From 6512b4b791d53797699545d4f7d698cab303c0b8 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?=E6=9B=B9=E7=B9=81?= Date: Thu, 13 Jun 2019 15:52:23 +0800 Subject: [PATCH 01/29] format code --- .travis.yml | 36 +- analysis/compression_analysis/psnr.py | 1 + arithmetic_analysis/bisection.py | 5 +- arithmetic_analysis/intersection.py | 17 +- arithmetic_analysis/lu_decomposition.py | 46 +- arithmetic_analysis/newton_method.py | 25 +- arithmetic_analysis/newton_raphson_method.py | 30 +- binary_tree/basic_binary_tree.py | 14 +- boolean_algebra/quine_mc_cluskey.py | 215 ++-- ciphers/Atbash.py | 13 +- ciphers/affine_cipher.py | 21 +- ciphers/base16.py | 8 +- ciphers/base32.py | 8 +- ciphers/base64_cipher.py | 48 +- ciphers/base85.py | 8 +- ciphers/brute_force_caesar_cipher.py | 5 + ciphers/caesar_cipher.py | 12 +- ciphers/cryptomath_module.py | 5 +- ciphers/elgamal_key_generator.py | 7 +- ciphers/hill_cipher.py | 24 +- ciphers/morse_Code_implementation.py | 45 +- ciphers/onepad_cipher.py | 6 +- ciphers/playfair_cipher.py | 55 +- ciphers/rabin_miller.py | 10 +- ciphers/rot13.py | 2 + ciphers/rsa_cipher.py | 9 +- ciphers/rsa_key_generator.py | 13 +- ciphers/simple_substitution_cipher.py | 15 +- ciphers/trafid_cipher.py | 49 +- ciphers/transposition_cipher.py | 11 +- ...ansposition_cipher_encrypt_decrypt_file.py | 16 +- ciphers/vigenere_cipher.py | 6 + ciphers/xor_cipher.py | 244 ++-- compression/huffman.py | 5 + data_structures/arrays.py | 2 +- data_structures/avl.py | 10 +- data_structures/binary tree/AVL_tree.py | 120 +- .../binary tree/binary_search_tree.py | 138 ++- data_structures/binary tree/fenwick_tree.py | 29 +- .../binary tree/lazy_segment_tree.py | 80 +- data_structures/binary tree/segment_tree.py | 48 +- data_structures/binary tree/treap.py | 1 + data_structures/hashing/__init__.py | 1 + data_structures/hashing/double_hash.py | 12 +- data_structures/hashing/hash_table.py | 4 +- .../hashing/hash_table_with_linked_list.py | 11 +- .../hashing/number_theory/prime_numbers.py | 24 +- data_structures/hashing/quadratic_probing.py | 5 +- data_structures/heap/heap.py | 157 +-- data_structures/linked_list/__init__.py | 1 + .../linked_list/doubly_linked_list.py | 83 +- .../linked_list/singly_linked_list.py | 37 +- data_structures/linked_list/swapNodes.py | 9 +- data_structures/queue/double_ended_queue.py | 47 +- data_structures/queue/queue_on_list.py | 14 +- .../queue/queue_on_pseudo_stack.py | 15 +- data_structures/stacks/__init__.py | 34 +- .../stacks/balanced_parentheses.py | 3 +- .../stacks/infix_to_postfix_conversion.py | 5 +- .../stacks/infix_to_prefix_conversion.py | 58 +- data_structures/stacks/next.py | 14 +- data_structures/stacks/postfix_evaluation.py | 27 +- data_structures/stacks/stack.py | 1 + data_structures/stacks/stock_span_problem.py | 67 +- data_structures/trie/trie.py | 1 + .../union_find/tests_union_find.py | 4 +- data_structures/union_find/union_find.py | 9 +- dynamic_programming/Fractional_Knapsack.py | 15 +- dynamic_programming/bitmask.py | 79 +- dynamic_programming/coin_change.py | 1 - dynamic_programming/edit_distance.py | 57 +- dynamic_programming/fast_fibonacci.py | 1 + dynamic_programming/fibonacci.py | 2 +- dynamic_programming/floyd_warshall.py | 44 +- dynamic_programming/integer_partition.py | 57 +- .../k_means_clustering_tensorflow.py | 70 +- dynamic_programming/knapsack.py | 33 +- .../longest_common_subsequence.py | 10 +- .../longest_increasing_subsequence.py | 64 +- ...longest_increasing_subsequence_O(nlogn).py | 60 +- dynamic_programming/longest_sub_array.py | 11 +- dynamic_programming/matrix_chain_order.py | 54 +- dynamic_programming/max_sub_array.py | 97 +- dynamic_programming/minimum_partition.py | 22 +- dynamic_programming/rod_cutting.py | 40 +- dynamic_programming/subset_generation.py | 74 +- file_transfer_protocol/ftp_client_server.py | 23 +- file_transfer_protocol/ftp_send_receive.py | 20 +- graphs/BFS.py | 2 - graphs/DFS.py | 2 +- ...irected_and_Undirected_(Weighted)_Graph.py | 933 +++++++-------- graphs/a_star.py | 55 +- graphs/articulation_points.py | 3 +- graphs/basic_graphs.py | 1 - graphs/bellman_ford.py | 79 +- graphs/bfs_shortest_path.py | 16 +- graphs/breadth_first_search.py | 5 +- graphs/check_bipartite_graph_bfs.py | 5 +- graphs/check_bipartite_graph_dfs.py | 4 +- graphs/depth_first_search.py | 7 +- graphs/dijkstra_2.py | 70 +- graphs/dijkstra_algorithm.py | 9 +- .../edmonds_karp_multiple_source_and_sink.py | 9 +- graphs/even_tree.py | 1 + graphs/finding_bridges.py | 7 +- graphs/floyd_warshall.py | 55 +- graphs/graph_list.py | 7 +- graphs/graph_matrix.py | 15 +- graphs/kahns_algorithm_long.py | 7 +- graphs/kahns_algorithm_topo.py | 5 +- graphs/minimum_spanning_tree_kruskal.py | 29 +- graphs/minimum_spanning_tree_prims.py | 28 +- graphs/multi_hueristic_astar.py | 460 +++---- graphs/page_rank.py | 22 +- graphs/prim.py | 2 +- graphs/scc_kosaraju.py | 17 +- hashes/chaos_machine.py | 123 +- hashes/md5.py | 274 +++-- hashes/sha1.py | 24 +- linear_algebra_python/src/lib.py | 138 ++- linear_algebra_python/src/tests.py | 128 +- .../random_forest_classification.py | 30 +- .../random_forest_regression.py | 11 +- machine_learning/decision_tree.py | 19 +- machine_learning/gradient_descent.py | 11 +- machine_learning/k_means_clust.py | 94 +- machine_learning/linear_regression.py | 2 +- machine_learning/logistic_regression.py | 24 +- machine_learning/perceptron.py | 13 +- machine_learning/scoring_functions.py | 23 +- maths/3n+1.py | 18 +- maths/Binary_Exponentiation.py | 14 +- maths/Find_Max.py | 10 +- maths/Find_Min.py | 3 +- maths/Hanoi.py | 4 +- maths/Prime_Check.py | 7 +- maths/abs.py | 4 +- maths/abs_Max.py | 6 +- maths/abs_Min.py | 8 +- maths/average.py | 10 +- maths/basic_maths.py | 44 +- maths/extended_euclidean_algorithm.py | 25 +- maths/factorial_python.py | 12 +- maths/factorial_recursive.py | 15 +- maths/fermat_little_theorem.py | 5 +- maths/fibonacci.py | 11 +- maths/fibonacci_sequence_recursion.py | 5 +- maths/greater_common_divisor.py | 6 +- maths/lucasSeries.py | 15 +- maths/modular_exponential.py | 24 +- maths/newton_raphson.py | 23 +- maths/segmented_sieve.py | 34 +- maths/sieve_of_eratosthenes.py | 18 +- maths/simpson_rule.py | 67 +- maths/tests/__init__.py | 2 +- maths/tests/test_fibonacci.py | 2 +- maths/trapezoidal_rule.py | 65 +- matrix/matrix_multiplication_addition.py | 27 +- networking_flow/ford_fulkerson.py | 31 +- networking_flow/minimum_cut.py | 36 +- neural_network/bpnn.py | 73 +- neural_network/convolution_neural_network.py | 166 +-- neural_network/perceptron.py | 13 +- other/anagrams.py | 10 +- other/binary_exponentiation.py | 7 +- other/binary_exponentiation_2.py | 6 +- other/detecting_english_programmatically.py | 8 +- other/euclidean_gcd.py | 4 + other/finding_Primes.py | 23 +- other/fischer_yates_shuffle.py | 14 +- other/frequency_finder.py | 10 +- other/game_of_life/game_o_life.py | 78 +- other/linear_congruential_generator.py | 17 +- other/n_queens.py | 136 +-- other/nested_brackets.py | 4 +- other/password_generator.py | 13 +- other/primelib.py | 503 ++++---- other/sierpinski_triangle.py | 44 +- other/tower_of_hanoi.py | 13 +- other/two_sum.py | 15 +- other/word_patterns.py | 7 +- project_euler/problem_01/sol1.py | 33 +- project_euler/problem_01/sol2.py | 20 - project_euler/problem_01/sol3.py | 50 - project_euler/problem_01/sol4.py | 30 - project_euler/problem_01/sol5.py | 16 - project_euler/problem_01/sol6.py | 9 - project_euler/problem_02/sol1.py | 32 +- project_euler/problem_02/sol2.py | 15 - project_euler/problem_02/sol3.py | 18 - project_euler/problem_02/sol4.py | 13 - project_euler/problem_03/sol1.py | 39 - project_euler/problem_03/sol2.py | 25 +- project_euler/problem_04/sol1.py | 12 +- project_euler/problem_04/sol2.py | 13 +- project_euler/problem_05/sol1.py | 16 +- project_euler/problem_05/sol2.py | 20 +- project_euler/problem_06/sol1.py | 6 +- project_euler/problem_06/sol2.py | 7 +- project_euler/problem_06/sol3.py | 12 +- project_euler/problem_07/sol1.py | 33 +- project_euler/problem_07/sol2.py | 22 +- project_euler/problem_07/sol3.py | 13 +- project_euler/problem_08/sol1.py | 12 +- project_euler/problem_08/sol2.py | 8 +- project_euler/problem_09/sol1.py | 9 +- project_euler/problem_09/sol2.py | 20 +- project_euler/problem_09/sol3.py | 7 +- project_euler/problem_10/sol1.py | 52 +- project_euler/problem_10/sol2.py | 24 +- project_euler/problem_11/sol1.py | 59 +- project_euler/problem_11/sol2.py | 65 +- project_euler/problem_12/sol1.py | 32 +- project_euler/problem_12/sol2.py | 14 +- project_euler/problem_13/sol1.py | 1 - project_euler/problem_14/sol1.py | 9 +- project_euler/problem_14/sol2.py | 29 +- project_euler/problem_15/sol1.py | 27 +- project_euler/problem_16/sol1.py | 6 +- project_euler/problem_17/sol1.py | 31 +- project_euler/problem_19/sol1.py | 41 +- project_euler/problem_20/sol1.py | 8 +- project_euler/problem_20/sol2.py | 8 +- project_euler/problem_21/sol1.py | 28 +- project_euler/problem_22/sol1.py | 19 +- project_euler/problem_22/sol2.py | 1058 ++++++++--------- project_euler/problem_24/sol1.py | 9 +- project_euler/problem_25/sol1.py | 39 +- project_euler/problem_25/sol2.py | 14 +- project_euler/problem_28/sol1.py | 39 +- project_euler/problem_29/solution.py | 6 +- project_euler/problem_31/sol1.py | 3 +- project_euler/problem_36/sol1.py | 23 +- project_euler/problem_40/sol1.py | 9 +- project_euler/problem_48/sol1.py | 10 +- project_euler/problem_52/sol1.py | 19 +- project_euler/problem_53/sol1.py | 20 +- project_euler/problem_76/sol1.py | 27 +- searches/binary_search.py | 15 +- searches/interpolation_search.py | 53 +- searches/jump_search.py | 10 +- searches/linear_search.py | 3 +- searches/quick_select.py | 23 +- searches/sentinel_linear_search.py | 5 +- searches/tabu_search.py | 2 +- searches/ternary_search.py | 82 +- searches/test_interpolation_search.py | 60 +- searches/test_tabu_search.py | 3 +- simple_client/client.py | 31 +- simple_client/server.py | 8 +- sorts/Odd-Even_transposition_parallel.py | 55 +- .../Odd-Even_transposition_single-threaded.py | 5 +- sorts/bogo_sort.py | 4 +- sorts/bubble_sort.py | 10 +- sorts/bucket_sort.py | 8 +- sorts/cocktail_shaker_sort.py | 22 +- sorts/comb_sort.py | 7 +- sorts/counting_sort.py | 7 +- sorts/cycle_sort.py | 4 +- sorts/external_sort.py | 5 +- sorts/gnome_sort.py | 16 +- sorts/heap_sort.py | 3 +- sorts/insertion_sort.py | 2 +- sorts/merge_sort.py | 6 +- sorts/merge_sort_fastest.py | 2 +- sorts/pancake_sort.py | 7 +- sorts/pigeon_sort.py | 23 +- sorts/quick_sort.py | 6 +- sorts/quick_sort_3_partition.py | 8 +- sorts/radix_sort.py | 30 +- sorts/random_normal_distribution_quicksort.py | 76 +- sorts/random_pivot_quick_sort.py | 12 +- sorts/selection_sort.py | 2 +- sorts/shell_sort.py | 3 +- sorts/tests.py | 8 +- sorts/tim_sort.py | 8 +- sorts/topological_sort.py | 2 + sorts/tree_sort.py | 21 +- sorts/wiggle_sort.py | 9 +- strings/knuth_morris_pratt.py | 2 +- strings/levenshtein_distance.py | 3 +- strings/manacher.py | 28 +- strings/min_cost_string_conversion.py | 196 +-- strings/naive_String_Search.py | 27 +- 284 files changed, 5487 insertions(+), 5097 deletions(-) delete mode 100644 project_euler/problem_01/sol2.py delete mode 100644 project_euler/problem_01/sol3.py delete mode 100644 project_euler/problem_01/sol4.py delete mode 100644 project_euler/problem_01/sol5.py delete mode 100644 project_euler/problem_01/sol6.py delete mode 100644 project_euler/problem_02/sol2.py delete mode 100644 project_euler/problem_02/sol3.py delete mode 100644 project_euler/problem_02/sol4.py delete mode 100644 project_euler/problem_03/sol1.py diff --git a/.travis.yml b/.travis.yml index 2440899e4f25..a6a3212ac82e 100644 --- a/.travis.yml +++ b/.travis.yml @@ -1,26 +1,26 @@ language: python cache: pip python: - - 2.7 - - 3.6 - #- nightly - #- pypy - #- pypy3 + - 2.7 + - 3.6 + #- nightly + #- pypy + #- pypy3 matrix: - allow_failures: - - python: nightly - - python: pypy - - python: pypy3 + allow_failures: + - python: nightly + - python: pypy + - python: pypy3 install: - #- pip install -r requirements.txt - - pip install flake8 # pytest # add another testing frameworks later + #- pip install -r requirements.txt + - pip install flake8 # pytest # add another testing frameworks later before_script: - # stop the build if there are Python syntax errors or undefined names - - flake8 . --count --select=E9,F63,F72,F82 --show-source --statistics - # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide - - flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics + # stop the build if there are Python syntax errors or undefined names + - flake8 . --count --select=E9,F63,F72,F82 --show-source --statistics + # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide + - flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics script: - - true # pytest --capture=sys # add other tests here + - true # pytest --capture=sys # add other tests here notifications: - on_success: change - on_failure: change # `always` will be the setting once code changes slow down + on_success: change + on_failure: change # `always` will be the setting once code changes slow down diff --git a/analysis/compression_analysis/psnr.py b/analysis/compression_analysis/psnr.py index 0f21aac07d34..57fb5c08fd57 100644 --- a/analysis/compression_analysis/psnr.py +++ b/analysis/compression_analysis/psnr.py @@ -9,6 +9,7 @@ import cv2 import numpy as np + def psnr(original, contrast): mse = np.mean((original - contrast) ** 2) if mse == 0: diff --git a/arithmetic_analysis/bisection.py b/arithmetic_analysis/bisection.py index c81fa84f81e1..7526f5f4a01f 100644 --- a/arithmetic_analysis/bisection.py +++ b/arithmetic_analysis/bisection.py @@ -15,7 +15,7 @@ def bisection(function, a, b): # finds where the function becomes 0 in [a,b] us return else: mid = (start + end) / 2 - while abs(start - mid) > 10**-7: # until we achieve precise equals to 10^-7 + while abs(start - mid) > 10 ** -7: # until we achieve precise equals to 10^-7 if function(mid) == 0: return mid elif function(mid) * function(start) < 0: @@ -27,7 +27,8 @@ def bisection(function, a, b): # finds where the function becomes 0 in [a,b] us def f(x): - return math.pow(x, 3) - 2*x - 5 + return math.pow(x, 3) - 2 * x - 5 + if __name__ == "__main__": print(bisection(f, 1, 1000)) diff --git a/arithmetic_analysis/intersection.py b/arithmetic_analysis/intersection.py index 2f25f76ebd96..ebb206c8aa37 100644 --- a/arithmetic_analysis/intersection.py +++ b/arithmetic_analysis/intersection.py @@ -1,17 +1,20 @@ import math -def intersection(function,x0,x1): #function is the f we want to find its root and x0 and x1 are two random starting points + +def intersection(function, x0, x1): # function is the f we want to find its root and x0 and x1 are two random starting points x_n = x0 x_n1 = x1 while True: - x_n2 = x_n1-(function(x_n1)/((function(x_n1)-function(x_n))/(x_n1-x_n))) - if abs(x_n2 - x_n1) < 10**-5: + x_n2 = x_n1 - (function(x_n1) / ((function(x_n1) - function(x_n)) / (x_n1 - x_n))) + if abs(x_n2 - x_n1) < 10 ** -5: return x_n2 - x_n=x_n1 - x_n1=x_n2 + x_n = x_n1 + x_n1 = x_n2 + def f(x): - return math.pow(x , 3) - (2 * x) -5 + return math.pow(x, 3) - (2 * x) - 5 + if __name__ == "__main__": - print(intersection(f,3,3.5)) + print(intersection(f, 3, 3.5)) diff --git a/arithmetic_analysis/lu_decomposition.py b/arithmetic_analysis/lu_decomposition.py index f291d2dfe003..3bbbcfe566af 100644 --- a/arithmetic_analysis/lu_decomposition.py +++ b/arithmetic_analysis/lu_decomposition.py @@ -1,32 +1,34 @@ # lower–upper (LU) decomposition - https://en.wikipedia.org/wiki/LU_decomposition import numpy -def LUDecompose (table): + +def LUDecompose(table): # Table that contains our data # Table has to be a square array so we need to check first - rows,columns=numpy.shape(table) - L=numpy.zeros((rows,columns)) - U=numpy.zeros((rows,columns)) - if rows!=columns: + rows, columns = numpy.shape(table) + L = numpy.zeros((rows, columns)) + U = numpy.zeros((rows, columns)) + if rows != columns: return [] - for i in range (columns): - for j in range(i-1): - sum=0 - for k in range (j-1): - sum+=L[i][k]*U[k][j] - L[i][j]=(table[i][j]-sum)/U[j][j] - L[i][i]=1 - for j in range(i-1,columns): - sum1=0 - for k in range(i-1): - sum1+=L[i][k]*U[k][j] - U[i][j]=table[i][j]-sum1 - return L,U + for i in range(columns): + for j in range(i - 1): + sum = 0 + for k in range(j - 1): + sum += L[i][k] * U[k][j] + L[i][j] = (table[i][j] - sum) / U[j][j] + L[i][i] = 1 + for j in range(i - 1, columns): + sum1 = 0 + for k in range(i - 1): + sum1 += L[i][k] * U[k][j] + U[i][j] = table[i][j] - sum1 + return L, U + if __name__ == "__main__": - matrix =numpy.array([[2,-2,1], - [0,1,2], - [5,3,1]]) - L,U = LUDecompose(matrix) + matrix = numpy.array([[2, -2, 1], + [0, 1, 2], + [5, 3, 1]]) + L, U = LUDecompose(matrix) print(L) print(U) diff --git a/arithmetic_analysis/newton_method.py b/arithmetic_analysis/newton_method.py index 2ed29502522e..888e01cb865a 100644 --- a/arithmetic_analysis/newton_method.py +++ b/arithmetic_analysis/newton_method.py @@ -1,18 +1,21 @@ # Newton's Method - https://en.wikipedia.org/wiki/Newton%27s_method -def newton(function,function1,startingInt): #function is the f(x) and function1 is the f'(x) - x_n=startingInt - while True: - x_n1=x_n-function(x_n)/function1(x_n) - if abs(x_n-x_n1) < 10**-5: - return x_n1 - x_n=x_n1 - +def newton(function, function1, startingInt): # function is the f(x) and function1 is the f'(x) + x_n = startingInt + while True: + x_n1 = x_n - function(x_n) / function1(x_n) + if abs(x_n - x_n1) < 10 ** -5: + return x_n1 + x_n = x_n1 + + def f(x): - return (x**3) - (2 * x) -5 + return (x ** 3) - (2 * x) - 5 + def f1(x): - return 3 * (x**2) -2 + return 3 * (x ** 2) - 2 + if __name__ == "__main__": - print(newton(f,f1,3)) + print(newton(f, f1, 3)) diff --git a/arithmetic_analysis/newton_raphson_method.py b/arithmetic_analysis/newton_raphson_method.py index 5e7e2f930abc..18a10c6605c3 100644 --- a/arithmetic_analysis/newton_raphson_method.py +++ b/arithmetic_analysis/newton_raphson_method.py @@ -1,36 +1,34 @@ # Implementing Newton Raphson method in Python # Author: Haseeb -from sympy import diff from decimal import Decimal +from sympy import diff + + def NewtonRaphson(func, a): ''' Finds root from the point 'a' onwards by Newton-Raphson method ''' while True: - c = Decimal(a) - ( Decimal(eval(func)) / Decimal(eval(str(diff(func)))) ) - + c = Decimal(a) - (Decimal(eval(func)) / Decimal(eval(str(diff(func))))) + a = c # This number dictates the accuracy of the answer - if abs(eval(func)) < 10**-15: - return c - + if abs(eval(func)) < 10 ** -15: + return c + # Let's Execute if __name__ == '__main__': # Find root of trigonometric function # Find value of pi - print ('sin(x) = 0', NewtonRaphson('sin(x)', 2)) - + print('sin(x) = 0', NewtonRaphson('sin(x)', 2)) + # Find root of polynomial - print ('x**2 - 5*x +2 = 0', NewtonRaphson('x**2 - 5*x +2', 0.4)) - + print('x**2 - 5*x +2 = 0', NewtonRaphson('x**2 - 5*x +2', 0.4)) + # Find Square Root of 5 - print ('x**2 - 5 = 0', NewtonRaphson('x**2 - 5', 0.1)) + print('x**2 - 5 = 0', NewtonRaphson('x**2 - 5', 0.1)) # Exponential Roots - print ('exp(x) - 1 = 0', NewtonRaphson('exp(x) - 1', 0)) - - - - + print('exp(x) - 1 = 0', NewtonRaphson('exp(x) - 1', 0)) diff --git a/binary_tree/basic_binary_tree.py b/binary_tree/basic_binary_tree.py index 7c6240fb4dd4..65098657c706 100644 --- a/binary_tree/basic_binary_tree.py +++ b/binary_tree/basic_binary_tree.py @@ -1,12 +1,13 @@ -class Node: # This is the Class Node with constructor that contains data variable to type data and left,right pointers. +class Node: # This is the Class Node with constructor that contains data variable to type data and left,right pointers. def __init__(self, data): self.data = data self.left = None self.right = None -def display(tree): #In Order traversal of the tree - if tree is None: +def display(tree): # In Order traversal of the tree + + if tree is None: return if tree.left is not None: @@ -19,7 +20,8 @@ def display(tree): #In Order traversal of the tree return -def depth_of_tree(tree): #This is the recursive function to find the depth of binary tree. + +def depth_of_tree(tree): # This is the recursive function to find the depth of binary tree. if tree is None: return 0 else: @@ -31,7 +33,7 @@ def depth_of_tree(tree): #This is the recursive function to find the depth of bi return 1 + depth_r_tree -def is_full_binary_tree(tree): # This functions returns that is it full binary tree or not? +def is_full_binary_tree(tree): # This functions returns that is it full binary tree or not? if tree is None: return True if (tree.left is None) and (tree.right is None): @@ -42,7 +44,7 @@ def is_full_binary_tree(tree): # This functions returns that is it full binary t return False -def main(): # Main func for testing. +def main(): # Main func for testing. tree = Node(1) tree.left = Node(2) tree.right = Node(3) diff --git a/boolean_algebra/quine_mc_cluskey.py b/boolean_algebra/quine_mc_cluskey.py index db4d153cbfd7..8d0ecceb1ad7 100644 --- a/boolean_algebra/quine_mc_cluskey.py +++ b/boolean_algebra/quine_mc_cluskey.py @@ -1,116 +1,127 @@ def compare_string(string1, string2): - l1 = list(string1); l2 = list(string2) - count = 0 - for i in range(len(l1)): - if l1[i] != l2[i]: - count += 1 - l1[i] = '_' - if count > 1: - return -1 - else: - return("".join(l1)) + l1 = list(string1); + l2 = list(string2) + count = 0 + for i in range(len(l1)): + if l1[i] != l2[i]: + count += 1 + l1[i] = '_' + if count > 1: + return -1 + else: + return ("".join(l1)) + def check(binary): - pi = [] - while 1: - check1 = ['$']*len(binary) - temp = [] - for i in range(len(binary)): - for j in range(i+1, len(binary)): - k=compare_string(binary[i], binary[j]) - if k != -1: - check1[i] = '*' - check1[j] = '*' - temp.append(k) - for i in range(len(binary)): - if check1[i] == '$': - pi.append(binary[i]) - if len(temp) == 0: - return pi - binary = list(set(temp)) + pi = [] + while 1: + check1 = ['$'] * len(binary) + temp = [] + for i in range(len(binary)): + for j in range(i + 1, len(binary)): + k = compare_string(binary[i], binary[j]) + if k != -1: + check1[i] = '*' + check1[j] = '*' + temp.append(k) + for i in range(len(binary)): + if check1[i] == '$': + pi.append(binary[i]) + if len(temp) == 0: + return pi + binary = list(set(temp)) + def decimal_to_binary(no_of_variable, minterms): - temp = [] - s = '' - for m in minterms: - for i in range(no_of_variable): - s = str(m%2) + s - m //= 2 - temp.append(s) - s = '' - return temp + temp = [] + s = '' + for m in minterms: + for i in range(no_of_variable): + s = str(m % 2) + s + m //= 2 + temp.append(s) + s = '' + return temp + def is_for_table(string1, string2, count): - l1 = list(string1);l2=list(string2) - count_n = 0 - for i in range(len(l1)): - if l1[i] != l2[i]: - count_n += 1 - if count_n == count: - return True - else: - return False + l1 = list(string1); + l2 = list(string2) + count_n = 0 + for i in range(len(l1)): + if l1[i] != l2[i]: + count_n += 1 + if count_n == count: + return True + else: + return False + def selection(chart, prime_implicants): - temp = [] - select = [0]*len(chart) - for i in range(len(chart[0])): - count = 0 - rem = -1 - for j in range(len(chart)): - if chart[j][i] == 1: - count += 1 - rem = j - if count == 1: - select[rem] = 1 - for i in range(len(select)): - if select[i] == 1: - for j in range(len(chart[0])): - if chart[i][j] == 1: - for k in range(len(chart)): - chart[k][j] = 0 - temp.append(prime_implicants[i]) - while 1: - max_n = 0; rem = -1; count_n = 0 - for i in range(len(chart)): - count_n = chart[i].count(1) - if count_n > max_n: - max_n = count_n - rem = i - - if max_n == 0: - return temp - - temp.append(prime_implicants[rem]) - - for i in range(len(chart[0])): - if chart[rem][i] == 1: - for j in range(len(chart)): - chart[j][i] = 0 - + temp = [] + select = [0] * len(chart) + for i in range(len(chart[0])): + count = 0 + rem = -1 + for j in range(len(chart)): + if chart[j][i] == 1: + count += 1 + rem = j + if count == 1: + select[rem] = 1 + for i in range(len(select)): + if select[i] == 1: + for j in range(len(chart[0])): + if chart[i][j] == 1: + for k in range(len(chart)): + chart[k][j] = 0 + temp.append(prime_implicants[i]) + while 1: + max_n = 0; + rem = -1; + count_n = 0 + for i in range(len(chart)): + count_n = chart[i].count(1) + if count_n > max_n: + max_n = count_n + rem = i + + if max_n == 0: + return temp + + temp.append(prime_implicants[rem]) + + for i in range(len(chart[0])): + if chart[rem][i] == 1: + for j in range(len(chart)): + chart[j][i] = 0 + + def prime_implicant_chart(prime_implicants, binary): - chart = [[0 for x in range(len(binary))] for x in range(len(prime_implicants))] - for i in range(len(prime_implicants)): - count = prime_implicants[i].count('_') - for j in range(len(binary)): - if(is_for_table(prime_implicants[i], binary[j], count)): - chart[i][j] = 1 - - return chart + chart = [[0 for x in range(len(binary))] for x in range(len(prime_implicants))] + for i in range(len(prime_implicants)): + count = prime_implicants[i].count('_') + for j in range(len(binary)): + if (is_for_table(prime_implicants[i], binary[j], count)): + chart[i][j] = 1 + + return chart + def main(): - no_of_variable = int(input("Enter the no. of variables\n")) - minterms = [int(x) for x in input("Enter the decimal representation of Minterms 'Spaces Seprated'\n").split()] - binary = decimal_to_binary(no_of_variable, minterms) - - prime_implicants = check(binary) - print("Prime Implicants are:") - print(prime_implicants) - chart = prime_implicant_chart(prime_implicants, binary) - - essential_prime_implicants = selection(chart,prime_implicants) - print("Essential Prime Implicants are:") - print(essential_prime_implicants) + no_of_variable = int(input("Enter the no. of variables\n")) + minterms = [int(x) for x in input("Enter the decimal representation of Minterms 'Spaces Seprated'\n").split()] + binary = decimal_to_binary(no_of_variable, minterms) + + prime_implicants = check(binary) + print("Prime Implicants are:") + print(prime_implicants) + chart = prime_implicant_chart(prime_implicants, binary) + + essential_prime_implicants = selection(chart, prime_implicants) + print("Essential Prime Implicants are:") + print(essential_prime_implicants) + if __name__ == '__main__': - main() + main() diff --git a/ciphers/Atbash.py b/ciphers/Atbash.py index 162614c727ee..a21de4c43014 100644 --- a/ciphers/Atbash.py +++ b/ciphers/Atbash.py @@ -1,21 +1,22 @@ -try: # Python 2 +try: # Python 2 raw_input unichr -except NameError: # Python 3 +except NameError: #  Python 3 raw_input = input unichr = chr def Atbash(): - output="" + output = "" for i in raw_input("Enter the sentence to be encrypted ").strip(): extract = ord(i) if 65 <= extract <= 90: - output += unichr(155-extract) + output += unichr(155 - extract) elif 97 <= extract <= 122: - output += unichr(219-extract) + output += unichr(219 - extract) else: - output+=i + output += i print(output) + Atbash() diff --git a/ciphers/affine_cipher.py b/ciphers/affine_cipher.py index af5f4e0ff4c6..0d1add38c07b 100644 --- a/ciphers/affine_cipher.py +++ b/ciphers/affine_cipher.py @@ -1,26 +1,32 @@ from __future__ import print_function -import sys, random, cryptomath_module as cryptoMath + +import cryptomath_module as cryptoMath +import random +import sys SYMBOLS = r""" !"#$%&'()*+,-./0123456789:;<=>?@ABCDEFGHIJKLMNOPQRSTUVWXYZ[\]^_`abcdefghijklmnopqrstuvwxyz{|}~""" + def main(): message = input('Enter message: ') key = int(input('Enter key [2000 - 9000]: ')) mode = input('Encrypt/Decrypt [E/D]: ') if mode.lower().startswith('e'): - mode = 'encrypt' - translated = encryptMessage(key, message) + mode = 'encrypt' + translated = encryptMessage(key, message) elif mode.lower().startswith('d'): - mode = 'decrypt' - translated = decryptMessage(key, message) + mode = 'decrypt' + translated = decryptMessage(key, message) print('\n%sed text: \n%s' % (mode.title(), translated)) + def getKeyParts(key): keyA = key // len(SYMBOLS) keyB = key % len(SYMBOLS) return (keyA, keyB) + def checkKeys(keyA, keyB, mode): if keyA == 1 and mode == 'encrypt': sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') @@ -31,6 +37,7 @@ def checkKeys(keyA, keyB, mode): if cryptoMath.gcd(keyA, len(SYMBOLS)) != 1: sys.exit('Key A %s and the symbol set size %s are not relatively prime. Choose a different key.' % (keyA, len(SYMBOLS))) + def encryptMessage(key, message): ''' >>> encryptMessage(4545, 'The affine cipher is a type of monoalphabetic substitution cipher.') @@ -47,6 +54,7 @@ def encryptMessage(key, message): cipherText += symbol return cipherText + def decryptMessage(key, message): ''' >>> decryptMessage(4545, 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi') @@ -64,6 +72,7 @@ def decryptMessage(key, message): plainText += symbol return plainText + def getRandomKey(): while True: keyA = random.randint(2, len(SYMBOLS)) @@ -71,7 +80,9 @@ def getRandomKey(): if cryptoMath.gcd(keyA, len(SYMBOLS)) == 1: return keyA * len(SYMBOLS) + keyB + if __name__ == '__main__': import doctest + doctest.testmod() main() diff --git a/ciphers/base16.py b/ciphers/base16.py index 9bc0e5d8337a..3577541a1092 100644 --- a/ciphers/base16.py +++ b/ciphers/base16.py @@ -1,11 +1,13 @@ import base64 + def main(): inp = input('->') - encoded = inp.encode('utf-8') #encoded the input (we need a bytes like object) - b16encoded = base64.b16encode(encoded) #b16encoded the encoded string + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + b16encoded = base64.b16encode(encoded) # b16encoded the encoded string print(b16encoded) - print(base64.b16decode(b16encoded).decode('utf-8'))#decoded it + print(base64.b16decode(b16encoded).decode('utf-8')) # decoded it + if __name__ == '__main__': main() diff --git a/ciphers/base32.py b/ciphers/base32.py index 2ac29f441e94..d993583a27ce 100644 --- a/ciphers/base32.py +++ b/ciphers/base32.py @@ -1,11 +1,13 @@ import base64 + def main(): inp = input('->') - encoded = inp.encode('utf-8') #encoded the input (we need a bytes like object) - b32encoded = base64.b32encode(encoded) #b32encoded the encoded string + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + b32encoded = base64.b32encode(encoded) # b32encoded the encoded string print(b32encoded) - print(base64.b32decode(b32encoded).decode('utf-8'))#decoded it + print(base64.b32decode(b32encoded).decode('utf-8')) # decoded it + if __name__ == '__main__': main() diff --git a/ciphers/base64_cipher.py b/ciphers/base64_cipher.py index fa3451c0cbae..17ce815c6a40 100644 --- a/ciphers/base64_cipher.py +++ b/ciphers/base64_cipher.py @@ -1,32 +1,33 @@ def encodeBase64(text): base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" - - r = "" #the result - c = 3 - len(text) % 3 #the length of padding - p = "=" * c #the padding - s = text + "\0" * c #the text to encode - - i = 0 + + r = "" # the result + c = 3 - len(text) % 3 # the length of padding + p = "=" * c # the padding + s = text + "\0" * c # the text to encode + + i = 0 while i < len(s): if i > 0 and ((i / 3 * 4) % 76) == 0: r = r + "\r\n" - - n = (ord(s[i]) << 16) + (ord(s[i+1]) << 8 ) + ord(s[i+2]) - + + n = (ord(s[i]) << 16) + (ord(s[i + 1]) << 8) + ord(s[i + 2]) + n1 = (n >> 18) & 63 n2 = (n >> 12) & 63 - n3 = (n >> 6) & 63 + n3 = (n >> 6) & 63 n4 = n & 63 - + r += base64chars[n1] + base64chars[n2] + base64chars[n3] + base64chars[n4] i += 3 - return r[0: len(r)-len(p)] + p - + return r[0: len(r) - len(p)] + p + + def decodeBase64(text): base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" s = "" - + for i in text: if i in base64chars: s += i @@ -34,31 +35,32 @@ def decodeBase64(text): else: if i == '=': c += '=' - + p = "" if c == "=": p = 'A' else: if c == "==": p = "AA" - + r = "" s = s + p - + i = 0 while i < len(s): - n = (base64chars.index(s[i]) << 18) + (base64chars.index(s[i+1]) << 12) + (base64chars.index(s[i+2]) << 6) +base64chars.index(s[i+3]) - + n = (base64chars.index(s[i]) << 18) + (base64chars.index(s[i + 1]) << 12) + (base64chars.index(s[i + 2]) << 6) + base64chars.index(s[i + 3]) + r += chr((n >> 16) & 255) + chr((n >> 8) & 255) + chr(n & 255) - + i += 4 - + return r[0: len(r) - len(p)] + def main(): print(encodeBase64("WELCOME to base64 encoding")) print(decodeBase64(encodeBase64("WELCOME to base64 encoding"))) - + if __name__ == '__main__': main() diff --git a/ciphers/base85.py b/ciphers/base85.py index 5fd13837f662..cb549855f14d 100644 --- a/ciphers/base85.py +++ b/ciphers/base85.py @@ -1,11 +1,13 @@ import base64 + def main(): inp = input('->') - encoded = inp.encode('utf-8') #encoded the input (we need a bytes like object) - a85encoded = base64.a85encode(encoded) #a85encoded the encoded string + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + a85encoded = base64.a85encode(encoded) # a85encoded the encoded string print(a85encoded) - print(base64.a85decode(a85encoded).decode('utf-8'))#decoded it + print(base64.a85decode(a85encoded).decode('utf-8')) # decoded it + if __name__ == '__main__': main() diff --git a/ciphers/brute_force_caesar_cipher.py b/ciphers/brute_force_caesar_cipher.py index 3b0716442fc5..22b6f3131b60 100644 --- a/ciphers/brute_force_caesar_cipher.py +++ b/ciphers/brute_force_caesar_cipher.py @@ -1,4 +1,6 @@ from __future__ import print_function + + def decrypt(message): """ >>> decrypt('TMDETUX PMDVU') @@ -43,12 +45,15 @@ def decrypt(message): translated = translated + symbol print("Decryption using Key #%s: %s" % (key, translated)) + def main(): message = input("Encrypted message: ") message = message.upper() decrypt(message) + if __name__ == '__main__': import doctest + doctest.testmod() main() diff --git a/ciphers/caesar_cipher.py b/ciphers/caesar_cipher.py index 39c069c95a7c..75b470c0bf8e 100644 --- a/ciphers/caesar_cipher.py +++ b/ciphers/caesar_cipher.py @@ -1,4 +1,3 @@ -import sys def encrypt(strng, key): encrypted = '' for x in strng: @@ -18,6 +17,7 @@ def decrypt(strng, key): decrypted = decrypted + chr(indx) return decrypted + def brute_force(strng): key = 1 decrypted = '' @@ -42,22 +42,24 @@ def main(): print("4.Quit") choice = input("What would you like to do?: ") if choice not in ['1', '2', '3', '4']: - print ("Invalid choice, please enter a valid choice") + print("Invalid choice, please enter a valid choice") elif choice == '1': strng = input("Please enter the string to be encrypted: ") key = int(input("Please enter off-set between 1-94: ")) if key in range(1, 95): - print (encrypt(strng.lower(), key)) + print(encrypt(strng.lower(), key)) elif choice == '2': strng = input("Please enter the string to be decrypted: ") key = int(input("Please enter off-set between 1-94: ")) - if key in range(1,95): + if key in range(1, 95): print(decrypt(strng, key)) elif choice == '3': strng = input("Please enter the string to be decrypted: ") brute_force(strng) main() elif choice == '4': - print ("Goodbye.") + print("Goodbye.") break + + main() diff --git a/ciphers/cryptomath_module.py b/ciphers/cryptomath_module.py index 3e8e71b117ed..fc38e4bd2a22 100644 --- a/ciphers/cryptomath_module.py +++ b/ciphers/cryptomath_module.py @@ -3,6 +3,7 @@ def gcd(a, b): a, b = b % a, a return b + def findModInverse(a, m): if gcd(a, m) != 1: return None @@ -10,5 +11,5 @@ def findModInverse(a, m): v1, v2, v3 = 0, 1, m while v3 != 0: q = u3 // v3 - v1, v2, v3, u1, u2, u3 = (u1 - q * v1), (u2 - q * v2), (u3 - q *v3), v1, v2, v3 - return u1 % m + v1, v2, v3, u1, u2, u3 = (u1 - q * v1), (u2 - q * v2), (u3 - q * v3), v1, v2, v3 + return u1 % m diff --git a/ciphers/elgamal_key_generator.py b/ciphers/elgamal_key_generator.py index 6a8751f69524..fe6714a7e614 100644 --- a/ciphers/elgamal_key_generator.py +++ b/ciphers/elgamal_key_generator.py @@ -1,7 +1,9 @@ import os import random import sys -import rabin_miller as rabinMiller, cryptomath_module as cryptoMath + +import cryptomath_module as cryptoMath +import rabin_miller as rabinMiller min_primitive_root = 3 @@ -19,7 +21,7 @@ def main(): def primitiveRoot(p_val): print("Generating primitive root of p") while True: - g = random.randrange(3,p_val) + g = random.randrange(3, p_val) if pow(g, 2, p_val) == 1: continue if pow(g, p_val, p_val) == 1: @@ -60,4 +62,3 @@ def makeKeyFiles(name, keySize): if __name__ == '__main__': main() - \ No newline at end of file diff --git a/ciphers/hill_cipher.py b/ciphers/hill_cipher.py index 89b88beed17e..19f71c45f3e8 100644 --- a/ciphers/hill_cipher.py +++ b/ciphers/hill_cipher.py @@ -44,7 +44,7 @@ def gcd(a, b): if a == 0: return b - return gcd(b%a, a) + return gcd(b % a, a) class HillCipher: @@ -59,19 +59,19 @@ class HillCipher: modulus = numpy.vectorize(lambda x: x % 36) toInt = numpy.vectorize(lambda x: round(x)) - + def __init__(self, encrypt_key): """ encrypt_key is an NxN numpy matrix """ - self.encrypt_key = self.modulus(encrypt_key) # mod36 calc's on the encrypt key - self.checkDeterminant() # validate the determinant of the encryption key + self.encrypt_key = self.modulus(encrypt_key) # mod36 calc's on the encrypt key + self.checkDeterminant() # validate the determinant of the encryption key self.decrypt_key = None self.break_key = encrypt_key.shape[0] def checkDeterminant(self): det = round(numpy.linalg.det(self.encrypt_key)) - + if det < 0: det = det % len(self.key_string) @@ -88,13 +88,13 @@ def processText(self, text): text.append(last) return ''.join(text) - + def encrypt(self, text): text = self.processText(text.upper()) encrypted = '' for i in range(0, len(text) - self.break_key + 1, self.break_key): - batch = text[i:i+self.break_key] + batch = text[i:i + self.break_key] batch_vec = list(map(self.replaceLetters, batch)) batch_vec = numpy.matrix([batch_vec]).T batch_encrypted = self.modulus(self.encrypt_key.dot(batch_vec)).T.tolist()[0] @@ -105,7 +105,7 @@ def encrypt(self, text): def makeDecryptKey(self): det = round(numpy.linalg.det(self.encrypt_key)) - + if det < 0: det = det % len(self.key_string) det_inv = None @@ -114,18 +114,18 @@ def makeDecryptKey(self): det_inv = i break - inv_key = det_inv * numpy.linalg.det(self.encrypt_key) *\ + inv_key = det_inv * numpy.linalg.det(self.encrypt_key) * \ numpy.linalg.inv(self.encrypt_key) return self.toInt(self.modulus(inv_key)) - + def decrypt(self, text): self.decrypt_key = self.makeDecryptKey() text = self.processText(text.upper()) decrypted = '' for i in range(0, len(text) - self.break_key + 1, self.break_key): - batch = text[i:i+self.break_key] + batch = text[i:i + self.break_key] batch_vec = list(map(self.replaceLetters, batch)) batch_vec = numpy.matrix([batch_vec]).T batch_decrypted = self.modulus(self.decrypt_key.dot(batch_vec)).T.tolist()[0] @@ -161,7 +161,7 @@ def main(): text_d = input("What text would you like to decrypt?: ") print("Your decrypted text is:") print(hc.decrypt(text_d)) - + if __name__ == "__main__": main() diff --git a/ciphers/morse_Code_implementation.py b/ciphers/morse_Code_implementation.py index 7b2d0a94b24b..54b509caf049 100644 --- a/ciphers/morse_Code_implementation.py +++ b/ciphers/morse_Code_implementation.py @@ -2,21 +2,21 @@ # Dictionary representing the morse code chart -MORSE_CODE_DICT = { 'A':'.-', 'B':'-...', - 'C':'-.-.', 'D':'-..', 'E':'.', - 'F':'..-.', 'G':'--.', 'H':'....', - 'I':'..', 'J':'.---', 'K':'-.-', - 'L':'.-..', 'M':'--', 'N':'-.', - 'O':'---', 'P':'.--.', 'Q':'--.-', - 'R':'.-.', 'S':'...', 'T':'-', - 'U':'..-', 'V':'...-', 'W':'.--', - 'X':'-..-', 'Y':'-.--', 'Z':'--..', - '1':'.----', '2':'..---', '3':'...--', - '4':'....-', '5':'.....', '6':'-....', - '7':'--...', '8':'---..', '9':'----.', - '0':'-----', ', ':'--..--', '.':'.-.-.-', - '?':'..--..', '/':'-..-.', '-':'-....-', - '(':'-.--.', ')':'-.--.-'} +MORSE_CODE_DICT = {'A': '.-', 'B': '-...', + 'C': '-.-.', 'D': '-..', 'E': '.', + 'F': '..-.', 'G': '--.', 'H': '....', + 'I': '..', 'J': '.---', 'K': '-.-', + 'L': '.-..', 'M': '--', 'N': '-.', + 'O': '---', 'P': '.--.', 'Q': '--.-', + 'R': '.-.', 'S': '...', 'T': '-', + 'U': '..-', 'V': '...-', 'W': '.--', + 'X': '-..-', 'Y': '-.--', 'Z': '--..', + '1': '.----', '2': '..---', '3': '...--', + '4': '....-', '5': '.....', '6': '-....', + '7': '--...', '8': '---..', '9': '----.', + '0': '-----', ', ': '--..--', '.': '.-.-.-', + '?': '..--..', '/': '-..-.', '-': '-....-', + '(': '-.--.', ')': '-.--.-'} def encrypt(message): @@ -24,7 +24,6 @@ def encrypt(message): for letter in message: if letter != ' ': - cipher += MORSE_CODE_DICT[letter] + ' ' else: @@ -34,7 +33,6 @@ def encrypt(message): def decrypt(message): - message += ' ' decipher = '' @@ -43,26 +41,21 @@ def decrypt(message): if (letter != ' '): - i = 0 - citext += letter else: i += 1 - - if i == 2 : - + if i == 2: decipher += ' ' else: - decipher += list(MORSE_CODE_DICT.keys())[list(MORSE_CODE_DICT - .values()).index(citext)] + .values()).index(citext)] citext = '' return decipher @@ -71,11 +64,11 @@ def decrypt(message): def main(): message = "Morse code here" result = encrypt(message.upper()) - print (result) + print(result) message = result result = decrypt(message) - print (result) + print(result) if __name__ == '__main__': diff --git a/ciphers/onepad_cipher.py b/ciphers/onepad_cipher.py index 6afbd45249ec..6ee1ed18d44b 100644 --- a/ciphers/onepad_cipher.py +++ b/ciphers/onepad_cipher.py @@ -11,16 +11,16 @@ def encrypt(self, text): cipher = [] for i in plain: k = random.randint(1, 300) - c = (i+k)*k + c = (i + k) * k cipher.append(c) key.append(k) return cipher, key - + def decrypt(self, cipher, key): '''Function to decrypt text using psedo-random numbers.''' plain = [] for i in range(len(key)): - p = int((cipher[i]-(key[i])**2)/key[i]) + p = int((cipher[i] - (key[i]) ** 2) / key[i]) plain.append(chr(p)) plain = ''.join([i for i in plain]) return plain diff --git a/ciphers/playfair_cipher.py b/ciphers/playfair_cipher.py index 20449b161963..7fb9daeabb87 100644 --- a/ciphers/playfair_cipher.py +++ b/ciphers/playfair_cipher.py @@ -1,14 +1,14 @@ -import string import itertools +import string + def chunker(seq, size): it = iter(seq) while True: - chunk = tuple(itertools.islice(it, size)) - if not chunk: - return - yield chunk - + chunk = tuple(itertools.islice(it, size)) + if not chunk: + return + yield chunk def prepare_input(dirty): @@ -16,19 +16,19 @@ def prepare_input(dirty): Prepare the plaintext by up-casing it and separating repeated letters with X's """ - + dirty = ''.join([c.upper() for c in dirty if c in string.ascii_letters]) clean = "" - + if len(dirty) < 2: return dirty - for i in range(len(dirty)-1): + for i in range(len(dirty) - 1): clean += dirty[i] - - if dirty[i] == dirty[i+1]: + + if dirty[i] == dirty[i + 1]: clean += 'X' - + clean += dirty[-1] if len(clean) & 1: @@ -36,8 +36,8 @@ def prepare_input(dirty): return clean -def generate_table(key): +def generate_table(key): # I and J are used interchangeably to allow # us to use a 5x5 table (25 letters) alphabet = "ABCDEFGHIKLMNOPQRSTUVWXYZ" @@ -57,6 +57,7 @@ def generate_table(key): return table + def encode(plaintext, key): table = generate_table(key) plaintext = prepare_input(plaintext) @@ -68,14 +69,14 @@ def encode(plaintext, key): row2, col2 = divmod(table.index(char2), 5) if row1 == row2: - ciphertext += table[row1*5+(col1+1)%5] - ciphertext += table[row2*5+(col2+1)%5] + ciphertext += table[row1 * 5 + (col1 + 1) % 5] + ciphertext += table[row2 * 5 + (col2 + 1) % 5] elif col1 == col2: - ciphertext += table[((row1+1)%5)*5+col1] - ciphertext += table[((row2+1)%5)*5+col2] - else: # rectangle - ciphertext += table[row1*5+col2] - ciphertext += table[row2*5+col1] + ciphertext += table[((row1 + 1) % 5) * 5 + col1] + ciphertext += table[((row2 + 1) % 5) * 5 + col2] + else: # rectangle + ciphertext += table[row1 * 5 + col2] + ciphertext += table[row2 * 5 + col1] return ciphertext @@ -90,13 +91,13 @@ def decode(ciphertext, key): row2, col2 = divmod(table.index(char2), 5) if row1 == row2: - plaintext += table[row1*5+(col1-1)%5] - plaintext += table[row2*5+(col2-1)%5] + plaintext += table[row1 * 5 + (col1 - 1) % 5] + plaintext += table[row2 * 5 + (col2 - 1) % 5] elif col1 == col2: - plaintext += table[((row1-1)%5)*5+col1] - plaintext += table[((row2-1)%5)*5+col2] - else: # rectangle - plaintext += table[row1*5+col2] - plaintext += table[row2*5+col1] + plaintext += table[((row1 - 1) % 5) * 5 + col1] + plaintext += table[((row2 - 1) % 5) * 5 + col2] + else: # rectangle + plaintext += table[row1 * 5 + col2] + plaintext += table[row2 * 5 + col1] return plaintext diff --git a/ciphers/rabin_miller.py b/ciphers/rabin_miller.py index f71fb03c0051..502417497a8c 100644 --- a/ciphers/rabin_miller.py +++ b/ciphers/rabin_miller.py @@ -1,8 +1,11 @@ from __future__ import print_function -# Primality Testing with the Rabin-Miller Algorithm import random + +# Primality Testing with the Rabin-Miller Algorithm + + def rabinMiller(num): s = num - 1 t = 0 @@ -24,6 +27,7 @@ def rabinMiller(num): v = (v ** 2) % num return True + def isPrime(num): if (num < 2): return False @@ -52,12 +56,14 @@ def isPrime(num): return rabinMiller(num) -def generateLargePrime(keysize = 1024): + +def generateLargePrime(keysize=1024): while True: num = random.randrange(2 ** (keysize - 1), 2 ** (keysize)) if isPrime(num): return num + if __name__ == '__main__': num = generateLargePrime() print(('Prime number:', num)) diff --git a/ciphers/rot13.py b/ciphers/rot13.py index 2abf981e9d7d..ccc739d70f90 100644 --- a/ciphers/rot13.py +++ b/ciphers/rot13.py @@ -1,4 +1,6 @@ from __future__ import print_function + + def dencrypt(s, n): out = '' for c in s: diff --git a/ciphers/rsa_cipher.py b/ciphers/rsa_cipher.py index d81f1ffc1a1e..81031e3a5778 100644 --- a/ciphers/rsa_cipher.py +++ b/ciphers/rsa_cipher.py @@ -1,9 +1,13 @@ from __future__ import print_function -import sys, rsa_key_generator as rkg, os + +import os +import rsa_key_generator as rkg +import sys DEFAULT_BLOCK_SIZE = 128 BYTE_SIZE = 256 + def main(): filename = 'encrypted_file.txt' response = input(r'Encrypte\Decrypt [e\d]: ') @@ -16,7 +20,7 @@ def main(): if mode == 'encrypt': if not os.path.exists('rsa_pubkey.txt'): rkg.makeKeyFiles('rsa', 1024) - + message = input('\nEnter message: ') pubKeyFilename = 'rsa_pubkey.txt' print('Encrypting and writing to %s...' % (filename)) @@ -119,5 +123,6 @@ def readFromFileAndDecrypt(messageFilename, keyFilename): return decryptMessage(encryptedBlocks, messageLength, (n, d), blockSize) + if __name__ == '__main__': main() diff --git a/ciphers/rsa_key_generator.py b/ciphers/rsa_key_generator.py index 541e90d6e884..f0eec78e66ae 100644 --- a/ciphers/rsa_key_generator.py +++ b/ciphers/rsa_key_generator.py @@ -1,12 +1,19 @@ from __future__ import print_function -import random, sys, os -import rabin_miller as rabinMiller, cryptomath_module as cryptoMath + +import os +import random +import sys + +import cryptomath_module as cryptoMath +import rabin_miller as rabinMiller + def main(): print('Making key files...') makeKeyFiles('rsa', 1024) print('Key files generation successful.') + def generateKey(keySize): print('Generating prime p...') p = rabinMiller.generateLargePrime(keySize) @@ -27,6 +34,7 @@ def generateKey(keySize): privateKey = (n, d) return (publicKey, privateKey) + def makeKeyFiles(name, keySize): if os.path.exists('%s_pubkey.txt' % (name)) or os.path.exists('%s_privkey.txt' % (name)): print('\nWARNING:') @@ -42,5 +50,6 @@ def makeKeyFiles(name, keySize): with open('%s_privkey.txt' % name, 'w') as fo: fo.write('%s,%s,%s' % (keySize, privateKey[0], privateKey[1])) + if __name__ == '__main__': main() diff --git a/ciphers/simple_substitution_cipher.py b/ciphers/simple_substitution_cipher.py index 1bdd7dc04a57..b6fcc33819c8 100644 --- a/ciphers/simple_substitution_cipher.py +++ b/ciphers/simple_substitution_cipher.py @@ -1,8 +1,11 @@ from __future__ import print_function -import sys, random + +import random +import sys LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + def main(): message = input('Enter message: ') key = 'LFWOAYUISVKMNXPBDCRJTQEGHZ' @@ -18,7 +21,8 @@ def main(): translated = decryptMessage(key, message) print('\n%sion: \n%s' % (mode.title(), translated)) - + + def checkValidKey(key): keyList = list(key) lettersList = list(LETTERS) @@ -28,6 +32,7 @@ def checkValidKey(key): if keyList != lettersList: sys.exit('Error in the key or symbol set.') + def encryptMessage(key, message): """ >>> encryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Harshil Darji') @@ -35,6 +40,7 @@ def encryptMessage(key, message): """ return translateMessage(key, message, 'encrypt') + def decryptMessage(key, message): """ >>> decryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Ilcrism Olcvs') @@ -42,6 +48,7 @@ def decryptMessage(key, message): """ return translateMessage(key, message, 'decrypt') + def translateMessage(key, message, mode): translated = '' charsA = LETTERS @@ -49,7 +56,7 @@ def translateMessage(key, message, mode): if mode == 'decrypt': charsA, charsB = charsB, charsA - + for symbol in message: if symbol.upper() in charsA: symIndex = charsA.find(symbol.upper()) @@ -62,10 +69,12 @@ def translateMessage(key, message, mode): return translated + def getRandomKey(): key = list(LETTERS) random.shuffle(key) return ''.join(key) + if __name__ == '__main__': main() diff --git a/ciphers/trafid_cipher.py b/ciphers/trafid_cipher.py index 0453272f26a0..35302605f80c 100644 --- a/ciphers/trafid_cipher.py +++ b/ciphers/trafid_cipher.py @@ -1,9 +1,9 @@ -#https://en.wikipedia.org/wiki/Trifid_cipher +# https://en.wikipedia.org/wiki/Trifid_cipher def __encryptPart(messagePart, character2Number): one, two, three = "", "", "" tmp = [] - + for character in messagePart: tmp.append(character2Number[character]) @@ -11,8 +11,9 @@ def __encryptPart(messagePart, character2Number): one += each[0] two += each[1] three += each[2] - - return one+two+three + + return one + two + three + def __decryptPart(messagePart, character2Number): tmp, thisPart = "", "" @@ -25,62 +26,66 @@ def __decryptPart(messagePart, character2Number): tmp += digit if len(tmp) == len(messagePart): result.append(tmp) - tmp = "" + tmp = "" return result[0], result[1], result[2] + def __prepare(message, alphabet): - #Validate message and alphabet, set to upper and remove spaces + # Validate message and alphabet, set to upper and remove spaces alphabet = alphabet.replace(" ", "").upper() message = message.replace(" ", "").upper() - #Check length and characters + # Check length and characters if len(alphabet) != 27: raise KeyError("Length of alphabet has to be 27.") for each in message: if each not in alphabet: raise ValueError("Each message character has to be included in alphabet!") - #Generate dictionares - numbers = ("111","112","113","121","122","123","131","132","133","211","212","213","221","222","223","231","232","233","311","312","313","321","322","323","331","332","333") + # Generate dictionares + numbers = ("111", "112", "113", "121", "122", "123", "131", "132", "133", "211", "212", "213", "221", "222", "223", "231", "232", "233", "311", "312", "313", "321", "322", "323", "331", "332", "333") character2Number = {} number2Character = {} for letter, number in zip(alphabet, numbers): character2Number[letter] = number number2Character[number] = letter - + return message, alphabet, character2Number, number2Character -def encryptMessage(message, alphabet = "ABCDEFGHIJKLMNOPQRSTUVWXYZ.", period=5): + +def encryptMessage(message, alphabet="ABCDEFGHIJKLMNOPQRSTUVWXYZ.", period=5): message, alphabet, character2Number, number2Character = __prepare(message, alphabet) encrypted, encrypted_numeric = "", "" - for i in range(0, len(message)+1, period): - encrypted_numeric += __encryptPart(message[i:i+period], character2Number) - + for i in range(0, len(message) + 1, period): + encrypted_numeric += __encryptPart(message[i:i + period], character2Number) + for i in range(0, len(encrypted_numeric), 3): - encrypted += number2Character[encrypted_numeric[i:i+3]] + encrypted += number2Character[encrypted_numeric[i:i + 3]] return encrypted -def decryptMessage(message, alphabet = "ABCDEFGHIJKLMNOPQRSTUVWXYZ.", period=5): + +def decryptMessage(message, alphabet="ABCDEFGHIJKLMNOPQRSTUVWXYZ.", period=5): message, alphabet, character2Number, number2Character = __prepare(message, alphabet) decrypted_numeric = [] decrypted = "" - for i in range(0, len(message)+1, period): - a,b,c = __decryptPart(message[i:i+period], character2Number) - + for i in range(0, len(message) + 1, period): + a, b, c = __decryptPart(message[i:i + period], character2Number) + for j in range(0, len(a)): - decrypted_numeric.append(a[j]+b[j]+c[j]) + decrypted_numeric.append(a[j] + b[j] + c[j]) for each in decrypted_numeric: decrypted += number2Character[each] return decrypted + if __name__ == '__main__': msg = "DEFEND THE EAST WALL OF THE CASTLE." - encrypted = encryptMessage(msg,"EPSDUCVWYM.ZLKXNBTFGORIJHAQ") + encrypted = encryptMessage(msg, "EPSDUCVWYM.ZLKXNBTFGORIJHAQ") decrypted = decryptMessage(encrypted, "EPSDUCVWYM.ZLKXNBTFGORIJHAQ") - print ("Encrypted: {}\nDecrypted: {}".format(encrypted, decrypted)) \ No newline at end of file + print("Encrypted: {}\nDecrypted: {}".format(encrypted, decrypted)) diff --git a/ciphers/transposition_cipher.py b/ciphers/transposition_cipher.py index dbb358315d22..95220b0f4e0b 100644 --- a/ciphers/transposition_cipher.py +++ b/ciphers/transposition_cipher.py @@ -1,6 +1,8 @@ from __future__ import print_function + import math + def main(): message = input('Enter message: ') key = int(input('Enter key [2-%s]: ' % (len(message) - 1))) @@ -12,7 +14,8 @@ def main(): text = decryptMessage(key, message) # Append pipe symbol (vertical bar) to identify spaces at the end. - print('Output:\n%s' %(text + '|')) + print('Output:\n%s' % (text + '|')) + def encryptMessage(key, message): """ @@ -27,6 +30,7 @@ def encryptMessage(key, message): pointer += key return ''.join(cipherText) + def decryptMessage(key, message): """ >>> decryptMessage(6, 'Hlia rDsahrij') @@ -36,7 +40,8 @@ def decryptMessage(key, message): numRows = key numShadedBoxes = (numCols * numRows) - len(message) plainText = [""] * numCols - col = 0; row = 0; + col = 0; + row = 0; for symbol in message: plainText[col] += symbol @@ -48,7 +53,9 @@ def decryptMessage(key, message): return "".join(plainText) + if __name__ == '__main__': import doctest + doctest.testmod() main() diff --git a/ciphers/transposition_cipher_encrypt_decrypt_file.py b/ciphers/transposition_cipher_encrypt_decrypt_file.py index a186cf81cde7..7c21d1e8460f 100644 --- a/ciphers/transposition_cipher_encrypt_decrypt_file.py +++ b/ciphers/transposition_cipher_encrypt_decrypt_file.py @@ -1,7 +1,12 @@ from __future__ import print_function -import time, os, sys + +import os +import sys +import time + import transposition_cipher as transCipher + def main(): inputFile = 'Prehistoric Men.txt' outputFile = 'Output.txt' @@ -16,7 +21,7 @@ def main(): response = input('> ') if not response.lower().startswith('y'): sys.exit() - + startTime = time.time() if mode.lower().startswith('e'): with open(inputFile) as f: @@ -25,13 +30,14 @@ def main(): elif mode.lower().startswith('d'): with open(outputFile) as f: content = f.read() - translated =transCipher .decryptMessage(key, content) + translated = transCipher.decryptMessage(key, content) with open(outputFile, 'w') as outputObj: outputObj.write(translated) - + totalTime = round(time.time() - startTime, 2) print(('Done (', totalTime, 'seconds )')) - + + if __name__ == '__main__': main() diff --git a/ciphers/vigenere_cipher.py b/ciphers/vigenere_cipher.py index 5d5be0792835..b33b963bde35 100644 --- a/ciphers/vigenere_cipher.py +++ b/ciphers/vigenere_cipher.py @@ -1,6 +1,8 @@ from __future__ import print_function + LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + def main(): message = input('Enter message: ') key = input('Enter key [alphanumeric]: ') @@ -16,6 +18,7 @@ def main(): print('\n%sed message:' % mode.title()) print(translated) + def encryptMessage(key, message): ''' >>> encryptMessage('HDarji', 'This is Harshil Darji from Dharmaj.') @@ -23,6 +26,7 @@ def encryptMessage(key, message): ''' return translateMessage(key, message, 'encrypt') + def decryptMessage(key, message): ''' >>> decryptMessage('HDarji', 'Akij ra Odrjqqs Gaisq muod Mphumrs.') @@ -30,6 +34,7 @@ def decryptMessage(key, message): ''' return translateMessage(key, message, 'decrypt') + def translateMessage(key, message, mode): translated = [] keyIndex = 0 @@ -57,5 +62,6 @@ def translateMessage(key, message, mode): translated.append(symbol) return ''.join(translated) + if __name__ == '__main__': main() diff --git a/ciphers/xor_cipher.py b/ciphers/xor_cipher.py index 727fac3b0703..1a9770af5517 100644 --- a/ciphers/xor_cipher.py +++ b/ciphers/xor_cipher.py @@ -16,172 +16,166 @@ - encrypt_file : boolean - decrypt_file : boolean """ -class XORCipher(object): - - def __init__(self, key = 0): - """ - simple constructor that receives a key or uses - default key = 0 - """ - - #private field - self.__key = key - - def encrypt(self, content, key): - """ - input: 'content' of type string and 'key' of type int - output: encrypted string 'content' as a list of chars - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - # precondition - assert (isinstance(key,int) and isinstance(content,str)) - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = [] +class XORCipher(object): - for ch in content: - ans.append(chr(ord(ch) ^ key)) + def __init__(self, key=0): + """ + simple constructor that receives a key or uses + default key = 0 + """ - return ans + # private field + self.__key = key - def decrypt(self,content,key): - """ - input: 'content' of type list and 'key' of type int - output: decrypted string 'content' as a list of chars - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ + def encrypt(self, content, key): + """ + input: 'content' of type string and 'key' of type int + output: encrypted string 'content' as a list of chars + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ - # precondition - assert (isinstance(key,int) and isinstance(content,list)) + # precondition + assert (isinstance(key, int) and isinstance(content, str)) - key = key or self.__key or 1 + key = key or self.__key or 1 - # make sure key can be any size - while (key > 255): - key -= 255 + # make sure key can be any size + while (key > 255): + key -= 255 - # This will be returned - ans = [] + # This will be returned + ans = [] - for ch in content: - ans.append(chr(ord(ch) ^ key)) + for ch in content: + ans.append(chr(ord(ch) ^ key)) - return ans + return ans + def decrypt(self, content, key): + """ + input: 'content' of type list and 'key' of type int + output: decrypted string 'content' as a list of chars + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ - def encrypt_string(self,content, key = 0): - """ - input: 'content' of type string and 'key' of type int - output: encrypted string 'content' - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ + # precondition + assert (isinstance(key, int) and isinstance(content, list)) - # precondition - assert (isinstance(key,int) and isinstance(content,str)) + key = key or self.__key or 1 - key = key or self.__key or 1 + # make sure key can be any size + while (key > 255): + key -= 255 - # make sure key can be any size - while (key > 255): - key -= 255 + # This will be returned + ans = [] - # This will be returned - ans = "" + for ch in content: + ans.append(chr(ord(ch) ^ key)) - for ch in content: - ans += chr(ord(ch) ^ key) + return ans - return ans + def encrypt_string(self, content, key=0): + """ + input: 'content' of type string and 'key' of type int + output: encrypted string 'content' + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ - def decrypt_string(self,content,key = 0): - """ - input: 'content' of type string and 'key' of type int - output: decrypted string 'content' - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ + # precondition + assert (isinstance(key, int) and isinstance(content, str)) - # precondition - assert (isinstance(key,int) and isinstance(content,str)) + key = key or self.__key or 1 - key = key or self.__key or 1 + # make sure key can be any size + while (key > 255): + key -= 255 - # make sure key can be any size - while (key > 255): - key -= 255 + # This will be returned + ans = "" - # This will be returned - ans = "" - - for ch in content: - ans += chr(ord(ch) ^ key) + for ch in content: + ans += chr(ord(ch) ^ key) - return ans + return ans + def decrypt_string(self, content, key=0): + """ + input: 'content' of type string and 'key' of type int + output: decrypted string 'content' + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ - def encrypt_file(self, file, key = 0): - """ - input: filename (str) and a key (int) - output: returns true if encrypt process was - successful otherwise false - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ + # precondition + assert (isinstance(key, int) and isinstance(content, str)) - #precondition - assert (isinstance(file,str) and isinstance(key,int)) + key = key or self.__key or 1 - try: - with open(file,"r") as fin: - with open("encrypt.out","w+") as fout: + # make sure key can be any size + while (key > 255): + key -= 255 - # actual encrypt-process - for line in fin: - fout.write(self.encrypt_string(line,key)) + # This will be returned + ans = "" - except: - return False + for ch in content: + ans += chr(ord(ch) ^ key) - return True + return ans + def encrypt_file(self, file, key=0): + """ + input: filename (str) and a key (int) + output: returns true if encrypt process was + successful otherwise false + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ - def decrypt_file(self,file, key): - """ - input: filename (str) and a key (int) - output: returns true if decrypt process was - successful otherwise false - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ + # precondition + assert (isinstance(file, str) and isinstance(key, int)) - #precondition - assert (isinstance(file,str) and isinstance(key,int)) + try: + with open(file, "r") as fin: + with open("encrypt.out", "w+") as fout: + # actual encrypt-process + for line in fin: + fout.write(self.encrypt_string(line, key)) - try: - with open(file,"r") as fin: - with open("decrypt.out","w+") as fout: + except: + return False - # actual encrypt-process - for line in fin: - fout.write(self.decrypt_string(line,key)) + return True - except: - return False + def decrypt_file(self, file, key): + """ + input: filename (str) and a key (int) + output: returns true if decrypt process was + successful otherwise false + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ - return True + # precondition + assert (isinstance(file, str) and isinstance(key, int)) + try: + with open(file, "r") as fin: + with open("decrypt.out", "w+") as fout: + # actual encrypt-process + for line in fin: + fout.write(self.decrypt_string(line, key)) + except: + return False + return True # Tests # crypt = XORCipher() @@ -206,4 +200,4 @@ def decrypt_file(self,file, key): # if (crypt.decrypt_file("encrypt.out",key)): # print "decrypt successful" # else: -# print "decrypt unsuccessful" \ No newline at end of file +# print "decrypt unsuccessful" diff --git a/compression/huffman.py b/compression/huffman.py index 7417551ba209..5593746b6d48 100644 --- a/compression/huffman.py +++ b/compression/huffman.py @@ -1,5 +1,6 @@ import sys + class Letter: def __init__(self, letter, freq): self.letter = letter @@ -31,6 +32,7 @@ def parse_file(file_path): chars[c] = chars[c] + 1 if c in chars.keys() else 1 return sorted([Letter(c, f) for c, f in chars.items()], key=lambda l: l.freq) + def build_tree(letters): """ Run through the list of Letters and build the min heap @@ -45,6 +47,7 @@ def build_tree(letters): letters.sort(key=lambda l: l.freq) return letters[0] + def traverse_tree(root, bitstring): """ Recursively traverse the Huffman Tree to set each @@ -58,6 +61,7 @@ def traverse_tree(root, bitstring): letters += traverse_tree(root.right, bitstring + "1") return letters + def huffman(file_path): """ Parse the file, build the tree, then run through the file @@ -77,6 +81,7 @@ def huffman(file_path): print(le.bitstring, end=" ") print() + if __name__ == "__main__": # pass the file path to the huffman function huffman(sys.argv[1]) diff --git a/data_structures/arrays.py b/data_structures/arrays.py index feb061013556..f958585fbfb4 100644 --- a/data_structures/arrays.py +++ b/data_structures/arrays.py @@ -1,3 +1,3 @@ arr = [10, 20, 30, 40] -arr[1] = 30 # set element 1 (20) of array to 30 +arr[1] = 30 # set element 1 (20) of array to 30 print(arr) diff --git a/data_structures/avl.py b/data_structures/avl.py index d01e8f825368..4f8c966ab902 100644 --- a/data_structures/avl.py +++ b/data_structures/avl.py @@ -102,9 +102,9 @@ def rebalance(self, node): left_child = n.left if left_child is not None: h_right = (left_child.right.height - if (left_child.right is not None) else 0) + if (left_child.right is not None) else 0) h_left = (left_child.left.height - if (left_child.left is not None) else 0) + if (left_child.left is not None) else 0) if (h_left > h_right): self.rotate_left(n) break @@ -115,9 +115,9 @@ def rebalance(self, node): right_child = n.right if right_child is not None: h_right = (right_child.right.height - if (right_child.right is not None) else 0) + if (right_child.right is not None) else 0) h_left = (right_child.left.height - if (right_child.left is not None) else 0) + if (right_child.left is not None) else 0) if (h_left > h_right): self.double_rotate_left(n) break @@ -133,7 +133,6 @@ def rotate_left(self, node): node.parent.right.height = node.parent.height + 1 node.parent.left = node.right - def rotate_right(self, node): aux = node.parent.label node.parent.label = node.label @@ -169,6 +168,7 @@ def preorder(self, curr_node): def getRoot(self): return self.root + t = AVL() t.insert(1) t.insert(2) diff --git a/data_structures/binary tree/AVL_tree.py b/data_structures/binary tree/AVL_tree.py index ff44963d1690..eafcbaa99040 100644 --- a/data_structures/binary tree/AVL_tree.py +++ b/data_structures/binary tree/AVL_tree.py @@ -4,66 +4,83 @@ ''' import math import random + + class my_queue: def __init__(self): self.data = [] self.head = 0 self.tail = 0 + def isEmpty(self): return self.head == self.tail - def push(self,data): + + def push(self, data): self.data.append(data) self.tail = self.tail + 1 + def pop(self): ret = self.data[self.head] self.head = self.head + 1 return ret + def count(self): return self.tail - self.head + def print(self): print(self.data) print("**************") print(self.data[self.head:self.tail]) - + + class my_node: - def __init__(self,data): + def __init__(self, data): self.data = data self.left = None self.right = None self.height = 1 + def getdata(self): return self.data + def getleft(self): return self.left + def getright(self): return self.right + def getheight(self): return self.height - def setdata(self,data): + + def setdata(self, data): self.data = data return - def setleft(self,node): + + def setleft(self, node): self.left = node return - def setright(self,node): + + def setright(self, node): self.right = node return - def setheight(self,height): + + def setheight(self, height): self.height = height return + def getheight(node): if node is None: return 0 return node.getheight() -def my_max(a,b): + +def my_max(a, b): if a > b: return a return b - def leftrotation(node): r''' A B @@ -76,30 +93,32 @@ def leftrotation(node): UB = unbalanced node ''' - print("left rotation node:",node.getdata()) + print("left rotation node:", node.getdata()) ret = node.getleft() node.setleft(ret.getright()) ret.setright(node) - h1 = my_max(getheight(node.getright()),getheight(node.getleft())) + 1 + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 node.setheight(h1) - h2 = my_max(getheight(ret.getright()),getheight(ret.getleft())) + 1 + h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 ret.setheight(h2) return ret + def rightrotation(node): ''' a mirror symmetry rotation of the leftrotation ''' - print("right rotation node:",node.getdata()) + print("right rotation node:", node.getdata()) ret = node.getright() node.setright(ret.getleft()) ret.setleft(node) - h1 = my_max(getheight(node.getright()),getheight(node.getleft())) + 1 + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 node.setheight(h1) - h2 = my_max(getheight(ret.getright()),getheight(ret.getleft())) + 1 + h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 ret.setheight(h2) return ret + def rlrotation(node): r''' A A Br @@ -114,47 +133,52 @@ def rlrotation(node): node.setleft(rightrotation(node.getleft())) return leftrotation(node) + def lrrotation(node): node.setright(leftrotation(node.getright())) return rightrotation(node) -def insert_node(node,data): +def insert_node(node, data): if node is None: return my_node(data) if data < node.getdata(): - node.setleft(insert_node(node.getleft(),data)) - if getheight(node.getleft()) - getheight(node.getright()) == 2: #an unbalance detected - if data < node.getleft().getdata(): #new node is the left child of the left child + node.setleft(insert_node(node.getleft(), data)) + if getheight(node.getleft()) - getheight(node.getright()) == 2: # an unbalance detected + if data < node.getleft().getdata(): # new node is the left child of the left child node = leftrotation(node) else: - node = rlrotation(node) #new node is the right child of the left child + node = rlrotation(node) # new node is the right child of the left child else: - node.setright(insert_node(node.getright(),data)) + node.setright(insert_node(node.getright(), data)) if getheight(node.getright()) - getheight(node.getleft()) == 2: if data < node.getright().getdata(): node = lrrotation(node) else: node = rightrotation(node) - h1 = my_max(getheight(node.getright()),getheight(node.getleft())) + 1 + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 node.setheight(h1) return node + def getRightMost(root): while root.getright() is not None: root = root.getright() return root.getdata() + + def getLeftMost(root): while root.getleft() is not None: root = root.getleft() return root.getdata() -def del_node(root,data): + +def del_node(root, data): if root.getdata() == data: if root.getleft() is not None and root.getright() is not None: temp_data = getLeftMost(root.getright()) root.setdata(temp_data) - root.setright(del_node(root.getright(),temp_data)) + root.setright(del_node(root.getright(), temp_data)) elif root.getleft() is not None: root = root.getleft() else: @@ -164,12 +188,12 @@ def del_node(root,data): print("No such data") return root else: - root.setleft(del_node(root.getleft(),data)) + root.setleft(del_node(root.getleft(), data)) elif root.getdata() < data: if root.getright() is None: return root else: - root.setright(del_node(root.getright(),data)) + root.setright(del_node(root.getright(), data)) if root is None: return root if getheight(root.getright()) - getheight(root.getleft()) == 2: @@ -182,27 +206,31 @@ def del_node(root,data): root = leftrotation(root) else: root = rlrotation(root) - height = my_max(getheight(root.getright()),getheight(root.getleft())) + 1 + height = my_max(getheight(root.getright()), getheight(root.getleft())) + 1 root.setheight(height) return root + class AVLtree: def __init__(self): self.root = None + def getheight(self): -# print("yyy") + # print("yyy") return getheight(self.root) - def insert(self,data): - print("insert:"+str(data)) - self.root = insert_node(self.root,data) - - def del_node(self,data): - print("delete:"+str(data)) + + def insert(self, data): + print("insert:" + str(data)) + self.root = insert_node(self.root, data) + + def del_node(self, data): + print("delete:" + str(data)) if self.root is None: print("Tree is empty!") return - self.root = del_node(self.root,data) - def traversale(self): #a level traversale, gives a more intuitive look on the tree + self.root = del_node(self.root, data) + + def traversale(self): # a level traversale, gives a more intuitive look on the tree q = my_queue() q.push(self.root) layer = self.getheight() @@ -211,21 +239,21 @@ def traversale(self): #a level traversale, gives a more intuitive look on the tr cnt = 0 while not q.isEmpty(): node = q.pop() - space = " "*int(math.pow(2,layer-1)) - print(space,end = "") + space = " " * int(math.pow(2, layer - 1)) + print(space, end="") if node is None: - print("*",end = "") + print("*", end="") q.push(None) q.push(None) else: - print(node.getdata(),end = "") + print(node.getdata(), end="") q.push(node.getleft()) q.push(node.getright()) - print(space,end = "") + print(space, end="") cnt = cnt + 1 for i in range(100): - if cnt == math.pow(2,i) - 1: - layer = layer -1 + if cnt == math.pow(2, i) - 1: + layer = layer - 1 if layer == 0: print() print("*************************************") @@ -235,11 +263,13 @@ def traversale(self): #a level traversale, gives a more intuitive look on the tr print() print("*************************************") return - + def test(self): getheight(None) print("****") self.getheight() + + if __name__ == "__main__": t = AVLtree() t.traversale() @@ -248,7 +278,7 @@ def test(self): for i in l: t.insert(i) t.traversale() - + random.shuffle(l) for i in l: t.del_node(i) diff --git a/data_structures/binary tree/binary_search_tree.py b/data_structures/binary tree/binary_search_tree.py index cef5b55f245d..183cfcc74eac 100644 --- a/data_structures/binary tree/binary_search_tree.py +++ b/data_structures/binary tree/binary_search_tree.py @@ -2,13 +2,15 @@ A binary search Tree ''' from __future__ import print_function + + class Node: def __init__(self, label, parent): self.label = label self.left = None self.right = None - #Added in order to delete a node easier + # Added in order to delete a node easier self.parent = parent def getLabel(self): @@ -35,6 +37,7 @@ def getParent(self): def setParent(self, parent): self.parent = parent + class BinarySearchTree: def __init__(self): @@ -47,90 +50,90 @@ def insert(self, label): if self.empty(): self.root = new_node else: - #If Tree is not empty + # If Tree is not empty curr_node = self.root - #While we don't get to a leaf + # While we don't get to a leaf while curr_node is not None: - #We keep reference of the parent node + # We keep reference of the parent node parent_node = curr_node - #If node label is less than current node + # If node label is less than current node if new_node.getLabel() < curr_node.getLabel(): - #We go left + # We go left curr_node = curr_node.getLeft() else: - #Else we go right + # Else we go right curr_node = curr_node.getRight() - #We insert the new node in a leaf + # We insert the new node in a leaf if new_node.getLabel() < parent_node.getLabel(): parent_node.setLeft(new_node) else: parent_node.setRight(new_node) - #Set parent to the new node - new_node.setParent(parent_node) - + # Set parent to the new node + new_node.setParent(parent_node) + def delete(self, label): if (not self.empty()): - #Look for the node with that label + # Look for the node with that label node = self.getNode(label) - #If the node exists - if(node is not None): - #If it has no children - if(node.getLeft() is None and node.getRight() is None): + # If the node exists + if (node is not None): + # If it has no children + if (node.getLeft() is None and node.getRight() is None): self.__reassignNodes(node, None) node = None - #Has only right children - elif(node.getLeft() is None and node.getRight() is not None): + # Has only right children + elif (node.getLeft() is None and node.getRight() is not None): self.__reassignNodes(node, node.getRight()) - #Has only left children - elif(node.getLeft() is not None and node.getRight() is None): + # Has only left children + elif (node.getLeft() is not None and node.getRight() is None): self.__reassignNodes(node, node.getLeft()) - #Has two children + # Has two children else: - #Gets the max value of the left branch + # Gets the max value of the left branch tmpNode = self.getMax(node.getLeft()) - #Deletes the tmpNode + # Deletes the tmpNode self.delete(tmpNode.getLabel()) - #Assigns the value to the node to delete and keesp tree structure + # Assigns the value to the node to delete and keesp tree structure node.setLabel(tmpNode.getLabel()) - + def getNode(self, label): curr_node = None - #If the tree is not empty - if(not self.empty()): - #Get tree root + # If the tree is not empty + if (not self.empty()): + # Get tree root curr_node = self.getRoot() - #While we don't find the node we look for - #I am using lazy evaluation here to avoid NoneType Attribute error + # While we don't find the node we look for + # I am using lazy evaluation here to avoid NoneType Attribute error while curr_node is not None and curr_node.getLabel() is not label: - #If node label is less than current node + # If node label is less than current node if label < curr_node.getLabel(): - #We go left + # We go left curr_node = curr_node.getLeft() else: - #Else we go right + # Else we go right curr_node = curr_node.getRight() return curr_node - def getMax(self, root = None): - if(root is not None): + def getMax(self, root=None): + if (root is not None): curr_node = root else: - #We go deep on the right branch + # We go deep on the right branch curr_node = self.getRoot() - if(not self.empty()): - while(curr_node.getRight() is not None): + if (not self.empty()): + while (curr_node.getRight() is not None): curr_node = curr_node.getRight() return curr_node - def getMin(self, root = None): - if(root is not None): + def getMin(self, root=None): + if (root is not None): curr_node = root else: - #We go deep on the left branch + # We go deep on the left branch curr_node = self.getRoot() - if(not self.empty()): + if (not self.empty()): curr_node = self.getRoot() - while(curr_node.getLeft() is not None): + while (curr_node.getLeft() is not None): curr_node = curr_node.getLeft() return curr_node @@ -151,34 +154,34 @@ def getRoot(self): return self.root def __isRightChildren(self, node): - if(node == node.getParent().getRight()): + if (node == node.getParent().getRight()): return True return False def __reassignNodes(self, node, newChildren): - if(newChildren is not None): + if (newChildren is not None): newChildren.setParent(node.getParent()) - if(node.getParent() is not None): - #If it is the Right Children - if(self.__isRightChildren(node)): + if (node.getParent() is not None): + # If it is the Right Children + if (self.__isRightChildren(node)): node.getParent().setRight(newChildren) else: - #Else it is the left children + # Else it is the left children node.getParent().setLeft(newChildren) - #This function traversal the tree. By default it returns an - #In order traversal list. You can pass a function to traversal - #The tree as needed by client code - def traversalTree(self, traversalFunction = None, root = None): - if(traversalFunction is None): - #Returns a list of nodes in preOrder by default + # This function traversal the tree. By default it returns an + # In order traversal list. You can pass a function to traversal + # The tree as needed by client code + def traversalTree(self, traversalFunction=None, root=None): + if (traversalFunction is None): + # Returns a list of nodes in preOrder by default return self.__InOrderTraversal(self.root) else: - #Returns a list of nodes in the order that the users wants to + # Returns a list of nodes in the order that the users wants to return traversalFunction(self.root) - #Returns an string of all the nodes labels in the list - #In Order Traversal + # Returns an string of all the nodes labels in the list + # In Order Traversal def __str__(self): list = self.__InOrderTraversal(self.root) str = "" @@ -186,6 +189,7 @@ def __str__(self): str = str + " " + x.getLabel().__str__() return str + def InPreOrder(curr_node): nodeList = [] if curr_node is not None: @@ -194,6 +198,7 @@ def InPreOrder(curr_node): nodeList = nodeList + InPreOrder(curr_node.getRight()) return nodeList + def testBinarySearchTree(): r''' Example @@ -224,23 +229,23 @@ def testBinarySearchTree(): t.insert(4) t.insert(7) - #Prints all the elements of the list in order traversal + # Prints all the elements of the list in order traversal print(t.__str__()) - if(t.getNode(6) is not None): + if (t.getNode(6) is not None): print("The label 6 exists") else: print("The label 6 doesn't exist") - if(t.getNode(-1) is not None): + if (t.getNode(-1) is not None): print("The label -1 exists") else: print("The label -1 doesn't exist") - - if(not t.empty()): + + if (not t.empty()): print(("Max Value: ", t.getMax().getLabel())) print(("Min Value: ", t.getMin().getLabel())) - + t.delete(13) t.delete(10) t.delete(8) @@ -248,11 +253,12 @@ def testBinarySearchTree(): t.delete(6) t.delete(14) - #Gets all the elements of the tree In pre order - #And it prints them + # Gets all the elements of the tree In pre order + # And it prints them list = t.traversalTree(InPreOrder, t.root) for x in list: print(x) + if __name__ == "__main__": testBinarySearchTree() diff --git a/data_structures/binary tree/fenwick_tree.py b/data_structures/binary tree/fenwick_tree.py index f429161c8c36..9253210c9875 100644 --- a/data_structures/binary tree/fenwick_tree.py +++ b/data_structures/binary tree/fenwick_tree.py @@ -1,29 +1,32 @@ from __future__ import print_function + + class FenwickTree: - def __init__(self, SIZE): # create fenwick tree with size SIZE + def __init__(self, SIZE): # create fenwick tree with size SIZE self.Size = SIZE - self.ft = [0 for i in range (0,SIZE)] + self.ft = [0 for i in range(0, SIZE)] - def update(self, i, val): # update data (adding) in index i in O(lg N) + def update(self, i, val): # update data (adding) in index i in O(lg N) while (i < self.Size): self.ft[i] += val i += i & (-i) - def query(self, i): # query cumulative data from index 0 to i in O(lg N) + def query(self, i): # query cumulative data from index 0 to i in O(lg N) ret = 0 while (i > 0): ret += self.ft[i] i -= i & (-i) return ret - + + if __name__ == '__main__': f = FenwickTree(100) - f.update(1,20) - f.update(4,4) - print (f.query(1)) - print (f.query(3)) - print (f.query(4)) - f.update(2,-5) - print (f.query(1)) - print (f.query(3)) + f.update(1, 20) + f.update(4, 4) + print(f.query(1)) + print(f.query(3)) + print(f.query(4)) + f.update(2, -5) + print(f.query(1)) + print(f.query(3)) diff --git a/data_structures/binary tree/lazy_segment_tree.py b/data_structures/binary tree/lazy_segment_tree.py index 9b14b24e81fa..0bb0b0edc1af 100644 --- a/data_structures/binary tree/lazy_segment_tree.py +++ b/data_structures/binary tree/lazy_segment_tree.py @@ -1,58 +1,60 @@ from __future__ import print_function + import math + class SegmentTree: - + def __init__(self, N): self.N = N - self.st = [0 for i in range(0,4*N)] # approximate the overall size of segment tree with array N - self.lazy = [0 for i in range(0,4*N)] # create array to store lazy update - self.flag = [0 for i in range(0,4*N)] # flag for lazy update - + self.st = [0 for i in range(0, 4 * N)] # approximate the overall size of segment tree with array N + self.lazy = [0 for i in range(0, 4 * N)] # create array to store lazy update + self.flag = [0 for i in range(0, 4 * N)] # flag for lazy update + def left(self, idx): - return idx*2 + return idx * 2 def right(self, idx): - return idx*2 + 1 + return idx * 2 + 1 def build(self, idx, l, r, A): - if l==r: - self.st[idx] = A[l-1] - else : - mid = (l+r)//2 - self.build(self.left(idx),l,mid, A) - self.build(self.right(idx),mid+1,r, A) - self.st[idx] = max(self.st[self.left(idx)] , self.st[self.right(idx)]) + if l == r: + self.st[idx] = A[l - 1] + else: + mid = (l + r) // 2 + self.build(self.left(idx), l, mid, A) + self.build(self.right(idx), mid + 1, r, A) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) # update with O(lg N) (Normal segment tree without lazy update will take O(Nlg N) for each update) - def update(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] + def update(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] if self.flag[idx] == True: self.st[idx] = self.lazy[idx] self.flag[idx] = False - if l!=r: + if l != r: self.lazy[self.left(idx)] = self.lazy[idx] self.lazy[self.right(idx)] = self.lazy[idx] self.flag[self.left(idx)] = True self.flag[self.right(idx)] = True - + if r < a or l > b: return True - if l >= a and r <= b : + if l >= a and r <= b: self.st[idx] = val - if l!=r: + if l != r: self.lazy[self.left(idx)] = val self.lazy[self.right(idx)] = val self.flag[self.left(idx)] = True self.flag[self.right(idx)] = True return True - mid = (l+r)//2 - self.update(self.left(idx),l,mid,a,b,val) - self.update(self.right(idx),mid+1,r,a,b,val) - self.st[idx] = max(self.st[self.left(idx)] , self.st[self.right(idx)]) + mid = (l + r) // 2 + self.update(self.left(idx), l, mid, a, b, val) + self.update(self.right(idx), mid + 1, r, a, b, val) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) return True # query with O(lg N) - def query(self, idx, l, r, a, b): #query(1, 1, N, a, b) for query max of [a,b] + def query(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] if self.flag[idx] == True: self.st[idx] = self.lazy[idx] self.flag[idx] = False @@ -65,27 +67,27 @@ def query(self, idx, l, r, a, b): #query(1, 1, N, a, b) for query max of [a,b] return -math.inf if l >= a and r <= b: return self.st[idx] - mid = (l+r)//2 - q1 = self.query(self.left(idx),l,mid,a,b) - q2 = self.query(self.right(idx),mid+1,r,a,b) - return max(q1,q2) + mid = (l + r) // 2 + q1 = self.query(self.left(idx), l, mid, a, b) + q2 = self.query(self.right(idx), mid + 1, r, a, b) + return max(q1, q2) def showData(self): showList = [] - for i in range(1,N+1): + for i in range(1, N + 1): showList += [self.query(1, 1, self.N, i, i)] - print (showList) - + print(showList) + if __name__ == '__main__': - A = [1,2,-4,7,3,-5,6,11,-20,9,14,15,5,2,-8] + A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] N = 15 segt = SegmentTree(N) - segt.build(1,1,N,A) - print (segt.query(1,1,N,4,6)) - print (segt.query(1,1,N,7,11)) - print (segt.query(1,1,N,7,12)) - segt.update(1,1,N,1,3,111) - print (segt.query(1,1,N,1,15)) - segt.update(1,1,N,7,8,235) + segt.build(1, 1, N, A) + print(segt.query(1, 1, N, 4, 6)) + print(segt.query(1, 1, N, 7, 11)) + print(segt.query(1, 1, N, 7, 12)) + segt.update(1, 1, N, 1, 3, 111) + print(segt.query(1, 1, N, 1, 15)) + segt.update(1, 1, N, 7, 8, 235) segt.showData() diff --git a/data_structures/binary tree/segment_tree.py b/data_structures/binary tree/segment_tree.py index 001bf999f391..cb68749936a4 100644 --- a/data_structures/binary tree/segment_tree.py +++ b/data_structures/binary tree/segment_tree.py @@ -1,13 +1,15 @@ from __future__ import print_function + import math + class SegmentTree: - + def __init__(self, A): self.N = len(A) - self.st = [0] * (4 * self.N) # approximate the overall size of segment tree with array N + self.st = [0] * (4 * self.N) # approximate the overall size of segment tree with array N self.build(1, 0, self.N - 1) - + def left(self, idx): return idx * 2 @@ -21,51 +23,51 @@ def build(self, idx, l, r): mid = (l + r) // 2 self.build(self.left(idx), l, mid) self.build(self.right(idx), mid + 1, r) - self.st[idx] = max(self.st[self.left(idx)] , self.st[self.right(idx)]) - + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + def update(self, a, b, val): return self.update_recursive(1, 0, self.N - 1, a - 1, b - 1, val) - - def update_recursive(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] + + def update_recursive(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] if r < a or l > b: return True - if l == r : + if l == r: self.st[idx] = val return True - mid = (l+r)//2 + mid = (l + r) // 2 self.update_recursive(self.left(idx), l, mid, a, b, val) - self.update_recursive(self.right(idx), mid+1, r, a, b, val) - self.st[idx] = max(self.st[self.left(idx)] , self.st[self.right(idx)]) + self.update_recursive(self.right(idx), mid + 1, r, a, b, val) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) return True def query(self, a, b): return self.query_recursive(1, 0, self.N - 1, a - 1, b - 1) - def query_recursive(self, idx, l, r, a, b): #query(1, 1, N, a, b) for query max of [a,b] + def query_recursive(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] if r < a or l > b: return -math.inf if l >= a and r <= b: return self.st[idx] - mid = (l+r)//2 + mid = (l + r) // 2 q1 = self.query_recursive(self.left(idx), l, mid, a, b) q2 = self.query_recursive(self.right(idx), mid + 1, r, a, b) return max(q1, q2) def showData(self): showList = [] - for i in range(1,N+1): + for i in range(1, N + 1): showList += [self.query(i, i)] - print (showList) - + print(showList) + if __name__ == '__main__': - A = [1,2,-4,7,3,-5,6,11,-20,9,14,15,5,2,-8] + A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] N = 15 segt = SegmentTree(A) - print (segt.query(4, 6)) - print (segt.query(7, 11)) - print (segt.query(7, 12)) - segt.update(1,3,111) - print (segt.query(1, 15)) - segt.update(7,8,235) + print(segt.query(4, 6)) + print(segt.query(7, 11)) + print(segt.query(7, 12)) + segt.update(1, 3, 111) + print(segt.query(1, 15)) + segt.update(7, 8, 235) segt.showData() diff --git a/data_structures/binary tree/treap.py b/data_structures/binary tree/treap.py index 0399ff67030a..5d34abc3c931 100644 --- a/data_structures/binary tree/treap.py +++ b/data_structures/binary tree/treap.py @@ -7,6 +7,7 @@ class Node: Treap's node Treap is a binary tree by key and heap by priority """ + def __init__(self, key: int): self.key = key self.prior = random() diff --git a/data_structures/hashing/__init__.py b/data_structures/hashing/__init__.py index b96ddd478458..034faa2b5fa9 100644 --- a/data_structures/hashing/__init__.py +++ b/data_structures/hashing/__init__.py @@ -1,5 +1,6 @@ from .hash_table import HashTable + class QuadraticProbing(HashTable): def __init__(self): diff --git a/data_structures/hashing/double_hash.py b/data_structures/hashing/double_hash.py index 60098cda0ce1..d7cd8d2e2db6 100644 --- a/data_structures/hashing/double_hash.py +++ b/data_structures/hashing/double_hash.py @@ -1,20 +1,22 @@ #!/usr/bin/env python3 -from .hash_table import HashTable from number_theory.prime_numbers import next_prime, check_prime +from .hash_table import HashTable + class DoubleHash(HashTable): """ Hash Table example with open addressing and Double Hash """ + def __init__(self, *args, **kwargs): super().__init__(*args, **kwargs) def __hash_function_2(self, value, data): next_prime_gt = next_prime(value % self.size_table) \ - if not check_prime(value % self.size_table) else value % self.size_table #gt = bigger than + if not check_prime(value % self.size_table) else value % self.size_table # gt = bigger than return next_prime_gt - (data % next_prime_gt) def __hash_double_function(self, key, data, increment): @@ -27,7 +29,9 @@ def _colision_resolution(self, key, data=None): while self.values[new_key] is not None and self.values[new_key] != key: new_key = self.__hash_double_function(key, data, i) if \ self.balanced_factor() >= self.lim_charge else None - if new_key is None: break - else: i += 1 + if new_key is None: + break + else: + i += 1 return new_key diff --git a/data_structures/hashing/hash_table.py b/data_structures/hashing/hash_table.py index f0de128d1ad1..ff624dbdf323 100644 --- a/data_structures/hashing/hash_table.py +++ b/data_structures/hashing/hash_table.py @@ -61,7 +61,7 @@ def rehashing(self): survivor_values = [value for value in self.values if value is not None] self.size_table = next_prime(self.size_table, factor=2) self._keys.clear() - self.values = [None] * self.size_table #hell's pointers D: don't DRY ;/ + self.values = [None] * self.size_table # hell's pointers D: don't DRY ;/ map(self.insert_data, survivor_values) def insert_data(self, data): @@ -80,5 +80,3 @@ def insert_data(self, data): else: self.rehashing() self.insert_data(data) - - diff --git a/data_structures/hashing/hash_table_with_linked_list.py b/data_structures/hashing/hash_table_with_linked_list.py index 9689e4fc9fcf..6e5ed2828779 100644 --- a/data_structures/hashing/hash_table_with_linked_list.py +++ b/data_structures/hashing/hash_table_with_linked_list.py @@ -1,24 +1,23 @@ -from .hash_table import HashTable from collections import deque +from .hash_table import HashTable + class HashTableWithLinkedList(HashTable): def __init__(self, *args, **kwargs): super().__init__(*args, **kwargs) def _set_value(self, key, data): - self.values[key] = deque([]) if self.values[key] is None else self.values[key] + self.values[key] = deque([]) if self.values[key] is None else self.values[key] self.values[key].appendleft(data) self._keys[key] = self.values[key] def balanced_factor(self): - return sum([self.charge_factor - len(slot) for slot in self.values])\ + return sum([self.charge_factor - len(slot) for slot in self.values]) \ / self.size_table * self.charge_factor - + def _colision_resolution(self, key, data=None): if not (len(self.values[key]) == self.charge_factor and self.values.count(None) == 0): return key return super()._colision_resolution(key, data) - - diff --git a/data_structures/hashing/number_theory/prime_numbers.py b/data_structures/hashing/number_theory/prime_numbers.py index 8a521bc45758..778cda8a2843 100644 --- a/data_structures/hashing/number_theory/prime_numbers.py +++ b/data_structures/hashing/number_theory/prime_numbers.py @@ -5,25 +5,25 @@ def check_prime(number): - """ - it's not the best solution - """ - special_non_primes = [0,1,2] - if number in special_non_primes[:2]: - return 2 - elif number == special_non_primes[-1]: - return 3 - - return all([number % i for i in range(2, number)]) + """ + it's not the best solution + """ + special_non_primes = [0, 1, 2] + if number in special_non_primes[:2]: + return 2 + elif number == special_non_primes[-1]: + return 3 + + return all([number % i for i in range(2, number)]) def next_prime(value, factor=1, **kwargs): value = factor * value first_value_val = value - + while not check_prime(value): value += 1 if not ("desc" in kwargs.keys() and kwargs["desc"] is True) else -1 - + if value == first_value_val: return next_prime(value + 1, **kwargs) return value diff --git a/data_structures/hashing/quadratic_probing.py b/data_structures/hashing/quadratic_probing.py index f7a9ac1ae347..dd0af607cc66 100644 --- a/data_structures/hashing/quadratic_probing.py +++ b/data_structures/hashing/quadratic_probing.py @@ -7,17 +7,18 @@ class QuadraticProbing(HashTable): """ Basic Hash Table example with open addressing using Quadratic Probing """ + def __init__(self, *args, **kwargs): super().__init__(*args, **kwargs) def _colision_resolution(self, key, data=None): i = 1 - new_key = self.hash_function(key + i*i) + new_key = self.hash_function(key + i * i) while self.values[new_key] is not None \ and self.values[new_key] != key: i += 1 - new_key = self.hash_function(key + i*i) if not \ + new_key = self.hash_function(key + i * i) if not \ self.balanced_factor() >= self.lim_charge else None if new_key is None: diff --git a/data_structures/heap/heap.py b/data_structures/heap/heap.py index 39778f725c3a..8431116d6b24 100644 --- a/data_structures/heap/heap.py +++ b/data_structures/heap/heap.py @@ -3,89 +3,90 @@ from __future__ import print_function, division try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 -#This heap class start from here. + +# This heap class start from here. class Heap: - def __init__(self): #Default constructor of heap class. - self.h = [] - self.currsize = 0 - - def leftChild(self,i): - if 2*i+1 < self.currsize: - return 2*i+1 - return None - - def rightChild(self,i): - if 2*i+2 < self.currsize: - return 2*i+2 - return None - - def maxHeapify(self,node): - if node < self.currsize: - m = node - lc = self.leftChild(node) - rc = self.rightChild(node) - if lc is not None and self.h[lc] > self.h[m]: - m = lc - if rc is not None and self.h[rc] > self.h[m]: - m = rc - if m!=node: - temp = self.h[node] - self.h[node] = self.h[m] - self.h[m] = temp - self.maxHeapify(m) - - def buildHeap(self,a): #This function is used to build the heap from the data container 'a'. - self.currsize = len(a) - self.h = list(a) - for i in range(self.currsize//2,-1,-1): - self.maxHeapify(i) - - def getMax(self): #This function is used to get maximum value from the heap. - if self.currsize >= 1: - me = self.h[0] - temp = self.h[0] - self.h[0] = self.h[self.currsize-1] - self.h[self.currsize-1] = temp - self.currsize -= 1 - self.maxHeapify(0) - return me - return None - - def heapSort(self): #This function is used to sort the heap. - size = self.currsize - while self.currsize-1 >= 0: - temp = self.h[0] - self.h[0] = self.h[self.currsize-1] - self.h[self.currsize-1] = temp - self.currsize -= 1 - self.maxHeapify(0) - self.currsize = size - - def insert(self,data): #This function is used to insert data in the heap. - self.h.append(data) - curr = self.currsize - self.currsize+=1 - while self.h[curr] > self.h[curr/2]: - temp = self.h[curr/2] - self.h[curr/2] = self.h[curr] - self.h[curr] = temp - curr = curr/2 - - def display(self): #This function is used to print the heap. - print(self.h) + def __init__(self): # Default constructor of heap class. + self.h = [] + self.currsize = 0 -def main(): - l = list(map(int, raw_input().split())) - h = Heap() - h.buildHeap(l) - h.heapSort() - h.display() + def leftChild(self, i): + if 2 * i + 1 < self.currsize: + return 2 * i + 1 + return None + + def rightChild(self, i): + if 2 * i + 2 < self.currsize: + return 2 * i + 2 + return None + + def maxHeapify(self, node): + if node < self.currsize: + m = node + lc = self.leftChild(node) + rc = self.rightChild(node) + if lc is not None and self.h[lc] > self.h[m]: + m = lc + if rc is not None and self.h[rc] > self.h[m]: + m = rc + if m != node: + temp = self.h[node] + self.h[node] = self.h[m] + self.h[m] = temp + self.maxHeapify(m) + + def buildHeap(self, a): # This function is used to build the heap from the data container 'a'. + self.currsize = len(a) + self.h = list(a) + for i in range(self.currsize // 2, -1, -1): + self.maxHeapify(i) + + def getMax(self): # This function is used to get maximum value from the heap. + if self.currsize >= 1: + me = self.h[0] + temp = self.h[0] + self.h[0] = self.h[self.currsize - 1] + self.h[self.currsize - 1] = temp + self.currsize -= 1 + self.maxHeapify(0) + return me + return None -if __name__=='__main__': - main() + def heapSort(self): # This function is used to sort the heap. + size = self.currsize + while self.currsize - 1 >= 0: + temp = self.h[0] + self.h[0] = self.h[self.currsize - 1] + self.h[self.currsize - 1] = temp + self.currsize -= 1 + self.maxHeapify(0) + self.currsize = size + + def insert(self, data): # This function is used to insert data in the heap. + self.h.append(data) + curr = self.currsize + self.currsize += 1 + while self.h[curr] > self.h[curr / 2]: + temp = self.h[curr / 2] + self.h[curr / 2] = self.h[curr] + self.h[curr] = temp + curr = curr / 2 + + def display(self): # This function is used to print the heap. + print(self.h) + + +def main(): + l = list(map(int, raw_input().split())) + h = Heap() + h.buildHeap(l) + h.heapSort() + h.display() +if __name__ == '__main__': + main() diff --git a/data_structures/linked_list/__init__.py b/data_structures/linked_list/__init__.py index 6d50f23c1f1a..a050adba42b2 100644 --- a/data_structures/linked_list/__init__.py +++ b/data_structures/linked_list/__init__.py @@ -3,6 +3,7 @@ def __init__(self, item, next): self.item = item self.next = next + class LinkedList: def __init__(self): self.head = None diff --git a/data_structures/linked_list/doubly_linked_list.py b/data_structures/linked_list/doubly_linked_list.py index 75b1f889dfc2..b00b4f52c82b 100644 --- a/data_structures/linked_list/doubly_linked_list.py +++ b/data_structures/linked_list/doubly_linked_list.py @@ -7,71 +7,74 @@ from __future__ import print_function -class LinkedList: #making main class named linked list +class LinkedList: # making main class named linked list def __init__(self): self.head = None self.tail = None - + def insertHead(self, x): - newLink = Link(x) #Create a new link with a value attached to it - if(self.isEmpty() == True): #Set the first element added to be the tail + newLink = Link(x) # Create a new link with a value attached to it + if (self.isEmpty() == True): # Set the first element added to be the tail self.tail = newLink else: - self.head.previous = newLink # newLink <-- currenthead(head) - newLink.next = self.head # newLink <--> currenthead(head) - self.head = newLink # newLink(head) <--> oldhead - + self.head.previous = newLink # newLink <-- currenthead(head) + newLink.next = self.head # newLink <--> currenthead(head) + self.head = newLink # newLink(head) <--> oldhead + def deleteHead(self): temp = self.head - self.head = self.head.next # oldHead <--> 2ndElement(head) - self.head.previous = None # oldHead --> 2ndElement(head) nothing pointing at it so the old head will be removed - if(self.head is None): - self.tail = None #if empty linked list + self.head = self.head.next # oldHead <--> 2ndElement(head) + self.head.previous = None # oldHead --> 2ndElement(head) nothing pointing at it so the old head will be removed + if (self.head is None): + self.tail = None # if empty linked list return temp - + def insertTail(self, x): newLink = Link(x) - newLink.next = None # currentTail(tail) newLink --> - self.tail.next = newLink # currentTail(tail) --> newLink --> - newLink.previous = self.tail #currentTail(tail) <--> newLink --> - self.tail = newLink # oldTail <--> newLink(tail) --> - + newLink.next = None # currentTail(tail) newLink --> + self.tail.next = newLink # currentTail(tail) --> newLink --> + newLink.previous = self.tail # currentTail(tail) <--> newLink --> + self.tail = newLink # oldTail <--> newLink(tail) --> + def deleteTail(self): temp = self.tail - self.tail = self.tail.previous # 2ndLast(tail) <--> oldTail --> None - self.tail.next = None # 2ndlast(tail) --> None + self.tail = self.tail.previous # 2ndLast(tail) <--> oldTail --> None + self.tail.next = None # 2ndlast(tail) --> None return temp - + def delete(self, x): current = self.head - - while(current.value != x): # Find the position to delete + + while (current.value != x): # Find the position to delete current = current.next - - if(current == self.head): + + if (current == self.head): self.deleteHead() - - elif(current == self.tail): + + elif (current == self.tail): self.deleteTail() - - else: #Before: 1 <--> 2(current) <--> 3 - current.previous.next = current.next # 1 --> 3 - current.next.previous = current.previous # 1 <--> 3 - - def isEmpty(self): #Will return True if the list is empty - return(self.head is None) - - def display(self): #Prints contents of the list + + else: # Before: 1 <--> 2(current) <--> 3 + current.previous.next = current.next # 1 --> 3 + current.next.previous = current.previous # 1 <--> 3 + + def isEmpty(self): # Will return True if the list is empty + return (self.head is None) + + def display(self): # Prints contents of the list current = self.head - while(current != None): + while (current != None): current.displayLink() - current = current.next + current = current.next print() + class Link: - next = None #This points to the link in front of the new link - previous = None #This points to the link behind the new link + next = None # This points to the link in front of the new link + previous = None # This points to the link behind the new link + def __init__(self, x): self.value = x + def displayLink(self): print("{}".format(self.value), end=" ") diff --git a/data_structures/linked_list/singly_linked_list.py b/data_structures/linked_list/singly_linked_list.py index 5ae97523b9a1..6cfaec235bee 100644 --- a/data_structures/linked_list/singly_linked_list.py +++ b/data_structures/linked_list/singly_linked_list.py @@ -9,21 +9,22 @@ def __init__(self, data): class Linked_List: def __init__(self): - self.Head = None # Initialize Head to None - + self.Head = None # Initialize Head to None + def insert_tail(self, data): - if(self.Head is None): self.insert_head(data) #If this is first node, call insert_head + if (self.Head is None): + self.insert_head(data) # If this is first node, call insert_head else: temp = self.Head - while(temp.next != None): #traverse to last node + while (temp.next != None): # traverse to last node temp = temp.next - temp.next = Node(data) #create node & link to tail + temp.next = Node(data) # create node & link to tail def insert_head(self, data): - newNod = Node(data) # create a new node + newNod = Node(data) # create a new node if self.Head != None: - newNod.next = self.Head # link newNode to head - self.Head = newNod # make NewNode as Head + newNod.next = self.Head # link newNode to head + self.Head = newNod # make NewNode as Head def printList(self): # print every node data tamp = self.Head @@ -37,16 +38,16 @@ def delete_head(self): # delete from head self.Head = self.Head.next temp.next = None return temp - + def delete_tail(self): # delete from tail tamp = self.Head if self.Head != None: - if(self.Head.next is None): # if Head is the only Node in the Linked List + if (self.Head.next is None): # if Head is the only Node in the Linked List self.Head = None else: while tamp.next.next is not None: # find the 2nd last element tamp = tamp.next - tamp.next, tamp = None, tamp.next #(2nd last element).next = None and tamp = last element + tamp.next, tamp = None, tamp.next # (2nd last element).next = None and tamp = last element return tamp def isEmpty(self): @@ -68,21 +69,22 @@ def reverse(self): # Return prev in order to put the head at the end self.Head = prev + def main(): A = Linked_List() print("Inserting 1st at Head") - a1=input() + a1 = input() A.insert_head(a1) print("Inserting 2nd at Head") - a2=input() + a2 = input() A.insert_head(a2) print("\nPrint List : ") A.printList() print("\nInserting 1st at Tail") - a3=input() + a3 = input() A.insert_tail(a3) print("Inserting 2nd at Tail") - a4=input() + a4 = input() A.insert_tail(a4) print("\nPrint List : ") A.printList() @@ -96,6 +98,7 @@ def main(): A.reverse() print("\nPrint List : ") A.printList() - + + if __name__ == '__main__': - main() + main() diff --git a/data_structures/linked_list/swapNodes.py b/data_structures/linked_list/swapNodes.py index ce2543bc46d8..30fd057f91fd 100644 --- a/data_structures/linked_list/swapNodes.py +++ b/data_structures/linked_list/swapNodes.py @@ -14,13 +14,13 @@ def print_list(self): print(temp.data) temp = temp.next -# adding nodes + # adding nodes def push(self, new_data): new_node = Node(new_data) new_node.next = self.head self.head = new_node -# swapping nodes + # swapping nodes def swapNodes(self, d1, d2): prevD1 = None prevD2 = None @@ -53,8 +53,8 @@ def swapNodes(self, d1, d2): D1.next = D2.next D2.next = temp -# swapping code ends here +# swapping code ends here if __name__ == '__main__': @@ -70,6 +70,3 @@ def swapNodes(self, d1, d2): list.swapNodes(1, 4) print("After swapping") list.print_list() - - - diff --git a/data_structures/queue/double_ended_queue.py b/data_structures/queue/double_ended_queue.py index fdee64eb6ae0..26e6e74343e9 100644 --- a/data_structures/queue/double_ended_queue.py +++ b/data_structures/queue/double_ended_queue.py @@ -1,40 +1,41 @@ from __future__ import print_function -# Python code to demonstrate working of -# extend(), extendleft(), rotate(), reverse() - + # importing "collections" for deque operations import collections - + +# Python code to demonstrate working of +# extend(), extendleft(), rotate(), reverse() + # initializing deque -de = collections.deque([1, 2, 3,]) - +de = collections.deque([1, 2, 3, ]) + # using extend() to add numbers to right end # adds 4,5,6 to right end -de.extend([4,5,6]) - +de.extend([4, 5, 6]) + # printing modified deque -print ("The deque after extending deque at end is : ") -print (de) - +print("The deque after extending deque at end is : ") +print(de) + # using extendleft() to add numbers to left end # adds 7,8,9 to right end -de.extendleft([7,8,9]) - +de.extendleft([7, 8, 9]) + # printing modified deque -print ("The deque after extending deque at beginning is : ") -print (de) - +print("The deque after extending deque at beginning is : ") +print(de) + # using rotate() to rotate the deque # rotates by 3 to left de.rotate(-3) - + # printing modified deque -print ("The deque after rotating deque is : ") -print (de) - +print("The deque after rotating deque is : ") +print(de) + # using reverse() to reverse the deque de.reverse() - + # printing modified deque -print ("The deque after reversing deque is : ") -print (de) +print("The deque after reversing deque is : ") +print(de) diff --git a/data_structures/queue/queue_on_list.py b/data_structures/queue/queue_on_list.py index 2ec9bac8398a..7bc39d2eac2e 100644 --- a/data_structures/queue/queue_on_list.py +++ b/data_structures/queue/queue_on_list.py @@ -1,9 +1,11 @@ """Queue represented by a python list""" + + class Queue(): def __init__(self): self.entries = [] self.length = 0 - self.front=0 + self.front = 0 def __str__(self): printed = '<' + str(self.entries)[1:-1] + '>' @@ -12,35 +14,39 @@ def __str__(self): """Enqueues {@code item} @param item item to enqueue""" + def put(self, item): self.entries.append(item) self.length = self.length + 1 - """Dequeues {@code item} @requirement: |self.length| > 0 @return dequeued item that was dequeued""" + def get(self): self.length = self.length - 1 dequeued = self.entries[self.front] - #self.front-=1 - #self.entries = self.entries[self.front:] + # self.front-=1 + # self.entries = self.entries[self.front:] self.entries = self.entries[1:] return dequeued """Rotates the queue {@code rotation} times @param rotation number of times to rotate queue""" + def rotate(self, rotation): for i in range(rotation): self.put(self.get()) """Enqueues {@code item} @return item at front of self.entries""" + def front(self): return self.entries[0] """Returns the length of this.entries""" + def size(self): return self.length diff --git a/data_structures/queue/queue_on_pseudo_stack.py b/data_structures/queue/queue_on_pseudo_stack.py index b69fbcc988f7..1018ec7e3cd5 100644 --- a/data_structures/queue/queue_on_pseudo_stack.py +++ b/data_structures/queue/queue_on_pseudo_stack.py @@ -1,4 +1,6 @@ """Queue represented by a pseudo stack (represented by a list with pop and append)""" + + class Queue(): def __init__(self): self.stack = [] @@ -11,6 +13,7 @@ def __str__(self): """Enqueues {@code item} @param item item to enqueue""" + def put(self, item): self.stack.append(item) self.length = self.length + 1 @@ -19,17 +22,19 @@ def put(self, item): @requirement: |self.length| > 0 @return dequeued item that was dequeued""" + def get(self): self.rotate(1) - dequeued = self.stack[self.length-1] + dequeued = self.stack[self.length - 1] self.stack = self.stack[:-1] - self.rotate(self.length-1) - self.length = self.length -1 + self.rotate(self.length - 1) + self.length = self.length - 1 return dequeued """Rotates the queue {@code rotation} times @param rotation number of times to rotate queue""" + def rotate(self, rotation): for i in range(rotation): temp = self.stack[0] @@ -39,12 +44,14 @@ def rotate(self, rotation): """Reports item at the front of self @return item at front of self.stack""" + def front(self): front = self.get() self.put(front) - self.rotate(self.length-1) + self.rotate(self.length - 1) return front """Returns the length of this.stack""" + def size(self): return self.length diff --git a/data_structures/stacks/__init__.py b/data_structures/stacks/__init__.py index f7e92ae2d269..17b8ca2fe8f6 100644 --- a/data_structures/stacks/__init__.py +++ b/data_structures/stacks/__init__.py @@ -1,23 +1,23 @@ class Stack: - def __init__(self): - self.stack = [] - self.top = 0 + def __init__(self): + self.stack = [] + self.top = 0 - def is_empty(self): - return (self.top == 0) + def is_empty(self): + return (self.top == 0) - def push(self, item): - if self.top < len(self.stack): - self.stack[self.top] = item - else: - self.stack.append(item) + def push(self, item): + if self.top < len(self.stack): + self.stack[self.top] = item + else: + self.stack.append(item) - self.top += 1 + self.top += 1 - def pop(self): - if self.is_empty(): - return None - else: - self.top -= 1 - return self.stack[self.top] + def pop(self): + if self.is_empty(): + return None + else: + self.top -= 1 + return self.stack[self.top] diff --git a/data_structures/stacks/balanced_parentheses.py b/data_structures/stacks/balanced_parentheses.py index 3229d19c8621..30a4d0dbd4ab 100644 --- a/data_structures/stacks/balanced_parentheses.py +++ b/data_structures/stacks/balanced_parentheses.py @@ -1,5 +1,6 @@ -from __future__ import print_function from __future__ import absolute_import +from __future__ import print_function + from stack import Stack __author__ = 'Omkar Pathak' diff --git a/data_structures/stacks/infix_to_postfix_conversion.py b/data_structures/stacks/infix_to_postfix_conversion.py index 75211fed258d..ef4810501211 100644 --- a/data_structures/stacks/infix_to_postfix_conversion.py +++ b/data_structures/stacks/infix_to_postfix_conversion.py @@ -1,5 +1,6 @@ -from __future__ import print_function from __future__ import absolute_import +from __future__ import print_function + import string from .Stack import Stack @@ -38,7 +39,7 @@ def infix_to_postfix(expression): postfix.append(char) elif char not in {'(', ')'}: while (not stack.is_empty() - and precedence(char) <= precedence(stack.peek())): + and precedence(char) <= precedence(stack.peek())): postfix.append(stack.pop()) stack.push(char) elif char == '(': diff --git a/data_structures/stacks/infix_to_prefix_conversion.py b/data_structures/stacks/infix_to_prefix_conversion.py index da5fc261fb9f..8192b3f8b1fd 100644 --- a/data_structures/stacks/infix_to_prefix_conversion.py +++ b/data_structures/stacks/infix_to_prefix_conversion.py @@ -14,48 +14,56 @@ a+b^c (Infix) -> +a^bc (Prefix) """ + def infix_2_postfix(Infix): Stack = [] Postfix = [] - priority = {'^':3, '*':2, '/':2, '%':2, '+':1, '-':1} # Priority of each operator - print_width = len(Infix) if(len(Infix)>7) else 7 + priority = {'^': 3, '*': 2, '/': 2, '%': 2, '+': 1, '-': 1} # Priority of each operator + print_width = len(Infix) if (len(Infix) > 7) else 7 # Print table header for output - print('Symbol'.center(8), 'Stack'.center(print_width), 'Postfix'.center(print_width), sep = " | ") - print('-'*(print_width*3+7)) + print('Symbol'.center(8), 'Stack'.center(print_width), 'Postfix'.center(print_width), sep=" | ") + print('-' * (print_width * 3 + 7)) for x in Infix: - if(x.isalpha() or x.isdigit()): Postfix.append(x) # if x is Alphabet / Digit, add it to Postfix - elif(x == '('): Stack.append(x) # if x is "(" push to Stack - elif(x == ')'): # if x is ")" pop stack until "(" is encountered - while(Stack[-1] != '('): - Postfix.append( Stack.pop() ) #Pop stack & add the content to Postfix + if (x.isalpha() or x.isdigit()): + Postfix.append(x) # if x is Alphabet / Digit, add it to Postfix + elif (x == '('): + Stack.append(x) # if x is "(" push to Stack + elif (x == ')'): # if x is ")" pop stack until "(" is encountered + while (Stack[-1] != '('): + Postfix.append(Stack.pop()) # Pop stack & add the content to Postfix Stack.pop() else: - if(len(Stack)==0): Stack.append(x) #If stack is empty, push x to stack + if (len(Stack) == 0): + Stack.append(x) # If stack is empty, push x to stack else: - while( len(Stack) > 0 and priority[x] <= priority[Stack[-1]]): # while priority of x is not greater than priority of element in the stack - Postfix.append( Stack.pop() ) # pop stack & add to Postfix - Stack.append(x) # push x to stack + while (len(Stack) > 0 and priority[x] <= priority[Stack[-1]]): # while priority of x is not greater than priority of element in the stack + Postfix.append(Stack.pop()) # pop stack & add to Postfix + Stack.append(x) # push x to stack + + print(x.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format - print(x.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep = " | ") # Output in tabular format + while (len(Stack) > 0): # while stack is not empty + Postfix.append(Stack.pop()) # pop stack & add to Postfix + print(' '.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format - while(len(Stack) > 0): # while stack is not empty - Postfix.append( Stack.pop() ) # pop stack & add to Postfix - print(' '.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep = " | ") # Output in tabular format + return "".join(Postfix) # return Postfix as str - return "".join(Postfix) # return Postfix as str def infix_2_prefix(Infix): - Infix = list(Infix[::-1]) # reverse the infix equation - + Infix = list(Infix[::-1]) # reverse the infix equation + for i in range(len(Infix)): - if(Infix[i] == '('): Infix[i] = ')' # change "(" to ")" - elif(Infix[i] == ')'): Infix[i] = '(' # change ")" to "(" - + if (Infix[i] == '('): + Infix[i] = ')' # change "(" to ")" + elif (Infix[i] == ')'): + Infix[i] = '(' # change ")" to "(" + return (infix_2_postfix("".join(Infix)))[::-1] # call infix_2_postfix on Infix, return reverse of Postfix + if __name__ == "__main__": - Infix = input("\nEnter an Infix Equation = ") #Input an Infix equation - Infix = "".join(Infix.split()) #Remove spaces from the input + Infix = input("\nEnter an Infix Equation = ") # Input an Infix equation + Infix = "".join(Infix.split()) # Remove spaces from the input print("\n\t", Infix, "(Infix) -> ", infix_2_prefix(Infix), "(Prefix)") diff --git a/data_structures/stacks/next.py b/data_structures/stacks/next.py index bca83339592c..3fc22281ede5 100644 --- a/data_structures/stacks/next.py +++ b/data_structures/stacks/next.py @@ -1,17 +1,19 @@ from __future__ import print_function + + # Function to print element and NGE pair for all elements of list def printNGE(arr): - for i in range(0, len(arr), 1): - + next = -1 - for j in range(i+1, len(arr), 1): + for j in range(i + 1, len(arr), 1): if arr[i] < arr[j]: next = arr[j] break - + print(str(arr[i]) + " -- " + str(next)) - + + # Driver program to test above function -arr = [11,13,21,3] +arr = [11, 13, 21, 3] printNGE(arr) diff --git a/data_structures/stacks/postfix_evaluation.py b/data_structures/stacks/postfix_evaluation.py index 1786e71dd383..151f27070a50 100644 --- a/data_structures/stacks/postfix_evaluation.py +++ b/data_structures/stacks/postfix_evaluation.py @@ -19,28 +19,29 @@ import operator as op + def Solve(Postfix): Stack = [] - Div = lambda x, y: int(x/y) # integer division operation - Opr = {'^':op.pow, '*':op.mul, '/':Div, '+':op.add, '-':op.sub} # operators & their respective operation + Div = lambda x, y: int(x / y) # integer division operation + Opr = {'^': op.pow, '*': op.mul, '/': Div, '+': op.add, '-': op.sub} # operators & their respective operation # print table header - print('Symbol'.center(8), 'Action'.center(12), 'Stack', sep = " | ") - print('-'*(30+len(Postfix))) + print('Symbol'.center(8), 'Action'.center(12), 'Stack', sep=" | ") + print('-' * (30 + len(Postfix))) for x in Postfix: - if( x.isdigit() ): # if x in digit - Stack.append(x) # append x to stack - print(x.rjust(8), ('push('+x+')').ljust(12), ','.join(Stack), sep = " | ") # output in tabular format + if (x.isdigit()): # if x in digit + Stack.append(x) # append x to stack + print(x.rjust(8), ('push(' + x + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format else: - B = Stack.pop() # pop stack - print("".rjust(8), ('pop('+B+')').ljust(12), ','.join(Stack), sep = " | ") # output in tabular format + B = Stack.pop() # pop stack + print("".rjust(8), ('pop(' + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - A = Stack.pop() # pop stack - print("".rjust(8), ('pop('+A+')').ljust(12), ','.join(Stack), sep = " | ") # output in tabular format + A = Stack.pop() # pop stack + print("".rjust(8), ('pop(' + A + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - Stack.append( str(Opr[x](int(A), int(B))) ) # evaluate the 2 values poped from stack & push result to stack - print(x.rjust(8), ('push('+A+x+B+')').ljust(12), ','.join(Stack), sep = " | ") # output in tabular format + Stack.append(str(Opr[x](int(A), int(B)))) # evaluate the 2 values poped from stack & push result to stack + print(x.rjust(8), ('push(' + A + x + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format return int(Stack[0]) diff --git a/data_structures/stacks/stack.py b/data_structures/stacks/stack.py index 7f979d927d08..dae37ef61e28 100644 --- a/data_structures/stacks/stack.py +++ b/data_structures/stacks/stack.py @@ -1,4 +1,5 @@ from __future__ import print_function + __author__ = 'Omkar Pathak' diff --git a/data_structures/stacks/stock_span_problem.py b/data_structures/stacks/stock_span_problem.py index 9628864edd10..508823cfa690 100644 --- a/data_structures/stacks/stock_span_problem.py +++ b/data_structures/stacks/stock_span_problem.py @@ -7,46 +7,49 @@ on the current day is less than or equal to its price on the given day. ''' from __future__ import print_function -def calculateSpan(price, S): - - n = len(price) + + +def calculateSpan(price, S): + n = len(price) # Create a stack and push index of fist element to it - st = [] - st.append(0) - + st = [] + st.append(0) + # Span value of first element is always 1 - S[0] = 1 - + S[0] = 1 + # Calculate span values for rest of the elements - for i in range(1, n): - + for i in range(1, n): + # Pop elements from stack whlie stack is not # empty and top of stack is smaller than price[i] - while( len(st) > 0 and price[st[0]] <= price[i]): - st.pop() - - # If stack becomes empty, then price[i] is greater + while (len(st) > 0 and price[st[0]] <= price[i]): + st.pop() + + # If stack becomes empty, then price[i] is greater # than all elements on left of it, i.e. price[0], # price[1], ..price[i-1]. Else the price[i] is # greater than elements after top of stack - S[i] = i+1 if len(st) <= 0 else (i - st[0]) - + S[i] = i + 1 if len(st) <= 0 else (i - st[0]) + # Push this element to stack - st.append(i) - - -# A utility function to print elements of array -def printArray(arr, n): - for i in range(0,n): - print (arr[i],end =" ") - - -# Driver program to test above function -price = [10, 4, 5, 90, 120, 80] -S = [0 for i in range(len(price)+1)] - + st.append(i) + + # A utility function to print elements of array + + +def printArray(arr, n): + for i in range(0, n): + print(arr[i], end=" ") + + # Driver program to test above function + + +price = [10, 4, 5, 90, 120, 80] +S = [0 for i in range(len(price) + 1)] + # Fill the span values in array S[] -calculateSpan(price, S) - +calculateSpan(price, S) + # Print the calculated span values -printArray(S, len(price)) +printArray(S, len(price)) diff --git a/data_structures/trie/trie.py b/data_structures/trie/trie.py index b6234c6704c6..d300c40bccbd 100644 --- a/data_structures/trie/trie.py +++ b/data_structures/trie/trie.py @@ -72,4 +72,5 @@ def test(): assert not root.find('apps') assert root.find('apple') + test() diff --git a/data_structures/union_find/tests_union_find.py b/data_structures/union_find/tests_union_find.py index b0708778ddbd..949fc9887062 100644 --- a/data_structures/union_find/tests_union_find.py +++ b/data_structures/union_find/tests_union_find.py @@ -1,7 +1,9 @@ from __future__ import absolute_import -from .union_find import UnionFind + import unittest +from .union_find import UnionFind + class TestUnionFind(unittest.TestCase): def test_init_with_valid_size(self): diff --git a/data_structures/union_find/union_find.py b/data_structures/union_find/union_find.py index 40eea67ac944..c28907ae6f4a 100644 --- a/data_structures/union_find/union_find.py +++ b/data_structures/union_find/union_find.py @@ -12,6 +12,7 @@ class UnionFind(): The elements are in range [0, size] """ + def __init__(self, size): if size <= 0: raise ValueError("size should be greater than 0") @@ -22,10 +23,10 @@ def __init__(self, size): # in range [0, size]. It makes more sense. # Every set begins with only itself - self.root = [i for i in range(size+1)] + self.root = [i for i in range(size + 1)] # This is used for heuristic union by rank - self.weight = [0 for i in range(size+1)] + self.weight = [0 for i in range(size + 1)] def union(self, u, v): """ @@ -82,6 +83,6 @@ def _validate_element_range(self, u, element_name): """ if u < 0 or u > self.size: msg = ("element {0} with value {1} " - "should be in range [0~{2}]")\ - .format(element_name, u, self.size) + "should be in range [0~{2}]") \ + .format(element_name, u, self.size) raise ValueError(msg) diff --git a/dynamic_programming/Fractional_Knapsack.py b/dynamic_programming/Fractional_Knapsack.py index 74e85b4b4708..4907f4fd5dbf 100644 --- a/dynamic_programming/Fractional_Knapsack.py +++ b/dynamic_programming/Fractional_Knapsack.py @@ -1,12 +1,13 @@ -from itertools import accumulate from bisect import bisect +from itertools import accumulate + def fracKnapsack(vl, wt, W, n): + r = list(sorted(zip(vl, wt), key=lambda x: x[0] / x[1], reverse=True)) + vl, wt = [i[0] for i in r], [i[1] for i in r] + acc = list(accumulate(wt)) + k = bisect(acc, W) + return 0 if k == 0 else sum(vl[:k]) + (W - acc[k - 1]) * (vl[k]) / (wt[k]) if k != n else sum(vl[:k]) - r = list(sorted(zip(vl,wt), key=lambda x:x[0]/x[1],reverse=True)) - vl , wt = [i[0] for i in r],[i[1] for i in r] - acc=list(accumulate(wt)) - k = bisect(acc,W) - return 0 if k == 0 else sum(vl[:k])+(W-acc[k-1])*(vl[k])/(wt[k]) if k!=n else sum(vl[:k]) -print("%.0f"%fracKnapsack([60, 100, 120],[10, 20, 30],50,3)) +print("%.0f" % fracKnapsack([60, 100, 120], [10, 20, 30], 50, 3)) diff --git a/dynamic_programming/bitmask.py b/dynamic_programming/bitmask.py index 213b22fe9051..d97eb5d0e48a 100644 --- a/dynamic_programming/bitmask.py +++ b/dynamic_programming/bitmask.py @@ -10,81 +10,80 @@ """ from __future__ import print_function + from collections import defaultdict class AssignmentUsingBitmask: - def __init__(self,task_performed,total): - - self.total_tasks = total #total no of tasks (N) - + def __init__(self, task_performed, total): + + self.total_tasks = total # total no of tasks (N) + # DP table will have a dimension of (2^M)*N # initially all values are set to -1 - self.dp = [[-1 for i in range(total+1)] for j in range(2**len(task_performed))] - - self.task = defaultdict(list) #stores the list of persons for each task - - #finalmask is used to check if all persons are included by setting all bits to 1 - self.finalmask = (1< self.total_tasks: return 0 - #if case already considered - if self.dp[mask][taskno]!=-1: + # if case already considered + if self.dp[mask][taskno] != -1: return self.dp[mask][taskno] # Number of ways when we dont this task in the arrangement - total_ways_util = self.CountWaysUtil(mask,taskno+1) + total_ways_util = self.CountWaysUtil(mask, taskno + 1) # now assign the tasks one by one to all possible persons and recursively assign for the remaining tasks. if taskno in self.task: for p in self.task[taskno]: - + # if p is already given a task - if mask & (1<-1): + if (x == -1): + return y + 1 + elif (y == -1): + return x + 1 + elif (self.dp[x][y] > -1): return self.dp[x][y] else: - if (self.A[x]==self.B[y]): - self.dp[x][y] = self.__solveDP(x-1,y-1) + if (self.A[x] == self.B[y]): + self.dp[x][y] = self.__solveDP(x - 1, y - 1) else: - self.dp[x][y] = 1+min(self.__solveDP(x,y-1), self.__solveDP(x-1,y), self.__solveDP(x-1,y-1)) + self.dp[x][y] = 1 + min(self.__solveDP(x, y - 1), self.__solveDP(x - 1, y), self.__solveDP(x - 1, y - 1)) return self.dp[x][y] def solve(self, A, B): - if isinstance(A,bytes): + if isinstance(A, bytes): A = A.decode('ascii') - if isinstance(B,bytes): + if isinstance(B, bytes): B = B.decode('ascii') self.A = str(A) @@ -50,26 +50,27 @@ def solve(self, A, B): self.__prepare__(len(A), len(B)) - return self.__solveDP(len(A)-1, len(B)-1) + return self.__solveDP(len(A) - 1, len(B) - 1) + if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 - solver = EditDistance() + solver = EditDistance() - print("****************** Testing Edit Distance DP Algorithm ******************") - print() + print("****************** Testing Edit Distance DP Algorithm ******************") + print() - print("Enter the first string: ", end="") - S1 = raw_input().strip() + print("Enter the first string: ", end="") + S1 = raw_input().strip() - print("Enter the second string: ", end="") - S2 = raw_input().strip() + print("Enter the second string: ", end="") + S2 = raw_input().strip() - print() - print("The minimum Edit Distance is: %d" % (solver.solve(S1, S2))) - print() - print("*************** End of Testing Edit Distance DP Algorithm ***************") + print() + print("The minimum Edit Distance is: %d" % (solver.solve(S1, S2))) + print() + print("*************** End of Testing Edit Distance DP Algorithm ***************") diff --git a/dynamic_programming/fast_fibonacci.py b/dynamic_programming/fast_fibonacci.py index cbc118467b3c..9b0197acd252 100644 --- a/dynamic_programming/fast_fibonacci.py +++ b/dynamic_programming/fast_fibonacci.py @@ -6,6 +6,7 @@ It's possible to calculate F(1000000) in less than a second. """ from __future__ import print_function + import sys diff --git a/dynamic_programming/fibonacci.py b/dynamic_programming/fibonacci.py index b453ce255853..b4a6dda1384b 100644 --- a/dynamic_programming/fibonacci.py +++ b/dynamic_programming/fibonacci.py @@ -30,7 +30,7 @@ def get(self, sequence_no=None): if __name__ == '__main__': print("\n********* Fibonacci Series Using Dynamic Programming ************\n") try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 diff --git a/dynamic_programming/floyd_warshall.py b/dynamic_programming/floyd_warshall.py index 038499ca03b6..78c826b08f8a 100644 --- a/dynamic_programming/floyd_warshall.py +++ b/dynamic_programming/floyd_warshall.py @@ -1,37 +1,39 @@ import math + class Graph: - - def __init__(self, N = 0): # a graph with Node 0,1,...,N-1 + + def __init__(self, N=0): # a graph with Node 0,1,...,N-1 self.N = N - self.W = [[math.inf for j in range(0,N)] for i in range(0,N)] # adjacency matrix for weight - self.dp = [[math.inf for j in range(0,N)] for i in range(0,N)] # dp[i][j] stores minimum distance from i to j + self.W = [[math.inf for j in range(0, N)] for i in range(0, N)] # adjacency matrix for weight + self.dp = [[math.inf for j in range(0, N)] for i in range(0, N)] # dp[i][j] stores minimum distance from i to j def addEdge(self, u, v, w): self.dp[u][v] = w def floyd_warshall(self): - for k in range(0,self.N): - for i in range(0,self.N): - for j in range(0,self.N): + for k in range(0, self.N): + for i in range(0, self.N): + for j in range(0, self.N): self.dp[i][j] = min(self.dp[i][j], self.dp[i][k] + self.dp[k][j]) def showMin(self, u, v): return self.dp[u][v] - + + if __name__ == '__main__': graph = Graph(5) - graph.addEdge(0,2,9) - graph.addEdge(0,4,10) - graph.addEdge(1,3,5) - graph.addEdge(2,3,7) - graph.addEdge(3,0,10) - graph.addEdge(3,1,2) - graph.addEdge(3,2,1) - graph.addEdge(3,4,6) - graph.addEdge(4,1,3) - graph.addEdge(4,2,4) - graph.addEdge(4,3,9) + graph.addEdge(0, 2, 9) + graph.addEdge(0, 4, 10) + graph.addEdge(1, 3, 5) + graph.addEdge(2, 3, 7) + graph.addEdge(3, 0, 10) + graph.addEdge(3, 1, 2) + graph.addEdge(3, 2, 1) + graph.addEdge(3, 4, 6) + graph.addEdge(4, 1, 3) + graph.addEdge(4, 2, 4) + graph.addEdge(4, 3, 9) graph.floyd_warshall() - graph.showMin(1,4) - graph.showMin(0,3) + graph.showMin(1, 4) + graph.showMin(0, 3) diff --git a/dynamic_programming/integer_partition.py b/dynamic_programming/integer_partition.py index 7b27afebaa6c..0f1e6de59d88 100644 --- a/dynamic_programming/integer_partition.py +++ b/dynamic_programming/integer_partition.py @@ -1,45 +1,48 @@ from __future__ import print_function try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 try: - raw_input #Python 2 + raw_input # Python 2 except NameError: - raw_input = input #Python 3 + raw_input = input # Python 3 ''' The number of partitions of a number n into at least k parts equals the number of partitions into exactly k parts plus the number of partitions into at least k-1 parts. Subtracting 1 from each part of a partition of n into k parts gives a partition of n-k into k parts. These two facts together are used for this algorithm. ''' + + def partition(m): - memo = [[0 for _ in xrange(m)] for _ in xrange(m+1)] - for i in xrange(m+1): - memo[i][0] = 1 + memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] + for i in xrange(m + 1): + memo[i][0] = 1 - for n in xrange(m+1): - for k in xrange(1, m): - memo[n][k] += memo[n][k-1] - if n-k > 0: - memo[n][k] += memo[n-k-1][k] + for n in xrange(m + 1): + for k in xrange(1, m): + memo[n][k] += memo[n][k - 1] + if n - k > 0: + memo[n][k] += memo[n - k - 1][k] + + return memo[m][m - 1] - return memo[m][m-1] if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - try: - n = int(raw_input('Enter a number: ')) - print(partition(n)) - except ValueError: - print('Please enter a number.') - else: - try: - n = int(sys.argv[1]) - print(partition(n)) - except ValueError: - print('Please pass a number.') \ No newline at end of file + import sys + + if len(sys.argv) == 1: + try: + n = int(raw_input('Enter a number: ')) + print(partition(n)) + except ValueError: + print('Please enter a number.') + else: + try: + n = int(sys.argv[1]) + print(partition(n)) + except ValueError: + print('Please pass a number.') diff --git a/dynamic_programming/k_means_clustering_tensorflow.py b/dynamic_programming/k_means_clustering_tensorflow.py index b6813c6a22b3..e8f9674e93fa 100644 --- a/dynamic_programming/k_means_clustering_tensorflow.py +++ b/dynamic_programming/k_means_clustering_tensorflow.py @@ -1,5 +1,6 @@ -import tensorflow as tf from random import shuffle + +import tensorflow as tf from numpy import array @@ -14,24 +15,24 @@ def TFKMeansCluster(vectors, noofclusters): noofclusters = int(noofclusters) assert noofclusters < len(vectors) - #Find out the dimensionality + # Find out the dimensionality dim = len(vectors[0]) - #Will help select random centroids from among the available vectors + # Will help select random centroids from among the available vectors vector_indices = list(range(len(vectors))) shuffle(vector_indices) - #GRAPH OF COMPUTATION - #We initialize a new graph and set it as the default during each run - #of this algorithm. This ensures that as this function is called - #multiple times, the default graph doesn't keep getting crowded with - #unused ops and Variables from previous function calls. + # GRAPH OF COMPUTATION + # We initialize a new graph and set it as the default during each run + # of this algorithm. This ensures that as this function is called + # multiple times, the default graph doesn't keep getting crowded with + # unused ops and Variables from previous function calls. graph = tf.Graph() with graph.as_default(): - #SESSION OF COMPUTATION + # SESSION OF COMPUTATION sess = tf.Session() @@ -60,14 +61,14 @@ def TFKMeansCluster(vectors, noofclusters): assignment_value)) ##Now lets construct the node that will compute the mean - #The placeholder for the input + # The placeholder for the input mean_input = tf.placeholder("float", [None, dim]) - #The Node/op takes the input and computes a mean along the 0th - #dimension, i.e. the list of input vectors + # The Node/op takes the input and computes a mean along the 0th + # dimension, i.e. the list of input vectors mean_op = tf.reduce_mean(mean_input, 0) ##Node for computing Euclidean distances - #Placeholders for input + # Placeholders for input v1 = tf.placeholder("float", [dim]) v2 = tf.placeholder("float", [dim]) euclid_dist = tf.sqrt(tf.reduce_sum(tf.pow(tf.sub( @@ -75,7 +76,7 @@ def TFKMeansCluster(vectors, noofclusters): ##This node will figure out which cluster to assign a vector to, ##based on Euclidean distances of the vector from the centroids. - #Placeholder for input + # Placeholder for input centroid_distances = tf.placeholder("float", [noofclusters]) cluster_assignment = tf.argmin(centroid_distances, 0) @@ -87,55 +88,54 @@ def TFKMeansCluster(vectors, noofclusters): ##will be included in the initialization. init_op = tf.initialize_all_variables() - #Initialize all variables + # Initialize all variables sess.run(init_op) ##CLUSTERING ITERATIONS - #Now perform the Expectation-Maximization steps of K-Means clustering - #iterations. To keep things simple, we will only do a set number of - #iterations, instead of using a Stopping Criterion. + # Now perform the Expectation-Maximization steps of K-Means clustering + # iterations. To keep things simple, we will only do a set number of + # iterations, instead of using a Stopping Criterion. noofiterations = 100 for iteration_n in range(noofiterations): ##EXPECTATION STEP ##Based on the centroid locations till last iteration, compute ##the _expected_ centroid assignments. - #Iterate over each vector + # Iterate over each vector for vector_n in range(len(vectors)): vect = vectors[vector_n] - #Compute Euclidean distance between this vector and each - #centroid. Remember that this list cannot be named - #'centroid_distances', since that is the input to the - #cluster assignment node. + # Compute Euclidean distance between this vector and each + # centroid. Remember that this list cannot be named + # 'centroid_distances', since that is the input to the + # cluster assignment node. distances = [sess.run(euclid_dist, feed_dict={ v1: vect, v2: sess.run(centroid)}) for centroid in centroids] - #Now use the cluster assignment node, with the distances - #as the input - assignment = sess.run(cluster_assignment, feed_dict = { + # Now use the cluster assignment node, with the distances + # as the input + assignment = sess.run(cluster_assignment, feed_dict={ centroid_distances: distances}) - #Now assign the value to the appropriate state variable + # Now assign the value to the appropriate state variable sess.run(cluster_assigns[vector_n], feed_dict={ assignment_value: assignment}) ##MAXIMIZATION STEP - #Based on the expected state computed from the Expectation Step, - #compute the locations of the centroids so as to maximize the - #overall objective of minimizing within-cluster Sum-of-Squares + # Based on the expected state computed from the Expectation Step, + # compute the locations of the centroids so as to maximize the + # overall objective of minimizing within-cluster Sum-of-Squares for cluster_n in range(noofclusters): - #Collect all the vectors assigned to this cluster + # Collect all the vectors assigned to this cluster assigned_vects = [vectors[i] for i in range(len(vectors)) if sess.run(assignments[i]) == cluster_n] - #Compute new centroid location + # Compute new centroid location new_location = sess.run(mean_op, feed_dict={ mean_input: array(assigned_vects)}) - #Assign value to appropriate variable + # Assign value to appropriate variable sess.run(cent_assigns[cluster_n], feed_dict={ centroid_value: new_location}) - #Return centroids and assignments + # Return centroids and assignments centroids = sess.run(centroids) assignments = sess.run(assignments) return centroids, assignments - diff --git a/dynamic_programming/knapsack.py b/dynamic_programming/knapsack.py index 27d1cfed799b..1f6921e8c7f1 100644 --- a/dynamic_programming/knapsack.py +++ b/dynamic_programming/knapsack.py @@ -1,7 +1,9 @@ """ Given weights and values of n items, put these items in a knapsack of capacity W to get the maximum total value in the knapsack. """ -def MF_knapsack(i,wt,val,j): + + +def MF_knapsack(i, wt, val, j): ''' This code involves the concept of memory functions. Here we solve the subproblems which are needed unlike the below example @@ -10,33 +12,34 @@ def MF_knapsack(i,wt,val,j): global F # a global dp table for knapsack if F[i][j] < 0: if j < wt[i - 1]: - val = MF_knapsack(i - 1,wt,val,j) + val = MF_knapsack(i - 1, wt, val, j) else: - val = max(MF_knapsack(i - 1,wt,val,j),MF_knapsack(i - 1,wt,val,j - wt[i - 1]) + val[i - 1]) + val = max(MF_knapsack(i - 1, wt, val, j), MF_knapsack(i - 1, wt, val, j - wt[i - 1]) + val[i - 1]) F[i][j] = val return F[i][j] + def knapsack(W, wt, val, n): - dp = [[0 for i in range(W+1)]for j in range(n+1)] + dp = [[0 for i in range(W + 1)] for j in range(n + 1)] - for i in range(1,n+1): - for w in range(1,W+1): - if(wt[i-1]<=w): - dp[i][w] = max(val[i-1]+dp[i-1][w-wt[i-1]],dp[i-1][w]) + for i in range(1, n + 1): + for w in range(1, W + 1): + if (wt[i - 1] <= w): + dp[i][w] = max(val[i - 1] + dp[i - 1][w - wt[i - 1]], dp[i - 1][w]) else: - dp[i][w] = dp[i-1][w] + dp[i][w] = dp[i - 1][w] return dp[n][w] + if __name__ == '__main__': ''' Adding test case for knapsack ''' - val = [3,2,4,4] - wt = [4,3,2,3] + val = [3, 2, 4, 4] + wt = [4, 3, 2, 3] n = 4 w = 6 - F = [[0]*(w + 1)] + [[0] + [-1 for i in range(w + 1)] for j in range(n + 1)] - print(knapsack(w,wt,val,n)) - print(MF_knapsack(n,wt,val,w)) # switched the n and w - + F = [[0] * (w + 1)] + [[0] + [-1 for i in range(w + 1)] for j in range(n + 1)] + print(knapsack(w, wt, val, n)) + print(MF_knapsack(n, wt, val, w)) # switched the n and w diff --git a/dynamic_programming/longest_common_subsequence.py b/dynamic_programming/longest_common_subsequence.py index 0a4771cb2efd..4ed43bef51cb 100644 --- a/dynamic_programming/longest_common_subsequence.py +++ b/dynamic_programming/longest_common_subsequence.py @@ -6,10 +6,11 @@ from __future__ import print_function try: - xrange # Python 2 + xrange # Python 2 except NameError: xrange = range # Python 3 + def lcs_dp(x, y): # find the length of strings m = len(x) @@ -23,15 +24,16 @@ def lcs_dp(x, y): for j in range(n + 1): if i == 0 or j == 0: L[i][j] = 0 - elif x[i - 1] == y[ j - 1]: + elif x[i - 1] == y[j - 1]: L[i][j] = L[i - 1][j - 1] + 1 - seq.append(x[i -1]) + seq.append(x[i - 1]) else: L[i][j] = max(L[i - 1][j], L[i][j - 1]) # L[m][n] contains the length of LCS of X[0..n-1] & Y[0..m-1] return L[m][n], seq -if __name__=='__main__': + +if __name__ == '__main__': x = 'AGGTAB' y = 'GXTXAYB' print(lcs_dp(x, y)) diff --git a/dynamic_programming/longest_increasing_subsequence.py b/dynamic_programming/longest_increasing_subsequence.py index b6d165909e70..6bfab55977c9 100644 --- a/dynamic_programming/longest_increasing_subsequence.py +++ b/dynamic_programming/longest_increasing_subsequence.py @@ -9,34 +9,36 @@ ''' from __future__ import print_function -def longestSub(ARRAY): #This function is recursive - - ARRAY_LENGTH = len(ARRAY) - if(ARRAY_LENGTH <= 1): #If the array contains only one element, we return it (it's the stop condition of recursion) - return ARRAY - #Else - PIVOT=ARRAY[0] - isFound=False - i=1 - LONGEST_SUB=[] - while(not isFound and i= ARRAY[i] ] - TEMPORARY_ARRAY = longestSub(TEMPORARY_ARRAY) - if ( len(TEMPORARY_ARRAY) > len(LONGEST_SUB) ): - LONGEST_SUB = TEMPORARY_ARRAY - else: - i+=1 - - TEMPORARY_ARRAY = [ element for element in ARRAY[1:] if element >= PIVOT ] - TEMPORARY_ARRAY = [PIVOT] + longestSub(TEMPORARY_ARRAY) - if ( len(TEMPORARY_ARRAY) > len(LONGEST_SUB) ): - return TEMPORARY_ARRAY - else: - return LONGEST_SUB - -#Some examples - -print(longestSub([4,8,7,5,1,12,2,3,9])) -print(longestSub([9,8,7,6,5,7])) \ No newline at end of file + +def longestSub(ARRAY): # This function is recursive + + ARRAY_LENGTH = len(ARRAY) + if (ARRAY_LENGTH <= 1): # If the array contains only one element, we return it (it's the stop condition of recursion) + return ARRAY + # Else + PIVOT = ARRAY[0] + isFound = False + i = 1 + LONGEST_SUB = [] + while (not isFound and i < ARRAY_LENGTH): + if (ARRAY[i] < PIVOT): + isFound = True + TEMPORARY_ARRAY = [element for element in ARRAY[i:] if element >= ARRAY[i]] + TEMPORARY_ARRAY = longestSub(TEMPORARY_ARRAY) + if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): + LONGEST_SUB = TEMPORARY_ARRAY + else: + i += 1 + + TEMPORARY_ARRAY = [element for element in ARRAY[1:] if element >= PIVOT] + TEMPORARY_ARRAY = [PIVOT] + longestSub(TEMPORARY_ARRAY) + if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): + return TEMPORARY_ARRAY + else: + return LONGEST_SUB + + +# Some examples + +print(longestSub([4, 8, 7, 5, 1, 12, 2, 3, 9])) +print(longestSub([9, 8, 7, 6, 5, 7])) diff --git a/dynamic_programming/longest_increasing_subsequence_O(nlogn).py b/dynamic_programming/longest_increasing_subsequence_O(nlogn).py index 21122a04d69f..6da23b62a89d 100644 --- a/dynamic_programming/longest_increasing_subsequence_O(nlogn).py +++ b/dynamic_programming/longest_increasing_subsequence_O(nlogn).py @@ -1,41 +1,43 @@ from __future__ import print_function + + ############################# # Author: Aravind Kashyap # File: lis.py # comments: This programme outputs the Longest Strictly Increasing Subsequence in O(NLogN) # Where N is the Number of elements in the list ############################# -def CeilIndex(v,l,r,key): - while r-l > 1: - m = (l + r)/2 - if v[m] >= key: - r = m - else: - l = m - - return r - +def CeilIndex(v, l, r, key): + while r - l > 1: + m = (l + r) / 2 + if v[m] >= key: + r = m + else: + l = m + + return r + def LongestIncreasingSubsequenceLength(v): - if(len(v) == 0): - return 0 - - tail = [0]*len(v) - length = 1 - - tail[0] = v[0] - - for i in range(1,len(v)): - if v[i] < tail[0]: - tail[0] = v[i] - elif v[i] > tail[length-1]: - tail[length] = v[i] - length += 1 - else: - tail[CeilIndex(tail,-1,length-1,v[i])] = v[i] - - return length - + if (len(v) == 0): + return 0 + + tail = [0] * len(v) + length = 1 + + tail[0] = v[0] + + for i in range(1, len(v)): + if v[i] < tail[0]: + tail[0] = v[i] + elif v[i] > tail[length - 1]: + tail[length] = v[i] + length += 1 + else: + tail[CeilIndex(tail, -1, length - 1, v[i])] = v[i] + + return length + v = [2, 5, 3, 7, 11, 8, 10, 13, 6] print(LongestIncreasingSubsequenceLength(v)) diff --git a/dynamic_programming/longest_sub_array.py b/dynamic_programming/longest_sub_array.py index de2c88a8b525..2cfe270995db 100644 --- a/dynamic_programming/longest_sub_array.py +++ b/dynamic_programming/longest_sub_array.py @@ -17,12 +17,12 @@ def __init__(self, arr): print(("the input array is:", self.array)) def solve_sub_array(self): - rear = [int(self.array[0])]*len(self.array) - sum_value = [int(self.array[0])]*len(self.array) + rear = [int(self.array[0])] * len(self.array) + sum_value = [int(self.array[0])] * len(self.array) for i in range(1, len(self.array)): - sum_value[i] = max(int(self.array[i]) + sum_value[i-1], int(self.array[i])) - rear[i] = max(sum_value[i], rear[i-1]) - return rear[len(self.array)-1] + sum_value[i] = max(int(self.array[i]) + sum_value[i - 1], int(self.array[i])) + rear[i] = max(sum_value[i], rear[i - 1]) + return rear[len(self.array) - 1] if __name__ == '__main__': @@ -30,4 +30,3 @@ def solve_sub_array(self): array = SubArray(whole_array) re = array.solve_sub_array() print(("the results is:", re)) - diff --git a/dynamic_programming/matrix_chain_order.py b/dynamic_programming/matrix_chain_order.py index b8234a65acbe..5e8d70a3c40d 100644 --- a/dynamic_programming/matrix_chain_order.py +++ b/dynamic_programming/matrix_chain_order.py @@ -1,46 +1,54 @@ from __future__ import print_function import sys + ''' Dynamic Programming Implementation of Matrix Chain Multiplication Time Complexity: O(n^3) Space Complexity: O(n^2) ''' + + def MatrixChainOrder(array): - N=len(array) - Matrix=[[0 for x in range(N)] for x in range(N)] - Sol=[[0 for x in range(N)] for x in range(N)] + N = len(array) + Matrix = [[0 for x in range(N)] for x in range(N)] + Sol = [[0 for x in range(N)] for x in range(N)] - for ChainLength in range(2,N): - for a in range(1,N-ChainLength+1): - b = a+ChainLength-1 + for ChainLength in range(2, N): + for a in range(1, N - ChainLength + 1): + b = a + ChainLength - 1 Matrix[a][b] = sys.maxsize - for c in range(a , b): - cost = Matrix[a][c] + Matrix[c+1][b] + array[a-1]*array[c]*array[b] + for c in range(a, b): + cost = Matrix[a][c] + Matrix[c + 1][b] + array[a - 1] * array[c] * array[b] if cost < Matrix[a][b]: Matrix[a][b] = cost Sol[a][b] = c - return Matrix , Sol -#Print order of matrix with Ai as Matrix -def PrintOptimalSolution(OptimalSolution,i,j): - if i==j: - print("A" + str(i),end = " ") + return Matrix, Sol + + +# Print order of matrix with Ai as Matrix +def PrintOptimalSolution(OptimalSolution, i, j): + if i == j: + print("A" + str(i), end=" ") else: - print("(",end = " ") - PrintOptimalSolution(OptimalSolution,i,OptimalSolution[i][j]) - PrintOptimalSolution(OptimalSolution,OptimalSolution[i][j]+1,j) - print(")",end = " ") + print("(", end=" ") + PrintOptimalSolution(OptimalSolution, i, OptimalSolution[i][j]) + PrintOptimalSolution(OptimalSolution, OptimalSolution[i][j] + 1, j) + print(")", end=" ") + def main(): - array=[30,35,15,5,10,20,25] - n=len(array) - #Size of matrix created from above array will be + array = [30, 35, 15, 5, 10, 20, 25] + n = len(array) + # Size of matrix created from above array will be # 30*35 35*15 15*5 5*10 10*20 20*25 - Matrix , OptimalSolution = MatrixChainOrder(array) + Matrix, OptimalSolution = MatrixChainOrder(array) + + print("No. of Operation required: " + str((Matrix[1][n - 1]))) + PrintOptimalSolution(OptimalSolution, 1, n - 1) + - print("No. of Operation required: "+str((Matrix[1][n-1]))) - PrintOptimalSolution(OptimalSolution,1,n-1) if __name__ == '__main__': main() diff --git a/dynamic_programming/max_sub_array.py b/dynamic_programming/max_sub_array.py index 5d48882427c0..3f07aa297fe8 100644 --- a/dynamic_programming/max_sub_array.py +++ b/dynamic_programming/max_sub_array.py @@ -4,57 +4,58 @@ from __future__ import print_function import time -import matplotlib.pyplot as plt from random import randint -def find_max_sub_array(A,low,high): - if low==high: - return low,high,A[low] - else : - mid=(low+high)//2 - left_low,left_high,left_sum=find_max_sub_array(A,low,mid) - right_low,right_high,right_sum=find_max_sub_array(A,mid+1,high) - cross_left,cross_right,cross_sum=find_max_cross_sum(A,low,mid,high) - if left_sum>=right_sum and left_sum>=cross_sum: - return left_low,left_high,left_sum - elif right_sum>=left_sum and right_sum>=cross_sum : - return right_low,right_high,right_sum + +import matplotlib.pyplot as plt + + +def find_max_sub_array(A, low, high): + if low == high: + return low, high, A[low] + else: + mid = (low + high) // 2 + left_low, left_high, left_sum = find_max_sub_array(A, low, mid) + right_low, right_high, right_sum = find_max_sub_array(A, mid + 1, high) + cross_left, cross_right, cross_sum = find_max_cross_sum(A, low, mid, high) + if left_sum >= right_sum and left_sum >= cross_sum: + return left_low, left_high, left_sum + elif right_sum >= left_sum and right_sum >= cross_sum: + return right_low, right_high, right_sum else: - return cross_left,cross_right,cross_sum - -def find_max_cross_sum(A,low,mid,high): - left_sum,max_left=-999999999,-1 - right_sum,max_right=-999999999,-1 - summ=0 - for i in range(mid,low-1,-1): - summ+=A[i] + return cross_left, cross_right, cross_sum + + +def find_max_cross_sum(A, low, mid, high): + left_sum, max_left = -999999999, -1 + right_sum, max_right = -999999999, -1 + summ = 0 + for i in range(mid, low - 1, -1): + summ += A[i] if summ > left_sum: - left_sum=summ - max_left=i - summ=0 - for i in range(mid+1,high+1): - summ+=A[i] + left_sum = summ + max_left = i + summ = 0 + for i in range(mid + 1, high + 1): + summ += A[i] if summ > right_sum: - right_sum=summ - max_right=i - return max_left,max_right,(left_sum+right_sum) - - -if __name__=='__main__': - inputs=[10,100,1000,10000,50000,100000,200000,300000,400000,500000] - tim=[] - for i in inputs: - li=[randint(1,i) for j in range(i)] - strt=time.time() - (find_max_sub_array(li,0,len(li)-1)) - end=time.time() - tim.append(end-strt) - print("No of Inputs Time Taken") - for i in range(len(inputs)): - print(inputs[i],'\t\t',tim[i]) - plt.plot(inputs,tim) - plt.xlabel("Number of Inputs");plt.ylabel("Time taken in seconds ") - plt.show() + right_sum = summ + max_right = i + return max_left, max_right, (left_sum + right_sum) - - +if __name__ == '__main__': + inputs = [10, 100, 1000, 10000, 50000, 100000, 200000, 300000, 400000, 500000] + tim = [] + for i in inputs: + li = [randint(1, i) for j in range(i)] + strt = time.time() + (find_max_sub_array(li, 0, len(li) - 1)) + end = time.time() + tim.append(end - strt) + print("No of Inputs Time Taken") + for i in range(len(inputs)): + print(inputs[i], '\t\t', tim[i]) + plt.plot(inputs, tim) + plt.xlabel("Number of Inputs"); + plt.ylabel("Time taken in seconds ") + plt.show() diff --git a/dynamic_programming/minimum_partition.py b/dynamic_programming/minimum_partition.py index 18aa1faa2fa6..fc412823d316 100644 --- a/dynamic_programming/minimum_partition.py +++ b/dynamic_programming/minimum_partition.py @@ -1,28 +1,30 @@ """ Partition a set into two subsets such that the difference of subset sums is minimum """ + + def findMin(arr): n = len(arr) s = sum(arr) - dp = [[False for x in range(s+1)]for y in range(n+1)] + dp = [[False for x in range(s + 1)] for y in range(n + 1)] - for i in range(1, n+1): + for i in range(1, n + 1): dp[i][0] = True - for i in range(1, s+1): + for i in range(1, s + 1): dp[0][i] = False - for i in range(1, n+1): - for j in range(1, s+1): - dp[i][j]= dp[i][j-1] + for i in range(1, n + 1): + for j in range(1, s + 1): + dp[i][j] = dp[i][j - 1] - if (arr[i-1] <= j): - dp[i][j] = dp[i][j] or dp[i-1][j-arr[i-1]] + if (arr[i - 1] <= j): + dp[i][j] = dp[i][j] or dp[i - 1][j - arr[i - 1]] - for j in range(int(s/2), -1, -1): + for j in range(int(s / 2), -1, -1): if dp[n][j] == True: - diff = s-2*j + diff = s - 2 * j break; return diff diff --git a/dynamic_programming/rod_cutting.py b/dynamic_programming/rod_cutting.py index 34350cb8202b..1cb83c8e3fce 100644 --- a/dynamic_programming/rod_cutting.py +++ b/dynamic_programming/rod_cutting.py @@ -18,41 +18,41 @@ Choose the maximum price we can get. """ + def CutRod(n): - if(n == 1): - #Cannot cut rod any further + if (n == 1): + # Cannot cut rod any further return prices[1] - noCut = prices[n] #The price you get when you don't cut the rod - yesCut = [-1 for x in range(n)] #The prices for the different cutting options + noCut = prices[n] # The price you get when you don't cut the rod + yesCut = [-1 for x in range(n)] # The prices for the different cutting options - for i in range(1,n): - if(solutions[i] == -1): - #We haven't calulated solution for length i yet. - #We know we sell the part of length i so we get prices[i]. - #We just need to know how to sell rod of length n-i - yesCut[i] = prices[i] + CutRod(n-i) + for i in range(1, n): + if (solutions[i] == -1): + # We haven't calulated solution for length i yet. + # We know we sell the part of length i so we get prices[i]. + # We just need to know how to sell rod of length n-i + yesCut[i] = prices[i] + CutRod(n - i) else: - #We have calculated solution for length i. - #We add the two prices. - yesCut[i] = prices[i] + solutions[n-i] + # We have calculated solution for length i. + # We add the two prices. + yesCut[i] = prices[i] + solutions[n - i] - #We need to find the highest price in order to sell more efficiently. - #We have to choose between noCut and the prices in yesCut. - m = noCut #Initialize max to noCut + # We need to find the highest price in order to sell more efficiently. + # We have to choose between noCut and the prices in yesCut. + m = noCut # Initialize max to noCut for i in range(n): - if(yesCut[i] > m): + if (yesCut[i] > m): m = yesCut[i] solutions[n] = m return m - ### EXAMPLE ### length = 5 -#The first price, 0, is for when we have no rod. +# The first price, 0, is for when we have no rod. prices = [0, 1, 3, 7, 9, 11, 13, 17, 21, 21, 30] -solutions = [-1 for x in range(length+1)] +solutions = [-1 for x in range(length + 1)] print(CutRod(length)) diff --git a/dynamic_programming/subset_generation.py b/dynamic_programming/subset_generation.py index 4b7a2bf87fd5..a5525b5176d9 100644 --- a/dynamic_programming/subset_generation.py +++ b/dynamic_programming/subset_generation.py @@ -1,39 +1,43 @@ # python program to print all subset combination of n element in given set of r element . -#arr[] ---> Input Array -#data[] ---> Temporary array to store current combination +# arr[] ---> Input Array +# data[] ---> Temporary array to store current combination # start & end ---> Staring and Ending indexes in arr[] # index ---> Current index in data[] -#r ---> Size of a combination to be printed -def combinationUtil(arr,n,r,index,data,i): -#Current combination is ready to be printed, -# print it - if(index == r): - for j in range(r): - print(data[j],end =" ") - print(" ") - return -# When no more elements are there to put in data[] - if(i >= n): - return -#current is included, put next at next -# location - data[index] = arr[i] - combinationUtil(arr,n,r,index+1,data,i+1) - # current is excluded, replace it with - # next (Note that i+1 is passed, but - # index is not changed) - combinationUtil(arr,n,r,index,data,i+1) - # The main function that prints all combinations - #of size r in arr[] of size n. This function - #mainly uses combinationUtil() -def printcombination(arr,n,r): -# A temporary array to store all combination -# one by one - data = [0]*r -#Print all combination using temprary -#array 'data[]' - combinationUtil(arr,n,r,0,data,0) +# r ---> Size of a combination to be printed +def combinationUtil(arr, n, r, index, data, i): + # Current combination is ready to be printed, + # print it + if (index == r): + for j in range(r): + print(data[j], end=" ") + print(" ") + return + # When no more elements are there to put in data[] + if (i >= n): + return + # current is included, put next at next + # location + data[index] = arr[i] + combinationUtil(arr, n, r, index + 1, data, i + 1) + # current is excluded, replace it with + # next (Note that i+1 is passed, but + # index is not changed) + combinationUtil(arr, n, r, index, data, i + 1) + # The main function that prints all combinations + + +# of size r in arr[] of size n. This function +# mainly uses combinationUtil() +def printcombination(arr, n, r): + # A temporary array to store all combination + # one by one + data = [0] * r + # Print all combination using temprary + # array 'data[]' + combinationUtil(arr, n, r, 0, data, 0) + + # Driver function to check for above function -arr = [10,20,30,40,50] -printcombination(arr,len(arr),3) -#This code is contributed by Ambuj sahu +arr = [10, 20, 30, 40, 50] +printcombination(arr, len(arr), 3) +# This code is contributed by Ambuj sahu diff --git a/file_transfer_protocol/ftp_client_server.py b/file_transfer_protocol/ftp_client_server.py index 414c336dee9f..ff051f372f7b 100644 --- a/file_transfer_protocol/ftp_client_server.py +++ b/file_transfer_protocol/ftp_client_server.py @@ -1,17 +1,17 @@ # server -import socket # Import socket module +import socket # Import socket module -port = 60000 # Reserve a port for your service. -s = socket.socket() # Create a socket object -host = socket.gethostname() # Get local machine name -s.bind((host, port)) # Bind to the port -s.listen(5) # Now wait for client connection. +port = 60000 # Reserve a port for your service. +s = socket.socket() # Create a socket object +host = socket.gethostname() # Get local machine name +s.bind((host, port)) # Bind to the port +s.listen(5) # Now wait for client connection. print('Server listening....') while True: - conn, addr = s.accept() # Establish connection with client. + conn, addr = s.accept() # Establish connection with client. print('Got connection from', addr) data = conn.recv(1024) print('Server received', repr(data)) @@ -28,14 +28,13 @@ conn.send('Thank you for connecting') conn.close() - # client side server -import socket # Import socket module +import socket # Import socket module -s = socket.socket() # Create a socket object -host = socket.gethostname() # Get local machine name -port = 60000 # Reserve a port for your service. +s = socket.socket() # Create a socket object +host = socket.gethostname() # Get local machine name +port = 60000 # Reserve a port for your service. s.connect((host, port)) s.send("Hello server!") diff --git a/file_transfer_protocol/ftp_send_receive.py b/file_transfer_protocol/ftp_send_receive.py index 6a9819ef3f21..ae6c3e0098af 100644 --- a/file_transfer_protocol/ftp_send_receive.py +++ b/file_transfer_protocol/ftp_send_receive.py @@ -9,6 +9,7 @@ """ from ftplib import FTP + ftp = FTP('xxx.xxx.x.x') # Enter the ip address or the domain name here ftp.login(user='username', passwd='password') ftp.cwd('/Enter the directory here/') @@ -18,19 +19,22 @@ Enter the location of the file where the file is received """ + def ReceiveFile(): - FileName = 'example.txt' """ Enter the location of the file """ - with open(FileName, 'wb') as LocalFile: - ftp.retrbinary('RETR ' + FileName, LocalFile.write, 1024) - ftp.quit() + FileName = 'example.txt' """ Enter the location of the file """ + with open(FileName, 'wb') as LocalFile: + ftp.retrbinary('RETR ' + FileName, LocalFile.write, 1024) + ftp.quit() + """ The file which will be sent via the FTP server The file send will be send to the current working directory """ + def SendFile(): - FileName = 'example.txt' """ Enter the name of the file """ - with open(FileName, 'rb') as LocalFile: - ftp.storbinary('STOR ' + FileName, LocalFile) - ftp.quit() + FileName = 'example.txt' """ Enter the name of the file """ + with open(FileName, 'rb') as LocalFile: + ftp.storbinary('STOR ' + FileName, LocalFile) + ftp.quit() diff --git a/graphs/BFS.py b/graphs/BFS.py index bf9b572cec50..1f5d4b8b3384 100644 --- a/graphs/BFS.py +++ b/graphs/BFS.py @@ -14,8 +14,6 @@ """ -import collections - def bfs(graph, start): explored, queue = set(), [start] # collections.deque([start]) diff --git a/graphs/DFS.py b/graphs/DFS.py index c9843ca25382..77d486072407 100644 --- a/graphs/DFS.py +++ b/graphs/DFS.py @@ -19,7 +19,7 @@ def dfs(graph, start): explored.add(start) while stack: v = stack.pop() # one difference from BFS is to pop last element here instead of first one - + if v in explored: continue diff --git a/graphs/Directed_and_Undirected_(Weighted)_Graph.py b/graphs/Directed_and_Undirected_(Weighted)_Graph.py index a31a4a96d6d0..9acecde8cfe0 100644 --- a/graphs/Directed_and_Undirected_(Weighted)_Graph.py +++ b/graphs/Directed_and_Undirected_(Weighted)_Graph.py @@ -1,472 +1,477 @@ -from collections import deque -import random as rand import math as math +import random as rand import time +from collections import deque + # the dfault weight is 1 if not assigend but all the implementation is weighted class DirectedGraph: - def __init__(self): - self.graph = {} - - # adding vertices and edges - # adding the weight is optional - # handels repetition - def add_pair(self, u, v, w = 1): - if self.graph.get(u): - if self.graph[u].count([w,v]) == 0: - self.graph[u].append([w, v]) - else: - self.graph[u] = [[w, v]] - if not self.graph.get(v): - self.graph[v] = [] - - def all_nodes(self): - return list(self.graph) - - # handels if the input does not exist - def remove_pair(self, u, v): - if self.graph.get(u): - for _ in self.graph[u]: - if _[1] == v: - self.graph[u].remove(_) - - # if no destination is meant the defaut value is -1 - def dfs(self, s = -2, d = -1): - if s == d: - return [] - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - if __[1] == d: - visited.append(d) - return visited - else: - stack.append(__[1]) - visited.append(__[1]) - ss =__[1] - break - - # check if all the children are visited - if s == ss : - stack.pop() - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return visited - - # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count - # will be random from 10 to 10000 - def fill_graph_randomly(self, c = -1): - if c == -1: - c = (math.floor(rand.random() * 10000)) + 10 - for _ in range(c): - # every vertex has max 100 edges - e = math.floor(rand.random() * 102) + 1 - for __ in range(e): - n = math.floor(rand.random() * (c)) + 1 - if n == _: - continue - self.add_pair(_, n, 1) - - def bfs(self, s = -2): - d = deque() - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - d.append(s) - visited.append(s) - while d: - s = d.popleft() - if len(self.graph[s]) != 0: - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - d.append(__[1]) - visited.append(__[1]) - return visited - def in_degree(self, u): - count = 0 - for _ in self.graph: - for __ in self.graph[_]: - if __[1] == u: - count += 1 - return count - - def out_degree(self, u): - return len(self.graph[u]) - - def topological_sort(self, s = -2): - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - sorted_nodes = [] - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss =__[1] - break - - # check if all the children are visited - if s == ss : - sorted_nodes.append(stack.pop()) - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return sorted_nodes - - def cycle_nodes(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss =__[1] - break - - # check if all the children are visited - if s == ss : - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return list(anticipating_nodes) - - def has_cycle(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - return True - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss =__[1] - break - - # check if all the children are visited - if s == ss : - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return False - - def dfs_time(self, s = -2, e = -1): - begin = time.time() - self.dfs(s,e) - end = time.time() - return end - begin - - def bfs_time(self, s = -2): - begin = time.time() - self.bfs(s) - end = time.time() - return end - begin + def __init__(self): + self.graph = {} + + # adding vertices and edges + # adding the weight is optional + # handels repetition + def add_pair(self, u, v, w=1): + if self.graph.get(u): + if self.graph[u].count([w, v]) == 0: + self.graph[u].append([w, v]) + else: + self.graph[u] = [[w, v]] + if not self.graph.get(v): + self.graph[v] = [] + + def all_nodes(self): + return list(self.graph) + + # handels if the input does not exist + def remove_pair(self, u, v): + if self.graph.get(u): + for _ in self.graph[u]: + if _[1] == v: + self.graph[u].remove(_) + + # if no destination is meant the defaut value is -1 + def dfs(self, s=-2, d=-1): + if s == d: + return [] + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + if __[1] == d: + visited.append(d) + return visited + else: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return visited + + # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count + # will be random from 10 to 10000 + def fill_graph_randomly(self, c=-1): + if c == -1: + c = (math.floor(rand.random() * 10000)) + 10 + for _ in range(c): + # every vertex has max 100 edges + e = math.floor(rand.random() * 102) + 1 + for __ in range(e): + n = math.floor(rand.random() * (c)) + 1 + if n == _: + continue + self.add_pair(_, n, 1) + + def bfs(self, s=-2): + d = deque() + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + d.append(s) + visited.append(s) + while d: + s = d.popleft() + if len(self.graph[s]) != 0: + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + d.append(__[1]) + visited.append(__[1]) + return visited + + def in_degree(self, u): + count = 0 + for _ in self.graph: + for __ in self.graph[_]: + if __[1] == u: + count += 1 + return count + + def out_degree(self, u): + return len(self.graph[u]) + + def topological_sort(self, s=-2): + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + sorted_nodes = [] + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + sorted_nodes.append(stack.pop()) + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return sorted_nodes + + def cycle_nodes(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return list(anticipating_nodes) + + def has_cycle(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + return True + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return False + + def dfs_time(self, s=-2, e=-1): + begin = time.time() + self.dfs(s, e) + end = time.time() + return end - begin + + def bfs_time(self, s=-2): + begin = time.time() + self.bfs(s) + end = time.time() + return end - begin + class Graph: - def __init__(self): - self.graph = {} - - # adding vertices and edges - # adding the weight is optional - # handels repetition - def add_pair(self, u, v, w = 1): - # check if the u exists - if self.graph.get(u): - # if there already is a edge - if self.graph[u].count([w,v]) == 0: - self.graph[u].append([w, v]) - else: - # if u does not exist - self.graph[u] = [[w, v]] - # add the other way - if self.graph.get(v): - # if there already is a edge - if self.graph[v].count([w,u]) == 0: - self.graph[v].append([w, u]) - else: - # if u does not exist - self.graph[v] = [[w, u]] - - # handels if the input does not exist - def remove_pair(self, u, v): - if self.graph.get(u): - for _ in self.graph[u]: - if _[1] == v: - self.graph[u].remove(_) - # the other way round - if self.graph.get(v): - for _ in self.graph[v]: - if _[1] == u: - self.graph[v].remove(_) - - # if no destination is meant the defaut value is -1 - def dfs(self, s = -2, d = -1): - if s == d: - return [] - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - if __[1] == d: - visited.append(d) - return visited - else: - stack.append(__[1]) - visited.append(__[1]) - ss =__[1] - break - - # check if all the children are visited - if s == ss : - stack.pop() - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return visited - - # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count - # will be random from 10 to 10000 - def fill_graph_randomly(self, c = -1): - if c == -1: - c = (math.floor(rand.random() * 10000)) + 10 - for _ in range(c): - # every vertex has max 100 edges - e = math.floor(rand.random() * 102) + 1 - for __ in range(e): - n = math.floor(rand.random() * (c)) + 1 - if n == _: - continue - self.add_pair(_, n, 1) - - def bfs(self, s = -2): - d = deque() - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - d.append(s) - visited.append(s) - while d: - s = d.popleft() - if len(self.graph[s]) != 0: - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - d.append(__[1]) - visited.append(__[1]) - return visited - def degree(self, u): - return len(self.graph[u]) - - def cycle_nodes(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss =__[1] - break - - # check if all the children are visited - if s == ss : - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return list(anticipating_nodes) - - def has_cycle(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - return True - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss =__[1] - break - - # check if all the children are visited - if s == ss : - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return False - def all_nodes(self): - return list(self.graph) - - def dfs_time(self, s = -2, e = -1): - begin = time.time() - self.dfs(s,e) - end = time.time() - return end - begin - - def bfs_time(self, s = -2): - begin = time.time() - self.bfs(s) - end = time.time() - return end - begin + def __init__(self): + self.graph = {} + + # adding vertices and edges + # adding the weight is optional + # handels repetition + def add_pair(self, u, v, w=1): + # check if the u exists + if self.graph.get(u): + # if there already is a edge + if self.graph[u].count([w, v]) == 0: + self.graph[u].append([w, v]) + else: + # if u does not exist + self.graph[u] = [[w, v]] + # add the other way + if self.graph.get(v): + # if there already is a edge + if self.graph[v].count([w, u]) == 0: + self.graph[v].append([w, u]) + else: + # if u does not exist + self.graph[v] = [[w, u]] + + # handels if the input does not exist + def remove_pair(self, u, v): + if self.graph.get(u): + for _ in self.graph[u]: + if _[1] == v: + self.graph[u].remove(_) + # the other way round + if self.graph.get(v): + for _ in self.graph[v]: + if _[1] == u: + self.graph[v].remove(_) + + # if no destination is meant the defaut value is -1 + def dfs(self, s=-2, d=-1): + if s == d: + return [] + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + if __[1] == d: + visited.append(d) + return visited + else: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return visited + + # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count + # will be random from 10 to 10000 + def fill_graph_randomly(self, c=-1): + if c == -1: + c = (math.floor(rand.random() * 10000)) + 10 + for _ in range(c): + # every vertex has max 100 edges + e = math.floor(rand.random() * 102) + 1 + for __ in range(e): + n = math.floor(rand.random() * (c)) + 1 + if n == _: + continue + self.add_pair(_, n, 1) + + def bfs(self, s=-2): + d = deque() + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + d.append(s) + visited.append(s) + while d: + s = d.popleft() + if len(self.graph[s]) != 0: + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + d.append(__[1]) + visited.append(__[1]) + return visited + + def degree(self, u): + return len(self.graph[u]) + + def cycle_nodes(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return list(anticipating_nodes) + + def has_cycle(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + return True + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return False + + def all_nodes(self): + return list(self.graph) + + def dfs_time(self, s=-2, e=-1): + begin = time.time() + self.dfs(s, e) + end = time.time() + return end - begin + + def bfs_time(self, s=-2): + begin = time.time() + self.bfs(s) + end = time.time() + return end - begin diff --git a/graphs/a_star.py b/graphs/a_star.py index 584222e6f62b..d5f636151640 100644 --- a/graphs/a_star.py +++ b/graphs/a_star.py @@ -1,7 +1,7 @@ from __future__ import print_function grid = [[0, 1, 0, 0, 0, 0], - [0, 1, 0, 0, 0, 0],#0 are free path whereas 1's are obstacles + [0, 1, 0, 0, 0, 0], # 0 are free path whereas 1's are obstacles [0, 1, 0, 0, 0, 0], [0, 1, 0, 0, 1, 0], [0, 0, 0, 0, 1, 0]] @@ -14,31 +14,29 @@ [5, 4, 3, 2, 1, 0]]''' init = [0, 0] -goal = [len(grid)-1, len(grid[0])-1] #all coordinates are given in format [y,x] +goal = [len(grid) - 1, len(grid[0]) - 1] # all coordinates are given in format [y,x] cost = 1 -#the cost map which pushes the path closer to the goal +# the cost map which pushes the path closer to the goal heuristic = [[0 for row in range(len(grid[0]))] for col in range(len(grid))] -for i in range(len(grid)): - for j in range(len(grid[0])): +for i in range(len(grid)): + for j in range(len(grid[0])): heuristic[i][j] = abs(i - goal[0]) + abs(j - goal[1]) if grid[i][j] == 1: - heuristic[i][j] = 99 #added extra penalty in the heuristic map + heuristic[i][j] = 99 # added extra penalty in the heuristic map +# the actions we can take +delta = [[-1, 0], # go up + [0, -1], # go left + [1, 0], # go down + [0, 1]] # go right -#the actions we can take -delta = [[-1, 0 ], # go up - [ 0, -1], # go left - [ 1, 0 ], # go down - [ 0, 1 ]] # go right - -#function to search the path -def search(grid,init,goal,cost,heuristic): - - closed = [[0 for col in range(len(grid[0]))] for row in range(len(grid))]# the referrence grid +# function to search the path +def search(grid, init, goal, cost, heuristic): + closed = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the referrence grid closed[init[0]][init[1]] = 1 - action = [[0 for col in range(len(grid[0]))] for row in range(len(grid))]#the action grid + action = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the action grid x = init[0] y = init[1] @@ -47,14 +45,14 @@ def search(grid,init,goal,cost,heuristic): cell = [[f, g, x, y]] found = False # flag that is set when search is complete - resign = False # flag set if we can't find expand + resign = False # flag set if we can't find expand while not found and not resign: if len(cell) == 0: resign = True return "FAIL" else: - cell.sort()#to choose the least costliest action so as to move closer to the goal + cell.sort() # to choose the least costliest action so as to move closer to the goal cell.reverse() next = cell.pop() x = next[2] @@ -62,14 +60,13 @@ def search(grid,init,goal,cost,heuristic): g = next[1] f = next[0] - if x == goal[0] and y == goal[1]: found = True else: - for i in range(len(delta)):#to try out different valid actions + for i in range(len(delta)): # to try out different valid actions x2 = x + delta[i][0] y2 = y + delta[i][1] - if x2 >= 0 and x2 < len(grid) and y2 >=0 and y2 < len(grid[0]): + if x2 >= 0 and x2 < len(grid) and y2 >= 0 and y2 < len(grid[0]): if closed[x2][y2] == 0 and grid[x2][y2] == 0: g2 = g + cost f2 = g2 + heuristic[x2][y2] @@ -79,7 +76,7 @@ def search(grid,init,goal,cost,heuristic): invpath = [] x = goal[0] y = goal[1] - invpath.append([x, y])#we get the reverse path from here + invpath.append([x, y]) # we get the reverse path from here while x != init[0] or y != init[1]: x2 = x - delta[action[x][y]][0] y2 = y - delta[action[x][y]][1] @@ -89,14 +86,14 @@ def search(grid,init,goal,cost,heuristic): path = [] for i in range(len(invpath)): - path.append(invpath[len(invpath) - 1 - i]) + path.append(invpath[len(invpath) - 1 - i]) print("ACTION MAP") for i in range(len(action)): print(action[i]) - + return path - -a = search(grid,init,goal,cost,heuristic) -for i in range(len(a)): - print(a[i]) + +a = search(grid, init, goal, cost, heuristic) +for i in range(len(a)): + print(a[i]) diff --git a/graphs/articulation_points.py b/graphs/articulation_points.py index 1173c4ea373c..897a8a874104 100644 --- a/graphs/articulation_points.py +++ b/graphs/articulation_points.py @@ -39,6 +39,7 @@ def dfs(root, at, parent, outEdgeCount): if isArt[x] == True: print(x) + # Adjacency list of graph -l = {0:[1,2], 1:[0,2], 2:[0,1,3,5], 3:[2,4], 4:[3], 5:[2,6,8], 6:[5,7], 7:[6,8], 8:[5,7]} +l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} computeAP(l) diff --git a/graphs/basic_graphs.py b/graphs/basic_graphs.py index 3b3abeb1720d..97035d0d167e 100644 --- a/graphs/basic_graphs.py +++ b/graphs/basic_graphs.py @@ -83,7 +83,6 @@ def dfs(G, s): Q - Traveral Stack -------------------------------------------------------------------------------- """ -from collections import deque def bfs(G, s): diff --git a/graphs/bellman_ford.py b/graphs/bellman_ford.py index 82db80546b94..66fe0701eae5 100644 --- a/graphs/bellman_ford.py +++ b/graphs/bellman_ford.py @@ -1,54 +1,55 @@ from __future__ import print_function + def printDist(dist, V): - print("\nVertex Distance") - for i in range(V): - if dist[i] != float('inf') : - print(i,"\t",int(dist[i]),end = "\t") - else: - print(i,"\t","INF",end="\t") - print() + print("\nVertex Distance") + for i in range(V): + if dist[i] != float('inf'): + print(i, "\t", int(dist[i]), end="\t") + else: + print(i, "\t", "INF", end="\t") + print() + def BellmanFord(graph, V, E, src): - mdist=[float('inf') for i in range(V)] - mdist[src] = 0.0 - - for i in range(V-1): - for j in range(V): - u = graph[j]["src"] - v = graph[j]["dst"] - w = graph[j]["weight"] - - if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: - mdist[v] = mdist[u] + w - for j in range(V): - u = graph[j]["src"] - v = graph[j]["dst"] - w = graph[j]["weight"] - - if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: - print("Negative cycle found. Solution not possible.") - return - - printDist(mdist, V) - - - -#MAIN + mdist = [float('inf') for i in range(V)] + mdist[src] = 0.0 + + for i in range(V - 1): + for j in range(V): + u = graph[j]["src"] + v = graph[j]["dst"] + w = graph[j]["weight"] + + if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: + mdist[v] = mdist[u] + w + for j in range(V): + u = graph[j]["src"] + v = graph[j]["dst"] + w = graph[j]["weight"] + + if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: + print("Negative cycle found. Solution not possible.") + return + + printDist(mdist, V) + + +# MAIN V = int(input("Enter number of vertices: ")) E = int(input("Enter number of edges: ")) graph = [dict() for j in range(E)] for i in range(V): - graph[i][i] = 0.0 + graph[i][i] = 0.0 for i in range(E): - print("\nEdge ",i+1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[i] = {"src": src,"dst": dst, "weight": weight} - + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[i] = {"src": src, "dst": dst, "weight": weight} + gsrc = int(input("\nEnter shortest path source:")) BellmanFord(graph, V, E, gsrc) diff --git a/graphs/bfs_shortest_path.py b/graphs/bfs_shortest_path.py index 5853351a53a3..ad44caf23c64 100644 --- a/graphs/bfs_shortest_path.py +++ b/graphs/bfs_shortest_path.py @@ -1,21 +1,22 @@ graph = {'A': ['B', 'C', 'E'], - 'B': ['A','D', 'E'], + 'B': ['A', 'D', 'E'], 'C': ['A', 'F', 'G'], 'D': ['B'], - 'E': ['A', 'B','D'], + 'E': ['A', 'B', 'D'], 'F': ['C'], 'G': ['C']} + def bfs_shortest_path(graph, start, goal): # keep track of explored nodes explored = [] # keep track of all the paths to be checked queue = [[start]] - + # return path if start is goal if start == goal: return "That was easy! Start = goal" - + # keeps looping until all possible paths have been checked while queue: # pop the first path from the queue @@ -33,11 +34,12 @@ def bfs_shortest_path(graph, start, goal): # return path if neighbour is goal if neighbour == goal: return new_path - + # mark node as explored explored.append(node) - + # in case there's no path between the 2 nodes return "So sorry, but a connecting path doesn't exist :(" - + + bfs_shortest_path(graph, 'G', 'D') # returns ['G', 'C', 'A', 'B', 'D'] diff --git a/graphs/breadth_first_search.py b/graphs/breadth_first_search.py index 3992e2d4d892..d4998bb5a33a 100644 --- a/graphs/breadth_first_search.py +++ b/graphs/breadth_first_search.py @@ -13,7 +13,7 @@ def __init__(self): # for printing the Graph vertexes def printGraph(self): for i in self.vertex.keys(): - print(i,' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) + print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) # for adding the edge beween two vertexes def addEdge(self, fromVertex, toVertex): @@ -37,7 +37,7 @@ def BFS(self, startVertex): while queue: startVertex = queue.pop(0) - print(startVertex, end = ' ') + print(startVertex, end=' ') # mark all adjacent nodes as visited and print them for i in self.vertex[startVertex]: @@ -45,6 +45,7 @@ def BFS(self, startVertex): queue.append(i) visited[i] = True + if __name__ == '__main__': g = Graph() g.addEdge(0, 1) diff --git a/graphs/check_bipartite_graph_bfs.py b/graphs/check_bipartite_graph_bfs.py index 1b9c32c6ccc4..e175f68043a1 100644 --- a/graphs/check_bipartite_graph_bfs.py +++ b/graphs/check_bipartite_graph_bfs.py @@ -11,7 +11,7 @@ def checkBipartite(l): color = [-1] * len(l) def bfs(): - while(queue): + while (queue): u = queue.pop(0) visited[u] = True @@ -38,6 +38,7 @@ def bfs(): return True + # Adjacency List of graph -l = {0:[1,3], 1:[0,2], 2:[1,3], 3:[0,2]} +l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2]} print(checkBipartite(l)) diff --git a/graphs/check_bipartite_graph_dfs.py b/graphs/check_bipartite_graph_dfs.py index eeb3a84b7a15..6fe54a6723c5 100644 --- a/graphs/check_bipartite_graph_dfs.py +++ b/graphs/check_bipartite_graph_dfs.py @@ -26,8 +26,8 @@ def dfs(v, c): return False return True - + # Adjacency list of graph -l = {0:[1,3], 1:[0,2], 2:[1,3], 3:[0,2], 4: []} +l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2], 4: []} print(check_bipartite_dfs(l)) diff --git a/graphs/depth_first_search.py b/graphs/depth_first_search.py index 98faf61354f9..dd2c4224c8ae 100644 --- a/graphs/depth_first_search.py +++ b/graphs/depth_first_search.py @@ -13,7 +13,7 @@ def __init__(self): def printGraph(self): print(self.vertex) for i in self.vertex.keys(): - print(i,' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) + print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) # for adding the edge beween two vertexes def addEdge(self, fromVertex, toVertex): @@ -37,13 +37,14 @@ def DFSRec(self, startVertex, visited): # mark start vertex as visited visited[startVertex] = True - print(startVertex, end = ' ') + print(startVertex, end=' ') # Recur for all the vertexes that are adjacent to this node for i in self.vertex.keys(): if visited[i] == False: self.DFSRec(i, visited) + if __name__ == '__main__': g = Graph() g.addEdge(0, 1) @@ -63,4 +64,4 @@ def DFSRec(self, startVertex, visited): # 2  ->  0 -> 3 # 3  ->  3 # DFS: - # 0 1 2 3 + #  0 1 2 3 diff --git a/graphs/dijkstra_2.py b/graphs/dijkstra_2.py index a6c340e8a68d..92fad8208113 100644 --- a/graphs/dijkstra_2.py +++ b/graphs/dijkstra_2.py @@ -1,57 +1,57 @@ from __future__ import print_function + def printDist(dist, V): - print("\nVertex Distance") - for i in range(V): - if dist[i] != float('inf') : - print(i,"\t",int(dist[i]),end = "\t") - else: - print(i,"\t","INF",end="\t") - print() + print("\nVertex Distance") + for i in range(V): + if dist[i] != float('inf'): + print(i, "\t", int(dist[i]), end="\t") + else: + print(i, "\t", "INF", end="\t") + print() + def minDist(mdist, vset, V): - minVal = float('inf') - minInd = -1 - for i in range(V): - if (not vset[i]) and mdist[i] < minVal : - minInd = i - minVal = mdist[i] - return minInd + minVal = float('inf') + minInd = -1 + for i in range(V): + if (not vset[i]) and mdist[i] < minVal: + minInd = i + minVal = mdist[i] + return minInd + def Dijkstra(graph, V, src): - mdist=[float('inf') for i in range(V)] - vset = [False for i in range(V)] - mdist[src] = 0.0 - - for i in range(V-1): - u = minDist(mdist, vset, V) - vset[u] = True - - for v in range(V): - if (not vset[v]) and graph[u][v]!=float('inf') and mdist[u] + graph[u][v] < mdist[v]: - mdist[v] = mdist[u] + graph[u][v] + mdist = [float('inf') for i in range(V)] + vset = [False for i in range(V)] + mdist[src] = 0.0 + + for i in range(V - 1): + u = minDist(mdist, vset, V) + vset[u] = True - + for v in range(V): + if (not vset[v]) and graph[u][v] != float('inf') and mdist[u] + graph[u][v] < mdist[v]: + mdist[v] = mdist[u] + graph[u][v] - printDist(mdist, V) + printDist(mdist, V) - -#MAIN +# MAIN V = int(input("Enter number of vertices: ")) E = int(input("Enter number of edges: ")) graph = [[float('inf') for i in range(V)] for j in range(V)] for i in range(V): - graph[i][i] = 0.0 + graph[i][i] = 0.0 for i in range(E): - print("\nEdge ",i+1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[src][dst] = weight + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[src][dst] = weight gsrc = int(input("\nEnter shortest path source:")) Dijkstra(graph, V, gsrc) diff --git a/graphs/dijkstra_algorithm.py b/graphs/dijkstra_algorithm.py index 985c7f6c1301..3de9235f55ae 100644 --- a/graphs/dijkstra_algorithm.py +++ b/graphs/dijkstra_algorithm.py @@ -3,8 +3,11 @@ # References: https://en.wikipedia.org/wiki/Dijkstra%27s_algorithm from __future__ import print_function + import math import sys + + # For storing the vertex set to retreive node with the lowest distance @@ -13,7 +16,7 @@ class PriorityQueue: def __init__(self): self.cur_size = 0 self.array = [] - self.pos = {} # To store the pos of node in array + self.pos = {} # To store the pos of node in array def isEmpty(self): return self.cur_size == 0 @@ -79,8 +82,8 @@ def decrease_key(self, tup, new_d): class Graph: def __init__(self, num): - self.adjList = {} # To store graph: u -> (v,w) - self.num_nodes = num # Number of nodes in graph + self.adjList = {} # To store graph: u -> (v,w) + self.num_nodes = num # Number of nodes in graph # To store the distance from source vertex self.dist = [0] * self.num_nodes self.par = [-1] * self.num_nodes # To store the path diff --git a/graphs/edmonds_karp_multiple_source_and_sink.py b/graphs/edmonds_karp_multiple_source_and_sink.py index d231ac2c4cc3..92b87bd41353 100644 --- a/graphs/edmonds_karp_multiple_source_and_sink.py +++ b/graphs/edmonds_karp_multiple_source_and_sink.py @@ -28,14 +28,13 @@ def _normalizeGraph(self, sources, sinks): for i in sources: maxInputFlow += sum(self.graph[i]) - size = len(self.graph) + 1 for room in self.graph: room.insert(0, 0) self.graph.insert(0, [0] * size) for i in sources: self.graph[0][i + 1] = maxInputFlow - self.sourceIndex = 0 + self.sourceIndex = 0 size = len(self.graph) + 1 for room in self.graph: @@ -45,7 +44,6 @@ def _normalizeGraph(self, sources, sinks): self.graph[i + 1][size - 1] = maxInputFlow self.sinkIndex = size - 1 - def findMaximumFlow(self): if self.maximumFlowAlgorithm is None: raise Exception("You need to set maximum flow algorithm before.") @@ -80,7 +78,6 @@ def _algorithm(self): pass - class MaximumFlowAlgorithmExecutor(FlowNetworkAlgorithmExecutor): def __init__(self, flowNetwork): super(MaximumFlowAlgorithmExecutor, self).__init__(flowNetwork) @@ -93,6 +90,7 @@ def getMaximumFlow(self): return self.maximumFlow + class PushRelabelExecutor(MaximumFlowAlgorithmExecutor): def __init__(self, flowNetwork): super(PushRelabelExecutor, self).__init__(flowNetwork) @@ -135,7 +133,7 @@ def processVertex(self, vertexIndex): while self.excesses[vertexIndex] > 0: for neighbourIndex in range(self.verticesCount): # if it's neighbour and current vertex is higher - if self.graph[vertexIndex][neighbourIndex] - self.preflow[vertexIndex][neighbourIndex] > 0\ + if self.graph[vertexIndex][neighbourIndex] - self.preflow[vertexIndex][neighbourIndex] > 0 \ and self.heights[vertexIndex] > self.heights[neighbourIndex]: self.push(vertexIndex, neighbourIndex) @@ -159,6 +157,7 @@ def relabel(self, vertexIndex): if minHeight is not None: self.heights[vertexIndex] = minHeight + 1 + if __name__ == '__main__': entrances = [0] exits = [3] diff --git a/graphs/even_tree.py b/graphs/even_tree.py index 9383ea9a13c1..18e3d82054d7 100644 --- a/graphs/even_tree.py +++ b/graphs/even_tree.py @@ -13,6 +13,7 @@ components containing an even number of nodes. """ from __future__ import print_function + # pylint: disable=invalid-name from collections import defaultdict diff --git a/graphs/finding_bridges.py b/graphs/finding_bridges.py index 56533dd48bde..da1c0e0daff4 100644 --- a/graphs/finding_bridges.py +++ b/graphs/finding_bridges.py @@ -1,7 +1,7 @@ # Finding Bridges in Undirected Graph def computeBridges(l): id = 0 - n = len(l) # No of vertices in graph + n = len(l) # No of vertices in graph low = [0] * n visited = [False] * n @@ -26,6 +26,7 @@ def dfs(at, parent, bridges, id): if (not visited[i]): dfs(i, -1, bridges, id) print(bridges) - -l = {0:[1,2], 1:[0,2], 2:[0,1,3,5], 3:[2,4], 4:[3], 5:[2,6,8], 6:[5,7], 7:[6,8], 8:[5,7]} + + +l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} computeBridges(l) diff --git a/graphs/floyd_warshall.py b/graphs/floyd_warshall.py index fae8b19b351a..4a2b90fcf00c 100644 --- a/graphs/floyd_warshall.py +++ b/graphs/floyd_warshall.py @@ -1,48 +1,47 @@ from __future__ import print_function -def printDist(dist, V): - print("\nThe shortest path matrix using Floyd Warshall algorithm\n") - for i in range(V): - for j in range(V): - if dist[i][j] != float('inf') : - print(int(dist[i][j]),end = "\t") - else: - print("INF",end="\t") - print() +def printDist(dist, V): + print("\nThe shortest path matrix using Floyd Warshall algorithm\n") + for i in range(V): + for j in range(V): + if dist[i][j] != float('inf'): + print(int(dist[i][j]), end="\t") + else: + print("INF", end="\t") + print() def FloydWarshall(graph, V): - dist=[[float('inf') for i in range(V)] for j in range(V)] - - for i in range(V): - for j in range(V): - dist[i][j] = graph[i][j] + dist = [[float('inf') for i in range(V)] for j in range(V)] + + for i in range(V): + for j in range(V): + dist[i][j] = graph[i][j] - for k in range(V): - for i in range(V): - for j in range(V): - if dist[i][k]!=float('inf') and dist[k][j]!=float('inf') and dist[i][k]+dist[k][j] < dist[i][j]: - dist[i][j] = dist[i][k] + dist[k][j] + for k in range(V): + for i in range(V): + for j in range(V): + if dist[i][k] != float('inf') and dist[k][j] != float('inf') and dist[i][k] + dist[k][j] < dist[i][j]: + dist[i][j] = dist[i][k] + dist[k][j] - printDist(dist, V) + printDist(dist, V) - -#MAIN +# MAIN V = int(input("Enter number of vertices: ")) E = int(input("Enter number of edges: ")) graph = [[float('inf') for i in range(V)] for j in range(V)] for i in range(V): - graph[i][i] = 0.0 + graph[i][i] = 0.0 for i in range(E): - print("\nEdge ",i+1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[src][dst] = weight + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[src][dst] = weight FloydWarshall(graph, V) diff --git a/graphs/graph_list.py b/graphs/graph_list.py index 0c981c39d320..bf7866c7fa99 100644 --- a/graphs/graph_list.py +++ b/graphs/graph_list.py @@ -2,6 +2,8 @@ # encoding=utf8 from __future__ import print_function + + # Author: OMKAR PATHAK # We can use Python's dictionary for constructing the graph. @@ -18,8 +20,9 @@ def addEdge(self, fromVertex, toVertex): self.List[fromVertex] = [toVertex] def printList(self): - for i in self.List: - print((i,'->',' -> '.join([str(j) for j in self.List[i]]))) + for i in self.List: + print((i, '->', ' -> '.join([str(j) for j in self.List[i]]))) + if __name__ == '__main__': al = AdjacencyList() diff --git a/graphs/graph_matrix.py b/graphs/graph_matrix.py index de25301d6dd1..e75bb379542a 100644 --- a/graphs/graph_matrix.py +++ b/graphs/graph_matrix.py @@ -5,7 +5,7 @@ class Graph: def __init__(self, vertex): self.vertex = vertex - self.graph = [[0] * vertex for i in range(vertex) ] + self.graph = [[0] * vertex for i in range(vertex)] def add_edge(self, u, v): self.graph[u - 1][v - 1] = 1 @@ -19,14 +19,11 @@ def show(self): print(' ') - - g = Graph(100) -g.add_edge(1,4) -g.add_edge(4,2) -g.add_edge(4,5) -g.add_edge(2,5) -g.add_edge(5,3) +g.add_edge(1, 4) +g.add_edge(4, 2) +g.add_edge(4, 5) +g.add_edge(2, 5) +g.add_edge(5, 3) g.show() - diff --git a/graphs/kahns_algorithm_long.py b/graphs/kahns_algorithm_long.py index 453b5706f6da..62601da0ca8f 100644 --- a/graphs/kahns_algorithm_long.py +++ b/graphs/kahns_algorithm_long.py @@ -12,19 +12,20 @@ def longestDistance(l): if indegree[i] == 0: queue.append(i) - while(queue): + while (queue): vertex = queue.pop(0) for x in l[vertex]: indegree[x] -= 1 if longDist[vertex] + 1 > longDist[x]: - longDist[x] = longDist[vertex] + 1 + longDist[x] = longDist[vertex] + 1 if indegree[x] == 0: queue.append(x) print(max(longDist)) + # Adjacency list of Graph -l = {0:[2,3,4], 1:[2,7], 2:[5], 3:[5,7], 4:[7], 5:[6], 6:[7], 7:[]} +l = {0: [2, 3, 4], 1: [2, 7], 2: [5], 3: [5, 7], 4: [7], 5: [6], 6: [7], 7: []} longestDistance(l) diff --git a/graphs/kahns_algorithm_topo.py b/graphs/kahns_algorithm_topo.py index 8c182c4e902c..daa17204f194 100644 --- a/graphs/kahns_algorithm_topo.py +++ b/graphs/kahns_algorithm_topo.py @@ -13,7 +13,7 @@ def topologicalSort(l): if indegree[i] == 0: queue.append(i) - while(queue): + while (queue): vertex = queue.pop(0) cnt += 1 topo.append(vertex) @@ -27,6 +27,7 @@ def topologicalSort(l): else: print(topo) + # Adjacency List of Graph -l = {0:[1,2], 1:[3], 2:[3], 3:[4,5], 4:[], 5:[]} +l = {0: [1, 2], 1: [3], 2: [3], 3: [4, 5], 4: [], 5: []} topologicalSort(l) diff --git a/graphs/minimum_spanning_tree_kruskal.py b/graphs/minimum_spanning_tree_kruskal.py index 81d64f421a31..a4596b8cbcd1 100644 --- a/graphs/minimum_spanning_tree_kruskal.py +++ b/graphs/minimum_spanning_tree_kruskal.py @@ -1,32 +1,35 @@ from __future__ import print_function -num_nodes, num_edges = list(map(int,input().split())) + +num_nodes, num_edges = list(map(int, input().split())) edges = [] for i in range(num_edges): - node1, node2, cost = list(map(int,input().split())) - edges.append((i,node1,node2,cost)) + node1, node2, cost = list(map(int, input().split())) + edges.append((i, node1, node2, cost)) edges = sorted(edges, key=lambda edge: edge[3]) parent = [i for i in range(num_nodes)] + def find_parent(i): - if(i != parent[i]): - parent[i] = find_parent(parent[i]) - return parent[i] + if (i != parent[i]): + parent[i] = find_parent(parent[i]) + return parent[i] + minimum_spanning_tree_cost = 0 minimum_spanning_tree = [] for edge in edges: - parent_a = find_parent(edge[1]) - parent_b = find_parent(edge[2]) - if(parent_a != parent_b): - minimum_spanning_tree_cost += edge[3] - minimum_spanning_tree.append(edge) - parent[parent_a] = parent_b + parent_a = find_parent(edge[1]) + parent_b = find_parent(edge[2]) + if (parent_a != parent_b): + minimum_spanning_tree_cost += edge[3] + minimum_spanning_tree.append(edge) + parent[parent_a] = parent_b print(minimum_spanning_tree_cost) for edge in minimum_spanning_tree: - print(edge) + print(edge) diff --git a/graphs/minimum_spanning_tree_prims.py b/graphs/minimum_spanning_tree_prims.py index 7b1ad0e743f7..943376bd1593 100644 --- a/graphs/minimum_spanning_tree_prims.py +++ b/graphs/minimum_spanning_tree_prims.py @@ -1,9 +1,10 @@ import sys from collections import defaultdict -def PrimsAlgorithm(l): +def PrimsAlgorithm(l): nodePosition = [] + def getPosition(vertex): return nodePosition[vertex] @@ -36,11 +37,11 @@ def topToBottom(heap, start, size, positions): def bottomToTop(val, index, heap, position): temp = position[index] - while(index != 0): + while (index != 0): if index % 2 == 0: - parent = int( (index-2) / 2 ) + parent = int((index - 2) / 2) else: - parent = int( (index-1) / 2 ) + parent = int((index - 1) / 2) if val < heap[parent]: heap[index] = heap[parent] @@ -69,9 +70,9 @@ def deleteMinimum(heap, positions): return temp visited = [0 for i in range(len(l))] - Nbr_TV = [-1 for i in range(len(l))] # Neighboring Tree Vertex of selected vertex + Nbr_TV = [-1 for i in range(len(l))] # Neighboring Tree Vertex of selected vertex # Minimum Distance of explored vertex with neighboring vertex of partial tree formed in graph - Distance_TV = [] # Heap of Distance of vertices from their neighboring vertex + Distance_TV = [] # Heap of Distance of vertices from their neighboring vertex Positions = [] for x in range(len(l)): @@ -84,8 +85,8 @@ def deleteMinimum(heap, positions): visited[0] = 1 Distance_TV[0] = sys.maxsize for x in l[0]: - Nbr_TV[ x[0] ] = 0 - Distance_TV[ x[0] ] = x[1] + Nbr_TV[x[0]] = 0 + Distance_TV[x[0]] = x[1] heapify(Distance_TV, Positions) for i in range(1, len(l)): @@ -94,18 +95,19 @@ def deleteMinimum(heap, positions): TreeEdges.append((Nbr_TV[vertex], vertex)) visited[vertex] = 1 for v in l[vertex]: - if visited[v[0]] == 0 and v[1] < Distance_TV[ getPosition(v[0]) ]: - Distance_TV[ getPosition(v[0]) ] = v[1] + if visited[v[0]] == 0 and v[1] < Distance_TV[getPosition(v[0])]: + Distance_TV[getPosition(v[0])] = v[1] bottomToTop(v[1], getPosition(v[0]), Distance_TV, Positions) - Nbr_TV[ v[0] ] = vertex + Nbr_TV[v[0]] = vertex return TreeEdges + # < --------- Prims Algorithm --------- > n = int(input("Enter number of vertices: ")) e = int(input("Enter number of edges: ")) adjlist = defaultdict(list) for x in range(e): l = [int(x) for x in input().split()] - adjlist[l[0]].append([ l[1], l[2] ]) - adjlist[l[1]].append([ l[0], l[2] ]) + adjlist[l[0]].append([l[1], l[2]]) + adjlist[l[1]].append([l[0], l[2]]) print(PrimsAlgorithm(adjlist)) diff --git a/graphs/multi_hueristic_astar.py b/graphs/multi_hueristic_astar.py index 1acd098f327d..ffd2b0f9f418 100644 --- a/graphs/multi_hueristic_astar.py +++ b/graphs/multi_hueristic_astar.py @@ -1,266 +1,276 @@ from __future__ import print_function + import heapq + import numpy as np try: - xrange # Python 2 + xrange # Python 2 except NameError: xrange = range # Python 3 class PriorityQueue: - def __init__(self): - self.elements = [] - self.set = set() - - def minkey(self): - if not self.empty(): - return self.elements[0][0] - else: - return float('inf') - - def empty(self): - return len(self.elements) == 0 - - def put(self, item, priority): - if item not in self.set: - heapq.heappush(self.elements, (priority, item)) - self.set.add(item) - else: - # update - # print("update", item) - temp = [] - (pri, x) = heapq.heappop(self.elements) - while x != item: - temp.append((pri, x)) - (pri, x) = heapq.heappop(self.elements) - temp.append((priority, item)) - for (pro, xxx) in temp: - heapq.heappush(self.elements, (pro, xxx)) - - def remove_element(self, item): - if item in self.set: - self.set.remove(item) - temp = [] - (pro, x) = heapq.heappop(self.elements) - while x != item: - temp.append((pro, x)) - (pro, x) = heapq.heappop(self.elements) - for (prito, yyy) in temp: - heapq.heappush(self.elements, (prito, yyy)) - - def top_show(self): - return self.elements[0][1] - - def get(self): - (priority, item) = heapq.heappop(self.elements) - self.set.remove(item) - return (priority, item) + def __init__(self): + self.elements = [] + self.set = set() + + def minkey(self): + if not self.empty(): + return self.elements[0][0] + else: + return float('inf') + + def empty(self): + return len(self.elements) == 0 + + def put(self, item, priority): + if item not in self.set: + heapq.heappush(self.elements, (priority, item)) + self.set.add(item) + else: + # update + # print("update", item) + temp = [] + (pri, x) = heapq.heappop(self.elements) + while x != item: + temp.append((pri, x)) + (pri, x) = heapq.heappop(self.elements) + temp.append((priority, item)) + for (pro, xxx) in temp: + heapq.heappush(self.elements, (pro, xxx)) + + def remove_element(self, item): + if item in self.set: + self.set.remove(item) + temp = [] + (pro, x) = heapq.heappop(self.elements) + while x != item: + temp.append((pro, x)) + (pro, x) = heapq.heappop(self.elements) + for (prito, yyy) in temp: + heapq.heappush(self.elements, (prito, yyy)) + + def top_show(self): + return self.elements[0][1] + + def get(self): + (priority, item) = heapq.heappop(self.elements) + self.set.remove(item) + return (priority, item) + def consistent_hueristic(P, goal): - # euclidean distance - a = np.array(P) - b = np.array(goal) - return np.linalg.norm(a - b) + # euclidean distance + a = np.array(P) + b = np.array(goal) + return np.linalg.norm(a - b) + def hueristic_2(P, goal): - # integer division by time variable - return consistent_hueristic(P, goal) // t + # integer division by time variable + return consistent_hueristic(P, goal) // t + def hueristic_1(P, goal): - # manhattan distance - return abs(P[0] - goal[0]) + abs(P[1] - goal[1]) + # manhattan distance + return abs(P[0] - goal[0]) + abs(P[1] - goal[1]) + def key(start, i, goal, g_function): - ans = g_function[start] + W1 * hueristics[i](start, goal) - return ans - + ans = g_function[start] + W1 * hueristics[i](start, goal) + return ans + + def do_something(back_pointer, goal, start): - grid = np.chararray((n, n)) - for i in range(n): - for j in range(n): - grid[i][j] = '*' - - for i in range(n): - for j in range(n): - if (j, (n-1)-i) in blocks: - grid[i][j] = "#" - - grid[0][(n-1)] = "-" - x = back_pointer[goal] - while x != start: - (x_c, y_c) = x - # print(x) - grid[(n-1)-y_c][x_c] = "-" - x = back_pointer[x] - grid[(n-1)][0] = "-" - - - for i in xrange(n): - for j in range(n): - if (i, j) == (0, n-1): - print(grid[i][j], end=' ') - print("<-- End position", end=' ') - else: - print(grid[i][j], end=' ') - print() - print("^") - print("Start position") - print() - print("# is an obstacle") - print("- is the path taken by algorithm") - print("PATH TAKEN BY THE ALGORITHM IS:-") - x = back_pointer[goal] - while x != start: - print(x, end=' ') - x = back_pointer[x] - print(x) - quit() + grid = np.chararray((n, n)) + for i in range(n): + for j in range(n): + grid[i][j] = '*' + + for i in range(n): + for j in range(n): + if (j, (n - 1) - i) in blocks: + grid[i][j] = "#" + + grid[0][(n - 1)] = "-" + x = back_pointer[goal] + while x != start: + (x_c, y_c) = x + # print(x) + grid[(n - 1) - y_c][x_c] = "-" + x = back_pointer[x] + grid[(n - 1)][0] = "-" + + for i in xrange(n): + for j in range(n): + if (i, j) == (0, n - 1): + print(grid[i][j], end=' ') + print("<-- End position", end=' ') + else: + print(grid[i][j], end=' ') + print() + print("^") + print("Start position") + print() + print("# is an obstacle") + print("- is the path taken by algorithm") + print("PATH TAKEN BY THE ALGORITHM IS:-") + x = back_pointer[goal] + while x != start: + print(x, end=' ') + x = back_pointer[x] + print(x) + quit() + def valid(p): - if p[0] < 0 or p[0] > n-1: - return False - if p[1] < 0 or p[1] > n-1: - return False - return True - -def expand_state(s, j, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer): - for itera in range(n_hueristic): - open_list[itera].remove_element(s) - # print("s", s) - # print("j", j) - (x, y) = s - left = (x-1, y) - right = (x+1, y) - up = (x, y+1) - down = (x, y-1) - - for neighbours in [left, right, up, down]: - if neighbours not in blocks: - if valid(neighbours) and neighbours not in visited: - # print("neighbour", neighbours) - visited.add(neighbours) - back_pointer[neighbours] = -1 - g_function[neighbours] = float('inf') - - if valid(neighbours) and g_function[neighbours] > g_function[s] + 1: - g_function[neighbours] = g_function[s] + 1 - back_pointer[neighbours] = s - if neighbours not in close_list_anchor: - open_list[0].put(neighbours, key(neighbours, 0, goal, g_function)) - if neighbours not in close_list_inad: - for var in range(1,n_hueristic): - if key(neighbours, var, goal, g_function) <= W2 * key(neighbours, 0, goal, g_function): - # print("why not plssssssssss") - open_list[j].put(neighbours, key(neighbours, var, goal, g_function)) - - - # print + if p[0] < 0 or p[0] > n - 1: + return False + if p[1] < 0 or p[1] > n - 1: + return False + return True + + +def expand_state(s, j, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer): + for itera in range(n_hueristic): + open_list[itera].remove_element(s) + # print("s", s) + # print("j", j) + (x, y) = s + left = (x - 1, y) + right = (x + 1, y) + up = (x, y + 1) + down = (x, y - 1) + + for neighbours in [left, right, up, down]: + if neighbours not in blocks: + if valid(neighbours) and neighbours not in visited: + # print("neighbour", neighbours) + visited.add(neighbours) + back_pointer[neighbours] = -1 + g_function[neighbours] = float('inf') + + if valid(neighbours) and g_function[neighbours] > g_function[s] + 1: + g_function[neighbours] = g_function[s] + 1 + back_pointer[neighbours] = s + if neighbours not in close_list_anchor: + open_list[0].put(neighbours, key(neighbours, 0, goal, g_function)) + if neighbours not in close_list_inad: + for var in range(1, n_hueristic): + if key(neighbours, var, goal, g_function) <= W2 * key(neighbours, 0, goal, g_function): + # print("why not plssssssssss") + open_list[j].put(neighbours, key(neighbours, var, goal, g_function)) + + +# print def make_common_ground(): - some_list = [] - # block 1 - for x in range(1, 5): - for y in range(1, 6): - some_list.append((x, y)) - - # line - for x in range(15, 20): - some_list.append((x, 17)) - - # block 2 big - for x in range(10, 19): - for y in range(1, 15): - some_list.append((x, y)) - - # L block - for x in range(1, 4): - for y in range(12, 19): - some_list.append((x, y)) - for x in range(3, 13): - for y in range(16, 19): - some_list.append((x, y)) - return some_list + some_list = [] + # block 1 + for x in range(1, 5): + for y in range(1, 6): + some_list.append((x, y)) -hueristics = {0: consistent_hueristic, 1: hueristic_1, 2: hueristic_2} + # line + for x in range(15, 20): + some_list.append((x, 17)) -blocks_blk = [(0, 1),(1, 1),(2, 1),(3, 1),(4, 1),(5, 1),(6, 1),(7, 1),(8, 1),(9, 1),(10, 1),(11, 1),(12, 1),(13, 1),(14, 1),(15, 1),(16, 1),(17, 1),(18, 1), (19, 1)] -blocks_no = [] -blocks_all = make_common_ground() + # block 2 big + for x in range(10, 19): + for y in range(1, 15): + some_list.append((x, y)) + + # L block + for x in range(1, 4): + for y in range(12, 19): + some_list.append((x, y)) + for x in range(3, 13): + for y in range(16, 19): + some_list.append((x, y)) + return some_list +hueristics = {0: consistent_hueristic, 1: hueristic_1, 2: hueristic_2} +blocks_blk = [(0, 1), (1, 1), (2, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1), (8, 1), (9, 1), (10, 1), (11, 1), (12, 1), (13, 1), (14, 1), (15, 1), (16, 1), (17, 1), (18, 1), (19, 1)] +blocks_no = [] +blocks_all = make_common_ground() blocks = blocks_blk # hyper parameters W1 = 1 W2 = 1 n = 20 -n_hueristic = 3 # one consistent and two other inconsistent +n_hueristic = 3 # one consistent and two other inconsistent # start and end destination start = (0, 0) -goal = (n-1, n-1) +goal = (n - 1, n - 1) t = 1 + + def multi_a_star(start, goal, n_hueristic): - g_function = {start: 0, goal: float('inf')} - back_pointer = {start:-1, goal:-1} - open_list = [] - visited = set() - - for i in range(n_hueristic): - open_list.append(PriorityQueue()) - open_list[i].put(start, key(start, i, goal, g_function)) - - close_list_anchor = [] - close_list_inad = [] - while open_list[0].minkey() < float('inf'): - for i in range(1, n_hueristic): - # print("i", i) - # print(open_list[0].minkey(), open_list[i].minkey()) - if open_list[i].minkey() <= W2 * open_list[0].minkey(): - global t - t += 1 - # print("less prio") - if g_function[goal] <= open_list[i].minkey(): - if g_function[goal] < float('inf'): - do_something(back_pointer, goal, start) - else: - _, get_s = open_list[i].top_show() - visited.add(get_s) - expand_state(get_s, i, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) - close_list_inad.append(get_s) - else: - # print("more prio") - if g_function[goal] <= open_list[0].minkey(): - if g_function[goal] < float('inf'): - do_something(back_pointer, goal, start) - else: - # print("hoolla") - get_s = open_list[0].top_show() - visited.add(get_s) - expand_state(get_s, 0, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) - close_list_anchor.append(get_s) - print("No path found to goal") - print() - for i in range(n-1,-1, -1): - for j in range(n): - if (j, i) in blocks: - print('#', end=' ') - elif (j, i) in back_pointer: - if (j, i) == (n-1, n-1): - print('*', end=' ') - else: - print('-', end=' ') - else: - print('*', end=' ') - if (j, i) == (n-1, n-1): - print('<-- End position', end=' ') - print() - print("^") - print("Start position") - print() - print("# is an obstacle") - print("- is the path taken by algorithm") + g_function = {start: 0, goal: float('inf')} + back_pointer = {start: -1, goal: -1} + open_list = [] + visited = set() + + for i in range(n_hueristic): + open_list.append(PriorityQueue()) + open_list[i].put(start, key(start, i, goal, g_function)) + + close_list_anchor = [] + close_list_inad = [] + while open_list[0].minkey() < float('inf'): + for i in range(1, n_hueristic): + # print("i", i) + # print(open_list[0].minkey(), open_list[i].minkey()) + if open_list[i].minkey() <= W2 * open_list[0].minkey(): + global t + t += 1 + # print("less prio") + if g_function[goal] <= open_list[i].minkey(): + if g_function[goal] < float('inf'): + do_something(back_pointer, goal, start) + else: + _, get_s = open_list[i].top_show() + visited.add(get_s) + expand_state(get_s, i, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) + close_list_inad.append(get_s) + else: + # print("more prio") + if g_function[goal] <= open_list[0].minkey(): + if g_function[goal] < float('inf'): + do_something(back_pointer, goal, start) + else: + # print("hoolla") + get_s = open_list[0].top_show() + visited.add(get_s) + expand_state(get_s, 0, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) + close_list_anchor.append(get_s) + print("No path found to goal") + print() + for i in range(n - 1, -1, -1): + for j in range(n): + if (j, i) in blocks: + print('#', end=' ') + elif (j, i) in back_pointer: + if (j, i) == (n - 1, n - 1): + print('*', end=' ') + else: + print('-', end=' ') + else: + print('*', end=' ') + if (j, i) == (n - 1, n - 1): + print('<-- End position', end=' ') + print() + print("^") + print("Start position") + print() + print("# is an obstacle") + print("- is the path taken by algorithm") + + multi_a_star(start, goal, n_hueristic) diff --git a/graphs/page_rank.py b/graphs/page_rank.py index 59f15a99e6b2..3020c965c7ca 100644 --- a/graphs/page_rank.py +++ b/graphs/page_rank.py @@ -12,8 +12,8 @@ ''' graph = [[0, 1, 1], - [0, 0, 1], - [1, 0, 0]] + [0, 0, 1], + [1, 0, 0]] class Node: @@ -21,17 +21,17 @@ def __init__(self, name): self.name = name self.inbound = [] self.outbound = [] - + def add_inbound(self, node): self.inbound.append(node) - + def add_outbound(self, node): self.outbound.append(node) - + def __repr__(self): return 'Node {}: Inbound: {} ; Outbound: {}'.format(self.name, - self.inbound, - self.outbound) + self.inbound, + self.outbound) def page_rank(nodes, limit=3, d=0.85): @@ -44,9 +44,9 @@ def page_rank(nodes, limit=3, d=0.85): outbounds[node.name] = len(node.outbound) for i in range(limit): - print("======= Iteration {} =======".format(i+1)) + print("======= Iteration {} =======".format(i + 1)) for j, node in enumerate(nodes): - ranks[node.name] = (1 - d) + d * sum([ ranks[ib]/outbounds[ib] for ib in node.inbound ]) + ranks[node.name] = (1 - d) + d * sum([ranks[ib] / outbounds[ib] for ib in node.inbound]) print(ranks) @@ -54,7 +54,7 @@ def main(): names = list(input('Enter Names of the Nodes: ').split()) nodes = [Node(name) for name in names] - + for ri, row in enumerate(graph): for ci, col in enumerate(row): if col == 1: @@ -69,4 +69,4 @@ def main(): if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/graphs/prim.py b/graphs/prim.py index f7e08278966d..38d9d9edca42 100644 --- a/graphs/prim.py +++ b/graphs/prim.py @@ -76,4 +76,4 @@ def prim(graph, root): v.key = u.edges[v.id] for i in range(1, len(graph)): A.append([graph[i].id, graph[i].pi.id]) - return(A) + return (A) diff --git a/graphs/scc_kosaraju.py b/graphs/scc_kosaraju.py index 1f13ebaba36b..2f56ce70acb7 100644 --- a/graphs/scc_kosaraju.py +++ b/graphs/scc_kosaraju.py @@ -1,20 +1,22 @@ from __future__ import print_function + # n - no of nodes, m - no of edges -n, m = list(map(int,input().split())) +n, m = list(map(int, input().split())) -g = [[] for i in range(n)] #graph -r = [[] for i in range(n)] #reversed graph +g = [[] for i in range(n)] # graph +r = [[] for i in range(n)] # reversed graph # input graph data (edges) for i in range(m): - u, v = list(map(int,input().split())) + u, v = list(map(int, input().split())) g[u].append(v) r[v].append(u) stack = [] -visit = [False]*n +visit = [False] * n scc = [] component = [] + def dfs(u): global g, r, scc, component, visit, stack if visit[u]: return @@ -23,6 +25,7 @@ def dfs(u): dfs(v) stack.append(u) + def dfs2(u): global g, r, scc, component, visit, stack if visit[u]: return @@ -31,11 +34,12 @@ def dfs2(u): for v in r[u]: dfs2(v) + def kosaraju(): global g, r, scc, component, visit, stack for i in range(n): dfs(i) - visit = [False]*n + visit = [False] * n for i in stack[::-1]: if visit[i]: continue component = [] @@ -43,4 +47,5 @@ def kosaraju(): scc.append(component) return scc + print(kosaraju()) diff --git a/hashes/chaos_machine.py b/hashes/chaos_machine.py index f0a305bfeade..a7995e0c02ad 100644 --- a/hashes/chaos_machine.py +++ b/hashes/chaos_machine.py @@ -2,12 +2,14 @@ from __future__ import print_function try: - input = raw_input # Python 2 + input = raw_input # Python 2 except NameError: - pass # Python 3 + pass # Python 3 # Chaos Machine (K, t, m) -K = [0.33, 0.44, 0.55, 0.44, 0.33]; t = 3; m = 5 +K = [0.33, 0.44, 0.55, 0.44, 0.33]; +t = 3; +m = 5 # Buffer Space (with Parameters Space) buffer_space, params_space = [], [] @@ -15,75 +17,80 @@ # Machine Time machine_time = 0 + def push(seed): - global buffer_space, params_space, machine_time, \ - K, m, t + global buffer_space, params_space, machine_time, \ + K, m, t + + # Choosing Dynamical Systems (All) + for key, value in enumerate(buffer_space): + # Evolution Parameter + e = float(seed / value) - # Choosing Dynamical Systems (All) - for key, value in enumerate(buffer_space): - # Evolution Parameter - e = float(seed / value) + # Control Theory: Orbit Change + value = (buffer_space[(key + 1) % m] + e) % 1 - # Control Theory: Orbit Change - value = (buffer_space[(key + 1) % m] + e) % 1 + # Control Theory: Trajectory Change + r = (params_space[key] + e) % 1 + 3 - # Control Theory: Trajectory Change - r = (params_space[key] + e) % 1 + 3 + # Modification (Transition Function) - Jumps + buffer_space[key] = \ + round(float(r * value * (1 - value)), 10) + params_space[key] = \ + r # Saving to Parameters Space - # Modification (Transition Function) - Jumps - buffer_space[key] = \ - round(float(r * value * (1 - value)), 10) - params_space[key] = \ - r # Saving to Parameters Space + # Logistic Map + assert max(buffer_space) < 1 + assert max(params_space) < 4 - # Logistic Map - assert max(buffer_space) < 1 - assert max(params_space) < 4 + # Machine Time + machine_time += 1 - # Machine Time - machine_time += 1 def pull(): - global buffer_space, params_space, machine_time, \ - K, m, t + global buffer_space, params_space, machine_time, \ + K, m, t + + # PRNG (Xorshift by George Marsaglia) + def xorshift(X, Y): + X ^= Y >> 13 + Y ^= X << 17 + X ^= Y >> 5 + return X - # PRNG (Xorshift by George Marsaglia) - def xorshift(X, Y): - X ^= Y >> 13 - Y ^= X << 17 - X ^= Y >> 5 - return X + # Choosing Dynamical Systems (Increment) + key = machine_time % m - # Choosing Dynamical Systems (Increment) - key = machine_time % m + # Evolution (Time Length) + for i in range(0, t): + # Variables (Position + Parameters) + r = params_space[key] + value = buffer_space[key] - # Evolution (Time Length) - for i in range(0, t): - # Variables (Position + Parameters) - r = params_space[key] - value = buffer_space[key] + # Modification (Transition Function) - Flow + buffer_space[key] = \ + round(float(r * value * (1 - value)), 10) + params_space[key] = \ + (machine_time * 0.01 + r * 1.01) % 1 + 3 - # Modification (Transition Function) - Flow - buffer_space[key] = \ - round(float(r * value * (1 - value)), 10) - params_space[key] = \ - (machine_time * 0.01 + r * 1.01) % 1 + 3 + # Choosing Chaotic Data + X = int(buffer_space[(key + 2) % m] * (10 ** 10)) + Y = int(buffer_space[(key - 2) % m] * (10 ** 10)) - # Choosing Chaotic Data - X = int(buffer_space[(key + 2) % m] * (10 ** 10)) - Y = int(buffer_space[(key - 2) % m] * (10 ** 10)) + # Machine Time + machine_time += 1 - # Machine Time - machine_time += 1 + return xorshift(X, Y) % 0xFFFFFFFF - return xorshift(X, Y) % 0xFFFFFFFF def reset(): - global buffer_space, params_space, machine_time, \ - K, m, t + global buffer_space, params_space, machine_time, \ + K, m, t + + buffer_space = K; + params_space = [0] * m + machine_time = 0 - buffer_space = K; params_space = [0] * m - machine_time = 0 ####################################### @@ -92,15 +99,17 @@ def reset(): # Pushing Data (Input) import random + message = random.sample(range(0xFFFFFFFF), 100) for chunk in message: - push(chunk) + push(chunk) # for controlling inp = "" # Pulling Data (Output) while inp in ("e", "E"): - print("%s" % format(pull(), '#04x')) - print(buffer_space); print(params_space) - inp = input("(e)exit? ").strip() + print("%s" % format(pull(), '#04x')) + print(buffer_space); + print(params_space) + inp = input("(e)exit? ").strip() diff --git a/hashes/md5.py b/hashes/md5.py index d3f15510874e..1e4fead96326 100644 --- a/hashes/md5.py +++ b/hashes/md5.py @@ -1,155 +1,165 @@ from __future__ import print_function + import math + def rearrange(bitString32): - """[summary] - Regroups the given binary string. - - Arguments: - bitString32 {[string]} -- [32 bit binary] - - Raises: - ValueError -- [if the given string not are 32 bit binary string] - - Returns: - [string] -- [32 bit binary string] - """ - - if len(bitString32) != 32: - raise ValueError("Need length 32") - newString = "" - for i in [3,2,1,0]: - newString += bitString32[8*i:8*i+8] - return newString + """[summary] + Regroups the given binary string. + + Arguments: + bitString32 {[string]} -- [32 bit binary] + + Raises: + ValueError -- [if the given string not are 32 bit binary string] + + Returns: + [string] -- [32 bit binary string] + """ + + if len(bitString32) != 32: + raise ValueError("Need length 32") + newString = "" + for i in [3, 2, 1, 0]: + newString += bitString32[8 * i:8 * i + 8] + return newString + def reformatHex(i): - """[summary] - Converts the given integer into 8-digit hex number. + """[summary] + Converts the given integer into 8-digit hex number. + + Arguments: + i {[int]} -- [integer] + """ - Arguments: - i {[int]} -- [integer] - """ + hexrep = format(i, '08x') + thing = "" + for i in [3, 2, 1, 0]: + thing += hexrep[2 * i:2 * i + 2] + return thing - hexrep = format(i,'08x') - thing = "" - for i in [3,2,1,0]: - thing += hexrep[2*i:2*i+2] - return thing def pad(bitString): - """[summary] - Fills up the binary string to a 512 bit binary string - - Arguments: - bitString {[string]} -- [binary string] - - Returns: - [string] -- [binary string] - """ - - startLength = len(bitString) - bitString += '1' - while len(bitString) % 512 != 448: - bitString += '0' - lastPart = format(startLength,'064b') - bitString += rearrange(lastPart[32:]) + rearrange(lastPart[:32]) - return bitString + """[summary] + Fills up the binary string to a 512 bit binary string + + Arguments: + bitString {[string]} -- [binary string] + + Returns: + [string] -- [binary string] + """ + + startLength = len(bitString) + bitString += '1' + while len(bitString) % 512 != 448: + bitString += '0' + lastPart = format(startLength, '064b') + bitString += rearrange(lastPart[32:]) + rearrange(lastPart[:32]) + return bitString + def getBlock(bitString): - """[summary] - Iterator: - Returns by each call a list of length 16 with the 32 bit - integer blocks. - - Arguments: - bitString {[string]} -- [binary string >= 512] - """ - - currPos = 0 - while currPos < len(bitString): - currPart = bitString[currPos:currPos+512] - mySplits = [] - for i in range(16): - mySplits.append(int(rearrange(currPart[32*i:32*i+32]),2)) - yield mySplits - currPos += 512 + """[summary] + Iterator: + Returns by each call a list of length 16 with the 32 bit + integer blocks. + + Arguments: + bitString {[string]} -- [binary string >= 512] + """ + + currPos = 0 + while currPos < len(bitString): + currPart = bitString[currPos:currPos + 512] + mySplits = [] + for i in range(16): + mySplits.append(int(rearrange(currPart[32 * i:32 * i + 32]), 2)) + yield mySplits + currPos += 512 + def not32(i): - i_str = format(i,'032b') - new_str = '' - for c in i_str: - new_str += '1' if c=='0' else '0' - return int(new_str,2) + i_str = format(i, '032b') + new_str = '' + for c in i_str: + new_str += '1' if c == '0' else '0' + return int(new_str, 2) -def sum32(a,b): - return (a + b) % 2**32 -def leftrot32(i,s): - return (i << s) ^ (i >> (32-s)) +def sum32(a, b): + return (a + b) % 2 ** 32 + + +def leftrot32(i, s): + return (i << s) ^ (i >> (32 - s)) + def md5me(testString): - """[summary] - Returns a 32-bit hash code of the string 'testString' - - Arguments: - testString {[string]} -- [message] - """ - - bs ='' - for i in testString: - bs += format(ord(i),'08b') - bs = pad(bs) - - tvals = [int(2**32 * abs(math.sin(i+1))) for i in range(64)] - - a0 = 0x67452301 - b0 = 0xefcdab89 - c0 = 0x98badcfe - d0 = 0x10325476 - - s = [7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, \ - 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, \ - 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, \ - 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21 ] - - for m in getBlock(bs): - A = a0 - B = b0 - C = c0 - D = d0 - for i in range(64): - if i <= 15: - #f = (B & C) | (not32(B) & D) - f = D ^ (B & (C ^ D)) - g = i - elif i<= 31: - #f = (D & B) | (not32(D) & C) - f = C ^ (D & (B ^ C)) - g = (5*i+1) % 16 - elif i <= 47: - f = B ^ C ^ D - g = (3*i+5) % 16 - else: - f = C ^ (B | not32(D)) - g = (7*i) % 16 - dtemp = D - D = C - C = B - B = sum32(B,leftrot32((A + f + tvals[i] + m[g]) % 2**32, s[i])) - A = dtemp - a0 = sum32(a0, A) - b0 = sum32(b0, B) - c0 = sum32(c0, C) - d0 = sum32(d0, D) - - digest = reformatHex(a0) + reformatHex(b0) + reformatHex(c0) + reformatHex(d0) - return digest + """[summary] + Returns a 32-bit hash code of the string 'testString' + + Arguments: + testString {[string]} -- [message] + """ + + bs = '' + for i in testString: + bs += format(ord(i), '08b') + bs = pad(bs) + + tvals = [int(2 ** 32 * abs(math.sin(i + 1))) for i in range(64)] + + a0 = 0x67452301 + b0 = 0xefcdab89 + c0 = 0x98badcfe + d0 = 0x10325476 + + s = [7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, \ + 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, \ + 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, \ + 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21] + + for m in getBlock(bs): + A = a0 + B = b0 + C = c0 + D = d0 + for i in range(64): + if i <= 15: + # f = (B & C) | (not32(B) & D) + f = D ^ (B & (C ^ D)) + g = i + elif i <= 31: + # f = (D & B) | (not32(D) & C) + f = C ^ (D & (B ^ C)) + g = (5 * i + 1) % 16 + elif i <= 47: + f = B ^ C ^ D + g = (3 * i + 5) % 16 + else: + f = C ^ (B | not32(D)) + g = (7 * i) % 16 + dtemp = D + D = C + C = B + B = sum32(B, leftrot32((A + f + tvals[i] + m[g]) % 2 ** 32, s[i])) + A = dtemp + a0 = sum32(a0, A) + b0 = sum32(b0, B) + c0 = sum32(c0, C) + d0 = sum32(d0, D) + + digest = reformatHex(a0) + reformatHex(b0) + reformatHex(c0) + reformatHex(d0) + return digest + def test(): - assert md5me("") == "d41d8cd98f00b204e9800998ecf8427e" - assert md5me("The quick brown fox jumps over the lazy dog") == "9e107d9d372bb6826bd81d3542a419d6" - print("Success.") + assert md5me("") == "d41d8cd98f00b204e9800998ecf8427e" + assert md5me("The quick brown fox jumps over the lazy dog") == "9e107d9d372bb6826bd81d3542a419d6" + print("Success.") if __name__ == "__main__": - test() + test() diff --git a/hashes/sha1.py b/hashes/sha1.py index 4c78ad3a89e5..95a499ff29bf 100644 --- a/hashes/sha1.py +++ b/hashes/sha1.py @@ -24,8 +24,8 @@ """ import argparse +import hashlib # hashlib is only used inside the Test class import struct -import hashlib #hashlib is only used inside the Test class import unittest @@ -33,6 +33,7 @@ class SHA1Hash: """ Class to contain the entire pipeline for SHA1 Hashing Algorithm """ + def __init__(self, data): """ Inititates the variables data and h. h is a list of 5 8-digit Hexadecimal @@ -54,7 +55,7 @@ def padding(self): """ Pads the input message with zeros so that padded_data has 64 bytes or 512 bits """ - padding = b'\x80' + b'\x00'*(63 - (len(self.data) + 8) % 64) + padding = b'\x80' + b'\x00' * (63 - (len(self.data) + 8) % 64) padded_data = self.data + padding + struct.pack('>Q', 8 * len(self.data)) return padded_data @@ -62,7 +63,7 @@ def split_blocks(self): """ Returns a list of bytestrings each of length 64 """ - return [self.padded_data[i:i+64] for i in range(0, len(self.padded_data), 64)] + return [self.padded_data[i:i + 64] for i in range(0, len(self.padded_data), 64)] # @staticmethod def expand_block(self, block): @@ -72,7 +73,7 @@ def expand_block(self, block): """ w = list(struct.unpack('>16L', block)) + [0] * 64 for i in range(16, 80): - w[i] = self.rotate((w[i-3] ^ w[i-8] ^ w[i-14] ^ w[i-16]), 1) + w[i] = self.rotate((w[i - 3] ^ w[i - 8] ^ w[i - 14] ^ w[i - 16]), 1) return w def final_hash(self): @@ -102,20 +103,21 @@ def final_hash(self): elif 60 <= i < 80: f = b ^ c ^ d k = 0xCA62C1D6 - a, b, c, d, e = self.rotate(a, 5) + f + e + k + expanded_block[i] & 0xffffffff,\ + a, b, c, d, e = self.rotate(a, 5) + f + e + k + expanded_block[i] & 0xffffffff, \ a, self.rotate(b, 30), c, d - self.h = self.h[0] + a & 0xffffffff,\ - self.h[1] + b & 0xffffffff,\ - self.h[2] + c & 0xffffffff,\ - self.h[3] + d & 0xffffffff,\ + self.h = self.h[0] + a & 0xffffffff, \ + self.h[1] + b & 0xffffffff, \ + self.h[2] + c & 0xffffffff, \ + self.h[3] + d & 0xffffffff, \ self.h[4] + e & 0xffffffff - return '%08x%08x%08x%08x%08x' %tuple(self.h) + return '%08x%08x%08x%08x%08x' % tuple(self.h) class SHA1HashTest(unittest.TestCase): """ Test class for the SHA1Hash class. Inherits the TestCase class from unittest """ + def testMatchHashes(self): msg = bytes('Test String', 'utf-8') self.assertEqual(SHA1Hash(msg).final_hash(), hashlib.sha1(msg).hexdigest()) @@ -135,7 +137,7 @@ def main(): parser.add_argument('--file', dest='input_file', help='Hash contents of a file') args = parser.parse_args() input_string = args.input_string - #In any case hash input should be a bytestring + # In any case hash input should be a bytestring if args.input_file: with open(args.input_file, 'rb') as f: hash_input = f.read() diff --git a/linear_algebra_python/src/lib.py b/linear_algebra_python/src/lib.py index 281991a93b2d..b1a605b9cd1c 100644 --- a/linear_algebra_python/src/lib.py +++ b/linear_algebra_python/src/lib.py @@ -20,7 +20,6 @@ - function randomMatrix(W,H,a,b) """ - import math import random @@ -45,13 +44,15 @@ class Vector(object): changeComponent(pos,value) : changes the specified component. TODO: compare-operator """ - def __init__(self,components=[]): + + def __init__(self, components=[]): """ input: components or nothing simple constructor for init the vector """ self.__components = list(components) - def set(self,components): + + def set(self, components): """ input: new components changes the components of the vector. @@ -61,34 +62,39 @@ def set(self,components): self.__components = list(components) else: raise Exception("please give any vector") + def __str__(self): """ returns a string representation of the vector """ return "(" + ",".join(map(str, self.__components)) + ")" - def component(self,i): + + def component(self, i): """ input: index (start at 0) output: the i-th component of the vector. """ - if type(i) is int and -len(self.__components) <= i < len(self.__components) : + if type(i) is int and -len(self.__components) <= i < len(self.__components): return self.__components[i] else: raise Exception("index out of range") + def __len__(self): """ returns the size of the vector """ return len(self.__components) + def eulidLength(self): """ returns the eulidean length of the vector """ summe = 0 for c in self.__components: - summe += c**2 + summe += c ** 2 return math.sqrt(summe) - def __add__(self,other): + + def __add__(self, other): """ input: other vector assumes: other vector has the same size @@ -100,7 +106,8 @@ def __add__(self,other): return Vector(result) else: raise Exception("must have the same size") - def __sub__(self,other): + + def __sub__(self, other): """ input: other vector assumes: other vector has the same size @@ -110,73 +117,77 @@ def __sub__(self,other): if size == len(other): result = [self.__components[i] - other.component(i) for i in range(size)] return result - else: # error case + else: # error case raise Exception("must have the same size") - def __mul__(self,other): + + def __mul__(self, other): """ mul implements the scalar multiplication and the dot-product """ - if isinstance(other,float) or isinstance(other,int): - ans = [c*other for c in self.__components] + if isinstance(other, float) or isinstance(other, int): + ans = [c * other for c in self.__components] return ans - elif (isinstance(other,Vector) and (len(self) == len(other))): + elif (isinstance(other, Vector) and (len(self) == len(other))): size = len(self) summe = 0 for i in range(size): summe += self.__components[i] * other.component(i) return summe - else: # error case + else: # error case raise Exception("invalide operand!") + def copy(self): """ copies this vector and returns it. """ return Vector(self.__components) - def changeComponent(self,pos,value): + + def changeComponent(self, pos, value): """ input: an index (pos) and a value changes the specified component (pos) with the 'value' """ - #precondition + # precondition assert (-len(self.__components) <= pos < len(self.__components)) self.__components[pos] = value - + + def zeroVector(dimension): """ returns a zero-vector of size 'dimension' - """ - #precondition - assert(isinstance(dimension,int)) - return Vector([0]*dimension) + """ + # precondition + assert (isinstance(dimension, int)) + return Vector([0] * dimension) -def unitBasisVector(dimension,pos): +def unitBasisVector(dimension, pos): """ returns a unit basis vector with a One at index 'pos' (indexing at 0) """ - #precondition - assert(isinstance(dimension,int) and (isinstance(pos,int))) - ans = [0]*dimension + # precondition + assert (isinstance(dimension, int) and (isinstance(pos, int))) + ans = [0] * dimension ans[pos] = 1 return Vector(ans) - -def axpy(scalar,x,y): + +def axpy(scalar, x, y): """ input: a 'scalar' and two vectors 'x' and 'y' output: a vector computes the axpy operation """ # precondition - assert(isinstance(x,Vector) and (isinstance(y,Vector)) \ - and (isinstance(scalar,int) or isinstance(scalar,float))) - return (x*scalar + y) - + assert (isinstance(x, Vector) and (isinstance(y, Vector)) \ + and (isinstance(scalar, int) or isinstance(scalar, float))) + return (x * scalar + y) + -def randomVector(N,a,b): +def randomVector(N, a, b): """ input: size (N) of the vector. random range (a,b) @@ -184,7 +195,7 @@ def randomVector(N,a,b): random integer components between 'a' and 'b'. """ random.seed(None) - ans = [random.randint(a,b) for i in range(N)] + ans = [random.randint(a, b) for i in range(N)] return Vector(ans) @@ -205,7 +216,8 @@ class Matrix(object): operator + : implements the matrix-addition. operator - _ implements the matrix-subtraction """ - def __init__(self,matrix,w,h): + + def __init__(self, matrix, w, h): """ simple constructor for initialzes the matrix with components. @@ -213,6 +225,7 @@ def __init__(self,matrix,w,h): self.__matrix = matrix self.__width = w self.__height = h + def __str__(self): """ returns a string representation of this @@ -222,58 +235,64 @@ def __str__(self): for i in range(self.__height): ans += "|" for j in range(self.__width): - if j < self.__width -1: + if j < self.__width - 1: ans += str(self.__matrix[i][j]) + "," else: ans += str(self.__matrix[i][j]) + "|\n" return ans - def changeComponent(self,x,y, value): + + def changeComponent(self, x, y, value): """ changes the x-y component of this matrix """ if x >= 0 and x < self.__height and y >= 0 and y < self.__width: self.__matrix[x][y] = value else: - raise Exception ("changeComponent: indices out of bounds") - def component(self,x,y): + raise Exception("changeComponent: indices out of bounds") + + def component(self, x, y): """ returns the specified (x,y) component """ if x >= 0 and x < self.__height and y >= 0 and y < self.__width: return self.__matrix[x][y] else: - raise Exception ("changeComponent: indices out of bounds") + raise Exception("changeComponent: indices out of bounds") + def width(self): """ getter for the width """ return self.__width + def height(self): """ getter for the height """ return self.__height - def __mul__(self,other): + + def __mul__(self, other): """ implements the matrix-vector multiplication. implements the matrix-scalar multiplication """ - if isinstance(other, Vector): # vector-matrix + if isinstance(other, Vector): # vector-matrix if (len(other) == self.__width): ans = zeroVector(self.__height) for i in range(self.__height): summe = 0 for j in range(self.__width): summe += other.component(j) * self.__matrix[i][j] - ans.changeComponent(i,summe) + ans.changeComponent(i, summe) summe = 0 return ans else: raise Exception("vector must have the same size as the " + "number of columns of the matrix!") - elif isinstance(other,int) or isinstance(other,float): # matrix-scalar + elif isinstance(other, int) or isinstance(other, float): # matrix-scalar matrix = [[self.__matrix[i][j] * other for j in range(self.__width)] for i in range(self.__height)] - return Matrix(matrix,self.__width,self.__height) - def __add__(self,other): + return Matrix(matrix, self.__width, self.__height) + + def __add__(self, other): """ implements the matrix-addition. """ @@ -282,12 +301,13 @@ def __add__(self,other): for i in range(self.__height): row = [] for j in range(self.__width): - row.append(self.__matrix[i][j] + other.component(i,j)) + row.append(self.__matrix[i][j] + other.component(i, j)) matrix.append(row) - return Matrix(matrix,self.__width,self.__height) + return Matrix(matrix, self.__width, self.__height) else: raise Exception("matrix must have the same dimension!") - def __sub__(self,other): + + def __sub__(self, other): """ implements the matrix-subtraction. """ @@ -296,28 +316,26 @@ def __sub__(self,other): for i in range(self.__height): row = [] for j in range(self.__width): - row.append(self.__matrix[i][j] - other.component(i,j)) + row.append(self.__matrix[i][j] - other.component(i, j)) matrix.append(row) - return Matrix(matrix,self.__width,self.__height) + return Matrix(matrix, self.__width, self.__height) else: raise Exception("matrix must have the same dimension!") - + def squareZeroMatrix(N): """ returns a square zero-matrix of dimension NxN """ - ans = [[0]*N for i in range(N)] - return Matrix(ans,N,N) - - -def randomMatrix(W,H,a,b): + ans = [[0] * N for i in range(N)] + return Matrix(ans, N, N) + + +def randomMatrix(W, H, a, b): """ returns a random matrix WxH with integer components between 'a' and 'b' """ random.seed(None) - matrix = [[random.randint(a,b) for j in range(W)] for i in range(H)] - return Matrix(matrix,W,H) - - + matrix = [[random.randint(a, b) for j in range(W)] for i in range(H)] + return Matrix(matrix, W, H) diff --git a/linear_algebra_python/src/tests.py b/linear_algebra_python/src/tests.py index a26eb92653e2..2d543b83507b 100644 --- a/linear_algebra_python/src/tests.py +++ b/linear_algebra_python/src/tests.py @@ -9,125 +9,145 @@ """ import unittest + from lib import * + class Test(unittest.TestCase): def test_component(self): """ test for method component """ - x = Vector([1,2,3]) - self.assertEqual(x.component(0),1) - self.assertEqual(x.component(2),3) + x = Vector([1, 2, 3]) + self.assertEqual(x.component(0), 1) + self.assertEqual(x.component(2), 3) try: y = Vector() self.assertTrue(False) except: self.assertTrue(True) + def test_str(self): """ test for toString() method """ - x = Vector([0,0,0,0,0,1]) - self.assertEqual(str(x),"(0,0,0,0,0,1)") + x = Vector([0, 0, 0, 0, 0, 1]) + self.assertEqual(str(x), "(0,0,0,0,0,1)") + def test_size(self): """ test for size()-method """ - x = Vector([1,2,3,4]) - self.assertEqual(len(x),4) + x = Vector([1, 2, 3, 4]) + self.assertEqual(len(x), 4) + def test_euclidLength(self): """ test for the eulidean length """ - x = Vector([1,2]) - self.assertAlmostEqual(x.eulidLength(),2.236,3) + x = Vector([1, 2]) + self.assertAlmostEqual(x.eulidLength(), 2.236, 3) + def test_add(self): """ test for + operator """ - x = Vector([1,2,3]) - y = Vector([1,1,1]) - self.assertEqual((x+y).component(0),2) - self.assertEqual((x+y).component(1),3) - self.assertEqual((x+y).component(2),4) + x = Vector([1, 2, 3]) + y = Vector([1, 1, 1]) + self.assertEqual((x + y).component(0), 2) + self.assertEqual((x + y).component(1), 3) + self.assertEqual((x + y).component(2), 4) + def test_sub(self): """ test for - operator """ - x = Vector([1,2,3]) - y = Vector([1,1,1]) - self.assertEqual((x-y).component(0),0) - self.assertEqual((x-y).component(1),1) - self.assertEqual((x-y).component(2),2) + x = Vector([1, 2, 3]) + y = Vector([1, 1, 1]) + self.assertEqual((x - y).component(0), 0) + self.assertEqual((x - y).component(1), 1) + self.assertEqual((x - y).component(2), 2) + def test_mul(self): """ test for * operator """ - x = Vector([1,2,3]) - a = Vector([2,-1,4]) # for test of dot-product - b = Vector([1,-2,-1]) - self.assertEqual(str(x*3.0),"(3.0,6.0,9.0)") - self.assertEqual((a*b),0) + x = Vector([1, 2, 3]) + a = Vector([2, -1, 4]) # for test of dot-product + b = Vector([1, -2, -1]) + self.assertEqual(str(x * 3.0), "(3.0,6.0,9.0)") + self.assertEqual((a * b), 0) + def test_zeroVector(self): """ test for the global function zeroVector(...) """ self.assertTrue(str(zeroVector(10)).count("0") == 10) + def test_unitBasisVector(self): """ test for the global function unitBasisVector(...) """ - self.assertEqual(str(unitBasisVector(3,1)),"(0,1,0)") + self.assertEqual(str(unitBasisVector(3, 1)), "(0,1,0)") + def test_axpy(self): """ test for the global function axpy(...) (operation) """ - x = Vector([1,2,3]) - y = Vector([1,0,1]) - self.assertEqual(str(axpy(2,x,y)),"(3,4,7)") + x = Vector([1, 2, 3]) + y = Vector([1, 0, 1]) + self.assertEqual(str(axpy(2, x, y)), "(3,4,7)") + def test_copy(self): """ test for the copy()-method """ - x = Vector([1,0,0,0,0,0]) + x = Vector([1, 0, 0, 0, 0, 0]) y = x.copy() - self.assertEqual(str(x),str(y)) + self.assertEqual(str(x), str(y)) + def test_changeComponent(self): """ test for the changeComponent(...)-method """ - x = Vector([1,0,0]) - x.changeComponent(0,0) - x.changeComponent(1,1) - self.assertEqual(str(x),"(0,1,0)") + x = Vector([1, 0, 0]) + x.changeComponent(0, 0) + x.changeComponent(1, 1) + self.assertEqual(str(x), "(0,1,0)") + def test_str_matrix(self): - A = Matrix([[1,2,3],[2,4,5],[6,7,8]],3,3) - self.assertEqual("|1,2,3|\n|2,4,5|\n|6,7,8|\n",str(A)) + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + self.assertEqual("|1,2,3|\n|2,4,5|\n|6,7,8|\n", str(A)) + def test__mul__matrix(self): - A = Matrix([[1,2,3],[4,5,6],[7,8,9]],3,3) - x = Vector([1,2,3]) - self.assertEqual("(14,32,50)",str(A*x)) - self.assertEqual("|2,4,6|\n|8,10,12|\n|14,16,18|\n",str(A*2)) + A = Matrix([[1, 2, 3], [4, 5, 6], [7, 8, 9]], 3, 3) + x = Vector([1, 2, 3]) + self.assertEqual("(14,32,50)", str(A * x)) + self.assertEqual("|2,4,6|\n|8,10,12|\n|14,16,18|\n", str(A * 2)) + def test_changeComponent_matrix(self): - A = Matrix([[1,2,3],[2,4,5],[6,7,8]],3,3) - A.changeComponent(0,2,5) - self.assertEqual("|1,2,5|\n|2,4,5|\n|6,7,8|\n",str(A)) + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + A.changeComponent(0, 2, 5) + self.assertEqual("|1,2,5|\n|2,4,5|\n|6,7,8|\n", str(A)) + def test_component_matrix(self): - A = Matrix([[1,2,3],[2,4,5],[6,7,8]],3,3) - self.assertEqual(7,A.component(2,1),0.01) + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + self.assertEqual(7, A.component(2, 1), 0.01) + def test__add__matrix(self): - A = Matrix([[1,2,3],[2,4,5],[6,7,8]],3,3) - B = Matrix([[1,2,7],[2,4,5],[6,7,10]],3,3) - self.assertEqual("|2,4,10|\n|4,8,10|\n|12,14,18|\n",str(A+B)) + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) + self.assertEqual("|2,4,10|\n|4,8,10|\n|12,14,18|\n", str(A + B)) + def test__sub__matrix(self): - A = Matrix([[1,2,3],[2,4,5],[6,7,8]],3,3) - B = Matrix([[1,2,7],[2,4,5],[6,7,10]],3,3) - self.assertEqual("|0,0,-4|\n|0,0,0|\n|0,0,-2|\n",str(A-B)) + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) + self.assertEqual("|0,0,-4|\n|0,0,0|\n|0,0,-2|\n", str(A - B)) + def test_squareZeroMatrix(self): - self.assertEqual('|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|' - +'\n|0,0,0,0,0|\n',str(squareZeroMatrix(5))) - + self.assertEqual('|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|' + + '\n|0,0,0,0,0|\n', str(squareZeroMatrix(5))) + if __name__ == "__main__": unittest.main() diff --git a/machine_learning/Random Forest Classification/random_forest_classification.py b/machine_learning/Random Forest Classification/random_forest_classification.py index d5dde4b13822..54a1bc67a6b1 100644 --- a/machine_learning/Random Forest Classification/random_forest_classification.py +++ b/machine_learning/Random Forest Classification/random_forest_classification.py @@ -1,8 +1,8 @@ # Random Forest Classification +import matplotlib.pyplot as plt # Importing the libraries import numpy as np -import matplotlib.pyplot as plt import pandas as pd # Importing the dataset @@ -12,17 +12,20 @@ # Splitting the dataset into the Training set and Test set from sklearn.cross_validation import train_test_split -X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.25, random_state = 0) + +X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25, random_state=0) # Feature Scaling from sklearn.preprocessing import StandardScaler + sc = StandardScaler() X_train = sc.fit_transform(X_train) X_test = sc.transform(X_test) # Fitting Random Forest Classification to the Training set from sklearn.ensemble import RandomForestClassifier -classifier = RandomForestClassifier(n_estimators = 10, criterion = 'entropy', random_state = 0) + +classifier = RandomForestClassifier(n_estimators=10, criterion='entropy', random_state=0) classifier.fit(X_train, y_train) # Predicting the Test set results @@ -30,20 +33,22 @@ # Making the Confusion Matrix from sklearn.metrics import confusion_matrix + cm = confusion_matrix(y_test, y_pred) # Visualising the Training set results from matplotlib.colors import ListedColormap + X_set, y_set = X_train, y_train -X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01), - np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01)) +X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), + np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), - alpha = 0.75, cmap = ListedColormap(('red', 'green'))) + alpha=0.75, cmap=ListedColormap(('red', 'green'))) plt.xlim(X1.min(), X1.max()) plt.ylim(X2.min(), X2.max()) for i, j in enumerate(np.unique(y_set)): plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], - c = ListedColormap(('red', 'green'))(i), label = j) + c=ListedColormap(('red', 'green'))(i), label=j) plt.title('Random Forest Classification (Training set)') plt.xlabel('Age') plt.ylabel('Estimated Salary') @@ -52,18 +57,19 @@ # Visualising the Test set results from matplotlib.colors import ListedColormap + X_set, y_set = X_test, y_test -X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01), - np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01)) +X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), + np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), - alpha = 0.75, cmap = ListedColormap(('red', 'green'))) + alpha=0.75, cmap=ListedColormap(('red', 'green'))) plt.xlim(X1.min(), X1.max()) plt.ylim(X2.min(), X2.max()) for i, j in enumerate(np.unique(y_set)): plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], - c = ListedColormap(('red', 'green'))(i), label = j) + c=ListedColormap(('red', 'green'))(i), label=j) plt.title('Random Forest Classification (Test set)') plt.xlabel('Age') plt.ylabel('Estimated Salary') plt.legend() -plt.show() \ No newline at end of file +plt.show() diff --git a/machine_learning/Random Forest Regression/random_forest_regression.py b/machine_learning/Random Forest Regression/random_forest_regression.py index fce58b1fe283..9137cb2f683c 100644 --- a/machine_learning/Random Forest Regression/random_forest_regression.py +++ b/machine_learning/Random Forest Regression/random_forest_regression.py @@ -1,8 +1,8 @@ # Random Forest Regression +import matplotlib.pyplot as plt # Importing the libraries import numpy as np -import matplotlib.pyplot as plt import pandas as pd # Importing the dataset @@ -24,7 +24,8 @@ # Fitting Random Forest Regression to the dataset from sklearn.ensemble import RandomForestRegressor -regressor = RandomForestRegressor(n_estimators = 10, random_state = 0) + +regressor = RandomForestRegressor(n_estimators=10, random_state=0) regressor.fit(X, y) # Predicting a new result @@ -33,9 +34,9 @@ # Visualising the Random Forest Regression results (higher resolution) X_grid = np.arange(min(X), max(X), 0.01) X_grid = X_grid.reshape((len(X_grid), 1)) -plt.scatter(X, y, color = 'red') -plt.plot(X_grid, regressor.predict(X_grid), color = 'blue') +plt.scatter(X, y, color='red') +plt.plot(X_grid, regressor.predict(X_grid), color='blue') plt.title('Truth or Bluff (Random Forest Regression)') plt.xlabel('Position level') plt.ylabel('Salary') -plt.show() \ No newline at end of file +plt.show() diff --git a/machine_learning/decision_tree.py b/machine_learning/decision_tree.py index 71849904ccf2..e39e57731f1e 100644 --- a/machine_learning/decision_tree.py +++ b/machine_learning/decision_tree.py @@ -7,8 +7,9 @@ import numpy as np + class Decision_Tree: - def __init__(self, depth = 5, min_leaf_size = 5): + def __init__(self, depth=5, min_leaf_size=5): self.depth = depth self.decision_boundary = 0 self.left = None @@ -60,8 +61,7 @@ def train(self, X, y): return best_split = 0 - min_error = self.mean_squared_error(X,np.mean(y)) * 2 - + min_error = self.mean_squared_error(X, np.mean(y)) * 2 """ loop over all possible splits for the decision tree. find the best split. @@ -88,8 +88,8 @@ def train(self, X, y): right_y = y[best_split:] self.decision_boundary = X[best_split] - self.left = Decision_Tree(depth = self.depth - 1, min_leaf_size = self.min_leaf_size) - self.right = Decision_Tree(depth = self.depth - 1, min_leaf_size = self.min_leaf_size) + self.left = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) + self.right = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) self.left.train(left_X, left_y) self.right.train(right_X, right_y) else: @@ -115,6 +115,7 @@ def predict(self, x): print("Error: Decision tree not yet trained") return None + def main(): """ In this demonstration we're generating a sample data set from the sin function in numpy. @@ -124,8 +125,8 @@ def main(): X = np.arange(-1., 1., 0.005) y = np.sin(X) - tree = Decision_Tree(depth = 10, min_leaf_size = 10) - tree.train(X,y) + tree = Decision_Tree(depth=10, min_leaf_size=10) + tree.train(X, y) test_cases = (np.random.rand(10) * 2) - 1 predictions = np.array([tree.predict(x) for x in test_cases]) @@ -135,6 +136,6 @@ def main(): print("Predictions: " + str(predictions)) print("Average error: " + str(avg_error)) - + if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/machine_learning/gradient_descent.py b/machine_learning/gradient_descent.py index 6387d4939205..357aa1c4d6cb 100644 --- a/machine_learning/gradient_descent.py +++ b/machine_learning/gradient_descent.py @@ -2,6 +2,7 @@ Implementation of gradient descent algorithm for minimizing cost of a linear hypothesis function. """ from __future__ import print_function, division + import numpy # List of input, output pairs @@ -33,7 +34,7 @@ def _hypothesis_value(data_input_tuple): """ hyp_val = 0 for i in range(len(parameter_vector) - 1): - hyp_val += data_input_tuple[i]*parameter_vector[i+1] + hyp_val += data_input_tuple[i] * parameter_vector[i + 1] hyp_val += parameter_vector[0] return hyp_val @@ -76,7 +77,7 @@ def summation_of_cost_derivative(index, end=m): if index == -1: summation_value += _error(i) else: - summation_value += _error(i)*train_data[i][0][index] + summation_value += _error(i) * train_data[i][0][index] return summation_value @@ -86,7 +87,7 @@ def get_cost_derivative(index): :return: derivative wrt to that index Note: If index is -1, this means we are calculating summation wrt to biased parameter. """ - cost_derivative_value = summation_of_cost_derivative(index, m)/m + cost_derivative_value = summation_of_cost_derivative(index, m) / m return cost_derivative_value @@ -100,9 +101,9 @@ def run_gradient_descent(): j += 1 temp_parameter_vector = [0, 0, 0, 0] for i in range(0, len(parameter_vector)): - cost_derivative = get_cost_derivative(i-1) + cost_derivative = get_cost_derivative(i - 1) temp_parameter_vector[i] = parameter_vector[i] - \ - LEARNING_RATE*cost_derivative + LEARNING_RATE * cost_derivative if numpy.allclose(parameter_vector, temp_parameter_vector, atol=absolute_error_limit, rtol=relative_error_limit): break diff --git a/machine_learning/k_means_clust.py b/machine_learning/k_means_clust.py index 368739a45fe9..5e3c2252f30d 100644 --- a/machine_learning/k_means_clust.py +++ b/machine_learning/k_means_clust.py @@ -47,73 +47,80 @@ ''' from __future__ import print_function -from sklearn.metrics import pairwise_distances + import numpy as np +from sklearn.metrics import pairwise_distances TAG = 'K-MEANS-CLUST/ ' + def get_initial_centroids(data, k, seed=None): '''Randomly choose k data points as initial centroids''' - if seed is not None: # useful for obtaining consistent results + if seed is not None: # useful for obtaining consistent results np.random.seed(seed) - n = data.shape[0] # number of data points - + n = data.shape[0] # number of data points + # Pick K indices from range [0, N). rand_indices = np.random.randint(0, n, k) - + # Keep centroids as dense format, as many entries will be nonzero due to averaging. # As long as at least one document in a cluster contains a word, # it will carry a nonzero weight in the TF-IDF vector of the centroid. - centroids = data[rand_indices,:] - + centroids = data[rand_indices, :] + return centroids -def centroid_pairwise_dist(X,centroids): - return pairwise_distances(X,centroids,metric='euclidean') + +def centroid_pairwise_dist(X, centroids): + return pairwise_distances(X, centroids, metric='euclidean') + def assign_clusters(data, centroids): - # Compute distances between each data point and the set of centroids: # Fill in the blank (RHS only) - distances_from_centroids = centroid_pairwise_dist(data,centroids) - + distances_from_centroids = centroid_pairwise_dist(data, centroids) + # Compute cluster assignments for each data point: # Fill in the blank (RHS only) - cluster_assignment = np.argmin(distances_from_centroids,axis=1) - + cluster_assignment = np.argmin(distances_from_centroids, axis=1) + return cluster_assignment + def revise_centroids(data, k, cluster_assignment): new_centroids = [] for i in range(k): # Select all data points that belong to cluster i. Fill in the blank (RHS only) - member_data_points = data[cluster_assignment==i] + member_data_points = data[cluster_assignment == i] # Compute the mean of the data points. Fill in the blank (RHS only) centroid = member_data_points.mean(axis=0) new_centroids.append(centroid) new_centroids = np.array(new_centroids) - + return new_centroids + def compute_heterogeneity(data, k, centroids, cluster_assignment): - heterogeneity = 0.0 for i in range(k): - + # Select all data points that belong to cluster i. Fill in the blank (RHS only) - member_data_points = data[cluster_assignment==i, :] - - if member_data_points.shape[0] > 0: # check if i-th cluster is non-empty + member_data_points = data[cluster_assignment == i, :] + + if member_data_points.shape[0] > 0: # check if i-th cluster is non-empty # Compute distances from centroid to data points (RHS only) distances = pairwise_distances(member_data_points, [centroids[i]], metric='euclidean') - squared_distances = distances**2 + squared_distances = distances ** 2 heterogeneity += np.sum(squared_distances) - + return heterogeneity + from matplotlib import pyplot as plt + + def plot_heterogeneity(heterogeneity, k): - plt.figure(figsize=(7,4)) + plt.figure(figsize=(7, 4)) plt.plot(heterogeneity, linewidth=4) plt.xlabel('# Iterations') plt.ylabel('Heterogeneity') @@ -121,6 +128,7 @@ def plot_heterogeneity(heterogeneity, k): plt.rcParams.update({'font.size': 16}) plt.show() + def kmeans(data, k, initial_centroids, maxiter=500, record_heterogeneity=None, verbose=False): '''This function runs k-means on given data and initial set of centroids. maxiter: maximum number of iterations to run.(default=500) @@ -129,45 +137,47 @@ def kmeans(data, k, initial_centroids, maxiter=500, record_heterogeneity=None, v verbose: if True, print how many data points changed their cluster labels in each iteration''' centroids = initial_centroids[:] prev_cluster_assignment = None - - for itr in range(maxiter): + + for itr in range(maxiter): if verbose: print(itr, end='') - + # 1. Make cluster assignments using nearest centroids - cluster_assignment = assign_clusters(data,centroids) - + cluster_assignment = assign_clusters(data, centroids) + # 2. Compute a new centroid for each of the k clusters, averaging all data points assigned to that cluster. - centroids = revise_centroids(data,k, cluster_assignment) - + centroids = revise_centroids(data, k, cluster_assignment) + # Check for convergence: if none of the assignments changed, stop if prev_cluster_assignment is not None and \ - (prev_cluster_assignment==cluster_assignment).all(): + (prev_cluster_assignment == cluster_assignment).all(): break - + # Print number of new assignments if prev_cluster_assignment is not None: - num_changed = np.sum(prev_cluster_assignment!=cluster_assignment) + num_changed = np.sum(prev_cluster_assignment != cluster_assignment) if verbose: - print(' {0:5d} elements changed their cluster assignment.'.format(num_changed)) - - # Record heterogeneity convergence metric + print(' {0:5d} elements changed their cluster assignment.'.format(num_changed)) + + # Record heterogeneity convergence metric if record_heterogeneity is not None: # YOUR CODE HERE - score = compute_heterogeneity(data,k,centroids,cluster_assignment) + score = compute_heterogeneity(data, k, centroids, cluster_assignment) record_heterogeneity.append(score) - + prev_cluster_assignment = cluster_assignment[:] - + return centroids, cluster_assignment + # Mock test below -if False: # change to true to run this test case. +if False: # change to true to run this test case. import sklearn.datasets as ds + dataset = ds.load_iris() k = 3 heterogeneity = [] initial_centroids = get_initial_centroids(dataset['data'], k, seed=0) centroids, cluster_assignment = kmeans(dataset['data'], k, initial_centroids, maxiter=400, - record_heterogeneity=heterogeneity, verbose=True) + record_heterogeneity=heterogeneity, verbose=True) plot_heterogeneity(heterogeneity, k) diff --git a/machine_learning/linear_regression.py b/machine_learning/linear_regression.py index 8c23f1f77908..e43fd171623f 100644 --- a/machine_learning/linear_regression.py +++ b/machine_learning/linear_regression.py @@ -9,8 +9,8 @@ """ from __future__ import print_function -import requests import numpy as np +import requests def collect_dataset(): diff --git a/machine_learning/logistic_regression.py b/machine_learning/logistic_regression.py index 71952e792e81..1c018f53dd56 100644 --- a/machine_learning/logistic_regression.py +++ b/machine_learning/logistic_regression.py @@ -12,12 +12,12 @@ ''' Implementing logistic regression for classification problem Helpful resources : 1.Coursera ML course 2.https://medium.com/@martinpella/logistic-regression-from-scratch-in-python-124c5636b8ac''' -import numpy as np import matplotlib.pyplot as plt +import numpy as np +from sklearn import datasets -# get_ipython().run_line_magic('matplotlib', 'inline') -from sklearn import datasets +# get_ipython().run_line_magic('matplotlib', 'inline') # In[67]: @@ -35,11 +35,11 @@ def cost_function(h, y): # here alpha is the learning rate, X is the feature matrix,y is the target matrix def logistic_reg( - alpha, - X, - y, - max_iterations=70000, - ): + alpha, + X, + y, + max_iterations=70000, +): converged = False iterations = 0 theta = np.zeros(X.shape[1]) @@ -57,8 +57,8 @@ def logistic_reg( iterations += 1 # update iterations if iterations == max_iterations: - print ('Maximum iterations exceeded!') - print ('Minimal cost function J=', J) + print('Maximum iterations exceeded!') + print('Minimal cost function J=', J) converged = True return theta @@ -73,7 +73,7 @@ def logistic_reg( alpha = 0.1 theta = logistic_reg(alpha, X, y, max_iterations=70000) - print (theta) + print(theta) def predict_prob(X): @@ -96,6 +96,6 @@ def predict_prob(X): [0.5], linewidths=1, colors='black', - ) + ) plt.legend() diff --git a/machine_learning/perceptron.py b/machine_learning/perceptron.py index fe1032aff4af..f5aab282e876 100644 --- a/machine_learning/perceptron.py +++ b/machine_learning/perceptron.py @@ -30,7 +30,7 @@ def trannig(self): sample.insert(0, self.bias) for i in range(self.col_sample): - self.weight.append(random.random()) + self.weight.append(random.random()) self.weight.insert(0, self.bias) @@ -46,16 +46,15 @@ def trannig(self): if y != self.exit[i]: for j in range(self.col_sample + 1): - self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] erro = True - #print('Epoch: \n',epoch_count) + # print('Epoch: \n',epoch_count) epoch_count = epoch_count + 1 # if you want controle the epoch or just by erro if erro == False: - print(('\nEpoch:\n',epoch_count)) + print(('\nEpoch:\n', epoch_count)) print('------------------------\n') - #if epoch_count > self.epoch_number or not erro: + # if epoch_count > self.epoch_number or not erro: break def sort(self, sample): @@ -66,7 +65,7 @@ def sort(self, sample): y = self.sign(u) - if y == -1: + if y == -1: print(('Sample: ', sample)) print('classification: P1') else: @@ -113,7 +112,7 @@ def sign(self, u): exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] -network = Perceptron(sample=samples, exit = exit, learn_rate=0.01, epoch_number=1000, bias=-1) +network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) network.trannig() diff --git a/machine_learning/scoring_functions.py b/machine_learning/scoring_functions.py index a2d97b09ded2..4c01891f1747 100755 --- a/machine_learning/scoring_functions.py +++ b/machine_learning/scoring_functions.py @@ -14,7 +14,8 @@ and types of data """ -#Mean Absolute Error + +# Mean Absolute Error def mae(predict, actual): predict = np.array(predict) actual = np.array(actual) @@ -24,7 +25,8 @@ def mae(predict, actual): return score -#Mean Squared Error + +# Mean Squared Error def mse(predict, actual): predict = np.array(predict) actual = np.array(actual) @@ -35,7 +37,8 @@ def mse(predict, actual): score = square_diff.mean() return score -#Root Mean Squared Error + +# Root Mean Squared Error def rmse(predict, actual): predict = np.array(predict) actual = np.array(actual) @@ -46,13 +49,14 @@ def rmse(predict, actual): score = np.sqrt(mean_square_diff) return score -#Root Mean Square Logarithmic Error + +# Root Mean Square Logarithmic Error def rmsle(predict, actual): predict = np.array(predict) actual = np.array(actual) - log_predict = np.log(predict+1) - log_actual = np.log(actual+1) + log_predict = np.log(predict + 1) + log_actual = np.log(actual + 1) difference = log_predict - log_actual square_diff = np.square(difference) @@ -62,14 +66,15 @@ def rmsle(predict, actual): return score -#Mean Bias Deviation + +# Mean Bias Deviation def mbd(predict, actual): predict = np.array(predict) actual = np.array(actual) difference = predict - actual - numerator = np.sum(difference) / len(predict) - denumerator = np.sum(actual) / len(predict) + numerator = np.sum(difference) / len(predict) + denumerator = np.sum(actual) / len(predict) print(numerator) print(denumerator) diff --git a/maths/3n+1.py b/maths/3n+1.py index 6424fe0d8f15..af5cec728d1a 100644 --- a/maths/3n+1.py +++ b/maths/3n+1.py @@ -1,19 +1,21 @@ def main(): - def n31(a):# a = initial number + def n31(a): # a = initial number c = 0 l = [a] while a != 1: - if a % 2 == 0:#if even divide it by 2 + if a % 2 == 0: # if even divide it by 2 a = a // 2 - elif a % 2 == 1:#if odd 3n+1 - a = 3*a +1 - c += 1#counter + elif a % 2 == 1: # if odd 3n+1 + a = 3 * a + 1 + c += 1 # counter l += [a] - return l , c + return l, c + print(n31(43)) - print(n31(98)[0][-1])# = a - print("It took {0} steps.".format(n31(13)[1]))#optional finish + print(n31(98)[0][-1]) # = a + print("It took {0} steps.".format(n31(13)[1])) # optional finish + if __name__ == '__main__': main() diff --git a/maths/Binary_Exponentiation.py b/maths/Binary_Exponentiation.py index 2411cd58a76b..0b9d4560261a 100644 --- a/maths/Binary_Exponentiation.py +++ b/maths/Binary_Exponentiation.py @@ -1,25 +1,23 @@ -#Author : Junth Basnet -#Time Complexity : O(logn) +# Author : Junth Basnet +# Time Complexity : O(logn) def binary_exponentiation(a, n): - if (n == 0): return 1 - + elif (n % 2 == 1): return binary_exponentiation(a, n - 1) * a - + else: b = binary_exponentiation(a, n / 2) return b * b - + try: base = int(input('Enter Base : ')) power = int(input("Enter Power : ")) except ValueError: - print ("Invalid literal for integer") + print("Invalid literal for integer") result = binary_exponentiation(base, power) print("{}^({}) : {}".format(base, power, result)) - diff --git a/maths/Find_Max.py b/maths/Find_Max.py index 0ce49a68c348..b69872e7abc1 100644 --- a/maths/Find_Max.py +++ b/maths/Find_Max.py @@ -3,12 +3,14 @@ def find_max(nums): max = nums[0] for x in nums: - if x > max: - max = x + if x > max: + max = x print(max) + def main(): - find_max([2, 4, 9, 7, 19, 94, 5]) + find_max([2, 4, 9, 7, 19, 94, 5]) + if __name__ == '__main__': - main() + main() diff --git a/maths/Find_Min.py b/maths/Find_Min.py index 86207984e3da..f30e7a588d2a 100644 --- a/maths/Find_Min.py +++ b/maths/Find_Min.py @@ -6,7 +6,8 @@ def findMin(x): minNum = i return minNum - print(findMin([0,1,2,3,4,5,-3,24,-56])) # = -56 + print(findMin([0, 1, 2, 3, 4, 5, -3, 24, -56])) # = -56 + if __name__ == '__main__': main() diff --git a/maths/Hanoi.py b/maths/Hanoi.py index dd04d0fa58d8..40eafcc9709e 100644 --- a/maths/Hanoi.py +++ b/maths/Hanoi.py @@ -17,8 +17,8 @@ def Tower_Of_Hanoi(n, source, dest, by, mouvement): return mouvement else: - mouvement = mouvement + Tower_Of_Hanoi(n-1, source, by, dest, 0) + mouvement = mouvement + Tower_Of_Hanoi(n - 1, source, by, dest, 0) logging.debug('Move the plate from', source, 'to', dest) - mouvement = mouvement + 1 + Tower_Of_Hanoi(n-1, by, dest, source, 0) + mouvement = mouvement + 1 + Tower_Of_Hanoi(n - 1, by, dest, source, 0) return mouvement diff --git a/maths/Prime_Check.py b/maths/Prime_Check.py index 8c5c181689dd..84b5bf508586 100644 --- a/maths/Prime_Check.py +++ b/maths/Prime_Check.py @@ -37,11 +37,11 @@ def test_primes(self): def test_not_primes(self): self.assertFalse(primeCheck(-19), - "Negative numbers are not prime.") + "Negative numbers are not prime.") self.assertFalse(primeCheck(0), - "Zero doesn't have any divider, primes must have two") + "Zero doesn't have any divider, primes must have two") self.assertFalse(primeCheck(1), - "One just have 1 divider, primes must have two.") + "One just have 1 divider, primes must have two.") self.assertFalse(primeCheck(2 * 2)) self.assertFalse(primeCheck(2 * 3)) self.assertFalse(primeCheck(3 * 3)) @@ -51,4 +51,3 @@ def test_not_primes(self): if __name__ == '__main__': unittest.main() - diff --git a/maths/abs.py b/maths/abs.py index 6d0596478d5f..ba7b704fb340 100644 --- a/maths/abs.py +++ b/maths/abs.py @@ -11,8 +11,10 @@ def absVal(num): else: return num + def main(): - print(absVal(-34)) # = 34 + print(absVal(-34)) # = 34 + if __name__ == '__main__': main() diff --git a/maths/abs_Max.py b/maths/abs_Max.py index 7ff9e4d3ca09..0f30a0f57d90 100644 --- a/maths/abs_Max.py +++ b/maths/abs_Max.py @@ -5,7 +5,7 @@ def absMax(x): >>absMax([3,-10,-2]) -10 """ - j =x[0] + j = x[0] for i in x: if abs(i) > abs(j): j = i @@ -13,8 +13,8 @@ def absMax(x): def main(): - a = [1,2,-11] - print(absMax(a)) # = -11 + a = [1, 2, -11] + print(absMax(a)) # = -11 if __name__ == '__main__': diff --git a/maths/abs_Min.py b/maths/abs_Min.py index 67d510551907..07e5f873646b 100644 --- a/maths/abs_Min.py +++ b/maths/abs_Min.py @@ -1,4 +1,6 @@ from Maths.abs import absVal + + def absMin(x): """ # >>>absMin([0,5,1,11]) @@ -12,9 +14,11 @@ def absMin(x): j = i return j + def main(): - a = [-3,-1,2,-11] + a = [-3, -1, 2, -11] print(absMin(a)) # = -1 + if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/maths/average.py b/maths/average.py index dc70836b5e83..ac497904badd 100644 --- a/maths/average.py +++ b/maths/average.py @@ -2,13 +2,15 @@ def average(nums): sum = 0 n = 0 for x in nums: - sum += x - n += 1 + sum += x + n += 1 avg = sum / n print(avg) + def main(): - average([2, 4, 6, 8, 20, 50, 70]) + average([2, 4, 6, 8, 20, 50, 70]) + if __name__ == '__main__': - main() + main() diff --git a/maths/basic_maths.py b/maths/basic_maths.py index 6e8c919a001d..e746499aad5c 100644 --- a/maths/basic_maths.py +++ b/maths/basic_maths.py @@ -1,74 +1,78 @@ import math + def primeFactors(n): pf = [] while n % 2 == 0: pf.append(2) n = int(n / 2) - - for i in range(3, int(math.sqrt(n))+1, 2): + + for i in range(3, int(math.sqrt(n)) + 1, 2): while n % i == 0: pf.append(i) n = int(n / i) - + if n > 2: pf.append(n) - + return pf + def numberOfDivisors(n): div = 1 - + temp = 1 while n % 2 == 0: temp += 1 n = int(n / 2) - div = div * (temp) - - for i in range(3, int(math.sqrt(n))+1, 2): + div = div * (temp) + + for i in range(3, int(math.sqrt(n)) + 1, 2): temp = 1 while n % i == 0: temp += 1 n = int(n / i) div = div * (temp) - + return div + def sumOfDivisors(n): s = 1 - + temp = 1 while n % 2 == 0: temp += 1 n = int(n / 2) if temp > 1: - s *= (2**temp - 1) / (2 - 1) - - for i in range(3, int(math.sqrt(n))+1, 2): + s *= (2 ** temp - 1) / (2 - 1) + + for i in range(3, int(math.sqrt(n)) + 1, 2): temp = 1 while n % i == 0: temp += 1 n = int(n / i) if temp > 1: - s *= (i**temp - 1) / (i - 1) - + s *= (i ** temp - 1) / (i - 1) + return s + def eulerPhi(n): l = primeFactors(n) l = set(l) s = n for x in l: - s *= (x - 1)/x - return s + s *= (x - 1) / x + return s + def main(): print(primeFactors(100)) print(numberOfDivisors(100)) print(sumOfDivisors(100)) print(eulerPhi(100)) - + + if __name__ == '__main__': main() - - \ No newline at end of file diff --git a/maths/extended_euclidean_algorithm.py b/maths/extended_euclidean_algorithm.py index f5a3cc88e474..e77f161fe7c1 100644 --- a/maths/extended_euclidean_algorithm.py +++ b/maths/extended_euclidean_algorithm.py @@ -6,15 +6,22 @@ import sys + # Finds 2 numbers a and b such that it satisfies # the equation am + bn = gcd(m, n) (a.k.a Bezout's Identity) def extended_euclidean_algorithm(m, n): - a = 0; aprime = 1; b = 1; bprime = 0 - q = 0; r = 0 + a = 0; + aprime = 1; + b = 1; + bprime = 0 + q = 0; + r = 0 if m > n: - c = m; d = n + c = m; + d = n else: - c = n; d = m + c = n; + d = m while True: q = int(c / d) @@ -26,19 +33,20 @@ def extended_euclidean_algorithm(m, n): t = aprime aprime = a - a = t - q*a + a = t - q * a t = bprime bprime = b - b = t - q*b + b = t - q * b pair = None if m > n: - pair = (a,b) + pair = (a, b) else: - pair = (b,a) + pair = (b, a) return pair + def main(): if len(sys.argv) < 3: print('2 integer arguments required') @@ -47,5 +55,6 @@ def main(): n = int(sys.argv[2]) print(extended_euclidean_algorithm(m, n)) + if __name__ == '__main__': main() diff --git a/maths/factorial_python.py b/maths/factorial_python.py index 376983e08dab..62d8ee43f354 100644 --- a/maths/factorial_python.py +++ b/maths/factorial_python.py @@ -4,16 +4,16 @@ num = 10 # uncomment to take input from the user -#num = int(input("Enter a number: ")) +# num = int(input("Enter a number: ")) factorial = 1 # check if the number is negative, positive or zero if num < 0: - print("Sorry, factorial does not exist for negative numbers") + print("Sorry, factorial does not exist for negative numbers") elif num == 0: - print("The factorial of 0 is 1") + print("The factorial of 0 is 1") else: - for i in range(1,num + 1): - factorial = factorial*i - print("The factorial of",num,"is",factorial) + for i in range(1, num + 1): + factorial = factorial * i + print("The factorial of", num, "is", factorial) diff --git a/maths/factorial_recursive.py b/maths/factorial_recursive.py index 41391a2718f6..97eb25ea745d 100644 --- a/maths/factorial_recursive.py +++ b/maths/factorial_recursive.py @@ -1,13 +1,14 @@ def fact(n): - """ - Return 1, if n is 1 or below, - otherwise, return n * fact(n-1). - """ - return 1 if n <= 1 else n * fact(n-1) + """ + Return 1, if n is 1 or below, + otherwise, return n * fact(n-1). + """ + return 1 if n <= 1 else n * fact(n - 1) + """ Shown factorial for i, where i ranges from 1 to 20. """ -for i in range(1,21): - print(i, ": ", fact(i), sep='') +for i in range(1, 21): + print(i, ": ", fact(i), sep='') diff --git a/maths/fermat_little_theorem.py b/maths/fermat_little_theorem.py index 93af98684894..10d69ecf610e 100644 --- a/maths/fermat_little_theorem.py +++ b/maths/fermat_little_theorem.py @@ -5,13 +5,12 @@ def binary_exponentiation(a, n, mod): - if (n == 0): return 1 - + elif (n % 2 == 1): return (binary_exponentiation(a, n - 1, mod) * a) % mod - + else: b = binary_exponentiation(a, n / 2, mod) return (b * b) % mod diff --git a/maths/fibonacci.py b/maths/fibonacci.py index 0a0611f21379..dd4d7334d02e 100644 --- a/maths/fibonacci.py +++ b/maths/fibonacci.py @@ -6,8 +6,8 @@ an = [ Phin - (phi)n ]/Sqrt[5] reference-->Su, Francis E., et al. "Fibonacci Number Formula." Math Fun Facts. """ -import math import functools +import math import time from decimal import getcontext, Decimal @@ -23,8 +23,9 @@ def timer_wrapper(*args, **kwargs): if int(end - start) > 0: print(f'Run time for {func.__name__}: {(end - start):0.2f}s') else: - print(f'Run time for {func.__name__}: {(end - start)*1000:0.2f}ms') + print(f'Run time for {func.__name__}: {(end - start) * 1000:0.2f}ms') return func(*args, **kwargs) + return timer_wrapper @@ -86,8 +87,8 @@ def fib_iterative(n): if _check_number_input(n, 2): seq_out = [0, 1] a, b = 0, 1 - for _ in range(n-len(seq_out)): - a, b = b, a+b + for _ in range(n - len(seq_out)): + a, b = b, a + b seq_out.append(b) return seq_out @@ -106,7 +107,7 @@ def fib_formula(n): phi_1 = Decimal(1 + sqrt) / Decimal(2) phi_2 = Decimal(1 - sqrt) / Decimal(2) for i in range(2, n): - temp_out = ((phi_1**Decimal(i)) - (phi_2**Decimal(i))) * (Decimal(sqrt) ** Decimal(-1)) + temp_out = ((phi_1 ** Decimal(i)) - (phi_2 ** Decimal(i))) * (Decimal(sqrt) ** Decimal(-1)) seq_out.append(int(temp_out)) return seq_out diff --git a/maths/fibonacci_sequence_recursion.py b/maths/fibonacci_sequence_recursion.py index 9190e7fc7a40..c841167699c9 100644 --- a/maths/fibonacci_sequence_recursion.py +++ b/maths/fibonacci_sequence_recursion.py @@ -4,11 +4,13 @@ def recur_fibo(n): if n <= 1: return n else: - (recur_fibo(n-1) + recur_fibo(n-2)) + (recur_fibo(n - 1) + recur_fibo(n - 2)) + def isPositiveInteger(limit): return limit >= 0 + def main(): limit = int(input("How many terms to include in fibonacci series: ")) if isPositiveInteger(limit): @@ -17,5 +19,6 @@ def main(): else: print("Please enter a positive integer: ") + if __name__ == '__main__': main() diff --git a/maths/greater_common_divisor.py b/maths/greater_common_divisor.py index 15adaca1fb8d..343ab7963619 100644 --- a/maths/greater_common_divisor.py +++ b/maths/greater_common_divisor.py @@ -2,14 +2,16 @@ def gcd(a, b): return b if a == 0 else gcd(b % a, a) + def main(): try: nums = input("Enter two Integers separated by comma (,): ").split(',') - num1 = int(nums[0]); num2 = int(nums[1]) + num1 = int(nums[0]); + num2 = int(nums[1]) except (IndexError, UnboundLocalError, ValueError): print("Wrong Input") print(f"gcd({num1}, {num2}) = {gcd(num1, num2)}") + if __name__ == '__main__': main() - diff --git a/maths/lucasSeries.py b/maths/lucasSeries.py index 91ea1ba72a56..c9adc10f0986 100644 --- a/maths/lucasSeries.py +++ b/maths/lucasSeries.py @@ -1,13 +1,14 @@ # Lucas Sequence Using Recursion def recur_luc(n): - if n == 1: - return n - if n == 0: - return 2 - return (recur_luc(n-1) + recur_luc(n-2)) - + if n == 1: + return n + if n == 0: + return 2 + return (recur_luc(n - 1) + recur_luc(n - 2)) + + limit = int(input("How many terms to include in Lucas series:")) print("Lucas series:") for i in range(limit): - print(recur_luc(i)) + print(recur_luc(i)) diff --git a/maths/modular_exponential.py b/maths/modular_exponential.py index b3f4c00bd5d8..5971951c17bc 100644 --- a/maths/modular_exponential.py +++ b/maths/modular_exponential.py @@ -1,20 +1,20 @@ def modularExponential(base, power, mod): - if power < 0: - return -1 - base %= mod - result = 1 + if power < 0: + return -1 + base %= mod + result = 1 - while power > 0: - if power & 1: - result = (result * base) % mod - power = power >> 1 - base = (base * base) % mod - return result + while power > 0: + if power & 1: + result = (result * base) % mod + power = power >> 1 + base = (base * base) % mod + return result def main(): - print(modularExponential(3, 200, 13)) + print(modularExponential(3, 200, 13)) if __name__ == '__main__': - main() + main() diff --git a/maths/newton_raphson.py b/maths/newton_raphson.py index c08bcedc9a4d..c77a0c83668b 100644 --- a/maths/newton_raphson.py +++ b/maths/newton_raphson.py @@ -10,23 +10,24 @@ import math as m + def calc_derivative(f, a, h=0.001): ''' Calculates derivative at point a for function f using finite difference method ''' - return (f(a+h)-f(a-h))/(2*h) + return (f(a + h) - f(a - h)) / (2 * h) + -def newton_raphson(f, x0=0, maxiter=100, step=0.0001, maxerror=1e-6,logsteps=False): - - a = x0 #set the initial guess +def newton_raphson(f, x0=0, maxiter=100, step=0.0001, maxerror=1e-6, logsteps=False): + a = x0 # set the initial guess steps = [a] error = abs(f(a)) - f1 = lambda x:calc_derivative(f, x, h=step) #Derivative of f(x) + f1 = lambda x: calc_derivative(f, x, h=step) # Derivative of f(x) for _ in range(maxiter): if f1(a) == 0: raise ValueError("No converging solution found") - a = a - f(a)/f1(a) #Calculate the next estimate + a = a - f(a) / f1(a) # Calculate the next estimate if logsteps: steps.append(a) error = abs(f(a)) @@ -35,16 +36,18 @@ def newton_raphson(f, x0=0, maxiter=100, step=0.0001, maxerror=1e-6,logsteps=Fal else: raise ValueError("Itheration limit reached, no converging solution found") if logsteps: - #If logstep is true, then log intermediate steps + # If logstep is true, then log intermediate steps return a, error, steps return a, error - + + if __name__ == '__main__': import matplotlib.pyplot as plt - f = lambda x:m.tanh(x)**2-m.exp(3*x) + + f = lambda x: m.tanh(x) ** 2 - m.exp(3 * x) solution, error, steps = newton_raphson(f, x0=10, maxiter=1000, step=1e-6, logsteps=True) plt.plot([abs(f(x)) for x in steps]) plt.xlabel("step") plt.ylabel("error") plt.show() - print("solution = {%f}, error = {%f}" % (solution, error)) \ No newline at end of file + print("solution = {%f}, error = {%f}" % (solution, error)) diff --git a/maths/segmented_sieve.py b/maths/segmented_sieve.py index 52ca6fbe601d..3c81d67ba9ba 100644 --- a/maths/segmented_sieve.py +++ b/maths/segmented_sieve.py @@ -1,46 +1,48 @@ import math + def sieve(n): in_prime = [] start = 2 - end = int(math.sqrt(n)) # Size of every segment + end = int(math.sqrt(n)) # Size of every segment temp = [True] * (end + 1) prime = [] - - while(start <= end): + + while (start <= end): if temp[start] == True: in_prime.append(start) - for i in range(start*start, end+1, start): + for i in range(start * start, end + 1, start): if temp[i] == True: temp[i] = False start += 1 prime += in_prime - + low = end + 1 high = low + end - 1 if high > n: high = n - - while(low <= n): - temp = [True] * (high-low+1) + + while (low <= n): + temp = [True] * (high - low + 1) for each in in_prime: - + t = math.floor(low / each) * each if t < low: t += each - - for j in range(t, high+1, each): + + for j in range(t, high + 1, each): temp[j - low] = False - + for j in range(len(temp)): if temp[j] == True: - prime.append(j+low) - + prime.append(j + low) + low = high + 1 high = low + end - 1 if high > n: high = n - + return prime -print(sieve(10**6)) \ No newline at end of file + +print(sieve(10 ** 6)) diff --git a/maths/sieve_of_eratosthenes.py b/maths/sieve_of_eratosthenes.py index 26c17fa6ffec..d36ca24c50f6 100644 --- a/maths/sieve_of_eratosthenes.py +++ b/maths/sieve_of_eratosthenes.py @@ -1,24 +1,26 @@ import math + n = int(input("Enter n: ")) + def sieve(n): - l = [True] * (n+1) + l = [True] * (n + 1) prime = [] start = 2 - end = int(math.sqrt(n)) - while(start <= end): + end = int(math.sqrt(n)) + while (start <= end): if l[start] == True: prime.append(start) - for i in range(start*start, n+1, start): + for i in range(start * start, n + 1, start): if l[i] == True: l[i] = False start += 1 - - for j in range(end+1,n+1): + + for j in range(end + 1, n + 1): if l[j] == True: prime.append(j) - + return prime + print(sieve(n)) - diff --git a/maths/simpson_rule.py b/maths/simpson_rule.py index 091c86c17f1b..27dde18b0a6f 100644 --- a/maths/simpson_rule.py +++ b/maths/simpson_rule.py @@ -1,4 +1,3 @@ - ''' Numerical integration or quadrature for a smooth function f with known values at x_i @@ -12,38 +11,42 @@ def method_2(boundary, steps): -# "Simpson Rule" -# int(f) = delta_x/2 * (b-a)/3*(f1 + 4f2 + 2f_3 + ... + fn) - h = (boundary[1] - boundary[0]) / steps - a = boundary[0] - b = boundary[1] - x_i = makePoints(a,b,h) - y = 0.0 - y += (h/3.0)*f(a) - cnt = 2 - for i in x_i: - y += (h/3)*(4-2*(cnt%2))*f(i) - cnt += 1 - y += (h/3.0)*f(b) - return y - -def makePoints(a,b,h): - x = a + h - while x < (b-h): - yield x - x = x + h - -def f(x): #enter your function here - y = (x-0)*(x-0) - return y + # "Simpson Rule" + # int(f) = delta_x/2 * (b-a)/3*(f1 + 4f2 + 2f_3 + ... + fn) + h = (boundary[1] - boundary[0]) / steps + a = boundary[0] + b = boundary[1] + x_i = makePoints(a, b, h) + y = 0.0 + y += (h / 3.0) * f(a) + cnt = 2 + for i in x_i: + y += (h / 3) * (4 - 2 * (cnt % 2)) * f(i) + cnt += 1 + y += (h / 3.0) * f(b) + return y + + +def makePoints(a, b, h): + x = a + h + while x < (b - h): + yield x + x = x + h + + +def f(x): # enter your function here + y = (x - 0) * (x - 0) + return y + def main(): - a = 0.0 #Lower bound of integration - b = 1.0 #Upper bound of integration - steps = 10.0 #define number of steps or resolution - boundary = [a, b] #define boundary of integration - y = method_2(boundary, steps) - print('y = {0}'.format(y)) + a = 0.0 # Lower bound of integration + b = 1.0 # Upper bound of integration + steps = 10.0 # define number of steps or resolution + boundary = [a, b] # define boundary of integration + y = method_2(boundary, steps) + print('y = {0}'.format(y)) + if __name__ == '__main__': - main() + main() diff --git a/maths/tests/__init__.py b/maths/tests/__init__.py index 2c4a6048556c..8b137891791f 100644 --- a/maths/tests/__init__.py +++ b/maths/tests/__init__.py @@ -1 +1 @@ -from .. import fibonacci + diff --git a/maths/tests/test_fibonacci.py b/maths/tests/test_fibonacci.py index 7d36c755e346..aa51bc3f9392 100644 --- a/maths/tests/test_fibonacci.py +++ b/maths/tests/test_fibonacci.py @@ -8,6 +8,7 @@ """ import slash + from .. import fibonacci default_fib = [0, 1, 1, 2, 3, 5, 8] @@ -31,4 +32,3 @@ def test_float_input_iterative(n): formula = fibonacci.fib_formula(n) assert iterative == default_fib assert formula == default_fib - diff --git a/maths/trapezoidal_rule.py b/maths/trapezoidal_rule.py index 52310c1ed3b0..a1d1668532c8 100644 --- a/maths/trapezoidal_rule.py +++ b/maths/trapezoidal_rule.py @@ -9,38 +9,43 @@ ''' from __future__ import print_function + def method_1(boundary, steps): -# "extended trapezoidal rule" -# int(f) = dx/2 * (f1 + 2f2 + ... + fn) - h = (boundary[1] - boundary[0]) / steps - a = boundary[0] - b = boundary[1] - x_i = makePoints(a,b,h) - y = 0.0 - y += (h/2.0)*f(a) - for i in x_i: - #print(i) - y += h*f(i) - y += (h/2.0)*f(b) - return y - -def makePoints(a,b,h): - x = a + h - while x < (b-h): - yield x - x = x + h - -def f(x): #enter your function here - y = (x-0)*(x-0) - return y + # "extended trapezoidal rule" + # int(f) = dx/2 * (f1 + 2f2 + ... + fn) + h = (boundary[1] - boundary[0]) / steps + a = boundary[0] + b = boundary[1] + x_i = makePoints(a, b, h) + y = 0.0 + y += (h / 2.0) * f(a) + for i in x_i: + # print(i) + y += h * f(i) + y += (h / 2.0) * f(b) + return y + + +def makePoints(a, b, h): + x = a + h + while x < (b - h): + yield x + x = x + h + + +def f(x): # enter your function here + y = (x - 0) * (x - 0) + return y + def main(): - a = 0.0 #Lower bound of integration - b = 1.0 #Upper bound of integration - steps = 10.0 #define number of steps or resolution - boundary = [a, b] #define boundary of integration - y = method_1(boundary, steps) - print('y = {0}'.format(y)) + a = 0.0 # Lower bound of integration + b = 1.0 # Upper bound of integration + steps = 10.0 # define number of steps or resolution + boundary = [a, b] # define boundary of integration + y = method_1(boundary, steps) + print('y = {0}'.format(y)) + if __name__ == '__main__': - main() + main() diff --git a/matrix/matrix_multiplication_addition.py b/matrix/matrix_multiplication_addition.py index dd50db729e43..7cf0304f8db0 100644 --- a/matrix/matrix_multiplication_addition.py +++ b/matrix/matrix_multiplication_addition.py @@ -10,9 +10,11 @@ def add(matrix_a, matrix_b): matrix_c.append(list_1) return matrix_c -def scalarMultiply(matrix , n): + +def scalarMultiply(matrix, n): return [[x * n for x in row] for row in matrix] + def multiply(matrix_a, matrix_b): matrix_c = [] n = len(matrix_a) @@ -26,25 +28,30 @@ def multiply(matrix_a, matrix_b): matrix_c.append(list_1) return matrix_c + def identity(n): - return [[int(row == column) for column in range(n)] for row in range(n)] + return [[int(row == column) for column in range(n)] for row in range(n)] + def transpose(matrix): - return map(list , zip(*matrix)) + return map(list, zip(*matrix)) + def minor(matrix, row, column): minor = matrix[:row] + matrix[row + 1:] minor = [row[:column] + row[column + 1:] for row in minor] return minor + def determinant(matrix): if len(matrix) == 1: return matrix[0][0] - + res = 0 for x in range(len(matrix)): - res += matrix[0][x] * determinant(minor(matrix , 0 , x)) * (-1) ** x + res += matrix[0][x] * determinant(minor(matrix, 0, x)) * (-1) ** x return res + def inverse(matrix): det = determinant(matrix) if det == 0: return None @@ -52,11 +59,12 @@ def inverse(matrix): matrixMinor = [[] for _ in range(len(matrix))] for i in range(len(matrix)): for j in range(len(matrix)): - matrixMinor[i].append(determinant(minor(matrix , i , j))) - + matrixMinor[i].append(determinant(minor(matrix, i, j))) + cofactors = [[x * (-1) ** (row + col) for col, x in enumerate(matrixMinor[row])] for row in range(len(matrix))] adjugate = transpose(cofactors) - return scalarMultiply(adjugate , 1/det) + return scalarMultiply(adjugate, 1 / det) + def main(): matrix_a = [[12, 10], [3, 9]] @@ -67,9 +75,10 @@ def main(): print(add(matrix_a, matrix_b)) print(multiply(matrix_a, matrix_b)) print(identity(5)) - print(minor(matrix_c , 1 , 2)) + print(minor(matrix_c, 1, 2)) print(determinant(matrix_b)) print(inverse(matrix_d)) + if __name__ == '__main__': main() diff --git a/networking_flow/ford_fulkerson.py b/networking_flow/ford_fulkerson.py index d51f1f0661b3..a92af22677dd 100644 --- a/networking_flow/ford_fulkerson.py +++ b/networking_flow/ford_fulkerson.py @@ -4,14 +4,15 @@ (1) Start with initial flow as 0; (2) Choose augmenting path from source to sink and add path to flow; """ - + + def BFS(graph, s, t, parent): # Return True if there is node that has not iterated. - visited = [False]*len(graph) - queue=[] + visited = [False] * len(graph) + queue = [] queue.append(s) visited[s] = True - + while queue: u = queue.pop(0) for ind in range(len(graph[u])): @@ -21,36 +22,38 @@ def BFS(graph, s, t, parent): parent[ind] = u return True if visited[t] else False - + + def FordFulkerson(graph, source, sink): # This array is filled by BFS and to store path - parent = [-1]*(len(graph)) - max_flow = 0 - while BFS(graph, source, sink, parent) : + parent = [-1] * (len(graph)) + max_flow = 0 + while BFS(graph, source, sink, parent): path_flow = float("Inf") s = sink - while(s != source): + while (s != source): # Find the minimum value in select path - path_flow = min (path_flow, graph[parent[s]][s]) + path_flow = min(path_flow, graph[parent[s]][s]) s = parent[s] - max_flow += path_flow + max_flow += path_flow v = sink - while(v != source): + while (v != source): u = parent[v] graph[u][v] -= path_flow graph[v][u] += path_flow v = parent[v] return max_flow + graph = [[0, 16, 13, 0, 0, 0], - [0, 0, 10 ,12, 0, 0], + [0, 0, 10, 12, 0, 0], [0, 4, 0, 0, 14, 0], [0, 0, 9, 0, 0, 20], [0, 0, 0, 7, 0, 4], [0, 0, 0, 0, 0, 0]] source, sink = 0, 5 -print(FordFulkerson(graph, source, sink)) \ No newline at end of file +print(FordFulkerson(graph, source, sink)) diff --git a/networking_flow/minimum_cut.py b/networking_flow/minimum_cut.py index 8ad6e03b00c6..f1f995c0459d 100644 --- a/networking_flow/minimum_cut.py +++ b/networking_flow/minimum_cut.py @@ -1,12 +1,12 @@ # Minimum cut on Ford_Fulkerson algorithm. - + def BFS(graph, s, t, parent): # Return True if there is node that has not iterated. - visited = [False]*len(graph) - queue=[] + visited = [False] * len(graph) + queue = [] queue.append(s) visited[s] = True - + while queue: u = queue.pop(0) for ind in range(len(graph[u])): @@ -16,26 +16,27 @@ def BFS(graph, s, t, parent): parent[ind] = u return True if visited[t] else False - + + def mincut(graph, source, sink): # This array is filled by BFS and to store path - parent = [-1]*(len(graph)) - max_flow = 0 + parent = [-1] * (len(graph)) + max_flow = 0 res = [] - temp = [i[:] for i in graph] # Record orignial cut, copy. - while BFS(graph, source, sink, parent) : + temp = [i[:] for i in graph] # Record orignial cut, copy. + while BFS(graph, source, sink, parent): path_flow = float("Inf") s = sink - while(s != source): + while (s != source): # Find the minimum value in select path - path_flow = min (path_flow, graph[parent[s]][s]) + path_flow = min(path_flow, graph[parent[s]][s]) s = parent[s] - max_flow += path_flow + max_flow += path_flow v = sink - - while(v != source): + + while (v != source): u = parent[v] graph[u][v] -= path_flow graph[v][u] += path_flow @@ -44,16 +45,17 @@ def mincut(graph, source, sink): for i in range(len(graph)): for j in range(len(graph[0])): if graph[i][j] == 0 and temp[i][j] > 0: - res.append((i,j)) + res.append((i, j)) return res + graph = [[0, 16, 13, 0, 0, 0], - [0, 0, 10 ,12, 0, 0], + [0, 0, 10, 12, 0, 0], [0, 4, 0, 0, 14, 0], [0, 0, 9, 0, 0, 20], [0, 0, 0, 7, 0, 4], [0, 0, 0, 0, 0, 0]] source, sink = 0, 5 -print(mincut(graph, source, sink)) \ No newline at end of file +print(mincut(graph, source, sink)) diff --git a/neural_network/bpnn.py b/neural_network/bpnn.py index 92deaee19c6e..da017fa14ab0 100644 --- a/neural_network/bpnn.py +++ b/neural_network/bpnn.py @@ -19,18 +19,20 @@ ''' -import numpy as np import matplotlib.pyplot as plt +import numpy as np def sigmoid(x): return 1 / (1 + np.exp(-1 * x)) + class DenseLayer(): ''' Layers of BP neural network ''' - def __init__(self,units,activation=None,learning_rate=None,is_input_layer=False): + + def __init__(self, units, activation=None, learning_rate=None, is_input_layer=False): ''' common connected layer of bp network :param units: numbers of neural units @@ -47,21 +49,21 @@ def __init__(self,units,activation=None,learning_rate=None,is_input_layer=False) self.learn_rate = learning_rate self.is_input_layer = is_input_layer - def initializer(self,back_units): - self.weight = np.asmatrix(np.random.normal(0,0.5,(self.units,back_units))) - self.bias = np.asmatrix(np.random.normal(0,0.5,self.units)).T + def initializer(self, back_units): + self.weight = np.asmatrix(np.random.normal(0, 0.5, (self.units, back_units))) + self.bias = np.asmatrix(np.random.normal(0, 0.5, self.units)).T if self.activation is None: self.activation = sigmoid def cal_gradient(self): if self.activation == sigmoid: - gradient_mat = np.dot(self.output ,(1- self.output).T) + gradient_mat = np.dot(self.output, (1 - self.output).T) gradient_activation = np.diag(np.diag(gradient_mat)) else: gradient_activation = 1 return gradient_activation - def forward_propagation(self,xdata): + def forward_propagation(self, xdata): self.xdata = xdata if self.is_input_layer: # input layer @@ -69,22 +71,22 @@ def forward_propagation(self,xdata): self.output = xdata return xdata else: - self.wx_plus_b = np.dot(self.weight,self.xdata) - self.bias + self.wx_plus_b = np.dot(self.weight, self.xdata) - self.bias self.output = self.activation(self.wx_plus_b) return self.output - def back_propagation(self,gradient): + def back_propagation(self, gradient): - gradient_activation = self.cal_gradient() # i * i 维 - gradient = np.asmatrix(np.dot(gradient.T,gradient_activation)) + gradient_activation = self.cal_gradient() # i * i 维 + gradient = np.asmatrix(np.dot(gradient.T, gradient_activation)) self._gradient_weight = np.asmatrix(self.xdata) self._gradient_bias = -1 self._gradient_x = self.weight - self.gradient_weight = np.dot(gradient.T,self._gradient_weight.T) + self.gradient_weight = np.dot(gradient.T, self._gradient_weight.T) self.gradient_bias = gradient * self._gradient_bias - self.gradient = np.dot(gradient,self._gradient_x).T + self.gradient = np.dot(gradient, self._gradient_x).T # ----------------------upgrade # -----------the Negative gradient direction -------- self.weight = self.weight - self.learn_rate * self.gradient_weight @@ -97,29 +99,30 @@ class BPNN(): ''' Back Propagation Neural Network model ''' + def __init__(self): self.layers = [] self.train_mse = [] self.fig_loss = plt.figure() - self.ax_loss = self.fig_loss.add_subplot(1,1,1) + self.ax_loss = self.fig_loss.add_subplot(1, 1, 1) - def add_layer(self,layer): + def add_layer(self, layer): self.layers.append(layer) def build(self): - for i,layer in enumerate(self.layers[:]): + for i, layer in enumerate(self.layers[:]): if i < 1: layer.is_input_layer = True else: - layer.initializer(self.layers[i-1].units) + layer.initializer(self.layers[i - 1].units) def summary(self): - for i,layer in enumerate(self.layers[:]): - print('------- layer %d -------'%i) - print('weight.shape ',np.shape(layer.weight)) - print('bias.shape ',np.shape(layer.bias)) + for i, layer in enumerate(self.layers[:]): + print('------- layer %d -------' % i) + print('weight.shape ', np.shape(layer.weight)) + print('bias.shape ', np.shape(layer.bias)) - def train(self,xdata,ydata,train_round,accuracy): + def train(self, xdata, ydata, train_round, accuracy): self.train_round = train_round self.accuracy = accuracy @@ -129,8 +132,8 @@ def train(self,xdata,ydata,train_round,accuracy): for round_i in range(train_round): all_loss = 0 for row in range(x_shape[0]): - _xdata = np.asmatrix(xdata[row,:]).T - _ydata = np.asmatrix(ydata[row,:]).T + _xdata = np.asmatrix(xdata[row, :]).T + _ydata = np.asmatrix(ydata[row, :]).T # forward propagation for layer in self.layers: @@ -144,7 +147,7 @@ def train(self,xdata,ydata,train_round,accuracy): for layer in self.layers[:0:-1]: gradient = layer.back_propagation(gradient) - mse = all_loss/x_shape[0] + mse = all_loss / x_shape[0] self.train_mse.append(mse) self.plot_loss() @@ -153,11 +156,11 @@ def train(self,xdata,ydata,train_round,accuracy): print('----达到精度----') return mse - def cal_loss(self,ydata,ydata_): - self.loss = np.sum(np.power((ydata - ydata_),2)) + def cal_loss(self, ydata, ydata_): + self.loss = np.sum(np.power((ydata - ydata_), 2)) self.loss_gradient = 2 * (ydata_ - ydata) # vector (shape is the same as _ydata.shape) - return self.loss,self.loss_gradient + return self.loss, self.loss_gradient def plot_loss(self): if self.ax_loss.lines: @@ -170,14 +173,11 @@ def plot_loss(self): plt.pause(0.1) - - def example(): - - x = np.random.randn(10,10) - y = np.asarray([[0.8,0.4],[0.4,0.3],[0.34,0.45],[0.67,0.32], - [0.88,0.67],[0.78,0.77],[0.55,0.66],[0.55,0.43],[0.54,0.1], - [0.1,0.5]]) + x = np.random.randn(10, 10) + y = np.asarray([[0.8, 0.4], [0.4, 0.3], [0.34, 0.45], [0.67, 0.32], + [0.88, 0.67], [0.78, 0.77], [0.55, 0.66], [0.55, 0.43], [0.54, 0.1], + [0.1, 0.5]]) model = BPNN() model.add_layer(DenseLayer(10)) @@ -189,7 +189,8 @@ def example(): model.summary() - model.train(xdata=x,ydata=y,train_round=100,accuracy=0.01) + model.train(xdata=x, ydata=y, train_round=100, accuracy=0.01) + if __name__ == '__main__': example() diff --git a/neural_network/convolution_neural_network.py b/neural_network/convolution_neural_network.py index 0e72f0c0dca2..7df83aec88c2 100644 --- a/neural_network/convolution_neural_network.py +++ b/neural_network/convolution_neural_network.py @@ -1,4 +1,4 @@ -#-*- coding: utf-8 -*- +# -*- coding: utf-8 -*- ''' - - - - - -- - - - - - - - - - - - - - - - - - - - - - - @@ -18,8 +18,10 @@ from __future__ import print_function import pickle -import numpy as np + import matplotlib.pyplot as plt +import numpy as np + class CNN(): @@ -41,42 +43,41 @@ def __init__(self, conv1_get, size_p1, bp_num1, bp_num2, bp_num3, rate_w=0.2, ra self.size_pooling1 = size_p1 self.rate_weight = rate_w self.rate_thre = rate_t - self.w_conv1 = [np.mat(-1*np.random.rand(self.conv1[0],self.conv1[0])+0.5) for i in range(self.conv1[1])] + self.w_conv1 = [np.mat(-1 * np.random.rand(self.conv1[0], self.conv1[0]) + 0.5) for i in range(self.conv1[1])] self.wkj = np.mat(-1 * np.random.rand(self.num_bp3, self.num_bp2) + 0.5) - self.vji = np.mat(-1*np.random.rand(self.num_bp2, self.num_bp1)+0.5) - self.thre_conv1 = -2*np.random.rand(self.conv1[1])+1 - self.thre_bp2 = -2*np.random.rand(self.num_bp2)+1 - self.thre_bp3 = -2*np.random.rand(self.num_bp3)+1 - + self.vji = np.mat(-1 * np.random.rand(self.num_bp2, self.num_bp1) + 0.5) + self.thre_conv1 = -2 * np.random.rand(self.conv1[1]) + 1 + self.thre_bp2 = -2 * np.random.rand(self.num_bp2) + 1 + self.thre_bp3 = -2 * np.random.rand(self.num_bp3) + 1 def save_model(self, save_path): - #save model dict with pickle - model_dic = {'num_bp1':self.num_bp1, - 'num_bp2':self.num_bp2, - 'num_bp3':self.num_bp3, - 'conv1':self.conv1, - 'step_conv1':self.step_conv1, - 'size_pooling1':self.size_pooling1, - 'rate_weight':self.rate_weight, - 'rate_thre':self.rate_thre, - 'w_conv1':self.w_conv1, - 'wkj':self.wkj, - 'vji':self.vji, - 'thre_conv1':self.thre_conv1, - 'thre_bp2':self.thre_bp2, - 'thre_bp3':self.thre_bp3} + # save model dict with pickle + model_dic = {'num_bp1': self.num_bp1, + 'num_bp2': self.num_bp2, + 'num_bp3': self.num_bp3, + 'conv1': self.conv1, + 'step_conv1': self.step_conv1, + 'size_pooling1': self.size_pooling1, + 'rate_weight': self.rate_weight, + 'rate_thre': self.rate_thre, + 'w_conv1': self.w_conv1, + 'wkj': self.wkj, + 'vji': self.vji, + 'thre_conv1': self.thre_conv1, + 'thre_bp2': self.thre_bp2, + 'thre_bp3': self.thre_bp3} with open(save_path, 'wb') as f: pickle.dump(model_dic, f) - print('Model saved: %s'% save_path) + print('Model saved: %s' % save_path) @classmethod def ReadModel(cls, model_path): - #read saved model + # read saved model with open(model_path, 'rb') as f: model_dic = pickle.load(f) - conv_get= model_dic.get('conv1') + conv_get = model_dic.get('conv1') conv_get.append(model_dic.get('step_conv1')) size_p1 = model_dic.get('size_pooling1') bp1 = model_dic.get('num_bp1') @@ -84,9 +85,9 @@ def ReadModel(cls, model_path): bp3 = model_dic.get('num_bp3') r_w = model_dic.get('rate_weight') r_t = model_dic.get('rate_thre') - #create model instance - conv_ins = CNN(conv_get,size_p1,bp1,bp2,bp3,r_w,r_t) - #modify model parameter + # create model instance + conv_ins = CNN(conv_get, size_p1, bp1, bp2, bp3, r_w, r_t) + # modify model parameter conv_ins.w_conv1 = model_dic.get('w_conv1') conv_ins.wkj = model_dic.get('wkj') conv_ins.vji = model_dic.get('vji') @@ -95,25 +96,24 @@ def ReadModel(cls, model_path): conv_ins.thre_bp3 = model_dic.get('thre_bp3') return conv_ins - def sig(self, x): - return 1 / (1 + np.exp(-1*x)) + return 1 / (1 + np.exp(-1 * x)) def do_round(self, x): return round(x, 3) def convolute(self, data, convs, w_convs, thre_convs, conv_step): - #convolution process + # convolution process size_conv = convs[0] - num_conv =convs[1] + num_conv = convs[1] size_data = np.shape(data)[0] - #get the data slice of original image data, data_focus + # get the data slice of original image data, data_focus data_focus = [] for i_focus in range(0, size_data - size_conv + 1, conv_step): for j_focus in range(0, size_data - size_conv + 1, conv_step): focus = data[i_focus:i_focus + size_conv, j_focus:j_focus + size_conv] data_focus.append(focus) - #caculate the feature map of every single kernel, and saved as list of matrix + # caculate the feature map of every single kernel, and saved as list of matrix data_featuremap = [] Size_FeatureMap = int((size_data - size_conv) / conv_step + 1) for i_map in range(num_conv): @@ -124,53 +124,53 @@ def convolute(self, data, convs, w_convs, thre_convs, conv_step): featuremap = np.asmatrix(featuremap).reshape(Size_FeatureMap, Size_FeatureMap) data_featuremap.append(featuremap) - #expanding the data slice to One dimenssion + # expanding the data slice to One dimenssion focus1_list = [] for each_focus in data_focus: focus1_list.extend(self.Expand_Mat(each_focus)) focus_list = np.asarray(focus1_list) - return focus_list,data_featuremap + return focus_list, data_featuremap def pooling(self, featuremaps, size_pooling, type='average_pool'): - #pooling process + # pooling process size_map = len(featuremaps[0]) - size_pooled = int(size_map/size_pooling) + size_pooled = int(size_map / size_pooling) featuremap_pooled = [] for i_map in range(len(featuremaps)): map = featuremaps[i_map] map_pooled = [] - for i_focus in range(0,size_map,size_pooling): + for i_focus in range(0, size_map, size_pooling): for j_focus in range(0, size_map, size_pooling): focus = map[i_focus:i_focus + size_pooling, j_focus:j_focus + size_pooling] if type == 'average_pool': - #average pooling + # average pooling map_pooled.append(np.average(focus)) elif type == 'max_pooling': - #max pooling + # max pooling map_pooled.append(np.max(focus)) - map_pooled = np.asmatrix(map_pooled).reshape(size_pooled,size_pooled) + map_pooled = np.asmatrix(map_pooled).reshape(size_pooled, size_pooled) featuremap_pooled.append(map_pooled) return featuremap_pooled def _expand(self, datas): - #expanding three dimension data to one dimension list + # expanding three dimension data to one dimension list data_expanded = [] for i in range(len(datas)): shapes = np.shape(datas[i]) - data_listed = datas[i].reshape(1,shapes[0]*shapes[1]) + data_listed = datas[i].reshape(1, shapes[0] * shapes[1]) data_listed = data_listed.getA().tolist()[0] data_expanded.extend(data_listed) data_expanded = np.asarray(data_expanded) return data_expanded def _expand_mat(self, data_mat): - #expanding matrix to one dimension list + # expanding matrix to one dimension list data_mat = np.asarray(data_mat) shapes = np.shape(data_mat) - data_expanded = data_mat.reshape(1,shapes[0]*shapes[1]) + data_expanded = data_mat.reshape(1, shapes[0] * shapes[1]) return data_expanded - def _calculate_gradient_from_pool(self, out_map, pd_pool,num_map, size_map, size_pooling): + def _calculate_gradient_from_pool(self, out_map, pd_pool, num_map, size_map, size_pooling): ''' calcluate the gradient from the data slice of pool layer pd_pool: list of matrix @@ -185,28 +185,28 @@ def _calculate_gradient_from_pool(self, out_map, pd_pool,num_map, size_map, size for j in range(0, size_map, size_pooling): pd_conv1[i:i + size_pooling, j:j + size_pooling] = pd_pool[i_pool] i_pool = i_pool + 1 - pd_conv2 = np.multiply(pd_conv1,np.multiply(out_map[i_map],(1-out_map[i_map]))) + pd_conv2 = np.multiply(pd_conv1, np.multiply(out_map[i_map], (1 - out_map[i_map]))) pd_all.append(pd_conv2) return pd_all - def train(self, patterns, datas_train, datas_teach, n_repeat, error_accuracy, draw_e = bool): - #model traning + def train(self, patterns, datas_train, datas_teach, n_repeat, error_accuracy, draw_e=bool): + # model traning print('----------------------Start Training-------------------------') - print((' - - Shape: Train_Data ',np.shape(datas_train))) - print((' - - Shape: Teach_Data ',np.shape(datas_teach))) + print((' - - Shape: Train_Data ', np.shape(datas_train))) + print((' - - Shape: Teach_Data ', np.shape(datas_teach))) rp = 0 all_mse = [] - mse = 10000 + mse = 10000 while rp < n_repeat and mse >= error_accuracy: alle = 0 - print('-------------Learning Time %d--------------'%rp) + print('-------------Learning Time %d--------------' % rp) for p in range(len(datas_train)): - #print('------------Learning Image: %d--------------'%p) + # print('------------Learning Image: %d--------------'%p) data_train = np.asmatrix(datas_train[p]) data_teach = np.asarray(datas_teach[p]) - data_focus1,data_conved1 = self.convolute(data_train,self.conv1,self.w_conv1, - self.thre_conv1,conv_step=self.step_conv1) - data_pooled1 = self.pooling(data_conved1,self.size_pooling1) + data_focus1, data_conved1 = self.convolute(data_train, self.conv1, self.w_conv1, + self.thre_conv1, conv_step=self.step_conv1) + data_pooled1 = self.pooling(data_conved1, self.size_pooling1) shape_featuremap1 = np.shape(data_conved1) ''' print(' -----original shape ', np.shape(data_train)) @@ -216,31 +216,31 @@ def train(self, patterns, datas_train, datas_teach, n_repeat, error_accuracy, dr data_bp_input = self._expand(data_pooled1) bp_out1 = data_bp_input - bp_net_j = np.dot(bp_out1,self.vji.T) - self.thre_bp2 + bp_net_j = np.dot(bp_out1, self.vji.T) - self.thre_bp2 bp_out2 = self.sig(bp_net_j) - bp_net_k = np.dot(bp_out2 ,self.wkj.T) - self.thre_bp3 + bp_net_k = np.dot(bp_out2, self.wkj.T) - self.thre_bp3 bp_out3 = self.sig(bp_net_k) - #--------------Model Leaning ------------------------ + # --------------Model Leaning ------------------------ # calcluate error and gradient--------------- pd_k_all = np.multiply((data_teach - bp_out3), np.multiply(bp_out3, (1 - bp_out3))) - pd_j_all = np.multiply(np.dot(pd_k_all,self.wkj), np.multiply(bp_out2, (1 - bp_out2))) - pd_i_all = np.dot(pd_j_all,self.vji) + pd_j_all = np.multiply(np.dot(pd_k_all, self.wkj), np.multiply(bp_out2, (1 - bp_out2))) + pd_i_all = np.dot(pd_j_all, self.vji) - pd_conv1_pooled = pd_i_all / (self.size_pooling1*self.size_pooling1) + pd_conv1_pooled = pd_i_all / (self.size_pooling1 * self.size_pooling1) pd_conv1_pooled = pd_conv1_pooled.T.getA().tolist() - pd_conv1_all = self._calculate_gradient_from_pool(data_conved1,pd_conv1_pooled,shape_featuremap1[0], - shape_featuremap1[1],self.size_pooling1) - #weight and threshold learning process--------- - #convolution layer + pd_conv1_all = self._calculate_gradient_from_pool(data_conved1, pd_conv1_pooled, shape_featuremap1[0], + shape_featuremap1[1], self.size_pooling1) + # weight and threshold learning process--------- + # convolution layer for k_conv in range(self.conv1[1]): pd_conv_list = self._expand_mat(pd_conv1_all[k_conv]) - delta_w = self.rate_weight * np.dot(pd_conv_list,data_focus1) + delta_w = self.rate_weight * np.dot(pd_conv_list, data_focus1) - self.w_conv1[k_conv] = self.w_conv1[k_conv] + delta_w.reshape((self.conv1[0],self.conv1[0])) + self.w_conv1[k_conv] = self.w_conv1[k_conv] + delta_w.reshape((self.conv1[0], self.conv1[0])) self.thre_conv1[k_conv] = self.thre_conv1[k_conv] - np.sum(pd_conv1_all[k_conv]) * self.rate_thre - #all connected layer + # all connected layer self.wkj = self.wkj + pd_k_all.T * bp_out2 * self.rate_weight self.vji = self.vji + pd_j_all.T * bp_out1 * self.rate_weight self.thre_bp3 = self.thre_bp3 - pd_k_all * self.rate_thre @@ -248,11 +248,12 @@ def train(self, patterns, datas_train, datas_teach, n_repeat, error_accuracy, dr # calculate the sum error of all single image errors = np.sum(abs((data_teach - bp_out3))) alle = alle + errors - #print(' ----Teach ',data_teach) - #print(' ----BP_output ',bp_out3) + # print(' ----Teach ',data_teach) + # print(' ----BP_output ',bp_out3) rp = rp + 1 - mse = alle/patterns + mse = alle / patterns all_mse.append(mse) + def draw_error(): yplot = [error_accuracy for i in range(int(n_repeat * 1.2))] plt.plot(all_mse, '+-') @@ -261,6 +262,7 @@ def draw_error(): plt.ylabel('All_mse') plt.grid(True, alpha=0.5) plt.show() + print('------------------Training Complished---------------------') print((' - - Training epoch: ', rp, ' - - Mse: %.6f' % mse)) if draw_e: @@ -268,14 +270,14 @@ def draw_error(): return mse def predict(self, datas_test): - #model predict + # model predict produce_out = [] print('-------------------Start Testing-------------------------') - print((' - - Shape: Test_Data ',np.shape(datas_test))) + print((' - - Shape: Test_Data ', np.shape(datas_test))) for p in range(len(datas_test)): data_test = np.asmatrix(datas_test[p]) data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, - self.thre_conv1, conv_step=self.step_conv1) + self.thre_conv1, conv_step=self.step_conv1) data_pooled1 = self.pooling(data_conved1, self.size_pooling1) data_bp_input = self._expand(data_pooled1) @@ -285,17 +287,17 @@ def predict(self, datas_test): bp_net_k = bp_out2 * self.wkj.T - self.thre_bp3 bp_out3 = self.sig(bp_net_k) produce_out.extend(bp_out3.getA().tolist()) - res = [list(map(self.do_round,each)) for each in produce_out] + res = [list(map(self.do_round, each)) for each in produce_out] return np.asarray(res) def convolution(self, data): - #return the data of image after convoluting process so we can check it out + # return the data of image after convoluting process so we can check it out data_test = np.asmatrix(data) data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, - self.thre_conv1, conv_step=self.step_conv1) + self.thre_conv1, conv_step=self.step_conv1) data_pooled1 = self.pooling(data_conved1, self.size_pooling1) - return data_conved1,data_pooled1 + return data_conved1, data_pooled1 if __name__ == '__main__': diff --git a/neural_network/perceptron.py b/neural_network/perceptron.py index eb8b04e855d3..6955e65ae559 100644 --- a/neural_network/perceptron.py +++ b/neural_network/perceptron.py @@ -30,7 +30,7 @@ def training(self): sample.insert(0, self.bias) for i in range(self.col_sample): - self.weight.append(random.random()) + self.weight.append(random.random()) self.weight.insert(0, self.bias) @@ -46,16 +46,15 @@ def training(self): if y != self.exit[i]: for j in range(self.col_sample + 1): - self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] erro = True - #print('Epoch: \n',epoch_count) + # print('Epoch: \n',epoch_count) epoch_count = epoch_count + 1 # if you want controle the epoch or just by erro if erro == False: - print(('\nEpoch:\n',epoch_count)) + print(('\nEpoch:\n', epoch_count)) print('------------------------\n') - #if epoch_count > self.epoch_number or not erro: + # if epoch_count > self.epoch_number or not erro: break def sort(self, sample): @@ -66,7 +65,7 @@ def sort(self, sample): y = self.sign(u) - if y == -1: + if y == -1: print(('Sample: ', sample)) print('classification: P1') else: @@ -113,7 +112,7 @@ def sign(self, u): exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] -network = Perceptron(sample=samples, exit = exit, learn_rate=0.01, epoch_number=1000, bias=-1) +network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) network.training() diff --git a/other/anagrams.py b/other/anagrams.py index 29b34fbdc5d3..e6e5b7f3dbbc 100644 --- a/other/anagrams.py +++ b/other/anagrams.py @@ -1,5 +1,9 @@ from __future__ import print_function -import collections, pprint, time, os + +import collections +import os +import pprint +import time start_time = time.time() print('creating word list...') @@ -7,16 +11,20 @@ with open(path[0] + '/words') as f: word_list = sorted(list(set([word.strip().lower() for word in f]))) + def signature(word): return ''.join(sorted(word)) + word_bysig = collections.defaultdict(list) for word in word_list: word_bysig[signature(word)].append(word) + def anagram(myword): return word_bysig[signature(myword)] + print('finding anagrams...') all_anagrams = {word: anagram(word) for word in word_list if len(anagram(word)) > 1} diff --git a/other/binary_exponentiation.py b/other/binary_exponentiation.py index 1a30fb8fd266..dd4e70e74129 100644 --- a/other/binary_exponentiation.py +++ b/other/binary_exponentiation.py @@ -14,7 +14,7 @@ def b_expo(a, b): res = 1 while b > 0: - if b&1: + if b & 1: res *= a a *= a @@ -26,14 +26,15 @@ def b_expo(a, b): def b_expo_mod(a, b, c): res = 1 while b > 0: - if b&1: - res = ((res%c) * (a%c)) % c + if b & 1: + res = ((res % c) * (a % c)) % c a *= a b >>= 1 return res + """ * Wondering how this method works ! * It's pretty simple. diff --git a/other/binary_exponentiation_2.py b/other/binary_exponentiation_2.py index 217a616c99fb..51ec4baf2598 100644 --- a/other/binary_exponentiation_2.py +++ b/other/binary_exponentiation_2.py @@ -14,7 +14,7 @@ def b_expo(a, b): res = 0 while b > 0: - if b&1: + if b & 1: res += a a += a @@ -26,8 +26,8 @@ def b_expo(a, b): def b_expo_mod(a, b, c): res = 0 while b > 0: - if b&1: - res = ((res%c) + (a%c)) % c + if b & 1: + res = ((res % c) + (a % c)) % c a += a b >>= 1 diff --git a/other/detecting_english_programmatically.py b/other/detecting_english_programmatically.py index 005fd3c10ca3..a41fa06acd39 100644 --- a/other/detecting_english_programmatically.py +++ b/other/detecting_english_programmatically.py @@ -3,6 +3,7 @@ UPPERLETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' LETTERS_AND_SPACE = UPPERLETTERS + UPPERLETTERS.lower() + ' \t\n' + def loadDictionary(): path = os.path.split(os.path.realpath(__file__)) englishWords = {} @@ -11,8 +12,10 @@ def loadDictionary(): englishWords[word] = None return englishWords + ENGLISH_WORDS = loadDictionary() + def getEnglishCount(message): message = message.upper() message = removeNonLetters(message) @@ -28,6 +31,7 @@ def getEnglishCount(message): return float(matches) / len(possibleWords) + def removeNonLetters(message): lettersOnly = [] for symbol in message: @@ -35,7 +39,8 @@ def removeNonLetters(message): lettersOnly.append(symbol) return ''.join(lettersOnly) -def isEnglish(message, wordPercentage = 20, letterPercentage = 85): + +def isEnglish(message, wordPercentage=20, letterPercentage=85): """ >>> isEnglish('Hello World') True @@ -51,4 +56,5 @@ def isEnglish(message, wordPercentage = 20, letterPercentage = 85): import doctest + doctest.testmod() diff --git a/other/euclidean_gcd.py b/other/euclidean_gcd.py index 30853e172076..6fe269ecdc5e 100644 --- a/other/euclidean_gcd.py +++ b/other/euclidean_gcd.py @@ -1,4 +1,6 @@ from __future__ import print_function + + # https://en.wikipedia.org/wiki/Euclidean_algorithm def euclidean_gcd(a, b): @@ -8,6 +10,7 @@ def euclidean_gcd(a, b): a = t return a + def main(): print("GCD(3, 5) = " + str(euclidean_gcd(3, 5))) print("GCD(5, 3) = " + str(euclidean_gcd(5, 3))) @@ -15,5 +18,6 @@ def main(): print("GCD(3, 6) = " + str(euclidean_gcd(3, 6))) print("GCD(6, 3) = " + str(euclidean_gcd(6, 3))) + if __name__ == '__main__': main() diff --git a/other/finding_Primes.py b/other/finding_Primes.py index 035a14f4a335..055be67439fc 100644 --- a/other/finding_Primes.py +++ b/other/finding_Primes.py @@ -4,18 +4,19 @@ ''' from __future__ import print_function - from math import sqrt + + def SOE(n): - check = round(sqrt(n)) #Need not check for multiples past the square root of n - - sieve = [False if i <2 else True for i in range(n+1)] #Set every index to False except for index 0 and 1 - + check = round(sqrt(n)) # Need not check for multiples past the square root of n + + sieve = [False if i < 2 else True for i in range(n + 1)] # Set every index to False except for index 0 and 1 + for i in range(2, check): - if(sieve[i] == True): #If i is a prime - for j in range(i+i, n+1, i): #Step through the list in increments of i(the multiples of the prime) - sieve[j] = False #Sets every multiple of i to False - - for i in range(n+1): - if(sieve[i] == True): + if (sieve[i] == True): # If i is a prime + for j in range(i + i, n + 1, i): # Step through the list in increments of i(the multiples of the prime) + sieve[j] = False # Sets every multiple of i to False + + for i in range(n + 1): + if (sieve[i] == True): print(i, end=" ") diff --git a/other/fischer_yates_shuffle.py b/other/fischer_yates_shuffle.py index d87792f45558..9a6b9f76cc8e 100644 --- a/other/fischer_yates_shuffle.py +++ b/other/fischer_yates_shuffle.py @@ -7,16 +7,18 @@ """ import random + def FYshuffle(LIST): for i in range(len(LIST)): - a = random.randint(0, len(LIST)-1) - b = random.randint(0, len(LIST)-1) + a = random.randint(0, len(LIST) - 1) + b = random.randint(0, len(LIST) - 1) LIST[a], LIST[b] = LIST[b], LIST[a] return LIST + if __name__ == '__main__': - integers = [0,1,2,3,4,5,6,7] + integers = [0, 1, 2, 3, 4, 5, 6, 7] strings = ['python', 'says', 'hello', '!'] - print ('Fisher-Yates Shuffle:') - print ('List',integers, strings) - print ('FY Shuffle',FYshuffle(integers), FYshuffle(strings)) + print('Fisher-Yates Shuffle:') + print('List', integers, strings) + print('FY Shuffle', FYshuffle(integers), FYshuffle(strings)) diff --git a/other/frequency_finder.py b/other/frequency_finder.py index 6264b25bf303..c6f41bd3ef47 100644 --- a/other/frequency_finder.py +++ b/other/frequency_finder.py @@ -10,6 +10,7 @@ ETAOIN = 'ETAOINSHRDLCUMWFGYPBVKJXQZ' LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + def getLetterCount(message): letterCount = {'A': 0, 'B': 0, 'C': 0, 'D': 0, 'E': 0, 'F': 0, 'G': 0, 'H': 0, 'I': 0, 'J': 0, 'K': 0, 'L': 0, 'M': 0, 'N': 0, 'O': 0, 'P': 0, @@ -21,9 +22,11 @@ def getLetterCount(message): return letterCount + def getItemAtIndexZero(x): return x[0] + def getFrequencyOrder(message): letterToFreq = getLetterCount(message) freqToLetter = {} @@ -34,11 +37,11 @@ def getFrequencyOrder(message): freqToLetter[letterToFreq[letter]].append(letter) for freq in freqToLetter: - freqToLetter[freq].sort(key = ETAOIN.find, reverse = True) + freqToLetter[freq].sort(key=ETAOIN.find, reverse=True) freqToLetter[freq] = ''.join(freqToLetter[freq]) freqPairs = list(freqToLetter.items()) - freqPairs.sort(key = getItemAtIndexZero, reverse = True) + freqPairs.sort(key=getItemAtIndexZero, reverse=True) freqOrder = [] for freqPair in freqPairs: @@ -46,6 +49,7 @@ def getFrequencyOrder(message): return ''.join(freqOrder) + def englishFreqMatchScore(message): ''' >>> englishFreqMatchScore('Hello World') @@ -63,6 +67,8 @@ def englishFreqMatchScore(message): return matchScore + if __name__ == '__main__': import doctest + doctest.testmod() diff --git a/other/game_of_life/game_o_life.py b/other/game_of_life/game_o_life.py index 1fdaa21b4a7b..cfaef5fc6c2a 100644 --- a/other/game_of_life/game_o_life.py +++ b/other/game_of_life/game_o_life.py @@ -27,24 +27,29 @@ Any dead cell with exactly three live neighbours be- comes a live cell, as if by reproduction. ''' +import random +import sys + import numpy as np -import random, sys from matplotlib import pyplot as plt from matplotlib.colors import ListedColormap -usage_doc='Usage of script: script_nama ' +usage_doc = 'Usage of script: script_nama ' -choice = [0]*100 + [1]*10 +choice = [0] * 100 + [1] * 10 random.shuffle(choice) + def create_canvas(size): - canvas = [ [False for i in range(size)] for j in range(size)] + canvas = [[False for i in range(size)] for j in range(size)] return canvas + def seed(canvas): - for i,row in enumerate(canvas): - for j,_ in enumerate(row): - canvas[i][j]=bool(random.getrandbits(1)) + for i, row in enumerate(canvas): + for j, _ in enumerate(row): + canvas[i][j] = bool(random.getrandbits(1)) + def run(canvas): ''' This function runs the rules of game through all points, and changes their status accordingly.(in the same canvas) @@ -61,57 +66,62 @@ def run(canvas): for r, row in enumerate(canvas): for c, pt in enumerate(row): # print(r-1,r+2,c-1,c+2) - next_gen_canvas[r][c] = __judge_point(pt,canvas[r-1:r+2,c-1:c+2]) - + next_gen_canvas[r][c] = __judge_point(pt, canvas[r - 1:r + 2, c - 1:c + 2]) + canvas = next_gen_canvas - del next_gen_canvas # cleaning memory as we move on. - return canvas.tolist() + del next_gen_canvas # cleaning memory as we move on. + return canvas.tolist() -def __judge_point(pt,neighbours): - dead = 0 + +def __judge_point(pt, neighbours): + dead = 0 alive = 0 # finding dead or alive neighbours count. for i in neighbours: for status in i: - if status: alive+=1 - else: dead+=1 + if status: + alive += 1 + else: + dead += 1 # handling duplicate entry for focus pt. - if pt : alive-=1 - else : dead-=1 - + if pt: + alive -= 1 + else: + dead -= 1 + # running the rules of game here. state = pt if pt: - if alive<2: - state=False - elif alive==2 or alive==3: - state=True - elif alive>3: - state=False + if alive < 2: + state = False + elif alive == 2 or alive == 3: + state = True + elif alive > 3: + state = False else: - if alive==3: - state=True + if alive == 3: + state = True return state -if __name__=='__main__': +if __name__ == '__main__': if len(sys.argv) != 2: raise Exception(usage_doc) - + canvas_size = int(sys.argv[1]) # main working structure of this module. - c=create_canvas(canvas_size) + c = create_canvas(canvas_size) seed(c) fig, ax = plt.subplots() - fig.show() - cmap = ListedColormap(['w','k']) + fig.show() + cmap = ListedColormap(['w', 'k']) try: while True: - c = run(c) - ax.matshow(c,cmap=cmap) + c = run(c) + ax.matshow(c, cmap=cmap) fig.canvas.draw() - ax.cla() + ax.cla() except KeyboardInterrupt: # do nothing. pass diff --git a/other/linear_congruential_generator.py b/other/linear_congruential_generator.py index 34abdf34eaf3..246f140078bd 100644 --- a/other/linear_congruential_generator.py +++ b/other/linear_congruential_generator.py @@ -1,14 +1,16 @@ from __future__ import print_function + __author__ = "Tobias Carryer" from time import time + class LinearCongruentialGenerator(object): """ A pseudorandom number generator. """ - - def __init__( self, multiplier, increment, modulo, seed=int(time()) ): + + def __init__(self, multiplier, increment, modulo, seed=int(time())): """ These parameters are saved and used when nextNumber() is called. @@ -19,8 +21,8 @@ def __init__( self, multiplier, increment, modulo, seed=int(time()) ): self.increment = increment self.modulo = modulo self.seed = seed - - def next_number( self ): + + def next_number(self): """ The smallest number that can be generated is zero. The largest number that can be generated is modulo-1. modulo is set in the constructor. @@ -28,8 +30,9 @@ def next_number( self ): self.seed = (self.multiplier * self.seed + self.increment) % self.modulo return self.seed + if __name__ == "__main__": # Show the LCG in action. - lcg = LinearCongruentialGenerator(1664525, 1013904223, 2<<31) - while True : - print(lcg.next_number()) \ No newline at end of file + lcg = LinearCongruentialGenerator(1664525, 1013904223, 2 << 31) + while True: + print(lcg.next_number()) diff --git a/other/n_queens.py b/other/n_queens.py index 0e80a0cff5e9..86522e5e2eed 100644 --- a/other/n_queens.py +++ b/other/n_queens.py @@ -1,77 +1,79 @@ #! /usr/bin/python3 import sys + def nqueens(board_width): - board = [0] - current_row = 0 - while True: - conflict = False - - for review_index in range(0, current_row): - left = board[review_index] - (current_row - review_index) - right = board[review_index] + (current_row - review_index); - if (board[current_row] == board[review_index] or (left >= 0 and left == board[current_row]) or (right < board_width and right == board[current_row])): - conflict = True; - break - - if (current_row == 0 and conflict == False): - board.append(0) - current_row = 1 - continue - - if (conflict == True): - board[current_row] += 1 - - if (current_row == 0 and board[current_row] == board_width): - print("No solution exists for specificed board size.") - return None - - while True: - if (board[current_row] == board_width): - board[current_row] = 0 - if (current_row == 0): - print("No solution exists for specificed board size.") - return None - - board.pop() - current_row -= 1 - board[current_row] += 1 - - if board[current_row] != board_width: - break - else: - current_row += 1 - if (current_row == board_width): - break - - board.append(0) - return board + board = [0] + current_row = 0 + while True: + conflict = False + + for review_index in range(0, current_row): + left = board[review_index] - (current_row - review_index) + right = board[review_index] + (current_row - review_index); + if (board[current_row] == board[review_index] or (left >= 0 and left == board[current_row]) or (right < board_width and right == board[current_row])): + conflict = True; + break + + if (current_row == 0 and conflict == False): + board.append(0) + current_row = 1 + continue + + if (conflict == True): + board[current_row] += 1 + + if (current_row == 0 and board[current_row] == board_width): + print("No solution exists for specificed board size.") + return None + + while True: + if (board[current_row] == board_width): + board[current_row] = 0 + if (current_row == 0): + print("No solution exists for specificed board size.") + return None + + board.pop() + current_row -= 1 + board[current_row] += 1 + + if board[current_row] != board_width: + break + else: + current_row += 1 + if (current_row == board_width): + break + + board.append(0) + return board + def print_board(board): - if (board == None): - return + if (board == None): + return - board_width = len(board) - for row in range(board_width): - line_print = [] - for column in range(board_width): - if column == board[row]: - line_print.append("Q") - else: - line_print.append(".") - print(line_print) + board_width = len(board) + for row in range(board_width): + line_print = [] + for column in range(board_width): + if column == board[row]: + line_print.append("Q") + else: + line_print.append(".") + print(line_print) if __name__ == '__main__': - default_width = 8 - for arg in sys.argv: - if (arg.isdecimal() and int(arg) > 3): - default_width = int(arg) - break - - if (default_width == 8): - print("Running algorithm with board size of 8. Specify an alternative Chess board size for N-Queens as a command line argument.") - - board = nqueens(default_width) - print(board) - print_board(board) + default_width = 8 + for arg in sys.argv: + if (arg.isdecimal() and int(arg) > 3): + default_width = int(arg) + break + + if (default_width == 8): + print("Running algorithm with board size of 8. Specify an alternative Chess board size for N-Queens as a command line argument.") + + board = nqueens(default_width) + print(board) + print_board(board) diff --git a/other/nested_brackets.py b/other/nested_brackets.py index 76677d56439a..1d991424167e 100644 --- a/other/nested_brackets.py +++ b/other/nested_brackets.py @@ -17,11 +17,10 @@ def is_balanced(S): - stack = [] open_brackets = set({'(', '[', '{'}) closed_brackets = set({')', ']', '}'}) - open_to_closed = dict({'{':'}', '[':']', '(':')'}) + open_to_closed = dict({'{': '}', '[': ']', '(': ')'}) for i in range(len(S)): @@ -36,7 +35,6 @@ def is_balanced(S): def main(): - S = input("Enter sequence of brackets: ") if is_balanced(S): diff --git a/other/password_generator.py b/other/password_generator.py index 8916079fc758..99a7881911f7 100644 --- a/other/password_generator.py +++ b/other/password_generator.py @@ -1,6 +1,7 @@ from __future__ import print_function -import string + import random +import string letters = [letter for letter in string.ascii_letters] digits = [digit for digit in string.digits] @@ -19,17 +20,17 @@ # ctbi= characters that must be in password # i= how many letters or characters the password length will be def password_generator(ctbi, i): - # Password generator = full boot with random_number, random_letters, and random_character FUNCTIONS - pass # Put your code here... + # Password generator = full boot with random_number, random_letters, and random_character FUNCTIONS + pass # Put your code here... def random_number(ctbi, i): - pass # Put your code here... + pass # Put your code here... def random_letters(ctbi, i): - pass # Put your code here... + pass # Put your code here... def random_characters(ctbi, i): - pass # Put your code here... + pass # Put your code here... diff --git a/other/primelib.py b/other/primelib.py index 19572f8611cb..d686a3f404e1 100644 --- a/other/primelib.py +++ b/other/primelib.py @@ -39,36 +39,38 @@ """ + def isPrime(number): """ input: positive integer 'number' returns true if 'number' is prime otherwise false. """ - import math # for function sqrt - + import math # for function sqrt + # precondition - assert isinstance(number,int) and (number >= 0) , \ - "'number' must been an int and positive" - + assert isinstance(number, int) and (number >= 0), \ + "'number' must been an int and positive" + status = True - + # 0 and 1 are none primes. if number <= 1: status = False - - for divisor in range(2,int(round(math.sqrt(number)))+1): - + + for divisor in range(2, int(round(math.sqrt(number))) + 1): + # if 'number' divisible by 'divisor' then sets 'status' # of false and break up the loop. if number % divisor == 0: status = False break - + # precondition - assert isinstance(status,bool), "'status' must been from type bool" - + assert isinstance(status, bool), "'status' must been from type bool" + return status + # ------------------------------------------ def sieveEr(N): @@ -80,32 +82,32 @@ def sieveEr(N): sieve of erathostenes. """ - + # precondition - assert isinstance(N,int) and (N > 2), "'N' must been an int and > 2" - + assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" + # beginList: conatins all natural numbers from 2 upt to N - beginList = [x for x in range(2,N+1)] + beginList = [x for x in range(2, N + 1)] + + ans = [] # this list will be returns. - ans = [] # this list will be returns. - # actual sieve of erathostenes for i in range(len(beginList)): - - for j in range(i+1,len(beginList)): - + + for j in range(i + 1, len(beginList)): + if (beginList[i] != 0) and \ - (beginList[j] % beginList[i] == 0): + (beginList[j] % beginList[i] == 0): beginList[j] = 0 - + # filters actual prime numbers. ans = [x for x in beginList if x != 0] - + # precondition - assert isinstance(ans,list), "'ans' must been from type list" - + assert isinstance(ans, list), "'ans' must been from type list" + return ans - + # -------------------------------- @@ -114,339 +116,339 @@ def getPrimeNumbers(N): input: positive integer 'N' > 2 returns a list of prime numbers from 2 up to N (inclusive) This function is more efficient as function 'sieveEr(...)' - """ - + """ + # precondition - assert isinstance(N,int) and (N > 2), "'N' must been an int and > 2" - - ans = [] - + assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" + + ans = [] + # iterates over all numbers between 2 up to N+1 # if a number is prime then appends to list 'ans' - for number in range(2,N+1): - + for number in range(2, N + 1): + if isPrime(number): - ans.append(number) - + # precondition - assert isinstance(ans,list), "'ans' must been from type list" - + assert isinstance(ans, list), "'ans' must been from type list" + return ans # ----------------------------------------- - + def primeFactorization(number): """ input: positive integer 'number' returns a list of the prime number factors of 'number' """ - import math # for function sqrt - # precondition - assert isinstance(number,int) and number >= 0, \ - "'number' must been an int and >= 0" - - ans = [] # this list will be returns of the function. + assert isinstance(number, int) and number >= 0, \ + "'number' must been an int and >= 0" + + ans = [] # this list will be returns of the function. # potential prime number factors. - factor = 2 + factor = 2 quotient = number - - + if number == 0 or number == 1: - + ans.append(number) - + # if 'number' not prime then builds the prime factorization of 'number' elif not isPrime(number): - + while (quotient != 1): - + if isPrime(factor) and (quotient % factor == 0): - ans.append(factor) - quotient /= factor + ans.append(factor) + quotient /= factor else: - factor += 1 - + factor += 1 + else: ans.append(number) - + # precondition - assert isinstance(ans,list), "'ans' must been from type list" - + assert isinstance(ans, list), "'ans' must been from type list" + return ans - + # ----------------------------------------- - + def greatestPrimeFactor(number): """ input: positive integer 'number' >= 0 returns the greatest prime number factor of 'number' """ - + # precondition - assert isinstance(number,int) and (number >= 0), \ - "'number' bust been an int and >= 0" - - ans = 0 - + assert isinstance(number, int) and (number >= 0), \ + "'number' bust been an int and >= 0" + + ans = 0 + # prime factorization of 'number' primeFactors = primeFactorization(number) - ans = max(primeFactors) - + ans = max(primeFactors) + # precondition - assert isinstance(ans,int), "'ans' must been from type int" - + assert isinstance(ans, int), "'ans' must been from type int" + return ans - + # ---------------------------------------------- - - + + def smallestPrimeFactor(number): """ input: integer 'number' >= 0 returns the smallest prime number factor of 'number' """ - + # precondition - assert isinstance(number,int) and (number >= 0), \ - "'number' bust been an int and >= 0" - - ans = 0 - + assert isinstance(number, int) and (number >= 0), \ + "'number' bust been an int and >= 0" + + ans = 0 + # prime factorization of 'number' primeFactors = primeFactorization(number) - + ans = min(primeFactors) # precondition - assert isinstance(ans,int), "'ans' must been from type int" - + assert isinstance(ans, int), "'ans' must been from type int" + return ans - - + + # ---------------------- - + def isEven(number): """ input: integer 'number' returns true if 'number' is even, otherwise false. - """ + """ # precondition - assert isinstance(number, int), "'number' must been an int" + assert isinstance(number, int), "'number' must been an int" assert isinstance(number % 2 == 0, bool), "compare bust been from type bool" - + return number % 2 == 0 - + + # ------------------------ - + def isOdd(number): """ input: integer 'number' returns true if 'number' is odd, otherwise false. - """ + """ # precondition - assert isinstance(number, int), "'number' must been an int" + assert isinstance(number, int), "'number' must been an int" assert isinstance(number % 2 != 0, bool), "compare bust been from type bool" - + return number % 2 != 0 - + + # ------------------------ - - + + def goldbach(number): """ Goldbach's assumption input: a even positive integer 'number' > 2 returns a list of two prime numbers whose sum is equal to 'number' """ - + # precondition - assert isinstance(number,int) and (number > 2) and isEven(number), \ - "'number' must been an int, even and > 2" - - ans = [] # this list will returned - + assert isinstance(number, int) and (number > 2) and isEven(number), \ + "'number' must been an int, even and > 2" + + ans = [] # this list will returned + # creates a list of prime numbers between 2 up to 'number' primeNumbers = getPrimeNumbers(number) - lenPN = len(primeNumbers) + lenPN = len(primeNumbers) # run variable for while-loops. i = 0 j = 1 - + # exit variable. for break up the loops loop = True - + while (i < lenPN and loop): - - j = i+1 - - + + j = i + 1 + while (j < lenPN and loop): - + if primeNumbers[i] + primeNumbers[j] == number: loop = False ans.append(primeNumbers[i]) ans.append(primeNumbers[j]) - + j += 1 i += 1 - + # precondition - assert isinstance(ans,list) and (len(ans) == 2) and \ - (ans[0] + ans[1] == number) and isPrime(ans[0]) and isPrime(ans[1]), \ - "'ans' must contains two primes. And sum of elements must been eq 'number'" - + assert isinstance(ans, list) and (len(ans) == 2) and \ + (ans[0] + ans[1] == number) and isPrime(ans[0]) and isPrime(ans[1]), \ + "'ans' must contains two primes. And sum of elements must been eq 'number'" + return ans - + + # ---------------------------------------------- -def gcd(number1,number2): +def gcd(number1, number2): """ Greatest common divisor input: two positive integer 'number1' and 'number2' returns the greatest common divisor of 'number1' and 'number2' """ - + # precondition - assert isinstance(number1,int) and isinstance(number2,int) \ - and (number1 >= 0) and (number2 >= 0), \ - "'number1' and 'number2' must been positive integer." + assert isinstance(number1, int) and isinstance(number2, int) \ + and (number1 >= 0) and (number2 >= 0), \ + "'number1' and 'number2' must been positive integer." + + rest = 0 - rest = 0 - while number2 != 0: - rest = number1 % number2 number1 = number2 number2 = rest # precondition - assert isinstance(number1,int) and (number1 >= 0), \ - "'number' must been from type int and positive" - + assert isinstance(number1, int) and (number1 >= 0), \ + "'number' must been from type int and positive" + return number1 - + + # ---------------------------------------------------- - + def kgV(number1, number2): """ Least common multiple input: two positive integer 'number1' and 'number2' returns the least common multiple of 'number1' and 'number2' """ - + # precondition - assert isinstance(number1,int) and isinstance(number2,int) \ - and (number1 >= 1) and (number2 >= 1), \ - "'number1' and 'number2' must been positive integer." - - ans = 1 # actual answer that will be return. - + assert isinstance(number1, int) and isinstance(number2, int) \ + and (number1 >= 1) and (number2 >= 1), \ + "'number1' and 'number2' must been positive integer." + + ans = 1 # actual answer that will be return. + # for kgV (x,1) if number1 > 1 and number2 > 1: - + # builds the prime factorization of 'number1' and 'number2' primeFac1 = primeFactorization(number1) primeFac2 = primeFactorization(number2) - + elif number1 == 1 or number2 == 1: - + primeFac1 = [] primeFac2 = [] - ans = max(number1,number2) - + ans = max(number1, number2) + count1 = 0 count2 = 0 - - done = [] # captured numbers int both 'primeFac1' and 'primeFac2' - + + done = [] # captured numbers int both 'primeFac1' and 'primeFac2' + # iterates through primeFac1 for n in primeFac1: - + if n not in done: - + if n in primeFac2: - + count1 = primeFac1.count(n) count2 = primeFac2.count(n) - - for i in range(max(count1,count2)): + + for i in range(max(count1, count2)): ans *= n - + else: - + count1 = primeFac1.count(n) - + for i in range(count1): ans *= n - + done.append(n) - + # iterates through primeFac2 for n in primeFac2: - + if n not in done: - + count2 = primeFac2.count(n) - + for i in range(count2): ans *= n - + done.append(n) - + # precondition - assert isinstance(ans,int) and (ans >= 0), \ - "'ans' must been from type int and positive" - + assert isinstance(ans, int) and (ans >= 0), \ + "'ans' must been from type int and positive" + return ans - + + # ---------------------------------- - + def getPrime(n): """ Gets the n-th prime number. input: positive integer 'n' >= 0 returns the n-th prime number, beginning at index 0 """ - + # precondition - assert isinstance(n,int) and (n >= 0), "'number' must been a positive int" - + assert isinstance(n, int) and (n >= 0), "'number' must been a positive int" + index = 0 - ans = 2 # this variable holds the answer - + ans = 2 # this variable holds the answer + while index < n: - + index += 1 - - ans += 1 # counts to the next number - + + ans += 1 # counts to the next number + # if ans not prime then # runs to the next prime number. while not isPrime(ans): ans += 1 - + # precondition - assert isinstance(ans,int) and isPrime(ans), \ - "'ans' must been a prime number and from type int" - + assert isinstance(ans, int) and isPrime(ans), \ + "'ans' must been a prime number and from type int" + return ans - + + # --------------------------------------------------- - + def getPrimesBetween(pNumber1, pNumber2): """ input: prime numbers 'pNumber1' and 'pNumber2' @@ -454,38 +456,39 @@ def getPrimesBetween(pNumber1, pNumber2): returns a list of all prime numbers between 'pNumber1' (exclusiv) and 'pNumber2' (exclusiv) """ - + # precondition assert isPrime(pNumber1) and isPrime(pNumber2) and (pNumber1 < pNumber2), \ - "The arguments must been prime numbers and 'pNumber1' < 'pNumber2'" - - number = pNumber1 + 1 # jump to the next number - - ans = [] # this list will be returns. - + "The arguments must been prime numbers and 'pNumber1' < 'pNumber2'" + + number = pNumber1 + 1 # jump to the next number + + ans = [] # this list will be returns. + # if number is not prime then # fetch the next prime number. while not isPrime(number): number += 1 - + while number < pNumber2: - + ans.append(number) - + number += 1 - + # fetch the next prime number. while not isPrime(number): number += 1 - + # precondition - assert isinstance(ans,list) and ans[0] != pNumber1 \ - and ans[len(ans)-1] != pNumber2, \ - "'ans' must been a list without the arguments" - + assert isinstance(ans, list) and ans[0] != pNumber1 \ + and ans[len(ans) - 1] != pNumber2, \ + "'ans' must been a list without the arguments" + # 'ans' contains not 'pNumber1' and 'pNumber2' ! return ans - + + # ---------------------------------------------------- def getDivisors(n): @@ -493,25 +496,21 @@ def getDivisors(n): input: positive integer 'n' >= 1 returns all divisors of n (inclusive 1 and 'n') """ - + # precondition - assert isinstance(n,int) and (n >= 1), "'n' must been int and >= 1" + assert isinstance(n, int) and (n >= 1), "'n' must been int and >= 1" + + ans = [] # will be returned. + + for divisor in range(1, n + 1): - from math import sqrt - - ans = [] # will be returned. - - for divisor in range(1,n+1): - if n % divisor == 0: ans.append(divisor) - - - #precondition - assert ans[0] == 1 and ans[len(ans)-1] == n, \ - "Error in function getDivisiors(...)" - - + + # precondition + assert ans[0] == 1 and ans[len(ans) - 1] == n, \ + "Error in function getDivisiors(...)" + return ans @@ -523,21 +522,22 @@ def isPerfectNumber(number): input: positive integer 'number' > 1 returns true if 'number' is a perfect number otherwise false. """ - + # precondition - assert isinstance(number,int) and (number > 1), \ - "'number' must been an int and >= 1" - + assert isinstance(number, int) and (number > 1), \ + "'number' must been an int and >= 1" + divisors = getDivisors(number) - + # precondition - assert isinstance(divisors,list) and(divisors[0] == 1) and \ - (divisors[len(divisors)-1] == number), \ - "Error in help-function getDivisiors(...)" - + assert isinstance(divisors, list) and (divisors[0] == 1) and \ + (divisors[len(divisors) - 1] == number), \ + "Error in help-function getDivisiors(...)" + # summed all divisors up to 'number' (exclusive), hence [:-1] return sum(divisors[:-1]) == number + # ------------------------------------------------------------ def simplifyFraction(numerator, denominator): @@ -545,60 +545,61 @@ def simplifyFraction(numerator, denominator): input: two integer 'numerator' and 'denominator' assumes: 'denominator' != 0 returns: a tuple with simplify numerator and denominator. - """ - + """ + # precondition - assert isinstance(numerator, int) and isinstance(denominator,int) \ - and (denominator != 0), \ - "The arguments must been from type int and 'denominator' != 0" - + assert isinstance(numerator, int) and isinstance(denominator, int) \ + and (denominator != 0), \ + "The arguments must been from type int and 'denominator' != 0" + # build the greatest common divisor of numerator and denominator. gcdOfFraction = gcd(abs(numerator), abs(denominator)) # precondition assert isinstance(gcdOfFraction, int) and (numerator % gcdOfFraction == 0) \ - and (denominator % gcdOfFraction == 0), \ - "Error in function gcd(...,...)" - + and (denominator % gcdOfFraction == 0), \ + "Error in function gcd(...,...)" + return (numerator // gcdOfFraction, denominator // gcdOfFraction) - + + # ----------------------------------------------------------------- - + def factorial(n): """ input: positive integer 'n' returns the factorial of 'n' (n!) """ - + # precondition - assert isinstance(n,int) and (n >= 0), "'n' must been a int and >= 0" - - ans = 1 # this will be return. - - for factor in range(1,n+1): + assert isinstance(n, int) and (n >= 0), "'n' must been a int and >= 0" + + ans = 1 # this will be return. + + for factor in range(1, n + 1): ans *= factor - + return ans - + + # ------------------------------------------------------------------- - + def fib(n): """ input: positive integer 'n' returns the n-th fibonacci term , indexing by 0 - """ - + """ + # precondition assert isinstance(n, int) and (n >= 0), "'n' must been an int and >= 0" - + tmp = 0 fib1 = 1 - ans = 1 # this will be return - - for i in range(n-1): - + ans = 1 # this will be return + + for i in range(n - 1): tmp = ans ans += fib1 fib1 = tmp - + return ans diff --git a/other/sierpinski_triangle.py b/other/sierpinski_triangle.py index 329a8ce5c43f..1af411090806 100644 --- a/other/sierpinski_triangle.py +++ b/other/sierpinski_triangle.py @@ -24,10 +24,11 @@ Credits: This code was written by editing the code from http://www.riannetrujillo.com/blog/python-fractal/ ''' -import turtle import sys +import turtle + PROGNAME = 'Sierpinski Triangle' -if len(sys.argv) !=2: +if len(sys.argv) != 2: raise Exception('right format for using this script: $python fractals.py ') myPen = turtle.Turtle() @@ -35,33 +36,34 @@ myPen.speed(5) myPen.pencolor('red') -points = [[-175,-125],[0,175],[175,-125]] #size of triangle +points = [[-175, -125], [0, 175], [175, -125]] # size of triangle + -def getMid(p1,p2): - return ( (p1[0]+p2[0]) / 2, (p1[1] + p2[1]) / 2) #find midpoint +def getMid(p1, p2): + return ((p1[0] + p2[0]) / 2, (p1[1] + p2[1]) / 2) # find midpoint -def triangle(points,depth): +def triangle(points, depth): myPen.up() - myPen.goto(points[0][0],points[0][1]) + myPen.goto(points[0][0], points[0][1]) myPen.down() - myPen.goto(points[1][0],points[1][1]) - myPen.goto(points[2][0],points[2][1]) - myPen.goto(points[0][0],points[0][1]) + myPen.goto(points[1][0], points[1][1]) + myPen.goto(points[2][0], points[2][1]) + myPen.goto(points[0][0], points[0][1]) - if depth>0: + if depth > 0: triangle([points[0], - getMid(points[0], points[1]), - getMid(points[0], points[2])], - depth-1) + getMid(points[0], points[1]), + getMid(points[0], points[2])], + depth - 1) triangle([points[1], - getMid(points[0], points[1]), - getMid(points[1], points[2])], - depth-1) + getMid(points[0], points[1]), + getMid(points[1], points[2])], + depth - 1) triangle([points[2], - getMid(points[2], points[1]), - getMid(points[0], points[2])], - depth-1) + getMid(points[2], points[1]), + getMid(points[0], points[2])], + depth - 1) -triangle(points,int(sys.argv[1])) +triangle(points, int(sys.argv[1])) diff --git a/other/tower_of_hanoi.py b/other/tower_of_hanoi.py index dc15b2ce8e58..a6848b2e4913 100644 --- a/other/tower_of_hanoi.py +++ b/other/tower_of_hanoi.py @@ -1,5 +1,7 @@ from __future__ import print_function -def moveTower(height, fromPole, toPole, withPole): + + +def moveTower(height, fromPole, toPole, withPole): ''' >>> moveTower(3, 'A', 'B', 'C') moving disk from A to B @@ -11,16 +13,19 @@ def moveTower(height, fromPole, toPole, withPole): moving disk from A to B ''' if height >= 1: - moveTower(height-1, fromPole, withPole, toPole) + moveTower(height - 1, fromPole, withPole, toPole) moveDisk(fromPole, toPole) - moveTower(height-1, withPole, toPole, fromPole) + moveTower(height - 1, withPole, toPole, fromPole) + -def moveDisk(fp,tp): +def moveDisk(fp, tp): print(('moving disk from', fp, 'to', tp)) + def main(): height = int(input('Height of hanoi: ')) moveTower(height, 'A', 'B', 'C') + if __name__ == '__main__': main() diff --git a/other/two_sum.py b/other/two_sum.py index d4484aa85505..7c67ae97d801 100644 --- a/other/two_sum.py +++ b/other/two_sum.py @@ -11,6 +11,7 @@ """ from __future__ import print_function + def twoSum(nums, target): """ :type nums: List[int] @@ -19,11 +20,11 @@ def twoSum(nums, target): """ chk_map = {} for index, val in enumerate(nums): - compl = target - val - if compl in chk_map: - indices = [chk_map[compl], index] - print(indices) - return [indices] - else: - chk_map[val] = index + compl = target - val + if compl in chk_map: + indices = [chk_map[compl], index] + print(indices) + return [indices] + else: + chk_map[val] = index return False diff --git a/other/word_patterns.py b/other/word_patterns.py index c33d520087f7..87365f210625 100644 --- a/other/word_patterns.py +++ b/other/word_patterns.py @@ -1,5 +1,8 @@ from __future__ import print_function -import pprint, time + +import pprint +import time + def getWordPattern(word): word = word.upper() @@ -14,6 +17,7 @@ def getWordPattern(word): wordPattern.append(letterNums[letter]) return '.'.join(wordPattern) + def main(): startTime = time.time() allPatterns = {} @@ -35,5 +39,6 @@ def main(): totalTime = round(time.time() - startTime, 2) print(('Done! [', totalTime, 'seconds ]')) + if __name__ == '__main__': main() diff --git a/project_euler/problem_01/sol1.py b/project_euler/problem_01/sol1.py index c9a8c0f1ebeb..23f21af7faf0 100644 --- a/project_euler/problem_01/sol1.py +++ b/project_euler/problem_01/sol1.py @@ -1,13 +1,20 @@ -''' -Problem Statement: -If we list all the natural numbers below 10 that are multiples of 3 or 5, -we get 3,5,6 and 9. The sum of these multiples is 23. -Find the sum of all the multiples of 3 or 5 below N. -''' -from __future__ import print_function -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 -n = int(raw_input().strip()) -print(sum([e for e in range(3, n) if e % 3 == 0 or e % 5 == 0])) +""" +Problem Statement: +If we list all the natural numbers below 10 that are multiples of 3 or 5, +we get 3,5,6 and 9. The sum of these multiples is 23. +Find the sum of all the multiples of 3 or 5 below N. +""" +from __future__ import print_function + +N = 10 +N_limit = 101 +while N < N_limit: + # raw_input = input("请输入一个大于3的自然数:") + # n = int(filter(str.isdigit(), raw_input)) + n = N + sum_ = 0 + for e in range(3, n): + if e % 3 == 0 or e % 5 == 0: + sum_ += e + print(sum_) + N += 10 diff --git a/project_euler/problem_01/sol2.py b/project_euler/problem_01/sol2.py deleted file mode 100644 index 2b7760e0bfff..000000000000 --- a/project_euler/problem_01/sol2.py +++ /dev/null @@ -1,20 +0,0 @@ -''' -Problem Statement: -If we list all the natural numbers below 10 that are multiples of 3 or 5, -we get 3,5,6 and 9. The sum of these multiples is 23. -Find the sum of all the multiples of 3 or 5 below N. -''' -from __future__ import print_function -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 -n = int(raw_input().strip()) -sum = 0 -terms = (n-1)//3 -sum+= ((terms)*(6+(terms-1)*3))//2 #sum of an A.P. -terms = (n-1)//5 -sum+= ((terms)*(10+(terms-1)*5))//2 -terms = (n-1)//15 -sum-= ((terms)*(30+(terms-1)*15))//2 -print(sum) diff --git a/project_euler/problem_01/sol3.py b/project_euler/problem_01/sol3.py deleted file mode 100644 index f4f3aefcc5de..000000000000 --- a/project_euler/problem_01/sol3.py +++ /dev/null @@ -1,50 +0,0 @@ -from __future__ import print_function - -''' -Problem Statement: -If we list all the natural numbers below 10 that are multiples of 3 or 5, -we get 3,5,6 and 9. The sum of these multiples is 23. -Find the sum of all the multiples of 3 or 5 below N. -''' -''' -This solution is based on the pattern that the successive numbers in the series follow: 0+3,+2,+1,+3,+1,+2,+3. -''' - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 -n = int(raw_input().strip()) -sum=0 -num=0 -while(1): - num+=3 - if(num>=n): - break - sum+=num - num+=2 - if(num>=n): - break - sum+=num - num+=1 - if(num>=n): - break - sum+=num - num+=3 - if(num>=n): - break - sum+=num - num+=1 - if(num>=n): - break - sum+=num - num+=2 - if(num>=n): - break - sum+=num - num+=3 - if(num>=n): - break - sum+=num - -print(sum); diff --git a/project_euler/problem_01/sol4.py b/project_euler/problem_01/sol4.py deleted file mode 100644 index 7941f5fcd3fe..000000000000 --- a/project_euler/problem_01/sol4.py +++ /dev/null @@ -1,30 +0,0 @@ -def mulitples(limit): - xmulti = [] - zmulti = [] - z = 3 - x = 5 - temp = 1 - while True: - result = z * temp - if (result < limit): - zmulti.append(result) - temp += 1 - else: - temp = 1 - break - while True: - result = x * temp - if (result < limit): - xmulti.append(result) - temp += 1 - else: - break - collection = list(set(xmulti+zmulti)) - return (sum(collection)) - - - - - - -print (mulitples(1000)) diff --git a/project_euler/problem_01/sol5.py b/project_euler/problem_01/sol5.py deleted file mode 100644 index e261cc8fc729..000000000000 --- a/project_euler/problem_01/sol5.py +++ /dev/null @@ -1,16 +0,0 @@ -''' -Problem Statement: -If we list all the natural numbers below 10 that are multiples of 3 or 5, -we get 3,5,6 and 9. The sum of these multiples is 23. -Find the sum of all the multiples of 3 or 5 below N. -''' -from __future__ import print_function -try: - input = raw_input #python3 -except NameError: - pass #python 2 - -"""A straightforward pythonic solution using list comprehension""" -n = int(input().strip()) -print(sum([i for i in range(n) if i%3==0 or i%5==0])) - diff --git a/project_euler/problem_01/sol6.py b/project_euler/problem_01/sol6.py deleted file mode 100644 index 54c3073f3897..000000000000 --- a/project_euler/problem_01/sol6.py +++ /dev/null @@ -1,9 +0,0 @@ -a = 3 -result = 0 -while a < 1000: - if(a % 3 == 0 or a % 5 == 0): - result += a - elif(a % 15 == 0): - result -= a - a += 1 -print(result) diff --git a/project_euler/problem_02/sol1.py b/project_euler/problem_02/sol1.py index 44ea980f2df0..456d56cb9238 100644 --- a/project_euler/problem_02/sol1.py +++ b/project_euler/problem_02/sol1.py @@ -1,24 +1,24 @@ -''' +""" Problem: Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, the first 10 terms will be: 1,2,3,5,8,13,21,34,55,89,.. By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. e.g. for n=10, we have {2,8}, sum is 10. -''' +""" from __future__ import print_function -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - -n = int(raw_input().strip()) -i=1 -j=2 -sum=0 -while(j<=n): - if j%2 == 0: - sum+=j - i , j = j, i+j -print(sum) +N = 1 +N_limit = 10 +while N < N_limit: + n = N + sum_ = 0 + i = 1 + j = 2 + while j <= n: + if j % 2 == 0: + sum_ += j + # 二元赋值运算 + i, j = j, i + j + print(sum_) + N += 1 diff --git a/project_euler/problem_02/sol2.py b/project_euler/problem_02/sol2.py deleted file mode 100644 index a2772697bb79..000000000000 --- a/project_euler/problem_02/sol2.py +++ /dev/null @@ -1,15 +0,0 @@ -def fib(n): - """ - Returns a list of all the even terms in the Fibonacci sequence that are less than n. - """ - ls = [] - a, b = 0, 1 - while b < n: - if b % 2 == 0: - ls.append(b) - a, b = b, a+b - return ls - -if __name__ == '__main__': - n = int(input("Enter max number: ").strip()) - print(sum(fib(n))) diff --git a/project_euler/problem_02/sol3.py b/project_euler/problem_02/sol3.py deleted file mode 100644 index 0eb46d879704..000000000000 --- a/project_euler/problem_02/sol3.py +++ /dev/null @@ -1,18 +0,0 @@ -''' -Problem: -Each new term in the Fibonacci sequence is generated by adding the previous two terms. - 0,1,1,2,3,5,8,13,21,34,55,89,.. -Every third term from 0 is even So using this I have written a simple code -By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. -e.g. for n=10, we have {2,8}, sum is 10. -''' -"""Python 3""" -n = int(input()) -a=0 -b=2 -count=0 -while 4*b+a1): - prime=n + +n = int(input()) +prime = 1 +i = 2 +while i * i <= n: + while n % i == 0: + prime = i + n //= i + i += 1 +if n > 1: + prime = n print(prime) diff --git a/project_euler/problem_04/sol1.py b/project_euler/problem_04/sol1.py index 05fdd9ebab55..30a2b0032bf0 100644 --- a/project_euler/problem_04/sol1.py +++ b/project_euler/problem_04/sol1.py @@ -4,26 +4,26 @@ Find the largest palindrome made from the product of two 3-digit numbers which is less than N. ''' from __future__ import print_function + limit = int(input("limit? ")) # fetchs the next number -for number in range(limit-1,10000,-1): +for number in range(limit - 1, 10000, -1): # converts number into string. strNumber = str(number) # checks whether 'strNumber' is a palindrome. - if(strNumber == strNumber[::-1]): + if (strNumber == strNumber[::-1]): divisor = 999 # if 'number' is a product of two 3-digit numbers # then number is the answer otherwise fetch next number. - while(divisor != 99): - - if((number % divisor == 0) and (len(str(number / divisor)) == 3)): + while (divisor != 99): + if ((number % divisor == 0) and (len(str(number / divisor)) == 3)): print(number) exit(0) - divisor -=1 + divisor -= 1 diff --git a/project_euler/problem_04/sol2.py b/project_euler/problem_04/sol2.py index 70810c38986f..e05f3773fc00 100644 --- a/project_euler/problem_04/sol2.py +++ b/project_euler/problem_04/sol2.py @@ -4,14 +4,13 @@ Find the largest palindrome made from the product of two 3-digit numbers which is less than N. ''' from __future__ import print_function + n = int(input().strip()) answer = 0 -for i in range(999,99,-1): #3 digit nimbers range from 999 down to 100 - for j in range(999,99,-1): - t = str(i*j) - if t == t[::-1] and i*j < n: - answer = max(answer,i*j) +for i in range(999, 99, -1): # 3 digit nimbers range from 999 down to 100 + for j in range(999, 99, -1): + t = str(i * j) + if t == t[::-1] and i * j < n: + answer = max(answer, i * j) print(answer) exit(0) - - diff --git a/project_euler/problem_05/sol1.py b/project_euler/problem_05/sol1.py index 7896d75e3456..9dc912b5c208 100644 --- a/project_euler/problem_05/sol1.py +++ b/project_euler/problem_05/sol1.py @@ -8,14 +8,14 @@ n = int(input()) i = 0 while 1: - i+=n*(n-1) - nfound=0 - for j in range(2,n): - if (i%j != 0): - nfound=1 + i += n * (n - 1) + nfound = 0 + for j in range(2, n): + if (i % j != 0): + nfound = 1 break - if(nfound==0): - if(i==0): - i=1 + if (nfound == 0): + if (i == 0): + i = 1 print(i) break diff --git a/project_euler/problem_05/sol2.py b/project_euler/problem_05/sol2.py index cd11437f30db..11c8308b11f4 100644 --- a/project_euler/problem_05/sol2.py +++ b/project_euler/problem_05/sol2.py @@ -6,15 +6,21 @@ ''' """ Euclidean GCD Algorithm """ -def gcd(x,y): - return x if y==0 else gcd(y,x%y) + + +def gcd(x, y): + return x if y == 0 else gcd(y, x % y) + """ Using the property lcm*gcd of two numbers = product of them """ -def lcm(x,y): - return (x*y)//gcd(x,y) + + +def lcm(x, y): + return (x * y) // gcd(x, y) + n = int(input()) -g=1 -for i in range(1,n+1): - g=lcm(g,i) +g = 1 +for i in range(1, n + 1): + g = lcm(g, i) print(g) diff --git a/project_euler/problem_06/sol1.py b/project_euler/problem_06/sol1.py index 852d4e2f9fc4..135723b72bab 100644 --- a/project_euler/problem_06/sol1.py +++ b/project_euler/problem_06/sol1.py @@ -13,8 +13,8 @@ suma = 0 sumb = 0 n = int(input()) -for i in range(1,n+1): - suma += i**2 +for i in range(1, n + 1): + suma += i ** 2 sumb += i -sum = sumb**2 - suma +sum = sumb ** 2 - suma print(sum) diff --git a/project_euler/problem_06/sol2.py b/project_euler/problem_06/sol2.py index aa8aea58fd7b..179947b40598 100644 --- a/project_euler/problem_06/sol2.py +++ b/project_euler/problem_06/sol2.py @@ -9,8 +9,9 @@ Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. ''' from __future__ import print_function + n = int(input()) -suma = n*(n+1)/2 +suma = n * (n + 1) / 2 suma **= 2 -sumb = n*(n+1)*(2*n+1)/6 -print(suma-sumb) +sumb = n * (n + 1) * (2 * n + 1) / 6 +print(suma - sumb) diff --git a/project_euler/problem_06/sol3.py b/project_euler/problem_06/sol3.py index b2d9f444d9a9..cb65cf164a6d 100644 --- a/project_euler/problem_06/sol3.py +++ b/project_euler/problem_06/sol3.py @@ -8,13 +8,19 @@ Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. ''' from __future__ import print_function + import math + + def problem6(number=100): - sum_of_squares = sum([i*i for i in range(1,number+1)]) - square_of_sum = int(math.pow(sum(range(1,number+1)),2)) + sum_of_squares = sum([i * i for i in range(1, number + 1)]) + square_of_sum = int(math.pow(sum(range(1, number + 1)), 2)) return square_of_sum - sum_of_squares + + def main(): print(problem6()) + if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/project_euler/problem_07/sol1.py b/project_euler/problem_07/sol1.py index ea31d0b2bb2c..534314ad6cd6 100644 --- a/project_euler/problem_07/sol1.py +++ b/project_euler/problem_07/sol1.py @@ -4,27 +4,32 @@ What is the Nth prime number? ''' from __future__ import print_function + from math import sqrt + + def isprime(n): - if (n==2): + if (n == 2): return True - elif (n%2==0): + elif (n % 2 == 0): return False else: - sq = int(sqrt(n))+1 - for i in range(3,sq,2): - if(n%i==0): + sq = int(sqrt(n)) + 1 + for i in range(3, sq, 2): + if (n % i == 0): return False return True + + n = int(input()) -i=0 -j=1 -while(i!=n and j<3): - j+=1 +i = 0 +j = 1 +while (i != n and j < 3): + j += 1 if (isprime(j)): - i+=1 -while(i!=n): - j+=2 - if(isprime(j)): - i+=1 + i += 1 +while (i != n): + j += 2 + if (isprime(j)): + i += 1 print(j) diff --git a/project_euler/problem_07/sol2.py b/project_euler/problem_07/sol2.py index fdf39cbc4d26..07f972efd850 100644 --- a/project_euler/problem_07/sol2.py +++ b/project_euler/problem_07/sol2.py @@ -1,16 +1,18 @@ # By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. What is the Nth prime number? def isprime(number): - for i in range(2,int(number**0.5)+1): - if number%i==0: - return False - return True -n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted + for i in range(2, int(number ** 0.5) + 1): + if number % i == 0: + return False + return True + + +n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted primes = [] num = 2 while len(primes) < n: - if isprime(num): - primes.append(num) - num += 1 - else: - num += 1 + if isprime(num): + primes.append(num) + num += 1 + else: + num += 1 print(primes[len(primes) - 1]) diff --git a/project_euler/problem_07/sol3.py b/project_euler/problem_07/sol3.py index 0001e4318cc9..4f37dfb7f307 100644 --- a/project_euler/problem_07/sol3.py +++ b/project_euler/problem_07/sol3.py @@ -4,25 +4,30 @@ What is the Nth prime number? ''' from __future__ import print_function + +import itertools # from Python.Math import PrimeCheck import math -import itertools + + def primeCheck(number): if number % 2 == 0 and number > 2: return False return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) + def prime_generator(): num = 2 while True: if primeCheck(num): yield num - num+=1 + num += 1 + def main(): n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted - print(next(itertools.islice(prime_generator(),n-1,n))) + print(next(itertools.islice(prime_generator(), n - 1, n))) if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/project_euler/problem_08/sol1.py b/project_euler/problem_08/sol1.py index 817fd3f87507..80b1ce4df9c1 100644 --- a/project_euler/problem_08/sol1.py +++ b/project_euler/problem_08/sol1.py @@ -1,11 +1,13 @@ import sys + + def main(): - LargestProduct = -sys.maxsize-1 - number=input().strip() - for i in range(len(number)-12): - product=1 + LargestProduct = -sys.maxsize - 1 + number = input().strip() + for i in range(len(number) - 12): + product = 1 for j in range(13): - product *= int(number[i+j]) + product *= int(number[i + j]) if product > LargestProduct: LargestProduct = product print(LargestProduct) diff --git a/project_euler/problem_08/sol2.py b/project_euler/problem_08/sol2.py index ae03f3ad0aa6..324b60f26767 100644 --- a/project_euler/problem_08/sol2.py +++ b/project_euler/problem_08/sol2.py @@ -1,8 +1,10 @@ from functools import reduce + def main(): - number=input().strip() - print(max([reduce(lambda x,y: int(x)*int(y),number[i:i+13]) for i in range(len(number)-12)])) - + number = input().strip() + print(max([reduce(lambda x, y: int(x) * int(y), number[i:i + 13]) for i in range(len(number) - 12)])) + + if __name__ == '__main__': main() diff --git a/project_euler/problem_09/sol1.py b/project_euler/problem_09/sol1.py index e54c543b4721..15dfd8b6fe81 100644 --- a/project_euler/problem_09/sol1.py +++ b/project_euler/problem_09/sol1.py @@ -1,4 +1,5 @@ from __future__ import print_function + # Program to find the product of a,b,c which are Pythagorean Triplet that satisfice the following: # 1. a < b < c # 2. a**2 + b**2 = c**2 @@ -8,8 +9,8 @@ for a in range(300): for b in range(400): for c in range(500): - if(a < b < c): - if((a**2) + (b**2) == (c**2)): - if((a+b+c) == 1000): - print(("Product of",a,"*",b,"*",c,"=",(a*b*c))) + if (a < b < c): + if ((a ** 2) + (b ** 2) == (c ** 2)): + if ((a + b + c) == 1000): + print(("Product of", a, "*", b, "*", c, "=", (a * b * c))) break diff --git a/project_euler/problem_09/sol2.py b/project_euler/problem_09/sol2.py index 933f5c557d71..8eb89d184115 100644 --- a/project_euler/problem_09/sol2.py +++ b/project_euler/problem_09/sol2.py @@ -2,17 +2,17 @@ a^2+b^2=c^2 Given N, Check if there exists any Pythagorean triplet for which a+b+c=N Find maximum possible value of product of a,b,c among all such Pythagorean triplets, If there is no such Pythagorean triplet print -1.""" -#!/bin/python3 +# !/bin/python3 -product=-1 -d=0 +product = -1 +d = 0 N = int(input()) -for a in range(1,N//3): +for a in range(1, N // 3): """Solving the two equations a**2+b**2=c**2 and a+b+c=N eliminating c """ - b=(N*N-2*a*N)//(2*N-2*a) - c=N-a-b - if c*c==(a*a+b*b): - d=(a*b*c) - if d>=product: - product=d + b = (N * N - 2 * a * N) // (2 * N - 2 * a) + c = N - a - b + if c * c == (a * a + b * b): + d = (a * b * c) + if d >= product: + product = d print(product) diff --git a/project_euler/problem_09/sol3.py b/project_euler/problem_09/sol3.py index 5ebf38e76e1a..e11368b9a7db 100644 --- a/project_euler/problem_09/sol3.py +++ b/project_euler/problem_09/sol3.py @@ -1,6 +1,7 @@ def main(): - print([a*b*c for a in range(1,999) for b in range(a,999) for c in range(b,999) - if (a*a+b*b==c*c) and (a+b+c==1000 ) ][0]) - + print([a * b * c for a in range(1, 999) for b in range(a, 999) for c in range(b, 999) + if (a * a + b * b == c * c) and (a + b + c == 1000)][0]) + + if __name__ == '__main__': main() diff --git a/project_euler/problem_10/sol1.py b/project_euler/problem_10/sol1.py index 94e5b7362114..2435f1d1b3cb 100644 --- a/project_euler/problem_10/sol1.py +++ b/project_euler/problem_10/sol1.py @@ -1,38 +1,42 @@ from __future__ import print_function + from math import sqrt try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 + def is_prime(n): - for i in xrange(2, int(sqrt(n))+1): - if n%i == 0: - return False + for i in xrange(2, int(sqrt(n)) + 1): + if n % i == 0: + return False + + return True - return True def sum_of_primes(n): - if n > 2: - sumOfPrimes = 2 - else: - return 0 + if n > 2: + sumOfPrimes = 2 + else: + return 0 + + for i in xrange(3, n, 2): + if is_prime(i): + sumOfPrimes += i - for i in xrange(3, n, 2): - if is_prime(i): - sumOfPrimes += i + return sumOfPrimes - return sumOfPrimes if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - print(sum_of_primes(2000000)) - else: - try: - n = int(sys.argv[1]) - print(sum_of_primes(n)) - except ValueError: - print('Invalid entry - please enter a number.') + import sys + + if len(sys.argv) == 1: + print(sum_of_primes(2000000)) + else: + try: + n = int(sys.argv[1]) + print(sum_of_primes(n)) + except ValueError: + print('Invalid entry - please enter a number.') diff --git a/project_euler/problem_10/sol2.py b/project_euler/problem_10/sol2.py index 22df95c063e2..8b5aad7dc31a 100644 --- a/project_euler/problem_10/sol2.py +++ b/project_euler/problem_10/sol2.py @@ -1,22 +1,26 @@ -#from Python.Math import prime_generator -import math -from itertools import takewhile +# from Python.Math import prime_generator +import math +from itertools import takewhile + def primeCheck(number): if number % 2 == 0 and number > 2: return False return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) - + + def prime_generator(): num = 2 while True: if primeCheck(num): yield num - num+=1 - + num += 1 + + def main(): - n = int(input('Enter The upper limit of prime numbers: ')) - print(sum(takewhile(lambda x: x < n,prime_generator()))) - + n = int(input('Enter The upper limit of prime numbers: ')) + print(sum(takewhile(lambda x: x < n, prime_generator()))) + + if __name__ == '__main__': - main() + main() diff --git a/project_euler/problem_11/sol1.py b/project_euler/problem_11/sol1.py index b882dc449156..83337f42d0e9 100644 --- a/project_euler/problem_11/sol1.py +++ b/project_euler/problem_11/sol1.py @@ -1,4 +1,5 @@ from __future__ import print_function + ''' What is the greatest product of four adjacent numbers (horizontally, vertically, or diagonally) in this 20x20 array? @@ -25,44 +26,46 @@ ''' try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 2 + xrange = range # Python 2 + def largest_product(grid): - nColumns = len(grid[0]) - nRows = len(grid) + nColumns = len(grid[0]) + nRows = len(grid) + + largest = 0 + lrDiagProduct = 0 + rlDiagProduct = 0 - largest = 0 - lrDiagProduct = 0 - rlDiagProduct = 0 + # Check vertically, horizontally, diagonally at the same time (only works for nxn grid) + for i in xrange(nColumns): + for j in xrange(nRows - 3): + vertProduct = grid[j][i] * grid[j + 1][i] * grid[j + 2][i] * grid[j + 3][i] + horzProduct = grid[i][j] * grid[i][j + 1] * grid[i][j + 2] * grid[i][j + 3] - #Check vertically, horizontally, diagonally at the same time (only works for nxn grid) - for i in xrange(nColumns): - for j in xrange(nRows-3): - vertProduct = grid[j][i]*grid[j+1][i]*grid[j+2][i]*grid[j+3][i] - horzProduct = grid[i][j]*grid[i][j+1]*grid[i][j+2]*grid[i][j+3] + # Left-to-right diagonal (\) product + if (i < nColumns - 3): + lrDiagProduct = grid[i][j] * grid[i + 1][j + 1] * grid[i + 2][j + 2] * grid[i + 3][j + 3] - #Left-to-right diagonal (\) product - if (i < nColumns-3): - lrDiagProduct = grid[i][j]*grid[i+1][j+1]*grid[i+2][j+2]*grid[i+3][j+3] + # Right-to-left diagonal(/) product + if (i > 2): + rlDiagProduct = grid[i][j] * grid[i - 1][j + 1] * grid[i - 2][j + 2] * grid[i - 3][j + 3] - #Right-to-left diagonal(/) product - if (i > 2): - rlDiagProduct = grid[i][j]*grid[i-1][j+1]*grid[i-2][j+2]*grid[i-3][j+3] + maxProduct = max(vertProduct, horzProduct, lrDiagProduct, rlDiagProduct) + if maxProduct > largest: + largest = maxProduct - maxProduct = max(vertProduct, horzProduct, lrDiagProduct, rlDiagProduct) - if maxProduct > largest: - largest = maxProduct + return largest - return largest if __name__ == '__main__': - grid = [] - with open('grid.txt') as file: - for line in file: - grid.append(line.strip('\n').split(' ')) + grid = [] + with open('grid.txt') as file: + for line in file: + grid.append(line.strip('\n').split(' ')) - grid = [[int(i) for i in grid[j]] for j in xrange(len(grid))] + grid = [[int(i) for i in grid[j]] for j in xrange(len(grid))] - print(largest_product(grid)) \ No newline at end of file + print(largest_product(grid)) diff --git a/project_euler/problem_11/sol2.py b/project_euler/problem_11/sol2.py index b03395f01697..ebb845a3a34b 100644 --- a/project_euler/problem_11/sol2.py +++ b/project_euler/problem_11/sol2.py @@ -1,39 +1,40 @@ def main(): - with open ("grid.txt", "r") as f: - l = [] - for i in range(20): - l.append([int(x) for x in f.readline().split()]) + with open("grid.txt", "r") as f: + l = [] + for i in range(20): + l.append([int(x) for x in f.readline().split()]) - maximum = 0 + maximum = 0 - # right - for i in range(20): - for j in range(17): - temp = l[i][j] * l[i][j+1] * l[i][j+2] * l[i][j+3] - if temp > maximum: - maximum = temp + # right + for i in range(20): + for j in range(17): + temp = l[i][j] * l[i][j + 1] * l[i][j + 2] * l[i][j + 3] + if temp > maximum: + maximum = temp - # down - for i in range(17): - for j in range(20): - temp = l[i][j] * l[i+1][j] * l[i+2][j] * l[i+3][j] - if temp > maximum: - maximum = temp + # down + for i in range(17): + for j in range(20): + temp = l[i][j] * l[i + 1][j] * l[i + 2][j] * l[i + 3][j] + if temp > maximum: + maximum = temp + + # diagonal 1 + for i in range(17): + for j in range(17): + temp = l[i][j] * l[i + 1][j + 1] * l[i + 2][j + 2] * l[i + 3][j + 3] + if temp > maximum: + maximum = temp + + # diagonal 2 + for i in range(17): + for j in range(3, 20): + temp = l[i][j] * l[i + 1][j - 1] * l[i + 2][j - 2] * l[i + 3][j - 3] + if temp > maximum: + maximum = temp + print(maximum) - #diagonal 1 - for i in range(17): - for j in range(17): - temp = l[i][j] * l[i+1][j+1] * l[i+2][j+2] * l[i+3][j+3] - if temp > maximum: - maximum = temp - - #diagonal 2 - for i in range(17): - for j in range(3, 20): - temp = l[i][j] * l[i+1][j-1] * l[i+2][j-2] * l[i+3][j-3] - if temp > maximum: - maximum = temp - print(maximum) if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/project_euler/problem_12/sol1.py b/project_euler/problem_12/sol1.py index 73d48a2ec897..a62cce3b243e 100644 --- a/project_euler/problem_12/sol1.py +++ b/project_euler/problem_12/sol1.py @@ -1,5 +1,7 @@ from __future__ import print_function + from math import sqrt + ''' Highly divisible triangular numbers Problem 12 @@ -21,28 +23,30 @@ What is the value of the first triangle number to have over five hundred divisors? ''' try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 + def count_divisors(n): - nDivisors = 0 - for i in xrange(1, int(sqrt(n))+1): - if n%i == 0: - nDivisors += 2 - #check if n is perfect square - if n**0.5 == int(n**0.5): - nDivisors -= 1 - return nDivisors + nDivisors = 0 + for i in xrange(1, int(sqrt(n)) + 1): + if n % i == 0: + nDivisors += 2 + # check if n is perfect square + if n ** 0.5 == int(n ** 0.5): + nDivisors -= 1 + return nDivisors + tNum = 1 i = 1 while True: - i += 1 - tNum += i + i += 1 + tNum += i - if count_divisors(tNum) > 500: - break + if count_divisors(tNum) > 500: + break print(tNum) diff --git a/project_euler/problem_12/sol2.py b/project_euler/problem_12/sol2.py index 479ab2b900cb..07cf0ddf5fe0 100644 --- a/project_euler/problem_12/sol2.py +++ b/project_euler/problem_12/sol2.py @@ -1,8 +1,10 @@ -def triangle_number_generator(): - for n in range(1,1000000): - yield n*(n+1)//2 - -def count_divisors(n): - return sum([2 for i in range(1,int(n**0.5)+1) if n%i==0 and i*i != n]) +def triangle_number_generator(): + for n in range(1, 1000000): + yield n * (n + 1) // 2 + + +def count_divisors(n): + return sum([2 for i in range(1, int(n ** 0.5) + 1) if n % i == 0 and i * i != n]) + print(next(i for i in triangle_number_generator() if count_divisors(i) > 500)) diff --git a/project_euler/problem_13/sol1.py b/project_euler/problem_13/sol1.py index faaaad5e88c1..4088f6580ead 100644 --- a/project_euler/problem_13/sol1.py +++ b/project_euler/problem_13/sol1.py @@ -11,4 +11,3 @@ array.append(int(input().strip())) print(str(sum(array))[:10]) - diff --git a/project_euler/problem_14/sol1.py b/project_euler/problem_14/sol1.py index 9037f6eb8bd5..148e5aff9a8f 100644 --- a/project_euler/problem_14/sol1.py +++ b/project_euler/problem_14/sol1.py @@ -1,21 +1,22 @@ from __future__ import print_function + largest_number = 0 pre_counter = 0 -for input1 in range(750000,1000000): +for input1 in range(750000, 1000000): counter = 1 number = input1 while number > 1: if number % 2 == 0: - number /=2 + number /= 2 counter += 1 else: - number = (3*number)+1 + number = (3 * number) + 1 counter += 1 if counter > pre_counter: largest_number = input1 pre_counter = counter -print(('Largest Number:',largest_number,'->',pre_counter,'digits')) +print(('Largest Number:', largest_number, '->', pre_counter, 'digits')) diff --git a/project_euler/problem_14/sol2.py b/project_euler/problem_14/sol2.py index b9de42be1108..981f97b2a52c 100644 --- a/project_euler/problem_14/sol2.py +++ b/project_euler/problem_14/sol2.py @@ -1,16 +1,17 @@ def collatz_sequence(n): - """Collatz conjecture: start with any positive integer n.Next termis obtained from the previous term as follows: - if the previous term is even, the next term is one half the previous term. - If the previous term is odd, the next term is 3 times the previous term plus 1. - The conjecture states the sequence will always reach 1 regaardess of starting n.""" - sequence = [n] - while n != 1: - if n % 2 == 0:# even - n //= 2 - else: - n = 3*n +1 - sequence.append(n) - return sequence + """Collatz conjecture: start with any positive integer n.Next termis obtained from the previous term as follows: + if the previous term is even, the next term is one half the previous term. + If the previous term is odd, the next term is 3 times the previous term plus 1. + The conjecture states the sequence will always reach 1 regaardess of starting n.""" + sequence = [n] + while n != 1: + if n % 2 == 0: # even + n //= 2 + else: + n = 3 * n + 1 + sequence.append(n) + return sequence -answer = max([(len(collatz_sequence(i)), i) for i in range(1,1000000)]) -print("Longest Collatz sequence under one million is %d with length %d" % (answer[1],answer[0])) \ No newline at end of file + +answer = max([(len(collatz_sequence(i)), i) for i in range(1, 1000000)]) +print("Longest Collatz sequence under one million is %d with length %d" % (answer[1], answer[0])) diff --git a/project_euler/problem_15/sol1.py b/project_euler/problem_15/sol1.py index d24748011ef9..7b6ac2561f2c 100644 --- a/project_euler/problem_15/sol1.py +++ b/project_euler/problem_15/sol1.py @@ -1,20 +1,23 @@ from __future__ import print_function + from math import factorial + def lattice_paths(n): - n = 2*n #middle entry of odd rows starting at row 3 is the solution for n = 1, 2, 3,... - k = n/2 + n = 2 * n # middle entry of odd rows starting at row 3 is the solution for n = 1, 2, 3,... + k = n / 2 + + return factorial(n) / (factorial(k) * factorial(n - k)) - return factorial(n)/(factorial(k)*factorial(n-k)) if __name__ == '__main__': - import sys + import sys - if len(sys.argv) == 1: - print(lattice_paths(20)) - else: - try: - n = int(sys.argv[1]) - print(lattice_paths(n)) - except ValueError: - print('Invalid entry - please enter a number.') + if len(sys.argv) == 1: + print(lattice_paths(20)) + else: + try: + n = int(sys.argv[1]) + print(lattice_paths(n)) + except ValueError: + print('Invalid entry - please enter a number.') diff --git a/project_euler/problem_16/sol1.py b/project_euler/problem_16/sol1.py index 05c7916bd10a..e0d08b5fb2b9 100644 --- a/project_euler/problem_16/sol1.py +++ b/project_euler/problem_16/sol1.py @@ -1,5 +1,5 @@ power = int(input("Enter the power of 2: ")) -num = 2**power +num = 2 ** power string_num = str(num) @@ -7,9 +7,9 @@ sum_of_num = 0 -print("2 ^",power,"=",num) +print("2 ^", power, "=", num) for i in list_num: sum_of_num += int(i) -print("Sum of the digits are:",sum_of_num) +print("Sum of the digits are:", sum_of_num) diff --git a/project_euler/problem_17/sol1.py b/project_euler/problem_17/sol1.py index 8dd6f1af2093..702224724b2b 100644 --- a/project_euler/problem_17/sol1.py +++ b/project_euler/problem_17/sol1.py @@ -1,4 +1,5 @@ from __future__ import print_function + ''' Number letter counts Problem 17 @@ -12,24 +13,24 @@ contains 20 letters. The use of "and" when writing out numbers is in compliance with British usage. ''' -ones_counts = [0, 3, 3, 5, 4, 4, 3, 5, 5, 4, 3, 6, 6, 8, 8, 7, 7, 9, 8, 8] #number of letters in zero, one, two, ..., nineteen (0 for zero since it's never said aloud) -tens_counts = [0, 0, 6, 6, 5, 5, 5, 7, 6, 6] #number of letters in twenty, thirty, ..., ninety (0 for numbers less than 20 due to inconsistency in teens) +ones_counts = [0, 3, 3, 5, 4, 4, 3, 5, 5, 4, 3, 6, 6, 8, 8, 7, 7, 9, 8, 8] # number of letters in zero, one, two, ..., nineteen (0 for zero since it's never said aloud) +tens_counts = [0, 0, 6, 6, 5, 5, 5, 7, 6, 6] # number of letters in twenty, thirty, ..., ninety (0 for numbers less than 20 due to inconsistency in teens) count = 0 for i in range(1, 1001): - if i < 1000: - if i >= 100: - count += ones_counts[i/100] + 7 #add number of letters for "n hundred" - - if i%100 != 0: - count += 3 #add number of letters for "and" if number is not multiple of 100 - - if 0 < i%100 < 20: - count += ones_counts[i%100] #add number of letters for one, two, three, ..., nineteen (could be combined with below if not for inconsistency in teens) - else: - count += ones_counts[i%10] + tens_counts[(i%100-i%10)/10] #add number of letters for twenty, twenty one, ..., ninety nine - else: - count += ones_counts[i/1000] + 8 + if i < 1000: + if i >= 100: + count += ones_counts[i / 100] + 7 # add number of letters for "n hundred" + + if i % 100 != 0: + count += 3 # add number of letters for "and" if number is not multiple of 100 + + if 0 < i % 100 < 20: + count += ones_counts[i % 100] # add number of letters for one, two, three, ..., nineteen (could be combined with below if not for inconsistency in teens) + else: + count += ones_counts[i % 10] + tens_counts[(i % 100 - i % 10) / 10] # add number of letters for twenty, twenty one, ..., ninety nine + else: + count += ones_counts[i / 1000] + 8 print(count) diff --git a/project_euler/problem_19/sol1.py b/project_euler/problem_19/sol1.py index 13e520ca76e4..614f1426fada 100644 --- a/project_euler/problem_19/sol1.py +++ b/project_euler/problem_19/sol1.py @@ -1,4 +1,5 @@ from __future__ import print_function + ''' Counting Sundays Problem 19 @@ -27,25 +28,25 @@ sundays = 0 while year < 2001: - day += 7 - - if (year%4 == 0 and not year%100 == 0) or (year%400 == 0): - if day > days_per_month[month-1] and month != 2: - month += 1 - day = day-days_per_month[month-2] - elif day > 29 and month == 2: - month += 1 - day = day-29 - else: - if day > days_per_month[month-1]: - month += 1 - day = day-days_per_month[month-2] - - if month > 12: - year += 1 - month = 1 - - if year < 2001 and day == 1: - sundays += 1 + day += 7 + + if (year % 4 == 0 and not year % 100 == 0) or (year % 400 == 0): + if day > days_per_month[month - 1] and month != 2: + month += 1 + day = day - days_per_month[month - 2] + elif day > 29 and month == 2: + month += 1 + day = day - 29 + else: + if day > days_per_month[month - 1]: + month += 1 + day = day - days_per_month[month - 2] + + if month > 12: + year += 1 + month = 1 + + if year < 2001 and day == 1: + sundays += 1 print(sundays) diff --git a/project_euler/problem_20/sol1.py b/project_euler/problem_20/sol1.py index 73e41d5cc8fa..21687afccd2e 100644 --- a/project_euler/problem_20/sol1.py +++ b/project_euler/problem_20/sol1.py @@ -1,19 +1,21 @@ # Finding the factorial. def factorial(n): fact = 1 - for i in range(1,n+1): + for i in range(1, n + 1): fact *= i return fact + # Spliting the digits and adding it. def split_and_add(number): sum_of_digits = 0 - while(number>0): + while (number > 0): last_digit = number % 10 sum_of_digits += last_digit - number = int(number/10) # Removing the last_digit from the given number. + number = int(number / 10) # Removing the last_digit from the given number. return sum_of_digits + # Taking the user input. number = int(input("Enter the Number: ")) diff --git a/project_euler/problem_20/sol2.py b/project_euler/problem_20/sol2.py index bca9af9cb9ef..c2fbed02f763 100644 --- a/project_euler/problem_20/sol2.py +++ b/project_euler/problem_20/sol2.py @@ -1,5 +1,9 @@ from math import factorial + + def main(): - print(sum([int(x) for x in str(factorial(100))])) + print(sum([int(x) for x in str(factorial(100))])) + + if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/project_euler/problem_21/sol1.py b/project_euler/problem_21/sol1.py index da29a5c7b631..d209a6e57a80 100644 --- a/project_euler/problem_21/sol1.py +++ b/project_euler/problem_21/sol1.py @@ -1,6 +1,8 @@ -#-.- coding: latin-1 -.- +# -.- coding: latin-1 -.- from __future__ import print_function + from math import sqrt + ''' Amicable Numbers Problem 21 @@ -13,18 +15,20 @@ Evaluate the sum of all the amicable numbers under 10000. ''' try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 + def sum_of_divisors(n): - total = 0 - for i in xrange(1, int(sqrt(n)+1)): - if n%i == 0 and i != sqrt(n): - total += i + n//i - elif i == sqrt(n): - total += i - return total-n - -total = [i for i in range(1,10000) if sum_of_divisors(sum_of_divisors(i)) == i and sum_of_divisors(i) != i] + total = 0 + for i in xrange(1, int(sqrt(n) + 1)): + if n % i == 0 and i != sqrt(n): + total += i + n // i + elif i == sqrt(n): + total += i + return total - n + + +total = [i for i in range(1, 10000) if sum_of_divisors(sum_of_divisors(i)) == i and sum_of_divisors(i) != i] print(sum(total)) diff --git a/project_euler/problem_22/sol1.py b/project_euler/problem_22/sol1.py index 7754306583dc..45c0460a0dbf 100644 --- a/project_euler/problem_22/sol1.py +++ b/project_euler/problem_22/sol1.py @@ -1,5 +1,6 @@ # -*- coding: latin-1 -*- from __future__ import print_function + ''' Name scores Problem 22 @@ -14,13 +15,13 @@ What is the total of all the name scores in the file? ''' try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 with open('p022_names.txt') as file: - names = str(file.readlines()[0]) - names = names.replace('"', '').split(',') + names = str(file.readlines()[0]) + names = names.replace('"', '').split(',') names.sort() @@ -28,10 +29,10 @@ total_score = 0 for i, name in enumerate(names): - for letter in name: - name_score += ord(letter) - 64 + for letter in name: + name_score += ord(letter) - 64 - total_score += (i+1)*name_score - name_score = 0 + total_score += (i + 1) * name_score + name_score = 0 -print(total_score) \ No newline at end of file +print(total_score) diff --git a/project_euler/problem_22/sol2.py b/project_euler/problem_22/sol2.py index d7f9abf09d49..c8bb33d07b18 100644 --- a/project_euler/problem_22/sol2.py +++ b/project_euler/problem_22/sol2.py @@ -1,533 +1,533 @@ def main(): - name = [ - "MARY", "PATRICIA", "LINDA", "BARBARA", "ELIZABETH", "JENNIFER", "MARIA", "SUSAN", "MARGARET", "DOROTHY", - "LISA", "NANCY", "KAREN", "BETTY", "HELEN", "SANDRA", "DONNA", "CAROL", "RUTH", "SHARON", - "MICHELLE", "LAURA", "SARAH", "KIMBERLY", "DEBORAH", "JESSICA", "SHIRLEY", "CYNTHIA", "ANGELA", "MELISSA", - "BRENDA", "AMY", "ANNA", "REBECCA", "VIRGINIA", "KATHLEEN", "PAMELA", "MARTHA", "DEBRA", "AMANDA", - "STEPHANIE", "CAROLYN", "CHRISTINE", "MARIE", "JANET", "CATHERINE", "FRANCES", "ANN", "JOYCE", "DIANE", - "ALICE", "JULIE", "HEATHER", "TERESA", "DORIS", "GLORIA", "EVELYN", "JEAN", "CHERYL", "MILDRED", - "KATHERINE", "JOAN", "ASHLEY", "JUDITH", "ROSE", "JANICE", "KELLY", "NICOLE", "JUDY", "CHRISTINA", - "KATHY", "THERESA", "BEVERLY", "DENISE", "TAMMY", "IRENE", "JANE", "LORI", "RACHEL", "MARILYN", - "ANDREA", "KATHRYN", "LOUISE", "SARA", "ANNE", "JACQUELINE", "WANDA", "BONNIE", "JULIA", "RUBY", - "LOIS", "TINA", "PHYLLIS", "NORMA", "PAULA", "DIANA", "ANNIE", "LILLIAN", "EMILY", "ROBIN", - "PEGGY", "CRYSTAL", "GLADYS", "RITA", "DAWN", "CONNIE", "FLORENCE", "TRACY", "EDNA", "TIFFANY", - "CARMEN", "ROSA", "CINDY", "GRACE", "WENDY", "VICTORIA", "EDITH", "KIM", "SHERRY", "SYLVIA", - "JOSEPHINE", "THELMA", "SHANNON", "SHEILA", "ETHEL", "ELLEN", "ELAINE", "MARJORIE", "CARRIE", "CHARLOTTE", - "MONICA", "ESTHER", "PAULINE", "EMMA", "JUANITA", "ANITA", "RHONDA", "HAZEL", "AMBER", "EVA", - "DEBBIE", "APRIL", "LESLIE", "CLARA", "LUCILLE", "JAMIE", "JOANNE", "ELEANOR", "VALERIE", "DANIELLE", - "MEGAN", "ALICIA", "SUZANNE", "MICHELE", "GAIL", "BERTHA", "DARLENE", "VERONICA", "JILL", "ERIN", - "GERALDINE", "LAUREN", "CATHY", "JOANN", "LORRAINE", "LYNN", "SALLY", "REGINA", "ERICA", "BEATRICE", - "DOLORES", "BERNICE", "AUDREY", "YVONNE", "ANNETTE", "JUNE", "SAMANTHA", "MARION", "DANA", "STACY", - "ANA", "RENEE", "IDA", "VIVIAN", "ROBERTA", "HOLLY", "BRITTANY", "MELANIE", "LORETTA", "YOLANDA", - "JEANETTE", "LAURIE", "KATIE", "KRISTEN", "VANESSA", "ALMA", "SUE", "ELSIE", "BETH", "JEANNE", - "VICKI", "CARLA", "TARA", "ROSEMARY", "EILEEN", "TERRI", "GERTRUDE", "LUCY", "TONYA", "ELLA", - "STACEY", "WILMA", "GINA", "KRISTIN", "JESSIE", "NATALIE", "AGNES", "VERA", "WILLIE", "CHARLENE", - "BESSIE", "DELORES", "MELINDA", "PEARL", "ARLENE", "MAUREEN", "COLLEEN", "ALLISON", "TAMARA", "JOY", - "GEORGIA", "CONSTANCE", "LILLIE", "CLAUDIA", "JACKIE", "MARCIA", "TANYA", "NELLIE", "MINNIE", "MARLENE", - "HEIDI", "GLENDA", "LYDIA", "VIOLA", "COURTNEY", "MARIAN", "STELLA", "CAROLINE", "DORA", "JO", - "VICKIE", "MATTIE", "TERRY", "MAXINE", "IRMA", "MABEL", "MARSHA", "MYRTLE", "LENA", "CHRISTY", - "DEANNA", "PATSY", "HILDA", "GWENDOLYN", "JENNIE", "NORA", "MARGIE", "NINA", "CASSANDRA", "LEAH", - "PENNY", "KAY", "PRISCILLA", "NAOMI", "CAROLE", "BRANDY", "OLGA", "BILLIE", "DIANNE", "TRACEY", - "LEONA", "JENNY", "FELICIA", "SONIA", "MIRIAM", "VELMA", "BECKY", "BOBBIE", "VIOLET", "KRISTINA", - "TONI", "MISTY", "MAE", "SHELLY", "DAISY", "RAMONA", "SHERRI", "ERIKA", "KATRINA", "CLAIRE", - "LINDSEY", "LINDSAY", "GENEVA", "GUADALUPE", "BELINDA", "MARGARITA", "SHERYL", "CORA", "FAYE", "ADA", - "NATASHA", "SABRINA", "ISABEL", "MARGUERITE", "HATTIE", "HARRIET", "MOLLY", "CECILIA", "KRISTI", "BRANDI", - "BLANCHE", "SANDY", "ROSIE", "JOANNA", "IRIS", "EUNICE", "ANGIE", "INEZ", "LYNDA", "MADELINE", - "AMELIA", "ALBERTA", "GENEVIEVE", "MONIQUE", "JODI", "JANIE", "MAGGIE", "KAYLA", "SONYA", "JAN", - "LEE", "KRISTINE", "CANDACE", "FANNIE", "MARYANN", "OPAL", "ALISON", "YVETTE", "MELODY", "LUZ", - "SUSIE", "OLIVIA", "FLORA", "SHELLEY", "KRISTY", "MAMIE", "LULA", "LOLA", "VERNA", "BEULAH", - "ANTOINETTE", "CANDICE", "JUANA", "JEANNETTE", "PAM", "KELLI", "HANNAH", "WHITNEY", "BRIDGET", "KARLA", - "CELIA", "LATOYA", "PATTY", "SHELIA", "GAYLE", "DELLA", "VICKY", "LYNNE", "SHERI", "MARIANNE", - "KARA", "JACQUELYN", "ERMA", "BLANCA", "MYRA", "LETICIA", "PAT", "KRISTA", "ROXANNE", "ANGELICA", - "JOHNNIE", "ROBYN", "FRANCIS", "ADRIENNE", "ROSALIE", "ALEXANDRA", "BROOKE", "BETHANY", "SADIE", "BERNADETTE", - "TRACI", "JODY", "KENDRA", "JASMINE", "NICHOLE", "RACHAEL", "CHELSEA", "MABLE", "ERNESTINE", "MURIEL", - "MARCELLA", "ELENA", "KRYSTAL", "ANGELINA", "NADINE", "KARI", "ESTELLE", "DIANNA", "PAULETTE", "LORA", - "MONA", "DOREEN", "ROSEMARIE", "ANGEL", "DESIREE", "ANTONIA", "HOPE", "GINGER", "JANIS", "BETSY", - "CHRISTIE", "FREDA", "MERCEDES", "MEREDITH", "LYNETTE", "TERI", "CRISTINA", "EULA", "LEIGH", "MEGHAN", - "SOPHIA", "ELOISE", "ROCHELLE", "GRETCHEN", "CECELIA", "RAQUEL", "HENRIETTA", "ALYSSA", "JANA", "KELLEY", - "GWEN", "KERRY", "JENNA", "TRICIA", "LAVERNE", "OLIVE", "ALEXIS", "TASHA", "SILVIA", "ELVIRA", - "CASEY", "DELIA", "SOPHIE", "KATE", "PATTI", "LORENA", "KELLIE", "SONJA", "LILA", "LANA", - "DARLA", "MAY", "MINDY", "ESSIE", "MANDY", "LORENE", "ELSA", "JOSEFINA", "JEANNIE", "MIRANDA", - "DIXIE", "LUCIA", "MARTA", "FAITH", "LELA", "JOHANNA", "SHARI", "CAMILLE", "TAMI", "SHAWNA", - "ELISA", "EBONY", "MELBA", "ORA", "NETTIE", "TABITHA", "OLLIE", "JAIME", "WINIFRED", "KRISTIE", - "MARINA", "ALISHA", "AIMEE", "RENA", "MYRNA", "MARLA", "TAMMIE", "LATASHA", "BONITA", "PATRICE", - "RONDA", "SHERRIE", "ADDIE", "FRANCINE", "DELORIS", "STACIE", "ADRIANA", "CHERI", "SHELBY", "ABIGAIL", - "CELESTE", "JEWEL", "CARA", "ADELE", "REBEKAH", "LUCINDA", "DORTHY", "CHRIS", "EFFIE", "TRINA", - "REBA", "SHAWN", "SALLIE", "AURORA", "LENORA", "ETTA", "LOTTIE", "KERRI", "TRISHA", "NIKKI", - "ESTELLA", "FRANCISCA", "JOSIE", "TRACIE", "MARISSA", "KARIN", "BRITTNEY", "JANELLE", "LOURDES", "LAUREL", - "HELENE", "FERN", "ELVA", "CORINNE", "KELSEY", "INA", "BETTIE", "ELISABETH", "AIDA", "CAITLIN", - "INGRID", "IVA", "EUGENIA", "CHRISTA", "GOLDIE", "CASSIE", "MAUDE", "JENIFER", "THERESE", "FRANKIE", - "DENA", "LORNA", "JANETTE", "LATONYA", "CANDY", "MORGAN", "CONSUELO", "TAMIKA", "ROSETTA", "DEBORA", - "CHERIE", "POLLY", "DINA", "JEWELL", "FAY", "JILLIAN", "DOROTHEA", "NELL", "TRUDY", "ESPERANZA", - "PATRICA", "KIMBERLEY", "SHANNA", "HELENA", "CAROLINA", "CLEO", "STEFANIE", "ROSARIO", "OLA", "JANINE", - "MOLLIE", "LUPE", "ALISA", "LOU", "MARIBEL", "SUSANNE", "BETTE", "SUSANA", "ELISE", "CECILE", - "ISABELLE", "LESLEY", "JOCELYN", "PAIGE", "JONI", "RACHELLE", "LEOLA", "DAPHNE", "ALTA", "ESTER", - "PETRA", "GRACIELA", "IMOGENE", "JOLENE", "KEISHA", "LACEY", "GLENNA", "GABRIELA", "KERI", "URSULA", - "LIZZIE", "KIRSTEN", "SHANA", "ADELINE", "MAYRA", "JAYNE", "JACLYN", "GRACIE", "SONDRA", "CARMELA", - "MARISA", "ROSALIND", "CHARITY", "TONIA", "BEATRIZ", "MARISOL", "CLARICE", "JEANINE", "SHEENA", "ANGELINE", - "FRIEDA", "LILY", "ROBBIE", "SHAUNA", "MILLIE", "CLAUDETTE", "CATHLEEN", "ANGELIA", "GABRIELLE", "AUTUMN", - "KATHARINE", "SUMMER", "JODIE", "STACI", "LEA", "CHRISTI", "JIMMIE", "JUSTINE", "ELMA", "LUELLA", - "MARGRET", "DOMINIQUE", "SOCORRO", "RENE", "MARTINA", "MARGO", "MAVIS", "CALLIE", "BOBBI", "MARITZA", - "LUCILE", "LEANNE", "JEANNINE", "DEANA", "AILEEN", "LORIE", "LADONNA", "WILLA", "MANUELA", "GALE", - "SELMA", "DOLLY", "SYBIL", "ABBY", "LARA", "DALE", "IVY", "DEE", "WINNIE", "MARCY", - "LUISA", "JERI", "MAGDALENA", "OFELIA", "MEAGAN", "AUDRA", "MATILDA", "LEILA", "CORNELIA", "BIANCA", - "SIMONE", "BETTYE", "RANDI", "VIRGIE", "LATISHA", "BARBRA", "GEORGINA", "ELIZA", "LEANN", "BRIDGETTE", - "RHODA", "HALEY", "ADELA", "NOLA", "BERNADINE", "FLOSSIE", "ILA", "GRETA", "RUTHIE", "NELDA", - "MINERVA", "LILLY", "TERRIE", "LETHA", "HILARY", "ESTELA", "VALARIE", "BRIANNA", "ROSALYN", "EARLINE", - "CATALINA", "AVA", "MIA", "CLARISSA", "LIDIA", "CORRINE", "ALEXANDRIA", "CONCEPCION", "TIA", "SHARRON", - "RAE", "DONA", "ERICKA", "JAMI", "ELNORA", "CHANDRA", "LENORE", "NEVA", "MARYLOU", "MELISA", - "TABATHA", "SERENA", "AVIS", "ALLIE", "SOFIA", "JEANIE", "ODESSA", "NANNIE", "HARRIETT", "LORAINE", - "PENELOPE", "MILAGROS", "EMILIA", "BENITA", "ALLYSON", "ASHLEE", "TANIA", "TOMMIE", "ESMERALDA", "KARINA", - "EVE", "PEARLIE", "ZELMA", "MALINDA", "NOREEN", "TAMEKA", "SAUNDRA", "HILLARY", "AMIE", "ALTHEA", - "ROSALINDA", "JORDAN", "LILIA", "ALANA", "GAY", "CLARE", "ALEJANDRA", "ELINOR", "MICHAEL", "LORRIE", - "JERRI", "DARCY", "EARNESTINE", "CARMELLA", "TAYLOR", "NOEMI", "MARCIE", "LIZA", "ANNABELLE", "LOUISA", - "EARLENE", "MALLORY", "CARLENE", "NITA", "SELENA", "TANISHA", "KATY", "JULIANNE", "JOHN", "LAKISHA", - "EDWINA", "MARICELA", "MARGERY", "KENYA", "DOLLIE", "ROXIE", "ROSLYN", "KATHRINE", "NANETTE", "CHARMAINE", - "LAVONNE", "ILENE", "KRIS", "TAMMI", "SUZETTE", "CORINE", "KAYE", "JERRY", "MERLE", "CHRYSTAL", - "LINA", "DEANNE", "LILIAN", "JULIANA", "ALINE", "LUANN", "KASEY", "MARYANNE", "EVANGELINE", "COLETTE", - "MELVA", "LAWANDA", "YESENIA", "NADIA", "MADGE", "KATHIE", "EDDIE", "OPHELIA", "VALERIA", "NONA", - "MITZI", "MARI", "GEORGETTE", "CLAUDINE", "FRAN", "ALISSA", "ROSEANN", "LAKEISHA", "SUSANNA", "REVA", - "DEIDRE", "CHASITY", "SHEREE", "CARLY", "JAMES", "ELVIA", "ALYCE", "DEIRDRE", "GENA", "BRIANA", - "ARACELI", "KATELYN", "ROSANNE", "WENDI", "TESSA", "BERTA", "MARVA", "IMELDA", "MARIETTA", "MARCI", - "LEONOR", "ARLINE", "SASHA", "MADELYN", "JANNA", "JULIETTE", "DEENA", "AURELIA", "JOSEFA", "AUGUSTA", - "LILIANA", "YOUNG", "CHRISTIAN", "LESSIE", "AMALIA", "SAVANNAH", "ANASTASIA", "VILMA", "NATALIA", "ROSELLA", - "LYNNETTE", "CORINA", "ALFREDA", "LEANNA", "CAREY", "AMPARO", "COLEEN", "TAMRA", "AISHA", "WILDA", - "KARYN", "CHERRY", "QUEEN", "MAURA", "MAI", "EVANGELINA", "ROSANNA", "HALLIE", "ERNA", "ENID", - "MARIANA", "LACY", "JULIET", "JACKLYN", "FREIDA", "MADELEINE", "MARA", "HESTER", "CATHRYN", "LELIA", - "CASANDRA", "BRIDGETT", "ANGELITA", "JANNIE", "DIONNE", "ANNMARIE", "KATINA", "BERYL", "PHOEBE", "MILLICENT", - "KATHERYN", "DIANN", "CARISSA", "MARYELLEN", "LIZ", "LAURI", "HELGA", "GILDA", "ADRIAN", "RHEA", - "MARQUITA", "HOLLIE", "TISHA", "TAMERA", "ANGELIQUE", "FRANCESCA", "BRITNEY", "KAITLIN", "LOLITA", "FLORINE", - "ROWENA", "REYNA", "TWILA", "FANNY", "JANELL", "INES", "CONCETTA", "BERTIE", "ALBA", "BRIGITTE", - "ALYSON", "VONDA", "PANSY", "ELBA", "NOELLE", "LETITIA", "KITTY", "DEANN", "BRANDIE", "LOUELLA", - "LETA", "FELECIA", "SHARLENE", "LESA", "BEVERLEY", "ROBERT", "ISABELLA", "HERMINIA", "TERRA", "CELINA", - "TORI", "OCTAVIA", "JADE", "DENICE", "GERMAINE", "SIERRA", "MICHELL", "CORTNEY", "NELLY", "DORETHA", - "SYDNEY", "DEIDRA", "MONIKA", "LASHONDA", "JUDI", "CHELSEY", "ANTIONETTE", "MARGOT", "BOBBY", "ADELAIDE", - "NAN", "LEEANN", "ELISHA", "DESSIE", "LIBBY", "KATHI", "GAYLA", "LATANYA", "MINA", "MELLISA", - "KIMBERLEE", "JASMIN", "RENAE", "ZELDA", "ELDA", "MA", "JUSTINA", "GUSSIE", "EMILIE", "CAMILLA", - "ABBIE", "ROCIO", "KAITLYN", "JESSE", "EDYTHE", "ASHLEIGH", "SELINA", "LAKESHA", "GERI", "ALLENE", - "PAMALA", "MICHAELA", "DAYNA", "CARYN", "ROSALIA", "SUN", "JACQULINE", "REBECA", "MARYBETH", "KRYSTLE", - "IOLA", "DOTTIE", "BENNIE", "BELLE", "AUBREY", "GRISELDA", "ERNESTINA", "ELIDA", "ADRIANNE", "DEMETRIA", - "DELMA", "CHONG", "JAQUELINE", "DESTINY", "ARLEEN", "VIRGINA", "RETHA", "FATIMA", "TILLIE", "ELEANORE", - "CARI", "TREVA", "BIRDIE", "WILHELMINA", "ROSALEE", "MAURINE", "LATRICE", "YONG", "JENA", "TARYN", - "ELIA", "DEBBY", "MAUDIE", "JEANNA", "DELILAH", "CATRINA", "SHONDA", "HORTENCIA", "THEODORA", "TERESITA", - "ROBBIN", "DANETTE", "MARYJANE", "FREDDIE", "DELPHINE", "BRIANNE", "NILDA", "DANNA", "CINDI", "BESS", - "IONA", "HANNA", "ARIEL", "WINONA", "VIDA", "ROSITA", "MARIANNA", "WILLIAM", "RACHEAL", "GUILLERMINA", - "ELOISA", "CELESTINE", "CAREN", "MALISSA", "LONA", "CHANTEL", "SHELLIE", "MARISELA", "LEORA", "AGATHA", - "SOLEDAD", "MIGDALIA", "IVETTE", "CHRISTEN", "ATHENA", "JANEL", "CHLOE", "VEDA", "PATTIE", "TESSIE", - "TERA", "MARILYNN", "LUCRETIA", "KARRIE", "DINAH", "DANIELA", "ALECIA", "ADELINA", "VERNICE", "SHIELA", - "PORTIA", "MERRY", "LASHAWN", "DEVON", "DARA", "TAWANA", "OMA", "VERDA", "CHRISTIN", "ALENE", - "ZELLA", "SANDI", "RAFAELA", "MAYA", "KIRA", "CANDIDA", "ALVINA", "SUZAN", "SHAYLA", "LYN", - "LETTIE", "ALVA", "SAMATHA", "ORALIA", "MATILDE", "MADONNA", "LARISSA", "VESTA", "RENITA", "INDIA", - "DELOIS", "SHANDA", "PHILLIS", "LORRI", "ERLINDA", "CRUZ", "CATHRINE", "BARB", "ZOE", "ISABELL", - "IONE", "GISELA", "CHARLIE", "VALENCIA", "ROXANNA", "MAYME", "KISHA", "ELLIE", "MELLISSA", "DORRIS", - "DALIA", "BELLA", "ANNETTA", "ZOILA", "RETA", "REINA", "LAURETTA", "KYLIE", "CHRISTAL", "PILAR", - "CHARLA", "ELISSA", "TIFFANI", "TANA", "PAULINA", "LEOTA", "BREANNA", "JAYME", "CARMEL", "VERNELL", - "TOMASA", "MANDI", "DOMINGA", "SANTA", "MELODIE", "LURA", "ALEXA", "TAMELA", "RYAN", "MIRNA", - "KERRIE", "VENUS", "NOEL", "FELICITA", "CRISTY", "CARMELITA", "BERNIECE", "ANNEMARIE", "TIARA", "ROSEANNE", - "MISSY", "CORI", "ROXANA", "PRICILLA", "KRISTAL", "JUNG", "ELYSE", "HAYDEE", "ALETHA", "BETTINA", - "MARGE", "GILLIAN", "FILOMENA", "CHARLES", "ZENAIDA", "HARRIETTE", "CARIDAD", "VADA", "UNA", "ARETHA", - "PEARLINE", "MARJORY", "MARCELA", "FLOR", "EVETTE", "ELOUISE", "ALINA", "TRINIDAD", "DAVID", "DAMARIS", - "CATHARINE", "CARROLL", "BELVA", "NAKIA", "MARLENA", "LUANNE", "LORINE", "KARON", "DORENE", "DANITA", - "BRENNA", "TATIANA", "SAMMIE", "LOUANN", "LOREN", "JULIANNA", "ANDRIA", "PHILOMENA", "LUCILA", "LEONORA", - "DOVIE", "ROMONA", "MIMI", "JACQUELIN", "GAYE", "TONJA", "MISTI", "JOE", "GENE", "CHASTITY", - "STACIA", "ROXANN", "MICAELA", "NIKITA", "MEI", "VELDA", "MARLYS", "JOHNNA", "AURA", "LAVERN", - "IVONNE", "HAYLEY", "NICKI", "MAJORIE", "HERLINDA", "GEORGE", "ALPHA", "YADIRA", "PERLA", "GREGORIA", - "DANIEL", "ANTONETTE", "SHELLI", "MOZELLE", "MARIAH", "JOELLE", "CORDELIA", "JOSETTE", "CHIQUITA", "TRISTA", - "LOUIS", "LAQUITA", "GEORGIANA", "CANDI", "SHANON", "LONNIE", "HILDEGARD", "CECIL", "VALENTINA", "STEPHANY", - "MAGDA", "KAROL", "GERRY", "GABRIELLA", "TIANA", "ROMA", "RICHELLE", "RAY", "PRINCESS", "OLETA", - "JACQUE", "IDELLA", "ALAINA", "SUZANNA", "JOVITA", "BLAIR", "TOSHA", "RAVEN", "NEREIDA", "MARLYN", - "KYLA", "JOSEPH", "DELFINA", "TENA", "STEPHENIE", "SABINA", "NATHALIE", "MARCELLE", "GERTIE", "DARLEEN", - "THEA", "SHARONDA", "SHANTEL", "BELEN", "VENESSA", "ROSALINA", "ONA", "GENOVEVA", "COREY", "CLEMENTINE", - "ROSALBA", "RENATE", "RENATA", "MI", "IVORY", "GEORGIANNA", "FLOY", "DORCAS", "ARIANA", "TYRA", - "THEDA", "MARIAM", "JULI", "JESICA", "DONNIE", "VIKKI", "VERLA", "ROSELYN", "MELVINA", "JANNETTE", - "GINNY", "DEBRAH", "CORRIE", "ASIA", "VIOLETA", "MYRTIS", "LATRICIA", "COLLETTE", "CHARLEEN", "ANISSA", - "VIVIANA", "TWYLA", "PRECIOUS", "NEDRA", "LATONIA", "LAN", "HELLEN", "FABIOLA", "ANNAMARIE", "ADELL", - "SHARYN", "CHANTAL", "NIKI", "MAUD", "LIZETTE", "LINDY", "KIA", "KESHA", "JEANA", "DANELLE", - "CHARLINE", "CHANEL", "CARROL", "VALORIE", "LIA", "DORTHA", "CRISTAL", "SUNNY", "LEONE", "LEILANI", - "GERRI", "DEBI", "ANDRA", "KESHIA", "IMA", "EULALIA", "EASTER", "DULCE", "NATIVIDAD", "LINNIE", - "KAMI", "GEORGIE", "CATINA", "BROOK", "ALDA", "WINNIFRED", "SHARLA", "RUTHANN", "MEAGHAN", "MAGDALENE", - "LISSETTE", "ADELAIDA", "VENITA", "TRENA", "SHIRLENE", "SHAMEKA", "ELIZEBETH", "DIAN", "SHANTA", "MICKEY", - "LATOSHA", "CARLOTTA", "WINDY", "SOON", "ROSINA", "MARIANN", "LEISA", "JONNIE", "DAWNA", "CATHIE", - "BILLY", "ASTRID", "SIDNEY", "LAUREEN", "JANEEN", "HOLLI", "FAWN", "VICKEY", "TERESSA", "SHANTE", - "RUBYE", "MARCELINA", "CHANDA", "CARY", "TERESE", "SCARLETT", "MARTY", "MARNIE", "LULU", "LISETTE", - "JENIFFER", "ELENOR", "DORINDA", "DONITA", "CARMAN", "BERNITA", "ALTAGRACIA", "ALETA", "ADRIANNA", "ZORAIDA", - "RONNIE", "NICOLA", "LYNDSEY", "KENDALL", "JANINA", "CHRISSY", "AMI", "STARLA", "PHYLIS", "PHUONG", - "KYRA", "CHARISSE", "BLANCH", "SANJUANITA", "RONA", "NANCI", "MARILEE", "MARANDA", "CORY", "BRIGETTE", - "SANJUANA", "MARITA", "KASSANDRA", "JOYCELYN", "IRA", "FELIPA", "CHELSIE", "BONNY", "MIREYA", "LORENZA", - "KYONG", "ILEANA", "CANDELARIA", "TONY", "TOBY", "SHERIE", "OK", "MARK", "LUCIE", "LEATRICE", - "LAKESHIA", "GERDA", "EDIE", "BAMBI", "MARYLIN", "LAVON", "HORTENSE", "GARNET", "EVIE", "TRESSA", - "SHAYNA", "LAVINA", "KYUNG", "JEANETTA", "SHERRILL", "SHARA", "PHYLISS", "MITTIE", "ANABEL", "ALESIA", - "THUY", "TAWANDA", "RICHARD", "JOANIE", "TIFFANIE", "LASHANDA", "KARISSA", "ENRIQUETA", "DARIA", "DANIELLA", - "CORINNA", "ALANNA", "ABBEY", "ROXANE", "ROSEANNA", "MAGNOLIA", "LIDA", "KYLE", "JOELLEN", "ERA", - "CORAL", "CARLEEN", "TRESA", "PEGGIE", "NOVELLA", "NILA", "MAYBELLE", "JENELLE", "CARINA", "NOVA", - "MELINA", "MARQUERITE", "MARGARETTE", "JOSEPHINA", "EVONNE", "DEVIN", "CINTHIA", "ALBINA", "TOYA", "TAWNYA", - "SHERITA", "SANTOS", "MYRIAM", "LIZABETH", "LISE", "KEELY", "JENNI", "GISELLE", "CHERYLE", "ARDITH", - "ARDIS", "ALESHA", "ADRIANE", "SHAINA", "LINNEA", "KAROLYN", "HONG", "FLORIDA", "FELISHA", "DORI", - "DARCI", "ARTIE", "ARMIDA", "ZOLA", "XIOMARA", "VERGIE", "SHAMIKA", "NENA", "NANNETTE", "MAXIE", - "LOVIE", "JEANE", "JAIMIE", "INGE", "FARRAH", "ELAINA", "CAITLYN", "STARR", "FELICITAS", "CHERLY", - "CARYL", "YOLONDA", "YASMIN", "TEENA", "PRUDENCE", "PENNIE", "NYDIA", "MACKENZIE", "ORPHA", "MARVEL", - "LIZBETH", "LAURETTE", "JERRIE", "HERMELINDA", "CAROLEE", "TIERRA", "MIRIAN", "META", "MELONY", "KORI", - "JENNETTE", "JAMILA", "ENA", "ANH", "YOSHIKO", "SUSANNAH", "SALINA", "RHIANNON", "JOLEEN", "CRISTINE", - "ASHTON", "ARACELY", "TOMEKA", "SHALONDA", "MARTI", "LACIE", "KALA", "JADA", "ILSE", "HAILEY", - "BRITTANI", "ZONA", "SYBLE", "SHERRYL", "RANDY", "NIDIA", "MARLO", "KANDICE", "KANDI", "DEB", - "DEAN", "AMERICA", "ALYCIA", "TOMMY", "RONNA", "NORENE", "MERCY", "JOSE", "INGEBORG", "GIOVANNA", - "GEMMA", "CHRISTEL", "AUDRY", "ZORA", "VITA", "VAN", "TRISH", "STEPHAINE", "SHIRLEE", "SHANIKA", - "MELONIE", "MAZIE", "JAZMIN", "INGA", "HOA", "HETTIE", "GERALYN", "FONDA", "ESTRELLA", "ADELLA", - "SU", "SARITA", "RINA", "MILISSA", "MARIBETH", "GOLDA", "EVON", "ETHELYN", "ENEDINA", "CHERISE", - "CHANA", "VELVA", "TAWANNA", "SADE", "MIRTA", "LI", "KARIE", "JACINTA", "ELNA", "DAVINA", - "CIERRA", "ASHLIE", "ALBERTHA", "TANESHA", "STEPHANI", "NELLE", "MINDI", "LU", "LORINDA", "LARUE", - "FLORENE", "DEMETRA", "DEDRA", "CIARA", "CHANTELLE", "ASHLY", "SUZY", "ROSALVA", "NOELIA", "LYDA", - "LEATHA", "KRYSTYNA", "KRISTAN", "KARRI", "DARLINE", "DARCIE", "CINDA", "CHEYENNE", "CHERRIE", "AWILDA", - "ALMEDA", "ROLANDA", "LANETTE", "JERILYN", "GISELE", "EVALYN", "CYNDI", "CLETA", "CARIN", "ZINA", - "ZENA", "VELIA", "TANIKA", "PAUL", "CHARISSA", "THOMAS", "TALIA", "MARGARETE", "LAVONDA", "KAYLEE", - "KATHLENE", "JONNA", "IRENA", "ILONA", "IDALIA", "CANDIS", "CANDANCE", "BRANDEE", "ANITRA", "ALIDA", - "SIGRID", "NICOLETTE", "MARYJO", "LINETTE", "HEDWIG", "CHRISTIANA", "CASSIDY", "ALEXIA", "TRESSIE", "MODESTA", - "LUPITA", "LITA", "GLADIS", "EVELIA", "DAVIDA", "CHERRI", "CECILY", "ASHELY", "ANNABEL", "AGUSTINA", - "WANITA", "SHIRLY", "ROSAURA", "HULDA", "EUN", "BAILEY", "YETTA", "VERONA", "THOMASINA", "SIBYL", - "SHANNAN", "MECHELLE", "LUE", "LEANDRA", "LANI", "KYLEE", "KANDY", "JOLYNN", "FERNE", "EBONI", - "CORENE", "ALYSIA", "ZULA", "NADA", "MOIRA", "LYNDSAY", "LORRETTA", "JUAN", "JAMMIE", "HORTENSIA", - "GAYNELL", "CAMERON", "ADRIA", "VINA", "VICENTA", "TANGELA", "STEPHINE", "NORINE", "NELLA", "LIANA", - "LESLEE", "KIMBERELY", "ILIANA", "GLORY", "FELICA", "EMOGENE", "ELFRIEDE", "EDEN", "EARTHA", "CARMA", - "BEA", "OCIE", "MARRY", "LENNIE", "KIARA", "JACALYN", "CARLOTA", "ARIELLE", "YU", "STAR", - "OTILIA", "KIRSTIN", "KACEY", "JOHNETTA", "JOEY", "JOETTA", "JERALDINE", "JAUNITA", "ELANA", "DORTHEA", - "CAMI", "AMADA", "ADELIA", "VERNITA", "TAMAR", "SIOBHAN", "RENEA", "RASHIDA", "OUIDA", "ODELL", - "NILSA", "MERYL", "KRISTYN", "JULIETA", "DANICA", "BREANNE", "AUREA", "ANGLEA", "SHERRON", "ODETTE", - "MALIA", "LORELEI", "LIN", "LEESA", "KENNA", "KATHLYN", "FIONA", "CHARLETTE", "SUZIE", "SHANTELL", - "SABRA", "RACQUEL", "MYONG", "MIRA", "MARTINE", "LUCIENNE", "LAVADA", "JULIANN", "JOHNIE", "ELVERA", - "DELPHIA", "CLAIR", "CHRISTIANE", "CHAROLETTE", "CARRI", "AUGUSTINE", "ASHA", "ANGELLA", "PAOLA", "NINFA", - "LEDA", "LAI", "EDA", "SUNSHINE", "STEFANI", "SHANELL", "PALMA", "MACHELLE", "LISSA", "KECIA", - "KATHRYNE", "KARLENE", "JULISSA", "JETTIE", "JENNIFFER", "HUI", "CORRINA", "CHRISTOPHER", "CAROLANN", "ALENA", - "TESS", "ROSARIA", "MYRTICE", "MARYLEE", "LIANE", "KENYATTA", "JUDIE", "JANEY", "IN", "ELMIRA", - "ELDORA", "DENNA", "CRISTI", "CATHI", "ZAIDA", "VONNIE", "VIVA", "VERNIE", "ROSALINE", "MARIELA", - "LUCIANA", "LESLI", "KARAN", "FELICE", "DENEEN", "ADINA", "WYNONA", "TARSHA", "SHERON", "SHASTA", - "SHANITA", "SHANI", "SHANDRA", "RANDA", "PINKIE", "PARIS", "NELIDA", "MARILOU", "LYLA", "LAURENE", - "LACI", "JOI", "JANENE", "DOROTHA", "DANIELE", "DANI", "CAROLYNN", "CARLYN", "BERENICE", "AYESHA", - "ANNELIESE", "ALETHEA", "THERSA", "TAMIKO", "RUFINA", "OLIVA", "MOZELL", "MARYLYN", "MADISON", "KRISTIAN", - "KATHYRN", "KASANDRA", "KANDACE", "JANAE", "GABRIEL", "DOMENICA", "DEBBRA", "DANNIELLE", "CHUN", "BUFFY", - "BARBIE", "ARCELIA", "AJA", "ZENOBIA", "SHAREN", "SHAREE", "PATRICK", "PAGE", "MY", "LAVINIA", - "KUM", "KACIE", "JACKELINE", "HUONG", "FELISA", "EMELIA", "ELEANORA", "CYTHIA", "CRISTIN", "CLYDE", - "CLARIBEL", "CARON", "ANASTACIA", "ZULMA", "ZANDRA", "YOKO", "TENISHA", "SUSANN", "SHERILYN", "SHAY", - "SHAWANDA", "SABINE", "ROMANA", "MATHILDA", "LINSEY", "KEIKO", "JOANA", "ISELA", "GRETTA", "GEORGETTA", - "EUGENIE", "DUSTY", "DESIRAE", "DELORA", "CORAZON", "ANTONINA", "ANIKA", "WILLENE", "TRACEE", "TAMATHA", - "REGAN", "NICHELLE", "MICKIE", "MAEGAN", "LUANA", "LANITA", "KELSIE", "EDELMIRA", "BREE", "AFTON", - "TEODORA", "TAMIE", "SHENA", "MEG", "LINH", "KELI", "KACI", "DANYELLE", "BRITT", "ARLETTE", - "ALBERTINE", "ADELLE", "TIFFINY", "STORMY", "SIMONA", "NUMBERS", "NICOLASA", "NICHOL", "NIA", "NAKISHA", - "MEE", "MAIRA", "LOREEN", "KIZZY", "JOHNNY", "JAY", "FALLON", "CHRISTENE", "BOBBYE", "ANTHONY", - "YING", "VINCENZA", "TANJA", "RUBIE", "RONI", "QUEENIE", "MARGARETT", "KIMBERLI", "IRMGARD", "IDELL", - "HILMA", "EVELINA", "ESTA", "EMILEE", "DENNISE", "DANIA", "CARL", "CARIE", "ANTONIO", "WAI", - "SANG", "RISA", "RIKKI", "PARTICIA", "MUI", "MASAKO", "MARIO", "LUVENIA", "LOREE", "LONI", - "LIEN", "KEVIN", "GIGI", "FLORENCIA", "DORIAN", "DENITA", "DALLAS", "CHI", "BILLYE", "ALEXANDER", - "TOMIKA", "SHARITA", "RANA", "NIKOLE", "NEOMA", "MARGARITE", "MADALYN", "LUCINA", "LAILA", "KALI", - "JENETTE", "GABRIELE", "EVELYNE", "ELENORA", "CLEMENTINA", "ALEJANDRINA", "ZULEMA", "VIOLETTE", "VANNESSA", "THRESA", - "RETTA", "PIA", "PATIENCE", "NOELLA", "NICKIE", "JONELL", "DELTA", "CHUNG", "CHAYA", "CAMELIA", - "BETHEL", "ANYA", "ANDREW", "THANH", "SUZANN", "SPRING", "SHU", "MILA", "LILLA", "LAVERNA", - "KEESHA", "KATTIE", "GIA", "GEORGENE", "EVELINE", "ESTELL", "ELIZBETH", "VIVIENNE", "VALLIE", "TRUDIE", - "STEPHANE", "MICHEL", "MAGALY", "MADIE", "KENYETTA", "KARREN", "JANETTA", "HERMINE", "HARMONY", "DRUCILLA", - "DEBBI", "CELESTINA", "CANDIE", "BRITNI", "BECKIE", "AMINA", "ZITA", "YUN", "YOLANDE", "VIVIEN", - "VERNETTA", "TRUDI", "SOMMER", "PEARLE", "PATRINA", "OSSIE", "NICOLLE", "LOYCE", "LETTY", "LARISA", - "KATHARINA", "JOSELYN", "JONELLE", "JENELL", "IESHA", "HEIDE", "FLORINDA", "FLORENTINA", "FLO", "ELODIA", - "DORINE", "BRUNILDA", "BRIGID", "ASHLI", "ARDELLA", "TWANA", "THU", "TARAH", "SUNG", "SHEA", - "SHAVON", "SHANE", "SERINA", "RAYNA", "RAMONITA", "NGA", "MARGURITE", "LUCRECIA", "KOURTNEY", "KATI", - "JESUS", "JESENIA", "DIAMOND", "CRISTA", "AYANA", "ALICA", "ALIA", "VINNIE", "SUELLEN", "ROMELIA", - "RACHELL", "PIPER", "OLYMPIA", "MICHIKO", "KATHALEEN", "JOLIE", "JESSI", "JANESSA", "HANA", "HA", - "ELEASE", "CARLETTA", "BRITANY", "SHONA", "SALOME", "ROSAMOND", "REGENA", "RAINA", "NGOC", "NELIA", - "LOUVENIA", "LESIA", "LATRINA", "LATICIA", "LARHONDA", "JINA", "JACKI", "HOLLIS", "HOLLEY", "EMMY", - "DEEANN", "CORETTA", "ARNETTA", "VELVET", "THALIA", "SHANICE", "NETA", "MIKKI", "MICKI", "LONNA", - "LEANA", "LASHUNDA", "KILEY", "JOYE", "JACQULYN", "IGNACIA", "HYUN", "HIROKO", "HENRY", "HENRIETTE", - "ELAYNE", "DELINDA", "DARNELL", "DAHLIA", "COREEN", "CONSUELA", "CONCHITA", "CELINE", "BABETTE", "AYANNA", - "ANETTE", "ALBERTINA", "SKYE", "SHAWNEE", "SHANEKA", "QUIANA", "PAMELIA", "MIN", "MERRI", "MERLENE", - "MARGIT", "KIESHA", "KIERA", "KAYLENE", "JODEE", "JENISE", "ERLENE", "EMMIE", "ELSE", "DARYL", - "DALILA", "DAISEY", "CODY", "CASIE", "BELIA", "BABARA", "VERSIE", "VANESA", "SHELBA", "SHAWNDA", - "SAM", "NORMAN", "NIKIA", "NAOMA", "MARNA", "MARGERET", "MADALINE", "LAWANA", "KINDRA", "JUTTA", - "JAZMINE", "JANETT", "HANNELORE", "GLENDORA", "GERTRUD", "GARNETT", "FREEDA", "FREDERICA", "FLORANCE", "FLAVIA", - "DENNIS", "CARLINE", "BEVERLEE", "ANJANETTE", "VALDA", "TRINITY", "TAMALA", "STEVIE", "SHONNA", "SHA", - "SARINA", "ONEIDA", "MICAH", "MERILYN", "MARLEEN", "LURLINE", "LENNA", "KATHERIN", "JIN", "JENI", - "HAE", "GRACIA", "GLADY", "FARAH", "ERIC", "ENOLA", "EMA", "DOMINQUE", "DEVONA", "DELANA", - "CECILA", "CAPRICE", "ALYSHA", "ALI", "ALETHIA", "VENA", "THERESIA", "TAWNY", "SONG", "SHAKIRA", - "SAMARA", "SACHIKO", "RACHELE", "PAMELLA", "NICKY", "MARNI", "MARIEL", "MAREN", "MALISA", "LIGIA", - "LERA", "LATORIA", "LARAE", "KIMBER", "KATHERN", "KAREY", "JENNEFER", "JANETH", "HALINA", "FREDIA", - "DELISA", "DEBROAH", "CIERA", "CHIN", "ANGELIKA", "ANDREE", "ALTHA", "YEN", "VIVAN", "TERRESA", - "TANNA", "SUK", "SUDIE", "SOO", "SIGNE", "SALENA", "RONNI", "REBBECCA", "MYRTIE", "MCKENZIE", - "MALIKA", "MAIDA", "LOAN", "LEONARDA", "KAYLEIGH", "FRANCE", "ETHYL", "ELLYN", "DAYLE", "CAMMIE", - "BRITTNI", "BIRGIT", "AVELINA", "ASUNCION", "ARIANNA", "AKIKO", "VENICE", "TYESHA", "TONIE", "TIESHA", - "TAKISHA", "STEFFANIE", "SINDY", "SANTANA", "MEGHANN", "MANDA", "MACIE", "LADY", "KELLYE", "KELLEE", - "JOSLYN", "JASON", "INGER", "INDIRA", "GLINDA", "GLENNIS", "FERNANDA", "FAUSTINA", "ENEIDA", "ELICIA", - "DOT", "DIGNA", "DELL", "ARLETTA", "ANDRE", "WILLIA", "TAMMARA", "TABETHA", "SHERRELL", "SARI", - "REFUGIO", "REBBECA", "PAULETTA", "NIEVES", "NATOSHA", "NAKITA", "MAMMIE", "KENISHA", "KAZUKO", "KASSIE", - "GARY", "EARLEAN", "DAPHINE", "CORLISS", "CLOTILDE", "CAROLYNE", "BERNETTA", "AUGUSTINA", "AUDREA", "ANNIS", - "ANNABELL", "YAN", "TENNILLE", "TAMICA", "SELENE", "SEAN", "ROSANA", "REGENIA", "QIANA", "MARKITA", - "MACY", "LEEANNE", "LAURINE", "KYM", "JESSENIA", "JANITA", "GEORGINE", "GENIE", "EMIKO", "ELVIE", - "DEANDRA", "DAGMAR", "CORIE", "COLLEN", "CHERISH", "ROMAINE", "PORSHA", "PEARLENE", "MICHELINE", "MERNA", - "MARGORIE", "MARGARETTA", "LORE", "KENNETH", "JENINE", "HERMINA", "FREDERICKA", "ELKE", "DRUSILLA", "DORATHY", - "DIONE", "DESIRE", "CELENA", "BRIGIDA", "ANGELES", "ALLEGRA", "THEO", "TAMEKIA", "SYNTHIA", "STEPHEN", - "SOOK", "SLYVIA", "ROSANN", "REATHA", "RAYE", "MARQUETTA", "MARGART", "LING", "LAYLA", "KYMBERLY", - "KIANA", "KAYLEEN", "KATLYN", "KARMEN", "JOELLA", "IRINA", "EMELDA", "ELENI", "DETRA", "CLEMMIE", - "CHERYLL", "CHANTELL", "CATHEY", "ARNITA", "ARLA", "ANGLE", "ANGELIC", "ALYSE", "ZOFIA", "THOMASINE", - "TENNIE", "SON", "SHERLY", "SHERLEY", "SHARYL", "REMEDIOS", "PETRINA", "NICKOLE", "MYUNG", "MYRLE", - "MOZELLA", "LOUANNE", "LISHA", "LATIA", "LANE", "KRYSTA", "JULIENNE", "JOEL", "JEANENE", "JACQUALINE", - "ISAURA", "GWENDA", "EARLEEN", "DONALD", "CLEOPATRA", "CARLIE", "AUDIE", "ANTONIETTA", "ALISE", "ALEX", - "VERDELL", "VAL", "TYLER", "TOMOKO", "THAO", "TALISHA", "STEVEN", "SO", "SHEMIKA", "SHAUN", - "SCARLET", "SAVANNA", "SANTINA", "ROSIA", "RAEANN", "ODILIA", "NANA", "MINNA", "MAGAN", "LYNELLE", - "LE", "KARMA", "JOEANN", "IVANA", "INELL", "ILANA", "HYE", "HONEY", "HEE", "GUDRUN", - "FRANK", "DREAMA", "CRISSY", "CHANTE", "CARMELINA", "ARVILLA", "ARTHUR", "ANNAMAE", "ALVERA", "ALEIDA", - "AARON", "YEE", "YANIRA", "VANDA", "TIANNA", "TAM", "STEFANIA", "SHIRA", "PERRY", "NICOL", - "NANCIE", "MONSERRATE", "MINH", "MELYNDA", "MELANY", "MATTHEW", "LOVELLA", "LAURE", "KIRBY", "KACY", - "JACQUELYNN", "HYON", "GERTHA", "FRANCISCO", "ELIANA", "CHRISTENA", "CHRISTEEN", "CHARISE", "CATERINA", "CARLEY", - "CANDYCE", "ARLENA", "AMMIE", "YANG", "WILLETTE", "VANITA", "TUYET", "TINY", "SYREETA", "SILVA", - "SCOTT", "RONALD", "PENNEY", "NYLA", "MICHAL", "MAURICE", "MARYAM", "MARYA", "MAGEN", "LUDIE", - "LOMA", "LIVIA", "LANELL", "KIMBERLIE", "JULEE", "DONETTA", "DIEDRA", "DENISHA", "DEANE", "DAWNE", - "CLARINE", "CHERRYL", "BRONWYN", "BRANDON", "ALLA", "VALERY", "TONDA", "SUEANN", "SORAYA", "SHOSHANA", - "SHELA", "SHARLEEN", "SHANELLE", "NERISSA", "MICHEAL", "MERIDITH", "MELLIE", "MAYE", "MAPLE", "MAGARET", - "LUIS", "LILI", "LEONILA", "LEONIE", "LEEANNA", "LAVONIA", "LAVERA", "KRISTEL", "KATHEY", "KATHE", - "JUSTIN", "JULIAN", "JIMMY", "JANN", "ILDA", "HILDRED", "HILDEGARDE", "GENIA", "FUMIKO", "EVELIN", - "ERMELINDA", "ELLY", "DUNG", "DOLORIS", "DIONNA", "DANAE", "BERNEICE", "ANNICE", "ALIX", "VERENA", - "VERDIE", "TRISTAN", "SHAWNNA", "SHAWANA", "SHAUNNA", "ROZELLA", "RANDEE", "RANAE", "MILAGRO", "LYNELL", - "LUISE", "LOUIE", "LOIDA", "LISBETH", "KARLEEN", "JUNITA", "JONA", "ISIS", "HYACINTH", "HEDY", - "GWENN", "ETHELENE", "ERLINE", "EDWARD", "DONYA", "DOMONIQUE", "DELICIA", "DANNETTE", "CICELY", "BRANDA", - "BLYTHE", "BETHANN", "ASHLYN", "ANNALEE", "ALLINE", "YUKO", "VELLA", "TRANG", "TOWANDA", "TESHA", - "SHERLYN", "NARCISA", "MIGUELINA", "MERI", "MAYBELL", "MARLANA", "MARGUERITA", "MADLYN", "LUNA", "LORY", - "LORIANN", "LIBERTY", "LEONORE", "LEIGHANN", "LAURICE", "LATESHA", "LARONDA", "KATRICE", "KASIE", "KARL", - "KALEY", "JADWIGA", "GLENNIE", "GEARLDINE", "FRANCINA", "EPIFANIA", "DYAN", "DORIE", "DIEDRE", "DENESE", - "DEMETRICE", "DELENA", "DARBY", "CRISTIE", "CLEORA", "CATARINA", "CARISA", "BERNIE", "BARBERA", "ALMETA", - "TRULA", "TEREASA", "SOLANGE", "SHEILAH", "SHAVONNE", "SANORA", "ROCHELL", "MATHILDE", "MARGARETA", "MAIA", - "LYNSEY", "LAWANNA", "LAUNA", "KENA", "KEENA", "KATIA", "JAMEY", "GLYNDA", "GAYLENE", "ELVINA", - "ELANOR", "DANUTA", "DANIKA", "CRISTEN", "CORDIE", "COLETTA", "CLARITA", "CARMON", "BRYNN", "AZUCENA", - "AUNDREA", "ANGELE", "YI", "WALTER", "VERLIE", "VERLENE", "TAMESHA", "SILVANA", "SEBRINA", "SAMIRA", - "REDA", "RAYLENE", "PENNI", "PANDORA", "NORAH", "NOMA", "MIREILLE", "MELISSIA", "MARYALICE", "LARAINE", - "KIMBERY", "KARYL", "KARINE", "KAM", "JOLANDA", "JOHANA", "JESUSA", "JALEESA", "JAE", "JACQUELYNE", - "IRISH", "ILUMINADA", "HILARIA", "HANH", "GENNIE", "FRANCIE", "FLORETTA", "EXIE", "EDDA", "DREMA", - "DELPHA", "BEV", "BARBAR", "ASSUNTA", "ARDELL", "ANNALISA", "ALISIA", "YUKIKO", "YOLANDO", "WONDA", - "WEI", "WALTRAUD", "VETA", "TEQUILA", "TEMEKA", "TAMEIKA", "SHIRLEEN", "SHENITA", "PIEDAD", "OZELLA", - "MIRTHA", "MARILU", "KIMIKO", "JULIANE", "JENICE", "JEN", "JANAY", "JACQUILINE", "HILDE", "FE", - "FAE", "EVAN", "EUGENE", "ELOIS", "ECHO", "DEVORAH", "CHAU", "BRINDA", "BETSEY", "ARMINDA", - "ARACELIS", "APRYL", "ANNETT", "ALISHIA", "VEOLA", "USHA", "TOSHIKO", "THEOLA", "TASHIA", "TALITHA", - "SHERY", "RUDY", "RENETTA", "REIKO", "RASHEEDA", "OMEGA", "OBDULIA", "MIKA", "MELAINE", "MEGGAN", - "MARTIN", "MARLEN", "MARGET", "MARCELINE", "MANA", "MAGDALEN", "LIBRADA", "LEZLIE", "LEXIE", "LATASHIA", - "LASANDRA", "KELLE", "ISIDRA", "ISA", "INOCENCIA", "GWYN", "FRANCOISE", "ERMINIA", "ERINN", "DIMPLE", - "DEVORA", "CRISELDA", "ARMANDA", "ARIE", "ARIANE", "ANGELO", "ANGELENA", "ALLEN", "ALIZA", "ADRIENE", - "ADALINE", "XOCHITL", "TWANNA", "TRAN", "TOMIKO", "TAMISHA", "TAISHA", "SUSY", "SIU", "RUTHA", - "ROXY", "RHONA", "RAYMOND", "OTHA", "NORIKO", "NATASHIA", "MERRIE", "MELVIN", "MARINDA", "MARIKO", - "MARGERT", "LORIS", "LIZZETTE", "LEISHA", "KAILA", "KA", "JOANNIE", "JERRICA", "JENE", "JANNET", - "JANEE", "JACINDA", "HERTA", "ELENORE", "DORETTA", "DELAINE", "DANIELL", "CLAUDIE", "CHINA", "BRITTA", - "APOLONIA", "AMBERLY", "ALEASE", "YURI", "YUK", "WEN", "WANETA", "UTE", "TOMI", "SHARRI", - "SANDIE", "ROSELLE", "REYNALDA", "RAGUEL", "PHYLICIA", "PATRIA", "OLIMPIA", "ODELIA", "MITZIE", "MITCHELL", - "MISS", "MINDA", "MIGNON", "MICA", "MENDY", "MARIVEL", "MAILE", "LYNETTA", "LAVETTE", "LAURYN", - "LATRISHA", "LAKIESHA", "KIERSTEN", "KARY", "JOSPHINE", "JOLYN", "JETTA", "JANISE", "JACQUIE", "IVELISSE", - "GLYNIS", "GIANNA", "GAYNELLE", "EMERALD", "DEMETRIUS", "DANYELL", "DANILLE", "DACIA", "CORALEE", "CHER", - "CEOLA", "BRETT", "BELL", "ARIANNE", "ALESHIA", "YUNG", "WILLIEMAE", "TROY", "TRINH", "THORA", - "TAI", "SVETLANA", "SHERIKA", "SHEMEKA", "SHAUNDA", "ROSELINE", "RICKI", "MELDA", "MALLIE", "LAVONNA", - "LATINA", "LARRY", "LAQUANDA", "LALA", "LACHELLE", "KLARA", "KANDIS", "JOHNA", "JEANMARIE", "JAYE", - "HANG", "GRAYCE", "GERTUDE", "EMERITA", "EBONIE", "CLORINDA", "CHING", "CHERY", "CAROLA", "BREANN", - "BLOSSOM", "BERNARDINE", "BECKI", "ARLETHA", "ARGELIA", "ARA", "ALITA", "YULANDA", "YON", "YESSENIA", - "TOBI", "TASIA", "SYLVIE", "SHIRL", "SHIRELY", "SHERIDAN", "SHELLA", "SHANTELLE", "SACHA", "ROYCE", - "REBECKA", "REAGAN", "PROVIDENCIA", "PAULENE", "MISHA", "MIKI", "MARLINE", "MARICA", "LORITA", "LATOYIA", - "LASONYA", "KERSTIN", "KENDA", "KEITHA", "KATHRIN", "JAYMIE", "JACK", "GRICELDA", "GINETTE", "ERYN", - "ELINA", "ELFRIEDA", "DANYEL", "CHEREE", "CHANELLE", "BARRIE", "AVERY", "AURORE", "ANNAMARIA", "ALLEEN", - "AILENE", "AIDE", "YASMINE", "VASHTI", "VALENTINE", "TREASA", "TORY", "TIFFANEY", "SHERYLL", "SHARIE", - "SHANAE", "SAU", "RAISA", "PA", "NEDA", "MITSUKO", "MIRELLA", "MILDA", "MARYANNA", "MARAGRET", - "MABELLE", "LUETTA", "LORINA", "LETISHA", "LATARSHA", "LANELLE", "LAJUANA", "KRISSY", "KARLY", "KARENA", - "JON", "JESSIKA", "JERICA", "JEANELLE", "JANUARY", "JALISA", "JACELYN", "IZOLA", "IVEY", "GREGORY", - "EUNA", "ETHA", "DREW", "DOMITILA", "DOMINICA", "DAINA", "CREOLA", "CARLI", "CAMIE", "BUNNY", - "BRITTNY", "ASHANTI", "ANISHA", "ALEEN", "ADAH", "YASUKO", "WINTER", "VIKI", "VALRIE", "TONA", - "TINISHA", "THI", "TERISA", "TATUM", "TANEKA", "SIMONNE", "SHALANDA", "SERITA", "RESSIE", "REFUGIA", - "PAZ", "OLENE", "NA", "MERRILL", "MARGHERITA", "MANDIE", "MAN", "MAIRE", "LYNDIA", "LUCI", - "LORRIANE", "LORETA", "LEONIA", "LAVONA", "LASHAWNDA", "LAKIA", "KYOKO", "KRYSTINA", "KRYSTEN", "KENIA", - "KELSI", "JUDE", "JEANICE", "ISOBEL", "GEORGIANN", "GENNY", "FELICIDAD", "EILENE", "DEON", "DELOISE", - "DEEDEE", "DANNIE", "CONCEPTION", "CLORA", "CHERILYN", "CHANG", "CALANDRA", "BERRY", "ARMANDINA", "ANISA", - "ULA", "TIMOTHY", "TIERA", "THERESSA", "STEPHANIA", "SIMA", "SHYLA", "SHONTA", "SHERA", "SHAQUITA", - "SHALA", "SAMMY", "ROSSANA", "NOHEMI", "NERY", "MORIAH", "MELITA", "MELIDA", "MELANI", "MARYLYNN", - "MARISHA", "MARIETTE", "MALORIE", "MADELENE", "LUDIVINA", "LORIA", "LORETTE", "LORALEE", "LIANNE", "LEON", - "LAVENIA", "LAURINDA", "LASHON", "KIT", "KIMI", "KEILA", "KATELYNN", "KAI", "JONE", "JOANE", - "JI", "JAYNA", "JANELLA", "JA", "HUE", "HERTHA", "FRANCENE", "ELINORE", "DESPINA", "DELSIE", - "DEEDRA", "CLEMENCIA", "CARRY", "CAROLIN", "CARLOS", "BULAH", "BRITTANIE", "BOK", "BLONDELL", "BIBI", - "BEAULAH", "BEATA", "ANNITA", "AGRIPINA", "VIRGEN", "VALENE", "UN", "TWANDA", "TOMMYE", "TOI", - "TARRA", "TARI", "TAMMERA", "SHAKIA", "SADYE", "RUTHANNE", "ROCHEL", "RIVKA", "PURA", "NENITA", - "NATISHA", "MING", "MERRILEE", "MELODEE", "MARVIS", "LUCILLA", "LEENA", "LAVETA", "LARITA", "LANIE", - "KEREN", "ILEEN", "GEORGEANN", "GENNA", "GENESIS", "FRIDA", "EWA", "EUFEMIA", "EMELY", "ELA", - "EDYTH", "DEONNA", "DEADRA", "DARLENA", "CHANELL", "CHAN", "CATHERN", "CASSONDRA", "CASSAUNDRA", "BERNARDA", - "BERNA", "ARLINDA", "ANAMARIA", "ALBERT", "WESLEY", "VERTIE", "VALERI", "TORRI", "TATYANA", "STASIA", - "SHERISE", "SHERILL", "SEASON", "SCOTTIE", "SANDA", "RUTHE", "ROSY", "ROBERTO", "ROBBI", "RANEE", - "QUYEN", "PEARLY", "PALMIRA", "ONITA", "NISHA", "NIESHA", "NIDA", "NEVADA", "NAM", "MERLYN", - "MAYOLA", "MARYLOUISE", "MARYLAND", "MARX", "MARTH", "MARGENE", "MADELAINE", "LONDA", "LEONTINE", "LEOMA", - "LEIA", "LAWRENCE", "LAURALEE", "LANORA", "LAKITA", "KIYOKO", "KETURAH", "KATELIN", "KAREEN", "JONIE", - "JOHNETTE", "JENEE", "JEANETT", "IZETTA", "HIEDI", "HEIKE", "HASSIE", "HAROLD", "GIUSEPPINA", "GEORGANN", - "FIDELA", "FERNANDE", "ELWANDA", "ELLAMAE", "ELIZ", "DUSTI", "DOTTY", "CYNDY", "CORALIE", "CELESTA", - "ARGENTINA", "ALVERTA", "XENIA", "WAVA", "VANETTA", "TORRIE", "TASHINA", "TANDY", "TAMBRA", "TAMA", - "STEPANIE", "SHILA", "SHAUNTA", "SHARAN", "SHANIQUA", "SHAE", "SETSUKO", "SERAFINA", "SANDEE", "ROSAMARIA", - "PRISCILA", "OLINDA", "NADENE", "MUOI", "MICHELINA", "MERCEDEZ", "MARYROSE", "MARIN", "MARCENE", "MAO", - "MAGALI", "MAFALDA", "LOGAN", "LINN", "LANNIE", "KAYCE", "KAROLINE", "KAMILAH", "KAMALA", "JUSTA", - "JOLINE", "JENNINE", "JACQUETTA", "IRAIDA", "GERALD", "GEORGEANNA", "FRANCHESCA", "FAIRY", "EMELINE", "ELANE", - "EHTEL", "EARLIE", "DULCIE", "DALENE", "CRIS", "CLASSIE", "CHERE", "CHARIS", "CAROYLN", "CARMINA", - "CARITA", "BRIAN", "BETHANIE", "AYAKO", "ARICA", "AN", "ALYSA", "ALESSANDRA", "AKILAH", "ADRIEN", - "ZETTA", "YOULANDA", "YELENA", "YAHAIRA", "XUAN", "WENDOLYN", "VICTOR", "TIJUANA", "TERRELL", "TERINA", - "TERESIA", "SUZI", "SUNDAY", "SHERELL", "SHAVONDA", "SHAUNTE", "SHARDA", "SHAKITA", "SENA", "RYANN", - "RUBI", "RIVA", "REGINIA", "REA", "RACHAL", "PARTHENIA", "PAMULA", "MONNIE", "MONET", "MICHAELE", - "MELIA", "MARINE", "MALKA", "MAISHA", "LISANDRA", "LEO", "LEKISHA", "LEAN", "LAURENCE", "LAKENDRA", - "KRYSTIN", "KORTNEY", "KIZZIE", "KITTIE", "KERA", "KENDAL", "KEMBERLY", "KANISHA", "JULENE", "JULE", - "JOSHUA", "JOHANNE", "JEFFREY", "JAMEE", "HAN", "HALLEY", "GIDGET", "GALINA", "FREDRICKA", "FLETA", - "FATIMAH", "EUSEBIA", "ELZA", "ELEONORE", "DORTHEY", "DORIA", "DONELLA", "DINORAH", "DELORSE", "CLARETHA", - "CHRISTINIA", "CHARLYN", "BONG", "BELKIS", "AZZIE", "ANDERA", "AIKO", "ADENA", "YER", "YAJAIRA", - "WAN", "VANIA", "ULRIKE", "TOSHIA", "TIFANY", "STEFANY", "SHIZUE", "SHENIKA", "SHAWANNA", "SHAROLYN", - "SHARILYN", "SHAQUANA", "SHANTAY", "SEE", "ROZANNE", "ROSELEE", "RICKIE", "REMONA", "REANNA", "RAELENE", - "QUINN", "PHUNG", "PETRONILA", "NATACHA", "NANCEY", "MYRL", "MIYOKO", "MIESHA", "MERIDETH", "MARVELLA", - "MARQUITTA", "MARHTA", "MARCHELLE", "LIZETH", "LIBBIE", "LAHOMA", "LADAWN", "KINA", "KATHELEEN", "KATHARYN", - "KARISA", "KALEIGH", "JUNIE", "JULIEANN", "JOHNSIE", "JANEAN", "JAIMEE", "JACKQUELINE", "HISAKO", "HERMA", - "HELAINE", "GWYNETH", "GLENN", "GITA", "EUSTOLIA", "EMELINA", "ELIN", "EDRIS", "DONNETTE", "DONNETTA", - "DIERDRE", "DENAE", "DARCEL", "CLAUDE", "CLARISA", "CINDERELLA", "CHIA", "CHARLESETTA", "CHARITA", "CELSA", - "CASSY", "CASSI", "CARLEE", "BRUNA", "BRITTANEY", "BRANDE", "BILLI", "BAO", "ANTONETTA", "ANGLA", - "ANGELYN", "ANALISA", "ALANE", "WENONA", "WENDIE", "VERONIQUE", "VANNESA", "TOBIE", "TEMPIE", "SUMIKO", - "SULEMA", "SPARKLE", "SOMER", "SHEBA", "SHAYNE", "SHARICE", "SHANEL", "SHALON", "SAGE", "ROY", - "ROSIO", "ROSELIA", "RENAY", "REMA", "REENA", "PORSCHE", "PING", "PEG", "OZIE", "ORETHA", - "ORALEE", "ODA", "NU", "NGAN", "NAKESHA", "MILLY", "MARYBELLE", "MARLIN", "MARIS", "MARGRETT", - "MARAGARET", "MANIE", "LURLENE", "LILLIA", "LIESELOTTE", "LAVELLE", "LASHAUNDA", "LAKEESHA", "KEITH", "KAYCEE", - "KALYN", "JOYA", "JOETTE", "JENAE", "JANIECE", "ILLA", "GRISEL", "GLAYDS", "GENEVIE", "GALA", - "FREDDA", "FRED", "ELMER", "ELEONOR", "DEBERA", "DEANDREA", "DAN", "CORRINNE", "CORDIA", "CONTESSA", - "COLENE", "CLEOTILDE", "CHARLOTT", "CHANTAY", "CECILLE", "BEATRIS", "AZALEE", "ARLEAN", "ARDATH", "ANJELICA", - "ANJA", "ALFREDIA", "ALEISHA", "ADAM", "ZADA", "YUONNE", "XIAO", "WILLODEAN", "WHITLEY", "VENNIE", - "VANNA", "TYISHA", "TOVA", "TORIE", "TONISHA", "TILDA", "TIEN", "TEMPLE", "SIRENA", "SHERRIL", - "SHANTI", "SHAN", "SENAIDA", "SAMELLA", "ROBBYN", "RENDA", "REITA", "PHEBE", "PAULITA", "NOBUKO", - "NGUYET", "NEOMI", "MOON", "MIKAELA", "MELANIA", "MAXIMINA", "MARG", "MAISIE", "LYNNA", "LILLI", - "LAYNE", "LASHAUN", "LAKENYA", "LAEL", "KIRSTIE", "KATHLINE", "KASHA", "KARLYN", "KARIMA", "JOVAN", - "JOSEFINE", "JENNELL", "JACQUI", "JACKELYN", "HYO", "HIEN", "GRAZYNA", "FLORRIE", "FLORIA", "ELEONORA", - "DWANA", "DORLA", "DONG", "DELMY", "DEJA", "DEDE", "DANN", "CRYSTA", "CLELIA", "CLARIS", - "CLARENCE", "CHIEKO", "CHERLYN", "CHERELLE", "CHARMAIN", "CHARA", "CAMMY", "BEE", "ARNETTE", "ARDELLE", - "ANNIKA", "AMIEE", "AMEE", "ALLENA", "YVONE", "YUKI", "YOSHIE", "YEVETTE", "YAEL", "WILLETTA", - "VONCILE", "VENETTA", "TULA", "TONETTE", "TIMIKA", "TEMIKA", "TELMA", "TEISHA", "TAREN", "TA", - "STACEE", "SHIN", "SHAWNTA", "SATURNINA", "RICARDA", "POK", "PASTY", "ONIE", "NUBIA", "MORA", - "MIKE", "MARIELLE", "MARIELLA", "MARIANELA", "MARDELL", "MANY", "LUANNA", "LOISE", "LISABETH", "LINDSY", - "LILLIANA", "LILLIAM", "LELAH", "LEIGHA", "LEANORA", "LANG", "KRISTEEN", "KHALILAH", "KEELEY", "KANDRA", - "JUNKO", "JOAQUINA", "JERLENE", "JANI", "JAMIKA", "JAME", "HSIU", "HERMILA", "GOLDEN", "GENEVIVE", - "EVIA", "EUGENA", "EMMALINE", "ELFREDA", "ELENE", "DONETTE", "DELCIE", "DEEANNA", "DARCEY", "CUC", - "CLARINDA", "CIRA", "CHAE", "CELINDA", "CATHERYN", "CATHERIN", "CASIMIRA", "CARMELIA", "CAMELLIA", "BREANA", - "BOBETTE", "BERNARDINA", "BEBE", "BASILIA", "ARLYNE", "AMAL", "ALAYNA", "ZONIA", "ZENIA", "YURIKO", - "YAEKO", "WYNELL", "WILLOW", "WILLENA", "VERNIA", "TU", "TRAVIS", "TORA", "TERRILYN", "TERICA", - "TENESHA", "TAWNA", "TAJUANA", "TAINA", "STEPHNIE", "SONA", "SOL", "SINA", "SHONDRA", "SHIZUKO", - "SHERLENE", "SHERICE", "SHARIKA", "ROSSIE", "ROSENA", "RORY", "RIMA", "RIA", "RHEBA", "RENNA", - "PETER", "NATALYA", "NANCEE", "MELODI", "MEDA", "MAXIMA", "MATHA", "MARKETTA", "MARICRUZ", "MARCELENE", - "MALVINA", "LUBA", "LOUETTA", "LEIDA", "LECIA", "LAURAN", "LASHAWNA", "LAINE", "KHADIJAH", "KATERINE", - "KASI", "KALLIE", "JULIETTA", "JESUSITA", "JESTINE", "JESSIA", "JEREMY", "JEFFIE", "JANYCE", "ISADORA", - "GEORGIANNE", "FIDELIA", "EVITA", "EURA", "EULAH", "ESTEFANA", "ELSY", "ELIZABET", "ELADIA", "DODIE", - "DION", "DIA", "DENISSE", "DELORAS", "DELILA", "DAYSI", "DAKOTA", "CURTIS", "CRYSTLE", "CONCHA", - "COLBY", "CLARETTA", "CHU", "CHRISTIA", "CHARLSIE", "CHARLENA", "CARYLON", "BETTYANN", "ASLEY", "ASHLEA", - "AMIRA", "AI", "AGUEDA", "AGNUS", "YUETTE", "VINITA", "VICTORINA", "TYNISHA", "TREENA", "TOCCARA", - "TISH", "THOMASENA", "TEGAN", "SOILA", "SHILOH", "SHENNA", "SHARMAINE", "SHANTAE", "SHANDI", "SEPTEMBER", - "SARAN", "SARAI", "SANA", "SAMUEL", "SALLEY", "ROSETTE", "ROLANDE", "REGINE", "OTELIA", "OSCAR", - "OLEVIA", "NICHOLLE", "NECOLE", "NAIDA", "MYRTA", "MYESHA", "MITSUE", "MINTA", "MERTIE", "MARGY", - "MAHALIA", "MADALENE", "LOVE", "LOURA", "LOREAN", "LEWIS", "LESHA", "LEONIDA", "LENITA", "LAVONE", - "LASHELL", "LASHANDRA", "LAMONICA", "KIMBRA", "KATHERINA", "KARRY", "KANESHA", "JULIO", "JONG", "JENEVA", - "JAQUELYN", "HWA", "GILMA", "GHISLAINE", "GERTRUDIS", "FRANSISCA", "FERMINA", "ETTIE", "ETSUKO", "ELLIS", - "ELLAN", "ELIDIA", "EDRA", "DORETHEA", "DOREATHA", "DENYSE", "DENNY", "DEETTA", "DAINE", "CYRSTAL", - "CORRIN", "CAYLA", "CARLITA", "CAMILA", "BURMA", "BULA", "BUENA", "BLAKE", "BARABARA", "AVRIL", - "AUSTIN", "ALAINE", "ZANA", "WILHEMINA", "WANETTA", "VIRGIL", "VI", "VERONIKA", "VERNON", "VERLINE", - "VASILIKI", "TONITA", "TISA", "TEOFILA", "TAYNA", "TAUNYA", "TANDRA", "TAKAKO", "SUNNI", "SUANNE", - "SIXTA", "SHARELL", "SEEMA", "RUSSELL", "ROSENDA", "ROBENA", "RAYMONDE", "PEI", "PAMILA", "OZELL", - "NEIDA", "NEELY", "MISTIE", "MICHA", "MERISSA", "MAURITA", "MARYLN", "MARYETTA", "MARSHALL", "MARCELL", - "MALENA", "MAKEDA", "MADDIE", "LOVETTA", "LOURIE", "LORRINE", "LORILEE", "LESTER", "LAURENA", "LASHAY", - "LARRAINE", "LAREE", "LACRESHA", "KRISTLE", "KRISHNA", "KEVA", "KEIRA", "KAROLE", "JOIE", "JINNY", - "JEANNETTA", "JAMA", "HEIDY", "GILBERTE", "GEMA", "FAVIOLA", "EVELYNN", "ENDA", "ELLI", "ELLENA", - "DIVINA", "DAGNY", "COLLENE", "CODI", "CINDIE", "CHASSIDY", "CHASIDY", "CATRICE", "CATHERINA", "CASSEY", - "CAROLL", "CARLENA", "CANDRA", "CALISTA", "BRYANNA", "BRITTENY", "BEULA", "BARI", "AUDRIE", "AUDRIA", - "ARDELIA", "ANNELLE", "ANGILA", "ALONA", "ALLYN", "DOUGLAS", "ROGER", "JONATHAN", "RALPH", "NICHOLAS", - "BENJAMIN", "BRUCE", "HARRY", "WAYNE", "STEVE", "HOWARD", "ERNEST", "PHILLIP", "TODD", "CRAIG", - "ALAN", "PHILIP", "EARL", "DANNY", "BRYAN", "STANLEY", "LEONARD", "NATHAN", "MANUEL", "RODNEY", - "MARVIN", "VINCENT", "JEFFERY", "JEFF", "CHAD", "JACOB", "ALFRED", "BRADLEY", "HERBERT", "FREDERICK", - "EDWIN", "DON", "RICKY", "RANDALL", "BARRY", "BERNARD", "LEROY", "MARCUS", "THEODORE", "CLIFFORD", - "MIGUEL", "JIM", "TOM", "CALVIN", "BILL", "LLOYD", "DEREK", "WARREN", "DARRELL", "JEROME", - "FLOYD", "ALVIN", "TIM", "GORDON", "GREG", "JORGE", "DUSTIN", "PEDRO", "DERRICK", "ZACHARY", - "HERMAN", "GLEN", "HECTOR", "RICARDO", "RICK", "BRENT", "RAMON", "GILBERT", "MARC", "REGINALD", - "RUBEN", "NATHANIEL", "RAFAEL", "EDGAR", "MILTON", "RAUL", "BEN", "CHESTER", "DUANE", "FRANKLIN", - "BRAD", "RON", "ROLAND", "ARNOLD", "HARVEY", "JARED", "ERIK", "DARRYL", "NEIL", "JAVIER", - "FERNANDO", "CLINTON", "TED", "MATHEW", "TYRONE", "DARREN", "LANCE", "KURT", "ALLAN", "NELSON", - "GUY", "CLAYTON", "HUGH", "MAX", "DWAYNE", "DWIGHT", "ARMANDO", "FELIX", "EVERETT", "IAN", - "WALLACE", "KEN", "BOB", "ALFREDO", "ALBERTO", "DAVE", "IVAN", "BYRON", "ISAAC", "MORRIS", - "CLIFTON", "WILLARD", "ROSS", "ANDY", "SALVADOR", "KIRK", "SERGIO", "SETH", "KENT", "TERRANCE", - "EDUARDO", "TERRENCE", "ENRIQUE", "WADE", "STUART", "FREDRICK", "ARTURO", "ALEJANDRO", "NICK", "LUTHER", - "WENDELL", "JEREMIAH", "JULIUS", "OTIS", "TREVOR", "OLIVER", "LUKE", "HOMER", "GERARD", "DOUG", - "KENNY", "HUBERT", "LYLE", "MATT", "ALFONSO", "ORLANDO", "REX", "CARLTON", "ERNESTO", "NEAL", - "PABLO", "LORENZO", "OMAR", "WILBUR", "GRANT", "HORACE", "RODERICK", "ABRAHAM", "WILLIS", "RICKEY", - "ANDRES", "CESAR", "JOHNATHAN", "MALCOLM", "RUDOLPH", "DAMON", "KELVIN", "PRESTON", "ALTON", "ARCHIE", - "MARCO", "WM", "PETE", "RANDOLPH", "GARRY", "GEOFFREY", "JONATHON", "FELIPE", "GERARDO", "ED", - "DOMINIC", "DELBERT", "COLIN", "GUILLERMO", "EARNEST", "LUCAS", "BENNY", "SPENCER", "RODOLFO", "MYRON", - "EDMUND", "GARRETT", "SALVATORE", "CEDRIC", "LOWELL", "GREGG", "SHERMAN", "WILSON", "SYLVESTER", "ROOSEVELT", - "ISRAEL", "JERMAINE", "FORREST", "WILBERT", "LELAND", "SIMON", "CLARK", "IRVING", "BRYANT", "OWEN", - "RUFUS", "WOODROW", "KRISTOPHER", "MACK", "LEVI", "MARCOS", "GUSTAVO", "JAKE", "LIONEL", "GILBERTO", - "CLINT", "NICOLAS", "ISMAEL", "ORVILLE", "ERVIN", "DEWEY", "AL", "WILFRED", "JOSH", "HUGO", - "IGNACIO", "CALEB", "TOMAS", "SHELDON", "ERICK", "STEWART", "DOYLE", "DARREL", "ROGELIO", "TERENCE", - "SANTIAGO", "ALONZO", "ELIAS", "BERT", "ELBERT", "RAMIRO", "CONRAD", "NOAH", "GRADY", "PHIL", - "CORNELIUS", "LAMAR", "ROLANDO", "CLAY", "PERCY", "DEXTER", "BRADFORD", "DARIN", "AMOS", "MOSES", - "IRVIN", "SAUL", "ROMAN", "RANDAL", "TIMMY", "DARRIN", "WINSTON", "BRENDAN", "ABEL", "DOMINICK", - "BOYD", "EMILIO", "ELIJAH", "DOMINGO", "EMMETT", "MARLON", "EMANUEL", "JERALD", "EDMOND", "EMIL", - "DEWAYNE", "WILL", "OTTO", "TEDDY", "REYNALDO", "BRET", "JESS", "TRENT", "HUMBERTO", "EMMANUEL", - "STEPHAN", "VICENTE", "LAMONT", "GARLAND", "MILES", "EFRAIN", "HEATH", "RODGER", "HARLEY", "ETHAN", - "ELDON", "ROCKY", "PIERRE", "JUNIOR", "FREDDY", "ELI", "BRYCE", "ANTOINE", "STERLING", "CHASE", - "GROVER", "ELTON", "CLEVELAND", "DYLAN", "CHUCK", "DAMIAN", "REUBEN", "STAN", "AUGUST", "LEONARDO", - "JASPER", "RUSSEL", "ERWIN", "BENITO", "HANS", "MONTE", "BLAINE", "ERNIE", "CURT", "QUENTIN", - "AGUSTIN", "MURRAY", "JAMAL", "ADOLFO", "HARRISON", "TYSON", "BURTON", "BRADY", "ELLIOTT", "WILFREDO", - "BART", "JARROD", "VANCE", "DENIS", "DAMIEN", "JOAQUIN", "HARLAN", "DESMOND", "ELLIOT", "DARWIN", - "GREGORIO", "BUDDY", "XAVIER", "KERMIT", "ROSCOE", "ESTEBAN", "ANTON", "SOLOMON", "SCOTTY", "NORBERT", - "ELVIN", "WILLIAMS", "NOLAN", "ROD", "QUINTON", "HAL", "BRAIN", "ROB", "ELWOOD", "KENDRICK", - "DARIUS", "MOISES", "FIDEL", "THADDEUS", "CLIFF", "MARCEL", "JACKSON", "RAPHAEL", "BRYON", "ARMAND", - "ALVARO", "JEFFRY", "DANE", "JOESPH", "THURMAN", "NED", "RUSTY", "MONTY", "FABIAN", "REGGIE", - "MASON", "GRAHAM", "ISAIAH", "VAUGHN", "GUS", "LOYD", "DIEGO", "ADOLPH", "NORRIS", "MILLARD", - "ROCCO", "GONZALO", "DERICK", "RODRIGO", "WILEY", "RIGOBERTO", "ALPHONSO", "TY", "NOE", "VERN", - "REED", "JEFFERSON", "ELVIS", "BERNARDO", "MAURICIO", "HIRAM", "DONOVAN", "BASIL", "RILEY", "NICKOLAS", - "MAYNARD", "SCOT", "VINCE", "QUINCY", "EDDY", "SEBASTIAN", "FEDERICO", "ULYSSES", "HERIBERTO", "DONNELL", - "COLE", "DAVIS", "GAVIN", "EMERY", "WARD", "ROMEO", "JAYSON", "DANTE", "CLEMENT", "COY", - "MAXWELL", "JARVIS", "BRUNO", "ISSAC", "DUDLEY", "BROCK", "SANFORD", "CARMELO", "BARNEY", "NESTOR", - "STEFAN", "DONNY", "ART", "LINWOOD", "BEAU", "WELDON", "GALEN", "ISIDRO", "TRUMAN", "DELMAR", - "JOHNATHON", "SILAS", "FREDERIC", "DICK", "IRWIN", "MERLIN", "CHARLEY", "MARCELINO", "HARRIS", "CARLO", - "TRENTON", "KURTIS", "HUNTER", "AURELIO", "WINFRED", "VITO", "COLLIN", "DENVER", "CARTER", "LEONEL", - "EMORY", "PASQUALE", "MOHAMMAD", "MARIANO", "DANIAL", "LANDON", "DIRK", "BRANDEN", "ADAN", "BUFORD", - "GERMAN", "WILMER", "EMERSON", "ZACHERY", "FLETCHER", "JACQUES", "ERROL", "DALTON", "MONROE", "JOSUE", - "EDWARDO", "BOOKER", "WILFORD", "SONNY", "SHELTON", "CARSON", "THERON", "RAYMUNDO", "DAREN", "HOUSTON", - "ROBBY", "LINCOLN", "GENARO", "BENNETT", "OCTAVIO", "CORNELL", "HUNG", "ARRON", "ANTONY", "HERSCHEL", - "GIOVANNI", "GARTH", "CYRUS", "CYRIL", "RONNY", "LON", "FREEMAN", "DUNCAN", "KENNITH", "CARMINE", - "ERICH", "CHADWICK", "WILBURN", "RUSS", "REID", "MYLES", "ANDERSON", "MORTON", "JONAS", "FOREST", - "MITCHEL", "MERVIN", "ZANE", "RICH", "JAMEL", "LAZARO", "ALPHONSE", "RANDELL", "MAJOR", "JARRETT", - "BROOKS", "ABDUL", "LUCIANO", "SEYMOUR", "EUGENIO", "MOHAMMED", "VALENTIN", "CHANCE", "ARNULFO", "LUCIEN", - "FERDINAND", "THAD", "EZRA", "ALDO", "RUBIN", "ROYAL", "MITCH", "EARLE", "ABE", "WYATT", - "MARQUIS", "LANNY", "KAREEM", "JAMAR", "BORIS", "ISIAH", "EMILE", "ELMO", "ARON", "LEOPOLDO", - "EVERETTE", "JOSEF", "ELOY", "RODRICK", "REINALDO", "LUCIO", "JERROD", "WESTON", "HERSHEL", "BARTON", - "PARKER", "LEMUEL", "BURT", "JULES", "GIL", "ELISEO", "AHMAD", "NIGEL", "EFREN", "ANTWAN", - "ALDEN", "MARGARITO", "COLEMAN", "DINO", "OSVALDO", "LES", "DEANDRE", "NORMAND", "KIETH", "TREY", - "NORBERTO", "NAPOLEON", "JEROLD", "FRITZ", "ROSENDO", "MILFORD", "CHRISTOPER", "ALFONZO", "LYMAN", "JOSIAH", - "BRANT", "WILTON", "RICO", "JAMAAL", "DEWITT", "BRENTON", "OLIN", "FOSTER", "FAUSTINO", "CLAUDIO", - "JUDSON", "GINO", "EDGARDO", "ALEC", "TANNER", "JARRED", "DONN", "TAD", "PRINCE", "PORFIRIO", - "ODIS", "LENARD", "CHAUNCEY", "TOD", "MEL", "MARCELO", "KORY", "AUGUSTUS", "KEVEN", "HILARIO", - "BUD", "SAL", "ORVAL", "MAURO", "ZACHARIAH", "OLEN", "ANIBAL", "MILO", "JED", "DILLON", - "AMADO", "NEWTON", "LENNY", "RICHIE", "HORACIO", "BRICE", "MOHAMED", "DELMER", "DARIO", "REYES", - "MAC", "JONAH", "JERROLD", "ROBT", "HANK", "RUPERT", "ROLLAND", "KENTON", "DAMION", "ANTONE", - "WALDO", "FREDRIC", "BRADLY", "KIP", "BURL", "WALKER", "TYREE", "JEFFEREY", "AHMED", "WILLY", - "STANFORD", "OREN", "NOBLE", "MOSHE", "MIKEL", "ENOCH", "BRENDON", "QUINTIN", "JAMISON", "FLORENCIO", - "DARRICK", "TOBIAS", "HASSAN", "GIUSEPPE", "DEMARCUS", "CLETUS", "TYRELL", "LYNDON", "KEENAN", "WERNER", - "GERALDO", "COLUMBUS", "CHET", "BERTRAM", "MARKUS", "HUEY", "HILTON", "DWAIN", "DONTE", "TYRON", - "OMER", "ISAIAS", "HIPOLITO", "FERMIN", "ADALBERTO", "BO", "BARRETT", "TEODORO", "MCKINLEY", "MAXIMO", - "GARFIELD", "RALEIGH", "LAWERENCE", "ABRAM", "RASHAD", "KING", "EMMITT", "DARON", "SAMUAL", "MIQUEL", - "EUSEBIO", "DOMENIC", "DARRON", "BUSTER", "WILBER", "RENATO", "JC", "HOYT", "HAYWOOD", "EZEKIEL", - "CHAS", "FLORENTINO", "ELROY", "CLEMENTE", "ARDEN", "NEVILLE", "EDISON", "DESHAWN", "NATHANIAL", "JORDON", - "DANILO", "CLAUD", "SHERWOOD", "RAYMON", "RAYFORD", "CRISTOBAL", "AMBROSE", "TITUS", "HYMAN", "FELTON", - "EZEQUIEL", "ERASMO", "STANTON", "LONNY", "LEN", "IKE", "MILAN", "LINO", "JAROD", "HERB", - "ANDREAS", "WALTON", "RHETT", "PALMER", "DOUGLASS", "CORDELL", "OSWALDO", "ELLSWORTH", "VIRGILIO", "TONEY", - "NATHANAEL", "DEL", "BENEDICT", "MOSE", "JOHNSON", "ISREAL", "GARRET", "FAUSTO", "ASA", "ARLEN", - "ZACK", "WARNER", "MODESTO", "FRANCESCO", "MANUAL", "GAYLORD", "GASTON", "FILIBERTO", "DEANGELO", "MICHALE", - "GRANVILLE", "WES", "MALIK", "ZACKARY", "TUAN", "ELDRIDGE", "CRISTOPHER", "CORTEZ", "ANTIONE", "MALCOM", - "LONG", "KOREY", "JOSPEH", "COLTON", "WAYLON", "VON", "HOSEA", "SHAD", "SANTO", "RUDOLF", - "ROLF", "REY", "RENALDO", "MARCELLUS", "LUCIUS", "KRISTOFER", "BOYCE", "BENTON", "HAYDEN", "HARLAND", - "ARNOLDO", "RUEBEN", "LEANDRO", "KRAIG", "JERRELL", "JEROMY", "HOBERT", "CEDRICK", "ARLIE", "WINFORD", - "WALLY", "LUIGI", "KENETH", "JACINTO", "GRAIG", "FRANKLYN", "EDMUNDO", "SID", "PORTER", "LEIF", - "JERAMY", "BUCK", "WILLIAN", "VINCENZO", "SHON", "LYNWOOD", "JERE", "HAI", "ELDEN", "DORSEY", - "DARELL", "BRODERICK", "ALONSO" - ] - total_sum = 0 - temp_sum = 0 - name.sort() - for i in range(len(name)): - for j in name[i]: - temp_sum += ord(j) - ord('A') + 1 - total_sum += (i + 1) * temp_sum - temp_sum = 0 - print(total_sum) + name = [ + "MARY", "PATRICIA", "LINDA", "BARBARA", "ELIZABETH", "JENNIFER", "MARIA", "SUSAN", "MARGARET", "DOROTHY", + "LISA", "NANCY", "KAREN", "BETTY", "HELEN", "SANDRA", "DONNA", "CAROL", "RUTH", "SHARON", + "MICHELLE", "LAURA", "SARAH", "KIMBERLY", "DEBORAH", "JESSICA", "SHIRLEY", "CYNTHIA", "ANGELA", "MELISSA", + "BRENDA", "AMY", "ANNA", "REBECCA", "VIRGINIA", "KATHLEEN", "PAMELA", "MARTHA", "DEBRA", "AMANDA", + "STEPHANIE", "CAROLYN", "CHRISTINE", "MARIE", "JANET", "CATHERINE", "FRANCES", "ANN", "JOYCE", "DIANE", + "ALICE", "JULIE", "HEATHER", "TERESA", "DORIS", "GLORIA", "EVELYN", "JEAN", "CHERYL", "MILDRED", + "KATHERINE", "JOAN", "ASHLEY", "JUDITH", "ROSE", "JANICE", "KELLY", "NICOLE", "JUDY", "CHRISTINA", + "KATHY", "THERESA", "BEVERLY", "DENISE", "TAMMY", "IRENE", "JANE", "LORI", "RACHEL", "MARILYN", + "ANDREA", "KATHRYN", "LOUISE", "SARA", "ANNE", "JACQUELINE", "WANDA", "BONNIE", "JULIA", "RUBY", + "LOIS", "TINA", "PHYLLIS", "NORMA", "PAULA", "DIANA", "ANNIE", "LILLIAN", "EMILY", "ROBIN", + "PEGGY", "CRYSTAL", "GLADYS", "RITA", "DAWN", "CONNIE", "FLORENCE", "TRACY", "EDNA", "TIFFANY", + "CARMEN", "ROSA", "CINDY", "GRACE", "WENDY", "VICTORIA", "EDITH", "KIM", "SHERRY", "SYLVIA", + "JOSEPHINE", "THELMA", "SHANNON", "SHEILA", "ETHEL", "ELLEN", "ELAINE", "MARJORIE", "CARRIE", "CHARLOTTE", + "MONICA", "ESTHER", "PAULINE", "EMMA", "JUANITA", "ANITA", "RHONDA", "HAZEL", "AMBER", "EVA", + "DEBBIE", "APRIL", "LESLIE", "CLARA", "LUCILLE", "JAMIE", "JOANNE", "ELEANOR", "VALERIE", "DANIELLE", + "MEGAN", "ALICIA", "SUZANNE", "MICHELE", "GAIL", "BERTHA", "DARLENE", "VERONICA", "JILL", "ERIN", + "GERALDINE", "LAUREN", "CATHY", "JOANN", "LORRAINE", "LYNN", "SALLY", "REGINA", "ERICA", "BEATRICE", + "DOLORES", "BERNICE", "AUDREY", "YVONNE", "ANNETTE", "JUNE", "SAMANTHA", "MARION", "DANA", "STACY", + "ANA", "RENEE", "IDA", "VIVIAN", "ROBERTA", "HOLLY", "BRITTANY", "MELANIE", "LORETTA", "YOLANDA", + "JEANETTE", "LAURIE", "KATIE", "KRISTEN", "VANESSA", "ALMA", "SUE", "ELSIE", "BETH", "JEANNE", + "VICKI", "CARLA", "TARA", "ROSEMARY", "EILEEN", "TERRI", "GERTRUDE", "LUCY", "TONYA", "ELLA", + "STACEY", "WILMA", "GINA", "KRISTIN", "JESSIE", "NATALIE", "AGNES", "VERA", "WILLIE", "CHARLENE", + "BESSIE", "DELORES", "MELINDA", "PEARL", "ARLENE", "MAUREEN", "COLLEEN", "ALLISON", "TAMARA", "JOY", + "GEORGIA", "CONSTANCE", "LILLIE", "CLAUDIA", "JACKIE", "MARCIA", "TANYA", "NELLIE", "MINNIE", "MARLENE", + "HEIDI", "GLENDA", "LYDIA", "VIOLA", "COURTNEY", "MARIAN", "STELLA", "CAROLINE", "DORA", "JO", + "VICKIE", "MATTIE", "TERRY", "MAXINE", "IRMA", "MABEL", "MARSHA", "MYRTLE", "LENA", "CHRISTY", + "DEANNA", "PATSY", "HILDA", "GWENDOLYN", "JENNIE", "NORA", "MARGIE", "NINA", "CASSANDRA", "LEAH", + "PENNY", "KAY", "PRISCILLA", "NAOMI", "CAROLE", "BRANDY", "OLGA", "BILLIE", "DIANNE", "TRACEY", + "LEONA", "JENNY", "FELICIA", "SONIA", "MIRIAM", "VELMA", "BECKY", "BOBBIE", "VIOLET", "KRISTINA", + "TONI", "MISTY", "MAE", "SHELLY", "DAISY", "RAMONA", "SHERRI", "ERIKA", "KATRINA", "CLAIRE", + "LINDSEY", "LINDSAY", "GENEVA", "GUADALUPE", "BELINDA", "MARGARITA", "SHERYL", "CORA", "FAYE", "ADA", + "NATASHA", "SABRINA", "ISABEL", "MARGUERITE", "HATTIE", "HARRIET", "MOLLY", "CECILIA", "KRISTI", "BRANDI", + "BLANCHE", "SANDY", "ROSIE", "JOANNA", "IRIS", "EUNICE", "ANGIE", "INEZ", "LYNDA", "MADELINE", + "AMELIA", "ALBERTA", "GENEVIEVE", "MONIQUE", "JODI", "JANIE", "MAGGIE", "KAYLA", "SONYA", "JAN", + "LEE", "KRISTINE", "CANDACE", "FANNIE", "MARYANN", "OPAL", "ALISON", "YVETTE", "MELODY", "LUZ", + "SUSIE", "OLIVIA", "FLORA", "SHELLEY", "KRISTY", "MAMIE", "LULA", "LOLA", "VERNA", "BEULAH", + "ANTOINETTE", "CANDICE", "JUANA", "JEANNETTE", "PAM", "KELLI", "HANNAH", "WHITNEY", "BRIDGET", "KARLA", + "CELIA", "LATOYA", "PATTY", "SHELIA", "GAYLE", "DELLA", "VICKY", "LYNNE", "SHERI", "MARIANNE", + "KARA", "JACQUELYN", "ERMA", "BLANCA", "MYRA", "LETICIA", "PAT", "KRISTA", "ROXANNE", "ANGELICA", + "JOHNNIE", "ROBYN", "FRANCIS", "ADRIENNE", "ROSALIE", "ALEXANDRA", "BROOKE", "BETHANY", "SADIE", "BERNADETTE", + "TRACI", "JODY", "KENDRA", "JASMINE", "NICHOLE", "RACHAEL", "CHELSEA", "MABLE", "ERNESTINE", "MURIEL", + "MARCELLA", "ELENA", "KRYSTAL", "ANGELINA", "NADINE", "KARI", "ESTELLE", "DIANNA", "PAULETTE", "LORA", + "MONA", "DOREEN", "ROSEMARIE", "ANGEL", "DESIREE", "ANTONIA", "HOPE", "GINGER", "JANIS", "BETSY", + "CHRISTIE", "FREDA", "MERCEDES", "MEREDITH", "LYNETTE", "TERI", "CRISTINA", "EULA", "LEIGH", "MEGHAN", + "SOPHIA", "ELOISE", "ROCHELLE", "GRETCHEN", "CECELIA", "RAQUEL", "HENRIETTA", "ALYSSA", "JANA", "KELLEY", + "GWEN", "KERRY", "JENNA", "TRICIA", "LAVERNE", "OLIVE", "ALEXIS", "TASHA", "SILVIA", "ELVIRA", + "CASEY", "DELIA", "SOPHIE", "KATE", "PATTI", "LORENA", "KELLIE", "SONJA", "LILA", "LANA", + "DARLA", "MAY", "MINDY", "ESSIE", "MANDY", "LORENE", "ELSA", "JOSEFINA", "JEANNIE", "MIRANDA", + "DIXIE", "LUCIA", "MARTA", "FAITH", "LELA", "JOHANNA", "SHARI", "CAMILLE", "TAMI", "SHAWNA", + "ELISA", "EBONY", "MELBA", "ORA", "NETTIE", "TABITHA", "OLLIE", "JAIME", "WINIFRED", "KRISTIE", + "MARINA", "ALISHA", "AIMEE", "RENA", "MYRNA", "MARLA", "TAMMIE", "LATASHA", "BONITA", "PATRICE", + "RONDA", "SHERRIE", "ADDIE", "FRANCINE", "DELORIS", "STACIE", "ADRIANA", "CHERI", "SHELBY", "ABIGAIL", + "CELESTE", "JEWEL", "CARA", "ADELE", "REBEKAH", "LUCINDA", "DORTHY", "CHRIS", "EFFIE", "TRINA", + "REBA", "SHAWN", "SALLIE", "AURORA", "LENORA", "ETTA", "LOTTIE", "KERRI", "TRISHA", "NIKKI", + "ESTELLA", "FRANCISCA", "JOSIE", "TRACIE", "MARISSA", "KARIN", "BRITTNEY", "JANELLE", "LOURDES", "LAUREL", + "HELENE", "FERN", "ELVA", "CORINNE", "KELSEY", "INA", "BETTIE", "ELISABETH", "AIDA", "CAITLIN", + "INGRID", "IVA", "EUGENIA", "CHRISTA", "GOLDIE", "CASSIE", "MAUDE", "JENIFER", "THERESE", "FRANKIE", + "DENA", "LORNA", "JANETTE", "LATONYA", "CANDY", "MORGAN", "CONSUELO", "TAMIKA", "ROSETTA", "DEBORA", + "CHERIE", "POLLY", "DINA", "JEWELL", "FAY", "JILLIAN", "DOROTHEA", "NELL", "TRUDY", "ESPERANZA", + "PATRICA", "KIMBERLEY", "SHANNA", "HELENA", "CAROLINA", "CLEO", "STEFANIE", "ROSARIO", "OLA", "JANINE", + "MOLLIE", "LUPE", "ALISA", "LOU", "MARIBEL", "SUSANNE", "BETTE", "SUSANA", "ELISE", "CECILE", + "ISABELLE", "LESLEY", "JOCELYN", "PAIGE", "JONI", "RACHELLE", "LEOLA", "DAPHNE", "ALTA", "ESTER", + "PETRA", "GRACIELA", "IMOGENE", "JOLENE", "KEISHA", "LACEY", "GLENNA", "GABRIELA", "KERI", "URSULA", + "LIZZIE", "KIRSTEN", "SHANA", "ADELINE", "MAYRA", "JAYNE", "JACLYN", "GRACIE", "SONDRA", "CARMELA", + "MARISA", "ROSALIND", "CHARITY", "TONIA", "BEATRIZ", "MARISOL", "CLARICE", "JEANINE", "SHEENA", "ANGELINE", + "FRIEDA", "LILY", "ROBBIE", "SHAUNA", "MILLIE", "CLAUDETTE", "CATHLEEN", "ANGELIA", "GABRIELLE", "AUTUMN", + "KATHARINE", "SUMMER", "JODIE", "STACI", "LEA", "CHRISTI", "JIMMIE", "JUSTINE", "ELMA", "LUELLA", + "MARGRET", "DOMINIQUE", "SOCORRO", "RENE", "MARTINA", "MARGO", "MAVIS", "CALLIE", "BOBBI", "MARITZA", + "LUCILE", "LEANNE", "JEANNINE", "DEANA", "AILEEN", "LORIE", "LADONNA", "WILLA", "MANUELA", "GALE", + "SELMA", "DOLLY", "SYBIL", "ABBY", "LARA", "DALE", "IVY", "DEE", "WINNIE", "MARCY", + "LUISA", "JERI", "MAGDALENA", "OFELIA", "MEAGAN", "AUDRA", "MATILDA", "LEILA", "CORNELIA", "BIANCA", + "SIMONE", "BETTYE", "RANDI", "VIRGIE", "LATISHA", "BARBRA", "GEORGINA", "ELIZA", "LEANN", "BRIDGETTE", + "RHODA", "HALEY", "ADELA", "NOLA", "BERNADINE", "FLOSSIE", "ILA", "GRETA", "RUTHIE", "NELDA", + "MINERVA", "LILLY", "TERRIE", "LETHA", "HILARY", "ESTELA", "VALARIE", "BRIANNA", "ROSALYN", "EARLINE", + "CATALINA", "AVA", "MIA", "CLARISSA", "LIDIA", "CORRINE", "ALEXANDRIA", "CONCEPCION", "TIA", "SHARRON", + "RAE", "DONA", "ERICKA", "JAMI", "ELNORA", "CHANDRA", "LENORE", "NEVA", "MARYLOU", "MELISA", + "TABATHA", "SERENA", "AVIS", "ALLIE", "SOFIA", "JEANIE", "ODESSA", "NANNIE", "HARRIETT", "LORAINE", + "PENELOPE", "MILAGROS", "EMILIA", "BENITA", "ALLYSON", "ASHLEE", "TANIA", "TOMMIE", "ESMERALDA", "KARINA", + "EVE", "PEARLIE", "ZELMA", "MALINDA", "NOREEN", "TAMEKA", "SAUNDRA", "HILLARY", "AMIE", "ALTHEA", + "ROSALINDA", "JORDAN", "LILIA", "ALANA", "GAY", "CLARE", "ALEJANDRA", "ELINOR", "MICHAEL", "LORRIE", + "JERRI", "DARCY", "EARNESTINE", "CARMELLA", "TAYLOR", "NOEMI", "MARCIE", "LIZA", "ANNABELLE", "LOUISA", + "EARLENE", "MALLORY", "CARLENE", "NITA", "SELENA", "TANISHA", "KATY", "JULIANNE", "JOHN", "LAKISHA", + "EDWINA", "MARICELA", "MARGERY", "KENYA", "DOLLIE", "ROXIE", "ROSLYN", "KATHRINE", "NANETTE", "CHARMAINE", + "LAVONNE", "ILENE", "KRIS", "TAMMI", "SUZETTE", "CORINE", "KAYE", "JERRY", "MERLE", "CHRYSTAL", + "LINA", "DEANNE", "LILIAN", "JULIANA", "ALINE", "LUANN", "KASEY", "MARYANNE", "EVANGELINE", "COLETTE", + "MELVA", "LAWANDA", "YESENIA", "NADIA", "MADGE", "KATHIE", "EDDIE", "OPHELIA", "VALERIA", "NONA", + "MITZI", "MARI", "GEORGETTE", "CLAUDINE", "FRAN", "ALISSA", "ROSEANN", "LAKEISHA", "SUSANNA", "REVA", + "DEIDRE", "CHASITY", "SHEREE", "CARLY", "JAMES", "ELVIA", "ALYCE", "DEIRDRE", "GENA", "BRIANA", + "ARACELI", "KATELYN", "ROSANNE", "WENDI", "TESSA", "BERTA", "MARVA", "IMELDA", "MARIETTA", "MARCI", + "LEONOR", "ARLINE", "SASHA", "MADELYN", "JANNA", "JULIETTE", "DEENA", "AURELIA", "JOSEFA", "AUGUSTA", + "LILIANA", "YOUNG", "CHRISTIAN", "LESSIE", "AMALIA", "SAVANNAH", "ANASTASIA", "VILMA", "NATALIA", "ROSELLA", + "LYNNETTE", "CORINA", "ALFREDA", "LEANNA", "CAREY", "AMPARO", "COLEEN", "TAMRA", "AISHA", "WILDA", + "KARYN", "CHERRY", "QUEEN", "MAURA", "MAI", "EVANGELINA", "ROSANNA", "HALLIE", "ERNA", "ENID", + "MARIANA", "LACY", "JULIET", "JACKLYN", "FREIDA", "MADELEINE", "MARA", "HESTER", "CATHRYN", "LELIA", + "CASANDRA", "BRIDGETT", "ANGELITA", "JANNIE", "DIONNE", "ANNMARIE", "KATINA", "BERYL", "PHOEBE", "MILLICENT", + "KATHERYN", "DIANN", "CARISSA", "MARYELLEN", "LIZ", "LAURI", "HELGA", "GILDA", "ADRIAN", "RHEA", + "MARQUITA", "HOLLIE", "TISHA", "TAMERA", "ANGELIQUE", "FRANCESCA", "BRITNEY", "KAITLIN", "LOLITA", "FLORINE", + "ROWENA", "REYNA", "TWILA", "FANNY", "JANELL", "INES", "CONCETTA", "BERTIE", "ALBA", "BRIGITTE", + "ALYSON", "VONDA", "PANSY", "ELBA", "NOELLE", "LETITIA", "KITTY", "DEANN", "BRANDIE", "LOUELLA", + "LETA", "FELECIA", "SHARLENE", "LESA", "BEVERLEY", "ROBERT", "ISABELLA", "HERMINIA", "TERRA", "CELINA", + "TORI", "OCTAVIA", "JADE", "DENICE", "GERMAINE", "SIERRA", "MICHELL", "CORTNEY", "NELLY", "DORETHA", + "SYDNEY", "DEIDRA", "MONIKA", "LASHONDA", "JUDI", "CHELSEY", "ANTIONETTE", "MARGOT", "BOBBY", "ADELAIDE", + "NAN", "LEEANN", "ELISHA", "DESSIE", "LIBBY", "KATHI", "GAYLA", "LATANYA", "MINA", "MELLISA", + "KIMBERLEE", "JASMIN", "RENAE", "ZELDA", "ELDA", "MA", "JUSTINA", "GUSSIE", "EMILIE", "CAMILLA", + "ABBIE", "ROCIO", "KAITLYN", "JESSE", "EDYTHE", "ASHLEIGH", "SELINA", "LAKESHA", "GERI", "ALLENE", + "PAMALA", "MICHAELA", "DAYNA", "CARYN", "ROSALIA", "SUN", "JACQULINE", "REBECA", "MARYBETH", "KRYSTLE", + "IOLA", "DOTTIE", "BENNIE", "BELLE", "AUBREY", "GRISELDA", "ERNESTINA", "ELIDA", "ADRIANNE", "DEMETRIA", + "DELMA", "CHONG", "JAQUELINE", "DESTINY", "ARLEEN", "VIRGINA", "RETHA", "FATIMA", "TILLIE", "ELEANORE", + "CARI", "TREVA", "BIRDIE", "WILHELMINA", "ROSALEE", "MAURINE", "LATRICE", "YONG", "JENA", "TARYN", + "ELIA", "DEBBY", "MAUDIE", "JEANNA", "DELILAH", "CATRINA", "SHONDA", "HORTENCIA", "THEODORA", "TERESITA", + "ROBBIN", "DANETTE", "MARYJANE", "FREDDIE", "DELPHINE", "BRIANNE", "NILDA", "DANNA", "CINDI", "BESS", + "IONA", "HANNA", "ARIEL", "WINONA", "VIDA", "ROSITA", "MARIANNA", "WILLIAM", "RACHEAL", "GUILLERMINA", + "ELOISA", "CELESTINE", "CAREN", "MALISSA", "LONA", "CHANTEL", "SHELLIE", "MARISELA", "LEORA", "AGATHA", + "SOLEDAD", "MIGDALIA", "IVETTE", "CHRISTEN", "ATHENA", "JANEL", "CHLOE", "VEDA", "PATTIE", "TESSIE", + "TERA", "MARILYNN", "LUCRETIA", "KARRIE", "DINAH", "DANIELA", "ALECIA", "ADELINA", "VERNICE", "SHIELA", + "PORTIA", "MERRY", "LASHAWN", "DEVON", "DARA", "TAWANA", "OMA", "VERDA", "CHRISTIN", "ALENE", + "ZELLA", "SANDI", "RAFAELA", "MAYA", "KIRA", "CANDIDA", "ALVINA", "SUZAN", "SHAYLA", "LYN", + "LETTIE", "ALVA", "SAMATHA", "ORALIA", "MATILDE", "MADONNA", "LARISSA", "VESTA", "RENITA", "INDIA", + "DELOIS", "SHANDA", "PHILLIS", "LORRI", "ERLINDA", "CRUZ", "CATHRINE", "BARB", "ZOE", "ISABELL", + "IONE", "GISELA", "CHARLIE", "VALENCIA", "ROXANNA", "MAYME", "KISHA", "ELLIE", "MELLISSA", "DORRIS", + "DALIA", "BELLA", "ANNETTA", "ZOILA", "RETA", "REINA", "LAURETTA", "KYLIE", "CHRISTAL", "PILAR", + "CHARLA", "ELISSA", "TIFFANI", "TANA", "PAULINA", "LEOTA", "BREANNA", "JAYME", "CARMEL", "VERNELL", + "TOMASA", "MANDI", "DOMINGA", "SANTA", "MELODIE", "LURA", "ALEXA", "TAMELA", "RYAN", "MIRNA", + "KERRIE", "VENUS", "NOEL", "FELICITA", "CRISTY", "CARMELITA", "BERNIECE", "ANNEMARIE", "TIARA", "ROSEANNE", + "MISSY", "CORI", "ROXANA", "PRICILLA", "KRISTAL", "JUNG", "ELYSE", "HAYDEE", "ALETHA", "BETTINA", + "MARGE", "GILLIAN", "FILOMENA", "CHARLES", "ZENAIDA", "HARRIETTE", "CARIDAD", "VADA", "UNA", "ARETHA", + "PEARLINE", "MARJORY", "MARCELA", "FLOR", "EVETTE", "ELOUISE", "ALINA", "TRINIDAD", "DAVID", "DAMARIS", + "CATHARINE", "CARROLL", "BELVA", "NAKIA", "MARLENA", "LUANNE", "LORINE", "KARON", "DORENE", "DANITA", + "BRENNA", "TATIANA", "SAMMIE", "LOUANN", "LOREN", "JULIANNA", "ANDRIA", "PHILOMENA", "LUCILA", "LEONORA", + "DOVIE", "ROMONA", "MIMI", "JACQUELIN", "GAYE", "TONJA", "MISTI", "JOE", "GENE", "CHASTITY", + "STACIA", "ROXANN", "MICAELA", "NIKITA", "MEI", "VELDA", "MARLYS", "JOHNNA", "AURA", "LAVERN", + "IVONNE", "HAYLEY", "NICKI", "MAJORIE", "HERLINDA", "GEORGE", "ALPHA", "YADIRA", "PERLA", "GREGORIA", + "DANIEL", "ANTONETTE", "SHELLI", "MOZELLE", "MARIAH", "JOELLE", "CORDELIA", "JOSETTE", "CHIQUITA", "TRISTA", + "LOUIS", "LAQUITA", "GEORGIANA", "CANDI", "SHANON", "LONNIE", "HILDEGARD", "CECIL", "VALENTINA", "STEPHANY", + "MAGDA", "KAROL", "GERRY", "GABRIELLA", "TIANA", "ROMA", "RICHELLE", "RAY", "PRINCESS", "OLETA", + "JACQUE", "IDELLA", "ALAINA", "SUZANNA", "JOVITA", "BLAIR", "TOSHA", "RAVEN", "NEREIDA", "MARLYN", + "KYLA", "JOSEPH", "DELFINA", "TENA", "STEPHENIE", "SABINA", "NATHALIE", "MARCELLE", "GERTIE", "DARLEEN", + "THEA", "SHARONDA", "SHANTEL", "BELEN", "VENESSA", "ROSALINA", "ONA", "GENOVEVA", "COREY", "CLEMENTINE", + "ROSALBA", "RENATE", "RENATA", "MI", "IVORY", "GEORGIANNA", "FLOY", "DORCAS", "ARIANA", "TYRA", + "THEDA", "MARIAM", "JULI", "JESICA", "DONNIE", "VIKKI", "VERLA", "ROSELYN", "MELVINA", "JANNETTE", + "GINNY", "DEBRAH", "CORRIE", "ASIA", "VIOLETA", "MYRTIS", "LATRICIA", "COLLETTE", "CHARLEEN", "ANISSA", + "VIVIANA", "TWYLA", "PRECIOUS", "NEDRA", "LATONIA", "LAN", "HELLEN", "FABIOLA", "ANNAMARIE", "ADELL", + "SHARYN", "CHANTAL", "NIKI", "MAUD", "LIZETTE", "LINDY", "KIA", "KESHA", "JEANA", "DANELLE", + "CHARLINE", "CHANEL", "CARROL", "VALORIE", "LIA", "DORTHA", "CRISTAL", "SUNNY", "LEONE", "LEILANI", + "GERRI", "DEBI", "ANDRA", "KESHIA", "IMA", "EULALIA", "EASTER", "DULCE", "NATIVIDAD", "LINNIE", + "KAMI", "GEORGIE", "CATINA", "BROOK", "ALDA", "WINNIFRED", "SHARLA", "RUTHANN", "MEAGHAN", "MAGDALENE", + "LISSETTE", "ADELAIDA", "VENITA", "TRENA", "SHIRLENE", "SHAMEKA", "ELIZEBETH", "DIAN", "SHANTA", "MICKEY", + "LATOSHA", "CARLOTTA", "WINDY", "SOON", "ROSINA", "MARIANN", "LEISA", "JONNIE", "DAWNA", "CATHIE", + "BILLY", "ASTRID", "SIDNEY", "LAUREEN", "JANEEN", "HOLLI", "FAWN", "VICKEY", "TERESSA", "SHANTE", + "RUBYE", "MARCELINA", "CHANDA", "CARY", "TERESE", "SCARLETT", "MARTY", "MARNIE", "LULU", "LISETTE", + "JENIFFER", "ELENOR", "DORINDA", "DONITA", "CARMAN", "BERNITA", "ALTAGRACIA", "ALETA", "ADRIANNA", "ZORAIDA", + "RONNIE", "NICOLA", "LYNDSEY", "KENDALL", "JANINA", "CHRISSY", "AMI", "STARLA", "PHYLIS", "PHUONG", + "KYRA", "CHARISSE", "BLANCH", "SANJUANITA", "RONA", "NANCI", "MARILEE", "MARANDA", "CORY", "BRIGETTE", + "SANJUANA", "MARITA", "KASSANDRA", "JOYCELYN", "IRA", "FELIPA", "CHELSIE", "BONNY", "MIREYA", "LORENZA", + "KYONG", "ILEANA", "CANDELARIA", "TONY", "TOBY", "SHERIE", "OK", "MARK", "LUCIE", "LEATRICE", + "LAKESHIA", "GERDA", "EDIE", "BAMBI", "MARYLIN", "LAVON", "HORTENSE", "GARNET", "EVIE", "TRESSA", + "SHAYNA", "LAVINA", "KYUNG", "JEANETTA", "SHERRILL", "SHARA", "PHYLISS", "MITTIE", "ANABEL", "ALESIA", + "THUY", "TAWANDA", "RICHARD", "JOANIE", "TIFFANIE", "LASHANDA", "KARISSA", "ENRIQUETA", "DARIA", "DANIELLA", + "CORINNA", "ALANNA", "ABBEY", "ROXANE", "ROSEANNA", "MAGNOLIA", "LIDA", "KYLE", "JOELLEN", "ERA", + "CORAL", "CARLEEN", "TRESA", "PEGGIE", "NOVELLA", "NILA", "MAYBELLE", "JENELLE", "CARINA", "NOVA", + "MELINA", "MARQUERITE", "MARGARETTE", "JOSEPHINA", "EVONNE", "DEVIN", "CINTHIA", "ALBINA", "TOYA", "TAWNYA", + "SHERITA", "SANTOS", "MYRIAM", "LIZABETH", "LISE", "KEELY", "JENNI", "GISELLE", "CHERYLE", "ARDITH", + "ARDIS", "ALESHA", "ADRIANE", "SHAINA", "LINNEA", "KAROLYN", "HONG", "FLORIDA", "FELISHA", "DORI", + "DARCI", "ARTIE", "ARMIDA", "ZOLA", "XIOMARA", "VERGIE", "SHAMIKA", "NENA", "NANNETTE", "MAXIE", + "LOVIE", "JEANE", "JAIMIE", "INGE", "FARRAH", "ELAINA", "CAITLYN", "STARR", "FELICITAS", "CHERLY", + "CARYL", "YOLONDA", "YASMIN", "TEENA", "PRUDENCE", "PENNIE", "NYDIA", "MACKENZIE", "ORPHA", "MARVEL", + "LIZBETH", "LAURETTE", "JERRIE", "HERMELINDA", "CAROLEE", "TIERRA", "MIRIAN", "META", "MELONY", "KORI", + "JENNETTE", "JAMILA", "ENA", "ANH", "YOSHIKO", "SUSANNAH", "SALINA", "RHIANNON", "JOLEEN", "CRISTINE", + "ASHTON", "ARACELY", "TOMEKA", "SHALONDA", "MARTI", "LACIE", "KALA", "JADA", "ILSE", "HAILEY", + "BRITTANI", "ZONA", "SYBLE", "SHERRYL", "RANDY", "NIDIA", "MARLO", "KANDICE", "KANDI", "DEB", + "DEAN", "AMERICA", "ALYCIA", "TOMMY", "RONNA", "NORENE", "MERCY", "JOSE", "INGEBORG", "GIOVANNA", + "GEMMA", "CHRISTEL", "AUDRY", "ZORA", "VITA", "VAN", "TRISH", "STEPHAINE", "SHIRLEE", "SHANIKA", + "MELONIE", "MAZIE", "JAZMIN", "INGA", "HOA", "HETTIE", "GERALYN", "FONDA", "ESTRELLA", "ADELLA", + "SU", "SARITA", "RINA", "MILISSA", "MARIBETH", "GOLDA", "EVON", "ETHELYN", "ENEDINA", "CHERISE", + "CHANA", "VELVA", "TAWANNA", "SADE", "MIRTA", "LI", "KARIE", "JACINTA", "ELNA", "DAVINA", + "CIERRA", "ASHLIE", "ALBERTHA", "TANESHA", "STEPHANI", "NELLE", "MINDI", "LU", "LORINDA", "LARUE", + "FLORENE", "DEMETRA", "DEDRA", "CIARA", "CHANTELLE", "ASHLY", "SUZY", "ROSALVA", "NOELIA", "LYDA", + "LEATHA", "KRYSTYNA", "KRISTAN", "KARRI", "DARLINE", "DARCIE", "CINDA", "CHEYENNE", "CHERRIE", "AWILDA", + "ALMEDA", "ROLANDA", "LANETTE", "JERILYN", "GISELE", "EVALYN", "CYNDI", "CLETA", "CARIN", "ZINA", + "ZENA", "VELIA", "TANIKA", "PAUL", "CHARISSA", "THOMAS", "TALIA", "MARGARETE", "LAVONDA", "KAYLEE", + "KATHLENE", "JONNA", "IRENA", "ILONA", "IDALIA", "CANDIS", "CANDANCE", "BRANDEE", "ANITRA", "ALIDA", + "SIGRID", "NICOLETTE", "MARYJO", "LINETTE", "HEDWIG", "CHRISTIANA", "CASSIDY", "ALEXIA", "TRESSIE", "MODESTA", + "LUPITA", "LITA", "GLADIS", "EVELIA", "DAVIDA", "CHERRI", "CECILY", "ASHELY", "ANNABEL", "AGUSTINA", + "WANITA", "SHIRLY", "ROSAURA", "HULDA", "EUN", "BAILEY", "YETTA", "VERONA", "THOMASINA", "SIBYL", + "SHANNAN", "MECHELLE", "LUE", "LEANDRA", "LANI", "KYLEE", "KANDY", "JOLYNN", "FERNE", "EBONI", + "CORENE", "ALYSIA", "ZULA", "NADA", "MOIRA", "LYNDSAY", "LORRETTA", "JUAN", "JAMMIE", "HORTENSIA", + "GAYNELL", "CAMERON", "ADRIA", "VINA", "VICENTA", "TANGELA", "STEPHINE", "NORINE", "NELLA", "LIANA", + "LESLEE", "KIMBERELY", "ILIANA", "GLORY", "FELICA", "EMOGENE", "ELFRIEDE", "EDEN", "EARTHA", "CARMA", + "BEA", "OCIE", "MARRY", "LENNIE", "KIARA", "JACALYN", "CARLOTA", "ARIELLE", "YU", "STAR", + "OTILIA", "KIRSTIN", "KACEY", "JOHNETTA", "JOEY", "JOETTA", "JERALDINE", "JAUNITA", "ELANA", "DORTHEA", + "CAMI", "AMADA", "ADELIA", "VERNITA", "TAMAR", "SIOBHAN", "RENEA", "RASHIDA", "OUIDA", "ODELL", + "NILSA", "MERYL", "KRISTYN", "JULIETA", "DANICA", "BREANNE", "AUREA", "ANGLEA", "SHERRON", "ODETTE", + "MALIA", "LORELEI", "LIN", "LEESA", "KENNA", "KATHLYN", "FIONA", "CHARLETTE", "SUZIE", "SHANTELL", + "SABRA", "RACQUEL", "MYONG", "MIRA", "MARTINE", "LUCIENNE", "LAVADA", "JULIANN", "JOHNIE", "ELVERA", + "DELPHIA", "CLAIR", "CHRISTIANE", "CHAROLETTE", "CARRI", "AUGUSTINE", "ASHA", "ANGELLA", "PAOLA", "NINFA", + "LEDA", "LAI", "EDA", "SUNSHINE", "STEFANI", "SHANELL", "PALMA", "MACHELLE", "LISSA", "KECIA", + "KATHRYNE", "KARLENE", "JULISSA", "JETTIE", "JENNIFFER", "HUI", "CORRINA", "CHRISTOPHER", "CAROLANN", "ALENA", + "TESS", "ROSARIA", "MYRTICE", "MARYLEE", "LIANE", "KENYATTA", "JUDIE", "JANEY", "IN", "ELMIRA", + "ELDORA", "DENNA", "CRISTI", "CATHI", "ZAIDA", "VONNIE", "VIVA", "VERNIE", "ROSALINE", "MARIELA", + "LUCIANA", "LESLI", "KARAN", "FELICE", "DENEEN", "ADINA", "WYNONA", "TARSHA", "SHERON", "SHASTA", + "SHANITA", "SHANI", "SHANDRA", "RANDA", "PINKIE", "PARIS", "NELIDA", "MARILOU", "LYLA", "LAURENE", + "LACI", "JOI", "JANENE", "DOROTHA", "DANIELE", "DANI", "CAROLYNN", "CARLYN", "BERENICE", "AYESHA", + "ANNELIESE", "ALETHEA", "THERSA", "TAMIKO", "RUFINA", "OLIVA", "MOZELL", "MARYLYN", "MADISON", "KRISTIAN", + "KATHYRN", "KASANDRA", "KANDACE", "JANAE", "GABRIEL", "DOMENICA", "DEBBRA", "DANNIELLE", "CHUN", "BUFFY", + "BARBIE", "ARCELIA", "AJA", "ZENOBIA", "SHAREN", "SHAREE", "PATRICK", "PAGE", "MY", "LAVINIA", + "KUM", "KACIE", "JACKELINE", "HUONG", "FELISA", "EMELIA", "ELEANORA", "CYTHIA", "CRISTIN", "CLYDE", + "CLARIBEL", "CARON", "ANASTACIA", "ZULMA", "ZANDRA", "YOKO", "TENISHA", "SUSANN", "SHERILYN", "SHAY", + "SHAWANDA", "SABINE", "ROMANA", "MATHILDA", "LINSEY", "KEIKO", "JOANA", "ISELA", "GRETTA", "GEORGETTA", + "EUGENIE", "DUSTY", "DESIRAE", "DELORA", "CORAZON", "ANTONINA", "ANIKA", "WILLENE", "TRACEE", "TAMATHA", + "REGAN", "NICHELLE", "MICKIE", "MAEGAN", "LUANA", "LANITA", "KELSIE", "EDELMIRA", "BREE", "AFTON", + "TEODORA", "TAMIE", "SHENA", "MEG", "LINH", "KELI", "KACI", "DANYELLE", "BRITT", "ARLETTE", + "ALBERTINE", "ADELLE", "TIFFINY", "STORMY", "SIMONA", "NUMBERS", "NICOLASA", "NICHOL", "NIA", "NAKISHA", + "MEE", "MAIRA", "LOREEN", "KIZZY", "JOHNNY", "JAY", "FALLON", "CHRISTENE", "BOBBYE", "ANTHONY", + "YING", "VINCENZA", "TANJA", "RUBIE", "RONI", "QUEENIE", "MARGARETT", "KIMBERLI", "IRMGARD", "IDELL", + "HILMA", "EVELINA", "ESTA", "EMILEE", "DENNISE", "DANIA", "CARL", "CARIE", "ANTONIO", "WAI", + "SANG", "RISA", "RIKKI", "PARTICIA", "MUI", "MASAKO", "MARIO", "LUVENIA", "LOREE", "LONI", + "LIEN", "KEVIN", "GIGI", "FLORENCIA", "DORIAN", "DENITA", "DALLAS", "CHI", "BILLYE", "ALEXANDER", + "TOMIKA", "SHARITA", "RANA", "NIKOLE", "NEOMA", "MARGARITE", "MADALYN", "LUCINA", "LAILA", "KALI", + "JENETTE", "GABRIELE", "EVELYNE", "ELENORA", "CLEMENTINA", "ALEJANDRINA", "ZULEMA", "VIOLETTE", "VANNESSA", "THRESA", + "RETTA", "PIA", "PATIENCE", "NOELLA", "NICKIE", "JONELL", "DELTA", "CHUNG", "CHAYA", "CAMELIA", + "BETHEL", "ANYA", "ANDREW", "THANH", "SUZANN", "SPRING", "SHU", "MILA", "LILLA", "LAVERNA", + "KEESHA", "KATTIE", "GIA", "GEORGENE", "EVELINE", "ESTELL", "ELIZBETH", "VIVIENNE", "VALLIE", "TRUDIE", + "STEPHANE", "MICHEL", "MAGALY", "MADIE", "KENYETTA", "KARREN", "JANETTA", "HERMINE", "HARMONY", "DRUCILLA", + "DEBBI", "CELESTINA", "CANDIE", "BRITNI", "BECKIE", "AMINA", "ZITA", "YUN", "YOLANDE", "VIVIEN", + "VERNETTA", "TRUDI", "SOMMER", "PEARLE", "PATRINA", "OSSIE", "NICOLLE", "LOYCE", "LETTY", "LARISA", + "KATHARINA", "JOSELYN", "JONELLE", "JENELL", "IESHA", "HEIDE", "FLORINDA", "FLORENTINA", "FLO", "ELODIA", + "DORINE", "BRUNILDA", "BRIGID", "ASHLI", "ARDELLA", "TWANA", "THU", "TARAH", "SUNG", "SHEA", + "SHAVON", "SHANE", "SERINA", "RAYNA", "RAMONITA", "NGA", "MARGURITE", "LUCRECIA", "KOURTNEY", "KATI", + "JESUS", "JESENIA", "DIAMOND", "CRISTA", "AYANA", "ALICA", "ALIA", "VINNIE", "SUELLEN", "ROMELIA", + "RACHELL", "PIPER", "OLYMPIA", "MICHIKO", "KATHALEEN", "JOLIE", "JESSI", "JANESSA", "HANA", "HA", + "ELEASE", "CARLETTA", "BRITANY", "SHONA", "SALOME", "ROSAMOND", "REGENA", "RAINA", "NGOC", "NELIA", + "LOUVENIA", "LESIA", "LATRINA", "LATICIA", "LARHONDA", "JINA", "JACKI", "HOLLIS", "HOLLEY", "EMMY", + "DEEANN", "CORETTA", "ARNETTA", "VELVET", "THALIA", "SHANICE", "NETA", "MIKKI", "MICKI", "LONNA", + "LEANA", "LASHUNDA", "KILEY", "JOYE", "JACQULYN", "IGNACIA", "HYUN", "HIROKO", "HENRY", "HENRIETTE", + "ELAYNE", "DELINDA", "DARNELL", "DAHLIA", "COREEN", "CONSUELA", "CONCHITA", "CELINE", "BABETTE", "AYANNA", + "ANETTE", "ALBERTINA", "SKYE", "SHAWNEE", "SHANEKA", "QUIANA", "PAMELIA", "MIN", "MERRI", "MERLENE", + "MARGIT", "KIESHA", "KIERA", "KAYLENE", "JODEE", "JENISE", "ERLENE", "EMMIE", "ELSE", "DARYL", + "DALILA", "DAISEY", "CODY", "CASIE", "BELIA", "BABARA", "VERSIE", "VANESA", "SHELBA", "SHAWNDA", + "SAM", "NORMAN", "NIKIA", "NAOMA", "MARNA", "MARGERET", "MADALINE", "LAWANA", "KINDRA", "JUTTA", + "JAZMINE", "JANETT", "HANNELORE", "GLENDORA", "GERTRUD", "GARNETT", "FREEDA", "FREDERICA", "FLORANCE", "FLAVIA", + "DENNIS", "CARLINE", "BEVERLEE", "ANJANETTE", "VALDA", "TRINITY", "TAMALA", "STEVIE", "SHONNA", "SHA", + "SARINA", "ONEIDA", "MICAH", "MERILYN", "MARLEEN", "LURLINE", "LENNA", "KATHERIN", "JIN", "JENI", + "HAE", "GRACIA", "GLADY", "FARAH", "ERIC", "ENOLA", "EMA", "DOMINQUE", "DEVONA", "DELANA", + "CECILA", "CAPRICE", "ALYSHA", "ALI", "ALETHIA", "VENA", "THERESIA", "TAWNY", "SONG", "SHAKIRA", + "SAMARA", "SACHIKO", "RACHELE", "PAMELLA", "NICKY", "MARNI", "MARIEL", "MAREN", "MALISA", "LIGIA", + "LERA", "LATORIA", "LARAE", "KIMBER", "KATHERN", "KAREY", "JENNEFER", "JANETH", "HALINA", "FREDIA", + "DELISA", "DEBROAH", "CIERA", "CHIN", "ANGELIKA", "ANDREE", "ALTHA", "YEN", "VIVAN", "TERRESA", + "TANNA", "SUK", "SUDIE", "SOO", "SIGNE", "SALENA", "RONNI", "REBBECCA", "MYRTIE", "MCKENZIE", + "MALIKA", "MAIDA", "LOAN", "LEONARDA", "KAYLEIGH", "FRANCE", "ETHYL", "ELLYN", "DAYLE", "CAMMIE", + "BRITTNI", "BIRGIT", "AVELINA", "ASUNCION", "ARIANNA", "AKIKO", "VENICE", "TYESHA", "TONIE", "TIESHA", + "TAKISHA", "STEFFANIE", "SINDY", "SANTANA", "MEGHANN", "MANDA", "MACIE", "LADY", "KELLYE", "KELLEE", + "JOSLYN", "JASON", "INGER", "INDIRA", "GLINDA", "GLENNIS", "FERNANDA", "FAUSTINA", "ENEIDA", "ELICIA", + "DOT", "DIGNA", "DELL", "ARLETTA", "ANDRE", "WILLIA", "TAMMARA", "TABETHA", "SHERRELL", "SARI", + "REFUGIO", "REBBECA", "PAULETTA", "NIEVES", "NATOSHA", "NAKITA", "MAMMIE", "KENISHA", "KAZUKO", "KASSIE", + "GARY", "EARLEAN", "DAPHINE", "CORLISS", "CLOTILDE", "CAROLYNE", "BERNETTA", "AUGUSTINA", "AUDREA", "ANNIS", + "ANNABELL", "YAN", "TENNILLE", "TAMICA", "SELENE", "SEAN", "ROSANA", "REGENIA", "QIANA", "MARKITA", + "MACY", "LEEANNE", "LAURINE", "KYM", "JESSENIA", "JANITA", "GEORGINE", "GENIE", "EMIKO", "ELVIE", + "DEANDRA", "DAGMAR", "CORIE", "COLLEN", "CHERISH", "ROMAINE", "PORSHA", "PEARLENE", "MICHELINE", "MERNA", + "MARGORIE", "MARGARETTA", "LORE", "KENNETH", "JENINE", "HERMINA", "FREDERICKA", "ELKE", "DRUSILLA", "DORATHY", + "DIONE", "DESIRE", "CELENA", "BRIGIDA", "ANGELES", "ALLEGRA", "THEO", "TAMEKIA", "SYNTHIA", "STEPHEN", + "SOOK", "SLYVIA", "ROSANN", "REATHA", "RAYE", "MARQUETTA", "MARGART", "LING", "LAYLA", "KYMBERLY", + "KIANA", "KAYLEEN", "KATLYN", "KARMEN", "JOELLA", "IRINA", "EMELDA", "ELENI", "DETRA", "CLEMMIE", + "CHERYLL", "CHANTELL", "CATHEY", "ARNITA", "ARLA", "ANGLE", "ANGELIC", "ALYSE", "ZOFIA", "THOMASINE", + "TENNIE", "SON", "SHERLY", "SHERLEY", "SHARYL", "REMEDIOS", "PETRINA", "NICKOLE", "MYUNG", "MYRLE", + "MOZELLA", "LOUANNE", "LISHA", "LATIA", "LANE", "KRYSTA", "JULIENNE", "JOEL", "JEANENE", "JACQUALINE", + "ISAURA", "GWENDA", "EARLEEN", "DONALD", "CLEOPATRA", "CARLIE", "AUDIE", "ANTONIETTA", "ALISE", "ALEX", + "VERDELL", "VAL", "TYLER", "TOMOKO", "THAO", "TALISHA", "STEVEN", "SO", "SHEMIKA", "SHAUN", + "SCARLET", "SAVANNA", "SANTINA", "ROSIA", "RAEANN", "ODILIA", "NANA", "MINNA", "MAGAN", "LYNELLE", + "LE", "KARMA", "JOEANN", "IVANA", "INELL", "ILANA", "HYE", "HONEY", "HEE", "GUDRUN", + "FRANK", "DREAMA", "CRISSY", "CHANTE", "CARMELINA", "ARVILLA", "ARTHUR", "ANNAMAE", "ALVERA", "ALEIDA", + "AARON", "YEE", "YANIRA", "VANDA", "TIANNA", "TAM", "STEFANIA", "SHIRA", "PERRY", "NICOL", + "NANCIE", "MONSERRATE", "MINH", "MELYNDA", "MELANY", "MATTHEW", "LOVELLA", "LAURE", "KIRBY", "KACY", + "JACQUELYNN", "HYON", "GERTHA", "FRANCISCO", "ELIANA", "CHRISTENA", "CHRISTEEN", "CHARISE", "CATERINA", "CARLEY", + "CANDYCE", "ARLENA", "AMMIE", "YANG", "WILLETTE", "VANITA", "TUYET", "TINY", "SYREETA", "SILVA", + "SCOTT", "RONALD", "PENNEY", "NYLA", "MICHAL", "MAURICE", "MARYAM", "MARYA", "MAGEN", "LUDIE", + "LOMA", "LIVIA", "LANELL", "KIMBERLIE", "JULEE", "DONETTA", "DIEDRA", "DENISHA", "DEANE", "DAWNE", + "CLARINE", "CHERRYL", "BRONWYN", "BRANDON", "ALLA", "VALERY", "TONDA", "SUEANN", "SORAYA", "SHOSHANA", + "SHELA", "SHARLEEN", "SHANELLE", "NERISSA", "MICHEAL", "MERIDITH", "MELLIE", "MAYE", "MAPLE", "MAGARET", + "LUIS", "LILI", "LEONILA", "LEONIE", "LEEANNA", "LAVONIA", "LAVERA", "KRISTEL", "KATHEY", "KATHE", + "JUSTIN", "JULIAN", "JIMMY", "JANN", "ILDA", "HILDRED", "HILDEGARDE", "GENIA", "FUMIKO", "EVELIN", + "ERMELINDA", "ELLY", "DUNG", "DOLORIS", "DIONNA", "DANAE", "BERNEICE", "ANNICE", "ALIX", "VERENA", + "VERDIE", "TRISTAN", "SHAWNNA", "SHAWANA", "SHAUNNA", "ROZELLA", "RANDEE", "RANAE", "MILAGRO", "LYNELL", + "LUISE", "LOUIE", "LOIDA", "LISBETH", "KARLEEN", "JUNITA", "JONA", "ISIS", "HYACINTH", "HEDY", + "GWENN", "ETHELENE", "ERLINE", "EDWARD", "DONYA", "DOMONIQUE", "DELICIA", "DANNETTE", "CICELY", "BRANDA", + "BLYTHE", "BETHANN", "ASHLYN", "ANNALEE", "ALLINE", "YUKO", "VELLA", "TRANG", "TOWANDA", "TESHA", + "SHERLYN", "NARCISA", "MIGUELINA", "MERI", "MAYBELL", "MARLANA", "MARGUERITA", "MADLYN", "LUNA", "LORY", + "LORIANN", "LIBERTY", "LEONORE", "LEIGHANN", "LAURICE", "LATESHA", "LARONDA", "KATRICE", "KASIE", "KARL", + "KALEY", "JADWIGA", "GLENNIE", "GEARLDINE", "FRANCINA", "EPIFANIA", "DYAN", "DORIE", "DIEDRE", "DENESE", + "DEMETRICE", "DELENA", "DARBY", "CRISTIE", "CLEORA", "CATARINA", "CARISA", "BERNIE", "BARBERA", "ALMETA", + "TRULA", "TEREASA", "SOLANGE", "SHEILAH", "SHAVONNE", "SANORA", "ROCHELL", "MATHILDE", "MARGARETA", "MAIA", + "LYNSEY", "LAWANNA", "LAUNA", "KENA", "KEENA", "KATIA", "JAMEY", "GLYNDA", "GAYLENE", "ELVINA", + "ELANOR", "DANUTA", "DANIKA", "CRISTEN", "CORDIE", "COLETTA", "CLARITA", "CARMON", "BRYNN", "AZUCENA", + "AUNDREA", "ANGELE", "YI", "WALTER", "VERLIE", "VERLENE", "TAMESHA", "SILVANA", "SEBRINA", "SAMIRA", + "REDA", "RAYLENE", "PENNI", "PANDORA", "NORAH", "NOMA", "MIREILLE", "MELISSIA", "MARYALICE", "LARAINE", + "KIMBERY", "KARYL", "KARINE", "KAM", "JOLANDA", "JOHANA", "JESUSA", "JALEESA", "JAE", "JACQUELYNE", + "IRISH", "ILUMINADA", "HILARIA", "HANH", "GENNIE", "FRANCIE", "FLORETTA", "EXIE", "EDDA", "DREMA", + "DELPHA", "BEV", "BARBAR", "ASSUNTA", "ARDELL", "ANNALISA", "ALISIA", "YUKIKO", "YOLANDO", "WONDA", + "WEI", "WALTRAUD", "VETA", "TEQUILA", "TEMEKA", "TAMEIKA", "SHIRLEEN", "SHENITA", "PIEDAD", "OZELLA", + "MIRTHA", "MARILU", "KIMIKO", "JULIANE", "JENICE", "JEN", "JANAY", "JACQUILINE", "HILDE", "FE", + "FAE", "EVAN", "EUGENE", "ELOIS", "ECHO", "DEVORAH", "CHAU", "BRINDA", "BETSEY", "ARMINDA", + "ARACELIS", "APRYL", "ANNETT", "ALISHIA", "VEOLA", "USHA", "TOSHIKO", "THEOLA", "TASHIA", "TALITHA", + "SHERY", "RUDY", "RENETTA", "REIKO", "RASHEEDA", "OMEGA", "OBDULIA", "MIKA", "MELAINE", "MEGGAN", + "MARTIN", "MARLEN", "MARGET", "MARCELINE", "MANA", "MAGDALEN", "LIBRADA", "LEZLIE", "LEXIE", "LATASHIA", + "LASANDRA", "KELLE", "ISIDRA", "ISA", "INOCENCIA", "GWYN", "FRANCOISE", "ERMINIA", "ERINN", "DIMPLE", + "DEVORA", "CRISELDA", "ARMANDA", "ARIE", "ARIANE", "ANGELO", "ANGELENA", "ALLEN", "ALIZA", "ADRIENE", + "ADALINE", "XOCHITL", "TWANNA", "TRAN", "TOMIKO", "TAMISHA", "TAISHA", "SUSY", "SIU", "RUTHA", + "ROXY", "RHONA", "RAYMOND", "OTHA", "NORIKO", "NATASHIA", "MERRIE", "MELVIN", "MARINDA", "MARIKO", + "MARGERT", "LORIS", "LIZZETTE", "LEISHA", "KAILA", "KA", "JOANNIE", "JERRICA", "JENE", "JANNET", + "JANEE", "JACINDA", "HERTA", "ELENORE", "DORETTA", "DELAINE", "DANIELL", "CLAUDIE", "CHINA", "BRITTA", + "APOLONIA", "AMBERLY", "ALEASE", "YURI", "YUK", "WEN", "WANETA", "UTE", "TOMI", "SHARRI", + "SANDIE", "ROSELLE", "REYNALDA", "RAGUEL", "PHYLICIA", "PATRIA", "OLIMPIA", "ODELIA", "MITZIE", "MITCHELL", + "MISS", "MINDA", "MIGNON", "MICA", "MENDY", "MARIVEL", "MAILE", "LYNETTA", "LAVETTE", "LAURYN", + "LATRISHA", "LAKIESHA", "KIERSTEN", "KARY", "JOSPHINE", "JOLYN", "JETTA", "JANISE", "JACQUIE", "IVELISSE", + "GLYNIS", "GIANNA", "GAYNELLE", "EMERALD", "DEMETRIUS", "DANYELL", "DANILLE", "DACIA", "CORALEE", "CHER", + "CEOLA", "BRETT", "BELL", "ARIANNE", "ALESHIA", "YUNG", "WILLIEMAE", "TROY", "TRINH", "THORA", + "TAI", "SVETLANA", "SHERIKA", "SHEMEKA", "SHAUNDA", "ROSELINE", "RICKI", "MELDA", "MALLIE", "LAVONNA", + "LATINA", "LARRY", "LAQUANDA", "LALA", "LACHELLE", "KLARA", "KANDIS", "JOHNA", "JEANMARIE", "JAYE", + "HANG", "GRAYCE", "GERTUDE", "EMERITA", "EBONIE", "CLORINDA", "CHING", "CHERY", "CAROLA", "BREANN", + "BLOSSOM", "BERNARDINE", "BECKI", "ARLETHA", "ARGELIA", "ARA", "ALITA", "YULANDA", "YON", "YESSENIA", + "TOBI", "TASIA", "SYLVIE", "SHIRL", "SHIRELY", "SHERIDAN", "SHELLA", "SHANTELLE", "SACHA", "ROYCE", + "REBECKA", "REAGAN", "PROVIDENCIA", "PAULENE", "MISHA", "MIKI", "MARLINE", "MARICA", "LORITA", "LATOYIA", + "LASONYA", "KERSTIN", "KENDA", "KEITHA", "KATHRIN", "JAYMIE", "JACK", "GRICELDA", "GINETTE", "ERYN", + "ELINA", "ELFRIEDA", "DANYEL", "CHEREE", "CHANELLE", "BARRIE", "AVERY", "AURORE", "ANNAMARIA", "ALLEEN", + "AILENE", "AIDE", "YASMINE", "VASHTI", "VALENTINE", "TREASA", "TORY", "TIFFANEY", "SHERYLL", "SHARIE", + "SHANAE", "SAU", "RAISA", "PA", "NEDA", "MITSUKO", "MIRELLA", "MILDA", "MARYANNA", "MARAGRET", + "MABELLE", "LUETTA", "LORINA", "LETISHA", "LATARSHA", "LANELLE", "LAJUANA", "KRISSY", "KARLY", "KARENA", + "JON", "JESSIKA", "JERICA", "JEANELLE", "JANUARY", "JALISA", "JACELYN", "IZOLA", "IVEY", "GREGORY", + "EUNA", "ETHA", "DREW", "DOMITILA", "DOMINICA", "DAINA", "CREOLA", "CARLI", "CAMIE", "BUNNY", + "BRITTNY", "ASHANTI", "ANISHA", "ALEEN", "ADAH", "YASUKO", "WINTER", "VIKI", "VALRIE", "TONA", + "TINISHA", "THI", "TERISA", "TATUM", "TANEKA", "SIMONNE", "SHALANDA", "SERITA", "RESSIE", "REFUGIA", + "PAZ", "OLENE", "NA", "MERRILL", "MARGHERITA", "MANDIE", "MAN", "MAIRE", "LYNDIA", "LUCI", + "LORRIANE", "LORETA", "LEONIA", "LAVONA", "LASHAWNDA", "LAKIA", "KYOKO", "KRYSTINA", "KRYSTEN", "KENIA", + "KELSI", "JUDE", "JEANICE", "ISOBEL", "GEORGIANN", "GENNY", "FELICIDAD", "EILENE", "DEON", "DELOISE", + "DEEDEE", "DANNIE", "CONCEPTION", "CLORA", "CHERILYN", "CHANG", "CALANDRA", "BERRY", "ARMANDINA", "ANISA", + "ULA", "TIMOTHY", "TIERA", "THERESSA", "STEPHANIA", "SIMA", "SHYLA", "SHONTA", "SHERA", "SHAQUITA", + "SHALA", "SAMMY", "ROSSANA", "NOHEMI", "NERY", "MORIAH", "MELITA", "MELIDA", "MELANI", "MARYLYNN", + "MARISHA", "MARIETTE", "MALORIE", "MADELENE", "LUDIVINA", "LORIA", "LORETTE", "LORALEE", "LIANNE", "LEON", + "LAVENIA", "LAURINDA", "LASHON", "KIT", "KIMI", "KEILA", "KATELYNN", "KAI", "JONE", "JOANE", + "JI", "JAYNA", "JANELLA", "JA", "HUE", "HERTHA", "FRANCENE", "ELINORE", "DESPINA", "DELSIE", + "DEEDRA", "CLEMENCIA", "CARRY", "CAROLIN", "CARLOS", "BULAH", "BRITTANIE", "BOK", "BLONDELL", "BIBI", + "BEAULAH", "BEATA", "ANNITA", "AGRIPINA", "VIRGEN", "VALENE", "UN", "TWANDA", "TOMMYE", "TOI", + "TARRA", "TARI", "TAMMERA", "SHAKIA", "SADYE", "RUTHANNE", "ROCHEL", "RIVKA", "PURA", "NENITA", + "NATISHA", "MING", "MERRILEE", "MELODEE", "MARVIS", "LUCILLA", "LEENA", "LAVETA", "LARITA", "LANIE", + "KEREN", "ILEEN", "GEORGEANN", "GENNA", "GENESIS", "FRIDA", "EWA", "EUFEMIA", "EMELY", "ELA", + "EDYTH", "DEONNA", "DEADRA", "DARLENA", "CHANELL", "CHAN", "CATHERN", "CASSONDRA", "CASSAUNDRA", "BERNARDA", + "BERNA", "ARLINDA", "ANAMARIA", "ALBERT", "WESLEY", "VERTIE", "VALERI", "TORRI", "TATYANA", "STASIA", + "SHERISE", "SHERILL", "SEASON", "SCOTTIE", "SANDA", "RUTHE", "ROSY", "ROBERTO", "ROBBI", "RANEE", + "QUYEN", "PEARLY", "PALMIRA", "ONITA", "NISHA", "NIESHA", "NIDA", "NEVADA", "NAM", "MERLYN", + "MAYOLA", "MARYLOUISE", "MARYLAND", "MARX", "MARTH", "MARGENE", "MADELAINE", "LONDA", "LEONTINE", "LEOMA", + "LEIA", "LAWRENCE", "LAURALEE", "LANORA", "LAKITA", "KIYOKO", "KETURAH", "KATELIN", "KAREEN", "JONIE", + "JOHNETTE", "JENEE", "JEANETT", "IZETTA", "HIEDI", "HEIKE", "HASSIE", "HAROLD", "GIUSEPPINA", "GEORGANN", + "FIDELA", "FERNANDE", "ELWANDA", "ELLAMAE", "ELIZ", "DUSTI", "DOTTY", "CYNDY", "CORALIE", "CELESTA", + "ARGENTINA", "ALVERTA", "XENIA", "WAVA", "VANETTA", "TORRIE", "TASHINA", "TANDY", "TAMBRA", "TAMA", + "STEPANIE", "SHILA", "SHAUNTA", "SHARAN", "SHANIQUA", "SHAE", "SETSUKO", "SERAFINA", "SANDEE", "ROSAMARIA", + "PRISCILA", "OLINDA", "NADENE", "MUOI", "MICHELINA", "MERCEDEZ", "MARYROSE", "MARIN", "MARCENE", "MAO", + "MAGALI", "MAFALDA", "LOGAN", "LINN", "LANNIE", "KAYCE", "KAROLINE", "KAMILAH", "KAMALA", "JUSTA", + "JOLINE", "JENNINE", "JACQUETTA", "IRAIDA", "GERALD", "GEORGEANNA", "FRANCHESCA", "FAIRY", "EMELINE", "ELANE", + "EHTEL", "EARLIE", "DULCIE", "DALENE", "CRIS", "CLASSIE", "CHERE", "CHARIS", "CAROYLN", "CARMINA", + "CARITA", "BRIAN", "BETHANIE", "AYAKO", "ARICA", "AN", "ALYSA", "ALESSANDRA", "AKILAH", "ADRIEN", + "ZETTA", "YOULANDA", "YELENA", "YAHAIRA", "XUAN", "WENDOLYN", "VICTOR", "TIJUANA", "TERRELL", "TERINA", + "TERESIA", "SUZI", "SUNDAY", "SHERELL", "SHAVONDA", "SHAUNTE", "SHARDA", "SHAKITA", "SENA", "RYANN", + "RUBI", "RIVA", "REGINIA", "REA", "RACHAL", "PARTHENIA", "PAMULA", "MONNIE", "MONET", "MICHAELE", + "MELIA", "MARINE", "MALKA", "MAISHA", "LISANDRA", "LEO", "LEKISHA", "LEAN", "LAURENCE", "LAKENDRA", + "KRYSTIN", "KORTNEY", "KIZZIE", "KITTIE", "KERA", "KENDAL", "KEMBERLY", "KANISHA", "JULENE", "JULE", + "JOSHUA", "JOHANNE", "JEFFREY", "JAMEE", "HAN", "HALLEY", "GIDGET", "GALINA", "FREDRICKA", "FLETA", + "FATIMAH", "EUSEBIA", "ELZA", "ELEONORE", "DORTHEY", "DORIA", "DONELLA", "DINORAH", "DELORSE", "CLARETHA", + "CHRISTINIA", "CHARLYN", "BONG", "BELKIS", "AZZIE", "ANDERA", "AIKO", "ADENA", "YER", "YAJAIRA", + "WAN", "VANIA", "ULRIKE", "TOSHIA", "TIFANY", "STEFANY", "SHIZUE", "SHENIKA", "SHAWANNA", "SHAROLYN", + "SHARILYN", "SHAQUANA", "SHANTAY", "SEE", "ROZANNE", "ROSELEE", "RICKIE", "REMONA", "REANNA", "RAELENE", + "QUINN", "PHUNG", "PETRONILA", "NATACHA", "NANCEY", "MYRL", "MIYOKO", "MIESHA", "MERIDETH", "MARVELLA", + "MARQUITTA", "MARHTA", "MARCHELLE", "LIZETH", "LIBBIE", "LAHOMA", "LADAWN", "KINA", "KATHELEEN", "KATHARYN", + "KARISA", "KALEIGH", "JUNIE", "JULIEANN", "JOHNSIE", "JANEAN", "JAIMEE", "JACKQUELINE", "HISAKO", "HERMA", + "HELAINE", "GWYNETH", "GLENN", "GITA", "EUSTOLIA", "EMELINA", "ELIN", "EDRIS", "DONNETTE", "DONNETTA", + "DIERDRE", "DENAE", "DARCEL", "CLAUDE", "CLARISA", "CINDERELLA", "CHIA", "CHARLESETTA", "CHARITA", "CELSA", + "CASSY", "CASSI", "CARLEE", "BRUNA", "BRITTANEY", "BRANDE", "BILLI", "BAO", "ANTONETTA", "ANGLA", + "ANGELYN", "ANALISA", "ALANE", "WENONA", "WENDIE", "VERONIQUE", "VANNESA", "TOBIE", "TEMPIE", "SUMIKO", + "SULEMA", "SPARKLE", "SOMER", "SHEBA", "SHAYNE", "SHARICE", "SHANEL", "SHALON", "SAGE", "ROY", + "ROSIO", "ROSELIA", "RENAY", "REMA", "REENA", "PORSCHE", "PING", "PEG", "OZIE", "ORETHA", + "ORALEE", "ODA", "NU", "NGAN", "NAKESHA", "MILLY", "MARYBELLE", "MARLIN", "MARIS", "MARGRETT", + "MARAGARET", "MANIE", "LURLENE", "LILLIA", "LIESELOTTE", "LAVELLE", "LASHAUNDA", "LAKEESHA", "KEITH", "KAYCEE", + "KALYN", "JOYA", "JOETTE", "JENAE", "JANIECE", "ILLA", "GRISEL", "GLAYDS", "GENEVIE", "GALA", + "FREDDA", "FRED", "ELMER", "ELEONOR", "DEBERA", "DEANDREA", "DAN", "CORRINNE", "CORDIA", "CONTESSA", + "COLENE", "CLEOTILDE", "CHARLOTT", "CHANTAY", "CECILLE", "BEATRIS", "AZALEE", "ARLEAN", "ARDATH", "ANJELICA", + "ANJA", "ALFREDIA", "ALEISHA", "ADAM", "ZADA", "YUONNE", "XIAO", "WILLODEAN", "WHITLEY", "VENNIE", + "VANNA", "TYISHA", "TOVA", "TORIE", "TONISHA", "TILDA", "TIEN", "TEMPLE", "SIRENA", "SHERRIL", + "SHANTI", "SHAN", "SENAIDA", "SAMELLA", "ROBBYN", "RENDA", "REITA", "PHEBE", "PAULITA", "NOBUKO", + "NGUYET", "NEOMI", "MOON", "MIKAELA", "MELANIA", "MAXIMINA", "MARG", "MAISIE", "LYNNA", "LILLI", + "LAYNE", "LASHAUN", "LAKENYA", "LAEL", "KIRSTIE", "KATHLINE", "KASHA", "KARLYN", "KARIMA", "JOVAN", + "JOSEFINE", "JENNELL", "JACQUI", "JACKELYN", "HYO", "HIEN", "GRAZYNA", "FLORRIE", "FLORIA", "ELEONORA", + "DWANA", "DORLA", "DONG", "DELMY", "DEJA", "DEDE", "DANN", "CRYSTA", "CLELIA", "CLARIS", + "CLARENCE", "CHIEKO", "CHERLYN", "CHERELLE", "CHARMAIN", "CHARA", "CAMMY", "BEE", "ARNETTE", "ARDELLE", + "ANNIKA", "AMIEE", "AMEE", "ALLENA", "YVONE", "YUKI", "YOSHIE", "YEVETTE", "YAEL", "WILLETTA", + "VONCILE", "VENETTA", "TULA", "TONETTE", "TIMIKA", "TEMIKA", "TELMA", "TEISHA", "TAREN", "TA", + "STACEE", "SHIN", "SHAWNTA", "SATURNINA", "RICARDA", "POK", "PASTY", "ONIE", "NUBIA", "MORA", + "MIKE", "MARIELLE", "MARIELLA", "MARIANELA", "MARDELL", "MANY", "LUANNA", "LOISE", "LISABETH", "LINDSY", + "LILLIANA", "LILLIAM", "LELAH", "LEIGHA", "LEANORA", "LANG", "KRISTEEN", "KHALILAH", "KEELEY", "KANDRA", + "JUNKO", "JOAQUINA", "JERLENE", "JANI", "JAMIKA", "JAME", "HSIU", "HERMILA", "GOLDEN", "GENEVIVE", + "EVIA", "EUGENA", "EMMALINE", "ELFREDA", "ELENE", "DONETTE", "DELCIE", "DEEANNA", "DARCEY", "CUC", + "CLARINDA", "CIRA", "CHAE", "CELINDA", "CATHERYN", "CATHERIN", "CASIMIRA", "CARMELIA", "CAMELLIA", "BREANA", + "BOBETTE", "BERNARDINA", "BEBE", "BASILIA", "ARLYNE", "AMAL", "ALAYNA", "ZONIA", "ZENIA", "YURIKO", + "YAEKO", "WYNELL", "WILLOW", "WILLENA", "VERNIA", "TU", "TRAVIS", "TORA", "TERRILYN", "TERICA", + "TENESHA", "TAWNA", "TAJUANA", "TAINA", "STEPHNIE", "SONA", "SOL", "SINA", "SHONDRA", "SHIZUKO", + "SHERLENE", "SHERICE", "SHARIKA", "ROSSIE", "ROSENA", "RORY", "RIMA", "RIA", "RHEBA", "RENNA", + "PETER", "NATALYA", "NANCEE", "MELODI", "MEDA", "MAXIMA", "MATHA", "MARKETTA", "MARICRUZ", "MARCELENE", + "MALVINA", "LUBA", "LOUETTA", "LEIDA", "LECIA", "LAURAN", "LASHAWNA", "LAINE", "KHADIJAH", "KATERINE", + "KASI", "KALLIE", "JULIETTA", "JESUSITA", "JESTINE", "JESSIA", "JEREMY", "JEFFIE", "JANYCE", "ISADORA", + "GEORGIANNE", "FIDELIA", "EVITA", "EURA", "EULAH", "ESTEFANA", "ELSY", "ELIZABET", "ELADIA", "DODIE", + "DION", "DIA", "DENISSE", "DELORAS", "DELILA", "DAYSI", "DAKOTA", "CURTIS", "CRYSTLE", "CONCHA", + "COLBY", "CLARETTA", "CHU", "CHRISTIA", "CHARLSIE", "CHARLENA", "CARYLON", "BETTYANN", "ASLEY", "ASHLEA", + "AMIRA", "AI", "AGUEDA", "AGNUS", "YUETTE", "VINITA", "VICTORINA", "TYNISHA", "TREENA", "TOCCARA", + "TISH", "THOMASENA", "TEGAN", "SOILA", "SHILOH", "SHENNA", "SHARMAINE", "SHANTAE", "SHANDI", "SEPTEMBER", + "SARAN", "SARAI", "SANA", "SAMUEL", "SALLEY", "ROSETTE", "ROLANDE", "REGINE", "OTELIA", "OSCAR", + "OLEVIA", "NICHOLLE", "NECOLE", "NAIDA", "MYRTA", "MYESHA", "MITSUE", "MINTA", "MERTIE", "MARGY", + "MAHALIA", "MADALENE", "LOVE", "LOURA", "LOREAN", "LEWIS", "LESHA", "LEONIDA", "LENITA", "LAVONE", + "LASHELL", "LASHANDRA", "LAMONICA", "KIMBRA", "KATHERINA", "KARRY", "KANESHA", "JULIO", "JONG", "JENEVA", + "JAQUELYN", "HWA", "GILMA", "GHISLAINE", "GERTRUDIS", "FRANSISCA", "FERMINA", "ETTIE", "ETSUKO", "ELLIS", + "ELLAN", "ELIDIA", "EDRA", "DORETHEA", "DOREATHA", "DENYSE", "DENNY", "DEETTA", "DAINE", "CYRSTAL", + "CORRIN", "CAYLA", "CARLITA", "CAMILA", "BURMA", "BULA", "BUENA", "BLAKE", "BARABARA", "AVRIL", + "AUSTIN", "ALAINE", "ZANA", "WILHEMINA", "WANETTA", "VIRGIL", "VI", "VERONIKA", "VERNON", "VERLINE", + "VASILIKI", "TONITA", "TISA", "TEOFILA", "TAYNA", "TAUNYA", "TANDRA", "TAKAKO", "SUNNI", "SUANNE", + "SIXTA", "SHARELL", "SEEMA", "RUSSELL", "ROSENDA", "ROBENA", "RAYMONDE", "PEI", "PAMILA", "OZELL", + "NEIDA", "NEELY", "MISTIE", "MICHA", "MERISSA", "MAURITA", "MARYLN", "MARYETTA", "MARSHALL", "MARCELL", + "MALENA", "MAKEDA", "MADDIE", "LOVETTA", "LOURIE", "LORRINE", "LORILEE", "LESTER", "LAURENA", "LASHAY", + "LARRAINE", "LAREE", "LACRESHA", "KRISTLE", "KRISHNA", "KEVA", "KEIRA", "KAROLE", "JOIE", "JINNY", + "JEANNETTA", "JAMA", "HEIDY", "GILBERTE", "GEMA", "FAVIOLA", "EVELYNN", "ENDA", "ELLI", "ELLENA", + "DIVINA", "DAGNY", "COLLENE", "CODI", "CINDIE", "CHASSIDY", "CHASIDY", "CATRICE", "CATHERINA", "CASSEY", + "CAROLL", "CARLENA", "CANDRA", "CALISTA", "BRYANNA", "BRITTENY", "BEULA", "BARI", "AUDRIE", "AUDRIA", + "ARDELIA", "ANNELLE", "ANGILA", "ALONA", "ALLYN", "DOUGLAS", "ROGER", "JONATHAN", "RALPH", "NICHOLAS", + "BENJAMIN", "BRUCE", "HARRY", "WAYNE", "STEVE", "HOWARD", "ERNEST", "PHILLIP", "TODD", "CRAIG", + "ALAN", "PHILIP", "EARL", "DANNY", "BRYAN", "STANLEY", "LEONARD", "NATHAN", "MANUEL", "RODNEY", + "MARVIN", "VINCENT", "JEFFERY", "JEFF", "CHAD", "JACOB", "ALFRED", "BRADLEY", "HERBERT", "FREDERICK", + "EDWIN", "DON", "RICKY", "RANDALL", "BARRY", "BERNARD", "LEROY", "MARCUS", "THEODORE", "CLIFFORD", + "MIGUEL", "JIM", "TOM", "CALVIN", "BILL", "LLOYD", "DEREK", "WARREN", "DARRELL", "JEROME", + "FLOYD", "ALVIN", "TIM", "GORDON", "GREG", "JORGE", "DUSTIN", "PEDRO", "DERRICK", "ZACHARY", + "HERMAN", "GLEN", "HECTOR", "RICARDO", "RICK", "BRENT", "RAMON", "GILBERT", "MARC", "REGINALD", + "RUBEN", "NATHANIEL", "RAFAEL", "EDGAR", "MILTON", "RAUL", "BEN", "CHESTER", "DUANE", "FRANKLIN", + "BRAD", "RON", "ROLAND", "ARNOLD", "HARVEY", "JARED", "ERIK", "DARRYL", "NEIL", "JAVIER", + "FERNANDO", "CLINTON", "TED", "MATHEW", "TYRONE", "DARREN", "LANCE", "KURT", "ALLAN", "NELSON", + "GUY", "CLAYTON", "HUGH", "MAX", "DWAYNE", "DWIGHT", "ARMANDO", "FELIX", "EVERETT", "IAN", + "WALLACE", "KEN", "BOB", "ALFREDO", "ALBERTO", "DAVE", "IVAN", "BYRON", "ISAAC", "MORRIS", + "CLIFTON", "WILLARD", "ROSS", "ANDY", "SALVADOR", "KIRK", "SERGIO", "SETH", "KENT", "TERRANCE", + "EDUARDO", "TERRENCE", "ENRIQUE", "WADE", "STUART", "FREDRICK", "ARTURO", "ALEJANDRO", "NICK", "LUTHER", + "WENDELL", "JEREMIAH", "JULIUS", "OTIS", "TREVOR", "OLIVER", "LUKE", "HOMER", "GERARD", "DOUG", + "KENNY", "HUBERT", "LYLE", "MATT", "ALFONSO", "ORLANDO", "REX", "CARLTON", "ERNESTO", "NEAL", + "PABLO", "LORENZO", "OMAR", "WILBUR", "GRANT", "HORACE", "RODERICK", "ABRAHAM", "WILLIS", "RICKEY", + "ANDRES", "CESAR", "JOHNATHAN", "MALCOLM", "RUDOLPH", "DAMON", "KELVIN", "PRESTON", "ALTON", "ARCHIE", + "MARCO", "WM", "PETE", "RANDOLPH", "GARRY", "GEOFFREY", "JONATHON", "FELIPE", "GERARDO", "ED", + "DOMINIC", "DELBERT", "COLIN", "GUILLERMO", "EARNEST", "LUCAS", "BENNY", "SPENCER", "RODOLFO", "MYRON", + "EDMUND", "GARRETT", "SALVATORE", "CEDRIC", "LOWELL", "GREGG", "SHERMAN", "WILSON", "SYLVESTER", "ROOSEVELT", + "ISRAEL", "JERMAINE", "FORREST", "WILBERT", "LELAND", "SIMON", "CLARK", "IRVING", "BRYANT", "OWEN", + "RUFUS", "WOODROW", "KRISTOPHER", "MACK", "LEVI", "MARCOS", "GUSTAVO", "JAKE", "LIONEL", "GILBERTO", + "CLINT", "NICOLAS", "ISMAEL", "ORVILLE", "ERVIN", "DEWEY", "AL", "WILFRED", "JOSH", "HUGO", + "IGNACIO", "CALEB", "TOMAS", "SHELDON", "ERICK", "STEWART", "DOYLE", "DARREL", "ROGELIO", "TERENCE", + "SANTIAGO", "ALONZO", "ELIAS", "BERT", "ELBERT", "RAMIRO", "CONRAD", "NOAH", "GRADY", "PHIL", + "CORNELIUS", "LAMAR", "ROLANDO", "CLAY", "PERCY", "DEXTER", "BRADFORD", "DARIN", "AMOS", "MOSES", + "IRVIN", "SAUL", "ROMAN", "RANDAL", "TIMMY", "DARRIN", "WINSTON", "BRENDAN", "ABEL", "DOMINICK", + "BOYD", "EMILIO", "ELIJAH", "DOMINGO", "EMMETT", "MARLON", "EMANUEL", "JERALD", "EDMOND", "EMIL", + "DEWAYNE", "WILL", "OTTO", "TEDDY", "REYNALDO", "BRET", "JESS", "TRENT", "HUMBERTO", "EMMANUEL", + "STEPHAN", "VICENTE", "LAMONT", "GARLAND", "MILES", "EFRAIN", "HEATH", "RODGER", "HARLEY", "ETHAN", + "ELDON", "ROCKY", "PIERRE", "JUNIOR", "FREDDY", "ELI", "BRYCE", "ANTOINE", "STERLING", "CHASE", + "GROVER", "ELTON", "CLEVELAND", "DYLAN", "CHUCK", "DAMIAN", "REUBEN", "STAN", "AUGUST", "LEONARDO", + "JASPER", "RUSSEL", "ERWIN", "BENITO", "HANS", "MONTE", "BLAINE", "ERNIE", "CURT", "QUENTIN", + "AGUSTIN", "MURRAY", "JAMAL", "ADOLFO", "HARRISON", "TYSON", "BURTON", "BRADY", "ELLIOTT", "WILFREDO", + "BART", "JARROD", "VANCE", "DENIS", "DAMIEN", "JOAQUIN", "HARLAN", "DESMOND", "ELLIOT", "DARWIN", + "GREGORIO", "BUDDY", "XAVIER", "KERMIT", "ROSCOE", "ESTEBAN", "ANTON", "SOLOMON", "SCOTTY", "NORBERT", + "ELVIN", "WILLIAMS", "NOLAN", "ROD", "QUINTON", "HAL", "BRAIN", "ROB", "ELWOOD", "KENDRICK", + "DARIUS", "MOISES", "FIDEL", "THADDEUS", "CLIFF", "MARCEL", "JACKSON", "RAPHAEL", "BRYON", "ARMAND", + "ALVARO", "JEFFRY", "DANE", "JOESPH", "THURMAN", "NED", "RUSTY", "MONTY", "FABIAN", "REGGIE", + "MASON", "GRAHAM", "ISAIAH", "VAUGHN", "GUS", "LOYD", "DIEGO", "ADOLPH", "NORRIS", "MILLARD", + "ROCCO", "GONZALO", "DERICK", "RODRIGO", "WILEY", "RIGOBERTO", "ALPHONSO", "TY", "NOE", "VERN", + "REED", "JEFFERSON", "ELVIS", "BERNARDO", "MAURICIO", "HIRAM", "DONOVAN", "BASIL", "RILEY", "NICKOLAS", + "MAYNARD", "SCOT", "VINCE", "QUINCY", "EDDY", "SEBASTIAN", "FEDERICO", "ULYSSES", "HERIBERTO", "DONNELL", + "COLE", "DAVIS", "GAVIN", "EMERY", "WARD", "ROMEO", "JAYSON", "DANTE", "CLEMENT", "COY", + "MAXWELL", "JARVIS", "BRUNO", "ISSAC", "DUDLEY", "BROCK", "SANFORD", "CARMELO", "BARNEY", "NESTOR", + "STEFAN", "DONNY", "ART", "LINWOOD", "BEAU", "WELDON", "GALEN", "ISIDRO", "TRUMAN", "DELMAR", + "JOHNATHON", "SILAS", "FREDERIC", "DICK", "IRWIN", "MERLIN", "CHARLEY", "MARCELINO", "HARRIS", "CARLO", + "TRENTON", "KURTIS", "HUNTER", "AURELIO", "WINFRED", "VITO", "COLLIN", "DENVER", "CARTER", "LEONEL", + "EMORY", "PASQUALE", "MOHAMMAD", "MARIANO", "DANIAL", "LANDON", "DIRK", "BRANDEN", "ADAN", "BUFORD", + "GERMAN", "WILMER", "EMERSON", "ZACHERY", "FLETCHER", "JACQUES", "ERROL", "DALTON", "MONROE", "JOSUE", + "EDWARDO", "BOOKER", "WILFORD", "SONNY", "SHELTON", "CARSON", "THERON", "RAYMUNDO", "DAREN", "HOUSTON", + "ROBBY", "LINCOLN", "GENARO", "BENNETT", "OCTAVIO", "CORNELL", "HUNG", "ARRON", "ANTONY", "HERSCHEL", + "GIOVANNI", "GARTH", "CYRUS", "CYRIL", "RONNY", "LON", "FREEMAN", "DUNCAN", "KENNITH", "CARMINE", + "ERICH", "CHADWICK", "WILBURN", "RUSS", "REID", "MYLES", "ANDERSON", "MORTON", "JONAS", "FOREST", + "MITCHEL", "MERVIN", "ZANE", "RICH", "JAMEL", "LAZARO", "ALPHONSE", "RANDELL", "MAJOR", "JARRETT", + "BROOKS", "ABDUL", "LUCIANO", "SEYMOUR", "EUGENIO", "MOHAMMED", "VALENTIN", "CHANCE", "ARNULFO", "LUCIEN", + "FERDINAND", "THAD", "EZRA", "ALDO", "RUBIN", "ROYAL", "MITCH", "EARLE", "ABE", "WYATT", + "MARQUIS", "LANNY", "KAREEM", "JAMAR", "BORIS", "ISIAH", "EMILE", "ELMO", "ARON", "LEOPOLDO", + "EVERETTE", "JOSEF", "ELOY", "RODRICK", "REINALDO", "LUCIO", "JERROD", "WESTON", "HERSHEL", "BARTON", + "PARKER", "LEMUEL", "BURT", "JULES", "GIL", "ELISEO", "AHMAD", "NIGEL", "EFREN", "ANTWAN", + "ALDEN", "MARGARITO", "COLEMAN", "DINO", "OSVALDO", "LES", "DEANDRE", "NORMAND", "KIETH", "TREY", + "NORBERTO", "NAPOLEON", "JEROLD", "FRITZ", "ROSENDO", "MILFORD", "CHRISTOPER", "ALFONZO", "LYMAN", "JOSIAH", + "BRANT", "WILTON", "RICO", "JAMAAL", "DEWITT", "BRENTON", "OLIN", "FOSTER", "FAUSTINO", "CLAUDIO", + "JUDSON", "GINO", "EDGARDO", "ALEC", "TANNER", "JARRED", "DONN", "TAD", "PRINCE", "PORFIRIO", + "ODIS", "LENARD", "CHAUNCEY", "TOD", "MEL", "MARCELO", "KORY", "AUGUSTUS", "KEVEN", "HILARIO", + "BUD", "SAL", "ORVAL", "MAURO", "ZACHARIAH", "OLEN", "ANIBAL", "MILO", "JED", "DILLON", + "AMADO", "NEWTON", "LENNY", "RICHIE", "HORACIO", "BRICE", "MOHAMED", "DELMER", "DARIO", "REYES", + "MAC", "JONAH", "JERROLD", "ROBT", "HANK", "RUPERT", "ROLLAND", "KENTON", "DAMION", "ANTONE", + "WALDO", "FREDRIC", "BRADLY", "KIP", "BURL", "WALKER", "TYREE", "JEFFEREY", "AHMED", "WILLY", + "STANFORD", "OREN", "NOBLE", "MOSHE", "MIKEL", "ENOCH", "BRENDON", "QUINTIN", "JAMISON", "FLORENCIO", + "DARRICK", "TOBIAS", "HASSAN", "GIUSEPPE", "DEMARCUS", "CLETUS", "TYRELL", "LYNDON", "KEENAN", "WERNER", + "GERALDO", "COLUMBUS", "CHET", "BERTRAM", "MARKUS", "HUEY", "HILTON", "DWAIN", "DONTE", "TYRON", + "OMER", "ISAIAS", "HIPOLITO", "FERMIN", "ADALBERTO", "BO", "BARRETT", "TEODORO", "MCKINLEY", "MAXIMO", + "GARFIELD", "RALEIGH", "LAWERENCE", "ABRAM", "RASHAD", "KING", "EMMITT", "DARON", "SAMUAL", "MIQUEL", + "EUSEBIO", "DOMENIC", "DARRON", "BUSTER", "WILBER", "RENATO", "JC", "HOYT", "HAYWOOD", "EZEKIEL", + "CHAS", "FLORENTINO", "ELROY", "CLEMENTE", "ARDEN", "NEVILLE", "EDISON", "DESHAWN", "NATHANIAL", "JORDON", + "DANILO", "CLAUD", "SHERWOOD", "RAYMON", "RAYFORD", "CRISTOBAL", "AMBROSE", "TITUS", "HYMAN", "FELTON", + "EZEQUIEL", "ERASMO", "STANTON", "LONNY", "LEN", "IKE", "MILAN", "LINO", "JAROD", "HERB", + "ANDREAS", "WALTON", "RHETT", "PALMER", "DOUGLASS", "CORDELL", "OSWALDO", "ELLSWORTH", "VIRGILIO", "TONEY", + "NATHANAEL", "DEL", "BENEDICT", "MOSE", "JOHNSON", "ISREAL", "GARRET", "FAUSTO", "ASA", "ARLEN", + "ZACK", "WARNER", "MODESTO", "FRANCESCO", "MANUAL", "GAYLORD", "GASTON", "FILIBERTO", "DEANGELO", "MICHALE", + "GRANVILLE", "WES", "MALIK", "ZACKARY", "TUAN", "ELDRIDGE", "CRISTOPHER", "CORTEZ", "ANTIONE", "MALCOM", + "LONG", "KOREY", "JOSPEH", "COLTON", "WAYLON", "VON", "HOSEA", "SHAD", "SANTO", "RUDOLF", + "ROLF", "REY", "RENALDO", "MARCELLUS", "LUCIUS", "KRISTOFER", "BOYCE", "BENTON", "HAYDEN", "HARLAND", + "ARNOLDO", "RUEBEN", "LEANDRO", "KRAIG", "JERRELL", "JEROMY", "HOBERT", "CEDRICK", "ARLIE", "WINFORD", + "WALLY", "LUIGI", "KENETH", "JACINTO", "GRAIG", "FRANKLYN", "EDMUNDO", "SID", "PORTER", "LEIF", + "JERAMY", "BUCK", "WILLIAN", "VINCENZO", "SHON", "LYNWOOD", "JERE", "HAI", "ELDEN", "DORSEY", + "DARELL", "BRODERICK", "ALONSO" + ] + total_sum = 0 + temp_sum = 0 + name.sort() + for i in range(len(name)): + for j in name[i]: + temp_sum += ord(j) - ord('A') + 1 + total_sum += (i + 1) * temp_sum + temp_sum = 0 + print(total_sum) if __name__ == '__main__': - main() + main() diff --git a/project_euler/problem_24/sol1.py b/project_euler/problem_24/sol1.py index b20493cb03af..347f778b2cba 100644 --- a/project_euler/problem_24/sol1.py +++ b/project_euler/problem_24/sol1.py @@ -1,7 +1,10 @@ from itertools import permutations + + def main(): - result=list(map("".join, permutations('0123456789'))) - print(result[999999]) + result = list(map("".join, permutations('0123456789'))) + print(result[999999]) + if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/project_euler/problem_25/sol1.py b/project_euler/problem_25/sol1.py index f8cea3093dcf..54cd8e083e5f 100644 --- a/project_euler/problem_25/sol1.py +++ b/project_euler/problem_25/sol1.py @@ -1,31 +1,34 @@ from __future__ import print_function try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 + def fibonacci(n): - if n == 1 or type(n) is not int: - return 0 - elif n == 2: - return 1 - else: - sequence = [0, 1] - for i in xrange(2, n+1): - sequence.append(sequence[i-1] + sequence[i-2]) + if n == 1 or type(n) is not int: + return 0 + elif n == 2: + return 1 + else: + sequence = [0, 1] + for i in xrange(2, n + 1): + sequence.append(sequence[i - 1] + sequence[i - 2]) + + return sequence[n] - return sequence[n] def fibonacci_digits_index(n): - digits = 0 - index = 2 + digits = 0 + index = 2 + + while digits < n: + index += 1 + digits = len(str(fibonacci(index))) - while digits < n: - index += 1 - digits = len(str(fibonacci(index))) + return index - return index if __name__ == '__main__': - print(fibonacci_digits_index(1000)) \ No newline at end of file + print(fibonacci_digits_index(1000)) diff --git a/project_euler/problem_25/sol2.py b/project_euler/problem_25/sol2.py index 35147a9bfb14..6778bb08f0ce 100644 --- a/project_euler/problem_25/sol2.py +++ b/project_euler/problem_25/sol2.py @@ -1,10 +1,12 @@ def fibonacci_genrator(): - a, b = 0,1 - while True: - a,b = b,a+b - yield b + a, b = 0, 1 + while True: + a, b = b, a + b + yield b + + answer = 1 gen = fibonacci_genrator() while len(str(next(gen))) < 1000: - answer += 1 -assert answer+1 == 4782 + answer += 1 +assert answer + 1 == 4782 diff --git a/project_euler/problem_28/sol1.py b/project_euler/problem_28/sol1.py index 4942115ce537..b834a1881e9b 100644 --- a/project_euler/problem_28/sol1.py +++ b/project_euler/problem_28/sol1.py @@ -1,29 +1,32 @@ from __future__ import print_function + from math import ceil try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 + def diagonal_sum(n): - total = 1 + total = 1 - for i in xrange(1, int(ceil(n/2.0))): - odd = 2*i+1 - even = 2*i - total = total + 4*odd**2 - 6*even + for i in xrange(1, int(ceil(n / 2.0))): + odd = 2 * i + 1 + even = 2 * i + total = total + 4 * odd ** 2 - 6 * even + + return total - return total if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - print(diagonal_sum(1001)) - else: - try: - n = int(sys.argv[1]) - diagonal_sum(n) - except ValueError: - print('Invalid entry - please enter a number') \ No newline at end of file + import sys + + if len(sys.argv) == 1: + print(diagonal_sum(1001)) + else: + try: + n = int(sys.argv[1]) + diagonal_sum(n) + except ValueError: + print('Invalid entry - please enter a number') diff --git a/project_euler/problem_29/solution.py b/project_euler/problem_29/solution.py index 64d35c84d9ca..b336059b78d4 100644 --- a/project_euler/problem_29/solution.py +++ b/project_euler/problem_29/solution.py @@ -19,12 +19,12 @@ def main(): currentPow = 0 - N = 101 # maximum limit + N = 101 # maximum limit for a in range(2, N): for b in range(2, N): - currentPow = a**b # calculates the current power - collectPowers.add(currentPow) # adds the result to the set + currentPow = a ** b # calculates the current power + collectPowers.add(currentPow) # adds the result to the set print("Number of terms ", len(collectPowers)) diff --git a/project_euler/problem_31/sol1.py b/project_euler/problem_31/sol1.py index 33653722f890..dc1a1f62b7e6 100644 --- a/project_euler/problem_31/sol1.py +++ b/project_euler/problem_31/sol1.py @@ -1,7 +1,8 @@ # -*- coding: utf-8 -*- from __future__ import print_function + try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 ''' diff --git a/project_euler/problem_36/sol1.py b/project_euler/problem_36/sol1.py index d78e7e59f210..51ce68326319 100644 --- a/project_euler/problem_36/sol1.py +++ b/project_euler/problem_36/sol1.py @@ -1,4 +1,5 @@ from __future__ import print_function + ''' Double-base palindromes Problem 36 @@ -9,22 +10,24 @@ (Please note that the palindromic number, in either base, may not include leading zeros.) ''' try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 + def is_palindrome(n): - n = str(n) + n = str(n) + + if n == n[::-1]: + return True + else: + return False - if n == n[::-1]: - return True - else: - return False total = 0 for i in xrange(1, 1000000): - if is_palindrome(i) and is_palindrome(bin(i).split('b')[1]): - total += i + if is_palindrome(i) and is_palindrome(bin(i).split('b')[1]): + total += i -print(total) \ No newline at end of file +print(total) diff --git a/project_euler/problem_40/sol1.py b/project_euler/problem_40/sol1.py index ab4017512a1a..cbf90443f538 100644 --- a/project_euler/problem_40/sol1.py +++ b/project_euler/problem_40/sol1.py @@ -1,5 +1,6 @@ -#-.- coding: latin-1 -.- +# -.- coding: latin-1 -.- from __future__ import print_function + ''' Champernowne's constant Problem 40 @@ -18,9 +19,9 @@ i = 1 while len(constant) < 1e6: - constant.append(str(i)) - i += 1 + constant.append(str(i)) + i += 1 constant = ''.join(constant) -print(int(constant[0])*int(constant[9])*int(constant[99])*int(constant[999])*int(constant[9999])*int(constant[99999])*int(constant[999999])) \ No newline at end of file +print(int(constant[0]) * int(constant[9]) * int(constant[99]) * int(constant[999]) * int(constant[9999]) * int(constant[99999]) * int(constant[999999])) diff --git a/project_euler/problem_48/sol1.py b/project_euler/problem_48/sol1.py index 5c4bdb0f6384..96c6c884377d 100644 --- a/project_euler/problem_48/sol1.py +++ b/project_euler/problem_48/sol1.py @@ -1,4 +1,5 @@ from __future__ import print_function + ''' Self Powers Problem 48 @@ -9,13 +10,12 @@ ''' try: - xrange + xrange except NameError: - xrange = range + xrange = range total = 0 for i in xrange(1, 1001): - total += i**i - + total += i ** i -print(str(total)[-10:]) \ No newline at end of file +print(str(total)[-10:]) diff --git a/project_euler/problem_52/sol1.py b/project_euler/problem_52/sol1.py index 376b4cfa1d63..b01e1dca8230 100644 --- a/project_euler/problem_52/sol1.py +++ b/project_euler/problem_52/sol1.py @@ -1,4 +1,5 @@ from __future__ import print_function + ''' Permuted multiples Problem 52 @@ -10,14 +11,14 @@ i = 1 while True: - if sorted(list(str(i))) == \ - sorted(list(str(2*i))) == \ - sorted(list(str(3*i))) == \ - sorted(list(str(4*i))) == \ - sorted(list(str(5*i))) == \ - sorted(list(str(6*i))): - break + if sorted(list(str(i))) == \ + sorted(list(str(2 * i))) == \ + sorted(list(str(3 * i))) == \ + sorted(list(str(4 * i))) == \ + sorted(list(str(5 * i))) == \ + sorted(list(str(6 * i))): + break - i += 1 + i += 1 -print(i) \ No newline at end of file +print(i) diff --git a/project_euler/problem_53/sol1.py b/project_euler/problem_53/sol1.py index ed6d5329eb4e..74107eb92ff0 100644 --- a/project_euler/problem_53/sol1.py +++ b/project_euler/problem_53/sol1.py @@ -1,6 +1,8 @@ -#-.- coding: latin-1 -.- +# -.- coding: latin-1 -.- from __future__ import print_function + from math import factorial + ''' Combinatoric selections Problem 53 @@ -19,18 +21,20 @@ How many, not necessarily distinct, values of nCr, for 1 ≤ n ≤ 100, are greater than one-million? ''' try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 + def combinations(n, r): - return factorial(n)/(factorial(r)*factorial(n-r)) + return factorial(n) / (factorial(r) * factorial(n - r)) + total = 0 for i in xrange(1, 101): - for j in xrange(1, i+1): - if combinations(i, j) > 1e6: - total += 1 + for j in xrange(1, i + 1): + if combinations(i, j) > 1e6: + total += 1 -print(total) \ No newline at end of file +print(total) diff --git a/project_euler/problem_76/sol1.py b/project_euler/problem_76/sol1.py index 2832f6d7afb6..15528eeeea0f 100644 --- a/project_euler/problem_76/sol1.py +++ b/project_euler/problem_76/sol1.py @@ -1,4 +1,5 @@ from __future__ import print_function + ''' Counting Summations Problem 76 @@ -15,21 +16,23 @@ How many different ways can one hundred be written as a sum of at least two positive integers? ''' try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 + def partition(m): - memo = [[0 for _ in xrange(m)] for _ in xrange(m+1)] - for i in xrange(m+1): - memo[i][0] = 1 + memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] + for i in xrange(m + 1): + memo[i][0] = 1 + + for n in xrange(m + 1): + for k in xrange(1, m): + memo[n][k] += memo[n][k - 1] + if n > k: + memo[n][k] += memo[n - k - 1][k] - for n in xrange(m+1): - for k in xrange(1, m): - memo[n][k] += memo[n][k-1] - if n > k: - memo[n][k] += memo[n-k-1][k] + return (memo[m][m - 1] - 1) - return (memo[m][m-1] - 1) -print(partition(100)) \ No newline at end of file +print(partition(100)) diff --git a/searches/binary_search.py b/searches/binary_search.py index 1d5da96586cd..4de3741a15bd 100644 --- a/searches/binary_search.py +++ b/searches/binary_search.py @@ -10,10 +10,11 @@ python binary_search.py """ from __future__ import print_function + import bisect try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 @@ -85,8 +86,8 @@ def binary_search_std_lib(sorted_collection, item): return index return None -def binary_search_by_recursion(sorted_collection, item, left, right): +def binary_search_by_recursion(sorted_collection, item, left, right): """Pure implementation of binary search algorithm in Python by recursion Be careful collection must be ascending sorted, otherwise result will be @@ -112,16 +113,17 @@ def binary_search_by_recursion(sorted_collection, item, left, right): """ if (right < left): return None - + midpoint = left + (right - left) // 2 if sorted_collection[midpoint] == item: return midpoint elif sorted_collection[midpoint] > item: - return binary_search_by_recursion(sorted_collection, item, left, midpoint-1) + return binary_search_by_recursion(sorted_collection, item, left, midpoint - 1) else: - return binary_search_by_recursion(sorted_collection, item, midpoint+1, right) - + return binary_search_by_recursion(sorted_collection, item, midpoint + 1, right) + + def __assert_sorted(collection): """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` @@ -145,6 +147,7 @@ def __assert_sorted(collection): if __name__ == '__main__': import sys + user_input = raw_input('Enter numbers separated by comma:\n').strip() collection = [int(item) for item in user_input.split(',')] try: diff --git a/searches/interpolation_search.py b/searches/interpolation_search.py index 329596d340a5..db2693ac87a2 100644 --- a/searches/interpolation_search.py +++ b/searches/interpolation_search.py @@ -4,7 +4,7 @@ from __future__ import print_function try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 @@ -21,38 +21,38 @@ def interpolation_search(sorted_collection, item): right = len(sorted_collection) - 1 while left <= right: - #avoid devided by 0 during interpolation - if sorted_collection[left]==sorted_collection[right]: - if sorted_collection[left]==item: + # avoid devided by 0 during interpolation + if sorted_collection[left] == sorted_collection[right]: + if sorted_collection[left] == item: return left else: return None point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) - - #out of range check - if point<0 or point>=len(sorted_collection): + + # out of range check + if point < 0 or point >= len(sorted_collection): return None current_item = sorted_collection[point] if current_item == item: return point else: - if pointright: - left = right + elif point > right: + left = right right = point - else: + else: if item < current_item: right = point - 1 else: left = point + 1 return None -def interpolation_search_by_recursion(sorted_collection, item, left, right): +def interpolation_search_by_recursion(sorted_collection, item, left, right): """Pure implementation of interpolation search algorithm in Python by recursion Be careful collection must be ascending sorted, otherwise result will be unpredictable @@ -62,31 +62,32 @@ def interpolation_search_by_recursion(sorted_collection, item, left, right): :return: index of found item or None if item is not found """ - #avoid devided by 0 during interpolation - if sorted_collection[left]==sorted_collection[right]: - if sorted_collection[left]==item: + # avoid devided by 0 during interpolation + if sorted_collection[left] == sorted_collection[right]: + if sorted_collection[left] == item: return left else: return None point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) - - #out of range check - if point<0 or point>=len(sorted_collection): + + # out of range check + if point < 0 or point >= len(sorted_collection): return None if sorted_collection[point] == item: return point - elif pointright: + elif point > right: return interpolation_search_by_recursion(sorted_collection, item, right, left) else: if sorted_collection[point] > item: - return interpolation_search_by_recursion(sorted_collection, item, left, point-1) + return interpolation_search_by_recursion(sorted_collection, item, left, point - 1) else: - return interpolation_search_by_recursion(sorted_collection, item, point+1, right) - + return interpolation_search_by_recursion(sorted_collection, item, point + 1, right) + + def __assert_sorted(collection): """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` :param collection: collection @@ -107,7 +108,7 @@ def __assert_sorted(collection): if __name__ == '__main__': import sys - + """ user_input = raw_input('Enter numbers separated by comma:\n').strip() collection = [int(item) for item in user_input.split(',')] @@ -122,13 +123,13 @@ def __assert_sorted(collection): debug = 0 if debug == 1: - collection = [10,30,40,45,50,66,77,93] + collection = [10, 30, 40, 45, 50, 66, 77, 93] try: __assert_sorted(collection) except ValueError: sys.exit('Sequence must be ascending sorted to apply interpolation search') target = 67 - + result = interpolation_search(collection, target) if result is not None: print('{} found at positions: {}'.format(target, result)) diff --git a/searches/jump_search.py b/searches/jump_search.py index 10cb933f2f35..c01437fa3cce 100644 --- a/searches/jump_search.py +++ b/searches/jump_search.py @@ -1,10 +1,13 @@ from __future__ import print_function + import math + + def jump_search(arr, x): n = len(arr) step = int(math.floor(math.sqrt(n))) prev = 0 - while arr[min(step, n)-1] < x: + while arr[min(step, n) - 1] < x: prev = step step += int(math.floor(math.sqrt(n))) if prev >= n: @@ -19,8 +22,7 @@ def jump_search(arr, x): return -1 - -arr = [ 0, 1, 1, 2, 3, 5, 8, 13, 21, 34, 55, 89, 144, 233, 377, 610] +arr = [0, 1, 1, 2, 3, 5, 8, 13, 21, 34, 55, 89, 144, 233, 377, 610] x = 55 index = jump_search(arr, x) -print("\nNumber " + str(x) +" is at index " + str(index)); +print("\nNumber " + str(x) + " is at index " + str(index)); diff --git a/searches/linear_search.py b/searches/linear_search.py index 058322f21d09..6a9abb887fc7 100644 --- a/searches/linear_search.py +++ b/searches/linear_search.py @@ -12,10 +12,11 @@ from __future__ import print_function try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 + def linear_search(sequence, target): """Pure implementation of linear search algorithm in Python diff --git a/searches/quick_select.py b/searches/quick_select.py index 76d09cb97f97..6b70562bd78f 100644 --- a/searches/quick_select.py +++ b/searches/quick_select.py @@ -4,6 +4,8 @@ A python implementation of the quick select algorithm, which is efficient for calculating the value that would appear in the index of a list if it would be sorted, even if it is not already sorted https://en.wikipedia.org/wiki/Quickselect """ + + def _partition(data, pivot): """ Three way partition the data into smaller, equal and greater lists, @@ -21,29 +23,30 @@ def _partition(data, pivot): else: equal.append(element) return less, equal, greater - + + def quickSelect(list, k): - #k = len(list) // 2 when trying to find the median (index that value would be when list is sorted) - - #invalid input - if k>=len(list) or k<0: + # k = len(list) // 2 when trying to find the median (index that value would be when list is sorted) + + # invalid input + if k >= len(list) or k < 0: return None - + smaller = [] larger = [] pivot = random.randint(0, len(list) - 1) pivot = list[pivot] count = 0 - smaller, equal, larger =_partition(list, pivot) + smaller, equal, larger = _partition(list, pivot) count = len(equal) m = len(smaller) - #k is the pivot + # k is the pivot if m <= k < m + count: return pivot # must be in smaller elif m > k: return quickSelect(smaller, k) - #must be in larger + # must be in larger else: - return quickSelect(larger, k - (m + count)) \ No newline at end of file + return quickSelect(larger, k - (m + count)) diff --git a/searches/sentinel_linear_search.py b/searches/sentinel_linear_search.py index 336cc5ab3b74..c5e5ebe490fb 100644 --- a/searches/sentinel_linear_search.py +++ b/searches/sentinel_linear_search.py @@ -10,6 +10,7 @@ python sentinel_linear_search.py """ + def sentinel_linear_search(sequence, target): """Pure implementation of sentinel linear search algorithm in Python @@ -46,7 +47,7 @@ def sentinel_linear_search(sequence, target): if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 @@ -59,4 +60,4 @@ def sentinel_linear_search(sequence, target): if result is not None: print('{} found at positions: {}'.format(target, result)) else: - print('Not found') \ No newline at end of file + print('Not found') diff --git a/searches/tabu_search.py b/searches/tabu_search.py index e21ddd53cc78..16052f6f6b02 100644 --- a/searches/tabu_search.py +++ b/searches/tabu_search.py @@ -23,8 +23,8 @@ e.g. python tabu_search.py -f tabudata2.txt -i 4 -s 3 """ -import copy import argparse +import copy import sys diff --git a/searches/ternary_search.py b/searches/ternary_search.py index c610f9b3c6da..8089d82dd5a5 100644 --- a/searches/ternary_search.py +++ b/searches/ternary_search.py @@ -11,7 +11,7 @@ import sys try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 @@ -19,66 +19,70 @@ # It is recommended for users to keep this number greater than or equal to 10. precision = 10 + # This is the linear search that will occur after the search space has become smaller. def lin_search(left, right, A, target): - for i in range(left, right+1): - if(A[i] == target): + for i in range(left, right + 1): + if (A[i] == target): return i + # This is the iterative method of the ternary search algorithm. def ite_ternary_search(A, target): left = 0 right = len(A) - 1; - while(True): - if(left collection[j+1]: + for j in range(length - 1 - i): + if collection[j] > collection[j + 1]: swapped = True - collection[j], collection[j+1] = collection[j+1], collection[j] + collection[j], collection[j + 1] = collection[j + 1], collection[j] if not swapped: break # Stop iteration if the collection is sorted. return collection if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 user_input = raw_input('Enter numbers separated by a comma:').strip() diff --git a/sorts/bucket_sort.py b/sorts/bucket_sort.py index c4d61874fc47..8e7fb98f782a 100644 --- a/sorts/bucket_sort.py +++ b/sorts/bucket_sort.py @@ -13,7 +13,8 @@ # Time Complexity of Solution: # Best Case O(n); Average Case O(n); Worst Case O(n) -DEFAULT_BUCKET_SIZE=5 +DEFAULT_BUCKET_SIZE = 5 + def bucket_sort(my_list, bucket_size=DEFAULT_BUCKET_SIZE): if len(my_list) == 0: @@ -27,9 +28,10 @@ def bucket_sort(my_list, bucket_size=DEFAULT_BUCKET_SIZE): buckets[int((my_list[i] - min_value) // bucket_size)].append(my_list[i]) return sorted([buckets[i][j] for i in range(len(buckets)) - for j in range(len(buckets[i]))]) + for j in range(len(buckets[i]))]) + if __name__ == "__main__": user_input = input('Enter numbers separated by a comma:').strip() unsorted = [float(n) for n in user_input.split(',') if len(user_input) > 0] - print(bucket_sort(unsorted)) \ No newline at end of file + print(bucket_sort(unsorted)) diff --git a/sorts/cocktail_shaker_sort.py b/sorts/cocktail_shaker_sort.py index 8ad3383bbe9f..370ba2e443d7 100644 --- a/sorts/cocktail_shaker_sort.py +++ b/sorts/cocktail_shaker_sort.py @@ -1,31 +1,33 @@ from __future__ import print_function + def cocktail_shaker_sort(unsorted): """ Pure implementation of the cocktail shaker sort algorithm in Python. """ - for i in range(len(unsorted)-1, 0, -1): + for i in range(len(unsorted) - 1, 0, -1): swapped = False - + for j in range(i, 0, -1): - if unsorted[j] < unsorted[j-1]: - unsorted[j], unsorted[j-1] = unsorted[j-1], unsorted[j] + if unsorted[j] < unsorted[j - 1]: + unsorted[j], unsorted[j - 1] = unsorted[j - 1], unsorted[j] swapped = True for j in range(i): - if unsorted[j] > unsorted[j+1]: - unsorted[j], unsorted[j+1] = unsorted[j+1], unsorted[j] + if unsorted[j] > unsorted[j + 1]: + unsorted[j], unsorted[j + 1] = unsorted[j + 1], unsorted[j] swapped = True - + if not swapped: return unsorted - + + if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 - + user_input = raw_input('Enter numbers separated by a comma:\n').strip() unsorted = [int(item) for item in user_input.split(',')] cocktail_shaker_sort(unsorted) diff --git a/sorts/comb_sort.py b/sorts/comb_sort.py index 22b6f66f04cc..deed2a0f4c27 100644 --- a/sorts/comb_sort.py +++ b/sorts/comb_sort.py @@ -12,6 +12,7 @@ python comb_sort.py """ + def comb_sort(data): """Pure implementation of comb sort algorithm in Python :param collection: some mutable ordered collection with heterogeneous @@ -38,9 +39,9 @@ def comb_sort(data): i = 0 while gap + i < len(data): - if data[i] > data[i+gap]: + if data[i] > data[i + gap]: # Swap values - data[i], data[i+gap] = data[i+gap], data[i] + data[i], data[i + gap] = data[i + gap], data[i] swapped = True i += 1 @@ -49,7 +50,7 @@ def comb_sort(data): if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 diff --git a/sorts/counting_sort.py b/sorts/counting_sort.py index ad98f1a0da4c..8acd1a395208 100644 --- a/sorts/counting_sort.py +++ b/sorts/counting_sort.py @@ -44,7 +44,7 @@ def counting_sort(collection): # sum each position with it's predecessors. now, counting_arr[i] tells # us how many elements <= i has in the collection for i in range(1, counting_arr_length): - counting_arr[i] = counting_arr[i] + counting_arr[i-1] + counting_arr[i] = counting_arr[i] + counting_arr[i - 1] # create the output collection ordered = [0] * coll_len @@ -52,11 +52,12 @@ def counting_sort(collection): # place the elements in the output, respecting the original order (stable # sort) from end to begin, updating counting_arr for i in reversed(range(0, coll_len)): - ordered[counting_arr[collection[i] - coll_min]-1] = collection[i] + ordered[counting_arr[collection[i] - coll_min] - 1] = collection[i] counting_arr[collection[i] - coll_min] -= 1 return ordered + def counting_sort_string(string): return ''.join([chr(i) for i in counting_sort([ord(c) for c in string])]) @@ -66,7 +67,7 @@ def counting_sort_string(string): assert "eghhiiinrsssttt" == counting_sort_string("thisisthestring") try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 diff --git a/sorts/cycle_sort.py b/sorts/cycle_sort.py index 492022164427..036523b0a34c 100644 --- a/sorts/cycle_sort.py +++ b/sorts/cycle_sort.py @@ -46,10 +46,10 @@ def cycle_sort(array): # Main Code starts here if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 - + user_input = raw_input('Enter numbers separated by a comma:\n') unsorted = [int(item) for item in user_input.split(',')] n = len(unsorted) diff --git a/sorts/external_sort.py b/sorts/external_sort.py index 1638e9efafee..430e10e040a6 100644 --- a/sorts/external_sort.py +++ b/sorts/external_sort.py @@ -1,10 +1,11 @@ #!/usr/bin/env python +import argparse # # Sort large text files in a minimum amount of memory # import os -import argparse + class FileSplitter(object): BLOCK_FILENAME_FORMAT = 'block_{0}.dat' @@ -106,7 +107,6 @@ def get_file_handles(self, filenames, buffer_size): return files - class ExternalSort(object): def __init__(self, block_size): self.block_size = block_size @@ -137,7 +137,6 @@ def parse_memory(string): return int(string) - def main(): parser = argparse.ArgumentParser() parser.add_argument('-m', diff --git a/sorts/gnome_sort.py b/sorts/gnome_sort.py index 2927b097f11d..a8061b4ac261 100644 --- a/sorts/gnome_sort.py +++ b/sorts/gnome_sort.py @@ -1,29 +1,31 @@ from __future__ import print_function + def gnome_sort(unsorted): """ Pure implementation of the gnome sort algorithm in Python. """ if len(unsorted) <= 1: return unsorted - + i = 1 - + while i < len(unsorted): - if unsorted[i-1] <= unsorted[i]: + if unsorted[i - 1] <= unsorted[i]: i += 1 else: - unsorted[i-1], unsorted[i] = unsorted[i], unsorted[i-1] + unsorted[i - 1], unsorted[i] = unsorted[i], unsorted[i - 1] i -= 1 if (i == 0): i = 1 - + + if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 - + user_input = raw_input('Enter numbers separated by a comma:\n').strip() unsorted = [int(item) for item in user_input.split(',')] gnome_sort(unsorted) diff --git a/sorts/heap_sort.py b/sorts/heap_sort.py index 3c72abca8059..8846f2ded122 100644 --- a/sorts/heap_sort.py +++ b/sorts/heap_sort.py @@ -53,9 +53,10 @@ def heap_sort(unsorted): heapify(unsorted, 0, i) return unsorted + if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 diff --git a/sorts/insertion_sort.py b/sorts/insertion_sort.py index e088705947d4..4278096ef907 100644 --- a/sorts/insertion_sort.py +++ b/sorts/insertion_sort.py @@ -41,7 +41,7 @@ def insertion_sort(collection): if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 diff --git a/sorts/merge_sort.py b/sorts/merge_sort.py index ecbad7075119..fe38884e5004 100644 --- a/sorts/merge_sort.py +++ b/sorts/merge_sort.py @@ -29,6 +29,7 @@ def merge_sort(collection): >>> merge_sort([-2, -5, -45]) [-45, -5, -2] """ + def merge(left, right): '''merge left and right :param left: left collection @@ -39,6 +40,7 @@ def merge(left, right): while left and right: result.append(left.pop(0) if left[0] <= right[0] else right.pop(0)) return result + left + right + if len(collection) <= 1: return collection mid = len(collection) // 2 @@ -47,10 +49,10 @@ def merge(left, right): if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 user_input = raw_input('Enter numbers separated by a comma:\n').strip() unsorted = [int(item) for item in user_input.split(',')] - print(*merge_sort(unsorted), sep=',') \ No newline at end of file + print(*merge_sort(unsorted), sep=',') diff --git a/sorts/merge_sort_fastest.py b/sorts/merge_sort_fastest.py index bd356c935ca0..878a0fb3788c 100644 --- a/sorts/merge_sort_fastest.py +++ b/sorts/merge_sort_fastest.py @@ -37,7 +37,7 @@ def merge_sort(collection): if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 diff --git a/sorts/pancake_sort.py b/sorts/pancake_sort.py index 478a9a967d27..1bf1e1ba0023 100644 --- a/sorts/pancake_sort.py +++ b/sorts/pancake_sort.py @@ -7,11 +7,12 @@ def pancake_sort(arr): # Find the maximum number in arr mi = arr.index(max(arr[0:cur])) # Reverse from 0 to mi - arr = arr[mi::-1] + arr[mi+1:len(arr)] + arr = arr[mi::-1] + arr[mi + 1:len(arr)] # Reverse whole list - arr = arr[cur-1::-1] + arr[cur:len(arr)] + arr = arr[cur - 1::-1] + arr[cur:len(arr)] cur -= 1 return arr + if __name__ == '__main__': - print(pancake_sort([0,10,15,3,2,9,14,13])) + print(pancake_sort([0, 10, 15, 3, 2, 9, 14, 13])) diff --git a/sorts/pigeon_sort.py b/sorts/pigeon_sort.py index 65eb8896ea9c..a55304a0d832 100644 --- a/sorts/pigeon_sort.py +++ b/sorts/pigeon_sort.py @@ -4,32 +4,36 @@ from __future__ import print_function + def pigeon_sort(array): # Manually finds the minimum and maximum of the array. min = array[0] max = array[0] for i in range(len(array)): - if(array[i] < min): min = array[i] - elif(array[i] > max): max = array[i] + if (array[i] < min): + min = array[i] + elif (array[i] > max): + max = array[i] # Compute the variables - holes_range = max-min + 1 + holes_range = max - min + 1 holes = [0 for _ in range(holes_range)] holes_repeat = [0 for _ in range(holes_range)] # Make the sorting. for i in range(len(array)): index = array[i] - min - if(holes[index] != array[i]): + if (holes[index] != array[i]): holes[index] = array[i] holes_repeat[index] += 1 - else: holes_repeat[index] += 1 + else: + holes_repeat[index] += 1 # Makes the array back by replacing the numbers. index = 0 for i in range(holes_range): - while(holes_repeat[i] > 0): + while (holes_repeat[i] > 0): array[index] = holes[i] index += 1 holes_repeat[i] -= 1 @@ -37,12 +41,13 @@ def pigeon_sort(array): # Returns the sorted array. return array + if __name__ == '__main__': try: - raw_input # Python2 + raw_input # Python2 except NameError: - raw_input = input # Python 3 - + raw_input = input # Python 3 + user_input = raw_input('Enter numbers separated by comma:\n') unsorted = [int(x) for x in user_input.split(',')] sorted = pigeon_sort(unsorted) diff --git a/sorts/quick_sort.py b/sorts/quick_sort.py index 223c26fde1fe..c77aa76b28f4 100644 --- a/sorts/quick_sort.py +++ b/sorts/quick_sort.py @@ -49,10 +49,10 @@ def quick_sort(collection): if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [ int(item) for item in user_input.split(',') ] - print( quick_sort(unsorted) ) + unsorted = [int(item) for item in user_input.split(',')] + print(quick_sort(unsorted)) diff --git a/sorts/quick_sort_3_partition.py b/sorts/quick_sort_3_partition.py index def646cdbc50..6207da1e7cd8 100644 --- a/sorts/quick_sort_3_partition.py +++ b/sorts/quick_sort_3_partition.py @@ -1,5 +1,6 @@ from __future__ import print_function + def quick_sort_3partition(sorting, left, right): if right <= left: return @@ -19,13 +20,14 @@ def quick_sort_3partition(sorting, left, right): quick_sort_3partition(sorting, left, a - 1) quick_sort_3partition(sorting, b + 1, right) + if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [ int(item) for item in user_input.split(',') ] - quick_sort_3partition(unsorted,0,len(unsorted)-1) + unsorted = [int(item) for item in user_input.split(',')] + quick_sort_3partition(unsorted, 0, len(unsorted) - 1) print(unsorted) diff --git a/sorts/radix_sort.py b/sorts/radix_sort.py index 8dfc66b17b23..2990247a0ac0 100644 --- a/sorts/radix_sort.py +++ b/sorts/radix_sort.py @@ -6,21 +6,21 @@ def radix_sort(lst): max_digit = max(lst) while placement < max_digit: - # declare and initialize buckets - buckets = [list() for _ in range( RADIX )] + # declare and initialize buckets + buckets = [list() for _ in range(RADIX)] - # split lst between lists - for i in lst: - tmp = int((i / placement) % RADIX) - buckets[tmp].append(i) + # split lst between lists + for i in lst: + tmp = int((i / placement) % RADIX) + buckets[tmp].append(i) - # empty lists into lst array - a = 0 - for b in range( RADIX ): - buck = buckets[b] - for i in buck: - lst[a] = i - a += 1 + # empty lists into lst array + a = 0 + for b in range(RADIX): + buck = buckets[b] + for i in buck: + lst[a] = i + a += 1 - # move to next - placement *= RADIX + # move to next + placement *= RADIX diff --git a/sorts/random_normal_distribution_quicksort.py b/sorts/random_normal_distribution_quicksort.py index dfa37da61e26..432eed6b8d84 100644 --- a/sorts/random_normal_distribution_quicksort.py +++ b/sorts/random_normal_distribution_quicksort.py @@ -1,66 +1,60 @@ from __future__ import print_function + from random import randint from tempfile import TemporaryFile -import numpy as np +import numpy as np -def _inPlaceQuickSort(A,start,end): +def _inPlaceQuickSort(A, start, end): count = 0 - if start item: @@ -23,7 +25,7 @@ def insertion_sort(lst): for index in range(1, length): value = lst[index] pos = binary_search(lst, value, 0, index - 1) - lst = lst[:pos] + [value] + lst[pos:index] + lst[index+1:] + lst = lst[:pos] + [value] + lst[pos:index] + lst[index + 1:] return lst @@ -73,10 +75,10 @@ def tim_sort(lst): def main(): - - lst = [5,9,10,3,-4,5,178,92,46,-18,0,7] + lst = [5, 9, 10, 3, -4, 5, 178, 92, 46, -18, 0, 7] sorted_lst = tim_sort(lst) print(sorted_lst) + if __name__ == '__main__': main() diff --git a/sorts/topological_sort.py b/sorts/topological_sort.py index db4dd250a119..b2ec3dc28a8d 100644 --- a/sorts/topological_sort.py +++ b/sorts/topological_sort.py @@ -1,4 +1,5 @@ from __future__ import print_function + # a # / \ # b c @@ -28,6 +29,7 @@ def topological_sort(start, visited, sort): # return sort return sort + if __name__ == '__main__': sort = topological_sort('a', [], []) print(sort) diff --git a/sorts/tree_sort.py b/sorts/tree_sort.py index d06b0de28e56..07f93e50251a 100644 --- a/sorts/tree_sort.py +++ b/sorts/tree_sort.py @@ -5,10 +5,10 @@ class node(): # BST data structure def __init__(self, val): self.val = val - self.left = None - self.right = None - - def insert(self,val): + self.left = None + self.right = None + + def insert(self, val): if self.val: if val < self.val: if self.left is None: @@ -23,24 +23,27 @@ def insert(self,val): else: self.val = val + def inorder(root, res): # Recursive travesal if root: - inorder(root.left,res) + inorder(root.left, res) res.append(root.val) - inorder(root.right,res) + inorder(root.right, res) + def tree_sort(arr): # Build BST if len(arr) == 0: return arr root = node(arr[0]) - for i in range(1,len(arr)): + for i in range(1, len(arr)): root.insert(arr[i]) # Traverse BST in order. res = [] - inorder(root,res) + inorder(root, res) return res + if __name__ == '__main__': - print(tree_sort([10,1,3,2,9,14,13])) + print(tree_sort([10, 1, 3, 2, 9, 14, 13])) diff --git a/sorts/wiggle_sort.py b/sorts/wiggle_sort.py index 0d4f20e3f96b..d8349382601e 100644 --- a/sorts/wiggle_sort.py +++ b/sorts/wiggle_sort.py @@ -4,14 +4,17 @@ if input numbers = [3, 5, 2, 1, 6, 4] one possible Wiggle Sorted answer is [3, 5, 1, 6, 2, 4]. """ + + def wiggle_sort(nums): for i in range(len(nums)): - if (i % 2 == 1) == (nums[i-1] > nums[i]): - nums[i-1], nums[i] = nums[i], nums[i-1] + if (i % 2 == 1) == (nums[i - 1] > nums[i]): + nums[i - 1], nums[i] = nums[i], nums[i - 1] + if __name__ == '__main__': print("Enter the array elements:\n") - array=list(map(int,input().split())) + array = list(map(int, input().split())) print("The unsorted array is:\n") print(array) wiggle_sort(array) diff --git a/strings/knuth_morris_pratt.py b/strings/knuth_morris_pratt.py index 4553944284be..742479f89886 100644 --- a/strings/knuth_morris_pratt.py +++ b/strings/knuth_morris_pratt.py @@ -46,7 +46,7 @@ def get_failure_array(pattern): if pattern[i] == pattern[j]: i += 1 elif i > 0: - i = failure[i-1] + i = failure[i - 1] continue j += 1 failure.append(i) diff --git a/strings/levenshtein_distance.py b/strings/levenshtein_distance.py index 274dfd7ccf9b..326f1d701acb 100644 --- a/strings/levenshtein_distance.py +++ b/strings/levenshtein_distance.py @@ -48,7 +48,6 @@ def levenshtein_distance(first_word, second_word): current_row = [i + 1] for j, c2 in enumerate(second_word): - # Calculate insertions, deletions and substitutions insertions = previous_row[j + 1] + 1 deletions = current_row[j] + 1 @@ -66,7 +65,7 @@ def levenshtein_distance(first_word, second_word): if __name__ == '__main__': try: - raw_input # Python 2 + raw_input # Python 2 except NameError: raw_input = input # Python 3 diff --git a/strings/manacher.py b/strings/manacher.py index e73e173b43e0..579aa849fa5d 100644 --- a/strings/manacher.py +++ b/strings/manacher.py @@ -1,10 +1,11 @@ # calculate palindromic length from center with incrementing difference -def palindromic_length( center, diff, string): - if center-diff == -1 or center+diff == len(string) or string[center-diff] != string[center+diff] : +def palindromic_length(center, diff, string): + if center - diff == -1 or center + diff == len(string) or string[center - diff] != string[center + diff]: return 0 - return 1 + palindromic_length(center, diff+1, string) + return 1 + palindromic_length(center, diff + 1, string) -def palindromic_string( input_string ): + +def palindromic_string(input_string): """ Manacher’s algorithm which finds Longest Palindromic Substring in linear time. @@ -16,34 +17,33 @@ def palindromic_string( input_string ): 3. return output_string from center - max_length to center + max_length and remove all "|" """ max_length = 0 - + # if input_string is "aba" than new_input_string become "a|b|a" new_input_string = "" output_string = "" # append each character + "|" in new_string for range(0, length-1) - for i in input_string[:len(input_string)-1] : + for i in input_string[:len(input_string) - 1]: new_input_string += i + "|" - #append last character + # append last character new_input_string += input_string[-1] - # for each character in new_string find corresponding palindromic string - for i in range(len(new_input_string)) : + for i in range(len(new_input_string)): # get palindromic length from ith position length = palindromic_length(i, 1, new_input_string) # update max_length and start position - if max_length < length : + if max_length < length: max_length = length start = i - - #create that string - for i in new_input_string[start-max_length:start+max_length+1] : + + # create that string + for i in new_input_string[start - max_length:start + max_length + 1]: if i != "|": output_string += i - + return output_string diff --git a/strings/min_cost_string_conversion.py b/strings/min_cost_string_conversion.py index de7f9f727283..e994e8fa6841 100644 --- a/strings/min_cost_string_conversion.py +++ b/strings/min_cost_string_conversion.py @@ -1,9 +1,9 @@ from __future__ import print_function try: - xrange #Python 2 + xrange # Python 2 except NameError: - xrange = range #Python 3 + xrange = range # Python 3 ''' Algorithm for calculating the most cost-efficient sequence for converting one string into another. @@ -13,109 +13,113 @@ ---Delete character with cost cD ---Insert character with cost cI ''' + + def compute_transform_tables(X, Y, cC, cR, cD, cI): - X = list(X) - Y = list(Y) - m = len(X) - n = len(Y) + X = list(X) + Y = list(Y) + m = len(X) + n = len(Y) + + costs = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] + ops = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] - costs = [[0 for _ in xrange(n+1)] for _ in xrange(m+1)] - ops = [[0 for _ in xrange(n+1)] for _ in xrange(m+1)] + for i in xrange(1, m + 1): + costs[i][0] = i * cD + ops[i][0] = 'D%c' % X[i - 1] - for i in xrange(1, m+1): - costs[i][0] = i*cD - ops[i][0] = 'D%c' % X[i-1] + for i in xrange(1, n + 1): + costs[0][i] = i * cI + ops[0][i] = 'I%c' % Y[i - 1] - for i in xrange(1, n+1): - costs[0][i] = i*cI - ops[0][i] = 'I%c' % Y[i-1] + for i in xrange(1, m + 1): + for j in xrange(1, n + 1): + if X[i - 1] == Y[j - 1]: + costs[i][j] = costs[i - 1][j - 1] + cC + ops[i][j] = 'C%c' % X[i - 1] + else: + costs[i][j] = costs[i - 1][j - 1] + cR + ops[i][j] = 'R%c' % X[i - 1] + str(Y[j - 1]) - for i in xrange(1, m+1): - for j in xrange(1, n+1): - if X[i-1] == Y[j-1]: - costs[i][j] = costs[i-1][j-1] + cC - ops[i][j] = 'C%c' % X[i-1] - else: - costs[i][j] = costs[i-1][j-1] + cR - ops[i][j] = 'R%c' % X[i-1] + str(Y[j-1]) + if costs[i - 1][j] + cD < costs[i][j]: + costs[i][j] = costs[i - 1][j] + cD + ops[i][j] = 'D%c' % X[i - 1] - if costs[i-1][j] + cD < costs[i][j]: - costs[i][j] = costs[i-1][j] + cD - ops[i][j] = 'D%c' % X[i-1] + if costs[i][j - 1] + cI < costs[i][j]: + costs[i][j] = costs[i][j - 1] + cI + ops[i][j] = 'I%c' % Y[j - 1] - if costs[i][j-1] + cI < costs[i][j]: - costs[i][j] = costs[i][j-1] + cI - ops[i][j] = 'I%c' % Y[j-1] + return costs, ops - return costs, ops def assemble_transformation(ops, i, j): - if i == 0 and j == 0: - seq = [] - return seq - else: - if ops[i][j][0] == 'C' or ops[i][j][0] == 'R': - seq = assemble_transformation(ops, i-1, j-1) - seq.append(ops[i][j]) - return seq - elif ops[i][j][0] == 'D': - seq = assemble_transformation(ops, i-1, j) - seq.append(ops[i][j]) - return seq - else: - seq = assemble_transformation(ops, i, j-1) - seq.append(ops[i][j]) - return seq + if i == 0 and j == 0: + seq = [] + return seq + else: + if ops[i][j][0] == 'C' or ops[i][j][0] == 'R': + seq = assemble_transformation(ops, i - 1, j - 1) + seq.append(ops[i][j]) + return seq + elif ops[i][j][0] == 'D': + seq = assemble_transformation(ops, i - 1, j) + seq.append(ops[i][j]) + return seq + else: + seq = assemble_transformation(ops, i, j - 1) + seq.append(ops[i][j]) + return seq + if __name__ == '__main__': - _, operations = compute_transform_tables('Python', 'Algorithms', -1, 1, 2, 2) - - m = len(operations) - n = len(operations[0]) - sequence = assemble_transformation(operations, m-1, n-1) - - string = list('Python') - i = 0 - cost = 0 - - with open('min_cost.txt', 'w') as file: - for op in sequence: - print(''.join(string)) - - if op[0] == 'C': - file.write('%-16s' % 'Copy %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost -= 1 - elif op[0] == 'R': - string[i] = op[2] - - file.write('%-16s' % ('Replace %c' % op[1] + ' with ' + str(op[2]))) - file.write('\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 1 - elif op[0] == 'D': - string.pop(i) - - file.write('%-16s' % 'Delete %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 2 - else: - string.insert(i, op[1]) - - file.write('%-16s' % 'Insert %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 2 - - i += 1 - - print(''.join(string)) - print('Cost: ', cost) - - file.write('\r\nMinimum cost: ' + str(cost)) + _, operations = compute_transform_tables('Python', 'Algorithms', -1, 1, 2, 2) + + m = len(operations) + n = len(operations[0]) + sequence = assemble_transformation(operations, m - 1, n - 1) + + string = list('Python') + i = 0 + cost = 0 + + with open('min_cost.txt', 'w') as file: + for op in sequence: + print(''.join(string)) + + if op[0] == 'C': + file.write('%-16s' % 'Copy %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost -= 1 + elif op[0] == 'R': + string[i] = op[2] + + file.write('%-16s' % ('Replace %c' % op[1] + ' with ' + str(op[2]))) + file.write('\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 1 + elif op[0] == 'D': + string.pop(i) + + file.write('%-16s' % 'Delete %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 2 + else: + string.insert(i, op[1]) + + file.write('%-16s' % 'Insert %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 2 + + i += 1 + + print(''.join(string)) + print('Cost: ', cost) + + file.write('\r\nMinimum cost: ' + str(cost)) diff --git a/strings/naive_String_Search.py b/strings/naive_String_Search.py index 04c0d8157b24..a8c2ea584399 100644 --- a/strings/naive_String_Search.py +++ b/strings/naive_String_Search.py @@ -7,23 +7,26 @@ n=length of main string m=length of pattern string """ -def naivePatternSearch(mainString,pattern): - patLen=len(pattern) - strLen=len(mainString) - position=[] - for i in range(strLen-patLen+1): - match_found=True + + +def naivePatternSearch(mainString, pattern): + patLen = len(pattern) + strLen = len(mainString) + position = [] + for i in range(strLen - patLen + 1): + match_found = True for j in range(patLen): - if mainString[i+j]!=pattern[j]: - match_found=False + if mainString[i + j] != pattern[j]: + match_found = False break if match_found: position.append(i) return position -mainString="ABAAABCDBBABCDDEBCABC" -pattern="ABC" -position=naivePatternSearch(mainString,pattern) + +mainString = "ABAAABCDBBABCDDEBCABC" +pattern = "ABC" +position = naivePatternSearch(mainString, pattern) print("Pattern found in position ") for x in position: - print(x) \ No newline at end of file + print(x) From d53ee6a731a3881682bac2d1eb736a01e53846a9 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?=E6=9B=B9=E7=B9=81?= Date: Wed, 19 Jun 2019 15:39:29 +0800 Subject: [PATCH 02/29] add binary tree traversal function --- .gitignore | 184 +- .lgtm.yml | 24 +- .travis.yml | 52 +- CONTRIBUTING.md | 248 +- LICENSE.md | 42 +- README.md | 34 +- analysis/compression_analysis/psnr.py | 82 +- arithmetic_analysis/bisection.py | 68 +- arithmetic_analysis/intersection.py | 40 +- arithmetic_analysis/lu_decomposition.py | 68 +- arithmetic_analysis/newton_method.py | 42 +- arithmetic_analysis/newton_raphson_method.py | 68 +- binary_tree/__init__.py | 0 binary_tree/basic_binary_tree.py | 396 +- binary_tree/test_treeNode.py | 5 + boolean_algebra/quine_mc_cluskey.py | 254 +- ciphers/Atbash.py | 44 +- ciphers/affine_cipher.py | 176 +- ciphers/base16.py | 26 +- ciphers/base32.py | 26 +- ciphers/base64_cipher.py | 132 +- ciphers/base85.py | 26 +- ciphers/brute_force_caesar_cipher.py | 118 +- ciphers/caesar_cipher.py | 130 +- ciphers/cryptomath_module.py | 30 +- ciphers/elgamal_key_generator.py | 128 +- ciphers/hill_cipher.py | 334 +- ciphers/morse_Code_implementation.py | 150 +- ciphers/onepad_cipher.py | 64 +- ciphers/playfair_cipher.py | 206 +- ciphers/prehistoric_men.txt | 14386 +- ciphers/rabin_miller.py | 140 +- ciphers/rot13.py | 54 +- ciphers/rsa_cipher.py | 256 +- ciphers/rsa_key_generator.py | 110 +- ciphers/simple_substitution_cipher.py | 160 +- ciphers/transposition_cipher.py | 122 +- ...ansposition_cipher_encrypt_decrypt_file.py | 86 +- ciphers/vigenere_cipher.py | 134 +- ciphers/xor_cipher.py | 406 +- compression/huffman.py | 174 +- data_structures/LCA.py | 182 +- data_structures/arrays.py | 6 +- data_structures/avl.py | 362 +- data_structures/binary tree/AVL_tree.py | 570 +- .../binary tree/binary_search_tree.py | 528 +- data_structures/binary tree/fenwick_tree.py | 64 +- .../binary tree/lazy_segment_tree.py | 186 +- data_structures/binary tree/segment_tree.py | 146 +- data_structures/binary tree/treap.py | 260 +- data_structures/hashing/__init__.py | 14 +- data_structures/hashing/double_hash.py | 74 +- data_structures/hashing/hash_table.py | 164 +- .../hashing/hash_table_with_linked_list.py | 46 +- .../hashing/number_theory/prime_numbers.py | 58 +- data_structures/hashing/quadratic_probing.py | 54 +- data_structures/heap/heap.py | 184 +- data_structures/linked_list/__init__.py | 46 +- .../linked_list/doubly_linked_list.py | 160 +- data_structures/linked_list/is_Palindrome.py | 154 +- .../linked_list/singly_linked_list.py | 208 +- data_structures/queue/double_ended_queue.py | 82 +- data_structures/stacks/__init__.py | 46 +- .../stacks/balanced_parentheses.py | 52 +- .../stacks/infix_to_postfix_conversion.py | 130 +- .../stacks/infix_to_prefix_conversion.py | 138 +- data_structures/stacks/next.py | 38 +- data_structures/stacks/postfix_evaluation.py | 102 +- data_structures/stacks/stack.py | 140 +- data_structures/stacks/stock_span_problem.py | 110 +- data_structures/trie/trie.py | 152 +- .../union_find/tests_union_find.py | 160 +- data_structures/union_find/union_find.py | 176 +- .../filters/median_filter.py | 84 +- dynamic_programming/Fractional_Knapsack.py | 26 +- dynamic_programming/abbreviation.py | 62 +- dynamic_programming/bitmask.py | 178 +- dynamic_programming/coin_change.py | 60 +- dynamic_programming/edit_distance.py | 152 +- dynamic_programming/fast_fibonacci.py | 94 +- dynamic_programming/fibonacci.py | 108 +- dynamic_programming/integer_partition.py | 96 +- .../k_means_clustering_tensorflow.py | 282 +- dynamic_programming/knapsack.py | 90 +- .../longest_common_subsequence.py | 78 +- .../longest_increasing_subsequence.py | 88 +- ...longest_increasing_subsequence_O(nlogn).py | 86 +- dynamic_programming/longest_sub_array.py | 64 +- dynamic_programming/matrix_chain_order.py | 108 +- dynamic_programming/max_sub_array.py | 122 +- dynamic_programming/minimum_partition.py | 60 +- dynamic_programming/rod_cutting.py | 116 +- dynamic_programming/subset_generation.py | 86 +- file_transfer_protocol/ftp_client_server.py | 112 +- file_transfer_protocol/ftp_send_receive.py | 80 +- graphs/BFS.py | 74 +- graphs/DFS.py | 82 +- ...irected_and_Undirected_(Weighted)_Graph.py | 954 +- ...n_path_and_circuit_for_undirected_graph.py | 186 +- graphs/a_star.py | 198 +- graphs/articulation_points.py | 90 +- graphs/basic_graphs.py | 578 +- graphs/bellman_ford.py | 110 +- graphs/bfs_shortest_path.py | 90 +- graphs/breadth_first_search.py | 136 +- graphs/check_bipartite_graph_bfs.py | 88 +- graphs/check_bipartite_graph_dfs.py | 66 +- graphs/depth_first_search.py | 134 +- graphs/dijkstra.py | 94 +- graphs/dijkstra_2.py | 114 +- graphs/dijkstra_algorithm.py | 430 +- .../edmonds_karp_multiple_source_and_sink.py | 362 +- graphs/even_tree.py | 142 +- graphs/finding_bridges.py | 64 +- graphs/floyd_warshall.py | 94 +- graphs/graph_list.py | 94 +- graphs/graph_matrix.py | 58 +- graphs/kahns_algorithm_long.py | 62 +- graphs/kahns_algorithm_topo.py | 66 +- graphs/minimum_spanning_tree_kruskal.py | 70 +- graphs/minimum_spanning_tree_prims.py | 226 +- graphs/multi_hueristic_astar.py | 552 +- graphs/page_rank.py | 144 +- graphs/prim.py | 158 +- graphs/scc_kosaraju.py | 102 +- graphs/tarjans_scc.py | 156 +- hashes/chaos_machine.py | 230 +- hashes/md5.py | 330 +- hashes/sha1.py | 300 +- linear_algebra_python/README.md | 152 +- linear_algebra_python/src/lib.py | 682 +- linear_algebra_python/src/tests.py | 306 +- machine_learning/NaiveBayes.ipynb | 3318 +- .../Random Forest Classifier.ipynb | 392 +- .../Social_Network_Ads.csv | 800 +- .../random_forest_classification.py | 150 +- .../Position_Salaries.csv | 20 +- .../Random Forest Regression.ipynb | 294 +- .../random_forest_regression.py | 84 +- machine_learning/decision_tree.py | 282 +- machine_learning/gradient_descent.py | 246 +- machine_learning/k_means_clust.py | 366 +- machine_learning/linear_regression.py | 216 +- machine_learning/logistic_regression.py | 202 +- machine_learning/perceptron.py | 246 +- .../reuters_one_vs_rest_classifier.ipynb | 810 +- machine_learning/scoring_functions.py | 166 +- maths/3n+1.py | 42 +- maths/Binary_Exponentiation.py | 46 +- maths/Find_Max.py | 32 +- maths/Find_Min.py | 26 +- maths/Hanoi.py | 48 +- maths/Prime_Check.py | 106 +- maths/abs.py | 40 +- maths/abs_Max.py | 50 +- maths/abs_Min.py | 48 +- maths/average.py | 32 +- maths/extended_euclidean_algorithm.py | 120 +- maths/factorial_python.py | 38 +- maths/factorial_recursive.py | 28 +- maths/fermat_little_theorem.py | 58 +- maths/fibonacci_sequence_recursion.py | 48 +- maths/find_lcm.py | 36 +- maths/greater_common_divisor.py | 34 +- maths/lucasSeries.py | 28 +- maths/modular_exponential.py | 40 +- maths/newton_raphson.py | 106 +- maths/simpson_rule.py | 104 +- maths/tests/__init__.py | 2 +- maths/trapezoidal_rule.py | 102 +- matrix/matrix_multiplication_addition.py | 168 +- matrix/searching_in_sorted_matrix.py | 54 +- networking_flow/ford_fulkerson.py | 118 +- networking_flow/minimum_cut.py | 122 +- neural_network/bpnn.py | 392 +- neural_network/convolution_neural_network.py | 614 +- neural_network/fcn.ipynb | 654 +- neural_network/perceptron.py | 246 +- other/anagrams.py | 76 +- other/binary_exponentiation.py | 100 +- other/binary_exponentiation_2.py | 100 +- other/detecting_english_programmatically.py | 120 +- other/dictionary.txt | 90664 +-- other/euclidean_gcd.py | 46 +- other/finding_Primes.py | 44 +- other/fischer_yates_shuffle.py | 48 +- other/frequency_finder.py | 148 +- other/game_of_life/game_o_life.py | 254 +- other/linear_congruential_generator.py | 76 +- other/n_queens.py | 158 +- other/nested_brackets.py | 96 +- other/palindrome.py | 62 +- other/password_generator.py | 72 +- other/primelib.py | 1210 +- other/sierpinski_triangle.py | 138 +- other/tower_of_hanoi.py | 62 +- other/two_sum.py | 60 +- other/word_patterns.py | 88 +- other/words | 471772 +++++++-------- project_euler/README.md | 116 +- project_euler/problem_02/sol1.py | 48 +- project_euler/problem_03/sol2.py | 38 +- project_euler/problem_04/sol1.py | 58 +- project_euler/problem_04/sol2.py | 32 +- project_euler/problem_05/sol1.py | 42 +- project_euler/problem_05/sol2.py | 52 +- project_euler/problem_06/sol1.py | 40 +- project_euler/problem_06/sol2.py | 34 +- project_euler/problem_06/sol3.py | 52 +- project_euler/problem_07/sol1.py | 70 +- project_euler/problem_07/sol2.py | 36 +- project_euler/problem_07/sol3.py | 66 +- project_euler/problem_08/sol1.py | 34 +- project_euler/problem_08/sol2.py | 20 +- project_euler/problem_09/sol1.py | 32 +- project_euler/problem_09/sol2.py | 36 +- project_euler/problem_09/sol3.py | 14 +- project_euler/problem_10/sol1.py | 84 +- project_euler/problem_10/sol2.py | 52 +- project_euler/problem_11/grid.txt | 38 +- project_euler/problem_11/sol1.py | 142 +- project_euler/problem_11/sol2.py | 80 +- project_euler/problem_12/sol1.py | 104 +- project_euler/problem_12/sol2.py | 20 +- project_euler/problem_13/sol1.py | 26 +- project_euler/problem_14/sol1.py | 44 +- project_euler/problem_14/sol2.py | 34 +- project_euler/problem_15/sol1.py | 46 +- project_euler/problem_16/sol1.py | 30 +- project_euler/problem_17/sol1.py | 72 +- project_euler/problem_19/sol1.py | 104 +- project_euler/problem_20/sol1.py | 58 +- project_euler/problem_20/sol2.py | 18 +- project_euler/problem_21/sol1.py | 68 +- project_euler/problem_22/sol1.py | 76 +- project_euler/problem_22/sol2.py | 1066 +- project_euler/problem_24/sol1.py | 20 +- project_euler/problem_25/sol1.py | 68 +- project_euler/problem_25/sol2.py | 24 +- project_euler/problem_28/sol1.py | 64 +- project_euler/problem_29/solution.py | 66 +- project_euler/problem_31/sol1.py | 108 +- project_euler/problem_36/sol1.py | 66 +- project_euler/problem_40/sol1.py | 54 +- project_euler/problem_48/sol1.py | 42 +- project_euler/problem_52/sol1.py | 48 +- project_euler/problem_53/sol1.py | 80 +- project_euler/problem_76/sol1.py | 76 +- searches/binary_search.py | 328 +- searches/interpolation_search.py | 274 +- searches/jump_search.py | 56 +- searches/linear_search.py | 112 +- searches/quick_select.py | 104 +- searches/sentinel_linear_search.py | 126 +- searches/tabu_search.py | 504 +- searches/tabu_test_data.txt | 20 +- searches/ternary_search.py | 222 +- searches/test_interpolation_search.py | 186 +- searches/test_tabu_search.py | 94 +- simple_client/README.md | 12 +- simple_client/client.py | 56 +- simple_client/server.py | 42 +- sorts/Bitonic_Sort.py | 112 +- sorts/Odd-Even_transposition_parallel.py | 264 +- .../Odd-Even_transposition_single-threaded.py | 70 +- sorts/bogo_sort.py | 102 +- sorts/bubble_sort.py | 84 +- sorts/bucket_sort.py | 74 +- sorts/cocktail_shaker_sort.py | 68 +- sorts/comb_sort.py | 118 +- sorts/counting_sort.py | 152 +- sorts/cycle_sort.py | 120 +- sorts/external_sort.py | 314 +- sorts/gnome_sort.py | 64 +- sorts/heap_sort.py | 130 +- sorts/insertion_sort.py | 100 +- sorts/merge_sort.py | 116 +- sorts/merge_sort_fastest.py | 92 +- sorts/normal_distribution_quick_sort.md | 152 +- sorts/pancake_sort.py | 36 +- sorts/pigeon_sort.py | 110 +- sorts/quick_sort.py | 116 +- sorts/quick_sort_3_partition.py | 66 +- sorts/radix_sort.py | 52 +- sorts/random_normal_distribution_quicksort.py | 120 +- sorts/selection_sort.py | 106 +- sorts/shell_sort.py | 110 +- sorts/tests.py | 144 +- sorts/tim_sort.py | 168 +- sorts/topological_sort.py | 70 +- sorts/tree_sort.py | 98 +- sorts/wiggle_sort.py | 44 +- strings/knuth_morris_pratt.py | 160 +- strings/levenshtein_distance.py | 154 +- strings/min_cost_string_conversion.py | 250 +- strings/naive_String_Search.py | 64 +- strings/rabin_karp.py | 100 +- traversals/binary_tree_traversals.py | 380 +- 298 files changed, 310588 insertions(+), 310317 deletions(-) create mode 100644 binary_tree/__init__.py create mode 100644 binary_tree/test_treeNode.py diff --git a/.gitignore b/.gitignore index 0c3f33058614..51e45cc08b3b 100644 --- a/.gitignore +++ b/.gitignore @@ -1,93 +1,93 @@ -# Byte-compiled / optimized / DLL files -__pycache__/ -*.py[cod] -*$py.class - -# C extensions -*.so - -# Distribution / packaging -.vscode/ -.Python -env/ -build/ -develop-eggs/ -dist/ -downloads/ -eggs/ -.eggs/ -lib/ -lib64/ -parts/ -sdist/ -var/ -*.egg-info/ -.installed.cfg -*.egg - -# PyInstaller -# Usually these files are written by a python script from a template -# before PyInstaller builds the exe, so as to inject date/other infos into it. -*.manifest -*.spec - -# Installer logs -pip-log.txt -pip-delete-this-directory.txt - -# Unit test / coverage reports -htmlcov/ -.tox/ -.coverage -.coverage.* -.cache -nosetests.xml -coverage.xml -*,cover -.hypothesis/ - -# Translations -*.mo -*.pot - -# Django stuff: -*.log -local_settings.py - -# Flask stuff: -instance/ -.webassets-cache - -# Scrapy stuff: -.scrapy - -# Sphinx documentation -docs/_build/ - -# PyBuilder -target/ - -# IPython Notebook -.ipynb_checkpoints - -# pyenv -.python-version - -# celery beat schedule file -celerybeat-schedule - -# dotenv -.env - -# virtualenv -venv/ -ENV/ - -# Spyder project settings -.spyderproject - -# Rope project settings -.ropeproject -.idea -.DS_Store +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.vscode/ +.Python +env/ +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +*.egg-info/ +.installed.cfg +*.egg + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*,cover +.hypothesis/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# IPython Notebook +.ipynb_checkpoints + +# pyenv +.python-version + +# celery beat schedule file +celerybeat-schedule + +# dotenv +.env + +# virtualenv +venv/ +ENV/ + +# Spyder project settings +.spyderproject + +# Rope project settings +.ropeproject +.idea +.DS_Store .try \ No newline at end of file diff --git a/.lgtm.yml b/.lgtm.yml index ec550ab72705..516cd225d325 100644 --- a/.lgtm.yml +++ b/.lgtm.yml @@ -1,12 +1,12 @@ -extraction: - python: - python_setup: - version: 3 - after_prepare: - - python3 -m pip install --upgrade --user flake8 - before_index: - - python3 -m flake8 --version # flake8 3.6.0 on CPython 3.6.5 on Linux - # stop the build if there are Python syntax errors or undefined names - - python3 -m flake8 . --count --select=E901,E999,F821,F822,F823 --show-source --statistics - # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide - - python3 -m flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics +extraction: + python: + python_setup: + version: 3 + after_prepare: + - python3 -m pip install --upgrade --user flake8 + before_index: + - python3 -m flake8 --version # flake8 3.6.0 on CPython 3.6.5 on Linux + # stop the build if there are Python syntax errors or undefined names + - python3 -m flake8 . --count --select=E901,E999,F821,F822,F823 --show-source --statistics + # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide + - python3 -m flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics diff --git a/.travis.yml b/.travis.yml index a6a3212ac82e..859d21d9b5a3 100644 --- a/.travis.yml +++ b/.travis.yml @@ -1,26 +1,26 @@ -language: python -cache: pip -python: - - 2.7 - - 3.6 - #- nightly - #- pypy - #- pypy3 -matrix: - allow_failures: - - python: nightly - - python: pypy - - python: pypy3 -install: - #- pip install -r requirements.txt - - pip install flake8 # pytest # add another testing frameworks later -before_script: - # stop the build if there are Python syntax errors or undefined names - - flake8 . --count --select=E9,F63,F72,F82 --show-source --statistics - # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide - - flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics -script: - - true # pytest --capture=sys # add other tests here -notifications: - on_success: change - on_failure: change # `always` will be the setting once code changes slow down +language: python +cache: pip +python: + - 2.7 + - 3.6 + #- nightly + #- pypy + #- pypy3 +matrix: + allow_failures: + - python: nightly + - python: pypy + - python: pypy3 +install: + #- pip install -r requirements.txt + - pip install flake8 # pytest # add another testing frameworks later +before_script: + # stop the build if there are Python syntax errors or undefined names + - flake8 . --count --select=E9,F63,F72,F82 --show-source --statistics + # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide + - flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics +script: + - true # pytest --capture=sys # add other tests here +notifications: + on_success: change + on_failure: change # `always` will be the setting once code changes slow down diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md index 9b2ac0025dca..8ddd15a1ca49 100644 --- a/CONTRIBUTING.md +++ b/CONTRIBUTING.md @@ -1,124 +1,124 @@ -# Contributing guidelines - -## Before contributing - -Welcome to [TheAlgorithms/Python](https://github.com/TheAlgorithms/Python)! Before sending your pull requests, make sure that you **read the whole guidelines**. If you have any doubt on the contributing guide, please feel free to [state it clearly in an issue](https://github.com/TheAlgorithms/Python/issues/new) or ask the community in [Gitter](https://gitter.im/TheAlgorithms). - -## Contributing - -### Contributor - -We are very happy that you consider implementing algorithms and data structure for others! This repository is referenced and used by learners from all over the globe. Being one of our contributors, you agree and confirm that: - -- your did your work - no plagiarism allowed - - Any plagiarized work will not be merged. -- your work will be distributed under [MIT License](License) once your pull request is merged -- you submitted work fulfils or mostly fulfils our styles and standards - -**New implementation** is welcome! For example, new solutions for a problem, different representations for a graph data structure or algorithm designs with different complexity. - -**Improving comments** and **writing proper tests** are also highly welcome. - -### Contribution - -We appreciate any contribution, from fixing a grammar mistake in a comment to implementing complex algorithms. Please read this section if you are contributing your work. - -#### Coding Style - -We want your work to be readable by others; therefore, we encourage you to note the following: - -- Please write in Python 3.x. - -- If you know [PEP 8](https://www.python.org/dev/peps/pep-0008/) already, you will have no problem in coding style, though we do not follow it strictly. Read the remaining section and have fun coding! - -- Always use 4 spaces to indent. - -- Original code submission requires comments to describe your work. - -- More on comments and docstrings: - - The following are considered to be bad and may be requested to be improved: - - ```python - x = x + 2 # increased by 2 - ``` - - This is too trivial. Comments are expected to be explanatory. For comments, you can write them above, on or below a line of code, as long as you are consistent within the same piece of code. - - *Sometimes, docstrings are avoided.* This will happen if you are using some editors and not careful with indentation: - - ```python - """ - This function sums a and b - """ - def sum(a, b): - return a + b - ``` - - However, if you insist to use docstrings, we encourage you to put docstrings inside functions. Also, please pay attention to indentation to docstrings. The following is acceptable in this case: - - ```python - def sumab(a, b): - """ - This function sums two integers a and b - Return: a + b - """ - return a + b - ``` - -- `lambda`, `map`, `filter`, `reduce` and complicated list comprehension are welcome and acceptable to demonstrate the power of Python, as long as they are simple enough to read. - - - This is arguable: **write comments** and assign appropriate variable names, so that the code is easy to read! - -- Write tests to illustrate your work. - - The following "testing" approaches are not encouraged: - - ```python - input('Enter your input:') - # Or even worse... - input = eval(raw_input("Enter your input: ")) - ``` - - Please write down your test case, like the following: - - ```python - def sumab(a, b): - return a + b - # Write tests this way: - print(sumab(1,2)) # 1+2 = 3 - print(sumab(6,4)) # 6+4 = 10 - # Or this way: - print("1 + 2 = ", sumab(1,2)) # 1+2 = 3 - print("6 + 4 = ", sumab(6,4)) # 6+4 = 10 - ``` - -- Avoid importing external libraries for basic algorithms. Use those libraries for complicated algorithms. - -#### Other Standard While Submitting Your Work - -- File extension for code should be `.py`. - -- Please file your work to let others use it in the future. Here are the examples that are acceptable: - - - Camel cases - - `-` Hyphenated names - - `_` Underscore-separated names - - If possible, follow the standard *within* the folder you are submitting to. - -- If you have modified/added code work, make sure the code compiles before submitting. - -- If you have modified/added documentation work, make sure your language is concise and contains no grammar mistake. - -- Add a corresponding explanation to [Algorithms-Explanation](https://github.com/TheAlgorithms/Algorithms-Explanation) (Optional but recommended). - -- Most importantly, - - - **be consistent with this guidelines while submitting.** - - **join** [Gitter](https://gitter.im/TheAlgorithms) **now!** - - Happy coding! - - - -Writer [@poyea](https://github.com/poyea), Jun 2019. +# Contributing guidelines + +## Before contributing + +Welcome to [TheAlgorithms/Python](https://github.com/TheAlgorithms/Python)! Before sending your pull requests, make sure that you **read the whole guidelines**. If you have any doubt on the contributing guide, please feel free to [state it clearly in an issue](https://github.com/TheAlgorithms/Python/issues/new) or ask the community in [Gitter](https://gitter.im/TheAlgorithms). + +## Contributing + +### Contributor + +We are very happy that you consider implementing algorithms and data structure for others! This repository is referenced and used by learners from all over the globe. Being one of our contributors, you agree and confirm that: + +- your did your work - no plagiarism allowed + - Any plagiarized work will not be merged. +- your work will be distributed under [MIT License](License) once your pull request is merged +- you submitted work fulfils or mostly fulfils our styles and standards + +**New implementation** is welcome! For example, new solutions for a problem, different representations for a graph data structure or algorithm designs with different complexity. + +**Improving comments** and **writing proper tests** are also highly welcome. + +### Contribution + +We appreciate any contribution, from fixing a grammar mistake in a comment to implementing complex algorithms. Please read this section if you are contributing your work. + +#### Coding Style + +We want your work to be readable by others; therefore, we encourage you to note the following: + +- Please write in Python 3.x. + +- If you know [PEP 8](https://www.python.org/dev/peps/pep-0008/) already, you will have no problem in coding style, though we do not follow it strictly. Read the remaining section and have fun coding! + +- Always use 4 spaces to indent. + +- Original code submission requires comments to describe your work. + +- More on comments and docstrings: + + The following are considered to be bad and may be requested to be improved: + + ```python + x = x + 2 # increased by 2 + ``` + + This is too trivial. Comments are expected to be explanatory. For comments, you can write them above, on or below a line of code, as long as you are consistent within the same piece of code. + + *Sometimes, docstrings are avoided.* This will happen if you are using some editors and not careful with indentation: + + ```python + """ + This function sums a and b + """ + def sum(a, b): + return a + b + ``` + + However, if you insist to use docstrings, we encourage you to put docstrings inside functions. Also, please pay attention to indentation to docstrings. The following is acceptable in this case: + + ```python + def sumab(a, b): + """ + This function sums two integers a and b + Return: a + b + """ + return a + b + ``` + +- `lambda`, `map`, `filter`, `reduce` and complicated list comprehension are welcome and acceptable to demonstrate the power of Python, as long as they are simple enough to read. + + - This is arguable: **write comments** and assign appropriate variable names, so that the code is easy to read! + +- Write tests to illustrate your work. + + The following "testing" approaches are not encouraged: + + ```python + input('Enter your input:') + # Or even worse... + input = eval(raw_input("Enter your input: ")) + ``` + + Please write down your test case, like the following: + + ```python + def sumab(a, b): + return a + b + # Write tests this way: + print(sumab(1,2)) # 1+2 = 3 + print(sumab(6,4)) # 6+4 = 10 + # Or this way: + print("1 + 2 = ", sumab(1,2)) # 1+2 = 3 + print("6 + 4 = ", sumab(6,4)) # 6+4 = 10 + ``` + +- Avoid importing external libraries for basic algorithms. Use those libraries for complicated algorithms. + +#### Other Standard While Submitting Your Work + +- File extension for code should be `.py`. + +- Please file your work to let others use it in the future. Here are the examples that are acceptable: + + - Camel cases + - `-` Hyphenated names + - `_` Underscore-separated names + + If possible, follow the standard *within* the folder you are submitting to. + +- If you have modified/added code work, make sure the code compiles before submitting. + +- If you have modified/added documentation work, make sure your language is concise and contains no grammar mistake. + +- Add a corresponding explanation to [Algorithms-Explanation](https://github.com/TheAlgorithms/Algorithms-Explanation) (Optional but recommended). + +- Most importantly, + + - **be consistent with this guidelines while submitting.** + - **join** [Gitter](https://gitter.im/TheAlgorithms) **now!** + - Happy coding! + + + +Writer [@poyea](https://github.com/poyea), Jun 2019. diff --git a/LICENSE.md b/LICENSE.md index a20869d96300..42a330ddada3 100644 --- a/LICENSE.md +++ b/LICENSE.md @@ -1,21 +1,21 @@ -MIT License - -Copyright (c) 2019 The Algorithms - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. +MIT License + +Copyright (c) 2019 The Algorithms + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/README.md b/README.md index 527b80269fdc..c32247d2363b 100644 --- a/README.md +++ b/README.md @@ -1,17 +1,17 @@ -# The Algorithms - Python -[![Donate](https://img.shields.io/badge/Donate-PayPal-green.svg)](https://www.paypal.me/TheAlgorithms/100)   -[![Gitter chat](https://badges.gitter.im/gitterHQ/gitter.png)](https://gitter.im/TheAlgorithms)   -[![Open in Gitpod](https://gitpod.io/button/open-in-gitpod.svg)](https://gitpod.io/#https://github.com/TheAlgorithms/Python) - -### All algorithms implemented in Python (for education) - -These implementations are for learning purposes. They may be less efficient than the implementations in the Python standard library. - - -## Contribution Guidelines - -Read our [Contribution Guidelines](CONTRIBUTING.md) before you contribute. - -## Community Channel - -We're on [Gitter](https://gitter.im/TheAlgorithms)! Please join us. +# The Algorithms - Python +[![Donate](https://img.shields.io/badge/Donate-PayPal-green.svg)](https://www.paypal.me/TheAlgorithms/100)   +[![Gitter chat](https://badges.gitter.im/gitterHQ/gitter.png)](https://gitter.im/TheAlgorithms)   +[![Open in Gitpod](https://gitpod.io/button/open-in-gitpod.svg)](https://gitpod.io/#https://github.com/TheAlgorithms/Python) + +### All algorithms implemented in Python (for education) + +These implementations are for learning purposes. They may be less efficient than the implementations in the Python standard library. + + +## Contribution Guidelines + +Read our [Contribution Guidelines](CONTRIBUTING.md) before you contribute. + +## Community Channel + +We're on [Gitter](https://gitter.im/TheAlgorithms)! Please join us. diff --git a/analysis/compression_analysis/psnr.py b/analysis/compression_analysis/psnr.py index 57fb5c08fd57..a16e3cf49933 100644 --- a/analysis/compression_analysis/psnr.py +++ b/analysis/compression_analysis/psnr.py @@ -1,41 +1,41 @@ -""" - Peak signal-to-noise ratio - PSNR - https://en.wikipedia.org/wiki/Peak_signal-to-noise_ratio - Soruce: https://tutorials.techonical.com/how-to-calculate-psnr-value-of-two-images-using-python/ -""" - -import math -import os - -import cv2 -import numpy as np - - -def psnr(original, contrast): - mse = np.mean((original - contrast) ** 2) - if mse == 0: - return 100 - PIXEL_MAX = 255.0 - PSNR = 20 * math.log10(PIXEL_MAX / math.sqrt(mse)) - return PSNR - - -def main(): - dir_path = os.path.dirname(os.path.realpath(__file__)) - # Loading images (original image and compressed image) - original = cv2.imread(os.path.join(dir_path, 'original_image.png')) - contrast = cv2.imread(os.path.join(dir_path, 'compressed_image.png'), 1) - - original2 = cv2.imread(os.path.join(dir_path, 'PSNR-example-base.png')) - contrast2 = cv2.imread(os.path.join(dir_path, 'PSNR-example-comp-10.jpg'), 1) - - # Value expected: 29.73dB - print("-- First Test --") - print(f"PSNR value is {psnr(original, contrast)} dB") - - # # Value expected: 31.53dB (Wikipedia Example) - print("\n-- Second Test --") - print(f"PSNR value is {psnr(original2, contrast2)} dB") - - -if __name__ == '__main__': - main() +""" + Peak signal-to-noise ratio - PSNR - https://en.wikipedia.org/wiki/Peak_signal-to-noise_ratio + Soruce: https://tutorials.techonical.com/how-to-calculate-psnr-value-of-two-images-using-python/ +""" + +import math +import os + +import cv2 +import numpy as np + + +def psnr(original, contrast): + mse = np.mean((original - contrast) ** 2) + if mse == 0: + return 100 + PIXEL_MAX = 255.0 + PSNR = 20 * math.log10(PIXEL_MAX / math.sqrt(mse)) + return PSNR + + +def main(): + dir_path = os.path.dirname(os.path.realpath(__file__)) + # Loading images (original image and compressed image) + original = cv2.imread(os.path.join(dir_path, 'original_image.png')) + contrast = cv2.imread(os.path.join(dir_path, 'compressed_image.png'), 1) + + original2 = cv2.imread(os.path.join(dir_path, 'PSNR-example-base.png')) + contrast2 = cv2.imread(os.path.join(dir_path, 'PSNR-example-comp-10.jpg'), 1) + + # Value expected: 29.73dB + print("-- First Test --") + print(f"PSNR value is {psnr(original, contrast)} dB") + + # # Value expected: 31.53dB (Wikipedia Example) + print("\n-- Second Test --") + print(f"PSNR value is {psnr(original2, contrast2)} dB") + + +if __name__ == '__main__': + main() diff --git a/arithmetic_analysis/bisection.py b/arithmetic_analysis/bisection.py index 7526f5f4a01f..d22969f2fc6b 100644 --- a/arithmetic_analysis/bisection.py +++ b/arithmetic_analysis/bisection.py @@ -1,34 +1,34 @@ -import math - - -def bisection(function, a, b): # finds where the function becomes 0 in [a,b] using bolzano - - start = a - end = b - if function(a) == 0: # one of the a or b is a root for the function - return a - elif function(b) == 0: - return b - elif function(a) * function(b) > 0: # if none of these are root and they are both positive or negative, - # then his algorithm can't find the root - print("couldn't find root in [a,b]") - return - else: - mid = (start + end) / 2 - while abs(start - mid) > 10 ** -7: # until we achieve precise equals to 10^-7 - if function(mid) == 0: - return mid - elif function(mid) * function(start) < 0: - end = mid - else: - start = mid - mid = (start + end) / 2 - return mid - - -def f(x): - return math.pow(x, 3) - 2 * x - 5 - - -if __name__ == "__main__": - print(bisection(f, 1, 1000)) +import math + + +def bisection(function, a, b): # finds where the function becomes 0 in [a,b] using bolzano + + start = a + end = b + if function(a) == 0: # one of the a or b is a root for the function + return a + elif function(b) == 0: + return b + elif function(a) * function(b) > 0: # if none of these are root and they are both positive or negative, + # then his algorithm can't find the root + print("couldn't find root in [a,b]") + return + else: + mid = (start + end) / 2 + while abs(start - mid) > 10 ** -7: # until we achieve precise equals to 10^-7 + if function(mid) == 0: + return mid + elif function(mid) * function(start) < 0: + end = mid + else: + start = mid + mid = (start + end) / 2 + return mid + + +def f(x): + return math.pow(x, 3) - 2 * x - 5 + + +if __name__ == "__main__": + print(bisection(f, 1, 1000)) diff --git a/arithmetic_analysis/intersection.py b/arithmetic_analysis/intersection.py index ebb206c8aa37..c7aa2ae590c5 100644 --- a/arithmetic_analysis/intersection.py +++ b/arithmetic_analysis/intersection.py @@ -1,20 +1,20 @@ -import math - - -def intersection(function, x0, x1): # function is the f we want to find its root and x0 and x1 are two random starting points - x_n = x0 - x_n1 = x1 - while True: - x_n2 = x_n1 - (function(x_n1) / ((function(x_n1) - function(x_n)) / (x_n1 - x_n))) - if abs(x_n2 - x_n1) < 10 ** -5: - return x_n2 - x_n = x_n1 - x_n1 = x_n2 - - -def f(x): - return math.pow(x, 3) - (2 * x) - 5 - - -if __name__ == "__main__": - print(intersection(f, 3, 3.5)) +import math + + +def intersection(function, x0, x1): # function is the f we want to find its root and x0 and x1 are two random starting points + x_n = x0 + x_n1 = x1 + while True: + x_n2 = x_n1 - (function(x_n1) / ((function(x_n1) - function(x_n)) / (x_n1 - x_n))) + if abs(x_n2 - x_n1) < 10 ** -5: + return x_n2 + x_n = x_n1 + x_n1 = x_n2 + + +def f(x): + return math.pow(x, 3) - (2 * x) - 5 + + +if __name__ == "__main__": + print(intersection(f, 3, 3.5)) diff --git a/arithmetic_analysis/lu_decomposition.py b/arithmetic_analysis/lu_decomposition.py index 3bbbcfe566af..772361f224c3 100644 --- a/arithmetic_analysis/lu_decomposition.py +++ b/arithmetic_analysis/lu_decomposition.py @@ -1,34 +1,34 @@ -# lower–upper (LU) decomposition - https://en.wikipedia.org/wiki/LU_decomposition -import numpy - - -def LUDecompose(table): - # Table that contains our data - # Table has to be a square array so we need to check first - rows, columns = numpy.shape(table) - L = numpy.zeros((rows, columns)) - U = numpy.zeros((rows, columns)) - if rows != columns: - return [] - for i in range(columns): - for j in range(i - 1): - sum = 0 - for k in range(j - 1): - sum += L[i][k] * U[k][j] - L[i][j] = (table[i][j] - sum) / U[j][j] - L[i][i] = 1 - for j in range(i - 1, columns): - sum1 = 0 - for k in range(i - 1): - sum1 += L[i][k] * U[k][j] - U[i][j] = table[i][j] - sum1 - return L, U - - -if __name__ == "__main__": - matrix = numpy.array([[2, -2, 1], - [0, 1, 2], - [5, 3, 1]]) - L, U = LUDecompose(matrix) - print(L) - print(U) +# lower–upper (LU) decomposition - https://en.wikipedia.org/wiki/LU_decomposition +import numpy + + +def LUDecompose(table): + # Table that contains our data + # Table has to be a square array so we need to check first + rows, columns = numpy.shape(table) + L = numpy.zeros((rows, columns)) + U = numpy.zeros((rows, columns)) + if rows != columns: + return [] + for i in range(columns): + for j in range(i - 1): + sum = 0 + for k in range(j - 1): + sum += L[i][k] * U[k][j] + L[i][j] = (table[i][j] - sum) / U[j][j] + L[i][i] = 1 + for j in range(i - 1, columns): + sum1 = 0 + for k in range(i - 1): + sum1 += L[i][k] * U[k][j] + U[i][j] = table[i][j] - sum1 + return L, U + + +if __name__ == "__main__": + matrix = numpy.array([[2, -2, 1], + [0, 1, 2], + [5, 3, 1]]) + L, U = LUDecompose(matrix) + print(L) + print(U) diff --git a/arithmetic_analysis/newton_method.py b/arithmetic_analysis/newton_method.py index 888e01cb865a..b0fa6a8d5f31 100644 --- a/arithmetic_analysis/newton_method.py +++ b/arithmetic_analysis/newton_method.py @@ -1,21 +1,21 @@ -# Newton's Method - https://en.wikipedia.org/wiki/Newton%27s_method - -def newton(function, function1, startingInt): # function is the f(x) and function1 is the f'(x) - x_n = startingInt - while True: - x_n1 = x_n - function(x_n) / function1(x_n) - if abs(x_n - x_n1) < 10 ** -5: - return x_n1 - x_n = x_n1 - - -def f(x): - return (x ** 3) - (2 * x) - 5 - - -def f1(x): - return 3 * (x ** 2) - 2 - - -if __name__ == "__main__": - print(newton(f, f1, 3)) +# Newton's Method - https://en.wikipedia.org/wiki/Newton%27s_method + +def newton(function, function1, startingInt): # function is the f(x) and function1 is the f'(x) + x_n = startingInt + while True: + x_n1 = x_n - function(x_n) / function1(x_n) + if abs(x_n - x_n1) < 10 ** -5: + return x_n1 + x_n = x_n1 + + +def f(x): + return (x ** 3) - (2 * x) - 5 + + +def f1(x): + return 3 * (x ** 2) - 2 + + +if __name__ == "__main__": + print(newton(f, f1, 3)) diff --git a/arithmetic_analysis/newton_raphson_method.py b/arithmetic_analysis/newton_raphson_method.py index 18a10c6605c3..2f983f2de4a5 100644 --- a/arithmetic_analysis/newton_raphson_method.py +++ b/arithmetic_analysis/newton_raphson_method.py @@ -1,34 +1,34 @@ -# Implementing Newton Raphson method in Python -# Author: Haseeb - -from decimal import Decimal - -from sympy import diff - - -def NewtonRaphson(func, a): - ''' Finds root from the point 'a' onwards by Newton-Raphson method ''' - while True: - c = Decimal(a) - (Decimal(eval(func)) / Decimal(eval(str(diff(func))))) - - a = c - - # This number dictates the accuracy of the answer - if abs(eval(func)) < 10 ** -15: - return c - - -# Let's Execute -if __name__ == '__main__': - # Find root of trigonometric function - # Find value of pi - print('sin(x) = 0', NewtonRaphson('sin(x)', 2)) - - # Find root of polynomial - print('x**2 - 5*x +2 = 0', NewtonRaphson('x**2 - 5*x +2', 0.4)) - - # Find Square Root of 5 - print('x**2 - 5 = 0', NewtonRaphson('x**2 - 5', 0.1)) - - # Exponential Roots - print('exp(x) - 1 = 0', NewtonRaphson('exp(x) - 1', 0)) +# Implementing Newton Raphson method in Python +# Author: Haseeb + +from decimal import Decimal + +from sympy import diff + + +def NewtonRaphson(func, a): + ''' Finds root from the point 'a' onwards by Newton-Raphson method ''' + while True: + c = Decimal(a) - (Decimal(eval(func)) / Decimal(eval(str(diff(func))))) + + a = c + + # This number dictates the accuracy of the answer + if abs(eval(func)) < 10 ** -15: + return c + + +# Let's Execute +if __name__ == '__main__': + # Find root of trigonometric function + # Find value of pi + print('sin(x) = 0', NewtonRaphson('sin(x)', 2)) + + # Find root of polynomial + print('x**2 - 5*x +2 = 0', NewtonRaphson('x**2 - 5*x +2', 0.4)) + + # Find Square Root of 5 + print('x**2 - 5 = 0', NewtonRaphson('x**2 - 5', 0.1)) + + # Exponential Roots + print('exp(x) - 1 = 0', NewtonRaphson('exp(x) - 1', 0)) diff --git a/binary_tree/__init__.py b/binary_tree/__init__.py new file mode 100644 index 000000000000..e69de29bb2d1 diff --git a/binary_tree/basic_binary_tree.py b/binary_tree/basic_binary_tree.py index 65098657c706..59320123d2c1 100644 --- a/binary_tree/basic_binary_tree.py +++ b/binary_tree/basic_binary_tree.py @@ -1,65 +1,331 @@ -class Node: # This is the Class Node with constructor that contains data variable to type data and left,right pointers. - def __init__(self, data): - self.data = data - self.left = None - self.right = None - - -def display(tree): # In Order traversal of the tree - - if tree is None: - return - - if tree.left is not None: - display(tree.left) - - print(tree.data) - - if tree.right is not None: - display(tree.right) - - return - - -def depth_of_tree(tree): # This is the recursive function to find the depth of binary tree. - if tree is None: - return 0 - else: - depth_l_tree = depth_of_tree(tree.left) - depth_r_tree = depth_of_tree(tree.right) - if depth_l_tree > depth_r_tree: - return 1 + depth_l_tree - else: - return 1 + depth_r_tree - - -def is_full_binary_tree(tree): # This functions returns that is it full binary tree or not? - if tree is None: - return True - if (tree.left is None) and (tree.right is None): - return True - if (tree.left is not None) and (tree.right is not None): - return (is_full_binary_tree(tree.left) and is_full_binary_tree(tree.right)) - else: - return False - - -def main(): # Main func for testing. - tree = Node(1) - tree.left = Node(2) - tree.right = Node(3) - tree.left.left = Node(4) - tree.left.right = Node(5) - tree.left.right.left = Node(6) - tree.right.left = Node(7) - tree.right.left.left = Node(8) - tree.right.left.left.right = Node(9) - - print(is_full_binary_tree(tree)) - print(depth_of_tree(tree)) - print("Tree is: ") - display(tree) - - -if __name__ == '__main__': - main() +class TreeNode: + """This is the Class Node with constructor that contains data variable to type data and left,right pointers.""" + + def __init__(self, data): + self.data = data + self.left = None + self.right = None + + def new_in_order_traversal(self) -> list: + """ + (代码优化)深度优先-中序遍历 + :return: list[TreeNode] + """ + if self is None: + return [] + return self.in_order_traversal(self.left) + [self] + self.in_order_traversal(self.right) + + def in_order_traversal(self, current_node) -> list: + """ + (冗余传参)深度优先-中序遍历 + :type current_node: TreeNode + :return: list[TreeNode] + """ + if current_node is None: + return [] + return self.in_order_traversal(current_node.left) + [current_node] + self.in_order_traversal(current_node.right) + + def pre_order_traversal(self) -> list: + """ + 深度优先-前序遍历 + :return: list[TreeNode] + """ + if self is None: + return [] + return [self] + self.left.pre_order_traversal() + self.right.pre_order_traversal() + + def post_order_traversal(self) -> list: + """ + 深度优先-后序遍历 + :return: list[TreeNode] + """ + if self is None: + return [] + return self.left.post_order_traversal() + self.right.post_order_traversal() + [self] + + @classmethod + def base_width_order_traversal(cls, root) -> list: + """ + 基本广度优先遍历 + :type root: TreeNode + :return: list[TreeNode] + """ + + def base_recursion_helper(current_node, current_level): + """ + 基本递归遍历,同一层次由左到右遍历 + :type current_level: int + :type current_node: TreeNode + """ + # 递归结束条件 + if current_node is None: + return + + # 收集本层元素 + sol[current_level - 1].append([current_node]) + + # 新的一层元素,需要添加收集容器 + if len(sol) == current_level: + sol.append([]) + + # 先左子树 + base_recursion_helper(current_node.left, current_level + 1) + # 后右子树 + base_recursion_helper(current_node.right, current_level + 1) + + sol = [[]] + base_recursion_helper(root, 1) + # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 + result_list = sum(sum(sol[:-1], []), []) + # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] + return result_list + + @classmethod + def level_reverse_width_order_traversal(cls, root) -> list: + """ + 基本广度优先遍历 + :type root: TreeNode + :return: list[TreeNode] + """ + + def level_reverse_recursion_helper(current_node, current_level): + """ + 基本递归遍历,同一层次由左到右遍历 + :type current_level: int + :type current_node: TreeNode + """ + # 递归结束条件 + if current_node is None: + return + + # 收集本层元素 + sol[current_level - 1].append([current_node]) + + # 新的一层元素,需要添加收集容器 + if len(sol) == current_level: + sol.append([]) + + # 先右子树 + level_reverse_recursion_helper(current_node.right, current_level + 1) + # 后左子树 + level_reverse_recursion_helper(current_node.left, current_level + 1) + + sol = [[]] + level_reverse_recursion_helper(root, 1) + # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 + result_list = sum(sum(sol[:-1], []), []) + # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] + return result_list + + @classmethod + def zigzag_width_order_traversal(cls, root) -> list: + """ + 锯齿型广度优先遍历 + :type root: TreeNode + :return: list[TreeNode] + """ + + def zigzag_recursion_helper(current_node, current_level): + """ + 基本递归遍历,同一层次由左到右遍历 + :type current_level: int + :type current_node: TreeNode + """ + # 递归结束点 + if current_node is None: + return + # 按照奇偶层进行拼接 + if current_level % 2 == 1: + # 收集本层元素,后插 + sol[current_level - 1].append([current_node]) + else: + # 收集本层元素,前插 + sol[current_level - 1].insert(0, [current_node]) + + # 新的一层元素,需要添加收集容器 + if len(sol) == current_level: + sol.append([]) + + # 先左子树 + zigzag_recursion_helper(current_node.left, current_level + 1) + # 后右子树 + zigzag_recursion_helper(current_node.right, current_level + 1) + + sol = [[]] + zigzag_recursion_helper(root, 1) + # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 + result_list = sum(sum(sol[:-1], []), []) + # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] + return result_list + + def depth_of_tree(self) -> int: + """ + 树的深度 + :return: int + """ + if self is None: + return 0 + return 1 + max(self.left.depth_of_tree(), self.right.depth_of_tree()) + + def is_full_binary_tree(self) -> bool: + """ + 检查是否为满二叉树 + :return: bool + """ + if self is None: + return True + if (self.left is None) and (self.right is None): + return True + if (self.left is not None) and (self.right is not None): + return self.left.is_full_binary_tree() and self.right.is_full_binary_tree() + return False + + +def test_init_tree() -> TreeNode: + """ + 测试使用,构造树 + 1 + 2 3 + 4 5 7 + 6 8 + 9 + :return: TreeNode + """ + tree = TreeNode(1) + tree.left = TreeNode(2) + tree.right = TreeNode(3) + tree.left.left = TreeNode(4) + tree.left.right = TreeNode(5) + tree.left.right.left = TreeNode(6) + tree.right.left = TreeNode(7) + tree.right.left.left = TreeNode(8) + tree.right.left.left.right = TreeNode(9) + return tree + + +def test_in_order_traversal(): + """ + 二叉树中序遍历测试 + """ + init_tree = test_init_tree() + in_order_result = init_tree.in_order_traversal(init_tree) + in_order_data = fetch_tree_data(in_order_result) + out(in_order_data) + + +def test_new_in_order_traversal(): + """ + 二叉树中序遍历测试 + """ + init_tree = test_init_tree() + in_order_result = init_tree.new_in_order_traversal() + in_order_data = fetch_tree_data(in_order_result) + out(in_order_data) + + +def test_pre_order_traversal(): + """ + 二叉树前序遍历测试 + """ + init_tree = test_init_tree() + pre_order_result = init_tree.pre_order_traversal() + pre_order_data = fetch_tree_data(pre_order_result) + out(pre_order_data) + + +def test_post_order_traversal(): + """ + 二叉树后序遍历测试 + """ + init_tree = test_init_tree() + post_order_result = init_tree.post_order_traversal() + post_order_data = fetch_tree_data(post_order_result) + out(post_order_data) + + +def test_basic_width_order_traversal(): + """ + 二叉树基本层次遍历测试 + """ + init_tree = test_init_tree() + basic_width_order_result = TreeNode.base_width_order_traversal(init_tree) + basic_width_order_data = fetch_tree_data(basic_width_order_result) + out(basic_width_order_data) + + +def test_level_reverse_width_order_traversal(): + """ + 二叉树同层反序层次遍历测试 + """ + init_tree = test_init_tree() + level_reverse_width_order_result = TreeNode.level_reverse_width_order_traversal(init_tree) + level_reverse_width_order_data = fetch_tree_data(level_reverse_width_order_result) + out(level_reverse_width_order_data) + + +def test_zigzag_width_order_traversal(): + """ + 二叉树同层反序层次遍历测试 + """ + init_tree = test_init_tree() + zigzag_width_order_result = TreeNode.zigzag_width_order_traversal(init_tree) + zigzag_width_order_data = fetch_tree_data(zigzag_width_order_result) + out(zigzag_width_order_data) + + +def fetch_tree_data(tree_list) -> list: + """ + 根据树的平铺列表,获取数据[data] + :type tree_list: list + :return: list[TreeNode.data] + """ + return [e.data for e in tree_list if e is not None] + + +def out(content): + """ + 输出内容 + :type content: object + """ + print(content) + + +def main(): + """ + python函数及其参数约定: https://www.cnblogs.com/xialiaoliao0911/p/9430491.html + """ + + tree = ''' + 初始树 + 1 + 2 3 + 4 5 7 + 6 8 + 9 + + ''' + out(tree) + + out("深度优先之[前序]遍历:") + test_in_order_traversal() + + out("(代码优化后的)深度优先之[前序]遍历:") + test_new_in_order_traversal() + # out("深度优先之[中序]遍历:") + # test_pre_order_traversal() + # + # out("深度优先之[后序]遍历:") + # test_post_order_traversal() + # + # out("广度优先之正序层次遍历:") + # test_basic_width_order_traversal() + # + # out("广度优先之同层反遍历:") + # test_level_reverse_width_order_traversal() + # + # out("广度优先之锯齿型遍历:") + # test_zigzag_width_order_traversal() + + +if __name__ == '__main__': + main() diff --git a/binary_tree/test_treeNode.py b/binary_tree/test_treeNode.py new file mode 100644 index 000000000000..f747762311cf --- /dev/null +++ b/binary_tree/test_treeNode.py @@ -0,0 +1,5 @@ +from unittest import TestCase + + +class TestTreeNode(TestCase): + pass diff --git a/boolean_algebra/quine_mc_cluskey.py b/boolean_algebra/quine_mc_cluskey.py index 8d0ecceb1ad7..62d0d554d2b5 100644 --- a/boolean_algebra/quine_mc_cluskey.py +++ b/boolean_algebra/quine_mc_cluskey.py @@ -1,127 +1,127 @@ -def compare_string(string1, string2): - l1 = list(string1); - l2 = list(string2) - count = 0 - for i in range(len(l1)): - if l1[i] != l2[i]: - count += 1 - l1[i] = '_' - if count > 1: - return -1 - else: - return ("".join(l1)) - - -def check(binary): - pi = [] - while 1: - check1 = ['$'] * len(binary) - temp = [] - for i in range(len(binary)): - for j in range(i + 1, len(binary)): - k = compare_string(binary[i], binary[j]) - if k != -1: - check1[i] = '*' - check1[j] = '*' - temp.append(k) - for i in range(len(binary)): - if check1[i] == '$': - pi.append(binary[i]) - if len(temp) == 0: - return pi - binary = list(set(temp)) - - -def decimal_to_binary(no_of_variable, minterms): - temp = [] - s = '' - for m in minterms: - for i in range(no_of_variable): - s = str(m % 2) + s - m //= 2 - temp.append(s) - s = '' - return temp - - -def is_for_table(string1, string2, count): - l1 = list(string1); - l2 = list(string2) - count_n = 0 - for i in range(len(l1)): - if l1[i] != l2[i]: - count_n += 1 - if count_n == count: - return True - else: - return False - - -def selection(chart, prime_implicants): - temp = [] - select = [0] * len(chart) - for i in range(len(chart[0])): - count = 0 - rem = -1 - for j in range(len(chart)): - if chart[j][i] == 1: - count += 1 - rem = j - if count == 1: - select[rem] = 1 - for i in range(len(select)): - if select[i] == 1: - for j in range(len(chart[0])): - if chart[i][j] == 1: - for k in range(len(chart)): - chart[k][j] = 0 - temp.append(prime_implicants[i]) - while 1: - max_n = 0; - rem = -1; - count_n = 0 - for i in range(len(chart)): - count_n = chart[i].count(1) - if count_n > max_n: - max_n = count_n - rem = i - - if max_n == 0: - return temp - - temp.append(prime_implicants[rem]) - - for i in range(len(chart[0])): - if chart[rem][i] == 1: - for j in range(len(chart)): - chart[j][i] = 0 - - -def prime_implicant_chart(prime_implicants, binary): - chart = [[0 for x in range(len(binary))] for x in range(len(prime_implicants))] - for i in range(len(prime_implicants)): - count = prime_implicants[i].count('_') - for j in range(len(binary)): - if (is_for_table(prime_implicants[i], binary[j], count)): - chart[i][j] = 1 - - return chart - - -def main(): - no_of_variable = int(input("Enter the no. of variables\n")) - minterms = [int(x) for x in input("Enter the decimal representation of Minterms 'Spaces Seprated'\n").split()] - binary = decimal_to_binary(no_of_variable, minterms) - - prime_implicants = check(binary) - print("Prime Implicants are:") - print(prime_implicants) - chart = prime_implicant_chart(prime_implicants, binary) - - essential_prime_implicants = selection(chart, prime_implicants) - print("Essential Prime Implicants are:") - print(essential_prime_implicants) - - -if __name__ == '__main__': - main() +def compare_string(string1, string2): + l1 = list(string1); + l2 = list(string2) + count = 0 + for i in range(len(l1)): + if l1[i] != l2[i]: + count += 1 + l1[i] = '_' + if count > 1: + return -1 + else: + return ("".join(l1)) + + +def check(binary): + pi = [] + while 1: + check1 = ['$'] * len(binary) + temp = [] + for i in range(len(binary)): + for j in range(i + 1, len(binary)): + k = compare_string(binary[i], binary[j]) + if k != -1: + check1[i] = '*' + check1[j] = '*' + temp.append(k) + for i in range(len(binary)): + if check1[i] == '$': + pi.append(binary[i]) + if len(temp) == 0: + return pi + binary = list(set(temp)) + + +def decimal_to_binary(no_of_variable, minterms): + temp = [] + s = '' + for m in minterms: + for i in range(no_of_variable): + s = str(m % 2) + s + m //= 2 + temp.append(s) + s = '' + return temp + + +def is_for_table(string1, string2, count): + l1 = list(string1); + l2 = list(string2) + count_n = 0 + for i in range(len(l1)): + if l1[i] != l2[i]: + count_n += 1 + if count_n == count: + return True + else: + return False + + +def selection(chart, prime_implicants): + temp = [] + select = [0] * len(chart) + for i in range(len(chart[0])): + count = 0 + rem = -1 + for j in range(len(chart)): + if chart[j][i] == 1: + count += 1 + rem = j + if count == 1: + select[rem] = 1 + for i in range(len(select)): + if select[i] == 1: + for j in range(len(chart[0])): + if chart[i][j] == 1: + for k in range(len(chart)): + chart[k][j] = 0 + temp.append(prime_implicants[i]) + while 1: + max_n = 0; + rem = -1; + count_n = 0 + for i in range(len(chart)): + count_n = chart[i].count(1) + if count_n > max_n: + max_n = count_n + rem = i + + if max_n == 0: + return temp + + temp.append(prime_implicants[rem]) + + for i in range(len(chart[0])): + if chart[rem][i] == 1: + for j in range(len(chart)): + chart[j][i] = 0 + + +def prime_implicant_chart(prime_implicants, binary): + chart = [[0 for x in range(len(binary))] for x in range(len(prime_implicants))] + for i in range(len(prime_implicants)): + count = prime_implicants[i].count('_') + for j in range(len(binary)): + if (is_for_table(prime_implicants[i], binary[j], count)): + chart[i][j] = 1 + + return chart + + +def main(): + no_of_variable = int(input("Enter the no. of variables\n")) + minterms = [int(x) for x in input("Enter the decimal representation of Minterms 'Spaces Seprated'\n").split()] + binary = decimal_to_binary(no_of_variable, minterms) + + prime_implicants = check(binary) + print("Prime Implicants are:") + print(prime_implicants) + chart = prime_implicant_chart(prime_implicants, binary) + + essential_prime_implicants = selection(chart, prime_implicants) + print("Essential Prime Implicants are:") + print(essential_prime_implicants) + + +if __name__ == '__main__': + main() diff --git a/ciphers/Atbash.py b/ciphers/Atbash.py index a21de4c43014..ca825df4db81 100644 --- a/ciphers/Atbash.py +++ b/ciphers/Atbash.py @@ -1,22 +1,22 @@ -try: # Python 2 - raw_input - unichr -except NameError: #  Python 3 - raw_input = input - unichr = chr - - -def Atbash(): - output = "" - for i in raw_input("Enter the sentence to be encrypted ").strip(): - extract = ord(i) - if 65 <= extract <= 90: - output += unichr(155 - extract) - elif 97 <= extract <= 122: - output += unichr(219 - extract) - else: - output += i - print(output) - - -Atbash() +try: # Python 2 + raw_input + unichr +except NameError: #  Python 3 + raw_input = input + unichr = chr + + +def Atbash(): + output = "" + for i in raw_input("Enter the sentence to be encrypted ").strip(): + extract = ord(i) + if 65 <= extract <= 90: + output += unichr(155 - extract) + elif 97 <= extract <= 122: + output += unichr(219 - extract) + else: + output += i + print(output) + + +Atbash() diff --git a/ciphers/affine_cipher.py b/ciphers/affine_cipher.py index 0d1add38c07b..3b3ddb2bebec 100644 --- a/ciphers/affine_cipher.py +++ b/ciphers/affine_cipher.py @@ -1,88 +1,88 @@ -from __future__ import print_function - -import cryptomath_module as cryptoMath -import random -import sys - -SYMBOLS = r""" !"#$%&'()*+,-./0123456789:;<=>?@ABCDEFGHIJKLMNOPQRSTUVWXYZ[\]^_`abcdefghijklmnopqrstuvwxyz{|}~""" - - -def main(): - message = input('Enter message: ') - key = int(input('Enter key [2000 - 9000]: ')) - mode = input('Encrypt/Decrypt [E/D]: ') - - if mode.lower().startswith('e'): - mode = 'encrypt' - translated = encryptMessage(key, message) - elif mode.lower().startswith('d'): - mode = 'decrypt' - translated = decryptMessage(key, message) - print('\n%sed text: \n%s' % (mode.title(), translated)) - - -def getKeyParts(key): - keyA = key // len(SYMBOLS) - keyB = key % len(SYMBOLS) - return (keyA, keyB) - - -def checkKeys(keyA, keyB, mode): - if keyA == 1 and mode == 'encrypt': - sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') - if keyB == 0 and mode == 'encrypt': - sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') - if keyA < 0 or keyB < 0 or keyB > len(SYMBOLS) - 1: - sys.exit('Key A must be greater than 0 and key B must be between 0 and %s.' % (len(SYMBOLS) - 1)) - if cryptoMath.gcd(keyA, len(SYMBOLS)) != 1: - sys.exit('Key A %s and the symbol set size %s are not relatively prime. Choose a different key.' % (keyA, len(SYMBOLS))) - - -def encryptMessage(key, message): - ''' - >>> encryptMessage(4545, 'The affine cipher is a type of monoalphabetic substitution cipher.') - 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi' - ''' - keyA, keyB = getKeyParts(key) - checkKeys(keyA, keyB, 'encrypt') - cipherText = '' - for symbol in message: - if symbol in SYMBOLS: - symIndex = SYMBOLS.find(symbol) - cipherText += SYMBOLS[(symIndex * keyA + keyB) % len(SYMBOLS)] - else: - cipherText += symbol - return cipherText - - -def decryptMessage(key, message): - ''' - >>> decryptMessage(4545, 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi') - 'The affine cipher is a type of monoalphabetic substitution cipher.' - ''' - keyA, keyB = getKeyParts(key) - checkKeys(keyA, keyB, 'decrypt') - plainText = '' - modInverseOfkeyA = cryptoMath.findModInverse(keyA, len(SYMBOLS)) - for symbol in message: - if symbol in SYMBOLS: - symIndex = SYMBOLS.find(symbol) - plainText += SYMBOLS[(symIndex - keyB) * modInverseOfkeyA % len(SYMBOLS)] - else: - plainText += symbol - return plainText - - -def getRandomKey(): - while True: - keyA = random.randint(2, len(SYMBOLS)) - keyB = random.randint(2, len(SYMBOLS)) - if cryptoMath.gcd(keyA, len(SYMBOLS)) == 1: - return keyA * len(SYMBOLS) + keyB - - -if __name__ == '__main__': - import doctest - - doctest.testmod() - main() +from __future__ import print_function + +import cryptomath_module as cryptoMath +import random +import sys + +SYMBOLS = r""" !"#$%&'()*+,-./0123456789:;<=>?@ABCDEFGHIJKLMNOPQRSTUVWXYZ[\]^_`abcdefghijklmnopqrstuvwxyz{|}~""" + + +def main(): + message = input('Enter message: ') + key = int(input('Enter key [2000 - 9000]: ')) + mode = input('Encrypt/Decrypt [E/D]: ') + + if mode.lower().startswith('e'): + mode = 'encrypt' + translated = encryptMessage(key, message) + elif mode.lower().startswith('d'): + mode = 'decrypt' + translated = decryptMessage(key, message) + print('\n%sed text: \n%s' % (mode.title(), translated)) + + +def getKeyParts(key): + keyA = key // len(SYMBOLS) + keyB = key % len(SYMBOLS) + return (keyA, keyB) + + +def checkKeys(keyA, keyB, mode): + if keyA == 1 and mode == 'encrypt': + sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') + if keyB == 0 and mode == 'encrypt': + sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') + if keyA < 0 or keyB < 0 or keyB > len(SYMBOLS) - 1: + sys.exit('Key A must be greater than 0 and key B must be between 0 and %s.' % (len(SYMBOLS) - 1)) + if cryptoMath.gcd(keyA, len(SYMBOLS)) != 1: + sys.exit('Key A %s and the symbol set size %s are not relatively prime. Choose a different key.' % (keyA, len(SYMBOLS))) + + +def encryptMessage(key, message): + ''' + >>> encryptMessage(4545, 'The affine cipher is a type of monoalphabetic substitution cipher.') + 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi' + ''' + keyA, keyB = getKeyParts(key) + checkKeys(keyA, keyB, 'encrypt') + cipherText = '' + for symbol in message: + if symbol in SYMBOLS: + symIndex = SYMBOLS.find(symbol) + cipherText += SYMBOLS[(symIndex * keyA + keyB) % len(SYMBOLS)] + else: + cipherText += symbol + return cipherText + + +def decryptMessage(key, message): + ''' + >>> decryptMessage(4545, 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi') + 'The affine cipher is a type of monoalphabetic substitution cipher.' + ''' + keyA, keyB = getKeyParts(key) + checkKeys(keyA, keyB, 'decrypt') + plainText = '' + modInverseOfkeyA = cryptoMath.findModInverse(keyA, len(SYMBOLS)) + for symbol in message: + if symbol in SYMBOLS: + symIndex = SYMBOLS.find(symbol) + plainText += SYMBOLS[(symIndex - keyB) * modInverseOfkeyA % len(SYMBOLS)] + else: + plainText += symbol + return plainText + + +def getRandomKey(): + while True: + keyA = random.randint(2, len(SYMBOLS)) + keyB = random.randint(2, len(SYMBOLS)) + if cryptoMath.gcd(keyA, len(SYMBOLS)) == 1: + return keyA * len(SYMBOLS) + keyB + + +if __name__ == '__main__': + import doctest + + doctest.testmod() + main() diff --git a/ciphers/base16.py b/ciphers/base16.py index 3577541a1092..a08f83f4d22b 100644 --- a/ciphers/base16.py +++ b/ciphers/base16.py @@ -1,13 +1,13 @@ -import base64 - - -def main(): - inp = input('->') - encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) - b16encoded = base64.b16encode(encoded) # b16encoded the encoded string - print(b16encoded) - print(base64.b16decode(b16encoded).decode('utf-8')) # decoded it - - -if __name__ == '__main__': - main() +import base64 + + +def main(): + inp = input('->') + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + b16encoded = base64.b16encode(encoded) # b16encoded the encoded string + print(b16encoded) + print(base64.b16decode(b16encoded).decode('utf-8')) # decoded it + + +if __name__ == '__main__': + main() diff --git a/ciphers/base32.py b/ciphers/base32.py index d993583a27ce..6c9df689ebaa 100644 --- a/ciphers/base32.py +++ b/ciphers/base32.py @@ -1,13 +1,13 @@ -import base64 - - -def main(): - inp = input('->') - encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) - b32encoded = base64.b32encode(encoded) # b32encoded the encoded string - print(b32encoded) - print(base64.b32decode(b32encoded).decode('utf-8')) # decoded it - - -if __name__ == '__main__': - main() +import base64 + + +def main(): + inp = input('->') + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + b32encoded = base64.b32encode(encoded) # b32encoded the encoded string + print(b32encoded) + print(base64.b32decode(b32encoded).decode('utf-8')) # decoded it + + +if __name__ == '__main__': + main() diff --git a/ciphers/base64_cipher.py b/ciphers/base64_cipher.py index 17ce815c6a40..9ecfe5a3215f 100644 --- a/ciphers/base64_cipher.py +++ b/ciphers/base64_cipher.py @@ -1,66 +1,66 @@ -def encodeBase64(text): - base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" - - r = "" # the result - c = 3 - len(text) % 3 # the length of padding - p = "=" * c # the padding - s = text + "\0" * c # the text to encode - - i = 0 - while i < len(s): - if i > 0 and ((i / 3 * 4) % 76) == 0: - r = r + "\r\n" - - n = (ord(s[i]) << 16) + (ord(s[i + 1]) << 8) + ord(s[i + 2]) - - n1 = (n >> 18) & 63 - n2 = (n >> 12) & 63 - n3 = (n >> 6) & 63 - n4 = n & 63 - - r += base64chars[n1] + base64chars[n2] + base64chars[n3] + base64chars[n4] - i += 3 - - return r[0: len(r) - len(p)] + p - - -def decodeBase64(text): - base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" - s = "" - - for i in text: - if i in base64chars: - s += i - c = "" - else: - if i == '=': - c += '=' - - p = "" - if c == "=": - p = 'A' - else: - if c == "==": - p = "AA" - - r = "" - s = s + p - - i = 0 - while i < len(s): - n = (base64chars.index(s[i]) << 18) + (base64chars.index(s[i + 1]) << 12) + (base64chars.index(s[i + 2]) << 6) + base64chars.index(s[i + 3]) - - r += chr((n >> 16) & 255) + chr((n >> 8) & 255) + chr(n & 255) - - i += 4 - - return r[0: len(r) - len(p)] - - -def main(): - print(encodeBase64("WELCOME to base64 encoding")) - print(decodeBase64(encodeBase64("WELCOME to base64 encoding"))) - - -if __name__ == '__main__': - main() +def encodeBase64(text): + base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" + + r = "" # the result + c = 3 - len(text) % 3 # the length of padding + p = "=" * c # the padding + s = text + "\0" * c # the text to encode + + i = 0 + while i < len(s): + if i > 0 and ((i / 3 * 4) % 76) == 0: + r = r + "\r\n" + + n = (ord(s[i]) << 16) + (ord(s[i + 1]) << 8) + ord(s[i + 2]) + + n1 = (n >> 18) & 63 + n2 = (n >> 12) & 63 + n3 = (n >> 6) & 63 + n4 = n & 63 + + r += base64chars[n1] + base64chars[n2] + base64chars[n3] + base64chars[n4] + i += 3 + + return r[0: len(r) - len(p)] + p + + +def decodeBase64(text): + base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" + s = "" + + for i in text: + if i in base64chars: + s += i + c = "" + else: + if i == '=': + c += '=' + + p = "" + if c == "=": + p = 'A' + else: + if c == "==": + p = "AA" + + r = "" + s = s + p + + i = 0 + while i < len(s): + n = (base64chars.index(s[i]) << 18) + (base64chars.index(s[i + 1]) << 12) + (base64chars.index(s[i + 2]) << 6) + base64chars.index(s[i + 3]) + + r += chr((n >> 16) & 255) + chr((n >> 8) & 255) + chr(n & 255) + + i += 4 + + return r[0: len(r) - len(p)] + + +def main(): + print(encodeBase64("WELCOME to base64 encoding")) + print(decodeBase64(encodeBase64("WELCOME to base64 encoding"))) + + +if __name__ == '__main__': + main() diff --git a/ciphers/base85.py b/ciphers/base85.py index cb549855f14d..d2eca6614bcd 100644 --- a/ciphers/base85.py +++ b/ciphers/base85.py @@ -1,13 +1,13 @@ -import base64 - - -def main(): - inp = input('->') - encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) - a85encoded = base64.a85encode(encoded) # a85encoded the encoded string - print(a85encoded) - print(base64.a85decode(a85encoded).decode('utf-8')) # decoded it - - -if __name__ == '__main__': - main() +import base64 + + +def main(): + inp = input('->') + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + a85encoded = base64.a85encode(encoded) # a85encoded the encoded string + print(a85encoded) + print(base64.a85decode(a85encoded).decode('utf-8')) # decoded it + + +if __name__ == '__main__': + main() diff --git a/ciphers/brute_force_caesar_cipher.py b/ciphers/brute_force_caesar_cipher.py index 22b6f3131b60..c6149ea986cd 100644 --- a/ciphers/brute_force_caesar_cipher.py +++ b/ciphers/brute_force_caesar_cipher.py @@ -1,59 +1,59 @@ -from __future__ import print_function - - -def decrypt(message): - """ - >>> decrypt('TMDETUX PMDVU') - Decryption using Key #0: TMDETUX PMDVU - Decryption using Key #1: SLCDSTW OLCUT - Decryption using Key #2: RKBCRSV NKBTS - Decryption using Key #3: QJABQRU MJASR - Decryption using Key #4: PIZAPQT LIZRQ - Decryption using Key #5: OHYZOPS KHYQP - Decryption using Key #6: NGXYNOR JGXPO - Decryption using Key #7: MFWXMNQ IFWON - Decryption using Key #8: LEVWLMP HEVNM - Decryption using Key #9: KDUVKLO GDUML - Decryption using Key #10: JCTUJKN FCTLK - Decryption using Key #11: IBSTIJM EBSKJ - Decryption using Key #12: HARSHIL DARJI - Decryption using Key #13: GZQRGHK CZQIH - Decryption using Key #14: FYPQFGJ BYPHG - Decryption using Key #15: EXOPEFI AXOGF - Decryption using Key #16: DWNODEH ZWNFE - Decryption using Key #17: CVMNCDG YVMED - Decryption using Key #18: BULMBCF XULDC - Decryption using Key #19: ATKLABE WTKCB - Decryption using Key #20: ZSJKZAD VSJBA - Decryption using Key #21: YRIJYZC URIAZ - Decryption using Key #22: XQHIXYB TQHZY - Decryption using Key #23: WPGHWXA SPGYX - Decryption using Key #24: VOFGVWZ ROFXW - Decryption using Key #25: UNEFUVY QNEWV - """ - LETTERS = "ABCDEFGHIJKLMNOPQRSTUVWXYZ" - for key in range(len(LETTERS)): - translated = "" - for symbol in message: - if symbol in LETTERS: - num = LETTERS.find(symbol) - num = num - key - if num < 0: - num = num + len(LETTERS) - translated = translated + LETTERS[num] - else: - translated = translated + symbol - print("Decryption using Key #%s: %s" % (key, translated)) - - -def main(): - message = input("Encrypted message: ") - message = message.upper() - decrypt(message) - - -if __name__ == '__main__': - import doctest - - doctest.testmod() - main() +from __future__ import print_function + + +def decrypt(message): + """ + >>> decrypt('TMDETUX PMDVU') + Decryption using Key #0: TMDETUX PMDVU + Decryption using Key #1: SLCDSTW OLCUT + Decryption using Key #2: RKBCRSV NKBTS + Decryption using Key #3: QJABQRU MJASR + Decryption using Key #4: PIZAPQT LIZRQ + Decryption using Key #5: OHYZOPS KHYQP + Decryption using Key #6: NGXYNOR JGXPO + Decryption using Key #7: MFWXMNQ IFWON + Decryption using Key #8: LEVWLMP HEVNM + Decryption using Key #9: KDUVKLO GDUML + Decryption using Key #10: JCTUJKN FCTLK + Decryption using Key #11: IBSTIJM EBSKJ + Decryption using Key #12: HARSHIL DARJI + Decryption using Key #13: GZQRGHK CZQIH + Decryption using Key #14: FYPQFGJ BYPHG + Decryption using Key #15: EXOPEFI AXOGF + Decryption using Key #16: DWNODEH ZWNFE + Decryption using Key #17: CVMNCDG YVMED + Decryption using Key #18: BULMBCF XULDC + Decryption using Key #19: ATKLABE WTKCB + Decryption using Key #20: ZSJKZAD VSJBA + Decryption using Key #21: YRIJYZC URIAZ + Decryption using Key #22: XQHIXYB TQHZY + Decryption using Key #23: WPGHWXA SPGYX + Decryption using Key #24: VOFGVWZ ROFXW + Decryption using Key #25: UNEFUVY QNEWV + """ + LETTERS = "ABCDEFGHIJKLMNOPQRSTUVWXYZ" + for key in range(len(LETTERS)): + translated = "" + for symbol in message: + if symbol in LETTERS: + num = LETTERS.find(symbol) + num = num - key + if num < 0: + num = num + len(LETTERS) + translated = translated + LETTERS[num] + else: + translated = translated + symbol + print("Decryption using Key #%s: %s" % (key, translated)) + + +def main(): + message = input("Encrypted message: ") + message = message.upper() + decrypt(message) + + +if __name__ == '__main__': + import doctest + + doctest.testmod() + main() diff --git a/ciphers/caesar_cipher.py b/ciphers/caesar_cipher.py index 75b470c0bf8e..658a8147d80d 100644 --- a/ciphers/caesar_cipher.py +++ b/ciphers/caesar_cipher.py @@ -1,65 +1,65 @@ -def encrypt(strng, key): - encrypted = '' - for x in strng: - indx = (ord(x) + key) % 256 - if indx > 126: - indx = indx - 95 - encrypted = encrypted + chr(indx) - return encrypted - - -def decrypt(strng, key): - decrypted = '' - for x in strng: - indx = (ord(x) - key) % 256 - if indx < 32: - indx = indx + 95 - decrypted = decrypted + chr(indx) - return decrypted - - -def brute_force(strng): - key = 1 - decrypted = '' - while key <= 94: - for x in strng: - indx = (ord(x) - key) % 256 - if indx < 32: - indx = indx + 95 - decrypted = decrypted + chr(indx) - print("Key: {}\t| Message: {}".format(key, decrypted)) - decrypted = '' - key += 1 - return None - - -def main(): - while True: - print('-' * 10 + "\n**Menu**\n" + '-' * 10) - print("1.Encrpyt") - print("2.Decrypt") - print("3.BruteForce") - print("4.Quit") - choice = input("What would you like to do?: ") - if choice not in ['1', '2', '3', '4']: - print("Invalid choice, please enter a valid choice") - elif choice == '1': - strng = input("Please enter the string to be encrypted: ") - key = int(input("Please enter off-set between 1-94: ")) - if key in range(1, 95): - print(encrypt(strng.lower(), key)) - elif choice == '2': - strng = input("Please enter the string to be decrypted: ") - key = int(input("Please enter off-set between 1-94: ")) - if key in range(1, 95): - print(decrypt(strng, key)) - elif choice == '3': - strng = input("Please enter the string to be decrypted: ") - brute_force(strng) - main() - elif choice == '4': - print("Goodbye.") - break - - -main() +def encrypt(strng, key): + encrypted = '' + for x in strng: + indx = (ord(x) + key) % 256 + if indx > 126: + indx = indx - 95 + encrypted = encrypted + chr(indx) + return encrypted + + +def decrypt(strng, key): + decrypted = '' + for x in strng: + indx = (ord(x) - key) % 256 + if indx < 32: + indx = indx + 95 + decrypted = decrypted + chr(indx) + return decrypted + + +def brute_force(strng): + key = 1 + decrypted = '' + while key <= 94: + for x in strng: + indx = (ord(x) - key) % 256 + if indx < 32: + indx = indx + 95 + decrypted = decrypted + chr(indx) + print("Key: {}\t| Message: {}".format(key, decrypted)) + decrypted = '' + key += 1 + return None + + +def main(): + while True: + print('-' * 10 + "\n**Menu**\n" + '-' * 10) + print("1.Encrpyt") + print("2.Decrypt") + print("3.BruteForce") + print("4.Quit") + choice = input("What would you like to do?: ") + if choice not in ['1', '2', '3', '4']: + print("Invalid choice, please enter a valid choice") + elif choice == '1': + strng = input("Please enter the string to be encrypted: ") + key = int(input("Please enter off-set between 1-94: ")) + if key in range(1, 95): + print(encrypt(strng.lower(), key)) + elif choice == '2': + strng = input("Please enter the string to be decrypted: ") + key = int(input("Please enter off-set between 1-94: ")) + if key in range(1, 95): + print(decrypt(strng, key)) + elif choice == '3': + strng = input("Please enter the string to be decrypted: ") + brute_force(strng) + main() + elif choice == '4': + print("Goodbye.") + break + + +main() diff --git a/ciphers/cryptomath_module.py b/ciphers/cryptomath_module.py index fc38e4bd2a22..5141b288d5b8 100644 --- a/ciphers/cryptomath_module.py +++ b/ciphers/cryptomath_module.py @@ -1,15 +1,15 @@ -def gcd(a, b): - while a != 0: - a, b = b % a, a - return b - - -def findModInverse(a, m): - if gcd(a, m) != 1: - return None - u1, u2, u3 = 1, 0, a - v1, v2, v3 = 0, 1, m - while v3 != 0: - q = u3 // v3 - v1, v2, v3, u1, u2, u3 = (u1 - q * v1), (u2 - q * v2), (u3 - q * v3), v1, v2, v3 - return u1 % m +def gcd(a, b): + while a != 0: + a, b = b % a, a + return b + + +def findModInverse(a, m): + if gcd(a, m) != 1: + return None + u1, u2, u3 = 1, 0, a + v1, v2, v3 = 0, 1, m + while v3 != 0: + q = u3 // v3 + v1, v2, v3, u1, u2, u3 = (u1 - q * v1), (u2 - q * v2), (u3 - q * v3), v1, v2, v3 + return u1 % m diff --git a/ciphers/elgamal_key_generator.py b/ciphers/elgamal_key_generator.py index fe6714a7e614..02a8698973e5 100644 --- a/ciphers/elgamal_key_generator.py +++ b/ciphers/elgamal_key_generator.py @@ -1,64 +1,64 @@ -import os -import random -import sys - -import cryptomath_module as cryptoMath -import rabin_miller as rabinMiller - -min_primitive_root = 3 - - -def main(): - print('Making key files...') - makeKeyFiles('elgamal', 2048) - print('Key files generation successful') - - -# I have written my code naively same as definition of primitive root -# however every time I run this program, memory exceeded... -# so I used 4.80 Algorithm in Handbook of Applied Cryptography(CRC Press, ISBN : 0-8493-8523-7, October 1996) -# and it seems to run nicely! -def primitiveRoot(p_val): - print("Generating primitive root of p") - while True: - g = random.randrange(3, p_val) - if pow(g, 2, p_val) == 1: - continue - if pow(g, p_val, p_val) == 1: - continue - return g - - -def generateKey(keySize): - print('Generating prime p...') - p = rabinMiller.generateLargePrime(keySize) # select large prime number. - e_1 = primitiveRoot(p) # one primitive root on modulo p. - d = random.randrange(3, p) # private_key -> have to be greater than 2 for safety. - e_2 = cryptoMath.findModInverse(pow(e_1, d, p), p) - - publicKey = (keySize, e_1, e_2, p) - privateKey = (keySize, d) - - return publicKey, privateKey - - -def makeKeyFiles(name, keySize): - if os.path.exists('%s_pubkey.txt' % name) or os.path.exists('%s_privkey.txt' % name): - print('\nWARNING:') - print('"%s_pubkey.txt" or "%s_privkey.txt" already exists. \n' - 'Use a different name or delete these files and re-run this program.' % - (name, name)) - sys.exit() - - publicKey, privateKey = generateKey(keySize) - print('\nWriting public key to file %s_pubkey.txt...' % name) - with open('%s_pubkey.txt' % name, 'w') as fo: - fo.write('%d,%d,%d,%d' % (publicKey[0], publicKey[1], publicKey[2], publicKey[3])) - - print('Writing private key to file %s_privkey.txt...' % name) - with open('%s_privkey.txt' % name, 'w') as fo: - fo.write('%d,%d' % (privateKey[0], privateKey[1])) - - -if __name__ == '__main__': - main() +import os +import random +import sys + +import cryptomath_module as cryptoMath +import rabin_miller as rabinMiller + +min_primitive_root = 3 + + +def main(): + print('Making key files...') + makeKeyFiles('elgamal', 2048) + print('Key files generation successful') + + +# I have written my code naively same as definition of primitive root +# however every time I run this program, memory exceeded... +# so I used 4.80 Algorithm in Handbook of Applied Cryptography(CRC Press, ISBN : 0-8493-8523-7, October 1996) +# and it seems to run nicely! +def primitiveRoot(p_val): + print("Generating primitive root of p") + while True: + g = random.randrange(3, p_val) + if pow(g, 2, p_val) == 1: + continue + if pow(g, p_val, p_val) == 1: + continue + return g + + +def generateKey(keySize): + print('Generating prime p...') + p = rabinMiller.generateLargePrime(keySize) # select large prime number. + e_1 = primitiveRoot(p) # one primitive root on modulo p. + d = random.randrange(3, p) # private_key -> have to be greater than 2 for safety. + e_2 = cryptoMath.findModInverse(pow(e_1, d, p), p) + + publicKey = (keySize, e_1, e_2, p) + privateKey = (keySize, d) + + return publicKey, privateKey + + +def makeKeyFiles(name, keySize): + if os.path.exists('%s_pubkey.txt' % name) or os.path.exists('%s_privkey.txt' % name): + print('\nWARNING:') + print('"%s_pubkey.txt" or "%s_privkey.txt" already exists. \n' + 'Use a different name or delete these files and re-run this program.' % + (name, name)) + sys.exit() + + publicKey, privateKey = generateKey(keySize) + print('\nWriting public key to file %s_pubkey.txt...' % name) + with open('%s_pubkey.txt' % name, 'w') as fo: + fo.write('%d,%d,%d,%d' % (publicKey[0], publicKey[1], publicKey[2], publicKey[3])) + + print('Writing private key to file %s_privkey.txt...' % name) + with open('%s_privkey.txt' % name, 'w') as fo: + fo.write('%d,%d' % (privateKey[0], privateKey[1])) + + +if __name__ == '__main__': + main() diff --git a/ciphers/hill_cipher.py b/ciphers/hill_cipher.py index 19f71c45f3e8..3ca5020c33c8 100644 --- a/ciphers/hill_cipher.py +++ b/ciphers/hill_cipher.py @@ -1,167 +1,167 @@ -""" - -Hill Cipher: -The below defined class 'HillCipher' implements the Hill Cipher algorithm. -The Hill Cipher is an algorithm that implements modern linear algebra techniques -In this algortihm, you have an encryption key matrix. This is what will be used -in encoding and decoding your text. - -Algortihm: -Let the order of the encryption key be N (as it is a square matrix). -Your text is divided into batches of length N and converted to numerical vectors -by a simple mapping starting with A=0 and so on. - -The key is then mulitplied with the newly created batch vector to obtain the -encoded vector. After each multiplication modular 36 calculations are performed -on the vectors so as to bring the numbers between 0 and 36 and then mapped with -their corresponding alphanumerics. - -While decrypting, the decrypting key is found which is the inverse of the -encrypting key modular 36. The same process is repeated for decrypting to get -the original message back. - -Constraints: -The determinant of the encryption key matrix must be relatively prime w.r.t 36. - -Note: -The algorithm implemented in this code considers only alphanumerics in the text. -If the length of the text to be encrypted is not a multiple of the -break key(the length of one batch of letters),the last character of the text -is added to the text until the length of the text reaches a multiple of -the break_key. So the text after decrypting might be a little different than -the original text. - -References: -https://apprendre-en-ligne.net/crypto/hill/Hillciph.pdf -https://www.youtube.com/watch?v=kfmNeskzs2o -https://www.youtube.com/watch?v=4RhLNDqcjpA - -""" - -import numpy - - -def gcd(a, b): - if a == 0: - return b - return gcd(b % a, a) - - -class HillCipher: - key_string = "ABCDEFGHIJKLMNOPQRSTUVWXYZ0123456789" - # This cipher takes alphanumerics into account - # i.e. a total of 36 characters - - replaceLetters = lambda self, letter: self.key_string.index(letter) - replaceNumbers = lambda self, num: self.key_string[round(num)] - - # take x and return x % len(key_string) - modulus = numpy.vectorize(lambda x: x % 36) - - toInt = numpy.vectorize(lambda x: round(x)) - - def __init__(self, encrypt_key): - """ - encrypt_key is an NxN numpy matrix - """ - self.encrypt_key = self.modulus(encrypt_key) # mod36 calc's on the encrypt key - self.checkDeterminant() # validate the determinant of the encryption key - self.decrypt_key = None - self.break_key = encrypt_key.shape[0] - - def checkDeterminant(self): - det = round(numpy.linalg.det(self.encrypt_key)) - - if det < 0: - det = det % len(self.key_string) - - req_l = len(self.key_string) - if gcd(det, len(self.key_string)) != 1: - raise ValueError("discriminant modular {0} of encryption key({1}) is not co prime w.r.t {2}.\nTry another key.".format(req_l, det, req_l)) - - def processText(self, text): - text = list(text.upper()) - text = [char for char in text if char in self.key_string] - - last = text[-1] - while len(text) % self.break_key != 0: - text.append(last) - - return ''.join(text) - - def encrypt(self, text): - text = self.processText(text.upper()) - encrypted = '' - - for i in range(0, len(text) - self.break_key + 1, self.break_key): - batch = text[i:i + self.break_key] - batch_vec = list(map(self.replaceLetters, batch)) - batch_vec = numpy.matrix([batch_vec]).T - batch_encrypted = self.modulus(self.encrypt_key.dot(batch_vec)).T.tolist()[0] - encrypted_batch = ''.join(list(map(self.replaceNumbers, batch_encrypted))) - encrypted += encrypted_batch - - return encrypted - - def makeDecryptKey(self): - det = round(numpy.linalg.det(self.encrypt_key)) - - if det < 0: - det = det % len(self.key_string) - det_inv = None - for i in range(len(self.key_string)): - if (det * i) % len(self.key_string) == 1: - det_inv = i - break - - inv_key = det_inv * numpy.linalg.det(self.encrypt_key) * \ - numpy.linalg.inv(self.encrypt_key) - - return self.toInt(self.modulus(inv_key)) - - def decrypt(self, text): - self.decrypt_key = self.makeDecryptKey() - text = self.processText(text.upper()) - decrypted = '' - - for i in range(0, len(text) - self.break_key + 1, self.break_key): - batch = text[i:i + self.break_key] - batch_vec = list(map(self.replaceLetters, batch)) - batch_vec = numpy.matrix([batch_vec]).T - batch_decrypted = self.modulus(self.decrypt_key.dot(batch_vec)).T.tolist()[0] - decrypted_batch = ''.join(list(map(self.replaceNumbers, batch_decrypted))) - decrypted += decrypted_batch - - return decrypted - - -def main(): - N = int(input("Enter the order of the encryption key: ")) - hill_matrix = [] - - print("Enter each row of the encryption key with space separated integers") - for i in range(N): - row = list(map(int, input().split())) - hill_matrix.append(row) - - hc = HillCipher(numpy.matrix(hill_matrix)) - - print("Would you like to encrypt or decrypt some text? (1 or 2)") - option = input(""" -1. Encrypt -2. Decrypt -""" - ) - - if option == '1': - text_e = input("What text would you like to encrypt?: ") - print("Your encrypted text is:") - print(hc.encrypt(text_e)) - elif option == '2': - text_d = input("What text would you like to decrypt?: ") - print("Your decrypted text is:") - print(hc.decrypt(text_d)) - - -if __name__ == "__main__": - main() +""" + +Hill Cipher: +The below defined class 'HillCipher' implements the Hill Cipher algorithm. +The Hill Cipher is an algorithm that implements modern linear algebra techniques +In this algortihm, you have an encryption key matrix. This is what will be used +in encoding and decoding your text. + +Algortihm: +Let the order of the encryption key be N (as it is a square matrix). +Your text is divided into batches of length N and converted to numerical vectors +by a simple mapping starting with A=0 and so on. + +The key is then mulitplied with the newly created batch vector to obtain the +encoded vector. After each multiplication modular 36 calculations are performed +on the vectors so as to bring the numbers between 0 and 36 and then mapped with +their corresponding alphanumerics. + +While decrypting, the decrypting key is found which is the inverse of the +encrypting key modular 36. The same process is repeated for decrypting to get +the original message back. + +Constraints: +The determinant of the encryption key matrix must be relatively prime w.r.t 36. + +Note: +The algorithm implemented in this code considers only alphanumerics in the text. +If the length of the text to be encrypted is not a multiple of the +break key(the length of one batch of letters),the last character of the text +is added to the text until the length of the text reaches a multiple of +the break_key. So the text after decrypting might be a little different than +the original text. + +References: +https://apprendre-en-ligne.net/crypto/hill/Hillciph.pdf +https://www.youtube.com/watch?v=kfmNeskzs2o +https://www.youtube.com/watch?v=4RhLNDqcjpA + +""" + +import numpy + + +def gcd(a, b): + if a == 0: + return b + return gcd(b % a, a) + + +class HillCipher: + key_string = "ABCDEFGHIJKLMNOPQRSTUVWXYZ0123456789" + # This cipher takes alphanumerics into account + # i.e. a total of 36 characters + + replaceLetters = lambda self, letter: self.key_string.index(letter) + replaceNumbers = lambda self, num: self.key_string[round(num)] + + # take x and return x % len(key_string) + modulus = numpy.vectorize(lambda x: x % 36) + + toInt = numpy.vectorize(lambda x: round(x)) + + def __init__(self, encrypt_key): + """ + encrypt_key is an NxN numpy matrix + """ + self.encrypt_key = self.modulus(encrypt_key) # mod36 calc's on the encrypt key + self.checkDeterminant() # validate the determinant of the encryption key + self.decrypt_key = None + self.break_key = encrypt_key.shape[0] + + def checkDeterminant(self): + det = round(numpy.linalg.det(self.encrypt_key)) + + if det < 0: + det = det % len(self.key_string) + + req_l = len(self.key_string) + if gcd(det, len(self.key_string)) != 1: + raise ValueError("discriminant modular {0} of encryption key({1}) is not co prime w.r.t {2}.\nTry another key.".format(req_l, det, req_l)) + + def processText(self, text): + text = list(text.upper()) + text = [char for char in text if char in self.key_string] + + last = text[-1] + while len(text) % self.break_key != 0: + text.append(last) + + return ''.join(text) + + def encrypt(self, text): + text = self.processText(text.upper()) + encrypted = '' + + for i in range(0, len(text) - self.break_key + 1, self.break_key): + batch = text[i:i + self.break_key] + batch_vec = list(map(self.replaceLetters, batch)) + batch_vec = numpy.matrix([batch_vec]).T + batch_encrypted = self.modulus(self.encrypt_key.dot(batch_vec)).T.tolist()[0] + encrypted_batch = ''.join(list(map(self.replaceNumbers, batch_encrypted))) + encrypted += encrypted_batch + + return encrypted + + def makeDecryptKey(self): + det = round(numpy.linalg.det(self.encrypt_key)) + + if det < 0: + det = det % len(self.key_string) + det_inv = None + for i in range(len(self.key_string)): + if (det * i) % len(self.key_string) == 1: + det_inv = i + break + + inv_key = det_inv * numpy.linalg.det(self.encrypt_key) * \ + numpy.linalg.inv(self.encrypt_key) + + return self.toInt(self.modulus(inv_key)) + + def decrypt(self, text): + self.decrypt_key = self.makeDecryptKey() + text = self.processText(text.upper()) + decrypted = '' + + for i in range(0, len(text) - self.break_key + 1, self.break_key): + batch = text[i:i + self.break_key] + batch_vec = list(map(self.replaceLetters, batch)) + batch_vec = numpy.matrix([batch_vec]).T + batch_decrypted = self.modulus(self.decrypt_key.dot(batch_vec)).T.tolist()[0] + decrypted_batch = ''.join(list(map(self.replaceNumbers, batch_decrypted))) + decrypted += decrypted_batch + + return decrypted + + +def main(): + N = int(input("Enter the order of the encryption key: ")) + hill_matrix = [] + + print("Enter each row of the encryption key with space separated integers") + for i in range(N): + row = list(map(int, input().split())) + hill_matrix.append(row) + + hc = HillCipher(numpy.matrix(hill_matrix)) + + print("Would you like to encrypt or decrypt some text? (1 or 2)") + option = input(""" +1. Encrypt +2. Decrypt +""" + ) + + if option == '1': + text_e = input("What text would you like to encrypt?: ") + print("Your encrypted text is:") + print(hc.encrypt(text_e)) + elif option == '2': + text_d = input("What text would you like to decrypt?: ") + print("Your decrypted text is:") + print(hc.decrypt(text_d)) + + +if __name__ == "__main__": + main() diff --git a/ciphers/morse_Code_implementation.py b/ciphers/morse_Code_implementation.py index 54b509caf049..b32533f7501f 100644 --- a/ciphers/morse_Code_implementation.py +++ b/ciphers/morse_Code_implementation.py @@ -1,75 +1,75 @@ -# Python program to implement Morse Code Translator - - -# Dictionary representing the morse code chart -MORSE_CODE_DICT = {'A': '.-', 'B': '-...', - 'C': '-.-.', 'D': '-..', 'E': '.', - 'F': '..-.', 'G': '--.', 'H': '....', - 'I': '..', 'J': '.---', 'K': '-.-', - 'L': '.-..', 'M': '--', 'N': '-.', - 'O': '---', 'P': '.--.', 'Q': '--.-', - 'R': '.-.', 'S': '...', 'T': '-', - 'U': '..-', 'V': '...-', 'W': '.--', - 'X': '-..-', 'Y': '-.--', 'Z': '--..', - '1': '.----', '2': '..---', '3': '...--', - '4': '....-', '5': '.....', '6': '-....', - '7': '--...', '8': '---..', '9': '----.', - '0': '-----', ', ': '--..--', '.': '.-.-.-', - '?': '..--..', '/': '-..-.', '-': '-....-', - '(': '-.--.', ')': '-.--.-'} - - -def encrypt(message): - cipher = '' - for letter in message: - if letter != ' ': - - cipher += MORSE_CODE_DICT[letter] + ' ' - else: - - cipher += ' ' - - return cipher - - -def decrypt(message): - message += ' ' - - decipher = '' - citext = '' - for letter in message: - - if (letter != ' '): - - i = 0 - - citext += letter - - else: - - i += 1 - - if i == 2: - - decipher += ' ' - else: - - decipher += list(MORSE_CODE_DICT.keys())[list(MORSE_CODE_DICT - .values()).index(citext)] - citext = '' - - return decipher - - -def main(): - message = "Morse code here" - result = encrypt(message.upper()) - print(result) - - message = result - result = decrypt(message) - print(result) - - -if __name__ == '__main__': - main() +# Python program to implement Morse Code Translator + + +# Dictionary representing the morse code chart +MORSE_CODE_DICT = {'A': '.-', 'B': '-...', + 'C': '-.-.', 'D': '-..', 'E': '.', + 'F': '..-.', 'G': '--.', 'H': '....', + 'I': '..', 'J': '.---', 'K': '-.-', + 'L': '.-..', 'M': '--', 'N': '-.', + 'O': '---', 'P': '.--.', 'Q': '--.-', + 'R': '.-.', 'S': '...', 'T': '-', + 'U': '..-', 'V': '...-', 'W': '.--', + 'X': '-..-', 'Y': '-.--', 'Z': '--..', + '1': '.----', '2': '..---', '3': '...--', + '4': '....-', '5': '.....', '6': '-....', + '7': '--...', '8': '---..', '9': '----.', + '0': '-----', ', ': '--..--', '.': '.-.-.-', + '?': '..--..', '/': '-..-.', '-': '-....-', + '(': '-.--.', ')': '-.--.-'} + + +def encrypt(message): + cipher = '' + for letter in message: + if letter != ' ': + + cipher += MORSE_CODE_DICT[letter] + ' ' + else: + + cipher += ' ' + + return cipher + + +def decrypt(message): + message += ' ' + + decipher = '' + citext = '' + for letter in message: + + if (letter != ' '): + + i = 0 + + citext += letter + + else: + + i += 1 + + if i == 2: + + decipher += ' ' + else: + + decipher += list(MORSE_CODE_DICT.keys())[list(MORSE_CODE_DICT + .values()).index(citext)] + citext = '' + + return decipher + + +def main(): + message = "Morse code here" + result = encrypt(message.upper()) + print(result) + + message = result + result = decrypt(message) + print(result) + + +if __name__ == '__main__': + main() diff --git a/ciphers/onepad_cipher.py b/ciphers/onepad_cipher.py index 6ee1ed18d44b..08b6d967f339 100644 --- a/ciphers/onepad_cipher.py +++ b/ciphers/onepad_cipher.py @@ -1,32 +1,32 @@ -from __future__ import print_function - -import random - - -class Onepad: - def encrypt(self, text): - '''Function to encrypt text using psedo-random numbers''' - plain = [ord(i) for i in text] - key = [] - cipher = [] - for i in plain: - k = random.randint(1, 300) - c = (i + k) * k - cipher.append(c) - key.append(k) - return cipher, key - - def decrypt(self, cipher, key): - '''Function to decrypt text using psedo-random numbers.''' - plain = [] - for i in range(len(key)): - p = int((cipher[i] - (key[i]) ** 2) / key[i]) - plain.append(chr(p)) - plain = ''.join([i for i in plain]) - return plain - - -if __name__ == '__main__': - c, k = Onepad().encrypt('Hello') - print(c, k) - print(Onepad().decrypt(c, k)) +from __future__ import print_function + +import random + + +class Onepad: + def encrypt(self, text): + '''Function to encrypt text using psedo-random numbers''' + plain = [ord(i) for i in text] + key = [] + cipher = [] + for i in plain: + k = random.randint(1, 300) + c = (i + k) * k + cipher.append(c) + key.append(k) + return cipher, key + + def decrypt(self, cipher, key): + '''Function to decrypt text using psedo-random numbers.''' + plain = [] + for i in range(len(key)): + p = int((cipher[i] - (key[i]) ** 2) / key[i]) + plain.append(chr(p)) + plain = ''.join([i for i in plain]) + return plain + + +if __name__ == '__main__': + c, k = Onepad().encrypt('Hello') + print(c, k) + print(Onepad().decrypt(c, k)) diff --git a/ciphers/playfair_cipher.py b/ciphers/playfair_cipher.py index 7fb9daeabb87..78f2194a1f19 100644 --- a/ciphers/playfair_cipher.py +++ b/ciphers/playfair_cipher.py @@ -1,103 +1,103 @@ -import itertools -import string - - -def chunker(seq, size): - it = iter(seq) - while True: - chunk = tuple(itertools.islice(it, size)) - if not chunk: - return - yield chunk - - -def prepare_input(dirty): - """ - Prepare the plaintext by up-casing it - and separating repeated letters with X's - """ - - dirty = ''.join([c.upper() for c in dirty if c in string.ascii_letters]) - clean = "" - - if len(dirty) < 2: - return dirty - - for i in range(len(dirty) - 1): - clean += dirty[i] - - if dirty[i] == dirty[i + 1]: - clean += 'X' - - clean += dirty[-1] - - if len(clean) & 1: - clean += 'X' - - return clean - - -def generate_table(key): - # I and J are used interchangeably to allow - # us to use a 5x5 table (25 letters) - alphabet = "ABCDEFGHIKLMNOPQRSTUVWXYZ" - # we're using a list instead of a '2d' array because it makes the math - # for setting up the table and doing the actual encoding/decoding simpler - table = [] - - # copy key chars into the table if they are in `alphabet` ignoring duplicates - for char in key.upper(): - if char not in table and char in alphabet: - table.append(char) - - # fill the rest of the table in with the remaining alphabet chars - for char in alphabet: - if char not in table: - table.append(char) - - return table - - -def encode(plaintext, key): - table = generate_table(key) - plaintext = prepare_input(plaintext) - ciphertext = "" - - # https://en.wikipedia.org/wiki/Playfair_cipher#Description - for char1, char2 in chunker(plaintext, 2): - row1, col1 = divmod(table.index(char1), 5) - row2, col2 = divmod(table.index(char2), 5) - - if row1 == row2: - ciphertext += table[row1 * 5 + (col1 + 1) % 5] - ciphertext += table[row2 * 5 + (col2 + 1) % 5] - elif col1 == col2: - ciphertext += table[((row1 + 1) % 5) * 5 + col1] - ciphertext += table[((row2 + 1) % 5) * 5 + col2] - else: # rectangle - ciphertext += table[row1 * 5 + col2] - ciphertext += table[row2 * 5 + col1] - - return ciphertext - - -def decode(ciphertext, key): - table = generate_table(key) - plaintext = "" - - # https://en.wikipedia.org/wiki/Playfair_cipher#Description - for char1, char2 in chunker(ciphertext, 2): - row1, col1 = divmod(table.index(char1), 5) - row2, col2 = divmod(table.index(char2), 5) - - if row1 == row2: - plaintext += table[row1 * 5 + (col1 - 1) % 5] - plaintext += table[row2 * 5 + (col2 - 1) % 5] - elif col1 == col2: - plaintext += table[((row1 - 1) % 5) * 5 + col1] - plaintext += table[((row2 - 1) % 5) * 5 + col2] - else: # rectangle - plaintext += table[row1 * 5 + col2] - plaintext += table[row2 * 5 + col1] - - return plaintext +import itertools +import string + + +def chunker(seq, size): + it = iter(seq) + while True: + chunk = tuple(itertools.islice(it, size)) + if not chunk: + return + yield chunk + + +def prepare_input(dirty): + """ + Prepare the plaintext by up-casing it + and separating repeated letters with X's + """ + + dirty = ''.join([c.upper() for c in dirty if c in string.ascii_letters]) + clean = "" + + if len(dirty) < 2: + return dirty + + for i in range(len(dirty) - 1): + clean += dirty[i] + + if dirty[i] == dirty[i + 1]: + clean += 'X' + + clean += dirty[-1] + + if len(clean) & 1: + clean += 'X' + + return clean + + +def generate_table(key): + # I and J are used interchangeably to allow + # us to use a 5x5 table (25 letters) + alphabet = "ABCDEFGHIKLMNOPQRSTUVWXYZ" + # we're using a list instead of a '2d' array because it makes the math + # for setting up the table and doing the actual encoding/decoding simpler + table = [] + + # copy key chars into the table if they are in `alphabet` ignoring duplicates + for char in key.upper(): + if char not in table and char in alphabet: + table.append(char) + + # fill the rest of the table in with the remaining alphabet chars + for char in alphabet: + if char not in table: + table.append(char) + + return table + + +def encode(plaintext, key): + table = generate_table(key) + plaintext = prepare_input(plaintext) + ciphertext = "" + + # https://en.wikipedia.org/wiki/Playfair_cipher#Description + for char1, char2 in chunker(plaintext, 2): + row1, col1 = divmod(table.index(char1), 5) + row2, col2 = divmod(table.index(char2), 5) + + if row1 == row2: + ciphertext += table[row1 * 5 + (col1 + 1) % 5] + ciphertext += table[row2 * 5 + (col2 + 1) % 5] + elif col1 == col2: + ciphertext += table[((row1 + 1) % 5) * 5 + col1] + ciphertext += table[((row2 + 1) % 5) * 5 + col2] + else: # rectangle + ciphertext += table[row1 * 5 + col2] + ciphertext += table[row2 * 5 + col1] + + return ciphertext + + +def decode(ciphertext, key): + table = generate_table(key) + plaintext = "" + + # https://en.wikipedia.org/wiki/Playfair_cipher#Description + for char1, char2 in chunker(ciphertext, 2): + row1, col1 = divmod(table.index(char1), 5) + row2, col2 = divmod(table.index(char2), 5) + + if row1 == row2: + plaintext += table[row1 * 5 + (col1 - 1) % 5] + plaintext += table[row2 * 5 + (col2 - 1) % 5] + elif col1 == col2: + plaintext += table[((row1 - 1) % 5) * 5 + col1] + plaintext += table[((row2 - 1) % 5) * 5 + col2] + else: # rectangle + plaintext += table[row1 * 5 + col2] + plaintext += table[row2 * 5 + col1] + + return plaintext diff --git a/ciphers/prehistoric_men.txt b/ciphers/prehistoric_men.txt index 86c4de821bfc..724b6753f3b3 100644 --- a/ciphers/prehistoric_men.txt +++ b/ciphers/prehistoric_men.txt @@ -1,7193 +1,7193 @@ -The Project Gutenberg eBook, Prehistoric Men, by Robert J. (Robert John) -Braidwood, Illustrated by Susan T. Richert - - -This eBook is for the use of anyone anywhere in the United States and most -other parts of the world at no cost and with almost no restrictions -whatsoever. You may copy it, give it away or re-use it under the terms of -the Project Gutenberg License included with this eBook or online at -www.gutenberg.org. If you are not located in the United States, you'll have -to check the laws of the country where you are located before using this ebook. - - -Title: Prehistoric Men -Author: Robert J. (Robert John) Braidwood -Release Date: July 28, 2016 [eBook #52664] -Language: English -Character set encoding: UTF-8 - - -***START OF THE PROJECT GUTENBERG EBOOK PREHISTORIC MEN*** - - -E-text prepared by Stephen Hutcheson, Dave Morgan, Charlie Howard, and the -Online Distributed Proofreading Team (http://www.pgdp.net) - - - -Note: Project Gutenberg also has an HTML version of this - file which includes the original illustrations. - See 52664-h.htm or 52664-h.zip: - (http://www.gutenberg.org/files/52664/52664-h/52664-h.htm) - or - (http://www.gutenberg.org/files/52664/52664-h.zip) - - -Transcriber's note: - - Some characters might not display in this UTF-8 text - version. If so, the reader should consult the HTML - version referred to above. One example of this might - occur in the second paragraph under "Choppers and - Adze-like Tools", page 46, which contains the phrase - an adze cutting edge is ? shaped. The symbol before - shaped looks like a sharply-italicized sans-serif L. - Devices that cannot display that symbol may substitute - a question mark, a square, or other symbol. - - -PREHISTORIC MEN - -by - -ROBERT J. BRAIDWOOD - -Research Associate, Old World Prehistory - -Professor -Oriental Institute and Department of Anthropology -University of Chicago - -Drawings by Susan T. Richert - - -[Illustration] - -Chicago Natural History Museum -Popular Series -Anthropology, Number 37 - -Third Edition Issued in Co-operation with -The Oriental Institute, The University of Chicago - -Edited by Lillian A. Ross - -Printed in the United States of America -by Chicago Natural History Museum Press - -Copyright 1948, 1951, and 1957 by Chicago Natural History Museum - -First edition 1948 -Second edition 1951 -Third edition 1957 -Fourth edition 1959 - - -Preface - -[Illustration] - - -Like the writing of most professional archeologists, mine has been -confined to so-called learned papers. Good, bad, or indifferent, these -papers were in a jargon that only my colleagues and a few advanced -students could understand. Hence, when I was asked to do this little -book, I soon found it extremely difficult to say what I meant in simple -fashion. The style is new to me, but I hope the reader will not find it -forced or pedantic; at least I have done my very best to tell the story -simply and clearly. - -Many friends have aided in the preparation of the book. The whimsical -charm of Miss Susan Richerts illustrations add enormously to the -spirit I wanted. She gave freely of her own time on the drawings and -in planning the book with me. My colleagues at the University of -Chicago, especially Professor Wilton M. Krogman (now of the University -of Pennsylvania), and also Mrs. Linda Braidwood, Associate of the -Oriental Institute, and Professors Fay-Cooper Cole and Sol Tax, of -the Department of Anthropology, gave me counsel in matters bearing on -their special fields, and the Department of Anthropology bore some of -the expense of the illustrations. From Mrs. Irma Hunter and Mr. Arnold -Maremont, who are not archeologists at all and have only an intelligent -laymans notion of archeology, I had sound advice on how best to tell -the story. I am deeply indebted to all these friends. - -While I was preparing the second edition, I had the great fortune -to be able to rework the third chapter with Professor Sherwood L. -Washburn, now of the Department of Anthropology of the University of -California, and the fourth, fifth, and sixth chapters with Professor -Hallum L. Movius, Jr., of the Peabody Museum, Harvard University. The -book has gained greatly in accuracy thereby. In matters of dating, -Professor Movius and the indications of Professor W. F. Libbys Carbon -14 chronology project have both encouraged me to choose the lowest -dates now current for the events of the Pleistocene Ice Age. There is -still no certain way of fixing a direct chronology for most of the -Pleistocene, but Professor Libbys method appears very promising for -its end range and for proto-historic dates. In any case, this book -names periods, and new dates may be written in against mine, if new -and better dating systems appear. - -I wish to thank Dr. Clifford C. Gregg, Director of Chicago Natural -History Museum, for the opportunity to publish this book. My old -friend, Dr. Paul S. Martin, Chief Curator in the Department of -Anthropology, asked me to undertake the job and inspired me to complete -it. I am also indebted to Miss Lillian A. Ross, Associate Editor of -Scientific Publications, and to Mr. George I. Quimby, Curator of -Exhibits in Anthropology, for all the time they have given me in -getting the manuscript into proper shape. - - ROBERT J. BRAIDWOOD - _June 15, 1950_ - - - - -Preface to the Third Edition - - -In preparing the enlarged third edition, many of the above mentioned -friends have again helped me. I have picked the brains of Professor F. -Clark Howell of the Department of Anthropology of the University of -Chicago in reworking the earlier chapters, and he was very patient in -the matter, which I sincerely appreciate. - -All of Mrs. Susan Richert Allens original drawings appear, but a few -necessary corrections have been made in some of the charts and some new -drawings have been added by Mr. John Pfiffner, Staff Artist, Chicago -Natural History Museum. - - ROBERT J. BRAIDWOOD - _March 1, 1959_ - - - - -Contents - - - PAGE - How We Learn about Prehistoric Men 7 - - The Changing World in Which Prehistoric Men Lived 17 - - Prehistoric Men Themselves 22 - - Cultural Beginnings 38 - - More Evidence of Culture 56 - - Early Moderns 70 - - End and Prelude 92 - - The First Revolution 121 - - The Conquest of Civilization 144 - - End of Prehistory 162 - - Summary 176 - - List of Books 180 - - Index 184 - - - - -HOW WE LEARN about Prehistoric Men - -[Illustration] - - -Prehistory means the time before written history began. Actually, more -than 99 per cent of mans story is prehistory. Man is at least half a -million years old, but he did not begin to write history (or to write -anything) until about 5,000 years ago. - -The men who lived in prehistoric times left us no history books, but -they did unintentionally leave a record of their presence and their way -of life. This record is studied and interpreted by different kinds of -scientists. - - -SCIENTISTS WHO FIND OUT ABOUT PREHISTORIC MEN - -The scientists who study the bones and teeth and any other parts -they find of the bodies of prehistoric men, are called _physical -anthropologists_. Physical anthropologists are trained, much like -doctors, to know all about the human body. They study living people, -too; they know more about the biological facts of human races than -anybody else. If the police find a badly decayed body in a trunk, -they ask a physical anthropologist to tell them what the person -originally looked like. The physical anthropologists who specialize in -prehistoric men work with fossils, so they are sometimes called _human -paleontologists_. - - -ARCHEOLOGISTS - -There is a kind of scientist who studies the things that prehistoric -men made and did. Such a scientist is called an _archeologist_. It is -the archeologists business to look for the stone and metal tools, the -pottery, the graves, and the caves or huts of the men who lived before -history began. - -But there is more to archeology than just looking for things. In -Professor V. Gordon Childes words, archeology furnishes a sort of -history of human activity, provided always that the actions have -produced concrete results and left recognizable material traces. You -will see that there are at least three points in what Childe says: - - 1. The archeologists have to find the traces of things left behind by - ancient man, and - - 2. Only a few objects may be found, for most of these were probably - too soft or too breakable to last through the years. However, - - 3. The archeologist must use whatever he can find to tell a story--to - make a sort of history--from the objects and living-places and - graves that have escaped destruction. - -What I mean is this: Let us say you are walking through a dump yard, -and you find a rusty old spark plug. If you want to think about what -the spark plug means, you quickly remember that it is a part of an -automobile motor. This tells you something about the man who threw -the spark plug on the dump. He either had an automobile, or he knew -or lived near someone who did. He cant have lived so very long ago, -youll remember, because spark plugs and automobiles are only about -sixty years old. - -When you think about the old spark plug in this way you have -just been making the beginnings of what we call an archeological -_interpretation_; you have been making the spark plug tell a story. -It is the same way with the man-made things we archeologists find -and put in museums. Usually, only a few of these objects are pretty -to look at; but each of them has some sort of story to tell. Making -the interpretation of his finds is the most important part of the -archeologists job. It is the way he gets at the sort of history of -human activity which is expected of archeology. - - -SOME OTHER SCIENTISTS - -There are many other scientists who help the archeologist and the -physical anthropologist find out about prehistoric men. The geologists -help us tell the age of the rocks or caves or gravel beds in which -human bones or man-made objects are found. There are other scientists -with names which all begin with paleo (the Greek word for old). The -_paleontologists_ study fossil animals. There are also, for example, -such scientists as _paleobotanists_ and _paleoclimatologists_, who -study ancient plants and climates. These scientists help us to know -the kinds of animals and plants that were living in prehistoric times -and so could be used for food by ancient man; what the weather was -like; and whether there were glaciers. Also, when I tell you that -prehistoric men did not appear until long after the great dinosaurs had -disappeared, I go on the say-so of the paleontologists. They know that -fossils of men and of dinosaurs are not found in the same geological -period. The dinosaur fossils come in early periods, the fossils of men -much later. - -Since World War II even the atomic scientists have been helping the -archeologists. By testing the amount of radioactivity left in charcoal, -wood, or other vegetable matter obtained from archeological sites, they -have been able to date the sites. Shell has been used also, and even -the hair of Egyptian mummies. The dates of geological and climatic -events have also been discovered. Some of this work has been done from -drillings taken from the bottom of the sea. - -This dating by radioactivity has considerably shortened the dates which -the archeologists used to give. If you find that some of the dates -I give here are more recent than the dates you see in other books -on prehistory, it is because I am using one of the new lower dating -systems. - -[Illustration: RADIOCARBON CHART - -The rate of disappearance of radioactivity as time passes.[1]] - - [1] It is important that the limitations of the radioactive carbon - dating system be held in mind. As the statistics involved in - the system are used, there are two chances in three that the - date of the sample falls within the range given as plus or - minus an added number of years. For example, the date for the - Jarmo village (see chart), given as 6750 200 B.C., really - means that there are only two chances in three that the real - date of the charcoal sampled fell between 6950 and 6550 B.C. - We have also begun to suspect that there are ways in which the - samples themselves may have become contaminated, either on - the early or on the late side. We now tend to be suspicious of - single radioactive carbon determinations, or of determinations - from one site alone. But as a fabric of consistent - determinations for several or more sites of one archeological - period, we gain confidence in the dates. - - -HOW THE SCIENTISTS FIND OUT - -So far, this chapter has been mainly about the people who find out -about prehistoric men. We also need a word about _how_ they find out. - -All our finds came by accident until about a hundred years ago. Men -digging wells, or digging in caves for fertilizer, often turned up -ancient swords or pots or stone arrowheads. People also found some odd -pieces of stone that didnt look like natural forms, but they also -didnt look like any known tool. As a result, the people who found them -gave them queer names; for example, thunderbolts. The people thought -the strange stones came to earth as bolts of lightning. We know now -that these strange stones were prehistoric stone tools. - -Many important finds still come to us by accident. In 1935, a British -dentist, A. T. Marston, found the first of two fragments of a very -important fossil human skull, in a gravel pit at Swanscombe, on the -River Thames, England. He had to wait nine months, until the face of -the gravel pit had been dug eight yards farther back, before the second -fragment appeared. They fitted! Then, twenty years later, still another -piece appeared. In 1928 workmen who were blasting out rock for the -breakwater in the port of Haifa began to notice flint tools. Thus the -story of cave men on Mount Carmel, in Palestine, began to be known. - -Planned archeological digging is only about a century old. Even before -this, however, a few men realized the significance of objects they dug -from the ground; one of these early archeologists was our own Thomas -Jefferson. The first real mound-digger was a German grocers clerk, -Heinrich Schliemann. Schliemann made a fortune as a merchant, first -in Europe and then in the California gold-rush of 1849. He became an -American citizen. Then he retired and had both money and time to test -an old idea of his. He believed that the heroes of ancient Troy and -Mycenae were once real Trojans and Greeks. He proved it by going to -Turkey and Greece and digging up the remains of both cities. - -Schliemann had the great good fortune to find rich and spectacular -treasures, and he also had the common sense to keep notes and make -descriptions of what he found. He proved beyond doubt that many ancient -city mounds can be _stratified_. This means that there may be the -remains of many towns in a mound, one above another, like layers in a -cake. - -You might like to have an idea of how mounds come to be in layers. -The original settlers may have chosen the spot because it had a good -spring and there were good fertile lands nearby, or perhaps because -it was close to some road or river or harbor. These settlers probably -built their town of stone and mud-brick. Finally, something would have -happened to the town--a flood, or a burning, or a raid by enemies--and -the walls of the houses would have fallen in or would have melted down -as mud in the rain. Nothing would have remained but the mud and debris -of a low mound of _one_ layer. - -The second settlers would have wanted the spot for the same reasons -the first settlers did--good water, land, and roads. Also, the second -settlers would have found a nice low mound to build their houses on, -a protection from floods. But again, something would finally have -happened to the second town, and the walls of _its_ houses would have -come tumbling down. This makes the _second_ layer. And so on.... - -In Syria I once had the good fortune to dig on a large mound that had -no less than fifteen layers. Also, most of the layers were thick, and -there were signs of rebuilding and repairs within each layer. The mound -was more than a hundred feet high. In each layer, the building material -used had been a soft, unbaked mud-brick, and most of the debris -consisted of fallen or rain-melted mud from these mud-bricks. - -This idea of _stratification_, like the cake layers, was already a -familiar one to the geologists by Schliemanns time. They could show -that their lowest layer of rock was oldest or earliest, and that the -overlying layers became more recent as one moved upward. Schliemanns -digging proved the same thing at Troy. His first (lowest and earliest) -city had at least nine layers above it; he thought that the second -layer contained the remains of Homers Troy. We now know that Homeric -Troy was layer VIIa from the bottom; also, we count eleven layers or -sub-layers in total. - -Schliemanns work marks the beginnings of modern archeology. Scholars -soon set out to dig on ancient sites, from Egypt to Central America. - - -ARCHEOLOGICAL INFORMATION - -As time went on, the study of archeological materials--found either -by accident or by digging on purpose--began to show certain things. -Archeologists began to get ideas as to the kinds of objects that -belonged together. If you compared a mail-order catalogue of 1890 with -one of today, you would see a lot of differences. If you really studied -the two catalogues hard, you would also begin to see that certain -objects go together. Horseshoes and metal buggy tires and pieces of -harness would begin to fit into a picture with certain kinds of coal -stoves and furniture and china dishes and kerosene lamps. Our friend -the spark plug, and radios and electric refrigerators and light bulbs -would fit into a picture with different kinds of furniture and dishes -and tools. You wont be old enough to remember the kind of hats that -women wore in 1890, but youve probably seen pictures of them, and you -know very well they couldnt be worn with the fashions of today. - -This is one of the ways that archeologists study their materials. -The various tools and weapons and jewelry, the pottery, the kinds -of houses, and even the ways of burying the dead tend to fit into -pictures. Some archeologists call all of the things that go together to -make such a picture an _assemblage_. The assemblage of the first layer -of Schliemanns Troy was as different from that of the seventh layer as -our 1900 mail-order catalogue is from the one of today. - -The archeologists who came after Schliemann began to notice other -things and to compare them with occurrences in modern times. The -idea that people will buy better mousetraps goes back into very -ancient times. Today, if we make good automobiles or radios, we can -sell some of them in Turkey or even in Timbuktu. This means that a -few present-day types of American automobiles and radios form part -of present-day assemblages in both Turkey and Timbuktu. The total -present-day assemblage of Turkey is quite different from that of -Timbuktu or that of America, but they have at least some automobiles -and some radios in common. - -Now these automobiles and radios will eventually wear out. Let us -suppose we could go to some remote part of Turkey or to Timbuktu in a -dream. We dont know what the date is, in our dream, but we see all -sorts of strange things and ways of living in both places. Nobody -tells us what the date is. But suddenly we see a 1936 Ford; so we -know that in our dream it has to be at least the year 1936, and only -as many years after that as we could reasonably expect a Ford to keep -in running order. The Ford would probably break down in twenty years -time, so the Turkish or Timbuktu assemblage were seeing in our dream -has to date at about A.D. 1936-56. - -Archeologists not only date their ancient materials in this way; they -also see over what distances and between which peoples trading was -done. It turns out that there was a good deal of trading in ancient -times, probably all on a barter and exchange basis. - - -EVERYTHING BEGINS TO FIT TOGETHER - -Now we need to pull these ideas all together and see the complicated -structure the archeologists can build with their materials. - -Even the earliest archeologists soon found that there was a very long -range of prehistoric time which would yield only very simple things. -For this very long early part of prehistory, there was little to be -found but the flint tools which wandering, hunting and gathering -people made, and the bones of the wild animals they ate. Toward the -end of prehistoric time there was a general settling down with the -coming of agriculture, and all sorts of new things began to be made. -Archeologists soon got a general notion of what ought to appear with -what. Thus, it would upset a French prehistorian digging at the bottom -of a very early cave if he found a fine bronze sword, just as much as -it would upset him if he found a beer bottle. The people of his very -early cave layer simply could not have made bronze swords, which came -later, just as do beer bottles. Some accidental disturbance of the -layers of his cave must have happened. - -With any luck, archeologists do their digging in a layered, stratified -site. They find the remains of everything that would last through -time, in several different layers. They know that the assemblage in -the bottom layer was laid down earlier than the assemblage in the next -layer above, and so on up to the topmost layer, which is the latest. -They look at the results of other digs and find that some other -archeologist 900 miles away has found ax-heads in his lowest layer, -exactly like the ax-heads of their fifth layer. This means that their -fifth layer must have been lived in at about the same time as was the -first layer in the site 200 miles away. It also may mean that the -people who lived in the two layers knew and traded with each other. Or -it could mean that they didnt necessarily know each other, but simply -that both traded with a third group at about the same time. - -You can see that the more we dig and find, the more clearly the main -facts begin to stand out. We begin to be more sure of which people -lived at the same time, which earlier and which later. We begin to -know who traded with whom, and which peoples seemed to live off by -themselves. We begin to find enough skeletons in burials so that the -physical anthropologists can tell us what the people looked like. We -get animal bones, and a paleontologist may tell us they are all bones -of wild animals; or he may tell us that some or most of the bones are -those of domesticated animals, for instance, sheep or cattle, and -therefore the people must have kept herds. - -More important than anything else--as our structure grows more -complicated and our materials increase--is the fact that a sort -of history of human activity does begin to appear. The habits or -traditions that men formed in the making of their tools and in the -ways they did things, begin to stand out for us. How characteristic -were these habits and traditions? What areas did they spread over? -How long did they last? We watch the different tools and the traces -of the way things were done--how the burials were arranged, what -the living-places were like, and so on. We wonder about the people -themselves, for the traces of habits and traditions are useful to us -only as clues to the men who once had them. So we ask the physical -anthropologists about the skeletons that we found in the burials. The -physical anthropologists tell us about the anatomy and the similarities -and differences which the skeletons show when compared with other -skeletons. The physical anthropologists are even working on a -method--chemical tests of the bones--that will enable them to discover -what the blood-type may have been. One thing is sure. We have never -found a group of skeletons so absolutely similar among themselves--so -cast from a single mould, so to speak--that we could claim to have a -pure race. I am sure we never shall. - -We become particularly interested in any signs of change--when new -materials and tool types and ways of doing things replace old ones. We -watch for signs of social change and progress in one way or another. - -We must do all this without one word of written history to aid us. -Everything we are concerned with goes back to the time _before_ men -learned to write. That is the prehistorians job--to find out what -happened before history began. - - - - -THE CHANGING WORLD in which Prehistoric Men Lived - -[Illustration] - - -Mankind, well say, is at least a half million years old. It is very -hard to understand how long a time half a million years really is. -If we were to compare this whole length of time to one day, wed get -something like this: The present time is midnight, and Jesus was -born just five minutes and thirty-six seconds ago. Earliest history -began less than fifteen minutes ago. Everything before 11:45 was in -prehistoric time. - -Or maybe we can grasp the length of time better in terms of -generations. As you know, primitive peoples tend to marry and have -children rather early in life. So suppose we say that twenty years -will make an average generation. At this rate there would be 25,000 -generations in a half-million years. But our United States is much less -than ten generations old, twenty-five generations take us back before -the time of Columbus, Julius Caesar was alive just 100 generations ago, -David was king of Israel less than 150 generations ago, 250 generations -take us back to the beginning of written history. And there were 24,750 -generations of men before written history began! - -I should probably tell you that there is a new method of prehistoric -dating which would cut the earliest dates in my reckoning almost -in half. Dr. Cesare Emiliani, combining radioactive (C14) and -chemical (oxygen isotope) methods in the study of deep-sea borings, -has developed a system which would lower the total range of human -prehistory to about 300,000 years. The system is still too new to have -had general examination and testing. Hence, I have not used it in this -book; it would mainly affect the dates earlier than 25,000 years ago. - - -CHANGES IN ENVIRONMENT - -The earth probably hasnt changed much in the last 5,000 years (250 -generations). Men have built things on its surface and dug into it and -drawn boundaries on maps of it, but the places where rivers, lakes, -seas, and mountains now stand have changed very little. - -In earlier times the earth looked very different. Geologists call the -last great geological period the _Pleistocene_. It began somewhere -between a half million and a million years ago, and was a time of great -changes. Sometimes we call it the Ice Age, for in the Pleistocene -there were at least three or four times when large areas of earth -were covered with glaciers. The reason for my uncertainty is that -while there seem to have been four major mountain or alpine phases of -glaciation, there may only have been three general continental phases -in the Old World.[2] - - [2] This is a complicated affair and I do not want to bother you - with its details. Both the alpine and the continental ice sheets - seem to have had minor fluctuations during their _main_ phases, - and the advances of the later phases destroyed many of the - traces of the earlier phases. The general textbooks have tended - to follow the names and numbers established for the Alps early - in this century by two German geologists. I will not bother you - with the names, but there were _four_ major phases. It is the - second of these alpine phases which seems to fit the traces of - the earliest of the great continental glaciations. In this book, - I will use the four-part system, since it is the most familiar, - but will add the word _alpine_ so you may remember to make the - transition to the continental system if you wish to do so. - -Glaciers are great sheets of ice, sometimes over a thousand feet -thick, which are now known only in Greenland and Antarctica and in -high mountains. During several of the glacial periods in the Ice Age, -the glaciers covered most of Canada and the northern United States and -reached down to southern England and France in Europe. Smaller ice -sheets sat like caps on the Rockies, the Alps, and the Himalayas. The -continental glaciation only happened north of the equator, however, so -remember that Ice Age is only half true. - -As you know, the amount of water on and about the earth does not vary. -These large glaciers contained millions of tons of water frozen into -ice. Because so much water was frozen and contained in the glaciers, -the water level of lakes and oceans was lowered. Flooded areas were -drained and appeared as dry land. There were times in the Ice Age when -there was no English Channel, so that England was not an island, and a -land bridge at the Dardanelles probably divided the Mediterranean from -the Black Sea. - -A very important thing for people living during the time of a -glaciation was the region adjacent to the glacier. They could not, of -course, live on the ice itself. The questions would be how close could -they live to it, and how would they have had to change their way of -life to do so. - - -GLACIERS CHANGE THE WEATHER - -Great sheets of ice change the weather. When the front of a glacier -stood at Milwaukee, the weather must have been bitterly cold in -Chicago. The climate of the whole world would have been different, and -you can see how animals and men would have been forced to move from one -place to another in search of food and warmth. - -On the other hand, it looks as if only a minor proportion of the whole -Ice Age was really taken up by times of glaciation. In between came -the _interglacial_ periods. During these times the climate around -Chicago was as warm as it is now, and sometimes even warmer. It may -interest you to know that the last great glacier melted away less than -10,000 years ago. Professor Ernst Antevs thinks we may be living in an -interglacial period and that the Ice Age may not be over yet. So if you -want to make a killing in real estate for your several hundred times -great-grandchildren, you might buy some land in the Arizona desert or -the Sahara. - -We do not yet know just why the glaciers appeared and disappeared, as -they did. It surely had something to do with an increase in rainfall -and a fall in temperature. It probably also had to do with a general -tendency for the land to rise at the beginning of the Pleistocene. We -know there was some mountain-building at that time. Hence, rain-bearing -winds nourished the rising and cooler uplands with snow. An increase -in all three of these factors--if they came together--would only have -needed to be slight. But exactly why this happened we do not know. - -The reason I tell you about the glaciers is simply to remind you of the -changing world in which prehistoric men lived. Their surroundings--the -animals and plants they used for food, and the weather they had to -protect themselves from--were always changing. On the other hand, this -change happened over so long a period of time and was so slow that -individual people could not have noticed it. Glaciers, about which they -probably knew nothing, moved in hundreds of miles to the north of them. -The people must simply have wandered ever more southward in search -of the plants and animals on which they lived. Or some men may have -stayed where they were and learned to hunt different animals and eat -different foods. Prehistoric men had to keep adapting themselves to new -environments and those who were most adaptive were most successful. - - -OTHER CHANGES - -Changes took place in the men themselves as well as in the ways they -lived. As time went on, they made better tools and weapons. Then, too, -we begin to find signs of how they started thinking of other things -than food and the tools to get it with. We find that they painted on -the walls of caves, and decorated their tools; we find that they buried -their dead. - -At about the time when the last great glacier was finally melting away, -men in the Near East made the first basic change in human economy. -They began to plant grain, and they learned to raise and herd certain -animals. This meant that they could store food in granaries and on the -hoof against the bad times of the year. This first really basic change -in mans way of living has been called the food-producing revolution. -By the time it happened, a modern kind of climate was beginning. Men -had already grown to look as they do now. Know-how in ways of living -had developed and progressed, slowly but surely, up to a point. It was -impossible for men to go beyond that point if they only hunted and -fished and gathered wild foods. Once the basic change was made--once -the food-producing revolution became effective--technology leaped ahead -and civilization and written history soon began. - - - - -Prehistoric Men THEMSELVES - -[Illustration] - - -DO WE KNOW WHERE MAN ORIGINATED? - -For a long time some scientists thought the cradle of mankind was in -central Asia. Other scientists insisted it was in Africa, and still -others said it might have been in Europe. Actually, we dont know -where it was. We dont even know that there was only _one_ cradle. -If we had to choose a cradle at this moment, we would probably say -Africa. But the southern portions of Asia and Europe may also have been -included in the general area. The scene of the early development of -mankind was certainly the Old World. It is pretty certain men didnt -reach North or South America until almost the end of the Ice Age--had -they done so earlier we would certainly have found some trace of them -by now. - -The earliest tools we have yet found come from central and south -Africa. By the dating system Im using, these tools must be over -500,000 years old. There are now reports that a few such early tools -have been found--at the Sterkfontein cave in South Africa--along with -the bones of small fossil men called australopithecines. - -Not all scientists would agree that the australopithecines were men, -or would agree that the tools were made by the australopithecines -themselves. For these sticklers, the earliest bones of men come from -the island of Java. The date would be about 450,000 years ago. So far, -we have not yet found the tools which we suppose these earliest men in -the Far East must have made. - -Let me say it another way. How old are the earliest traces of men we -now have? Over half a million years. This was a time when the first -alpine glaciation was happening in the north. What has been found so -far? The tools which the men of those times made, in different parts -of Africa. It is now fairly generally agreed that the men who made -the tools were the australopithecines. There is also a more man-like -jawbone at Kanam in Kenya, but its find-spot has been questioned. The -next earliest bones we have were found in Java, and they may be almost -a hundred thousand years younger than the earliest African finds. We -havent yet found the tools of these early Javanese. Our knowledge of -tool-using in Africa spreads quickly as time goes on: soon after the -appearance of tools in the south we shall have them from as far north -as Algeria. - -Very soon after the earliest Javanese come the bones of slightly more -developed people in Java, and the jawbone of a man who once lived in -what is now Germany. The same general glacial beds which yielded the -later Javanese bones and the German jawbone also include tools. These -finds come from the time of the second alpine glaciation. - -So this is the situation. By the time of the end of the second alpine -or first continental glaciation (say 400,000 years ago) we have traces -of men from the extremes of the more southerly portions of the Old -World--South Africa, eastern Asia, and western Europe. There are also -some traces of men in the middle ground. In fact, Professor Franz -Weidenreich believed that creatures who were the immediate ancestors -of men had already spread over Europe, Africa, and Asia by the time -the Ice Age began. We certainly have no reason to disbelieve this, but -fortunate accidents of discovery have not yet given us the evidence to -prove it. - - -MEN AND APES - -Many people used to get extremely upset at the ill-formed notion -that man descended from the apes. Such words were much more likely -to start fights or monkey trials than the correct notion that all -living animals, including man, ascended or evolved from a single-celled -organism which lived in the primeval seas hundreds of millions of years -ago. Men are mammals, of the order called Primates, and mans living -relatives are the great apes. Men didnt descend from the apes or -apes from men, and mankind must have had much closer relatives who have -since become extinct. - -Men stand erect. They also walk and run on their two feet. Apes are -happiest in trees, swinging with their arms from branch to branch. -Few branches of trees will hold the mighty gorilla, although he still -manages to sleep in trees. Apes cant stand really erect in our sense, -and when they have to run on the ground, they use the knuckles of their -hands as well as their feet. - -A key group of fossil bones here are the south African -australopithecines. These are called the _Australopithecinae_ or -man-apes or sometimes even ape-men. We do not _know_ that they were -directly ancestral to men but they can hardly have been so to apes. -Presently Ill describe them a bit more. The reason I mention them -here is that while they had brains no larger than those of apes, their -hipbones were enough like ours so that they must have stood erect. -There is no good reason to think they couldnt have walked as we do. - - -BRAINS, HANDS, AND TOOLS - -Whether the australopithecines were our ancestors or not, the proper -ancestors of men must have been able to stand erect and to walk on -their two feet. Three further important things probably were involved, -next, before they could become men proper. These are: - - 1. The increasing size and development of the brain. - - 2. The increasing usefulness (specialization) of the thumb and hand. - - 3. The use of tools. - -Nobody knows which of these three is most important, or which came -first. Most probably the growth of all three things was very much -blended together. If you think about each of the things, you will see -what I mean. Unless your hand is more flexible than a paw, and your -thumb will work against (or oppose) your fingers, you cant hold a tool -very well. But you wouldnt get the idea of using a tool unless you had -enough brain to help you see cause and effect. And it is rather hard to -see how your hand and brain would develop unless they had something to -practice on--like using tools. In Professor Krogmans words, the hand -must become the obedient servant of the eye and the brain. It is the -_co-ordination_ of these things that counts. - -Many other things must have been happening to the bodies of the -creatures who were the ancestors of men. Our ancestors had to develop -organs of speech. More than that, they had to get the idea of letting -_certain sounds_ made with these speech organs have _certain meanings_. - -All this must have gone very slowly. Probably everything was developing -little by little, all together. Men became men very slowly. - - -WHEN SHALL WE CALL MEN MEN? - -What do I mean when I say men? People who looked pretty much as we -do, and who used different tools to do different things, are men to me. -Well probably never know whether the earliest ones talked or not. They -probably had vocal cords, so they could make sounds, but did they know -how to make sounds work as symbols to carry meanings? But if the fossil -bones look like our skeletons, and if we find tools which well agree -couldnt have been made by nature or by animals, then Id say we had -traces of _men_. - -The australopithecine finds of the Transvaal and Bechuanaland, in -south Africa, are bound to come into the discussion here. Ive already -told you that the australopithecines could have stood upright and -walked on their two hind legs. They come from the very base of the -Pleistocene or Ice Age, and a few coarse stone tools have been found -with the australopithecine fossils. But there are three varieties -of the australopithecines and they last on until a time equal to -that of the second alpine glaciation. They are the best suggestion -we have yet as to what the ancestors of men _may_ have looked like. -They were certainly closer to men than to apes. Although their brain -size was no larger than the brains of modern apes their body size and -stature were quite small; hence, relative to their small size, their -brains were large. We have not been able to prove without doubt that -the australopithecines were _tool-making_ creatures, even though the -recent news has it that tools have been found with australopithecine -bones. The doubt as to whether the australopithecines used the tools -themselves goes like this--just suppose some man-like creature (whose -bones we have not yet found) made the tools and used them to kill -and butcher australopithecines. Hence a few experts tend to let -australopithecines still hang in limbo as man-apes. - - -THE EARLIEST MEN WE KNOW - -Ill postpone talking about the tools of early men until the next -chapter. The men whose bones were the earliest of the Java lot have -been given the name _Meganthropus_. The bones are very fragmentary. We -would not understand them very well unless we had the somewhat later -Javanese lot--the more commonly known _Pithecanthropus_ or Java -man--against which to refer them for study. One of the less well-known -and earliest fragments, a piece of lower jaw and some teeth, rather -strongly resembles the lower jaws and teeth of the australopithecine -type. Was _Meganthropus_ a sort of half-way point between the -australopithecines and _Pithecanthropus_? It is still too early to say. -We shall need more finds before we can be definite one way or the other. - -Java man, _Pithecanthropus_, comes from geological beds equal in age -to the latter part of the second alpine glaciation; the _Meganthropus_ -finds refer to beds of the beginning of this glaciation. The first -finds of Java man were made in 1891-92 by Dr. Eugene Dubois, a Dutch -doctor in the colonial service. Finds have continued to be made. There -are now bones enough to account for four skulls. There are also four -jaws and some odd teeth and thigh bones. Java man, generally speaking, -was about five feet six inches tall, and didnt hold his head very -erect. His skull was very thick and heavy and had room for little more -than two-thirds as large a brain as we have. He had big teeth and a big -jaw and enormous eyebrow ridges. - -No tools were found in the geological deposits where bones of Java man -appeared. There are some tools in the same general area, but they come -a bit later in time. One reason we accept the Java man as man--aside -from his general anatomical appearance--is that these tools probably -belonged to his near descendants. - -Remember that there are several varieties of men in the whole early -Java lot, at least two of which are earlier than the _Pithecanthropus_, -Java man. Some of the earlier ones seem to have gone in for -bigness, in tooth-size at least. _Meganthropus_ is one of these -earlier varieties. As we said, he _may_ turn out to be a link to -the australopithecines, who _may_ or _may not_ be ancestral to men. -_Meganthropus_ is best understandable in terms of _Pithecanthropus_, -who appeared later in the same general area. _Pithecanthropus_ is -pretty well understandable from the bones he left us, and also because -of his strong resemblance to the fully tool-using cave-dwelling Peking -man, _Sinanthropus_, about whom we shall talk next. But you can see -that the physical anthropologists and prehistoric archeologists still -have a lot of work to do on the problem of earliest men. - - -PEKING MEN AND SOME EARLY WESTERNERS - -The earliest known Chinese are called _Sinanthropus_, or Peking man, -because the finds were made near that city. In World War II, the United -States Marine guard at our Embassy in Peking tried to help get the -bones out of the city before the Japanese attack. Nobody knows where -these bones are now. The Red Chinese accuse us of having stolen them. -They were last seen on a dock-side at a Chinese port. But should you -catch a Marine with a sack of old bones, perhaps we could achieve peace -in Asia by returning them! Fortunately, there is a complete set of -casts of the bones. - -Peking man lived in a cave in a limestone hill, made tools, cracked -animal bones to get the marrow out, and used fire. Incidentally, the -bones of Peking man were found because Chinese dig for what they call -dragon bones and dragon teeth. Uneducated Chinese buy these things -in their drug stores and grind them into powder for medicine. The -dragon teeth and bones are really fossils of ancient animals, and -sometimes of men. The people who supply the drug stores have learned -where to dig for strange bones and teeth. Paleontologists who get to -China go to the drug stores to buy fossils. In a roundabout way, this -is how the fallen-in cave of Peking man at Choukoutien was discovered. - -Peking man was not quite as tall as Java man but he probably stood -straighter. His skull looked very much like that of the Java skull -except that it had room for a slightly larger brain. His face was less -brutish than was Java mans face, but this isnt saying much. - -Peking man dates from early in the interglacial period following the -second alpine glaciation. He probably lived close to 350,000 years -ago. There are several finds to account for in Europe by about this -time, and one from northwest Africa. The very large jawbone found -near Heidelberg in Germany is doubtless even earlier than Peking man. -The beds where it was found are of second alpine glacial times, and -recently some tools have been said to have come from the same beds. -There is not much I need tell you about the Heidelberg jaw save that it -seems certainly to have belonged to an early man, and that it is very -big. - -Another find in Germany was made at Steinheim. It consists of the -fragmentary skull of a man. It is very important because of its -relative completeness, but it has not yet been fully studied. The bone -is thick, but the back of the head is neither very low nor primitive, -and the face is also not primitive. The forehead does, however, have -big ridges over the eyes. The more fragmentary skull from Swanscombe in -England (p. 11) has been much more carefully studied. Only the top and -back of that skull have been found. Since the skull rounds up nicely, -it has been assumed that the face and forehead must have been quite -modern. Careful comparison with Steinheim shows that this was not -necessarily so. This is important because it bears on the question of -how early truly modern man appeared. - -Recently two fragmentary jaws were found at Ternafine in Algeria, -northwest Africa. They look like the jaws of Peking man. Tools were -found with them. Since no jaws have yet been found at Steinheim or -Swanscombe, but the time is the same, one wonders if these people had -jaws like those of Ternafine. - - -WHAT HAPPENED TO JAVA AND PEKING MEN - -Professor Weidenreich thought that there were at least a dozen ways in -which the Peking man resembled the modern Mongoloids. This would seem -to indicate that Peking man was really just a very early Chinese. - -Several later fossil men have been found in the Java-Australian area. -The best known of these is the so-called Solo man. There are some finds -from Australia itself which we now know to be quite late. But it looks -as if we may assume a line of evolution from Java man down to the -modern Australian natives. During parts of the Ice Age there was a land -bridge all the way from Java to Australia. - - -TWO ENGLISHMEN WHO WERENT OLD - -The older textbooks contain descriptions of two English finds which -were thought to be very old. These were called Piltdown (_Eoanthropus -dawsoni_) and Galley Hill. The skulls were very modern in appearance. -In 1948-49, British scientists began making chemical tests which proved -that neither of these finds is very old. It is now known that both -Piltdown man and the tools which were said to have been found with -him were part of an elaborate fake! - - -TYPICAL CAVE MEN - -The next men we have to talk about are all members of a related group. -These are the Neanderthal group. Neanderthal man himself was found in -the Neander Valley, near Dsseldorf, Germany, in 1856. He was the first -human fossil to be recognized as such. - -[Illustration: PRINCIPAL KNOWN TYPES OF FOSSIL MEN - - CRO-MAGNON - NEANDERTHAL - MODERN SKULL - COMBE-CAPELLE - SINANTHROPUS - PITHECANTHROPUS] - -Some of us think that the neanderthaloids proper are only those people -of western Europe who didnt get out before the beginning of the last -great glaciation, and who found themselves hemmed in by the glaciers -in the Alps and northern Europe. Being hemmed in, they intermarried -a bit too much and developed into a special type. Professor F. Clark -Howell sees it this way. In Europe, the earliest trace of men we -now know is the Heidelberg jaw. Evolution continued in Europe, from -Heidelberg through the Swanscombe and Steinheim types to a group of -pre-neanderthaloids. There are traces of these pre-neanderthaloids -pretty much throughout Europe during the third interglacial period--say -100,000 years ago. The pre-neanderthaloids are represented by such -finds as the ones at Ehringsdorf in Germany and Saccopastore in Italy. -I wont describe them for you, since they are simply less extreme than -the neanderthaloids proper--about half way between Steinheim and the -classic Neanderthal people. - -Professor Howell believes that the pre-neanderthaloids who happened to -get caught in the pocket of the southwest corner of Europe at the onset -of the last great glaciation became the classic Neanderthalers. Out in -the Near East, Howell thinks, it is possible to see traces of people -evolving from the pre-neanderthaloid type toward that of fully modern -man. Certainly, we dont see such extreme cases of neanderthaloidism -outside of western Europe. - -There are at least a dozen good examples in the main or classic -Neanderthal group in Europe. They date to just before and in the -earlier part of the last great glaciation (85,000 to 40,000 years ago). -Many of the finds have been made in caves. The cave men the movies -and the cartoonists show you are probably meant to be Neanderthalers. -Im not at all sure they dragged their women by the hair; the women -were probably pretty tough, too! - -Neanderthal men had large bony heads, but plenty of room for brains. -Some had brain cases even larger than the average for modern man. Their -faces were heavy, and they had eyebrow ridges of bone, but the ridges -were not as big as those of Java man. Their foreheads were very low, -and they didnt have much chin. They were about five feet three inches -tall, but were heavy and barrel-chested. But the Neanderthalers didnt -slouch as much as theyve been blamed for, either. - -One important thing about the Neanderthal group is that there is a fair -number of them to study. Just as important is the fact that we know -something about how they lived, and about some of the tools they made. - - -OTHER MEN CONTEMPORARY WITH THE NEANDERTHALOIDS - -We have seen that the neanderthaloids seem to be a specialization -in a corner of Europe. What was going on elsewhere? We think that -the pre-neanderthaloid type was a generally widespread form of men. -From this type evolved other more or less extreme although generally -related men. The Solo finds in Java form one such case. Another was the -Rhodesian man of Africa, and the more recent Hopefield finds show more -of the general Rhodesian type. It is more confusing than it needs to be -if these cases outside western Europe are called neanderthaloids. They -lived during the same approximate time range but they were all somewhat -different-looking people. - - -EARLY MODERN MEN - -How early is modern man (_Homo sapiens_), the wise man? Some people -have thought that he was very early, a few still think so. Piltdown -and Galley Hill, which were quite modern in anatomical appearance and -_supposedly_ very early in date, were the best evidence for very -early modern men. Now that Piltdown has been liquidated and Galley Hill -is known to be very late, what is left of the idea? - -The backs of the skulls of the Swanscombe and Steinheim finds look -rather modern. Unless you pay attention to the face and forehead of the -Steinheim find--which not many people have--and perhaps also consider -the Ternafine jaws, you might come to the conclusion that the crown of -the Swanscombe head was that of a modern-like man. - -Two more skulls, again without faces, are available from a French -cave site, Fontchevade. They come from the time of the last great -interglacial, as did the pre-neanderthaloids. The crowns of the -Fontchevade skulls also look quite modern. There is a bit of the -forehead preserved on one of these skulls and the brow-ridge is not -heavy. Nevertheless, there is a suggestion that the bones belonged to -an immature individual. In this case, his (or even more so, if _her_) -brow-ridges would have been weak anyway. The case for the Fontchevade -fossils, as modern type men, is little stronger than that for -Swanscombe, although Professor Vallois believes it a good case. - -It seems to add up to the fact that there were people living in -Europe--before the classic neanderthaloids--who looked more modern, -in some features, than the classic western neanderthaloids did. Our -best suggestion of what men looked like--just before they became fully -modern--comes from a cave on Mount Carmel in Palestine. - - -THE FIRST MODERNS - -Professor T. D. McCown and the late Sir Arthur Keith, who studied the -Mount Carmel bones, figured out that one of the two groups involved -was as much as 70 per cent modern. There were, in fact, two groups or -varieties of men in the Mount Carmel caves and in at least two other -Palestinian caves of about the same time. The time would be about that -of the onset of colder weather, when the last glaciation was beginning -in the north--say 75,000 years ago. - -The 70 per cent modern group came from only one cave, Mugharet es-Skhul -(cave of the kids). The other group, from several caves, had bones of -men of the type weve been calling pre-neanderthaloid which we noted -were widespread in Europe and beyond. The tools which came with each -of these finds were generally similar, and McCown and Keith, and other -scholars since their study, have tended to assume that both the Skhul -group and the pre-neanderthaloid group came from exactly the same time. -The conclusion was quite natural: here was a population of men in the -act of evolving in two different directions. But the time may not be -exactly the same. It is very difficult to be precise, within say 10,000 -years, for a time some 75,000 years ago. If the Skhul men are in fact -later than the pre-neanderthaloid group of Palestine, as some of us -think, then they show how relatively modern some men were--men who -lived at the same time as the classic Neanderthalers of the European -pocket. - -Soon after the first extremely cold phase of the last glaciation, we -begin to get a number of bones of completely modern men in Europe. -We also get great numbers of the tools they made, and their living -places in caves. Completely modern skeletons begin turning up in caves -dating back to toward 40,000 years ago. The time is about that of the -beginning of the second phase of the last glaciation. These skeletons -belonged to people no different from many people we see today. Like -people today, not everybody looked alike. (The positions of the more -important fossil men of later Europe are shown in the chart on page -72.) - - -DIFFERENCES IN THE EARLY MODERNS - -The main early European moderns have been divided into two groups, the -Cro-Magnon group and the Combe Capelle-Brnn group. Cro-Magnon people -were tall and big-boned, with large, long, and rugged heads. They -must have been built like many present-day Scandinavians. The Combe -Capelle-Brnn people were shorter; they had narrow heads and faces, and -big eyebrow-ridges. Of course we dont find the skin or hair of these -people. But there is little doubt they were Caucasoids (Whites). - -Another important find came in the Italian Riviera, near Monte Carlo. -Here, in a cave near Grimaldi, there was a grave containing a woman -and a young boy, buried together. The two skeletons were first called -Negroid because some features of their bones were thought to resemble -certain features of modern African Negro bones. But more recently, -Professor E. A. Hooton and other experts questioned the use of the word -Negroid in describing the Grimaldi skeletons. It is true that nothing -is known of the skin color, hair form, or any other fleshy feature of -the Grimaldi people, so that the word Negroid in its usual meaning is -not proper here. It is also not clear whether the features of the bones -claimed to be Negroid are really so at all. - -From a place called Wadjak, in Java, we have proto-Australoid skulls -which closely resemble those of modern Australian natives. Some of -the skulls found in South Africa, especially the Boskop skull, look -like those of modern Bushmen, but are much bigger. The ancestors of -the Bushmen seem to have once been very widespread south of the Sahara -Desert. True African Negroes were forest people who apparently expanded -out of the west central African area only in the last several thousand -years. Although dark in skin color, neither the Australians nor the -Bushmen are Negroes; neither the Wadjak nor the Boskop skulls are -Negroid. - -As weve already mentioned, Professor Weidenreich believed that Peking -man was already on the way to becoming a Mongoloid. Anyway, the -Mongoloids would seem to have been present by the time of the Upper -Cave at Choukoutien, the _Sinanthropus_ find-spot. - - -WHAT THE DIFFERENCES MEAN - -What does all this difference mean? It means that, at one moment in -time, within each different area, men tended to look somewhat alike. -From area to area, men tended to look somewhat different, just as -they do today. This is all quite natural. People _tended_ to mate -near home; in the anthropological jargon, they made up geographically -localized breeding populations. The simple continental division of -stocks--black = Africa, yellow = Asia, white = Europe--is too simple -a picture to fit the facts. People became accustomed to life in some -particular area within a continent (we might call it a natural area). -As they went on living there, they evolved towards some particular -physical variety. It would, of course, have been difficult to draw -a clear boundary between two adjacent areas. There must always have -been some mating across the boundaries in every case. One thing human -beings dont do, and never have done, is to mate for purity. It is -self-righteous nonsense when we try to kid ourselves into thinking that -they do. - -I am not going to struggle with the whole business of modern stocks and -races. This is a book about prehistoric men, not recent historic or -modern men. My physical anthropologist friends have been very patient -in helping me to write and rewrite this chapter--I am not going to -break their patience completely. Races are their business, not mine, -and they must do the writing about races. I shall, however, give two -modern definitions of race, and then make one comment. - - Dr. William G. Boyd, professor of Immunochemistry, School of - Medicine, Boston University: We may define a human race as a - population which differs significantly from other human populations - in regard to the frequency of one or more of the genes it - possesses. - - Professor Sherwood L. Washburn, professor of Physical Anthropology, - Department of Anthropology, the University of California: A race - is a group of genetically similar populations, and races intergrade - because there are always intermediate populations. - -My comment is that the ideas involved here are all biological: they -concern groups, _not_ individuals. Boyd and Washburn may differ a bit -on what they want to consider a population, but a population is a -group nevertheless, and genetics is biology to the hilt. Now a lot of -people still think of race in terms of how people dress or fix their -food or of other habits or customs they have. The next step is to talk -about racial purity. None of this has anything whatever to do with -race proper, which is a matter of the biology of groups. - -Incidentally, Im told that if man very carefully _controls_ -the breeding of certain animals over generations--dogs, cattle, -chickens--he might achieve a pure race of animals. But he doesnt do -it. Some unfortunate genetic trait soon turns up, so this has just as -carefully to be bred out again, and so on. - - -SUMMARY OF PRESENT KNOWLEDGE OF FOSSIL MEN - -The earliest bones of men we now have--upon which all the experts -would probably agree--are those of _Meganthropus_, from Java, of about -450,000 years ago. The earlier australopithecines of Africa were -possibly not tool-users and may not have been ancestral to men at all. -But there is an alternate and evidently increasingly stronger chance -that some of them may have been. The Kanam jaw from Kenya, another -early possibility, is not only very incomplete but its find-spot is -very questionable. - -Java man proper, _Pithecanthropus_, comes next, at about 400,000 years -ago, and the big Heidelberg jaw in Germany must be of about the same -date. Next comes Swanscombe in England, Steinheim in Germany, the -Ternafine jaws in Algeria, and Peking man, _Sinanthropus_. They all -date to the second great interglacial period, about 350,000 years ago. - -Piltdown and Galley Hill are out, and with them, much of the starch -in the old idea that there were two distinct lines of development -in human evolution: (1) a line of paleoanthropic development from -Heidelberg to the Neanderthalers where it became extinct, and (2) a -very early modern line, through Piltdown, Galley Hill, Swanscombe, to -us. Swanscombe, Steinheim, and Ternafine are just as easily cases of -very early pre-neanderthaloids. - -The pre-neanderthaloids were very widespread during the third -interglacial: Ehringsdorf, Saccopastore, some of the Mount Carmel -people, and probably Fontchevade are cases in point. A variety of -their descendants can be seen, from Java (Solo), Africa (Rhodesian -man), and about the Mediterranean and in western Europe. As the acute -cold of the last glaciation set in, the western Europeans found -themselves surrounded by water, ice, or bitter cold tundra. To vastly -over-simplify it, they bred in and became classic neanderthaloids. -But on Mount Carmel, the Skhul cave-find with its 70 per cent modern -features shows what could happen elsewhere at the same time. - -Lastly, from about 40,000 or 35,000 years ago--the time of the onset -of the second phase of the last glaciation--we begin to find the fully -modern skeletons of men. The modern skeletons differ from place to -place, just as different groups of men living in different places still -look different. - -What became of the Neanderthalers? Nobody can tell me for sure. Ive a -hunch they were simply bred out again when the cold weather was over. -Many Americans, as the years go by, are no longer ashamed to claim they -have Indian blood in their veins. Give us a few more generations -and there will not be very many other Americans left to whom we can -brag about it. It certainly isnt inconceivable to me to imagine a -little Cro-Magnon boy bragging to his friends about his tough, strong, -Neanderthaler great-great-great-great-grandfather! - - - - -Cultural BEGINNINGS - -[Illustration] - - -Men, unlike the lower animals, are made up of much more than flesh and -blood and bones; for men have culture. - - -WHAT IS CULTURE? - -Culture is a word with many meanings. The doctors speak of making a -culture of a certain kind of bacteria, and ants are said to have a -culture. Then there is the Emily Post kind of culture--you say a -person is cultured, or that he isnt, depending on such things as -whether or not he eats peas with his knife. - -The anthropologists use the word too, and argue heatedly over its finer -meanings; but they all agree that every human being is part of or has -some kind of culture. Each particular human group has a particular -culture; that is one of the ways in which we can tell one group of -men from another. In this sense, a CULTURE means the way the members -of a group of people think and believe and live, the tools they make, -and the way they do things. Professor Robert Redfield says a culture -is an organized or formalized body of conventional understandings. -Conventional understandings means the whole set of rules, beliefs, -and standards which a group of people lives by. These understandings -show themselves in art, and in the other things a people may make and -do. The understandings continue to last, through tradition, from one -generation to another. They are what really characterize different -human groups. - - -SOME CHARACTERISTICS OF CULTURE - -A culture lasts, although individual men in the group die off. On -the other hand, a culture changes as the different conventions and -understandings change. You could almost say that a culture lives in the -minds of the men who have it. But people are not born with it; they -get it as they grow up. Suppose a day-old Hungarian baby is adopted by -a family in Oshkosh, Wisconsin, and the child is not told that he is -Hungarian. He will grow up with no more idea of Hungarian culture than -anyone else in Oshkosh. - -So when I speak of ancient Egyptian culture, I mean the whole body -of understandings and beliefs and knowledge possessed by the ancient -Egyptians. I mean their beliefs as to why grain grew, as well as their -ability to make tools with which to reap the grain. I mean their -beliefs about life after death. What I am thinking about as culture is -a thing which lasted in time. If any one Egyptian, even the Pharaoh, -died, it didnt affect the Egyptian culture of that particular moment. - - -PREHISTORIC CULTURES - -For that long period of mans history that is all prehistory, we have -no written descriptions of cultures. We find only the tools men made, -the places where they lived, the graves in which they buried their -dead. Fortunately for us, these tools and living places and graves all -tell us something about the ways these men lived and the things they -believed. But the story we learn of the very early cultures must be -only a very small part of the whole, for we find so few things. The -rest of the story is gone forever. We have to do what we can with what -we find. - -For all of the time up to about 75,000 years ago, which was the time -of the classic European Neanderthal group of men, we have found few -cave-dwelling places of very early prehistoric men. First, there is the -fallen-in cave where Peking man was found, near Peking. Then there are -two or three other _early_, but not _very early_, possibilities. The -finds at the base of the French cave of Fontchevade, those in one of -the Makapan caves in South Africa, and several open sites such as Dr. -L. S. B. Leakeys Olorgesailie in Kenya doubtless all lie earlier than -the time of the main European Neanderthal group, but none are so early -as the Peking finds. - -You can see that we know very little about the home life of earlier -prehistoric men. We find different kinds of early stone tools, but we -cant even be really sure which tools may have been used together. - - -WHY LITTLE HAS LASTED FROM EARLY TIMES - -Except for the rare find-spots mentioned above, all our very early -finds come from geological deposits, or from the wind-blown surfaces -of deserts. Here is what the business of geological deposits really -means. Let us say that a group of people was living in England about -300,000 years ago. They made the tools they needed, lived in some sort -of camp, almost certainly built fires, and perhaps buried their dead. -While the climate was still warm, many generations may have lived in -the same place, hunting, and gathering nuts and berries; but after some -few thousand years, the weather began very gradually to grow colder. -These early Englishmen would not have known that a glacier was forming -over northern Europe. They would only have noticed that the animals -they hunted seemed to be moving south, and that the berries grew larger -toward the south. So they would have moved south, too. - -The camp site they left is the place we archeologists would really have -liked to find. All of the different tools the people used would have -been there together--many broken, some whole. The graves, and traces -of fire, and the tools would have been there. But the glacier got -there first! The front of this enormous sheet of ice moved down over -the country, crushing and breaking and plowing up everything, like a -gigantic bulldozer. You can see what happened to our camp site. - -Everything the glacier couldnt break, it pushed along in front of it -or plowed beneath it. Rocks were ground to gravel, and soil was caught -into the ice, which afterwards melted and ran off as muddy water. Hard -tools of flint sometimes remained whole. Human bones werent so hard; -its a wonder _any_ of them lasted. Gushing streams of melt water -flushed out the debris from underneath the glacier, and water flowed -off the surface and through great crevasses. The hard materials these -waters carried were even more rolled and ground up. Finally, such -materials were dropped by the rushing waters as gravels, miles from -the front of the glacier. At last the glacier reached its greatest -extent; then it melted backward toward the north. Debris held in the -ice was dropped where the ice melted, or was flushed off by more melt -water. When the glacier, leaving the land, had withdrawn to the sea, -great hunks of ice were broken off as icebergs. These icebergs probably -dropped the materials held in their ice wherever they floated and -melted. There must be many tools and fragmentary bones of prehistoric -men on the bottom of the Atlantic Ocean and the North Sea. - -Remember, too, that these glaciers came and went at least three or four -times during the Ice Age. Then you will realize why the earlier things -we find are all mixed up. Stone tools from one camp site got mixed up -with stone tools from many other camp sites--tools which may have been -made tens of thousands or more years apart. The glaciers mixed them -all up, and so we cannot say which particular sets of tools belonged -together in the first place. - - -EOLITHS - -But what sort of tools do we find earliest? For almost a century, -people have been picking up odd bits of flint and other stone in the -oldest Ice Age gravels in England and France. It is now thought these -odd bits of stone werent actually worked by prehistoric men. The -stones were given a name, _eoliths_, or dawn stones. You can see them -in many museums; but you can be pretty sure that very few of them were -actually fashioned by men. - -It is impossible to pick out eoliths that seem to be made in any -one _tradition_. By tradition I mean a set of habits for making one -kind of tool for some particular job. No two eoliths look very much -alike: tools made as part of some one tradition all look much alike. -Now its easy to suppose that the very earliest prehistoric men picked -up and used almost any sort of stone. This wouldnt be surprising; you -and I do it when we go camping. In other words, some of these eoliths -may actually have been used by prehistoric men. They must have used -anything that might be handy when they needed it. We could have figured -that out without the eoliths. - - -THE ROAD TO STANDARDIZATION - -Reasoning from what we know or can easily imagine, there should have -been three major steps in the prehistory of tool-making. The first step -would have been simple _utilization_ of what was at hand. This is the -step into which the eoliths would fall. The second step would have -been _fashioning_--the haphazard preparation of a tool when there was a -need for it. Probably many of the earlier pebble tools, which I shall -describe next, fall into this group. The third step would have been -_standardization_. Here, men began to make tools according to certain -set traditions. Counting the better-made pebble tools, there are four -such traditions or sets of habits for the production of stone tools in -earliest prehistoric times. Toward the end of the Pleistocene, a fifth -tradition appears. - - -PEBBLE TOOLS - -At the beginning of the last chapter, youll remember that I said there -were tools from very early geological beds. The earliest bones of men -have not yet been found in such early beds although the Sterkfontein -australopithecine cave approaches this early date. The earliest tools -come from Africa. They date back to the time of the first great -alpine glaciation and are at least 500,000 years old. The earliest -ones are made of split pebbles, about the size of your fist or a bit -bigger. They go under the name of pebble tools. There are many natural -exposures of early Pleistocene geological beds in Africa, and the -prehistoric archeologists of south and central Africa have concentrated -on searching for early tools. Other finds of early pebble tools have -recently been made in Algeria and Morocco. - -[Illustration: SOUTH AFRICAN PEBBLE TOOL] - -There are probably early pebble tools to be found in areas of the -Old World besides Africa; in fact, some prehistorians already claim -to have identified a few. Since the forms and the distinct ways of -making the earlier pebble tools had not yet sufficiently jelled into -a set tradition, they are difficult for us to recognize. It is not -so difficult, however, if there are great numbers of possibles -available. A little later in time the tradition becomes more clearly -set, and pebble tools are easier to recognize. So far, really large -collections of pebble tools have only been found and examined in Africa. - - -CORE-BIFACE TOOLS - -The next tradition well look at is the _core_ or biface one. The tools -are large pear-shaped pieces of stone trimmed flat on the two opposite -sides or faces. Hence biface has been used to describe these tools. -The front view is like that of a pear with a rather pointed top, and -the back view looks almost exactly the same. Look at them side on, and -you can see that the front and back faces are the same and have been -trimmed to a thin tip. The real purpose in trimming down the two faces -was to get a good cutting edge all around. You can see all this in the -illustration. - -[Illustration: ABBEVILLIAN BIFACE] - -We have very little idea of the way in which these core-bifaces were -used. They have been called hand axes, but this probably gives the -wrong idea, for an ax, to us, is not a pointed tool. All of these early -tools must have been used for a number of jobs--chopping, scraping, -cutting, hitting, picking, and prying. Since the core-bifaces tend to -be pointed, it seems likely that they were used for hitting, picking, -and prying. But they have rough cutting edges, so they could have been -used for chopping, scraping, and cutting. - - -FLAKE TOOLS - -The third tradition is the _flake_ tradition. The idea was to get a -tool with a good cutting edge by simply knocking a nice large flake off -a big block of stone. You had to break off the flake in such a way that -it was broad and thin, and also had a good sharp cutting edge. Once you -really got on to the trick of doing it, this was probably a simpler way -to make a good cutting tool than preparing a biface. You have to know -how, though; Ive tried it and have mashed my fingers more than once. - -The flake tools look as if they were meant mainly for chopping, -scraping, and cutting jobs. When one made a flake tool, the idea seems -to have been to produce a broad, sharp, cutting edge. - -[Illustration: CLACTONIAN FLAKE] - -The core-biface and the flake traditions were spread, from earliest -times, over much of Europe, Africa, and western Asia. The map on page -52 shows the general area. Over much of this great region there was -flint. Both of these traditions seem well adapted to flint, although -good core-bifaces and flakes were made from other kinds of stone, -especially in Africa south of the Sahara. - - -CHOPPERS AND ADZE-LIKE TOOLS - -The fourth early tradition is found in southern and eastern Asia, from -northwestern India through Java and Burma into China. Father Maringer -recently reported an early group of tools in Japan, which most resemble -those of Java, called Patjitanian. The prehistoric men in this general -area mostly used quartz and tuff and even petrified wood for their -stone tools (see illustration, p. 46). - -This fourth early tradition is called the _chopper-chopping tool_ -tradition. It probably has its earliest roots in the pebble tool -tradition of African type. There are several kinds of tools in this -tradition, but all differ from the western core-bifaces and flakes. -There are broad, heavy scrapers or cleavers, and tools with an -adze-like cutting edge. These last-named tools are called hand adzes, -just as the core-bifaces of the west have often been called hand -axes. The section of an adze cutting edge is ? shaped; the section of -an ax is < shaped. - -[Illustration: ANYATHIAN ADZE-LIKE TOOL] - -There are also pointed pebble tools. Thus the tool kit of these early -south and east Asiatic peoples seems to have included tools for doing -as many different jobs as did the tools of the Western traditions. - -Dr. H. L. Movius has emphasized that the tools which were found in the -Peking cave with Peking man belong to the chopper-tool tradition. This -is the only case as yet where the tools and the man have been found -together from very earliest times--if we except Sterkfontein. - - -DIFFERENCES WITHIN THE TOOL-MAKING TRADITIONS - -The latter three great traditions in the manufacture of stone -tools--and the less clear-cut pebble tools before them--are all we have -to show of the cultures of the men of those times. Changes happened in -each of the traditions. As time went on, the tools in each tradition -were better made. There could also be slight regional differences in -the tools within one tradition. Thus, tools with small differences, but -all belonging to one tradition, can be given special group (facies) -names. - -This naming of special groups has been going on for some time. Here are -some of these names, since you may see them used in museum displays -of flint tools, or in books. Within each tradition of tool-making -(save the chopper tools), the earliest tool type is at the bottom -of the list, just as it appears in the lowest beds of a geological -stratification.[3] - - [3] Archeologists usually make their charts and lists with the - earliest materials at the bottom and the latest on top, since - this is the way they find them in the ground. - - Chopper tool (all about equally early): - Anyathian (Burma) - Choukoutienian (China) - Patjitanian (Java) - Soan (India) - - Flake: - Typical Mousterian - Levalloiso-Mousterian - Levalloisian - Tayacian - Clactonian (localized in England) - - Core-biface: - Some blended elements in Mousterian - Micoquian (= Acheulean 6 and 7) - Acheulean - Abbevillian (once called Chellean) - - Pebble tool: - Oldowan - Ain Hanech - pre-Stellenbosch - Kafuan - -The core-biface and the flake traditions appear in the chart (p. 65). - -The early archeologists had many of the tool groups named before they -ever realized that there were broader tool preparation traditions. This -was understandable, for in dealing with the mixture of things that come -out of glacial gravels the easiest thing to do first is to isolate -individual types of tools into groups. First you put a bushel-basketful -of tools on a table and begin matching up types. Then you give names to -the groups of each type. The groups and the types are really matters of -the archeologists choice; in real life, they were probably less exact -than the archeologists lists of them. We now know pretty well in which -of the early traditions the various early groups belong. - - -THE MEANING OF THE DIFFERENT TRADITIONS - -What do the traditions really mean? I see them as the standardization -of ways to make tools for particular jobs. We may not know exactly what -job the maker of a particular core-biface or flake tool had in mind. We -can easily see, however, that he already enjoyed a know-how, a set of -persistent habits of tool preparation, which would always give him the -same type of tool when he wanted to make it. Therefore, the traditions -show us that persistent habits already existed for the preparation of -one type of tool or another. - -This tells us that one of the characteristic aspects of human culture -was already present. There must have been, in the minds of these -early men, a notion of the ideal type of tool for a particular job. -Furthermore, since we find so many thousands upon thousands of tools -of one type or another, the notion of the ideal types of tools _and_ -the know-how for the making of each type must have been held in common -by many men. The notions of the ideal types and the know-how for their -production must have been passed on from one generation to another. - -I could even guess that the notions of the ideal type of one or the -other of these tools stood out in the minds of men of those times -somewhat like a symbol of perfect tool for good job. If this were -so--remember its only a wild guess of mine--then men were already -symbol users. Now lets go on a further step to the fact that the words -men speak are simply sounds, each different sound being a symbol for a -different meaning. If standardized tool-making suggests symbol-making, -is it also possible that crude word-symbols were also being made? I -suppose that it is not impossible. - -There may, of course, be a real question whether tool-utilizing -creatures--our first step, on page 42--were actually men. Other -animals utilize things at hand as tools. The tool-fashioning creature -of our second step is more suggestive, although we may not yet feel -sure that many of the earlier pebble tools were man-made products. But -with the step to standardization and the appearance of the traditions, -I believe we must surely be dealing with the traces of culture-bearing -_men_. The conventional understandings which Professor Redfields -definition of culture suggests are now evidenced for us in the -persistent habits for the preparation of stone tools. Were we able to -see the other things these prehistoric men must have made--in materials -no longer preserved for the archeologist to find--I believe there would -be clear signs of further conventional understandings. The men may have -been physically primitive and pretty shaggy in appearance, but I think -we must surely call them men. - - -AN OLDER INTERPRETATION OF THE WESTERN TRADITIONS - -In the last chapter, I told you that many of the older archeologists -and human paleontologists used to think that modern man was very old. -The supposed ages of Piltdown and Galley Hill were given as evidence -of the great age of anatomically modern man, and some interpretations -of the Swanscombe and Fontchevade fossils were taken to support -this view. The conclusion was that there were two parallel lines or -phyla of men already present well back in the Pleistocene. The -first of these, the more primitive or paleoanthropic line, was -said to include Heidelberg, the proto-neanderthaloids and classic -Neanderthal. The more anatomically modern or neanthropic line was -thought to consist of Piltdown and the others mentioned above. The -Neanderthaler or paleoanthropic line was thought to have become extinct -after the first phase of the last great glaciation. Of course, the -modern or neanthropic line was believed to have persisted into the -present, as the basis for the worlds population today. But with -Piltdown liquidated, Galley Hill known to be very late, and Swanscombe -and Fontchevade otherwise interpreted, there is little left of the -so-called parallel phyla theory. - -While the theory was in vogue, however, and as long as the European -archeological evidence was looked at in one short-sighted way, the -archeological materials _seemed_ to fit the parallel phyla theory. It -was simply necessary to believe that the flake tools were made only -by the paleoanthropic Neanderthaler line, and that the more handsome -core-biface tools were the product of the neanthropic modern-man line. - -Remember that _almost_ all of the early prehistoric European tools -came only from the redeposited gravel beds. This means that the tools -were not normally found in the remains of camp sites or work shops -where they had actually been dropped by the men who made and used -them. The tools came, rather, from the secondary hodge-podge of the -glacial gravels. I tried to give you a picture of the bulldozing action -of glaciers (p. 40) and of the erosion and weathering that were -side-effects of a glacially conditioned climate on the earths surface. -As we said above, if one simply plucks tools out of the redeposited -gravels, his natural tendency is to type the tools by groups, and to -think that the groups stand for something _on their own_. - -In 1906, M. Victor Commont actually made a rare find of what seems -to have been a kind of workshop site, on a terrace above the Somme -river in France. Here, Commont realized, flake tools appeared clearly -in direct association with core-biface tools. Few prehistorians paid -attention to Commont or his site, however. It was easier to believe -that flake tools represented a distinct culture and that this -culture was that of the Neanderthaler or paleoanthropic line, and -that the core-bifaces stood for another culture which was that of the -supposed early modern or neanthropic line. Of course, I am obviously -skipping many details here. Some later sites with Neanderthal fossils -do seem to have only flake tools, but other such sites have both types -of tools. The flake tools which appeared _with_ the core-bifaces -in the Swanscombe gravels were never made much of, although it -was embarrassing for the parallel phyla people that Fontchevade -ran heavily to flake tools. All in all, the parallel phyla theory -flourished because it seemed so neat and easy to understand. - - -TRADITIONS ARE TOOL-MAKING HABITS, NOT CULTURES - -In case you think I simply enjoy beating a dead horse, look in any -standard book on prehistory written twenty (or even ten) years ago, or -in most encyclopedias. Youll find that each of the individual tool -types, of the West, at least, was supposed to represent a culture. -The cultures were believed to correspond to parallel lines of human -evolution. - -In 1937, Mr. Harper Kelley strongly re-emphasized the importance -of Commonts workshop site and the presence of flake tools with -core-bifaces. Next followed Dr. Movius clear delineation of the -chopper-chopping tool tradition of the Far East. This spoiled the nice -symmetry of the flake-tool = paleoanthropic, core-biface = neanthropic -equations. Then came increasing understanding of the importance of -the pebble tools in Africa, and the location of several more workshop -sites there, especially at Olorgesailie in Kenya. Finally came the -liquidation of Piltdown and the deflation of Galley Hills date. So it -is at last possible to picture an individual prehistoric man making a -flake tool to do one job and a core-biface tool to do another. Commont -showed us this picture in 1906, but few believed him. - -[Illustration: DISTRIBUTION OF TOOL-PREPARATION TRADITIONS - -Time approximately 100,000 years ago] - -There are certainly a few cases in which flake tools did appear with -few or no core-bifaces. The flake-tool group called Clactonian in -England is such a case. Another good, but certainly later case is -that of the cave on Mount Carmel in Palestine, where the blended -pre-neanderthaloid, 70 per cent modern-type skulls were found. Here, in -the same level with the skulls, were 9,784 flint tools. Of these, only -three--doubtless strays--were core-bifaces; all the rest were flake -tools or flake chips. We noted above how the Fontchevade cave ran to -flake tools. The only conclusion I would draw from this is that times -and circumstances did exist in which prehistoric men needed only flake -tools. So they only made flake tools for those particular times and -circumstances. - - -LIFE IN EARLIEST TIMES - -What do we actually know of life in these earliest times? In the -glacial gravels, or in the terrace gravels of rivers once swollen by -floods of melt water or heavy rains, or on the windswept deserts, we -find stone tools. The earliest and coarsest of these are the pebble -tools. We do not yet know what the men who made them looked like, -although the Sterkfontein australopithecines probably give us a good -hint. Then begin the more formal tool preparation traditions of the -west--the core-bifaces and the flake tools--and the chopper-chopping -tool series of the farther east. There is an occasional roughly worked -piece of bone. From the gravels which yield the Clactonian flakes of -England comes the fire-hardened point of a wooden spear. There are -also the chance finds of the fossil human bones themselves, of which -we spoke in the last chapter. Aside from the cave of Peking man, none -of the earliest tools have been found in caves. Open air or workshop -sites which do not seem to have been disturbed later by some geological -agency are very rare. - -The chart on page 65 shows graphically what the situation in -west-central Europe seems to have been. It is not yet certain whether -there were pebble tools there or not. The Fontchevade cave comes -into the picture about 100,000 years ago or more. But for the earlier -hundreds of thousands of years--below the red-dotted line on the -chart--the tools we find come almost entirely from the haphazard -mixture within the geological contexts. - -The stone tools of each of the earlier traditions are the simplest -kinds of all-purpose tools. Almost any one of them could be used for -hacking, chopping, cutting, and scraping; so the men who used them must -have been living in a rough and ready sort of way. They found or hunted -their food wherever they could. In the anthropological jargon, they -were food-gatherers, pure and simple. - -Because of the mixture in the gravels and in the materials they -carried, we cant be sure which animals these men hunted. Bones of -the larger animals turn up in the gravels, but they could just as -well belong to the animals who hunted the men, rather than the other -way about. We dont know. This is why camp sites like Commonts and -Olorgesailie in Kenya are so important when we do find them. The animal -bones at Olorgesailie belonged to various mammals of extremely large -size. Probably they were taken in pit-traps, but there are a number of -groups of three round stones on the site which suggest that the people -used bolas. The South American Indians used three-ball bolas, with the -stones in separate leather bags connected by thongs. These were whirled -and then thrown through the air so as to entangle the feet of a fleeing -animal. - -Professor F. Clark Howell recently returned from excavating another -important open air site at Isimila in Tanganyika. The site yielded -the bones of many fossil animals and also thousands of core-bifaces, -flakes, and choppers. But Howells reconstruction of the food-getting -habits of the Isimila people certainly suggests that the word hunting -is too dignified for what they did; scavenging would be much nearer -the mark. - -During a great part of this time the climate was warm and pleasant. The -second interglacial period (the time between the second and third great -alpine glaciations) lasted a long time, and during much of this time -the climate may have been even better than ours is now. We dont know -that earlier prehistoric men in Europe or Africa lived in caves. They -may not have needed to; much of the weather may have been so nice that -they lived in the open. Perhaps they didnt wear clothes, either. - - -WHAT THE PEKING CAVE-FINDS TELL US - -The one early cave-dwelling we have found is that of Peking man, in -China. Peking man had fire. He probably cooked his meat, or used -the fire to keep dangerous animals away from his den. In the cave -were bones of dangerous animals, members of the wolf, bear, and cat -families. Some of the cat bones belonged to beasts larger than tigers. -There were also bones of other wild animals: buffalo, camel, deer, -elephants, horses, sheep, and even ostriches. Seventy per cent of the -animals Peking man killed were fallow deer. Its much too cold and dry -in north China for all these animals to live there today. So this list -helps us know that the weather was reasonably warm, and that there was -enough rain to grow grass for the grazing animals. The list also helps -the paleontologists to date the find. - -Peking man also seems to have eaten plant food, for there are hackberry -seeds in the debris of the cave. His tools were made of sandstone and -quartz and sometimes of a rather bad flint. As weve already seen, they -belong in the chopper-tool tradition. It seems fairly clear that some -of the edges were chipped by right-handed people. There are also many -split pieces of heavy bone. Peking man probably split them so he could -eat the bone marrow, but he may have used some of them as tools. - -Many of these split bones were the bones of Peking men. Each one of the -skulls had already had the base broken out of it. In no case were any -of the bones resting together in their natural relation to one another. -There is nothing like a burial; all of the bones are scattered. Now -its true that animals could have scattered bodies that were not cared -for or buried. But splitting bones lengthwise and carefully removing -the base of a skull call for both the tools and the people to use them. -Its pretty clear who the people were. Peking man was a cannibal. - - * * * * * - -This rounds out about all we can say of the life and times of early -prehistoric men. In those days life was rough. You evidently had to -watch out not only for dangerous animals but also for your fellow men. -You ate whatever you could catch or find growing. But you had sense -enough to build fires, and you had already formed certain habits for -making the kinds of stone tools you needed. Thats about all we know. -But I think well have to admit that cultural beginnings had been made, -and that these early people were really _men_. - - - - -MORE EVIDENCE of Culture - -[Illustration] - - -While the dating is not yet sure, the material that we get from caves -in Europe must go back to about 100,000 years ago; the time of the -classic Neanderthal group followed soon afterwards. We dont know why -there is no earlier material in the caves; apparently they were not -used before the last interglacial phase (the period just before the -last great glaciation). We know that men of the classic Neanderthal -group were living in caves from about 75,000 to 45,000 years ago. -New radioactive carbon dates even suggest that some of the traces of -culture well describe in this chapter may have lasted to about 35,000 -years ago. Probably some of the pre-neanderthaloid types of men had -also lived in caves. But we have so far found their bones in caves only -in Palestine and at Fontchevade. - - -THE CAVE LAYERS - -In parts of France, some peasants still live in caves. In prehistoric -time, many generations of people lived in them. As a result, many -caves have deep layers of debris. The first people moved in and lived -on the rock floor. They threw on the floor whatever they didnt want, -and they tracked in mud; nobody bothered to clean house in those days. -Their debris--junk and mud and garbage and what not--became packed -into a layer. As time went on, and generations passed, the layer grew -thicker. Then there might have been a break in the occupation of the -cave for a while. Perhaps the game animals got scarce and the people -moved away; or maybe the cave became flooded. Later on, other people -moved in and began making a new layer of their own on top of the first -layer. Perhaps this process of layering went on in the same cave for a -hundred thousand years; you can see what happened. The drawing on this -page shows a section through such a cave. The earliest layer is on the -bottom, the latest one on top. They go in order from bottom to top, -earliest to latest. This is the _stratification_ we talked about (p. -12). - -[Illustration: SECTION OF SHELTER ON LOWER TERRACE, LE MOUSTIER] - -While we may find a mix-up in caves, its not nearly as bad as the -mixing up that was done by glaciers. The animal bones and shells, the -fireplaces, the bones of men, and the tools the men made all belong -together, if they come from one layer. Thats the reason why the cave -of Peking man is so important. It is also the reason why the caves in -Europe and the Near East are so important. We can get an idea of which -things belong together and which lot came earliest and which latest. - -In most cases, prehistoric men lived only in the mouths of caves. -They didnt like the dark inner chambers as places to live in. They -preferred rock-shelters, at the bases of overhanging cliffs, if there -was enough overhang to give shelter. When the weather was good, they no -doubt lived in the open air as well. Ill go on using the term cave -since its more familiar, but remember that I really mean rock-shelter, -as a place in which people actually lived. - -The most important European cave sites are in Spain, France, and -central Europe; there are also sites in England and Italy. A few caves -are known in the Near East and Africa, and no doubt more sites will be -found when the out-of-the-way parts of Europe, Africa, and Asia are -studied. - - -AN INDUSTRY DEFINED - -We have already seen that the earliest European cave materials are -those from the cave of Fontchevade. Movius feels certain that the -lowest materials here date back well into the third interglacial stage, -that which lay between the Riss (next to the last) and the Wrm I -(first stage of the last) alpine glaciations. This material consists -of an _industry_ of stone tools, apparently all made in the flake -tradition. This is the first time we have used the word industry. -It is useful to call all of the different tools found together in one -layer and made of _one kind of material_ an industry; that is, the -tools must be found together as men left them. Tools taken from the -glacial gravels (or from windswept desert surfaces or river gravels -or any geological deposit) are not together in this sense. We might -say the latter have only geological, not archeological context. -Archeological context means finding things just as men left them. We -can tell what tools go together in an industrial sense only if we -have archeological context. - -Up to now, the only things we could have called industries were the -worked stone industry and perhaps the worked (?) bone industry of the -Peking cave. We could add some of the very clear cases of open air -sites, like Olorgesailie. We couldnt use the term for the stone tools -from the glacial gravels, because we do not know which tools belonged -together. But when the cave materials begin to appear in Europe, we can -begin to speak of industries. Most of the European caves of this time -contain industries of flint tools alone. - - -THE EARLIEST EUROPEAN CAVE LAYERS - -Weve just mentioned the industry from what is said to be the oldest -inhabited cave in Europe; that is, the industry from the deepest layer -of the site at Fontchevade. Apparently it doesnt amount to much. The -tools are made of stone, in the flake tradition, and are very poorly -worked. This industry is called _Tayacian_. Its type tool seems to be -a smallish flake tool, but there are also larger flakes which seem to -have been fashioned for hacking. In fact, the type tool seems to be -simply a smaller edition of the Clactonian tool (pictured on p. 45). - -None of the Fontchevade tools are really good. There are scrapers, -and more or less pointed tools, and tools that may have been used -for hacking and chopping. Many of the tools from the earlier glacial -gravels are better made than those of this first industry we see in -a European cave. There is so little of this material available that -we do not know which is really typical and which is not. You would -probably find it hard to see much difference between this industry and -a collection of tools of the type called Clactonian, taken from the -glacial gravels, especially if the Clactonian tools were small-sized. - -The stone industry of the bottommost layer of the Mount Carmel cave, -in Palestine, where somewhat similar tools were found, has also been -called Tayacian. - -I shall have to bring in many unfamiliar words for the names of the -industries. The industries are usually named after the places where -they were first found, and since these were in most cases in France, -most of the names which follow will be of French origin. However, -the names have simply become handles and are in use far beyond the -boundaries of France. It would be better if we had a non-place-name -terminology, but archeologists have not yet been able to agree on such -a terminology. - - -THE ACHEULEAN INDUSTRY - -Both in France and in Palestine, as well as in some African cave -sites, the next layers in the deep caves have an industry in both the -core-biface and the flake traditions. The core-biface tools usually -make up less than half of all the tools in the industry. However, -the name of the biface type of tool is generally given to the whole -industry. It is called the _Acheulean_, actually a late form of it, as -Acheulean is also used for earlier core-biface tools taken from the -glacial gravels. In western Europe, the name used is _Upper Acheulean_ -or _Micoquian_. The same terms have been borrowed to name layers E and -F in the Tabun cave, on Mount Carmel in Palestine. - -The Acheulean core-biface type of tool is worked on two faces so as -to give a cutting edge all around. The outline of its front view may -be oval, or egg-shaped, or a quite pointed pear shape. The large -chip-scars of the Acheulean core-bifaces are shallow and flat. It is -suspected that this resulted from the removal of the chips with a -wooden club; the deep chip-scars of the earlier Abbevillian core-biface -came from beating the tool against a stone anvil. These tools are -really the best and also the final products of the core-biface -tradition. We first noticed the tradition in the early glacial gravels -(p. 43); now we see its end, but also its finest examples, in the -deeper cave levels. - -The flake tools, which really make up the greater bulk of this -industry, are simple scrapers and chips with sharp cutting edges. The -habits used to prepare them must have been pretty much the same as -those used for at least one of the flake industries we shall mention -presently. - -There is very little else in these early cave layers. We do not have -a proper industry of bone tools. There are traces of fire, and of -animal bones, and a few shells. In Palestine, there are many more -bones of deer than of gazelle in these layers; the deer lives in a -wetter climate than does the gazelle. In the European cave layers, the -animal bones are those of beasts that live in a warm climate. They -belonged in the last interglacial period. We have not yet found the -bones of fossil men definitely in place with this industry. - -[Illustration: ACHEULEAN BIFACE] - - -FLAKE INDUSTRIES FROM THE CAVES - -Two more stone industries--the _Levalloisian_ and the -_Mousterian_--turn up at approximately the same time in the European -cave layers. Their tools seem to be mainly in the flake tradition, -but according to some of the authorities their preparation also shows -some combination with the habits by which the core-biface tools were -prepared. - -Now notice that I dont tell you the Levalloisian and the Mousterian -layers are both above the late Acheulean layers. Look at the cave -section (p. 57) and youll find that some Mousterian of Acheulean -tradition appears above some typical Mousterian. This means that -there may be some kinds of Acheulean industries that are later than -some kinds of Mousterian. The same is true of the Levalloisian. - -There were now several different kinds of habits that men used in -making stone tools. These habits were based on either one or the other -of the two traditions--core-biface or flake--or on combinations of -the habits used in the preparation techniques of both traditions. All -were popular at about the same time. So we find that people who made -one kind of stone tool industry lived in a cave for a while. Then they -gave up the cave for some reason, and people with another industry -moved in. Then the first people came back--or at least somebody with -the same tool-making habits as the first people. Or maybe a third group -of tool-makers moved in. The people who had these different habits for -making their stone tools seem to have moved around a good deal. They no -doubt borrowed and exchanged tricks of the trade with each other. There -were no patent laws in those days. - -The extremely complicated interrelationships of the different habits -used by the tool-makers of this range of time are at last being -systematically studied. M. Franois Bordes has developed a statistical -method of great importance for understanding these tool preparation -habits. - - -THE LEVALLOISIAN AND MOUSTERIAN - -The easiest Levalloisian tool to spot is a big flake tool. The trick -in making it was to fashion carefully a big chunk of stone (called -the Levalloisian tortoise core, because it resembles the shape of -a turtle-shell) and then to whack this in such a way that a large -flake flew off. This large thin flake, with sharp cutting edges, is -the finished Levalloisian tool. There were various other tools in a -Levalloisian industry, but this is the characteristic _Levalloisian_ -tool. - -There are several typical Mousterian stone tools. Different from -the tools of the Levalloisian type, these were made from disc-like -cores. There are medium-sized flake side scrapers. There are also -some small pointed tools and some small hand axes. The last of these -tool types is often a flake worked on both of the flat sides (that -is, bifacially). There are also pieces of flint worked into the form -of crude balls. The pointed tools may have been fixed on shafts to -make short jabbing spears; the round flint balls may have been used as -bolas. Actually, we dont _know_ what either tool was used for. The -points and side scrapers are illustrated (pp. 64 and 66). - -[Illustration: LEVALLOIS FLAKE] - - -THE MIXING OF TRADITIONS - -Nowadays the archeologists are less and less sure of the importance -of any one specific tool type and name. Twenty years ago, they used -to speak simply of Acheulean or Levalloisian or Mousterian tools. -Now, more and more, _all_ of the tools from some one layer in a -cave are called an industry, which is given a mixed name. Thus we -have Levalloiso-Mousterian, and Acheuleo-Levalloisian, and even -Acheuleo-Mousterian (or Mousterian of Acheulean tradition). Bordes -systematic work is beginning to clear up some of our confusion. - -The time of these late Acheuleo-Levalloiso-Mousterioid industries -is from perhaps as early as 100,000 years ago. It may have lasted -until well past 50,000 years ago. This was the time of the first -phase of the last great glaciation. It was also the time that the -classic group of Neanderthal men was living in Europe. A number of -the Neanderthal fossil finds come from these cave layers. Before the -different habits of tool preparation were understood it used to be -popular to say Neanderthal man was Mousterian man. I think this is -wrong. What used to be called Mousterian is now known to be a variety -of industries with tools of both core-biface and flake habits, and -so mixed that the word Mousterian used alone really doesnt mean -anything. The Neanderthalers doubtless understood the tool preparation -habits by means of which Acheulean, Levalloisian and Mousterian type -tools were produced. We also have the more modern-like Mount Carmel -people, found in a cave layer of Palestine with tools almost entirely -in the flake tradition, called Levalloiso-Mousterian, and the -Fontchevade-Tayacian (p. 59). - -[Illustration: MOUSTERIAN POINT] - - -OTHER SUGGESTIONS OF LIFE IN THE EARLY CAVE LAYERS - -Except for the stone tools, what do we know of the way men lived in the -time range after 100,000 to perhaps 40,000 years ago or even later? -We know that in the area from Europe to Palestine, at least some of -the people (some of the time) lived in the fronts of caves and warmed -themselves over fires. In Europe, in the cave layers of these times, -we find the bones of different animals; the bones in the lowest layers -belong to animals that lived in a warm climate; above them are the -bones of those who could stand the cold, like the reindeer and mammoth. -Thus, the meat diet must have been changing, as the glacier crept -farther south. Shells and possibly fish bones have lasted in these -cave layers, but there is not a trace of the vegetable foods and the -nuts and berries and other wild fruits that must have been eaten when -they could be found. - -[Illustration: CHART SHOWING PRESENT UNDERSTANDING OF RELATIONSHIPS AND -SUCCESSION OF TOOL-PREPARATION TRADITIONS, INDUSTRIES, AND ASSEMBLAGES -OF WEST-CENTRAL EUROPE - -Wavy lines indicate transitions in industrial habits. These transitions -are not yet understood in detail. The glacial and climatic scheme shown -is the alpine one.] - -Bone tools have also been found from this period. Some are called -scrapers, and there are also long chisel-like leg-bone fragments -believed to have been used for skinning animals. Larger hunks of bone, -which seem to have served as anvils or chopping blocks, are fairly -common. - -Bits of mineral, used as coloring matter, have also been found. We -dont know what the color was used for. - -[Illustration: MOUSTERIAN SIDE SCRAPER] - -There is a small but certain number of cases of intentional burials. -These burials have been found on the floors of the caves; in other -words, the people dug graves in the places where they lived. The holes -made for the graves were small. For this reason (or perhaps for some -other?) the bodies were in a curled-up or contracted position. Flint or -bone tools or pieces of meat seem to have been put in with some of the -bodies. In several cases, flat stones had been laid over the graves. - - -TOOLS FROM AFRICA AND ASIA ABOUT 100,000 YEARS AGO - -Professor Movius characterizes early prehistoric Africa as a continent -showing a variety of stone industries. Some of these industries were -purely local developments and some were practically identical with -industries found in Europe at the same time. From northwest Africa -to Capetown--excepting the tropical rain forest region of the west -center--tools of developed Acheulean, Levalloisian, and Mousterian -types have been recognized. Often they are named after African place -names. - -In east and south Africa lived people whose industries show a -development of the Levalloisian technique. Such industries are -called Stillbay. Another industry, developed on the basis of the -Acheulean technique, is called Fauresmith. From the northwest comes -an industry with tanged points and flake-blades; this is called the -Aterian. The tropical rain forest region contained people whose stone -tools apparently show adjustment to this peculiar environment; the -so-called Sangoan industry includes stone picks, adzes, core-bifaces -of specialized Acheulean type, and bifacial points which were probably -spearheads. - -In western Asia, even as far as the east coast of India, the tools of -the Eurafrican core-biface and flake tool traditions continued to be -used. But in the Far East, as we noted in the last chapter, men had -developed characteristic stone chopper and chopping tools. This tool -preparation tradition--basically a pebble tool tradition--lasted to the -very end of the Ice Age. - -When more intact open air sites such as that of an earlier time at -Olorgesailie, and more stratified cave sites are found and excavated -in Asia and Africa, we shall be able to get a more complete picture. -So far, our picture of the general cultural level of the Old World at -about 100,000 years ago--and soon afterwards--is best from Europe, but -it is still far from complete there, too. - - -CULTURE AT THE BEGINNING OF THE LAST GREAT GLACIAL PERIOD - -The few things we have found must indicate only a very small part -of the total activities of the people who lived at the time. All of -the things they made of wood and bark, of skins, of anything soft, -are gone. The fact that burials were made, at least in Europe and -Palestine, is pretty clear proof that the people had some notion of a -life after death. But what this notion really was, or what gods (if -any) men believed in, we cannot know. Dr. Movius has also reminded me -of the so-called bear cults--cases in which caves have been found which -contain the skulls of bears in apparently purposeful arrangement. This -might suggest some notion of hoarding up the spirits or the strength of -bears killed in the hunt. Probably the people lived in small groups, -as hunting and food-gathering seldom provide enough food for large -groups of people. These groups probably had some kind of leader or -chief. Very likely the rude beginnings of rules for community life -and politics, and even law, were being made. But what these were, we -do not know. We can only guess about such things, as we can only guess -about many others; for example, how the idea of a family must have been -growing, and how there may have been witch doctors who made beginnings -in medicine or in art, in the materials they gathered for their trade. - -The stone tools help us most. They have lasted, and we can find -them. As they come to us, from this cave or that, and from this -layer or that, the tool industries show a variety of combinations -of the different basic habits or traditions of tool preparation. -This seems only natural, as the groups of people must have been very -small. The mixtures and blendings of the habits used in making stone -tools must mean that there were also mixtures and blends in many of -the other ideas and beliefs of these small groups. And what this -probably means is that there was no one _culture_ of the time. It is -certainly unlikely that there were simply three cultures, Acheulean, -Levalloisian, and Mousterian, as has been thought in the past. -Rather there must have been a great variety of loosely related cultures -at about the same stage of advancement. We could say, too, that here -we really begin to see, for the first time, that remarkable ability -of men to adapt themselves to a variety of conditions. We shall see -this adaptive ability even more clearly as time goes on and the record -becomes more complete. - -Over how great an area did these loosely related cultures reach in -the time 75,000 to 45,000 or even as late as 35,000 years ago? We -have described stone tools made in one or another of the flake and -core-biface habits, for an enormous area. It covers all of Europe, all -of Africa, the Near East, and parts of India. It is perfectly possible -that the flake and core-biface habits lasted on after 35,000 years ago, -in some places outside of Europe. In northern Africa, for example, we -are certain that they did (see chart, p. 72). - -On the other hand, in the Far East (China, Burma, Java) and in northern -India, the tools of the old chopper-tool tradition were still being -made. Out there, we must assume, there was a different set of loosely -related cultures. At least, there was a different set of loosely -related habits for the making of tools. But the men who made them must -have looked much like the men of the West. Their tools were different, -but just as useful. - -As to what the men of the West looked like, Ive already hinted at all -we know so far (pp. 29 ff.). The Neanderthalers were present at -the time. Some more modern-like men must have been about, too, since -fossils of them have turned up at Mount Carmel in Palestine, and at -Teshik Tash, in Trans-caspian Russia. It is still too soon to know -whether certain combinations of tools within industries were made -only by certain physical types of men. But since tools of both the -core-biface and the flake traditions, and their blends, turn up from -South Africa to England to India, it is most unlikely that only one -type of man used only one particular habit in the preparation of tools. -What seems perfectly clear is that men in Africa and men in India were -making just as good tools as the men who lived in western Europe. - - - - -EARLY MODERNS - -[Illustration] - - -From some time during the first inter-stadial of the last great -glaciation (say some time after about 40,000 years ago), we have -more accurate dates for the European-Mediterranean area and less -accurate ones for the rest of the Old World. This is probably -because the effects of the last glaciation have been studied in the -European-Mediterranean area more than they have been elsewhere. - - -A NEW TRADITION APPEARS - -Something new was probably beginning to happen in the -European-Mediterranean area about 40,000 years ago, though all the -rest of the Old World seems to have been going on as it had been. I -cant be sure of this because the information we are using as a basis -for dates is very inaccurate for the areas outside of Europe and the -Mediterranean. - -We can at least make a guess. In Egypt and north Africa, men were still -using the old methods of making stone tools. This was especially true -of flake tools of the Levalloisian type, save that they were growing -smaller and smaller as time went on. But at the same time, a new -tradition was becoming popular in westernmost Asia and in Europe. This -was the blade-tool tradition. - - -BLADE TOOLS - -A stone blade is really just a long parallel-sided flake, as the -drawing shows. It has sharp cutting edges, and makes a very useful -knife. The real trick is to be able to make one. It is almost -impossible to make a blade out of any stone but flint or a natural -volcanic glass called obsidian. And even if you have flint or obsidian, -you first have to work up a special cone-shaped blade-core, from -which to whack off blades. - -[Illustration: PLAIN BLADE] - -You whack with a hammer stone against a bone or antler punch which is -directed at the proper place on the blade-core. The blade-core has to -be well supported or gripped while this is going on. To get a good -flint blade tool takes a great deal of know-how. - -Remember that a tradition in stone tools means no more than that some -particular way of making the tools got started and lasted a long time. -Men who made some tools in one tradition or set of habits would also -make other tools for different purposes by means of another tradition -or set of habits. It was even possible for the two sets of habits to -become combined. - - -THE EARLIEST BLADE TOOLS - -The oldest blade tools we have found were deep down in the layers of -the Mount Carmel caves, in Tabun Eb and Ea. Similar tools have been -found in equally early cave levels in Syria; their popularity there -seems to fluctuate a bit. Some more or less parallel-sided flakes are -known in the Levalloisian industry in France, but they are probably -no earlier than Tabun E. The Tabun blades are part of a local late -Acheulean industry, which is characterized by core-biface hand -axes, but which has many flake tools as well. Professor F. E. -Zeuner believes that this industry may be more than 120,000 years old; -actually its date has not yet been fixed, but it is very old--older -than the fossil finds of modern-like men in the same caves. - -[Illustration: SUCCESSION OF ICE AGE FLINT TYPES, INDUSTRIES, AND -ASSEMBLAGES, AND OF FOSSIL MEN, IN NORTHWESTERN EURAFRASIA] - -For some reason, the habit of making blades in Palestine and Syria was -interrupted. Blades only reappeared there at about the same time they -were first made in Europe, some time after 45,000 years ago; that is, -after the first phase of the last glaciation was ended. - -[Illustration: BACKED BLADE] - -We are not sure just where the earliest _persisting_ habits for the -production of blade tools developed. Impressed by the very early -momentary appearance of blades at Tabun on Mount Carmel, Professor -Dorothy A. Garrod first favored the Near East as a center of origin. -She spoke of some as yet unidentified Asiatic centre, which she -thought might be in the highlands of Iran or just beyond. But more -recent work has been done in this area, especially by Professor Coon, -and the blade tools do not seem to have an early appearance there. When -the blade tools reappear in the Syro-Palestinian area, they do so in -industries which also include Levalloiso-Mousterian flake tools. From -the point of view of form and workmanship, the blade tools themselves -are not so fine as those which seem to be making their appearance -in western Europe about the same time. There is a characteristic -Syro-Palestinian flake point, possibly a projectile tip, called the -Emiran, which is not known from Europe. The appearance of blade tools, -together with Levalloiso-Mousterian flakes, continues even after the -Emiran point has gone out of use. - -It seems clear that the production of blade tools did not immediately -swamp the set of older habits in Europe, too; the use of flake -tools also continued there. This was not so apparent to the older -archeologists, whose attention was focused on individual tool types. It -is not, in fact, impossible--although it is certainly not proved--that -the technique developed in the preparation of the Levalloisian tortoise -core (and the striking of the Levalloisian flake from it) might have -followed through to the conical core and punch technique for the -production of blades. Professor Garrod is much impressed with the speed -of change during the later phases of the last glaciation, and its -probable consequences. She speaks of the greater number of industries -having enough individual character to be classified as distinct ... -since evolution now starts to outstrip diffusion. Her evolution here -is of course an industrial evolution rather than a biological one. -Certainly the people of Europe had begun to make blade tools during -the warm spell after the first phase of the last glaciation. By about -40,000 years ago blades were well established. The bones of the blade -tool makers weve found so far indicate that anatomically modern men -had now certainly appeared. Unfortunately, only a few fossil men have -so far been found from the very beginning of the blade tool range in -Europe (or elsewhere). What I certainly shall _not_ tell you is that -conquering bands of fine, strong, anatomically modern men, armed with -superior blade tools, came sweeping out of the East to exterminate the -lowly Neanderthalers. Even if we dont know exactly what happened, Id -lay a good bet it wasnt that simple. - -We do know a good deal about different blade industries in Europe. -Almost all of them come from cave layers. There is a great deal of -complication in what we find. The chart (p. 72) tries to simplify -this complication; in fact, it doubtless simplifies it too much. But -it may suggest all the complication of industries which is going -on at this time. You will note that the upper portion of my much -simpler chart (p. 65) covers the same material (in the section -marked Various Blade-Tool Industries). That chart is certainly too -simplified. - -You will realize that all this complication comes not only from -the fact that we are finding more material. It is due also to the -increasing ability of men to adapt themselves to a great variety of -situations. Their tools indicate this adaptiveness. We know there was -a good deal of climatic change at this time. The plants and animals -that men used for food were changing, too. The great variety of tools -and industries we now find reflect these changes and the ability of men -to keep up with the times. Now, for example, is the first time we are -sure that there are tools to _make_ other tools. They also show mens -increasing ability to adapt themselves. - - -SPECIAL TYPES OF BLADE TOOLS - -The most useful tools that appear at this time were made from blades. - - 1. The backed blade. This is a knife made of a flint blade, with - one edge purposely blunted, probably to save the users fingers - from being cut. There are several shapes of backed blades (p. - 73). - - [Illustration: TWO BURINS] - - 2. The _burin_ or graver. The burin was the original chisel. Its - cutting edge is _transverse_, like a chisels. Some burins are - made like a screw-driver, save that burins are sharp. Others have - edges more like the blade of a chisel or a push plane, with - only one bevel. Burins were probably used to make slots in wood - and bone; that is, to make handles or shafts for other tools. - They must also be the tools with which much of the engraving on - bone (see p. 83) was done. There is a bewildering variety of - different kinds of burins. - -[Illustration: TANGED POINT] - - 3. The tanged point. These stone points were used to tip arrows or - light spears. They were made from blades, and they had a long tang - at the bottom where they were fixed to the shaft. At the place - where the tang met the main body of the stone point, there was - a marked shoulder, the beginnings of a barb. Such points had - either one or two shoulders. - -[Illustration: NOTCHED BLADE] - - 4. The notched or strangulated blade. Along with the points for - arrows or light spears must go a tool to prepare the arrow or - spear shaft. Today, such a tool would be called a draw-knife or - a spoke-shave, and this is what the notched blades probably are. - Our spoke-shaves have sharp straight cutting blades and really - shave. Notched blades of flint probably scraped rather than cut. - - 5. The awl, drill, or borer. These blade tools are worked out - to a spike-like point. They must have been used for making holes - in wood, bone, shell, skin, or other things. - -[Illustration: DRILL OR AWL] - - 6. The end-scraper on a blade is a tool with one or both ends - worked so as to give a good scraping edge. It could have been used - to hollow out wood or bone, scrape hides, remove bark from trees, - and a number of other things (p. 78). - -There is one very special type of flint tool, which is best known from -western Europe in an industry called the Solutrean. These tools were -usually made of blades, but the best examples are so carefully worked -on both sides (bifacially) that it is impossible to see the original -blade. This tool is - - 7. The laurel leaf point. Some of these tools were long and - dagger-like, and must have been used as knives or daggers. Others - were small, called willow leaf, and must have been mounted on - spear or arrow shafts. Another typical Solutrean tool is the - shouldered point. Both the laurel leaf and shouldered point - types are illustrated (see above and p. 79). - -[Illustration: END-SCRAPER ON A BLADE] - -[Illustration: LAUREL LEAF POINT] - -The industries characterized by tools in the blade tradition also -yield some flake and core tools. We will end this list with two types -of tools that appear at this time. The first is made of a flake; the -second is a core tool. - -[Illustration: SHOULDERED POINT] - - 8. The keel-shaped round scraper is usually small and quite round, - and has had chips removed up to a peak in the center. It is called - keel-shaped because it is supposed to look (when upside down) - like a section through a boat. Actually, it looks more like a tent - or an umbrella. Its outer edges are sharp all the way around, and - it was probably a general purpose scraping tool (see illustration, - p. 81). - - 9. The keel-shaped nosed scraper is a much larger and heavier tool - than the round scraper. It was made on a core with a flat bottom, - and has one nicely worked end or nose. Such tools are usually - large enough to be easily grasped, and probably were used like - push planes (see illustration, p. 81). - -[Illustration: KEEL-SHAPED ROUND SCRAPER] - -[Illustration: KEEL-SHAPED NOSED SCRAPER] - -The stone tools (usually made of flint) we have just listed are among -the most easily recognized blade tools, although they show differences -in detail at different times. There are also many other kinds. Not -all of these tools appear in any one industry at one time. Thus the -different industries shown in the chart (p. 72) each have only some -of the blade tools weve just listed, and also a few flake tools. Some -industries even have a few core tools. The particular types of blade -tools appearing in one cave layer or another, and the frequency of -appearance of the different types, tell which industry we have in each -layer. - - -OTHER KINDS OF TOOLS - -By this time in Europe--say from about 40,000 to about 10,000 years -ago--we begin to find other kinds of material too. Bone tools begin -to appear. There are knives, pins, needles with eyes, and little -double-pointed straight bars of bone that were probably fish-hooks. The -fish-line would have been fastened in the center of the bar; when the -fish swallowed the bait, the bar would have caught cross-wise in the -fishs mouth. - -One quite special kind of bone tool is a long flat point for a light -spear. It has a deep notch cut up into the breadth of its base, and is -called a split-based bone point (p. 82). We know examples of bone -beads from these times, and of bone handles for flint tools. Pierced -teeth of some animals were worn as beads or pendants, but I am not sure -that elks teeth were worn this early. There are even spool-shaped -buttons or toggles. - -[Illustration: SPLIT-BASED BONE POINT] - -[Illustration: SPEAR-THROWER] - -[Illustration: BONE HARPOON] - -Antler came into use for tools, especially in central and western -Europe. We do not know the use of one particular antler tool that -has a large hole bored in one end. One suggestion is that it was -a thong-stropper used to strop or work up hide thongs (see -illustration, below); another suggestion is that it was an arrow-shaft -straightener. - -Another interesting tool, usually of antler, is the spear-thrower, -which is little more than a stick with a notch or hook on one end. -The hook fits into the butt end of the spear, and the length of the -spear-thrower allows you to put much more power into the throw (p. -82). It works on pretty much the same principle as the sling. - -Very fancy harpoons of antler were also made in the latter half of -the period in western Europe. These harpoons had barbs on one or both -sides and a base which would slip out of the shaft (p. 82). Some have -engraved decoration. - - -THE BEGINNING OF ART - -[Illustration: THONG-STROPPER] - -In western Europe, at least, the period saw the beginning of several -kinds of art work. It is handy to break the art down into two great -groups: the movable art, and the cave paintings and sculpture. The -movable art group includes the scratchings, engravings, and modeling -which decorate tools and weapons. Knives, stroppers, spear-throwers, -harpoons, and sometimes just plain fragments of bone or antler are -often carved. There is also a group of large flat pebbles which seem -almost to have served as sketch blocks. The surfaces of these various -objects may show animals, or rather abstract floral designs, or -geometric designs. - -[Illustration: VENUS FIGURINE FROM WILLENDORF] - -Some of the movable art is not done on tools. The most remarkable -examples of this class are little figures of women. These women seem to -be pregnant, and their most female characteristics are much emphasized. -It is thought that these Venus or Mother-goddess figurines may be -meant to show the great forces of nature--fertility and the birth of -life. - - -CAVE PAINTINGS - -In the paintings on walls and ceilings of caves we have some examples -that compare with the best art of any time. The subjects were usually -animals, the great cold-weather beasts of the end of the Ice Age: the -mammoth, the wooly rhinoceros, the bison, the reindeer, the wild horse, -the bear, the wild boar, and wild cattle. As in the movable art, there -are different styles in the cave art. The really great cave art is -pretty well restricted to southern France and Cantabrian (northwestern) -Spain. - -There are several interesting things about the Franco-Cantabrian cave -art. It was done deep down in the darkest and most dangerous parts of -the caves, although the men lived only in the openings of caves. If you -think what they must have had for lights--crude lamps of hollowed stone -have been found, which must have burned some kind of oil or grease, -with a matted hair or fiber wick--and of the animals that may have -lurked in the caves, youll understand the part about danger. Then, -too, were sure the pictures these people painted were not simply to be -looked at and admired, for they painted one picture right over other -pictures which had been done earlier. Clearly, it was the _act_ of -_painting_ that counted. The painter had to go way down into the most -mysterious depths of the earth and create an animal in paint. Possibly -he believed that by doing this he gained some sort of magic power over -the same kind of animal when he hunted it in the open air. It certainly -doesnt look as if he cared very much about the picture he painted--as -a finished product to be admired--for he or somebody else soon went -down and painted another animal right over the one he had done. - -The cave art of the Franco-Cantabrian style is one of the great -artistic achievements of all time. The subjects drawn are almost always -the larger animals of the time: the bison, wild cattle and horses, the -wooly rhinoceros, the mammoth, the wild boar, and the bear. In some of -the best examples, the beasts are drawn in full color and the paintings -are remarkably alive and charged with energy. They come from the hands -of men who knew the great animals well--knew the feel of their fur, the -tremendous drive of their muscles, and the danger one faced when he -hunted them. - -Another artistic style has been found in eastern Spain. It includes -lively drawings, often of people hunting with bow and arrow. The East -Spanish art is found on open rock faces and in rock-shelters. It is -less spectacular and apparently more recent than the Franco-Cantabrian -cave art. - - -LIFE AT THE END OF THE ICE AGE IN EUROPE - -Life in these times was probably as good as a hunter could expect it -to be. Game and fish seem to have been plentiful; berries and wild -fruits probably were, too. From France to Russia, great pits or -piles of animal bones have been found. Some of this killing was done -as our Plains Indians killed the buffalo--by stampeding them over -steep river banks or cliffs. There were also good tools for hunting, -however. In western Europe, people lived in the openings of caves and -under overhanging rocks. On the great plains of eastern Europe, very -crude huts were being built, half underground. The first part of this -time must have been cold, for it was the middle and end phases of the -last great glaciation. Northern Europe from Scotland to Scandinavia, -northern Germany and Russia, and also the higher mountains to the -south, were certainly covered with ice. But people had fire, and the -needles and tools that were used for scraping hides must mean that they -wore clothing. - -It is clear that men were thinking of a great variety of things beside -the tools that helped them get food and shelter. Such burials as we -find have more grave-gifts than before. Beads and ornaments and often -flint, bone, or antler tools are included in the grave, and sometimes -the body is sprinkled with red ochre. Red is the color of blood, which -means life, and of fire, which means heat. Professor Childe wonders if -the red ochre was a pathetic attempt at magic--to give back to the body -the heat that had gone from it. But pathetic or not, it is sure proof -that these people were already moved by death as men still are moved by -it. - -Their art is another example of the direction the human mind was -taking. And when I say human, I mean it in the fullest sense, for this -is the time in which fully modern man has appeared. On page 34, we -spoke of the Cro-Magnon group and of the Combe Capelle-Brnn group of -Caucasoids and of the Grimaldi Negroids, who are no longer believed -to be Negroid. I doubt that any one of these groups produced most of -the achievements of the times. Its not yet absolutely sure which -particular group produced the great cave art. The artists were almost -certainly a blend of several (no doubt already mixed) groups. The pair -of Grimaldians were buried in a grave with a sprinkling of red ochre, -and were provided with shell beads and ornaments and with some blade -tools of flint. Regardless of the different names once given them by -the human paleontologists, each of these groups seems to have shared -equally in the cultural achievements of the times, for all that the -archeologists can say. - - -MICROLITHS - -One peculiar set of tools seems to serve as a marker for the very last -phase of the Ice Age in southwestern Europe. This tool-making habit is -also found about the shore of the Mediterranean basin, and it moved -into northern Europe as the last glaciation pulled northward. People -began making blade tools of very small size. They learned how to chip -very slender and tiny blades from a prepared core. Then they made these -little blades into tiny triangles, half-moons (lunates), trapezoids, -and several other geometric forms. These little tools are called -microliths. They are so small that most of them must have been fixed -in handles or shafts. - -[Illustration: MICROLITHS - - BLADE FRAGMENT - BURIN - LUNATE - TRAPEZOID - SCALENE TRIANGLE - ARROWHEAD] - -We have found several examples of microliths mounted in shafts. In -northern Europe, where their use soon spread, the microlithic triangles -or lunates were set in rows down each side of a bone or wood point. -One corner of each little triangle stuck out, and the whole thing -made a fine barbed harpoon. In historic times in Egypt, geometric -trapezoidal microliths were still in use as arrowheads. They were -fastened--broad end out--on the end of an arrow shaft. It seems queer -to give an arrow a point shaped like a T. Actually, the little points -were very sharp, and must have pierced the hides of animals very -easily. We also think that the broader cutting edge of the point may -have caused more bleeding than a pointed arrowhead would. In hunting -fleet-footed animals like the gazelle, which might run for miles after -being shot with an arrow, it was an advantage to cause as much bleeding -as possible, for the animal would drop sooner. - -We are not really sure where the microliths were first invented. There -is some evidence that they appear early in the Near East. Their use -was very common in northwest Africa but this came later. The microlith -makers who reached south Russia and central Europe possibly moved up -out of the Near East. Or it may have been the other way around; we -simply dont yet know. - -Remember that the microliths we are talking about here were made from -carefully prepared little blades, and are often geometric in outline. -Each microlithic industry proper was made up, in good part, of such -tiny blade tools. But there were also some normal-sized blade tools and -even some flake scrapers, in most microlithic industries. I emphasize -this bladelet and the geometric character of the microlithic industries -of the western Old World, since there has sometimes been confusion in -the matter. Sometimes small flake chips, utilized as minute pointed -tools, have been called microliths. They may be _microlithic_ in size -in terms of the general meaning of the word, but they do not seem to -belong to the sub-tradition of the blade tool preparation habits which -we have been discussing here. - - -LATER BLADE-TOOL INDUSTRIES OF THE NEAR EAST AND AFRICA - -The blade-tool industries of normal size we talked about earlier spread -from Europe to central Siberia. We noted that blade tools were made -in western Asia too, and early, although Professor Garrod is no longer -sure that the whole tradition originated in the Near East. If you look -again at my chart (p. 72) you will note that in western Asia I list -some of the names of the western European industries, but with the -qualification -like (for example, Gravettian-like). The western -Asiatic blade-tool industries do vaguely recall some aspects of those -of western Europe, but we would probably be better off if we used -completely local names for them. The Emiran of my chart is such an -example; its industry includes a long spike-like blade point which has -no western European counterpart. - -When we last spoke of Africa (p. 66), I told you that stone tools -there were continuing in the Levalloisian flake tradition, and were -becoming smaller. At some time during this process, two new tool -types appeared in northern Africa: one was the Aterian point with -a tang (p. 67), and the other was a sort of laurel leaf point, -called the Sbaikian. These two tool types were both produced from -flakes. The Sbaikian points, especially, are roughly similar to some -of the Solutrean points of Europe. It has been suggested that both the -Sbaikian and Aterian points may be seen on their way to France through -their appearance in the Spanish cave deposits of Parpallo, but there is -also a rival pre-Solutrean in central Europe. We still do not know -whether there was any contact between the makers of these north African -tools and the Solutrean tool-makers. What does seem clear is that the -blade-tool tradition itself arrived late in northern Africa. - - -NETHER AFRICA - -Blade tools and laurel leaf points and some other probably late -stone tool types also appear in central and southern Africa. There -are geometric microliths on bladelets and even some coarse pottery in -east Africa. There is as yet no good way of telling just where these -items belong in time; in broad geological terms they are late. -Some people have guessed that they are as early as similar European -and Near Eastern examples, but I doubt it. The makers of small-sized -Levalloisian flake tools occupied much of Africa until very late in -time. - - -THE FAR EAST - -India and the Far East still seem to be going their own way. In India, -some blade tools have been found. These are not well dated, save that -we believe they must be post-Pleistocene. In the Far East it looks as -if the old chopper-tool tradition was still continuing. For Burma, -Dr. Movius feels this is fairly certain; for China he feels even more -certain. Actually, we know very little about the Far East at about the -time of the last glaciation. This is a shame, too, as you will soon -agree. - - -THE NEW WORLD BECOMES INHABITED - -At some time toward the end of the last great glaciation--almost -certainly after 20,000 years ago--people began to move over Bering -Strait, from Asia into America. As you know, the American Indians have -been assumed to be basically Mongoloids. New studies of blood group -types make this somewhat uncertain, but there is no doubt that the -ancestors of the American Indians came from Asia. - -The stone-tool traditions of Europe, Africa, the Near and Middle East, -and central Siberia, did _not_ move into the New World. With only a -very few special or late exceptions, there are _no_ core-bifaces, -flakes, or blade tools of the Old World. Such things just havent been -found here. - -This is why I say its a shame we dont know more of the end of the -chopper-tool tradition in the Far East. According to Weidenreich, -the Mongoloids were in the Far East long before the end of the last -glaciation. If the genetics of the blood group types do demand a -non-Mongoloid ancestry for the American Indians, who else may have been -in the Far East 25,000 years ago? We know a little about the habits -for making stone tools which these first people brought with them, -and these habits dont conform with those of the western Old World. -Wed better keep our eyes open for whatever happened to the end of -the chopper-tool tradition in northern China; already there are hints -that it lasted late there. Also we should watch future excavations -in eastern Siberia. Perhaps we shall find the chopper-tool tradition -spreading up that far. - - -THE NEW ERA - -Perhaps it comes in part from the way I read the evidence and perhaps -in part it is only intuition, but I feel that the materials of this -chapter suggest a new era in the ways of life. Before about 40,000 -years ago, people simply gathered their food, wandering over large -areas to scavenge or to hunt in a simple sort of way. But here we -have seen them settling-in more, perhaps restricting themselves in -their wanderings and adapting themselves to a given locality in more -intensive ways. This intensification might be suggested by the word -collecting. The ways of life we described in the earlier chapters -were food-gathering ways, but now an era of food-collecting has -begun. We shall see further intensifications of it in the next chapter. - - - - -End and PRELUDE - -[Illustration] - - -Up to the end of the last glaciation, we prehistorians have a -relatively comfortable time schedule. The farther back we go the less -exact we can be about time and details. Elbow-room of five, ten, -even fifty or more thousands of years becomes available for us to -maneuver in as we work backward in time. But now our story has come -forward to the point where more exact methods of dating are at hand. -The radioactive carbon method reaches back into the span of the last -glaciation. There are other methods, developed by the geologists and -paleobotanists, which supplement and extend the usefulness of the -radioactive carbon dates. And, happily, as our means of being more -exact increases, our story grows more exciting. There are also more -details of culture for us to deal with, which add to the interest. - - -CHANGES AT THE END OF THE ICE AGE - -The last great glaciation of the Ice Age was a two-part affair, with a -sub-phase at the end of the second part. In Europe the last sub-phase -of this glaciation commenced somewhere around 15,000 years ago. Then -the glaciers began to melt back, for the last time. Remember that -Professor Antevs (p. 19) isnt sure the Ice Age is over yet! This -melting sometimes went by fits and starts, and the weather wasnt -always changing for the better; but there was at least one time when -European weather was even better than it is now. - -The melting back of the glaciers and the weather fluctuations caused -other changes, too. We know a fair amount about these changes in -Europe. In an earlier chapter, we said that the whole Ice Age was a -matter of continual change over long periods of time. As the last -glaciers began to melt back some interesting things happened to mankind. - -In Europe, along with the melting of the last glaciers, geography -itself was changing. Britain and Ireland had certainly become islands -by 5000 B.C. The Baltic was sometimes a salt sea, sometimes a large -fresh-water lake. Forests began to grow where the glaciers had been, -and in what had once been the cold tundra areas in front of the -glaciers. The great cold-weather animals--the mammoth and the wooly -rhinoceros--retreated northward and finally died out. It is probable -that the efficient hunting of the earlier people of 20,000 or 25,000 -to about 12,000 years ago had helped this process along (see p. 86). -Europeans, especially those of the post-glacial period, had to keep -changing to keep up with the times. - -The archeological materials for the time from 10,000 to 6000 B.C. seem -simpler than those of the previous five thousand years. The great cave -art of France and Spain had gone; so had the fine carving in bone and -antler. Smaller, speedier animals were moving into the new forests. New -ways of hunting them, or ways of getting other food, had to be found. -Hence, new tools and weapons were necessary. Some of the people who -moved into northern Germany were successful reindeer hunters. Then the -reindeer moved off to the north, and again new sources of food had to -be found. - - -THE READJUSTMENTS COMPLETED IN EUROPE - -After a few thousand years, things began to look better. Or at least -we can say this: By about 6000 B.C. we again get hotter archeological -materials. The best of these come from the north European area: -Britain, Belgium, Holland, Denmark, north Germany, southern Norway and -Sweden. Much of this north European material comes from bogs and swamps -where it had become water-logged and has kept very well. Thus we have -much more complete _assemblages_[4] than for any time earlier. - - [4] Assemblage is a useful word when there are different kinds of - archeological materials belonging together, from one area and of - one time. An assemblage is made up of a number of industries - (that is, all the tools in chipped stone, all the tools in - bone, all the tools in wood, the traces of houses, etc.) and - everything else that manages to survive, such as the art, the - burials, the bones of the animals used as food, and the traces - of plant foods; in fact, everything that has been left to us - and can be used to help reconstruct the lives of the people to - whom it once belonged. Our own present-day assemblage would be - the sum total of all the objects in our mail-order catalogues, - department stores and supply houses of every sort, our churches, - our art galleries and other buildings, together with our roads, - canals, dams, irrigation ditches, and any other traces we might - leave of ourselves, from graves to garbage dumps. Not everything - would last, so that an archeologist digging us up--say 2,000 - years from now--would find only the most durable items in our - assemblage. - -The best known of these assemblages is the _Maglemosian_, named after a -great Danish peat-swamp where much has been found. - -[Illustration: SKETCH OF MAGLEMOSIAN ASSEMBLAGE - - CHIPPED STONE - HEMP - GROUND STONE - BONE AND ANTLER - WOOD] - -In the Maglemosian assemblage the flint industry was still very -important. Blade tools, tanged arrow points, and burins were still -made, but there were also axes for cutting the trees in the new -forests. Moreover, the tiny microlithic blades, in a variety of -geometric forms, are also found. Thus, a specialized tradition that -possibly began east of the Mediterranean had reached northern Europe. -There was also a ground stone industry; some axes and club-heads were -made by grinding and polishing rather than by chipping. The industries -in bone and antler show a great variety of tools: axes, fish-hooks, -fish spears, handles and hafts for other tools, harpoons, and clubs. -A remarkable industry in wood has been preserved. Paddles, sled -runners, handles for tools, and bark floats for fish-nets have been -found. There are even fish-nets made of plant fibers. Canoes of some -kind were no doubt made. Bone and antler tools were decorated with -simple patterns, and amber was collected. Wooden bows and arrows are -found. - -It seems likely that the Maglemosian bog finds are remains of summer -camps, and that in winter the people moved to higher and drier regions. -Childe calls them the Forest folk; they probably lived much the -same sort of life as did our pre-agricultural Indians of the north -central states. They hunted small game or deer; they did a great deal -of fishing; they collected what plant food they could find. In fact, -their assemblage shows us again that remarkable ability of men to adapt -themselves to change. They had succeeded in domesticating the dog; he -was still a very wolf-like dog, but his long association with mankind -had now begun. Professor Coon believes that these people were direct -descendants of the men of the glacial age and that they had much the -same appearance. He believes that most of the Ice Age survivors still -extant are living today in the northwestern European area. - - -SOUTH AND CENTRAL EUROPE PERHAPS AS READJUSTED AS THE NORTH - -There is always one trouble with things that come from areas where -preservation is exceptionally good: The very quantity of materials in -such an assemblage tends to make things from other areas look poor -and simple, although they may not have been so originally at all. The -assemblages of the people who lived to the south of the Maglemosian -area may also have been quite large and varied; but, unfortunately, -relatively little of the southern assemblages has lasted. The -water-logged sites of the Maglemosian area preserved a great deal -more. Hence the Maglemosian itself _looks_ quite advanced to us, when -we compare it with the few things that have happened to last in other -areas. If we could go back and wander over the Europe of eight thousand -years ago, we would probably find that the peoples of France, central -Europe, and south central Russia were just as advanced as those of the -north European-Baltic belt. - -South of the north European belt the hunting-food-collecting peoples -were living on as best they could during this time. One interesting -group, which seems to have kept to the regions of sandy soil and scrub -forest, made great quantities of geometric microliths. These are the -materials called _Tardenoisian_. The materials of the Forest folk of -France and central Europe generally are called _Azilian_; Dr. Movius -believes the term might best be restricted to the area south of the -Loire River. - - -HOW MUCH REAL CHANGE WAS THERE? - -You can see that no really _basic_ change in the way of life has yet -been described. Childe sees the problem that faced the Europeans of -10,000 to 3000 B.C. as a problem in readaptation to the post-glacial -forest environment. By 6000 B.C. some quite successful solutions of -the problem--like the Maglemosian--had been made. The upsets that came -with the melting of the last ice gradually brought about all sorts of -changes in the tools and food-getting habits, but the people themselves -were still just as much simple hunters, fishers, and food-collectors as -they had been in 25,000 B.C. It could be said that they changed just -enough so that they would not have to change. But there is a bit more -to it than this. - -Professor Mathiassen of Copenhagen, who knows the archeological remains -of this time very well, poses a question. He speaks of the material -as being neither rich nor progressive, in fact rather stagnant, but -he goes on to add that the people had a certain receptiveness and -were able to adapt themselves quickly when the next change did come. -My own understanding of the situation is that the Forest folk made -nothing as spectacular as had the producers of the earlier Magdalenian -assemblage and the Franco-Cantabrian art. On the other hand, they -_seem_ to have been making many more different kinds of tools for many -more different kinds of tasks than had their Ice Age forerunners. I -emphasize seem because the preservation in the Maglemosian bogs -is very complete; certainly we cannot list anywhere near as many -different things for earlier times as we did for the Maglemosians -(p. 94). I believe this experimentation with all kinds of new tools -and gadgets, this intensification of adaptiveness (p. 91), this -receptiveness, even if it is still only pointed toward hunting, -fishing, and food-collecting, is an important thing. - -Remember that the only marker we have handy for the _beginning_ of -this tendency toward receptiveness and experimentation is the -little microlithic blade tools of various geometric forms. These, we -saw, began before the last ice had melted away, and they lasted on -in use for a very long time. I wish there were a better marker than -the microliths but I do not know of one. Remember, too, that as yet -we can only use the microliths as a marker in Europe and about the -Mediterranean. - - -CHANGES IN OTHER AREAS? - -All this last section was about Europe. How about the rest of the world -when the last glaciers were melting away? - -We simply dont know much about this particular time in other parts -of the world except in Europe, the Mediterranean basin and the Middle -East. People were certainly continuing to move into the New World by -way of Siberia and the Bering Strait about this time. But for the -greater part of Africa and Asia, we do not know exactly what was -happening. Some day, we shall no doubt find out; today we are without -clear information. - - -REAL CHANGE AND PRELUDE IN THE NEAR EAST - -The appearance of the microliths and the developments made by the -Forest folk of northwestern Europe also mark an end. They show us -the terminal phase of the old food-collecting way of life. It grows -increasingly clear that at about the same time that the Maglemosian and -other Forest folk were adapting themselves to hunting, fishing, and -collecting in new ways to fit the post-glacial environment, something -completely new was being made ready in western Asia. - -Unfortunately, we do not have as much understanding of the climate and -environment of the late Ice Age in western Asia as we have for most -of Europe. Probably the weather was never so violent or life quite -so rugged as it was in northern Europe. We know that the microliths -made their appearance in western Asia at least by 10,000 B.C. and -possibly earlier, marking the beginning of the terminal phase of -food-collecting. Then, gradually, we begin to see the build-up towards -the first _basic change_ in human life. - -This change amounted to a revolution just as important as the -Industrial Revolution. In it, men first learned to domesticate -plants and animals. They began _producing_ their food instead of -simply gathering or collecting it. When their food-production -became reasonably effective, people could and did settle down in -village-farming communities. With the appearance of the little farming -villages, a new way of life was actually under way. Professor Childe -has good reason to speak of the food-producing revolution, for it was -indeed a revolution. - - -QUESTIONS ABOUT CAUSE - -We do not yet know _how_ and _why_ this great revolution took place. We -are only just beginning to put the questions properly. I suspect the -answers will concern some delicate and subtle interplay between man and -nature. Clearly, both the level of culture and the natural condition of -the environment must have been ready for the great change, before the -change itself could come about. - -It is going to take years of co-operative field work by both -archeologists and the natural scientists who are most helpful to them -before the _how_ and _why_ answers begin to appear. Anthropologically -trained archeologists are fascinated with the cultures of men in times -of great change. About ten or twelve thousand years ago, the general -level of culture in many parts of the world seems to have been ready -for change. In northwestern Europe, we saw that cultures changed -just enough so that they would not have to change. We linked this to -environmental changes with the coming of post-glacial times. - -In western Asia, we archeologists can prove that the food-producing -revolution actually took place. We can see _the_ important consequence -of effective domestication of plants and animals in the appearance of -the settled village-farming community. And within the village-farming -community was the seed of civilization. The way in which effective -domestication of plants and animals came about, however, must also be -linked closely with the natural environment. Thus the archeologists -will not solve the _how_ and _why_ questions alone--they will need the -help of interested natural scientists in the field itself. - - -PRECONDITIONS FOR THE REVOLUTION - -Especially at this point in our story, we must remember how culture and -environment go hand in hand. Neither plants nor animals domesticate -themselves; men domesticate them. Furthermore, men usually domesticate -only those plants and animals which are useful. There is a good -question here: What is cultural usefulness? But I shall side-step it to -save time. Men cannot domesticate plants and animals that do not exist -in the environment where the men live. Also, there are certainly some -animals and probably some plants that resist domestication, although -they might be useful. - -This brings me back again to the point that _both_ the level of culture -and the natural condition of the environment--with the proper plants -and animals in it--must have been ready before domestication could -have happened. But this is precondition, not cause. Why did effective -food-production happen first in the Near East? Why did it happen -independently in the New World slightly later? Why also in the Far -East? Why did it happen at all? Why are all human beings not still -living as the Maglemosians did? These are the questions we still have -to face. - - -CULTURAL RECEPTIVENESS AND PROMISING ENVIRONMENTS - -Until the archeologists and the natural scientists--botanists, -geologists, zoologists, and general ecologists--have spent many more -years on the problem, we shall not have full _how_ and _why_ answers. I -do think, however, that we are beginning to understand what to look for. - -We shall have to learn much more of what makes the cultures of men -receptive and experimental. Did change in the environment alone -force it? Was it simply a case of Professor Toynbees challenge and -response? I cannot believe the answer is quite that simple. Were it -so simple, we should want to know why the change hadnt come earlier, -along with earlier environmental changes. We shall not know the answer, -however, until we have excavated the traces of many more cultures of -the time in question. We shall doubtless also have to learn more about, -and think imaginatively about, the simpler cultures still left today. -The mechanics of culture in general will be bound to interest us. - -It will also be necessary to learn much more of the environments of -10,000 to 12,000 years ago. In which regions of the world were the -natural conditions most promising? Did this promise include plants and -animals which could be domesticated, or did it only offer new ways of -food-collecting? There is much work to do on this problem, but we are -beginning to get some general hints. - -Before I begin to detail the hints we now have from western Asia, I -want to do two things. First, I shall tell you of an old theory as to -how food-production might have appeared. Second, I will bother you with -some definitions which should help us in our thinking as the story goes -on. - - -AN OLD THEORY AS TO THE CAUSE OF THE REVOLUTION - -The idea that change would result, if the balance between nature -and culture became upset, is of course not a new one. For at least -twenty-five years, there has been a general theory as to _how_ the -food-producing revolution happened. This theory depends directly on the -idea of natural change in the environment. - -The five thousand years following about 10,000 B.C. must have been -very difficult ones, the theory begins. These were the years when -the most marked melting of the last glaciers was going on. While the -glaciers were in place, the climate to the south of them must have been -different from the climate in those areas today. You have no doubt read -that people once lived in regions now covered by the Sahara Desert. -This is true; just when is not entirely clear. The theory is that -during the time of the glaciers, there was a broad belt of rain winds -south of the glaciers. These rain winds would have kept north Africa, -the Nile Valley, and the Middle East green and fertile. But when the -glaciers melted back to the north, the belt of rain winds is supposed -to have moved north too. Then the people living south and east of the -Mediterranean would have found that their water supply was drying up, -that the animals they hunted were dying or moving away, and that the -plant foods they collected were dried up and scarce. - -According to the theory, all this would have been true except in the -valleys of rivers and in oases in the growing deserts. Here, in the -only places where water was left, the men and animals and plants would -have clustered. They would have been forced to live close to one -another, in order to live at all. Presently the men would have seen -that some animals were more useful or made better food than others, -and so they would have begun to protect these animals from their -natural enemies. The men would also have been forced to try new plant -foods--foods which possibly had to be prepared before they could be -eaten. Thus, with trials and errors, but by being forced to live close -to plants and animals, men would have learned to domesticate them. - - -THE OLD THEORY TOO SIMPLE FOR THE FACTS - -This theory was set up before we really knew anything in detail about -the later prehistory of the Near and Middle East. We now know that -the facts which have been found dont fit the old theory at all well. -Also, I have yet to find an American meteorologist who feels that we -know enough about the changes in the weather pattern to say that it can -have been so simple and direct. And, of course, the glacial ice which -began melting after 12,000 years ago was merely the last sub-phase of -the last great glaciation. There had also been three earlier periods -of great alpine glaciers, and long periods of warm weather in between. -If the rain belt moved north as the glaciers melted for the last time, -it must have moved in the same direction in earlier times. Thus, the -forced neighborliness of men, plants, and animals in river valleys and -oases must also have happened earlier. Why didnt domestication happen -earlier, then? - -Furthermore, it does not seem to be in the oases and river valleys -that we have our first or only traces of either food-production -or the earliest farming villages. These traces are also in the -hill-flanks of the mountains of western Asia. Our earliest sites of the -village-farmers do not seem to indicate a greatly different climate -from that which the same region now shows. In fact, everything we now -know suggests that the old theory was just too simple an explanation to -have been the true one. The only reason I mention it--beyond correcting -the ideas you may get in the general texts--is that it illustrates the -kind of thinking we shall have to do, even if it is doubtless wrong in -detail. - -We archeologists shall have to depend much more than we ever have on -the natural scientists who can really help us. I can tell you this from -experience. I had the great good fortune to have on my expedition staff -in Iraq in 1954-55, a geologist, a botanist, and a zoologist. Their -studies added whole new bands of color to my spectrum of thinking about -_how_ and _why_ the revolution took place and how the village-farming -community began. But it was only a beginning; as I said earlier, we are -just now learning to ask the proper questions. - - -ABOUT STAGES AND ERAS - -Now come some definitions, so I may describe my material more easily. -Archeologists have always loved to make divisions and subdivisions -within the long range of materials which they have found. They often -disagree violently about which particular assemblage of material -goes into which subdivision, about what the subdivisions should be -named, about what the subdivisions really mean culturally. Some -archeologists, probably through habit, favor an old scheme of Grecized -names for the subdivisions: paleolithic, mesolithic, neolithic. I -refuse to use these words myself. They have meant too many different -things to too many different people and have tended to hide some pretty -fuzzy thinking. Probably you havent even noticed my own scheme of -subdivision up to now, but Id better tell you in general what it is. - -I think of the earliest great group of archeological materials, from -which we can deduce only a food-gathering way of culture, as the -_food-gathering stage_. I say stage rather than age, because it -is not quite over yet; there are still a few primitive people in -out-of-the-way parts of the world who remain in the _food-gathering -stage_. In fact, Professor Julian Steward would probably prefer to call -it a food-gathering _level_ of existence, rather than a stage. This -would be perfectly acceptable to me. I also tend to find myself using -_collecting_, rather than _gathering_, for the more recent aspects or -era of the stage, as the word collecting appears to have more sense -of purposefulness and specialization than does gathering (see p. -91). - -Now, while I think we could make several possible subdivisions of the -food-gathering stage--I call my subdivisions of stages _eras_[5]--I -believe the only one which means much to us here is the last or -_terminal sub-era of food-collecting_ of the whole food-gathering -stage. The microliths seem to mark its approach in the northwestern -part of the Old World. It is really shown best in the Old World by -the materials of the Forest folk, the cultural adaptation to the -post-glacial environment in northwestern Europe. We talked about -the Forest folk at the beginning of this chapter, and I used the -Maglemosian assemblage of Denmark as an example. - - [5] It is difficult to find words which have a sequence or gradation - of meaning with respect to both development and a range of time - in the past, or with a range of time from somewhere in the past - which is perhaps not yet ended. One standard Webster definition - of _stage_ is: One of the steps into which the material - development of man ... is divided. I cannot find any dictionary - definition that suggests which of the words, _stage_ or _era_, - has the meaning of a longer span of time. Therefore, I have - chosen to let my eras be shorter, and to subdivide my stages - into eras. Webster gives _era_ as: A signal stage of history, - an epoch. When I want to subdivide my eras, I find myself using - _sub-eras_. Thus I speak of the _eras_ within a _stage_ and of - the _sub-eras_ within an _era_; that is, I do so when I feel - that I really have to, and when the evidence is clear enough to - allow it. - -The food-producing revolution ushers in the _food-producing stage_. -This stage began to be replaced by the _industrial stage_ only about -two hundred years ago. Now notice that my stage divisions are in terms -of technology and economics. We must think sharply to be sure that the -subdivisions of the stages, the eras, are in the same terms. This does -not mean that I think technology and economics are the only important -realms of culture. It is rather that for most of prehistoric time the -materials left to the archeologists tend to limit our deductions to -technology and economics. - -Im so soon out of my competence, as conventional ancient history -begins, that I shall only suggest the earlier eras of the -food-producing stage to you. This book is about prehistory, and Im not -a universal historian. - - -THE TWO EARLIEST ERAS OF THE FOOD-PRODUCING STAGE - -The food-producing stage seems to appear in western Asia with really -revolutionary suddenness. It is seen by the relative speed with which -the traces of new crafts appear in the earliest village-farming -community sites weve dug. It is seen by the spread and multiplication -of these sites themselves, and the remarkable growth in human -population we deduce from this increase in sites. Well look at some -of these sites and the archeological traces they yield in the next -chapter. When such village sites begin to appear, I believe we are in -the _era of the primary village-farming community_. I also believe this -is the second era of the food-producing stage. - -The first era of the food-producing stage, I believe, was an _era of -incipient cultivation and animal domestication_. I keep saying I -believe because the actual evidence for this earlier era is so slight -that one has to set it up mainly by playing a hunch for it. The reason -for playing the hunch goes about as follows. - -One thing we seem to be able to see, in the food-collecting era in -general, is a tendency for people to begin to settle down. This -settling down seemed to become further intensified in the terminal -era. How this is connected with Professor Mathiassens receptiveness -and the tendency to be experimental, we do not exactly know. The -evidence from the New World comes into play here as well as that from -the Old World. With this settling down in one place, the people of the -terminal era--especially the Forest folk whom we know best--began -making a great variety of new things. I remarked about this earlier in -the chapter. Dr. Robert M. Adams is of the opinion that this atmosphere -of experimentation with new tools--with new ways of collecting food--is -the kind of atmosphere in which one might expect trials at planting -and at animal domestication to have been made. We first begin to find -traces of more permanent life in outdoor camp sites, although caves -were still inhabited at the beginning of the terminal era. It is not -surprising at all that the Forest folk had already domesticated the -dog. In this sense, the whole era of food-collecting was becoming ready -and almost incipient for cultivation and animal domestication. - -Northwestern Europe was not the place for really effective beginnings -in agriculture and animal domestication. These would have had to take -place in one of those natural environments of promise, where a variety -of plants and animals, each possible of domestication, was available in -the wild state. Let me spell this out. Really effective food-production -must include a variety of items to make up a reasonably well-rounded -diet. The food-supply so produced must be trustworthy, even though -the food-producing peoples themselves might be happy to supplement -it with fish and wild strawberries, just as we do when such things -are available. So, as we said earlier, part of our problem is that -of finding a region with a natural environment which includes--and -did include, some ten thousand years ago--a variety of possibly -domesticable wild plants and animals. - - -NUCLEAR AREAS - -Now comes the last of my definitions. A region with a natural -environment which included a variety of wild plants and animals, -both possible and ready for domestication, would be a central -or core or _nuclear area_, that is, it would be when and _if_ -food-production took place within it. It is pretty hard for me to -imagine food-production having ever made an independent start outside -such a nuclear area, although there may be some possible nuclear areas -in which food-production never took place (possibly in parts of Africa, -for example). - -We know of several such nuclear areas. In the New World, Middle America -and the Andean highlands make up one or two; it is my understanding -that the evidence is not yet clear as to which. There seems to have -been a nuclear area somewhere in southeastern Asia, in the Malay -peninsula or Burma perhaps, connected with the early cultivation of -taro, breadfruit, the banana and the mango. Possibly the cultivation -of rice and the domestication of the chicken and of zebu cattle and -the water buffalo belong to this southeast Asiatic nuclear area. We -know relatively little about it archeologically, as yet. The nuclear -area which was the scene of the earliest experiment in effective -food-production was in western Asia. Since I know it best, I shall use -it as my example. - - -THE NUCLEAR NEAR EAST - -The nuclear area of western Asia is naturally the one of greatest -interest to people of the western cultural tradition. Our cultural -heritage began within it. The area itself is the region of the hilly -flanks of rain-watered grass-land which build up to the high mountain -ridges of Iran, Iraq, Turkey, Syria, and Palestine. The map on page -125 indicates the region. If you have a good atlas, try to locate the -zone which surrounds the drainage basin of the Tigris and Euphrates -Rivers at elevations of from approximately 2,000 to 5,000 feet. The -lower alluvial land of the Tigris-Euphrates basin itself has very -little rainfall. Some years ago Professor James Henry Breasted called -the alluvial lands of the Tigris-Euphrates a part of the fertile -crescent. These alluvial lands are very fertile if irrigated. Breasted -was most interested in the oriental civilizations of conventional -ancient history, and irrigation had been discovered before they -appeared. - -The country of hilly flanks above Breasteds crescent receives from -10 to 20 or more inches of winter rainfall each year, which is about -what Kansas has. Above the hilly-flanks zone tower the peaks and ridges -of the Lebanon-Amanus chain bordering the coast-line from Palestine -to Turkey, the Taurus Mountains of southern Turkey, and the Zagros -range of the Iraq-Iran borderland. This rugged mountain frame for our -hilly-flanks zone rises to some magnificent alpine scenery, with peaks -of from ten to fifteen thousand feet in elevation. There are several -gaps in the Mediterranean coastal portion of the frame, through which -the winters rain-bearing winds from the sea may break so as to carry -rain to the foothills of the Taurus and the Zagros. - -The picture I hope you will have from this description is that of an -intermediate hilly-flanks zone lying between two regions of extremes. -The lower Tigris-Euphrates basin land is low and far too dry and hot -for agriculture based on rainfall alone; to the south and southwest, it -merges directly into the great desert of Arabia. The mountains which -lie above the hilly-flanks zone are much too high and rugged to have -encouraged farmers. - - -THE NATURAL ENVIRONMENT OF THE NUCLEAR NEAR EAST - -The more we learn of this hilly-flanks zone that I describe, the -more it seems surely to have been a nuclear area. This is where we -archeologists need, and are beginning to get, the help of natural -scientists. They are coming to the conclusion that the natural -environment of the hilly-flanks zone today is much as it was some eight -to ten thousand years ago. There are still two kinds of wild wheat and -a wild barley, and the wild sheep, goat, and pig. We have discovered -traces of each of these at about nine thousand years ago, also traces -of wild ox, horse, and dog, each of which appears to be the probable -ancestor of the domesticated form. In fact, at about nine thousand -years ago, the two wheats, the barley, and at least the goat, were -already well on the road to domestication. - -The wild wheats give us an interesting clue. They are only available -together with the wild barley within the hilly-flanks zone. While the -wild barley grows in a variety of elevations and beyond the zone, -at least one of the wild wheats does not seem to grow below the hill -country. As things look at the moment, the domestication of both the -wheats together could _only_ have taken place within the hilly-flanks -zone. Barley seems to have first come into cultivation due to its -presence as a weed in already cultivated wheat fields. There is also -a suggestion--there is still much more to learn in the matter--that -the animals which were first domesticated were most at home up in the -hilly-flanks zone in their wild state. - -With a single exception--that of the dog--the earliest positive -evidence of domestication includes the two forms of wheat, the barley, -and the goat. The evidence comes from within the hilly-flanks zone. -However, it comes from a settled village proper, Jarmo (which Ill -describe in the next chapter), and is thus from the era of the primary -village-farming community. We are still without positive evidence of -domesticated grain and animals in the first era of the food-producing -stage, that of incipient cultivation and animal domestication. - - -THE ERA OF INCIPIENT CULTIVATION AND ANIMAL DOMESTICATION - -I said above (p. 105) that my era of incipient cultivation and animal -domestication is mainly set up by playing a hunch. Although we cannot -really demonstrate it--and certainly not in the Near East--it would -be very strange for food-collectors not to have known a great deal -about the plants and animals most useful to them. They do seem to have -domesticated the dog. We can easily imagine them remembering to go -back, season after season, to a particular patch of ground where seeds -or acorns or berries grew particularly well. Most human beings, unless -they are extremely hungry, are attracted to baby animals, and many wild -pups or fawns or piglets must have been brought back alive by hunting -parties. - -In this last sense, man has probably always been an incipient -cultivator and domesticator. But I believe that Adams is right in -suggesting that this would be doubly true with the experimenters of -the terminal era of food-collecting. We noticed that they also seem -to have had a tendency to settle down. Now my hunch goes that _when_ -this experimentation and settling down took place within a potential -nuclear area--where a whole constellation of plants and animals -possible of domestication was available--the change was easily made. -Professor Charles A. Reed, our field colleague in zoology, agrees that -year-round settlement with plant domestication probably came before -there were important animal domestications. - - -INCIPIENT ERAS AND NUCLEAR AREAS - -I have put this scheme into a simple chart (p. 111) with the names -of a few of the sites we are going to talk about. You will see that my -hunch means that there are eras of incipient cultivation _only_ within -nuclear areas. In a nuclear area, the terminal era of food-collecting -would probably have been quite short. I do not know for how long a time -the era of incipient cultivation and domestication would have lasted, -but perhaps for several thousand years. Then it passed on into the era -of the primary village-farming community. - -Outside a nuclear area, the terminal era of food-collecting would last -for a long time; in a few out-of-the-way parts of the world, it still -hangs on. It would end in any particular place through contact with -and the spread of ideas of people who had passed on into one of the -more developed eras. In many cases, the terminal era of food-collecting -was ended by the incoming of the food-producing peoples themselves. -For example, the practices of food-production were carried into Europe -by the actual movement of some numbers of peoples (we dont know how -many) who had reached at least the level of the primary village-farming -community. The Forest folk learned food-production from them. There -was never an era of incipient cultivation and domestication proper in -Europe, if my hunch is right. - - -ARCHEOLOGICAL DIFFICULTIES IN SEEING THE INCIPIENT ERA - -The way I see it, two things were required in order that an era of -incipient cultivation and domestication could begin. First, there had -to be the natural environment of a nuclear area, with its whole group -of plants and animals capable of domestication. This is the aspect of -the matter which weve said is directly given by nature. But it is -quite possible that such an environment with such a group of plants -and animals in it may have existed well before ten thousand years ago -in the Near East. It is also quite possible that the same promising -condition may have existed in regions which never developed into -nuclear areas proper. Here, again, we come back to the cultural factor. -I think it was that atmosphere of experimentation weve talked about -once or twice before. I cant define it for you, other than to say that -by the end of the Ice Age, the general level of many cultures was ready -for change. Ask me how and why this was so, and Ill tell you we dont -know yet, and that if we did understand this kind of question, there -would be no need for me to go on being a prehistorian! - -[Illustration: POSSIBLE RELATIONSHIPS OF STAGES AND ERAS IN WESTERN -ASIA AND NORTHEASTERN AFRICA] - -Now since this was an era of incipience, of the birth of new ideas, -and of experimentation, it is very difficult to see its traces -archeologically. New tools having to do with the new ways of getting -and, in fact, producing food would have taken some time to develop. -It need not surprise us too much if we cannot find hoes for planting -and sickles for reaping grain at the very beginning. We might expect -a time of making-do with some of the older tools, or with make-shift -tools, for some of the new jobs. The present-day wild cousin of the -domesticated sheep still lives in the mountains of western Asia. It has -no wool, only a fine down under hair like that of a deer, so it need -not surprise us to find neither the whorls used for spinning nor traces -of woolen cloth. It must have taken some time for a wool-bearing sheep -to develop and also time for the invention of the new tools which go -with weaving. It would have been the same with other kinds of tools for -the new way of life. - -It is difficult even for an experienced comparative zoologist to tell -which are the bones of domesticated animals and which are those of -their wild cousins. This is especially so because the animal bones the -archeologists find are usually fragmentary. Furthermore, we do not have -a sort of library collection of the skeletons of the animals or an -herbarium of the plants of those times, against which the traces which -the archeologists find may be checked. We are only beginning to get -such collections for the modern wild forms of animals and plants from -some of our nuclear areas. In the nuclear area in the Near East, some -of the wild animals, at least, have already become extinct. There are -no longer wild cattle or wild horses in western Asia. We know they were -there from the finds weve made in caves of late Ice Age times, and -from some slightly later sites. - - -SITES WITH ANTIQUITIES OF THE INCIPIENT ERA - -So far, we know only a very few sites which would suit my notion of the -incipient era of cultivation and animal domestication. I am closing -this chapter with descriptions of two of the best Near Eastern examples -I know of. You may not be satisfied that what I am able to describe -makes a full-bodied era of development at all. Remember, however, that -Ive told you Im largely playing a kind of a hunch, and also that the -archeological materials of this era will always be extremely difficult -to interpret. At the beginning of any new way of life, there will be a -great tendency for people to make-do, at first, with tools and habits -they are already used to. I would suspect that a great deal of this -making-do went on almost to the end of this era. - - -THE NATUFIAN, AN ASSEMBLAGE OF THE INCIPIENT ERA - -The assemblage called the Natufian comes from the upper layers of a -number of caves in Palestine. Traces of its flint industry have also -turned up in Syria and Lebanon. We dont know just how old it is. I -guess that it probably falls within five hundred years either way of -about 5000 B.C. - -Until recently, the people who produced the Natufian assemblage were -thought to have been only cave dwellers, but now at least three open -air Natufian sites have been briefly described. In their best-known -dwelling place, on Mount Carmel, the Natufian folk lived in the open -mouth of a large rock-shelter and on the terrace in front of it. On the -terrace, they had set at least two short curving lines of stones; but -these were hardly architecture; they seem more like benches or perhaps -the low walls of open pens. There were also one or two small clusters -of stones laid like paving, and a ring of stones around a hearth or -fireplace. One very round and regular basin-shaped depression had been -cut into the rocky floor of the terrace, and there were other less -regular basin-like depressions. In the newly reported open air sites, -there seem to have been huts with rounded corners. - -Most of the finds in the Natufian layer of the Mount Carmel cave were -flints. About 80 per cent of these flint tools were microliths made -by the regular working of tiny blades into various tools, some having -geometric forms. The larger flint tools included backed blades, burins, -scrapers, a few arrow points, some larger hacking or picking tools, and -one special type. This last was the sickle blade. - -We know a sickle blade of flint when we see one, because of a strange -polish or sheen which seems to develop on the cutting edge when the -blade has been used to cut grasses or grain, or--perhaps--reeds. In -the Natufian, we have even found the straight bone handles in which a -number of flint sickle blades were set in a line. - -There was a small industry in ground or pecked stone (that is, abraded -not chipped) in the Natufian. This included some pestle and mortar -fragments. The mortars are said to have a deep and narrow hole, -and some of the pestles show traces of red ochre. We are not sure -that these mortars and pestles were also used for grinding food. In -addition, there were one or two bits of carving in stone. - - -NATUFIAN ANTIQUITIES IN OTHER MATERIALS; BURIALS AND PEOPLE - -The Natufian industry in bone was quite rich. It included, beside the -sickle hafts mentioned above, points and harpoons, straight and curved -types of fish-hooks, awls, pins and needles, and a variety of beads and -pendants. There were also beads and pendants of pierced teeth and shell. - -A number of Natufian burials have been found in the caves; some burials -were grouped together in one grave. The people who were buried within -the Mount Carmel cave were laid on their backs in an extended position, -while those on the terrace seem to have been flexed (placed in their -graves in a curled-up position). This may mean no more than that it was -easier to dig a long hole in cave dirt than in the hard-packed dirt of -the terrace. The people often had some kind of object buried with them, -and several of the best collections of beads come from the burials. On -two of the skulls there were traces of elaborate head-dresses of shell -beads. - -[Illustration: SKETCH OF NATUFIAN ASSEMBLAGE - - MICROLITHS - ARCHITECTURE? - BURIAL - CHIPPED STONE - GROUND STONE - BONE] - -The animal bones of the Natufian layers show beasts of a modern type, -but with some differences from those of present-day Palestine. The -bones of the gazelle far outnumber those of the deer; since gazelles -like a much drier climate than deer, Palestine must then have had much -the same climate that it has today. Some of the animal bones were those -of large or dangerous beasts: the hyena, the bear, the wild boar, -and the leopard. But the Natufian people may have had the help of a -large domesticated dog. If our guess at a date for the Natufian is -right (about 7750 B.C.), this is an earlier dog than was that in the -Maglemosian of northern Europe. More recently, it has been reported -that a domesticated goat is also part of the Natufian finds. - -The study of the human bones from the Natufian burials is not yet -complete. Until Professor McCowns study becomes available, we may note -Professor Coons assessment that these people were of a basically -Mediterranean type. - - -THE KARIM SHAHIR ASSEMBLAGE - -Karim Shahir differs from the Natufian sites in that it shows traces -of a temporary open site or encampment. It lies on the top of a bluff -in the Kurdish hill-country of northeastern Iraq. It was dug by Dr. -Bruce Howe of the expedition I directed in 1950-51 for the Oriental -Institute and the American Schools of Oriental Research. In 1954-55, -our expedition located another site, Mlefaat, with general resemblance -to Karim Shahir, but about a hundred miles north of it. In 1956, Dr. -Ralph Solecki located still another Karim Shahir type of site called -Zawi Chemi Shanidar. The Zawi Chemi site has a radiocarbon date of 8900 - 300 B.C. - -Karim Shahir has evidence of only one very shallow level of occupation. -It was probably not lived on very long, although the people who lived -on it spread out over about three acres of area. In spots, the single -layer yielded great numbers of fist-sized cracked pieces of limestone, -which had been carried up from the bed of a stream at the bottom of the -bluff. We think these cracked stones had something to do with a kind of -architecture, but we were unable to find positive traces of hut plans. -At Mlefaat and Zawi Chemi, there were traces of rounded hut plans. - -As in the Natufian, the great bulk of small objects of the Karim Shahir -assemblage was in chipped flint. A large proportion of the flint tools -were microlithic bladelets and geometric forms. The flint sickle blade -was almost non-existent, being far scarcer than in the Natufian. The -people of Karim Shahir did a modest amount of work in the grinding of -stone; there were milling stone fragments of both the mortar and the -quern type, and stone hoes or axes with polished bits. Beads, pendants, -rings, and bracelets were made of finer quality stone. We found a few -simple points and needles of bone, and even two rather formless unbaked -clay figurines which seemed to be of animal form. - -[Illustration: SKETCH OF KARIM SHAHIR ASSEMBLAGE - - CHIPPED STONE - GROUND STONE - UNBAKED CLAY - SHELL - BONE - ARCHITECTURE] - -Karim Shahir did not yield direct evidence of the kind of vegetable -food its people ate. The animal bones showed a considerable -increase in the proportion of the bones of the species capable of -domestication--sheep, goat, cattle, horse, dog--as compared with animal -bones from the earlier cave sites of the area, which have a high -proportion of bones of wild forms like deer and gazelle. But we do not -know that any of the Karim Shahir animals were actually domesticated. -Some of them may have been, in an incipient way, but we have no means -at the moment that will tell us from the bones alone. - - -WERE THE NATUFIAN AND KARIM SHAHIR PEOPLES FOOD-PRODUCERS? - -It is clear that a great part of the food of the Natufian people -must have been hunted or collected. Shells of land, fresh-water, and -sea animals occur in their cave layers. The same is true as regards -Karim Shahir, save for sea shells. But on the other hand, we have -the sickles, the milling stones, the possible Natufian dog, and the -goat, and the general animal situation at Karim Shahir to hint at an -incipient approach to food-production. At Karim Shahir, there was the -tendency to settle down out in the open; this is echoed by the new -reports of open air Natufian sites. The large number of cracked stones -certainly indicates that it was worth the peoples while to have some -kind of structure, even if the site as a whole was short-lived. - -It is a part of my hunch that these things all point toward -food-production--that the hints we seek are there. But in the sense -that the peoples of the era of the primary village-farming community, -which we shall look at next, are fully food-producing, the Natufian -and Karim Shahir folk had not yet arrived. I think they were part of -a general build-up to full scale food-production. They were possibly -controlling a few animals of several kinds and perhaps one or two -plants, without realizing the full possibilities of this control as a -new way of life. - -This is why I think of the Karim Shahir and Natufian folk as being at -a level, or in an era, of incipient cultivation and domestication. But -we shall have to do a great deal more excavation in this range of time -before well get the kind of positive information we need. - - -SUMMARY - -I am sorry that this chapter has had to be so much more about ideas -than about the archeological traces of prehistoric men themselves. -But the antiquities of the incipient era of cultivation and animal -domestication will not be spectacular, even when we do have them -excavated in quantity. Few museums will be interested in these -antiquities for exhibition purposes. The charred bits or impressions -of plants, the fragments of animal bone and shell, and the varied -clues to climate and environment will be as important as the artifacts -themselves. It will be the ideas to which these traces lead us that -will be important. I am sure that this unspectacular material--when we -have much more of it, and learn how to understand what it says--will -lead us to how and why answers about the first great change in human -history. - -We know the earliest village-farming communities appeared in western -Asia, in a nuclear area. We do not yet know why the Near Eastern -experiment came first, or why it didnt happen earlier in some other -nuclear area. Apparently, the level of culture and the promise of the -natural environment were ready first in western Asia. The next sites -we look at will show a simple but effective food-production already -in existence. Without effective food-production and the settled -village-farming communities, civilization never could have followed. -How effective food-production came into being by the end of the -incipient era, is, I believe, one of the most fascinating questions any -archeologist could face. - -It now seems probable--from possibly two of the Palestinian sites with -varieties of the Natufian (Jericho and Nahal Oren)--that there were -one or more local Palestinian developments out of the Natufian into -later times. In the same way, what followed after the Karim Shahir type -of assemblage in northeastern Iraq was in some ways a reflection of -beginnings made at Karim Shahir and Zawi Chemi. - - - - -THE First Revolution - -[Illustration] - - -As the incipient era of cultivation and animal domestication passed -onward into the era of the primary village-farming community, the first -basic change in human economy was fully achieved. In southwestern Asia, -this seems to have taken place about nine thousand years ago. I am -going to restrict my description to this earliest Near Eastern case--I -do not know enough about the later comparable experiments in the Far -East and in the New World. Let us first, once again, think of the -contrast between food-collecting and food-producing as ways of life. - - -THE DIFFERENCE BETWEEN FOOD-COLLECTORS AND FOOD-PRODUCERS - -Childe used the word revolution because of the radical change that -took place in the habits and customs of man. Food-collectors--that is, -hunters, fishers, berry- and nut-gatherers--had to live in small groups -or bands, for they had to be ready to move wherever their food supply -moved. Not many people can be fed in this way in one area, and small -children and old folks are a burden. There is not enough food to store, -and it is not the kind that can be stored for long. - -Do you see how this all fits into a picture? Small groups of people -living now in this cave, now in that--or out in the open--as they moved -after the animals they hunted; no permanent villages, a few half-buried -huts at best; no breakable utensils; no pottery; no signs of anything -for clothing beyond the tools that were probably used to dress the -skins of animals; no time to think of much of anything but food and -protection and disposal of the dead when death did come: an existence -which takes nature as it finds it, which does little or nothing to -modify nature--all in all, a savages existence, and a very tough one. -A man who spends his whole life following animals just to kill them to -eat, or moving from one berry patch to another, is really living just -like an animal himself. - - -THE FOOD-PRODUCING ECONOMY - -Against this picture let me try to draw another--that of mans life -after food-production had begun. His meat was stored on the hoof, -his grain in silos or great pottery jars. He lived in a house: it was -worth his while to build one, because he couldnt move far from his -fields and flocks. In his neighborhood enough food could be grown -and enough animals bred so that many people were kept busy. They all -lived close to their flocks and fields, in a village. The village was -already of a fair size, and it was growing, too. Everybody had more to -eat; they were presumably all stronger, and there were more children. -Children and old men could shepherd the animals by day or help with -the lighter work in the fields. After the crops had been harvested the -younger men might go hunting and some of them would fish, but the food -they brought in was only an addition to the food in the village; the -villagers wouldnt starve, even if the hunters and fishermen came home -empty-handed. - -There was more time to do different things, too. They began to modify -nature. They made pottery out of raw clay, and textiles out of hair -or fiber. People who became good at pottery-making traded their pots -for food and spent all of their time on pottery alone. Other people -were learning to weave cloth or to make new tools. There were already -people in the village who were becoming full-time craftsmen. - -Other things were changing, too. The villagers must have had -to agree on new rules for living together. The head man of the -village had problems different from those of the chief of the small -food-collectors band. If somebodys flock of sheep spoiled a wheat -field, the owner wanted payment for the grain he lost. The chief of -the hunters was never bothered with such questions. Even the gods -had changed. The spirits and the magic that had been used by hunters -werent of any use to the villagers. They needed gods who would watch -over the fields and the flocks, and they eventually began to erect -buildings where their gods might dwell, and where the men who knew most -about the gods might live. - - -WAS FOOD-PRODUCTION A REVOLUTION? - -If you can see the difference between these two pictures--between -life in the food-collecting stage and life after food-production -had begun--youll see why Professor Childe speaks of a revolution. -By revolution, he doesnt mean that it happened over night or that -it happened only once. We dont know exactly how long it took. Some -people think that all these changes may have occurred in less than -500 years, but I doubt that. The incipient era was probably an affair -of some duration. Once the level of the village-farming community had -been established, however, things did begin to move very fast. By -six thousand years ago, the descendants of the first villagers had -developed irrigation and plow agriculture in the relatively rainless -Mesopotamian alluvium and were living in towns with temples. Relative -to the half million years of food-gathering which lay behind, this had -been achieved with truly revolutionary suddenness. - - -GAPS IN OUR KNOWLEDGE OF THE NEAR EAST - -If youll look again at the chart (p. 111) youll see that I have -very few sites and assemblages to name in the incipient era of -cultivation and domestication, and not many in the earlier part of -the primary village-farming level either. Thanks in no small part -to the intelligent co-operation given foreign excavators by the -Iraq Directorate General of Antiquities, our understanding of the -sequence in Iraq is growing more complete. I shall use Iraq as my main -yard-stick here. But I am far from being able to show you a series of -Sears Roebuck catalogues, even century by century, for any part of -the nuclear area. There is still a great deal of earth to move, and a -great mass of material to recover and interpret before we even begin to -understand how and why. - -Perhaps here, because this kind of archeology is really my specialty, -youll excuse it if I become personal for a moment. I very much look -forward to having further part in closing some of the gaps in knowledge -of the Near East. This is not, as Ive told you, the spectacular -range of Near Eastern archeology. There are no royal tombs, no gold, -no great buildings or sculpture, no writing, in fact nothing to -excite the normal museum at all. Nevertheless it is a range which, -idea-wise, gives the archeologist tremendous satisfaction. The country -of the hilly flanks is an exciting combination of green grasslands -and mountainous ridges. The Kurds, who inhabit the part of the area -in which Ive worked most recently, are an extremely interesting and -hospitable people. Archeologists dont become rich, but Ill forego -the Cadillac for any bright spring morning in the Kurdish hills, on a -good site with a happy crew of workmen and an interested and efficient -staff. It is probably impossible to convey the full feeling which life -on such a dig holds--halcyon days for the body and acute pleasurable -stimulation for the mind. Old things coming newly out of the good dirt, -and the pieces of the human puzzle fitting into place! I think I am -an honest man; I cannot tell you that I am sorry the job is not yet -finished and that there are still gaps in this part of the Near Eastern -archeological sequence. - - -EARLIEST SITES OF THE VILLAGE FARMERS - -So far, the Karim Shahir type of assemblage, which we looked at in the -last chapter, is the earliest material available in what I take to -be the nuclear area. We do not believe that Karim Shahir was a village -site proper: it looks more like the traces of a temporary encampment. -Two caves, called Belt and Hotu, which are outside the nuclear area -and down on the foreshore of the Caspian Sea, have been excavated -by Professor Coon. These probably belong in the later extension of -the terminal era of food-gathering; in their upper layers are traits -like the use of pottery borrowed from the more developed era of the -same time in the nuclear area. The same general explanation doubtless -holds true for certain materials in Egypt, along the upper Nile and in -the Kharga oasis: these materials, called Sebilian III, the Khartoum -neolithic, and the Khargan microlithic, are from surface sites, -not from caves. The chart (p. 111) shows where I would place these -materials in era and time. - -[Illustration: THE HILLY FLANKS OF THE CRESCENT AND EARLY SITES OF THE -NEAR EAST] - -Both Mlefaat and Dr. Soleckis Zawi Chemi Shanidar site appear to have -been slightly more settled in than was Karim Shahir itself. But I do -not think they belong to the era of farming-villages proper. The first -site of this era, in the hills of Iraqi Kurdistan, is Jarmo, on which -we have spent three seasons of work. Following Jarmo comes a variety of -sites and assemblages which lie along the hilly flanks of the crescent -and just below it. I am going to describe and illustrate some of these -for you. - -Since not very much archeological excavation has yet been done on sites -of this range of time, I shall have to mention the names of certain -single sites which now alone stand for an assemblage. This does not -mean that I think the individual sites I mention were unique. In the -times when their various cultures flourished, there must have been -many little villages which shared the same general assemblage. We are -only now beginning to locate them again. Thus, if I speak of Jarmo, -or Jericho, or Sialk as single examples of their particular kinds of -assemblages, I dont mean that they were unique at all. I think I could -take you to the sites of at least three more Jarmos, within twenty -miles of the original one. They are there, but they simply havent yet -been excavated. In 1956, a Danish expedition discovered material of -Jarmo type at Shimshara, only two dozen miles northeast of Jarmo, and -below an assemblage of Hassunan type (which I shall describe presently). - - -THE GAP BETWEEN KARIM SHAHIR AND JARMO - -As we see the matter now, there is probably still a gap in the -available archeological record between the Karim Shahir-Mlefaat-Zawi -Chemi group (of the incipient era) and that of Jarmo (of the -village-farming era). Although some items of the Jarmo type materials -do reflect the beginnings of traditions set in the Karim Shahir group -(see p. 120), there is not a clear continuity. Moreover--to the -degree that we may trust a few radiocarbon dates--there would appear -to be around two thousand years of difference in time. The single -available Zawi Chemi date is 8900 300 B.C.; the most reasonable -group of dates from Jarmo average to about 6750 200 B.C. I am -uncertain about this two thousand years--I do not think it can have -been so long. - -This suggests that we still have much work to do in Iraq. You can -imagine how earnestly we await the return of political stability in the -Republic of Iraq. - - -JARMO, IN THE KURDISH HILLS, IRAQ - -The site of Jarmo has a depth of deposit of about twenty-seven feet, -and approximately a dozen layers of architectural renovation and -change. Nevertheless it is a one period site: its assemblage remains -essentially the same throughout, although one or two new items are -added in later levels. It covers about four acres of the top of a -bluff, below which runs a small stream. Jarmo lies in the hill country -east of the modern oil town of Kirkuk. The Iraq Directorate General of -Antiquities suggested that we look at it in 1948, and we have had three -seasons of digging on it since. - -The people of Jarmo grew the barley plant and two different kinds of -wheat. They made flint sickles with which to reap their grain, mortars -or querns on which to crack it, ovens in which it might be parched, and -stone bowls out of which they might eat their porridge. We are sure -that they had the domesticated goat, but Professor Reed (the staff -zoologist) is not convinced that the bones of the other potentially -domesticable animals of Jarmo--sheep, cattle, pig, horse, dog--show -sure signs of domestication. We had first thought that all of these -animals were domesticated ones, but Reed feels he must find out much -more before he can be sure. As well as their grain and the meat from -their animals, the people of Jarmo consumed great quantities of land -snails. Botanically, the Jarmo wheat stands about half way between -fully bred wheat and the wild forms. - - -ARCHITECTURE: HALL-MARK OF THE VILLAGE - -The sure sign of the village proper is in its traces of architectural -permanence. The houses of Jarmo were only the size of a small cottage -by our standards, but each was provided with several rectangular rooms. -The walls of the houses were made of puddled mud, often set on crude -foundations of stone. (The puddled mud wall, which the Arabs call -_touf_, is built by laying a three to six inch course of soft mud, -letting this sun-dry for a day or two, then adding the next course, -etc.) The village probably looked much like the simple Kurdish farming -village of today, with its mud-walled houses and low mud-on-brush -roofs. I doubt that the Jarmo village had more than twenty houses at -any one moment of its existence. Today, an average of about seven -people live in a comparable Kurdish house; probably the population of -Jarmo was about 150 people. - -[Illustration: SKETCH OF JARMO ASSEMBLAGE - - CHIPPED STONE - UNBAKED CLAY - GROUND STONE - POTTERY _UPPER THIRD OF SITE ONLY._ - REED MATTING - BONE - ARCHITECTURE] - -It is interesting that portable pottery does not appear until the -last third of the life of the Jarmo village. Throughout the duration -of the village, however, its people had experimented with the plastic -qualities of clay. They modeled little figurines of animals and of -human beings in clay; one type of human figurine they favored was that -of a markedly pregnant woman, probably the expression of some sort of -fertility spirit. They provided their house floors with baked-in-place -depressions, either as basins or hearths, and later with domed ovens of -clay. As weve noted, the houses themselves were of clay or mud; one -could almost say they were built up like a house-sized pot. Then, -finally, the idea of making portable pottery itself appeared, although -I very much doubt that the people of the Jarmo village discovered the -art. - -On the other hand, the old tradition of making flint blades and -microlithic tools was still very strong at Jarmo. The sickle-blade was -made in quantities, but so also were many of the much older tool types. -Strangely enough, it is within this age-old category of chipped stone -tools that we see one of the clearest pointers to a newer age. Many of -the Jarmo chipped stone tools--microliths--were made of obsidian, a -black volcanic natural glass. The obsidian beds nearest to Jarmo are -over three hundred miles to the north. Already a bulk carrying trade -had been established--the forerunner of commerce--and the routes were -set by which, in later times, the metal trade was to move. - -There are now twelve radioactive carbon dates from Jarmo. The most -reasonable cluster of determinations averages to about 6750 200 -B.C., although there is a completely unreasonable range of dates -running from 3250 to 9250 B.C.! _If_ I am right in what I take to be -reasonable, the first flush of the food-producing revolution had been -achieved almost nine thousand years ago. - - -HASSUNA, IN UPPER MESOPOTAMIAN IRAQ - -We are not sure just how soon after Jarmo the next assemblage of Iraqi -material is to be placed. I do not think the time was long, and there -are a few hints that detailed habits in the making of pottery and -ground stone tools were actually continued from Jarmo times into the -time of the next full assemblage. This is called after a site named -Hassuna, a few miles to the south and west of modern Mosul. We also -have Hassunan type materials from several other sites in the same -general region. It is probably too soon to make generalizations about -it, but the Hassunan sites seem to cluster at slightly lower elevations -than those we have been talking about so far. - -The catalogue of the Hassuna assemblage is of course more full and -elaborate than that of Jarmo. The Iraqi governments archeologists -who dug Hassuna itself, exposed evidence of increasing architectural -know-how. The walls of houses were still formed of puddled mud; -sun-dried bricks appear only in later periods. There were now several -different ways of making and decorating pottery vessels. One style of -pottery painting, called the Samarran style, is an extremely handsome -one and must have required a great deal of concentration and excellence -of draftsmanship. On the other hand, the old habits for the preparation -of good chipped stone tools--still apparent at Jarmo--seem to have -largely disappeared by Hassunan times. The flint work of the Hassunan -catalogue is, by and large, a wretched affair. We might guess that the -kinaesthetic concentration of the Hassuna craftsmen now went into other -categories; that is, they suddenly discovered they might have more fun -working with the newer materials. Its a shame, for example, that none -of their weaving is preserved for us. - -The two available radiocarbon determinations from Hassunan contexts -stand at about 5100 and 5600 B.C. 250 years. - - -OTHER EARLY VILLAGE SITES IN THE NUCLEAR AREA - -Ill now name and very briefly describe a few of the other early -village assemblages either in or adjacent to the hilly flanks of the -crescent. Unfortunately, we do not have radioactive carbon dates for -many of these materials. We may guess that some particular assemblage, -roughly comparable to that of Hassuna, for example, must reflect a -culture which lived at just about the same time as that of Hassuna. We -do this guessing on the basis of the general similarity and degree of -complexity of the Sears Roebuck catalogues of the particular assemblage -and that of Hassuna. We suppose that for sites near at hand and of a -comparable cultural level, as indicated by their generally similar -assemblages, the dating must be about the same. We may also know that -in a general stratigraphic sense, the sites in question may both appear -at the bottom of the ascending village sequence in their respective -areas. Without a number of consistent radioactive carbon dates, we -cannot be precise about priorities. - -[Illustration: SKETCH OF HASSUNA ASSEMBLAGE - - POTTERY - POTTERY OBJECTS - CHIPPED STONE - BONE - GROUND STONE - ARCHITECTURE - REED MATTING - BURIAL] - -The ancient mound at Jericho, in the Dead Sea valley in Palestine, -yields some very interesting material. Its catalogue somewhat resembles -that of Jarmo, especially in the sense that there is a fair depth -of deposit without portable pottery vessels. On the other hand, the -architecture of Jericho is surprisingly complex, with traces of massive -stone fortification walls and the general use of formed sun-dried -mud brick. Jericho lies in a somewhat strange and tropically lush -ecological niche, some seven hundred feet below sea level; it is -geographically within the hilly-flanks zone but environmentally not -part of it. - -Several radiocarbon dates for Jericho fall within the range of those -I find reasonable for Jarmo, and their internal statistical consistency -is far better than that for the Jarmo determinations. It is not yet -clear exactly what this means. - -The mound at Jericho (Tell es-Sultan) contains a remarkably -fine sequence, which perhaps does not have the gap we noted in -Iraqi-Kurdistan between the Karim Shahir group and Jarmo. While I am -not sure that the Jericho sequence will prove valid for those parts -of Palestine outside the special Dead Sea environmental niche, the -sequence does appear to proceed from the local variety of Natufian into -that of a very well settled community. So far, we have little direct -evidence for the food-production basis upon which the Jericho people -subsisted. - -There is an early village assemblage with strong characteristics of its -own in the land bordering the northeast corner of the Mediterranean -Sea, where Syria and the Cilician province of Turkey join. This early -Syro-Cilician assemblage must represent a general cultural pattern -which was at least in part contemporary with that of the Hassuna -assemblage. These materials from the bases of the mounds at Mersin, and -from Judaidah in the Amouq plain, as well as from a few other sites, -represent the remains of true villages. The walls of their houses were -built of puddled mud, but some of the house foundations were of stone. -Several different kinds of pottery were made by the people of these -villages. None of it resembles the pottery from Hassuna or from the -upper levels of Jarmo or Jericho. The Syro-Cilician people had not -lost their touch at working flint. An important southern variation of -the Syro-Cilician assemblage has been cleared recently at Byblos, a -port town famous in later Phoenician times. There are three radiocarbon -determinations which suggest that the time range for these developments -was in the sixth or early fifth millennium B.C. - -It would be fascinating to search for traces of even earlier -village-farming communities and for the remains of the incipient -cultivation era, in the Syro-Cilician region. - - -THE IRANIAN PLATEAU AND THE NILE VALLEY - -The map on page 125 shows some sites which lie either outside or in -an extension of the hilly-flanks zone proper. From the base of the -great mound at Sialk on the Iranian plateau came an assemblage of -early village material, generally similar, in the kinds of things it -contained, to the catalogues of Hassuna and Judaidah. The details of -how things were made are different; the Sialk assemblage represents -still another cultural pattern. I suspect it appeared a bit later -in time than did that of Hassuna. There is an important new item in -the Sialk catalogue. The Sialk people made small drills or pins of -hammered copper. Thus the metallurgists specialized craft had made its -appearance. - -There is at least one very early Iranian site on the inward slopes -of the hilly-flanks zone. It is the earlier of two mounds at a place -called Bakun, in southwestern Iran; the results of the excavations -there are not yet published and we only know of its coarse and -primitive pottery. I only mention Bakun because it helps us to plot the -extent of the hilly-flanks zone villages on the map. - -The Nile Valley lies beyond the peculiar environmental zone of the -hilly flanks of the crescent, and it is probable that the earliest -village-farming communities in Egypt were established by a few people -who wandered into the Nile delta area from the nuclear area. The -assemblage which is most closely comparable to the catalogue of Hassuna -or Judaidah, for example, is that from little settlements along the -shore of the Fayum lake. The Fayum materials come mainly from grain -bins or silos. Another site, Merimde, in the western part of the Nile -delta, shows the remains of a true village, but it may be slightly -later than the settlement of the Fayum. There are radioactive carbon -dates for the Fayum materials at about 4275 B.C. 320 years, which -is almost fifteen hundred years later than the determinations suggested -for the Hassunan or Syro-Cilician assemblages. I suspect that this -is a somewhat over-extended indication of the time it took for the -generalized cultural pattern of village-farming community life to -spread from the nuclear area down into Egypt, but as yet we have no way -of testing these matters. - -In this same vein, we have two radioactive carbon dates for an -assemblage from sites near Khartoum in the Sudan, best represented by -the mound called Shaheinab. The Shaheinab catalogue roughly corresponds -to that of the Fayum; the distance between the two places, as the Nile -flows, is roughly 1,500 miles. Thus it took almost a thousand years for -the new way of life to be carried as far south into Africa as Khartoum; -the two Shaheinab dates average about 3300 B.C. 400 years. - -If the movement was up the Nile (southward), as these dates suggest, -then I suspect that the earliest available village material of middle -Egypt, the so-called Tasian, is also later than that of the Fayum. The -Tasian materials come from a few graves near a village called Deir -Tasa, and I have an uncomfortable feeling that the Tasian assemblage -may be mainly an artificial selection of poor examples of objects which -belong in the following range of time. - - -SPREAD IN TIME AND SPACE - -There are now two things we can do; in fact, we have already begun to -do them. We can watch the spread of the new way of life upward through -time in the nuclear area. We can also see how the new way of life -spread outward in space from the nuclear area, as time went on. There -is good archeological evidence that both these processes took place. -For the hill country of northeastern Iraq, in the nuclear area, we -have already noticed how the succession (still with gaps) from Karim -Shahir, through Mlefaat and Jarmo, to Hassuna can be charted (see -chart, p. 111). In the next chapter, we shall continue this charting -and description of what happened in Iraq upward through time. We also -watched traces of the new way of life move through space up the Nile -into Africa, to reach Khartoum in the Sudan some thirty-five hundred -years later than we had seen it at Jarmo or Jericho. We caught glimpses -of it in the Fayum and perhaps at Tasa along the way. - -For the remainder of this chapter, I shall try to suggest briefly for -you the directions taken by the spread of the new way of life from the -nuclear area in the Near East. First, let me make clear again that -I _do not_ believe that the village-farming community way of life -was invented only once and in the Near East. It seems to me that the -evidence is very clear that a separate experiment arose in the New -World. For China, the question of independence or borrowing--in the -appearance of the village-farming community there--is still an open -one. In the last chapter, we noted the probability of an independent -nuclear area in southeastern Asia. Professor Carl Sauer strongly -champions the great importance of this area as _the_ original center -of agricultural pursuits, as a kind of cradle of all incipient eras -of the Old World at least. While there is certainly not the slightest -archeological evidence to allow us to go that far, we may easily expect -that an early southeast Asian development would have been felt in -China. However, the appearance of the village-farming community in the -northwest of India, at least, seems to have depended on the earlier -development in the Near East. It is also probable that ideas of the new -way of life moved well beyond Khartoum in Africa. - - -THE SPREAD OF THE VILLAGE-FARMING COMMUNITY WAY OF LIFE INTO EUROPE - -How about Europe? I wont give you many details. You can easily imagine -that the late prehistoric prelude to European history is a complicated -affair. We all know very well how complicated an area Europe is now, -with its welter of different languages and cultures. Remember, however, -that a great deal of archeology has been done on the late prehistory of -Europe, and very little on that of further Asia and Africa. If we knew -as much about these areas as we do of Europe, I expect wed find them -just as complicated. - -This much is clear for Europe, as far as the spread of the -village-community way of life is concerned. The general idea and much -of the know-how and the basic tools of food-production moved from the -Near East to Europe. So did the plants and animals which had been -domesticated; they were not naturally at home in Europe, as they were -in western Asia. I do not, of course, mean that there were traveling -salesmen who carried these ideas and things to Europe with a commercial -gleam in their eyes. The process took time, and the ideas and things -must have been passed on from one group of people to the next. There -was also some actual movement of peoples, but we dont know the size of -the groups that moved. - -The story of the colonization of Europe by the first farmers is -thus one of (1) the movement from the eastern Mediterranean lands -of some people who were farmers; (2) the spread of ideas and things -beyond the Near East itself and beyond the paths along which the -colonists moved; and (3) the adaptations of the ideas and things -by the indigenous Forest folk, about whose receptiveness Professor -Mathiassen speaks (p. 97). It is important to note that the resulting -cultures in the new European environment were European, not Near -Eastern. The late Professor Childe remarked that the peoples of the -West were not slavish imitators; they adapted the gifts from the East -... into a new and organic whole capable of developing on its own -original lines. - - -THE WAYS TO EUROPE - -Suppose we want to follow the traces of those earliest village-farmers -who did travel from western Asia into Europe. Let us start from -Syro-Cilicia, that part of the hilly-flanks zone proper which lies in -the very northeastern corner of the Mediterranean. Three ways would be -open to us (of course we could not be worried about permission from the -Soviet authorities!). We would go north, or north and slightly east, -across Anatolian Turkey, and skirt along either shore of the Black Sea -or even to the east of the Caucasus Mountains along the Caspian Sea, -to reach the plains of Ukrainian Russia. From here, we could march -across eastern Europe to the Baltic and Scandinavia, or even hook back -southwestward to Atlantic Europe. - -Our second way from Syro-Cilicia would also lie over Anatolia, to the -northwest, where we would have to swim or raft ourselves over the -Dardanelles or the Bosphorus to the European shore. Then we would bear -left toward Greece, but some of us might turn right again in Macedonia, -going up the valley of the Vardar River to its divide and on down -the valley of the Morava beyond, to reach the Danube near Belgrade -in Jugoslavia. Here we would turn left, following the great river -valley of the Danube up into central Europe. We would have a number of -tributary valleys to explore, or we could cross the divide and go down -the valley of the Rhine to the North Sea. - -Our third way from Syro-Cilicia would be by sea. We would coast along -southern Anatolia and visit Cyprus, Crete, and the Aegean islands on -our way to Greece, where, in the north, we might meet some of those who -had taken the second route. From Greece, we would sail on to Italy and -the western isles, to reach southern France and the coasts of Spain. -Eventually a few of us would sail up the Atlantic coast of Europe, to -reach western Britain and even Ireland. - -[Illustration: PROBABLE ROUTES AND TIMING IN THE SPREAD OF THE -VILLAGE-FARMING COMMUNITY WAY OF LIFE FROM THE NEAR EAST TO EUROPE] - -Of course none of us could ever take these journeys as the first -farmers took them, since the whole course of each journey must have -lasted many lifetimes. The date given to the assemblage called Windmill -Hill, the earliest known trace of village-farming communities in -England, is about 2500 B.C. I would expect about 5500 B.C. to be a -safe date to give for the well-developed early village communities of -Syro-Cilicia. We suspect that the spread throughout Europe did not -proceed at an even rate. Professor Piggott writes that at a date -probably about 2600 B.C., simple agricultural communities were being -established in Spain and southern France, and from the latter region a -spread northwards can be traced ... from points on the French seaboard -of the [English] Channel ... there were emigrations of a certain number -of these tribes by boat, across to the chalk lands of Wessex and Sussex -[in England], probably not more than three or four generations later -than the formation of the south French colonies. - -New radiocarbon determinations are becoming available all the -time--already several suggest that the food-producing way of life -had reached the lower Rhine and Holland by 4000 B.C. But not all -prehistorians accept these dates, so I do not show them on my map -(p. 139). - - -THE EARLIEST FARMERS OF ENGLAND - -To describe the later prehistory of all Europe for you would take -another book and a much larger one than this is. Therefore, I have -decided to give you only a few impressions of the later prehistory of -Britain. Of course the British Isles lie at the other end of Europe -from our base-line in western Asia. Also, they received influences -along at least two of the three ways in which the new way of life -moved into Europe. We will look at more of their late prehistory in a -following chapter: here, I shall speak only of the first farmers. - -The assemblage called Windmill Hill, which appears in the south of -England, exhibits three different kinds of structures, evidence of -grain-growing and of stock-breeding, and some distinctive types of -pottery and stone implements. The most remarkable type of structure -is the earthwork enclosures which seem to have served as seasonal -cattle corrals. These enclosures were roughly circular, reached over -a thousand feet in diameter, and sometimes included two or three -concentric sets of banks and ditches. Traces of oblong timber houses -have been found, but not within the enclosures. The second type of -structure is mine-shafts, dug down into the chalk beds where good -flint for the making of axes or hoes could be found. The third type -of structure is long simple mounds or unchambered barrows, in one -end of which burials were made. It has been commonly believed that the -Windmill Hill assemblage belonged entirely to the cultural tradition -which moved up through France to the Channel. Professor Piggott is now -convinced, however, that important elements of Windmill Hill stem from -northern Germany and Denmark--products of the first way into Europe -from the east. - -The archeological traces of a second early culture are to be found -in the west of England, western and northern Scotland, and most of -Ireland. The bearers of this culture had come up the Atlantic coast -by sea from southern France and Spain. The evidence they have left us -consists mainly of tombs and the contents of tombs, with only very -rare settlement sites. The tombs were of some size and received the -bodies of many people. The tombs themselves were built of stone, heaped -over with earth; the stones enclosed a passage to a central chamber -(passage graves), or to a simple long gallery, along the sides of -which the bodies were laid (gallery graves). The general type of -construction is called megalithic (= great stone), and the whole -earth-mounded structure is often called a _barrow_. Since many have -proper chambers, in one sense or another, we used the term unchambered -barrow above to distinguish those of the Windmill Hill type from these -megalithic structures. There is some evidence for sacrifice, libations, -and ceremonial fires, and it is clear that some form of community -ritual was focused on the megalithic tombs. - -The cultures of the people who produced the Windmill Hill assemblage -and of those who made the megalithic tombs flourished, at least in -part, at the same time. Although the distributions of the two different -types of archeological traces are in quite different parts of the -country, there is Windmill Hill pottery in some of the megalithic -tombs. But the tombs also contain pottery which seems to have arrived -with the tomb builders themselves. - -The third early British group of antiquities of this general time -(following 2500 B.C.) comes from sites in southern and eastern England. -It is not so certain that the people who made this assemblage, called -Peterborough, were actually farmers. While they may on occasion have -practiced a simple agriculture, many items of their assemblage link -them closely with that of the Forest folk of earlier times in -England and in the Baltic countries. Their pottery is decorated with -impressions of cords and is quite different from that of Windmill Hill -and the megalithic builders. In addition, the distribution of their -finds extends into eastern Britain, where the other cultures have left -no trace. The Peterborough people had villages with semi-subterranean -huts, and the bones of oxen, pigs, and sheep have been found in a few -of these. On the whole, however, hunting and fishing seem to have been -their vital occupations. They also established trade routes especially -to acquire the raw material for stone axes. - -A probably slightly later culture, whose traces are best known from -Skara Brae on Orkney, also had its roots in those cultures of the -Baltic area which fused out of the meeting of the Forest folk and -the peoples who took the eastern way into Europe. Skara Brae is very -well preserved, having been built of thin stone slabs about which -dune-sand drifted after the village died. The individual houses, the -bedsteads, the shelves, the chests for clothes and oddments--all built -of thin stone-slabs--may still be seen in place. But the Skara Brae -people lived entirely by sheep- and cattle-breeding, and by catching -shellfish. Neither grain nor the instruments of agriculture appeared at -Skara Brae. - - -THE EUROPEAN ACHIEVEMENT - -The above is only a very brief description of what went on in Britain -with the arrival of the first farmers. There are many interesting -details which I have omitted in order to shorten the story. - -I believe some of the difficulty we have in understanding the -establishment of the first farming communities in Europe is with -the word colonization. We have a natural tendency to think of -colonization as it has happened within the last few centuries. In the -case of the colonization of the Americas, for example, the colonists -came relatively quickly, and in increasingly vast numbers. They had -vastly superior technical, political, and war-making skills, compared -with those of the Indians. There was not much mixing with the Indians. -The case in Europe five or six thousand years ago must have been very -different. I wonder if it is even proper to call people colonists -who move some miles to a new region, settle down and farm it for some -years, then move on again, generation after generation? The ideas and -the things which these new people carried were only _potentially_ -superior. The ideas and things and the people had to prove themselves -in their adaptation to each new environment. Once this was done another -link to the chain would be added, and then the forest-dwellers and -other indigenous folk of Europe along the way might accept the new -ideas and things. It is quite reasonable to expect that there must have -been much mixture of the migrants and the indigenes along the way; the -Peterborough and Skara Brae assemblages we mentioned above would seem -to be clear traces of such fused cultures. Sometimes, especially if the -migrants were moving by boat, long distances may have been covered in -a short time. Remember, however, we seem to have about three thousand -years between the early Syro-Cilician villages and Windmill Hill. - -Let me repeat Professor Childe again. The peoples of the West were -not slavish imitators: they adapted the gifts from the East ... into -a new and organic whole capable of developing on its own original -lines. Childe is of course completely conscious of the fact that his -peoples of the West were in part the descendants of migrants who came -originally from the East, bringing their gifts with them. This -was the late prehistoric achievement of Europe--to take new ideas and -things and some migrant peoples and, by mixing them with the old in its -own environments, to forge a new and unique series of cultures. - -What we know of the ways of men suggests to us that when the details -of the later prehistory of further Asia and Africa are learned, their -stories will be just as exciting. - - - - -THE Conquest of Civilization - -[Illustration] - - -Now we must return to the Near East again. We are coming to the point -where history is about to begin. I am going to stick pretty close -to Iraq and Egypt in this chapter. These countries will perhaps be -the most interesting to most of us, for the foundations of western -civilization were laid in the river lands of the Tigris and Euphrates -and of the Nile. I shall probably stick closest of all to Iraq, because -things first happened there and also because I know it best. - -There is another interesting thing, too. We have seen that the first -experiment in village-farming took place in the Near East. So did -the first experiment in civilization. Both experiments took. The -traditions we live by today are based, ultimately, on those ancient -beginnings in food-production and civilization in the Near East. - - -WHAT CIVILIZATION MEANS - -I shall not try to define civilization for you; rather, I shall -tell you what the word brings to my mind. To me civilization means -urbanization: the fact that there are cities. It means a formal -political set-up--that there are kings or governing bodies that the -people have set up. It means formal laws--rules of conduct--which the -government (if not the people) believes are necessary. It probably -means that there are formalized projects--roads, harbors, irrigation -canals, and the like--and also some sort of army or police force -to protect them. It means quite new and different art forms. It -also usually means there is writing. (The people of the Andes--the -Incas--had everything which goes to make up a civilization but formal -writing. I can see no reason to say they were not civilized.) Finally, -as the late Professor Redfield reminded us, civilization seems to bring -with it the dawn of a new kind of moral order. - -In different civilizations, there may be important differences in the -way such things as the above are managed. In early civilizations, it is -usual to find religion very closely tied in with government, law, and -so forth. The king may also be a high priest, or he may even be thought -of as a god. The laws are usually thought to have been given to the -people by the gods. The temples are protected just as carefully as the -other projects. - - -CIVILIZATION IMPOSSIBLE WITHOUT FOOD-PRODUCTION - -Civilizations have to be made up of many people. Some of the people -live in the country; some live in very large towns or cities. Classes -of society have begun. There are officials and government people; there -are priests or religious officials; there are merchants and traders; -there are craftsmen, metal-workers, potters, builders, and so on; there -are also farmers, and these are the people who produce the food for the -whole population. It must be obvious that civilization cannot exist -without food-production and that food-production must also be at a -pretty efficient level of village-farming before civilization can even -begin. - -But people can be food-producing without being civilized. In many -parts of the world this is still the case. When the white men first -came to America, the Indians in most parts of this hemisphere were -food-producers. They grew corn, potatoes, tomatoes, squash, and many -other things the white men had never eaten before. But only the Aztecs -of Mexico, the Mayas of Yucatan and Guatemala, and the Incas of the -Andes were civilized. - - -WHY DIDNT CIVILIZATION COME TO ALL FOOD-PRODUCERS? - -Once you have food-production, even at the well-advanced level of -the village-farming community, what else has to happen before you -get civilization? Many men have asked this question and have failed -to give a full and satisfactory answer. There is probably no _one_ -answer. I shall give you my own idea about how civilization _may_ have -come about in the Near East alone. Remember, it is only a guess--a -putting together of hunches from incomplete evidence. It is _not_ meant -to explain how civilization began in any of the other areas--China, -southeast Asia, the Americas--where other early experiments in -civilization went on. The details in those areas are quite different. -Whether certain general principles hold, for the appearance of any -early civilization, is still an open and very interesting question. - - -WHERE CIVILIZATION FIRST APPEARED IN THE NEAR EAST - -You remember that our earliest village-farming communities lay along -the hilly flanks of a great crescent. (See map on p. 125.) -Professor Breasteds fertile crescent emphasized the rich river -valleys of the Nile and the Tigris-Euphrates Rivers. Our hilly-flanks -area of the crescent zone arches up from Egypt through Palestine and -Syria, along southern Turkey into northern Iraq, and down along the -southwestern fringe of Iran. The earliest food-producing villages we -know already existed in this area by about 6750 B.C. ( 200 years). - -Now notice that this hilly-flanks zone does not include southern -Mesopotamia, the alluvial land of the lower Tigris and Euphrates in -Iraq, or the Nile Valley proper. The earliest known villages of classic -Mesopotamia and Egypt seem to appear fifteen hundred or more years -after those of the hilly-flanks zone. For example, the early Fayum -village which lies near a lake west of the Nile Valley proper (see p. -135) has a radiocarbon date of 4275 B.C. 320 years. It was in the -river lands, however, that the immediate beginnings of civilization -were made. - -We know that by about 3200 B.C. the Early Dynastic period had begun -in southern Mesopotamia. The beginnings of writing go back several -hundred years earlier, but we can safely say that civilization had -begun in Mesopotamia by 3200 B.C. In Egypt, the beginning of the First -Dynasty is slightly later, at about 3100 B.C., and writing probably -did not appear much earlier. There is no question but that history and -civilization were well under way in both Mesopotamia and Egypt by 3000 -B.C.--about five thousand years ago. - - -THE HILLY-FLANKS ZONE VERSUS THE RIVER LANDS - -Why did these two civilizations spring up in these two river -lands which apparently were not even part of the area where the -village-farming community began? Why didnt we have the first -civilizations in Palestine, Syria, north Iraq, or Iran, where were -sure food-production had had a long time to develop? I think the -probable answer gives a clue to the ways in which civilization began in -Egypt and Mesopotamia. - -The land in the hilly flanks is of a sort which people can farm without -too much trouble. There is a fairly fertile coastal strip in Palestine -and Syria. There are pleasant mountain slopes, streams running out to -the sea, and rain, at least in the winter months. The rain belt and the -foothills of the Turkish mountains also extend to northern Iraq and on -to the Iranian plateau. The Iranian plateau has its mountain valleys, -streams, and some rain. These hilly flanks of the crescent, through -most of its arc, are almost made-to-order for beginning farmers. The -grassy slopes of the higher hills would be pasture for their herds -and flocks. As soon as the earliest experiments with agriculture and -domestic animals had been successful, a pleasant living could be -made--and without too much trouble. - -I should add here again, that our evidence points increasingly to a -climate for those times which is very little different from that for -the area today. Now look at Egypt and southern Mesopotamia. Both are -lands without rain, for all intents and purposes. Both are lands with -rivers that have laid down very fertile soil--soil perhaps superior to -that in the hilly flanks. But in both lands, the rivers are of no great -aid without some control. - -The Nile floods its banks once a year, in late September or early -October. It not only soaks the narrow fertile strip of land on either -side; it lays down a fresh layer of new soil each year. Beyond the -fertile strip on either side rise great cliffs, and behind them is the -desert. In its natural, uncontrolled state, the yearly flood of the -Nile must have caused short-lived swamps that were full of crocodiles. -After a short time, the flood level would have dropped, the water and -the crocodiles would have run back into the river, and the swamp plants -would have become parched and dry. - -The Tigris and the Euphrates of Mesopotamia are less likely to flood -regularly than the Nile. The Tigris has a shorter and straighter course -than the Euphrates; it is also the more violent river. Its banks are -high, and when the snows melt and flow into all of its tributary rivers -it is swift and dangerous. The Euphrates has a much longer and more -curving course and few important tributaries. Its banks are lower and -it is less likely to flood dangerously. The land on either side and -between the two rivers is very fertile, south of the modern city of -Baghdad. Unlike the Nile Valley, neither the Tigris nor the Euphrates -is flanked by cliffs. The land on either side of the rivers stretches -out for miles and is not much rougher than a poor tennis court. - - -THE RIVERS MUST BE CONTROLLED - -The real trick in both Egypt and Mesopotamia is to make the rivers work -for you. In Egypt, this is a matter of building dikes and reservoirs -that will catch and hold the Nile flood. In this way, the water is held -and allowed to run off over the fields as it is needed. In Mesopotamia, -it is a matter of taking advantage of natural river channels and branch -channels, and of leading ditches from these onto the fields. - -Obviously, we can no longer find the first dikes or reservoirs of -the Nile Valley, or the first canals or ditches of Mesopotamia. The -same land has been lived on far too long for any traces of the first -attempts to be left; or, especially in Egypt, it has been covered by -the yearly deposits of silt, dropped by the river floods. But were -pretty sure the first food-producers of Egypt and southern Mesopotamia -must have made such dikes, canals, and ditches. In the first place, -there cant have been enough rain for them to grow things otherwise. -In the second place, the patterns for such projects seem to have been -pretty well set by historic times. - - -CONTROL OF THE RIVERS THE BUSINESS OF EVERYONE - -Here, then, is a _part_ of the reason why civilization grew in Egypt -and Mesopotamia first--not in Palestine, Syria, or Iran. In the latter -areas, people could manage to produce their food as individuals. It -wasnt too hard; there were rain and some streams, and good pasturage -for the animals even if a crop or two went wrong. In Egypt and -Mesopotamia, people had to put in a much greater amount of work, and -this work couldnt be individual work. Whole villages or groups of -people had to turn out to fix dikes or dig ditches. The dikes had to be -repaired and the ditches carefully cleared of silt each year, or they -would become useless. - -There also had to be hard and fast rules. The person who lived nearest -the ditch or the reservoir must not be allowed to take all the water -and leave none for his neighbors. It was not only a business of -learning to control the rivers and of making their waters do the -farmers work. It also meant controlling men. But once these men had -managed both kinds of controls, what a wonderful yield they had! The -soil was already fertile, and the silt which came in the floods and -ditches kept adding fertile soil. - - -THE GERM OF CIVILIZATION IN EGYPT AND MESOPOTAMIA - -This learning to work together for the common good was the real germ of -the Egyptian and the Mesopotamian civilizations. The bare elements of -civilization were already there: the need for a governing hand and for -laws to see that the communities work was done and that the water was -justly shared. You may object that there is a sort of chicken and egg -paradox in this idea. How could the people set up the rules until they -had managed to get a way to live, and how could they manage to get a -way to live until they had set up the rules? I think that small groups -must have moved down along the mud-flats of the river banks quite -early, making use of naturally favorable spots, and that the rules grew -out of such cases. It would have been like the hand-in-hand growth of -automobiles and paved highways in the United States. - -Once the rules and the know-how did get going, there must have been a -constant interplay of the two. Thus, the more the crops yielded, the -richer and better-fed the people would have been, and the more the -population would have grown. As the population grew, more land would -have needed to be flooded or irrigated, and more complex systems of -dikes, reservoirs, canals, and ditches would have been built. The more -complex the system, the more necessity for work on new projects and for -the control of their use.... And so on.... - -What I have just put down for you is a guess at the manner of growth of -some of the formalized systems that go to make up a civilized society. -My explanation has been pointed particularly at Egypt and Mesopotamia. -I have already told you that the irrigation and water-control part of -it does not apply to the development of the Aztecs or the Mayas, or -perhaps anybody else. But I think that a fair part of the story of -Egypt and Mesopotamia must be as Ive just told you. - -I am particularly anxious that you do _not_ understand me to mean that -irrigation _caused_ civilization. I am sure it was not that simple at -all. For, in fact, a complex and highly engineered irrigation system -proper did not come until later times. Lets say rather that the simple -beginnings of irrigation allowed and in fact encouraged a great number -of things in the technological, political, social, and moral realms of -culture. We do not yet understand what all these things were or how -they worked. But without these other aspects of culture, I do not -think that urbanization and civilization itself could have come into -being. - - -THE ARCHEOLOGICAL SEQUENCE TO CIVILIZATION IN IRAQ - -We last spoke of the archeological materials of Iraq on page 130, -where I described the village-farming community of Hassunan type. The -Hassunan type villages appear in the hilly-flanks zone and in the -rolling land adjacent to the Tigris in northern Iraq. It is probable -that even before the Hassuna pattern of culture lived its course, a -new assemblage had been established in northern Iraq and Syria. This -assemblage is called Halaf, after a site high on a tributary of the -Euphrates, on the Syro-Turkish border. - -[Illustration: SKETCH OF SELECTED ITEMS OF HALAFIAN ASSEMBLAGE - - BEADS AND PENDANTS - POTTERY MOTIFS - POTTERY] - -The Halafian assemblage is incompletely known. The culture it -represents included a remarkably handsome painted pottery. -Archeologists have tended to be so fascinated with this pottery that -they have bothered little with the rest of the Halafian assemblage. We -do know that strange stone-founded houses, with plans like those of the -popular notion of an Eskimo igloo, were built. Like the pottery of the -Samarran style, which appears as part of the Hassunan assemblage (see -p. 131), the Halafian painted pottery implies great concentration and -excellence of draftsmanship on the part of the people who painted it. - -We must mention two very interesting sites adjacent to the mud-flats of -the rivers, half way down from northern Iraq to the classic alluvial -Mesopotamian area. One is Baghouz on the Euphrates; the other is -Samarra on the Tigris (see map, p. 125). Both these sites yield the -handsome painted pottery of the style called Samarran: in fact it -is Samarra which gives its name to the pottery. Neither Baghouz nor -Samarra have completely Hassunan types of assemblages, and at Samarra -there are a few pots of proper Halafian style. I suppose that Samarra -and Baghouz give us glimpses of those early farmers who had begun to -finger their way down the mud-flats of the river banks toward the -fertile but yet untilled southland. - - -CLASSIC SOUTHERN MESOPOTAMIA FIRST OCCUPIED - -Our next step is into the southland proper. Here, deep in the core of -the mound which later became the holy Sumerian city of Eridu, Iraqi -archeologists uncovered a handsome painted pottery. Pottery of the same -type had been noticed earlier by German archeologists on the surface -of a small mound, awash in the spring floods, near the remains of the -Biblical city of Erich (Sumerian = Uruk; Arabic = Warka). This Eridu -pottery, which is about all we have of the assemblage of the people who -once produced it, may be seen as a blend of the Samarran and Halafian -painted pottery styles. This may over-simplify the case, but as yet we -do not have much evidence to go on. The idea does at least fit with my -interpretation of the meaning of Baghouz and Samarra as way-points on -the mud-flats of the rivers half way down from the north. - -My colleague, Robert Adams, believes that there were certainly -riverine-adapted food-collectors living in lower Mesopotamia. The -presence of such would explain why the Eridu assemblage is not simply -the sum of the Halafian and Samarran assemblages. But the domesticated -plants and animals and the basic ways of food-production must have -come from the hilly-flanks country in the north. - -Above the basal Eridu levels, and at a number of other sites in the -south, comes a full-fledged assemblage called Ubaid. Incidentally, -there is an aspect of the Ubaidian assemblage in the north as well. It -seems to move into place before the Halaf manifestation is finished, -and to blend with it. The Ubaidian assemblage in the south is by far -the more spectacular. The development of the temple has been traced -at Eridu from a simple little structure to a monumental building some -62 feet long, with a pilaster-decorated faade and an altar in its -central chamber. There is painted Ubaidian pottery, but the style is -hurried and somewhat careless and gives the _impression_ of having been -a cheap mass-production means of decoration when compared with the -carefully drafted styles of Samarra and Halaf. The Ubaidian people made -other items of baked clay: sickles and axes of very hard-baked clay -are found. The northern Ubaidian sites have yielded tools of copper, -but metal tools of unquestionable Ubaidian find-spots are not yet -available from the south. Clay figurines of human beings with monstrous -turtle-like faces are another item in the southern Ubaidian assemblage. - -[Illustration: SKETCH OF SELECTED ITEMS OF UBAIDIAN ASSEMBLAGE] - -There is a large Ubaid cemetery at Eridu, much of it still awaiting -excavation. The few skeletons so far tentatively studied reveal a -completely modern type of Mediterraneanoid; the individuals whom the -skeletons represent would undoubtedly blend perfectly into the modern -population of southern Iraq. What the Ubaidian assemblage says to us is -that these people had already adapted themselves and their culture to -the peculiar riverine environment of classic southern Mesopotamia. For -example, hard-baked clay axes will chop bundles of reeds very well, or -help a mason dress his unbaked mud bricks, and there were only a few -soft and pithy species of trees available. The Ubaidian levels of Eridu -yield quantities of date pits; that excellent and characteristically -Iraqi fruit was already in use. The excavators also found the clay -model of a ship, with the stepping-point for a mast, so that Sinbad the -Sailor must have had his antecedents as early as the time of Ubaid. -The bones of fish, which must have flourished in the larger canals as -well as in the rivers, are common in the Ubaidian levels and thereafter. - - -THE UBAIDIAN ACHIEVEMENT - -On present evidence, my tendency is to see the Ubaidian assemblage -in southern Iraq as the trace of a new era. I wish there were more -evidence, but what we have suggests this to me. The culture of southern -Ubaid soon became a culture of towns--of centrally located towns with -some rural villages about them. The town had a temple and there must -have been priests. These priests probably had political and economic -functions as well as religious ones, if the somewhat later history of -Mesopotamia may suggest a pattern for us. Presently the temple and its -priesthood were possibly the focus of the market; the temple received -its due, and may already have had its own lands and herds and flocks. -The people of the town, undoubtedly at least in consultation with the -temple administration, planned and maintained the simple irrigation -ditches. As the system flourished, the community of rural farmers would -have produced more than sufficient food. The tendency for specialized -crafts to develop--tentative at best at the cultural level of the -earlier village-farming community era--would now have been achieved, -and probably many other specialists in temple administration, water -control, architecture, and trade would also have appeared, as the -surplus food-supply was assured. - -Southern Mesopotamia is not a land rich in natural resources other -than its fertile soil. Stone, good wood for construction, metal, and -innumerable other things would have had to be imported. Grain and -dates--although both are bulky and difficult to transport--and wool and -woven stuffs must have been the mediums of exchange. Over what area did -the trading net-work of Ubaid extend? We start with the idea that the -Ubaidian assemblage is most richly developed in the south. We assume, I -think, correctly, that it represents a cultural flowering of the south. -On the basis of the pottery of the still elusive Eridu immigrants -who had first followed the rivers into alluvial Mesopotamia, we get -the notion that the characteristic painted pottery style of Ubaid -was developed in the southland. If this reconstruction is correct -then we may watch with interest where the Ubaid pottery-painting -tradition spread. We have already mentioned that there is a substantial -assemblage of (and from the southern point of view, _fairly_ pure) -Ubaidian material in northern Iraq. The pottery appears all along the -Iranian flanks, even well east of the head of the Persian Gulf, and -ends in a later and spectacular flourish in an extremely handsome -painted style called the Susa style. Ubaidian pottery has been noted -up the valleys of both of the great rivers, well north of the Iraqi -and Syrian borders on the southern flanks of the Anatolian plateau. -It reaches the Mediterranean Sea and the valley of the Orontes in -Syria, and it may be faintly reflected in the painted style of a -site called Ghassul, on the east bank of the Jordan in the Dead Sea -Valley. Over this vast area--certainly in all of the great basin of -the Tigris-Euphrates drainage system and its natural extensions--I -believe we may lay our fingers on the traces of a peculiar way of -decorating pottery, which we call Ubaidian. This cursive and even -slap-dash decoration, it appears to me, was part of a new cultural -tradition which arose from the adjustments which immigrant northern -farmers first made to the new and challenging environment of southern -Mesopotamia. But exciting as the idea of the spread of influences of -the Ubaid tradition in space may be, I believe you will agree that the -consequences of the growth of that tradition in southern Mesopotamia -itself, as time passed, are even more important. - - -THE WARKA PHASE IN THE SOUTH - -So far, there are only two radiocarbon determinations for the Ubaidian -assemblage, one from Tepe Gawra in the north and one from Warka in the -south. My hunch would be to use the dates 4500 to 3750 B.C., with a -plus or more probably a minus factor of about two hundred years for -each, as the time duration of the Ubaidian assemblage in southern -Mesopotamia. - -Next, much to our annoyance, we have what is almost a temporary -black-out. According to the system of terminology I favor, our next -assemblage after that of Ubaid is called the _Warka_ phase, from -the Arabic name for the site of Uruk or Erich. We know it only from -six or seven levels in a narrow test-pit at Warka, and from an even -smaller hole at another site. This assemblage, so far, is known only -by its pottery, some of which still bears Ubaidian style painting. The -characteristic Warkan pottery is unpainted, with smoothed red or gray -surfaces and peculiar shapes. Unquestionably, there must be a great -deal more to say about the Warkan assemblage, but someone will first -have to excavate it! - - -THE DAWN OF CIVILIZATION - -After our exasperation with the almost unknown Warka interlude, -following the brilliant false dawn of Ubaid, we move next to an -assemblage which yields traces of a preponderance of those elements -which we noted (p. 144) as meaning civilization. This assemblage -is that called _Proto-Literate_; it already contains writing. On -the somewhat shaky principle that writing, however early, means -history--and no longer prehistory--the assemblage is named for the -historical implications of its content, and no longer after the name of -the site where it was first found. Since some of the older books used -site-names for this assemblage, I will tell you that the Proto-Literate -includes the latter half of what used to be called the Uruk period -_plus_ all of what used to be called the Jemdet Nasr period. It shows -a consistent development from beginning to end. - -I shall, in fact, leave much of the description and the historic -implications of the Proto-Literate assemblage to the conventional -historians. Professor T. J. Jacobsen, reaching backward from the -legends he finds in the cuneiform writings of slightly later times, can -in fact tell you a more complete story of Proto-Literate culture than -I can. It should be enough here if I sum up briefly what the excavated -archeological evidence shows. - -We have yet to dig a Proto-Literate site in its entirety, but the -indications are that the sites cover areas the size of small cities. -In architecture, we know of large and monumental temple structures, -which were built on elaborate high terraces. The plans and decoration -of these temples follow the pattern set in the Ubaid phase: the chief -difference is one of size. The German excavators at the site of Warka -reckoned that the construction of only one of the Proto-Literate temple -complexes there must have taken 1,500 men, each working a ten-hour day, -five years to build. - - -ART AND WRITING - -If the architecture, even in its monumental forms, can be seen to -stem from Ubaidian developments, this is not so with our other -evidence of Proto-Literate artistic expression. In relief and applied -sculpture, in sculpture in the round, and on the engraved cylinder -seals--all of which now make their appearance--several completely -new artistic principles are apparent. These include the composition -of subject-matter in groups, commemorative scenes, and especially -the ability and apparent desire to render the human form and face. -Excellent as the animals of the Franco-Cantabrian art may have been -(see p. 85), and however handsome were the carefully drafted -geometric designs and conventionalized figures on the pottery of the -early farmers, there seems to have been, up to this time, a mental -block about the drawing of the human figure and especially the human -face. We do not yet know what caused this self-consciousness about -picturing themselves which seems characteristic of men before the -appearance of civilization. We do know that with civilization, the -mental block seems to have been removed. - -Clay tablets bearing pictographic signs are the Proto-Literate -forerunners of cuneiform writing. The earliest examples are not well -understood but they seem to be devices for making accounts and -for remembering accounts. Different from the later case in Egypt, -where writing appears fully formed in the earliest examples, the -development from simple pictographic signs to proper cuneiform writing -may be traced, step by step, in Mesopotamia. It is most probable -that the development of writing was connected with the temple and -the need for keeping account of the temples possessions. Professor -Jacobsen sees writing as a means for overcoming space, time, and the -increasing complications of human affairs: Literacy, which began -with ... civilization, enhanced mightily those very tendencies in its -development which characterize it as a civilization and mark it off as -such from other types of culture. - -[Illustration: RELIEF ON A PROTO-LITERATE STONE VASE, WARKA - -Unrolled drawing, with restoration suggested by figures from -contemporary cylinder seals] - -While the new principles in art and the idea of writing are not -foreshadowed in the Ubaid phase, or in what little we know of the -Warkan, I do not think we need to look outside southern Mesopotamia -for their beginnings. We do know something of the adjacent areas, -too, and these beginnings are not there. I think we must accept them -as completely new discoveries, made by the people who were developing -the whole new culture pattern of classic southern Mesopotamia. Full -description of the art, architecture, and writing of the Proto-Literate -phase would call for many details. Men like Professor Jacobsen and Dr. -Adams can give you these details much better than I can. Nor shall I do -more than tell you that the common pottery of the Proto-Literate phase -was so well standardized that it looks factory made. There was also -some handsome painted pottery, and there were stone bowls with inlaid -decoration. Well-made tools in metal had by now become fairly common, -and the metallurgist was experimenting with the casting process. Signs -for plows have been identified in the early pictographs, and a wheeled -chariot is shown on a cylinder seal engraving. But if I were forced to -a guess in the matter, I would say that the development of plows and -draft-animals probably began in the Ubaid period and was another of the -great innovations of that time. - -The Proto-Literate assemblage clearly suggests a highly developed and -sophisticated culture. While perhaps not yet fully urban, it is on -the threshold of urbanization. There seems to have been a very dense -settlement of Proto-Literate sites in classic southern Mesopotamia, -many of them newly founded on virgin soil where no earlier settlements -had been. When we think for a moment of what all this implies, of the -growth of an irrigation system which must have existed to allow the -flourish of this culture, and of the social and political organization -necessary to maintain the irrigation system, I think we will agree that -at last we are dealing with civilization proper. - - -FROM PREHISTORY TO HISTORY - -Now it is time for the conventional ancient historians to take over -the story from me. Remember this when you read what they write. Their -real base-line is with cultures ruled over by later kings and emperors, -whose writings describe military campaigns and the administration of -laws and fully organized trading ventures. To these historians, the -Proto-Literate phase is still a simple beginning for what is to follow. -If they mention the Ubaid assemblage at all--the one I was so lyrical -about--it will be as some dim and fumbling step on the path to the -civilized way of life. - -I suppose you could say that the difference in the approach is that as -a prehistorian I have been looking forward or upward in time, while the -historians look backward to glimpse what Ive been describing here. My -base-line was half a million years ago with a being who had little more -than the capacity to make tools and fire to distinguish him from the -animals about him. Thus my point of view and that of the conventional -historian are bound to be different. You will need both if you want to -understand all of the story of men, as they lived through time to the -present. - - - - -End of PREHISTORY - -[Illustration] - - -Youll doubtless easily recall your general course in ancient history: -how the Sumerian dynasties of Mesopotamia were supplanted by those of -Babylonia, how the Hittite kingdom appeared in Anatolian Turkey, and -about the three great phases of Egyptian history. The literate kingdom -of Crete arose, and by 1500 B.C. there were splendid fortified Mycenean -towns on the mainland of Greece. This was the time--about the whole -eastern end of the Mediterranean--of what Professor Breasted called the -first great internationalism, with flourishing trade, international -treaties, and royal marriages between Egyptians, Babylonians, and -Hittites. By 1200 B.C., the whole thing had fragmented: the peoples of -the sea were restless in their isles, and the great ancient centers in -Egypt, Mesopotamia, and Anatolia were eclipsed. Numerous smaller states -arose--Assyria, Phoenicia, Israel--and the Trojan war was fought. -Finally Assyria became the paramount power of all the Near East, -presently to be replaced by Persia. - -A new culture, partaking of older west Asiatic and Egyptian elements, -but casting them with its own tradition into a new mould, arose in -mainland Greece. - -I once shocked my Classical colleagues to the core by referring to -Greece as a second degree derived civilization, but there is much -truth in this. The principles of bronze- and then of iron-working, of -the alphabet, and of many other elements in Greek culture were borrowed -from western Asia. Our debt to the Greeks is too well known for me even -to mention it, beyond recalling to you that it is to Greece we owe the -beginnings of rational or empirical science and thought in general. But -Greece fell in its turn to Rome, and in 55 B.C. Caesar invaded Britain. - -I last spoke of Britain on page 142; I had chosen it as my single -example for telling you something of how the earliest farming -communities were established in Europe. Now I will continue with -Britains later prehistory, so you may sense something of the end of -prehistory itself. Remember that Britain is simply a single example -we select; the same thing could be done for all the other countries -of Europe, and will be possible also, some day, for further Asia and -Africa. Remember, too, that prehistory in most of Europe runs on for -three thousand or more years _after_ conventional ancient history -begins in the Near East. Britain is a good example to use in showing -how prehistory ended in Europe. As we said earlier, it lies at the -opposite end of Europe from the area of highest cultural achievement in -those times, and should you care to read more of the story in detail, -you may do so in the English language. - - -METAL USERS REACH ENGLAND - -We left the story of Britain with the peoples who made three different -assemblages--the Windmill Hill, the megalith-builders, and the -Peterborough--making adjustments to their environments, to the original -inhabitants of the island, and to each other. They had first arrived -about 2500 B.C., and were simple pastoralists and hoe cultivators who -lived in little village communities. Some of them planted little if any -grain. By 2000 B.C., they were well settled in. Then, somewhere in the -range from about 1900 to 1800 B.C., the traces of the invasion of a new -series of peoples began to appear. - -The first newcomers are called the Beaker folk, after the name of a -peculiar form of pottery they made. The beaker type of pottery seems -oldest in Spain, where it occurs with great collective tombs of -megalithic construction and with copper tools. But the Beaker folk who -reached England seem already to have moved first from Spain(?) to the -Rhineland and Holland. While in the Rhineland, and before leaving for -England, the Beaker folk seem to have mixed with the local population -and also with incomers from northeastern Europe whose culture included -elements brought originally from the Near East by the eastern way -through the steppes. This last group has also been named for a peculiar -article in its assemblage; the group is called the Battle-axe folk. A -few Battle-axe folk elements, including, in fact, stone battle-axes, -reached England with the earliest Beaker folk,[6] coming from the -Rhineland. - - [6] The British authors use the term Beaker folk to mean both - archeological assemblage and human physical type. They speak - of a ... tall, heavy-boned, rugged, and round-headed strain - which they take to have developed, apparently in the Rhineland, - by a mixture of the original (Spanish?) beaker-makers and - the northeast European battle-axe makers. However, since the - science of physical anthropology is very much in flux at the - moment, and since I am not able to assess the evidence for these - physical types, I _do not_ use the term folk in this book with - its usual meaning of standardized physical type. When I use - folk here, I mean simply _the makers of a given archeological - assemblage_. The difficulty only comes when assemblages are - named for some item in them; it is too clumsy to make an - adjective of the item and refer to a beakerian assemblage. - -The Beaker folk settled earliest in the agriculturally fertile south -and east. There seem to have been several phases of Beaker folk -invasions, and it is not clear whether these all came strictly from the -Rhineland or Holland. We do know that their copper daggers and awls -and armlets are more of Irish or Atlantic European than of Rhineland -origin. A few simple habitation sites and many burials of the Beaker -folk are known. They buried their dead singly, sometimes in conspicuous -individual barrows with the dead warrior in his full trappings. The -spectacular element in the assemblage of the Beaker folk is a group -of large circular monuments with ditches and with uprights of wood or -stone. These henges became truly monumental several hundred years -later; while they were occasionally dedicated with a burial, they were -not primarily tombs. The effect of the invasion of the Beaker folk -seems to cut across the whole fabric of life in Britain. - -[Illustration: BEAKER] - -There was, however, a second major element in British life at this -time. It shows itself in the less well understood traces of a group -again called after one of the items in their catalogue, the Food-vessel -folk. There are many burials in these food-vessel pots in northern -England, Scotland, and Ireland, and the pottery itself seems to -link back to that of the Peterborough assemblage. Like the earlier -Peterborough people in the highland zone before them, the makers of -the food-vessels seem to have been heavily involved in trade. It is -quite proper to wonder whether the food-vessel pottery itself was made -by local women who were married to traders who were middlemen in the -transmission of Irish metal objects to north Germany and Scandinavia. -The belt of high, relatively woodless country, from southwest to -northeast, was already established as a natural route for inland trade. - - -MORE INVASIONS - -About 1500 B.C., the situation became further complicated by the -arrival of new people in the region of southern England anciently -called Wessex. The traces suggest the Brittany coast of France as a -source, and the people seem at first to have been a small but heroic -group of aristocrats. Their heroes are buried with wealth and -ceremony, surrounded by their axes and daggers of bronze, their gold -ornaments, and amber and jet beads. These rich finds show that the -trade-linkage these warriors patronized spread from the Baltic sources -of amber to Mycenean Greece or even Egypt, as evidenced by glazed blue -beads. - -The great visual trace of Wessex achievement is the final form of -the spectacular sanctuary at Stonehenge. A wooden henge or circular -monument was first made several hundred years earlier, but the site -now received its great circles of stone uprights and lintels. The -diameter of the surrounding ditch at Stonehenge is about 350 feet, the -diameter of the inner circle of large stones is about 100 feet, and -the tallest stone of the innermost horseshoe-shaped enclosure is 29 -feet 8 inches high. One circle is made of blue stones which must have -been transported from Pembrokeshire, 145 miles away as the crow flies. -Recently, many carvings representing the profile of a standard type of -bronze axe of the time, and several profiles of bronze daggers--one of -which has been called Mycenean in type--have been found carved in the -stones. We cannot, of course, describe the details of the religious -ceremonies which must have been staged in Stonehenge, but we can -certainly imagine the well-integrated and smoothly working culture -which must have been necessary before such a great monument could have -been built. - - -THIS ENGLAND - -The range from 1900 to about 1400 B.C. includes the time of development -of the archeological features usually called the Early Bronze Age -in Britain. In fact, traces of the Wessex warriors persisted down to -about 1200 B.C. The main regions of the island were populated, and the -adjustments to the highland and lowland zones were distinct and well -marked. The different aspects of the assemblages of the Beaker folk and -the clearly expressed activities of the Food-vessel folk and the Wessex -warriors show that Britain was already taking on her characteristic -trading role, separated from the European continent but conveniently -adjacent to it. The tin of Cornwall--so important in the production -of good bronze--as well as the copper of the west and of Ireland, -taken with the gold of Ireland and the general excellence of Irish -metal work, assured Britain a traders place in the then known world. -Contacts with the eastern Mediterranean may have been by sea, with -Cornish tin as the attraction, or may have been made by the Food-vessel -middlemen on their trips to the Baltic coast. There they would have -encountered traders who traveled the great north-south European road, -by which Baltic amber moved southward to Greece and the Levant, and -ideas and things moved northward again. - -There was, however, the Channel between England and Europe, and this -relative isolation gave some peace and also gave time for a leveling -and further fusion of culture. The separate cultural traditions began -to have more in common. The growing of barley, the herding of sheep and -cattle, and the production of woolen garments were already features -common to all Britains inhabitants save a few in the remote highlands, -the far north, and the distant islands not yet fully touched by -food-production. The personality of Britain was being formed. - - -CREMATION BURIALS BEGIN - -Along with people of certain religious faiths, archeologists are -against cremation (for other people!). Individuals to be cremated seem -in past times to have been dressed in their trappings and put upon a -large pyre: it takes a lot of wood and a very hot fire for a thorough -cremation. When the burning had been completed, the few fragile scraps -of bone and such odd beads of stone or other rare items as had resisted -the great heat seem to have been whisked into a pot and the pot buried. -The archeologist is left with the pot and the unsatisfactory scraps in -it. - -Tentatively, after about 1400 B.C. and almost completely over the whole -island by 1200 B.C., Britain became the scene of cremation burials -in urns. We know very little of the people themselves. None of their -settlements have been identified, although there is evidence that they -grew barley and made enclosures for cattle. The urns used for the -burials seem to have antecedents in the pottery of the Food-vessel -folk, and there are some other links with earlier British traditions. -In Lancashire, a wooden circle seems to have been built about a grave -with cremated burials in urns. Even occasional instances of cremation -may be noticed earlier in Britain, and it is not clear what, if any, -connection the British cremation burials in urns have with the classic -_Urnfields_ which were now beginning in the east Mediterranean and -which we shall mention below. - -The British cremation-burial-in-urns folk survived a long time in the -highland zone. In the general British scheme, they make up what is -called the Middle Bronze Age, but in the highland zone they last -until after 900 B.C. and are considered to be a specialized highland -Late Bronze Age. In the highland zone, these later cremation-burial -folk seem to have continued the older Food-vessel tradition of being -middlemen in the metal market. - -Granting that our knowledge of this phase of British prehistory is -very restricted because the cremations have left so little for the -archeologist, it does not appear that the cremation-burial-urn folk can -be sharply set off from their immediate predecessors. But change on a -grander scale was on the way. - - -REVERBERATIONS FROM CENTRAL EUROPE - -In the centuries immediately following 1000 B.C., we see with fair -clarity two phases of a cultural process which must have been going -on for some time. Certainly several of the invasions we have already -described in this chapter were due to earlier phases of the same -cultural process, but we could not see the details. - -[Illustration: SLASHING SWORD] - -Around 1200 B.C. central Europe was upset by the spread of the -so-called Urnfield folk, who practiced cremation burial in urns and -whom we also know to have been possessors of long, slashing swords and -the horse. I told you above that we have no idea that the Urnfield -folk proper were in any way connected with the people who made -cremation-burial-urn cemeteries a century or so earlier in Britain. It -has been supposed that the Urnfield folk themselves may have shared -ideas with the people who sacked Troy. We know that the Urnfield -pressure from central Europe displaced other people in northern France, -and perhaps in northwestern Germany, and that this reverberated into -Britain about 1000 B.C. - -Soon after 750 B.C., the same thing happened again. This time, the -pressure from central Europe came from the Hallstatt folk who were iron -tool makers: the reverberation brought people from the western Alpine -region across the Channel into Britain. - -At first it is possible to see the separate results of these folk -movements, but the developing cultures soon fused with each other and -with earlier British elements. Presently there were also strains of -other northern and western European pottery and traces of Urnfield -practices themselves which appeared in the finished British product. I -hope you will sense that I am vastly over-simplifying the details. - -The result seems to have been--among other things--a new kind of -agricultural system. The land was marked off by ditched divisions. -Rectangular fields imply the plow rather than hoe cultivation. We seem -to get a picture of estate or tribal boundaries which included village -communities; we find a variety of tools in bronze, and even whetstones -which show that iron has been honed on them (although the scarce iron -has not been found). Let me give you the picture in Professor S. -Piggotts words: The ... Late Bronze Age of southern England was but -the forerunner of the earliest Iron Age in the same region, not only in -the techniques of agriculture, but almost certainly in terms of ethnic -kinship ... we can with some assurance talk of the Celts ... the great -early Celtic expansion of the Continent is recognized to be that of the -Urnfield people. - -Thus, certainly by 500 B.C., there were people in Britain, some of -whose descendants we may recognize today in name or language in remote -parts of Wales, Scotland, and the Hebrides. - - -THE COMING OF IRON - -Iron--once the know-how of reducing it from its ore in a very hot, -closed fire has been achieved--produces a far cheaper and much more -efficient set of tools than does bronze. Iron tools seem first to -have been made in quantity in Hittite Anatolia about 1500 B.C. In -continental Europe, the earliest, so-called Hallstatt, iron-using -cultures appeared in Germany soon after 750 B.C. Somewhat later, -Greek and especially Etruscan exports of _objets dart_--which moved -with a flourishing trans-Alpine wine trade--influenced the Hallstatt -iron-working tradition. Still later new classical motifs, together with -older Hallstatt, oriental, and northern nomad motifs, gave rise to a -new style in metal decoration which characterizes the so-called La Tne -phase. - -A few iron users reached Britain a little before 400 B.C. Not long -after that, a number of allied groups appeared in southern and -southeastern England. They came over the Channel from France and must -have been Celts with dialects related to those already in England. A -second wave of Celts arrived from the Marne district in France about -250 B.C. Finally, in the second quarter of the first century B.C., -there were several groups of newcomers, some of whom were Belgae of -a mixed Teutonic-Celtic confederacy of tribes in northern France and -Belgium. The Belgae preceded the Romans by only a few years. - - -HILL-FORTS AND FARMS - -The earliest iron-users seem to have entrenched themselves temporarily -within hill-top forts, mainly in the south. Gradually, they moved -inland, establishing _individual_ farm sites with extensive systems -of rectangular fields. We recognize these fields by the lynchets or -lines of soil-creep which plowing left on the slopes of hills. New -crops appeared; there were now bread wheat, oats, and rye, as well as -barley. - -At Little Woodbury, near the town of Salisbury, a farmstead has been -rather completely excavated. The rustic buildings were within a -palisade, the round house itself was built of wood, and there were -various outbuildings and pits for the storage of grain. Weaving was -done on the farm, but not blacksmithing, which must have been a -specialized trade. Save for the lack of firearms, the place might -almost be taken for a farmstead on the American frontier in the early -1800s. - -Toward 250 B.C. there seems to have been a hasty attempt to repair the -hill-forts and to build new ones, evidently in response to signs of -restlessness being shown by remote relatives in France. - - -THE SECOND PHASE - -Perhaps the hill-forts were not entirely effective or perhaps a -compromise was reached. In any case, the newcomers from the Marne -district did establish themselves, first in the southeast and then to -the north and west. They brought iron with decoration of the La Tne -type and also the two-wheeled chariot. Like the Wessex warriors of -over a thousand years earlier, they made heroes graves, with their -warriors buried in the war-chariots and dressed in full trappings. - -[Illustration: CELTIC BUCKLE] - -The metal work of these Marnian newcomers is excellent. The peculiar -Celtic art style, based originally on the classic tendril motif, -is colorful and virile, and fits with Greek and Roman descriptions -of Celtic love of color in dress. There is a strong trace of these -newcomers northward in Yorkshire, linked by Ptolemys description to -the Parisii, doubtless part of the Celtic tribe which originally gave -its name to Paris on the Seine. Near Glastonbury, in Somerset, two -villages in swamps have been excavated. They seem to date toward the -middle of the first century B.C., which was a troubled time in Britain. -The circular houses were built on timber platforms surrounded with -palisades. The preservation of antiquities by the water-logged peat of -the swamp has yielded us a long catalogue of the materials of these -villagers. - -In Scotland, which yields its first iron tools at a date of about 100 -B.C., and in northern Ireland even slightly earlier, the effects of the -two phases of newcomers tend especially to blend. Hill-forts, brochs -(stone-built round towers) and a variety of other strange structures -seem to appear as the new ideas develop in the comparative isolation of -northern Britain. - - -THE THIRD PHASE - -For the time of about the middle of the first century B.C., we again -see traces of frantic hill-fort construction. This simple military -architecture now took some new forms. Its multiple ramparts must -reflect the use of slings as missiles, rather than spears. We probably -know the reason. In 56 B.C., Julius Caesar chastised the Veneti of -Brittany for outraging the dignity of Roman ambassadors. The Veneti -were famous slingers, and doubtless the reverberations of escaping -Veneti were felt across the Channel. The military architecture suggests -that some Veneti did escape to Britain. - -Also, through Caesar, we learn the names of newcomers who arrived in -two waves, about 75 B.C. and about 50 B.C. These were the Belgae. Now, -at last, we can even begin to speak of dynasties and individuals. -Some time before 55 B.C., the Catuvellauni, originally from the Marne -district in France, had possessed themselves of a large part of -southeastern England. They evidently sailed up the Thames and built a -town of over a hundred acres in area. Here ruled Cassivellaunus, the -first man in England whose name we know, and whose town Caesar sacked. -The town sprang up elsewhere again, however. - - -THE END OF PREHISTORY - -Prehistory, strictly speaking, is now over in southern Britain. -Claudius effective invasion took place in 43 A.D.; by 83 A.D., a raid -had been made as far north as Aberdeen in Scotland. But by 127 A.D., -Hadrian had completed his wall from the Solway to the Tyne, and the -Romans settled behind it. In Scotland, Romanization can have affected -the countryside very little. Professor Piggott adds that ... it is -when the pressure of Romanization is relaxed by the break-up of the -Dark Ages that we see again the Celtic metal-smiths handling their -material with the same consummate skill as they had before the Roman -Conquest, and with traditional styles that had not even then forgotten -their Marnian and Belgic heritage. - -In fact, many centuries go by, in Britain as well as in the rest of -Europe, before the archeologists task is complete and the historian on -his own is able to describe the ways of men in the past. - - -BRITAIN AS A SAMPLE OF THE GENERAL COURSE OF PREHISTORY IN EUROPE - -In giving this very brief outline of the later prehistory of Britain, -you will have noticed how often I had to refer to the European -continent itself. Britain, beyond the English Channel for all of her -later prehistory, had a much simpler course of events than did most of -the rest of Europe in later prehistoric times. This holds, in spite -of all the invasions and reverberations from the continent. Most -of Europe was the scene of an even more complicated ebb and flow of -cultural change, save in some of its more remote mountain valleys and -peninsulas. - -The whole course of later prehistory in Europe is, in fact, so very -complicated that there is no single good book to cover it all; -certainly there is none in English. There are some good regional -accounts and some good general accounts of part of the range from about -3000 B.C. to A.D. 1. I suspect that the difficulty of making a good -book that covers all of its later prehistory is another aspect of what -makes Europe so very complicated a continent today. The prehistoric -foundations for Europes very complicated set of civilizations, -cultures, and sub-cultures--which begin to appear as history -proceeds--were in themselves very complicated. - -Hence, I selected the case of Britain as a single example of how -prehistory ends in Europe. It could have been more complicated than we -found it to be. Even in the subject matter on Britain in the chapter -before the last, we did not see direct traces of the effect on Britain -of the very important developments which took place in the Danubian -way from the Near East. Apparently Britain was not affected. Britain -received the impulses which brought copper, bronze, and iron tools from -an original east Mediterranean homeland into Europe, almost at the ends -of their journeys. But by the same token, they had had time en route to -take on their characteristic European aspects. - -Some time ago, Sir Cyril Fox wrote a famous book called _The -Personality of Britain_, sub-titled Its Influence on Inhabitant and -Invader in Prehistoric and Early Historic Times. We have not gone -into the post-Roman early historic period here; there are still the -Anglo-Saxons and Normans to account for as well as the effects of -the Romans. But what I have tried to do was to begin the story of -how the personality of Britain was formed. The principles that Fox -used, in trying to balance cultural and environmental factors and -interrelationships would not be greatly different for other lands. - - - - -Summary - -[Illustration] - - -In the pages you have read so far, you have been brought through the -earliest 99 per cent of the story of mans life on this planet. I have -left only 1 per cent of the story for the historians to tell. - - -THE DRAMA OF THE PAST - -Men first became men when evolution had carried them to a certain -point. This was the point where the eye-hand-brain co-ordination was -good enough so that tools could be made. When tools began to be made -according to sets of lasting habits, we know that men had appeared. -This happened over a half million years ago. The stage for the play -may have been as broad as all of Europe, Africa, and Asia. At least, -it seems unlikely that it was only one little region that saw the -beginning of the drama. - -Glaciers and different climates came and went, to change the settings. -But the play went on in the same first act for a very long time. The -men who were the players had simple roles. They had to feed themselves -and protect themselves as best they could. They did this by hunting, -catching, and finding food wherever they could, and by taking such -protection as caves, fire, and their simple tools would give them. -Before the first act was over, the last of the glaciers was melting -away, and the players had added the New World to their stage. If -we want a special name for the first act, we could call it _The -Food-Gatherers_. - -There were not many climaxes in the first act, so far as we can see. -But I think there may have been a few. Certainly the pace of the -first act accelerated with the swing from simple gathering to more -intensified collecting. The great cave art of France and Spain was -probably an expression of a climax. Even the ideas of burying the dead -and of the Venus figurines must also point to levels of human thought -and activity that were over and above pure food-getting. - - -THE SECOND ACT - -The second act began only about ten thousand years ago. A few of the -players started it by themselves near the center of the Old World part -of the stage, in the Near East. It began as a plant and animal act, but -it soon became much more complicated. - -But the players in this one part of the stage--in the Near East--were -not the only ones to start off on the second act by themselves. Other -players, possibly in several places in the Far East, and certainly in -the New World, also started second acts that began as plant and animal -acts, and then became complicated. We can call the whole second act -_The Food-Producers_. - - -THE FIRST GREAT CLIMAX OF THE SECOND ACT - -In the Near East, the first marked climax of the second act happened -in Mesopotamia and Egypt. The play and the players reached that great -climax that we call civilization. This seems to have come less than -five thousand years after the second act began. But it could never have -happened in the first act at all. - -There is another curious thing about the first act. Many of the players -didnt know it was over and they kept on with their roles long after -the second act had begun. On the edges of the stage there are today -some players who are still going on with the first act. The Eskimos, -and the native Australians, and certain tribes in the Amazon jungle are -some of these players. They seem perfectly happy to keep on with the -first act. - -The second act moved from climax to climax. The civilizations of -Mesopotamia and Egypt were only the earliest of these climaxes. The -players to the west caught the spirit of the thing, and climaxes -followed there. So also did climaxes come in the Far Eastern and New -World portions of the stage. - -The greater part of the second act should really be described to you -by a historian. Although it was a very short act when compared to the -first one, the climaxes complicate it a great deal. I, a prehistorian, -have told you about only the first act, and the very beginning of the -second. - - -THE THIRD ACT - -Also, as a prehistorian I probably should not even mention the third -act--it began so recently. The third act is _The Industrialization_. -It is the one in which we ourselves are players. If the pace of the -second act was so much faster than that of the first, the pace of the -third act is terrific. The danger is that it may wear down the players -completely. - -What sort of climaxes will the third act have, and are we already in -one? You have seen by now that the acts of my play are given in terms -of modes or basic patterns of human economy--ways in which people -get food and protection and safety. The climaxes involve more than -human economy. Economics and technological factors may be part of the -climaxes, but they are not all. The climaxes may be revolutions in -their own way, intellectual and social revolutions if you like. - -If the third act follows the pattern of the second act, a climax should -come soon after the act begins. We may be due for one soon if we are -not already in it. Remember the terrific pace of this third act. - - -WHY BOTHER WITH PREHISTORY? - -Why do we bother about prehistory? The main reason is that we think it -may point to useful ideas for the present. We are in the troublesome -beginnings of the third act of the play. The beginnings of the second -act may have lessons for us and give depth to our thinking. I know -there are at least _some_ lessons, even in the present incomplete -state of our knowledge. The players who began the second act--that of -food-production--separately, in different parts of the world, were not -all of one pure race nor did they have pure cultural traditions. -Some apparently quite mixed Mediterraneans got off to the first start -on the second act and brought it to its first two climaxes as well. -Peoples of quite different physical type achieved the first climaxes in -China and in the New World. - -In our British example of how the late prehistory of Europe worked, we -listed a continuous series of invasions and reverberations. After -each of these came fusion. Even though the Channel protected Britain -from some of the extreme complications of the mixture and fusion of -continental Europe, you can see how silly it would be to refer to a -pure British race or a pure British culture. We speak of the United -States as a melting pot. But this is nothing new. Actually, Britain -and all the rest of the world have been melting pots at one time or -another. - -By the time the written records of Mesopotamia and Egypt begin to turn -up in number, the climaxes there are well under way. To understand the -beginnings of the climaxes, and the real beginnings of the second act -itself, we are thrown back on prehistoric archeology. And this is as -true for China, India, Middle America, and the Andes, as it is for the -Near East. - -There are lessons to be learned from all of mans past, not simply -lessons of how to fight battles or win peace conferences, but of how -human society evolves from one stage to another. Many of these lessons -can only be looked for in the prehistoric past. So far, we have only -made a beginning. There is much still to do, and many gaps in the story -are yet to be filled. The prehistorians job is to find the evidence, -to fill the gaps, and to discover the lessons men have learned in the -past. As I see it, this is not only an exciting but a very practical -goal for which to strive. - - - - -List of Books - - -BOOKS OF GENERAL INTEREST - -(Chosen from a variety of the increasingly useful list of cheap -paperbound books.) - - Childe, V. Gordon - _What Happened in History._ 1954. Penguin. - _Man Makes Himself._ 1955. Mentor. - _The Prehistory of European Society._ 1958. Penguin. - - Dunn, L. C., and Dobzhansky, Th. - _Heredity, Race, and Society._ 1952. Mentor. - - Frankfort, Henri, Frankfort, H. A., Jacobsen, Thorkild, and Wilson, - John A. - _Before Philosophy._ 1954. Penguin. - - Simpson, George G. - _The Meaning of Evolution._ 1955. Mentor. - - Wheeler, Sir Mortimer - _Archaeology from the Earth._ 1956. Penguin. - - -GEOCHRONOLOGY AND THE ICE AGE - -(Two general books. Some Pleistocene geologists disagree with Zeuners -interpretation of the dating evidence, but their points of view appear -in professional journals, in articles too cumbersome to list here.) - - Flint, R. F. - _Glacial Geology and the Pleistocene Epoch._ 1947. John Wiley - and Sons. - - Zeuner, F. E. - _Dating the Past._ 1952 (3rd ed.). Methuen and Co. - - -FOSSIL MEN AND RACE - -(The points of view of physical anthropologists and human -paleontologists are changing very quickly. Two of the different points -of view are listed here.) - - Clark, W. E. Le Gros - _History of the Primates._ 1956 (5th ed.). British Museum - (Natural History). (Also in Phoenix edition, 1957.) - - Howells, W. W. - _Mankind So Far._ 1944. Doubleday, Doran. - - -GENERAL ANTHROPOLOGY - -(These are standard texts not absolutely up to date in every detail, or -interpretative essays concerned with cultural change through time as -well as in space.) - - Kroeber, A. L. - _Anthropology._ 1948. Harcourt, Brace. - - Linton, Ralph - _The Tree of Culture._ 1955. Alfred A. Knopf, Inc. - - Redfield, Robert - _The Primitive World and Its Transformations._ 1953. Cornell - University Press. - - Steward, Julian H. - _Theory of Culture Change._ 1955. University of Illinois Press. - - White, Leslie - _The Science of Culture._ 1949. Farrar, Strauss. - - -GENERAL PREHISTORY - -(A sampling of the more useful and current standard works in English.) - - Childe, V. Gordon - _The Dawn of European Civilization._ 1957. Kegan Paul, Trench, - Trubner. - _Prehistoric Migrations in Europe._ 1950. Instituttet for - Sammenlignende Kulturforskning. - - Clark, Grahame - _Archaeology and Society._ 1957. Harvard University Press. - - Clark, J. G. D. - _Prehistoric Europe: The Economic Basis._ 1952. Methuen and Co. - - Garrod, D. A. E. - _Environment, Tools, and Man._ 1946. Cambridge University - Press. - - Movius, Hallam L., Jr. - Old World Prehistory: Paleolithic in _Anthropology Today_. - Kroeber, A. L., ed. 1953. University of Chicago Press. - - Oakley, Kenneth P. - _Man the Tool-Maker._ 1956. British Museum (Natural History). - (Also in Phoenix edition, 1957.) - - Piggott, Stuart - _British Prehistory._ 1949. Oxford University Press. - - Pittioni, Richard - _Die Urgeschichtlichen Grundlagen der Europischen Kultur._ - 1949. Deuticke. (A single book which does attempt to cover the - whole range of European prehistory to ca. 1 A.D.) - - -THE NEAR EAST - - Adams, Robert M. - Developmental Stages in Ancient Mesopotamia, _in_ Steward, - Julian, _et al_, _Irrigation Civilizations: A Comparative - Study_. 1955. Pan American Union. - - Braidwood, Robert J. - _The Near East and the Foundations for Civilization._ 1952. - University of Oregon. - - Childe, V. Gordon - _New Light on the Most Ancient East._ 1952. Oriental Dept., - Routledge and Kegan Paul. - - Frankfort, Henri - _The Birth of Civilization in the Near East._ 1951. University - of Indiana Press. (Also in Anchor edition, 1956.) - - Pallis, Svend A. - _The Antiquity of Iraq._ 1956. Munksgaard. - - Wilson, John A. - _The Burden of Egypt._ 1951. University of Chicago Press. (Also - in Phoenix edition, called _The Culture of Ancient Egypt_, - 1956.) - - -HOW DIGGING IS DONE - - Braidwood, Linda - _Digging beyond the Tigris._ 1953. Schuman, New York. - - Wheeler, Sir Mortimer - _Archaeology from the Earth._ 1954. Oxford, London. - - - - -Index - - - Abbevillian, 48; - core-biface tool, 44, 48 - - Acheulean, 48, 60 - - Acheuleo-Levalloisian, 63 - - Acheuleo-Mousterian, 63 - - Adams, R. M., 106 - - Adzes, 45 - - Africa, east, 67, 89; - north, 70, 89; - south, 22, 25, 34, 40, 67 - - Agriculture, incipient, in England, 140; - in Near East, 123 - - Ain Hanech, 48 - - Amber, taken from Baltic to Greece, 167 - - American Indians, 90, 142 - - Anatolia, used as route to Europe, 138 - - Animals, in caves, 54, 64; - in cave art, 85 - - Antevs, Ernst, 19 - - Anyathian, 47 - - Archeological interpretation, 8 - - Archeology, defined, 8 - - Architecture, at Jarmo, 128; - at Jericho, 133 - - Arrow, points, 94; - shaft straightener, 83 - - Art, in caves, 84; - East Spanish, 85; - figurines, 84; - Franco-Cantabrian, 84, 85; - movable (engravings, modeling, scratchings), 83; - painting, 83; - sculpture, 83 - - Asia, western, 67 - - Assemblage, defined, 13, 14; - European, 94; - Jarmo, 129; - Maglemosian, 94; - Natufian, 113 - - Aterian, industry, 67; - point, 89 - - Australopithecinae, 24 - - Australopithecine, 25, 26 - - Awls, 77 - - Axes, 62, 94 - - Ax-heads, 15 - - Azilian, 97 - - Aztecs, 145 - - - Baghouz, 152 - - Bakun, 134 - - Baltic sea, 93 - - Banana, 107 - - Barley, wild, 108 - - Barrow, 141 - - Battle-axe folk, 164; - assemblage, 164 - - Beads, 80; - bone, 114 - - Beaker folk, 164; - assemblage, 164-165 - - Bear, in cave art, 85; - cult, 68 - - Belgium, 94 - - Belt cave, 126 - - Bering Strait, used as route to New World, 98 - - Bison, in cave art, 85 - - Blade, awl, 77; - backed, 75; - blade-core, 71; - end-scraper, 77; - stone, defined, 71; - strangulated (notched), 76; - tanged point, 76; - tools, 71, 75-80, 90; - tool tradition, 70 - - Boar, wild, in cave art, 85 - - Bogs, source of archeological materials, 94 - - Bolas, 54 - - Bordes, Franois, 62 - - Borer, 77 - - Boskop skull, 34 - - Boyd, William C., 35 - - Bracelets, 118 - - Brain, development of, 24 - - Breadfruit, 107 - - Breasted, James H., 107 - - Brick, at Jericho, 133 - - Britain, 94; - late prehistory, 163-175; - invaders, 173 - - Broch, 172 - - Buffalo, in China, 54; - killed by stampede, 86 - - Burials, 66, 86; - in henges, 164; - in urns, 168 - - Burins, 75 - - Burma, 90 - - Byblos, 134 - - - Camel, 54 - - Cannibalism, 55 - - Cattle, wild, 85, 112; - in cave art, 85; - domesticated, 15; - at Skara Brae, 142 - - Caucasoids, 34 - - Cave men, 29 - - Caves, 62; - art in, 84 - - Celts, 170 - - Chariot, 160 - - Chicken, domestication of, 107 - - Chiefs, in food-gathering groups, 68 - - Childe, V. Gordon, 8 - - China, 136 - - Choukoutien, 28, 35 - - Choukoutienian, 47 - - Civilization, beginnings, 144, 149, 157; - meaning of, 144 - - Clactonian, 45, 47 - - Clay, used in modeling, 128; - baked, used for tools, 153 - - Club-heads, 82, 94 - - Colonization, in America, 142; - in Europe, 142 - - Combe Capelle, 30 - - Combe Capelle-Brnn group, 34 - - Commont, Victor, 51 - - Coon, Carlton S., 73 - - Copper, 134 - - Corn, in America, 145 - - Corrals for cattle, 140 - - Cradle of mankind, 136 - - Cremation, 167 - - Crete, 162 - - Cro-Magnon, 30, 34 - - Cultivation, incipient, 105, 109, 111 - - Culture, change, 99; - characteristics, defined, 38, 49; - prehistoric, 39 - - - Danube Valley, used as route from Asia, 138 - - Dates, 153 - - Deer, 54, 96 - - Dog, domesticated, 96 - - Domestication, of animals, 100, 105, 107; - of plants, 100 - - Dragon teeth fossils in China, 28 - - Drill, 77 - - Dubois, Eugene, 26 - - - Early Dynastic Period, Mesopotamia, 147 - - East Spanish art, 72, 85 - - Egypt, 70, 126 - - Ehringsdorf, 31 - - Elephant, 54 - - Emiliani, Cesare, 18 - - Emiran flake point, 73 - - England, 163-168; - prehistoric, 19, 40; - farmers in, 140 - - Eoanthropus dawsoni, 29 - - Eoliths, 41 - - Erich, 152 - - Eridu, 152 - - Euphrates River, floods in, 148 - - Europe, cave dwellings, 58; - at end of Ice Age, 93; - early farmers, 140; - glaciers in, 40; - huts in, 86; - routes into, 137-140; - spread of food-production to, 136 - - - Far East, 69, 90 - - Farmers, 103 - - Fauresmith industry, 67 - - Fayum, 135; - radiocarbon date, 146 - - Fertile Crescent, 107, 146 - - Figurines, Venus, 84; - at Jarmo, 128; - at Ubaid, 153 - - Fire, used by Peking man, 54 - - First Dynasty, Egypt, 147 - - Fish-hooks, 80, 94 - - Fishing, 80; - by food-producers, 122 - - Fish-lines, 80 - - Fish spears, 94 - - Flint industry, 127 - - Fontchevade, 32, 56, 58 - - Food-collecting, 104, 121; - end of, 104 - - Food-gatherers, 53, 176 - - Food-gathering, 99, 104; - in Old World, 104; - stages of, 104 - - Food-producers, 176 - - Food-producing economy, 122; - in America, 145; - in Asia, 105 - - Food-producing revolution, 99, 105; - causes of, 101; - preconditions for, 100 - - Food-production, beginnings of, 99; - carried to Europe, 110 - - Food-vessel folk, 164 - - Forest folk, 97, 98, 104, 110 - - Fox, Sir Cyril, 174 - - France, caves in, 56 - - - Galley Hill (fossil type), 29 - - Garrod, D. A., 73 - - Gazelle, 114 - - Germany, 94 - - Ghassul, 156 - - Glaciers, 18, 30; - destruction by, 40 - - Goat, wild, 108; - domesticated, 128 - - Grain, first planted, 20 - - Graves, passage, 141; - gallery, 141 - - Greece, civilization in, 163; - as route to western Europe, 138; - towns in, 162 - - Grimaldi skeletons, 34 - - - Hackberry seeds used as food, 55 - - Halaf, 151; - assemblage, 151 - - Hallstatt, tradition, 169 - - Hand, development of, 24, 25 - - Hand adzes, 46 - - Hand axes, 44 - - Harpoons, antler, 83, 94; - bone, 82, 94 - - Hassuna, 131; - assemblage, 131, 132 - - Heidelberg, fossil type, 28 - - Hill-forts, in England, 171; - in Scotland, 172 - - Hilly flanks of Near East, 107, 108, 125, 131, 146, 147 - - History, beginning of, 7, 17 - - Hoes, 112 - - Holland, 164 - - Homo sapiens, 32 - - Hooton, E. A., 34 - - Horse, 112; - wild, in cave art, 85; - in China, 54 - - Hotu cave, 126 - - Houses, 122; - at Jarmo, 128; - at Halaf, 151 - - Howe, Bruce, 116 - - Howell, F. Clark, 30 - - Hunting, 93 - - - Ice Age, in Asia, 99; - beginning of, 18; - glaciers in, 41; - last glaciation, 93 - - Incas, 145 - - India, 90, 136 - - Industrialization, 178 - - Industry, blade-tool, 88; - defined, 58; - ground stone, 94 - - Internationalism, 162 - - Iran, 107, 147 - - Iraq, 107, 124, 127, 136, 147 - - Iron, introduction of, 170 - - Irrigation, 123, 149, 155 - - Italy, 138 - - - Jacobsen, T. J., 157 - - Jarmo, 109, 126, 128, 130; - assemblage, 129 - - Java, 23, 29 - - Java man, 26, 27, 29 - - Jefferson, Thomas, 11 - - Jericho, 119, 133 - - Judaidah, 134 - - - Kafuan, 48 - - Kanam, 23, 36 - - Karim Shahir, 116-119, 124; - assemblage, 116, 117 - - Keith, Sir Arthur, 33 - - Kelley, Harper, 51 - - Kharga, 126 - - Khartoum, 136 - - Knives, 80 - - Krogman, W. M., 3, 25 - - - Lamps, 85 - - Land bridges in Mediterranean, 19 - - La Tne phase, 170 - - Laurel leaf point, 78, 89 - - Leakey, L. S. B., 40 - - Le Moustier, 57 - - Levalloisian, 47, 61, 62 - - Levalloiso-Mousterian, 47, 63 - - Little Woodbury, 170 - - - Magic, used by hunters, 123 - - Maglemosian, assemblage, 94, 95; - folk, 98 - - Makapan, 40 - - Mammoth, 93; - in cave art, 85 - - Man-apes, 26 - - Mango, 107 - - Mankind, age, 17 - - Maringer, J., 45 - - Markets, 155 - - Marston, A. T., 11 - - Mathiassen, T., 97 - - McCown, T. D., 33 - - Meganthropus, 26, 27, 36 - - Men, defined, 25; - modern, 32 - - Merimde, 135 - - Mersin, 133 - - Metal-workers, 160, 163, 167, 172 - - Micoquian, 48, 60 - - Microliths, 87; - at Jarmo, 130; - lunates, 87; - trapezoids, 87; - triangles, 87 - - Minerals used as coloring matter, 66 - - Mine-shafts, 140 - - Mlefaat, 126, 127 - - Mongoloids, 29, 90 - - Mortars, 114, 118, 127 - - Mounds, how formed, 12 - - Mount Carmel, 11, 33, 52, 59, 64, 69, 113, 114 - - Mousterian man, 64 - - Mousterian tools, 61, 62; - of Acheulean tradition, 62 - - Movius, H. L., 47 - - - Natufian, animals in, 114; - assemblage, 113, 114, 115; - burials, 114; - date of, 113 - - Neanderthal man, 29, 30, 31, 56 - - Near East, beginnings of civilization in, 20, 144; - cave sites, 58; - climate in Ice Age, 99; - Fertile Crescent, 107, 146; - food-production in, 99; - Natufian assemblage in, 113-115; - stone tools, 114 - - Needles, 80 - - Negroid, 34 - - New World, 90 - - Nile River valley, 102, 134; - floods in, 148 - - Nuclear area, 106, 110; - in Near East, 107 - - - Obsidian, used for blade tools, 71; - at Jarmo, 130 - - Ochre, red, with burials, 86 - - Oldowan, 48 - - Old World, 67, 70, 90; - continental phases in, 18 - - Olorgesailie, 40, 51 - - Ostrich, in China, 54 - - Ovens, 128 - - Oxygen isotopes, 18 - - - Paintings in caves, 83 - - Paleoanthropic man, 50 - - Palestine, burials, 56; - cave sites, 52; - types of man, 69 - - Parpallo, 89 - - Patjitanian, 45, 47 - - Pebble tools, 42 - - Peking cave, 54; - animals in, 54 - - Peking man, 27, 28, 29, 54, 58 - - Pendants, 80; - bone, 114 - - Pestle, 114 - - Peterborough, 141; - assemblage, 141 - - Pictographic signs, 158 - - Pig, wild, 108 - - Piltdown man, 29 - - Pins, 80 - - Pithecanthropus, 26, 27, 30, 36 - - Pleistocene, 18, 25 - - Plows developed, 123 - - Points, arrow, 76; - laurel leaf, 78; - shouldered, 78, 79; - split-based bone, 80, 82; - tanged, 76; - willow leaf, 78 - - Potatoes, in America, 145 - - Pottery, 122, 130, 156; - decorated, 142; - painted, 131, 151, 152; - Susa style, 156; - in tombs, 141 - - Prehistory, defined, 7; - range of, 18 - - Pre-neanderthaloids, 30, 31, 37 - - Pre-Solutrean point, 89 - - Pre-Stellenbosch, 48 - - Proto-Literate assemblage, 157-160 - - - Race, 35; - biological, 36; - pure, 16 - - Radioactivity, 9, 10 - - Radioactive carbon dates, 18, 92, 120, 130, 135, 156 - - Redfield, Robert, 38, 49 - - Reed, C. A., 128 - - Reindeer, 94 - - Rhinoceros, 93; - in cave art, 85 - - Rhodesian man, 32 - - Riss glaciation, 58 - - Rock-shelters, 58; - art in, 85 - - - Saccopastore, 31 - - Sahara Desert, 34, 102 - - Samarra, 152; - pottery, 131, 152 - - Sangoan industry, 67 - - Sauer, Carl, 136 - - Sbaikian point, 89 - - Schliemann, H., 11, 12 - - Scotland, 171 - - Scraper, flake, 79; - end-scraper on blade, 77, 78; - keel-shaped, 79, 80, 81 - - Sculpture in caves, 83 - - Sebilian III, 126 - - Shaheinab, 135 - - Sheep, wild, 108; - at Skara Brae, 142; - in China, 54 - - Shellfish, 142 - - Ship, Ubaidian, 153 - - Sialk, 126, 134; - assemblage, 134 - - Siberia, 88; - pathway to New World, 98 - - Sickle, 112, 153; - blade, 113, 130 - - Silo, 122 - - Sinanthropus, 27, 30, 35 - - Skara Brae, 142 - - Snails used as food, 128 - - Soan, 47 - - Solecki, R., 116 - - Solo (fossil type), 29, 32 - - Solutrean industry, 77 - - Spear, shaft, 78; - thrower, 82, 83 - - Speech, development of organs of, 25 - - Squash, in America, 145 - - Steinheim fossil skull, 28 - - Stillbay industry, 67 - - Stonehenge, 166 - - Stratification, in caves, 12, 57; - in sites, 12 - - Swanscombe (fossil type), 11, 28 - - Syria, 107 - - - Tabun, 60, 71 - - Tardenoisian, 97 - - Taro, 107 - - Tasa, 135 - - Tayacian, 47, 59 - - Teeth, pierced, in beads and pendants, 114 - - Temples, 123, 155 - - Tepe Gawra, 156 - - Ternafine, 29 - - Teshik Tash, 69 - - Textiles, 122 - - Thong-stropper, 80 - - Tigris River, floods in, 148 - - Toggle, 80 - - Tomatoes, in America, 145 - - Tombs, megalithic, 141 - - Tool-making, 42, 49 - - Tool-preparation traditions, 65 - - Tools, 62; - antler, 80; - blade, 70, 71, 75; - bone, 66; - chopper, 47; - core-biface, 43, 48, 60, 61; - flake, 44, 47, 51, 60, 64; - flint, 80, 127; - ground stone, 68, 127; - handles, 94; - pebble, 42, 43, 48, 53; - use of, 24 - - Touf (mud wall), 128 - - Toynbee, A. J., 101 - - Trade, 130, 155, 162 - - Traders, 167 - - Traditions, 15; - blade tool, 70; - definition of, 51; - interpretation of, 49; - tool-making, 42, 48; - chopper-tool, 47; - chopper-chopping tool, 45; - core-biface, 43, 48; - flake, 44, 47; - pebble tool, 42, 48 - - Tool-making, prehistory of, 42 - - Turkey, 107, 108 - - - Ubaid, 153; - assemblage, 153-155 - - Urnfields, 168, 169 - - - Village-farming community era, 105, 119 - - - Wad B, 72 - - Wadjak, 34 - - Warka phase, 156; - assemblage, 156 - - Washburn, Sherwood L., 36 - - Water buffalo, domestication of, 107 - - Weidenreich, F., 29, 34 - - Wessex, 166, 167 - - Wheat, wild, 108; - partially domesticated, 127 - - Willow leaf point, 78 - - Windmill Hill, 138; - assemblage, 138, 140 - - Witch doctors, 68 - - Wool, 112; - in garments, 167 - - Writing, 158; - cuneiform, 158 - - Wrm I glaciation, 58 - - - Zebu cattle, domestication of, 107 - - Zeuner, F. E., 73 - - - - - * * * * * * - - - - -Transcribers note: - -Punctuation, hyphenation, and spelling were made consistent when a -predominant preference was found in this book; otherwise they were not -changed. - -Simple typographical errors were corrected; occasional unbalanced -quotation marks retained. - -Ambiguous hyphens at the ends of lines were retained. - -Index not checked for proper alphabetization or correct page references. - -In the original book, chapter headings were accompanied by -illustrations, sometimes above, sometimes below, and sometimes -adjacent. In this eBook those ilustrations always appear below the -headings. - - - -***END OF THE PROJECT GUTENBERG EBOOK PREHISTORIC MEN*** - - -******* This file should be named 52664-0.txt or 52664-0.zip ******* - - -This and all associated files of various formats will be found in: -http://www.gutenberg.org/dirs/5/2/6/6/52664 - - -Updated editions will replace the previous one--the old editions will -be renamed. - -Creating the works from print editions not protected by U.S. copyright -law means that no one owns a United States copyright in these works, -so the Foundation (and you!) can copy and distribute it in the United -States without permission and without paying copyright -royalties. Special rules, set forth in the General Terms of Use part -of this license, apply to copying and distributing Project -Gutenberg-tm electronic works to protect the PROJECT GUTENBERG-tm -concept and trademark. Project Gutenberg is a registered trademark, -and may not be used if you charge for the eBooks, unless you receive -specific permission. If you do not charge anything for copies of this -eBook, complying with the rules is very easy. You may use this eBook -for nearly any purpose such as creation of derivative works, reports, -performances and research. They may be modified and printed and given -away--you may do practically ANYTHING in the United States with eBooks -not protected by U.S. copyright law. Redistribution is subject to the -trademark license, especially commercial redistribution. - -START: FULL LICENSE - -THE FULL PROJECT GUTENBERG LICENSE -PLEASE READ THIS BEFORE YOU DISTRIBUTE OR USE THIS WORK - -To protect the Project Gutenberg-tm mission of promoting the free -distribution of electronic works, by using or distributing this work -(or any other work associated in any way with the phrase "Project -Gutenberg"), you agree to comply with all the terms of the Full -Project Gutenberg-tm License available with this file or online at -www.gutenberg.org/license. - -Section 1. General Terms of Use and Redistributing Project -Gutenberg-tm electronic works - -1.A. By reading or using any part of this Project Gutenberg-tm -electronic work, you indicate that you have read, understand, agree to -and accept all the terms of this license and intellectual property -(trademark/copyright) agreement. If you do not agree to abide by all -the terms of this agreement, you must cease using and return or -destroy all copies of Project Gutenberg-tm electronic works in your -possession. If you paid a fee for obtaining a copy of or access to a -Project Gutenberg-tm electronic work and you do not agree to be bound -by the terms of this agreement, you may obtain a refund from the -person or entity to whom you paid the fee as set forth in paragraph -1.E.8. - -1.B. "Project Gutenberg" is a registered trademark. It may only be -used on or associated in any way with an electronic work by people who -agree to be bound by the terms of this agreement. There are a few -things that you can do with most Project Gutenberg-tm electronic works -even without complying with the full terms of this agreement. See -paragraph 1.C below. There are a lot of things you can do with Project -Gutenberg-tm electronic works if you follow the terms of this -agreement and help preserve free future access to Project Gutenberg-tm -electronic works. See paragraph 1.E below. - -1.C. The Project Gutenberg Literary Archive Foundation ("the -Foundation" or PGLAF), owns a compilation copyright in the collection -of Project Gutenberg-tm electronic works. Nearly all the individual -works in the collection are in the public domain in the United -States. If an individual work is unprotected by copyright law in the -United States and you are located in the United States, we do not -claim a right to prevent you from copying, distributing, performing, -displaying or creating derivative works based on the work as long as -all references to Project Gutenberg are removed. Of course, we hope -that you will support the Project Gutenberg-tm mission of promoting -free access to electronic works by freely sharing Project Gutenberg-tm -works in compliance with the terms of this agreement for keeping the -Project Gutenberg-tm name associated with the work. You can easily -comply with the terms of this agreement by keeping this work in the -same format with its attached full Project Gutenberg-tm License when -you share it without charge with others. - -1.D. The copyright laws of the place where you are located also govern -what you can do with this work. Copyright laws in most countries are -in a constant state of change. If you are outside the United States, -check the laws of your country in addition to the terms of this -agreement before downloading, copying, displaying, performing, -distributing or creating derivative works based on this work or any -other Project Gutenberg-tm work. The Foundation makes no -representations concerning the copyright status of any work in any -country outside the United States. - -1.E. Unless you have removed all references to Project Gutenberg: - -1.E.1. The following sentence, with active links to, or other -immediate access to, the full Project Gutenberg-tm License must appear -prominently whenever any copy of a Project Gutenberg-tm work (any work -on which the phrase "Project Gutenberg" appears, or with which the -phrase "Project Gutenberg" is associated) is accessed, displayed, -performed, viewed, copied or distributed: - - This eBook is for the use of anyone anywhere in the United States and - most other parts of the world at no cost and with almost no - restrictions whatsoever. You may copy it, give it away or re-use it - under the terms of the Project Gutenberg License included with this - eBook or online at www.gutenberg.org. If you are not located in the - United States, you'll have to check the laws of the country where you - are located before using this ebook. - -1.E.2. If an individual Project Gutenberg-tm electronic work is -derived from texts not protected by U.S. copyright law (does not -contain a notice indicating that it is posted with permission of the -copyright holder), the work can be copied and distributed to anyone in -the United States without paying any fees or charges. If you are -redistributing or providing access to a work with the phrase "Project -Gutenberg" associated with or appearing on the work, you must comply -either with the requirements of paragraphs 1.E.1 through 1.E.7 or -obtain permission for the use of the work and the Project Gutenberg-tm -trademark as set forth in paragraphs 1.E.8 or 1.E.9. - -1.E.3. If an individual Project Gutenberg-tm electronic work is posted -with the permission of the copyright holder, your use and distribution -must comply with both paragraphs 1.E.1 through 1.E.7 and any -additional terms imposed by the copyright holder. Additional terms -will be linked to the Project Gutenberg-tm License for all works -posted with the permission of the copyright holder found at the -beginning of this work. - -1.E.4. Do not unlink or detach or remove the full Project Gutenberg-tm -License terms from this work, or any files containing a part of this -work or any other work associated with Project Gutenberg-tm. - -1.E.5. Do not copy, display, perform, distribute or redistribute this -electronic work, or any part of this electronic work, without -prominently displaying the sentence set forth in paragraph 1.E.1 with -active links or immediate access to the full terms of the Project -Gutenberg-tm License. - -1.E.6. You may convert to and distribute this work in any binary, -compressed, marked up, nonproprietary or proprietary form, including -any word processing or hypertext form. However, if you provide access -to or distribute copies of a Project Gutenberg-tm work in a format -other than "Plain Vanilla ASCII" or other format used in the official -version posted on the official Project Gutenberg-tm web site -(www.gutenberg.org), you must, at no additional cost, fee or expense -to the user, provide a copy, a means of exporting a copy, or a means -of obtaining a copy upon request, of the work in its original "Plain -Vanilla ASCII" or other form. Any alternate format must include the -full Project Gutenberg-tm License as specified in paragraph 1.E.1. - -1.E.7. Do not charge a fee for access to, viewing, displaying, -performing, copying or distributing any Project Gutenberg-tm works -unless you comply with paragraph 1.E.8 or 1.E.9. - -1.E.8. You may charge a reasonable fee for copies of or providing -access to or distributing Project Gutenberg-tm electronic works -provided that - -* You pay a royalty fee of 20% of the gross profits you derive from - the use of Project Gutenberg-tm works calculated using the method - you already use to calculate your applicable taxes. The fee is owed - to the owner of the Project Gutenberg-tm trademark, but he has - agreed to donate royalties under this paragraph to the Project - Gutenberg Literary Archive Foundation. Royalty payments must be paid - within 60 days following each date on which you prepare (or are - legally required to prepare) your periodic tax returns. Royalty - payments should be clearly marked as such and sent to the Project - Gutenberg Literary Archive Foundation at the address specified in - Section 4, "Information about donations to the Project Gutenberg - Literary Archive Foundation." - -* You provide a full refund of any money paid by a user who notifies - you in writing (or by e-mail) within 30 days of receipt that s/he - does not agree to the terms of the full Project Gutenberg-tm - License. You must require such a user to return or destroy all - copies of the works possessed in a physical medium and discontinue - all use of and all access to other copies of Project Gutenberg-tm - works. - -* You provide, in accordance with paragraph 1.F.3, a full refund of - any money paid for a work or a replacement copy, if a defect in the - electronic work is discovered and reported to you within 90 days of - receipt of the work. - -* You comply with all other terms of this agreement for free - distribution of Project Gutenberg-tm works. - -1.E.9. If you wish to charge a fee or distribute a Project -Gutenberg-tm electronic work or group of works on different terms than -are set forth in this agreement, you must obtain permission in writing -from both the Project Gutenberg Literary Archive Foundation and The -Project Gutenberg Trademark LLC, the owner of the Project Gutenberg-tm -trademark. Contact the Foundation as set forth in Section 3 below. - -1.F. - -1.F.1. Project Gutenberg volunteers and employees expend considerable -effort to identify, do copyright research on, transcribe and proofread -works not protected by U.S. copyright law in creating the Project -Gutenberg-tm collection. Despite these efforts, Project Gutenberg-tm -electronic works, and the medium on which they may be stored, may -contain "Defects," such as, but not limited to, incomplete, inaccurate -or corrupt data, transcription errors, a copyright or other -intellectual property infringement, a defective or damaged disk or -other medium, a computer virus, or computer codes that damage or -cannot be read by your equipment. - -1.F.2. LIMITED WARRANTY, DISCLAIMER OF DAMAGES - Except for the "Right -of Replacement or Refund" described in paragraph 1.F.3, the Project -Gutenberg Literary Archive Foundation, the owner of the Project -Gutenberg-tm trademark, and any other party distributing a Project -Gutenberg-tm electronic work under this agreement, disclaim all -liability to you for damages, costs and expenses, including legal -fees. YOU AGREE THAT YOU HAVE NO REMEDIES FOR NEGLIGENCE, STRICT -LIABILITY, BREACH OF WARRANTY OR BREACH OF CONTRACT EXCEPT THOSE -PROVIDED IN PARAGRAPH 1.F.3. YOU AGREE THAT THE FOUNDATION, THE -TRADEMARK OWNER, AND ANY DISTRIBUTOR UNDER THIS AGREEMENT WILL NOT BE -LIABLE TO YOU FOR ACTUAL, DIRECT, INDIRECT, CONSEQUENTIAL, PUNITIVE OR -INCIDENTAL DAMAGES EVEN IF YOU GIVE NOTICE OF THE POSSIBILITY OF SUCH -DAMAGE. - -1.F.3. LIMITED RIGHT OF REPLACEMENT OR REFUND - If you discover a -defect in this electronic work within 90 days of receiving it, you can -receive a refund of the money (if any) you paid for it by sending a -written explanation to the person you received the work from. If you -received the work on a physical medium, you must return the medium -with your written explanation. The person or entity that provided you -with the defective work may elect to provide a replacement copy in -lieu of a refund. If you received the work electronically, the person -or entity providing it to you may choose to give you a second -opportunity to receive the work electronically in lieu of a refund. If -the second copy is also defective, you may demand a refund in writing -without further opportunities to fix the problem. - -1.F.4. Except for the limited right of replacement or refund set forth -in paragraph 1.F.3, this work is provided to you 'AS-IS', WITH NO -OTHER WARRANTIES OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT -LIMITED TO WARRANTIES OF MERCHANTABILITY OR FITNESS FOR ANY PURPOSE. - -1.F.5. Some states do not allow disclaimers of certain implied -warranties or the exclusion or limitation of certain types of -damages. If any disclaimer or limitation set forth in this agreement -violates the law of the state applicable to this agreement, the -agreement shall be interpreted to make the maximum disclaimer or -limitation permitted by the applicable state law. The invalidity or -unenforceability of any provision of this agreement shall not void the -remaining provisions. - -1.F.6. INDEMNITY - You agree to indemnify and hold the Foundation, the -trademark owner, any agent or employee of the Foundation, anyone -providing copies of Project Gutenberg-tm electronic works in -accordance with this agreement, and any volunteers associated with the -production, promotion and distribution of Project Gutenberg-tm -electronic works, harmless from all liability, costs and expenses, -including legal fees, that arise directly or indirectly from any of -the following which you do or cause to occur: (a) distribution of this -or any Project Gutenberg-tm work, (b) alteration, modification, or -additions or deletions to any Project Gutenberg-tm work, and (c) any -Defect you cause. - -Section 2. Information about the Mission of Project Gutenberg-tm - -Project Gutenberg-tm is synonymous with the free distribution of -electronic works in formats readable by the widest variety of -computers including obsolete, old, middle-aged and new computers. It -exists because of the efforts of hundreds of volunteers and donations -from people in all walks of life. - -Volunteers and financial support to provide volunteers with the -assistance they need are critical to reaching Project Gutenberg-tm's -goals and ensuring that the Project Gutenberg-tm collection will -remain freely available for generations to come. In 2001, the Project -Gutenberg Literary Archive Foundation was created to provide a secure -and permanent future for Project Gutenberg-tm and future -generations. To learn more about the Project Gutenberg Literary -Archive Foundation and how your efforts and donations can help, see -Sections 3 and 4 and the Foundation information page at -www.gutenberg.org - -Section 3. Information about the Project Gutenberg Literary -Archive Foundation - -The Project Gutenberg Literary Archive Foundation is a non profit -501(c)(3) educational corporation organized under the laws of the -state of Mississippi and granted tax exempt status by the Internal -Revenue Service. The Foundation's EIN or federal tax identification -number is 64-6221541. Contributions to the Project Gutenberg Literary -Archive Foundation are tax deductible to the full extent permitted by -U.S. federal laws and your state's laws. - -The Foundation's principal office is in Fairbanks, Alaska, with the -mailing address: PO Box 750175, Fairbanks, AK 99775, but its -volunteers and employees are scattered throughout numerous -locations. Its business office is located at 809 North 1500 West, Salt -Lake City, UT 84116, (801) 596-1887. Email contact links and up to -date contact information can be found at the Foundation's web site and -official page at www.gutenberg.org/contact - -For additional contact information: - - Dr. Gregory B. Newby - Chief Executive and Director - gbnewby@pglaf.org - -Section 4. Information about Donations to the Project Gutenberg -Literary Archive Foundation - -Project Gutenberg-tm depends upon and cannot survive without wide -spread public support and donations to carry out its mission of -increasing the number of public domain and licensed works that can be -freely distributed in machine readable form accessible by the widest -array of equipment including outdated equipment. Many small donations -($1 to $5,000) are particularly important to maintaining tax exempt -status with the IRS. - -The Foundation is committed to complying with the laws regulating -charities and charitable donations in all 50 states of the United -States. Compliance requirements are not uniform and it takes a -considerable effort, much paperwork and many fees to meet and keep up -with these requirements. We do not solicit donations in locations -where we have not received written confirmation of compliance. To SEND -DONATIONS or determine the status of compliance for any particular -state visit www.gutenberg.org/donate - -While we cannot and do not solicit contributions from states where we -have not met the solicitation requirements, we know of no prohibition -against accepting unsolicited donations from donors in such states who -approach us with offers to donate. - -International donations are gratefully accepted, but we cannot make -any statements concerning tax treatment of donations received from -outside the United States. U.S. laws alone swamp our small staff. - -Please check the Project Gutenberg Web pages for current donation -methods and addresses. Donations are accepted in a number of other -ways including checks, online payments and credit card donations. To -donate, please visit: www.gutenberg.org/donate - -Section 5. General Information About Project Gutenberg-tm electronic works. - -Professor Michael S. Hart was the originator of the Project -Gutenberg-tm concept of a library of electronic works that could be -freely shared with anyone. For forty years, he produced and -distributed Project Gutenberg-tm eBooks with only a loose network of -volunteer support. - -Project Gutenberg-tm eBooks are often created from several printed -editions, all of which are confirmed as not protected by copyright in -the U.S. unless a copyright notice is included. Thus, we do not -necessarily keep eBooks in compliance with any particular paper -edition. - -Most people start at our Web site which has the main PG search -facility: www.gutenberg.org - -This Web site includes information about Project Gutenberg-tm, -including how to make donations to the Project Gutenberg Literary -Archive Foundation, how to help produce our new eBooks, and how to -subscribe to our email newsletter to hear about new eBooks. +The Project Gutenberg eBook, Prehistoric Men, by Robert J. (Robert John) +Braidwood, Illustrated by Susan T. Richert + + +This eBook is for the use of anyone anywhere in the United States and most +other parts of the world at no cost and with almost no restrictions +whatsoever. You may copy it, give it away or re-use it under the terms of +the Project Gutenberg License included with this eBook or online at +www.gutenberg.org. If you are not located in the United States, you'll have +to check the laws of the country where you are located before using this ebook. + + +Title: Prehistoric Men +Author: Robert J. (Robert John) Braidwood +Release Date: July 28, 2016 [eBook #52664] +Language: English +Character set encoding: UTF-8 + + +***START OF THE PROJECT GUTENBERG EBOOK PREHISTORIC MEN*** + + +E-text prepared by Stephen Hutcheson, Dave Morgan, Charlie Howard, and the +Online Distributed Proofreading Team (http://www.pgdp.net) + + + +Note: Project Gutenberg also has an HTML version of this + file which includes the original illustrations. + See 52664-h.htm or 52664-h.zip: + (http://www.gutenberg.org/files/52664/52664-h/52664-h.htm) + or + (http://www.gutenberg.org/files/52664/52664-h.zip) + + +Transcriber's note: + + Some characters might not display in this UTF-8 text + version. If so, the reader should consult the HTML + version referred to above. One example of this might + occur in the second paragraph under "Choppers and + Adze-like Tools", page 46, which contains the phrase + �an adze cutting edge is ? shaped�. The symbol before + �shaped� looks like a sharply-italicized sans-serif �L�. + Devices that cannot display that symbol may substitute + a question mark, a square, or other symbol. + + +PREHISTORIC MEN + +by + +ROBERT J. BRAIDWOOD + +Research Associate, Old World Prehistory + +Professor +Oriental Institute and Department of Anthropology +University of Chicago + +Drawings by Susan T. Richert + + +[Illustration] + +Chicago Natural History Museum +Popular Series +Anthropology, Number 37 + +Third Edition Issued in Co-operation with +The Oriental Institute, The University of Chicago + +Edited by Lillian A. Ross + +Printed in the United States of America +by Chicago Natural History Museum Press + +Copyright 1948, 1951, and 1957 by Chicago Natural History Museum + +First edition 1948 +Second edition 1951 +Third edition 1957 +Fourth edition 1959 + + +Preface + +[Illustration] + + +Like the writing of most professional archeologists, mine has been +confined to so-called learned papers. Good, bad, or indifferent, these +papers were in a jargon that only my colleagues and a few advanced +students could understand. Hence, when I was asked to do this little +book, I soon found it extremely difficult to say what I meant in simple +fashion. The style is new to me, but I hope the reader will not find it +forced or pedantic; at least I have done my very best to tell the story +simply and clearly. + +Many friends have aided in the preparation of the book. The whimsical +charm of Miss Susan Richert�s illustrations add enormously to the +spirit I wanted. She gave freely of her own time on the drawings and +in planning the book with me. My colleagues at the University of +Chicago, especially Professor Wilton M. Krogman (now of the University +of Pennsylvania), and also Mrs. Linda Braidwood, Associate of the +Oriental Institute, and Professors Fay-Cooper Cole and Sol Tax, of +the Department of Anthropology, gave me counsel in matters bearing on +their special fields, and the Department of Anthropology bore some of +the expense of the illustrations. From Mrs. Irma Hunter and Mr. Arnold +Maremont, who are not archeologists at all and have only an intelligent +layman�s notion of archeology, I had sound advice on how best to tell +the story. I am deeply indebted to all these friends. + +While I was preparing the second edition, I had the great fortune +to be able to rework the third chapter with Professor Sherwood L. +Washburn, now of the Department of Anthropology of the University of +California, and the fourth, fifth, and sixth chapters with Professor +Hallum L. Movius, Jr., of the Peabody Museum, Harvard University. The +book has gained greatly in accuracy thereby. In matters of dating, +Professor Movius and the indications of Professor W. F. Libby�s Carbon +14 chronology project have both encouraged me to choose the lowest +dates now current for the events of the Pleistocene Ice Age. There is +still no certain way of fixing a direct chronology for most of the +Pleistocene, but Professor Libby�s method appears very promising for +its end range and for proto-historic dates. In any case, this book +names �periods,� and new dates may be written in against mine, if new +and better dating systems appear. + +I wish to thank Dr. Clifford C. Gregg, Director of Chicago Natural +History Museum, for the opportunity to publish this book. My old +friend, Dr. Paul S. Martin, Chief Curator in the Department of +Anthropology, asked me to undertake the job and inspired me to complete +it. I am also indebted to Miss Lillian A. Ross, Associate Editor of +Scientific Publications, and to Mr. George I. Quimby, Curator of +Exhibits in Anthropology, for all the time they have given me in +getting the manuscript into proper shape. + + ROBERT J. BRAIDWOOD + _June 15, 1950_ + + + + +Preface to the Third Edition + + +In preparing the enlarged third edition, many of the above mentioned +friends have again helped me. I have picked the brains of Professor F. +Clark Howell of the Department of Anthropology of the University of +Chicago in reworking the earlier chapters, and he was very patient in +the matter, which I sincerely appreciate. + +All of Mrs. Susan Richert Allen�s original drawings appear, but a few +necessary corrections have been made in some of the charts and some new +drawings have been added by Mr. John Pfiffner, Staff Artist, Chicago +Natural History Museum. + + ROBERT J. BRAIDWOOD + _March 1, 1959_ + + + + +Contents + + + PAGE + How We Learn about Prehistoric Men 7 + + The Changing World in Which Prehistoric Men Lived 17 + + Prehistoric Men Themselves 22 + + Cultural Beginnings 38 + + More Evidence of Culture 56 + + Early Moderns 70 + + End and Prelude 92 + + The First Revolution 121 + + The Conquest of Civilization 144 + + End of Prehistory 162 + + Summary 176 + + List of Books 180 + + Index 184 + + + + +HOW WE LEARN about Prehistoric Men + +[Illustration] + + +Prehistory means the time before written history began. Actually, more +than 99 per cent of man�s story is prehistory. Man is at least half a +million years old, but he did not begin to write history (or to write +anything) until about 5,000 years ago. + +The men who lived in prehistoric times left us no history books, but +they did unintentionally leave a record of their presence and their way +of life. This record is studied and interpreted by different kinds of +scientists. + + +SCIENTISTS WHO FIND OUT ABOUT PREHISTORIC MEN + +The scientists who study the bones and teeth and any other parts +they find of the bodies of prehistoric men, are called _physical +anthropologists_. Physical anthropologists are trained, much like +doctors, to know all about the human body. They study living people, +too; they know more about the biological facts of human �races� than +anybody else. If the police find a badly decayed body in a trunk, +they ask a physical anthropologist to tell them what the person +originally looked like. The physical anthropologists who specialize in +prehistoric men work with fossils, so they are sometimes called _human +paleontologists_. + + +ARCHEOLOGISTS + +There is a kind of scientist who studies the things that prehistoric +men made and did. Such a scientist is called an _archeologist_. It is +the archeologist�s business to look for the stone and metal tools, the +pottery, the graves, and the caves or huts of the men who lived before +history began. + +But there is more to archeology than just looking for things. In +Professor V. Gordon Childe�s words, archeology �furnishes a sort of +history of human activity, provided always that the actions have +produced concrete results and left recognizable material traces.� You +will see that there are at least three points in what Childe says: + + 1. The archeologists have to find the traces of things left behind by + ancient man, and + + 2. Only a few objects may be found, for most of these were probably + too soft or too breakable to last through the years. However, + + 3. The archeologist must use whatever he can find to tell a story--to + make a �sort of history�--from the objects and living-places and + graves that have escaped destruction. + +What I mean is this: Let us say you are walking through a dump yard, +and you find a rusty old spark plug. If you want to think about what +the spark plug means, you quickly remember that it is a part of an +automobile motor. This tells you something about the man who threw +the spark plug on the dump. He either had an automobile, or he knew +or lived near someone who did. He can�t have lived so very long ago, +you�ll remember, because spark plugs and automobiles are only about +sixty years old. + +When you think about the old spark plug in this way you have +just been making the beginnings of what we call an archeological +_interpretation_; you have been making the spark plug tell a story. +It is the same way with the man-made things we archeologists find +and put in museums. Usually, only a few of these objects are pretty +to look at; but each of them has some sort of story to tell. Making +the interpretation of his finds is the most important part of the +archeologist�s job. It is the way he gets at the �sort of history of +human activity� which is expected of archeology. + + +SOME OTHER SCIENTISTS + +There are many other scientists who help the archeologist and the +physical anthropologist find out about prehistoric men. The geologists +help us tell the age of the rocks or caves or gravel beds in which +human bones or man-made objects are found. There are other scientists +with names which all begin with �paleo� (the Greek word for �old�). The +_paleontologists_ study fossil animals. There are also, for example, +such scientists as _paleobotanists_ and _paleoclimatologists_, who +study ancient plants and climates. These scientists help us to know +the kinds of animals and plants that were living in prehistoric times +and so could be used for food by ancient man; what the weather was +like; and whether there were glaciers. Also, when I tell you that +prehistoric men did not appear until long after the great dinosaurs had +disappeared, I go on the say-so of the paleontologists. They know that +fossils of men and of dinosaurs are not found in the same geological +period. The dinosaur fossils come in early periods, the fossils of men +much later. + +Since World War II even the atomic scientists have been helping the +archeologists. By testing the amount of radioactivity left in charcoal, +wood, or other vegetable matter obtained from archeological sites, they +have been able to date the sites. Shell has been used also, and even +the hair of Egyptian mummies. The dates of geological and climatic +events have also been discovered. Some of this work has been done from +drillings taken from the bottom of the sea. + +This dating by radioactivity has considerably shortened the dates which +the archeologists used to give. If you find that some of the dates +I give here are more recent than the dates you see in other books +on prehistory, it is because I am using one of the new lower dating +systems. + +[Illustration: RADIOCARBON CHART + +The rate of disappearance of radioactivity as time passes.[1]] + + [1] It is important that the limitations of the radioactive carbon + �dating� system be held in mind. As the statistics involved in + the system are used, there are two chances in three that the + �date� of the sample falls within the range given as plus or + minus an added number of years. For example, the �date� for the + Jarmo village (see chart), given as 6750 � 200 B.C., really + means that there are only two chances in three that the real + date of the charcoal sampled fell between 6950 and 6550 B.C. + We have also begun to suspect that there are ways in which the + samples themselves may have become �contaminated,� either on + the early or on the late side. We now tend to be suspicious of + single radioactive carbon determinations, or of determinations + from one site alone. But as a fabric of consistent + determinations for several or more sites of one archeological + period, we gain confidence in the �dates.� + + +HOW THE SCIENTISTS FIND OUT + +So far, this chapter has been mainly about the people who find out +about prehistoric men. We also need a word about _how_ they find out. + +All our finds came by accident until about a hundred years ago. Men +digging wells, or digging in caves for fertilizer, often turned up +ancient swords or pots or stone arrowheads. People also found some odd +pieces of stone that didn�t look like natural forms, but they also +didn�t look like any known tool. As a result, the people who found them +gave them queer names; for example, �thunderbolts.� The people thought +the strange stones came to earth as bolts of lightning. We know now +that these strange stones were prehistoric stone tools. + +Many important finds still come to us by accident. In 1935, a British +dentist, A. T. Marston, found the first of two fragments of a very +important fossil human skull, in a gravel pit at Swanscombe, on the +River Thames, England. He had to wait nine months, until the face of +the gravel pit had been dug eight yards farther back, before the second +fragment appeared. They fitted! Then, twenty years later, still another +piece appeared. In 1928 workmen who were blasting out rock for the +breakwater in the port of Haifa began to notice flint tools. Thus the +story of cave men on Mount Carmel, in Palestine, began to be known. + +Planned archeological digging is only about a century old. Even before +this, however, a few men realized the significance of objects they dug +from the ground; one of these early archeologists was our own Thomas +Jefferson. The first real mound-digger was a German grocer�s clerk, +Heinrich Schliemann. Schliemann made a fortune as a merchant, first +in Europe and then in the California gold-rush of 1849. He became an +American citizen. Then he retired and had both money and time to test +an old idea of his. He believed that the heroes of ancient Troy and +Mycenae were once real Trojans and Greeks. He proved it by going to +Turkey and Greece and digging up the remains of both cities. + +Schliemann had the great good fortune to find rich and spectacular +treasures, and he also had the common sense to keep notes and make +descriptions of what he found. He proved beyond doubt that many ancient +city mounds can be _stratified_. This means that there may be the +remains of many towns in a mound, one above another, like layers in a +cake. + +You might like to have an idea of how mounds come to be in layers. +The original settlers may have chosen the spot because it had a good +spring and there were good fertile lands nearby, or perhaps because +it was close to some road or river or harbor. These settlers probably +built their town of stone and mud-brick. Finally, something would have +happened to the town--a flood, or a burning, or a raid by enemies--and +the walls of the houses would have fallen in or would have melted down +as mud in the rain. Nothing would have remained but the mud and debris +of a low mound of _one_ layer. + +The second settlers would have wanted the spot for the same reasons +the first settlers did--good water, land, and roads. Also, the second +settlers would have found a nice low mound to build their houses on, +a protection from floods. But again, something would finally have +happened to the second town, and the walls of _its_ houses would have +come tumbling down. This makes the _second_ layer. And so on.... + +In Syria I once had the good fortune to dig on a large mound that had +no less than fifteen layers. Also, most of the layers were thick, and +there were signs of rebuilding and repairs within each layer. The mound +was more than a hundred feet high. In each layer, the building material +used had been a soft, unbaked mud-brick, and most of the debris +consisted of fallen or rain-melted mud from these mud-bricks. + +This idea of _stratification_, like the cake layers, was already a +familiar one to the geologists by Schliemann�s time. They could show +that their lowest layer of rock was oldest or earliest, and that the +overlying layers became more recent as one moved upward. Schliemann�s +digging proved the same thing at Troy. His first (lowest and earliest) +city had at least nine layers above it; he thought that the second +layer contained the remains of Homer�s Troy. We now know that Homeric +Troy was layer VIIa from the bottom; also, we count eleven layers or +sub-layers in total. + +Schliemann�s work marks the beginnings of modern archeology. Scholars +soon set out to dig on ancient sites, from Egypt to Central America. + + +ARCHEOLOGICAL INFORMATION + +As time went on, the study of archeological materials--found either +by accident or by digging on purpose--began to show certain things. +Archeologists began to get ideas as to the kinds of objects that +belonged together. If you compared a mail-order catalogue of 1890 with +one of today, you would see a lot of differences. If you really studied +the two catalogues hard, you would also begin to see that certain +objects �go together.� Horseshoes and metal buggy tires and pieces of +harness would begin to fit into a picture with certain kinds of coal +stoves and furniture and china dishes and kerosene lamps. Our friend +the spark plug, and radios and electric refrigerators and light bulbs +would fit into a picture with different kinds of furniture and dishes +and tools. You won�t be old enough to remember the kind of hats that +women wore in 1890, but you�ve probably seen pictures of them, and you +know very well they couldn�t be worn with the fashions of today. + +This is one of the ways that archeologists study their materials. +The various tools and weapons and jewelry, the pottery, the kinds +of houses, and even the ways of burying the dead tend to fit into +pictures. Some archeologists call all of the things that go together to +make such a picture an _assemblage_. The assemblage of the first layer +of Schliemann�s Troy was as different from that of the seventh layer as +our 1900 mail-order catalogue is from the one of today. + +The archeologists who came after Schliemann began to notice other +things and to compare them with occurrences in modern times. The +idea that people will buy better mousetraps goes back into very +ancient times. Today, if we make good automobiles or radios, we can +sell some of them in Turkey or even in Timbuktu. This means that a +few present-day types of American automobiles and radios form part +of present-day �assemblages� in both Turkey and Timbuktu. The total +present-day �assemblage� of Turkey is quite different from that of +Timbuktu or that of America, but they have at least some automobiles +and some radios in common. + +Now these automobiles and radios will eventually wear out. Let us +suppose we could go to some remote part of Turkey or to Timbuktu in a +dream. We don�t know what the date is, in our dream, but we see all +sorts of strange things and ways of living in both places. Nobody +tells us what the date is. But suddenly we see a 1936 Ford; so we +know that in our dream it has to be at least the year 1936, and only +as many years after that as we could reasonably expect a Ford to keep +in running order. The Ford would probably break down in twenty years� +time, so the Turkish or Timbuktu �assemblage� we�re seeing in our dream +has to date at about A.D. 1936-56. + +Archeologists not only �date� their ancient materials in this way; they +also see over what distances and between which peoples trading was +done. It turns out that there was a good deal of trading in ancient +times, probably all on a barter and exchange basis. + + +EVERYTHING BEGINS TO FIT TOGETHER + +Now we need to pull these ideas all together and see the complicated +structure the archeologists can build with their materials. + +Even the earliest archeologists soon found that there was a very long +range of prehistoric time which would yield only very simple things. +For this very long early part of prehistory, there was little to be +found but the flint tools which wandering, hunting and gathering +people made, and the bones of the wild animals they ate. Toward the +end of prehistoric time there was a general settling down with the +coming of agriculture, and all sorts of new things began to be made. +Archeologists soon got a general notion of what ought to appear with +what. Thus, it would upset a French prehistorian digging at the bottom +of a very early cave if he found a fine bronze sword, just as much as +it would upset him if he found a beer bottle. The people of his very +early cave layer simply could not have made bronze swords, which came +later, just as do beer bottles. Some accidental disturbance of the +layers of his cave must have happened. + +With any luck, archeologists do their digging in a layered, stratified +site. They find the remains of everything that would last through +time, in several different layers. They know that the assemblage in +the bottom layer was laid down earlier than the assemblage in the next +layer above, and so on up to the topmost layer, which is the latest. +They look at the results of other �digs� and find that some other +archeologist 900 miles away has found ax-heads in his lowest layer, +exactly like the ax-heads of their fifth layer. This means that their +fifth layer must have been lived in at about the same time as was the +first layer in the site 200 miles away. It also may mean that the +people who lived in the two layers knew and traded with each other. Or +it could mean that they didn�t necessarily know each other, but simply +that both traded with a third group at about the same time. + +You can see that the more we dig and find, the more clearly the main +facts begin to stand out. We begin to be more sure of which people +lived at the same time, which earlier and which later. We begin to +know who traded with whom, and which peoples seemed to live off by +themselves. We begin to find enough skeletons in burials so that the +physical anthropologists can tell us what the people looked like. We +get animal bones, and a paleontologist may tell us they are all bones +of wild animals; or he may tell us that some or most of the bones are +those of domesticated animals, for instance, sheep or cattle, and +therefore the people must have kept herds. + +More important than anything else--as our structure grows more +complicated and our materials increase--is the fact that �a sort +of history of human activity� does begin to appear. The habits or +traditions that men formed in the making of their tools and in the +ways they did things, begin to stand out for us. How characteristic +were these habits and traditions? What areas did they spread over? +How long did they last? We watch the different tools and the traces +of the way things were done--how the burials were arranged, what +the living-places were like, and so on. We wonder about the people +themselves, for the traces of habits and traditions are useful to us +only as clues to the men who once had them. So we ask the physical +anthropologists about the skeletons that we found in the burials. The +physical anthropologists tell us about the anatomy and the similarities +and differences which the skeletons show when compared with other +skeletons. The physical anthropologists are even working on a +method--chemical tests of the bones--that will enable them to discover +what the blood-type may have been. One thing is sure. We have never +found a group of skeletons so absolutely similar among themselves--so +cast from a single mould, so to speak--that we could claim to have a +�pure� race. I am sure we never shall. + +We become particularly interested in any signs of change--when new +materials and tool types and ways of doing things replace old ones. We +watch for signs of social change and progress in one way or another. + +We must do all this without one word of written history to aid us. +Everything we are concerned with goes back to the time _before_ men +learned to write. That is the prehistorian�s job--to find out what +happened before history began. + + + + +THE CHANGING WORLD in which Prehistoric Men Lived + +[Illustration] + + +Mankind, we�ll say, is at least a half million years old. It is very +hard to understand how long a time half a million years really is. +If we were to compare this whole length of time to one day, we�d get +something like this: The present time is midnight, and Jesus was +born just five minutes and thirty-six seconds ago. Earliest history +began less than fifteen minutes ago. Everything before 11:45 was in +prehistoric time. + +Or maybe we can grasp the length of time better in terms of +generations. As you know, primitive peoples tend to marry and have +children rather early in life. So suppose we say that twenty years +will make an average generation. At this rate there would be 25,000 +generations in a half-million years. But our United States is much less +than ten generations old, twenty-five generations take us back before +the time of Columbus, Julius Caesar was alive just 100 generations ago, +David was king of Israel less than 150 generations ago, 250 generations +take us back to the beginning of written history. And there were 24,750 +generations of men before written history began! + +I should probably tell you that there is a new method of prehistoric +dating which would cut the earliest dates in my reckoning almost +in half. Dr. Cesare Emiliani, combining radioactive (C14) and +chemical (oxygen isotope) methods in the study of deep-sea borings, +has developed a system which would lower the total range of human +prehistory to about 300,000 years. The system is still too new to have +had general examination and testing. Hence, I have not used it in this +book; it would mainly affect the dates earlier than 25,000 years ago. + + +CHANGES IN ENVIRONMENT + +The earth probably hasn�t changed much in the last 5,000 years (250 +generations). Men have built things on its surface and dug into it and +drawn boundaries on maps of it, but the places where rivers, lakes, +seas, and mountains now stand have changed very little. + +In earlier times the earth looked very different. Geologists call the +last great geological period the _Pleistocene_. It began somewhere +between a half million and a million years ago, and was a time of great +changes. Sometimes we call it the Ice Age, for in the Pleistocene +there were at least three or four times when large areas of earth +were covered with glaciers. The reason for my uncertainty is that +while there seem to have been four major mountain or alpine phases of +glaciation, there may only have been three general continental phases +in the Old World.[2] + + [2] This is a complicated affair and I do not want to bother you + with its details. Both the alpine and the continental ice sheets + seem to have had minor fluctuations during their _main_ phases, + and the advances of the later phases destroyed many of the + traces of the earlier phases. The general textbooks have tended + to follow the names and numbers established for the Alps early + in this century by two German geologists. I will not bother you + with the names, but there were _four_ major phases. It is the + second of these alpine phases which seems to fit the traces of + the earliest of the great continental glaciations. In this book, + I will use the four-part system, since it is the most familiar, + but will add the word _alpine_ so you may remember to make the + transition to the continental system if you wish to do so. + +Glaciers are great sheets of ice, sometimes over a thousand feet +thick, which are now known only in Greenland and Antarctica and in +high mountains. During several of the glacial periods in the Ice Age, +the glaciers covered most of Canada and the northern United States and +reached down to southern England and France in Europe. Smaller ice +sheets sat like caps on the Rockies, the Alps, and the Himalayas. The +continental glaciation only happened north of the equator, however, so +remember that �Ice Age� is only half true. + +As you know, the amount of water on and about the earth does not vary. +These large glaciers contained millions of tons of water frozen into +ice. Because so much water was frozen and contained in the glaciers, +the water level of lakes and oceans was lowered. Flooded areas were +drained and appeared as dry land. There were times in the Ice Age when +there was no English Channel, so that England was not an island, and a +land bridge at the Dardanelles probably divided the Mediterranean from +the Black Sea. + +A very important thing for people living during the time of a +glaciation was the region adjacent to the glacier. They could not, of +course, live on the ice itself. The questions would be how close could +they live to it, and how would they have had to change their way of +life to do so. + + +GLACIERS CHANGE THE WEATHER + +Great sheets of ice change the weather. When the front of a glacier +stood at Milwaukee, the weather must have been bitterly cold in +Chicago. The climate of the whole world would have been different, and +you can see how animals and men would have been forced to move from one +place to another in search of food and warmth. + +On the other hand, it looks as if only a minor proportion of the whole +Ice Age was really taken up by times of glaciation. In between came +the _interglacial_ periods. During these times the climate around +Chicago was as warm as it is now, and sometimes even warmer. It may +interest you to know that the last great glacier melted away less than +10,000 years ago. Professor Ernst Antevs thinks we may be living in an +interglacial period and that the Ice Age may not be over yet. So if you +want to make a killing in real estate for your several hundred times +great-grandchildren, you might buy some land in the Arizona desert or +the Sahara. + +We do not yet know just why the glaciers appeared and disappeared, as +they did. It surely had something to do with an increase in rainfall +and a fall in temperature. It probably also had to do with a general +tendency for the land to rise at the beginning of the Pleistocene. We +know there was some mountain-building at that time. Hence, rain-bearing +winds nourished the rising and cooler uplands with snow. An increase +in all three of these factors--if they came together--would only have +needed to be slight. But exactly why this happened we do not know. + +The reason I tell you about the glaciers is simply to remind you of the +changing world in which prehistoric men lived. Their surroundings--the +animals and plants they used for food, and the weather they had to +protect themselves from--were always changing. On the other hand, this +change happened over so long a period of time and was so slow that +individual people could not have noticed it. Glaciers, about which they +probably knew nothing, moved in hundreds of miles to the north of them. +The people must simply have wandered ever more southward in search +of the plants and animals on which they lived. Or some men may have +stayed where they were and learned to hunt different animals and eat +different foods. Prehistoric men had to keep adapting themselves to new +environments and those who were most adaptive were most successful. + + +OTHER CHANGES + +Changes took place in the men themselves as well as in the ways they +lived. As time went on, they made better tools and weapons. Then, too, +we begin to find signs of how they started thinking of other things +than food and the tools to get it with. We find that they painted on +the walls of caves, and decorated their tools; we find that they buried +their dead. + +At about the time when the last great glacier was finally melting away, +men in the Near East made the first basic change in human economy. +They began to plant grain, and they learned to raise and herd certain +animals. This meant that they could store food in granaries and �on the +hoof� against the bad times of the year. This first really basic change +in man�s way of living has been called the �food-producing revolution.� +By the time it happened, a modern kind of climate was beginning. Men +had already grown to look as they do now. Know-how in ways of living +had developed and progressed, slowly but surely, up to a point. It was +impossible for men to go beyond that point if they only hunted and +fished and gathered wild foods. Once the basic change was made--once +the food-producing revolution became effective--technology leaped ahead +and civilization and written history soon began. + + + + +Prehistoric Men THEMSELVES + +[Illustration] + + +DO WE KNOW WHERE MAN ORIGINATED? + +For a long time some scientists thought the �cradle of mankind� was in +central Asia. Other scientists insisted it was in Africa, and still +others said it might have been in Europe. Actually, we don�t know +where it was. We don�t even know that there was only _one_ �cradle.� +If we had to choose a �cradle� at this moment, we would probably say +Africa. But the southern portions of Asia and Europe may also have been +included in the general area. The scene of the early development of +mankind was certainly the Old World. It is pretty certain men didn�t +reach North or South America until almost the end of the Ice Age--had +they done so earlier we would certainly have found some trace of them +by now. + +The earliest tools we have yet found come from central and south +Africa. By the dating system I�m using, these tools must be over +500,000 years old. There are now reports that a few such early tools +have been found--at the Sterkfontein cave in South Africa--along with +the bones of small fossil men called �australopithecines.� + +Not all scientists would agree that the australopithecines were �men,� +or would agree that the tools were made by the australopithecines +themselves. For these sticklers, the earliest bones of men come from +the island of Java. The date would be about 450,000 years ago. So far, +we have not yet found the tools which we suppose these earliest men in +the Far East must have made. + +Let me say it another way. How old are the earliest traces of men we +now have? Over half a million years. This was a time when the first +alpine glaciation was happening in the north. What has been found so +far? The tools which the men of those times made, in different parts +of Africa. It is now fairly generally agreed that the �men� who made +the tools were the australopithecines. There is also a more �man-like� +jawbone at Kanam in Kenya, but its find-spot has been questioned. The +next earliest bones we have were found in Java, and they may be almost +a hundred thousand years younger than the earliest African finds. We +haven�t yet found the tools of these early Javanese. Our knowledge of +tool-using in Africa spreads quickly as time goes on: soon after the +appearance of tools in the south we shall have them from as far north +as Algeria. + +Very soon after the earliest Javanese come the bones of slightly more +developed people in Java, and the jawbone of a man who once lived in +what is now Germany. The same general glacial beds which yielded the +later Javanese bones and the German jawbone also include tools. These +finds come from the time of the second alpine glaciation. + +So this is the situation. By the time of the end of the second alpine +or first continental glaciation (say 400,000 years ago) we have traces +of men from the extremes of the more southerly portions of the Old +World--South Africa, eastern Asia, and western Europe. There are also +some traces of men in the middle ground. In fact, Professor Franz +Weidenreich believed that creatures who were the immediate ancestors +of men had already spread over Europe, Africa, and Asia by the time +the Ice Age began. We certainly have no reason to disbelieve this, but +fortunate accidents of discovery have not yet given us the evidence to +prove it. + + +MEN AND APES + +Many people used to get extremely upset at the ill-formed notion +that �man descended from the apes.� Such words were much more likely +to start fights or �monkey trials� than the correct notion that all +living animals, including man, ascended or evolved from a single-celled +organism which lived in the primeval seas hundreds of millions of years +ago. Men are mammals, of the order called Primates, and man�s living +relatives are the great apes. Men didn�t �descend� from the apes or +apes from men, and mankind must have had much closer relatives who have +since become extinct. + +Men stand erect. They also walk and run on their two feet. Apes are +happiest in trees, swinging with their arms from branch to branch. +Few branches of trees will hold the mighty gorilla, although he still +manages to sleep in trees. Apes can�t stand really erect in our sense, +and when they have to run on the ground, they use the knuckles of their +hands as well as their feet. + +A key group of fossil bones here are the south African +australopithecines. These are called the _Australopithecinae_ or +�man-apes� or sometimes even �ape-men.� We do not _know_ that they were +directly ancestral to men but they can hardly have been so to apes. +Presently I�ll describe them a bit more. The reason I mention them +here is that while they had brains no larger than those of apes, their +hipbones were enough like ours so that they must have stood erect. +There is no good reason to think they couldn�t have walked as we do. + + +BRAINS, HANDS, AND TOOLS + +Whether the australopithecines were our ancestors or not, the proper +ancestors of men must have been able to stand erect and to walk on +their two feet. Three further important things probably were involved, +next, before they could become men proper. These are: + + 1. The increasing size and development of the brain. + + 2. The increasing usefulness (specialization) of the thumb and hand. + + 3. The use of tools. + +Nobody knows which of these three is most important, or which came +first. Most probably the growth of all three things was very much +blended together. If you think about each of the things, you will see +what I mean. Unless your hand is more flexible than a paw, and your +thumb will work against (or oppose) your fingers, you can�t hold a tool +very well. But you wouldn�t get the idea of using a tool unless you had +enough brain to help you see cause and effect. And it is rather hard to +see how your hand and brain would develop unless they had something to +practice on--like using tools. In Professor Krogman�s words, �the hand +must become the obedient servant of the eye and the brain.� It is the +_co-ordination_ of these things that counts. + +Many other things must have been happening to the bodies of the +creatures who were the ancestors of men. Our ancestors had to develop +organs of speech. More than that, they had to get the idea of letting +_certain sounds_ made with these speech organs have _certain meanings_. + +All this must have gone very slowly. Probably everything was developing +little by little, all together. Men became men very slowly. + + +WHEN SHALL WE CALL MEN MEN? + +What do I mean when I say �men�? People who looked pretty much as we +do, and who used different tools to do different things, are men to me. +We�ll probably never know whether the earliest ones talked or not. They +probably had vocal cords, so they could make sounds, but did they know +how to make sounds work as symbols to carry meanings? But if the fossil +bones look like our skeletons, and if we find tools which we�ll agree +couldn�t have been made by nature or by animals, then I�d say we had +traces of _men_. + +The australopithecine finds of the Transvaal and Bechuanaland, in +south Africa, are bound to come into the discussion here. I�ve already +told you that the australopithecines could have stood upright and +walked on their two hind legs. They come from the very base of the +Pleistocene or Ice Age, and a few coarse stone tools have been found +with the australopithecine fossils. But there are three varieties +of the australopithecines and they last on until a time equal to +that of the second alpine glaciation. They are the best suggestion +we have yet as to what the ancestors of men _may_ have looked like. +They were certainly closer to men than to apes. Although their brain +size was no larger than the brains of modern apes their body size and +stature were quite small; hence, relative to their small size, their +brains were large. We have not been able to prove without doubt that +the australopithecines were _tool-making_ creatures, even though the +recent news has it that tools have been found with australopithecine +bones. The doubt as to whether the australopithecines used the tools +themselves goes like this--just suppose some man-like creature (whose +bones we have not yet found) made the tools and used them to kill +and butcher australopithecines. Hence a few experts tend to let +australopithecines still hang in limbo as �man-apes.� + + +THE EARLIEST MEN WE KNOW + +I�ll postpone talking about the tools of early men until the next +chapter. The men whose bones were the earliest of the Java lot have +been given the name _Meganthropus_. The bones are very fragmentary. We +would not understand them very well unless we had the somewhat later +Javanese lot--the more commonly known _Pithecanthropus_ or �Java +man�--against which to refer them for study. One of the less well-known +and earliest fragments, a piece of lower jaw and some teeth, rather +strongly resembles the lower jaws and teeth of the australopithecine +type. Was _Meganthropus_ a sort of half-way point between the +australopithecines and _Pithecanthropus_? It is still too early to say. +We shall need more finds before we can be definite one way or the other. + +Java man, _Pithecanthropus_, comes from geological beds equal in age +to the latter part of the second alpine glaciation; the _Meganthropus_ +finds refer to beds of the beginning of this glaciation. The first +finds of Java man were made in 1891-92 by Dr. Eugene Dubois, a Dutch +doctor in the colonial service. Finds have continued to be made. There +are now bones enough to account for four skulls. There are also four +jaws and some odd teeth and thigh bones. Java man, generally speaking, +was about five feet six inches tall, and didn�t hold his head very +erect. His skull was very thick and heavy and had room for little more +than two-thirds as large a brain as we have. He had big teeth and a big +jaw and enormous eyebrow ridges. + +No tools were found in the geological deposits where bones of Java man +appeared. There are some tools in the same general area, but they come +a bit later in time. One reason we accept the Java man as man--aside +from his general anatomical appearance--is that these tools probably +belonged to his near descendants. + +Remember that there are several varieties of men in the whole early +Java lot, at least two of which are earlier than the _Pithecanthropus_, +�Java man.� Some of the earlier ones seem to have gone in for +bigness, in tooth-size at least. _Meganthropus_ is one of these +earlier varieties. As we said, he _may_ turn out to be a link to +the australopithecines, who _may_ or _may not_ be ancestral to men. +_Meganthropus_ is best understandable in terms of _Pithecanthropus_, +who appeared later in the same general area. _Pithecanthropus_ is +pretty well understandable from the bones he left us, and also because +of his strong resemblance to the fully tool-using cave-dwelling �Peking +man,� _Sinanthropus_, about whom we shall talk next. But you can see +that the physical anthropologists and prehistoric archeologists still +have a lot of work to do on the problem of earliest men. + + +PEKING MEN AND SOME EARLY WESTERNERS + +The earliest known Chinese are called _Sinanthropus_, or �Peking man,� +because the finds were made near that city. In World War II, the United +States Marine guard at our Embassy in Peking tried to help get the +bones out of the city before the Japanese attack. Nobody knows where +these bones are now. The Red Chinese accuse us of having stolen them. +They were last seen on a dock-side at a Chinese port. But should you +catch a Marine with a sack of old bones, perhaps we could achieve peace +in Asia by returning them! Fortunately, there is a complete set of +casts of the bones. + +Peking man lived in a cave in a limestone hill, made tools, cracked +animal bones to get the marrow out, and used fire. Incidentally, the +bones of Peking man were found because Chinese dig for what they call +�dragon bones� and �dragon teeth.� Uneducated Chinese buy these things +in their drug stores and grind them into powder for medicine. The +�dragon teeth� and �bones� are really fossils of ancient animals, and +sometimes of men. The people who supply the drug stores have learned +where to dig for strange bones and teeth. Paleontologists who get to +China go to the drug stores to buy fossils. In a roundabout way, this +is how the fallen-in cave of Peking man at Choukoutien was discovered. + +Peking man was not quite as tall as Java man but he probably stood +straighter. His skull looked very much like that of the Java skull +except that it had room for a slightly larger brain. His face was less +brutish than was Java man�s face, but this isn�t saying much. + +Peking man dates from early in the interglacial period following the +second alpine glaciation. He probably lived close to 350,000 years +ago. There are several finds to account for in Europe by about this +time, and one from northwest Africa. The very large jawbone found +near Heidelberg in Germany is doubtless even earlier than Peking man. +The beds where it was found are of second alpine glacial times, and +recently some tools have been said to have come from the same beds. +There is not much I need tell you about the Heidelberg jaw save that it +seems certainly to have belonged to an early man, and that it is very +big. + +Another find in Germany was made at Steinheim. It consists of the +fragmentary skull of a man. It is very important because of its +relative completeness, but it has not yet been fully studied. The bone +is thick, but the back of the head is neither very low nor primitive, +and the face is also not primitive. The forehead does, however, have +big ridges over the eyes. The more fragmentary skull from Swanscombe in +England (p. 11) has been much more carefully studied. Only the top and +back of that skull have been found. Since the skull rounds up nicely, +it has been assumed that the face and forehead must have been quite +�modern.� Careful comparison with Steinheim shows that this was not +necessarily so. This is important because it bears on the question of +how early truly �modern� man appeared. + +Recently two fragmentary jaws were found at Ternafine in Algeria, +northwest Africa. They look like the jaws of Peking man. Tools were +found with them. Since no jaws have yet been found at Steinheim or +Swanscombe, but the time is the same, one wonders if these people had +jaws like those of Ternafine. + + +WHAT HAPPENED TO JAVA AND PEKING MEN + +Professor Weidenreich thought that there were at least a dozen ways in +which the Peking man resembled the modern Mongoloids. This would seem +to indicate that Peking man was really just a very early Chinese. + +Several later fossil men have been found in the Java-Australian area. +The best known of these is the so-called Solo man. There are some finds +from Australia itself which we now know to be quite late. But it looks +as if we may assume a line of evolution from Java man down to the +modern Australian natives. During parts of the Ice Age there was a land +bridge all the way from Java to Australia. + + +TWO ENGLISHMEN WHO WEREN�T OLD + +The older textbooks contain descriptions of two English finds which +were thought to be very old. These were called Piltdown (_Eoanthropus +dawsoni_) and Galley Hill. The skulls were very modern in appearance. +In 1948-49, British scientists began making chemical tests which proved +that neither of these finds is very old. It is now known that both +�Piltdown man� and the tools which were said to have been found with +him were part of an elaborate fake! + + +TYPICAL �CAVE MEN� + +The next men we have to talk about are all members of a related group. +These are the Neanderthal group. �Neanderthal man� himself was found in +the Neander Valley, near D�sseldorf, Germany, in 1856. He was the first +human fossil to be recognized as such. + +[Illustration: PRINCIPAL KNOWN TYPES OF FOSSIL MEN + + CRO-MAGNON + NEANDERTHAL + MODERN SKULL + COMBE-CAPELLE + SINANTHROPUS + PITHECANTHROPUS] + +Some of us think that the neanderthaloids proper are only those people +of western Europe who didn�t get out before the beginning of the last +great glaciation, and who found themselves hemmed in by the glaciers +in the Alps and northern Europe. Being hemmed in, they intermarried +a bit too much and developed into a special type. Professor F. Clark +Howell sees it this way. In Europe, the earliest trace of men we +now know is the Heidelberg jaw. Evolution continued in Europe, from +Heidelberg through the Swanscombe and Steinheim types to a group of +pre-neanderthaloids. There are traces of these pre-neanderthaloids +pretty much throughout Europe during the third interglacial period--say +100,000 years ago. The pre-neanderthaloids are represented by such +finds as the ones at Ehringsdorf in Germany and Saccopastore in Italy. +I won�t describe them for you, since they are simply less extreme than +the neanderthaloids proper--about half way between Steinheim and the +classic Neanderthal people. + +Professor Howell believes that the pre-neanderthaloids who happened to +get caught in the pocket of the southwest corner of Europe at the onset +of the last great glaciation became the classic Neanderthalers. Out in +the Near East, Howell thinks, it is possible to see traces of people +evolving from the pre-neanderthaloid type toward that of fully modern +man. Certainly, we don�t see such extreme cases of �neanderthaloidism� +outside of western Europe. + +There are at least a dozen good examples in the main or classic +Neanderthal group in Europe. They date to just before and in the +earlier part of the last great glaciation (85,000 to 40,000 years ago). +Many of the finds have been made in caves. The �cave men� the movies +and the cartoonists show you are probably meant to be Neanderthalers. +I�m not at all sure they dragged their women by the hair; the women +were probably pretty tough, too! + +Neanderthal men had large bony heads, but plenty of room for brains. +Some had brain cases even larger than the average for modern man. Their +faces were heavy, and they had eyebrow ridges of bone, but the ridges +were not as big as those of Java man. Their foreheads were very low, +and they didn�t have much chin. They were about five feet three inches +tall, but were heavy and barrel-chested. But the Neanderthalers didn�t +slouch as much as they�ve been blamed for, either. + +One important thing about the Neanderthal group is that there is a fair +number of them to study. Just as important is the fact that we know +something about how they lived, and about some of the tools they made. + + +OTHER MEN CONTEMPORARY WITH THE NEANDERTHALOIDS + +We have seen that the neanderthaloids seem to be a specialization +in a corner of Europe. What was going on elsewhere? We think that +the pre-neanderthaloid type was a generally widespread form of men. +From this type evolved other more or less extreme although generally +related men. The Solo finds in Java form one such case. Another was the +Rhodesian man of Africa, and the more recent Hopefield finds show more +of the general Rhodesian type. It is more confusing than it needs to be +if these cases outside western Europe are called neanderthaloids. They +lived during the same approximate time range but they were all somewhat +different-looking people. + + +EARLY MODERN MEN + +How early is modern man (_Homo sapiens_), the �wise man�? Some people +have thought that he was very early, a few still think so. Piltdown +and Galley Hill, which were quite modern in anatomical appearance and +_supposedly_ very early in date, were the best �evidence� for very +early modern men. Now that Piltdown has been liquidated and Galley Hill +is known to be very late, what is left of the idea? + +The backs of the skulls of the Swanscombe and Steinheim finds look +rather modern. Unless you pay attention to the face and forehead of the +Steinheim find--which not many people have--and perhaps also consider +the Ternafine jaws, you might come to the conclusion that the crown of +the Swanscombe head was that of a modern-like man. + +Two more skulls, again without faces, are available from a French +cave site, Font�chevade. They come from the time of the last great +interglacial, as did the pre-neanderthaloids. The crowns of the +Font�chevade skulls also look quite modern. There is a bit of the +forehead preserved on one of these skulls and the brow-ridge is not +heavy. Nevertheless, there is a suggestion that the bones belonged to +an immature individual. In this case, his (or even more so, if _her_) +brow-ridges would have been weak anyway. The case for the Font�chevade +fossils, as modern type men, is little stronger than that for +Swanscombe, although Professor Vallois believes it a good case. + +It seems to add up to the fact that there were people living in +Europe--before the classic neanderthaloids--who looked more modern, +in some features, than the classic western neanderthaloids did. Our +best suggestion of what men looked like--just before they became fully +modern--comes from a cave on Mount Carmel in Palestine. + + +THE FIRST MODERNS + +Professor T. D. McCown and the late Sir Arthur Keith, who studied the +Mount Carmel bones, figured out that one of the two groups involved +was as much as 70 per cent modern. There were, in fact, two groups or +varieties of men in the Mount Carmel caves and in at least two other +Palestinian caves of about the same time. The time would be about that +of the onset of colder weather, when the last glaciation was beginning +in the north--say 75,000 years ago. + +The 70 per cent modern group came from only one cave, Mugharet es-Skhul +(�cave of the kids�). The other group, from several caves, had bones of +men of the type we�ve been calling pre-neanderthaloid which we noted +were widespread in Europe and beyond. The tools which came with each +of these finds were generally similar, and McCown and Keith, and other +scholars since their study, have tended to assume that both the Skhul +group and the pre-neanderthaloid group came from exactly the same time. +The conclusion was quite natural: here was a population of men in the +act of evolving in two different directions. But the time may not be +exactly the same. It is very difficult to be precise, within say 10,000 +years, for a time some 75,000 years ago. If the Skhul men are in fact +later than the pre-neanderthaloid group of Palestine, as some of us +think, then they show how relatively modern some men were--men who +lived at the same time as the classic Neanderthalers of the European +pocket. + +Soon after the first extremely cold phase of the last glaciation, we +begin to get a number of bones of completely modern men in Europe. +We also get great numbers of the tools they made, and their living +places in caves. Completely modern skeletons begin turning up in caves +dating back to toward 40,000 years ago. The time is about that of the +beginning of the second phase of the last glaciation. These skeletons +belonged to people no different from many people we see today. Like +people today, not everybody looked alike. (The positions of the more +important fossil men of later Europe are shown in the chart on page +72.) + + +DIFFERENCES IN THE EARLY MODERNS + +The main early European moderns have been divided into two groups, the +Cro-Magnon group and the Combe Capelle-Br�nn group. Cro-Magnon people +were tall and big-boned, with large, long, and rugged heads. They +must have been built like many present-day Scandinavians. The Combe +Capelle-Br�nn people were shorter; they had narrow heads and faces, and +big eyebrow-ridges. Of course we don�t find the skin or hair of these +people. But there is little doubt they were Caucasoids (�Whites�). + +Another important find came in the Italian Riviera, near Monte Carlo. +Here, in a cave near Grimaldi, there was a grave containing a woman +and a young boy, buried together. The two skeletons were first called +�Negroid� because some features of their bones were thought to resemble +certain features of modern African Negro bones. But more recently, +Professor E. A. Hooton and other experts questioned the use of the word +�Negroid� in describing the Grimaldi skeletons. It is true that nothing +is known of the skin color, hair form, or any other fleshy feature of +the Grimaldi people, so that the word �Negroid� in its usual meaning is +not proper here. It is also not clear whether the features of the bones +claimed to be �Negroid� are really so at all. + +From a place called Wadjak, in Java, we have �proto-Australoid� skulls +which closely resemble those of modern Australian natives. Some of +the skulls found in South Africa, especially the Boskop skull, look +like those of modern Bushmen, but are much bigger. The ancestors of +the Bushmen seem to have once been very widespread south of the Sahara +Desert. True African Negroes were forest people who apparently expanded +out of the west central African area only in the last several thousand +years. Although dark in skin color, neither the Australians nor the +Bushmen are Negroes; neither the Wadjak nor the Boskop skulls are +�Negroid.� + +As we�ve already mentioned, Professor Weidenreich believed that Peking +man was already on the way to becoming a Mongoloid. Anyway, the +Mongoloids would seem to have been present by the time of the �Upper +Cave� at Choukoutien, the _Sinanthropus_ find-spot. + + +WHAT THE DIFFERENCES MEAN + +What does all this difference mean? It means that, at one moment in +time, within each different area, men tended to look somewhat alike. +From area to area, men tended to look somewhat different, just as +they do today. This is all quite natural. People _tended_ to mate +near home; in the anthropological jargon, they made up geographically +localized breeding populations. The simple continental division of +�stocks�--black = Africa, yellow = Asia, white = Europe--is too simple +a picture to fit the facts. People became accustomed to life in some +particular area within a continent (we might call it a �natural area�). +As they went on living there, they evolved towards some particular +physical variety. It would, of course, have been difficult to draw +a clear boundary between two adjacent areas. There must always have +been some mating across the boundaries in every case. One thing human +beings don�t do, and never have done, is to mate for �purity.� It is +self-righteous nonsense when we try to kid ourselves into thinking that +they do. + +I am not going to struggle with the whole business of modern stocks and +races. This is a book about prehistoric men, not recent historic or +modern men. My physical anthropologist friends have been very patient +in helping me to write and rewrite this chapter--I am not going to +break their patience completely. Races are their business, not mine, +and they must do the writing about races. I shall, however, give two +modern definitions of race, and then make one comment. + + Dr. William G. Boyd, professor of Immunochemistry, School of + Medicine, Boston University: �We may define a human race as a + population which differs significantly from other human populations + in regard to the frequency of one or more of the genes it + possesses.� + + Professor Sherwood L. Washburn, professor of Physical Anthropology, + Department of Anthropology, the University of California: �A �race� + is a group of genetically similar populations, and races intergrade + because there are always intermediate populations.� + +My comment is that the ideas involved here are all biological: they +concern groups, _not_ individuals. Boyd and Washburn may differ a bit +on what they want to consider a �population,� but a population is a +group nevertheless, and genetics is biology to the hilt. Now a lot of +people still think of race in terms of how people dress or fix their +food or of other habits or customs they have. The next step is to talk +about racial �purity.� None of this has anything whatever to do with +race proper, which is a matter of the biology of groups. + +Incidentally, I�m told that if man very carefully _controls_ +the breeding of certain animals over generations--dogs, cattle, +chickens--he might achieve a �pure� race of animals. But he doesn�t do +it. Some unfortunate genetic trait soon turns up, so this has just as +carefully to be bred out again, and so on. + + +SUMMARY OF PRESENT KNOWLEDGE OF FOSSIL MEN + +The earliest bones of men we now have--upon which all the experts +would probably agree--are those of _Meganthropus_, from Java, of about +450,000 years ago. The earlier australopithecines of Africa were +possibly not tool-users and may not have been ancestral to men at all. +But there is an alternate and evidently increasingly stronger chance +that some of them may have been. The Kanam jaw from Kenya, another +early possibility, is not only very incomplete but its find-spot is +very questionable. + +Java man proper, _Pithecanthropus_, comes next, at about 400,000 years +ago, and the big Heidelberg jaw in Germany must be of about the same +date. Next comes Swanscombe in England, Steinheim in Germany, the +Ternafine jaws in Algeria, and Peking man, _Sinanthropus_. They all +date to the second great interglacial period, about 350,000 years ago. + +Piltdown and Galley Hill are out, and with them, much of the starch +in the old idea that there were two distinct lines of development +in human evolution: (1) a line of �paleoanthropic� development from +Heidelberg to the Neanderthalers where it became extinct, and (2) a +very early �modern� line, through Piltdown, Galley Hill, Swanscombe, to +us. Swanscombe, Steinheim, and Ternafine are just as easily cases of +very early pre-neanderthaloids. + +The pre-neanderthaloids were very widespread during the third +interglacial: Ehringsdorf, Saccopastore, some of the Mount Carmel +people, and probably Font�chevade are cases in point. A variety of +their descendants can be seen, from Java (Solo), Africa (Rhodesian +man), and about the Mediterranean and in western Europe. As the acute +cold of the last glaciation set in, the western Europeans found +themselves surrounded by water, ice, or bitter cold tundra. To vastly +over-simplify it, they �bred in� and became classic neanderthaloids. +But on Mount Carmel, the Skhul cave-find with its 70 per cent modern +features shows what could happen elsewhere at the same time. + +Lastly, from about 40,000 or 35,000 years ago--the time of the onset +of the second phase of the last glaciation--we begin to find the fully +modern skeletons of men. The modern skeletons differ from place to +place, just as different groups of men living in different places still +look different. + +What became of the Neanderthalers? Nobody can tell me for sure. I�ve a +hunch they were simply �bred out� again when the cold weather was over. +Many Americans, as the years go by, are no longer ashamed to claim they +have �Indian blood in their veins.� Give us a few more generations +and there will not be very many other Americans left to whom we can +brag about it. It certainly isn�t inconceivable to me to imagine a +little Cro-Magnon boy bragging to his friends about his tough, strong, +Neanderthaler great-great-great-great-grandfather! + + + + +Cultural BEGINNINGS + +[Illustration] + + +Men, unlike the lower animals, are made up of much more than flesh and +blood and bones; for men have �culture.� + + +WHAT IS CULTURE? + +�Culture� is a word with many meanings. The doctors speak of making a +�culture� of a certain kind of bacteria, and ants are said to have a +�culture.� Then there is the Emily Post kind of �culture�--you say a +person is �cultured,� or that he isn�t, depending on such things as +whether or not he eats peas with his knife. + +The anthropologists use the word too, and argue heatedly over its finer +meanings; but they all agree that every human being is part of or has +some kind of culture. Each particular human group has a particular +culture; that is one of the ways in which we can tell one group of +men from another. In this sense, a CULTURE means the way the members +of a group of people think and believe and live, the tools they make, +and the way they do things. Professor Robert Redfield says a culture +is an organized or formalized body of conventional understandings. +�Conventional understandings� means the whole set of rules, beliefs, +and standards which a group of people lives by. These understandings +show themselves in art, and in the other things a people may make and +do. The understandings continue to last, through tradition, from one +generation to another. They are what really characterize different +human groups. + + +SOME CHARACTERISTICS OF CULTURE + +A culture lasts, although individual men in the group die off. On +the other hand, a culture changes as the different conventions and +understandings change. You could almost say that a culture lives in the +minds of the men who have it. But people are not born with it; they +get it as they grow up. Suppose a day-old Hungarian baby is adopted by +a family in Oshkosh, Wisconsin, and the child is not told that he is +Hungarian. He will grow up with no more idea of Hungarian culture than +anyone else in Oshkosh. + +So when I speak of ancient Egyptian culture, I mean the whole body +of understandings and beliefs and knowledge possessed by the ancient +Egyptians. I mean their beliefs as to why grain grew, as well as their +ability to make tools with which to reap the grain. I mean their +beliefs about life after death. What I am thinking about as culture is +a thing which lasted in time. If any one Egyptian, even the Pharaoh, +died, it didn�t affect the Egyptian culture of that particular moment. + + +PREHISTORIC CULTURES + +For that long period of man�s history that is all prehistory, we have +no written descriptions of cultures. We find only the tools men made, +the places where they lived, the graves in which they buried their +dead. Fortunately for us, these tools and living places and graves all +tell us something about the ways these men lived and the things they +believed. But the story we learn of the very early cultures must be +only a very small part of the whole, for we find so few things. The +rest of the story is gone forever. We have to do what we can with what +we find. + +For all of the time up to about 75,000 years ago, which was the time +of the classic European Neanderthal group of men, we have found few +cave-dwelling places of very early prehistoric men. First, there is the +fallen-in cave where Peking man was found, near Peking. Then there are +two or three other _early_, but not _very early_, possibilities. The +finds at the base of the French cave of Font�chevade, those in one of +the Makapan caves in South Africa, and several open sites such as Dr. +L. S. B. Leakey�s Olorgesailie in Kenya doubtless all lie earlier than +the time of the main European Neanderthal group, but none are so early +as the Peking finds. + +You can see that we know very little about the home life of earlier +prehistoric men. We find different kinds of early stone tools, but we +can�t even be really sure which tools may have been used together. + + +WHY LITTLE HAS LASTED FROM EARLY TIMES + +Except for the rare find-spots mentioned above, all our very early +finds come from geological deposits, or from the wind-blown surfaces +of deserts. Here is what the business of geological deposits really +means. Let us say that a group of people was living in England about +300,000 years ago. They made the tools they needed, lived in some sort +of camp, almost certainly built fires, and perhaps buried their dead. +While the climate was still warm, many generations may have lived in +the same place, hunting, and gathering nuts and berries; but after some +few thousand years, the weather began very gradually to grow colder. +These early Englishmen would not have known that a glacier was forming +over northern Europe. They would only have noticed that the animals +they hunted seemed to be moving south, and that the berries grew larger +toward the south. So they would have moved south, too. + +The camp site they left is the place we archeologists would really have +liked to find. All of the different tools the people used would have +been there together--many broken, some whole. The graves, and traces +of fire, and the tools would have been there. But the glacier got +there first! The front of this enormous sheet of ice moved down over +the country, crushing and breaking and plowing up everything, like a +gigantic bulldozer. You can see what happened to our camp site. + +Everything the glacier couldn�t break, it pushed along in front of it +or plowed beneath it. Rocks were ground to gravel, and soil was caught +into the ice, which afterwards melted and ran off as muddy water. Hard +tools of flint sometimes remained whole. Human bones weren�t so hard; +it�s a wonder _any_ of them lasted. Gushing streams of melt water +flushed out the debris from underneath the glacier, and water flowed +off the surface and through great crevasses. The hard materials these +waters carried were even more rolled and ground up. Finally, such +materials were dropped by the rushing waters as gravels, miles from +the front of the glacier. At last the glacier reached its greatest +extent; then it melted backward toward the north. Debris held in the +ice was dropped where the ice melted, or was flushed off by more melt +water. When the glacier, leaving the land, had withdrawn to the sea, +great hunks of ice were broken off as icebergs. These icebergs probably +dropped the materials held in their ice wherever they floated and +melted. There must be many tools and fragmentary bones of prehistoric +men on the bottom of the Atlantic Ocean and the North Sea. + +Remember, too, that these glaciers came and went at least three or four +times during the Ice Age. Then you will realize why the earlier things +we find are all mixed up. Stone tools from one camp site got mixed up +with stone tools from many other camp sites--tools which may have been +made tens of thousands or more years apart. The glaciers mixed them +all up, and so we cannot say which particular sets of tools belonged +together in the first place. + + +�EOLITHS� + +But what sort of tools do we find earliest? For almost a century, +people have been picking up odd bits of flint and other stone in the +oldest Ice Age gravels in England and France. It is now thought these +odd bits of stone weren�t actually worked by prehistoric men. The +stones were given a name, _eoliths_, or �dawn stones.� You can see them +in many museums; but you can be pretty sure that very few of them were +actually fashioned by men. + +It is impossible to pick out �eoliths� that seem to be made in any +one _tradition_. By �tradition� I mean a set of habits for making one +kind of tool for some particular job. No two �eoliths� look very much +alike: tools made as part of some one tradition all look much alike. +Now it�s easy to suppose that the very earliest prehistoric men picked +up and used almost any sort of stone. This wouldn�t be surprising; you +and I do it when we go camping. In other words, some of these �eoliths� +may actually have been used by prehistoric men. They must have used +anything that might be handy when they needed it. We could have figured +that out without the �eoliths.� + + +THE ROAD TO STANDARDIZATION + +Reasoning from what we know or can easily imagine, there should have +been three major steps in the prehistory of tool-making. The first step +would have been simple _utilization_ of what was at hand. This is the +step into which the �eoliths� would fall. The second step would have +been _fashioning_--the haphazard preparation of a tool when there was a +need for it. Probably many of the earlier pebble tools, which I shall +describe next, fall into this group. The third step would have been +_standardization_. Here, men began to make tools according to certain +set traditions. Counting the better-made pebble tools, there are four +such traditions or sets of habits for the production of stone tools in +earliest prehistoric times. Toward the end of the Pleistocene, a fifth +tradition appears. + + +PEBBLE TOOLS + +At the beginning of the last chapter, you�ll remember that I said there +were tools from very early geological beds. The earliest bones of men +have not yet been found in such early beds although the Sterkfontein +australopithecine cave approaches this early date. The earliest tools +come from Africa. They date back to the time of the first great +alpine glaciation and are at least 500,000 years old. The earliest +ones are made of split pebbles, about the size of your fist or a bit +bigger. They go under the name of pebble tools. There are many natural +exposures of early Pleistocene geological beds in Africa, and the +prehistoric archeologists of south and central Africa have concentrated +on searching for early tools. Other finds of early pebble tools have +recently been made in Algeria and Morocco. + +[Illustration: SOUTH AFRICAN PEBBLE TOOL] + +There are probably early pebble tools to be found in areas of the +Old World besides Africa; in fact, some prehistorians already claim +to have identified a few. Since the forms and the distinct ways of +making the earlier pebble tools had not yet sufficiently jelled into +a set tradition, they are difficult for us to recognize. It is not +so difficult, however, if there are great numbers of �possibles� +available. A little later in time the tradition becomes more clearly +set, and pebble tools are easier to recognize. So far, really large +collections of pebble tools have only been found and examined in Africa. + + +CORE-BIFACE TOOLS + +The next tradition we�ll look at is the _core_ or biface one. The tools +are large pear-shaped pieces of stone trimmed flat on the two opposite +sides or �faces.� Hence �biface� has been used to describe these tools. +The front view is like that of a pear with a rather pointed top, and +the back view looks almost exactly the same. Look at them side on, and +you can see that the front and back faces are the same and have been +trimmed to a thin tip. The real purpose in trimming down the two faces +was to get a good cutting edge all around. You can see all this in the +illustration. + +[Illustration: ABBEVILLIAN BIFACE] + +We have very little idea of the way in which these core-bifaces were +used. They have been called �hand axes,� but this probably gives the +wrong idea, for an ax, to us, is not a pointed tool. All of these early +tools must have been used for a number of jobs--chopping, scraping, +cutting, hitting, picking, and prying. Since the core-bifaces tend to +be pointed, it seems likely that they were used for hitting, picking, +and prying. But they have rough cutting edges, so they could have been +used for chopping, scraping, and cutting. + + +FLAKE TOOLS + +The third tradition is the _flake_ tradition. The idea was to get a +tool with a good cutting edge by simply knocking a nice large flake off +a big block of stone. You had to break off the flake in such a way that +it was broad and thin, and also had a good sharp cutting edge. Once you +really got on to the trick of doing it, this was probably a simpler way +to make a good cutting tool than preparing a biface. You have to know +how, though; I�ve tried it and have mashed my fingers more than once. + +The flake tools look as if they were meant mainly for chopping, +scraping, and cutting jobs. When one made a flake tool, the idea seems +to have been to produce a broad, sharp, cutting edge. + +[Illustration: CLACTONIAN FLAKE] + +The core-biface and the flake traditions were spread, from earliest +times, over much of Europe, Africa, and western Asia. The map on page +52 shows the general area. Over much of this great region there was +flint. Both of these traditions seem well adapted to flint, although +good core-bifaces and flakes were made from other kinds of stone, +especially in Africa south of the Sahara. + + +CHOPPERS AND ADZE-LIKE TOOLS + +The fourth early tradition is found in southern and eastern Asia, from +northwestern India through Java and Burma into China. Father Maringer +recently reported an early group of tools in Japan, which most resemble +those of Java, called Patjitanian. The prehistoric men in this general +area mostly used quartz and tuff and even petrified wood for their +stone tools (see illustration, p. 46). + +This fourth early tradition is called the _chopper-chopping tool_ +tradition. It probably has its earliest roots in the pebble tool +tradition of African type. There are several kinds of tools in this +tradition, but all differ from the western core-bifaces and flakes. +There are broad, heavy scrapers or cleavers, and tools with an +adze-like cutting edge. These last-named tools are called �hand adzes,� +just as the core-bifaces of the west have often been called �hand +axes.� The section of an adze cutting edge is ? shaped; the section of +an ax is < shaped. + +[Illustration: ANYATHIAN ADZE-LIKE TOOL] + +There are also pointed pebble tools. Thus the tool kit of these early +south and east Asiatic peoples seems to have included tools for doing +as many different jobs as did the tools of the Western traditions. + +Dr. H. L. Movius has emphasized that the tools which were found in the +Peking cave with Peking man belong to the chopper-tool tradition. This +is the only case as yet where the tools and the man have been found +together from very earliest times--if we except Sterkfontein. + + +DIFFERENCES WITHIN THE TOOL-MAKING TRADITIONS + +The latter three great traditions in the manufacture of stone +tools--and the less clear-cut pebble tools before them--are all we have +to show of the cultures of the men of those times. Changes happened in +each of the traditions. As time went on, the tools in each tradition +were better made. There could also be slight regional differences in +the tools within one tradition. Thus, tools with small differences, but +all belonging to one tradition, can be given special group (facies) +names. + +This naming of special groups has been going on for some time. Here are +some of these names, since you may see them used in museum displays +of flint tools, or in books. Within each tradition of tool-making +(save the chopper tools), the earliest tool type is at the bottom +of the list, just as it appears in the lowest beds of a geological +stratification.[3] + + [3] Archeologists usually make their charts and lists with the + earliest materials at the bottom and the latest on top, since + this is the way they find them in the ground. + + Chopper tool (all about equally early): + Anyathian (Burma) + Choukoutienian (China) + Patjitanian (Java) + Soan (India) + + Flake: + �Typical Mousterian� + Levalloiso-Mousterian + Levalloisian + Tayacian + Clactonian (localized in England) + + Core-biface: + Some blended elements in �Mousterian� + Micoquian (= Acheulean 6 and 7) + Acheulean + Abbevillian (once called �Chellean�) + + Pebble tool: + Oldowan + Ain Hanech + pre-Stellenbosch + Kafuan + +The core-biface and the flake traditions appear in the chart (p. 65). + +The early archeologists had many of the tool groups named before they +ever realized that there were broader tool preparation traditions. This +was understandable, for in dealing with the mixture of things that come +out of glacial gravels the easiest thing to do first is to isolate +individual types of tools into groups. First you put a bushel-basketful +of tools on a table and begin matching up types. Then you give names to +the groups of each type. The groups and the types are really matters of +the archeologists� choice; in real life, they were probably less exact +than the archeologists� lists of them. We now know pretty well in which +of the early traditions the various early groups belong. + + +THE MEANING OF THE DIFFERENT TRADITIONS + +What do the traditions really mean? I see them as the standardization +of ways to make tools for particular jobs. We may not know exactly what +job the maker of a particular core-biface or flake tool had in mind. We +can easily see, however, that he already enjoyed a know-how, a set of +persistent habits of tool preparation, which would always give him the +same type of tool when he wanted to make it. Therefore, the traditions +show us that persistent habits already existed for the preparation of +one type of tool or another. + +This tells us that one of the characteristic aspects of human culture +was already present. There must have been, in the minds of these +early men, a notion of the ideal type of tool for a particular job. +Furthermore, since we find so many thousands upon thousands of tools +of one type or another, the notion of the ideal types of tools _and_ +the know-how for the making of each type must have been held in common +by many men. The notions of the ideal types and the know-how for their +production must have been passed on from one generation to another. + +I could even guess that the notions of the ideal type of one or the +other of these tools stood out in the minds of men of those times +somewhat like a symbol of �perfect tool for good job.� If this were +so--remember it�s only a wild guess of mine--then men were already +symbol users. Now let�s go on a further step to the fact that the words +men speak are simply sounds, each different sound being a symbol for a +different meaning. If standardized tool-making suggests symbol-making, +is it also possible that crude word-symbols were also being made? I +suppose that it is not impossible. + +There may, of course, be a real question whether tool-utilizing +creatures--our first step, on page 42--were actually men. Other +animals utilize things at hand as tools. The tool-fashioning creature +of our second step is more suggestive, although we may not yet feel +sure that many of the earlier pebble tools were man-made products. But +with the step to standardization and the appearance of the traditions, +I believe we must surely be dealing with the traces of culture-bearing +_men_. The �conventional understandings� which Professor Redfield�s +definition of culture suggests are now evidenced for us in the +persistent habits for the preparation of stone tools. Were we able to +see the other things these prehistoric men must have made--in materials +no longer preserved for the archeologist to find--I believe there would +be clear signs of further conventional understandings. The men may have +been physically primitive and pretty shaggy in appearance, but I think +we must surely call them men. + + +AN OLDER INTERPRETATION OF THE WESTERN TRADITIONS + +In the last chapter, I told you that many of the older archeologists +and human paleontologists used to think that modern man was very old. +The supposed ages of Piltdown and Galley Hill were given as evidence +of the great age of anatomically modern man, and some interpretations +of the Swanscombe and Font�chevade fossils were taken to support +this view. The conclusion was that there were two parallel lines or +�phyla� of men already present well back in the Pleistocene. The +first of these, the more primitive or �paleoanthropic� line, was +said to include Heidelberg, the proto-neanderthaloids and classic +Neanderthal. The more anatomically modern or �neanthropic� line was +thought to consist of Piltdown and the others mentioned above. The +Neanderthaler or paleoanthropic line was thought to have become extinct +after the first phase of the last great glaciation. Of course, the +modern or neanthropic line was believed to have persisted into the +present, as the basis for the world�s population today. But with +Piltdown liquidated, Galley Hill known to be very late, and Swanscombe +and Font�chevade otherwise interpreted, there is little left of the +so-called parallel phyla theory. + +While the theory was in vogue, however, and as long as the European +archeological evidence was looked at in one short-sighted way, the +archeological materials _seemed_ to fit the parallel phyla theory. It +was simply necessary to believe that the flake tools were made only +by the paleoanthropic Neanderthaler line, and that the more handsome +core-biface tools were the product of the neanthropic modern-man line. + +Remember that _almost_ all of the early prehistoric European tools +came only from the redeposited gravel beds. This means that the tools +were not normally found in the remains of camp sites or work shops +where they had actually been dropped by the men who made and used +them. The tools came, rather, from the secondary hodge-podge of the +glacial gravels. I tried to give you a picture of the bulldozing action +of glaciers (p. 40) and of the erosion and weathering that were +side-effects of a glacially conditioned climate on the earth�s surface. +As we said above, if one simply plucks tools out of the redeposited +gravels, his natural tendency is to �type� the tools by groups, and to +think that the groups stand for something _on their own_. + +In 1906, M. Victor Commont actually made a rare find of what seems +to have been a kind of workshop site, on a terrace above the Somme +river in France. Here, Commont realized, flake tools appeared clearly +in direct association with core-biface tools. Few prehistorians paid +attention to Commont or his site, however. It was easier to believe +that flake tools represented a distinct �culture� and that this +�culture� was that of the Neanderthaler or paleoanthropic line, and +that the core-bifaces stood for another �culture� which was that of the +supposed early modern or neanthropic line. Of course, I am obviously +skipping many details here. Some later sites with Neanderthal fossils +do seem to have only flake tools, but other such sites have both types +of tools. The flake tools which appeared _with_ the core-bifaces +in the Swanscombe gravels were never made much of, although it +was embarrassing for the parallel phyla people that Font�chevade +ran heavily to flake tools. All in all, the parallel phyla theory +flourished because it seemed so neat and easy to understand. + + +TRADITIONS ARE TOOL-MAKING HABITS, NOT CULTURES + +In case you think I simply enjoy beating a dead horse, look in any +standard book on prehistory written twenty (or even ten) years ago, or +in most encyclopedias. You�ll find that each of the individual tool +types, of the West, at least, was supposed to represent a �culture.� +The �cultures� were believed to correspond to parallel lines of human +evolution. + +In 1937, Mr. Harper Kelley strongly re-emphasized the importance +of Commont�s workshop site and the presence of flake tools with +core-bifaces. Next followed Dr. Movius� clear delineation of the +chopper-chopping tool tradition of the Far East. This spoiled the nice +symmetry of the flake-tool = paleoanthropic, core-biface = neanthropic +equations. Then came increasing understanding of the importance of +the pebble tools in Africa, and the location of several more workshop +sites there, especially at Olorgesailie in Kenya. Finally came the +liquidation of Piltdown and the deflation of Galley Hill�s date. So it +is at last possible to picture an individual prehistoric man making a +flake tool to do one job and a core-biface tool to do another. Commont +showed us this picture in 1906, but few believed him. + +[Illustration: DISTRIBUTION OF TOOL-PREPARATION TRADITIONS + +Time approximately 100,000 years ago] + +There are certainly a few cases in which flake tools did appear with +few or no core-bifaces. The flake-tool group called Clactonian in +England is such a case. Another good, but certainly later case is +that of the cave on Mount Carmel in Palestine, where the blended +pre-neanderthaloid, 70 per cent modern-type skulls were found. Here, in +the same level with the skulls, were 9,784 flint tools. Of these, only +three--doubtless strays--were core-bifaces; all the rest were flake +tools or flake chips. We noted above how the Font�chevade cave ran to +flake tools. The only conclusion I would draw from this is that times +and circumstances did exist in which prehistoric men needed only flake +tools. So they only made flake tools for those particular times and +circumstances. + + +LIFE IN EARLIEST TIMES + +What do we actually know of life in these earliest times? In the +glacial gravels, or in the terrace gravels of rivers once swollen by +floods of melt water or heavy rains, or on the windswept deserts, we +find stone tools. The earliest and coarsest of these are the pebble +tools. We do not yet know what the men who made them looked like, +although the Sterkfontein australopithecines probably give us a good +hint. Then begin the more formal tool preparation traditions of the +west--the core-bifaces and the flake tools--and the chopper-chopping +tool series of the farther east. There is an occasional roughly worked +piece of bone. From the gravels which yield the Clactonian flakes of +England comes the fire-hardened point of a wooden spear. There are +also the chance finds of the fossil human bones themselves, of which +we spoke in the last chapter. Aside from the cave of Peking man, none +of the earliest tools have been found in caves. Open air or �workshop� +sites which do not seem to have been disturbed later by some geological +agency are very rare. + +The chart on page 65 shows graphically what the situation in +west-central Europe seems to have been. It is not yet certain whether +there were pebble tools there or not. The Font�chevade cave comes +into the picture about 100,000 years ago or more. But for the earlier +hundreds of thousands of years--below the red-dotted line on the +chart--the tools we find come almost entirely from the haphazard +mixture within the geological contexts. + +The stone tools of each of the earlier traditions are the simplest +kinds of all-purpose tools. Almost any one of them could be used for +hacking, chopping, cutting, and scraping; so the men who used them must +have been living in a rough and ready sort of way. They found or hunted +their food wherever they could. In the anthropological jargon, they +were �food-gatherers,� pure and simple. + +Because of the mixture in the gravels and in the materials they +carried, we can�t be sure which animals these men hunted. Bones of +the larger animals turn up in the gravels, but they could just as +well belong to the animals who hunted the men, rather than the other +way about. We don�t know. This is why camp sites like Commont�s and +Olorgesailie in Kenya are so important when we do find them. The animal +bones at Olorgesailie belonged to various mammals of extremely large +size. Probably they were taken in pit-traps, but there are a number of +groups of three round stones on the site which suggest that the people +used bolas. The South American Indians used three-ball bolas, with the +stones in separate leather bags connected by thongs. These were whirled +and then thrown through the air so as to entangle the feet of a fleeing +animal. + +Professor F. Clark Howell recently returned from excavating another +important open air site at Isimila in Tanganyika. The site yielded +the bones of many fossil animals and also thousands of core-bifaces, +flakes, and choppers. But Howell�s reconstruction of the food-getting +habits of the Isimila people certainly suggests that the word �hunting� +is too dignified for what they did; �scavenging� would be much nearer +the mark. + +During a great part of this time the climate was warm and pleasant. The +second interglacial period (the time between the second and third great +alpine glaciations) lasted a long time, and during much of this time +the climate may have been even better than ours is now. We don�t know +that earlier prehistoric men in Europe or Africa lived in caves. They +may not have needed to; much of the weather may have been so nice that +they lived in the open. Perhaps they didn�t wear clothes, either. + + +WHAT THE PEKING CAVE-FINDS TELL US + +The one early cave-dwelling we have found is that of Peking man, in +China. Peking man had fire. He probably cooked his meat, or used +the fire to keep dangerous animals away from his den. In the cave +were bones of dangerous animals, members of the wolf, bear, and cat +families. Some of the cat bones belonged to beasts larger than tigers. +There were also bones of other wild animals: buffalo, camel, deer, +elephants, horses, sheep, and even ostriches. Seventy per cent of the +animals Peking man killed were fallow deer. It�s much too cold and dry +in north China for all these animals to live there today. So this list +helps us know that the weather was reasonably warm, and that there was +enough rain to grow grass for the grazing animals. The list also helps +the paleontologists to date the find. + +Peking man also seems to have eaten plant food, for there are hackberry +seeds in the debris of the cave. His tools were made of sandstone and +quartz and sometimes of a rather bad flint. As we�ve already seen, they +belong in the chopper-tool tradition. It seems fairly clear that some +of the edges were chipped by right-handed people. There are also many +split pieces of heavy bone. Peking man probably split them so he could +eat the bone marrow, but he may have used some of them as tools. + +Many of these split bones were the bones of Peking men. Each one of the +skulls had already had the base broken out of it. In no case were any +of the bones resting together in their natural relation to one another. +There is nothing like a burial; all of the bones are scattered. Now +it�s true that animals could have scattered bodies that were not cared +for or buried. But splitting bones lengthwise and carefully removing +the base of a skull call for both the tools and the people to use them. +It�s pretty clear who the people were. Peking man was a cannibal. + + * * * * * + +This rounds out about all we can say of the life and times of early +prehistoric men. In those days life was rough. You evidently had to +watch out not only for dangerous animals but also for your fellow men. +You ate whatever you could catch or find growing. But you had sense +enough to build fires, and you had already formed certain habits for +making the kinds of stone tools you needed. That�s about all we know. +But I think we�ll have to admit that cultural beginnings had been made, +and that these early people were really _men_. + + + + +MORE EVIDENCE of Culture + +[Illustration] + + +While the dating is not yet sure, the material that we get from caves +in Europe must go back to about 100,000 years ago; the time of the +classic Neanderthal group followed soon afterwards. We don�t know why +there is no earlier material in the caves; apparently they were not +used before the last interglacial phase (the period just before the +last great glaciation). We know that men of the classic Neanderthal +group were living in caves from about 75,000 to 45,000 years ago. +New radioactive carbon dates even suggest that some of the traces of +culture we�ll describe in this chapter may have lasted to about 35,000 +years ago. Probably some of the pre-neanderthaloid types of men had +also lived in caves. But we have so far found their bones in caves only +in Palestine and at Font�chevade. + + +THE CAVE LAYERS + +In parts of France, some peasants still live in caves. In prehistoric +time, many generations of people lived in them. As a result, many +caves have deep layers of debris. The first people moved in and lived +on the rock floor. They threw on the floor whatever they didn�t want, +and they tracked in mud; nobody bothered to clean house in those days. +Their debris--junk and mud and garbage and what not--became packed +into a layer. As time went on, and generations passed, the layer grew +thicker. Then there might have been a break in the occupation of the +cave for a while. Perhaps the game animals got scarce and the people +moved away; or maybe the cave became flooded. Later on, other people +moved in and began making a new layer of their own on top of the first +layer. Perhaps this process of layering went on in the same cave for a +hundred thousand years; you can see what happened. The drawing on this +page shows a section through such a cave. The earliest layer is on the +bottom, the latest one on top. They go in order from bottom to top, +earliest to latest. This is the _stratification_ we talked about (p. +12). + +[Illustration: SECTION OF SHELTER ON LOWER TERRACE, LE MOUSTIER] + +While we may find a mix-up in caves, it�s not nearly as bad as the +mixing up that was done by glaciers. The animal bones and shells, the +fireplaces, the bones of men, and the tools the men made all belong +together, if they come from one layer. That�s the reason why the cave +of Peking man is so important. It is also the reason why the caves in +Europe and the Near East are so important. We can get an idea of which +things belong together and which lot came earliest and which latest. + +In most cases, prehistoric men lived only in the mouths of caves. +They didn�t like the dark inner chambers as places to live in. They +preferred rock-shelters, at the bases of overhanging cliffs, if there +was enough overhang to give shelter. When the weather was good, they no +doubt lived in the open air as well. I�ll go on using the term �cave� +since it�s more familiar, but remember that I really mean rock-shelter, +as a place in which people actually lived. + +The most important European cave sites are in Spain, France, and +central Europe; there are also sites in England and Italy. A few caves +are known in the Near East and Africa, and no doubt more sites will be +found when the out-of-the-way parts of Europe, Africa, and Asia are +studied. + + +AN �INDUSTRY� DEFINED + +We have already seen that the earliest European cave materials are +those from the cave of Font�chevade. Movius feels certain that the +lowest materials here date back well into the third interglacial stage, +that which lay between the Riss (next to the last) and the W�rm I +(first stage of the last) alpine glaciations. This material consists +of an _industry_ of stone tools, apparently all made in the flake +tradition. This is the first time we have used the word �industry.� +It is useful to call all of the different tools found together in one +layer and made of _one kind of material_ an industry; that is, the +tools must be found together as men left them. Tools taken from the +glacial gravels (or from windswept desert surfaces or river gravels +or any geological deposit) are not �together� in this sense. We might +say the latter have only �geological,� not �archeological� context. +Archeological context means finding things just as men left them. We +can tell what tools go together in an �industrial� sense only if we +have archeological context. + +Up to now, the only things we could have called �industries� were the +worked stone industry and perhaps the worked (?) bone industry of the +Peking cave. We could add some of the very clear cases of open air +sites, like Olorgesailie. We couldn�t use the term for the stone tools +from the glacial gravels, because we do not know which tools belonged +together. But when the cave materials begin to appear in Europe, we can +begin to speak of industries. Most of the European caves of this time +contain industries of flint tools alone. + + +THE EARLIEST EUROPEAN CAVE LAYERS + +We�ve just mentioned the industry from what is said to be the oldest +inhabited cave in Europe; that is, the industry from the deepest layer +of the site at Font�chevade. Apparently it doesn�t amount to much. The +tools are made of stone, in the flake tradition, and are very poorly +worked. This industry is called _Tayacian_. Its type tool seems to be +a smallish flake tool, but there are also larger flakes which seem to +have been fashioned for hacking. In fact, the type tool seems to be +simply a smaller edition of the Clactonian tool (pictured on p. 45). + +None of the Font�chevade tools are really good. There are scrapers, +and more or less pointed tools, and tools that may have been used +for hacking and chopping. Many of the tools from the earlier glacial +gravels are better made than those of this first industry we see in +a European cave. There is so little of this material available that +we do not know which is really typical and which is not. You would +probably find it hard to see much difference between this industry and +a collection of tools of the type called Clactonian, taken from the +glacial gravels, especially if the Clactonian tools were small-sized. + +The stone industry of the bottommost layer of the Mount Carmel cave, +in Palestine, where somewhat similar tools were found, has also been +called Tayacian. + +I shall have to bring in many unfamiliar words for the names of the +industries. The industries are usually named after the places where +they were first found, and since these were in most cases in France, +most of the names which follow will be of French origin. However, +the names have simply become handles and are in use far beyond the +boundaries of France. It would be better if we had a non-place-name +terminology, but archeologists have not yet been able to agree on such +a terminology. + + +THE ACHEULEAN INDUSTRY + +Both in France and in Palestine, as well as in some African cave +sites, the next layers in the deep caves have an industry in both the +core-biface and the flake traditions. The core-biface tools usually +make up less than half of all the tools in the industry. However, +the name of the biface type of tool is generally given to the whole +industry. It is called the _Acheulean_, actually a late form of it, as +�Acheulean� is also used for earlier core-biface tools taken from the +glacial gravels. In western Europe, the name used is _Upper Acheulean_ +or _Micoquian_. The same terms have been borrowed to name layers E and +F in the Tabun cave, on Mount Carmel in Palestine. + +The Acheulean core-biface type of tool is worked on two faces so as +to give a cutting edge all around. The outline of its front view may +be oval, or egg-shaped, or a quite pointed pear shape. The large +chip-scars of the Acheulean core-bifaces are shallow and flat. It is +suspected that this resulted from the removal of the chips with a +wooden club; the deep chip-scars of the earlier Abbevillian core-biface +came from beating the tool against a stone anvil. These tools are +really the best and also the final products of the core-biface +tradition. We first noticed the tradition in the early glacial gravels +(p. 43); now we see its end, but also its finest examples, in the +deeper cave levels. + +The flake tools, which really make up the greater bulk of this +industry, are simple scrapers and chips with sharp cutting edges. The +habits used to prepare them must have been pretty much the same as +those used for at least one of the flake industries we shall mention +presently. + +There is very little else in these early cave layers. We do not have +a proper �industry� of bone tools. There are traces of fire, and of +animal bones, and a few shells. In Palestine, there are many more +bones of deer than of gazelle in these layers; the deer lives in a +wetter climate than does the gazelle. In the European cave layers, the +animal bones are those of beasts that live in a warm climate. They +belonged in the last interglacial period. We have not yet found the +bones of fossil men definitely in place with this industry. + +[Illustration: ACHEULEAN BIFACE] + + +FLAKE INDUSTRIES FROM THE CAVES + +Two more stone industries--the _Levalloisian_ and the +�_Mousterian_�--turn up at approximately the same time in the European +cave layers. Their tools seem to be mainly in the flake tradition, +but according to some of the authorities their preparation also shows +some combination with the habits by which the core-biface tools were +prepared. + +Now notice that I don�t tell you the Levalloisian and the �Mousterian� +layers are both above the late Acheulean layers. Look at the cave +section (p. 57) and you�ll find that some �Mousterian of Acheulean +tradition� appears above some �typical Mousterian.� This means that +there may be some kinds of Acheulean industries that are later than +some kinds of �Mousterian.� The same is true of the Levalloisian. + +There were now several different kinds of habits that men used in +making stone tools. These habits were based on either one or the other +of the two traditions--core-biface or flake--or on combinations of +the habits used in the preparation techniques of both traditions. All +were popular at about the same time. So we find that people who made +one kind of stone tool industry lived in a cave for a while. Then they +gave up the cave for some reason, and people with another industry +moved in. Then the first people came back--or at least somebody with +the same tool-making habits as the first people. Or maybe a third group +of tool-makers moved in. The people who had these different habits for +making their stone tools seem to have moved around a good deal. They no +doubt borrowed and exchanged tricks of the trade with each other. There +were no patent laws in those days. + +The extremely complicated interrelationships of the different habits +used by the tool-makers of this range of time are at last being +systematically studied. M. Fran�ois Bordes has developed a statistical +method of great importance for understanding these tool preparation +habits. + + +THE LEVALLOISIAN AND MOUSTERIAN + +The easiest Levalloisian tool to spot is a big flake tool. The trick +in making it was to fashion carefully a big chunk of stone (called +the Levalloisian �tortoise core,� because it resembles the shape of +a turtle-shell) and then to whack this in such a way that a large +flake flew off. This large thin flake, with sharp cutting edges, is +the finished Levalloisian tool. There were various other tools in a +Levalloisian industry, but this is the characteristic _Levalloisian_ +tool. + +There are several �typical Mousterian� stone tools. Different from +the tools of the Levalloisian type, these were made from �disc-like +cores.� There are medium-sized flake �side scrapers.� There are also +some small pointed tools and some small �hand axes.� The last of these +tool types is often a flake worked on both of the flat sides (that +is, bifacially). There are also pieces of flint worked into the form +of crude balls. The pointed tools may have been fixed on shafts to +make short jabbing spears; the round flint balls may have been used as +bolas. Actually, we don�t _know_ what either tool was used for. The +points and side scrapers are illustrated (pp. 64 and 66). + +[Illustration: LEVALLOIS FLAKE] + + +THE MIXING OF TRADITIONS + +Nowadays the archeologists are less and less sure of the importance +of any one specific tool type and name. Twenty years ago, they used +to speak simply of Acheulean or Levalloisian or Mousterian tools. +Now, more and more, _all_ of the tools from some one layer in a +cave are called an �industry,� which is given a mixed name. Thus we +have �Levalloiso-Mousterian,� and �Acheuleo-Levalloisian,� and even +�Acheuleo-Mousterian� (or �Mousterian of Acheulean tradition�). Bordes� +systematic work is beginning to clear up some of our confusion. + +The time of these late Acheuleo-Levalloiso-Mousterioid industries +is from perhaps as early as 100,000 years ago. It may have lasted +until well past 50,000 years ago. This was the time of the first +phase of the last great glaciation. It was also the time that the +classic group of Neanderthal men was living in Europe. A number of +the Neanderthal fossil finds come from these cave layers. Before the +different habits of tool preparation were understood it used to be +popular to say Neanderthal man was �Mousterian man.� I think this is +wrong. What used to be called �Mousterian� is now known to be a variety +of industries with tools of both core-biface and flake habits, and +so mixed that the word �Mousterian� used alone really doesn�t mean +anything. The Neanderthalers doubtless understood the tool preparation +habits by means of which Acheulean, Levalloisian and Mousterian type +tools were produced. We also have the more modern-like Mount Carmel +people, found in a cave layer of Palestine with tools almost entirely +in the flake tradition, called �Levalloiso-Mousterian,� and the +Font�chevade-Tayacian (p. 59). + +[Illustration: MOUSTERIAN POINT] + + +OTHER SUGGESTIONS OF LIFE IN THE EARLY CAVE LAYERS + +Except for the stone tools, what do we know of the way men lived in the +time range after 100,000 to perhaps 40,000 years ago or even later? +We know that in the area from Europe to Palestine, at least some of +the people (some of the time) lived in the fronts of caves and warmed +themselves over fires. In Europe, in the cave layers of these times, +we find the bones of different animals; the bones in the lowest layers +belong to animals that lived in a warm climate; above them are the +bones of those who could stand the cold, like the reindeer and mammoth. +Thus, the meat diet must have been changing, as the glacier crept +farther south. Shells and possibly fish bones have lasted in these +cave layers, but there is not a trace of the vegetable foods and the +nuts and berries and other wild fruits that must have been eaten when +they could be found. + +[Illustration: CHART SHOWING PRESENT UNDERSTANDING OF RELATIONSHIPS AND +SUCCESSION OF TOOL-PREPARATION TRADITIONS, INDUSTRIES, AND ASSEMBLAGES +OF WEST-CENTRAL EUROPE + +Wavy lines indicate transitions in industrial habits. These transitions +are not yet understood in detail. The glacial and climatic scheme shown +is the alpine one.] + +Bone tools have also been found from this period. Some are called +scrapers, and there are also long chisel-like leg-bone fragments +believed to have been used for skinning animals. Larger hunks of bone, +which seem to have served as anvils or chopping blocks, are fairly +common. + +Bits of mineral, used as coloring matter, have also been found. We +don�t know what the color was used for. + +[Illustration: MOUSTERIAN SIDE SCRAPER] + +There is a small but certain number of cases of intentional burials. +These burials have been found on the floors of the caves; in other +words, the people dug graves in the places where they lived. The holes +made for the graves were small. For this reason (or perhaps for some +other?) the bodies were in a curled-up or contracted position. Flint or +bone tools or pieces of meat seem to have been put in with some of the +bodies. In several cases, flat stones had been laid over the graves. + + +TOOLS FROM AFRICA AND ASIA ABOUT 100,000 YEARS AGO + +Professor Movius characterizes early prehistoric Africa as a continent +showing a variety of stone industries. Some of these industries were +purely local developments and some were practically identical with +industries found in Europe at the same time. From northwest Africa +to Capetown--excepting the tropical rain forest region of the west +center--tools of developed Acheulean, Levalloisian, and Mousterian +types have been recognized. Often they are named after African place +names. + +In east and south Africa lived people whose industries show a +development of the Levalloisian technique. Such industries are +called Stillbay. Another industry, developed on the basis of the +Acheulean technique, is called Fauresmith. From the northwest comes +an industry with tanged points and flake-blades; this is called the +Aterian. The tropical rain forest region contained people whose stone +tools apparently show adjustment to this peculiar environment; the +so-called Sangoan industry includes stone picks, adzes, core-bifaces +of specialized Acheulean type, and bifacial points which were probably +spearheads. + +In western Asia, even as far as the east coast of India, the tools of +the Eurafrican core-biface and flake tool traditions continued to be +used. But in the Far East, as we noted in the last chapter, men had +developed characteristic stone chopper and chopping tools. This tool +preparation tradition--basically a pebble tool tradition--lasted to the +very end of the Ice Age. + +When more intact open air sites such as that of an earlier time at +Olorgesailie, and more stratified cave sites are found and excavated +in Asia and Africa, we shall be able to get a more complete picture. +So far, our picture of the general cultural level of the Old World at +about 100,000 years ago--and soon afterwards--is best from Europe, but +it is still far from complete there, too. + + +CULTURE AT THE BEGINNING OF THE LAST GREAT GLACIAL PERIOD + +The few things we have found must indicate only a very small part +of the total activities of the people who lived at the time. All of +the things they made of wood and bark, of skins, of anything soft, +are gone. The fact that burials were made, at least in Europe and +Palestine, is pretty clear proof that the people had some notion of a +life after death. But what this notion really was, or what gods (if +any) men believed in, we cannot know. Dr. Movius has also reminded me +of the so-called bear cults--cases in which caves have been found which +contain the skulls of bears in apparently purposeful arrangement. This +might suggest some notion of hoarding up the spirits or the strength of +bears killed in the hunt. Probably the people lived in small groups, +as hunting and food-gathering seldom provide enough food for large +groups of people. These groups probably had some kind of leader or +�chief.� Very likely the rude beginnings of rules for community life +and politics, and even law, were being made. But what these were, we +do not know. We can only guess about such things, as we can only guess +about many others; for example, how the idea of a family must have been +growing, and how there may have been witch doctors who made beginnings +in medicine or in art, in the materials they gathered for their trade. + +The stone tools help us most. They have lasted, and we can find +them. As they come to us, from this cave or that, and from this +layer or that, the tool industries show a variety of combinations +of the different basic habits or traditions of tool preparation. +This seems only natural, as the groups of people must have been very +small. The mixtures and blendings of the habits used in making stone +tools must mean that there were also mixtures and blends in many of +the other ideas and beliefs of these small groups. And what this +probably means is that there was no one _culture_ of the time. It is +certainly unlikely that there were simply three cultures, �Acheulean,� +�Levalloisian,� and �Mousterian,� as has been thought in the past. +Rather there must have been a great variety of loosely related cultures +at about the same stage of advancement. We could say, too, that here +we really begin to see, for the first time, that remarkable ability +of men to adapt themselves to a variety of conditions. We shall see +this adaptive ability even more clearly as time goes on and the record +becomes more complete. + +Over how great an area did these loosely related cultures reach in +the time 75,000 to 45,000 or even as late as 35,000 years ago? We +have described stone tools made in one or another of the flake and +core-biface habits, for an enormous area. It covers all of Europe, all +of Africa, the Near East, and parts of India. It is perfectly possible +that the flake and core-biface habits lasted on after 35,000 years ago, +in some places outside of Europe. In northern Africa, for example, we +are certain that they did (see chart, p. 72). + +On the other hand, in the Far East (China, Burma, Java) and in northern +India, the tools of the old chopper-tool tradition were still being +made. Out there, we must assume, there was a different set of loosely +related cultures. At least, there was a different set of loosely +related habits for the making of tools. But the men who made them must +have looked much like the men of the West. Their tools were different, +but just as useful. + +As to what the men of the West looked like, I�ve already hinted at all +we know so far (pp. 29 ff.). The Neanderthalers were present at +the time. Some more modern-like men must have been about, too, since +fossils of them have turned up at Mount Carmel in Palestine, and at +Teshik Tash, in Trans-caspian Russia. It is still too soon to know +whether certain combinations of tools within industries were made +only by certain physical types of men. But since tools of both the +core-biface and the flake traditions, and their blends, turn up from +South Africa to England to India, it is most unlikely that only one +type of man used only one particular habit in the preparation of tools. +What seems perfectly clear is that men in Africa and men in India were +making just as good tools as the men who lived in western Europe. + + + + +EARLY MODERNS + +[Illustration] + + +From some time during the first inter-stadial of the last great +glaciation (say some time after about 40,000 years ago), we have +more accurate dates for the European-Mediterranean area and less +accurate ones for the rest of the Old World. This is probably +because the effects of the last glaciation have been studied in the +European-Mediterranean area more than they have been elsewhere. + + +A NEW TRADITION APPEARS + +Something new was probably beginning to happen in the +European-Mediterranean area about 40,000 years ago, though all the +rest of the Old World seems to have been going on as it had been. I +can�t be sure of this because the information we are using as a basis +for dates is very inaccurate for the areas outside of Europe and the +Mediterranean. + +We can at least make a guess. In Egypt and north Africa, men were still +using the old methods of making stone tools. This was especially true +of flake tools of the Levalloisian type, save that they were growing +smaller and smaller as time went on. But at the same time, a new +tradition was becoming popular in westernmost Asia and in Europe. This +was the blade-tool tradition. + + +BLADE TOOLS + +A stone blade is really just a long parallel-sided flake, as the +drawing shows. It has sharp cutting edges, and makes a very useful +knife. The real trick is to be able to make one. It is almost +impossible to make a blade out of any stone but flint or a natural +volcanic glass called obsidian. And even if you have flint or obsidian, +you first have to work up a special cone-shaped �blade-core,� from +which to whack off blades. + +[Illustration: PLAIN BLADE] + +You whack with a hammer stone against a bone or antler punch which is +directed at the proper place on the blade-core. The blade-core has to +be well supported or gripped while this is going on. To get a good +flint blade tool takes a great deal of know-how. + +Remember that a tradition in stone tools means no more than that some +particular way of making the tools got started and lasted a long time. +Men who made some tools in one tradition or set of habits would also +make other tools for different purposes by means of another tradition +or set of habits. It was even possible for the two sets of habits to +become combined. + + +THE EARLIEST BLADE TOOLS + +The oldest blade tools we have found were deep down in the layers of +the Mount Carmel caves, in Tabun Eb and Ea. Similar tools have been +found in equally early cave levels in Syria; their popularity there +seems to fluctuate a bit. Some more or less parallel-sided flakes are +known in the Levalloisian industry in France, but they are probably +no earlier than Tabun E. The Tabun blades are part of a local late +�Acheulean� industry, which is characterized by core-biface �hand +axes,� but which has many flake tools as well. Professor F. E. +Zeuner believes that this industry may be more than 120,000 years old; +actually its date has not yet been fixed, but it is very old--older +than the fossil finds of modern-like men in the same caves. + +[Illustration: SUCCESSION OF ICE AGE FLINT TYPES, INDUSTRIES, AND +ASSEMBLAGES, AND OF FOSSIL MEN, IN NORTHWESTERN EURAFRASIA] + +For some reason, the habit of making blades in Palestine and Syria was +interrupted. Blades only reappeared there at about the same time they +were first made in Europe, some time after 45,000 years ago; that is, +after the first phase of the last glaciation was ended. + +[Illustration: BACKED BLADE] + +We are not sure just where the earliest _persisting_ habits for the +production of blade tools developed. Impressed by the very early +momentary appearance of blades at Tabun on Mount Carmel, Professor +Dorothy A. Garrod first favored the Near East as a center of origin. +She spoke of �some as yet unidentified Asiatic centre,� which she +thought might be in the highlands of Iran or just beyond. But more +recent work has been done in this area, especially by Professor Coon, +and the blade tools do not seem to have an early appearance there. When +the blade tools reappear in the Syro-Palestinian area, they do so in +industries which also include Levalloiso-Mousterian flake tools. From +the point of view of form and workmanship, the blade tools themselves +are not so fine as those which seem to be making their appearance +in western Europe about the same time. There is a characteristic +Syro-Palestinian flake point, possibly a projectile tip, called the +Emiran, which is not known from Europe. The appearance of blade tools, +together with Levalloiso-Mousterian flakes, continues even after the +Emiran point has gone out of use. + +It seems clear that the production of blade tools did not immediately +swamp the set of older habits in Europe, too; the use of flake +tools also continued there. This was not so apparent to the older +archeologists, whose attention was focused on individual tool types. It +is not, in fact, impossible--although it is certainly not proved--that +the technique developed in the preparation of the Levalloisian tortoise +core (and the striking of the Levalloisian flake from it) might have +followed through to the conical core and punch technique for the +production of blades. Professor Garrod is much impressed with the speed +of change during the later phases of the last glaciation, and its +probable consequences. She speaks of �the greater number of industries +having enough individual character to be classified as distinct ... +since evolution now starts to outstrip diffusion.� Her �evolution� here +is of course an industrial evolution rather than a biological one. +Certainly the people of Europe had begun to make blade tools during +the warm spell after the first phase of the last glaciation. By about +40,000 years ago blades were well established. The bones of the blade +tool makers we�ve found so far indicate that anatomically modern men +had now certainly appeared. Unfortunately, only a few fossil men have +so far been found from the very beginning of the blade tool range in +Europe (or elsewhere). What I certainly shall _not_ tell you is that +conquering bands of fine, strong, anatomically modern men, armed with +superior blade tools, came sweeping out of the East to exterminate the +lowly Neanderthalers. Even if we don�t know exactly what happened, I�d +lay a good bet it wasn�t that simple. + +We do know a good deal about different blade industries in Europe. +Almost all of them come from cave layers. There is a great deal of +complication in what we find. The chart (p. 72) tries to simplify +this complication; in fact, it doubtless simplifies it too much. But +it may suggest all the complication of industries which is going +on at this time. You will note that the upper portion of my much +simpler chart (p. 65) covers the same material (in the section +marked �Various Blade-Tool Industries�). That chart is certainly too +simplified. + +You will realize that all this complication comes not only from +the fact that we are finding more material. It is due also to the +increasing ability of men to adapt themselves to a great variety of +situations. Their tools indicate this adaptiveness. We know there was +a good deal of climatic change at this time. The plants and animals +that men used for food were changing, too. The great variety of tools +and industries we now find reflect these changes and the ability of men +to keep up with the times. Now, for example, is the first time we are +sure that there are tools to _make_ other tools. They also show men�s +increasing ability to adapt themselves. + + +SPECIAL TYPES OF BLADE TOOLS + +The most useful tools that appear at this time were made from blades. + + 1. The �backed� blade. This is a knife made of a flint blade, with + one edge purposely blunted, probably to save the user�s fingers + from being cut. There are several shapes of backed blades (p. + 73). + + [Illustration: TWO BURINS] + + 2. The _burin_ or �graver.� The burin was the original chisel. Its + cutting edge is _transverse_, like a chisel�s. Some burins are + made like a screw-driver, save that burins are sharp. Others have + edges more like the blade of a chisel or a push plane, with + only one bevel. Burins were probably used to make slots in wood + and bone; that is, to make handles or shafts for other tools. + They must also be the tools with which much of the engraving on + bone (see p. 83) was done. There is a bewildering variety of + different kinds of burins. + +[Illustration: TANGED POINT] + + 3. The �tanged� point. These stone points were used to tip arrows or + light spears. They were made from blades, and they had a long tang + at the bottom where they were fixed to the shaft. At the place + where the tang met the main body of the stone point, there was + a marked �shoulder,� the beginnings of a barb. Such points had + either one or two shoulders. + +[Illustration: NOTCHED BLADE] + + 4. The �notched� or �strangulated� blade. Along with the points for + arrows or light spears must go a tool to prepare the arrow or + spear shaft. Today, such a tool would be called a �draw-knife� or + a �spoke-shave,� and this is what the notched blades probably are. + Our spoke-shaves have sharp straight cutting blades and really + �shave.� Notched blades of flint probably scraped rather than cut. + + 5. The �awl,� �drill,� or �borer.� These blade tools are worked out + to a spike-like point. They must have been used for making holes + in wood, bone, shell, skin, or other things. + +[Illustration: DRILL OR AWL] + + 6. The �end-scraper on a blade� is a tool with one or both ends + worked so as to give a good scraping edge. It could have been used + to hollow out wood or bone, scrape hides, remove bark from trees, + and a number of other things (p. 78). + +There is one very special type of flint tool, which is best known from +western Europe in an industry called the Solutrean. These tools were +usually made of blades, but the best examples are so carefully worked +on both sides (bifacially) that it is impossible to see the original +blade. This tool is + + 7. The �laurel leaf� point. Some of these tools were long and + dagger-like, and must have been used as knives or daggers. Others + were small, called �willow leaf,� and must have been mounted on + spear or arrow shafts. Another typical Solutrean tool is the + �shouldered� point. Both the �laurel leaf� and �shouldered� point + types are illustrated (see above and p. 79). + +[Illustration: END-SCRAPER ON A BLADE] + +[Illustration: LAUREL LEAF POINT] + +The industries characterized by tools in the blade tradition also +yield some flake and core tools. We will end this list with two types +of tools that appear at this time. The first is made of a flake; the +second is a core tool. + +[Illustration: SHOULDERED POINT] + + 8. The �keel-shaped round scraper� is usually small and quite round, + and has had chips removed up to a peak in the center. It is called + �keel-shaped� because it is supposed to look (when upside down) + like a section through a boat. Actually, it looks more like a tent + or an umbrella. Its outer edges are sharp all the way around, and + it was probably a general purpose scraping tool (see illustration, + p. 81). + + 9. The �keel-shaped nosed scraper� is a much larger and heavier tool + than the round scraper. It was made on a core with a flat bottom, + and has one nicely worked end or �nose.� Such tools are usually + large enough to be easily grasped, and probably were used like + push planes (see illustration, p. 81). + +[Illustration: KEEL-SHAPED ROUND SCRAPER] + +[Illustration: KEEL-SHAPED NOSED SCRAPER] + +The stone tools (usually made of flint) we have just listed are among +the most easily recognized blade tools, although they show differences +in detail at different times. There are also many other kinds. Not +all of these tools appear in any one industry at one time. Thus the +different industries shown in the chart (p. 72) each have only some +of the blade tools we�ve just listed, and also a few flake tools. Some +industries even have a few core tools. The particular types of blade +tools appearing in one cave layer or another, and the frequency of +appearance of the different types, tell which industry we have in each +layer. + + +OTHER KINDS OF TOOLS + +By this time in Europe--say from about 40,000 to about 10,000 years +ago--we begin to find other kinds of material too. Bone tools begin +to appear. There are knives, pins, needles with eyes, and little +double-pointed straight bars of bone that were probably fish-hooks. The +fish-line would have been fastened in the center of the bar; when the +fish swallowed the bait, the bar would have caught cross-wise in the +fish�s mouth. + +One quite special kind of bone tool is a long flat point for a light +spear. It has a deep notch cut up into the breadth of its base, and is +called a �split-based bone point� (p. 82). We know examples of bone +beads from these times, and of bone handles for flint tools. Pierced +teeth of some animals were worn as beads or pendants, but I am not sure +that elks� teeth were worn this early. There are even spool-shaped +�buttons� or toggles. + +[Illustration: SPLIT-BASED BONE POINT] + +[Illustration: SPEAR-THROWER] + +[Illustration: BONE HARPOON] + +Antler came into use for tools, especially in central and western +Europe. We do not know the use of one particular antler tool that +has a large hole bored in one end. One suggestion is that it was +a thong-stropper used to strop or work up hide thongs (see +illustration, below); another suggestion is that it was an arrow-shaft +straightener. + +Another interesting tool, usually of antler, is the spear-thrower, +which is little more than a stick with a notch or hook on one end. +The hook fits into the butt end of the spear, and the length of the +spear-thrower allows you to put much more power into the throw (p. +82). It works on pretty much the same principle as the sling. + +Very fancy harpoons of antler were also made in the latter half of +the period in western Europe. These harpoons had barbs on one or both +sides and a base which would slip out of the shaft (p. 82). Some have +engraved decoration. + + +THE BEGINNING OF ART + +[Illustration: THONG-STROPPER] + +In western Europe, at least, the period saw the beginning of several +kinds of art work. It is handy to break the art down into two great +groups: the movable art, and the cave paintings and sculpture. The +movable art group includes the scratchings, engravings, and modeling +which decorate tools and weapons. Knives, stroppers, spear-throwers, +harpoons, and sometimes just plain fragments of bone or antler are +often carved. There is also a group of large flat pebbles which seem +almost to have served as sketch blocks. The surfaces of these various +objects may show animals, or rather abstract floral designs, or +geometric designs. + +[Illustration: �VENUS� FIGURINE FROM WILLENDORF] + +Some of the movable art is not done on tools. The most remarkable +examples of this class are little figures of women. These women seem to +be pregnant, and their most female characteristics are much emphasized. +It is thought that these �Venus� or �Mother-goddess� figurines may be +meant to show the great forces of nature--fertility and the birth of +life. + + +CAVE PAINTINGS + +In the paintings on walls and ceilings of caves we have some examples +that compare with the best art of any time. The subjects were usually +animals, the great cold-weather beasts of the end of the Ice Age: the +mammoth, the wooly rhinoceros, the bison, the reindeer, the wild horse, +the bear, the wild boar, and wild cattle. As in the movable art, there +are different styles in the cave art. The really great cave art is +pretty well restricted to southern France and Cantabrian (northwestern) +Spain. + +There are several interesting things about the �Franco-Cantabrian� cave +art. It was done deep down in the darkest and most dangerous parts of +the caves, although the men lived only in the openings of caves. If you +think what they must have had for lights--crude lamps of hollowed stone +have been found, which must have burned some kind of oil or grease, +with a matted hair or fiber wick--and of the animals that may have +lurked in the caves, you�ll understand the part about danger. Then, +too, we�re sure the pictures these people painted were not simply to be +looked at and admired, for they painted one picture right over other +pictures which had been done earlier. Clearly, it was the _act_ of +_painting_ that counted. The painter had to go way down into the most +mysterious depths of the earth and create an animal in paint. Possibly +he believed that by doing this he gained some sort of magic power over +the same kind of animal when he hunted it in the open air. It certainly +doesn�t look as if he cared very much about the picture he painted--as +a finished product to be admired--for he or somebody else soon went +down and painted another animal right over the one he had done. + +The cave art of the Franco-Cantabrian style is one of the great +artistic achievements of all time. The subjects drawn are almost always +the larger animals of the time: the bison, wild cattle and horses, the +wooly rhinoceros, the mammoth, the wild boar, and the bear. In some of +the best examples, the beasts are drawn in full color and the paintings +are remarkably alive and charged with energy. They come from the hands +of men who knew the great animals well--knew the feel of their fur, the +tremendous drive of their muscles, and the danger one faced when he +hunted them. + +Another artistic style has been found in eastern Spain. It includes +lively drawings, often of people hunting with bow and arrow. The East +Spanish art is found on open rock faces and in rock-shelters. It is +less spectacular and apparently more recent than the Franco-Cantabrian +cave art. + + +LIFE AT THE END OF THE ICE AGE IN EUROPE + +Life in these times was probably as good as a hunter could expect it +to be. Game and fish seem to have been plentiful; berries and wild +fruits probably were, too. From France to Russia, great pits or +piles of animal bones have been found. Some of this killing was done +as our Plains Indians killed the buffalo--by stampeding them over +steep river banks or cliffs. There were also good tools for hunting, +however. In western Europe, people lived in the openings of caves and +under overhanging rocks. On the great plains of eastern Europe, very +crude huts were being built, half underground. The first part of this +time must have been cold, for it was the middle and end phases of the +last great glaciation. Northern Europe from Scotland to Scandinavia, +northern Germany and Russia, and also the higher mountains to the +south, were certainly covered with ice. But people had fire, and the +needles and tools that were used for scraping hides must mean that they +wore clothing. + +It is clear that men were thinking of a great variety of things beside +the tools that helped them get food and shelter. Such burials as we +find have more grave-gifts than before. Beads and ornaments and often +flint, bone, or antler tools are included in the grave, and sometimes +the body is sprinkled with red ochre. Red is the color of blood, which +means life, and of fire, which means heat. Professor Childe wonders if +the red ochre was a pathetic attempt at magic--to give back to the body +the heat that had gone from it. But pathetic or not, it is sure proof +that these people were already moved by death as men still are moved by +it. + +Their art is another example of the direction the human mind was +taking. And when I say human, I mean it in the fullest sense, for this +is the time in which fully modern man has appeared. On page 34, we +spoke of the Cro-Magnon group and of the Combe Capelle-Br�nn group of +Caucasoids and of the Grimaldi �Negroids,� who are no longer believed +to be Negroid. I doubt that any one of these groups produced most of +the achievements of the times. It�s not yet absolutely sure which +particular group produced the great cave art. The artists were almost +certainly a blend of several (no doubt already mixed) groups. The pair +of Grimaldians were buried in a grave with a sprinkling of red ochre, +and were provided with shell beads and ornaments and with some blade +tools of flint. Regardless of the different names once given them by +the human paleontologists, each of these groups seems to have shared +equally in the cultural achievements of the times, for all that the +archeologists can say. + + +MICROLITHS + +One peculiar set of tools seems to serve as a marker for the very last +phase of the Ice Age in southwestern Europe. This tool-making habit is +also found about the shore of the Mediterranean basin, and it moved +into northern Europe as the last glaciation pulled northward. People +began making blade tools of very small size. They learned how to chip +very slender and tiny blades from a prepared core. Then they made these +little blades into tiny triangles, half-moons (�lunates�), trapezoids, +and several other geometric forms. These little tools are called +�microliths.� They are so small that most of them must have been fixed +in handles or shafts. + +[Illustration: MICROLITHS + + BLADE FRAGMENT + BURIN + LUNATE + TRAPEZOID + SCALENE TRIANGLE + ARROWHEAD] + +We have found several examples of microliths mounted in shafts. In +northern Europe, where their use soon spread, the microlithic triangles +or lunates were set in rows down each side of a bone or wood point. +One corner of each little triangle stuck out, and the whole thing +made a fine barbed harpoon. In historic times in Egypt, geometric +trapezoidal microliths were still in use as arrowheads. They were +fastened--broad end out--on the end of an arrow shaft. It seems queer +to give an arrow a point shaped like a �T.� Actually, the little points +were very sharp, and must have pierced the hides of animals very +easily. We also think that the broader cutting edge of the point may +have caused more bleeding than a pointed arrowhead would. In hunting +fleet-footed animals like the gazelle, which might run for miles after +being shot with an arrow, it was an advantage to cause as much bleeding +as possible, for the animal would drop sooner. + +We are not really sure where the microliths were first invented. There +is some evidence that they appear early in the Near East. Their use +was very common in northwest Africa but this came later. The microlith +makers who reached south Russia and central Europe possibly moved up +out of the Near East. Or it may have been the other way around; we +simply don�t yet know. + +Remember that the microliths we are talking about here were made from +carefully prepared little blades, and are often geometric in outline. +Each microlithic industry proper was made up, in good part, of such +tiny blade tools. But there were also some normal-sized blade tools and +even some flake scrapers, in most microlithic industries. I emphasize +this bladelet and the geometric character of the microlithic industries +of the western Old World, since there has sometimes been confusion in +the matter. Sometimes small flake chips, utilized as minute pointed +tools, have been called �microliths.� They may be _microlithic_ in size +in terms of the general meaning of the word, but they do not seem to +belong to the sub-tradition of the blade tool preparation habits which +we have been discussing here. + + +LATER BLADE-TOOL INDUSTRIES OF THE NEAR EAST AND AFRICA + +The blade-tool industries of normal size we talked about earlier spread +from Europe to central Siberia. We noted that blade tools were made +in western Asia too, and early, although Professor Garrod is no longer +sure that the whole tradition originated in the Near East. If you look +again at my chart (p. 72) you will note that in western Asia I list +some of the names of the western European industries, but with the +qualification �-like� (for example, �Gravettian-like�). The western +Asiatic blade-tool industries do vaguely recall some aspects of those +of western Europe, but we would probably be better off if we used +completely local names for them. The �Emiran� of my chart is such an +example; its industry includes a long spike-like blade point which has +no western European counterpart. + +When we last spoke of Africa (p. 66), I told you that stone tools +there were continuing in the Levalloisian flake tradition, and were +becoming smaller. At some time during this process, two new tool +types appeared in northern Africa: one was the Aterian point with +a tang (p. 67), and the other was a sort of �laurel leaf� point, +called the �Sbaikian.� These two tool types were both produced from +flakes. The Sbaikian points, especially, are roughly similar to some +of the Solutrean points of Europe. It has been suggested that both the +Sbaikian and Aterian points may be seen on their way to France through +their appearance in the Spanish cave deposits of Parpallo, but there is +also a rival �pre-Solutrean� in central Europe. We still do not know +whether there was any contact between the makers of these north African +tools and the Solutrean tool-makers. What does seem clear is that the +blade-tool tradition itself arrived late in northern Africa. + + +NETHER AFRICA + +Blade tools and �laurel leaf� points and some other probably late +stone tool types also appear in central and southern Africa. There +are geometric microliths on bladelets and even some coarse pottery in +east Africa. There is as yet no good way of telling just where these +items belong in time; in broad geological terms they are �late.� +Some people have guessed that they are as early as similar European +and Near Eastern examples, but I doubt it. The makers of small-sized +Levalloisian flake tools occupied much of Africa until very late in +time. + + +THE FAR EAST + +India and the Far East still seem to be going their own way. In India, +some blade tools have been found. These are not well dated, save that +we believe they must be post-Pleistocene. In the Far East it looks as +if the old chopper-tool tradition was still continuing. For Burma, +Dr. Movius feels this is fairly certain; for China he feels even more +certain. Actually, we know very little about the Far East at about the +time of the last glaciation. This is a shame, too, as you will soon +agree. + + +THE NEW WORLD BECOMES INHABITED + +At some time toward the end of the last great glaciation--almost +certainly after 20,000 years ago--people began to move over Bering +Strait, from Asia into America. As you know, the American Indians have +been assumed to be basically Mongoloids. New studies of blood group +types make this somewhat uncertain, but there is no doubt that the +ancestors of the American Indians came from Asia. + +The stone-tool traditions of Europe, Africa, the Near and Middle East, +and central Siberia, did _not_ move into the New World. With only a +very few special or late exceptions, there are _no_ core-bifaces, +flakes, or blade tools of the Old World. Such things just haven�t been +found here. + +This is why I say it�s a shame we don�t know more of the end of the +chopper-tool tradition in the Far East. According to Weidenreich, +the Mongoloids were in the Far East long before the end of the last +glaciation. If the genetics of the blood group types do demand a +non-Mongoloid ancestry for the American Indians, who else may have been +in the Far East 25,000 years ago? We know a little about the habits +for making stone tools which these first people brought with them, +and these habits don�t conform with those of the western Old World. +We�d better keep our eyes open for whatever happened to the end of +the chopper-tool tradition in northern China; already there are hints +that it lasted late there. Also we should watch future excavations +in eastern Siberia. Perhaps we shall find the chopper-tool tradition +spreading up that far. + + +THE NEW ERA + +Perhaps it comes in part from the way I read the evidence and perhaps +in part it is only intuition, but I feel that the materials of this +chapter suggest a new era in the ways of life. Before about 40,000 +years ago, people simply �gathered� their food, wandering over large +areas to scavenge or to hunt in a simple sort of way. But here we +have seen them �settling-in� more, perhaps restricting themselves in +their wanderings and adapting themselves to a given locality in more +intensive ways. This intensification might be suggested by the word +�collecting.� The ways of life we described in the earlier chapters +were �food-gathering� ways, but now an era of �food-collecting� has +begun. We shall see further intensifications of it in the next chapter. + + + + +End and PRELUDE + +[Illustration] + + +Up to the end of the last glaciation, we prehistorians have a +relatively comfortable time schedule. The farther back we go the less +exact we can be about time and details. Elbow-room of five, ten, +even fifty or more thousands of years becomes available for us to +maneuver in as we work backward in time. But now our story has come +forward to the point where more exact methods of dating are at hand. +The radioactive carbon method reaches back into the span of the last +glaciation. There are other methods, developed by the geologists and +paleobotanists, which supplement and extend the usefulness of the +radioactive carbon dates. And, happily, as our means of being more +exact increases, our story grows more exciting. There are also more +details of culture for us to deal with, which add to the interest. + + +CHANGES AT THE END OF THE ICE AGE + +The last great glaciation of the Ice Age was a two-part affair, with a +sub-phase at the end of the second part. In Europe the last sub-phase +of this glaciation commenced somewhere around 15,000 years ago. Then +the glaciers began to melt back, for the last time. Remember that +Professor Antevs (p. 19) isn�t sure the Ice Age is over yet! This +melting sometimes went by fits and starts, and the weather wasn�t +always changing for the better; but there was at least one time when +European weather was even better than it is now. + +The melting back of the glaciers and the weather fluctuations caused +other changes, too. We know a fair amount about these changes in +Europe. In an earlier chapter, we said that the whole Ice Age was a +matter of continual change over long periods of time. As the last +glaciers began to melt back some interesting things happened to mankind. + +In Europe, along with the melting of the last glaciers, geography +itself was changing. Britain and Ireland had certainly become islands +by 5000 B.C. The Baltic was sometimes a salt sea, sometimes a large +fresh-water lake. Forests began to grow where the glaciers had been, +and in what had once been the cold tundra areas in front of the +glaciers. The great cold-weather animals--the mammoth and the wooly +rhinoceros--retreated northward and finally died out. It is probable +that the efficient hunting of the earlier people of 20,000 or 25,000 +to about 12,000 years ago had helped this process along (see p. 86). +Europeans, especially those of the post-glacial period, had to keep +changing to keep up with the times. + +The archeological materials for the time from 10,000 to 6000 B.C. seem +simpler than those of the previous five thousand years. The great cave +art of France and Spain had gone; so had the fine carving in bone and +antler. Smaller, speedier animals were moving into the new forests. New +ways of hunting them, or ways of getting other food, had to be found. +Hence, new tools and weapons were necessary. Some of the people who +moved into northern Germany were successful reindeer hunters. Then the +reindeer moved off to the north, and again new sources of food had to +be found. + + +THE READJUSTMENTS COMPLETED IN EUROPE + +After a few thousand years, things began to look better. Or at least +we can say this: By about 6000 B.C. we again get hotter archeological +materials. The best of these come from the north European area: +Britain, Belgium, Holland, Denmark, north Germany, southern Norway and +Sweden. Much of this north European material comes from bogs and swamps +where it had become water-logged and has kept very well. Thus we have +much more complete _assemblages_[4] than for any time earlier. + + [4] �Assemblage� is a useful word when there are different kinds of + archeological materials belonging together, from one area and of + one time. An assemblage is made up of a number of �industries� + (that is, all the tools in chipped stone, all the tools in + bone, all the tools in wood, the traces of houses, etc.) and + everything else that manages to survive, such as the art, the + burials, the bones of the animals used as food, and the traces + of plant foods; in fact, everything that has been left to us + and can be used to help reconstruct the lives of the people to + whom it once belonged. Our own present-day �assemblage� would be + the sum total of all the objects in our mail-order catalogues, + department stores and supply houses of every sort, our churches, + our art galleries and other buildings, together with our roads, + canals, dams, irrigation ditches, and any other traces we might + leave of ourselves, from graves to garbage dumps. Not everything + would last, so that an archeologist digging us up--say 2,000 + years from now--would find only the most durable items in our + assemblage. + +The best known of these assemblages is the _Maglemosian_, named after a +great Danish peat-swamp where much has been found. + +[Illustration: SKETCH OF MAGLEMOSIAN ASSEMBLAGE + + CHIPPED STONE + HEMP + GROUND STONE + BONE AND ANTLER + WOOD] + +In the Maglemosian assemblage the flint industry was still very +important. Blade tools, tanged arrow points, and burins were still +made, but there were also axes for cutting the trees in the new +forests. Moreover, the tiny microlithic blades, in a variety of +geometric forms, are also found. Thus, a specialized tradition that +possibly began east of the Mediterranean had reached northern Europe. +There was also a ground stone industry; some axes and club-heads were +made by grinding and polishing rather than by chipping. The industries +in bone and antler show a great variety of tools: axes, fish-hooks, +fish spears, handles and hafts for other tools, harpoons, and clubs. +A remarkable industry in wood has been preserved. Paddles, sled +runners, handles for tools, and bark floats for fish-nets have been +found. There are even fish-nets made of plant fibers. Canoes of some +kind were no doubt made. Bone and antler tools were decorated with +simple patterns, and amber was collected. Wooden bows and arrows are +found. + +It seems likely that the Maglemosian bog finds are remains of summer +camps, and that in winter the people moved to higher and drier regions. +Childe calls them the �Forest folk�; they probably lived much the +same sort of life as did our pre-agricultural Indians of the north +central states. They hunted small game or deer; they did a great deal +of fishing; they collected what plant food they could find. In fact, +their assemblage shows us again that remarkable ability of men to adapt +themselves to change. They had succeeded in domesticating the dog; he +was still a very wolf-like dog, but his long association with mankind +had now begun. Professor Coon believes that these people were direct +descendants of the men of the glacial age and that they had much the +same appearance. He believes that most of the Ice Age survivors still +extant are living today in the northwestern European area. + + +SOUTH AND CENTRAL EUROPE PERHAPS AS READJUSTED AS THE NORTH + +There is always one trouble with things that come from areas where +preservation is exceptionally good: The very quantity of materials in +such an assemblage tends to make things from other areas look poor +and simple, although they may not have been so originally at all. The +assemblages of the people who lived to the south of the Maglemosian +area may also have been quite large and varied; but, unfortunately, +relatively little of the southern assemblages has lasted. The +water-logged sites of the Maglemosian area preserved a great deal +more. Hence the Maglemosian itself _looks_ quite advanced to us, when +we compare it with the few things that have happened to last in other +areas. If we could go back and wander over the Europe of eight thousand +years ago, we would probably find that the peoples of France, central +Europe, and south central Russia were just as advanced as those of the +north European-Baltic belt. + +South of the north European belt the hunting-food-collecting peoples +were living on as best they could during this time. One interesting +group, which seems to have kept to the regions of sandy soil and scrub +forest, made great quantities of geometric microliths. These are the +materials called _Tardenoisian_. The materials of the �Forest folk� of +France and central Europe generally are called _Azilian_; Dr. Movius +believes the term might best be restricted to the area south of the +Loire River. + + +HOW MUCH REAL CHANGE WAS THERE? + +You can see that no really _basic_ change in the way of life has yet +been described. Childe sees the problem that faced the Europeans of +10,000 to 3000 B.C. as a problem in readaptation to the post-glacial +forest environment. By 6000 B.C. some quite successful solutions of +the problem--like the Maglemosian--had been made. The upsets that came +with the melting of the last ice gradually brought about all sorts of +changes in the tools and food-getting habits, but the people themselves +were still just as much simple hunters, fishers, and food-collectors as +they had been in 25,000 B.C. It could be said that they changed just +enough so that they would not have to change. But there is a bit more +to it than this. + +Professor Mathiassen of Copenhagen, who knows the archeological remains +of this time very well, poses a question. He speaks of the material +as being neither rich nor progressive, in fact �rather stagnant,� but +he goes on to add that the people had a certain �receptiveness� and +were able to adapt themselves quickly when the next change did come. +My own understanding of the situation is that the �Forest folk� made +nothing as spectacular as had the producers of the earlier Magdalenian +assemblage and the Franco-Cantabrian art. On the other hand, they +_seem_ to have been making many more different kinds of tools for many +more different kinds of tasks than had their Ice Age forerunners. I +emphasize �seem� because the preservation in the Maglemosian bogs +is very complete; certainly we cannot list anywhere near as many +different things for earlier times as we did for the Maglemosians +(p. 94). I believe this experimentation with all kinds of new tools +and gadgets, this intensification of adaptiveness (p. 91), this +�receptiveness,� even if it is still only pointed toward hunting, +fishing, and food-collecting, is an important thing. + +Remember that the only marker we have handy for the _beginning_ of +this tendency toward �receptiveness� and experimentation is the +little microlithic blade tools of various geometric forms. These, we +saw, began before the last ice had melted away, and they lasted on +in use for a very long time. I wish there were a better marker than +the microliths but I do not know of one. Remember, too, that as yet +we can only use the microliths as a marker in Europe and about the +Mediterranean. + + +CHANGES IN OTHER AREAS? + +All this last section was about Europe. How about the rest of the world +when the last glaciers were melting away? + +We simply don�t know much about this particular time in other parts +of the world except in Europe, the Mediterranean basin and the Middle +East. People were certainly continuing to move into the New World by +way of Siberia and the Bering Strait about this time. But for the +greater part of Africa and Asia, we do not know exactly what was +happening. Some day, we shall no doubt find out; today we are without +clear information. + + +REAL CHANGE AND PRELUDE IN THE NEAR EAST + +The appearance of the microliths and the developments made by the +�Forest folk� of northwestern Europe also mark an end. They show us +the terminal phase of the old food-collecting way of life. It grows +increasingly clear that at about the same time that the Maglemosian and +other �Forest folk� were adapting themselves to hunting, fishing, and +collecting in new ways to fit the post-glacial environment, something +completely new was being made ready in western Asia. + +Unfortunately, we do not have as much understanding of the climate and +environment of the late Ice Age in western Asia as we have for most +of Europe. Probably the weather was never so violent or life quite +so rugged as it was in northern Europe. We know that the microliths +made their appearance in western Asia at least by 10,000 B.C. and +possibly earlier, marking the beginning of the terminal phase of +food-collecting. Then, gradually, we begin to see the build-up towards +the first _basic change_ in human life. + +This change amounted to a revolution just as important as the +Industrial Revolution. In it, men first learned to domesticate +plants and animals. They began _producing_ their food instead of +simply gathering or collecting it. When their food-production +became reasonably effective, people could and did settle down in +village-farming communities. With the appearance of the little farming +villages, a new way of life was actually under way. Professor Childe +has good reason to speak of the �food-producing revolution,� for it was +indeed a revolution. + + +QUESTIONS ABOUT CAUSE + +We do not yet know _how_ and _why_ this great revolution took place. We +are only just beginning to put the questions properly. I suspect the +answers will concern some delicate and subtle interplay between man and +nature. Clearly, both the level of culture and the natural condition of +the environment must have been ready for the great change, before the +change itself could come about. + +It is going to take years of co-operative field work by both +archeologists and the natural scientists who are most helpful to them +before the _how_ and _why_ answers begin to appear. Anthropologically +trained archeologists are fascinated with the cultures of men in times +of great change. About ten or twelve thousand years ago, the general +level of culture in many parts of the world seems to have been ready +for change. In northwestern Europe, we saw that cultures �changed +just enough so that they would not have to change.� We linked this to +environmental changes with the coming of post-glacial times. + +In western Asia, we archeologists can prove that the food-producing +revolution actually took place. We can see _the_ important consequence +of effective domestication of plants and animals in the appearance of +the settled village-farming community. And within the village-farming +community was the seed of civilization. The way in which effective +domestication of plants and animals came about, however, must also be +linked closely with the natural environment. Thus the archeologists +will not solve the _how_ and _why_ questions alone--they will need the +help of interested natural scientists in the field itself. + + +PRECONDITIONS FOR THE REVOLUTION + +Especially at this point in our story, we must remember how culture and +environment go hand in hand. Neither plants nor animals domesticate +themselves; men domesticate them. Furthermore, men usually domesticate +only those plants and animals which are useful. There is a good +question here: What is cultural usefulness? But I shall side-step it to +save time. Men cannot domesticate plants and animals that do not exist +in the environment where the men live. Also, there are certainly some +animals and probably some plants that resist domestication, although +they might be useful. + +This brings me back again to the point that _both_ the level of culture +and the natural condition of the environment--with the proper plants +and animals in it--must have been ready before domestication could +have happened. But this is precondition, not cause. Why did effective +food-production happen first in the Near East? Why did it happen +independently in the New World slightly later? Why also in the Far +East? Why did it happen at all? Why are all human beings not still +living as the Maglemosians did? These are the questions we still have +to face. + + +CULTURAL �RECEPTIVENESS� AND PROMISING ENVIRONMENTS + +Until the archeologists and the natural scientists--botanists, +geologists, zoologists, and general ecologists--have spent many more +years on the problem, we shall not have full _how_ and _why_ answers. I +do think, however, that we are beginning to understand what to look for. + +We shall have to learn much more of what makes the cultures of men +�receptive� and experimental. Did change in the environment alone +force it? Was it simply a case of Professor Toynbee�s �challenge and +response?� I cannot believe the answer is quite that simple. Were it +so simple, we should want to know why the change hadn�t come earlier, +along with earlier environmental changes. We shall not know the answer, +however, until we have excavated the traces of many more cultures of +the time in question. We shall doubtless also have to learn more about, +and think imaginatively about, the simpler cultures still left today. +The �mechanics� of culture in general will be bound to interest us. + +It will also be necessary to learn much more of the environments of +10,000 to 12,000 years ago. In which regions of the world were the +natural conditions most promising? Did this promise include plants and +animals which could be domesticated, or did it only offer new ways of +food-collecting? There is much work to do on this problem, but we are +beginning to get some general hints. + +Before I begin to detail the hints we now have from western Asia, I +want to do two things. First, I shall tell you of an old theory as to +how food-production might have appeared. Second, I will bother you with +some definitions which should help us in our thinking as the story goes +on. + + +AN OLD THEORY AS TO THE CAUSE OF THE REVOLUTION + +The idea that change would result, if the balance between nature +and culture became upset, is of course not a new one. For at least +twenty-five years, there has been a general theory as to _how_ the +food-producing revolution happened. This theory depends directly on the +idea of natural change in the environment. + +The five thousand years following about 10,000 B.C. must have been +very difficult ones, the theory begins. These were the years when +the most marked melting of the last glaciers was going on. While the +glaciers were in place, the climate to the south of them must have been +different from the climate in those areas today. You have no doubt read +that people once lived in regions now covered by the Sahara Desert. +This is true; just when is not entirely clear. The theory is that +during the time of the glaciers, there was a broad belt of rain winds +south of the glaciers. These rain winds would have kept north Africa, +the Nile Valley, and the Middle East green and fertile. But when the +glaciers melted back to the north, the belt of rain winds is supposed +to have moved north too. Then the people living south and east of the +Mediterranean would have found that their water supply was drying up, +that the animals they hunted were dying or moving away, and that the +plant foods they collected were dried up and scarce. + +According to the theory, all this would have been true except in the +valleys of rivers and in oases in the growing deserts. Here, in the +only places where water was left, the men and animals and plants would +have clustered. They would have been forced to live close to one +another, in order to live at all. Presently the men would have seen +that some animals were more useful or made better food than others, +and so they would have begun to protect these animals from their +natural enemies. The men would also have been forced to try new plant +foods--foods which possibly had to be prepared before they could be +eaten. Thus, with trials and errors, but by being forced to live close +to plants and animals, men would have learned to domesticate them. + + +THE OLD THEORY TOO SIMPLE FOR THE FACTS + +This theory was set up before we really knew anything in detail about +the later prehistory of the Near and Middle East. We now know that +the facts which have been found don�t fit the old theory at all well. +Also, I have yet to find an American meteorologist who feels that we +know enough about the changes in the weather pattern to say that it can +have been so simple and direct. And, of course, the glacial ice which +began melting after 12,000 years ago was merely the last sub-phase of +the last great glaciation. There had also been three earlier periods +of great alpine glaciers, and long periods of warm weather in between. +If the rain belt moved north as the glaciers melted for the last time, +it must have moved in the same direction in earlier times. Thus, the +forced neighborliness of men, plants, and animals in river valleys and +oases must also have happened earlier. Why didn�t domestication happen +earlier, then? + +Furthermore, it does not seem to be in the oases and river valleys +that we have our first or only traces of either food-production +or the earliest farming villages. These traces are also in the +hill-flanks of the mountains of western Asia. Our earliest sites of the +village-farmers do not seem to indicate a greatly different climate +from that which the same region now shows. In fact, everything we now +know suggests that the old theory was just too simple an explanation to +have been the true one. The only reason I mention it--beyond correcting +the ideas you may get in the general texts--is that it illustrates the +kind of thinking we shall have to do, even if it is doubtless wrong in +detail. + +We archeologists shall have to depend much more than we ever have on +the natural scientists who can really help us. I can tell you this from +experience. I had the great good fortune to have on my expedition staff +in Iraq in 1954-55, a geologist, a botanist, and a zoologist. Their +studies added whole new bands of color to my spectrum of thinking about +_how_ and _why_ the revolution took place and how the village-farming +community began. But it was only a beginning; as I said earlier, we are +just now learning to ask the proper questions. + + +ABOUT STAGES AND ERAS + +Now come some definitions, so I may describe my material more easily. +Archeologists have always loved to make divisions and subdivisions +within the long range of materials which they have found. They often +disagree violently about which particular assemblage of material +goes into which subdivision, about what the subdivisions should be +named, about what the subdivisions really mean culturally. Some +archeologists, probably through habit, favor an old scheme of Grecized +names for the subdivisions: paleolithic, mesolithic, neolithic. I +refuse to use these words myself. They have meant too many different +things to too many different people and have tended to hide some pretty +fuzzy thinking. Probably you haven�t even noticed my own scheme of +subdivision up to now, but I�d better tell you in general what it is. + +I think of the earliest great group of archeological materials, from +which we can deduce only a food-gathering way of culture, as the +_food-gathering stage_. I say �stage� rather than �age,� because it +is not quite over yet; there are still a few primitive people in +out-of-the-way parts of the world who remain in the _food-gathering +stage_. In fact, Professor Julian Steward would probably prefer to call +it a food-gathering _level_ of existence, rather than a stage. This +would be perfectly acceptable to me. I also tend to find myself using +_collecting_, rather than _gathering_, for the more recent aspects or +era of the stage, as the word �collecting� appears to have more sense +of purposefulness and specialization than does �gathering� (see p. +91). + +Now, while I think we could make several possible subdivisions of the +food-gathering stage--I call my subdivisions of stages _eras_[5]--I +believe the only one which means much to us here is the last or +_terminal sub-era of food-collecting_ of the whole food-gathering +stage. The microliths seem to mark its approach in the northwestern +part of the Old World. It is really shown best in the Old World by +the materials of the �Forest folk,� the cultural adaptation to the +post-glacial environment in northwestern Europe. We talked about +the �Forest folk� at the beginning of this chapter, and I used the +Maglemosian assemblage of Denmark as an example. + + [5] It is difficult to find words which have a sequence or gradation + of meaning with respect to both development and a range of time + in the past, or with a range of time from somewhere in the past + which is perhaps not yet ended. One standard Webster definition + of _stage_ is: �One of the steps into which the material + development of man ... is divided.� I cannot find any dictionary + definition that suggests which of the words, _stage_ or _era_, + has the meaning of a longer span of time. Therefore, I have + chosen to let my eras be shorter, and to subdivide my stages + into eras. Webster gives _era_ as: �A signal stage of history, + an epoch.� When I want to subdivide my eras, I find myself using + _sub-eras_. Thus I speak of the _eras_ within a _stage_ and of + the _sub-eras_ within an _era_; that is, I do so when I feel + that I really have to, and when the evidence is clear enough to + allow it. + +The food-producing revolution ushers in the _food-producing stage_. +This stage began to be replaced by the _industrial stage_ only about +two hundred years ago. Now notice that my stage divisions are in terms +of technology and economics. We must think sharply to be sure that the +subdivisions of the stages, the eras, are in the same terms. This does +not mean that I think technology and economics are the only important +realms of culture. It is rather that for most of prehistoric time the +materials left to the archeologists tend to limit our deductions to +technology and economics. + +I�m so soon out of my competence, as conventional ancient history +begins, that I shall only suggest the earlier eras of the +food-producing stage to you. This book is about prehistory, and I�m not +a universal historian. + + +THE TWO EARLIEST ERAS OF THE FOOD-PRODUCING STAGE + +The food-producing stage seems to appear in western Asia with really +revolutionary suddenness. It is seen by the relative speed with which +the traces of new crafts appear in the earliest village-farming +community sites we�ve dug. It is seen by the spread and multiplication +of these sites themselves, and the remarkable growth in human +population we deduce from this increase in sites. We�ll look at some +of these sites and the archeological traces they yield in the next +chapter. When such village sites begin to appear, I believe we are in +the _era of the primary village-farming community_. I also believe this +is the second era of the food-producing stage. + +The first era of the food-producing stage, I believe, was an _era of +incipient cultivation and animal domestication_. I keep saying �I +believe� because the actual evidence for this earlier era is so slight +that one has to set it up mainly by playing a hunch for it. The reason +for playing the hunch goes about as follows. + +One thing we seem to be able to see, in the food-collecting era in +general, is a tendency for people to begin to settle down. This +settling down seemed to become further intensified in the terminal +era. How this is connected with Professor Mathiassen�s �receptiveness� +and the tendency to be experimental, we do not exactly know. The +evidence from the New World comes into play here as well as that from +the Old World. With this settling down in one place, the people of the +terminal era--especially the �Forest folk� whom we know best--began +making a great variety of new things. I remarked about this earlier in +the chapter. Dr. Robert M. Adams is of the opinion that this atmosphere +of experimentation with new tools--with new ways of collecting food--is +the kind of atmosphere in which one might expect trials at planting +and at animal domestication to have been made. We first begin to find +traces of more permanent life in outdoor camp sites, although caves +were still inhabited at the beginning of the terminal era. It is not +surprising at all that the �Forest folk� had already domesticated the +dog. In this sense, the whole era of food-collecting was becoming ready +and almost �incipient� for cultivation and animal domestication. + +Northwestern Europe was not the place for really effective beginnings +in agriculture and animal domestication. These would have had to take +place in one of those natural environments of promise, where a variety +of plants and animals, each possible of domestication, was available in +the wild state. Let me spell this out. Really effective food-production +must include a variety of items to make up a reasonably well-rounded +diet. The food-supply so produced must be trustworthy, even though +the food-producing peoples themselves might be happy to supplement +it with fish and wild strawberries, just as we do when such things +are available. So, as we said earlier, part of our problem is that +of finding a region with a natural environment which includes--and +did include, some ten thousand years ago--a variety of possibly +domesticable wild plants and animals. + + +NUCLEAR AREAS + +Now comes the last of my definitions. A region with a natural +environment which included a variety of wild plants and animals, +both possible and ready for domestication, would be a central +or core or _nuclear area_, that is, it would be when and _if_ +food-production took place within it. It is pretty hard for me to +imagine food-production having ever made an independent start outside +such a nuclear area, although there may be some possible nuclear areas +in which food-production never took place (possibly in parts of Africa, +for example). + +We know of several such nuclear areas. In the New World, Middle America +and the Andean highlands make up one or two; it is my understanding +that the evidence is not yet clear as to which. There seems to have +been a nuclear area somewhere in southeastern Asia, in the Malay +peninsula or Burma perhaps, connected with the early cultivation of +taro, breadfruit, the banana and the mango. Possibly the cultivation +of rice and the domestication of the chicken and of zebu cattle and +the water buffalo belong to this southeast Asiatic nuclear area. We +know relatively little about it archeologically, as yet. The nuclear +area which was the scene of the earliest experiment in effective +food-production was in western Asia. Since I know it best, I shall use +it as my example. + + +THE NUCLEAR NEAR EAST + +The nuclear area of western Asia is naturally the one of greatest +interest to people of the western cultural tradition. Our cultural +heritage began within it. The area itself is the region of the hilly +flanks of rain-watered grass-land which build up to the high mountain +ridges of Iran, Iraq, Turkey, Syria, and Palestine. The map on page +125 indicates the region. If you have a good atlas, try to locate the +zone which surrounds the drainage basin of the Tigris and Euphrates +Rivers at elevations of from approximately 2,000 to 5,000 feet. The +lower alluvial land of the Tigris-Euphrates basin itself has very +little rainfall. Some years ago Professor James Henry Breasted called +the alluvial lands of the Tigris-Euphrates a part of the �fertile +crescent.� These alluvial lands are very fertile if irrigated. Breasted +was most interested in the oriental civilizations of conventional +ancient history, and irrigation had been discovered before they +appeared. + +The country of hilly flanks above Breasted�s crescent receives from +10 to 20 or more inches of winter rainfall each year, which is about +what Kansas has. Above the hilly-flanks zone tower the peaks and ridges +of the Lebanon-Amanus chain bordering the coast-line from Palestine +to Turkey, the Taurus Mountains of southern Turkey, and the Zagros +range of the Iraq-Iran borderland. This rugged mountain frame for our +hilly-flanks zone rises to some magnificent alpine scenery, with peaks +of from ten to fifteen thousand feet in elevation. There are several +gaps in the Mediterranean coastal portion of the frame, through which +the winter�s rain-bearing winds from the sea may break so as to carry +rain to the foothills of the Taurus and the Zagros. + +The picture I hope you will have from this description is that of an +intermediate hilly-flanks zone lying between two regions of extremes. +The lower Tigris-Euphrates basin land is low and far too dry and hot +for agriculture based on rainfall alone; to the south and southwest, it +merges directly into the great desert of Arabia. The mountains which +lie above the hilly-flanks zone are much too high and rugged to have +encouraged farmers. + + +THE NATURAL ENVIRONMENT OF THE NUCLEAR NEAR EAST + +The more we learn of this hilly-flanks zone that I describe, the +more it seems surely to have been a nuclear area. This is where we +archeologists need, and are beginning to get, the help of natural +scientists. They are coming to the conclusion that the natural +environment of the hilly-flanks zone today is much as it was some eight +to ten thousand years ago. There are still two kinds of wild wheat and +a wild barley, and the wild sheep, goat, and pig. We have discovered +traces of each of these at about nine thousand years ago, also traces +of wild ox, horse, and dog, each of which appears to be the probable +ancestor of the domesticated form. In fact, at about nine thousand +years ago, the two wheats, the barley, and at least the goat, were +already well on the road to domestication. + +The wild wheats give us an interesting clue. They are only available +together with the wild barley within the hilly-flanks zone. While the +wild barley grows in a variety of elevations and beyond the zone, +at least one of the wild wheats does not seem to grow below the hill +country. As things look at the moment, the domestication of both the +wheats together could _only_ have taken place within the hilly-flanks +zone. Barley seems to have first come into cultivation due to its +presence as a weed in already cultivated wheat fields. There is also +a suggestion--there is still much more to learn in the matter--that +the animals which were first domesticated were most at home up in the +hilly-flanks zone in their wild state. + +With a single exception--that of the dog--the earliest positive +evidence of domestication includes the two forms of wheat, the barley, +and the goat. The evidence comes from within the hilly-flanks zone. +However, it comes from a settled village proper, Jarmo (which I�ll +describe in the next chapter), and is thus from the era of the primary +village-farming community. We are still without positive evidence of +domesticated grain and animals in the first era of the food-producing +stage, that of incipient cultivation and animal domestication. + + +THE ERA OF INCIPIENT CULTIVATION AND ANIMAL DOMESTICATION + +I said above (p. 105) that my era of incipient cultivation and animal +domestication is mainly set up by playing a hunch. Although we cannot +really demonstrate it--and certainly not in the Near East--it would +be very strange for food-collectors not to have known a great deal +about the plants and animals most useful to them. They do seem to have +domesticated the dog. We can easily imagine them remembering to go +back, season after season, to a particular patch of ground where seeds +or acorns or berries grew particularly well. Most human beings, unless +they are extremely hungry, are attracted to baby animals, and many wild +pups or fawns or piglets must have been brought back alive by hunting +parties. + +In this last sense, man has probably always been an incipient +cultivator and domesticator. But I believe that Adams is right in +suggesting that this would be doubly true with the experimenters of +the terminal era of food-collecting. We noticed that they also seem +to have had a tendency to settle down. Now my hunch goes that _when_ +this experimentation and settling down took place within a potential +nuclear area--where a whole constellation of plants and animals +possible of domestication was available--the change was easily made. +Professor Charles A. Reed, our field colleague in zoology, agrees that +year-round settlement with plant domestication probably came before +there were important animal domestications. + + +INCIPIENT ERAS AND NUCLEAR AREAS + +I have put this scheme into a simple chart (p. 111) with the names +of a few of the sites we are going to talk about. You will see that my +hunch means that there are eras of incipient cultivation _only_ within +nuclear areas. In a nuclear area, the terminal era of food-collecting +would probably have been quite short. I do not know for how long a time +the era of incipient cultivation and domestication would have lasted, +but perhaps for several thousand years. Then it passed on into the era +of the primary village-farming community. + +Outside a nuclear area, the terminal era of food-collecting would last +for a long time; in a few out-of-the-way parts of the world, it still +hangs on. It would end in any particular place through contact with +and the spread of ideas of people who had passed on into one of the +more developed eras. In many cases, the terminal era of food-collecting +was ended by the incoming of the food-producing peoples themselves. +For example, the practices of food-production were carried into Europe +by the actual movement of some numbers of peoples (we don�t know how +many) who had reached at least the level of the primary village-farming +community. The �Forest folk� learned food-production from them. There +was never an era of incipient cultivation and domestication proper in +Europe, if my hunch is right. + + +ARCHEOLOGICAL DIFFICULTIES IN SEEING THE INCIPIENT ERA + +The way I see it, two things were required in order that an era of +incipient cultivation and domestication could begin. First, there had +to be the natural environment of a nuclear area, with its whole group +of plants and animals capable of domestication. This is the aspect of +the matter which we�ve said is directly given by nature. But it is +quite possible that such an environment with such a group of plants +and animals in it may have existed well before ten thousand years ago +in the Near East. It is also quite possible that the same promising +condition may have existed in regions which never developed into +nuclear areas proper. Here, again, we come back to the cultural factor. +I think it was that �atmosphere of experimentation� we�ve talked about +once or twice before. I can�t define it for you, other than to say that +by the end of the Ice Age, the general level of many cultures was ready +for change. Ask me how and why this was so, and I�ll tell you we don�t +know yet, and that if we did understand this kind of question, there +would be no need for me to go on being a prehistorian! + +[Illustration: POSSIBLE RELATIONSHIPS OF STAGES AND ERAS IN WESTERN +ASIA AND NORTHEASTERN AFRICA] + +Now since this was an era of incipience, of the birth of new ideas, +and of experimentation, it is very difficult to see its traces +archeologically. New tools having to do with the new ways of getting +and, in fact, producing food would have taken some time to develop. +It need not surprise us too much if we cannot find hoes for planting +and sickles for reaping grain at the very beginning. We might expect +a time of making-do with some of the older tools, or with make-shift +tools, for some of the new jobs. The present-day wild cousin of the +domesticated sheep still lives in the mountains of western Asia. It has +no wool, only a fine down under hair like that of a deer, so it need +not surprise us to find neither the whorls used for spinning nor traces +of woolen cloth. It must have taken some time for a wool-bearing sheep +to develop and also time for the invention of the new tools which go +with weaving. It would have been the same with other kinds of tools for +the new way of life. + +It is difficult even for an experienced comparative zoologist to tell +which are the bones of domesticated animals and which are those of +their wild cousins. This is especially so because the animal bones the +archeologists find are usually fragmentary. Furthermore, we do not have +a sort of library collection of the skeletons of the animals or an +herbarium of the plants of those times, against which the traces which +the archeologists find may be checked. We are only beginning to get +such collections for the modern wild forms of animals and plants from +some of our nuclear areas. In the nuclear area in the Near East, some +of the wild animals, at least, have already become extinct. There are +no longer wild cattle or wild horses in western Asia. We know they were +there from the finds we�ve made in caves of late Ice Age times, and +from some slightly later sites. + + +SITES WITH ANTIQUITIES OF THE INCIPIENT ERA + +So far, we know only a very few sites which would suit my notion of the +incipient era of cultivation and animal domestication. I am closing +this chapter with descriptions of two of the best Near Eastern examples +I know of. You may not be satisfied that what I am able to describe +makes a full-bodied era of development at all. Remember, however, that +I�ve told you I�m largely playing a kind of a hunch, and also that the +archeological materials of this era will always be extremely difficult +to interpret. At the beginning of any new way of life, there will be a +great tendency for people to make-do, at first, with tools and habits +they are already used to. I would suspect that a great deal of this +making-do went on almost to the end of this era. + + +THE NATUFIAN, AN ASSEMBLAGE OF THE INCIPIENT ERA + +The assemblage called the Natufian comes from the upper layers of a +number of caves in Palestine. Traces of its flint industry have also +turned up in Syria and Lebanon. We don�t know just how old it is. I +guess that it probably falls within five hundred years either way of +about 5000 B.C. + +Until recently, the people who produced the Natufian assemblage were +thought to have been only cave dwellers, but now at least three open +air Natufian sites have been briefly described. In their best-known +dwelling place, on Mount Carmel, the Natufian folk lived in the open +mouth of a large rock-shelter and on the terrace in front of it. On the +terrace, they had set at least two short curving lines of stones; but +these were hardly architecture; they seem more like benches or perhaps +the low walls of open pens. There were also one or two small clusters +of stones laid like paving, and a ring of stones around a hearth or +fireplace. One very round and regular basin-shaped depression had been +cut into the rocky floor of the terrace, and there were other less +regular basin-like depressions. In the newly reported open air sites, +there seem to have been huts with rounded corners. + +Most of the finds in the Natufian layer of the Mount Carmel cave were +flints. About 80 per cent of these flint tools were microliths made +by the regular working of tiny blades into various tools, some having +geometric forms. The larger flint tools included backed blades, burins, +scrapers, a few arrow points, some larger hacking or picking tools, and +one special type. This last was the sickle blade. + +We know a sickle blade of flint when we see one, because of a strange +polish or sheen which seems to develop on the cutting edge when the +blade has been used to cut grasses or grain, or--perhaps--reeds. In +the Natufian, we have even found the straight bone handles in which a +number of flint sickle blades were set in a line. + +There was a small industry in ground or pecked stone (that is, abraded +not chipped) in the Natufian. This included some pestle and mortar +fragments. The mortars are said to have a deep and narrow hole, +and some of the pestles show traces of red ochre. We are not sure +that these mortars and pestles were also used for grinding food. In +addition, there were one or two bits of carving in stone. + + +NATUFIAN ANTIQUITIES IN OTHER MATERIALS; BURIALS AND PEOPLE + +The Natufian industry in bone was quite rich. It included, beside the +sickle hafts mentioned above, points and harpoons, straight and curved +types of fish-hooks, awls, pins and needles, and a variety of beads and +pendants. There were also beads and pendants of pierced teeth and shell. + +A number of Natufian burials have been found in the caves; some burials +were grouped together in one grave. The people who were buried within +the Mount Carmel cave were laid on their backs in an extended position, +while those on the terrace seem to have been �flexed� (placed in their +graves in a curled-up position). This may mean no more than that it was +easier to dig a long hole in cave dirt than in the hard-packed dirt of +the terrace. The people often had some kind of object buried with them, +and several of the best collections of beads come from the burials. On +two of the skulls there were traces of elaborate head-dresses of shell +beads. + +[Illustration: SKETCH OF NATUFIAN ASSEMBLAGE + + MICROLITHS + ARCHITECTURE? + BURIAL + CHIPPED STONE + GROUND STONE + BONE] + +The animal bones of the Natufian layers show beasts of a �modern� type, +but with some differences from those of present-day Palestine. The +bones of the gazelle far outnumber those of the deer; since gazelles +like a much drier climate than deer, Palestine must then have had much +the same climate that it has today. Some of the animal bones were those +of large or dangerous beasts: the hyena, the bear, the wild boar, +and the leopard. But the Natufian people may have had the help of a +large domesticated dog. If our guess at a date for the Natufian is +right (about 7750 B.C.), this is an earlier dog than was that in the +Maglemosian of northern Europe. More recently, it has been reported +that a domesticated goat is also part of the Natufian finds. + +The study of the human bones from the Natufian burials is not yet +complete. Until Professor McCown�s study becomes available, we may note +Professor Coon�s assessment that these people were of a �basically +Mediterranean type.� + + +THE KARIM SHAHIR ASSEMBLAGE + +Karim Shahir differs from the Natufian sites in that it shows traces +of a temporary open site or encampment. It lies on the top of a bluff +in the Kurdish hill-country of northeastern Iraq. It was dug by Dr. +Bruce Howe of the expedition I directed in 1950-51 for the Oriental +Institute and the American Schools of Oriental Research. In 1954-55, +our expedition located another site, M�lefaat, with general resemblance +to Karim Shahir, but about a hundred miles north of it. In 1956, Dr. +Ralph Solecki located still another Karim Shahir type of site called +Zawi Chemi Shanidar. The Zawi Chemi site has a radiocarbon date of 8900 +� 300 B.C. + +Karim Shahir has evidence of only one very shallow level of occupation. +It was probably not lived on very long, although the people who lived +on it spread out over about three acres of area. In spots, the single +layer yielded great numbers of fist-sized cracked pieces of limestone, +which had been carried up from the bed of a stream at the bottom of the +bluff. We think these cracked stones had something to do with a kind of +architecture, but we were unable to find positive traces of hut plans. +At M�lefaat and Zawi Chemi, there were traces of rounded hut plans. + +As in the Natufian, the great bulk of small objects of the Karim Shahir +assemblage was in chipped flint. A large proportion of the flint tools +were microlithic bladelets and geometric forms. The flint sickle blade +was almost non-existent, being far scarcer than in the Natufian. The +people of Karim Shahir did a modest amount of work in the grinding of +stone; there were milling stone fragments of both the mortar and the +quern type, and stone hoes or axes with polished bits. Beads, pendants, +rings, and bracelets were made of finer quality stone. We found a few +simple points and needles of bone, and even two rather formless unbaked +clay figurines which seemed to be of animal form. + +[Illustration: SKETCH OF KARIM SHAHIR ASSEMBLAGE + + CHIPPED STONE + GROUND STONE + UNBAKED CLAY + SHELL + BONE + �ARCHITECTURE�] + +Karim Shahir did not yield direct evidence of the kind of vegetable +food its people ate. The animal bones showed a considerable +increase in the proportion of the bones of the species capable of +domestication--sheep, goat, cattle, horse, dog--as compared with animal +bones from the earlier cave sites of the area, which have a high +proportion of bones of wild forms like deer and gazelle. But we do not +know that any of the Karim Shahir animals were actually domesticated. +Some of them may have been, in an �incipient� way, but we have no means +at the moment that will tell us from the bones alone. + + +WERE THE NATUFIAN AND KARIM SHAHIR PEOPLES FOOD-PRODUCERS? + +It is clear that a great part of the food of the Natufian people +must have been hunted or collected. Shells of land, fresh-water, and +sea animals occur in their cave layers. The same is true as regards +Karim Shahir, save for sea shells. But on the other hand, we have +the sickles, the milling stones, the possible Natufian dog, and the +goat, and the general animal situation at Karim Shahir to hint at an +incipient approach to food-production. At Karim Shahir, there was the +tendency to settle down out in the open; this is echoed by the new +reports of open air Natufian sites. The large number of cracked stones +certainly indicates that it was worth the peoples� while to have some +kind of structure, even if the site as a whole was short-lived. + +It is a part of my hunch that these things all point toward +food-production--that the hints we seek are there. But in the sense +that the peoples of the era of the primary village-farming community, +which we shall look at next, are fully food-producing, the Natufian +and Karim Shahir folk had not yet arrived. I think they were part of +a general build-up to full scale food-production. They were possibly +controlling a few animals of several kinds and perhaps one or two +plants, without realizing the full possibilities of this �control� as a +new way of life. + +This is why I think of the Karim Shahir and Natufian folk as being at +a level, or in an era, of incipient cultivation and domestication. But +we shall have to do a great deal more excavation in this range of time +before we�ll get the kind of positive information we need. + + +SUMMARY + +I am sorry that this chapter has had to be so much more about ideas +than about the archeological traces of prehistoric men themselves. +But the antiquities of the incipient era of cultivation and animal +domestication will not be spectacular, even when we do have them +excavated in quantity. Few museums will be interested in these +antiquities for exhibition purposes. The charred bits or impressions +of plants, the fragments of animal bone and shell, and the varied +clues to climate and environment will be as important as the artifacts +themselves. It will be the ideas to which these traces lead us that +will be important. I am sure that this unspectacular material--when we +have much more of it, and learn how to understand what it says--will +lead us to how and why answers about the first great change in human +history. + +We know the earliest village-farming communities appeared in western +Asia, in a nuclear area. We do not yet know why the Near Eastern +experiment came first, or why it didn�t happen earlier in some other +nuclear area. Apparently, the level of culture and the promise of the +natural environment were ready first in western Asia. The next sites +we look at will show a simple but effective food-production already +in existence. Without effective food-production and the settled +village-farming communities, civilization never could have followed. +How effective food-production came into being by the end of the +incipient era, is, I believe, one of the most fascinating questions any +archeologist could face. + +It now seems probable--from possibly two of the Palestinian sites with +varieties of the Natufian (Jericho and Nahal Oren)--that there were +one or more local Palestinian developments out of the Natufian into +later times. In the same way, what followed after the Karim Shahir type +of assemblage in northeastern Iraq was in some ways a reflection of +beginnings made at Karim Shahir and Zawi Chemi. + + + + +THE First Revolution + +[Illustration] + + +As the incipient era of cultivation and animal domestication passed +onward into the era of the primary village-farming community, the first +basic change in human economy was fully achieved. In southwestern Asia, +this seems to have taken place about nine thousand years ago. I am +going to restrict my description to this earliest Near Eastern case--I +do not know enough about the later comparable experiments in the Far +East and in the New World. Let us first, once again, think of the +contrast between food-collecting and food-producing as ways of life. + + +THE DIFFERENCE BETWEEN FOOD-COLLECTORS AND FOOD-PRODUCERS + +Childe used the word �revolution� because of the radical change that +took place in the habits and customs of man. Food-collectors--that is, +hunters, fishers, berry- and nut-gatherers--had to live in small groups +or bands, for they had to be ready to move wherever their food supply +moved. Not many people can be fed in this way in one area, and small +children and old folks are a burden. There is not enough food to store, +and it is not the kind that can be stored for long. + +Do you see how this all fits into a picture? Small groups of people +living now in this cave, now in that--or out in the open--as they moved +after the animals they hunted; no permanent villages, a few half-buried +huts at best; no breakable utensils; no pottery; no signs of anything +for clothing beyond the tools that were probably used to dress the +skins of animals; no time to think of much of anything but food and +protection and disposal of the dead when death did come: an existence +which takes nature as it finds it, which does little or nothing to +modify nature--all in all, a savage�s existence, and a very tough one. +A man who spends his whole life following animals just to kill them to +eat, or moving from one berry patch to another, is really living just +like an animal himself. + + +THE FOOD-PRODUCING ECONOMY + +Against this picture let me try to draw another--that of man�s life +after food-production had begun. His meat was stored �on the hoof,� +his grain in silos or great pottery jars. He lived in a house: it was +worth his while to build one, because he couldn�t move far from his +fields and flocks. In his neighborhood enough food could be grown +and enough animals bred so that many people were kept busy. They all +lived close to their flocks and fields, in a village. The village was +already of a fair size, and it was growing, too. Everybody had more to +eat; they were presumably all stronger, and there were more children. +Children and old men could shepherd the animals by day or help with +the lighter work in the fields. After the crops had been harvested the +younger men might go hunting and some of them would fish, but the food +they brought in was only an addition to the food in the village; the +villagers wouldn�t starve, even if the hunters and fishermen came home +empty-handed. + +There was more time to do different things, too. They began to modify +nature. They made pottery out of raw clay, and textiles out of hair +or fiber. People who became good at pottery-making traded their pots +for food and spent all of their time on pottery alone. Other people +were learning to weave cloth or to make new tools. There were already +people in the village who were becoming full-time craftsmen. + +Other things were changing, too. The villagers must have had +to agree on new rules for living together. The head man of the +village had problems different from those of the chief of the small +food-collectors� band. If somebody�s flock of sheep spoiled a wheat +field, the owner wanted payment for the grain he lost. The chief of +the hunters was never bothered with such questions. Even the gods +had changed. The spirits and the magic that had been used by hunters +weren�t of any use to the villagers. They needed gods who would watch +over the fields and the flocks, and they eventually began to erect +buildings where their gods might dwell, and where the men who knew most +about the gods might live. + + +WAS FOOD-PRODUCTION A �REVOLUTION�? + +If you can see the difference between these two pictures--between +life in the food-collecting stage and life after food-production +had begun--you�ll see why Professor Childe speaks of a revolution. +By revolution, he doesn�t mean that it happened over night or that +it happened only once. We don�t know exactly how long it took. Some +people think that all these changes may have occurred in less than +500 years, but I doubt that. The incipient era was probably an affair +of some duration. Once the level of the village-farming community had +been established, however, things did begin to move very fast. By +six thousand years ago, the descendants of the first villagers had +developed irrigation and plow agriculture in the relatively rainless +Mesopotamian alluvium and were living in towns with temples. Relative +to the half million years of food-gathering which lay behind, this had +been achieved with truly revolutionary suddenness. + + +GAPS IN OUR KNOWLEDGE OF THE NEAR EAST + +If you�ll look again at the chart (p. 111) you�ll see that I have +very few sites and assemblages to name in the incipient era of +cultivation and domestication, and not many in the earlier part of +the primary village-farming level either. Thanks in no small part +to the intelligent co-operation given foreign excavators by the +Iraq Directorate General of Antiquities, our understanding of the +sequence in Iraq is growing more complete. I shall use Iraq as my main +yard-stick here. But I am far from being able to show you a series of +Sears Roebuck catalogues, even century by century, for any part of +the nuclear area. There is still a great deal of earth to move, and a +great mass of material to recover and interpret before we even begin to +understand �how� and �why.� + +Perhaps here, because this kind of archeology is really my specialty, +you�ll excuse it if I become personal for a moment. I very much look +forward to having further part in closing some of the gaps in knowledge +of the Near East. This is not, as I�ve told you, the spectacular +range of Near Eastern archeology. There are no royal tombs, no gold, +no great buildings or sculpture, no writing, in fact nothing to +excite the normal museum at all. Nevertheless it is a range which, +idea-wise, gives the archeologist tremendous satisfaction. The country +of the hilly flanks is an exciting combination of green grasslands +and mountainous ridges. The Kurds, who inhabit the part of the area +in which I�ve worked most recently, are an extremely interesting and +hospitable people. Archeologists don�t become rich, but I�ll forego +the Cadillac for any bright spring morning in the Kurdish hills, on a +good site with a happy crew of workmen and an interested and efficient +staff. It is probably impossible to convey the full feeling which life +on such a dig holds--halcyon days for the body and acute pleasurable +stimulation for the mind. Old things coming newly out of the good dirt, +and the pieces of the human puzzle fitting into place! I think I am +an honest man; I cannot tell you that I am sorry the job is not yet +finished and that there are still gaps in this part of the Near Eastern +archeological sequence. + + +EARLIEST SITES OF THE VILLAGE FARMERS + +So far, the Karim Shahir type of assemblage, which we looked at in the +last chapter, is the earliest material available in what I take to +be the nuclear area. We do not believe that Karim Shahir was a village +site proper: it looks more like the traces of a temporary encampment. +Two caves, called Belt and Hotu, which are outside the nuclear area +and down on the foreshore of the Caspian Sea, have been excavated +by Professor Coon. These probably belong in the later extension of +the terminal era of food-gathering; in their upper layers are traits +like the use of pottery borrowed from the more developed era of the +same time in the nuclear area. The same general explanation doubtless +holds true for certain materials in Egypt, along the upper Nile and in +the Kharga oasis: these materials, called Sebilian III, the Khartoum +�neolithic,� and the Khargan microlithic, are from surface sites, +not from caves. The chart (p. 111) shows where I would place these +materials in era and time. + +[Illustration: THE HILLY FLANKS OF THE CRESCENT AND EARLY SITES OF THE +NEAR EAST] + +Both M�lefaat and Dr. Solecki�s Zawi Chemi Shanidar site appear to have +been slightly more �settled in� than was Karim Shahir itself. But I do +not think they belong to the era of farming-villages proper. The first +site of this era, in the hills of Iraqi Kurdistan, is Jarmo, on which +we have spent three seasons of work. Following Jarmo comes a variety of +sites and assemblages which lie along the hilly flanks of the crescent +and just below it. I am going to describe and illustrate some of these +for you. + +Since not very much archeological excavation has yet been done on sites +of this range of time, I shall have to mention the names of certain +single sites which now alone stand for an assemblage. This does not +mean that I think the individual sites I mention were unique. In the +times when their various cultures flourished, there must have been +many little villages which shared the same general assemblage. We are +only now beginning to locate them again. Thus, if I speak of Jarmo, +or Jericho, or Sialk as single examples of their particular kinds of +assemblages, I don�t mean that they were unique at all. I think I could +take you to the sites of at least three more Jarmos, within twenty +miles of the original one. They are there, but they simply haven�t yet +been excavated. In 1956, a Danish expedition discovered material of +Jarmo type at Shimshara, only two dozen miles northeast of Jarmo, and +below an assemblage of Hassunan type (which I shall describe presently). + + +THE GAP BETWEEN KARIM SHAHIR AND JARMO + +As we see the matter now, there is probably still a gap in the +available archeological record between the Karim Shahir-M�lefaat-Zawi +Chemi group (of the incipient era) and that of Jarmo (of the +village-farming era). Although some items of the Jarmo type materials +do reflect the beginnings of traditions set in the Karim Shahir group +(see p. 120), there is not a clear continuity. Moreover--to the +degree that we may trust a few radiocarbon dates--there would appear +to be around two thousand years of difference in time. The single +available Zawi Chemi �date� is 8900 � 300 B.C.; the most reasonable +group of �dates� from Jarmo average to about 6750 � 200 B.C. I am +uncertain about this two thousand years--I do not think it can have +been so long. + +This suggests that we still have much work to do in Iraq. You can +imagine how earnestly we await the return of political stability in the +Republic of Iraq. + + +JARMO, IN THE KURDISH HILLS, IRAQ + +The site of Jarmo has a depth of deposit of about twenty-seven feet, +and approximately a dozen layers of architectural renovation and +change. Nevertheless it is a �one period� site: its assemblage remains +essentially the same throughout, although one or two new items are +added in later levels. It covers about four acres of the top of a +bluff, below which runs a small stream. Jarmo lies in the hill country +east of the modern oil town of Kirkuk. The Iraq Directorate General of +Antiquities suggested that we look at it in 1948, and we have had three +seasons of digging on it since. + +The people of Jarmo grew the barley plant and two different kinds of +wheat. They made flint sickles with which to reap their grain, mortars +or querns on which to crack it, ovens in which it might be parched, and +stone bowls out of which they might eat their porridge. We are sure +that they had the domesticated goat, but Professor Reed (the staff +zoologist) is not convinced that the bones of the other potentially +domesticable animals of Jarmo--sheep, cattle, pig, horse, dog--show +sure signs of domestication. We had first thought that all of these +animals were domesticated ones, but Reed feels he must find out much +more before he can be sure. As well as their grain and the meat from +their animals, the people of Jarmo consumed great quantities of land +snails. Botanically, the Jarmo wheat stands about half way between +fully bred wheat and the wild forms. + + +ARCHITECTURE: HALL-MARK OF THE VILLAGE + +The sure sign of the village proper is in its traces of architectural +permanence. The houses of Jarmo were only the size of a small cottage +by our standards, but each was provided with several rectangular rooms. +The walls of the houses were made of puddled mud, often set on crude +foundations of stone. (The puddled mud wall, which the Arabs call +_touf_, is built by laying a three to six inch course of soft mud, +letting this sun-dry for a day or two, then adding the next course, +etc.) The village probably looked much like the simple Kurdish farming +village of today, with its mud-walled houses and low mud-on-brush +roofs. I doubt that the Jarmo village had more than twenty houses at +any one moment of its existence. Today, an average of about seven +people live in a comparable Kurdish house; probably the population of +Jarmo was about 150 people. + +[Illustration: SKETCH OF JARMO ASSEMBLAGE + + CHIPPED STONE + UNBAKED CLAY + GROUND STONE + POTTERY _UPPER THIRD OF SITE ONLY._ + REED MATTING + BONE + ARCHITECTURE] + +It is interesting that portable pottery does not appear until the +last third of the life of the Jarmo village. Throughout the duration +of the village, however, its people had experimented with the plastic +qualities of clay. They modeled little figurines of animals and of +human beings in clay; one type of human figurine they favored was that +of a markedly pregnant woman, probably the expression of some sort of +fertility spirit. They provided their house floors with baked-in-place +depressions, either as basins or hearths, and later with domed ovens of +clay. As we�ve noted, the houses themselves were of clay or mud; one +could almost say they were built up like a house-sized pot. Then, +finally, the idea of making portable pottery itself appeared, although +I very much doubt that the people of the Jarmo village discovered the +art. + +On the other hand, the old tradition of making flint blades and +microlithic tools was still very strong at Jarmo. The sickle-blade was +made in quantities, but so also were many of the much older tool types. +Strangely enough, it is within this age-old category of chipped stone +tools that we see one of the clearest pointers to a newer age. Many of +the Jarmo chipped stone tools--microliths--were made of obsidian, a +black volcanic natural glass. The obsidian beds nearest to Jarmo are +over three hundred miles to the north. Already a bulk carrying trade +had been established--the forerunner of commerce--and the routes were +set by which, in later times, the metal trade was to move. + +There are now twelve radioactive carbon �dates� from Jarmo. The most +reasonable cluster of determinations averages to about 6750 � 200 +B.C., although there is a completely unreasonable range of �dates� +running from 3250 to 9250 B.C.! _If_ I am right in what I take to be +�reasonable,� the first flush of the food-producing revolution had been +achieved almost nine thousand years ago. + + +HASSUNA, IN UPPER MESOPOTAMIAN IRAQ + +We are not sure just how soon after Jarmo the next assemblage of Iraqi +material is to be placed. I do not think the time was long, and there +are a few hints that detailed habits in the making of pottery and +ground stone tools were actually continued from Jarmo times into the +time of the next full assemblage. This is called after a site named +Hassuna, a few miles to the south and west of modern Mosul. We also +have Hassunan type materials from several other sites in the same +general region. It is probably too soon to make generalizations about +it, but the Hassunan sites seem to cluster at slightly lower elevations +than those we have been talking about so far. + +The catalogue of the Hassuna assemblage is of course more full and +elaborate than that of Jarmo. The Iraqi government�s archeologists +who dug Hassuna itself, exposed evidence of increasing architectural +know-how. The walls of houses were still formed of puddled mud; +sun-dried bricks appear only in later periods. There were now several +different ways of making and decorating pottery vessels. One style of +pottery painting, called the Samarran style, is an extremely handsome +one and must have required a great deal of concentration and excellence +of draftsmanship. On the other hand, the old habits for the preparation +of good chipped stone tools--still apparent at Jarmo--seem to have +largely disappeared by Hassunan times. The flint work of the Hassunan +catalogue is, by and large, a wretched affair. We might guess that the +kinaesthetic concentration of the Hassuna craftsmen now went into other +categories; that is, they suddenly discovered they might have more fun +working with the newer materials. It�s a shame, for example, that none +of their weaving is preserved for us. + +The two available radiocarbon determinations from Hassunan contexts +stand at about 5100 and 5600 B.C. � 250 years. + + +OTHER EARLY VILLAGE SITES IN THE NUCLEAR AREA + +I�ll now name and very briefly describe a few of the other early +village assemblages either in or adjacent to the hilly flanks of the +crescent. Unfortunately, we do not have radioactive carbon dates for +many of these materials. We may guess that some particular assemblage, +roughly comparable to that of Hassuna, for example, must reflect a +culture which lived at just about the same time as that of Hassuna. We +do this guessing on the basis of the general similarity and degree of +complexity of the Sears Roebuck catalogues of the particular assemblage +and that of Hassuna. We suppose that for sites near at hand and of a +comparable cultural level, as indicated by their generally similar +assemblages, the dating must be about the same. We may also know that +in a general stratigraphic sense, the sites in question may both appear +at the bottom of the ascending village sequence in their respective +areas. Without a number of consistent radioactive carbon dates, we +cannot be precise about priorities. + +[Illustration: SKETCH OF HASSUNA ASSEMBLAGE + + POTTERY + POTTERY OBJECTS + CHIPPED STONE + BONE + GROUND STONE + ARCHITECTURE + REED MATTING + BURIAL] + +The ancient mound at Jericho, in the Dead Sea valley in Palestine, +yields some very interesting material. Its catalogue somewhat resembles +that of Jarmo, especially in the sense that there is a fair depth +of deposit without portable pottery vessels. On the other hand, the +architecture of Jericho is surprisingly complex, with traces of massive +stone fortification walls and the general use of formed sun-dried +mud brick. Jericho lies in a somewhat strange and tropically lush +ecological niche, some seven hundred feet below sea level; it is +geographically within the hilly-flanks zone but environmentally not +part of it. + +Several radiocarbon �dates� for Jericho fall within the range of those +I find reasonable for Jarmo, and their internal statistical consistency +is far better than that for the Jarmo determinations. It is not yet +clear exactly what this means. + +The mound at Jericho (Tell es-Sultan) contains a remarkably +fine sequence, which perhaps does not have the gap we noted in +Iraqi-Kurdistan between the Karim Shahir group and Jarmo. While I am +not sure that the Jericho sequence will prove valid for those parts +of Palestine outside the special Dead Sea environmental niche, the +sequence does appear to proceed from the local variety of Natufian into +that of a very well settled community. So far, we have little direct +evidence for the food-production basis upon which the Jericho people +subsisted. + +There is an early village assemblage with strong characteristics of its +own in the land bordering the northeast corner of the Mediterranean +Sea, where Syria and the Cilician province of Turkey join. This early +Syro-Cilician assemblage must represent a general cultural pattern +which was at least in part contemporary with that of the Hassuna +assemblage. These materials from the bases of the mounds at Mersin, and +from Judaidah in the Amouq plain, as well as from a few other sites, +represent the remains of true villages. The walls of their houses were +built of puddled mud, but some of the house foundations were of stone. +Several different kinds of pottery were made by the people of these +villages. None of it resembles the pottery from Hassuna or from the +upper levels of Jarmo or Jericho. The Syro-Cilician people had not +lost their touch at working flint. An important southern variation of +the Syro-Cilician assemblage has been cleared recently at Byblos, a +port town famous in later Phoenician times. There are three radiocarbon +determinations which suggest that the time range for these developments +was in the sixth or early fifth millennium B.C. + +It would be fascinating to search for traces of even earlier +village-farming communities and for the remains of the incipient +cultivation era, in the Syro-Cilician region. + + +THE IRANIAN PLATEAU AND THE NILE VALLEY + +The map on page 125 shows some sites which lie either outside or in +an extension of the hilly-flanks zone proper. From the base of the +great mound at Sialk on the Iranian plateau came an assemblage of +early village material, generally similar, in the kinds of things it +contained, to the catalogues of Hassuna and Judaidah. The details of +how things were made are different; the Sialk assemblage represents +still another cultural pattern. I suspect it appeared a bit later +in time than did that of Hassuna. There is an important new item in +the Sialk catalogue. The Sialk people made small drills or pins of +hammered copper. Thus the metallurgist�s specialized craft had made its +appearance. + +There is at least one very early Iranian site on the inward slopes +of the hilly-flanks zone. It is the earlier of two mounds at a place +called Bakun, in southwestern Iran; the results of the excavations +there are not yet published and we only know of its coarse and +primitive pottery. I only mention Bakun because it helps us to plot the +extent of the hilly-flanks zone villages on the map. + +The Nile Valley lies beyond the peculiar environmental zone of the +hilly flanks of the crescent, and it is probable that the earliest +village-farming communities in Egypt were established by a few people +who wandered into the Nile delta area from the nuclear area. The +assemblage which is most closely comparable to the catalogue of Hassuna +or Judaidah, for example, is that from little settlements along the +shore of the Fayum lake. The Fayum materials come mainly from grain +bins or silos. Another site, Merimde, in the western part of the Nile +delta, shows the remains of a true village, but it may be slightly +later than the settlement of the Fayum. There are radioactive carbon +�dates� for the Fayum materials at about 4275 B.C. � 320 years, which +is almost fifteen hundred years later than the determinations suggested +for the Hassunan or Syro-Cilician assemblages. I suspect that this +is a somewhat over-extended indication of the time it took for the +generalized cultural pattern of village-farming community life to +spread from the nuclear area down into Egypt, but as yet we have no way +of testing these matters. + +In this same vein, we have two radioactive carbon dates for an +assemblage from sites near Khartoum in the Sudan, best represented by +the mound called Shaheinab. The Shaheinab catalogue roughly corresponds +to that of the Fayum; the distance between the two places, as the Nile +flows, is roughly 1,500 miles. Thus it took almost a thousand years for +the new way of life to be carried as far south into Africa as Khartoum; +the two Shaheinab �dates� average about 3300 B.C. � 400 years. + +If the movement was up the Nile (southward), as these dates suggest, +then I suspect that the earliest available village material of middle +Egypt, the so-called Tasian, is also later than that of the Fayum. The +Tasian materials come from a few graves near a village called Deir +Tasa, and I have an uncomfortable feeling that the Tasian �assemblage� +may be mainly an artificial selection of poor examples of objects which +belong in the following range of time. + + +SPREAD IN TIME AND SPACE + +There are now two things we can do; in fact, we have already begun to +do them. We can watch the spread of the new way of life upward through +time in the nuclear area. We can also see how the new way of life +spread outward in space from the nuclear area, as time went on. There +is good archeological evidence that both these processes took place. +For the hill country of northeastern Iraq, in the nuclear area, we +have already noticed how the succession (still with gaps) from Karim +Shahir, through M�lefaat and Jarmo, to Hassuna can be charted (see +chart, p. 111). In the next chapter, we shall continue this charting +and description of what happened in Iraq upward through time. We also +watched traces of the new way of life move through space up the Nile +into Africa, to reach Khartoum in the Sudan some thirty-five hundred +years later than we had seen it at Jarmo or Jericho. We caught glimpses +of it in the Fayum and perhaps at Tasa along the way. + +For the remainder of this chapter, I shall try to suggest briefly for +you the directions taken by the spread of the new way of life from the +nuclear area in the Near East. First, let me make clear again that +I _do not_ believe that the village-farming community way of life +was invented only once and in the Near East. It seems to me that the +evidence is very clear that a separate experiment arose in the New +World. For China, the question of independence or borrowing--in the +appearance of the village-farming community there--is still an open +one. In the last chapter, we noted the probability of an independent +nuclear area in southeastern Asia. Professor Carl Sauer strongly +champions the great importance of this area as _the_ original center +of agricultural pursuits, as a kind of �cradle� of all incipient eras +of the Old World at least. While there is certainly not the slightest +archeological evidence to allow us to go that far, we may easily expect +that an early southeast Asian development would have been felt in +China. However, the appearance of the village-farming community in the +northwest of India, at least, seems to have depended on the earlier +development in the Near East. It is also probable that ideas of the new +way of life moved well beyond Khartoum in Africa. + + +THE SPREAD OF THE VILLAGE-FARMING COMMUNITY WAY OF LIFE INTO EUROPE + +How about Europe? I won�t give you many details. You can easily imagine +that the late prehistoric prelude to European history is a complicated +affair. We all know very well how complicated an area Europe is now, +with its welter of different languages and cultures. Remember, however, +that a great deal of archeology has been done on the late prehistory of +Europe, and very little on that of further Asia and Africa. If we knew +as much about these areas as we do of Europe, I expect we�d find them +just as complicated. + +This much is clear for Europe, as far as the spread of the +village-community way of life is concerned. The general idea and much +of the know-how and the basic tools of food-production moved from the +Near East to Europe. So did the plants and animals which had been +domesticated; they were not naturally at home in Europe, as they were +in western Asia. I do not, of course, mean that there were traveling +salesmen who carried these ideas and things to Europe with a commercial +gleam in their eyes. The process took time, and the ideas and things +must have been passed on from one group of people to the next. There +was also some actual movement of peoples, but we don�t know the size of +the groups that moved. + +The story of the �colonization� of Europe by the first farmers is +thus one of (1) the movement from the eastern Mediterranean lands +of some people who were farmers; (2) the spread of ideas and things +beyond the Near East itself and beyond the paths along which the +�colonists� moved; and (3) the adaptations of the ideas and things +by the indigenous �Forest folk�, about whose �receptiveness� Professor +Mathiassen speaks (p. 97). It is important to note that the resulting +cultures in the new European environment were European, not Near +Eastern. The late Professor Childe remarked that �the peoples of the +West were not slavish imitators; they adapted the gifts from the East +... into a new and organic whole capable of developing on its own +original lines.� + + +THE WAYS TO EUROPE + +Suppose we want to follow the traces of those earliest village-farmers +who did travel from western Asia into Europe. Let us start from +Syro-Cilicia, that part of the hilly-flanks zone proper which lies in +the very northeastern corner of the Mediterranean. Three ways would be +open to us (of course we could not be worried about permission from the +Soviet authorities!). We would go north, or north and slightly east, +across Anatolian Turkey, and skirt along either shore of the Black Sea +or even to the east of the Caucasus Mountains along the Caspian Sea, +to reach the plains of Ukrainian Russia. From here, we could march +across eastern Europe to the Baltic and Scandinavia, or even hook back +southwestward to Atlantic Europe. + +Our second way from Syro-Cilicia would also lie over Anatolia, to the +northwest, where we would have to swim or raft ourselves over the +Dardanelles or the Bosphorus to the European shore. Then we would bear +left toward Greece, but some of us might turn right again in Macedonia, +going up the valley of the Vardar River to its divide and on down +the valley of the Morava beyond, to reach the Danube near Belgrade +in Jugoslavia. Here we would turn left, following the great river +valley of the Danube up into central Europe. We would have a number of +tributary valleys to explore, or we could cross the divide and go down +the valley of the Rhine to the North Sea. + +Our third way from Syro-Cilicia would be by sea. We would coast along +southern Anatolia and visit Cyprus, Crete, and the Aegean islands on +our way to Greece, where, in the north, we might meet some of those who +had taken the second route. From Greece, we would sail on to Italy and +the western isles, to reach southern France and the coasts of Spain. +Eventually a few of us would sail up the Atlantic coast of Europe, to +reach western Britain and even Ireland. + +[Illustration: PROBABLE ROUTES AND TIMING IN THE SPREAD OF THE +VILLAGE-FARMING COMMUNITY WAY OF LIFE FROM THE NEAR EAST TO EUROPE] + +Of course none of us could ever take these journeys as the first +farmers took them, since the whole course of each journey must have +lasted many lifetimes. The date given to the assemblage called Windmill +Hill, the earliest known trace of village-farming communities in +England, is about 2500 B.C. I would expect about 5500 B.C. to be a +safe date to give for the well-developed early village communities of +Syro-Cilicia. We suspect that the spread throughout Europe did not +proceed at an even rate. Professor Piggott writes that �at a date +probably about 2600 B.C., simple agricultural communities were being +established in Spain and southern France, and from the latter region a +spread northwards can be traced ... from points on the French seaboard +of the [English] Channel ... there were emigrations of a certain number +of these tribes by boat, across to the chalk lands of Wessex and Sussex +[in England], probably not more than three or four generations later +than the formation of the south French colonies.� + +New radiocarbon determinations are becoming available all the +time--already several suggest that the food-producing way of life +had reached the lower Rhine and Holland by 4000 B.C. But not all +prehistorians accept these �dates,� so I do not show them on my map +(p. 139). + + +THE EARLIEST FARMERS OF ENGLAND + +To describe the later prehistory of all Europe for you would take +another book and a much larger one than this is. Therefore, I have +decided to give you only a few impressions of the later prehistory of +Britain. Of course the British Isles lie at the other end of Europe +from our base-line in western Asia. Also, they received influences +along at least two of the three ways in which the new way of life +moved into Europe. We will look at more of their late prehistory in a +following chapter: here, I shall speak only of the first farmers. + +The assemblage called Windmill Hill, which appears in the south of +England, exhibits three different kinds of structures, evidence of +grain-growing and of stock-breeding, and some distinctive types of +pottery and stone implements. The most remarkable type of structure +is the earthwork enclosures which seem to have served as seasonal +cattle corrals. These enclosures were roughly circular, reached over +a thousand feet in diameter, and sometimes included two or three +concentric sets of banks and ditches. Traces of oblong timber houses +have been found, but not within the enclosures. The second type of +structure is mine-shafts, dug down into the chalk beds where good +flint for the making of axes or hoes could be found. The third type +of structure is long simple mounds or �unchambered barrows,� in one +end of which burials were made. It has been commonly believed that the +Windmill Hill assemblage belonged entirely to the cultural tradition +which moved up through France to the Channel. Professor Piggott is now +convinced, however, that important elements of Windmill Hill stem from +northern Germany and Denmark--products of the first way into Europe +from the east. + +The archeological traces of a second early culture are to be found +in the west of England, western and northern Scotland, and most of +Ireland. The bearers of this culture had come up the Atlantic coast +by sea from southern France and Spain. The evidence they have left us +consists mainly of tombs and the contents of tombs, with only very +rare settlement sites. The tombs were of some size and received the +bodies of many people. The tombs themselves were built of stone, heaped +over with earth; the stones enclosed a passage to a central chamber +(�passage graves�), or to a simple long gallery, along the sides of +which the bodies were laid (�gallery graves�). The general type of +construction is called �megalithic� (= great stone), and the whole +earth-mounded structure is often called a _barrow_. Since many have +proper chambers, in one sense or another, we used the term �unchambered +barrow� above to distinguish those of the Windmill Hill type from these +megalithic structures. There is some evidence for sacrifice, libations, +and ceremonial fires, and it is clear that some form of community +ritual was focused on the megalithic tombs. + +The cultures of the people who produced the Windmill Hill assemblage +and of those who made the megalithic tombs flourished, at least in +part, at the same time. Although the distributions of the two different +types of archeological traces are in quite different parts of the +country, there is Windmill Hill pottery in some of the megalithic +tombs. But the tombs also contain pottery which seems to have arrived +with the tomb builders themselves. + +The third early British group of antiquities of this general time +(following 2500 B.C.) comes from sites in southern and eastern England. +It is not so certain that the people who made this assemblage, called +Peterborough, were actually farmers. While they may on occasion have +practiced a simple agriculture, many items of their assemblage link +them closely with that of the �Forest folk� of earlier times in +England and in the Baltic countries. Their pottery is decorated with +impressions of cords and is quite different from that of Windmill Hill +and the megalithic builders. In addition, the distribution of their +finds extends into eastern Britain, where the other cultures have left +no trace. The Peterborough people had villages with semi-subterranean +huts, and the bones of oxen, pigs, and sheep have been found in a few +of these. On the whole, however, hunting and fishing seem to have been +their vital occupations. They also established trade routes especially +to acquire the raw material for stone axes. + +A probably slightly later culture, whose traces are best known from +Skara Brae on Orkney, also had its roots in those cultures of the +Baltic area which fused out of the meeting of the �Forest folk� and +the peoples who took the eastern way into Europe. Skara Brae is very +well preserved, having been built of thin stone slabs about which +dune-sand drifted after the village died. The individual houses, the +bedsteads, the shelves, the chests for clothes and oddments--all built +of thin stone-slabs--may still be seen in place. But the Skara Brae +people lived entirely by sheep- and cattle-breeding, and by catching +shellfish. Neither grain nor the instruments of agriculture appeared at +Skara Brae. + + +THE EUROPEAN ACHIEVEMENT + +The above is only a very brief description of what went on in Britain +with the arrival of the first farmers. There are many interesting +details which I have omitted in order to shorten the story. + +I believe some of the difficulty we have in understanding the +establishment of the first farming communities in Europe is with +the word �colonization.� We have a natural tendency to think of +�colonization� as it has happened within the last few centuries. In the +case of the colonization of the Americas, for example, the colonists +came relatively quickly, and in increasingly vast numbers. They had +vastly superior technical, political, and war-making skills, compared +with those of the Indians. There was not much mixing with the Indians. +The case in Europe five or six thousand years ago must have been very +different. I wonder if it is even proper to call people �colonists� +who move some miles to a new region, settle down and farm it for some +years, then move on again, generation after generation? The ideas and +the things which these new people carried were only _potentially_ +superior. The ideas and things and the people had to prove themselves +in their adaptation to each new environment. Once this was done another +link to the chain would be added, and then the forest-dwellers and +other indigenous folk of Europe along the way might accept the new +ideas and things. It is quite reasonable to expect that there must have +been much mixture of the migrants and the indigenes along the way; the +Peterborough and Skara Brae assemblages we mentioned above would seem +to be clear traces of such fused cultures. Sometimes, especially if the +migrants were moving by boat, long distances may have been covered in +a short time. Remember, however, we seem to have about three thousand +years between the early Syro-Cilician villages and Windmill Hill. + +Let me repeat Professor Childe again. �The peoples of the West were +not slavish imitators: they adapted the gifts from the East ... into +a new and organic whole capable of developing on its own original +lines.� Childe is of course completely conscious of the fact that his +�peoples of the West� were in part the descendants of migrants who came +originally from the �East,� bringing their �gifts� with them. This +was the late prehistoric achievement of Europe--to take new ideas and +things and some migrant peoples and, by mixing them with the old in its +own environments, to forge a new and unique series of cultures. + +What we know of the ways of men suggests to us that when the details +of the later prehistory of further Asia and Africa are learned, their +stories will be just as exciting. + + + + +THE Conquest of Civilization + +[Illustration] + + +Now we must return to the Near East again. We are coming to the point +where history is about to begin. I am going to stick pretty close +to Iraq and Egypt in this chapter. These countries will perhaps be +the most interesting to most of us, for the foundations of western +civilization were laid in the river lands of the Tigris and Euphrates +and of the Nile. I shall probably stick closest of all to Iraq, because +things first happened there and also because I know it best. + +There is another interesting thing, too. We have seen that the first +experiment in village-farming took place in the Near East. So did +the first experiment in civilization. Both experiments �took.� The +traditions we live by today are based, ultimately, on those ancient +beginnings in food-production and civilization in the Near East. + + +WHAT �CIVILIZATION� MEANS + +I shall not try to define �civilization� for you; rather, I shall +tell you what the word brings to my mind. To me civilization means +urbanization: the fact that there are cities. It means a formal +political set-up--that there are kings or governing bodies that the +people have set up. It means formal laws--rules of conduct--which the +government (if not the people) believes are necessary. It probably +means that there are formalized projects--roads, harbors, irrigation +canals, and the like--and also some sort of army or police force +to protect them. It means quite new and different art forms. It +also usually means there is writing. (The people of the Andes--the +Incas--had everything which goes to make up a civilization but formal +writing. I can see no reason to say they were not civilized.) Finally, +as the late Professor Redfield reminded us, civilization seems to bring +with it the dawn of a new kind of moral order. + +In different civilizations, there may be important differences in the +way such things as the above are managed. In early civilizations, it is +usual to find religion very closely tied in with government, law, and +so forth. The king may also be a high priest, or he may even be thought +of as a god. The laws are usually thought to have been given to the +people by the gods. The temples are protected just as carefully as the +other projects. + + +CIVILIZATION IMPOSSIBLE WITHOUT FOOD-PRODUCTION + +Civilizations have to be made up of many people. Some of the people +live in the country; some live in very large towns or cities. Classes +of society have begun. There are officials and government people; there +are priests or religious officials; there are merchants and traders; +there are craftsmen, metal-workers, potters, builders, and so on; there +are also farmers, and these are the people who produce the food for the +whole population. It must be obvious that civilization cannot exist +without food-production and that food-production must also be at a +pretty efficient level of village-farming before civilization can even +begin. + +But people can be food-producing without being civilized. In many +parts of the world this is still the case. When the white men first +came to America, the Indians in most parts of this hemisphere were +food-producers. They grew corn, potatoes, tomatoes, squash, and many +other things the white men had never eaten before. But only the Aztecs +of Mexico, the Mayas of Yucatan and Guatemala, and the Incas of the +Andes were civilized. + + +WHY DIDN�T CIVILIZATION COME TO ALL FOOD-PRODUCERS? + +Once you have food-production, even at the well-advanced level of +the village-farming community, what else has to happen before you +get civilization? Many men have asked this question and have failed +to give a full and satisfactory answer. There is probably no _one_ +answer. I shall give you my own idea about how civilization _may_ have +come about in the Near East alone. Remember, it is only a guess--a +putting together of hunches from incomplete evidence. It is _not_ meant +to explain how civilization began in any of the other areas--China, +southeast Asia, the Americas--where other early experiments in +civilization went on. The details in those areas are quite different. +Whether certain general principles hold, for the appearance of any +early civilization, is still an open and very interesting question. + + +WHERE CIVILIZATION FIRST APPEARED IN THE NEAR EAST + +You remember that our earliest village-farming communities lay along +the hilly flanks of a great �crescent.� (See map on p. 125.) +Professor Breasted�s �fertile crescent� emphasized the rich river +valleys of the Nile and the Tigris-Euphrates Rivers. Our hilly-flanks +area of the crescent zone arches up from Egypt through Palestine and +Syria, along southern Turkey into northern Iraq, and down along the +southwestern fringe of Iran. The earliest food-producing villages we +know already existed in this area by about 6750 B.C. (� 200 years). + +Now notice that this hilly-flanks zone does not include southern +Mesopotamia, the alluvial land of the lower Tigris and Euphrates in +Iraq, or the Nile Valley proper. The earliest known villages of classic +Mesopotamia and Egypt seem to appear fifteen hundred or more years +after those of the hilly-flanks zone. For example, the early Fayum +village which lies near a lake west of the Nile Valley proper (see p. +135) has a radiocarbon date of 4275 B.C. � 320 years. It was in the +river lands, however, that the immediate beginnings of civilization +were made. + +We know that by about 3200 B.C. the Early Dynastic period had begun +in southern Mesopotamia. The beginnings of writing go back several +hundred years earlier, but we can safely say that civilization had +begun in Mesopotamia by 3200 B.C. In Egypt, the beginning of the First +Dynasty is slightly later, at about 3100 B.C., and writing probably +did not appear much earlier. There is no question but that history and +civilization were well under way in both Mesopotamia and Egypt by 3000 +B.C.--about five thousand years ago. + + +THE HILLY-FLANKS ZONE VERSUS THE RIVER LANDS + +Why did these two civilizations spring up in these two river +lands which apparently were not even part of the area where the +village-farming community began? Why didn�t we have the first +civilizations in Palestine, Syria, north Iraq, or Iran, where we�re +sure food-production had had a long time to develop? I think the +probable answer gives a clue to the ways in which civilization began in +Egypt and Mesopotamia. + +The land in the hilly flanks is of a sort which people can farm without +too much trouble. There is a fairly fertile coastal strip in Palestine +and Syria. There are pleasant mountain slopes, streams running out to +the sea, and rain, at least in the winter months. The rain belt and the +foothills of the Turkish mountains also extend to northern Iraq and on +to the Iranian plateau. The Iranian plateau has its mountain valleys, +streams, and some rain. These hilly flanks of the �crescent,� through +most of its arc, are almost made-to-order for beginning farmers. The +grassy slopes of the higher hills would be pasture for their herds +and flocks. As soon as the earliest experiments with agriculture and +domestic animals had been successful, a pleasant living could be +made--and without too much trouble. + +I should add here again, that our evidence points increasingly to a +climate for those times which is very little different from that for +the area today. Now look at Egypt and southern Mesopotamia. Both are +lands without rain, for all intents and purposes. Both are lands with +rivers that have laid down very fertile soil--soil perhaps superior to +that in the hilly flanks. But in both lands, the rivers are of no great +aid without some control. + +The Nile floods its banks once a year, in late September or early +October. It not only soaks the narrow fertile strip of land on either +side; it lays down a fresh layer of new soil each year. Beyond the +fertile strip on either side rise great cliffs, and behind them is the +desert. In its natural, uncontrolled state, the yearly flood of the +Nile must have caused short-lived swamps that were full of crocodiles. +After a short time, the flood level would have dropped, the water and +the crocodiles would have run back into the river, and the swamp plants +would have become parched and dry. + +The Tigris and the Euphrates of Mesopotamia are less likely to flood +regularly than the Nile. The Tigris has a shorter and straighter course +than the Euphrates; it is also the more violent river. Its banks are +high, and when the snows melt and flow into all of its tributary rivers +it is swift and dangerous. The Euphrates has a much longer and more +curving course and few important tributaries. Its banks are lower and +it is less likely to flood dangerously. The land on either side and +between the two rivers is very fertile, south of the modern city of +Baghdad. Unlike the Nile Valley, neither the Tigris nor the Euphrates +is flanked by cliffs. The land on either side of the rivers stretches +out for miles and is not much rougher than a poor tennis court. + + +THE RIVERS MUST BE CONTROLLED + +The real trick in both Egypt and Mesopotamia is to make the rivers work +for you. In Egypt, this is a matter of building dikes and reservoirs +that will catch and hold the Nile flood. In this way, the water is held +and allowed to run off over the fields as it is needed. In Mesopotamia, +it is a matter of taking advantage of natural river channels and branch +channels, and of leading ditches from these onto the fields. + +Obviously, we can no longer find the first dikes or reservoirs of +the Nile Valley, or the first canals or ditches of Mesopotamia. The +same land has been lived on far too long for any traces of the first +attempts to be left; or, especially in Egypt, it has been covered by +the yearly deposits of silt, dropped by the river floods. But we�re +pretty sure the first food-producers of Egypt and southern Mesopotamia +must have made such dikes, canals, and ditches. In the first place, +there can�t have been enough rain for them to grow things otherwise. +In the second place, the patterns for such projects seem to have been +pretty well set by historic times. + + +CONTROL OF THE RIVERS THE BUSINESS OF EVERYONE + +Here, then, is a _part_ of the reason why civilization grew in Egypt +and Mesopotamia first--not in Palestine, Syria, or Iran. In the latter +areas, people could manage to produce their food as individuals. It +wasn�t too hard; there were rain and some streams, and good pasturage +for the animals even if a crop or two went wrong. In Egypt and +Mesopotamia, people had to put in a much greater amount of work, and +this work couldn�t be individual work. Whole villages or groups of +people had to turn out to fix dikes or dig ditches. The dikes had to be +repaired and the ditches carefully cleared of silt each year, or they +would become useless. + +There also had to be hard and fast rules. The person who lived nearest +the ditch or the reservoir must not be allowed to take all the water +and leave none for his neighbors. It was not only a business of +learning to control the rivers and of making their waters do the +farmer�s work. It also meant controlling men. But once these men had +managed both kinds of controls, what a wonderful yield they had! The +soil was already fertile, and the silt which came in the floods and +ditches kept adding fertile soil. + + +THE GERM OF CIVILIZATION IN EGYPT AND MESOPOTAMIA + +This learning to work together for the common good was the real germ of +the Egyptian and the Mesopotamian civilizations. The bare elements of +civilization were already there: the need for a governing hand and for +laws to see that the communities� work was done and that the water was +justly shared. You may object that there is a sort of chicken and egg +paradox in this idea. How could the people set up the rules until they +had managed to get a way to live, and how could they manage to get a +way to live until they had set up the rules? I think that small groups +must have moved down along the mud-flats of the river banks quite +early, making use of naturally favorable spots, and that the rules grew +out of such cases. It would have been like the hand-in-hand growth of +automobiles and paved highways in the United States. + +Once the rules and the know-how did get going, there must have been a +constant interplay of the two. Thus, the more the crops yielded, the +richer and better-fed the people would have been, and the more the +population would have grown. As the population grew, more land would +have needed to be flooded or irrigated, and more complex systems of +dikes, reservoirs, canals, and ditches would have been built. The more +complex the system, the more necessity for work on new projects and for +the control of their use.... And so on.... + +What I have just put down for you is a guess at the manner of growth of +some of the formalized systems that go to make up a civilized society. +My explanation has been pointed particularly at Egypt and Mesopotamia. +I have already told you that the irrigation and water-control part of +it does not apply to the development of the Aztecs or the Mayas, or +perhaps anybody else. But I think that a fair part of the story of +Egypt and Mesopotamia must be as I�ve just told you. + +I am particularly anxious that you do _not_ understand me to mean that +irrigation _caused_ civilization. I am sure it was not that simple at +all. For, in fact, a complex and highly engineered irrigation system +proper did not come until later times. Let�s say rather that the simple +beginnings of irrigation allowed and in fact encouraged a great number +of things in the technological, political, social, and moral realms of +culture. We do not yet understand what all these things were or how +they worked. But without these other aspects of culture, I do not +think that urbanization and civilization itself could have come into +being. + + +THE ARCHEOLOGICAL SEQUENCE TO CIVILIZATION IN IRAQ + +We last spoke of the archeological materials of Iraq on page 130, +where I described the village-farming community of Hassunan type. The +Hassunan type villages appear in the hilly-flanks zone and in the +rolling land adjacent to the Tigris in northern Iraq. It is probable +that even before the Hassuna pattern of culture lived its course, a +new assemblage had been established in northern Iraq and Syria. This +assemblage is called Halaf, after a site high on a tributary of the +Euphrates, on the Syro-Turkish border. + +[Illustration: SKETCH OF SELECTED ITEMS OF HALAFIAN ASSEMBLAGE + + BEADS AND PENDANTS + POTTERY MOTIFS + POTTERY] + +The Halafian assemblage is incompletely known. The culture it +represents included a remarkably handsome painted pottery. +Archeologists have tended to be so fascinated with this pottery that +they have bothered little with the rest of the Halafian assemblage. We +do know that strange stone-founded houses, with plans like those of the +popular notion of an Eskimo igloo, were built. Like the pottery of the +Samarran style, which appears as part of the Hassunan assemblage (see +p. 131), the Halafian painted pottery implies great concentration and +excellence of draftsmanship on the part of the people who painted it. + +We must mention two very interesting sites adjacent to the mud-flats of +the rivers, half way down from northern Iraq to the classic alluvial +Mesopotamian area. One is Baghouz on the Euphrates; the other is +Samarra on the Tigris (see map, p. 125). Both these sites yield the +handsome painted pottery of the style called Samarran: in fact it +is Samarra which gives its name to the pottery. Neither Baghouz nor +Samarra have completely Hassunan types of assemblages, and at Samarra +there are a few pots of proper Halafian style. I suppose that Samarra +and Baghouz give us glimpses of those early farmers who had begun to +finger their way down the mud-flats of the river banks toward the +fertile but yet untilled southland. + + +CLASSIC SOUTHERN MESOPOTAMIA FIRST OCCUPIED + +Our next step is into the southland proper. Here, deep in the core of +the mound which later became the holy Sumerian city of Eridu, Iraqi +archeologists uncovered a handsome painted pottery. Pottery of the same +type had been noticed earlier by German archeologists on the surface +of a small mound, awash in the spring floods, near the remains of the +Biblical city of Erich (Sumerian = Uruk; Arabic = Warka). This �Eridu� +pottery, which is about all we have of the assemblage of the people who +once produced it, may be seen as a blend of the Samarran and Halafian +painted pottery styles. This may over-simplify the case, but as yet we +do not have much evidence to go on. The idea does at least fit with my +interpretation of the meaning of Baghouz and Samarra as way-points on +the mud-flats of the rivers half way down from the north. + +My colleague, Robert Adams, believes that there were certainly +riverine-adapted food-collectors living in lower Mesopotamia. The +presence of such would explain why the Eridu assemblage is not simply +the sum of the Halafian and Samarran assemblages. But the domesticated +plants and animals and the basic ways of food-production must have +come from the hilly-flanks country in the north. + +Above the basal Eridu levels, and at a number of other sites in the +south, comes a full-fledged assemblage called Ubaid. Incidentally, +there is an aspect of the Ubaidian assemblage in the north as well. It +seems to move into place before the Halaf manifestation is finished, +and to blend with it. The Ubaidian assemblage in the south is by far +the more spectacular. The development of the temple has been traced +at Eridu from a simple little structure to a monumental building some +62 feet long, with a pilaster-decorated fa�ade and an altar in its +central chamber. There is painted Ubaidian pottery, but the style is +hurried and somewhat careless and gives the _impression_ of having been +a cheap mass-production means of decoration when compared with the +carefully drafted styles of Samarra and Halaf. The Ubaidian people made +other items of baked clay: sickles and axes of very hard-baked clay +are found. The northern Ubaidian sites have yielded tools of copper, +but metal tools of unquestionable Ubaidian find-spots are not yet +available from the south. Clay figurines of human beings with monstrous +turtle-like faces are another item in the southern Ubaidian assemblage. + +[Illustration: SKETCH OF SELECTED ITEMS OF UBAIDIAN ASSEMBLAGE] + +There is a large Ubaid cemetery at Eridu, much of it still awaiting +excavation. The few skeletons so far tentatively studied reveal a +completely modern type of �Mediterraneanoid�; the individuals whom the +skeletons represent would undoubtedly blend perfectly into the modern +population of southern Iraq. What the Ubaidian assemblage says to us is +that these people had already adapted themselves and their culture to +the peculiar riverine environment of classic southern Mesopotamia. For +example, hard-baked clay axes will chop bundles of reeds very well, or +help a mason dress his unbaked mud bricks, and there were only a few +soft and pithy species of trees available. The Ubaidian levels of Eridu +yield quantities of date pits; that excellent and characteristically +Iraqi fruit was already in use. The excavators also found the clay +model of a ship, with the stepping-point for a mast, so that Sinbad the +Sailor must have had his antecedents as early as the time of Ubaid. +The bones of fish, which must have flourished in the larger canals as +well as in the rivers, are common in the Ubaidian levels and thereafter. + + +THE UBAIDIAN ACHIEVEMENT + +On present evidence, my tendency is to see the Ubaidian assemblage +in southern Iraq as the trace of a new era. I wish there were more +evidence, but what we have suggests this to me. The culture of southern +Ubaid soon became a culture of towns--of centrally located towns with +some rural villages about them. The town had a temple and there must +have been priests. These priests probably had political and economic +functions as well as religious ones, if the somewhat later history of +Mesopotamia may suggest a pattern for us. Presently the temple and its +priesthood were possibly the focus of the market; the temple received +its due, and may already have had its own lands and herds and flocks. +The people of the town, undoubtedly at least in consultation with the +temple administration, planned and maintained the simple irrigation +ditches. As the system flourished, the community of rural farmers would +have produced more than sufficient food. The tendency for specialized +crafts to develop--tentative at best at the cultural level of the +earlier village-farming community era--would now have been achieved, +and probably many other specialists in temple administration, water +control, architecture, and trade would also have appeared, as the +surplus food-supply was assured. + +Southern Mesopotamia is not a land rich in natural resources other +than its fertile soil. Stone, good wood for construction, metal, and +innumerable other things would have had to be imported. Grain and +dates--although both are bulky and difficult to transport--and wool and +woven stuffs must have been the mediums of exchange. Over what area did +the trading net-work of Ubaid extend? We start with the idea that the +Ubaidian assemblage is most richly developed in the south. We assume, I +think, correctly, that it represents a cultural flowering of the south. +On the basis of the pottery of the still elusive �Eridu� immigrants +who had first followed the rivers into alluvial Mesopotamia, we get +the notion that the characteristic painted pottery style of Ubaid +was developed in the southland. If this reconstruction is correct +then we may watch with interest where the Ubaid pottery-painting +tradition spread. We have already mentioned that there is a substantial +assemblage of (and from the southern point of view, _fairly_ pure) +Ubaidian material in northern Iraq. The pottery appears all along the +Iranian flanks, even well east of the head of the Persian Gulf, and +ends in a later and spectacular flourish in an extremely handsome +painted style called the �Susa� style. Ubaidian pottery has been noted +up the valleys of both of the great rivers, well north of the Iraqi +and Syrian borders on the southern flanks of the Anatolian plateau. +It reaches the Mediterranean Sea and the valley of the Orontes in +Syria, and it may be faintly reflected in the painted style of a +site called Ghassul, on the east bank of the Jordan in the Dead Sea +Valley. Over this vast area--certainly in all of the great basin of +the Tigris-Euphrates drainage system and its natural extensions--I +believe we may lay our fingers on the traces of a peculiar way of +decorating pottery, which we call Ubaidian. This cursive and even +slap-dash decoration, it appears to me, was part of a new cultural +tradition which arose from the adjustments which immigrant northern +farmers first made to the new and challenging environment of southern +Mesopotamia. But exciting as the idea of the spread of influences of +the Ubaid tradition in space may be, I believe you will agree that the +consequences of the growth of that tradition in southern Mesopotamia +itself, as time passed, are even more important. + + +THE WARKA PHASE IN THE SOUTH + +So far, there are only two radiocarbon determinations for the Ubaidian +assemblage, one from Tepe Gawra in the north and one from Warka in the +south. My hunch would be to use the dates 4500 to 3750 B.C., with a +plus or more probably a minus factor of about two hundred years for +each, as the time duration of the Ubaidian assemblage in southern +Mesopotamia. + +Next, much to our annoyance, we have what is almost a temporary +black-out. According to the system of terminology I favor, our next +�assemblage� after that of Ubaid is called the _Warka_ phase, from +the Arabic name for the site of Uruk or Erich. We know it only from +six or seven levels in a narrow test-pit at Warka, and from an even +smaller hole at another site. This �assemblage,� so far, is known only +by its pottery, some of which still bears Ubaidian style painting. The +characteristic Warkan pottery is unpainted, with smoothed red or gray +surfaces and peculiar shapes. Unquestionably, there must be a great +deal more to say about the Warkan assemblage, but someone will first +have to excavate it! + + +THE DAWN OF CIVILIZATION + +After our exasperation with the almost unknown Warka interlude, +following the brilliant �false dawn� of Ubaid, we move next to an +assemblage which yields traces of a preponderance of those elements +which we noted (p. 144) as meaning civilization. This assemblage +is that called _Proto-Literate_; it already contains writing. On +the somewhat shaky principle that writing, however early, means +history--and no longer prehistory--the assemblage is named for the +historical implications of its content, and no longer after the name of +the site where it was first found. Since some of the older books used +site-names for this assemblage, I will tell you that the Proto-Literate +includes the latter half of what used to be called the �Uruk period� +_plus_ all of what used to be called the �Jemdet Nasr period.� It shows +a consistent development from beginning to end. + +I shall, in fact, leave much of the description and the historic +implications of the Proto-Literate assemblage to the conventional +historians. Professor T. J. Jacobsen, reaching backward from the +legends he finds in the cuneiform writings of slightly later times, can +in fact tell you a more complete story of Proto-Literate culture than +I can. It should be enough here if I sum up briefly what the excavated +archeological evidence shows. + +We have yet to dig a Proto-Literate site in its entirety, but the +indications are that the sites cover areas the size of small cities. +In architecture, we know of large and monumental temple structures, +which were built on elaborate high terraces. The plans and decoration +of these temples follow the pattern set in the Ubaid phase: the chief +difference is one of size. The German excavators at the site of Warka +reckoned that the construction of only one of the Proto-Literate temple +complexes there must have taken 1,500 men, each working a ten-hour day, +five years to build. + + +ART AND WRITING + +If the architecture, even in its monumental forms, can be seen to +stem from Ubaidian developments, this is not so with our other +evidence of Proto-Literate artistic expression. In relief and applied +sculpture, in sculpture in the round, and on the engraved cylinder +seals--all of which now make their appearance--several completely +new artistic principles are apparent. These include the composition +of subject-matter in groups, commemorative scenes, and especially +the ability and apparent desire to render the human form and face. +Excellent as the animals of the Franco-Cantabrian art may have been +(see p. 85), and however handsome were the carefully drafted +geometric designs and conventionalized figures on the pottery of the +early farmers, there seems to have been, up to this time, a mental +block about the drawing of the human figure and especially the human +face. We do not yet know what caused this self-consciousness about +picturing themselves which seems characteristic of men before the +appearance of civilization. We do know that with civilization, the +mental block seems to have been removed. + +Clay tablets bearing pictographic signs are the Proto-Literate +forerunners of cuneiform writing. The earliest examples are not well +understood but they seem to be �devices for making accounts and +for remembering accounts.� Different from the later case in Egypt, +where writing appears fully formed in the earliest examples, the +development from simple pictographic signs to proper cuneiform writing +may be traced, step by step, in Mesopotamia. It is most probable +that the development of writing was connected with the temple and +the need for keeping account of the temple�s possessions. Professor +Jacobsen sees writing as a means for overcoming space, time, and the +increasing complications of human affairs: �Literacy, which began +with ... civilization, enhanced mightily those very tendencies in its +development which characterize it as a civilization and mark it off as +such from other types of culture.� + +[Illustration: RELIEF ON A PROTO-LITERATE STONE VASE, WARKA + +Unrolled drawing, with restoration suggested by figures from +contemporary cylinder seals] + +While the new principles in art and the idea of writing are not +foreshadowed in the Ubaid phase, or in what little we know of the +Warkan, I do not think we need to look outside southern Mesopotamia +for their beginnings. We do know something of the adjacent areas, +too, and these beginnings are not there. I think we must accept them +as completely new discoveries, made by the people who were developing +the whole new culture pattern of classic southern Mesopotamia. Full +description of the art, architecture, and writing of the Proto-Literate +phase would call for many details. Men like Professor Jacobsen and Dr. +Adams can give you these details much better than I can. Nor shall I do +more than tell you that the common pottery of the Proto-Literate phase +was so well standardized that it looks factory made. There was also +some handsome painted pottery, and there were stone bowls with inlaid +decoration. Well-made tools in metal had by now become fairly common, +and the metallurgist was experimenting with the casting process. Signs +for plows have been identified in the early pictographs, and a wheeled +chariot is shown on a cylinder seal engraving. But if I were forced to +a guess in the matter, I would say that the development of plows and +draft-animals probably began in the Ubaid period and was another of the +great innovations of that time. + +The Proto-Literate assemblage clearly suggests a highly developed and +sophisticated culture. While perhaps not yet fully urban, it is on +the threshold of urbanization. There seems to have been a very dense +settlement of Proto-Literate sites in classic southern Mesopotamia, +many of them newly founded on virgin soil where no earlier settlements +had been. When we think for a moment of what all this implies, of the +growth of an irrigation system which must have existed to allow the +flourish of this culture, and of the social and political organization +necessary to maintain the irrigation system, I think we will agree that +at last we are dealing with civilization proper. + + +FROM PREHISTORY TO HISTORY + +Now it is time for the conventional ancient historians to take over +the story from me. Remember this when you read what they write. Their +real base-line is with cultures ruled over by later kings and emperors, +whose writings describe military campaigns and the administration of +laws and fully organized trading ventures. To these historians, the +Proto-Literate phase is still a simple beginning for what is to follow. +If they mention the Ubaid assemblage at all--the one I was so lyrical +about--it will be as some dim and fumbling step on the path to the +civilized way of life. + +I suppose you could say that the difference in the approach is that as +a prehistorian I have been looking forward or upward in time, while the +historians look backward to glimpse what I�ve been describing here. My +base-line was half a million years ago with a being who had little more +than the capacity to make tools and fire to distinguish him from the +animals about him. Thus my point of view and that of the conventional +historian are bound to be different. You will need both if you want to +understand all of the story of men, as they lived through time to the +present. + + + + +End of PREHISTORY + +[Illustration] + + +You�ll doubtless easily recall your general course in ancient history: +how the Sumerian dynasties of Mesopotamia were supplanted by those of +Babylonia, how the Hittite kingdom appeared in Anatolian Turkey, and +about the three great phases of Egyptian history. The literate kingdom +of Crete arose, and by 1500 B.C. there were splendid fortified Mycenean +towns on the mainland of Greece. This was the time--about the whole +eastern end of the Mediterranean--of what Professor Breasted called the +�first great internationalism,� with flourishing trade, international +treaties, and royal marriages between Egyptians, Babylonians, and +Hittites. By 1200 B.C., the whole thing had fragmented: �the peoples of +the sea were restless in their isles,� and the great ancient centers in +Egypt, Mesopotamia, and Anatolia were eclipsed. Numerous smaller states +arose--Assyria, Phoenicia, Israel--and the Trojan war was fought. +Finally Assyria became the paramount power of all the Near East, +presently to be replaced by Persia. + +A new culture, partaking of older west Asiatic and Egyptian elements, +but casting them with its own tradition into a new mould, arose in +mainland Greece. + +I once shocked my Classical colleagues to the core by referring to +Greece as �a second degree derived civilization,� but there is much +truth in this. The principles of bronze- and then of iron-working, of +the alphabet, and of many other elements in Greek culture were borrowed +from western Asia. Our debt to the Greeks is too well known for me even +to mention it, beyond recalling to you that it is to Greece we owe the +beginnings of rational or empirical science and thought in general. But +Greece fell in its turn to Rome, and in 55 B.C. Caesar invaded Britain. + +I last spoke of Britain on page 142; I had chosen it as my single +example for telling you something of how the earliest farming +communities were established in Europe. Now I will continue with +Britain�s later prehistory, so you may sense something of the end of +prehistory itself. Remember that Britain is simply a single example +we select; the same thing could be done for all the other countries +of Europe, and will be possible also, some day, for further Asia and +Africa. Remember, too, that prehistory in most of Europe runs on for +three thousand or more years _after_ conventional ancient history +begins in the Near East. Britain is a good example to use in showing +how prehistory ended in Europe. As we said earlier, it lies at the +opposite end of Europe from the area of highest cultural achievement in +those times, and should you care to read more of the story in detail, +you may do so in the English language. + + +METAL USERS REACH ENGLAND + +We left the story of Britain with the peoples who made three different +assemblages--the Windmill Hill, the megalith-builders, and the +Peterborough--making adjustments to their environments, to the original +inhabitants of the island, and to each other. They had first arrived +about 2500 B.C., and were simple pastoralists and hoe cultivators who +lived in little village communities. Some of them planted little if any +grain. By 2000 B.C., they were well settled in. Then, somewhere in the +range from about 1900 to 1800 B.C., the traces of the invasion of a new +series of peoples began to appear. + +The first newcomers are called the Beaker folk, after the name of a +peculiar form of pottery they made. The beaker type of pottery seems +oldest in Spain, where it occurs with great collective tombs of +megalithic construction and with copper tools. But the Beaker folk who +reached England seem already to have moved first from Spain(?) to the +Rhineland and Holland. While in the Rhineland, and before leaving for +England, the Beaker folk seem to have mixed with the local population +and also with incomers from northeastern Europe whose culture included +elements brought originally from the Near East by the eastern way +through the steppes. This last group has also been named for a peculiar +article in its assemblage; the group is called the Battle-axe folk. A +few Battle-axe folk elements, including, in fact, stone battle-axes, +reached England with the earliest Beaker folk,[6] coming from the +Rhineland. + + [6] The British authors use the term �Beaker folk� to mean both + archeological assemblage and human physical type. They speak + of a �... tall, heavy-boned, rugged, and round-headed� strain + which they take to have developed, apparently in the Rhineland, + by a mixture of the original (Spanish?) beaker-makers and + the northeast European battle-axe makers. However, since the + science of physical anthropology is very much in flux at the + moment, and since I am not able to assess the evidence for these + physical types, I _do not_ use the term �folk� in this book with + its usual meaning of standardized physical type. When I use + �folk� here, I mean simply _the makers of a given archeological + assemblage_. The difficulty only comes when assemblages are + named for some item in them; it is too clumsy to make an + adjective of the item and refer to a �beakerian� assemblage. + +The Beaker folk settled earliest in the agriculturally fertile south +and east. There seem to have been several phases of Beaker folk +invasions, and it is not clear whether these all came strictly from the +Rhineland or Holland. We do know that their copper daggers and awls +and armlets are more of Irish or Atlantic European than of Rhineland +origin. A few simple habitation sites and many burials of the Beaker +folk are known. They buried their dead singly, sometimes in conspicuous +individual barrows with the dead warrior in his full trappings. The +spectacular element in the assemblage of the Beaker folk is a group +of large circular monuments with ditches and with uprights of wood or +stone. These �henges� became truly monumental several hundred years +later; while they were occasionally dedicated with a burial, they were +not primarily tombs. The effect of the invasion of the Beaker folk +seems to cut across the whole fabric of life in Britain. + +[Illustration: BEAKER] + +There was, however, a second major element in British life at this +time. It shows itself in the less well understood traces of a group +again called after one of the items in their catalogue, the Food-vessel +folk. There are many burials in these �food-vessel� pots in northern +England, Scotland, and Ireland, and the pottery itself seems to +link back to that of the Peterborough assemblage. Like the earlier +Peterborough people in the highland zone before them, the makers of +the food-vessels seem to have been heavily involved in trade. It is +quite proper to wonder whether the food-vessel pottery itself was made +by local women who were married to traders who were middlemen in the +transmission of Irish metal objects to north Germany and Scandinavia. +The belt of high, relatively woodless country, from southwest to +northeast, was already established as a natural route for inland trade. + + +MORE INVASIONS + +About 1500 B.C., the situation became further complicated by the +arrival of new people in the region of southern England anciently +called Wessex. The traces suggest the Brittany coast of France as a +source, and the people seem at first to have been a small but �heroic� +group of aristocrats. Their �heroes� are buried with wealth and +ceremony, surrounded by their axes and daggers of bronze, their gold +ornaments, and amber and jet beads. These rich finds show that the +trade-linkage these warriors patronized spread from the Baltic sources +of amber to Mycenean Greece or even Egypt, as evidenced by glazed blue +beads. + +The great visual trace of Wessex achievement is the final form of +the spectacular sanctuary at Stonehenge. A wooden henge or circular +monument was first made several hundred years earlier, but the site +now received its great circles of stone uprights and lintels. The +diameter of the surrounding ditch at Stonehenge is about 350 feet, the +diameter of the inner circle of large stones is about 100 feet, and +the tallest stone of the innermost horseshoe-shaped enclosure is 29 +feet 8 inches high. One circle is made of blue stones which must have +been transported from Pembrokeshire, 145 miles away as the crow flies. +Recently, many carvings representing the profile of a standard type of +bronze axe of the time, and several profiles of bronze daggers--one of +which has been called Mycenean in type--have been found carved in the +stones. We cannot, of course, describe the details of the religious +ceremonies which must have been staged in Stonehenge, but we can +certainly imagine the well-integrated and smoothly working culture +which must have been necessary before such a great monument could have +been built. + + +�THIS ENGLAND� + +The range from 1900 to about 1400 B.C. includes the time of development +of the archeological features usually called the �Early Bronze Age� +in Britain. In fact, traces of the Wessex warriors persisted down to +about 1200 B.C. The main regions of the island were populated, and the +adjustments to the highland and lowland zones were distinct and well +marked. The different aspects of the assemblages of the Beaker folk and +the clearly expressed activities of the Food-vessel folk and the Wessex +warriors show that Britain was already taking on her characteristic +trading role, separated from the European continent but conveniently +adjacent to it. The tin of Cornwall--so important in the production +of good bronze--as well as the copper of the west and of Ireland, +taken with the gold of Ireland and the general excellence of Irish +metal work, assured Britain a trader�s place in the then known world. +Contacts with the eastern Mediterranean may have been by sea, with +Cornish tin as the attraction, or may have been made by the Food-vessel +middlemen on their trips to the Baltic coast. There they would have +encountered traders who traveled the great north-south European road, +by which Baltic amber moved southward to Greece and the Levant, and +ideas and things moved northward again. + +There was, however, the Channel between England and Europe, and this +relative isolation gave some peace and also gave time for a leveling +and further fusion of culture. The separate cultural traditions began +to have more in common. The growing of barley, the herding of sheep and +cattle, and the production of woolen garments were already features +common to all Britain�s inhabitants save a few in the remote highlands, +the far north, and the distant islands not yet fully touched by +food-production. The �personality of Britain� was being formed. + + +CREMATION BURIALS BEGIN + +Along with people of certain religious faiths, archeologists are +against cremation (for other people!). Individuals to be cremated seem +in past times to have been dressed in their trappings and put upon a +large pyre: it takes a lot of wood and a very hot fire for a thorough +cremation. When the burning had been completed, the few fragile scraps +of bone and such odd beads of stone or other rare items as had resisted +the great heat seem to have been whisked into a pot and the pot buried. +The archeologist is left with the pot and the unsatisfactory scraps in +it. + +Tentatively, after about 1400 B.C. and almost completely over the whole +island by 1200 B.C., Britain became the scene of cremation burials +in urns. We know very little of the people themselves. None of their +settlements have been identified, although there is evidence that they +grew barley and made enclosures for cattle. The urns used for the +burials seem to have antecedents in the pottery of the Food-vessel +folk, and there are some other links with earlier British traditions. +In Lancashire, a wooden circle seems to have been built about a grave +with cremated burials in urns. Even occasional instances of cremation +may be noticed earlier in Britain, and it is not clear what, if any, +connection the British cremation burials in urns have with the classic +_Urnfields_ which were now beginning in the east Mediterranean and +which we shall mention below. + +The British cremation-burial-in-urns folk survived a long time in the +highland zone. In the general British scheme, they make up what is +called the �Middle Bronze Age,� but in the highland zone they last +until after 900 B.C. and are considered to be a specialized highland +�Late Bronze Age.� In the highland zone, these later cremation-burial +folk seem to have continued the older Food-vessel tradition of being +middlemen in the metal market. + +Granting that our knowledge of this phase of British prehistory is +very restricted because the cremations have left so little for the +archeologist, it does not appear that the cremation-burial-urn folk can +be sharply set off from their immediate predecessors. But change on a +grander scale was on the way. + + +REVERBERATIONS FROM CENTRAL EUROPE + +In the centuries immediately following 1000 B.C., we see with fair +clarity two phases of a cultural process which must have been going +on for some time. Certainly several of the invasions we have already +described in this chapter were due to earlier phases of the same +cultural process, but we could not see the details. + +[Illustration: SLASHING SWORD] + +Around 1200 B.C. central Europe was upset by the spread of the +so-called Urnfield folk, who practiced cremation burial in urns and +whom we also know to have been possessors of long, slashing swords and +the horse. I told you above that we have no idea that the Urnfield +folk proper were in any way connected with the people who made +cremation-burial-urn cemeteries a century or so earlier in Britain. It +has been supposed that the Urnfield folk themselves may have shared +ideas with the people who sacked Troy. We know that the Urnfield +pressure from central Europe displaced other people in northern France, +and perhaps in northwestern Germany, and that this reverberated into +Britain about 1000 B.C. + +Soon after 750 B.C., the same thing happened again. This time, the +pressure from central Europe came from the Hallstatt folk who were iron +tool makers: the reverberation brought people from the western Alpine +region across the Channel into Britain. + +At first it is possible to see the separate results of these folk +movements, but the developing cultures soon fused with each other and +with earlier British elements. Presently there were also strains of +other northern and western European pottery and traces of Urnfield +practices themselves which appeared in the finished British product. I +hope you will sense that I am vastly over-simplifying the details. + +The result seems to have been--among other things--a new kind of +agricultural system. The land was marked off by ditched divisions. +Rectangular fields imply the plow rather than hoe cultivation. We seem +to get a picture of estate or tribal boundaries which included village +communities; we find a variety of tools in bronze, and even whetstones +which show that iron has been honed on them (although the scarce iron +has not been found). Let me give you the picture in Professor S. +Piggott�s words: �The ... Late Bronze Age of southern England was but +the forerunner of the earliest Iron Age in the same region, not only in +the techniques of agriculture, but almost certainly in terms of ethnic +kinship ... we can with some assurance talk of the Celts ... the great +early Celtic expansion of the Continent is recognized to be that of the +Urnfield people.� + +Thus, certainly by 500 B.C., there were people in Britain, some of +whose descendants we may recognize today in name or language in remote +parts of Wales, Scotland, and the Hebrides. + + +THE COMING OF IRON + +Iron--once the know-how of reducing it from its ore in a very hot, +closed fire has been achieved--produces a far cheaper and much more +efficient set of tools than does bronze. Iron tools seem first to +have been made in quantity in Hittite Anatolia about 1500 B.C. In +continental Europe, the earliest, so-called Hallstatt, iron-using +cultures appeared in Germany soon after 750 B.C. Somewhat later, +Greek and especially Etruscan exports of _objets d�art_--which moved +with a flourishing trans-Alpine wine trade--influenced the Hallstatt +iron-working tradition. Still later new classical motifs, together with +older Hallstatt, oriental, and northern nomad motifs, gave rise to a +new style in metal decoration which characterizes the so-called La T�ne +phase. + +A few iron users reached Britain a little before 400 B.C. Not long +after that, a number of allied groups appeared in southern and +southeastern England. They came over the Channel from France and must +have been Celts with dialects related to those already in England. A +second wave of Celts arrived from the Marne district in France about +250 B.C. Finally, in the second quarter of the first century B.C., +there were several groups of newcomers, some of whom were Belgae of +a mixed Teutonic-Celtic confederacy of tribes in northern France and +Belgium. The Belgae preceded the Romans by only a few years. + + +HILL-FORTS AND FARMS + +The earliest iron-users seem to have entrenched themselves temporarily +within hill-top forts, mainly in the south. Gradually, they moved +inland, establishing _individual_ farm sites with extensive systems +of rectangular fields. We recognize these fields by the �lynchets� or +lines of soil-creep which plowing left on the slopes of hills. New +crops appeared; there were now bread wheat, oats, and rye, as well as +barley. + +At Little Woodbury, near the town of Salisbury, a farmstead has been +rather completely excavated. The rustic buildings were within a +palisade, the round house itself was built of wood, and there were +various outbuildings and pits for the storage of grain. Weaving was +done on the farm, but not blacksmithing, which must have been a +specialized trade. Save for the lack of firearms, the place might +almost be taken for a farmstead on the American frontier in the early +1800�s. + +Toward 250 B.C. there seems to have been a hasty attempt to repair the +hill-forts and to build new ones, evidently in response to signs of +restlessness being shown by remote relatives in France. + + +THE SECOND PHASE + +Perhaps the hill-forts were not entirely effective or perhaps a +compromise was reached. In any case, the newcomers from the Marne +district did establish themselves, first in the southeast and then to +the north and west. They brought iron with decoration of the La T�ne +type and also the two-wheeled chariot. Like the Wessex warriors of +over a thousand years earlier, they made �heroes�� graves, with their +warriors buried in the war-chariots and dressed in full trappings. + +[Illustration: CELTIC BUCKLE] + +The metal work of these Marnian newcomers is excellent. The peculiar +Celtic art style, based originally on the classic tendril motif, +is colorful and virile, and fits with Greek and Roman descriptions +of Celtic love of color in dress. There is a strong trace of these +newcomers northward in Yorkshire, linked by Ptolemy�s description to +the Parisii, doubtless part of the Celtic tribe which originally gave +its name to Paris on the Seine. Near Glastonbury, in Somerset, two +villages in swamps have been excavated. They seem to date toward the +middle of the first century B.C., which was a troubled time in Britain. +The circular houses were built on timber platforms surrounded with +palisades. The preservation of antiquities by the water-logged peat of +the swamp has yielded us a long catalogue of the materials of these +villagers. + +In Scotland, which yields its first iron tools at a date of about 100 +B.C., and in northern Ireland even slightly earlier, the effects of the +two phases of newcomers tend especially to blend. Hill-forts, �brochs� +(stone-built round towers) and a variety of other strange structures +seem to appear as the new ideas develop in the comparative isolation of +northern Britain. + + +THE THIRD PHASE + +For the time of about the middle of the first century B.C., we again +see traces of frantic hill-fort construction. This simple military +architecture now took some new forms. Its multiple ramparts must +reflect the use of slings as missiles, rather than spears. We probably +know the reason. In 56 B.C., Julius Caesar chastised the Veneti of +Brittany for outraging the dignity of Roman ambassadors. The Veneti +were famous slingers, and doubtless the reverberations of escaping +Veneti were felt across the Channel. The military architecture suggests +that some Veneti did escape to Britain. + +Also, through Caesar, we learn the names of newcomers who arrived in +two waves, about 75 B.C. and about 50 B.C. These were the Belgae. Now, +at last, we can even begin to speak of dynasties and individuals. +Some time before 55 B.C., the Catuvellauni, originally from the Marne +district in France, had possessed themselves of a large part of +southeastern England. They evidently sailed up the Thames and built a +town of over a hundred acres in area. Here ruled Cassivellaunus, �the +first man in England whose name we know,� and whose town Caesar sacked. +The town sprang up elsewhere again, however. + + +THE END OF PREHISTORY + +Prehistory, strictly speaking, is now over in southern Britain. +Claudius� effective invasion took place in 43 A.D.; by 83 A.D., a raid +had been made as far north as Aberdeen in Scotland. But by 127 A.D., +Hadrian had completed his wall from the Solway to the Tyne, and the +Romans settled behind it. In Scotland, Romanization can have affected +the countryside very little. Professor Piggott adds that �... it is +when the pressure of Romanization is relaxed by the break-up of the +Dark Ages that we see again the Celtic metal-smiths handling their +material with the same consummate skill as they had before the Roman +Conquest, and with traditional styles that had not even then forgotten +their Marnian and Belgic heritage.� + +In fact, many centuries go by, in Britain as well as in the rest of +Europe, before the archeologist�s task is complete and the historian on +his own is able to describe the ways of men in the past. + + +BRITAIN AS A SAMPLE OF THE GENERAL COURSE OF PREHISTORY IN EUROPE + +In giving this very brief outline of the later prehistory of Britain, +you will have noticed how often I had to refer to the European +continent itself. Britain, beyond the English Channel for all of her +later prehistory, had a much simpler course of events than did most of +the rest of Europe in later prehistoric times. This holds, in spite +of all the �invasions� and �reverberations� from the continent. Most +of Europe was the scene of an even more complicated ebb and flow of +cultural change, save in some of its more remote mountain valleys and +peninsulas. + +The whole course of later prehistory in Europe is, in fact, so very +complicated that there is no single good book to cover it all; +certainly there is none in English. There are some good regional +accounts and some good general accounts of part of the range from about +3000 B.C. to A.D. 1. I suspect that the difficulty of making a good +book that covers all of its later prehistory is another aspect of what +makes Europe so very complicated a continent today. The prehistoric +foundations for Europe�s very complicated set of civilizations, +cultures, and sub-cultures--which begin to appear as history +proceeds--were in themselves very complicated. + +Hence, I selected the case of Britain as a single example of how +prehistory ends in Europe. It could have been more complicated than we +found it to be. Even in the subject matter on Britain in the chapter +before the last, we did not see direct traces of the effect on Britain +of the very important developments which took place in the Danubian +way from the Near East. Apparently Britain was not affected. Britain +received the impulses which brought copper, bronze, and iron tools from +an original east Mediterranean homeland into Europe, almost at the ends +of their journeys. But by the same token, they had had time en route to +take on their characteristic European aspects. + +Some time ago, Sir Cyril Fox wrote a famous book called _The +Personality of Britain_, sub-titled �Its Influence on Inhabitant and +Invader in Prehistoric and Early Historic Times.� We have not gone +into the post-Roman early historic period here; there are still the +Anglo-Saxons and Normans to account for as well as the effects of +the Romans. But what I have tried to do was to begin the story of +how the personality of Britain was formed. The principles that Fox +used, in trying to balance cultural and environmental factors and +interrelationships would not be greatly different for other lands. + + + + +Summary + +[Illustration] + + +In the pages you have read so far, you have been brought through the +earliest 99 per cent of the story of man�s life on this planet. I have +left only 1 per cent of the story for the historians to tell. + + +THE DRAMA OF THE PAST + +Men first became men when evolution had carried them to a certain +point. This was the point where the eye-hand-brain co-ordination was +good enough so that tools could be made. When tools began to be made +according to sets of lasting habits, we know that men had appeared. +This happened over a half million years ago. The stage for the play +may have been as broad as all of Europe, Africa, and Asia. At least, +it seems unlikely that it was only one little region that saw the +beginning of the drama. + +Glaciers and different climates came and went, to change the settings. +But the play went on in the same first act for a very long time. The +men who were the players had simple roles. They had to feed themselves +and protect themselves as best they could. They did this by hunting, +catching, and finding food wherever they could, and by taking such +protection as caves, fire, and their simple tools would give them. +Before the first act was over, the last of the glaciers was melting +away, and the players had added the New World to their stage. If +we want a special name for the first act, we could call it _The +Food-Gatherers_. + +There were not many climaxes in the first act, so far as we can see. +But I think there may have been a few. Certainly the pace of the +first act accelerated with the swing from simple gathering to more +intensified collecting. The great cave art of France and Spain was +probably an expression of a climax. Even the ideas of burying the dead +and of the �Venus� figurines must also point to levels of human thought +and activity that were over and above pure food-getting. + + +THE SECOND ACT + +The second act began only about ten thousand years ago. A few of the +players started it by themselves near the center of the Old World part +of the stage, in the Near East. It began as a plant and animal act, but +it soon became much more complicated. + +But the players in this one part of the stage--in the Near East--were +not the only ones to start off on the second act by themselves. Other +players, possibly in several places in the Far East, and certainly in +the New World, also started second acts that began as plant and animal +acts, and then became complicated. We can call the whole second act +_The Food-Producers_. + + +THE FIRST GREAT CLIMAX OF THE SECOND ACT + +In the Near East, the first marked climax of the second act happened +in Mesopotamia and Egypt. The play and the players reached that great +climax that we call civilization. This seems to have come less than +five thousand years after the second act began. But it could never have +happened in the first act at all. + +There is another curious thing about the first act. Many of the players +didn�t know it was over and they kept on with their roles long after +the second act had begun. On the edges of the stage there are today +some players who are still going on with the first act. The Eskimos, +and the native Australians, and certain tribes in the Amazon jungle are +some of these players. They seem perfectly happy to keep on with the +first act. + +The second act moved from climax to climax. The civilizations of +Mesopotamia and Egypt were only the earliest of these climaxes. The +players to the west caught the spirit of the thing, and climaxes +followed there. So also did climaxes come in the Far Eastern and New +World portions of the stage. + +The greater part of the second act should really be described to you +by a historian. Although it was a very short act when compared to the +first one, the climaxes complicate it a great deal. I, a prehistorian, +have told you about only the first act, and the very beginning of the +second. + + +THE THIRD ACT + +Also, as a prehistorian I probably should not even mention the third +act--it began so recently. The third act is _The Industrialization_. +It is the one in which we ourselves are players. If the pace of the +second act was so much faster than that of the first, the pace of the +third act is terrific. The danger is that it may wear down the players +completely. + +What sort of climaxes will the third act have, and are we already in +one? You have seen by now that the acts of my play are given in terms +of modes or basic patterns of human economy--ways in which people +get food and protection and safety. The climaxes involve more than +human economy. Economics and technological factors may be part of the +climaxes, but they are not all. The climaxes may be revolutions in +their own way, intellectual and social revolutions if you like. + +If the third act follows the pattern of the second act, a climax should +come soon after the act begins. We may be due for one soon if we are +not already in it. Remember the terrific pace of this third act. + + +WHY BOTHER WITH PREHISTORY? + +Why do we bother about prehistory? The main reason is that we think it +may point to useful ideas for the present. We are in the troublesome +beginnings of the third act of the play. The beginnings of the second +act may have lessons for us and give depth to our thinking. I know +there are at least _some_ lessons, even in the present incomplete +state of our knowledge. The players who began the second act--that of +food-production--separately, in different parts of the world, were not +all of one �pure race� nor did they have �pure� cultural traditions. +Some apparently quite mixed Mediterraneans got off to the first start +on the second act and brought it to its first two climaxes as well. +Peoples of quite different physical type achieved the first climaxes in +China and in the New World. + +In our British example of how the late prehistory of Europe worked, we +listed a continuous series of �invasions� and �reverberations.� After +each of these came fusion. Even though the Channel protected Britain +from some of the extreme complications of the mixture and fusion of +continental Europe, you can see how silly it would be to refer to a +�pure� British race or a �pure� British culture. We speak of the United +States as a �melting pot.� But this is nothing new. Actually, Britain +and all the rest of the world have been �melting pots� at one time or +another. + +By the time the written records of Mesopotamia and Egypt begin to turn +up in number, the climaxes there are well under way. To understand the +beginnings of the climaxes, and the real beginnings of the second act +itself, we are thrown back on prehistoric archeology. And this is as +true for China, India, Middle America, and the Andes, as it is for the +Near East. + +There are lessons to be learned from all of man�s past, not simply +lessons of how to fight battles or win peace conferences, but of how +human society evolves from one stage to another. Many of these lessons +can only be looked for in the prehistoric past. So far, we have only +made a beginning. There is much still to do, and many gaps in the story +are yet to be filled. The prehistorian�s job is to find the evidence, +to fill the gaps, and to discover the lessons men have learned in the +past. As I see it, this is not only an exciting but a very practical +goal for which to strive. + + + + +List of Books + + +BOOKS OF GENERAL INTEREST + +(Chosen from a variety of the increasingly useful list of cheap +paperbound books.) + + Childe, V. Gordon + _What Happened in History._ 1954. Penguin. + _Man Makes Himself._ 1955. Mentor. + _The Prehistory of European Society._ 1958. Penguin. + + Dunn, L. C., and Dobzhansky, Th. + _Heredity, Race, and Society._ 1952. Mentor. + + Frankfort, Henri, Frankfort, H. A., Jacobsen, Thorkild, and Wilson, + John A. + _Before Philosophy._ 1954. Penguin. + + Simpson, George G. + _The Meaning of Evolution._ 1955. Mentor. + + Wheeler, Sir Mortimer + _Archaeology from the Earth._ 1956. Penguin. + + +GEOCHRONOLOGY AND THE ICE AGE + +(Two general books. Some Pleistocene geologists disagree with Zeuner�s +interpretation of the dating evidence, but their points of view appear +in professional journals, in articles too cumbersome to list here.) + + Flint, R. F. + _Glacial Geology and the Pleistocene Epoch._ 1947. John Wiley + and Sons. + + Zeuner, F. E. + _Dating the Past._ 1952 (3rd ed.). Methuen and Co. + + +FOSSIL MEN AND RACE + +(The points of view of physical anthropologists and human +paleontologists are changing very quickly. Two of the different points +of view are listed here.) + + Clark, W. E. Le Gros + _History of the Primates._ 1956 (5th ed.). British Museum + (Natural History). (Also in Phoenix edition, 1957.) + + Howells, W. W. + _Mankind So Far._ 1944. Doubleday, Doran. + + +GENERAL ANTHROPOLOGY + +(These are standard texts not absolutely up to date in every detail, or +interpretative essays concerned with cultural change through time as +well as in space.) + + Kroeber, A. L. + _Anthropology._ 1948. Harcourt, Brace. + + Linton, Ralph + _The Tree of Culture._ 1955. Alfred A. Knopf, Inc. + + Redfield, Robert + _The Primitive World and Its Transformations._ 1953. Cornell + University Press. + + Steward, Julian H. + _Theory of Culture Change._ 1955. University of Illinois Press. + + White, Leslie + _The Science of Culture._ 1949. Farrar, Strauss. + + +GENERAL PREHISTORY + +(A sampling of the more useful and current standard works in English.) + + Childe, V. Gordon + _The Dawn of European Civilization._ 1957. Kegan Paul, Trench, + Trubner. + _Prehistoric Migrations in Europe._ 1950. Instituttet for + Sammenlignende Kulturforskning. + + Clark, Grahame + _Archaeology and Society._ 1957. Harvard University Press. + + Clark, J. G. D. + _Prehistoric Europe: The Economic Basis._ 1952. Methuen and Co. + + Garrod, D. A. E. + _Environment, Tools, and Man._ 1946. Cambridge University + Press. + + Movius, Hallam L., Jr. + �Old World Prehistory: Paleolithic� in _Anthropology Today_. + Kroeber, A. L., ed. 1953. University of Chicago Press. + + Oakley, Kenneth P. + _Man the Tool-Maker._ 1956. British Museum (Natural History). + (Also in Phoenix edition, 1957.) + + Piggott, Stuart + _British Prehistory._ 1949. Oxford University Press. + + Pittioni, Richard + _Die Urgeschichtlichen Grundlagen der Europ�ischen Kultur._ + 1949. Deuticke. (A single book which does attempt to cover the + whole range of European prehistory to ca. 1 A.D.) + + +THE NEAR EAST + + Adams, Robert M. + �Developmental Stages in Ancient Mesopotamia,� _in_ Steward, + Julian, _et al_, _Irrigation Civilizations: A Comparative + Study_. 1955. Pan American Union. + + Braidwood, Robert J. + _The Near East and the Foundations for Civilization._ 1952. + University of Oregon. + + Childe, V. Gordon + _New Light on the Most Ancient East._ 1952. Oriental Dept., + Routledge and Kegan Paul. + + Frankfort, Henri + _The Birth of Civilization in the Near East._ 1951. University + of Indiana Press. (Also in Anchor edition, 1956.) + + Pallis, Svend A. + _The Antiquity of Iraq._ 1956. Munksgaard. + + Wilson, John A. + _The Burden of Egypt._ 1951. University of Chicago Press. (Also + in Phoenix edition, called _The Culture of Ancient Egypt_, + 1956.) + + +HOW DIGGING IS DONE + + Braidwood, Linda + _Digging beyond the Tigris._ 1953. Schuman, New York. + + Wheeler, Sir Mortimer + _Archaeology from the Earth._ 1954. Oxford, London. + + + + +Index + + + Abbevillian, 48; + core-biface tool, 44, 48 + + Acheulean, 48, 60 + + Acheuleo-Levalloisian, 63 + + Acheuleo-Mousterian, 63 + + Adams, R. M., 106 + + Adzes, 45 + + Africa, east, 67, 89; + north, 70, 89; + south, 22, 25, 34, 40, 67 + + Agriculture, incipient, in England, 140; + in Near East, 123 + + Ain Hanech, 48 + + Amber, taken from Baltic to Greece, 167 + + American Indians, 90, 142 + + Anatolia, used as route to Europe, 138 + + Animals, in caves, 54, 64; + in cave art, 85 + + Antevs, Ernst, 19 + + Anyathian, 47 + + Archeological interpretation, 8 + + Archeology, defined, 8 + + Architecture, at Jarmo, 128; + at Jericho, 133 + + Arrow, points, 94; + shaft straightener, 83 + + Art, in caves, 84; + East Spanish, 85; + figurines, 84; + Franco-Cantabrian, 84, 85; + movable (engravings, modeling, scratchings), 83; + painting, 83; + sculpture, 83 + + Asia, western, 67 + + Assemblage, defined, 13, 14; + European, 94; + Jarmo, 129; + Maglemosian, 94; + Natufian, 113 + + Aterian, industry, 67; + point, 89 + + Australopithecinae, 24 + + Australopithecine, 25, 26 + + Awls, 77 + + Axes, 62, 94 + + Ax-heads, 15 + + Azilian, 97 + + Aztecs, 145 + + + Baghouz, 152 + + Bakun, 134 + + Baltic sea, 93 + + Banana, 107 + + Barley, wild, 108 + + Barrow, 141 + + Battle-axe folk, 164; + assemblage, 164 + + Beads, 80; + bone, 114 + + Beaker folk, 164; + assemblage, 164-165 + + Bear, in cave art, 85; + cult, 68 + + Belgium, 94 + + Belt cave, 126 + + Bering Strait, used as route to New World, 98 + + Bison, in cave art, 85 + + Blade, awl, 77; + backed, 75; + blade-core, 71; + end-scraper, 77; + stone, defined, 71; + strangulated (notched), 76; + tanged point, 76; + tools, 71, 75-80, 90; + tool tradition, 70 + + Boar, wild, in cave art, 85 + + Bogs, source of archeological materials, 94 + + Bolas, 54 + + Bordes, Fran�ois, 62 + + Borer, 77 + + Boskop skull, 34 + + Boyd, William C., 35 + + Bracelets, 118 + + Brain, development of, 24 + + Breadfruit, 107 + + Breasted, James H., 107 + + Brick, at Jericho, 133 + + Britain, 94; + late prehistory, 163-175; + invaders, 173 + + Broch, 172 + + Buffalo, in China, 54; + killed by stampede, 86 + + Burials, 66, 86; + in �henges,� 164; + in urns, 168 + + Burins, 75 + + Burma, 90 + + Byblos, 134 + + + Camel, 54 + + Cannibalism, 55 + + Cattle, wild, 85, 112; + in cave art, 85; + domesticated, 15; + at Skara Brae, 142 + + Caucasoids, 34 + + Cave men, 29 + + Caves, 62; + art in, 84 + + Celts, 170 + + Chariot, 160 + + Chicken, domestication of, 107 + + Chiefs, in food-gathering groups, 68 + + Childe, V. Gordon, 8 + + China, 136 + + Choukoutien, 28, 35 + + Choukoutienian, 47 + + Civilization, beginnings, 144, 149, 157; + meaning of, 144 + + Clactonian, 45, 47 + + Clay, used in modeling, 128; + baked, used for tools, 153 + + Club-heads, 82, 94 + + Colonization, in America, 142; + in Europe, 142 + + Combe Capelle, 30 + + Combe Capelle-Br�nn group, 34 + + Commont, Victor, 51 + + Coon, Carlton S., 73 + + Copper, 134 + + Corn, in America, 145 + + Corrals for cattle, 140 + + �Cradle of mankind,� 136 + + Cremation, 167 + + Crete, 162 + + Cro-Magnon, 30, 34 + + Cultivation, incipient, 105, 109, 111 + + Culture, change, 99; + characteristics, defined, 38, 49; + prehistoric, 39 + + + Danube Valley, used as route from Asia, 138 + + Dates, 153 + + Deer, 54, 96 + + Dog, domesticated, 96 + + Domestication, of animals, 100, 105, 107; + of plants, 100 + + �Dragon teeth� fossils in China, 28 + + Drill, 77 + + Dubois, Eugene, 26 + + + Early Dynastic Period, Mesopotamia, 147 + + East Spanish art, 72, 85 + + Egypt, 70, 126 + + Ehringsdorf, 31 + + Elephant, 54 + + Emiliani, Cesare, 18 + + Emiran flake point, 73 + + England, 163-168; + prehistoric, 19, 40; + farmers in, 140 + + Eoanthropus dawsoni, 29 + + Eoliths, 41 + + Erich, 152 + + Eridu, 152 + + Euphrates River, floods in, 148 + + Europe, cave dwellings, 58; + at end of Ice Age, 93; + early farmers, 140; + glaciers in, 40; + huts in, 86; + routes into, 137-140; + spread of food-production to, 136 + + + Far East, 69, 90 + + Farmers, 103 + + Fauresmith industry, 67 + + Fayum, 135; + radiocarbon date, 146 + + �Fertile Crescent,� 107, 146 + + Figurines, �Venus,� 84; + at Jarmo, 128; + at Ubaid, 153 + + Fire, used by Peking man, 54 + + First Dynasty, Egypt, 147 + + Fish-hooks, 80, 94 + + Fishing, 80; + by food-producers, 122 + + Fish-lines, 80 + + Fish spears, 94 + + Flint industry, 127 + + Font�chevade, 32, 56, 58 + + Food-collecting, 104, 121; + end of, 104 + + Food-gatherers, 53, 176 + + Food-gathering, 99, 104; + in Old World, 104; + stages of, 104 + + Food-producers, 176 + + Food-producing economy, 122; + in America, 145; + in Asia, 105 + + Food-producing revolution, 99, 105; + causes of, 101; + preconditions for, 100 + + Food-production, beginnings of, 99; + carried to Europe, 110 + + Food-vessel folk, 164 + + �Forest folk,� 97, 98, 104, 110 + + Fox, Sir Cyril, 174 + + France, caves in, 56 + + + Galley Hill (fossil type), 29 + + Garrod, D. A., 73 + + Gazelle, 114 + + Germany, 94 + + Ghassul, 156 + + Glaciers, 18, 30; + destruction by, 40 + + Goat, wild, 108; + domesticated, 128 + + Grain, first planted, 20 + + Graves, passage, 141; + gallery, 141 + + Greece, civilization in, 163; + as route to western Europe, 138; + towns in, 162 + + Grimaldi skeletons, 34 + + + Hackberry seeds used as food, 55 + + Halaf, 151; + assemblage, 151 + + Hallstatt, tradition, 169 + + Hand, development of, 24, 25 + + Hand adzes, 46 + + Hand axes, 44 + + Harpoons, antler, 83, 94; + bone, 82, 94 + + Hassuna, 131; + assemblage, 131, 132 + + Heidelberg, fossil type, 28 + + Hill-forts, in England, 171; + in Scotland, 172 + + Hilly flanks of Near East, 107, 108, 125, 131, 146, 147 + + History, beginning of, 7, 17 + + Hoes, 112 + + Holland, 164 + + Homo sapiens, 32 + + Hooton, E. A., 34 + + Horse, 112; + wild, in cave art, 85; + in China, 54 + + Hotu cave, 126 + + Houses, 122; + at Jarmo, 128; + at Halaf, 151 + + Howe, Bruce, 116 + + Howell, F. Clark, 30 + + Hunting, 93 + + + Ice Age, in Asia, 99; + beginning of, 18; + glaciers in, 41; + last glaciation, 93 + + Incas, 145 + + India, 90, 136 + + Industrialization, 178 + + Industry, blade-tool, 88; + defined, 58; + ground stone, 94 + + Internationalism, 162 + + Iran, 107, 147 + + Iraq, 107, 124, 127, 136, 147 + + Iron, introduction of, 170 + + Irrigation, 123, 149, 155 + + Italy, 138 + + + Jacobsen, T. J., 157 + + Jarmo, 109, 126, 128, 130; + assemblage, 129 + + Java, 23, 29 + + Java man, 26, 27, 29 + + Jefferson, Thomas, 11 + + Jericho, 119, 133 + + Judaidah, 134 + + + Kafuan, 48 + + Kanam, 23, 36 + + Karim Shahir, 116-119, 124; + assemblage, 116, 117 + + Keith, Sir Arthur, 33 + + Kelley, Harper, 51 + + Kharga, 126 + + Khartoum, 136 + + Knives, 80 + + Krogman, W. M., 3, 25 + + + Lamps, 85 + + Land bridges in Mediterranean, 19 + + La T�ne phase, 170 + + Laurel leaf point, 78, 89 + + Leakey, L. S. B., 40 + + Le Moustier, 57 + + Levalloisian, 47, 61, 62 + + Levalloiso-Mousterian, 47, 63 + + Little Woodbury, 170 + + + Magic, used by hunters, 123 + + Maglemosian, assemblage, 94, 95; + folk, 98 + + Makapan, 40 + + Mammoth, 93; + in cave art, 85 + + �Man-apes,� 26 + + Mango, 107 + + Mankind, age, 17 + + Maringer, J., 45 + + Markets, 155 + + Marston, A. T., 11 + + Mathiassen, T., 97 + + McCown, T. D., 33 + + Meganthropus, 26, 27, 36 + + Men, defined, 25; + modern, 32 + + Merimde, 135 + + Mersin, 133 + + Metal-workers, 160, 163, 167, 172 + + Micoquian, 48, 60 + + Microliths, 87; + at Jarmo, 130; + �lunates,� 87; + trapezoids, 87; + triangles, 87 + + Minerals used as coloring matter, 66 + + Mine-shafts, 140 + + M�lefaat, 126, 127 + + Mongoloids, 29, 90 + + Mortars, 114, 118, 127 + + Mounds, how formed, 12 + + Mount Carmel, 11, 33, 52, 59, 64, 69, 113, 114 + + �Mousterian man,� 64 + + �Mousterian� tools, 61, 62; + of Acheulean tradition, 62 + + Movius, H. L., 47 + + + Natufian, animals in, 114; + assemblage, 113, 114, 115; + burials, 114; + date of, 113 + + Neanderthal man, 29, 30, 31, 56 + + Near East, beginnings of civilization in, 20, 144; + cave sites, 58; + climate in Ice Age, 99; + �Fertile Crescent,� 107, 146; + food-production in, 99; + Natufian assemblage in, 113-115; + stone tools, 114 + + Needles, 80 + + Negroid, 34 + + New World, 90 + + Nile River valley, 102, 134; + floods in, 148 + + Nuclear area, 106, 110; + in Near East, 107 + + + Obsidian, used for blade tools, 71; + at Jarmo, 130 + + Ochre, red, with burials, 86 + + Oldowan, 48 + + Old World, 67, 70, 90; + continental phases in, 18 + + Olorgesailie, 40, 51 + + Ostrich, in China, 54 + + Ovens, 128 + + Oxygen isotopes, 18 + + + Paintings in caves, 83 + + Paleoanthropic man, 50 + + Palestine, burials, 56; + cave sites, 52; + types of man, 69 + + Parpallo, 89 + + Patjitanian, 45, 47 + + Pebble tools, 42 + + Peking cave, 54; + animals in, 54 + + Peking man, 27, 28, 29, 54, 58 + + Pendants, 80; + bone, 114 + + Pestle, 114 + + Peterborough, 141; + assemblage, 141 + + Pictographic signs, 158 + + Pig, wild, 108 + + �Piltdown man,� 29 + + Pins, 80 + + Pithecanthropus, 26, 27, 30, 36 + + Pleistocene, 18, 25 + + Plows developed, 123 + + Points, arrow, 76; + laurel leaf, 78; + shouldered, 78, 79; + split-based bone, 80, 82; + tanged, 76; + willow leaf, 78 + + Potatoes, in America, 145 + + Pottery, 122, 130, 156; + decorated, 142; + painted, 131, 151, 152; + Susa style, 156; + in tombs, 141 + + Prehistory, defined, 7; + range of, 18 + + Pre-neanderthaloids, 30, 31, 37 + + Pre-Solutrean point, 89 + + Pre-Stellenbosch, 48 + + Proto-Literate assemblage, 157-160 + + + Race, 35; + biological, 36; + �pure,� 16 + + Radioactivity, 9, 10 + + Radioactive carbon dates, 18, 92, 120, 130, 135, 156 + + Redfield, Robert, 38, 49 + + Reed, C. A., 128 + + Reindeer, 94 + + Rhinoceros, 93; + in cave art, 85 + + Rhodesian man, 32 + + Riss glaciation, 58 + + Rock-shelters, 58; + art in, 85 + + + Saccopastore, 31 + + Sahara Desert, 34, 102 + + Samarra, 152; + pottery, 131, 152 + + Sangoan industry, 67 + + Sauer, Carl, 136 + + Sbaikian point, 89 + + Schliemann, H., 11, 12 + + Scotland, 171 + + Scraper, flake, 79; + end-scraper on blade, 77, 78; + keel-shaped, 79, 80, 81 + + Sculpture in caves, 83 + + Sebilian III, 126 + + Shaheinab, 135 + + Sheep, wild, 108; + at Skara Brae, 142; + in China, 54 + + Shellfish, 142 + + Ship, Ubaidian, 153 + + Sialk, 126, 134; + assemblage, 134 + + Siberia, 88; + pathway to New World, 98 + + Sickle, 112, 153; + blade, 113, 130 + + Silo, 122 + + Sinanthropus, 27, 30, 35 + + Skara Brae, 142 + + Snails used as food, 128 + + Soan, 47 + + Solecki, R., 116 + + Solo (fossil type), 29, 32 + + Solutrean industry, 77 + + Spear, shaft, 78; + thrower, 82, 83 + + Speech, development of organs of, 25 + + Squash, in America, 145 + + Steinheim fossil skull, 28 + + Stillbay industry, 67 + + Stonehenge, 166 + + Stratification, in caves, 12, 57; + in sites, 12 + + Swanscombe (fossil type), 11, 28 + + Syria, 107 + + + Tabun, 60, 71 + + Tardenoisian, 97 + + Taro, 107 + + Tasa, 135 + + Tayacian, 47, 59 + + Teeth, pierced, in beads and pendants, 114 + + Temples, 123, 155 + + Tepe Gawra, 156 + + Ternafine, 29 + + Teshik Tash, 69 + + Textiles, 122 + + Thong-stropper, 80 + + Tigris River, floods in, 148 + + Toggle, 80 + + Tomatoes, in America, 145 + + Tombs, megalithic, 141 + + Tool-making, 42, 49 + + Tool-preparation traditions, 65 + + Tools, 62; + antler, 80; + blade, 70, 71, 75; + bone, 66; + chopper, 47; + core-biface, 43, 48, 60, 61; + flake, 44, 47, 51, 60, 64; + flint, 80, 127; + ground stone, 68, 127; + handles, 94; + pebble, 42, 43, 48, 53; + use of, 24 + + Touf (mud wall), 128 + + Toynbee, A. J., 101 + + Trade, 130, 155, 162 + + Traders, 167 + + Traditions, 15; + blade tool, 70; + definition of, 51; + interpretation of, 49; + tool-making, 42, 48; + chopper-tool, 47; + chopper-chopping tool, 45; + core-biface, 43, 48; + flake, 44, 47; + pebble tool, 42, 48 + + Tool-making, prehistory of, 42 + + Turkey, 107, 108 + + + Ubaid, 153; + assemblage, 153-155 + + Urnfields, 168, 169 + + + Village-farming community era, 105, 119 + + + Wad B, 72 + + Wadjak, 34 + + Warka phase, 156; + assemblage, 156 + + Washburn, Sherwood L., 36 + + Water buffalo, domestication of, 107 + + Weidenreich, F., 29, 34 + + Wessex, 166, 167 + + Wheat, wild, 108; + partially domesticated, 127 + + Willow leaf point, 78 + + Windmill Hill, 138; + assemblage, 138, 140 + + Witch doctors, 68 + + Wool, 112; + in garments, 167 + + Writing, 158; + cuneiform, 158 + + W�rm I glaciation, 58 + + + Zebu cattle, domestication of, 107 + + Zeuner, F. E., 73 + + + + + * * * * * * + + + + +Transcriber�s note: + +Punctuation, hyphenation, and spelling were made consistent when a +predominant preference was found in this book; otherwise they were not +changed. + +Simple typographical errors were corrected; occasional unbalanced +quotation marks retained. + +Ambiguous hyphens at the ends of lines were retained. + +Index not checked for proper alphabetization or correct page references. + +In the original book, chapter headings were accompanied by +illustrations, sometimes above, sometimes below, and sometimes +adjacent. In this eBook those ilustrations always appear below the +headings. + + + +***END OF THE PROJECT GUTENBERG EBOOK PREHISTORIC MEN*** + + +******* This file should be named 52664-0.txt or 52664-0.zip ******* + + +This and all associated files of various formats will be found in: +http://www.gutenberg.org/dirs/5/2/6/6/52664 + + +Updated editions will replace the previous one--the old editions will +be renamed. + +Creating the works from print editions not protected by U.S. copyright +law means that no one owns a United States copyright in these works, +so the Foundation (and you!) can copy and distribute it in the United +States without permission and without paying copyright +royalties. Special rules, set forth in the General Terms of Use part +of this license, apply to copying and distributing Project +Gutenberg-tm electronic works to protect the PROJECT GUTENBERG-tm +concept and trademark. Project Gutenberg is a registered trademark, +and may not be used if you charge for the eBooks, unless you receive +specific permission. If you do not charge anything for copies of this +eBook, complying with the rules is very easy. You may use this eBook +for nearly any purpose such as creation of derivative works, reports, +performances and research. They may be modified and printed and given +away--you may do practically ANYTHING in the United States with eBooks +not protected by U.S. copyright law. Redistribution is subject to the +trademark license, especially commercial redistribution. + +START: FULL LICENSE + +THE FULL PROJECT GUTENBERG LICENSE +PLEASE READ THIS BEFORE YOU DISTRIBUTE OR USE THIS WORK + +To protect the Project Gutenberg-tm mission of promoting the free +distribution of electronic works, by using or distributing this work +(or any other work associated in any way with the phrase "Project +Gutenberg"), you agree to comply with all the terms of the Full +Project Gutenberg-tm License available with this file or online at +www.gutenberg.org/license. + +Section 1. General Terms of Use and Redistributing Project +Gutenberg-tm electronic works + +1.A. By reading or using any part of this Project Gutenberg-tm +electronic work, you indicate that you have read, understand, agree to +and accept all the terms of this license and intellectual property +(trademark/copyright) agreement. If you do not agree to abide by all +the terms of this agreement, you must cease using and return or +destroy all copies of Project Gutenberg-tm electronic works in your +possession. If you paid a fee for obtaining a copy of or access to a +Project Gutenberg-tm electronic work and you do not agree to be bound +by the terms of this agreement, you may obtain a refund from the +person or entity to whom you paid the fee as set forth in paragraph +1.E.8. + +1.B. "Project Gutenberg" is a registered trademark. It may only be +used on or associated in any way with an electronic work by people who +agree to be bound by the terms of this agreement. There are a few +things that you can do with most Project Gutenberg-tm electronic works +even without complying with the full terms of this agreement. See +paragraph 1.C below. There are a lot of things you can do with Project +Gutenberg-tm electronic works if you follow the terms of this +agreement and help preserve free future access to Project Gutenberg-tm +electronic works. See paragraph 1.E below. + +1.C. The Project Gutenberg Literary Archive Foundation ("the +Foundation" or PGLAF), owns a compilation copyright in the collection +of Project Gutenberg-tm electronic works. Nearly all the individual +works in the collection are in the public domain in the United +States. If an individual work is unprotected by copyright law in the +United States and you are located in the United States, we do not +claim a right to prevent you from copying, distributing, performing, +displaying or creating derivative works based on the work as long as +all references to Project Gutenberg are removed. Of course, we hope +that you will support the Project Gutenberg-tm mission of promoting +free access to electronic works by freely sharing Project Gutenberg-tm +works in compliance with the terms of this agreement for keeping the +Project Gutenberg-tm name associated with the work. You can easily +comply with the terms of this agreement by keeping this work in the +same format with its attached full Project Gutenberg-tm License when +you share it without charge with others. + +1.D. The copyright laws of the place where you are located also govern +what you can do with this work. Copyright laws in most countries are +in a constant state of change. If you are outside the United States, +check the laws of your country in addition to the terms of this +agreement before downloading, copying, displaying, performing, +distributing or creating derivative works based on this work or any +other Project Gutenberg-tm work. The Foundation makes no +representations concerning the copyright status of any work in any +country outside the United States. + +1.E. Unless you have removed all references to Project Gutenberg: + +1.E.1. The following sentence, with active links to, or other +immediate access to, the full Project Gutenberg-tm License must appear +prominently whenever any copy of a Project Gutenberg-tm work (any work +on which the phrase "Project Gutenberg" appears, or with which the +phrase "Project Gutenberg" is associated) is accessed, displayed, +performed, viewed, copied or distributed: + + This eBook is for the use of anyone anywhere in the United States and + most other parts of the world at no cost and with almost no + restrictions whatsoever. You may copy it, give it away or re-use it + under the terms of the Project Gutenberg License included with this + eBook or online at www.gutenberg.org. If you are not located in the + United States, you'll have to check the laws of the country where you + are located before using this ebook. + +1.E.2. If an individual Project Gutenberg-tm electronic work is +derived from texts not protected by U.S. copyright law (does not +contain a notice indicating that it is posted with permission of the +copyright holder), the work can be copied and distributed to anyone in +the United States without paying any fees or charges. If you are +redistributing or providing access to a work with the phrase "Project +Gutenberg" associated with or appearing on the work, you must comply +either with the requirements of paragraphs 1.E.1 through 1.E.7 or +obtain permission for the use of the work and the Project Gutenberg-tm +trademark as set forth in paragraphs 1.E.8 or 1.E.9. + +1.E.3. If an individual Project Gutenberg-tm electronic work is posted +with the permission of the copyright holder, your use and distribution +must comply with both paragraphs 1.E.1 through 1.E.7 and any +additional terms imposed by the copyright holder. Additional terms +will be linked to the Project Gutenberg-tm License for all works +posted with the permission of the copyright holder found at the +beginning of this work. + +1.E.4. Do not unlink or detach or remove the full Project Gutenberg-tm +License terms from this work, or any files containing a part of this +work or any other work associated with Project Gutenberg-tm. + +1.E.5. Do not copy, display, perform, distribute or redistribute this +electronic work, or any part of this electronic work, without +prominently displaying the sentence set forth in paragraph 1.E.1 with +active links or immediate access to the full terms of the Project +Gutenberg-tm License. + +1.E.6. You may convert to and distribute this work in any binary, +compressed, marked up, nonproprietary or proprietary form, including +any word processing or hypertext form. However, if you provide access +to or distribute copies of a Project Gutenberg-tm work in a format +other than "Plain Vanilla ASCII" or other format used in the official +version posted on the official Project Gutenberg-tm web site +(www.gutenberg.org), you must, at no additional cost, fee or expense +to the user, provide a copy, a means of exporting a copy, or a means +of obtaining a copy upon request, of the work in its original "Plain +Vanilla ASCII" or other form. Any alternate format must include the +full Project Gutenberg-tm License as specified in paragraph 1.E.1. + +1.E.7. Do not charge a fee for access to, viewing, displaying, +performing, copying or distributing any Project Gutenberg-tm works +unless you comply with paragraph 1.E.8 or 1.E.9. + +1.E.8. You may charge a reasonable fee for copies of or providing +access to or distributing Project Gutenberg-tm electronic works +provided that + +* You pay a royalty fee of 20% of the gross profits you derive from + the use of Project Gutenberg-tm works calculated using the method + you already use to calculate your applicable taxes. The fee is owed + to the owner of the Project Gutenberg-tm trademark, but he has + agreed to donate royalties under this paragraph to the Project + Gutenberg Literary Archive Foundation. Royalty payments must be paid + within 60 days following each date on which you prepare (or are + legally required to prepare) your periodic tax returns. Royalty + payments should be clearly marked as such and sent to the Project + Gutenberg Literary Archive Foundation at the address specified in + Section 4, "Information about donations to the Project Gutenberg + Literary Archive Foundation." + +* You provide a full refund of any money paid by a user who notifies + you in writing (or by e-mail) within 30 days of receipt that s/he + does not agree to the terms of the full Project Gutenberg-tm + License. You must require such a user to return or destroy all + copies of the works possessed in a physical medium and discontinue + all use of and all access to other copies of Project Gutenberg-tm + works. + +* You provide, in accordance with paragraph 1.F.3, a full refund of + any money paid for a work or a replacement copy, if a defect in the + electronic work is discovered and reported to you within 90 days of + receipt of the work. + +* You comply with all other terms of this agreement for free + distribution of Project Gutenberg-tm works. + +1.E.9. If you wish to charge a fee or distribute a Project +Gutenberg-tm electronic work or group of works on different terms than +are set forth in this agreement, you must obtain permission in writing +from both the Project Gutenberg Literary Archive Foundation and The +Project Gutenberg Trademark LLC, the owner of the Project Gutenberg-tm +trademark. Contact the Foundation as set forth in Section 3 below. + +1.F. + +1.F.1. Project Gutenberg volunteers and employees expend considerable +effort to identify, do copyright research on, transcribe and proofread +works not protected by U.S. copyright law in creating the Project +Gutenberg-tm collection. Despite these efforts, Project Gutenberg-tm +electronic works, and the medium on which they may be stored, may +contain "Defects," such as, but not limited to, incomplete, inaccurate +or corrupt data, transcription errors, a copyright or other +intellectual property infringement, a defective or damaged disk or +other medium, a computer virus, or computer codes that damage or +cannot be read by your equipment. + +1.F.2. LIMITED WARRANTY, DISCLAIMER OF DAMAGES - Except for the "Right +of Replacement or Refund" described in paragraph 1.F.3, the Project +Gutenberg Literary Archive Foundation, the owner of the Project +Gutenberg-tm trademark, and any other party distributing a Project +Gutenberg-tm electronic work under this agreement, disclaim all +liability to you for damages, costs and expenses, including legal +fees. YOU AGREE THAT YOU HAVE NO REMEDIES FOR NEGLIGENCE, STRICT +LIABILITY, BREACH OF WARRANTY OR BREACH OF CONTRACT EXCEPT THOSE +PROVIDED IN PARAGRAPH 1.F.3. YOU AGREE THAT THE FOUNDATION, THE +TRADEMARK OWNER, AND ANY DISTRIBUTOR UNDER THIS AGREEMENT WILL NOT BE +LIABLE TO YOU FOR ACTUAL, DIRECT, INDIRECT, CONSEQUENTIAL, PUNITIVE OR +INCIDENTAL DAMAGES EVEN IF YOU GIVE NOTICE OF THE POSSIBILITY OF SUCH +DAMAGE. + +1.F.3. LIMITED RIGHT OF REPLACEMENT OR REFUND - If you discover a +defect in this electronic work within 90 days of receiving it, you can +receive a refund of the money (if any) you paid for it by sending a +written explanation to the person you received the work from. If you +received the work on a physical medium, you must return the medium +with your written explanation. The person or entity that provided you +with the defective work may elect to provide a replacement copy in +lieu of a refund. If you received the work electronically, the person +or entity providing it to you may choose to give you a second +opportunity to receive the work electronically in lieu of a refund. If +the second copy is also defective, you may demand a refund in writing +without further opportunities to fix the problem. + +1.F.4. Except for the limited right of replacement or refund set forth +in paragraph 1.F.3, this work is provided to you 'AS-IS', WITH NO +OTHER WARRANTIES OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT +LIMITED TO WARRANTIES OF MERCHANTABILITY OR FITNESS FOR ANY PURPOSE. + +1.F.5. Some states do not allow disclaimers of certain implied +warranties or the exclusion or limitation of certain types of +damages. If any disclaimer or limitation set forth in this agreement +violates the law of the state applicable to this agreement, the +agreement shall be interpreted to make the maximum disclaimer or +limitation permitted by the applicable state law. The invalidity or +unenforceability of any provision of this agreement shall not void the +remaining provisions. + +1.F.6. INDEMNITY - You agree to indemnify and hold the Foundation, the +trademark owner, any agent or employee of the Foundation, anyone +providing copies of Project Gutenberg-tm electronic works in +accordance with this agreement, and any volunteers associated with the +production, promotion and distribution of Project Gutenberg-tm +electronic works, harmless from all liability, costs and expenses, +including legal fees, that arise directly or indirectly from any of +the following which you do or cause to occur: (a) distribution of this +or any Project Gutenberg-tm work, (b) alteration, modification, or +additions or deletions to any Project Gutenberg-tm work, and (c) any +Defect you cause. + +Section 2. Information about the Mission of Project Gutenberg-tm + +Project Gutenberg-tm is synonymous with the free distribution of +electronic works in formats readable by the widest variety of +computers including obsolete, old, middle-aged and new computers. It +exists because of the efforts of hundreds of volunteers and donations +from people in all walks of life. + +Volunteers and financial support to provide volunteers with the +assistance they need are critical to reaching Project Gutenberg-tm's +goals and ensuring that the Project Gutenberg-tm collection will +remain freely available for generations to come. In 2001, the Project +Gutenberg Literary Archive Foundation was created to provide a secure +and permanent future for Project Gutenberg-tm and future +generations. To learn more about the Project Gutenberg Literary +Archive Foundation and how your efforts and donations can help, see +Sections 3 and 4 and the Foundation information page at +www.gutenberg.org + +Section 3. Information about the Project Gutenberg Literary +Archive Foundation + +The Project Gutenberg Literary Archive Foundation is a non profit +501(c)(3) educational corporation organized under the laws of the +state of Mississippi and granted tax exempt status by the Internal +Revenue Service. The Foundation's EIN or federal tax identification +number is 64-6221541. Contributions to the Project Gutenberg Literary +Archive Foundation are tax deductible to the full extent permitted by +U.S. federal laws and your state's laws. + +The Foundation's principal office is in Fairbanks, Alaska, with the +mailing address: PO Box 750175, Fairbanks, AK 99775, but its +volunteers and employees are scattered throughout numerous +locations. Its business office is located at 809 North 1500 West, Salt +Lake City, UT 84116, (801) 596-1887. Email contact links and up to +date contact information can be found at the Foundation's web site and +official page at www.gutenberg.org/contact + +For additional contact information: + + Dr. Gregory B. Newby + Chief Executive and Director + gbnewby@pglaf.org + +Section 4. Information about Donations to the Project Gutenberg +Literary Archive Foundation + +Project Gutenberg-tm depends upon and cannot survive without wide +spread public support and donations to carry out its mission of +increasing the number of public domain and licensed works that can be +freely distributed in machine readable form accessible by the widest +array of equipment including outdated equipment. Many small donations +($1 to $5,000) are particularly important to maintaining tax exempt +status with the IRS. + +The Foundation is committed to complying with the laws regulating +charities and charitable donations in all 50 states of the United +States. Compliance requirements are not uniform and it takes a +considerable effort, much paperwork and many fees to meet and keep up +with these requirements. We do not solicit donations in locations +where we have not received written confirmation of compliance. To SEND +DONATIONS or determine the status of compliance for any particular +state visit www.gutenberg.org/donate + +While we cannot and do not solicit contributions from states where we +have not met the solicitation requirements, we know of no prohibition +against accepting unsolicited donations from donors in such states who +approach us with offers to donate. + +International donations are gratefully accepted, but we cannot make +any statements concerning tax treatment of donations received from +outside the United States. U.S. laws alone swamp our small staff. + +Please check the Project Gutenberg Web pages for current donation +methods and addresses. Donations are accepted in a number of other +ways including checks, online payments and credit card donations. To +donate, please visit: www.gutenberg.org/donate + +Section 5. General Information About Project Gutenberg-tm electronic works. + +Professor Michael S. Hart was the originator of the Project +Gutenberg-tm concept of a library of electronic works that could be +freely shared with anyone. For forty years, he produced and +distributed Project Gutenberg-tm eBooks with only a loose network of +volunteer support. + +Project Gutenberg-tm eBooks are often created from several printed +editions, all of which are confirmed as not protected by copyright in +the U.S. unless a copyright notice is included. Thus, we do not +necessarily keep eBooks in compliance with any particular paper +edition. + +Most people start at our Web site which has the main PG search +facility: www.gutenberg.org + +This Web site includes information about Project Gutenberg-tm, +including how to make donations to the Project Gutenberg Literary +Archive Foundation, how to help produce our new eBooks, and how to +subscribe to our email newsletter to hear about new eBooks. diff --git a/ciphers/rabin_miller.py b/ciphers/rabin_miller.py index 502417497a8c..69e4d54b2a58 100644 --- a/ciphers/rabin_miller.py +++ b/ciphers/rabin_miller.py @@ -1,70 +1,70 @@ -from __future__ import print_function - -import random - - -# Primality Testing with the Rabin-Miller Algorithm - - -def rabinMiller(num): - s = num - 1 - t = 0 - - while s % 2 == 0: - s = s // 2 - t += 1 - - for trials in range(5): - a = random.randrange(2, num - 1) - v = pow(a, s, num) - if v != 1: - i = 0 - while v != (num - 1): - if i == t - 1: - return False - else: - i = i + 1 - v = (v ** 2) % num - return True - - -def isPrime(num): - if (num < 2): - return False - - lowPrimes = [2, 3, 5, 7, 11, 13, 17, 19, 23, 29, 31, 37, 41, 43, 47, 53, 59, - 61, 67, 71, 73, 79, 83, 89, 97, 101, 103, 107, 109, 113, 127, - 131, 137, 139, 149, 151, 157, 163, 167, 173, 179, 181, 191, - 193, 197, 199, 211, 223, 227, 229, 233, 239, 241, 251, 257, - 263, 269, 271, 277, 281, 283, 293, 307, 311, 313, 317, 331, - 337, 347, 349, 353, 359, 367, 373, 379, 383, 389, 397, 401, - 409, 419, 421, 431, 433, 439, 443, 449, 457, 461, 463, 467, - 479, 487, 491, 499, 503, 509, 521, 523, 541, 547, 557, 563, - 569, 571, 577, 587, 593, 599, 601, 607, 613, 617, 619, 631, - 641, 643, 647, 653, 659, 661, 673, 677, 683, 691, 701, 709, - 719, 727, 733, 739, 743, 751, 757, 761, 769, 773, 787, 797, - 809, 811, 821, 823, 827, 829, 839, 853, 857, 859, 863, 877, - 881, 883, 887, 907, 911, 919, 929, 937, 941, 947, 953, 967, - 971, 977, 983, 991, 997] - - if num in lowPrimes: - return True - - for prime in lowPrimes: - if (num % prime) == 0: - return False - - return rabinMiller(num) - - -def generateLargePrime(keysize=1024): - while True: - num = random.randrange(2 ** (keysize - 1), 2 ** (keysize)) - if isPrime(num): - return num - - -if __name__ == '__main__': - num = generateLargePrime() - print(('Prime number:', num)) - print(('isPrime:', isPrime(num))) +from __future__ import print_function + +import random + + +# Primality Testing with the Rabin-Miller Algorithm + + +def rabinMiller(num): + s = num - 1 + t = 0 + + while s % 2 == 0: + s = s // 2 + t += 1 + + for trials in range(5): + a = random.randrange(2, num - 1) + v = pow(a, s, num) + if v != 1: + i = 0 + while v != (num - 1): + if i == t - 1: + return False + else: + i = i + 1 + v = (v ** 2) % num + return True + + +def isPrime(num): + if (num < 2): + return False + + lowPrimes = [2, 3, 5, 7, 11, 13, 17, 19, 23, 29, 31, 37, 41, 43, 47, 53, 59, + 61, 67, 71, 73, 79, 83, 89, 97, 101, 103, 107, 109, 113, 127, + 131, 137, 139, 149, 151, 157, 163, 167, 173, 179, 181, 191, + 193, 197, 199, 211, 223, 227, 229, 233, 239, 241, 251, 257, + 263, 269, 271, 277, 281, 283, 293, 307, 311, 313, 317, 331, + 337, 347, 349, 353, 359, 367, 373, 379, 383, 389, 397, 401, + 409, 419, 421, 431, 433, 439, 443, 449, 457, 461, 463, 467, + 479, 487, 491, 499, 503, 509, 521, 523, 541, 547, 557, 563, + 569, 571, 577, 587, 593, 599, 601, 607, 613, 617, 619, 631, + 641, 643, 647, 653, 659, 661, 673, 677, 683, 691, 701, 709, + 719, 727, 733, 739, 743, 751, 757, 761, 769, 773, 787, 797, + 809, 811, 821, 823, 827, 829, 839, 853, 857, 859, 863, 877, + 881, 883, 887, 907, 911, 919, 929, 937, 941, 947, 953, 967, + 971, 977, 983, 991, 997] + + if num in lowPrimes: + return True + + for prime in lowPrimes: + if (num % prime) == 0: + return False + + return rabinMiller(num) + + +def generateLargePrime(keysize=1024): + while True: + num = random.randrange(2 ** (keysize - 1), 2 ** (keysize)) + if isPrime(num): + return num + + +if __name__ == '__main__': + num = generateLargePrime() + print(('Prime number:', num)) + print(('isPrime:', isPrime(num))) diff --git a/ciphers/rot13.py b/ciphers/rot13.py index ccc739d70f90..1281c19a1199 100644 --- a/ciphers/rot13.py +++ b/ciphers/rot13.py @@ -1,27 +1,27 @@ -from __future__ import print_function - - -def dencrypt(s, n): - out = '' - for c in s: - if c >= 'A' and c <= 'Z': - out += chr(ord('A') + (ord(c) - ord('A') + n) % 26) - elif c >= 'a' and c <= 'z': - out += chr(ord('a') + (ord(c) - ord('a') + n) % 26) - else: - out += c - return out - - -def main(): - s0 = 'HELLO' - - s1 = dencrypt(s0, 13) - print(s1) # URYYB - - s2 = dencrypt(s1, 13) - print(s2) # HELLO - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +def dencrypt(s, n): + out = '' + for c in s: + if c >= 'A' and c <= 'Z': + out += chr(ord('A') + (ord(c) - ord('A') + n) % 26) + elif c >= 'a' and c <= 'z': + out += chr(ord('a') + (ord(c) - ord('a') + n) % 26) + else: + out += c + return out + + +def main(): + s0 = 'HELLO' + + s1 = dencrypt(s0, 13) + print(s1) # URYYB + + s2 = dencrypt(s1, 13) + print(s2) # HELLO + + +if __name__ == '__main__': + main() diff --git a/ciphers/rsa_cipher.py b/ciphers/rsa_cipher.py index 81031e3a5778..5bd3ed554160 100644 --- a/ciphers/rsa_cipher.py +++ b/ciphers/rsa_cipher.py @@ -1,128 +1,128 @@ -from __future__ import print_function - -import os -import rsa_key_generator as rkg -import sys - -DEFAULT_BLOCK_SIZE = 128 -BYTE_SIZE = 256 - - -def main(): - filename = 'encrypted_file.txt' - response = input(r'Encrypte\Decrypt [e\d]: ') - - if response.lower().startswith('e'): - mode = 'encrypt' - elif response.lower().startswith('d'): - mode = 'decrypt' - - if mode == 'encrypt': - if not os.path.exists('rsa_pubkey.txt'): - rkg.makeKeyFiles('rsa', 1024) - - message = input('\nEnter message: ') - pubKeyFilename = 'rsa_pubkey.txt' - print('Encrypting and writing to %s...' % (filename)) - encryptedText = encryptAndWriteToFile(filename, pubKeyFilename, message) - - print('\nEncrypted text:') - print(encryptedText) - - elif mode == 'decrypt': - privKeyFilename = 'rsa_privkey.txt' - print('Reading from %s and decrypting...' % (filename)) - decryptedText = readFromFileAndDecrypt(filename, privKeyFilename) - print('writing decryption to rsa_decryption.txt...') - with open('rsa_decryption.txt', 'w') as dec: - dec.write(decryptedText) - - print('\nDecryption:') - print(decryptedText) - - -def getBlocksFromText(message, blockSize=DEFAULT_BLOCK_SIZE): - messageBytes = message.encode('ascii') - - blockInts = [] - for blockStart in range(0, len(messageBytes), blockSize): - blockInt = 0 - for i in range(blockStart, min(blockStart + blockSize, len(messageBytes))): - blockInt += messageBytes[i] * (BYTE_SIZE ** (i % blockSize)) - blockInts.append(blockInt) - return blockInts - - -def getTextFromBlocks(blockInts, messageLength, blockSize=DEFAULT_BLOCK_SIZE): - message = [] - for blockInt in blockInts: - blockMessage = [] - for i in range(blockSize - 1, -1, -1): - if len(message) + i < messageLength: - asciiNumber = blockInt // (BYTE_SIZE ** i) - blockInt = blockInt % (BYTE_SIZE ** i) - blockMessage.insert(0, chr(asciiNumber)) - message.extend(blockMessage) - return ''.join(message) - - -def encryptMessage(message, key, blockSize=DEFAULT_BLOCK_SIZE): - encryptedBlocks = [] - n, e = key - - for block in getBlocksFromText(message, blockSize): - encryptedBlocks.append(pow(block, e, n)) - return encryptedBlocks - - -def decryptMessage(encryptedBlocks, messageLength, key, blockSize=DEFAULT_BLOCK_SIZE): - decryptedBlocks = [] - n, d = key - for block in encryptedBlocks: - decryptedBlocks.append(pow(block, d, n)) - return getTextFromBlocks(decryptedBlocks, messageLength, blockSize) - - -def readKeyFile(keyFilename): - with open(keyFilename) as fo: - content = fo.read() - keySize, n, EorD = content.split(',') - return (int(keySize), int(n), int(EorD)) - - -def encryptAndWriteToFile(messageFilename, keyFilename, message, blockSize=DEFAULT_BLOCK_SIZE): - keySize, n, e = readKeyFile(keyFilename) - if keySize < blockSize * 8: - sys.exit('ERROR: Block size is %s bits and key size is %s bits. The RSA cipher requires the block size to be equal to or greater than the key size. Either decrease the block size or use different keys.' % (blockSize * 8, keySize)) - - encryptedBlocks = encryptMessage(message, (n, e), blockSize) - - for i in range(len(encryptedBlocks)): - encryptedBlocks[i] = str(encryptedBlocks[i]) - encryptedContent = ','.join(encryptedBlocks) - encryptedContent = '%s_%s_%s' % (len(message), blockSize, encryptedContent) - with open(messageFilename, 'w') as fo: - fo.write(encryptedContent) - return encryptedContent - - -def readFromFileAndDecrypt(messageFilename, keyFilename): - keySize, n, d = readKeyFile(keyFilename) - with open(messageFilename) as fo: - content = fo.read() - messageLength, blockSize, encryptedMessage = content.split('_') - messageLength = int(messageLength) - blockSize = int(blockSize) - - if keySize < blockSize * 8: - sys.exit('ERROR: Block size is %s bits and key size is %s bits. The RSA cipher requires the block size to be equal to or greater than the key size. Did you specify the correct key file and encrypted file?' % (blockSize * 8, keySize)) - - encryptedBlocks = [] - for block in encryptedMessage.split(','): - encryptedBlocks.append(int(block)) - - return decryptMessage(encryptedBlocks, messageLength, (n, d), blockSize) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import os +import rsa_key_generator as rkg +import sys + +DEFAULT_BLOCK_SIZE = 128 +BYTE_SIZE = 256 + + +def main(): + filename = 'encrypted_file.txt' + response = input(r'Encrypte\Decrypt [e\d]: ') + + if response.lower().startswith('e'): + mode = 'encrypt' + elif response.lower().startswith('d'): + mode = 'decrypt' + + if mode == 'encrypt': + if not os.path.exists('rsa_pubkey.txt'): + rkg.makeKeyFiles('rsa', 1024) + + message = input('\nEnter message: ') + pubKeyFilename = 'rsa_pubkey.txt' + print('Encrypting and writing to %s...' % (filename)) + encryptedText = encryptAndWriteToFile(filename, pubKeyFilename, message) + + print('\nEncrypted text:') + print(encryptedText) + + elif mode == 'decrypt': + privKeyFilename = 'rsa_privkey.txt' + print('Reading from %s and decrypting...' % (filename)) + decryptedText = readFromFileAndDecrypt(filename, privKeyFilename) + print('writing decryption to rsa_decryption.txt...') + with open('rsa_decryption.txt', 'w') as dec: + dec.write(decryptedText) + + print('\nDecryption:') + print(decryptedText) + + +def getBlocksFromText(message, blockSize=DEFAULT_BLOCK_SIZE): + messageBytes = message.encode('ascii') + + blockInts = [] + for blockStart in range(0, len(messageBytes), blockSize): + blockInt = 0 + for i in range(blockStart, min(blockStart + blockSize, len(messageBytes))): + blockInt += messageBytes[i] * (BYTE_SIZE ** (i % blockSize)) + blockInts.append(blockInt) + return blockInts + + +def getTextFromBlocks(blockInts, messageLength, blockSize=DEFAULT_BLOCK_SIZE): + message = [] + for blockInt in blockInts: + blockMessage = [] + for i in range(blockSize - 1, -1, -1): + if len(message) + i < messageLength: + asciiNumber = blockInt // (BYTE_SIZE ** i) + blockInt = blockInt % (BYTE_SIZE ** i) + blockMessage.insert(0, chr(asciiNumber)) + message.extend(blockMessage) + return ''.join(message) + + +def encryptMessage(message, key, blockSize=DEFAULT_BLOCK_SIZE): + encryptedBlocks = [] + n, e = key + + for block in getBlocksFromText(message, blockSize): + encryptedBlocks.append(pow(block, e, n)) + return encryptedBlocks + + +def decryptMessage(encryptedBlocks, messageLength, key, blockSize=DEFAULT_BLOCK_SIZE): + decryptedBlocks = [] + n, d = key + for block in encryptedBlocks: + decryptedBlocks.append(pow(block, d, n)) + return getTextFromBlocks(decryptedBlocks, messageLength, blockSize) + + +def readKeyFile(keyFilename): + with open(keyFilename) as fo: + content = fo.read() + keySize, n, EorD = content.split(',') + return (int(keySize), int(n), int(EorD)) + + +def encryptAndWriteToFile(messageFilename, keyFilename, message, blockSize=DEFAULT_BLOCK_SIZE): + keySize, n, e = readKeyFile(keyFilename) + if keySize < blockSize * 8: + sys.exit('ERROR: Block size is %s bits and key size is %s bits. The RSA cipher requires the block size to be equal to or greater than the key size. Either decrease the block size or use different keys.' % (blockSize * 8, keySize)) + + encryptedBlocks = encryptMessage(message, (n, e), blockSize) + + for i in range(len(encryptedBlocks)): + encryptedBlocks[i] = str(encryptedBlocks[i]) + encryptedContent = ','.join(encryptedBlocks) + encryptedContent = '%s_%s_%s' % (len(message), blockSize, encryptedContent) + with open(messageFilename, 'w') as fo: + fo.write(encryptedContent) + return encryptedContent + + +def readFromFileAndDecrypt(messageFilename, keyFilename): + keySize, n, d = readKeyFile(keyFilename) + with open(messageFilename) as fo: + content = fo.read() + messageLength, blockSize, encryptedMessage = content.split('_') + messageLength = int(messageLength) + blockSize = int(blockSize) + + if keySize < blockSize * 8: + sys.exit('ERROR: Block size is %s bits and key size is %s bits. The RSA cipher requires the block size to be equal to or greater than the key size. Did you specify the correct key file and encrypted file?' % (blockSize * 8, keySize)) + + encryptedBlocks = [] + for block in encryptedMessage.split(','): + encryptedBlocks.append(int(block)) + + return decryptMessage(encryptedBlocks, messageLength, (n, d), blockSize) + + +if __name__ == '__main__': + main() diff --git a/ciphers/rsa_key_generator.py b/ciphers/rsa_key_generator.py index f0eec78e66ae..3ef7554d5d8c 100644 --- a/ciphers/rsa_key_generator.py +++ b/ciphers/rsa_key_generator.py @@ -1,55 +1,55 @@ -from __future__ import print_function - -import os -import random -import sys - -import cryptomath_module as cryptoMath -import rabin_miller as rabinMiller - - -def main(): - print('Making key files...') - makeKeyFiles('rsa', 1024) - print('Key files generation successful.') - - -def generateKey(keySize): - print('Generating prime p...') - p = rabinMiller.generateLargePrime(keySize) - print('Generating prime q...') - q = rabinMiller.generateLargePrime(keySize) - n = p * q - - print('Generating e that is relatively prime to (p - 1) * (q - 1)...') - while True: - e = random.randrange(2 ** (keySize - 1), 2 ** (keySize)) - if cryptoMath.gcd(e, (p - 1) * (q - 1)) == 1: - break - - print('Calculating d that is mod inverse of e...') - d = cryptoMath.findModInverse(e, (p - 1) * (q - 1)) - - publicKey = (n, e) - privateKey = (n, d) - return (publicKey, privateKey) - - -def makeKeyFiles(name, keySize): - if os.path.exists('%s_pubkey.txt' % (name)) or os.path.exists('%s_privkey.txt' % (name)): - print('\nWARNING:') - print('"%s_pubkey.txt" or "%s_privkey.txt" already exists. \nUse a different name or delete these files and re-run this program.' % (name, name)) - sys.exit() - - publicKey, privateKey = generateKey(keySize) - print('\nWriting public key to file %s_pubkey.txt...' % name) - with open('%s_pubkey.txt' % name, 'w') as fo: - fo.write('%s,%s,%s' % (keySize, publicKey[0], publicKey[1])) - - print('Writing private key to file %s_privkey.txt...' % name) - with open('%s_privkey.txt' % name, 'w') as fo: - fo.write('%s,%s,%s' % (keySize, privateKey[0], privateKey[1])) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import os +import random +import sys + +import cryptomath_module as cryptoMath +import rabin_miller as rabinMiller + + +def main(): + print('Making key files...') + makeKeyFiles('rsa', 1024) + print('Key files generation successful.') + + +def generateKey(keySize): + print('Generating prime p...') + p = rabinMiller.generateLargePrime(keySize) + print('Generating prime q...') + q = rabinMiller.generateLargePrime(keySize) + n = p * q + + print('Generating e that is relatively prime to (p - 1) * (q - 1)...') + while True: + e = random.randrange(2 ** (keySize - 1), 2 ** (keySize)) + if cryptoMath.gcd(e, (p - 1) * (q - 1)) == 1: + break + + print('Calculating d that is mod inverse of e...') + d = cryptoMath.findModInverse(e, (p - 1) * (q - 1)) + + publicKey = (n, e) + privateKey = (n, d) + return (publicKey, privateKey) + + +def makeKeyFiles(name, keySize): + if os.path.exists('%s_pubkey.txt' % (name)) or os.path.exists('%s_privkey.txt' % (name)): + print('\nWARNING:') + print('"%s_pubkey.txt" or "%s_privkey.txt" already exists. \nUse a different name or delete these files and re-run this program.' % (name, name)) + sys.exit() + + publicKey, privateKey = generateKey(keySize) + print('\nWriting public key to file %s_pubkey.txt...' % name) + with open('%s_pubkey.txt' % name, 'w') as fo: + fo.write('%s,%s,%s' % (keySize, publicKey[0], publicKey[1])) + + print('Writing private key to file %s_privkey.txt...' % name) + with open('%s_privkey.txt' % name, 'w') as fo: + fo.write('%s,%s,%s' % (keySize, privateKey[0], privateKey[1])) + + +if __name__ == '__main__': + main() diff --git a/ciphers/simple_substitution_cipher.py b/ciphers/simple_substitution_cipher.py index b6fcc33819c8..6ccafb247b92 100644 --- a/ciphers/simple_substitution_cipher.py +++ b/ciphers/simple_substitution_cipher.py @@ -1,80 +1,80 @@ -from __future__ import print_function - -import random -import sys - -LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' - - -def main(): - message = input('Enter message: ') - key = 'LFWOAYUISVKMNXPBDCRJTQEGHZ' - resp = input('Encrypt/Decrypt [e/d]: ') - - checkValidKey(key) - - if resp.lower().startswith('e'): - mode = 'encrypt' - translated = encryptMessage(key, message) - elif resp.lower().startswith('d'): - mode = 'decrypt' - translated = decryptMessage(key, message) - - print('\n%sion: \n%s' % (mode.title(), translated)) - - -def checkValidKey(key): - keyList = list(key) - lettersList = list(LETTERS) - keyList.sort() - lettersList.sort() - - if keyList != lettersList: - sys.exit('Error in the key or symbol set.') - - -def encryptMessage(key, message): - """ - >>> encryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Harshil Darji') - 'Ilcrism Olcvs' - """ - return translateMessage(key, message, 'encrypt') - - -def decryptMessage(key, message): - """ - >>> decryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Ilcrism Olcvs') - 'Harshil Darji' - """ - return translateMessage(key, message, 'decrypt') - - -def translateMessage(key, message, mode): - translated = '' - charsA = LETTERS - charsB = key - - if mode == 'decrypt': - charsA, charsB = charsB, charsA - - for symbol in message: - if symbol.upper() in charsA: - symIndex = charsA.find(symbol.upper()) - if symbol.isupper(): - translated += charsB[symIndex].upper() - else: - translated += charsB[symIndex].lower() - else: - translated += symbol - - return translated - - -def getRandomKey(): - key = list(LETTERS) - random.shuffle(key) - return ''.join(key) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import random +import sys + +LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + + +def main(): + message = input('Enter message: ') + key = 'LFWOAYUISVKMNXPBDCRJTQEGHZ' + resp = input('Encrypt/Decrypt [e/d]: ') + + checkValidKey(key) + + if resp.lower().startswith('e'): + mode = 'encrypt' + translated = encryptMessage(key, message) + elif resp.lower().startswith('d'): + mode = 'decrypt' + translated = decryptMessage(key, message) + + print('\n%sion: \n%s' % (mode.title(), translated)) + + +def checkValidKey(key): + keyList = list(key) + lettersList = list(LETTERS) + keyList.sort() + lettersList.sort() + + if keyList != lettersList: + sys.exit('Error in the key or symbol set.') + + +def encryptMessage(key, message): + """ + >>> encryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Harshil Darji') + 'Ilcrism Olcvs' + """ + return translateMessage(key, message, 'encrypt') + + +def decryptMessage(key, message): + """ + >>> decryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Ilcrism Olcvs') + 'Harshil Darji' + """ + return translateMessage(key, message, 'decrypt') + + +def translateMessage(key, message, mode): + translated = '' + charsA = LETTERS + charsB = key + + if mode == 'decrypt': + charsA, charsB = charsB, charsA + + for symbol in message: + if symbol.upper() in charsA: + symIndex = charsA.find(symbol.upper()) + if symbol.isupper(): + translated += charsB[symIndex].upper() + else: + translated += charsB[symIndex].lower() + else: + translated += symbol + + return translated + + +def getRandomKey(): + key = list(LETTERS) + random.shuffle(key) + return ''.join(key) + + +if __name__ == '__main__': + main() diff --git a/ciphers/transposition_cipher.py b/ciphers/transposition_cipher.py index 95220b0f4e0b..3a29de2f86b6 100644 --- a/ciphers/transposition_cipher.py +++ b/ciphers/transposition_cipher.py @@ -1,61 +1,61 @@ -from __future__ import print_function - -import math - - -def main(): - message = input('Enter message: ') - key = int(input('Enter key [2-%s]: ' % (len(message) - 1))) - mode = input('Encryption/Decryption [e/d]: ') - - if mode.lower().startswith('e'): - text = encryptMessage(key, message) - elif mode.lower().startswith('d'): - text = decryptMessage(key, message) - - # Append pipe symbol (vertical bar) to identify spaces at the end. - print('Output:\n%s' % (text + '|')) - - -def encryptMessage(key, message): - """ - >>> encryptMessage(6, 'Harshil Darji') - 'Hlia rDsahrij' - """ - cipherText = [''] * key - for col in range(key): - pointer = col - while pointer < len(message): - cipherText[col] += message[pointer] - pointer += key - return ''.join(cipherText) - - -def decryptMessage(key, message): - """ - >>> decryptMessage(6, 'Hlia rDsahrij') - 'Harshil Darji' - """ - numCols = math.ceil(len(message) / key) - numRows = key - numShadedBoxes = (numCols * numRows) - len(message) - plainText = [""] * numCols - col = 0; - row = 0; - - for symbol in message: - plainText[col] += symbol - col += 1 - - if (col == numCols) or (col == numCols - 1) and (row >= numRows - numShadedBoxes): - col = 0 - row += 1 - - return "".join(plainText) - - -if __name__ == '__main__': - import doctest - - doctest.testmod() - main() +from __future__ import print_function + +import math + + +def main(): + message = input('Enter message: ') + key = int(input('Enter key [2-%s]: ' % (len(message) - 1))) + mode = input('Encryption/Decryption [e/d]: ') + + if mode.lower().startswith('e'): + text = encryptMessage(key, message) + elif mode.lower().startswith('d'): + text = decryptMessage(key, message) + + # Append pipe symbol (vertical bar) to identify spaces at the end. + print('Output:\n%s' % (text + '|')) + + +def encryptMessage(key, message): + """ + >>> encryptMessage(6, 'Harshil Darji') + 'Hlia rDsahrij' + """ + cipherText = [''] * key + for col in range(key): + pointer = col + while pointer < len(message): + cipherText[col] += message[pointer] + pointer += key + return ''.join(cipherText) + + +def decryptMessage(key, message): + """ + >>> decryptMessage(6, 'Hlia rDsahrij') + 'Harshil Darji' + """ + numCols = math.ceil(len(message) / key) + numRows = key + numShadedBoxes = (numCols * numRows) - len(message) + plainText = [""] * numCols + col = 0; + row = 0; + + for symbol in message: + plainText[col] += symbol + col += 1 + + if (col == numCols) or (col == numCols - 1) and (row >= numRows - numShadedBoxes): + col = 0 + row += 1 + + return "".join(plainText) + + +if __name__ == '__main__': + import doctest + + doctest.testmod() + main() diff --git a/ciphers/transposition_cipher_encrypt_decrypt_file.py b/ciphers/transposition_cipher_encrypt_decrypt_file.py index 7c21d1e8460f..96afc8c85341 100644 --- a/ciphers/transposition_cipher_encrypt_decrypt_file.py +++ b/ciphers/transposition_cipher_encrypt_decrypt_file.py @@ -1,43 +1,43 @@ -from __future__ import print_function - -import os -import sys -import time - -import transposition_cipher as transCipher - - -def main(): - inputFile = 'Prehistoric Men.txt' - outputFile = 'Output.txt' - key = int(input('Enter key: ')) - mode = input('Encrypt/Decrypt [e/d]: ') - - if not os.path.exists(inputFile): - print('File %s does not exist. Quitting...' % inputFile) - sys.exit() - if os.path.exists(outputFile): - print('Overwrite %s? [y/n]' % outputFile) - response = input('> ') - if not response.lower().startswith('y'): - sys.exit() - - startTime = time.time() - if mode.lower().startswith('e'): - with open(inputFile) as f: - content = f.read() - translated = transCipher.encryptMessage(key, content) - elif mode.lower().startswith('d'): - with open(outputFile) as f: - content = f.read() - translated = transCipher.decryptMessage(key, content) - - with open(outputFile, 'w') as outputObj: - outputObj.write(translated) - - totalTime = round(time.time() - startTime, 2) - print(('Done (', totalTime, 'seconds )')) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import os +import sys +import time + +import transposition_cipher as transCipher + + +def main(): + inputFile = 'Prehistoric Men.txt' + outputFile = 'Output.txt' + key = int(input('Enter key: ')) + mode = input('Encrypt/Decrypt [e/d]: ') + + if not os.path.exists(inputFile): + print('File %s does not exist. Quitting...' % inputFile) + sys.exit() + if os.path.exists(outputFile): + print('Overwrite %s? [y/n]' % outputFile) + response = input('> ') + if not response.lower().startswith('y'): + sys.exit() + + startTime = time.time() + if mode.lower().startswith('e'): + with open(inputFile) as f: + content = f.read() + translated = transCipher.encryptMessage(key, content) + elif mode.lower().startswith('d'): + with open(outputFile) as f: + content = f.read() + translated = transCipher.decryptMessage(key, content) + + with open(outputFile, 'w') as outputObj: + outputObj.write(translated) + + totalTime = round(time.time() - startTime, 2) + print(('Done (', totalTime, 'seconds )')) + + +if __name__ == '__main__': + main() diff --git a/ciphers/vigenere_cipher.py b/ciphers/vigenere_cipher.py index b33b963bde35..eb433d829acd 100644 --- a/ciphers/vigenere_cipher.py +++ b/ciphers/vigenere_cipher.py @@ -1,67 +1,67 @@ -from __future__ import print_function - -LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' - - -def main(): - message = input('Enter message: ') - key = input('Enter key [alphanumeric]: ') - mode = input('Encrypt/Decrypt [e/d]: ') - - if mode.lower().startswith('e'): - mode = 'encrypt' - translated = encryptMessage(key, message) - elif mode.lower().startswith('d'): - mode = 'decrypt' - translated = decryptMessage(key, message) - - print('\n%sed message:' % mode.title()) - print(translated) - - -def encryptMessage(key, message): - ''' - >>> encryptMessage('HDarji', 'This is Harshil Darji from Dharmaj.') - 'Akij ra Odrjqqs Gaisq muod Mphumrs.' - ''' - return translateMessage(key, message, 'encrypt') - - -def decryptMessage(key, message): - ''' - >>> decryptMessage('HDarji', 'Akij ra Odrjqqs Gaisq muod Mphumrs.') - 'This is Harshil Darji from Dharmaj.' - ''' - return translateMessage(key, message, 'decrypt') - - -def translateMessage(key, message, mode): - translated = [] - keyIndex = 0 - key = key.upper() - - for symbol in message: - num = LETTERS.find(symbol.upper()) - if num != -1: - if mode == 'encrypt': - num += LETTERS.find(key[keyIndex]) - elif mode == 'decrypt': - num -= LETTERS.find(key[keyIndex]) - - num %= len(LETTERS) - - if symbol.isupper(): - translated.append(LETTERS[num]) - elif symbol.islower(): - translated.append(LETTERS[num].lower()) - - keyIndex += 1 - if keyIndex == len(key): - keyIndex = 0 - else: - translated.append(symbol) - return ''.join(translated) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + + +def main(): + message = input('Enter message: ') + key = input('Enter key [alphanumeric]: ') + mode = input('Encrypt/Decrypt [e/d]: ') + + if mode.lower().startswith('e'): + mode = 'encrypt' + translated = encryptMessage(key, message) + elif mode.lower().startswith('d'): + mode = 'decrypt' + translated = decryptMessage(key, message) + + print('\n%sed message:' % mode.title()) + print(translated) + + +def encryptMessage(key, message): + ''' + >>> encryptMessage('HDarji', 'This is Harshil Darji from Dharmaj.') + 'Akij ra Odrjqqs Gaisq muod Mphumrs.' + ''' + return translateMessage(key, message, 'encrypt') + + +def decryptMessage(key, message): + ''' + >>> decryptMessage('HDarji', 'Akij ra Odrjqqs Gaisq muod Mphumrs.') + 'This is Harshil Darji from Dharmaj.' + ''' + return translateMessage(key, message, 'decrypt') + + +def translateMessage(key, message, mode): + translated = [] + keyIndex = 0 + key = key.upper() + + for symbol in message: + num = LETTERS.find(symbol.upper()) + if num != -1: + if mode == 'encrypt': + num += LETTERS.find(key[keyIndex]) + elif mode == 'decrypt': + num -= LETTERS.find(key[keyIndex]) + + num %= len(LETTERS) + + if symbol.isupper(): + translated.append(LETTERS[num]) + elif symbol.islower(): + translated.append(LETTERS[num].lower()) + + keyIndex += 1 + if keyIndex == len(key): + keyIndex = 0 + else: + translated.append(symbol) + return ''.join(translated) + + +if __name__ == '__main__': + main() diff --git a/ciphers/xor_cipher.py b/ciphers/xor_cipher.py index 1a9770af5517..a390a793e5dd 100644 --- a/ciphers/xor_cipher.py +++ b/ciphers/xor_cipher.py @@ -1,203 +1,203 @@ -""" - author: Christian Bender - date: 21.12.2017 - class: XORCipher - - This class implements the XOR-cipher algorithm and provides - some useful methods for encrypting and decrypting strings and - files. - - Overview about methods - - - encrypt : list of char - - decrypt : list of char - - encrypt_string : str - - decrypt_string : str - - encrypt_file : boolean - - decrypt_file : boolean -""" - - -class XORCipher(object): - - def __init__(self, key=0): - """ - simple constructor that receives a key or uses - default key = 0 - """ - - # private field - self.__key = key - - def encrypt(self, content, key): - """ - input: 'content' of type string and 'key' of type int - output: encrypted string 'content' as a list of chars - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(key, int) and isinstance(content, str)) - - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = [] - - for ch in content: - ans.append(chr(ord(ch) ^ key)) - - return ans - - def decrypt(self, content, key): - """ - input: 'content' of type list and 'key' of type int - output: decrypted string 'content' as a list of chars - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(key, int) and isinstance(content, list)) - - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = [] - - for ch in content: - ans.append(chr(ord(ch) ^ key)) - - return ans - - def encrypt_string(self, content, key=0): - """ - input: 'content' of type string and 'key' of type int - output: encrypted string 'content' - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(key, int) and isinstance(content, str)) - - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = "" - - for ch in content: - ans += chr(ord(ch) ^ key) - - return ans - - def decrypt_string(self, content, key=0): - """ - input: 'content' of type string and 'key' of type int - output: decrypted string 'content' - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(key, int) and isinstance(content, str)) - - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = "" - - for ch in content: - ans += chr(ord(ch) ^ key) - - return ans - - def encrypt_file(self, file, key=0): - """ - input: filename (str) and a key (int) - output: returns true if encrypt process was - successful otherwise false - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(file, str) and isinstance(key, int)) - - try: - with open(file, "r") as fin: - with open("encrypt.out", "w+") as fout: - # actual encrypt-process - for line in fin: - fout.write(self.encrypt_string(line, key)) - - except: - return False - - return True - - def decrypt_file(self, file, key): - """ - input: filename (str) and a key (int) - output: returns true if decrypt process was - successful otherwise false - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(file, str) and isinstance(key, int)) - - try: - with open(file, "r") as fin: - with open("decrypt.out", "w+") as fout: - # actual encrypt-process - for line in fin: - fout.write(self.decrypt_string(line, key)) - - except: - return False - - return True - -# Tests -# crypt = XORCipher() -# key = 67 - -# # test enrcypt -# print crypt.encrypt("hallo welt",key) -# # test decrypt -# print crypt.decrypt(crypt.encrypt("hallo welt",key), key) - -# # test encrypt_string -# print crypt.encrypt_string("hallo welt",key) - -# # test decrypt_string -# print crypt.decrypt_string(crypt.encrypt_string("hallo welt",key),key) - -# if (crypt.encrypt_file("test.txt",key)): -# print "encrypt successful" -# else: -# print "encrypt unsuccessful" - -# if (crypt.decrypt_file("encrypt.out",key)): -# print "decrypt successful" -# else: -# print "decrypt unsuccessful" +""" + author: Christian Bender + date: 21.12.2017 + class: XORCipher + + This class implements the XOR-cipher algorithm and provides + some useful methods for encrypting and decrypting strings and + files. + + Overview about methods + + - encrypt : list of char + - decrypt : list of char + - encrypt_string : str + - decrypt_string : str + - encrypt_file : boolean + - decrypt_file : boolean +""" + + +class XORCipher(object): + + def __init__(self, key=0): + """ + simple constructor that receives a key or uses + default key = 0 + """ + + # private field + self.__key = key + + def encrypt(self, content, key): + """ + input: 'content' of type string and 'key' of type int + output: encrypted string 'content' as a list of chars + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(key, int) and isinstance(content, str)) + + key = key or self.__key or 1 + + # make sure key can be any size + while (key > 255): + key -= 255 + + # This will be returned + ans = [] + + for ch in content: + ans.append(chr(ord(ch) ^ key)) + + return ans + + def decrypt(self, content, key): + """ + input: 'content' of type list and 'key' of type int + output: decrypted string 'content' as a list of chars + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(key, int) and isinstance(content, list)) + + key = key or self.__key or 1 + + # make sure key can be any size + while (key > 255): + key -= 255 + + # This will be returned + ans = [] + + for ch in content: + ans.append(chr(ord(ch) ^ key)) + + return ans + + def encrypt_string(self, content, key=0): + """ + input: 'content' of type string and 'key' of type int + output: encrypted string 'content' + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(key, int) and isinstance(content, str)) + + key = key or self.__key or 1 + + # make sure key can be any size + while (key > 255): + key -= 255 + + # This will be returned + ans = "" + + for ch in content: + ans += chr(ord(ch) ^ key) + + return ans + + def decrypt_string(self, content, key=0): + """ + input: 'content' of type string and 'key' of type int + output: decrypted string 'content' + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(key, int) and isinstance(content, str)) + + key = key or self.__key or 1 + + # make sure key can be any size + while (key > 255): + key -= 255 + + # This will be returned + ans = "" + + for ch in content: + ans += chr(ord(ch) ^ key) + + return ans + + def encrypt_file(self, file, key=0): + """ + input: filename (str) and a key (int) + output: returns true if encrypt process was + successful otherwise false + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(file, str) and isinstance(key, int)) + + try: + with open(file, "r") as fin: + with open("encrypt.out", "w+") as fout: + # actual encrypt-process + for line in fin: + fout.write(self.encrypt_string(line, key)) + + except: + return False + + return True + + def decrypt_file(self, file, key): + """ + input: filename (str) and a key (int) + output: returns true if decrypt process was + successful otherwise false + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(file, str) and isinstance(key, int)) + + try: + with open(file, "r") as fin: + with open("decrypt.out", "w+") as fout: + # actual encrypt-process + for line in fin: + fout.write(self.decrypt_string(line, key)) + + except: + return False + + return True + +# Tests +# crypt = XORCipher() +# key = 67 + +# # test enrcypt +# print crypt.encrypt("hallo welt",key) +# # test decrypt +# print crypt.decrypt(crypt.encrypt("hallo welt",key), key) + +# # test encrypt_string +# print crypt.encrypt_string("hallo welt",key) + +# # test decrypt_string +# print crypt.decrypt_string(crypt.encrypt_string("hallo welt",key),key) + +# if (crypt.encrypt_file("test.txt",key)): +# print "encrypt successful" +# else: +# print "encrypt unsuccessful" + +# if (crypt.decrypt_file("encrypt.out",key)): +# print "decrypt successful" +# else: +# print "decrypt unsuccessful" diff --git a/compression/huffman.py b/compression/huffman.py index 5593746b6d48..2b6e975ddb7f 100644 --- a/compression/huffman.py +++ b/compression/huffman.py @@ -1,87 +1,87 @@ -import sys - - -class Letter: - def __init__(self, letter, freq): - self.letter = letter - self.freq = freq - self.bitstring = "" - - def __repr__(self): - return f'{self.letter}:{self.freq}' - - -class TreeNode: - def __init__(self, freq, left, right): - self.freq = freq - self.left = left - self.right = right - - -def parse_file(file_path): - """ - Read the file and build a dict of all letters and their - frequences, then convert the dict into a list of Letters. - """ - chars = {} - with open(file_path) as f: - while True: - c = f.read(1) - if not c: - break - chars[c] = chars[c] + 1 if c in chars.keys() else 1 - return sorted([Letter(c, f) for c, f in chars.items()], key=lambda l: l.freq) - - -def build_tree(letters): - """ - Run through the list of Letters and build the min heap - for the Huffman Tree. - """ - while len(letters) > 1: - left = letters.pop(0) - right = letters.pop(0) - total_freq = left.freq + right.freq - node = TreeNode(total_freq, left, right) - letters.append(node) - letters.sort(key=lambda l: l.freq) - return letters[0] - - -def traverse_tree(root, bitstring): - """ - Recursively traverse the Huffman Tree to set each - Letter's bitstring, and return the list of Letters - """ - if type(root) is Letter: - root.bitstring = bitstring - return [root] - letters = [] - letters += traverse_tree(root.left, bitstring + "0") - letters += traverse_tree(root.right, bitstring + "1") - return letters - - -def huffman(file_path): - """ - Parse the file, build the tree, then run through the file - again, using the list of Letters to find and print out the - bitstring for each letter. - """ - letters_list = parse_file(file_path) - root = build_tree(letters_list) - letters = traverse_tree(root, "") - print(f'Huffman Coding of {file_path}: ') - with open(file_path) as f: - while True: - c = f.read(1) - if not c: - break - le = list(filter(lambda l: l.letter == c, letters))[0] - print(le.bitstring, end=" ") - print() - - -if __name__ == "__main__": - # pass the file path to the huffman function - huffman(sys.argv[1]) +import sys + + +class Letter: + def __init__(self, letter, freq): + self.letter = letter + self.freq = freq + self.bitstring = "" + + def __repr__(self): + return f'{self.letter}:{self.freq}' + + +class TreeNode: + def __init__(self, freq, left, right): + self.freq = freq + self.left = left + self.right = right + + +def parse_file(file_path): + """ + Read the file and build a dict of all letters and their + frequences, then convert the dict into a list of Letters. + """ + chars = {} + with open(file_path) as f: + while True: + c = f.read(1) + if not c: + break + chars[c] = chars[c] + 1 if c in chars.keys() else 1 + return sorted([Letter(c, f) for c, f in chars.items()], key=lambda l: l.freq) + + +def build_tree(letters): + """ + Run through the list of Letters and build the min heap + for the Huffman Tree. + """ + while len(letters) > 1: + left = letters.pop(0) + right = letters.pop(0) + total_freq = left.freq + right.freq + node = TreeNode(total_freq, left, right) + letters.append(node) + letters.sort(key=lambda l: l.freq) + return letters[0] + + +def traverse_tree(root, bitstring): + """ + Recursively traverse the Huffman Tree to set each + Letter's bitstring, and return the list of Letters + """ + if type(root) is Letter: + root.bitstring = bitstring + return [root] + letters = [] + letters += traverse_tree(root.left, bitstring + "0") + letters += traverse_tree(root.right, bitstring + "1") + return letters + + +def huffman(file_path): + """ + Parse the file, build the tree, then run through the file + again, using the list of Letters to find and print out the + bitstring for each letter. + """ + letters_list = parse_file(file_path) + root = build_tree(letters_list) + letters = traverse_tree(root, "") + print(f'Huffman Coding of {file_path}: ') + with open(file_path) as f: + while True: + c = f.read(1) + if not c: + break + le = list(filter(lambda l: l.letter == c, letters))[0] + print(le.bitstring, end=" ") + print() + + +if __name__ == "__main__": + # pass the file path to the huffman function + huffman(sys.argv[1]) diff --git a/data_structures/LCA.py b/data_structures/LCA.py index 9c9d8ca629c7..d18fb43442d4 100644 --- a/data_structures/LCA.py +++ b/data_structures/LCA.py @@ -1,91 +1,91 @@ -import queue - - -def swap(a, b): - a ^= b - b ^= a - a ^= b - return a, b - - -# creating sparse table which saves each nodes 2^ith parent -def creatSparse(max_node, parent): - j = 1 - while (1 << j) < max_node: - for i in range(1, max_node + 1): - parent[j][i] = parent[j - 1][parent[j - 1][i]] - j += 1 - return parent - - -# returns lca of node u,v -def LCA(u, v, level, parent): - # u must be deeper in the tree than v - if level[u] < level[v]: - u, v = swap(u, v) - # making depth of u same as depth of v - for i in range(18, -1, -1): - if level[u] - (1 << i) >= level[v]: - u = parent[i][u] - # at the same depth if u==v that mean lca is found - if u == v: - return u - # moving both nodes upwards till lca in found - for i in range(18, -1, -1): - if parent[i][u] != 0 and parent[i][u] != parent[i][v]: - u, v = parent[i][u], parent[i][v] - # returning longest common ancestor of u,v - return parent[0][u] - - -# runs a breadth first search from root node of the tree -# sets every nodes direct parent -# parent of root node is set to 0 -# calculates depth of each node from root node -def bfs(level, parent, max_node, graph, root=1): - level[root] = 0 - q = queue.Queue(maxsize=max_node) - q.put(root) - while q.qsize() != 0: - u = q.get() - for v in graph[u]: - if level[v] == -1: - level[v] = level[u] + 1 - q.put(v) - parent[0][v] = u - return level, parent - - -def main(): - max_node = 13 - # initializing with 0 - parent = [[0 for _ in range(max_node + 10)] for _ in range(20)] - # initializing with -1 which means every node is unvisited - level = [-1 for _ in range(max_node + 10)] - graph = { - 1: [2, 3, 4], - 2: [5], - 3: [6, 7], - 4: [8], - 5: [9, 10], - 6: [11], - 7: [], - 8: [12, 13], - 9: [], - 10: [], - 11: [], - 12: [], - 13: [] - } - level, parent = bfs(level, parent, max_node, graph, 1) - parent = creatSparse(max_node, parent) - print("LCA of node 1 and 3 is: ", LCA(1, 3, level, parent)) - print("LCA of node 5 and 6 is: ", LCA(5, 6, level, parent)) - print("LCA of node 7 and 11 is: ", LCA(7, 11, level, parent)) - print("LCA of node 6 and 7 is: ", LCA(6, 7, level, parent)) - print("LCA of node 4 and 12 is: ", LCA(4, 12, level, parent)) - print("LCA of node 8 and 8 is: ", LCA(8, 8, level, parent)) - - -if __name__ == "__main__": - main() +import queue + + +def swap(a, b): + a ^= b + b ^= a + a ^= b + return a, b + + +# creating sparse table which saves each nodes 2^ith parent +def creatSparse(max_node, parent): + j = 1 + while (1 << j) < max_node: + for i in range(1, max_node + 1): + parent[j][i] = parent[j - 1][parent[j - 1][i]] + j += 1 + return parent + + +# returns lca of node u,v +def LCA(u, v, level, parent): + # u must be deeper in the tree than v + if level[u] < level[v]: + u, v = swap(u, v) + # making depth of u same as depth of v + for i in range(18, -1, -1): + if level[u] - (1 << i) >= level[v]: + u = parent[i][u] + # at the same depth if u==v that mean lca is found + if u == v: + return u + # moving both nodes upwards till lca in found + for i in range(18, -1, -1): + if parent[i][u] != 0 and parent[i][u] != parent[i][v]: + u, v = parent[i][u], parent[i][v] + # returning longest common ancestor of u,v + return parent[0][u] + + +# runs a breadth first search from root node of the tree +# sets every nodes direct parent +# parent of root node is set to 0 +# calculates depth of each node from root node +def bfs(level, parent, max_node, graph, root=1): + level[root] = 0 + q = queue.Queue(maxsize=max_node) + q.put(root) + while q.qsize() != 0: + u = q.get() + for v in graph[u]: + if level[v] == -1: + level[v] = level[u] + 1 + q.put(v) + parent[0][v] = u + return level, parent + + +def main(): + max_node = 13 + # initializing with 0 + parent = [[0 for _ in range(max_node + 10)] for _ in range(20)] + # initializing with -1 which means every node is unvisited + level = [-1 for _ in range(max_node + 10)] + graph = { + 1: [2, 3, 4], + 2: [5], + 3: [6, 7], + 4: [8], + 5: [9, 10], + 6: [11], + 7: [], + 8: [12, 13], + 9: [], + 10: [], + 11: [], + 12: [], + 13: [] + } + level, parent = bfs(level, parent, max_node, graph, 1) + parent = creatSparse(max_node, parent) + print("LCA of node 1 and 3 is: ", LCA(1, 3, level, parent)) + print("LCA of node 5 and 6 is: ", LCA(5, 6, level, parent)) + print("LCA of node 7 and 11 is: ", LCA(7, 11, level, parent)) + print("LCA of node 6 and 7 is: ", LCA(6, 7, level, parent)) + print("LCA of node 4 and 12 is: ", LCA(4, 12, level, parent)) + print("LCA of node 8 and 8 is: ", LCA(8, 8, level, parent)) + + +if __name__ == "__main__": + main() diff --git a/data_structures/arrays.py b/data_structures/arrays.py index f958585fbfb4..987468c50f2c 100644 --- a/data_structures/arrays.py +++ b/data_structures/arrays.py @@ -1,3 +1,3 @@ -arr = [10, 20, 30, 40] -arr[1] = 30 # set element 1 (20) of array to 30 -print(arr) +arr = [10, 20, 30, 40] +arr[1] = 30 # set element 1 (20) of array to 30 +print(arr) diff --git a/data_structures/avl.py b/data_structures/avl.py index 4f8c966ab902..3e6fe4975599 100644 --- a/data_structures/avl.py +++ b/data_structures/avl.py @@ -1,181 +1,181 @@ -""" -An AVL tree -""" -from __future__ import print_function - - -class Node: - - def __init__(self, label): - self.label = label - self._parent = None - self._left = None - self._right = None - self.height = 0 - - @property - def right(self): - return self._right - - @right.setter - def right(self, node): - if node is not None: - node._parent = self - self._right = node - - @property - def left(self): - return self._left - - @left.setter - def left(self, node): - if node is not None: - node._parent = self - self._left = node - - @property - def parent(self): - return self._parent - - @parent.setter - def parent(self, node): - if node is not None: - self._parent = node - self.height = self.parent.height + 1 - else: - self.height = 0 - - -class AVL: - - def __init__(self): - self.root = None - self.size = 0 - - def insert(self, value): - node = Node(value) - - if self.root is None: - self.root = node - self.root.height = 0 - self.size = 1 - else: - # Same as Binary Tree - dad_node = None - curr_node = self.root - - while True: - if curr_node is not None: - - dad_node = curr_node - - if node.label < curr_node.label: - curr_node = curr_node.left - else: - curr_node = curr_node.right - else: - node.height = dad_node.height - dad_node.height += 1 - if node.label < dad_node.label: - dad_node.left = node - else: - dad_node.right = node - self.rebalance(node) - self.size += 1 - break - - def rebalance(self, node): - n = node - - while n is not None: - height_right = n.height - height_left = n.height - - if n.right is not None: - height_right = n.right.height - - if n.left is not None: - height_left = n.left.height - - if abs(height_left - height_right) > 1: - if height_left > height_right: - left_child = n.left - if left_child is not None: - h_right = (left_child.right.height - if (left_child.right is not None) else 0) - h_left = (left_child.left.height - if (left_child.left is not None) else 0) - if (h_left > h_right): - self.rotate_left(n) - break - else: - self.double_rotate_right(n) - break - else: - right_child = n.right - if right_child is not None: - h_right = (right_child.right.height - if (right_child.right is not None) else 0) - h_left = (right_child.left.height - if (right_child.left is not None) else 0) - if (h_left > h_right): - self.double_rotate_left(n) - break - else: - self.rotate_right(n) - break - n = n.parent - - def rotate_left(self, node): - aux = node.parent.label - node.parent.label = node.label - node.parent.right = Node(aux) - node.parent.right.height = node.parent.height + 1 - node.parent.left = node.right - - def rotate_right(self, node): - aux = node.parent.label - node.parent.label = node.label - node.parent.left = Node(aux) - node.parent.left.height = node.parent.height + 1 - node.parent.right = node.right - - def double_rotate_left(self, node): - self.rotate_right(node.getRight().getRight()) - self.rotate_left(node) - - def double_rotate_right(self, node): - self.rotate_left(node.getLeft().getLeft()) - self.rotate_right(node) - - def empty(self): - if self.root is None: - return True - return False - - def preShow(self, curr_node): - if curr_node is not None: - self.preShow(curr_node.left) - print(curr_node.label, end=" ") - self.preShow(curr_node.right) - - def preorder(self, curr_node): - if curr_node is not None: - self.preShow(curr_node.left) - self.preShow(curr_node.right) - print(curr_node.label, end=" ") - - def getRoot(self): - return self.root - - -t = AVL() -t.insert(1) -t.insert(2) -t.insert(3) -# t.preShow(t.root) -# print("\n") -# t.insert(4) -# t.insert(5) -# t.preShow(t.root) -# t.preorden(t.root) +""" +An AVL tree +""" +from __future__ import print_function + + +class Node: + + def __init__(self, label): + self.label = label + self._parent = None + self._left = None + self._right = None + self.height = 0 + + @property + def right(self): + return self._right + + @right.setter + def right(self, node): + if node is not None: + node._parent = self + self._right = node + + @property + def left(self): + return self._left + + @left.setter + def left(self, node): + if node is not None: + node._parent = self + self._left = node + + @property + def parent(self): + return self._parent + + @parent.setter + def parent(self, node): + if node is not None: + self._parent = node + self.height = self.parent.height + 1 + else: + self.height = 0 + + +class AVL: + + def __init__(self): + self.root = None + self.size = 0 + + def insert(self, value): + node = Node(value) + + if self.root is None: + self.root = node + self.root.height = 0 + self.size = 1 + else: + # Same as Binary Tree + dad_node = None + curr_node = self.root + + while True: + if curr_node is not None: + + dad_node = curr_node + + if node.label < curr_node.label: + curr_node = curr_node.left + else: + curr_node = curr_node.right + else: + node.height = dad_node.height + dad_node.height += 1 + if node.label < dad_node.label: + dad_node.left = node + else: + dad_node.right = node + self.rebalance(node) + self.size += 1 + break + + def rebalance(self, node): + n = node + + while n is not None: + height_right = n.height + height_left = n.height + + if n.right is not None: + height_right = n.right.height + + if n.left is not None: + height_left = n.left.height + + if abs(height_left - height_right) > 1: + if height_left > height_right: + left_child = n.left + if left_child is not None: + h_right = (left_child.right.height + if (left_child.right is not None) else 0) + h_left = (left_child.left.height + if (left_child.left is not None) else 0) + if (h_left > h_right): + self.rotate_left(n) + break + else: + self.double_rotate_right(n) + break + else: + right_child = n.right + if right_child is not None: + h_right = (right_child.right.height + if (right_child.right is not None) else 0) + h_left = (right_child.left.height + if (right_child.left is not None) else 0) + if (h_left > h_right): + self.double_rotate_left(n) + break + else: + self.rotate_right(n) + break + n = n.parent + + def rotate_left(self, node): + aux = node.parent.label + node.parent.label = node.label + node.parent.right = Node(aux) + node.parent.right.height = node.parent.height + 1 + node.parent.left = node.right + + def rotate_right(self, node): + aux = node.parent.label + node.parent.label = node.label + node.parent.left = Node(aux) + node.parent.left.height = node.parent.height + 1 + node.parent.right = node.right + + def double_rotate_left(self, node): + self.rotate_right(node.getRight().getRight()) + self.rotate_left(node) + + def double_rotate_right(self, node): + self.rotate_left(node.getLeft().getLeft()) + self.rotate_right(node) + + def empty(self): + if self.root is None: + return True + return False + + def preShow(self, curr_node): + if curr_node is not None: + self.preShow(curr_node.left) + print(curr_node.label, end=" ") + self.preShow(curr_node.right) + + def preorder(self, curr_node): + if curr_node is not None: + self.preShow(curr_node.left) + self.preShow(curr_node.right) + print(curr_node.label, end=" ") + + def getRoot(self): + return self.root + + +t = AVL() +t.insert(1) +t.insert(2) +t.insert(3) +# t.preShow(t.root) +# print("\n") +# t.insert(4) +# t.insert(5) +# t.preShow(t.root) +# t.preorden(t.root) diff --git a/data_structures/binary tree/AVL_tree.py b/data_structures/binary tree/AVL_tree.py index eafcbaa99040..e4aff956576b 100644 --- a/data_structures/binary tree/AVL_tree.py +++ b/data_structures/binary tree/AVL_tree.py @@ -1,285 +1,285 @@ -# -*- coding: utf-8 -*- -''' -An auto-balanced binary tree! -''' -import math -import random - - -class my_queue: - def __init__(self): - self.data = [] - self.head = 0 - self.tail = 0 - - def isEmpty(self): - return self.head == self.tail - - def push(self, data): - self.data.append(data) - self.tail = self.tail + 1 - - def pop(self): - ret = self.data[self.head] - self.head = self.head + 1 - return ret - - def count(self): - return self.tail - self.head - - def print(self): - print(self.data) - print("**************") - print(self.data[self.head:self.tail]) - - -class my_node: - def __init__(self, data): - self.data = data - self.left = None - self.right = None - self.height = 1 - - def getdata(self): - return self.data - - def getleft(self): - return self.left - - def getright(self): - return self.right - - def getheight(self): - return self.height - - def setdata(self, data): - self.data = data - return - - def setleft(self, node): - self.left = node - return - - def setright(self, node): - self.right = node - return - - def setheight(self, height): - self.height = height - return - - -def getheight(node): - if node is None: - return 0 - return node.getheight() - - -def my_max(a, b): - if a > b: - return a - return b - - -def leftrotation(node): - r''' - A B - / \ / \ - B C Bl A - / \ --> / / \ - Bl Br UB Br C - / - UB - - UB = unbalanced node - ''' - print("left rotation node:", node.getdata()) - ret = node.getleft() - node.setleft(ret.getright()) - ret.setright(node) - h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 - node.setheight(h1) - h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 - ret.setheight(h2) - return ret - - -def rightrotation(node): - ''' - a mirror symmetry rotation of the leftrotation - ''' - print("right rotation node:", node.getdata()) - ret = node.getright() - node.setright(ret.getleft()) - ret.setleft(node) - h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 - node.setheight(h1) - h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 - ret.setheight(h2) - return ret - - -def rlrotation(node): - r''' - A A Br - / \ / \ / \ - B C RR Br C LR B A - / \ --> / \ --> / / \ - Bl Br B UB Bl UB C - \ / - UB Bl - RR = rightrotation LR = leftrotation - ''' - node.setleft(rightrotation(node.getleft())) - return leftrotation(node) - - -def lrrotation(node): - node.setright(leftrotation(node.getright())) - return rightrotation(node) - - -def insert_node(node, data): - if node is None: - return my_node(data) - if data < node.getdata(): - node.setleft(insert_node(node.getleft(), data)) - if getheight(node.getleft()) - getheight(node.getright()) == 2: # an unbalance detected - if data < node.getleft().getdata(): # new node is the left child of the left child - node = leftrotation(node) - else: - node = rlrotation(node) # new node is the right child of the left child - else: - node.setright(insert_node(node.getright(), data)) - if getheight(node.getright()) - getheight(node.getleft()) == 2: - if data < node.getright().getdata(): - node = lrrotation(node) - else: - node = rightrotation(node) - h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 - node.setheight(h1) - return node - - -def getRightMost(root): - while root.getright() is not None: - root = root.getright() - return root.getdata() - - -def getLeftMost(root): - while root.getleft() is not None: - root = root.getleft() - return root.getdata() - - -def del_node(root, data): - if root.getdata() == data: - if root.getleft() is not None and root.getright() is not None: - temp_data = getLeftMost(root.getright()) - root.setdata(temp_data) - root.setright(del_node(root.getright(), temp_data)) - elif root.getleft() is not None: - root = root.getleft() - else: - root = root.getright() - elif root.getdata() > data: - if root.getleft() is None: - print("No such data") - return root - else: - root.setleft(del_node(root.getleft(), data)) - elif root.getdata() < data: - if root.getright() is None: - return root - else: - root.setright(del_node(root.getright(), data)) - if root is None: - return root - if getheight(root.getright()) - getheight(root.getleft()) == 2: - if getheight(root.getright().getright()) > getheight(root.getright().getleft()): - root = rightrotation(root) - else: - root = lrrotation(root) - elif getheight(root.getright()) - getheight(root.getleft()) == -2: - if getheight(root.getleft().getleft()) > getheight(root.getleft().getright()): - root = leftrotation(root) - else: - root = rlrotation(root) - height = my_max(getheight(root.getright()), getheight(root.getleft())) + 1 - root.setheight(height) - return root - - -class AVLtree: - def __init__(self): - self.root = None - - def getheight(self): - # print("yyy") - return getheight(self.root) - - def insert(self, data): - print("insert:" + str(data)) - self.root = insert_node(self.root, data) - - def del_node(self, data): - print("delete:" + str(data)) - if self.root is None: - print("Tree is empty!") - return - self.root = del_node(self.root, data) - - def traversale(self): # a level traversale, gives a more intuitive look on the tree - q = my_queue() - q.push(self.root) - layer = self.getheight() - if layer == 0: - return - cnt = 0 - while not q.isEmpty(): - node = q.pop() - space = " " * int(math.pow(2, layer - 1)) - print(space, end="") - if node is None: - print("*", end="") - q.push(None) - q.push(None) - else: - print(node.getdata(), end="") - q.push(node.getleft()) - q.push(node.getright()) - print(space, end="") - cnt = cnt + 1 - for i in range(100): - if cnt == math.pow(2, i) - 1: - layer = layer - 1 - if layer == 0: - print() - print("*************************************") - return - print() - break - print() - print("*************************************") - return - - def test(self): - getheight(None) - print("****") - self.getheight() - - -if __name__ == "__main__": - t = AVLtree() - t.traversale() - l = list(range(10)) - random.shuffle(l) - for i in l: - t.insert(i) - t.traversale() - - random.shuffle(l) - for i in l: - t.del_node(i) - t.traversale() +# -*- coding: utf-8 -*- +''' +An auto-balanced binary tree! +''' +import math +import random + + +class my_queue: + def __init__(self): + self.data = [] + self.head = 0 + self.tail = 0 + + def isEmpty(self): + return self.head == self.tail + + def push(self, data): + self.data.append(data) + self.tail = self.tail + 1 + + def pop(self): + ret = self.data[self.head] + self.head = self.head + 1 + return ret + + def count(self): + return self.tail - self.head + + def print(self): + print(self.data) + print("**************") + print(self.data[self.head:self.tail]) + + +class my_node: + def __init__(self, data): + self.data = data + self.left = None + self.right = None + self.height = 1 + + def getdata(self): + return self.data + + def getleft(self): + return self.left + + def getright(self): + return self.right + + def getheight(self): + return self.height + + def setdata(self, data): + self.data = data + return + + def setleft(self, node): + self.left = node + return + + def setright(self, node): + self.right = node + return + + def setheight(self, height): + self.height = height + return + + +def getheight(node): + if node is None: + return 0 + return node.getheight() + + +def my_max(a, b): + if a > b: + return a + return b + + +def leftrotation(node): + r''' + A B + / \ / \ + B C Bl A + / \ --> / / \ + Bl Br UB Br C + / + UB + + UB = unbalanced node + ''' + print("left rotation node:", node.getdata()) + ret = node.getleft() + node.setleft(ret.getright()) + ret.setright(node) + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 + node.setheight(h1) + h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 + ret.setheight(h2) + return ret + + +def rightrotation(node): + ''' + a mirror symmetry rotation of the leftrotation + ''' + print("right rotation node:", node.getdata()) + ret = node.getright() + node.setright(ret.getleft()) + ret.setleft(node) + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 + node.setheight(h1) + h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 + ret.setheight(h2) + return ret + + +def rlrotation(node): + r''' + A A Br + / \ / \ / \ + B C RR Br C LR B A + / \ --> / \ --> / / \ + Bl Br B UB Bl UB C + \ / + UB Bl + RR = rightrotation LR = leftrotation + ''' + node.setleft(rightrotation(node.getleft())) + return leftrotation(node) + + +def lrrotation(node): + node.setright(leftrotation(node.getright())) + return rightrotation(node) + + +def insert_node(node, data): + if node is None: + return my_node(data) + if data < node.getdata(): + node.setleft(insert_node(node.getleft(), data)) + if getheight(node.getleft()) - getheight(node.getright()) == 2: # an unbalance detected + if data < node.getleft().getdata(): # new node is the left child of the left child + node = leftrotation(node) + else: + node = rlrotation(node) # new node is the right child of the left child + else: + node.setright(insert_node(node.getright(), data)) + if getheight(node.getright()) - getheight(node.getleft()) == 2: + if data < node.getright().getdata(): + node = lrrotation(node) + else: + node = rightrotation(node) + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 + node.setheight(h1) + return node + + +def getRightMost(root): + while root.getright() is not None: + root = root.getright() + return root.getdata() + + +def getLeftMost(root): + while root.getleft() is not None: + root = root.getleft() + return root.getdata() + + +def del_node(root, data): + if root.getdata() == data: + if root.getleft() is not None and root.getright() is not None: + temp_data = getLeftMost(root.getright()) + root.setdata(temp_data) + root.setright(del_node(root.getright(), temp_data)) + elif root.getleft() is not None: + root = root.getleft() + else: + root = root.getright() + elif root.getdata() > data: + if root.getleft() is None: + print("No such data") + return root + else: + root.setleft(del_node(root.getleft(), data)) + elif root.getdata() < data: + if root.getright() is None: + return root + else: + root.setright(del_node(root.getright(), data)) + if root is None: + return root + if getheight(root.getright()) - getheight(root.getleft()) == 2: + if getheight(root.getright().getright()) > getheight(root.getright().getleft()): + root = rightrotation(root) + else: + root = lrrotation(root) + elif getheight(root.getright()) - getheight(root.getleft()) == -2: + if getheight(root.getleft().getleft()) > getheight(root.getleft().getright()): + root = leftrotation(root) + else: + root = rlrotation(root) + height = my_max(getheight(root.getright()), getheight(root.getleft())) + 1 + root.setheight(height) + return root + + +class AVLtree: + def __init__(self): + self.root = None + + def getheight(self): + # print("yyy") + return getheight(self.root) + + def insert(self, data): + print("insert:" + str(data)) + self.root = insert_node(self.root, data) + + def del_node(self, data): + print("delete:" + str(data)) + if self.root is None: + print("Tree is empty!") + return + self.root = del_node(self.root, data) + + def traversale(self): # a level traversale, gives a more intuitive look on the tree + q = my_queue() + q.push(self.root) + layer = self.getheight() + if layer == 0: + return + cnt = 0 + while not q.isEmpty(): + node = q.pop() + space = " " * int(math.pow(2, layer - 1)) + print(space, end="") + if node is None: + print("*", end="") + q.push(None) + q.push(None) + else: + print(node.getdata(), end="") + q.push(node.getleft()) + q.push(node.getright()) + print(space, end="") + cnt = cnt + 1 + for i in range(100): + if cnt == math.pow(2, i) - 1: + layer = layer - 1 + if layer == 0: + print() + print("*************************************") + return + print() + break + print() + print("*************************************") + return + + def test(self): + getheight(None) + print("****") + self.getheight() + + +if __name__ == "__main__": + t = AVLtree() + t.traversale() + l = list(range(10)) + random.shuffle(l) + for i in l: + t.insert(i) + t.traversale() + + random.shuffle(l) + for i in l: + t.del_node(i) + t.traversale() diff --git a/data_structures/binary tree/binary_search_tree.py b/data_structures/binary tree/binary_search_tree.py index 183cfcc74eac..668e239b5d28 100644 --- a/data_structures/binary tree/binary_search_tree.py +++ b/data_structures/binary tree/binary_search_tree.py @@ -1,264 +1,264 @@ -''' -A binary search Tree -''' -from __future__ import print_function - - -class Node: - - def __init__(self, label, parent): - self.label = label - self.left = None - self.right = None - # Added in order to delete a node easier - self.parent = parent - - def getLabel(self): - return self.label - - def setLabel(self, label): - self.label = label - - def getLeft(self): - return self.left - - def setLeft(self, left): - self.left = left - - def getRight(self): - return self.right - - def setRight(self, right): - self.right = right - - def getParent(self): - return self.parent - - def setParent(self, parent): - self.parent = parent - - -class BinarySearchTree: - - def __init__(self): - self.root = None - - def insert(self, label): - # Create a new Node - new_node = Node(label, None) - # If Tree is empty - if self.empty(): - self.root = new_node - else: - # If Tree is not empty - curr_node = self.root - # While we don't get to a leaf - while curr_node is not None: - # We keep reference of the parent node - parent_node = curr_node - # If node label is less than current node - if new_node.getLabel() < curr_node.getLabel(): - # We go left - curr_node = curr_node.getLeft() - else: - # Else we go right - curr_node = curr_node.getRight() - # We insert the new node in a leaf - if new_node.getLabel() < parent_node.getLabel(): - parent_node.setLeft(new_node) - else: - parent_node.setRight(new_node) - # Set parent to the new node - new_node.setParent(parent_node) - - def delete(self, label): - if (not self.empty()): - # Look for the node with that label - node = self.getNode(label) - # If the node exists - if (node is not None): - # If it has no children - if (node.getLeft() is None and node.getRight() is None): - self.__reassignNodes(node, None) - node = None - # Has only right children - elif (node.getLeft() is None and node.getRight() is not None): - self.__reassignNodes(node, node.getRight()) - # Has only left children - elif (node.getLeft() is not None and node.getRight() is None): - self.__reassignNodes(node, node.getLeft()) - # Has two children - else: - # Gets the max value of the left branch - tmpNode = self.getMax(node.getLeft()) - # Deletes the tmpNode - self.delete(tmpNode.getLabel()) - # Assigns the value to the node to delete and keesp tree structure - node.setLabel(tmpNode.getLabel()) - - def getNode(self, label): - curr_node = None - # If the tree is not empty - if (not self.empty()): - # Get tree root - curr_node = self.getRoot() - # While we don't find the node we look for - # I am using lazy evaluation here to avoid NoneType Attribute error - while curr_node is not None and curr_node.getLabel() is not label: - # If node label is less than current node - if label < curr_node.getLabel(): - # We go left - curr_node = curr_node.getLeft() - else: - # Else we go right - curr_node = curr_node.getRight() - return curr_node - - def getMax(self, root=None): - if (root is not None): - curr_node = root - else: - # We go deep on the right branch - curr_node = self.getRoot() - if (not self.empty()): - while (curr_node.getRight() is not None): - curr_node = curr_node.getRight() - return curr_node - - def getMin(self, root=None): - if (root is not None): - curr_node = root - else: - # We go deep on the left branch - curr_node = self.getRoot() - if (not self.empty()): - curr_node = self.getRoot() - while (curr_node.getLeft() is not None): - curr_node = curr_node.getLeft() - return curr_node - - def empty(self): - if self.root is None: - return True - return False - - def __InOrderTraversal(self, curr_node): - nodeList = [] - if curr_node is not None: - nodeList.insert(0, curr_node) - nodeList = nodeList + self.__InOrderTraversal(curr_node.getLeft()) - nodeList = nodeList + self.__InOrderTraversal(curr_node.getRight()) - return nodeList - - def getRoot(self): - return self.root - - def __isRightChildren(self, node): - if (node == node.getParent().getRight()): - return True - return False - - def __reassignNodes(self, node, newChildren): - if (newChildren is not None): - newChildren.setParent(node.getParent()) - if (node.getParent() is not None): - # If it is the Right Children - if (self.__isRightChildren(node)): - node.getParent().setRight(newChildren) - else: - # Else it is the left children - node.getParent().setLeft(newChildren) - - # This function traversal the tree. By default it returns an - # In order traversal list. You can pass a function to traversal - # The tree as needed by client code - def traversalTree(self, traversalFunction=None, root=None): - if (traversalFunction is None): - # Returns a list of nodes in preOrder by default - return self.__InOrderTraversal(self.root) - else: - # Returns a list of nodes in the order that the users wants to - return traversalFunction(self.root) - - # Returns an string of all the nodes labels in the list - # In Order Traversal - def __str__(self): - list = self.__InOrderTraversal(self.root) - str = "" - for x in list: - str = str + " " + x.getLabel().__str__() - return str - - -def InPreOrder(curr_node): - nodeList = [] - if curr_node is not None: - nodeList = nodeList + InPreOrder(curr_node.getLeft()) - nodeList.insert(0, curr_node.getLabel()) - nodeList = nodeList + InPreOrder(curr_node.getRight()) - return nodeList - - -def testBinarySearchTree(): - r''' - Example - 8 - / \ - 3 10 - / \ \ - 1 6 14 - / \ / - 4 7 13 - ''' - - r''' - Example After Deletion - 7 - / \ - 1 4 - - ''' - t = BinarySearchTree() - t.insert(8) - t.insert(3) - t.insert(6) - t.insert(1) - t.insert(10) - t.insert(14) - t.insert(13) - t.insert(4) - t.insert(7) - - # Prints all the elements of the list in order traversal - print(t.__str__()) - - if (t.getNode(6) is not None): - print("The label 6 exists") - else: - print("The label 6 doesn't exist") - - if (t.getNode(-1) is not None): - print("The label -1 exists") - else: - print("The label -1 doesn't exist") - - if (not t.empty()): - print(("Max Value: ", t.getMax().getLabel())) - print(("Min Value: ", t.getMin().getLabel())) - - t.delete(13) - t.delete(10) - t.delete(8) - t.delete(3) - t.delete(6) - t.delete(14) - - # Gets all the elements of the tree In pre order - # And it prints them - list = t.traversalTree(InPreOrder, t.root) - for x in list: - print(x) - - -if __name__ == "__main__": - testBinarySearchTree() +''' +A binary search Tree +''' +from __future__ import print_function + + +class Node: + + def __init__(self, label, parent): + self.label = label + self.left = None + self.right = None + # Added in order to delete a node easier + self.parent = parent + + def getLabel(self): + return self.label + + def setLabel(self, label): + self.label = label + + def getLeft(self): + return self.left + + def setLeft(self, left): + self.left = left + + def getRight(self): + return self.right + + def setRight(self, right): + self.right = right + + def getParent(self): + return self.parent + + def setParent(self, parent): + self.parent = parent + + +class BinarySearchTree: + + def __init__(self): + self.root = None + + def insert(self, label): + # Create a new Node + new_node = Node(label, None) + # If Tree is empty + if self.empty(): + self.root = new_node + else: + # If Tree is not empty + curr_node = self.root + # While we don't get to a leaf + while curr_node is not None: + # We keep reference of the parent node + parent_node = curr_node + # If node label is less than current node + if new_node.getLabel() < curr_node.getLabel(): + # We go left + curr_node = curr_node.getLeft() + else: + # Else we go right + curr_node = curr_node.getRight() + # We insert the new node in a leaf + if new_node.getLabel() < parent_node.getLabel(): + parent_node.setLeft(new_node) + else: + parent_node.setRight(new_node) + # Set parent to the new node + new_node.setParent(parent_node) + + def delete(self, label): + if (not self.empty()): + # Look for the node with that label + node = self.getNode(label) + # If the node exists + if (node is not None): + # If it has no children + if (node.getLeft() is None and node.getRight() is None): + self.__reassignNodes(node, None) + node = None + # Has only right children + elif (node.getLeft() is None and node.getRight() is not None): + self.__reassignNodes(node, node.getRight()) + # Has only left children + elif (node.getLeft() is not None and node.getRight() is None): + self.__reassignNodes(node, node.getLeft()) + # Has two children + else: + # Gets the max value of the left branch + tmpNode = self.getMax(node.getLeft()) + # Deletes the tmpNode + self.delete(tmpNode.getLabel()) + # Assigns the value to the node to delete and keesp tree structure + node.setLabel(tmpNode.getLabel()) + + def getNode(self, label): + curr_node = None + # If the tree is not empty + if (not self.empty()): + # Get tree root + curr_node = self.getRoot() + # While we don't find the node we look for + # I am using lazy evaluation here to avoid NoneType Attribute error + while curr_node is not None and curr_node.getLabel() is not label: + # If node label is less than current node + if label < curr_node.getLabel(): + # We go left + curr_node = curr_node.getLeft() + else: + # Else we go right + curr_node = curr_node.getRight() + return curr_node + + def getMax(self, root=None): + if (root is not None): + curr_node = root + else: + # We go deep on the right branch + curr_node = self.getRoot() + if (not self.empty()): + while (curr_node.getRight() is not None): + curr_node = curr_node.getRight() + return curr_node + + def getMin(self, root=None): + if (root is not None): + curr_node = root + else: + # We go deep on the left branch + curr_node = self.getRoot() + if (not self.empty()): + curr_node = self.getRoot() + while (curr_node.getLeft() is not None): + curr_node = curr_node.getLeft() + return curr_node + + def empty(self): + if self.root is None: + return True + return False + + def __InOrderTraversal(self, curr_node): + nodeList = [] + if curr_node is not None: + nodeList.insert(0, curr_node) + nodeList = nodeList + self.__InOrderTraversal(curr_node.getLeft()) + nodeList = nodeList + self.__InOrderTraversal(curr_node.getRight()) + return nodeList + + def getRoot(self): + return self.root + + def __isRightChildren(self, node): + if (node == node.getParent().getRight()): + return True + return False + + def __reassignNodes(self, node, newChildren): + if (newChildren is not None): + newChildren.setParent(node.getParent()) + if (node.getParent() is not None): + # If it is the Right Children + if (self.__isRightChildren(node)): + node.getParent().setRight(newChildren) + else: + # Else it is the left children + node.getParent().setLeft(newChildren) + + # This function traversal the tree. By default it returns an + # In order traversal list. You can pass a function to traversal + # The tree as needed by client code + def traversalTree(self, traversalFunction=None, root=None): + if (traversalFunction is None): + # Returns a list of nodes in preOrder by default + return self.__InOrderTraversal(self.root) + else: + # Returns a list of nodes in the order that the users wants to + return traversalFunction(self.root) + + # Returns an string of all the nodes labels in the list + # In Order Traversal + def __str__(self): + list = self.__InOrderTraversal(self.root) + str = "" + for x in list: + str = str + " " + x.getLabel().__str__() + return str + + +def InPreOrder(curr_node): + nodeList = [] + if curr_node is not None: + nodeList = nodeList + InPreOrder(curr_node.getLeft()) + nodeList.insert(0, curr_node.getLabel()) + nodeList = nodeList + InPreOrder(curr_node.getRight()) + return nodeList + + +def testBinarySearchTree(): + r''' + Example + 8 + / \ + 3 10 + / \ \ + 1 6 14 + / \ / + 4 7 13 + ''' + + r''' + Example After Deletion + 7 + / \ + 1 4 + + ''' + t = BinarySearchTree() + t.insert(8) + t.insert(3) + t.insert(6) + t.insert(1) + t.insert(10) + t.insert(14) + t.insert(13) + t.insert(4) + t.insert(7) + + # Prints all the elements of the list in order traversal + print(t.__str__()) + + if (t.getNode(6) is not None): + print("The label 6 exists") + else: + print("The label 6 doesn't exist") + + if (t.getNode(-1) is not None): + print("The label -1 exists") + else: + print("The label -1 doesn't exist") + + if (not t.empty()): + print(("Max Value: ", t.getMax().getLabel())) + print(("Min Value: ", t.getMin().getLabel())) + + t.delete(13) + t.delete(10) + t.delete(8) + t.delete(3) + t.delete(6) + t.delete(14) + + # Gets all the elements of the tree In pre order + # And it prints them + list = t.traversalTree(InPreOrder, t.root) + for x in list: + print(x) + + +if __name__ == "__main__": + testBinarySearchTree() diff --git a/data_structures/binary tree/fenwick_tree.py b/data_structures/binary tree/fenwick_tree.py index 9253210c9875..abcae7180a82 100644 --- a/data_structures/binary tree/fenwick_tree.py +++ b/data_structures/binary tree/fenwick_tree.py @@ -1,32 +1,32 @@ -from __future__ import print_function - - -class FenwickTree: - - def __init__(self, SIZE): # create fenwick tree with size SIZE - self.Size = SIZE - self.ft = [0 for i in range(0, SIZE)] - - def update(self, i, val): # update data (adding) in index i in O(lg N) - while (i < self.Size): - self.ft[i] += val - i += i & (-i) - - def query(self, i): # query cumulative data from index 0 to i in O(lg N) - ret = 0 - while (i > 0): - ret += self.ft[i] - i -= i & (-i) - return ret - - -if __name__ == '__main__': - f = FenwickTree(100) - f.update(1, 20) - f.update(4, 4) - print(f.query(1)) - print(f.query(3)) - print(f.query(4)) - f.update(2, -5) - print(f.query(1)) - print(f.query(3)) +from __future__ import print_function + + +class FenwickTree: + + def __init__(self, SIZE): # create fenwick tree with size SIZE + self.Size = SIZE + self.ft = [0 for i in range(0, SIZE)] + + def update(self, i, val): # update data (adding) in index i in O(lg N) + while (i < self.Size): + self.ft[i] += val + i += i & (-i) + + def query(self, i): # query cumulative data from index 0 to i in O(lg N) + ret = 0 + while (i > 0): + ret += self.ft[i] + i -= i & (-i) + return ret + + +if __name__ == '__main__': + f = FenwickTree(100) + f.update(1, 20) + f.update(4, 4) + print(f.query(1)) + print(f.query(3)) + print(f.query(4)) + f.update(2, -5) + print(f.query(1)) + print(f.query(3)) diff --git a/data_structures/binary tree/lazy_segment_tree.py b/data_structures/binary tree/lazy_segment_tree.py index 0bb0b0edc1af..85e3bf5ee199 100644 --- a/data_structures/binary tree/lazy_segment_tree.py +++ b/data_structures/binary tree/lazy_segment_tree.py @@ -1,93 +1,93 @@ -from __future__ import print_function - -import math - - -class SegmentTree: - - def __init__(self, N): - self.N = N - self.st = [0 for i in range(0, 4 * N)] # approximate the overall size of segment tree with array N - self.lazy = [0 for i in range(0, 4 * N)] # create array to store lazy update - self.flag = [0 for i in range(0, 4 * N)] # flag for lazy update - - def left(self, idx): - return idx * 2 - - def right(self, idx): - return idx * 2 + 1 - - def build(self, idx, l, r, A): - if l == r: - self.st[idx] = A[l - 1] - else: - mid = (l + r) // 2 - self.build(self.left(idx), l, mid, A) - self.build(self.right(idx), mid + 1, r, A) - self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) - - # update with O(lg N) (Normal segment tree without lazy update will take O(Nlg N) for each update) - def update(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] - if self.flag[idx] == True: - self.st[idx] = self.lazy[idx] - self.flag[idx] = False - if l != r: - self.lazy[self.left(idx)] = self.lazy[idx] - self.lazy[self.right(idx)] = self.lazy[idx] - self.flag[self.left(idx)] = True - self.flag[self.right(idx)] = True - - if r < a or l > b: - return True - if l >= a and r <= b: - self.st[idx] = val - if l != r: - self.lazy[self.left(idx)] = val - self.lazy[self.right(idx)] = val - self.flag[self.left(idx)] = True - self.flag[self.right(idx)] = True - return True - mid = (l + r) // 2 - self.update(self.left(idx), l, mid, a, b, val) - self.update(self.right(idx), mid + 1, r, a, b, val) - self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) - return True - - # query with O(lg N) - def query(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] - if self.flag[idx] == True: - self.st[idx] = self.lazy[idx] - self.flag[idx] = False - if l != r: - self.lazy[self.left(idx)] = self.lazy[idx] - self.lazy[self.right(idx)] = self.lazy[idx] - self.flag[self.left(idx)] = True - self.flag[self.right(idx)] = True - if r < a or l > b: - return -math.inf - if l >= a and r <= b: - return self.st[idx] - mid = (l + r) // 2 - q1 = self.query(self.left(idx), l, mid, a, b) - q2 = self.query(self.right(idx), mid + 1, r, a, b) - return max(q1, q2) - - def showData(self): - showList = [] - for i in range(1, N + 1): - showList += [self.query(1, 1, self.N, i, i)] - print(showList) - - -if __name__ == '__main__': - A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] - N = 15 - segt = SegmentTree(N) - segt.build(1, 1, N, A) - print(segt.query(1, 1, N, 4, 6)) - print(segt.query(1, 1, N, 7, 11)) - print(segt.query(1, 1, N, 7, 12)) - segt.update(1, 1, N, 1, 3, 111) - print(segt.query(1, 1, N, 1, 15)) - segt.update(1, 1, N, 7, 8, 235) - segt.showData() +from __future__ import print_function + +import math + + +class SegmentTree: + + def __init__(self, N): + self.N = N + self.st = [0 for i in range(0, 4 * N)] # approximate the overall size of segment tree with array N + self.lazy = [0 for i in range(0, 4 * N)] # create array to store lazy update + self.flag = [0 for i in range(0, 4 * N)] # flag for lazy update + + def left(self, idx): + return idx * 2 + + def right(self, idx): + return idx * 2 + 1 + + def build(self, idx, l, r, A): + if l == r: + self.st[idx] = A[l - 1] + else: + mid = (l + r) // 2 + self.build(self.left(idx), l, mid, A) + self.build(self.right(idx), mid + 1, r, A) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + + # update with O(lg N) (Normal segment tree without lazy update will take O(Nlg N) for each update) + def update(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] + if self.flag[idx] == True: + self.st[idx] = self.lazy[idx] + self.flag[idx] = False + if l != r: + self.lazy[self.left(idx)] = self.lazy[idx] + self.lazy[self.right(idx)] = self.lazy[idx] + self.flag[self.left(idx)] = True + self.flag[self.right(idx)] = True + + if r < a or l > b: + return True + if l >= a and r <= b: + self.st[idx] = val + if l != r: + self.lazy[self.left(idx)] = val + self.lazy[self.right(idx)] = val + self.flag[self.left(idx)] = True + self.flag[self.right(idx)] = True + return True + mid = (l + r) // 2 + self.update(self.left(idx), l, mid, a, b, val) + self.update(self.right(idx), mid + 1, r, a, b, val) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + return True + + # query with O(lg N) + def query(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] + if self.flag[idx] == True: + self.st[idx] = self.lazy[idx] + self.flag[idx] = False + if l != r: + self.lazy[self.left(idx)] = self.lazy[idx] + self.lazy[self.right(idx)] = self.lazy[idx] + self.flag[self.left(idx)] = True + self.flag[self.right(idx)] = True + if r < a or l > b: + return -math.inf + if l >= a and r <= b: + return self.st[idx] + mid = (l + r) // 2 + q1 = self.query(self.left(idx), l, mid, a, b) + q2 = self.query(self.right(idx), mid + 1, r, a, b) + return max(q1, q2) + + def showData(self): + showList = [] + for i in range(1, N + 1): + showList += [self.query(1, 1, self.N, i, i)] + print(showList) + + +if __name__ == '__main__': + A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] + N = 15 + segt = SegmentTree(N) + segt.build(1, 1, N, A) + print(segt.query(1, 1, N, 4, 6)) + print(segt.query(1, 1, N, 7, 11)) + print(segt.query(1, 1, N, 7, 12)) + segt.update(1, 1, N, 1, 3, 111) + print(segt.query(1, 1, N, 1, 15)) + segt.update(1, 1, N, 7, 8, 235) + segt.showData() diff --git a/data_structures/binary tree/segment_tree.py b/data_structures/binary tree/segment_tree.py index cb68749936a4..c4b2cab8683c 100644 --- a/data_structures/binary tree/segment_tree.py +++ b/data_structures/binary tree/segment_tree.py @@ -1,73 +1,73 @@ -from __future__ import print_function - -import math - - -class SegmentTree: - - def __init__(self, A): - self.N = len(A) - self.st = [0] * (4 * self.N) # approximate the overall size of segment tree with array N - self.build(1, 0, self.N - 1) - - def left(self, idx): - return idx * 2 - - def right(self, idx): - return idx * 2 + 1 - - def build(self, idx, l, r): - if l == r: - self.st[idx] = A[l] - else: - mid = (l + r) // 2 - self.build(self.left(idx), l, mid) - self.build(self.right(idx), mid + 1, r) - self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) - - def update(self, a, b, val): - return self.update_recursive(1, 0, self.N - 1, a - 1, b - 1, val) - - def update_recursive(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] - if r < a or l > b: - return True - if l == r: - self.st[idx] = val - return True - mid = (l + r) // 2 - self.update_recursive(self.left(idx), l, mid, a, b, val) - self.update_recursive(self.right(idx), mid + 1, r, a, b, val) - self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) - return True - - def query(self, a, b): - return self.query_recursive(1, 0, self.N - 1, a - 1, b - 1) - - def query_recursive(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] - if r < a or l > b: - return -math.inf - if l >= a and r <= b: - return self.st[idx] - mid = (l + r) // 2 - q1 = self.query_recursive(self.left(idx), l, mid, a, b) - q2 = self.query_recursive(self.right(idx), mid + 1, r, a, b) - return max(q1, q2) - - def showData(self): - showList = [] - for i in range(1, N + 1): - showList += [self.query(i, i)] - print(showList) - - -if __name__ == '__main__': - A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] - N = 15 - segt = SegmentTree(A) - print(segt.query(4, 6)) - print(segt.query(7, 11)) - print(segt.query(7, 12)) - segt.update(1, 3, 111) - print(segt.query(1, 15)) - segt.update(7, 8, 235) - segt.showData() +from __future__ import print_function + +import math + + +class SegmentTree: + + def __init__(self, A): + self.N = len(A) + self.st = [0] * (4 * self.N) # approximate the overall size of segment tree with array N + self.build(1, 0, self.N - 1) + + def left(self, idx): + return idx * 2 + + def right(self, idx): + return idx * 2 + 1 + + def build(self, idx, l, r): + if l == r: + self.st[idx] = A[l] + else: + mid = (l + r) // 2 + self.build(self.left(idx), l, mid) + self.build(self.right(idx), mid + 1, r) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + + def update(self, a, b, val): + return self.update_recursive(1, 0, self.N - 1, a - 1, b - 1, val) + + def update_recursive(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] + if r < a or l > b: + return True + if l == r: + self.st[idx] = val + return True + mid = (l + r) // 2 + self.update_recursive(self.left(idx), l, mid, a, b, val) + self.update_recursive(self.right(idx), mid + 1, r, a, b, val) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + return True + + def query(self, a, b): + return self.query_recursive(1, 0, self.N - 1, a - 1, b - 1) + + def query_recursive(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] + if r < a or l > b: + return -math.inf + if l >= a and r <= b: + return self.st[idx] + mid = (l + r) // 2 + q1 = self.query_recursive(self.left(idx), l, mid, a, b) + q2 = self.query_recursive(self.right(idx), mid + 1, r, a, b) + return max(q1, q2) + + def showData(self): + showList = [] + for i in range(1, N + 1): + showList += [self.query(i, i)] + print(showList) + + +if __name__ == '__main__': + A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] + N = 15 + segt = SegmentTree(A) + print(segt.query(4, 6)) + print(segt.query(7, 11)) + print(segt.query(7, 12)) + segt.update(1, 3, 111) + print(segt.query(1, 15)) + segt.update(7, 8, 235) + segt.showData() diff --git a/data_structures/binary tree/treap.py b/data_structures/binary tree/treap.py index 5d34abc3c931..81553342dc3f 100644 --- a/data_structures/binary tree/treap.py +++ b/data_structures/binary tree/treap.py @@ -1,130 +1,130 @@ -from random import random -from typing import Tuple - - -class Node: - """ - Treap's node - Treap is a binary tree by key and heap by priority - """ - - def __init__(self, key: int): - self.key = key - self.prior = random() - self.l = None - self.r = None - - -def split(root: Node, key: int) -> Tuple[Node, Node]: - """ - We split current tree into 2 trees with key: - - Left tree contains all keys less than split key. - Right tree contains all keys greater or equal, than split key - """ - if root is None: # None tree is split into 2 Nones - return (None, None) - if root.key >= key: - """ - Right tree's root will be current node. - Now we split(with the same key) current node's left son - Left tree: left part of that split - Right tree's left son: right part of that split - """ - l, root.l = split(root.l, key) - return (l, root) - else: - """ - Just symmetric to previous case - """ - root.r, r = split(root.r, key) - return (root, r) - - -def merge(left: Node, right: Node) -> Node: - """ - We merge 2 trees into one. - Note: all left tree's keys must be less than all right tree's - """ - if (not left) or (not right): - """ - If one node is None, return the other - """ - return left or right - if left.key > right.key: - """ - Left will be root because it has more priority - Now we need to merge left's right son and right tree - """ - left.r = merge(left.r, right) - return left - else: - """ - Symmetric as well - """ - right.l = merge(left, right.l) - return right - - -def insert(root: Node, key: int) -> Node: - """ - Insert element - - Split current tree with a key into l, r, - Insert new node into the middle - Merge l, node, r into root - """ - node = Node(key) - l, r = split(root, key) - root = merge(l, node) - root = merge(root, r) - return root - - -def erase(root: Node, key: int) -> Node: - """ - Erase element - - Split all nodes with keys less into l, - Split all nodes with keys greater into r. - Merge l, r - """ - l, r = split(root, key) - _, r = split(r, key + 1) - return merge(l, r) - - -def node_print(root: Node): - """ - Just recursive print of a tree - """ - if not root: - return - node_print(root.l) - print(root.key, end=" ") - node_print(root.r) - - -def interactTreap(): - """ - Commands: - + key to add key into treap - - key to erase all nodes with key - - After each command, program prints treap - """ - root = None - while True: - cmd = input().split() - cmd[1] = int(cmd[1]) - if cmd[0] == "+": - root = insert(root, cmd[1]) - elif cmd[0] == "-": - root = erase(root, cmd[1]) - else: - print("Unknown command") - node_print(root) - - -if __name__ == "__main__": - interactTreap() +from random import random +from typing import Tuple + + +class Node: + """ + Treap's node + Treap is a binary tree by key and heap by priority + """ + + def __init__(self, key: int): + self.key = key + self.prior = random() + self.l = None + self.r = None + + +def split(root: Node, key: int) -> Tuple[Node, Node]: + """ + We split current tree into 2 trees with key: + + Left tree contains all keys less than split key. + Right tree contains all keys greater or equal, than split key + """ + if root is None: # None tree is split into 2 Nones + return (None, None) + if root.key >= key: + """ + Right tree's root will be current node. + Now we split(with the same key) current node's left son + Left tree: left part of that split + Right tree's left son: right part of that split + """ + l, root.l = split(root.l, key) + return (l, root) + else: + """ + Just symmetric to previous case + """ + root.r, r = split(root.r, key) + return (root, r) + + +def merge(left: Node, right: Node) -> Node: + """ + We merge 2 trees into one. + Note: all left tree's keys must be less than all right tree's + """ + if (not left) or (not right): + """ + If one node is None, return the other + """ + return left or right + if left.key > right.key: + """ + Left will be root because it has more priority + Now we need to merge left's right son and right tree + """ + left.r = merge(left.r, right) + return left + else: + """ + Symmetric as well + """ + right.l = merge(left, right.l) + return right + + +def insert(root: Node, key: int) -> Node: + """ + Insert element + + Split current tree with a key into l, r, + Insert new node into the middle + Merge l, node, r into root + """ + node = Node(key) + l, r = split(root, key) + root = merge(l, node) + root = merge(root, r) + return root + + +def erase(root: Node, key: int) -> Node: + """ + Erase element + + Split all nodes with keys less into l, + Split all nodes with keys greater into r. + Merge l, r + """ + l, r = split(root, key) + _, r = split(r, key + 1) + return merge(l, r) + + +def node_print(root: Node): + """ + Just recursive print of a tree + """ + if not root: + return + node_print(root.l) + print(root.key, end=" ") + node_print(root.r) + + +def interactTreap(): + """ + Commands: + + key to add key into treap + - key to erase all nodes with key + + After each command, program prints treap + """ + root = None + while True: + cmd = input().split() + cmd[1] = int(cmd[1]) + if cmd[0] == "+": + root = insert(root, cmd[1]) + elif cmd[0] == "-": + root = erase(root, cmd[1]) + else: + print("Unknown command") + node_print(root) + + +if __name__ == "__main__": + interactTreap() diff --git a/data_structures/hashing/__init__.py b/data_structures/hashing/__init__.py index 034faa2b5fa9..8b75d211355d 100644 --- a/data_structures/hashing/__init__.py +++ b/data_structures/hashing/__init__.py @@ -1,7 +1,7 @@ -from .hash_table import HashTable - - -class QuadraticProbing(HashTable): - - def __init__(self): - super(self.__class__, self).__init__() +from .hash_table import HashTable + + +class QuadraticProbing(HashTable): + + def __init__(self): + super(self.__class__, self).__init__() diff --git a/data_structures/hashing/double_hash.py b/data_structures/hashing/double_hash.py index d7cd8d2e2db6..20b1df5c894f 100644 --- a/data_structures/hashing/double_hash.py +++ b/data_structures/hashing/double_hash.py @@ -1,37 +1,37 @@ -#!/usr/bin/env python3 - -from number_theory.prime_numbers import next_prime, check_prime - -from .hash_table import HashTable - - -class DoubleHash(HashTable): - """ - Hash Table example with open addressing and Double Hash - """ - - def __init__(self, *args, **kwargs): - super().__init__(*args, **kwargs) - - def __hash_function_2(self, value, data): - - next_prime_gt = next_prime(value % self.size_table) \ - if not check_prime(value % self.size_table) else value % self.size_table # gt = bigger than - return next_prime_gt - (data % next_prime_gt) - - def __hash_double_function(self, key, data, increment): - return (increment * self.__hash_function_2(key, data)) % self.size_table - - def _colision_resolution(self, key, data=None): - i = 1 - new_key = self.hash_function(data) - - while self.values[new_key] is not None and self.values[new_key] != key: - new_key = self.__hash_double_function(key, data, i) if \ - self.balanced_factor() >= self.lim_charge else None - if new_key is None: - break - else: - i += 1 - - return new_key +#!/usr/bin/env python3 + +from number_theory.prime_numbers import next_prime, check_prime + +from .hash_table import HashTable + + +class DoubleHash(HashTable): + """ + Hash Table example with open addressing and Double Hash + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + def __hash_function_2(self, value, data): + + next_prime_gt = next_prime(value % self.size_table) \ + if not check_prime(value % self.size_table) else value % self.size_table # gt = bigger than + return next_prime_gt - (data % next_prime_gt) + + def __hash_double_function(self, key, data, increment): + return (increment * self.__hash_function_2(key, data)) % self.size_table + + def _colision_resolution(self, key, data=None): + i = 1 + new_key = self.hash_function(data) + + while self.values[new_key] is not None and self.values[new_key] != key: + new_key = self.__hash_double_function(key, data, i) if \ + self.balanced_factor() >= self.lim_charge else None + if new_key is None: + break + else: + i += 1 + + return new_key diff --git a/data_structures/hashing/hash_table.py b/data_structures/hashing/hash_table.py index ff624dbdf323..c7b130ee188a 100644 --- a/data_structures/hashing/hash_table.py +++ b/data_structures/hashing/hash_table.py @@ -1,82 +1,82 @@ -#!/usr/bin/env python3 -from number_theory.prime_numbers import next_prime - - -class HashTable: - """ - Basic Hash Table example with open addressing and linear probing - """ - - def __init__(self, size_table, charge_factor=None, lim_charge=None): - self.size_table = size_table - self.values = [None] * self.size_table - self.lim_charge = 0.75 if lim_charge is None else lim_charge - self.charge_factor = 1 if charge_factor is None else charge_factor - self.__aux_list = [] - self._keys = {} - - def keys(self): - return self._keys - - def balanced_factor(self): - return sum([1 for slot in self.values - if slot is not None]) / (self.size_table * self.charge_factor) - - def hash_function(self, key): - return key % self.size_table - - def _step_by_step(self, step_ord): - - print("step {0}".format(step_ord)) - print([i for i in range(len(self.values))]) - print(self.values) - - def bulk_insert(self, values): - i = 1 - self.__aux_list = values - for value in values: - self.insert_data(value) - self._step_by_step(i) - i += 1 - - def _set_value(self, key, data): - self.values[key] = data - self._keys[key] = data - - def _colision_resolution(self, key, data=None): - new_key = self.hash_function(key + 1) - - while self.values[new_key] is not None \ - and self.values[new_key] != key: - - if self.values.count(None) > 0: - new_key = self.hash_function(new_key + 1) - else: - new_key = None - break - - return new_key - - def rehashing(self): - survivor_values = [value for value in self.values if value is not None] - self.size_table = next_prime(self.size_table, factor=2) - self._keys.clear() - self.values = [None] * self.size_table # hell's pointers D: don't DRY ;/ - map(self.insert_data, survivor_values) - - def insert_data(self, data): - key = self.hash_function(data) - - if self.values[key] is None: - self._set_value(key, data) - - elif self.values[key] == data: - pass - - else: - colision_resolution = self._colision_resolution(key, data) - if colision_resolution is not None: - self._set_value(colision_resolution, data) - else: - self.rehashing() - self.insert_data(data) +#!/usr/bin/env python3 +from number_theory.prime_numbers import next_prime + + +class HashTable: + """ + Basic Hash Table example with open addressing and linear probing + """ + + def __init__(self, size_table, charge_factor=None, lim_charge=None): + self.size_table = size_table + self.values = [None] * self.size_table + self.lim_charge = 0.75 if lim_charge is None else lim_charge + self.charge_factor = 1 if charge_factor is None else charge_factor + self.__aux_list = [] + self._keys = {} + + def keys(self): + return self._keys + + def balanced_factor(self): + return sum([1 for slot in self.values + if slot is not None]) / (self.size_table * self.charge_factor) + + def hash_function(self, key): + return key % self.size_table + + def _step_by_step(self, step_ord): + + print("step {0}".format(step_ord)) + print([i for i in range(len(self.values))]) + print(self.values) + + def bulk_insert(self, values): + i = 1 + self.__aux_list = values + for value in values: + self.insert_data(value) + self._step_by_step(i) + i += 1 + + def _set_value(self, key, data): + self.values[key] = data + self._keys[key] = data + + def _colision_resolution(self, key, data=None): + new_key = self.hash_function(key + 1) + + while self.values[new_key] is not None \ + and self.values[new_key] != key: + + if self.values.count(None) > 0: + new_key = self.hash_function(new_key + 1) + else: + new_key = None + break + + return new_key + + def rehashing(self): + survivor_values = [value for value in self.values if value is not None] + self.size_table = next_prime(self.size_table, factor=2) + self._keys.clear() + self.values = [None] * self.size_table # hell's pointers D: don't DRY ;/ + map(self.insert_data, survivor_values) + + def insert_data(self, data): + key = self.hash_function(data) + + if self.values[key] is None: + self._set_value(key, data) + + elif self.values[key] == data: + pass + + else: + colision_resolution = self._colision_resolution(key, data) + if colision_resolution is not None: + self._set_value(colision_resolution, data) + else: + self.rehashing() + self.insert_data(data) diff --git a/data_structures/hashing/hash_table_with_linked_list.py b/data_structures/hashing/hash_table_with_linked_list.py index 6e5ed2828779..f6845ad7f7b5 100644 --- a/data_structures/hashing/hash_table_with_linked_list.py +++ b/data_structures/hashing/hash_table_with_linked_list.py @@ -1,23 +1,23 @@ -from collections import deque - -from .hash_table import HashTable - - -class HashTableWithLinkedList(HashTable): - def __init__(self, *args, **kwargs): - super().__init__(*args, **kwargs) - - def _set_value(self, key, data): - self.values[key] = deque([]) if self.values[key] is None else self.values[key] - self.values[key].appendleft(data) - self._keys[key] = self.values[key] - - def balanced_factor(self): - return sum([self.charge_factor - len(slot) for slot in self.values]) \ - / self.size_table * self.charge_factor - - def _colision_resolution(self, key, data=None): - if not (len(self.values[key]) == self.charge_factor - and self.values.count(None) == 0): - return key - return super()._colision_resolution(key, data) +from collections import deque + +from .hash_table import HashTable + + +class HashTableWithLinkedList(HashTable): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + def _set_value(self, key, data): + self.values[key] = deque([]) if self.values[key] is None else self.values[key] + self.values[key].appendleft(data) + self._keys[key] = self.values[key] + + def balanced_factor(self): + return sum([self.charge_factor - len(slot) for slot in self.values]) \ + / self.size_table * self.charge_factor + + def _colision_resolution(self, key, data=None): + if not (len(self.values[key]) == self.charge_factor + and self.values.count(None) == 0): + return key + return super()._colision_resolution(key, data) diff --git a/data_structures/hashing/number_theory/prime_numbers.py b/data_structures/hashing/number_theory/prime_numbers.py index 778cda8a2843..907f16235fe8 100644 --- a/data_structures/hashing/number_theory/prime_numbers.py +++ b/data_structures/hashing/number_theory/prime_numbers.py @@ -1,29 +1,29 @@ -#!/usr/bin/env python3 -""" - module to operations with prime numbers -""" - - -def check_prime(number): - """ - it's not the best solution - """ - special_non_primes = [0, 1, 2] - if number in special_non_primes[:2]: - return 2 - elif number == special_non_primes[-1]: - return 3 - - return all([number % i for i in range(2, number)]) - - -def next_prime(value, factor=1, **kwargs): - value = factor * value - first_value_val = value - - while not check_prime(value): - value += 1 if not ("desc" in kwargs.keys() and kwargs["desc"] is True) else -1 - - if value == first_value_val: - return next_prime(value + 1, **kwargs) - return value +#!/usr/bin/env python3 +""" + module to operations with prime numbers +""" + + +def check_prime(number): + """ + it's not the best solution + """ + special_non_primes = [0, 1, 2] + if number in special_non_primes[:2]: + return 2 + elif number == special_non_primes[-1]: + return 3 + + return all([number % i for i in range(2, number)]) + + +def next_prime(value, factor=1, **kwargs): + value = factor * value + first_value_val = value + + while not check_prime(value): + value += 1 if not ("desc" in kwargs.keys() and kwargs["desc"] is True) else -1 + + if value == first_value_val: + return next_prime(value + 1, **kwargs) + return value diff --git a/data_structures/hashing/quadratic_probing.py b/data_structures/hashing/quadratic_probing.py index dd0af607cc66..39fe10b0fedd 100644 --- a/data_structures/hashing/quadratic_probing.py +++ b/data_structures/hashing/quadratic_probing.py @@ -1,27 +1,27 @@ -#!/usr/bin/env python3 - -from .hash_table import HashTable - - -class QuadraticProbing(HashTable): - """ - Basic Hash Table example with open addressing using Quadratic Probing - """ - - def __init__(self, *args, **kwargs): - super().__init__(*args, **kwargs) - - def _colision_resolution(self, key, data=None): - i = 1 - new_key = self.hash_function(key + i * i) - - while self.values[new_key] is not None \ - and self.values[new_key] != key: - i += 1 - new_key = self.hash_function(key + i * i) if not \ - self.balanced_factor() >= self.lim_charge else None - - if new_key is None: - break - - return new_key +#!/usr/bin/env python3 + +from .hash_table import HashTable + + +class QuadraticProbing(HashTable): + """ + Basic Hash Table example with open addressing using Quadratic Probing + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + def _colision_resolution(self, key, data=None): + i = 1 + new_key = self.hash_function(key + i * i) + + while self.values[new_key] is not None \ + and self.values[new_key] != key: + i += 1 + new_key = self.hash_function(key + i * i) if not \ + self.balanced_factor() >= self.lim_charge else None + + if new_key is None: + break + + return new_key diff --git a/data_structures/heap/heap.py b/data_structures/heap/heap.py index 8431116d6b24..c0b0fb80d6d3 100644 --- a/data_structures/heap/heap.py +++ b/data_structures/heap/heap.py @@ -1,92 +1,92 @@ -#!/usr/bin/python - -from __future__ import print_function, division - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -# This heap class start from here. -class Heap: - def __init__(self): # Default constructor of heap class. - self.h = [] - self.currsize = 0 - - def leftChild(self, i): - if 2 * i + 1 < self.currsize: - return 2 * i + 1 - return None - - def rightChild(self, i): - if 2 * i + 2 < self.currsize: - return 2 * i + 2 - return None - - def maxHeapify(self, node): - if node < self.currsize: - m = node - lc = self.leftChild(node) - rc = self.rightChild(node) - if lc is not None and self.h[lc] > self.h[m]: - m = lc - if rc is not None and self.h[rc] > self.h[m]: - m = rc - if m != node: - temp = self.h[node] - self.h[node] = self.h[m] - self.h[m] = temp - self.maxHeapify(m) - - def buildHeap(self, a): # This function is used to build the heap from the data container 'a'. - self.currsize = len(a) - self.h = list(a) - for i in range(self.currsize // 2, -1, -1): - self.maxHeapify(i) - - def getMax(self): # This function is used to get maximum value from the heap. - if self.currsize >= 1: - me = self.h[0] - temp = self.h[0] - self.h[0] = self.h[self.currsize - 1] - self.h[self.currsize - 1] = temp - self.currsize -= 1 - self.maxHeapify(0) - return me - return None - - def heapSort(self): # This function is used to sort the heap. - size = self.currsize - while self.currsize - 1 >= 0: - temp = self.h[0] - self.h[0] = self.h[self.currsize - 1] - self.h[self.currsize - 1] = temp - self.currsize -= 1 - self.maxHeapify(0) - self.currsize = size - - def insert(self, data): # This function is used to insert data in the heap. - self.h.append(data) - curr = self.currsize - self.currsize += 1 - while self.h[curr] > self.h[curr / 2]: - temp = self.h[curr / 2] - self.h[curr / 2] = self.h[curr] - self.h[curr] = temp - curr = curr / 2 - - def display(self): # This function is used to print the heap. - print(self.h) - - -def main(): - l = list(map(int, raw_input().split())) - h = Heap() - h.buildHeap(l) - h.heapSort() - h.display() - - -if __name__ == '__main__': - main() +#!/usr/bin/python + +from __future__ import print_function, division + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +# This heap class start from here. +class Heap: + def __init__(self): # Default constructor of heap class. + self.h = [] + self.currsize = 0 + + def leftChild(self, i): + if 2 * i + 1 < self.currsize: + return 2 * i + 1 + return None + + def rightChild(self, i): + if 2 * i + 2 < self.currsize: + return 2 * i + 2 + return None + + def maxHeapify(self, node): + if node < self.currsize: + m = node + lc = self.leftChild(node) + rc = self.rightChild(node) + if lc is not None and self.h[lc] > self.h[m]: + m = lc + if rc is not None and self.h[rc] > self.h[m]: + m = rc + if m != node: + temp = self.h[node] + self.h[node] = self.h[m] + self.h[m] = temp + self.maxHeapify(m) + + def buildHeap(self, a): # This function is used to build the heap from the data container 'a'. + self.currsize = len(a) + self.h = list(a) + for i in range(self.currsize // 2, -1, -1): + self.maxHeapify(i) + + def getMax(self): # This function is used to get maximum value from the heap. + if self.currsize >= 1: + me = self.h[0] + temp = self.h[0] + self.h[0] = self.h[self.currsize - 1] + self.h[self.currsize - 1] = temp + self.currsize -= 1 + self.maxHeapify(0) + return me + return None + + def heapSort(self): # This function is used to sort the heap. + size = self.currsize + while self.currsize - 1 >= 0: + temp = self.h[0] + self.h[0] = self.h[self.currsize - 1] + self.h[self.currsize - 1] = temp + self.currsize -= 1 + self.maxHeapify(0) + self.currsize = size + + def insert(self, data): # This function is used to insert data in the heap. + self.h.append(data) + curr = self.currsize + self.currsize += 1 + while self.h[curr] > self.h[curr / 2]: + temp = self.h[curr / 2] + self.h[curr / 2] = self.h[curr] + self.h[curr] = temp + curr = curr / 2 + + def display(self): # This function is used to print the heap. + print(self.h) + + +def main(): + l = list(map(int, raw_input().split())) + h = Heap() + h.buildHeap(l) + h.heapSort() + h.display() + + +if __name__ == '__main__': + main() diff --git a/data_structures/linked_list/__init__.py b/data_structures/linked_list/__init__.py index a050adba42b2..2e6a5a3a89d6 100644 --- a/data_structures/linked_list/__init__.py +++ b/data_structures/linked_list/__init__.py @@ -1,23 +1,23 @@ -class Node: - def __init__(self, item, next): - self.item = item - self.next = next - - -class LinkedList: - def __init__(self): - self.head = None - - def add(self, item): - self.head = Node(item, self.head) - - def remove(self): - if self.is_empty(): - return None - else: - item = self.head.item - self.head = self.head.next - return item - - def is_empty(self): - return self.head is None +class Node: + def __init__(self, item, next): + self.item = item + self.next = next + + +class LinkedList: + def __init__(self): + self.head = None + + def add(self, item): + self.head = Node(item, self.head) + + def remove(self): + if self.is_empty(): + return None + else: + item = self.head.item + self.head = self.head.next + return item + + def is_empty(self): + return self.head is None diff --git a/data_structures/linked_list/doubly_linked_list.py b/data_structures/linked_list/doubly_linked_list.py index b00b4f52c82b..4f6cce0569f3 100644 --- a/data_structures/linked_list/doubly_linked_list.py +++ b/data_structures/linked_list/doubly_linked_list.py @@ -1,80 +1,80 @@ -''' -- A linked list is similar to an array, it holds values. However, links in a linked list do not have indexes. -- This is an example of a double ended, doubly linked list. -- Each link references the next link and the previous one. -- A Doubly Linked List (DLL) contains an extra pointer, typically called previous pointer, together with next pointer and data which are there in singly linked list. - - Advantages over SLL - IT can be traversed in both forward and backward direction.,Delete operation is more efficent''' -from __future__ import print_function - - -class LinkedList: # making main class named linked list - def __init__(self): - self.head = None - self.tail = None - - def insertHead(self, x): - newLink = Link(x) # Create a new link with a value attached to it - if (self.isEmpty() == True): # Set the first element added to be the tail - self.tail = newLink - else: - self.head.previous = newLink # newLink <-- currenthead(head) - newLink.next = self.head # newLink <--> currenthead(head) - self.head = newLink # newLink(head) <--> oldhead - - def deleteHead(self): - temp = self.head - self.head = self.head.next # oldHead <--> 2ndElement(head) - self.head.previous = None # oldHead --> 2ndElement(head) nothing pointing at it so the old head will be removed - if (self.head is None): - self.tail = None # if empty linked list - return temp - - def insertTail(self, x): - newLink = Link(x) - newLink.next = None # currentTail(tail) newLink --> - self.tail.next = newLink # currentTail(tail) --> newLink --> - newLink.previous = self.tail # currentTail(tail) <--> newLink --> - self.tail = newLink # oldTail <--> newLink(tail) --> - - def deleteTail(self): - temp = self.tail - self.tail = self.tail.previous # 2ndLast(tail) <--> oldTail --> None - self.tail.next = None # 2ndlast(tail) --> None - return temp - - def delete(self, x): - current = self.head - - while (current.value != x): # Find the position to delete - current = current.next - - if (current == self.head): - self.deleteHead() - - elif (current == self.tail): - self.deleteTail() - - else: # Before: 1 <--> 2(current) <--> 3 - current.previous.next = current.next # 1 --> 3 - current.next.previous = current.previous # 1 <--> 3 - - def isEmpty(self): # Will return True if the list is empty - return (self.head is None) - - def display(self): # Prints contents of the list - current = self.head - while (current != None): - current.displayLink() - current = current.next - print() - - -class Link: - next = None # This points to the link in front of the new link - previous = None # This points to the link behind the new link - - def __init__(self, x): - self.value = x - - def displayLink(self): - print("{}".format(self.value), end=" ") +''' +- A linked list is similar to an array, it holds values. However, links in a linked list do not have indexes. +- This is an example of a double ended, doubly linked list. +- Each link references the next link and the previous one. +- A Doubly Linked List (DLL) contains an extra pointer, typically called previous pointer, together with next pointer and data which are there in singly linked list. + - Advantages over SLL - IT can be traversed in both forward and backward direction.,Delete operation is more efficent''' +from __future__ import print_function + + +class LinkedList: # making main class named linked list + def __init__(self): + self.head = None + self.tail = None + + def insertHead(self, x): + newLink = Link(x) # Create a new link with a value attached to it + if (self.isEmpty() == True): # Set the first element added to be the tail + self.tail = newLink + else: + self.head.previous = newLink # newLink <-- currenthead(head) + newLink.next = self.head # newLink <--> currenthead(head) + self.head = newLink # newLink(head) <--> oldhead + + def deleteHead(self): + temp = self.head + self.head = self.head.next # oldHead <--> 2ndElement(head) + self.head.previous = None # oldHead --> 2ndElement(head) nothing pointing at it so the old head will be removed + if (self.head is None): + self.tail = None # if empty linked list + return temp + + def insertTail(self, x): + newLink = Link(x) + newLink.next = None # currentTail(tail) newLink --> + self.tail.next = newLink # currentTail(tail) --> newLink --> + newLink.previous = self.tail # currentTail(tail) <--> newLink --> + self.tail = newLink # oldTail <--> newLink(tail) --> + + def deleteTail(self): + temp = self.tail + self.tail = self.tail.previous # 2ndLast(tail) <--> oldTail --> None + self.tail.next = None # 2ndlast(tail) --> None + return temp + + def delete(self, x): + current = self.head + + while (current.value != x): # Find the position to delete + current = current.next + + if (current == self.head): + self.deleteHead() + + elif (current == self.tail): + self.deleteTail() + + else: # Before: 1 <--> 2(current) <--> 3 + current.previous.next = current.next # 1 --> 3 + current.next.previous = current.previous # 1 <--> 3 + + def isEmpty(self): # Will return True if the list is empty + return (self.head is None) + + def display(self): # Prints contents of the list + current = self.head + while (current != None): + current.displayLink() + current = current.next + print() + + +class Link: + next = None # This points to the link in front of the new link + previous = None # This points to the link behind the new link + + def __init__(self, x): + self.value = x + + def displayLink(self): + print("{}".format(self.value), end=" ") diff --git a/data_structures/linked_list/is_Palindrome.py b/data_structures/linked_list/is_Palindrome.py index acc87c1c272b..a0f83805e35f 100644 --- a/data_structures/linked_list/is_Palindrome.py +++ b/data_structures/linked_list/is_Palindrome.py @@ -1,77 +1,77 @@ -def is_palindrome(head): - if not head: - return True - # split the list to two parts - fast, slow = head.next, head - while fast and fast.next: - fast = fast.next.next - slow = slow.next - second = slow.next - slow.next = None # Don't forget here! But forget still works! - # reverse the second part - node = None - while second: - nxt = second.next - second.next = node - node = second - second = nxt - # compare two parts - # second part has the same or one less node - while node: - if node.val != head.val: - return False - node = node.next - head = head.next - return True - - -def is_palindrome_stack(head): - if not head or not head.next: - return True - - # 1. Get the midpoint (slow) - slow = fast = cur = head - while fast and fast.next: - fast, slow = fast.next.next, slow.next - - # 2. Push the second half into the stack - stack = [slow.val] - while slow.next: - slow = slow.next - stack.append(slow.val) - - # 3. Comparison - while stack: - if stack.pop() != cur.val: - return False - cur = cur.next - - return True - - -def is_palindrome_dict(head): - if not head or not head.next: - return True - d = {} - pos = 0 - while head: - if head.val in d.keys(): - d[head.val].append(pos) - else: - d[head.val] = [pos] - head = head.next - pos += 1 - checksum = pos - 1 - middle = 0 - for v in d.values(): - if len(v) % 2 != 0: - middle += 1 - else: - step = 0 - for i in range(0, len(v)): - if v[i] + v[len(v) - 1 - step] != checksum: - return False - step += 1 - if middle > 1: - return False - return True +def is_palindrome(head): + if not head: + return True + # split the list to two parts + fast, slow = head.next, head + while fast and fast.next: + fast = fast.next.next + slow = slow.next + second = slow.next + slow.next = None # Don't forget here! But forget still works! + # reverse the second part + node = None + while second: + nxt = second.next + second.next = node + node = second + second = nxt + # compare two parts + # second part has the same or one less node + while node: + if node.val != head.val: + return False + node = node.next + head = head.next + return True + + +def is_palindrome_stack(head): + if not head or not head.next: + return True + + # 1. Get the midpoint (slow) + slow = fast = cur = head + while fast and fast.next: + fast, slow = fast.next.next, slow.next + + # 2. Push the second half into the stack + stack = [slow.val] + while slow.next: + slow = slow.next + stack.append(slow.val) + + # 3. Comparison + while stack: + if stack.pop() != cur.val: + return False + cur = cur.next + + return True + + +def is_palindrome_dict(head): + if not head or not head.next: + return True + d = {} + pos = 0 + while head: + if head.val in d.keys(): + d[head.val].append(pos) + else: + d[head.val] = [pos] + head = head.next + pos += 1 + checksum = pos - 1 + middle = 0 + for v in d.values(): + if len(v) % 2 != 0: + middle += 1 + else: + step = 0 + for i in range(0, len(v)): + if v[i] + v[len(v) - 1 - step] != checksum: + return False + step += 1 + if middle > 1: + return False + return True diff --git a/data_structures/linked_list/singly_linked_list.py b/data_structures/linked_list/singly_linked_list.py index 6cfaec235bee..082168e3fae5 100644 --- a/data_structures/linked_list/singly_linked_list.py +++ b/data_structures/linked_list/singly_linked_list.py @@ -1,104 +1,104 @@ -from __future__ import print_function - - -class Node: # create a Node - def __init__(self, data): - self.data = data # given data - self.next = None # given next to None - - -class Linked_List: - def __init__(self): - self.Head = None # Initialize Head to None - - def insert_tail(self, data): - if (self.Head is None): - self.insert_head(data) # If this is first node, call insert_head - else: - temp = self.Head - while (temp.next != None): # traverse to last node - temp = temp.next - temp.next = Node(data) # create node & link to tail - - def insert_head(self, data): - newNod = Node(data) # create a new node - if self.Head != None: - newNod.next = self.Head # link newNode to head - self.Head = newNod # make NewNode as Head - - def printList(self): # print every node data - tamp = self.Head - while tamp is not None: - print(tamp.data) - tamp = tamp.next - - def delete_head(self): # delete from head - temp = self.Head - if self.Head != None: - self.Head = self.Head.next - temp.next = None - return temp - - def delete_tail(self): # delete from tail - tamp = self.Head - if self.Head != None: - if (self.Head.next is None): # if Head is the only Node in the Linked List - self.Head = None - else: - while tamp.next.next is not None: # find the 2nd last element - tamp = tamp.next - tamp.next, tamp = None, tamp.next # (2nd last element).next = None and tamp = last element - return tamp - - def isEmpty(self): - return self.Head is None # Return if Head is none - - def reverse(self): - prev = None - current = self.Head - - while current: - # Store the current node's next node. - next_node = current.next - # Make the current node's next point backwards - current.next = prev - # Make the previous node be the current node - prev = current - # Make the current node the next node (to progress iteration) - current = next_node - # Return prev in order to put the head at the end - self.Head = prev - - -def main(): - A = Linked_List() - print("Inserting 1st at Head") - a1 = input() - A.insert_head(a1) - print("Inserting 2nd at Head") - a2 = input() - A.insert_head(a2) - print("\nPrint List : ") - A.printList() - print("\nInserting 1st at Tail") - a3 = input() - A.insert_tail(a3) - print("Inserting 2nd at Tail") - a4 = input() - A.insert_tail(a4) - print("\nPrint List : ") - A.printList() - print("\nDelete Head") - A.delete_head() - print("Delete Tail") - A.delete_tail() - print("\nPrint List : ") - A.printList() - print("\nReverse Linked List") - A.reverse() - print("\nPrint List : ") - A.printList() - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +class Node: # create a Node + def __init__(self, data): + self.data = data # given data + self.next = None # given next to None + + +class Linked_List: + def __init__(self): + self.Head = None # Initialize Head to None + + def insert_tail(self, data): + if (self.Head is None): + self.insert_head(data) # If this is first node, call insert_head + else: + temp = self.Head + while (temp.next != None): # traverse to last node + temp = temp.next + temp.next = Node(data) # create node & link to tail + + def insert_head(self, data): + newNod = Node(data) # create a new node + if self.Head != None: + newNod.next = self.Head # link newNode to head + self.Head = newNod # make NewNode as Head + + def printList(self): # print every node data + tamp = self.Head + while tamp is not None: + print(tamp.data) + tamp = tamp.next + + def delete_head(self): # delete from head + temp = self.Head + if self.Head != None: + self.Head = self.Head.next + temp.next = None + return temp + + def delete_tail(self): # delete from tail + tamp = self.Head + if self.Head != None: + if (self.Head.next is None): # if Head is the only Node in the Linked List + self.Head = None + else: + while tamp.next.next is not None: # find the 2nd last element + tamp = tamp.next + tamp.next, tamp = None, tamp.next # (2nd last element).next = None and tamp = last element + return tamp + + def isEmpty(self): + return self.Head is None # Return if Head is none + + def reverse(self): + prev = None + current = self.Head + + while current: + # Store the current node's next node. + next_node = current.next + # Make the current node's next point backwards + current.next = prev + # Make the previous node be the current node + prev = current + # Make the current node the next node (to progress iteration) + current = next_node + # Return prev in order to put the head at the end + self.Head = prev + + +def main(): + A = Linked_List() + print("Inserting 1st at Head") + a1 = input() + A.insert_head(a1) + print("Inserting 2nd at Head") + a2 = input() + A.insert_head(a2) + print("\nPrint List : ") + A.printList() + print("\nInserting 1st at Tail") + a3 = input() + A.insert_tail(a3) + print("Inserting 2nd at Tail") + a4 = input() + A.insert_tail(a4) + print("\nPrint List : ") + A.printList() + print("\nDelete Head") + A.delete_head() + print("Delete Tail") + A.delete_tail() + print("\nPrint List : ") + A.printList() + print("\nReverse Linked List") + A.reverse() + print("\nPrint List : ") + A.printList() + + +if __name__ == '__main__': + main() diff --git a/data_structures/queue/double_ended_queue.py b/data_structures/queue/double_ended_queue.py index 26e6e74343e9..f710ca0d7204 100644 --- a/data_structures/queue/double_ended_queue.py +++ b/data_structures/queue/double_ended_queue.py @@ -1,41 +1,41 @@ -from __future__ import print_function - -# importing "collections" for deque operations -import collections - -# Python code to demonstrate working of -# extend(), extendleft(), rotate(), reverse() - -# initializing deque -de = collections.deque([1, 2, 3, ]) - -# using extend() to add numbers to right end -# adds 4,5,6 to right end -de.extend([4, 5, 6]) - -# printing modified deque -print("The deque after extending deque at end is : ") -print(de) - -# using extendleft() to add numbers to left end -# adds 7,8,9 to right end -de.extendleft([7, 8, 9]) - -# printing modified deque -print("The deque after extending deque at beginning is : ") -print(de) - -# using rotate() to rotate the deque -# rotates by 3 to left -de.rotate(-3) - -# printing modified deque -print("The deque after rotating deque is : ") -print(de) - -# using reverse() to reverse the deque -de.reverse() - -# printing modified deque -print("The deque after reversing deque is : ") -print(de) +from __future__ import print_function + +# importing "collections" for deque operations +import collections + +# Python code to demonstrate working of +# extend(), extendleft(), rotate(), reverse() + +# initializing deque +de = collections.deque([1, 2, 3, ]) + +# using extend() to add numbers to right end +# adds 4,5,6 to right end +de.extend([4, 5, 6]) + +# printing modified deque +print("The deque after extending deque at end is : ") +print(de) + +# using extendleft() to add numbers to left end +# adds 7,8,9 to right end +de.extendleft([7, 8, 9]) + +# printing modified deque +print("The deque after extending deque at beginning is : ") +print(de) + +# using rotate() to rotate the deque +# rotates by 3 to left +de.rotate(-3) + +# printing modified deque +print("The deque after rotating deque is : ") +print(de) + +# using reverse() to reverse the deque +de.reverse() + +# printing modified deque +print("The deque after reversing deque is : ") +print(de) diff --git a/data_structures/stacks/__init__.py b/data_structures/stacks/__init__.py index 17b8ca2fe8f6..9cb8536a663c 100644 --- a/data_structures/stacks/__init__.py +++ b/data_structures/stacks/__init__.py @@ -1,23 +1,23 @@ -class Stack: - - def __init__(self): - self.stack = [] - self.top = 0 - - def is_empty(self): - return (self.top == 0) - - def push(self, item): - if self.top < len(self.stack): - self.stack[self.top] = item - else: - self.stack.append(item) - - self.top += 1 - - def pop(self): - if self.is_empty(): - return None - else: - self.top -= 1 - return self.stack[self.top] +class Stack: + + def __init__(self): + self.stack = [] + self.top = 0 + + def is_empty(self): + return (self.top == 0) + + def push(self, item): + if self.top < len(self.stack): + self.stack[self.top] = item + else: + self.stack.append(item) + + self.top += 1 + + def pop(self): + if self.is_empty(): + return None + else: + self.top -= 1 + return self.stack[self.top] diff --git a/data_structures/stacks/balanced_parentheses.py b/data_structures/stacks/balanced_parentheses.py index 30a4d0dbd4ab..348defdf3a42 100644 --- a/data_structures/stacks/balanced_parentheses.py +++ b/data_structures/stacks/balanced_parentheses.py @@ -1,26 +1,26 @@ -from __future__ import absolute_import -from __future__ import print_function - -from stack import Stack - -__author__ = 'Omkar Pathak' - - -def balanced_parentheses(parentheses): - """ Use a stack to check if a string of parentheses is balanced.""" - stack = Stack(len(parentheses)) - for parenthesis in parentheses: - if parenthesis == '(': - stack.push(parenthesis) - elif parenthesis == ')': - if stack.is_empty(): - return False - stack.pop() - return stack.is_empty() - - -if __name__ == '__main__': - examples = ['((()))', '((())', '(()))'] - print('Balanced parentheses demonstration:\n') - for example in examples: - print(example + ': ' + str(balanced_parentheses(example))) +from __future__ import absolute_import +from __future__ import print_function + +from stack import Stack + +__author__ = 'Omkar Pathak' + + +def balanced_parentheses(parentheses): + """ Use a stack to check if a string of parentheses is balanced.""" + stack = Stack(len(parentheses)) + for parenthesis in parentheses: + if parenthesis == '(': + stack.push(parenthesis) + elif parenthesis == ')': + if stack.is_empty(): + return False + stack.pop() + return stack.is_empty() + + +if __name__ == '__main__': + examples = ['((()))', '((())', '(()))'] + print('Balanced parentheses demonstration:\n') + for example in examples: + print(example + ': ' + str(balanced_parentheses(example))) diff --git a/data_structures/stacks/infix_to_postfix_conversion.py b/data_structures/stacks/infix_to_postfix_conversion.py index ef4810501211..f182334a5fec 100644 --- a/data_structures/stacks/infix_to_postfix_conversion.py +++ b/data_structures/stacks/infix_to_postfix_conversion.py @@ -1,65 +1,65 @@ -from __future__ import absolute_import -from __future__ import print_function - -import string - -from .Stack import Stack - -__author__ = 'Omkar Pathak' - - -def is_operand(char): - return char in string.ascii_letters or char in string.digits - - -def precedence(char): - """ Return integer value representing an operator's precedence, or - order of operation. - - https://en.wikipedia.org/wiki/Order_of_operations - """ - dictionary = {'+': 1, '-': 1, - '*': 2, '/': 2, - '^': 3} - return dictionary.get(char, -1) - - -def infix_to_postfix(expression): - """ Convert infix notation to postfix notation using the Shunting-yard - algorithm. - - https://en.wikipedia.org/wiki/Shunting-yard_algorithm - https://en.wikipedia.org/wiki/Infix_notation - https://en.wikipedia.org/wiki/Reverse_Polish_notation - """ - stack = Stack(len(expression)) - postfix = [] - for char in expression: - if is_operand(char): - postfix.append(char) - elif char not in {'(', ')'}: - while (not stack.is_empty() - and precedence(char) <= precedence(stack.peek())): - postfix.append(stack.pop()) - stack.push(char) - elif char == '(': - stack.push(char) - elif char == ')': - while not stack.is_empty() and stack.peek() != '(': - postfix.append(stack.pop()) - # Pop '(' from stack. If there is no '(', there is a mismatched - # parentheses. - if stack.peek() != '(': - raise ValueError('Mismatched parentheses') - stack.pop() - while not stack.is_empty(): - postfix.append(stack.pop()) - return ' '.join(postfix) - - -if __name__ == '__main__': - expression = 'a+b*(c^d-e)^(f+g*h)-i' - - print('Infix to Postfix Notation demonstration:\n') - print('Infix notation: ' + expression) - print('Postfix notation: ' + infix_to_postfix(expression)) +from __future__ import absolute_import +from __future__ import print_function + +import string + +from .Stack import Stack + +__author__ = 'Omkar Pathak' + + +def is_operand(char): + return char in string.ascii_letters or char in string.digits + + +def precedence(char): + """ Return integer value representing an operator's precedence, or + order of operation. + + https://en.wikipedia.org/wiki/Order_of_operations + """ + dictionary = {'+': 1, '-': 1, + '*': 2, '/': 2, + '^': 3} + return dictionary.get(char, -1) + + +def infix_to_postfix(expression): + """ Convert infix notation to postfix notation using the Shunting-yard + algorithm. + + https://en.wikipedia.org/wiki/Shunting-yard_algorithm + https://en.wikipedia.org/wiki/Infix_notation + https://en.wikipedia.org/wiki/Reverse_Polish_notation + """ + stack = Stack(len(expression)) + postfix = [] + for char in expression: + if is_operand(char): + postfix.append(char) + elif char not in {'(', ')'}: + while (not stack.is_empty() + and precedence(char) <= precedence(stack.peek())): + postfix.append(stack.pop()) + stack.push(char) + elif char == '(': + stack.push(char) + elif char == ')': + while not stack.is_empty() and stack.peek() != '(': + postfix.append(stack.pop()) + # Pop '(' from stack. If there is no '(', there is a mismatched + # parentheses. + if stack.peek() != '(': + raise ValueError('Mismatched parentheses') + stack.pop() + while not stack.is_empty(): + postfix.append(stack.pop()) + return ' '.join(postfix) + + +if __name__ == '__main__': + expression = 'a+b*(c^d-e)^(f+g*h)-i' + + print('Infix to Postfix Notation demonstration:\n') + print('Infix notation: ' + expression) + print('Postfix notation: ' + infix_to_postfix(expression)) diff --git a/data_structures/stacks/infix_to_prefix_conversion.py b/data_structures/stacks/infix_to_prefix_conversion.py index 8192b3f8b1fd..e89d37efd48b 100644 --- a/data_structures/stacks/infix_to_prefix_conversion.py +++ b/data_structures/stacks/infix_to_prefix_conversion.py @@ -1,69 +1,69 @@ -""" -Output: - -Enter an Infix Equation = a + b ^c - Symbol | Stack | Postfix ----------------------------- - c | | c - ^ | ^ | c - b | ^ | cb - + | + | cb^ - a | + | cb^a - | | cb^a+ - - a+b^c (Infix) -> +a^bc (Prefix) -""" - - -def infix_2_postfix(Infix): - Stack = [] - Postfix = [] - priority = {'^': 3, '*': 2, '/': 2, '%': 2, '+': 1, '-': 1} # Priority of each operator - print_width = len(Infix) if (len(Infix) > 7) else 7 - - # Print table header for output - print('Symbol'.center(8), 'Stack'.center(print_width), 'Postfix'.center(print_width), sep=" | ") - print('-' * (print_width * 3 + 7)) - - for x in Infix: - if (x.isalpha() or x.isdigit()): - Postfix.append(x) # if x is Alphabet / Digit, add it to Postfix - elif (x == '('): - Stack.append(x) # if x is "(" push to Stack - elif (x == ')'): # if x is ")" pop stack until "(" is encountered - while (Stack[-1] != '('): - Postfix.append(Stack.pop()) # Pop stack & add the content to Postfix - Stack.pop() - else: - if (len(Stack) == 0): - Stack.append(x) # If stack is empty, push x to stack - else: - while (len(Stack) > 0 and priority[x] <= priority[Stack[-1]]): # while priority of x is not greater than priority of element in the stack - Postfix.append(Stack.pop()) # pop stack & add to Postfix - Stack.append(x) # push x to stack - - print(x.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format - - while (len(Stack) > 0): # while stack is not empty - Postfix.append(Stack.pop()) # pop stack & add to Postfix - print(' '.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format - - return "".join(Postfix) # return Postfix as str - - -def infix_2_prefix(Infix): - Infix = list(Infix[::-1]) # reverse the infix equation - - for i in range(len(Infix)): - if (Infix[i] == '('): - Infix[i] = ')' # change "(" to ")" - elif (Infix[i] == ')'): - Infix[i] = '(' # change ")" to "(" - - return (infix_2_postfix("".join(Infix)))[::-1] # call infix_2_postfix on Infix, return reverse of Postfix - - -if __name__ == "__main__": - Infix = input("\nEnter an Infix Equation = ") # Input an Infix equation - Infix = "".join(Infix.split()) # Remove spaces from the input - print("\n\t", Infix, "(Infix) -> ", infix_2_prefix(Infix), "(Prefix)") +""" +Output: + +Enter an Infix Equation = a + b ^c + Symbol | Stack | Postfix +---------------------------- + c | | c + ^ | ^ | c + b | ^ | cb + + | + | cb^ + a | + | cb^a + | | cb^a+ + + a+b^c (Infix) -> +a^bc (Prefix) +""" + + +def infix_2_postfix(Infix): + Stack = [] + Postfix = [] + priority = {'^': 3, '*': 2, '/': 2, '%': 2, '+': 1, '-': 1} # Priority of each operator + print_width = len(Infix) if (len(Infix) > 7) else 7 + + # Print table header for output + print('Symbol'.center(8), 'Stack'.center(print_width), 'Postfix'.center(print_width), sep=" | ") + print('-' * (print_width * 3 + 7)) + + for x in Infix: + if (x.isalpha() or x.isdigit()): + Postfix.append(x) # if x is Alphabet / Digit, add it to Postfix + elif (x == '('): + Stack.append(x) # if x is "(" push to Stack + elif (x == ')'): # if x is ")" pop stack until "(" is encountered + while (Stack[-1] != '('): + Postfix.append(Stack.pop()) # Pop stack & add the content to Postfix + Stack.pop() + else: + if (len(Stack) == 0): + Stack.append(x) # If stack is empty, push x to stack + else: + while (len(Stack) > 0 and priority[x] <= priority[Stack[-1]]): # while priority of x is not greater than priority of element in the stack + Postfix.append(Stack.pop()) # pop stack & add to Postfix + Stack.append(x) # push x to stack + + print(x.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format + + while (len(Stack) > 0): # while stack is not empty + Postfix.append(Stack.pop()) # pop stack & add to Postfix + print(' '.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format + + return "".join(Postfix) # return Postfix as str + + +def infix_2_prefix(Infix): + Infix = list(Infix[::-1]) # reverse the infix equation + + for i in range(len(Infix)): + if (Infix[i] == '('): + Infix[i] = ')' # change "(" to ")" + elif (Infix[i] == ')'): + Infix[i] = '(' # change ")" to "(" + + return (infix_2_postfix("".join(Infix)))[::-1] # call infix_2_postfix on Infix, return reverse of Postfix + + +if __name__ == "__main__": + Infix = input("\nEnter an Infix Equation = ") # Input an Infix equation + Infix = "".join(Infix.split()) # Remove spaces from the input + print("\n\t", Infix, "(Infix) -> ", infix_2_prefix(Infix), "(Prefix)") diff --git a/data_structures/stacks/next.py b/data_structures/stacks/next.py index 3fc22281ede5..43d4f665b547 100644 --- a/data_structures/stacks/next.py +++ b/data_structures/stacks/next.py @@ -1,19 +1,19 @@ -from __future__ import print_function - - -# Function to print element and NGE pair for all elements of list -def printNGE(arr): - for i in range(0, len(arr), 1): - - next = -1 - for j in range(i + 1, len(arr), 1): - if arr[i] < arr[j]: - next = arr[j] - break - - print(str(arr[i]) + " -- " + str(next)) - - -# Driver program to test above function -arr = [11, 13, 21, 3] -printNGE(arr) +from __future__ import print_function + + +# Function to print element and NGE pair for all elements of list +def printNGE(arr): + for i in range(0, len(arr), 1): + + next = -1 + for j in range(i + 1, len(arr), 1): + if arr[i] < arr[j]: + next = arr[j] + break + + print(str(arr[i]) + " -- " + str(next)) + + +# Driver program to test above function +arr = [11, 13, 21, 3] +printNGE(arr) diff --git a/data_structures/stacks/postfix_evaluation.py b/data_structures/stacks/postfix_evaluation.py index 151f27070a50..7f35cf59a5e9 100644 --- a/data_structures/stacks/postfix_evaluation.py +++ b/data_structures/stacks/postfix_evaluation.py @@ -1,51 +1,51 @@ -""" -Output: - -Enter a Postfix Equation (space separated) = 5 6 9 * + - Symbol | Action | Stack ------------------------------------ - 5 | push(5) | 5 - 6 | push(6) | 5,6 - 9 | push(9) | 5,6,9 - | pop(9) | 5,6 - | pop(6) | 5 - * | push(6*9) | 5,54 - | pop(54) | 5 - | pop(5) | - + | push(5+54) | 59 - - Result = 59 -""" - -import operator as op - - -def Solve(Postfix): - Stack = [] - Div = lambda x, y: int(x / y) # integer division operation - Opr = {'^': op.pow, '*': op.mul, '/': Div, '+': op.add, '-': op.sub} # operators & their respective operation - - # print table header - print('Symbol'.center(8), 'Action'.center(12), 'Stack', sep=" | ") - print('-' * (30 + len(Postfix))) - - for x in Postfix: - if (x.isdigit()): # if x in digit - Stack.append(x) # append x to stack - print(x.rjust(8), ('push(' + x + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - else: - B = Stack.pop() # pop stack - print("".rjust(8), ('pop(' + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - - A = Stack.pop() # pop stack - print("".rjust(8), ('pop(' + A + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - - Stack.append(str(Opr[x](int(A), int(B)))) # evaluate the 2 values poped from stack & push result to stack - print(x.rjust(8), ('push(' + A + x + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - - return int(Stack[0]) - - -if __name__ == "__main__": - Postfix = input("\n\nEnter a Postfix Equation (space separated) = ").split(' ') - print("\n\tResult = ", Solve(Postfix)) +""" +Output: + +Enter a Postfix Equation (space separated) = 5 6 9 * + + Symbol | Action | Stack +----------------------------------- + 5 | push(5) | 5 + 6 | push(6) | 5,6 + 9 | push(9) | 5,6,9 + | pop(9) | 5,6 + | pop(6) | 5 + * | push(6*9) | 5,54 + | pop(54) | 5 + | pop(5) | + + | push(5+54) | 59 + + Result = 59 +""" + +import operator as op + + +def Solve(Postfix): + Stack = [] + Div = lambda x, y: int(x / y) # integer division operation + Opr = {'^': op.pow, '*': op.mul, '/': Div, '+': op.add, '-': op.sub} # operators & their respective operation + + # print table header + print('Symbol'.center(8), 'Action'.center(12), 'Stack', sep=" | ") + print('-' * (30 + len(Postfix))) + + for x in Postfix: + if (x.isdigit()): # if x in digit + Stack.append(x) # append x to stack + print(x.rjust(8), ('push(' + x + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format + else: + B = Stack.pop() # pop stack + print("".rjust(8), ('pop(' + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format + + A = Stack.pop() # pop stack + print("".rjust(8), ('pop(' + A + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format + + Stack.append(str(Opr[x](int(A), int(B)))) # evaluate the 2 values poped from stack & push result to stack + print(x.rjust(8), ('push(' + A + x + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format + + return int(Stack[0]) + + +if __name__ == "__main__": + Postfix = input("\n\nEnter a Postfix Equation (space separated) = ").split(' ') + print("\n\tResult = ", Solve(Postfix)) diff --git a/data_structures/stacks/stack.py b/data_structures/stacks/stack.py index dae37ef61e28..615924ebe114 100644 --- a/data_structures/stacks/stack.py +++ b/data_structures/stacks/stack.py @@ -1,70 +1,70 @@ -from __future__ import print_function - -__author__ = 'Omkar Pathak' - - -class Stack(object): - """ A stack is an abstract data type that serves as a collection of - elements with two principal operations: push() and pop(). push() adds an - element to the top of the stack, and pop() removes an element from the top - of a stack. The order in which elements come off of a stack are - Last In, First Out (LIFO). - - https://en.wikipedia.org/wiki/Stack_(abstract_data_type) - """ - - def __init__(self, limit=10): - self.stack = [] - self.limit = limit - - def __bool__(self): - return bool(self.stack) - - def __str__(self): - return str(self.stack) - - def push(self, data): - """ Push an element to the top of the stack.""" - if len(self.stack) >= self.limit: - raise StackOverflowError - self.stack.append(data) - - def pop(self): - """ Pop an element off of the top of the stack.""" - if self.stack: - return self.stack.pop() - else: - raise IndexError('pop from an empty stack') - - def peek(self): - """ Peek at the top-most element of the stack.""" - if self.stack: - return self.stack[-1] - - def is_empty(self): - """ Check if a stack is empty.""" - return not bool(self.stack) - - def size(self): - """ Return the size of the stack.""" - return len(self.stack) - - -class StackOverflowError(BaseException): - pass - - -if __name__ == '__main__': - stack = Stack() - for i in range(10): - stack.push(i) - - print('Stack demonstration:\n') - print('Initial stack: ' + str(stack)) - print('pop(): ' + str(stack.pop())) - print('After pop(), the stack is now: ' + str(stack)) - print('peek(): ' + str(stack.peek())) - stack.push(100) - print('After push(100), the stack is now: ' + str(stack)) - print('is_empty(): ' + str(stack.is_empty())) - print('size(): ' + str(stack.size())) +from __future__ import print_function + +__author__ = 'Omkar Pathak' + + +class Stack(object): + """ A stack is an abstract data type that serves as a collection of + elements with two principal operations: push() and pop(). push() adds an + element to the top of the stack, and pop() removes an element from the top + of a stack. The order in which elements come off of a stack are + Last In, First Out (LIFO). + + https://en.wikipedia.org/wiki/Stack_(abstract_data_type) + """ + + def __init__(self, limit=10): + self.stack = [] + self.limit = limit + + def __bool__(self): + return bool(self.stack) + + def __str__(self): + return str(self.stack) + + def push(self, data): + """ Push an element to the top of the stack.""" + if len(self.stack) >= self.limit: + raise StackOverflowError + self.stack.append(data) + + def pop(self): + """ Pop an element off of the top of the stack.""" + if self.stack: + return self.stack.pop() + else: + raise IndexError('pop from an empty stack') + + def peek(self): + """ Peek at the top-most element of the stack.""" + if self.stack: + return self.stack[-1] + + def is_empty(self): + """ Check if a stack is empty.""" + return not bool(self.stack) + + def size(self): + """ Return the size of the stack.""" + return len(self.stack) + + +class StackOverflowError(BaseException): + pass + + +if __name__ == '__main__': + stack = Stack() + for i in range(10): + stack.push(i) + + print('Stack demonstration:\n') + print('Initial stack: ' + str(stack)) + print('pop(): ' + str(stack.pop())) + print('After pop(), the stack is now: ' + str(stack)) + print('peek(): ' + str(stack.peek())) + stack.push(100) + print('After push(100), the stack is now: ' + str(stack)) + print('is_empty(): ' + str(stack.is_empty())) + print('size(): ' + str(stack.size())) diff --git a/data_structures/stacks/stock_span_problem.py b/data_structures/stacks/stock_span_problem.py index 508823cfa690..064222dc9da9 100644 --- a/data_structures/stacks/stock_span_problem.py +++ b/data_structures/stacks/stock_span_problem.py @@ -1,55 +1,55 @@ -''' -The stock span problem is a financial problem where we have a series of n daily -price quotes for a stock and we need to calculate span of stock's price for all n days. - -The span Si of the stock's price on a given day i is defined as the maximum -number of consecutive days just before the given day, for which the price of the stock -on the current day is less than or equal to its price on the given day. -''' -from __future__ import print_function - - -def calculateSpan(price, S): - n = len(price) - # Create a stack and push index of fist element to it - st = [] - st.append(0) - - # Span value of first element is always 1 - S[0] = 1 - - # Calculate span values for rest of the elements - for i in range(1, n): - - # Pop elements from stack whlie stack is not - # empty and top of stack is smaller than price[i] - while (len(st) > 0 and price[st[0]] <= price[i]): - st.pop() - - # If stack becomes empty, then price[i] is greater - # than all elements on left of it, i.e. price[0], - # price[1], ..price[i-1]. Else the price[i] is - # greater than elements after top of stack - S[i] = i + 1 if len(st) <= 0 else (i - st[0]) - - # Push this element to stack - st.append(i) - - # A utility function to print elements of array - - -def printArray(arr, n): - for i in range(0, n): - print(arr[i], end=" ") - - # Driver program to test above function - - -price = [10, 4, 5, 90, 120, 80] -S = [0 for i in range(len(price) + 1)] - -# Fill the span values in array S[] -calculateSpan(price, S) - -# Print the calculated span values -printArray(S, len(price)) +''' +The stock span problem is a financial problem where we have a series of n daily +price quotes for a stock and we need to calculate span of stock's price for all n days. + +The span Si of the stock's price on a given day i is defined as the maximum +number of consecutive days just before the given day, for which the price of the stock +on the current day is less than or equal to its price on the given day. +''' +from __future__ import print_function + + +def calculateSpan(price, S): + n = len(price) + # Create a stack and push index of fist element to it + st = [] + st.append(0) + + # Span value of first element is always 1 + S[0] = 1 + + # Calculate span values for rest of the elements + for i in range(1, n): + + # Pop elements from stack whlie stack is not + # empty and top of stack is smaller than price[i] + while (len(st) > 0 and price[st[0]] <= price[i]): + st.pop() + + # If stack becomes empty, then price[i] is greater + # than all elements on left of it, i.e. price[0], + # price[1], ..price[i-1]. Else the price[i] is + # greater than elements after top of stack + S[i] = i + 1 if len(st) <= 0 else (i - st[0]) + + # Push this element to stack + st.append(i) + + # A utility function to print elements of array + + +def printArray(arr, n): + for i in range(0, n): + print(arr[i], end=" ") + + # Driver program to test above function + + +price = [10, 4, 5, 90, 120, 80] +S = [0 for i in range(len(price) + 1)] + +# Fill the span values in array S[] +calculateSpan(price, S) + +# Print the calculated span values +printArray(S, len(price)) diff --git a/data_structures/trie/trie.py b/data_structures/trie/trie.py index d300c40bccbd..f50e4ab655a9 100644 --- a/data_structures/trie/trie.py +++ b/data_structures/trie/trie.py @@ -1,76 +1,76 @@ -""" -A Trie/Prefix Tree is a kind of search tree used to provide quick lookup -of words/patterns in a set of words. A basic Trie however has O(n^2) space complexity -making it impractical in practice. It however provides O(max(search_string, length of longest word)) lookup -time making it an optimal approach when space is not an issue. - -""" - - -class TrieNode: - def __init__(self): - self.nodes = dict() # Mapping from char to TrieNode - self.is_leaf = False - - def insert_many(self, words: [str]): # noqa: E999 This syntax is Python 3 only - """ - Inserts a list of words into the Trie - :param words: list of string words - :return: None - """ - for word in words: - self.insert(word) - - def insert(self, word: str): # noqa: E999 This syntax is Python 3 only - """ - Inserts a word into the Trie - :param word: word to be inserted - :return: None - """ - curr = self - for char in word: - if char not in curr.nodes: - curr.nodes[char] = TrieNode() - curr = curr.nodes[char] - curr.is_leaf = True - - def find(self, word: str) -> bool: # noqa: E999 This syntax is Python 3 only - """ - Tries to find word in a Trie - :param word: word to look for - :return: Returns True if word is found, False otherwise - """ - curr = self - for char in word: - if char not in curr.nodes: - return False - curr = curr.nodes[char] - return curr.is_leaf - - -def print_words(node: TrieNode, word: str): # noqa: E999 This syntax is Python 3 only - """ - Prints all the words in a Trie - :param node: root node of Trie - :param word: Word variable should be empty at start - :return: None - """ - if node.is_leaf: - print(word, end=' ') - - for key, value in node.nodes.items(): - print_words(value, word + key) - - -def test(): - words = ['banana', 'bananas', 'bandana', 'band', 'apple', 'all', 'beast'] - root = TrieNode() - root.insert_many(words) - # print_words(root, '') - assert root.find('banana') - assert not root.find('bandanas') - assert not root.find('apps') - assert root.find('apple') - - -test() +""" +A Trie/Prefix Tree is a kind of search tree used to provide quick lookup +of words/patterns in a set of words. A basic Trie however has O(n^2) space complexity +making it impractical in practice. It however provides O(max(search_string, length of longest word)) lookup +time making it an optimal approach when space is not an issue. + +""" + + +class TrieNode: + def __init__(self): + self.nodes = dict() # Mapping from char to TrieNode + self.is_leaf = False + + def insert_many(self, words: [str]): # noqa: E999 This syntax is Python 3 only + """ + Inserts a list of words into the Trie + :param words: list of string words + :return: None + """ + for word in words: + self.insert(word) + + def insert(self, word: str): # noqa: E999 This syntax is Python 3 only + """ + Inserts a word into the Trie + :param word: word to be inserted + :return: None + """ + curr = self + for char in word: + if char not in curr.nodes: + curr.nodes[char] = TrieNode() + curr = curr.nodes[char] + curr.is_leaf = True + + def find(self, word: str) -> bool: # noqa: E999 This syntax is Python 3 only + """ + Tries to find word in a Trie + :param word: word to look for + :return: Returns True if word is found, False otherwise + """ + curr = self + for char in word: + if char not in curr.nodes: + return False + curr = curr.nodes[char] + return curr.is_leaf + + +def print_words(node: TrieNode, word: str): # noqa: E999 This syntax is Python 3 only + """ + Prints all the words in a Trie + :param node: root node of Trie + :param word: Word variable should be empty at start + :return: None + """ + if node.is_leaf: + print(word, end=' ') + + for key, value in node.nodes.items(): + print_words(value, word + key) + + +def test(): + words = ['banana', 'bananas', 'bandana', 'band', 'apple', 'all', 'beast'] + root = TrieNode() + root.insert_many(words) + # print_words(root, '') + assert root.find('banana') + assert not root.find('bandanas') + assert not root.find('apps') + assert root.find('apple') + + +test() diff --git a/data_structures/union_find/tests_union_find.py b/data_structures/union_find/tests_union_find.py index 949fc9887062..132e86a7bd85 100644 --- a/data_structures/union_find/tests_union_find.py +++ b/data_structures/union_find/tests_union_find.py @@ -1,80 +1,80 @@ -from __future__ import absolute_import - -import unittest - -from .union_find import UnionFind - - -class TestUnionFind(unittest.TestCase): - def test_init_with_valid_size(self): - uf = UnionFind(5) - self.assertEqual(uf.size, 5) - - def test_init_with_invalid_size(self): - with self.assertRaises(ValueError): - uf = UnionFind(0) - - with self.assertRaises(ValueError): - uf = UnionFind(-5) - - def test_union_with_valid_values(self): - uf = UnionFind(10) - - for i in range(11): - for j in range(11): - uf.union(i, j) - - def test_union_with_invalid_values(self): - uf = UnionFind(10) - - with self.assertRaises(ValueError): - uf.union(-1, 1) - - with self.assertRaises(ValueError): - uf.union(11, 1) - - def test_same_set_with_valid_values(self): - uf = UnionFind(10) - - for i in range(11): - for j in range(11): - if i == j: - self.assertTrue(uf.same_set(i, j)) - else: - self.assertFalse(uf.same_set(i, j)) - - uf.union(1, 2) - self.assertTrue(uf.same_set(1, 2)) - - uf.union(3, 4) - self.assertTrue(uf.same_set(3, 4)) - - self.assertFalse(uf.same_set(1, 3)) - self.assertFalse(uf.same_set(1, 4)) - self.assertFalse(uf.same_set(2, 3)) - self.assertFalse(uf.same_set(2, 4)) - - uf.union(1, 3) - self.assertTrue(uf.same_set(1, 3)) - self.assertTrue(uf.same_set(1, 4)) - self.assertTrue(uf.same_set(2, 3)) - self.assertTrue(uf.same_set(2, 4)) - - uf.union(4, 10) - self.assertTrue(uf.same_set(1, 10)) - self.assertTrue(uf.same_set(2, 10)) - self.assertTrue(uf.same_set(3, 10)) - self.assertTrue(uf.same_set(4, 10)) - - def test_same_set_with_invalid_values(self): - uf = UnionFind(10) - - with self.assertRaises(ValueError): - uf.same_set(-1, 1) - - with self.assertRaises(ValueError): - uf.same_set(11, 0) - - -if __name__ == '__main__': - unittest.main() +from __future__ import absolute_import + +import unittest + +from .union_find import UnionFind + + +class TestUnionFind(unittest.TestCase): + def test_init_with_valid_size(self): + uf = UnionFind(5) + self.assertEqual(uf.size, 5) + + def test_init_with_invalid_size(self): + with self.assertRaises(ValueError): + uf = UnionFind(0) + + with self.assertRaises(ValueError): + uf = UnionFind(-5) + + def test_union_with_valid_values(self): + uf = UnionFind(10) + + for i in range(11): + for j in range(11): + uf.union(i, j) + + def test_union_with_invalid_values(self): + uf = UnionFind(10) + + with self.assertRaises(ValueError): + uf.union(-1, 1) + + with self.assertRaises(ValueError): + uf.union(11, 1) + + def test_same_set_with_valid_values(self): + uf = UnionFind(10) + + for i in range(11): + for j in range(11): + if i == j: + self.assertTrue(uf.same_set(i, j)) + else: + self.assertFalse(uf.same_set(i, j)) + + uf.union(1, 2) + self.assertTrue(uf.same_set(1, 2)) + + uf.union(3, 4) + self.assertTrue(uf.same_set(3, 4)) + + self.assertFalse(uf.same_set(1, 3)) + self.assertFalse(uf.same_set(1, 4)) + self.assertFalse(uf.same_set(2, 3)) + self.assertFalse(uf.same_set(2, 4)) + + uf.union(1, 3) + self.assertTrue(uf.same_set(1, 3)) + self.assertTrue(uf.same_set(1, 4)) + self.assertTrue(uf.same_set(2, 3)) + self.assertTrue(uf.same_set(2, 4)) + + uf.union(4, 10) + self.assertTrue(uf.same_set(1, 10)) + self.assertTrue(uf.same_set(2, 10)) + self.assertTrue(uf.same_set(3, 10)) + self.assertTrue(uf.same_set(4, 10)) + + def test_same_set_with_invalid_values(self): + uf = UnionFind(10) + + with self.assertRaises(ValueError): + uf.same_set(-1, 1) + + with self.assertRaises(ValueError): + uf.same_set(11, 0) + + +if __name__ == '__main__': + unittest.main() diff --git a/data_structures/union_find/union_find.py b/data_structures/union_find/union_find.py index c28907ae6f4a..adc7766c4941 100644 --- a/data_structures/union_find/union_find.py +++ b/data_structures/union_find/union_find.py @@ -1,88 +1,88 @@ -class UnionFind(): - """ - https://en.wikipedia.org/wiki/Disjoint-set_data_structure - - The union-find is a disjoint-set data structure - - You can merge two sets and tell if one set belongs to - another one. - - It's used on the Kruskal Algorithm - (https://en.wikipedia.org/wiki/Kruskal%27s_algorithm) - - The elements are in range [0, size] - """ - - def __init__(self, size): - if size <= 0: - raise ValueError("size should be greater than 0") - - self.size = size - - # The below plus 1 is because we are using elements - # in range [0, size]. It makes more sense. - - # Every set begins with only itself - self.root = [i for i in range(size + 1)] - - # This is used for heuristic union by rank - self.weight = [0 for i in range(size + 1)] - - def union(self, u, v): - """ - Union of the sets u and v. - Complexity: log(n). - Amortized complexity: < 5 (it's very fast). - """ - - self._validate_element_range(u, "u") - self._validate_element_range(v, "v") - - if u == v: - return - - # Using union by rank will guarantee the - # log(n) complexity - rootu = self._root(u) - rootv = self._root(v) - weight_u = self.weight[rootu] - weight_v = self.weight[rootv] - if weight_u >= weight_v: - self.root[rootv] = rootu - if weight_u == weight_v: - self.weight[rootu] += 1 - else: - self.root[rootu] = rootv - - def same_set(self, u, v): - """ - Return true if the elements u and v belongs to - the same set - """ - - self._validate_element_range(u, "u") - self._validate_element_range(v, "v") - - return self._root(u) == self._root(v) - - def _root(self, u): - """ - Get the element set root. - This uses the heuristic path compression - See wikipedia article for more details. - """ - - if u != self.root[u]: - self.root[u] = self._root(self.root[u]) - - return self.root[u] - - def _validate_element_range(self, u, element_name): - """ - Raises ValueError if element is not in range - """ - if u < 0 or u > self.size: - msg = ("element {0} with value {1} " - "should be in range [0~{2}]") \ - .format(element_name, u, self.size) - raise ValueError(msg) +class UnionFind(): + """ + https://en.wikipedia.org/wiki/Disjoint-set_data_structure + + The union-find is a disjoint-set data structure + + You can merge two sets and tell if one set belongs to + another one. + + It's used on the Kruskal Algorithm + (https://en.wikipedia.org/wiki/Kruskal%27s_algorithm) + + The elements are in range [0, size] + """ + + def __init__(self, size): + if size <= 0: + raise ValueError("size should be greater than 0") + + self.size = size + + # The below plus 1 is because we are using elements + # in range [0, size]. It makes more sense. + + # Every set begins with only itself + self.root = [i for i in range(size + 1)] + + # This is used for heuristic union by rank + self.weight = [0 for i in range(size + 1)] + + def union(self, u, v): + """ + Union of the sets u and v. + Complexity: log(n). + Amortized complexity: < 5 (it's very fast). + """ + + self._validate_element_range(u, "u") + self._validate_element_range(v, "v") + + if u == v: + return + + # Using union by rank will guarantee the + # log(n) complexity + rootu = self._root(u) + rootv = self._root(v) + weight_u = self.weight[rootu] + weight_v = self.weight[rootv] + if weight_u >= weight_v: + self.root[rootv] = rootu + if weight_u == weight_v: + self.weight[rootu] += 1 + else: + self.root[rootu] = rootv + + def same_set(self, u, v): + """ + Return true if the elements u and v belongs to + the same set + """ + + self._validate_element_range(u, "u") + self._validate_element_range(v, "v") + + return self._root(u) == self._root(v) + + def _root(self, u): + """ + Get the element set root. + This uses the heuristic path compression + See wikipedia article for more details. + """ + + if u != self.root[u]: + self.root[u] = self._root(self.root[u]) + + return self.root[u] + + def _validate_element_range(self, u, element_name): + """ + Raises ValueError if element is not in range + """ + if u < 0 or u > self.size: + msg = ("element {0} with value {1} " + "should be in range [0~{2}]") \ + .format(element_name, u, self.size) + raise ValueError(msg) diff --git a/digital_image_processing/filters/median_filter.py b/digital_image_processing/filters/median_filter.py index eea4295632a1..5ee3ac03d9fd 100644 --- a/digital_image_processing/filters/median_filter.py +++ b/digital_image_processing/filters/median_filter.py @@ -1,42 +1,42 @@ -""" -Implementation of median filter algorithm -""" - -from cv2 import imread, cvtColor, COLOR_BGR2GRAY, imshow, waitKey -from numpy import zeros_like, ravel, sort, multiply, divide, int8 - - -def median_filter(gray_img, mask=3): - """ - :param gray_img: gray image - :param mask: mask size - :return: image with median filter - """ - # set image borders - bd = int(mask / 2) - # copy image size - median_img = zeros_like(gray) - for i in range(bd, gray_img.shape[0] - bd): - for j in range(bd, gray_img.shape[1] - bd): - # get mask according with mask - kernel = ravel(gray_img[i - bd:i + bd + 1, j - bd:j + bd + 1]) - # calculate mask median - median = sort(kernel)[int8(divide((multiply(mask, mask)), 2) + 1)] - median_img[i, j] = median - return median_img - - -if __name__ == '__main__': - # read original image - img = imread('lena.jpg') - # turn image in gray scale value - gray = cvtColor(img, COLOR_BGR2GRAY) - - # get values with two different mask size - median3x3 = median_filter(gray, 3) - median5x5 = median_filter(gray, 5) - - # show result images - imshow('median filter with 3x3 mask', median3x3) - imshow('median filter with 5x5 mask', median5x5) - waitKey(0) +""" +Implementation of median filter algorithm +""" + +from cv2 import imread, cvtColor, COLOR_BGR2GRAY, imshow, waitKey +from numpy import zeros_like, ravel, sort, multiply, divide, int8 + + +def median_filter(gray_img, mask=3): + """ + :param gray_img: gray image + :param mask: mask size + :return: image with median filter + """ + # set image borders + bd = int(mask / 2) + # copy image size + median_img = zeros_like(gray) + for i in range(bd, gray_img.shape[0] - bd): + for j in range(bd, gray_img.shape[1] - bd): + # get mask according with mask + kernel = ravel(gray_img[i - bd:i + bd + 1, j - bd:j + bd + 1]) + # calculate mask median + median = sort(kernel)[int8(divide((multiply(mask, mask)), 2) + 1)] + median_img[i, j] = median + return median_img + + +if __name__ == '__main__': + # read original image + img = imread('lena.jpg') + # turn image in gray scale value + gray = cvtColor(img, COLOR_BGR2GRAY) + + # get values with two different mask size + median3x3 = median_filter(gray, 3) + median5x5 = median_filter(gray, 5) + + # show result images + imshow('median filter with 3x3 mask', median3x3) + imshow('median filter with 5x5 mask', median5x5) + waitKey(0) diff --git a/dynamic_programming/Fractional_Knapsack.py b/dynamic_programming/Fractional_Knapsack.py index 4907f4fd5dbf..b17abae163ab 100644 --- a/dynamic_programming/Fractional_Knapsack.py +++ b/dynamic_programming/Fractional_Knapsack.py @@ -1,13 +1,13 @@ -from bisect import bisect -from itertools import accumulate - - -def fracKnapsack(vl, wt, W, n): - r = list(sorted(zip(vl, wt), key=lambda x: x[0] / x[1], reverse=True)) - vl, wt = [i[0] for i in r], [i[1] for i in r] - acc = list(accumulate(wt)) - k = bisect(acc, W) - return 0 if k == 0 else sum(vl[:k]) + (W - acc[k - 1]) * (vl[k]) / (wt[k]) if k != n else sum(vl[:k]) - - -print("%.0f" % fracKnapsack([60, 100, 120], [10, 20, 30], 50, 3)) +from bisect import bisect +from itertools import accumulate + + +def fracKnapsack(vl, wt, W, n): + r = list(sorted(zip(vl, wt), key=lambda x: x[0] / x[1], reverse=True)) + vl, wt = [i[0] for i in r], [i[1] for i in r] + acc = list(accumulate(wt)) + k = bisect(acc, W) + return 0 if k == 0 else sum(vl[:k]) + (W - acc[k - 1]) * (vl[k]) / (wt[k]) if k != n else sum(vl[:k]) + + +print("%.0f" % fracKnapsack([60, 100, 120], [10, 20, 30], 50, 3)) diff --git a/dynamic_programming/abbreviation.py b/dynamic_programming/abbreviation.py index f4d07e402925..19f62f7e91b8 100644 --- a/dynamic_programming/abbreviation.py +++ b/dynamic_programming/abbreviation.py @@ -1,31 +1,31 @@ -""" -https://www.hackerrank.com/challenges/abbr/problem -You can perform the following operation on some string, : - -1. Capitalize zero or more of 's lowercase letters at some index i - (i.e., make them uppercase). -2. Delete all of the remaining lowercase letters in . - -Example: -a=daBcd and b="ABC" -daBcd -> capitalize a and c(dABCd) -> remove d (ABC) -""" - - -def abbr(a, b): - n = len(a) - m = len(b) - dp = [[False for _ in range(m + 1)] for _ in range(n + 1)] - dp[0][0] = True - for i in range(n): - for j in range(m + 1): - if dp[i][j]: - if j < m and a[i].upper() == b[j]: - dp[i + 1][j + 1] = True - if a[i].islower(): - dp[i + 1][j] = True - return dp[n][m] - - -if __name__ == "__main__": - print(abbr("daBcd", "ABC")) # expect True +""" +https://www.hackerrank.com/challenges/abbr/problem +You can perform the following operation on some string, : + +1. Capitalize zero or more of 's lowercase letters at some index i + (i.e., make them uppercase). +2. Delete all of the remaining lowercase letters in . + +Example: +a=daBcd and b="ABC" +daBcd -> capitalize a and c(dABCd) -> remove d (ABC) +""" + + +def abbr(a, b): + n = len(a) + m = len(b) + dp = [[False for _ in range(m + 1)] for _ in range(n + 1)] + dp[0][0] = True + for i in range(n): + for j in range(m + 1): + if dp[i][j]: + if j < m and a[i].upper() == b[j]: + dp[i + 1][j + 1] = True + if a[i].islower(): + dp[i + 1][j] = True + return dp[n][m] + + +if __name__ == "__main__": + print(abbr("daBcd", "ABC")) # expect True diff --git a/dynamic_programming/bitmask.py b/dynamic_programming/bitmask.py index d97eb5d0e48a..bbb537e7c3a1 100644 --- a/dynamic_programming/bitmask.py +++ b/dynamic_programming/bitmask.py @@ -1,89 +1,89 @@ -""" - -This is a python implementation for questions involving task assignments between people. -Here Bitmasking and DP are used for solving this. - -Question :- -We have N tasks and M people. Each person in M can do only certain of these tasks. Also a person can do only one task and a task is performed only by one person. -Find the total no of ways in which the tasks can be distributed. - - -""" -from __future__ import print_function - -from collections import defaultdict - - -class AssignmentUsingBitmask: - def __init__(self, task_performed, total): - - self.total_tasks = total # total no of tasks (N) - - # DP table will have a dimension of (2^M)*N - # initially all values are set to -1 - self.dp = [[-1 for i in range(total + 1)] for j in range(2 ** len(task_performed))] - - self.task = defaultdict(list) # stores the list of persons for each task - - # finalmask is used to check if all persons are included by setting all bits to 1 - self.finalmask = (1 << len(task_performed)) - 1 - - def CountWaysUtil(self, mask, taskno): - - # if mask == self.finalmask all persons are distributed tasks, return 1 - if mask == self.finalmask: - return 1 - - # if not everyone gets the task and no more tasks are available, return 0 - if taskno > self.total_tasks: - return 0 - - # if case already considered - if self.dp[mask][taskno] != -1: - return self.dp[mask][taskno] - - # Number of ways when we dont this task in the arrangement - total_ways_util = self.CountWaysUtil(mask, taskno + 1) - - # now assign the tasks one by one to all possible persons and recursively assign for the remaining tasks. - if taskno in self.task: - for p in self.task[taskno]: - - # if p is already given a task - if mask & (1 << p): - continue - - # assign this task to p and change the mask value. And recursively assign tasks with the new mask value. - total_ways_util += self.CountWaysUtil(mask | (1 << p), taskno + 1) - - # save the value. - self.dp[mask][taskno] = total_ways_util - - return self.dp[mask][taskno] - - def countNoOfWays(self, task_performed): - - # Store the list of persons for each task - for i in range(len(task_performed)): - for j in task_performed[i]: - self.task[j].append(i) - - # call the function to fill the DP table, final answer is stored in dp[0][1] - return self.CountWaysUtil(0, 1) - - -if __name__ == '__main__': - total_tasks = 5 # total no of tasks (the value of N) - - # the list of tasks that can be done by M persons. - task_performed = [ - [1, 3, 4], - [1, 2, 5], - [3, 4] - ] - print(AssignmentUsingBitmask(task_performed, total_tasks).countNoOfWays(task_performed)) - """ - For the particular example the tasks can be distributed as - (1,2,3), (1,2,4), (1,5,3), (1,5,4), (3,1,4), (3,2,4), (3,5,4), (4,1,3), (4,2,3), (4,5,3) - total 10 - """ +""" + +This is a python implementation for questions involving task assignments between people. +Here Bitmasking and DP are used for solving this. + +Question :- +We have N tasks and M people. Each person in M can do only certain of these tasks. Also a person can do only one task and a task is performed only by one person. +Find the total no of ways in which the tasks can be distributed. + + +""" +from __future__ import print_function + +from collections import defaultdict + + +class AssignmentUsingBitmask: + def __init__(self, task_performed, total): + + self.total_tasks = total # total no of tasks (N) + + # DP table will have a dimension of (2^M)*N + # initially all values are set to -1 + self.dp = [[-1 for i in range(total + 1)] for j in range(2 ** len(task_performed))] + + self.task = defaultdict(list) # stores the list of persons for each task + + # finalmask is used to check if all persons are included by setting all bits to 1 + self.finalmask = (1 << len(task_performed)) - 1 + + def CountWaysUtil(self, mask, taskno): + + # if mask == self.finalmask all persons are distributed tasks, return 1 + if mask == self.finalmask: + return 1 + + # if not everyone gets the task and no more tasks are available, return 0 + if taskno > self.total_tasks: + return 0 + + # if case already considered + if self.dp[mask][taskno] != -1: + return self.dp[mask][taskno] + + # Number of ways when we dont this task in the arrangement + total_ways_util = self.CountWaysUtil(mask, taskno + 1) + + # now assign the tasks one by one to all possible persons and recursively assign for the remaining tasks. + if taskno in self.task: + for p in self.task[taskno]: + + # if p is already given a task + if mask & (1 << p): + continue + + # assign this task to p and change the mask value. And recursively assign tasks with the new mask value. + total_ways_util += self.CountWaysUtil(mask | (1 << p), taskno + 1) + + # save the value. + self.dp[mask][taskno] = total_ways_util + + return self.dp[mask][taskno] + + def countNoOfWays(self, task_performed): + + # Store the list of persons for each task + for i in range(len(task_performed)): + for j in task_performed[i]: + self.task[j].append(i) + + # call the function to fill the DP table, final answer is stored in dp[0][1] + return self.CountWaysUtil(0, 1) + + +if __name__ == '__main__': + total_tasks = 5 # total no of tasks (the value of N) + + # the list of tasks that can be done by M persons. + task_performed = [ + [1, 3, 4], + [1, 2, 5], + [3, 4] + ] + print(AssignmentUsingBitmask(task_performed, total_tasks).countNoOfWays(task_performed)) + """ + For the particular example the tasks can be distributed as + (1,2,3), (1,2,4), (1,5,3), (1,5,4), (3,1,4), (3,2,4), (3,5,4), (4,1,3), (4,2,3), (4,5,3) + total 10 + """ diff --git a/dynamic_programming/coin_change.py b/dynamic_programming/coin_change.py index e53426f78913..34bd412aa4dd 100644 --- a/dynamic_programming/coin_change.py +++ b/dynamic_programming/coin_change.py @@ -1,30 +1,30 @@ -""" -You have m types of coins available in infinite quantities -where the value of each coins is given in the array S=[S0,... Sm-1] -Can you determine number of ways of making change for n units using -the given types of coins? -https://www.hackerrank.com/challenges/coin-change/problem -""" -from __future__ import print_function - - -def dp_count(S, m, n): - # table[i] represents the number of ways to get to amount i - table = [0] * (n + 1) - - # There is exactly 1 way to get to zero(You pick no coins). - table[0] = 1 - - # Pick all coins one by one and update table[] values - # after the index greater than or equal to the value of the - # picked coin - for coin_val in S: - for j in range(coin_val, n + 1): - table[j] += table[j - coin_val] - - return table[n] - - -if __name__ == '__main__': - print(dp_count([1, 2, 3], 3, 4)) # answer 4 - print(dp_count([2, 5, 3, 6], 4, 10)) # answer 5 +""" +You have m types of coins available in infinite quantities +where the value of each coins is given in the array S=[S0,... Sm-1] +Can you determine number of ways of making change for n units using +the given types of coins? +https://www.hackerrank.com/challenges/coin-change/problem +""" +from __future__ import print_function + + +def dp_count(S, m, n): + # table[i] represents the number of ways to get to amount i + table = [0] * (n + 1) + + # There is exactly 1 way to get to zero(You pick no coins). + table[0] = 1 + + # Pick all coins one by one and update table[] values + # after the index greater than or equal to the value of the + # picked coin + for coin_val in S: + for j in range(coin_val, n + 1): + table[j] += table[j - coin_val] + + return table[n] + + +if __name__ == '__main__': + print(dp_count([1, 2, 3], 3, 4)) # answer 4 + print(dp_count([2, 5, 3, 6], 4, 10)) # answer 5 diff --git a/dynamic_programming/edit_distance.py b/dynamic_programming/edit_distance.py index 02f621c4565e..67e707306dda 100644 --- a/dynamic_programming/edit_distance.py +++ b/dynamic_programming/edit_distance.py @@ -1,76 +1,76 @@ -""" -Author : Turfa Auliarachman -Date : October 12, 2016 - -This is a pure Python implementation of Dynamic Programming solution to the edit distance problem. - -The problem is : -Given two strings A and B. Find the minimum number of operations to string B such that A = B. The permitted operations are removal, insertion, and substitution. -""" -from __future__ import print_function - - -class EditDistance: - """ - Use : - solver = EditDistance() - editDistanceResult = solver.solve(firstString, secondString) - """ - - def __init__(self): - self.__prepare__() - - def __prepare__(self, N=0, M=0): - self.dp = [[-1 for y in range(0, M)] for x in range(0, N)] - - def __solveDP(self, x, y): - if (x == -1): - return y + 1 - elif (y == -1): - return x + 1 - elif (self.dp[x][y] > -1): - return self.dp[x][y] - else: - if (self.A[x] == self.B[y]): - self.dp[x][y] = self.__solveDP(x - 1, y - 1) - else: - self.dp[x][y] = 1 + min(self.__solveDP(x, y - 1), self.__solveDP(x - 1, y), self.__solveDP(x - 1, y - 1)) - - return self.dp[x][y] - - def solve(self, A, B): - if isinstance(A, bytes): - A = A.decode('ascii') - - if isinstance(B, bytes): - B = B.decode('ascii') - - self.A = str(A) - self.B = str(B) - - self.__prepare__(len(A), len(B)) - - return self.__solveDP(len(A) - 1, len(B) - 1) - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - solver = EditDistance() - - print("****************** Testing Edit Distance DP Algorithm ******************") - print() - - print("Enter the first string: ", end="") - S1 = raw_input().strip() - - print("Enter the second string: ", end="") - S2 = raw_input().strip() - - print() - print("The minimum Edit Distance is: %d" % (solver.solve(S1, S2))) - print() - print("*************** End of Testing Edit Distance DP Algorithm ***************") +""" +Author : Turfa Auliarachman +Date : October 12, 2016 + +This is a pure Python implementation of Dynamic Programming solution to the edit distance problem. + +The problem is : +Given two strings A and B. Find the minimum number of operations to string B such that A = B. The permitted operations are removal, insertion, and substitution. +""" +from __future__ import print_function + + +class EditDistance: + """ + Use : + solver = EditDistance() + editDistanceResult = solver.solve(firstString, secondString) + """ + + def __init__(self): + self.__prepare__() + + def __prepare__(self, N=0, M=0): + self.dp = [[-1 for y in range(0, M)] for x in range(0, N)] + + def __solveDP(self, x, y): + if (x == -1): + return y + 1 + elif (y == -1): + return x + 1 + elif (self.dp[x][y] > -1): + return self.dp[x][y] + else: + if (self.A[x] == self.B[y]): + self.dp[x][y] = self.__solveDP(x - 1, y - 1) + else: + self.dp[x][y] = 1 + min(self.__solveDP(x, y - 1), self.__solveDP(x - 1, y), self.__solveDP(x - 1, y - 1)) + + return self.dp[x][y] + + def solve(self, A, B): + if isinstance(A, bytes): + A = A.decode('ascii') + + if isinstance(B, bytes): + B = B.decode('ascii') + + self.A = str(A) + self.B = str(B) + + self.__prepare__(len(A), len(B)) + + return self.__solveDP(len(A) - 1, len(B) - 1) + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + solver = EditDistance() + + print("****************** Testing Edit Distance DP Algorithm ******************") + print() + + print("Enter the first string: ", end="") + S1 = raw_input().strip() + + print("Enter the second string: ", end="") + S2 = raw_input().strip() + + print() + print("The minimum Edit Distance is: %d" % (solver.solve(S1, S2))) + print() + print("*************** End of Testing Edit Distance DP Algorithm ***************") diff --git a/dynamic_programming/fast_fibonacci.py b/dynamic_programming/fast_fibonacci.py index 9b0197acd252..db06897f97c4 100644 --- a/dynamic_programming/fast_fibonacci.py +++ b/dynamic_programming/fast_fibonacci.py @@ -1,47 +1,47 @@ -#!/usr/bin/python -# encoding=utf8 - -""" -This program calculates the nth Fibonacci number in O(log(n)). -It's possible to calculate F(1000000) in less than a second. -""" -from __future__ import print_function - -import sys - - -# returns F(n) -def fibonacci(n: int): # noqa: E999 This syntax is Python 3 only - if n < 0: - raise ValueError("Negative arguments are not supported") - return _fib(n)[0] - - -# returns (F(n), F(n-1)) -def _fib(n: int): # noqa: E999 This syntax is Python 3 only - if n == 0: - # (F(0), F(1)) - return (0, 1) - else: - # F(2n) = F(n)[2F(n+1) − F(n)] - # F(2n+1) = F(n+1)^2+F(n)^2 - a, b = _fib(n // 2) - c = a * (b * 2 - a) - d = a * a + b * b - if n % 2 == 0: - return (c, d) - else: - return (d, c + d) - - -if __name__ == "__main__": - args = sys.argv[1:] - if len(args) != 1: - print("Too few or too much parameters given.") - exit(1) - try: - n = int(args[0]) - except ValueError: - print("Could not convert data to an integer.") - exit(1) - print("F(%d) = %d" % (n, fibonacci(n))) +#!/usr/bin/python +# encoding=utf8 + +""" +This program calculates the nth Fibonacci number in O(log(n)). +It's possible to calculate F(1000000) in less than a second. +""" +from __future__ import print_function + +import sys + + +# returns F(n) +def fibonacci(n: int): # noqa: E999 This syntax is Python 3 only + if n < 0: + raise ValueError("Negative arguments are not supported") + return _fib(n)[0] + + +# returns (F(n), F(n-1)) +def _fib(n: int): # noqa: E999 This syntax is Python 3 only + if n == 0: + # (F(0), F(1)) + return (0, 1) + else: + # F(2n) = F(n)[2F(n+1) − F(n)] + # F(2n+1) = F(n+1)^2+F(n)^2 + a, b = _fib(n // 2) + c = a * (b * 2 - a) + d = a * a + b * b + if n % 2 == 0: + return (c, d) + else: + return (d, c + d) + + +if __name__ == "__main__": + args = sys.argv[1:] + if len(args) != 1: + print("Too few or too much parameters given.") + exit(1) + try: + n = int(args[0]) + except ValueError: + print("Could not convert data to an integer.") + exit(1) + print("F(%d) = %d" % (n, fibonacci(n))) diff --git a/dynamic_programming/fibonacci.py b/dynamic_programming/fibonacci.py index b4a6dda1384b..2875885bfc10 100644 --- a/dynamic_programming/fibonacci.py +++ b/dynamic_programming/fibonacci.py @@ -1,54 +1,54 @@ -""" -This is a pure Python implementation of Dynamic Programming solution to the fibonacci sequence problem. -""" -from __future__ import print_function - - -class Fibonacci: - - def __init__(self, N=None): - self.fib_array = [] - if N: - N = int(N) - self.fib_array.append(0) - self.fib_array.append(1) - for i in range(2, N + 1): - self.fib_array.append(self.fib_array[i - 1] + self.fib_array[i - 2]) - elif N == 0: - self.fib_array.append(0) - - def get(self, sequence_no=None): - if sequence_no != None: - if sequence_no < len(self.fib_array): - return print(self.fib_array[:sequence_no + 1]) - else: - print("Out of bound.") - else: - print("Please specify a value") - - -if __name__ == '__main__': - print("\n********* Fibonacci Series Using Dynamic Programming ************\n") - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - print("\n Enter the upper limit for the fibonacci sequence: ", end="") - try: - N = eval(raw_input().strip()) - fib = Fibonacci(N) - print( - "\n********* Enter different values to get the corresponding fibonacci sequence, enter any negative number to exit. ************\n") - while True: - print("Enter value: ", end=" ") - try: - i = eval(raw_input().strip()) - if i < 0: - print("\n********* Good Bye!! ************\n") - break - fib.get(i) - except NameError: - print("\nInvalid input, please try again.") - except NameError: - print("\n********* Invalid input, good bye!! ************\n") +""" +This is a pure Python implementation of Dynamic Programming solution to the fibonacci sequence problem. +""" +from __future__ import print_function + + +class Fibonacci: + + def __init__(self, N=None): + self.fib_array = [] + if N: + N = int(N) + self.fib_array.append(0) + self.fib_array.append(1) + for i in range(2, N + 1): + self.fib_array.append(self.fib_array[i - 1] + self.fib_array[i - 2]) + elif N == 0: + self.fib_array.append(0) + + def get(self, sequence_no=None): + if sequence_no != None: + if sequence_no < len(self.fib_array): + return print(self.fib_array[:sequence_no + 1]) + else: + print("Out of bound.") + else: + print("Please specify a value") + + +if __name__ == '__main__': + print("\n********* Fibonacci Series Using Dynamic Programming ************\n") + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + print("\n Enter the upper limit for the fibonacci sequence: ", end="") + try: + N = eval(raw_input().strip()) + fib = Fibonacci(N) + print( + "\n********* Enter different values to get the corresponding fibonacci sequence, enter any negative number to exit. ************\n") + while True: + print("Enter value: ", end=" ") + try: + i = eval(raw_input().strip()) + if i < 0: + print("\n********* Good Bye!! ************\n") + break + fib.get(i) + except NameError: + print("\nInvalid input, please try again.") + except NameError: + print("\n********* Invalid input, good bye!! ************\n") diff --git a/dynamic_programming/integer_partition.py b/dynamic_programming/integer_partition.py index 0f1e6de59d88..50e898a2da58 100644 --- a/dynamic_programming/integer_partition.py +++ b/dynamic_programming/integer_partition.py @@ -1,48 +1,48 @@ -from __future__ import print_function - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - -''' -The number of partitions of a number n into at least k parts equals the number of partitions into exactly k parts -plus the number of partitions into at least k-1 parts. Subtracting 1 from each part of a partition of n into k parts -gives a partition of n-k into k parts. These two facts together are used for this algorithm. -''' - - -def partition(m): - memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] - for i in xrange(m + 1): - memo[i][0] = 1 - - for n in xrange(m + 1): - for k in xrange(1, m): - memo[n][k] += memo[n][k - 1] - if n - k > 0: - memo[n][k] += memo[n - k - 1][k] - - return memo[m][m - 1] - - -if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - try: - n = int(raw_input('Enter a number: ')) - print(partition(n)) - except ValueError: - print('Please enter a number.') - else: - try: - n = int(sys.argv[1]) - print(partition(n)) - except ValueError: - print('Please pass a number.') +from __future__ import print_function + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + +''' +The number of partitions of a number n into at least k parts equals the number of partitions into exactly k parts +plus the number of partitions into at least k-1 parts. Subtracting 1 from each part of a partition of n into k parts +gives a partition of n-k into k parts. These two facts together are used for this algorithm. +''' + + +def partition(m): + memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] + for i in xrange(m + 1): + memo[i][0] = 1 + + for n in xrange(m + 1): + for k in xrange(1, m): + memo[n][k] += memo[n][k - 1] + if n - k > 0: + memo[n][k] += memo[n - k - 1][k] + + return memo[m][m - 1] + + +if __name__ == '__main__': + import sys + + if len(sys.argv) == 1: + try: + n = int(raw_input('Enter a number: ')) + print(partition(n)) + except ValueError: + print('Please enter a number.') + else: + try: + n = int(sys.argv[1]) + print(partition(n)) + except ValueError: + print('Please pass a number.') diff --git a/dynamic_programming/k_means_clustering_tensorflow.py b/dynamic_programming/k_means_clustering_tensorflow.py index e8f9674e93fa..b78068b2d625 100644 --- a/dynamic_programming/k_means_clustering_tensorflow.py +++ b/dynamic_programming/k_means_clustering_tensorflow.py @@ -1,141 +1,141 @@ -from random import shuffle - -import tensorflow as tf -from numpy import array - - -def TFKMeansCluster(vectors, noofclusters): - """ - K-Means Clustering using TensorFlow. - 'vectors' should be a n*k 2-D NumPy array, where n is the number - of vectors of dimensionality k. - 'noofclusters' should be an integer. - """ - - noofclusters = int(noofclusters) - assert noofclusters < len(vectors) - - # Find out the dimensionality - dim = len(vectors[0]) - - # Will help select random centroids from among the available vectors - vector_indices = list(range(len(vectors))) - shuffle(vector_indices) - - # GRAPH OF COMPUTATION - # We initialize a new graph and set it as the default during each run - # of this algorithm. This ensures that as this function is called - # multiple times, the default graph doesn't keep getting crowded with - # unused ops and Variables from previous function calls. - - graph = tf.Graph() - - with graph.as_default(): - - # SESSION OF COMPUTATION - - sess = tf.Session() - - ##CONSTRUCTING THE ELEMENTS OF COMPUTATION - - ##First lets ensure we have a Variable vector for each centroid, - ##initialized to one of the vectors from the available data points - centroids = [tf.Variable((vectors[vector_indices[i]])) - for i in range(noofclusters)] - ##These nodes will assign the centroid Variables the appropriate - ##values - centroid_value = tf.placeholder("float64", [dim]) - cent_assigns = [] - for centroid in centroids: - cent_assigns.append(tf.assign(centroid, centroid_value)) - - ##Variables for cluster assignments of individual vectors(initialized - ##to 0 at first) - assignments = [tf.Variable(0) for i in range(len(vectors))] - ##These nodes will assign an assignment Variable the appropriate - ##value - assignment_value = tf.placeholder("int32") - cluster_assigns = [] - for assignment in assignments: - cluster_assigns.append(tf.assign(assignment, - assignment_value)) - - ##Now lets construct the node that will compute the mean - # The placeholder for the input - mean_input = tf.placeholder("float", [None, dim]) - # The Node/op takes the input and computes a mean along the 0th - # dimension, i.e. the list of input vectors - mean_op = tf.reduce_mean(mean_input, 0) - - ##Node for computing Euclidean distances - # Placeholders for input - v1 = tf.placeholder("float", [dim]) - v2 = tf.placeholder("float", [dim]) - euclid_dist = tf.sqrt(tf.reduce_sum(tf.pow(tf.sub( - v1, v2), 2))) - - ##This node will figure out which cluster to assign a vector to, - ##based on Euclidean distances of the vector from the centroids. - # Placeholder for input - centroid_distances = tf.placeholder("float", [noofclusters]) - cluster_assignment = tf.argmin(centroid_distances, 0) - - ##INITIALIZING STATE VARIABLES - - ##This will help initialization of all Variables defined with respect - ##to the graph. The Variable-initializer should be defined after - ##all the Variables have been constructed, so that each of them - ##will be included in the initialization. - init_op = tf.initialize_all_variables() - - # Initialize all variables - sess.run(init_op) - - ##CLUSTERING ITERATIONS - - # Now perform the Expectation-Maximization steps of K-Means clustering - # iterations. To keep things simple, we will only do a set number of - # iterations, instead of using a Stopping Criterion. - noofiterations = 100 - for iteration_n in range(noofiterations): - - ##EXPECTATION STEP - ##Based on the centroid locations till last iteration, compute - ##the _expected_ centroid assignments. - # Iterate over each vector - for vector_n in range(len(vectors)): - vect = vectors[vector_n] - # Compute Euclidean distance between this vector and each - # centroid. Remember that this list cannot be named - # 'centroid_distances', since that is the input to the - # cluster assignment node. - distances = [sess.run(euclid_dist, feed_dict={ - v1: vect, v2: sess.run(centroid)}) - for centroid in centroids] - # Now use the cluster assignment node, with the distances - # as the input - assignment = sess.run(cluster_assignment, feed_dict={ - centroid_distances: distances}) - # Now assign the value to the appropriate state variable - sess.run(cluster_assigns[vector_n], feed_dict={ - assignment_value: assignment}) - - ##MAXIMIZATION STEP - # Based on the expected state computed from the Expectation Step, - # compute the locations of the centroids so as to maximize the - # overall objective of minimizing within-cluster Sum-of-Squares - for cluster_n in range(noofclusters): - # Collect all the vectors assigned to this cluster - assigned_vects = [vectors[i] for i in range(len(vectors)) - if sess.run(assignments[i]) == cluster_n] - # Compute new centroid location - new_location = sess.run(mean_op, feed_dict={ - mean_input: array(assigned_vects)}) - # Assign value to appropriate variable - sess.run(cent_assigns[cluster_n], feed_dict={ - centroid_value: new_location}) - - # Return centroids and assignments - centroids = sess.run(centroids) - assignments = sess.run(assignments) - return centroids, assignments +from random import shuffle + +import tensorflow as tf +from numpy import array + + +def TFKMeansCluster(vectors, noofclusters): + """ + K-Means Clustering using TensorFlow. + 'vectors' should be a n*k 2-D NumPy array, where n is the number + of vectors of dimensionality k. + 'noofclusters' should be an integer. + """ + + noofclusters = int(noofclusters) + assert noofclusters < len(vectors) + + # Find out the dimensionality + dim = len(vectors[0]) + + # Will help select random centroids from among the available vectors + vector_indices = list(range(len(vectors))) + shuffle(vector_indices) + + # GRAPH OF COMPUTATION + # We initialize a new graph and set it as the default during each run + # of this algorithm. This ensures that as this function is called + # multiple times, the default graph doesn't keep getting crowded with + # unused ops and Variables from previous function calls. + + graph = tf.Graph() + + with graph.as_default(): + + # SESSION OF COMPUTATION + + sess = tf.Session() + + ##CONSTRUCTING THE ELEMENTS OF COMPUTATION + + ##First lets ensure we have a Variable vector for each centroid, + ##initialized to one of the vectors from the available data points + centroids = [tf.Variable((vectors[vector_indices[i]])) + for i in range(noofclusters)] + ##These nodes will assign the centroid Variables the appropriate + ##values + centroid_value = tf.placeholder("float64", [dim]) + cent_assigns = [] + for centroid in centroids: + cent_assigns.append(tf.assign(centroid, centroid_value)) + + ##Variables for cluster assignments of individual vectors(initialized + ##to 0 at first) + assignments = [tf.Variable(0) for i in range(len(vectors))] + ##These nodes will assign an assignment Variable the appropriate + ##value + assignment_value = tf.placeholder("int32") + cluster_assigns = [] + for assignment in assignments: + cluster_assigns.append(tf.assign(assignment, + assignment_value)) + + ##Now lets construct the node that will compute the mean + # The placeholder for the input + mean_input = tf.placeholder("float", [None, dim]) + # The Node/op takes the input and computes a mean along the 0th + # dimension, i.e. the list of input vectors + mean_op = tf.reduce_mean(mean_input, 0) + + ##Node for computing Euclidean distances + # Placeholders for input + v1 = tf.placeholder("float", [dim]) + v2 = tf.placeholder("float", [dim]) + euclid_dist = tf.sqrt(tf.reduce_sum(tf.pow(tf.sub( + v1, v2), 2))) + + ##This node will figure out which cluster to assign a vector to, + ##based on Euclidean distances of the vector from the centroids. + # Placeholder for input + centroid_distances = tf.placeholder("float", [noofclusters]) + cluster_assignment = tf.argmin(centroid_distances, 0) + + ##INITIALIZING STATE VARIABLES + + ##This will help initialization of all Variables defined with respect + ##to the graph. The Variable-initializer should be defined after + ##all the Variables have been constructed, so that each of them + ##will be included in the initialization. + init_op = tf.initialize_all_variables() + + # Initialize all variables + sess.run(init_op) + + ##CLUSTERING ITERATIONS + + # Now perform the Expectation-Maximization steps of K-Means clustering + # iterations. To keep things simple, we will only do a set number of + # iterations, instead of using a Stopping Criterion. + noofiterations = 100 + for iteration_n in range(noofiterations): + + ##EXPECTATION STEP + ##Based on the centroid locations till last iteration, compute + ##the _expected_ centroid assignments. + # Iterate over each vector + for vector_n in range(len(vectors)): + vect = vectors[vector_n] + # Compute Euclidean distance between this vector and each + # centroid. Remember that this list cannot be named + # 'centroid_distances', since that is the input to the + # cluster assignment node. + distances = [sess.run(euclid_dist, feed_dict={ + v1: vect, v2: sess.run(centroid)}) + for centroid in centroids] + # Now use the cluster assignment node, with the distances + # as the input + assignment = sess.run(cluster_assignment, feed_dict={ + centroid_distances: distances}) + # Now assign the value to the appropriate state variable + sess.run(cluster_assigns[vector_n], feed_dict={ + assignment_value: assignment}) + + ##MAXIMIZATION STEP + # Based on the expected state computed from the Expectation Step, + # compute the locations of the centroids so as to maximize the + # overall objective of minimizing within-cluster Sum-of-Squares + for cluster_n in range(noofclusters): + # Collect all the vectors assigned to this cluster + assigned_vects = [vectors[i] for i in range(len(vectors)) + if sess.run(assignments[i]) == cluster_n] + # Compute new centroid location + new_location = sess.run(mean_op, feed_dict={ + mean_input: array(assigned_vects)}) + # Assign value to appropriate variable + sess.run(cent_assigns[cluster_n], feed_dict={ + centroid_value: new_location}) + + # Return centroids and assignments + centroids = sess.run(centroids) + assignments = sess.run(assignments) + return centroids, assignments diff --git a/dynamic_programming/knapsack.py b/dynamic_programming/knapsack.py index 1f6921e8c7f1..1e7b35048d0c 100644 --- a/dynamic_programming/knapsack.py +++ b/dynamic_programming/knapsack.py @@ -1,45 +1,45 @@ -""" -Given weights and values of n items, put these items in a knapsack of capacity W to get the maximum total value in the knapsack. -""" - - -def MF_knapsack(i, wt, val, j): - ''' - This code involves the concept of memory functions. Here we solve the subproblems which are needed - unlike the below example - F is a 2D array with -1s filled up - ''' - global F # a global dp table for knapsack - if F[i][j] < 0: - if j < wt[i - 1]: - val = MF_knapsack(i - 1, wt, val, j) - else: - val = max(MF_knapsack(i - 1, wt, val, j), MF_knapsack(i - 1, wt, val, j - wt[i - 1]) + val[i - 1]) - F[i][j] = val - return F[i][j] - - -def knapsack(W, wt, val, n): - dp = [[0 for i in range(W + 1)] for j in range(n + 1)] - - for i in range(1, n + 1): - for w in range(1, W + 1): - if (wt[i - 1] <= w): - dp[i][w] = max(val[i - 1] + dp[i - 1][w - wt[i - 1]], dp[i - 1][w]) - else: - dp[i][w] = dp[i - 1][w] - - return dp[n][w] - - -if __name__ == '__main__': - ''' - Adding test case for knapsack - ''' - val = [3, 2, 4, 4] - wt = [4, 3, 2, 3] - n = 4 - w = 6 - F = [[0] * (w + 1)] + [[0] + [-1 for i in range(w + 1)] for j in range(n + 1)] - print(knapsack(w, wt, val, n)) - print(MF_knapsack(n, wt, val, w)) # switched the n and w +""" +Given weights and values of n items, put these items in a knapsack of capacity W to get the maximum total value in the knapsack. +""" + + +def MF_knapsack(i, wt, val, j): + ''' + This code involves the concept of memory functions. Here we solve the subproblems which are needed + unlike the below example + F is a 2D array with -1s filled up + ''' + global F # a global dp table for knapsack + if F[i][j] < 0: + if j < wt[i - 1]: + val = MF_knapsack(i - 1, wt, val, j) + else: + val = max(MF_knapsack(i - 1, wt, val, j), MF_knapsack(i - 1, wt, val, j - wt[i - 1]) + val[i - 1]) + F[i][j] = val + return F[i][j] + + +def knapsack(W, wt, val, n): + dp = [[0 for i in range(W + 1)] for j in range(n + 1)] + + for i in range(1, n + 1): + for w in range(1, W + 1): + if (wt[i - 1] <= w): + dp[i][w] = max(val[i - 1] + dp[i - 1][w - wt[i - 1]], dp[i - 1][w]) + else: + dp[i][w] = dp[i - 1][w] + + return dp[n][w] + + +if __name__ == '__main__': + ''' + Adding test case for knapsack + ''' + val = [3, 2, 4, 4] + wt = [4, 3, 2, 3] + n = 4 + w = 6 + F = [[0] * (w + 1)] + [[0] + [-1 for i in range(w + 1)] for j in range(n + 1)] + print(knapsack(w, wt, val, n)) + print(MF_knapsack(n, wt, val, w)) # switched the n and w diff --git a/dynamic_programming/longest_common_subsequence.py b/dynamic_programming/longest_common_subsequence.py index 4ed43bef51cb..095620e75dcf 100644 --- a/dynamic_programming/longest_common_subsequence.py +++ b/dynamic_programming/longest_common_subsequence.py @@ -1,39 +1,39 @@ -""" -LCS Problem Statement: Given two sequences, find the length of longest subsequence present in both of them. -A subsequence is a sequence that appears in the same relative order, but not necessarily continious. -Example:"abc", "abg" are subsequences of "abcdefgh". -""" -from __future__ import print_function - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def lcs_dp(x, y): - # find the length of strings - m = len(x) - n = len(y) - - # declaring the array for storing the dp values - L = [[None] * (n + 1) for i in xrange(m + 1)] - seq = [] - - for i in range(m + 1): - for j in range(n + 1): - if i == 0 or j == 0: - L[i][j] = 0 - elif x[i - 1] == y[j - 1]: - L[i][j] = L[i - 1][j - 1] + 1 - seq.append(x[i - 1]) - else: - L[i][j] = max(L[i - 1][j], L[i][j - 1]) - # L[m][n] contains the length of LCS of X[0..n-1] & Y[0..m-1] - return L[m][n], seq - - -if __name__ == '__main__': - x = 'AGGTAB' - y = 'GXTXAYB' - print(lcs_dp(x, y)) +""" +LCS Problem Statement: Given two sequences, find the length of longest subsequence present in both of them. +A subsequence is a sequence that appears in the same relative order, but not necessarily continious. +Example:"abc", "abg" are subsequences of "abcdefgh". +""" +from __future__ import print_function + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def lcs_dp(x, y): + # find the length of strings + m = len(x) + n = len(y) + + # declaring the array for storing the dp values + L = [[None] * (n + 1) for i in xrange(m + 1)] + seq = [] + + for i in range(m + 1): + for j in range(n + 1): + if i == 0 or j == 0: + L[i][j] = 0 + elif x[i - 1] == y[j - 1]: + L[i][j] = L[i - 1][j - 1] + 1 + seq.append(x[i - 1]) + else: + L[i][j] = max(L[i - 1][j], L[i][j - 1]) + # L[m][n] contains the length of LCS of X[0..n-1] & Y[0..m-1] + return L[m][n], seq + + +if __name__ == '__main__': + x = 'AGGTAB' + y = 'GXTXAYB' + print(lcs_dp(x, y)) diff --git a/dynamic_programming/longest_increasing_subsequence.py b/dynamic_programming/longest_increasing_subsequence.py index 6bfab55977c9..bfb25566fe2f 100644 --- a/dynamic_programming/longest_increasing_subsequence.py +++ b/dynamic_programming/longest_increasing_subsequence.py @@ -1,44 +1,44 @@ -''' -Author : Mehdi ALAOUI - -This is a pure Python implementation of Dynamic Programming solution to the longest increasing subsequence of a given sequence. - -The problem is : -Given an ARRAY, to find the longest and increasing sub ARRAY in that given ARRAY and return it. -Example: [10, 22, 9, 33, 21, 50, 41, 60, 80] as input will return [10, 22, 33, 41, 60, 80] as output -''' -from __future__ import print_function - - -def longestSub(ARRAY): # This function is recursive - - ARRAY_LENGTH = len(ARRAY) - if (ARRAY_LENGTH <= 1): # If the array contains only one element, we return it (it's the stop condition of recursion) - return ARRAY - # Else - PIVOT = ARRAY[0] - isFound = False - i = 1 - LONGEST_SUB = [] - while (not isFound and i < ARRAY_LENGTH): - if (ARRAY[i] < PIVOT): - isFound = True - TEMPORARY_ARRAY = [element for element in ARRAY[i:] if element >= ARRAY[i]] - TEMPORARY_ARRAY = longestSub(TEMPORARY_ARRAY) - if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): - LONGEST_SUB = TEMPORARY_ARRAY - else: - i += 1 - - TEMPORARY_ARRAY = [element for element in ARRAY[1:] if element >= PIVOT] - TEMPORARY_ARRAY = [PIVOT] + longestSub(TEMPORARY_ARRAY) - if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): - return TEMPORARY_ARRAY - else: - return LONGEST_SUB - - -# Some examples - -print(longestSub([4, 8, 7, 5, 1, 12, 2, 3, 9])) -print(longestSub([9, 8, 7, 6, 5, 7])) +''' +Author : Mehdi ALAOUI + +This is a pure Python implementation of Dynamic Programming solution to the longest increasing subsequence of a given sequence. + +The problem is : +Given an ARRAY, to find the longest and increasing sub ARRAY in that given ARRAY and return it. +Example: [10, 22, 9, 33, 21, 50, 41, 60, 80] as input will return [10, 22, 33, 41, 60, 80] as output +''' +from __future__ import print_function + + +def longestSub(ARRAY): # This function is recursive + + ARRAY_LENGTH = len(ARRAY) + if (ARRAY_LENGTH <= 1): # If the array contains only one element, we return it (it's the stop condition of recursion) + return ARRAY + # Else + PIVOT = ARRAY[0] + isFound = False + i = 1 + LONGEST_SUB = [] + while (not isFound and i < ARRAY_LENGTH): + if (ARRAY[i] < PIVOT): + isFound = True + TEMPORARY_ARRAY = [element for element in ARRAY[i:] if element >= ARRAY[i]] + TEMPORARY_ARRAY = longestSub(TEMPORARY_ARRAY) + if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): + LONGEST_SUB = TEMPORARY_ARRAY + else: + i += 1 + + TEMPORARY_ARRAY = [element for element in ARRAY[1:] if element >= PIVOT] + TEMPORARY_ARRAY = [PIVOT] + longestSub(TEMPORARY_ARRAY) + if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): + return TEMPORARY_ARRAY + else: + return LONGEST_SUB + + +# Some examples + +print(longestSub([4, 8, 7, 5, 1, 12, 2, 3, 9])) +print(longestSub([9, 8, 7, 6, 5, 7])) diff --git a/dynamic_programming/longest_increasing_subsequence_O(nlogn).py b/dynamic_programming/longest_increasing_subsequence_O(nlogn).py index 6da23b62a89d..f3abd4a49fdb 100644 --- a/dynamic_programming/longest_increasing_subsequence_O(nlogn).py +++ b/dynamic_programming/longest_increasing_subsequence_O(nlogn).py @@ -1,43 +1,43 @@ -from __future__ import print_function - - -############################# -# Author: Aravind Kashyap -# File: lis.py -# comments: This programme outputs the Longest Strictly Increasing Subsequence in O(NLogN) -# Where N is the Number of elements in the list -############################# -def CeilIndex(v, l, r, key): - while r - l > 1: - m = (l + r) / 2 - if v[m] >= key: - r = m - else: - l = m - - return r - - -def LongestIncreasingSubsequenceLength(v): - if (len(v) == 0): - return 0 - - tail = [0] * len(v) - length = 1 - - tail[0] = v[0] - - for i in range(1, len(v)): - if v[i] < tail[0]: - tail[0] = v[i] - elif v[i] > tail[length - 1]: - tail[length] = v[i] - length += 1 - else: - tail[CeilIndex(tail, -1, length - 1, v[i])] = v[i] - - return length - - -v = [2, 5, 3, 7, 11, 8, 10, 13, 6] -print(LongestIncreasingSubsequenceLength(v)) +from __future__ import print_function + + +############################# +# Author: Aravind Kashyap +# File: lis.py +# comments: This programme outputs the Longest Strictly Increasing Subsequence in O(NLogN) +# Where N is the Number of elements in the list +############################# +def CeilIndex(v, l, r, key): + while r - l > 1: + m = (l + r) / 2 + if v[m] >= key: + r = m + else: + l = m + + return r + + +def LongestIncreasingSubsequenceLength(v): + if (len(v) == 0): + return 0 + + tail = [0] * len(v) + length = 1 + + tail[0] = v[0] + + for i in range(1, len(v)): + if v[i] < tail[0]: + tail[0] = v[i] + elif v[i] > tail[length - 1]: + tail[length] = v[i] + length += 1 + else: + tail[CeilIndex(tail, -1, length - 1, v[i])] = v[i] + + return length + + +v = [2, 5, 3, 7, 11, 8, 10, 13, 6] +print(LongestIncreasingSubsequenceLength(v)) diff --git a/dynamic_programming/longest_sub_array.py b/dynamic_programming/longest_sub_array.py index 2cfe270995db..5a0d32f63bcc 100644 --- a/dynamic_programming/longest_sub_array.py +++ b/dynamic_programming/longest_sub_array.py @@ -1,32 +1,32 @@ -''' -Auther : Yvonne - -This is a pure Python implementation of Dynamic Programming solution to the longest_sub_array problem. - -The problem is : -Given an array, to find the longest and continuous sub array and get the max sum of the sub array in the given array. -''' -from __future__ import print_function - - -class SubArray: - - def __init__(self, arr): - # we need a list not a string, so do something to change the type - self.array = arr.split(',') - print(("the input array is:", self.array)) - - def solve_sub_array(self): - rear = [int(self.array[0])] * len(self.array) - sum_value = [int(self.array[0])] * len(self.array) - for i in range(1, len(self.array)): - sum_value[i] = max(int(self.array[i]) + sum_value[i - 1], int(self.array[i])) - rear[i] = max(sum_value[i], rear[i - 1]) - return rear[len(self.array) - 1] - - -if __name__ == '__main__': - whole_array = input("please input some numbers:") - array = SubArray(whole_array) - re = array.solve_sub_array() - print(("the results is:", re)) +''' +Auther : Yvonne + +This is a pure Python implementation of Dynamic Programming solution to the longest_sub_array problem. + +The problem is : +Given an array, to find the longest and continuous sub array and get the max sum of the sub array in the given array. +''' +from __future__ import print_function + + +class SubArray: + + def __init__(self, arr): + # we need a list not a string, so do something to change the type + self.array = arr.split(',') + print(("the input array is:", self.array)) + + def solve_sub_array(self): + rear = [int(self.array[0])] * len(self.array) + sum_value = [int(self.array[0])] * len(self.array) + for i in range(1, len(self.array)): + sum_value[i] = max(int(self.array[i]) + sum_value[i - 1], int(self.array[i])) + rear[i] = max(sum_value[i], rear[i - 1]) + return rear[len(self.array) - 1] + + +if __name__ == '__main__': + whole_array = input("please input some numbers:") + array = SubArray(whole_array) + re = array.solve_sub_array() + print(("the results is:", re)) diff --git a/dynamic_programming/matrix_chain_order.py b/dynamic_programming/matrix_chain_order.py index 5e8d70a3c40d..afa0477065d1 100644 --- a/dynamic_programming/matrix_chain_order.py +++ b/dynamic_programming/matrix_chain_order.py @@ -1,54 +1,54 @@ -from __future__ import print_function - -import sys - -''' -Dynamic Programming -Implementation of Matrix Chain Multiplication -Time Complexity: O(n^3) -Space Complexity: O(n^2) -''' - - -def MatrixChainOrder(array): - N = len(array) - Matrix = [[0 for x in range(N)] for x in range(N)] - Sol = [[0 for x in range(N)] for x in range(N)] - - for ChainLength in range(2, N): - for a in range(1, N - ChainLength + 1): - b = a + ChainLength - 1 - - Matrix[a][b] = sys.maxsize - for c in range(a, b): - cost = Matrix[a][c] + Matrix[c + 1][b] + array[a - 1] * array[c] * array[b] - if cost < Matrix[a][b]: - Matrix[a][b] = cost - Sol[a][b] = c - return Matrix, Sol - - -# Print order of matrix with Ai as Matrix -def PrintOptimalSolution(OptimalSolution, i, j): - if i == j: - print("A" + str(i), end=" ") - else: - print("(", end=" ") - PrintOptimalSolution(OptimalSolution, i, OptimalSolution[i][j]) - PrintOptimalSolution(OptimalSolution, OptimalSolution[i][j] + 1, j) - print(")", end=" ") - - -def main(): - array = [30, 35, 15, 5, 10, 20, 25] - n = len(array) - # Size of matrix created from above array will be - # 30*35 35*15 15*5 5*10 10*20 20*25 - Matrix, OptimalSolution = MatrixChainOrder(array) - - print("No. of Operation required: " + str((Matrix[1][n - 1]))) - PrintOptimalSolution(OptimalSolution, 1, n - 1) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import sys + +''' +Dynamic Programming +Implementation of Matrix Chain Multiplication +Time Complexity: O(n^3) +Space Complexity: O(n^2) +''' + + +def MatrixChainOrder(array): + N = len(array) + Matrix = [[0 for x in range(N)] for x in range(N)] + Sol = [[0 for x in range(N)] for x in range(N)] + + for ChainLength in range(2, N): + for a in range(1, N - ChainLength + 1): + b = a + ChainLength - 1 + + Matrix[a][b] = sys.maxsize + for c in range(a, b): + cost = Matrix[a][c] + Matrix[c + 1][b] + array[a - 1] * array[c] * array[b] + if cost < Matrix[a][b]: + Matrix[a][b] = cost + Sol[a][b] = c + return Matrix, Sol + + +# Print order of matrix with Ai as Matrix +def PrintOptimalSolution(OptimalSolution, i, j): + if i == j: + print("A" + str(i), end=" ") + else: + print("(", end=" ") + PrintOptimalSolution(OptimalSolution, i, OptimalSolution[i][j]) + PrintOptimalSolution(OptimalSolution, OptimalSolution[i][j] + 1, j) + print(")", end=" ") + + +def main(): + array = [30, 35, 15, 5, 10, 20, 25] + n = len(array) + # Size of matrix created from above array will be + # 30*35 35*15 15*5 5*10 10*20 20*25 + Matrix, OptimalSolution = MatrixChainOrder(array) + + print("No. of Operation required: " + str((Matrix[1][n - 1]))) + PrintOptimalSolution(OptimalSolution, 1, n - 1) + + +if __name__ == '__main__': + main() diff --git a/dynamic_programming/max_sub_array.py b/dynamic_programming/max_sub_array.py index 3f07aa297fe8..69eaf93081cf 100644 --- a/dynamic_programming/max_sub_array.py +++ b/dynamic_programming/max_sub_array.py @@ -1,61 +1,61 @@ -""" -author : Mayank Kumar Jha (mk9440) -""" -from __future__ import print_function - -import time -from random import randint - -import matplotlib.pyplot as plt - - -def find_max_sub_array(A, low, high): - if low == high: - return low, high, A[low] - else: - mid = (low + high) // 2 - left_low, left_high, left_sum = find_max_sub_array(A, low, mid) - right_low, right_high, right_sum = find_max_sub_array(A, mid + 1, high) - cross_left, cross_right, cross_sum = find_max_cross_sum(A, low, mid, high) - if left_sum >= right_sum and left_sum >= cross_sum: - return left_low, left_high, left_sum - elif right_sum >= left_sum and right_sum >= cross_sum: - return right_low, right_high, right_sum - else: - return cross_left, cross_right, cross_sum - - -def find_max_cross_sum(A, low, mid, high): - left_sum, max_left = -999999999, -1 - right_sum, max_right = -999999999, -1 - summ = 0 - for i in range(mid, low - 1, -1): - summ += A[i] - if summ > left_sum: - left_sum = summ - max_left = i - summ = 0 - for i in range(mid + 1, high + 1): - summ += A[i] - if summ > right_sum: - right_sum = summ - max_right = i - return max_left, max_right, (left_sum + right_sum) - - -if __name__ == '__main__': - inputs = [10, 100, 1000, 10000, 50000, 100000, 200000, 300000, 400000, 500000] - tim = [] - for i in inputs: - li = [randint(1, i) for j in range(i)] - strt = time.time() - (find_max_sub_array(li, 0, len(li) - 1)) - end = time.time() - tim.append(end - strt) - print("No of Inputs Time Taken") - for i in range(len(inputs)): - print(inputs[i], '\t\t', tim[i]) - plt.plot(inputs, tim) - plt.xlabel("Number of Inputs"); - plt.ylabel("Time taken in seconds ") - plt.show() +""" +author : Mayank Kumar Jha (mk9440) +""" +from __future__ import print_function + +import time +from random import randint + +import matplotlib.pyplot as plt + + +def find_max_sub_array(A, low, high): + if low == high: + return low, high, A[low] + else: + mid = (low + high) // 2 + left_low, left_high, left_sum = find_max_sub_array(A, low, mid) + right_low, right_high, right_sum = find_max_sub_array(A, mid + 1, high) + cross_left, cross_right, cross_sum = find_max_cross_sum(A, low, mid, high) + if left_sum >= right_sum and left_sum >= cross_sum: + return left_low, left_high, left_sum + elif right_sum >= left_sum and right_sum >= cross_sum: + return right_low, right_high, right_sum + else: + return cross_left, cross_right, cross_sum + + +def find_max_cross_sum(A, low, mid, high): + left_sum, max_left = -999999999, -1 + right_sum, max_right = -999999999, -1 + summ = 0 + for i in range(mid, low - 1, -1): + summ += A[i] + if summ > left_sum: + left_sum = summ + max_left = i + summ = 0 + for i in range(mid + 1, high + 1): + summ += A[i] + if summ > right_sum: + right_sum = summ + max_right = i + return max_left, max_right, (left_sum + right_sum) + + +if __name__ == '__main__': + inputs = [10, 100, 1000, 10000, 50000, 100000, 200000, 300000, 400000, 500000] + tim = [] + for i in inputs: + li = [randint(1, i) for j in range(i)] + strt = time.time() + (find_max_sub_array(li, 0, len(li) - 1)) + end = time.time() + tim.append(end - strt) + print("No of Inputs Time Taken") + for i in range(len(inputs)): + print(inputs[i], '\t\t', tim[i]) + plt.plot(inputs, tim) + plt.xlabel("Number of Inputs"); + plt.ylabel("Time taken in seconds ") + plt.show() diff --git a/dynamic_programming/minimum_partition.py b/dynamic_programming/minimum_partition.py index fc412823d316..e801b1746815 100644 --- a/dynamic_programming/minimum_partition.py +++ b/dynamic_programming/minimum_partition.py @@ -1,30 +1,30 @@ -""" -Partition a set into two subsets such that the difference of subset sums is minimum -""" - - -def findMin(arr): - n = len(arr) - s = sum(arr) - - dp = [[False for x in range(s + 1)] for y in range(n + 1)] - - for i in range(1, n + 1): - dp[i][0] = True - - for i in range(1, s + 1): - dp[0][i] = False - - for i in range(1, n + 1): - for j in range(1, s + 1): - dp[i][j] = dp[i][j - 1] - - if (arr[i - 1] <= j): - dp[i][j] = dp[i][j] or dp[i - 1][j - arr[i - 1]] - - for j in range(int(s / 2), -1, -1): - if dp[n][j] == True: - diff = s - 2 * j - break; - - return diff +""" +Partition a set into two subsets such that the difference of subset sums is minimum +""" + + +def findMin(arr): + n = len(arr) + s = sum(arr) + + dp = [[False for x in range(s + 1)] for y in range(n + 1)] + + for i in range(1, n + 1): + dp[i][0] = True + + for i in range(1, s + 1): + dp[0][i] = False + + for i in range(1, n + 1): + for j in range(1, s + 1): + dp[i][j] = dp[i][j - 1] + + if (arr[i - 1] <= j): + dp[i][j] = dp[i][j] or dp[i - 1][j - arr[i - 1]] + + for j in range(int(s / 2), -1, -1): + if dp[n][j] == True: + diff = s - 2 * j + break; + + return diff diff --git a/dynamic_programming/rod_cutting.py b/dynamic_programming/rod_cutting.py index 1cb83c8e3fce..f2b1f2bf455e 100644 --- a/dynamic_programming/rod_cutting.py +++ b/dynamic_programming/rod_cutting.py @@ -1,58 +1,58 @@ -### PROBLEM ### -""" -We are given a rod of length n and we are given the array of prices, also of -length n. This array contains the price for selling a rod at a certain length. -For example, prices[5] shows the price we can sell a rod of length 5. -Generalising, prices[x] shows the price a rod of length x can be sold. -We are tasked to find the optimal solution to sell the given rod. -""" - -### SOLUTION ### -""" -Profit(n) = max(1 m): - m = yesCut[i] - - solutions[n] = m - return m - - -### EXAMPLE ### -length = 5 -# The first price, 0, is for when we have no rod. -prices = [0, 1, 3, 7, 9, 11, 13, 17, 21, 21, 30] -solutions = [-1 for x in range(length + 1)] - -print(CutRod(length)) +### PROBLEM ### +""" +We are given a rod of length n and we are given the array of prices, also of +length n. This array contains the price for selling a rod at a certain length. +For example, prices[5] shows the price we can sell a rod of length 5. +Generalising, prices[x] shows the price a rod of length x can be sold. +We are tasked to find the optimal solution to sell the given rod. +""" + +### SOLUTION ### +""" +Profit(n) = max(1 m): + m = yesCut[i] + + solutions[n] = m + return m + + +### EXAMPLE ### +length = 5 +# The first price, 0, is for when we have no rod. +prices = [0, 1, 3, 7, 9, 11, 13, 17, 21, 21, 30] +solutions = [-1 for x in range(length + 1)] + +print(CutRod(length)) diff --git a/dynamic_programming/subset_generation.py b/dynamic_programming/subset_generation.py index a5525b5176d9..a4bc081fa661 100644 --- a/dynamic_programming/subset_generation.py +++ b/dynamic_programming/subset_generation.py @@ -1,43 +1,43 @@ -# python program to print all subset combination of n element in given set of r element . -# arr[] ---> Input Array -# data[] ---> Temporary array to store current combination -# start & end ---> Staring and Ending indexes in arr[] -# index ---> Current index in data[] -# r ---> Size of a combination to be printed -def combinationUtil(arr, n, r, index, data, i): - # Current combination is ready to be printed, - # print it - if (index == r): - for j in range(r): - print(data[j], end=" ") - print(" ") - return - # When no more elements are there to put in data[] - if (i >= n): - return - # current is included, put next at next - # location - data[index] = arr[i] - combinationUtil(arr, n, r, index + 1, data, i + 1) - # current is excluded, replace it with - # next (Note that i+1 is passed, but - # index is not changed) - combinationUtil(arr, n, r, index, data, i + 1) - # The main function that prints all combinations - - -# of size r in arr[] of size n. This function -# mainly uses combinationUtil() -def printcombination(arr, n, r): - # A temporary array to store all combination - # one by one - data = [0] * r - # Print all combination using temprary - # array 'data[]' - combinationUtil(arr, n, r, 0, data, 0) - - -# Driver function to check for above function -arr = [10, 20, 30, 40, 50] -printcombination(arr, len(arr), 3) -# This code is contributed by Ambuj sahu +# python program to print all subset combination of n element in given set of r element . +# arr[] ---> Input Array +# data[] ---> Temporary array to store current combination +# start & end ---> Staring and Ending indexes in arr[] +# index ---> Current index in data[] +# r ---> Size of a combination to be printed +def combinationUtil(arr, n, r, index, data, i): + # Current combination is ready to be printed, + # print it + if (index == r): + for j in range(r): + print(data[j], end=" ") + print(" ") + return + # When no more elements are there to put in data[] + if (i >= n): + return + # current is included, put next at next + # location + data[index] = arr[i] + combinationUtil(arr, n, r, index + 1, data, i + 1) + # current is excluded, replace it with + # next (Note that i+1 is passed, but + # index is not changed) + combinationUtil(arr, n, r, index, data, i + 1) + # The main function that prints all combinations + + +# of size r in arr[] of size n. This function +# mainly uses combinationUtil() +def printcombination(arr, n, r): + # A temporary array to store all combination + # one by one + data = [0] * r + # Print all combination using temprary + # array 'data[]' + combinationUtil(arr, n, r, 0, data, 0) + + +# Driver function to check for above function +arr = [10, 20, 30, 40, 50] +printcombination(arr, len(arr), 3) +# This code is contributed by Ambuj sahu diff --git a/file_transfer_protocol/ftp_client_server.py b/file_transfer_protocol/ftp_client_server.py index ff051f372f7b..26c5e25c6646 100644 --- a/file_transfer_protocol/ftp_client_server.py +++ b/file_transfer_protocol/ftp_client_server.py @@ -1,56 +1,56 @@ -# server - -import socket # Import socket module - -port = 60000 # Reserve a port for your service. -s = socket.socket() # Create a socket object -host = socket.gethostname() # Get local machine name -s.bind((host, port)) # Bind to the port -s.listen(5) # Now wait for client connection. - -print('Server listening....') - -while True: - conn, addr = s.accept() # Establish connection with client. - print('Got connection from', addr) - data = conn.recv(1024) - print('Server received', repr(data)) - - filename = 'mytext.txt' - with open(filename, 'rb') as f: - in_data = f.read(1024) - while in_data: - conn.send(in_data) - print('Sent ', repr(in_data)) - in_data = f.read(1024) - - print('Done sending') - conn.send('Thank you for connecting') - conn.close() - -# client side server - -import socket # Import socket module - -s = socket.socket() # Create a socket object -host = socket.gethostname() # Get local machine name -port = 60000 # Reserve a port for your service. - -s.connect((host, port)) -s.send("Hello server!") - -with open('received_file', 'wb') as f: - print('file opened') - while True: - print('receiving data...') - data = s.recv(1024) - print('data=%s', (data)) - if not data: - break - # write data to a file - f.write(data) - -f.close() -print('Successfully get the file') -s.close() -print('connection closed') +# server + +import socket # Import socket module + +port = 60000 # Reserve a port for your service. +s = socket.socket() # Create a socket object +host = socket.gethostname() # Get local machine name +s.bind((host, port)) # Bind to the port +s.listen(5) # Now wait for client connection. + +print('Server listening....') + +while True: + conn, addr = s.accept() # Establish connection with client. + print('Got connection from', addr) + data = conn.recv(1024) + print('Server received', repr(data)) + + filename = 'mytext.txt' + with open(filename, 'rb') as f: + in_data = f.read(1024) + while in_data: + conn.send(in_data) + print('Sent ', repr(in_data)) + in_data = f.read(1024) + + print('Done sending') + conn.send('Thank you for connecting') + conn.close() + +# client side server + +import socket # Import socket module + +s = socket.socket() # Create a socket object +host = socket.gethostname() # Get local machine name +port = 60000 # Reserve a port for your service. + +s.connect((host, port)) +s.send("Hello server!") + +with open('received_file', 'wb') as f: + print('file opened') + while True: + print('receiving data...') + data = s.recv(1024) + print('data=%s', (data)) + if not data: + break + # write data to a file + f.write(data) + +f.close() +print('Successfully get the file') +s.close() +print('connection closed') diff --git a/file_transfer_protocol/ftp_send_receive.py b/file_transfer_protocol/ftp_send_receive.py index ae6c3e0098af..556cda81d36d 100644 --- a/file_transfer_protocol/ftp_send_receive.py +++ b/file_transfer_protocol/ftp_send_receive.py @@ -1,40 +1,40 @@ -""" -File transfer protocol used to send and receive files using FTP server. -Use credentials to provide access to the FTP client - -Note: Do not use root username & password for security reasons -Create a seperate user and provide access to a home directory of the user -Use login id and password of the user created -cwd here stands for current working directory -""" - -from ftplib import FTP - -ftp = FTP('xxx.xxx.x.x') # Enter the ip address or the domain name here -ftp.login(user='username', passwd='password') -ftp.cwd('/Enter the directory here/') - -""" -The file which will be received via the FTP server -Enter the location of the file where the file is received -""" - - -def ReceiveFile(): - FileName = 'example.txt' """ Enter the location of the file """ - with open(FileName, 'wb') as LocalFile: - ftp.retrbinary('RETR ' + FileName, LocalFile.write, 1024) - ftp.quit() - - -""" -The file which will be sent via the FTP server -The file send will be send to the current working directory -""" - - -def SendFile(): - FileName = 'example.txt' """ Enter the name of the file """ - with open(FileName, 'rb') as LocalFile: - ftp.storbinary('STOR ' + FileName, LocalFile) - ftp.quit() +""" +File transfer protocol used to send and receive files using FTP server. +Use credentials to provide access to the FTP client + +Note: Do not use root username & password for security reasons +Create a seperate user and provide access to a home directory of the user +Use login id and password of the user created +cwd here stands for current working directory +""" + +from ftplib import FTP + +ftp = FTP('xxx.xxx.x.x') # Enter the ip address or the domain name here +ftp.login(user='username', passwd='password') +ftp.cwd('/Enter the directory here/') + +""" +The file which will be received via the FTP server +Enter the location of the file where the file is received +""" + + +def ReceiveFile(): + FileName = 'example.txt' """ Enter the location of the file """ + with open(FileName, 'wb') as LocalFile: + ftp.retrbinary('RETR ' + FileName, LocalFile.write, 1024) + ftp.quit() + + +""" +The file which will be sent via the FTP server +The file send will be send to the current working directory +""" + + +def SendFile(): + FileName = 'example.txt' """ Enter the name of the file """ + with open(FileName, 'rb') as LocalFile: + ftp.storbinary('STOR ' + FileName, LocalFile) + ftp.quit() diff --git a/graphs/BFS.py b/graphs/BFS.py index 1f5d4b8b3384..533d88d4b1da 100644 --- a/graphs/BFS.py +++ b/graphs/BFS.py @@ -1,37 +1,37 @@ -"""pseudo-code""" - -""" -BFS(graph G, start vertex s): -// all nodes initially unexplored -mark s as explored -let Q = queue data structure, initialized with s -while Q is non-empty: - remove the first node of Q, call it v - for each edge(v, w): // for w in graph[v] - if w unexplored: - mark w as explored - add w to Q (at the end) - -""" - - -def bfs(graph, start): - explored, queue = set(), [start] # collections.deque([start]) - explored.add(start) - while queue: - v = queue.pop(0) # queue.popleft() - for w in graph[v]: - if w not in explored: - explored.add(w) - queue.append(w) - return explored - - -G = {'A': ['B', 'C'], - 'B': ['A', 'D', 'E'], - 'C': ['A', 'F'], - 'D': ['B'], - 'E': ['B', 'F'], - 'F': ['C', 'E']} - -print(bfs(G, 'A')) +"""pseudo-code""" + +""" +BFS(graph G, start vertex s): +// all nodes initially unexplored +mark s as explored +let Q = queue data structure, initialized with s +while Q is non-empty: + remove the first node of Q, call it v + for each edge(v, w): // for w in graph[v] + if w unexplored: + mark w as explored + add w to Q (at the end) + +""" + + +def bfs(graph, start): + explored, queue = set(), [start] # collections.deque([start]) + explored.add(start) + while queue: + v = queue.pop(0) # queue.popleft() + for w in graph[v]: + if w not in explored: + explored.add(w) + queue.append(w) + return explored + + +G = {'A': ['B', 'C'], + 'B': ['A', 'D', 'E'], + 'C': ['A', 'F'], + 'D': ['B'], + 'E': ['B', 'F'], + 'F': ['C', 'E']} + +print(bfs(G, 'A')) diff --git a/graphs/DFS.py b/graphs/DFS.py index 77d486072407..0e3ac11bf528 100644 --- a/graphs/DFS.py +++ b/graphs/DFS.py @@ -1,41 +1,41 @@ -"""pseudo-code""" - -""" -DFS(graph G, start vertex s): -// all nodes initially unexplored -mark s as explored -for every edge (s, v): - if v unexplored: - DFS(G, v) -""" - - -def dfs(graph, start): - """The DFS function simply calls itself recursively for every unvisited child of its argument. We can emulate that - behaviour precisely using a stack of iterators. Instead of recursively calling with a node, we'll push an iterator - to the node's children onto the iterator stack. When the iterator at the top of the stack terminates, we'll pop - it off the stack.""" - explored, stack = set(), [start] - explored.add(start) - while stack: - v = stack.pop() # one difference from BFS is to pop last element here instead of first one - - if v in explored: - continue - - explored.add(v) - - for w in graph[v]: - if w not in explored: - stack.append(w) - return explored - - -G = {'A': ['B', 'C'], - 'B': ['A', 'D', 'E'], - 'C': ['A', 'F'], - 'D': ['B'], - 'E': ['B', 'F'], - 'F': ['C', 'E']} - -print(dfs(G, 'A')) +"""pseudo-code""" + +""" +DFS(graph G, start vertex s): +// all nodes initially unexplored +mark s as explored +for every edge (s, v): + if v unexplored: + DFS(G, v) +""" + + +def dfs(graph, start): + """The DFS function simply calls itself recursively for every unvisited child of its argument. We can emulate that + behaviour precisely using a stack of iterators. Instead of recursively calling with a node, we'll push an iterator + to the node's children onto the iterator stack. When the iterator at the top of the stack terminates, we'll pop + it off the stack.""" + explored, stack = set(), [start] + explored.add(start) + while stack: + v = stack.pop() # one difference from BFS is to pop last element here instead of first one + + if v in explored: + continue + + explored.add(v) + + for w in graph[v]: + if w not in explored: + stack.append(w) + return explored + + +G = {'A': ['B', 'C'], + 'B': ['A', 'D', 'E'], + 'C': ['A', 'F'], + 'D': ['B'], + 'E': ['B', 'F'], + 'F': ['C', 'E']} + +print(dfs(G, 'A')) diff --git a/graphs/Directed_and_Undirected_(Weighted)_Graph.py b/graphs/Directed_and_Undirected_(Weighted)_Graph.py index 9acecde8cfe0..7d7bf45d199a 100644 --- a/graphs/Directed_and_Undirected_(Weighted)_Graph.py +++ b/graphs/Directed_and_Undirected_(Weighted)_Graph.py @@ -1,477 +1,477 @@ -import math as math -import random as rand -import time -from collections import deque - - -# the dfault weight is 1 if not assigend but all the implementation is weighted - -class DirectedGraph: - def __init__(self): - self.graph = {} - - # adding vertices and edges - # adding the weight is optional - # handels repetition - def add_pair(self, u, v, w=1): - if self.graph.get(u): - if self.graph[u].count([w, v]) == 0: - self.graph[u].append([w, v]) - else: - self.graph[u] = [[w, v]] - if not self.graph.get(v): - self.graph[v] = [] - - def all_nodes(self): - return list(self.graph) - - # handels if the input does not exist - def remove_pair(self, u, v): - if self.graph.get(u): - for _ in self.graph[u]: - if _[1] == v: - self.graph[u].remove(_) - - # if no destination is meant the defaut value is -1 - def dfs(self, s=-2, d=-1): - if s == d: - return [] - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - if __[1] == d: - visited.append(d) - return visited - else: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return visited - - # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count - # will be random from 10 to 10000 - def fill_graph_randomly(self, c=-1): - if c == -1: - c = (math.floor(rand.random() * 10000)) + 10 - for _ in range(c): - # every vertex has max 100 edges - e = math.floor(rand.random() * 102) + 1 - for __ in range(e): - n = math.floor(rand.random() * (c)) + 1 - if n == _: - continue - self.add_pair(_, n, 1) - - def bfs(self, s=-2): - d = deque() - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - d.append(s) - visited.append(s) - while d: - s = d.popleft() - if len(self.graph[s]) != 0: - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - d.append(__[1]) - visited.append(__[1]) - return visited - - def in_degree(self, u): - count = 0 - for _ in self.graph: - for __ in self.graph[_]: - if __[1] == u: - count += 1 - return count - - def out_degree(self, u): - return len(self.graph[u]) - - def topological_sort(self, s=-2): - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - sorted_nodes = [] - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - sorted_nodes.append(stack.pop()) - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return sorted_nodes - - def cycle_nodes(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return list(anticipating_nodes) - - def has_cycle(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - return True - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return False - - def dfs_time(self, s=-2, e=-1): - begin = time.time() - self.dfs(s, e) - end = time.time() - return end - begin - - def bfs_time(self, s=-2): - begin = time.time() - self.bfs(s) - end = time.time() - return end - begin - - -class Graph: - def __init__(self): - self.graph = {} - - # adding vertices and edges - # adding the weight is optional - # handels repetition - def add_pair(self, u, v, w=1): - # check if the u exists - if self.graph.get(u): - # if there already is a edge - if self.graph[u].count([w, v]) == 0: - self.graph[u].append([w, v]) - else: - # if u does not exist - self.graph[u] = [[w, v]] - # add the other way - if self.graph.get(v): - # if there already is a edge - if self.graph[v].count([w, u]) == 0: - self.graph[v].append([w, u]) - else: - # if u does not exist - self.graph[v] = [[w, u]] - - # handels if the input does not exist - def remove_pair(self, u, v): - if self.graph.get(u): - for _ in self.graph[u]: - if _[1] == v: - self.graph[u].remove(_) - # the other way round - if self.graph.get(v): - for _ in self.graph[v]: - if _[1] == u: - self.graph[v].remove(_) - - # if no destination is meant the defaut value is -1 - def dfs(self, s=-2, d=-1): - if s == d: - return [] - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - if __[1] == d: - visited.append(d) - return visited - else: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return visited - - # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count - # will be random from 10 to 10000 - def fill_graph_randomly(self, c=-1): - if c == -1: - c = (math.floor(rand.random() * 10000)) + 10 - for _ in range(c): - # every vertex has max 100 edges - e = math.floor(rand.random() * 102) + 1 - for __ in range(e): - n = math.floor(rand.random() * (c)) + 1 - if n == _: - continue - self.add_pair(_, n, 1) - - def bfs(self, s=-2): - d = deque() - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - d.append(s) - visited.append(s) - while d: - s = d.popleft() - if len(self.graph[s]) != 0: - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - d.append(__[1]) - visited.append(__[1]) - return visited - - def degree(self, u): - return len(self.graph[u]) - - def cycle_nodes(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return list(anticipating_nodes) - - def has_cycle(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - return True - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return False - - def all_nodes(self): - return list(self.graph) - - def dfs_time(self, s=-2, e=-1): - begin = time.time() - self.dfs(s, e) - end = time.time() - return end - begin - - def bfs_time(self, s=-2): - begin = time.time() - self.bfs(s) - end = time.time() - return end - begin +import math as math +import random as rand +import time +from collections import deque + + +# the dfault weight is 1 if not assigend but all the implementation is weighted + +class DirectedGraph: + def __init__(self): + self.graph = {} + + # adding vertices and edges + # adding the weight is optional + # handels repetition + def add_pair(self, u, v, w=1): + if self.graph.get(u): + if self.graph[u].count([w, v]) == 0: + self.graph[u].append([w, v]) + else: + self.graph[u] = [[w, v]] + if not self.graph.get(v): + self.graph[v] = [] + + def all_nodes(self): + return list(self.graph) + + # handels if the input does not exist + def remove_pair(self, u, v): + if self.graph.get(u): + for _ in self.graph[u]: + if _[1] == v: + self.graph[u].remove(_) + + # if no destination is meant the defaut value is -1 + def dfs(self, s=-2, d=-1): + if s == d: + return [] + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + if __[1] == d: + visited.append(d) + return visited + else: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return visited + + # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count + # will be random from 10 to 10000 + def fill_graph_randomly(self, c=-1): + if c == -1: + c = (math.floor(rand.random() * 10000)) + 10 + for _ in range(c): + # every vertex has max 100 edges + e = math.floor(rand.random() * 102) + 1 + for __ in range(e): + n = math.floor(rand.random() * (c)) + 1 + if n == _: + continue + self.add_pair(_, n, 1) + + def bfs(self, s=-2): + d = deque() + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + d.append(s) + visited.append(s) + while d: + s = d.popleft() + if len(self.graph[s]) != 0: + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + d.append(__[1]) + visited.append(__[1]) + return visited + + def in_degree(self, u): + count = 0 + for _ in self.graph: + for __ in self.graph[_]: + if __[1] == u: + count += 1 + return count + + def out_degree(self, u): + return len(self.graph[u]) + + def topological_sort(self, s=-2): + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + sorted_nodes = [] + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + sorted_nodes.append(stack.pop()) + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return sorted_nodes + + def cycle_nodes(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return list(anticipating_nodes) + + def has_cycle(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + return True + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return False + + def dfs_time(self, s=-2, e=-1): + begin = time.time() + self.dfs(s, e) + end = time.time() + return end - begin + + def bfs_time(self, s=-2): + begin = time.time() + self.bfs(s) + end = time.time() + return end - begin + + +class Graph: + def __init__(self): + self.graph = {} + + # adding vertices and edges + # adding the weight is optional + # handels repetition + def add_pair(self, u, v, w=1): + # check if the u exists + if self.graph.get(u): + # if there already is a edge + if self.graph[u].count([w, v]) == 0: + self.graph[u].append([w, v]) + else: + # if u does not exist + self.graph[u] = [[w, v]] + # add the other way + if self.graph.get(v): + # if there already is a edge + if self.graph[v].count([w, u]) == 0: + self.graph[v].append([w, u]) + else: + # if u does not exist + self.graph[v] = [[w, u]] + + # handels if the input does not exist + def remove_pair(self, u, v): + if self.graph.get(u): + for _ in self.graph[u]: + if _[1] == v: + self.graph[u].remove(_) + # the other way round + if self.graph.get(v): + for _ in self.graph[v]: + if _[1] == u: + self.graph[v].remove(_) + + # if no destination is meant the defaut value is -1 + def dfs(self, s=-2, d=-1): + if s == d: + return [] + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + if __[1] == d: + visited.append(d) + return visited + else: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return visited + + # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count + # will be random from 10 to 10000 + def fill_graph_randomly(self, c=-1): + if c == -1: + c = (math.floor(rand.random() * 10000)) + 10 + for _ in range(c): + # every vertex has max 100 edges + e = math.floor(rand.random() * 102) + 1 + for __ in range(e): + n = math.floor(rand.random() * (c)) + 1 + if n == _: + continue + self.add_pair(_, n, 1) + + def bfs(self, s=-2): + d = deque() + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + d.append(s) + visited.append(s) + while d: + s = d.popleft() + if len(self.graph[s]) != 0: + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + d.append(__[1]) + visited.append(__[1]) + return visited + + def degree(self, u): + return len(self.graph[u]) + + def cycle_nodes(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return list(anticipating_nodes) + + def has_cycle(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + return True + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return False + + def all_nodes(self): + return list(self.graph) + + def dfs_time(self, s=-2, e=-1): + begin = time.time() + self.dfs(s, e) + end = time.time() + return end - begin + + def bfs_time(self, s=-2): + begin = time.time() + self.bfs(s) + end = time.time() + return end - begin diff --git a/graphs/Eulerian_path_and_circuit_for_undirected_graph.py b/graphs/Eulerian_path_and_circuit_for_undirected_graph.py index c6c6a1a25f03..1729ce296d69 100644 --- a/graphs/Eulerian_path_and_circuit_for_undirected_graph.py +++ b/graphs/Eulerian_path_and_circuit_for_undirected_graph.py @@ -1,93 +1,93 @@ -# Eulerian Path is a path in graph that visits every edge exactly once. -# Eulerian Circuit is an Eulerian Path which starts and ends on the same -# vertex. -# time complexity is O(V+E) -# space complexity is O(VE) - - -# using dfs for finding eulerian path traversal -def dfs(u, graph, visited_edge, path=[]): - path = path + [u] - for v in graph[u]: - if visited_edge[u][v] == False: - visited_edge[u][v], visited_edge[v][u] = True, True - path = dfs(v, graph, visited_edge, path) - return path - - -# for checking in graph has euler path or circuit -def check_circuit_or_path(graph, max_node): - odd_degree_nodes = 0 - odd_node = -1 - for i in range(max_node): - if i not in graph.keys(): - continue - if len(graph[i]) % 2 == 1: - odd_degree_nodes += 1 - odd_node = i - if odd_degree_nodes == 0: - return 1, odd_node - if odd_degree_nodes == 2: - return 2, odd_node - return 3, odd_node - - -def check_euler(graph, max_node): - visited_edge = [[False for _ in range(max_node + 1)] for _ in range(max_node + 1)] - check, odd_node = check_circuit_or_path(graph, max_node) - if check == 3: - print("graph is not Eulerian") - print("no path") - return - start_node = 1 - if check == 2: - start_node = odd_node - print("graph has a Euler path") - if check == 1: - print("graph has a Euler cycle") - path = dfs(start_node, graph, visited_edge) - print(path) - - -def main(): - G1 = { - 1: [2, 3, 4], - 2: [1, 3], - 3: [1, 2], - 4: [1, 5], - 5: [4] - } - G2 = { - 1: [2, 3, 4, 5], - 2: [1, 3], - 3: [1, 2], - 4: [1, 5], - 5: [1, 4] - } - G3 = { - 1: [2, 3, 4], - 2: [1, 3, 4], - 3: [1, 2], - 4: [1, 2, 5], - 5: [4] - } - G4 = { - 1: [2, 3], - 2: [1, 3], - 3: [1, 2], - } - G5 = { - 1: [], - 2: [] - # all degree is zero - } - max_node = 10 - check_euler(G1, max_node) - check_euler(G2, max_node) - check_euler(G3, max_node) - check_euler(G4, max_node) - check_euler(G5, max_node) - - -if __name__ == "__main__": - main() +# Eulerian Path is a path in graph that visits every edge exactly once. +# Eulerian Circuit is an Eulerian Path which starts and ends on the same +# vertex. +# time complexity is O(V+E) +# space complexity is O(VE) + + +# using dfs for finding eulerian path traversal +def dfs(u, graph, visited_edge, path=[]): + path = path + [u] + for v in graph[u]: + if visited_edge[u][v] == False: + visited_edge[u][v], visited_edge[v][u] = True, True + path = dfs(v, graph, visited_edge, path) + return path + + +# for checking in graph has euler path or circuit +def check_circuit_or_path(graph, max_node): + odd_degree_nodes = 0 + odd_node = -1 + for i in range(max_node): + if i not in graph.keys(): + continue + if len(graph[i]) % 2 == 1: + odd_degree_nodes += 1 + odd_node = i + if odd_degree_nodes == 0: + return 1, odd_node + if odd_degree_nodes == 2: + return 2, odd_node + return 3, odd_node + + +def check_euler(graph, max_node): + visited_edge = [[False for _ in range(max_node + 1)] for _ in range(max_node + 1)] + check, odd_node = check_circuit_or_path(graph, max_node) + if check == 3: + print("graph is not Eulerian") + print("no path") + return + start_node = 1 + if check == 2: + start_node = odd_node + print("graph has a Euler path") + if check == 1: + print("graph has a Euler cycle") + path = dfs(start_node, graph, visited_edge) + print(path) + + +def main(): + G1 = { + 1: [2, 3, 4], + 2: [1, 3], + 3: [1, 2], + 4: [1, 5], + 5: [4] + } + G2 = { + 1: [2, 3, 4, 5], + 2: [1, 3], + 3: [1, 2], + 4: [1, 5], + 5: [1, 4] + } + G3 = { + 1: [2, 3, 4], + 2: [1, 3, 4], + 3: [1, 2], + 4: [1, 2, 5], + 5: [4] + } + G4 = { + 1: [2, 3], + 2: [1, 3], + 3: [1, 2], + } + G5 = { + 1: [], + 2: [] + # all degree is zero + } + max_node = 10 + check_euler(G1, max_node) + check_euler(G2, max_node) + check_euler(G3, max_node) + check_euler(G4, max_node) + check_euler(G5, max_node) + + +if __name__ == "__main__": + main() diff --git a/graphs/a_star.py b/graphs/a_star.py index d5f636151640..ab2d3f96f0fe 100644 --- a/graphs/a_star.py +++ b/graphs/a_star.py @@ -1,99 +1,99 @@ -from __future__ import print_function - -grid = [[0, 1, 0, 0, 0, 0], - [0, 1, 0, 0, 0, 0], # 0 are free path whereas 1's are obstacles - [0, 1, 0, 0, 0, 0], - [0, 1, 0, 0, 1, 0], - [0, 0, 0, 0, 1, 0]] - -''' -heuristic = [[9, 8, 7, 6, 5, 4], - [8, 7, 6, 5, 4, 3], - [7, 6, 5, 4, 3, 2], - [6, 5, 4, 3, 2, 1], - [5, 4, 3, 2, 1, 0]]''' - -init = [0, 0] -goal = [len(grid) - 1, len(grid[0]) - 1] # all coordinates are given in format [y,x] -cost = 1 - -# the cost map which pushes the path closer to the goal -heuristic = [[0 for row in range(len(grid[0]))] for col in range(len(grid))] -for i in range(len(grid)): - for j in range(len(grid[0])): - heuristic[i][j] = abs(i - goal[0]) + abs(j - goal[1]) - if grid[i][j] == 1: - heuristic[i][j] = 99 # added extra penalty in the heuristic map - -# the actions we can take -delta = [[-1, 0], # go up - [0, -1], # go left - [1, 0], # go down - [0, 1]] # go right - - -# function to search the path -def search(grid, init, goal, cost, heuristic): - closed = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the referrence grid - closed[init[0]][init[1]] = 1 - action = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the action grid - - x = init[0] - y = init[1] - g = 0 - f = g + heuristic[init[0]][init[0]] - cell = [[f, g, x, y]] - - found = False # flag that is set when search is complete - resign = False # flag set if we can't find expand - - while not found and not resign: - if len(cell) == 0: - resign = True - return "FAIL" - else: - cell.sort() # to choose the least costliest action so as to move closer to the goal - cell.reverse() - next = cell.pop() - x = next[2] - y = next[3] - g = next[1] - f = next[0] - - if x == goal[0] and y == goal[1]: - found = True - else: - for i in range(len(delta)): # to try out different valid actions - x2 = x + delta[i][0] - y2 = y + delta[i][1] - if x2 >= 0 and x2 < len(grid) and y2 >= 0 and y2 < len(grid[0]): - if closed[x2][y2] == 0 and grid[x2][y2] == 0: - g2 = g + cost - f2 = g2 + heuristic[x2][y2] - cell.append([f2, g2, x2, y2]) - closed[x2][y2] = 1 - action[x2][y2] = i - invpath = [] - x = goal[0] - y = goal[1] - invpath.append([x, y]) # we get the reverse path from here - while x != init[0] or y != init[1]: - x2 = x - delta[action[x][y]][0] - y2 = y - delta[action[x][y]][1] - x = x2 - y = y2 - invpath.append([x, y]) - - path = [] - for i in range(len(invpath)): - path.append(invpath[len(invpath) - 1 - i]) - print("ACTION MAP") - for i in range(len(action)): - print(action[i]) - - return path - - -a = search(grid, init, goal, cost, heuristic) -for i in range(len(a)): - print(a[i]) +from __future__ import print_function + +grid = [[0, 1, 0, 0, 0, 0], + [0, 1, 0, 0, 0, 0], # 0 are free path whereas 1's are obstacles + [0, 1, 0, 0, 0, 0], + [0, 1, 0, 0, 1, 0], + [0, 0, 0, 0, 1, 0]] + +''' +heuristic = [[9, 8, 7, 6, 5, 4], + [8, 7, 6, 5, 4, 3], + [7, 6, 5, 4, 3, 2], + [6, 5, 4, 3, 2, 1], + [5, 4, 3, 2, 1, 0]]''' + +init = [0, 0] +goal = [len(grid) - 1, len(grid[0]) - 1] # all coordinates are given in format [y,x] +cost = 1 + +# the cost map which pushes the path closer to the goal +heuristic = [[0 for row in range(len(grid[0]))] for col in range(len(grid))] +for i in range(len(grid)): + for j in range(len(grid[0])): + heuristic[i][j] = abs(i - goal[0]) + abs(j - goal[1]) + if grid[i][j] == 1: + heuristic[i][j] = 99 # added extra penalty in the heuristic map + +# the actions we can take +delta = [[-1, 0], # go up + [0, -1], # go left + [1, 0], # go down + [0, 1]] # go right + + +# function to search the path +def search(grid, init, goal, cost, heuristic): + closed = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the referrence grid + closed[init[0]][init[1]] = 1 + action = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the action grid + + x = init[0] + y = init[1] + g = 0 + f = g + heuristic[init[0]][init[0]] + cell = [[f, g, x, y]] + + found = False # flag that is set when search is complete + resign = False # flag set if we can't find expand + + while not found and not resign: + if len(cell) == 0: + resign = True + return "FAIL" + else: + cell.sort() # to choose the least costliest action so as to move closer to the goal + cell.reverse() + next = cell.pop() + x = next[2] + y = next[3] + g = next[1] + f = next[0] + + if x == goal[0] and y == goal[1]: + found = True + else: + for i in range(len(delta)): # to try out different valid actions + x2 = x + delta[i][0] + y2 = y + delta[i][1] + if x2 >= 0 and x2 < len(grid) and y2 >= 0 and y2 < len(grid[0]): + if closed[x2][y2] == 0 and grid[x2][y2] == 0: + g2 = g + cost + f2 = g2 + heuristic[x2][y2] + cell.append([f2, g2, x2, y2]) + closed[x2][y2] = 1 + action[x2][y2] = i + invpath = [] + x = goal[0] + y = goal[1] + invpath.append([x, y]) # we get the reverse path from here + while x != init[0] or y != init[1]: + x2 = x - delta[action[x][y]][0] + y2 = y - delta[action[x][y]][1] + x = x2 + y = y2 + invpath.append([x, y]) + + path = [] + for i in range(len(invpath)): + path.append(invpath[len(invpath) - 1 - i]) + print("ACTION MAP") + for i in range(len(action)): + print(action[i]) + + return path + + +a = search(grid, init, goal, cost, heuristic) +for i in range(len(a)): + print(a[i]) diff --git a/graphs/articulation_points.py b/graphs/articulation_points.py index 897a8a874104..f42960691130 100644 --- a/graphs/articulation_points.py +++ b/graphs/articulation_points.py @@ -1,45 +1,45 @@ -# Finding Articulation Points in Undirected Graph -def computeAP(l): - n = len(l) - outEdgeCount = 0 - low = [0] * n - visited = [False] * n - isArt = [False] * n - - def dfs(root, at, parent, outEdgeCount): - if parent == root: - outEdgeCount += 1 - visited[at] = True - low[at] = at - - for to in l[at]: - if to == parent: - pass - elif not visited[to]: - outEdgeCount = dfs(root, to, at, outEdgeCount) - low[at] = min(low[at], low[to]) - - # AP found via bridge - if at < low[to]: - isArt[at] = True - # AP found via cycle - if at == low[to]: - isArt[at] = True - else: - low[at] = min(low[at], to) - return outEdgeCount - - for i in range(n): - if not visited[i]: - outEdgeCount = 0 - outEdgeCount = dfs(i, i, -1, outEdgeCount) - isArt[i] = (outEdgeCount > 1) - - for x in range(len(isArt)): - if isArt[x] == True: - print(x) - - -# Adjacency list of graph -l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} -computeAP(l) +# Finding Articulation Points in Undirected Graph +def computeAP(l): + n = len(l) + outEdgeCount = 0 + low = [0] * n + visited = [False] * n + isArt = [False] * n + + def dfs(root, at, parent, outEdgeCount): + if parent == root: + outEdgeCount += 1 + visited[at] = True + low[at] = at + + for to in l[at]: + if to == parent: + pass + elif not visited[to]: + outEdgeCount = dfs(root, to, at, outEdgeCount) + low[at] = min(low[at], low[to]) + + # AP found via bridge + if at < low[to]: + isArt[at] = True + # AP found via cycle + if at == low[to]: + isArt[at] = True + else: + low[at] = min(low[at], to) + return outEdgeCount + + for i in range(n): + if not visited[i]: + outEdgeCount = 0 + outEdgeCount = dfs(i, i, -1, outEdgeCount) + isArt[i] = (outEdgeCount > 1) + + for x in range(len(isArt)): + if isArt[x] == True: + print(x) + + +# Adjacency list of graph +l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} +computeAP(l) diff --git a/graphs/basic_graphs.py b/graphs/basic_graphs.py index 97035d0d167e..e10b341cdc08 100644 --- a/graphs/basic_graphs.py +++ b/graphs/basic_graphs.py @@ -1,289 +1,289 @@ -from __future__ import print_function - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - -# Accept No. of Nodes and edges -n, m = map(int, raw_input().split(" ")) - -# Initialising Dictionary of edges -g = {} -for i in xrange(n): - g[i + 1] = [] - -""" --------------------------------------------------------------------------------- - Accepting edges of Unweighted Directed Graphs --------------------------------------------------------------------------------- -""" -for _ in xrange(m): - x, y = map(int, raw_input().split(" ")) - g[x].append(y) - -""" --------------------------------------------------------------------------------- - Accepting edges of Unweighted Undirected Graphs --------------------------------------------------------------------------------- -""" -for _ in xrange(m): - x, y = map(int, raw_input().split(" ")) - g[x].append(y) - g[y].append(x) - -""" --------------------------------------------------------------------------------- - Accepting edges of Weighted Undirected Graphs --------------------------------------------------------------------------------- -""" -for _ in xrange(m): - x, y, r = map(int, raw_input().split(" ")) - g[x].append([y, r]) - g[y].append([x, r]) - -""" --------------------------------------------------------------------------------- - Depth First Search. - Args : G - Dictionary of edges - s - Starting Node - Vars : vis - Set of visited nodes - S - Traversal Stack --------------------------------------------------------------------------------- -""" - - -def dfs(G, s): - vis, S = set([s]), [s] - print(s) - while S: - flag = 0 - for i in G[S[-1]]: - if i not in vis: - S.append(i) - vis.add(i) - flag = 1 - print(i) - break - if not flag: - S.pop() - - -""" --------------------------------------------------------------------------------- - Breadth First Search. - Args : G - Dictionary of edges - s - Starting Node - Vars : vis - Set of visited nodes - Q - Traveral Stack --------------------------------------------------------------------------------- -""" - - -def bfs(G, s): - vis, Q = set([s]), deque([s]) - print(s) - while Q: - u = Q.popleft() - for v in G[u]: - if v not in vis: - vis.add(v) - Q.append(v) - print(v) - - -""" --------------------------------------------------------------------------------- - Dijkstra's shortest path Algorithm - Args : G - Dictionary of edges - s - Starting Node - Vars : dist - Dictionary storing shortest distance from s to every other node - known - Set of knows nodes - path - Preceding node in path --------------------------------------------------------------------------------- -""" - - -def dijk(G, s): - dist, known, path = {s: 0}, set(), {s: 0} - while True: - if len(known) == len(G) - 1: - break - mini = 100000 - for i in dist: - if i not in known and dist[i] < mini: - mini = dist[i] - u = i - known.add(u) - for v in G[u]: - if v[0] not in known: - if dist[u] + v[1] < dist.get(v[0], 100000): - dist[v[0]] = dist[u] + v[1] - path[v[0]] = u - for i in dist: - if i != s: - print(dist[i]) - - -""" --------------------------------------------------------------------------------- - Topological Sort --------------------------------------------------------------------------------- -""" -from collections import deque - - -def topo(G, ind=None, Q=[1]): - if ind is None: - ind = [0] * (len(G) + 1) # SInce oth Index is ignored - for u in G: - for v in G[u]: - ind[v] += 1 - Q = deque() - for i in G: - if ind[i] == 0: - Q.append(i) - if len(Q) == 0: - return - v = Q.popleft() - print(v) - for w in G[v]: - ind[w] -= 1 - if ind[w] == 0: - Q.append(w) - topo(G, ind, Q) - - -""" --------------------------------------------------------------------------------- - Reading an Adjacency matrix --------------------------------------------------------------------------------- -""" - - -def adjm(): - n, a = raw_input(), [] - for i in xrange(n): - a.append(map(int, raw_input().split())) - return a, n - - -""" --------------------------------------------------------------------------------- - Floyd Warshall's algorithm - Args : G - Dictionary of edges - s - Starting Node - Vars : dist - Dictionary storing shortest distance from s to every other node - known - Set of knows nodes - path - Preceding node in path - --------------------------------------------------------------------------------- -""" - - -def floy(A_and_n): - (A, n) = A_and_n - dist = list(A) - path = [[0] * n for i in xrange(n)] - for k in xrange(n): - for i in xrange(n): - for j in xrange(n): - if dist[i][j] > dist[i][k] + dist[k][j]: - dist[i][j] = dist[i][k] + dist[k][j] - path[i][k] = k - print(dist) - - -""" --------------------------------------------------------------------------------- - Prim's MST Algorithm - Args : G - Dictionary of edges - s - Starting Node - Vars : dist - Dictionary storing shortest distance from s to nearest node - known - Set of knows nodes - path - Preceding node in path --------------------------------------------------------------------------------- -""" - - -def prim(G, s): - dist, known, path = {s: 0}, set(), {s: 0} - while True: - if len(known) == len(G) - 1: - break - mini = 100000 - for i in dist: - if i not in known and dist[i] < mini: - mini = dist[i] - u = i - known.add(u) - for v in G[u]: - if v[0] not in known: - if v[1] < dist.get(v[0], 100000): - dist[v[0]] = v[1] - path[v[0]] = u - - -""" --------------------------------------------------------------------------------- - Accepting Edge list - Vars : n - Number of nodes - m - Number of edges - Returns : l - Edge list - n - Number of Nodes --------------------------------------------------------------------------------- -""" - - -def edglist(): - n, m = map(int, raw_input().split(" ")) - l = [] - for i in xrange(m): - l.append(map(int, raw_input().split(' '))) - return l, n - - -""" --------------------------------------------------------------------------------- - Kruskal's MST Algorithm - Args : E - Edge list - n - Number of Nodes - Vars : s - Set of all nodes as unique disjoint sets (initially) --------------------------------------------------------------------------------- -""" - - -def krusk(E_and_n): - # Sort edges on the basis of distance - (E, n) = E_and_n - E.sort(reverse=True, key=lambda x: x[2]) - s = [set([i]) for i in range(1, n + 1)] - while True: - if len(s) == 1: - break - print(s) - x = E.pop() - for i in xrange(len(s)): - if x[0] in s[i]: - break - for j in xrange(len(s)): - if x[1] in s[j]: - if i == j: - break - s[j].update(s[i]) - s.pop(i) - break - - -# find the isolated node in the graph -def find_isolated_nodes(graph): - isolated = [] - for node in graph: - if not graph[node]: - isolated.append(node) - return isolated +from __future__ import print_function + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + +# Accept No. of Nodes and edges +n, m = map(int, raw_input().split(" ")) + +# Initialising Dictionary of edges +g = {} +for i in xrange(n): + g[i + 1] = [] + +""" +-------------------------------------------------------------------------------- + Accepting edges of Unweighted Directed Graphs +-------------------------------------------------------------------------------- +""" +for _ in xrange(m): + x, y = map(int, raw_input().split(" ")) + g[x].append(y) + +""" +-------------------------------------------------------------------------------- + Accepting edges of Unweighted Undirected Graphs +-------------------------------------------------------------------------------- +""" +for _ in xrange(m): + x, y = map(int, raw_input().split(" ")) + g[x].append(y) + g[y].append(x) + +""" +-------------------------------------------------------------------------------- + Accepting edges of Weighted Undirected Graphs +-------------------------------------------------------------------------------- +""" +for _ in xrange(m): + x, y, r = map(int, raw_input().split(" ")) + g[x].append([y, r]) + g[y].append([x, r]) + +""" +-------------------------------------------------------------------------------- + Depth First Search. + Args : G - Dictionary of edges + s - Starting Node + Vars : vis - Set of visited nodes + S - Traversal Stack +-------------------------------------------------------------------------------- +""" + + +def dfs(G, s): + vis, S = set([s]), [s] + print(s) + while S: + flag = 0 + for i in G[S[-1]]: + if i not in vis: + S.append(i) + vis.add(i) + flag = 1 + print(i) + break + if not flag: + S.pop() + + +""" +-------------------------------------------------------------------------------- + Breadth First Search. + Args : G - Dictionary of edges + s - Starting Node + Vars : vis - Set of visited nodes + Q - Traveral Stack +-------------------------------------------------------------------------------- +""" + + +def bfs(G, s): + vis, Q = set([s]), deque([s]) + print(s) + while Q: + u = Q.popleft() + for v in G[u]: + if v not in vis: + vis.add(v) + Q.append(v) + print(v) + + +""" +-------------------------------------------------------------------------------- + Dijkstra's shortest path Algorithm + Args : G - Dictionary of edges + s - Starting Node + Vars : dist - Dictionary storing shortest distance from s to every other node + known - Set of knows nodes + path - Preceding node in path +-------------------------------------------------------------------------------- +""" + + +def dijk(G, s): + dist, known, path = {s: 0}, set(), {s: 0} + while True: + if len(known) == len(G) - 1: + break + mini = 100000 + for i in dist: + if i not in known and dist[i] < mini: + mini = dist[i] + u = i + known.add(u) + for v in G[u]: + if v[0] not in known: + if dist[u] + v[1] < dist.get(v[0], 100000): + dist[v[0]] = dist[u] + v[1] + path[v[0]] = u + for i in dist: + if i != s: + print(dist[i]) + + +""" +-------------------------------------------------------------------------------- + Topological Sort +-------------------------------------------------------------------------------- +""" +from collections import deque + + +def topo(G, ind=None, Q=[1]): + if ind is None: + ind = [0] * (len(G) + 1) # SInce oth Index is ignored + for u in G: + for v in G[u]: + ind[v] += 1 + Q = deque() + for i in G: + if ind[i] == 0: + Q.append(i) + if len(Q) == 0: + return + v = Q.popleft() + print(v) + for w in G[v]: + ind[w] -= 1 + if ind[w] == 0: + Q.append(w) + topo(G, ind, Q) + + +""" +-------------------------------------------------------------------------------- + Reading an Adjacency matrix +-------------------------------------------------------------------------------- +""" + + +def adjm(): + n, a = raw_input(), [] + for i in xrange(n): + a.append(map(int, raw_input().split())) + return a, n + + +""" +-------------------------------------------------------------------------------- + Floyd Warshall's algorithm + Args : G - Dictionary of edges + s - Starting Node + Vars : dist - Dictionary storing shortest distance from s to every other node + known - Set of knows nodes + path - Preceding node in path + +-------------------------------------------------------------------------------- +""" + + +def floy(A_and_n): + (A, n) = A_and_n + dist = list(A) + path = [[0] * n for i in xrange(n)] + for k in xrange(n): + for i in xrange(n): + for j in xrange(n): + if dist[i][j] > dist[i][k] + dist[k][j]: + dist[i][j] = dist[i][k] + dist[k][j] + path[i][k] = k + print(dist) + + +""" +-------------------------------------------------------------------------------- + Prim's MST Algorithm + Args : G - Dictionary of edges + s - Starting Node + Vars : dist - Dictionary storing shortest distance from s to nearest node + known - Set of knows nodes + path - Preceding node in path +-------------------------------------------------------------------------------- +""" + + +def prim(G, s): + dist, known, path = {s: 0}, set(), {s: 0} + while True: + if len(known) == len(G) - 1: + break + mini = 100000 + for i in dist: + if i not in known and dist[i] < mini: + mini = dist[i] + u = i + known.add(u) + for v in G[u]: + if v[0] not in known: + if v[1] < dist.get(v[0], 100000): + dist[v[0]] = v[1] + path[v[0]] = u + + +""" +-------------------------------------------------------------------------------- + Accepting Edge list + Vars : n - Number of nodes + m - Number of edges + Returns : l - Edge list + n - Number of Nodes +-------------------------------------------------------------------------------- +""" + + +def edglist(): + n, m = map(int, raw_input().split(" ")) + l = [] + for i in xrange(m): + l.append(map(int, raw_input().split(' '))) + return l, n + + +""" +-------------------------------------------------------------------------------- + Kruskal's MST Algorithm + Args : E - Edge list + n - Number of Nodes + Vars : s - Set of all nodes as unique disjoint sets (initially) +-------------------------------------------------------------------------------- +""" + + +def krusk(E_and_n): + # Sort edges on the basis of distance + (E, n) = E_and_n + E.sort(reverse=True, key=lambda x: x[2]) + s = [set([i]) for i in range(1, n + 1)] + while True: + if len(s) == 1: + break + print(s) + x = E.pop() + for i in xrange(len(s)): + if x[0] in s[i]: + break + for j in xrange(len(s)): + if x[1] in s[j]: + if i == j: + break + s[j].update(s[i]) + s.pop(i) + break + + +# find the isolated node in the graph +def find_isolated_nodes(graph): + isolated = [] + for node in graph: + if not graph[node]: + isolated.append(node) + return isolated diff --git a/graphs/bellman_ford.py b/graphs/bellman_ford.py index 66fe0701eae5..7641e9058809 100644 --- a/graphs/bellman_ford.py +++ b/graphs/bellman_ford.py @@ -1,55 +1,55 @@ -from __future__ import print_function - - -def printDist(dist, V): - print("\nVertex Distance") - for i in range(V): - if dist[i] != float('inf'): - print(i, "\t", int(dist[i]), end="\t") - else: - print(i, "\t", "INF", end="\t") - print() - - -def BellmanFord(graph, V, E, src): - mdist = [float('inf') for i in range(V)] - mdist[src] = 0.0 - - for i in range(V - 1): - for j in range(V): - u = graph[j]["src"] - v = graph[j]["dst"] - w = graph[j]["weight"] - - if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: - mdist[v] = mdist[u] + w - for j in range(V): - u = graph[j]["src"] - v = graph[j]["dst"] - w = graph[j]["weight"] - - if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: - print("Negative cycle found. Solution not possible.") - return - - printDist(mdist, V) - - -# MAIN -V = int(input("Enter number of vertices: ")) -E = int(input("Enter number of edges: ")) - -graph = [dict() for j in range(E)] - -for i in range(V): - graph[i][i] = 0.0 - -for i in range(E): - print("\nEdge ", i + 1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[i] = {"src": src, "dst": dst, "weight": weight} - -gsrc = int(input("\nEnter shortest path source:")) -BellmanFord(graph, V, E, gsrc) +from __future__ import print_function + + +def printDist(dist, V): + print("\nVertex Distance") + for i in range(V): + if dist[i] != float('inf'): + print(i, "\t", int(dist[i]), end="\t") + else: + print(i, "\t", "INF", end="\t") + print() + + +def BellmanFord(graph, V, E, src): + mdist = [float('inf') for i in range(V)] + mdist[src] = 0.0 + + for i in range(V - 1): + for j in range(V): + u = graph[j]["src"] + v = graph[j]["dst"] + w = graph[j]["weight"] + + if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: + mdist[v] = mdist[u] + w + for j in range(V): + u = graph[j]["src"] + v = graph[j]["dst"] + w = graph[j]["weight"] + + if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: + print("Negative cycle found. Solution not possible.") + return + + printDist(mdist, V) + + +# MAIN +V = int(input("Enter number of vertices: ")) +E = int(input("Enter number of edges: ")) + +graph = [dict() for j in range(E)] + +for i in range(V): + graph[i][i] = 0.0 + +for i in range(E): + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[i] = {"src": src, "dst": dst, "weight": weight} + +gsrc = int(input("\nEnter shortest path source:")) +BellmanFord(graph, V, E, gsrc) diff --git a/graphs/bfs_shortest_path.py b/graphs/bfs_shortest_path.py index ad44caf23c64..d5ce3496b79f 100644 --- a/graphs/bfs_shortest_path.py +++ b/graphs/bfs_shortest_path.py @@ -1,45 +1,45 @@ -graph = {'A': ['B', 'C', 'E'], - 'B': ['A', 'D', 'E'], - 'C': ['A', 'F', 'G'], - 'D': ['B'], - 'E': ['A', 'B', 'D'], - 'F': ['C'], - 'G': ['C']} - - -def bfs_shortest_path(graph, start, goal): - # keep track of explored nodes - explored = [] - # keep track of all the paths to be checked - queue = [[start]] - - # return path if start is goal - if start == goal: - return "That was easy! Start = goal" - - # keeps looping until all possible paths have been checked - while queue: - # pop the first path from the queue - path = queue.pop(0) - # get the last node from the path - node = path[-1] - if node not in explored: - neighbours = graph[node] - # go through all neighbour nodes, construct a new path and - # push it into the queue - for neighbour in neighbours: - new_path = list(path) - new_path.append(neighbour) - queue.append(new_path) - # return path if neighbour is goal - if neighbour == goal: - return new_path - - # mark node as explored - explored.append(node) - - # in case there's no path between the 2 nodes - return "So sorry, but a connecting path doesn't exist :(" - - -bfs_shortest_path(graph, 'G', 'D') # returns ['G', 'C', 'A', 'B', 'D'] +graph = {'A': ['B', 'C', 'E'], + 'B': ['A', 'D', 'E'], + 'C': ['A', 'F', 'G'], + 'D': ['B'], + 'E': ['A', 'B', 'D'], + 'F': ['C'], + 'G': ['C']} + + +def bfs_shortest_path(graph, start, goal): + # keep track of explored nodes + explored = [] + # keep track of all the paths to be checked + queue = [[start]] + + # return path if start is goal + if start == goal: + return "That was easy! Start = goal" + + # keeps looping until all possible paths have been checked + while queue: + # pop the first path from the queue + path = queue.pop(0) + # get the last node from the path + node = path[-1] + if node not in explored: + neighbours = graph[node] + # go through all neighbour nodes, construct a new path and + # push it into the queue + for neighbour in neighbours: + new_path = list(path) + new_path.append(neighbour) + queue.append(new_path) + # return path if neighbour is goal + if neighbour == goal: + return new_path + + # mark node as explored + explored.append(node) + + # in case there's no path between the 2 nodes + return "So sorry, but a connecting path doesn't exist :(" + + +bfs_shortest_path(graph, 'G', 'D') # returns ['G', 'C', 'A', 'B', 'D'] diff --git a/graphs/breadth_first_search.py b/graphs/breadth_first_search.py index d4998bb5a33a..06763cb19395 100644 --- a/graphs/breadth_first_search.py +++ b/graphs/breadth_first_search.py @@ -1,68 +1,68 @@ -#!/usr/bin/python -# encoding=utf8 - -""" Author: OMKAR PATHAK """ - -from __future__ import print_function - - -class Graph(): - def __init__(self): - self.vertex = {} - - # for printing the Graph vertexes - def printGraph(self): - for i in self.vertex.keys(): - print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) - - # for adding the edge beween two vertexes - def addEdge(self, fromVertex, toVertex): - # check if vertex is already present, - if fromVertex in self.vertex.keys(): - self.vertex[fromVertex].append(toVertex) - else: - # else make a new vertex - self.vertex[fromVertex] = [toVertex] - - def BFS(self, startVertex): - # Take a list for stoting already visited vertexes - visited = [False] * len(self.vertex) - - # create a list to store all the vertexes for BFS - queue = [] - - # mark the source node as visited and enqueue it - visited[startVertex] = True - queue.append(startVertex) - - while queue: - startVertex = queue.pop(0) - print(startVertex, end=' ') - - # mark all adjacent nodes as visited and print them - for i in self.vertex[startVertex]: - if visited[i] == False: - queue.append(i) - visited[i] = True - - -if __name__ == '__main__': - g = Graph() - g.addEdge(0, 1) - g.addEdge(0, 2) - g.addEdge(1, 2) - g.addEdge(2, 0) - g.addEdge(2, 3) - g.addEdge(3, 3) - - g.printGraph() - print('BFS:') - g.BFS(2) - - # OUTPUT: - # 0  ->  1 -> 2 - # 1  ->  2 - # 2  ->  0 -> 3 - # 3  ->  3 - # BFS: - # 2 0 3 1 +#!/usr/bin/python +# encoding=utf8 + +""" Author: OMKAR PATHAK """ + +from __future__ import print_function + + +class Graph(): + def __init__(self): + self.vertex = {} + + # for printing the Graph vertexes + def printGraph(self): + for i in self.vertex.keys(): + print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) + + # for adding the edge beween two vertexes + def addEdge(self, fromVertex, toVertex): + # check if vertex is already present, + if fromVertex in self.vertex.keys(): + self.vertex[fromVertex].append(toVertex) + else: + # else make a new vertex + self.vertex[fromVertex] = [toVertex] + + def BFS(self, startVertex): + # Take a list for stoting already visited vertexes + visited = [False] * len(self.vertex) + + # create a list to store all the vertexes for BFS + queue = [] + + # mark the source node as visited and enqueue it + visited[startVertex] = True + queue.append(startVertex) + + while queue: + startVertex = queue.pop(0) + print(startVertex, end=' ') + + # mark all adjacent nodes as visited and print them + for i in self.vertex[startVertex]: + if visited[i] == False: + queue.append(i) + visited[i] = True + + +if __name__ == '__main__': + g = Graph() + g.addEdge(0, 1) + g.addEdge(0, 2) + g.addEdge(1, 2) + g.addEdge(2, 0) + g.addEdge(2, 3) + g.addEdge(3, 3) + + g.printGraph() + print('BFS:') + g.BFS(2) + + # OUTPUT: + # 0  ->  1 -> 2 + # 1  ->  2 + # 2  ->  0 -> 3 + # 3  ->  3 + # BFS: + # 2 0 3 1 diff --git a/graphs/check_bipartite_graph_bfs.py b/graphs/check_bipartite_graph_bfs.py index e175f68043a1..2869bae07322 100644 --- a/graphs/check_bipartite_graph_bfs.py +++ b/graphs/check_bipartite_graph_bfs.py @@ -1,44 +1,44 @@ -# Check whether Graph is Bipartite or Not using BFS - -# A Bipartite Graph is a graph whose vertices can be divided into two independent sets, -# U and V such that every edge (u, v) either connects a vertex from U to V or a vertex -# from V to U. In other words, for every edge (u, v), either u belongs to U and v to V, -# or u belongs to V and v to U. We can also say that there is no edge that connects -# vertices of same set. -def checkBipartite(l): - queue = [] - visited = [False] * len(l) - color = [-1] * len(l) - - def bfs(): - while (queue): - u = queue.pop(0) - visited[u] = True - - for neighbour in l[u]: - - if neighbour == u: - return False - - if color[neighbour] == -1: - color[neighbour] = 1 - color[u] - queue.append(neighbour) - - elif color[neighbour] == color[u]: - return False - - return True - - for i in range(len(l)): - if not visited[i]: - queue.append(i) - color[i] = 0 - if bfs() == False: - return False - - return True - - -# Adjacency List of graph -l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2]} -print(checkBipartite(l)) +# Check whether Graph is Bipartite or Not using BFS + +# A Bipartite Graph is a graph whose vertices can be divided into two independent sets, +# U and V such that every edge (u, v) either connects a vertex from U to V or a vertex +# from V to U. In other words, for every edge (u, v), either u belongs to U and v to V, +# or u belongs to V and v to U. We can also say that there is no edge that connects +# vertices of same set. +def checkBipartite(l): + queue = [] + visited = [False] * len(l) + color = [-1] * len(l) + + def bfs(): + while (queue): + u = queue.pop(0) + visited[u] = True + + for neighbour in l[u]: + + if neighbour == u: + return False + + if color[neighbour] == -1: + color[neighbour] = 1 - color[u] + queue.append(neighbour) + + elif color[neighbour] == color[u]: + return False + + return True + + for i in range(len(l)): + if not visited[i]: + queue.append(i) + color[i] = 0 + if bfs() == False: + return False + + return True + + +# Adjacency List of graph +l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2]} +print(checkBipartite(l)) diff --git a/graphs/check_bipartite_graph_dfs.py b/graphs/check_bipartite_graph_dfs.py index 6fe54a6723c5..7402b32e9f8a 100644 --- a/graphs/check_bipartite_graph_dfs.py +++ b/graphs/check_bipartite_graph_dfs.py @@ -1,33 +1,33 @@ -# Check whether Graph is Bipartite or Not using DFS - -# A Bipartite Graph is a graph whose vertices can be divided into two independent sets, -# U and V such that every edge (u, v) either connects a vertex from U to V or a vertex -# from V to U. In other words, for every edge (u, v), either u belongs to U and v to V, -# or u belongs to V and v to U. We can also say that there is no edge that connects -# vertices of same set. -def check_bipartite_dfs(l): - visited = [False] * len(l) - color = [-1] * len(l) - - def dfs(v, c): - visited[v] = True - color[v] = c - for u in l[v]: - if not visited[u]: - dfs(u, 1 - c) - - for i in range(len(l)): - if not visited[i]: - dfs(i, 0) - - for i in range(len(l)): - for j in l[i]: - if color[i] == color[j]: - return False - - return True - - -# Adjacency list of graph -l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2], 4: []} -print(check_bipartite_dfs(l)) +# Check whether Graph is Bipartite or Not using DFS + +# A Bipartite Graph is a graph whose vertices can be divided into two independent sets, +# U and V such that every edge (u, v) either connects a vertex from U to V or a vertex +# from V to U. In other words, for every edge (u, v), either u belongs to U and v to V, +# or u belongs to V and v to U. We can also say that there is no edge that connects +# vertices of same set. +def check_bipartite_dfs(l): + visited = [False] * len(l) + color = [-1] * len(l) + + def dfs(v, c): + visited[v] = True + color[v] = c + for u in l[v]: + if not visited[u]: + dfs(u, 1 - c) + + for i in range(len(l)): + if not visited[i]: + dfs(i, 0) + + for i in range(len(l)): + for j in l[i]: + if color[i] == color[j]: + return False + + return True + + +# Adjacency list of graph +l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2], 4: []} +print(check_bipartite_dfs(l)) diff --git a/graphs/depth_first_search.py b/graphs/depth_first_search.py index dd2c4224c8ae..1a20a313b4d7 100644 --- a/graphs/depth_first_search.py +++ b/graphs/depth_first_search.py @@ -1,67 +1,67 @@ -#!/usr/bin/python -# encoding=utf8 - -""" Author: OMKAR PATHAK """ -from __future__ import print_function - - -class Graph(): - def __init__(self): - self.vertex = {} - - # for printing the Graph vertexes - def printGraph(self): - print(self.vertex) - for i in self.vertex.keys(): - print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) - - # for adding the edge beween two vertexes - def addEdge(self, fromVertex, toVertex): - # check if vertex is already present, - if fromVertex in self.vertex.keys(): - self.vertex[fromVertex].append(toVertex) - else: - # else make a new vertex - self.vertex[fromVertex] = [toVertex] - - def DFS(self): - # visited array for storing already visited nodes - visited = [False] * len(self.vertex) - - # call the recursive helper function - for i in range(len(self.vertex)): - if visited[i] == False: - self.DFSRec(i, visited) - - def DFSRec(self, startVertex, visited): - # mark start vertex as visited - visited[startVertex] = True - - print(startVertex, end=' ') - - # Recur for all the vertexes that are adjacent to this node - for i in self.vertex.keys(): - if visited[i] == False: - self.DFSRec(i, visited) - - -if __name__ == '__main__': - g = Graph() - g.addEdge(0, 1) - g.addEdge(0, 2) - g.addEdge(1, 2) - g.addEdge(2, 0) - g.addEdge(2, 3) - g.addEdge(3, 3) - - g.printGraph() - print('DFS:') - g.DFS() - - # OUTPUT: - # 0  ->  1 -> 2 - # 1  ->  2 - # 2  ->  0 -> 3 - # 3  ->  3 - # DFS: - #  0 1 2 3 +#!/usr/bin/python +# encoding=utf8 + +""" Author: OMKAR PATHAK """ +from __future__ import print_function + + +class Graph(): + def __init__(self): + self.vertex = {} + + # for printing the Graph vertexes + def printGraph(self): + print(self.vertex) + for i in self.vertex.keys(): + print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) + + # for adding the edge beween two vertexes + def addEdge(self, fromVertex, toVertex): + # check if vertex is already present, + if fromVertex in self.vertex.keys(): + self.vertex[fromVertex].append(toVertex) + else: + # else make a new vertex + self.vertex[fromVertex] = [toVertex] + + def DFS(self): + # visited array for storing already visited nodes + visited = [False] * len(self.vertex) + + # call the recursive helper function + for i in range(len(self.vertex)): + if visited[i] == False: + self.DFSRec(i, visited) + + def DFSRec(self, startVertex, visited): + # mark start vertex as visited + visited[startVertex] = True + + print(startVertex, end=' ') + + # Recur for all the vertexes that are adjacent to this node + for i in self.vertex.keys(): + if visited[i] == False: + self.DFSRec(i, visited) + + +if __name__ == '__main__': + g = Graph() + g.addEdge(0, 1) + g.addEdge(0, 2) + g.addEdge(1, 2) + g.addEdge(2, 0) + g.addEdge(2, 3) + g.addEdge(3, 3) + + g.printGraph() + print('DFS:') + g.DFS() + + # OUTPUT: + # 0  ->  1 -> 2 + # 1  ->  2 + # 2  ->  0 -> 3 + # 3  ->  3 + # DFS: + #  0 1 2 3 diff --git a/graphs/dijkstra.py b/graphs/dijkstra.py index 6b08b28fcfd3..0afb1e01bd1e 100644 --- a/graphs/dijkstra.py +++ b/graphs/dijkstra.py @@ -1,47 +1,47 @@ -"""pseudo-code""" - -""" -DIJKSTRA(graph G, start vertex s,destination vertex d): -// all nodes initially unexplored -let H = min heap data structure, initialized with 0 and s [here 0 indicates the distance from start vertex] -while H is non-empty: - remove the first node and cost of H, call it U and cost - if U is not explored - mark U as explored - if U is d: - return cost // total cost from start to destination vertex - for each edge(U, V): c=cost of edge(u,V) // for V in graph[U] - if V unexplored: - next=cost+c - add next,V to H (at the end) -""" -import heapq - - -def dijkstra(graph, start, end): - heap = [(0, start)] # cost from start node,end node - visited = [] - while heap: - (cost, u) = heapq.heappop(heap) - if u in visited: - continue - visited.append(u) - if u == end: - return cost - for v, c in G[u]: - if v in visited: - continue - next = cost + c - heapq.heappush(heap, (next, v)) - return (-1, -1) - - -G = {'A': [['B', 2], ['C', 5]], - 'B': [['A', 2], ['D', 3], ['E', 1]], - 'C': [['A', 5], ['F', 3]], - 'D': [['B', 3]], - 'E': [['B', 1], ['F', 3]], - 'F': [['C', 3], ['E', 3]]} - -shortDistance = dijkstra(G, 'E', 'C') -print(shortDistance) +"""pseudo-code""" + +""" +DIJKSTRA(graph G, start vertex s,destination vertex d): +// all nodes initially unexplored +let H = min heap data structure, initialized with 0 and s [here 0 indicates the distance from start vertex] +while H is non-empty: + remove the first node and cost of H, call it U and cost + if U is not explored + mark U as explored + if U is d: + return cost // total cost from start to destination vertex + for each edge(U, V): c=cost of edge(u,V) // for V in graph[U] + if V unexplored: + next=cost+c + add next,V to H (at the end) +""" +import heapq + + +def dijkstra(graph, start, end): + heap = [(0, start)] # cost from start node,end node + visited = [] + while heap: + (cost, u) = heapq.heappop(heap) + if u in visited: + continue + visited.append(u) + if u == end: + return cost + for v, c in G[u]: + if v in visited: + continue + next = cost + c + heapq.heappush(heap, (next, v)) + return (-1, -1) + + +G = {'A': [['B', 2], ['C', 5]], + 'B': [['A', 2], ['D', 3], ['E', 1]], + 'C': [['A', 5], ['F', 3]], + 'D': [['B', 3]], + 'E': [['B', 1], ['F', 3]], + 'F': [['C', 3], ['E', 3]]} + +shortDistance = dijkstra(G, 'E', 'C') +print(shortDistance) diff --git a/graphs/dijkstra_2.py b/graphs/dijkstra_2.py index 92fad8208113..b07d12dc59d1 100644 --- a/graphs/dijkstra_2.py +++ b/graphs/dijkstra_2.py @@ -1,57 +1,57 @@ -from __future__ import print_function - - -def printDist(dist, V): - print("\nVertex Distance") - for i in range(V): - if dist[i] != float('inf'): - print(i, "\t", int(dist[i]), end="\t") - else: - print(i, "\t", "INF", end="\t") - print() - - -def minDist(mdist, vset, V): - minVal = float('inf') - minInd = -1 - for i in range(V): - if (not vset[i]) and mdist[i] < minVal: - minInd = i - minVal = mdist[i] - return minInd - - -def Dijkstra(graph, V, src): - mdist = [float('inf') for i in range(V)] - vset = [False for i in range(V)] - mdist[src] = 0.0 - - for i in range(V - 1): - u = minDist(mdist, vset, V) - vset[u] = True - - for v in range(V): - if (not vset[v]) and graph[u][v] != float('inf') and mdist[u] + graph[u][v] < mdist[v]: - mdist[v] = mdist[u] + graph[u][v] - - printDist(mdist, V) - - -# MAIN -V = int(input("Enter number of vertices: ")) -E = int(input("Enter number of edges: ")) - -graph = [[float('inf') for i in range(V)] for j in range(V)] - -for i in range(V): - graph[i][i] = 0.0 - -for i in range(E): - print("\nEdge ", i + 1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[src][dst] = weight - -gsrc = int(input("\nEnter shortest path source:")) -Dijkstra(graph, V, gsrc) +from __future__ import print_function + + +def printDist(dist, V): + print("\nVertex Distance") + for i in range(V): + if dist[i] != float('inf'): + print(i, "\t", int(dist[i]), end="\t") + else: + print(i, "\t", "INF", end="\t") + print() + + +def minDist(mdist, vset, V): + minVal = float('inf') + minInd = -1 + for i in range(V): + if (not vset[i]) and mdist[i] < minVal: + minInd = i + minVal = mdist[i] + return minInd + + +def Dijkstra(graph, V, src): + mdist = [float('inf') for i in range(V)] + vset = [False for i in range(V)] + mdist[src] = 0.0 + + for i in range(V - 1): + u = minDist(mdist, vset, V) + vset[u] = True + + for v in range(V): + if (not vset[v]) and graph[u][v] != float('inf') and mdist[u] + graph[u][v] < mdist[v]: + mdist[v] = mdist[u] + graph[u][v] + + printDist(mdist, V) + + +# MAIN +V = int(input("Enter number of vertices: ")) +E = int(input("Enter number of edges: ")) + +graph = [[float('inf') for i in range(V)] for j in range(V)] + +for i in range(V): + graph[i][i] = 0.0 + +for i in range(E): + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[src][dst] = weight + +gsrc = int(input("\nEnter shortest path source:")) +Dijkstra(graph, V, gsrc) diff --git a/graphs/dijkstra_algorithm.py b/graphs/dijkstra_algorithm.py index 3de9235f55ae..935b828c86bc 100644 --- a/graphs/dijkstra_algorithm.py +++ b/graphs/dijkstra_algorithm.py @@ -1,215 +1,215 @@ -# Title: Dijkstra's Algorithm for finding single source shortest path from scratch -# Author: Shubham Malik -# References: https://en.wikipedia.org/wiki/Dijkstra%27s_algorithm - -from __future__ import print_function - -import math -import sys - - -# For storing the vertex set to retreive node with the lowest distance - - -class PriorityQueue: - # Based on Min Heap - def __init__(self): - self.cur_size = 0 - self.array = [] - self.pos = {} # To store the pos of node in array - - def isEmpty(self): - return self.cur_size == 0 - - def min_heapify(self, idx): - lc = self.left(idx) - rc = self.right(idx) - if lc < self.cur_size and self.array(lc)[0] < self.array(idx)[0]: - smallest = lc - else: - smallest = idx - if rc < self.cur_size and self.array(rc)[0] < self.array(smallest)[0]: - smallest = rc - if smallest != idx: - self.swap(idx, smallest) - self.min_heapify(smallest) - - def insert(self, tup): - # Inserts a node into the Priority Queue - self.pos[tup[1]] = self.cur_size - self.cur_size += 1 - self.array.append((sys.maxsize, tup[1])) - self.decrease_key((sys.maxsize, tup[1]), tup[0]) - - def extract_min(self): - # Removes and returns the min element at top of priority queue - min_node = self.array[0][1] - self.array[0] = self.array[self.cur_size - 1] - self.cur_size -= 1 - self.min_heapify(1) - del self.pos[min_node] - return min_node - - def left(self, i): - # returns the index of left child - return 2 * i + 1 - - def right(self, i): - # returns the index of right child - return 2 * i + 2 - - def par(self, i): - # returns the index of parent - return math.floor(i / 2) - - def swap(self, i, j): - # swaps array elements at indices i and j - # update the pos{} - self.pos[self.array[i][1]] = j - self.pos[self.array[j][1]] = i - temp = self.array[i] - self.array[i] = self.array[j] - self.array[j] = temp - - def decrease_key(self, tup, new_d): - idx = self.pos[tup[1]] - # assuming the new_d is atmost old_d - self.array[idx] = (new_d, tup[1]) - while idx > 0 and self.array[self.par(idx)][0] > self.array[idx][0]: - self.swap(idx, self.par(idx)) - idx = self.par(idx) - - -class Graph: - def __init__(self, num): - self.adjList = {} # To store graph: u -> (v,w) - self.num_nodes = num # Number of nodes in graph - # To store the distance from source vertex - self.dist = [0] * self.num_nodes - self.par = [-1] * self.num_nodes # To store the path - - def add_edge(self, u, v, w): - # Edge going from node u to v and v to u with weight w - # u (w)-> v, v (w) -> u - # Check if u already in graph - if u in self.adjList.keys(): - self.adjList[u].append((v, w)) - else: - self.adjList[u] = [(v, w)] - - # Assuming undirected graph - if v in self.adjList.keys(): - self.adjList[v].append((u, w)) - else: - self.adjList[v] = [(u, w)] - - def show_graph(self): - # u -> v(w) - for u in self.adjList: - print(u, '->', ' -> '.join(str("{}({})".format(v, w)) - for v, w in self.adjList[u])) - - def dijkstra(self, src): - # Flush old junk values in par[] - self.par = [-1] * self.num_nodes - # src is the source node - self.dist[src] = 0 - Q = PriorityQueue() - Q.insert((0, src)) # (dist from src, node) - for u in self.adjList.keys(): - if u != src: - self.dist[u] = sys.maxsize # Infinity - self.par[u] = -1 - - while not Q.isEmpty(): - u = Q.extract_min() # Returns node with the min dist from source - # Update the distance of all the neighbours of u and - # if their prev dist was INFINITY then push them in Q - for v, w in self.adjList[u]: - new_dist = self.dist[u] + w - if self.dist[v] > new_dist: - if self.dist[v] == sys.maxsize: - Q.insert((new_dist, v)) - else: - Q.decrease_key((self.dist[v], v), new_dist) - self.dist[v] = new_dist - self.par[v] = u - - # Show the shortest distances from src - self.show_distances(src) - - def show_distances(self, src): - print("Distance from node: {}".format(src)) - for u in range(self.num_nodes): - print('Node {} has distance: {}'.format(u, self.dist[u])) - - def show_path(self, src, dest): - # To show the shortest path from src to dest - # WARNING: Use it *after* calling dijkstra - path = [] - cost = 0 - temp = dest - # Backtracking from dest to src - while self.par[temp] != -1: - path.append(temp) - if temp != src: - for v, w in self.adjList[temp]: - if v == self.par[temp]: - cost += w - break - temp = self.par[temp] - path.append(src) - path.reverse() - - print('----Path to reach {} from {}----'.format(dest, src)) - for u in path: - print('{}'.format(u), end=' ') - if u != dest: - print('-> ', end='') - - print('\nTotal cost of path: ', cost) - - -if __name__ == '__main__': - graph = Graph(9) - graph.add_edge(0, 1, 4) - graph.add_edge(0, 7, 8) - graph.add_edge(1, 2, 8) - graph.add_edge(1, 7, 11) - graph.add_edge(2, 3, 7) - graph.add_edge(2, 8, 2) - graph.add_edge(2, 5, 4) - graph.add_edge(3, 4, 9) - graph.add_edge(3, 5, 14) - graph.add_edge(4, 5, 10) - graph.add_edge(5, 6, 2) - graph.add_edge(6, 7, 1) - graph.add_edge(6, 8, 6) - graph.add_edge(7, 8, 7) - graph.show_graph() - graph.dijkstra(0) - graph.show_path(0, 4) - -# OUTPUT -# 0 -> 1(4) -> 7(8) -# 1 -> 0(4) -> 2(8) -> 7(11) -# 7 -> 0(8) -> 1(11) -> 6(1) -> 8(7) -# 2 -> 1(8) -> 3(7) -> 8(2) -> 5(4) -# 3 -> 2(7) -> 4(9) -> 5(14) -# 8 -> 2(2) -> 6(6) -> 7(7) -# 5 -> 2(4) -> 3(14) -> 4(10) -> 6(2) -# 4 -> 3(9) -> 5(10) -# 6 -> 5(2) -> 7(1) -> 8(6) -# Distance from node: 0 -# Node 0 has distance: 0 -# Node 1 has distance: 4 -# Node 2 has distance: 12 -# Node 3 has distance: 19 -# Node 4 has distance: 21 -# Node 5 has distance: 11 -# Node 6 has distance: 9 -# Node 7 has distance: 8 -# Node 8 has distance: 14 -# ----Path to reach 4 from 0---- -# 0 -> 7 -> 6 -> 5 -> 4 -# Total cost of path: 21 +# Title: Dijkstra's Algorithm for finding single source shortest path from scratch +# Author: Shubham Malik +# References: https://en.wikipedia.org/wiki/Dijkstra%27s_algorithm + +from __future__ import print_function + +import math +import sys + + +# For storing the vertex set to retreive node with the lowest distance + + +class PriorityQueue: + # Based on Min Heap + def __init__(self): + self.cur_size = 0 + self.array = [] + self.pos = {} # To store the pos of node in array + + def isEmpty(self): + return self.cur_size == 0 + + def min_heapify(self, idx): + lc = self.left(idx) + rc = self.right(idx) + if lc < self.cur_size and self.array(lc)[0] < self.array(idx)[0]: + smallest = lc + else: + smallest = idx + if rc < self.cur_size and self.array(rc)[0] < self.array(smallest)[0]: + smallest = rc + if smallest != idx: + self.swap(idx, smallest) + self.min_heapify(smallest) + + def insert(self, tup): + # Inserts a node into the Priority Queue + self.pos[tup[1]] = self.cur_size + self.cur_size += 1 + self.array.append((sys.maxsize, tup[1])) + self.decrease_key((sys.maxsize, tup[1]), tup[0]) + + def extract_min(self): + # Removes and returns the min element at top of priority queue + min_node = self.array[0][1] + self.array[0] = self.array[self.cur_size - 1] + self.cur_size -= 1 + self.min_heapify(1) + del self.pos[min_node] + return min_node + + def left(self, i): + # returns the index of left child + return 2 * i + 1 + + def right(self, i): + # returns the index of right child + return 2 * i + 2 + + def par(self, i): + # returns the index of parent + return math.floor(i / 2) + + def swap(self, i, j): + # swaps array elements at indices i and j + # update the pos{} + self.pos[self.array[i][1]] = j + self.pos[self.array[j][1]] = i + temp = self.array[i] + self.array[i] = self.array[j] + self.array[j] = temp + + def decrease_key(self, tup, new_d): + idx = self.pos[tup[1]] + # assuming the new_d is atmost old_d + self.array[idx] = (new_d, tup[1]) + while idx > 0 and self.array[self.par(idx)][0] > self.array[idx][0]: + self.swap(idx, self.par(idx)) + idx = self.par(idx) + + +class Graph: + def __init__(self, num): + self.adjList = {} # To store graph: u -> (v,w) + self.num_nodes = num # Number of nodes in graph + # To store the distance from source vertex + self.dist = [0] * self.num_nodes + self.par = [-1] * self.num_nodes # To store the path + + def add_edge(self, u, v, w): + # Edge going from node u to v and v to u with weight w + # u (w)-> v, v (w) -> u + # Check if u already in graph + if u in self.adjList.keys(): + self.adjList[u].append((v, w)) + else: + self.adjList[u] = [(v, w)] + + # Assuming undirected graph + if v in self.adjList.keys(): + self.adjList[v].append((u, w)) + else: + self.adjList[v] = [(u, w)] + + def show_graph(self): + # u -> v(w) + for u in self.adjList: + print(u, '->', ' -> '.join(str("{}({})".format(v, w)) + for v, w in self.adjList[u])) + + def dijkstra(self, src): + # Flush old junk values in par[] + self.par = [-1] * self.num_nodes + # src is the source node + self.dist[src] = 0 + Q = PriorityQueue() + Q.insert((0, src)) # (dist from src, node) + for u in self.adjList.keys(): + if u != src: + self.dist[u] = sys.maxsize # Infinity + self.par[u] = -1 + + while not Q.isEmpty(): + u = Q.extract_min() # Returns node with the min dist from source + # Update the distance of all the neighbours of u and + # if their prev dist was INFINITY then push them in Q + for v, w in self.adjList[u]: + new_dist = self.dist[u] + w + if self.dist[v] > new_dist: + if self.dist[v] == sys.maxsize: + Q.insert((new_dist, v)) + else: + Q.decrease_key((self.dist[v], v), new_dist) + self.dist[v] = new_dist + self.par[v] = u + + # Show the shortest distances from src + self.show_distances(src) + + def show_distances(self, src): + print("Distance from node: {}".format(src)) + for u in range(self.num_nodes): + print('Node {} has distance: {}'.format(u, self.dist[u])) + + def show_path(self, src, dest): + # To show the shortest path from src to dest + # WARNING: Use it *after* calling dijkstra + path = [] + cost = 0 + temp = dest + # Backtracking from dest to src + while self.par[temp] != -1: + path.append(temp) + if temp != src: + for v, w in self.adjList[temp]: + if v == self.par[temp]: + cost += w + break + temp = self.par[temp] + path.append(src) + path.reverse() + + print('----Path to reach {} from {}----'.format(dest, src)) + for u in path: + print('{}'.format(u), end=' ') + if u != dest: + print('-> ', end='') + + print('\nTotal cost of path: ', cost) + + +if __name__ == '__main__': + graph = Graph(9) + graph.add_edge(0, 1, 4) + graph.add_edge(0, 7, 8) + graph.add_edge(1, 2, 8) + graph.add_edge(1, 7, 11) + graph.add_edge(2, 3, 7) + graph.add_edge(2, 8, 2) + graph.add_edge(2, 5, 4) + graph.add_edge(3, 4, 9) + graph.add_edge(3, 5, 14) + graph.add_edge(4, 5, 10) + graph.add_edge(5, 6, 2) + graph.add_edge(6, 7, 1) + graph.add_edge(6, 8, 6) + graph.add_edge(7, 8, 7) + graph.show_graph() + graph.dijkstra(0) + graph.show_path(0, 4) + +# OUTPUT +# 0 -> 1(4) -> 7(8) +# 1 -> 0(4) -> 2(8) -> 7(11) +# 7 -> 0(8) -> 1(11) -> 6(1) -> 8(7) +# 2 -> 1(8) -> 3(7) -> 8(2) -> 5(4) +# 3 -> 2(7) -> 4(9) -> 5(14) +# 8 -> 2(2) -> 6(6) -> 7(7) +# 5 -> 2(4) -> 3(14) -> 4(10) -> 6(2) +# 4 -> 3(9) -> 5(10) +# 6 -> 5(2) -> 7(1) -> 8(6) +# Distance from node: 0 +# Node 0 has distance: 0 +# Node 1 has distance: 4 +# Node 2 has distance: 12 +# Node 3 has distance: 19 +# Node 4 has distance: 21 +# Node 5 has distance: 11 +# Node 6 has distance: 9 +# Node 7 has distance: 8 +# Node 8 has distance: 14 +# ----Path to reach 4 from 0---- +# 0 -> 7 -> 6 -> 5 -> 4 +# Total cost of path: 21 diff --git a/graphs/edmonds_karp_multiple_source_and_sink.py b/graphs/edmonds_karp_multiple_source_and_sink.py index 92b87bd41353..b276bcaa90ce 100644 --- a/graphs/edmonds_karp_multiple_source_and_sink.py +++ b/graphs/edmonds_karp_multiple_source_and_sink.py @@ -1,181 +1,181 @@ -class FlowNetwork: - def __init__(self, graph, sources, sinks): - self.sourceIndex = None - self.sinkIndex = None - self.graph = graph - - self._normalizeGraph(sources, sinks) - self.verticesCount = len(graph) - self.maximumFlowAlgorithm = None - - # make only one source and one sink - def _normalizeGraph(self, sources, sinks): - if sources is int: - sources = [sources] - if sinks is int: - sinks = [sinks] - - if len(sources) == 0 or len(sinks) == 0: - return - - self.sourceIndex = sources[0] - self.sinkIndex = sinks[0] - - # make fake vertex if there are more - # than one source or sink - if len(sources) > 1 or len(sinks) > 1: - maxInputFlow = 0 - for i in sources: - maxInputFlow += sum(self.graph[i]) - - size = len(self.graph) + 1 - for room in self.graph: - room.insert(0, 0) - self.graph.insert(0, [0] * size) - for i in sources: - self.graph[0][i + 1] = maxInputFlow - self.sourceIndex = 0 - - size = len(self.graph) + 1 - for room in self.graph: - room.append(0) - self.graph.append([0] * size) - for i in sinks: - self.graph[i + 1][size - 1] = maxInputFlow - self.sinkIndex = size - 1 - - def findMaximumFlow(self): - if self.maximumFlowAlgorithm is None: - raise Exception("You need to set maximum flow algorithm before.") - if self.sourceIndex is None or self.sinkIndex is None: - return 0 - - self.maximumFlowAlgorithm.execute() - return self.maximumFlowAlgorithm.getMaximumFlow() - - def setMaximumFlowAlgorithm(self, Algorithm): - self.maximumFlowAlgorithm = Algorithm(self) - - -class FlowNetworkAlgorithmExecutor(object): - def __init__(self, flowNetwork): - self.flowNetwork = flowNetwork - self.verticesCount = flowNetwork.verticesCount - self.sourceIndex = flowNetwork.sourceIndex - self.sinkIndex = flowNetwork.sinkIndex - # it's just a reference, so you shouldn't change - # it in your algorithms, use deep copy before doing that - self.graph = flowNetwork.graph - self.executed = False - - def execute(self): - if not self.executed: - self._algorithm() - self.executed = True - - # You should override it - def _algorithm(self): - pass - - -class MaximumFlowAlgorithmExecutor(FlowNetworkAlgorithmExecutor): - def __init__(self, flowNetwork): - super(MaximumFlowAlgorithmExecutor, self).__init__(flowNetwork) - # use this to save your result - self.maximumFlow = -1 - - def getMaximumFlow(self): - if not self.executed: - raise Exception("You should execute algorithm before using its result!") - - return self.maximumFlow - - -class PushRelabelExecutor(MaximumFlowAlgorithmExecutor): - def __init__(self, flowNetwork): - super(PushRelabelExecutor, self).__init__(flowNetwork) - - self.preflow = [[0] * self.verticesCount for i in range(self.verticesCount)] - - self.heights = [0] * self.verticesCount - self.excesses = [0] * self.verticesCount - - def _algorithm(self): - self.heights[self.sourceIndex] = self.verticesCount - - # push some substance to graph - for nextVertexIndex, bandwidth in enumerate(self.graph[self.sourceIndex]): - self.preflow[self.sourceIndex][nextVertexIndex] += bandwidth - self.preflow[nextVertexIndex][self.sourceIndex] -= bandwidth - self.excesses[nextVertexIndex] += bandwidth - - # Relabel-to-front selection rule - verticesList = [i for i in range(self.verticesCount) - if i != self.sourceIndex and i != self.sinkIndex] - - # move through list - i = 0 - while i < len(verticesList): - vertexIndex = verticesList[i] - previousHeight = self.heights[vertexIndex] - self.processVertex(vertexIndex) - if self.heights[vertexIndex] > previousHeight: - # if it was relabeled, swap elements - # and start from 0 index - verticesList.insert(0, verticesList.pop(i)) - i = 0 - else: - i += 1 - - self.maximumFlow = sum(self.preflow[self.sourceIndex]) - - def processVertex(self, vertexIndex): - while self.excesses[vertexIndex] > 0: - for neighbourIndex in range(self.verticesCount): - # if it's neighbour and current vertex is higher - if self.graph[vertexIndex][neighbourIndex] - self.preflow[vertexIndex][neighbourIndex] > 0 \ - and self.heights[vertexIndex] > self.heights[neighbourIndex]: - self.push(vertexIndex, neighbourIndex) - - self.relabel(vertexIndex) - - def push(self, fromIndex, toIndex): - preflowDelta = min(self.excesses[fromIndex], - self.graph[fromIndex][toIndex] - self.preflow[fromIndex][toIndex]) - self.preflow[fromIndex][toIndex] += preflowDelta - self.preflow[toIndex][fromIndex] -= preflowDelta - self.excesses[fromIndex] -= preflowDelta - self.excesses[toIndex] += preflowDelta - - def relabel(self, vertexIndex): - minHeight = None - for toIndex in range(self.verticesCount): - if self.graph[vertexIndex][toIndex] - self.preflow[vertexIndex][toIndex] > 0: - if minHeight is None or self.heights[toIndex] < minHeight: - minHeight = self.heights[toIndex] - - if minHeight is not None: - self.heights[vertexIndex] = minHeight + 1 - - -if __name__ == '__main__': - entrances = [0] - exits = [3] - # graph = [ - # [0, 0, 4, 6, 0, 0], - # [0, 0, 5, 2, 0, 0], - # [0, 0, 0, 0, 4, 4], - # [0, 0, 0, 0, 6, 6], - # [0, 0, 0, 0, 0, 0], - # [0, 0, 0, 0, 0, 0], - # ] - graph = [[0, 7, 0, 0], [0, 0, 6, 0], [0, 0, 0, 8], [9, 0, 0, 0]] - - # prepare our network - flowNetwork = FlowNetwork(graph, entrances, exits) - # set algorithm - flowNetwork.setMaximumFlowAlgorithm(PushRelabelExecutor) - # and calculate - maximumFlow = flowNetwork.findMaximumFlow() - - print("maximum flow is {}".format(maximumFlow)) +class FlowNetwork: + def __init__(self, graph, sources, sinks): + self.sourceIndex = None + self.sinkIndex = None + self.graph = graph + + self._normalizeGraph(sources, sinks) + self.verticesCount = len(graph) + self.maximumFlowAlgorithm = None + + # make only one source and one sink + def _normalizeGraph(self, sources, sinks): + if sources is int: + sources = [sources] + if sinks is int: + sinks = [sinks] + + if len(sources) == 0 or len(sinks) == 0: + return + + self.sourceIndex = sources[0] + self.sinkIndex = sinks[0] + + # make fake vertex if there are more + # than one source or sink + if len(sources) > 1 or len(sinks) > 1: + maxInputFlow = 0 + for i in sources: + maxInputFlow += sum(self.graph[i]) + + size = len(self.graph) + 1 + for room in self.graph: + room.insert(0, 0) + self.graph.insert(0, [0] * size) + for i in sources: + self.graph[0][i + 1] = maxInputFlow + self.sourceIndex = 0 + + size = len(self.graph) + 1 + for room in self.graph: + room.append(0) + self.graph.append([0] * size) + for i in sinks: + self.graph[i + 1][size - 1] = maxInputFlow + self.sinkIndex = size - 1 + + def findMaximumFlow(self): + if self.maximumFlowAlgorithm is None: + raise Exception("You need to set maximum flow algorithm before.") + if self.sourceIndex is None or self.sinkIndex is None: + return 0 + + self.maximumFlowAlgorithm.execute() + return self.maximumFlowAlgorithm.getMaximumFlow() + + def setMaximumFlowAlgorithm(self, Algorithm): + self.maximumFlowAlgorithm = Algorithm(self) + + +class FlowNetworkAlgorithmExecutor(object): + def __init__(self, flowNetwork): + self.flowNetwork = flowNetwork + self.verticesCount = flowNetwork.verticesCount + self.sourceIndex = flowNetwork.sourceIndex + self.sinkIndex = flowNetwork.sinkIndex + # it's just a reference, so you shouldn't change + # it in your algorithms, use deep copy before doing that + self.graph = flowNetwork.graph + self.executed = False + + def execute(self): + if not self.executed: + self._algorithm() + self.executed = True + + # You should override it + def _algorithm(self): + pass + + +class MaximumFlowAlgorithmExecutor(FlowNetworkAlgorithmExecutor): + def __init__(self, flowNetwork): + super(MaximumFlowAlgorithmExecutor, self).__init__(flowNetwork) + # use this to save your result + self.maximumFlow = -1 + + def getMaximumFlow(self): + if not self.executed: + raise Exception("You should execute algorithm before using its result!") + + return self.maximumFlow + + +class PushRelabelExecutor(MaximumFlowAlgorithmExecutor): + def __init__(self, flowNetwork): + super(PushRelabelExecutor, self).__init__(flowNetwork) + + self.preflow = [[0] * self.verticesCount for i in range(self.verticesCount)] + + self.heights = [0] * self.verticesCount + self.excesses = [0] * self.verticesCount + + def _algorithm(self): + self.heights[self.sourceIndex] = self.verticesCount + + # push some substance to graph + for nextVertexIndex, bandwidth in enumerate(self.graph[self.sourceIndex]): + self.preflow[self.sourceIndex][nextVertexIndex] += bandwidth + self.preflow[nextVertexIndex][self.sourceIndex] -= bandwidth + self.excesses[nextVertexIndex] += bandwidth + + # Relabel-to-front selection rule + verticesList = [i for i in range(self.verticesCount) + if i != self.sourceIndex and i != self.sinkIndex] + + # move through list + i = 0 + while i < len(verticesList): + vertexIndex = verticesList[i] + previousHeight = self.heights[vertexIndex] + self.processVertex(vertexIndex) + if self.heights[vertexIndex] > previousHeight: + # if it was relabeled, swap elements + # and start from 0 index + verticesList.insert(0, verticesList.pop(i)) + i = 0 + else: + i += 1 + + self.maximumFlow = sum(self.preflow[self.sourceIndex]) + + def processVertex(self, vertexIndex): + while self.excesses[vertexIndex] > 0: + for neighbourIndex in range(self.verticesCount): + # if it's neighbour and current vertex is higher + if self.graph[vertexIndex][neighbourIndex] - self.preflow[vertexIndex][neighbourIndex] > 0 \ + and self.heights[vertexIndex] > self.heights[neighbourIndex]: + self.push(vertexIndex, neighbourIndex) + + self.relabel(vertexIndex) + + def push(self, fromIndex, toIndex): + preflowDelta = min(self.excesses[fromIndex], + self.graph[fromIndex][toIndex] - self.preflow[fromIndex][toIndex]) + self.preflow[fromIndex][toIndex] += preflowDelta + self.preflow[toIndex][fromIndex] -= preflowDelta + self.excesses[fromIndex] -= preflowDelta + self.excesses[toIndex] += preflowDelta + + def relabel(self, vertexIndex): + minHeight = None + for toIndex in range(self.verticesCount): + if self.graph[vertexIndex][toIndex] - self.preflow[vertexIndex][toIndex] > 0: + if minHeight is None or self.heights[toIndex] < minHeight: + minHeight = self.heights[toIndex] + + if minHeight is not None: + self.heights[vertexIndex] = minHeight + 1 + + +if __name__ == '__main__': + entrances = [0] + exits = [3] + # graph = [ + # [0, 0, 4, 6, 0, 0], + # [0, 0, 5, 2, 0, 0], + # [0, 0, 0, 0, 4, 4], + # [0, 0, 0, 0, 6, 6], + # [0, 0, 0, 0, 0, 0], + # [0, 0, 0, 0, 0, 0], + # ] + graph = [[0, 7, 0, 0], [0, 0, 6, 0], [0, 0, 0, 8], [9, 0, 0, 0]] + + # prepare our network + flowNetwork = FlowNetwork(graph, entrances, exits) + # set algorithm + flowNetwork.setMaximumFlowAlgorithm(PushRelabelExecutor) + # and calculate + maximumFlow = flowNetwork.findMaximumFlow() + + print("maximum flow is {}".format(maximumFlow)) diff --git a/graphs/even_tree.py b/graphs/even_tree.py index 18e3d82054d7..74632373bf79 100644 --- a/graphs/even_tree.py +++ b/graphs/even_tree.py @@ -1,71 +1,71 @@ -""" -You are given a tree(a simple connected graph with no cycles). The tree has N -nodes numbered from 1 to N and is rooted at node 1. - -Find the maximum number of edges you can remove from the tree to get a forest -such that each connected component of the forest contains an even number of -nodes. - -Constraints -2 <= 2 <= 100 - -Note: The tree input will be such that it can always be decomposed into -components containing an even number of nodes. -""" -from __future__ import print_function - -# pylint: disable=invalid-name -from collections import defaultdict - - -def dfs(start): - """DFS traversal""" - # pylint: disable=redefined-outer-name - ret = 1 - visited[start] = True - for v in tree.get(start): - if v not in visited: - ret += dfs(v) - if ret % 2 == 0: - cuts.append(start) - return ret - - -def even_tree(): - """ - 2 1 - 3 1 - 4 3 - 5 2 - 6 1 - 7 2 - 8 6 - 9 8 - 10 8 - On removing edges (1,3) and (1,6), we can get the desired result 2. - """ - dfs(1) - - -if __name__ == '__main__': - n, m = 10, 9 - tree = defaultdict(list) - visited = {} - cuts = [] - count = 0 - edges = [ - (2, 1), - (3, 1), - (4, 3), - (5, 2), - (6, 1), - (7, 2), - (8, 6), - (9, 8), - (10, 8), - ] - for u, v in edges: - tree[u].append(v) - tree[v].append(u) - even_tree() - print(len(cuts) - 1) +""" +You are given a tree(a simple connected graph with no cycles). The tree has N +nodes numbered from 1 to N and is rooted at node 1. + +Find the maximum number of edges you can remove from the tree to get a forest +such that each connected component of the forest contains an even number of +nodes. + +Constraints +2 <= 2 <= 100 + +Note: The tree input will be such that it can always be decomposed into +components containing an even number of nodes. +""" +from __future__ import print_function + +# pylint: disable=invalid-name +from collections import defaultdict + + +def dfs(start): + """DFS traversal""" + # pylint: disable=redefined-outer-name + ret = 1 + visited[start] = True + for v in tree.get(start): + if v not in visited: + ret += dfs(v) + if ret % 2 == 0: + cuts.append(start) + return ret + + +def even_tree(): + """ + 2 1 + 3 1 + 4 3 + 5 2 + 6 1 + 7 2 + 8 6 + 9 8 + 10 8 + On removing edges (1,3) and (1,6), we can get the desired result 2. + """ + dfs(1) + + +if __name__ == '__main__': + n, m = 10, 9 + tree = defaultdict(list) + visited = {} + cuts = [] + count = 0 + edges = [ + (2, 1), + (3, 1), + (4, 3), + (5, 2), + (6, 1), + (7, 2), + (8, 6), + (9, 8), + (10, 8), + ] + for u, v in edges: + tree[u].append(v) + tree[v].append(u) + even_tree() + print(len(cuts) - 1) diff --git a/graphs/finding_bridges.py b/graphs/finding_bridges.py index da1c0e0daff4..64171a29c488 100644 --- a/graphs/finding_bridges.py +++ b/graphs/finding_bridges.py @@ -1,32 +1,32 @@ -# Finding Bridges in Undirected Graph -def computeBridges(l): - id = 0 - n = len(l) # No of vertices in graph - low = [0] * n - visited = [False] * n - - def dfs(at, parent, bridges, id): - visited[at] = True - low[at] = id - id += 1 - for to in l[at]: - if to == parent: - pass - elif not visited[to]: - dfs(to, at, bridges, id) - low[at] = min(low[at], low[to]) - if at < low[to]: - bridges.append([at, to]) - else: - # This edge is a back edge and cannot be a bridge - low[at] = min(low[at], to) - - bridges = [] - for i in range(n): - if (not visited[i]): - dfs(i, -1, bridges, id) - print(bridges) - - -l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} -computeBridges(l) +# Finding Bridges in Undirected Graph +def computeBridges(l): + id = 0 + n = len(l) # No of vertices in graph + low = [0] * n + visited = [False] * n + + def dfs(at, parent, bridges, id): + visited[at] = True + low[at] = id + id += 1 + for to in l[at]: + if to == parent: + pass + elif not visited[to]: + dfs(to, at, bridges, id) + low[at] = min(low[at], low[to]) + if at < low[to]: + bridges.append([at, to]) + else: + # This edge is a back edge and cannot be a bridge + low[at] = min(low[at], to) + + bridges = [] + for i in range(n): + if (not visited[i]): + dfs(i, -1, bridges, id) + print(bridges) + + +l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} +computeBridges(l) diff --git a/graphs/floyd_warshall.py b/graphs/floyd_warshall.py index 4a2b90fcf00c..f71c350b9773 100644 --- a/graphs/floyd_warshall.py +++ b/graphs/floyd_warshall.py @@ -1,47 +1,47 @@ -from __future__ import print_function - - -def printDist(dist, V): - print("\nThe shortest path matrix using Floyd Warshall algorithm\n") - for i in range(V): - for j in range(V): - if dist[i][j] != float('inf'): - print(int(dist[i][j]), end="\t") - else: - print("INF", end="\t") - print() - - -def FloydWarshall(graph, V): - dist = [[float('inf') for i in range(V)] for j in range(V)] - - for i in range(V): - for j in range(V): - dist[i][j] = graph[i][j] - - for k in range(V): - for i in range(V): - for j in range(V): - if dist[i][k] != float('inf') and dist[k][j] != float('inf') and dist[i][k] + dist[k][j] < dist[i][j]: - dist[i][j] = dist[i][k] + dist[k][j] - - printDist(dist, V) - - -# MAIN -V = int(input("Enter number of vertices: ")) -E = int(input("Enter number of edges: ")) - -graph = [[float('inf') for i in range(V)] for j in range(V)] - -for i in range(V): - graph[i][i] = 0.0 - -for i in range(E): - print("\nEdge ", i + 1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[src][dst] = weight - -FloydWarshall(graph, V) +from __future__ import print_function + + +def printDist(dist, V): + print("\nThe shortest path matrix using Floyd Warshall algorithm\n") + for i in range(V): + for j in range(V): + if dist[i][j] != float('inf'): + print(int(dist[i][j]), end="\t") + else: + print("INF", end="\t") + print() + + +def FloydWarshall(graph, V): + dist = [[float('inf') for i in range(V)] for j in range(V)] + + for i in range(V): + for j in range(V): + dist[i][j] = graph[i][j] + + for k in range(V): + for i in range(V): + for j in range(V): + if dist[i][k] != float('inf') and dist[k][j] != float('inf') and dist[i][k] + dist[k][j] < dist[i][j]: + dist[i][j] = dist[i][k] + dist[k][j] + + printDist(dist, V) + + +# MAIN +V = int(input("Enter number of vertices: ")) +E = int(input("Enter number of edges: ")) + +graph = [[float('inf') for i in range(V)] for j in range(V)] + +for i in range(V): + graph[i][i] = 0.0 + +for i in range(E): + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[src][dst] = weight + +FloydWarshall(graph, V) diff --git a/graphs/graph_list.py b/graphs/graph_list.py index bf7866c7fa99..5300497ff50d 100644 --- a/graphs/graph_list.py +++ b/graphs/graph_list.py @@ -1,47 +1,47 @@ -#!/usr/bin/python -# encoding=utf8 - -from __future__ import print_function - - -# Author: OMKAR PATHAK - -# We can use Python's dictionary for constructing the graph. - -class AdjacencyList(object): - def __init__(self): - self.List = {} - - def addEdge(self, fromVertex, toVertex): - # check if vertex is already present - if fromVertex in self.List.keys(): - self.List[fromVertex].append(toVertex) - else: - self.List[fromVertex] = [toVertex] - - def printList(self): - for i in self.List: - print((i, '->', ' -> '.join([str(j) for j in self.List[i]]))) - - -if __name__ == '__main__': - al = AdjacencyList() - al.addEdge(0, 1) - al.addEdge(0, 4) - al.addEdge(4, 1) - al.addEdge(4, 3) - al.addEdge(1, 0) - al.addEdge(1, 4) - al.addEdge(1, 3) - al.addEdge(1, 2) - al.addEdge(2, 3) - al.addEdge(3, 4) - - al.printList() - - # OUTPUT: - # 0 -> 1 -> 4 - # 1 -> 0 -> 4 -> 3 -> 2 - # 2 -> 3 - # 3 -> 4 - # 4 -> 1 -> 3 +#!/usr/bin/python +# encoding=utf8 + +from __future__ import print_function + + +# Author: OMKAR PATHAK + +# We can use Python's dictionary for constructing the graph. + +class AdjacencyList(object): + def __init__(self): + self.List = {} + + def addEdge(self, fromVertex, toVertex): + # check if vertex is already present + if fromVertex in self.List.keys(): + self.List[fromVertex].append(toVertex) + else: + self.List[fromVertex] = [toVertex] + + def printList(self): + for i in self.List: + print((i, '->', ' -> '.join([str(j) for j in self.List[i]]))) + + +if __name__ == '__main__': + al = AdjacencyList() + al.addEdge(0, 1) + al.addEdge(0, 4) + al.addEdge(4, 1) + al.addEdge(4, 3) + al.addEdge(1, 0) + al.addEdge(1, 4) + al.addEdge(1, 3) + al.addEdge(1, 2) + al.addEdge(2, 3) + al.addEdge(3, 4) + + al.printList() + + # OUTPUT: + # 0 -> 1 -> 4 + # 1 -> 0 -> 4 -> 3 -> 2 + # 2 -> 3 + # 3 -> 4 + # 4 -> 1 -> 3 diff --git a/graphs/graph_matrix.py b/graphs/graph_matrix.py index e75bb379542a..1e2769cbea2f 100644 --- a/graphs/graph_matrix.py +++ b/graphs/graph_matrix.py @@ -1,29 +1,29 @@ -from __future__ import print_function - - -class Graph: - - def __init__(self, vertex): - self.vertex = vertex - self.graph = [[0] * vertex for i in range(vertex)] - - def add_edge(self, u, v): - self.graph[u - 1][v - 1] = 1 - self.graph[v - 1][u - 1] = 1 - - def show(self): - - for i in self.graph: - for j in i: - print(j, end=' ') - print(' ') - - -g = Graph(100) - -g.add_edge(1, 4) -g.add_edge(4, 2) -g.add_edge(4, 5) -g.add_edge(2, 5) -g.add_edge(5, 3) -g.show() +from __future__ import print_function + + +class Graph: + + def __init__(self, vertex): + self.vertex = vertex + self.graph = [[0] * vertex for i in range(vertex)] + + def add_edge(self, u, v): + self.graph[u - 1][v - 1] = 1 + self.graph[v - 1][u - 1] = 1 + + def show(self): + + for i in self.graph: + for j in i: + print(j, end=' ') + print(' ') + + +g = Graph(100) + +g.add_edge(1, 4) +g.add_edge(4, 2) +g.add_edge(4, 5) +g.add_edge(2, 5) +g.add_edge(5, 3) +g.show() diff --git a/graphs/kahns_algorithm_long.py b/graphs/kahns_algorithm_long.py index 62601da0ca8f..ff27fe3a8bd6 100644 --- a/graphs/kahns_algorithm_long.py +++ b/graphs/kahns_algorithm_long.py @@ -1,31 +1,31 @@ -# Finding longest distance in Directed Acyclic Graph using KahnsAlgorithm -def longestDistance(l): - indegree = [0] * len(l) - queue = [] - longDist = [1] * len(l) - - for key, values in l.items(): - for i in values: - indegree[i] += 1 - - for i in range(len(indegree)): - if indegree[i] == 0: - queue.append(i) - - while (queue): - vertex = queue.pop(0) - for x in l[vertex]: - indegree[x] -= 1 - - if longDist[vertex] + 1 > longDist[x]: - longDist[x] = longDist[vertex] + 1 - - if indegree[x] == 0: - queue.append(x) - - print(max(longDist)) - - -# Adjacency list of Graph -l = {0: [2, 3, 4], 1: [2, 7], 2: [5], 3: [5, 7], 4: [7], 5: [6], 6: [7], 7: []} -longestDistance(l) +# Finding longest distance in Directed Acyclic Graph using KahnsAlgorithm +def longestDistance(l): + indegree = [0] * len(l) + queue = [] + longDist = [1] * len(l) + + for key, values in l.items(): + for i in values: + indegree[i] += 1 + + for i in range(len(indegree)): + if indegree[i] == 0: + queue.append(i) + + while (queue): + vertex = queue.pop(0) + for x in l[vertex]: + indegree[x] -= 1 + + if longDist[vertex] + 1 > longDist[x]: + longDist[x] = longDist[vertex] + 1 + + if indegree[x] == 0: + queue.append(x) + + print(max(longDist)) + + +# Adjacency list of Graph +l = {0: [2, 3, 4], 1: [2, 7], 2: [5], 3: [5, 7], 4: [7], 5: [6], 6: [7], 7: []} +longestDistance(l) diff --git a/graphs/kahns_algorithm_topo.py b/graphs/kahns_algorithm_topo.py index daa17204f194..8401c28849d3 100644 --- a/graphs/kahns_algorithm_topo.py +++ b/graphs/kahns_algorithm_topo.py @@ -1,33 +1,33 @@ -# Kahn's Algorithm is used to find Topological ordering of Directed Acyclic Graph using BFS -def topologicalSort(l): - indegree = [0] * len(l) - queue = [] - topo = [] - cnt = 0 - - for key, values in l.items(): - for i in values: - indegree[i] += 1 - - for i in range(len(indegree)): - if indegree[i] == 0: - queue.append(i) - - while (queue): - vertex = queue.pop(0) - cnt += 1 - topo.append(vertex) - for x in l[vertex]: - indegree[x] -= 1 - if indegree[x] == 0: - queue.append(x) - - if cnt != len(l): - print("Cycle exists") - else: - print(topo) - - -# Adjacency List of Graph -l = {0: [1, 2], 1: [3], 2: [3], 3: [4, 5], 4: [], 5: []} -topologicalSort(l) +# Kahn's Algorithm is used to find Topological ordering of Directed Acyclic Graph using BFS +def topologicalSort(l): + indegree = [0] * len(l) + queue = [] + topo = [] + cnt = 0 + + for key, values in l.items(): + for i in values: + indegree[i] += 1 + + for i in range(len(indegree)): + if indegree[i] == 0: + queue.append(i) + + while (queue): + vertex = queue.pop(0) + cnt += 1 + topo.append(vertex) + for x in l[vertex]: + indegree[x] -= 1 + if indegree[x] == 0: + queue.append(x) + + if cnt != len(l): + print("Cycle exists") + else: + print(topo) + + +# Adjacency List of Graph +l = {0: [1, 2], 1: [3], 2: [3], 3: [4, 5], 4: [], 5: []} +topologicalSort(l) diff --git a/graphs/minimum_spanning_tree_kruskal.py b/graphs/minimum_spanning_tree_kruskal.py index a4596b8cbcd1..d8f78e5ad9ce 100644 --- a/graphs/minimum_spanning_tree_kruskal.py +++ b/graphs/minimum_spanning_tree_kruskal.py @@ -1,35 +1,35 @@ -from __future__ import print_function - -num_nodes, num_edges = list(map(int, input().split())) - -edges = [] - -for i in range(num_edges): - node1, node2, cost = list(map(int, input().split())) - edges.append((i, node1, node2, cost)) - -edges = sorted(edges, key=lambda edge: edge[3]) - -parent = [i for i in range(num_nodes)] - - -def find_parent(i): - if (i != parent[i]): - parent[i] = find_parent(parent[i]) - return parent[i] - - -minimum_spanning_tree_cost = 0 -minimum_spanning_tree = [] - -for edge in edges: - parent_a = find_parent(edge[1]) - parent_b = find_parent(edge[2]) - if (parent_a != parent_b): - minimum_spanning_tree_cost += edge[3] - minimum_spanning_tree.append(edge) - parent[parent_a] = parent_b - -print(minimum_spanning_tree_cost) -for edge in minimum_spanning_tree: - print(edge) +from __future__ import print_function + +num_nodes, num_edges = list(map(int, input().split())) + +edges = [] + +for i in range(num_edges): + node1, node2, cost = list(map(int, input().split())) + edges.append((i, node1, node2, cost)) + +edges = sorted(edges, key=lambda edge: edge[3]) + +parent = [i for i in range(num_nodes)] + + +def find_parent(i): + if (i != parent[i]): + parent[i] = find_parent(parent[i]) + return parent[i] + + +minimum_spanning_tree_cost = 0 +minimum_spanning_tree = [] + +for edge in edges: + parent_a = find_parent(edge[1]) + parent_b = find_parent(edge[2]) + if (parent_a != parent_b): + minimum_spanning_tree_cost += edge[3] + minimum_spanning_tree.append(edge) + parent[parent_a] = parent_b + +print(minimum_spanning_tree_cost) +for edge in minimum_spanning_tree: + print(edge) diff --git a/graphs/minimum_spanning_tree_prims.py b/graphs/minimum_spanning_tree_prims.py index 943376bd1593..0586713de87a 100644 --- a/graphs/minimum_spanning_tree_prims.py +++ b/graphs/minimum_spanning_tree_prims.py @@ -1,113 +1,113 @@ -import sys -from collections import defaultdict - - -def PrimsAlgorithm(l): - nodePosition = [] - - def getPosition(vertex): - return nodePosition[vertex] - - def setPosition(vertex, pos): - nodePosition[vertex] = pos - - def topToBottom(heap, start, size, positions): - if start > size // 2 - 1: - return - else: - if 2 * start + 2 >= size: - m = 2 * start + 1 - else: - if heap[2 * start + 1] < heap[2 * start + 2]: - m = 2 * start + 1 - else: - m = 2 * start + 2 - if heap[m] < heap[start]: - temp, temp1 = heap[m], positions[m] - heap[m], positions[m] = heap[start], positions[start] - heap[start], positions[start] = temp, temp1 - - temp = getPosition(positions[m]) - setPosition(positions[m], getPosition(positions[start])) - setPosition(positions[start], temp) - - topToBottom(heap, m, size, positions) - - # Update function if value of any node in min-heap decreases - def bottomToTop(val, index, heap, position): - temp = position[index] - - while (index != 0): - if index % 2 == 0: - parent = int((index - 2) / 2) - else: - parent = int((index - 1) / 2) - - if val < heap[parent]: - heap[index] = heap[parent] - position[index] = position[parent] - setPosition(position[parent], index) - else: - heap[index] = val - position[index] = temp - setPosition(temp, index) - break - index = parent - else: - heap[0] = val - position[0] = temp - setPosition(temp, 0) - - def heapify(heap, positions): - start = len(heap) // 2 - 1 - for i in range(start, -1, -1): - topToBottom(heap, i, len(heap), positions) - - def deleteMinimum(heap, positions): - temp = positions[0] - heap[0] = sys.maxsize - topToBottom(heap, 0, len(heap), positions) - return temp - - visited = [0 for i in range(len(l))] - Nbr_TV = [-1 for i in range(len(l))] # Neighboring Tree Vertex of selected vertex - # Minimum Distance of explored vertex with neighboring vertex of partial tree formed in graph - Distance_TV = [] # Heap of Distance of vertices from their neighboring vertex - Positions = [] - - for x in range(len(l)): - p = sys.maxsize - Distance_TV.append(p) - Positions.append(x) - nodePosition.append(x) - - TreeEdges = [] - visited[0] = 1 - Distance_TV[0] = sys.maxsize - for x in l[0]: - Nbr_TV[x[0]] = 0 - Distance_TV[x[0]] = x[1] - heapify(Distance_TV, Positions) - - for i in range(1, len(l)): - vertex = deleteMinimum(Distance_TV, Positions) - if visited[vertex] == 0: - TreeEdges.append((Nbr_TV[vertex], vertex)) - visited[vertex] = 1 - for v in l[vertex]: - if visited[v[0]] == 0 and v[1] < Distance_TV[getPosition(v[0])]: - Distance_TV[getPosition(v[0])] = v[1] - bottomToTop(v[1], getPosition(v[0]), Distance_TV, Positions) - Nbr_TV[v[0]] = vertex - return TreeEdges - - -# < --------- Prims Algorithm --------- > -n = int(input("Enter number of vertices: ")) -e = int(input("Enter number of edges: ")) -adjlist = defaultdict(list) -for x in range(e): - l = [int(x) for x in input().split()] - adjlist[l[0]].append([l[1], l[2]]) - adjlist[l[1]].append([l[0], l[2]]) -print(PrimsAlgorithm(adjlist)) +import sys +from collections import defaultdict + + +def PrimsAlgorithm(l): + nodePosition = [] + + def getPosition(vertex): + return nodePosition[vertex] + + def setPosition(vertex, pos): + nodePosition[vertex] = pos + + def topToBottom(heap, start, size, positions): + if start > size // 2 - 1: + return + else: + if 2 * start + 2 >= size: + m = 2 * start + 1 + else: + if heap[2 * start + 1] < heap[2 * start + 2]: + m = 2 * start + 1 + else: + m = 2 * start + 2 + if heap[m] < heap[start]: + temp, temp1 = heap[m], positions[m] + heap[m], positions[m] = heap[start], positions[start] + heap[start], positions[start] = temp, temp1 + + temp = getPosition(positions[m]) + setPosition(positions[m], getPosition(positions[start])) + setPosition(positions[start], temp) + + topToBottom(heap, m, size, positions) + + # Update function if value of any node in min-heap decreases + def bottomToTop(val, index, heap, position): + temp = position[index] + + while (index != 0): + if index % 2 == 0: + parent = int((index - 2) / 2) + else: + parent = int((index - 1) / 2) + + if val < heap[parent]: + heap[index] = heap[parent] + position[index] = position[parent] + setPosition(position[parent], index) + else: + heap[index] = val + position[index] = temp + setPosition(temp, index) + break + index = parent + else: + heap[0] = val + position[0] = temp + setPosition(temp, 0) + + def heapify(heap, positions): + start = len(heap) // 2 - 1 + for i in range(start, -1, -1): + topToBottom(heap, i, len(heap), positions) + + def deleteMinimum(heap, positions): + temp = positions[0] + heap[0] = sys.maxsize + topToBottom(heap, 0, len(heap), positions) + return temp + + visited = [0 for i in range(len(l))] + Nbr_TV = [-1 for i in range(len(l))] # Neighboring Tree Vertex of selected vertex + # Minimum Distance of explored vertex with neighboring vertex of partial tree formed in graph + Distance_TV = [] # Heap of Distance of vertices from their neighboring vertex + Positions = [] + + for x in range(len(l)): + p = sys.maxsize + Distance_TV.append(p) + Positions.append(x) + nodePosition.append(x) + + TreeEdges = [] + visited[0] = 1 + Distance_TV[0] = sys.maxsize + for x in l[0]: + Nbr_TV[x[0]] = 0 + Distance_TV[x[0]] = x[1] + heapify(Distance_TV, Positions) + + for i in range(1, len(l)): + vertex = deleteMinimum(Distance_TV, Positions) + if visited[vertex] == 0: + TreeEdges.append((Nbr_TV[vertex], vertex)) + visited[vertex] = 1 + for v in l[vertex]: + if visited[v[0]] == 0 and v[1] < Distance_TV[getPosition(v[0])]: + Distance_TV[getPosition(v[0])] = v[1] + bottomToTop(v[1], getPosition(v[0]), Distance_TV, Positions) + Nbr_TV[v[0]] = vertex + return TreeEdges + + +# < --------- Prims Algorithm --------- > +n = int(input("Enter number of vertices: ")) +e = int(input("Enter number of edges: ")) +adjlist = defaultdict(list) +for x in range(e): + l = [int(x) for x in input().split()] + adjlist[l[0]].append([l[1], l[2]]) + adjlist[l[1]].append([l[0], l[2]]) +print(PrimsAlgorithm(adjlist)) diff --git a/graphs/multi_hueristic_astar.py b/graphs/multi_hueristic_astar.py index ffd2b0f9f418..63f1aa85ad1d 100644 --- a/graphs/multi_hueristic_astar.py +++ b/graphs/multi_hueristic_astar.py @@ -1,276 +1,276 @@ -from __future__ import print_function - -import heapq - -import numpy as np - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -class PriorityQueue: - def __init__(self): - self.elements = [] - self.set = set() - - def minkey(self): - if not self.empty(): - return self.elements[0][0] - else: - return float('inf') - - def empty(self): - return len(self.elements) == 0 - - def put(self, item, priority): - if item not in self.set: - heapq.heappush(self.elements, (priority, item)) - self.set.add(item) - else: - # update - # print("update", item) - temp = [] - (pri, x) = heapq.heappop(self.elements) - while x != item: - temp.append((pri, x)) - (pri, x) = heapq.heappop(self.elements) - temp.append((priority, item)) - for (pro, xxx) in temp: - heapq.heappush(self.elements, (pro, xxx)) - - def remove_element(self, item): - if item in self.set: - self.set.remove(item) - temp = [] - (pro, x) = heapq.heappop(self.elements) - while x != item: - temp.append((pro, x)) - (pro, x) = heapq.heappop(self.elements) - for (prito, yyy) in temp: - heapq.heappush(self.elements, (prito, yyy)) - - def top_show(self): - return self.elements[0][1] - - def get(self): - (priority, item) = heapq.heappop(self.elements) - self.set.remove(item) - return (priority, item) - - -def consistent_hueristic(P, goal): - # euclidean distance - a = np.array(P) - b = np.array(goal) - return np.linalg.norm(a - b) - - -def hueristic_2(P, goal): - # integer division by time variable - return consistent_hueristic(P, goal) // t - - -def hueristic_1(P, goal): - # manhattan distance - return abs(P[0] - goal[0]) + abs(P[1] - goal[1]) - - -def key(start, i, goal, g_function): - ans = g_function[start] + W1 * hueristics[i](start, goal) - return ans - - -def do_something(back_pointer, goal, start): - grid = np.chararray((n, n)) - for i in range(n): - for j in range(n): - grid[i][j] = '*' - - for i in range(n): - for j in range(n): - if (j, (n - 1) - i) in blocks: - grid[i][j] = "#" - - grid[0][(n - 1)] = "-" - x = back_pointer[goal] - while x != start: - (x_c, y_c) = x - # print(x) - grid[(n - 1) - y_c][x_c] = "-" - x = back_pointer[x] - grid[(n - 1)][0] = "-" - - for i in xrange(n): - for j in range(n): - if (i, j) == (0, n - 1): - print(grid[i][j], end=' ') - print("<-- End position", end=' ') - else: - print(grid[i][j], end=' ') - print() - print("^") - print("Start position") - print() - print("# is an obstacle") - print("- is the path taken by algorithm") - print("PATH TAKEN BY THE ALGORITHM IS:-") - x = back_pointer[goal] - while x != start: - print(x, end=' ') - x = back_pointer[x] - print(x) - quit() - - -def valid(p): - if p[0] < 0 or p[0] > n - 1: - return False - if p[1] < 0 or p[1] > n - 1: - return False - return True - - -def expand_state(s, j, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer): - for itera in range(n_hueristic): - open_list[itera].remove_element(s) - # print("s", s) - # print("j", j) - (x, y) = s - left = (x - 1, y) - right = (x + 1, y) - up = (x, y + 1) - down = (x, y - 1) - - for neighbours in [left, right, up, down]: - if neighbours not in blocks: - if valid(neighbours) and neighbours not in visited: - # print("neighbour", neighbours) - visited.add(neighbours) - back_pointer[neighbours] = -1 - g_function[neighbours] = float('inf') - - if valid(neighbours) and g_function[neighbours] > g_function[s] + 1: - g_function[neighbours] = g_function[s] + 1 - back_pointer[neighbours] = s - if neighbours not in close_list_anchor: - open_list[0].put(neighbours, key(neighbours, 0, goal, g_function)) - if neighbours not in close_list_inad: - for var in range(1, n_hueristic): - if key(neighbours, var, goal, g_function) <= W2 * key(neighbours, 0, goal, g_function): - # print("why not plssssssssss") - open_list[j].put(neighbours, key(neighbours, var, goal, g_function)) - - -# print - -def make_common_ground(): - some_list = [] - # block 1 - for x in range(1, 5): - for y in range(1, 6): - some_list.append((x, y)) - - # line - for x in range(15, 20): - some_list.append((x, 17)) - - # block 2 big - for x in range(10, 19): - for y in range(1, 15): - some_list.append((x, y)) - - # L block - for x in range(1, 4): - for y in range(12, 19): - some_list.append((x, y)) - for x in range(3, 13): - for y in range(16, 19): - some_list.append((x, y)) - return some_list - - -hueristics = {0: consistent_hueristic, 1: hueristic_1, 2: hueristic_2} - -blocks_blk = [(0, 1), (1, 1), (2, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1), (8, 1), (9, 1), (10, 1), (11, 1), (12, 1), (13, 1), (14, 1), (15, 1), (16, 1), (17, 1), (18, 1), (19, 1)] -blocks_no = [] -blocks_all = make_common_ground() - -blocks = blocks_blk -# hyper parameters -W1 = 1 -W2 = 1 -n = 20 -n_hueristic = 3 # one consistent and two other inconsistent - -# start and end destination -start = (0, 0) -goal = (n - 1, n - 1) - -t = 1 - - -def multi_a_star(start, goal, n_hueristic): - g_function = {start: 0, goal: float('inf')} - back_pointer = {start: -1, goal: -1} - open_list = [] - visited = set() - - for i in range(n_hueristic): - open_list.append(PriorityQueue()) - open_list[i].put(start, key(start, i, goal, g_function)) - - close_list_anchor = [] - close_list_inad = [] - while open_list[0].minkey() < float('inf'): - for i in range(1, n_hueristic): - # print("i", i) - # print(open_list[0].minkey(), open_list[i].minkey()) - if open_list[i].minkey() <= W2 * open_list[0].minkey(): - global t - t += 1 - # print("less prio") - if g_function[goal] <= open_list[i].minkey(): - if g_function[goal] < float('inf'): - do_something(back_pointer, goal, start) - else: - _, get_s = open_list[i].top_show() - visited.add(get_s) - expand_state(get_s, i, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) - close_list_inad.append(get_s) - else: - # print("more prio") - if g_function[goal] <= open_list[0].minkey(): - if g_function[goal] < float('inf'): - do_something(back_pointer, goal, start) - else: - # print("hoolla") - get_s = open_list[0].top_show() - visited.add(get_s) - expand_state(get_s, 0, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) - close_list_anchor.append(get_s) - print("No path found to goal") - print() - for i in range(n - 1, -1, -1): - for j in range(n): - if (j, i) in blocks: - print('#', end=' ') - elif (j, i) in back_pointer: - if (j, i) == (n - 1, n - 1): - print('*', end=' ') - else: - print('-', end=' ') - else: - print('*', end=' ') - if (j, i) == (n - 1, n - 1): - print('<-- End position', end=' ') - print() - print("^") - print("Start position") - print() - print("# is an obstacle") - print("- is the path taken by algorithm") - - -multi_a_star(start, goal, n_hueristic) +from __future__ import print_function + +import heapq + +import numpy as np + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +class PriorityQueue: + def __init__(self): + self.elements = [] + self.set = set() + + def minkey(self): + if not self.empty(): + return self.elements[0][0] + else: + return float('inf') + + def empty(self): + return len(self.elements) == 0 + + def put(self, item, priority): + if item not in self.set: + heapq.heappush(self.elements, (priority, item)) + self.set.add(item) + else: + # update + # print("update", item) + temp = [] + (pri, x) = heapq.heappop(self.elements) + while x != item: + temp.append((pri, x)) + (pri, x) = heapq.heappop(self.elements) + temp.append((priority, item)) + for (pro, xxx) in temp: + heapq.heappush(self.elements, (pro, xxx)) + + def remove_element(self, item): + if item in self.set: + self.set.remove(item) + temp = [] + (pro, x) = heapq.heappop(self.elements) + while x != item: + temp.append((pro, x)) + (pro, x) = heapq.heappop(self.elements) + for (prito, yyy) in temp: + heapq.heappush(self.elements, (prito, yyy)) + + def top_show(self): + return self.elements[0][1] + + def get(self): + (priority, item) = heapq.heappop(self.elements) + self.set.remove(item) + return (priority, item) + + +def consistent_hueristic(P, goal): + # euclidean distance + a = np.array(P) + b = np.array(goal) + return np.linalg.norm(a - b) + + +def hueristic_2(P, goal): + # integer division by time variable + return consistent_hueristic(P, goal) // t + + +def hueristic_1(P, goal): + # manhattan distance + return abs(P[0] - goal[0]) + abs(P[1] - goal[1]) + + +def key(start, i, goal, g_function): + ans = g_function[start] + W1 * hueristics[i](start, goal) + return ans + + +def do_something(back_pointer, goal, start): + grid = np.chararray((n, n)) + for i in range(n): + for j in range(n): + grid[i][j] = '*' + + for i in range(n): + for j in range(n): + if (j, (n - 1) - i) in blocks: + grid[i][j] = "#" + + grid[0][(n - 1)] = "-" + x = back_pointer[goal] + while x != start: + (x_c, y_c) = x + # print(x) + grid[(n - 1) - y_c][x_c] = "-" + x = back_pointer[x] + grid[(n - 1)][0] = "-" + + for i in xrange(n): + for j in range(n): + if (i, j) == (0, n - 1): + print(grid[i][j], end=' ') + print("<-- End position", end=' ') + else: + print(grid[i][j], end=' ') + print() + print("^") + print("Start position") + print() + print("# is an obstacle") + print("- is the path taken by algorithm") + print("PATH TAKEN BY THE ALGORITHM IS:-") + x = back_pointer[goal] + while x != start: + print(x, end=' ') + x = back_pointer[x] + print(x) + quit() + + +def valid(p): + if p[0] < 0 or p[0] > n - 1: + return False + if p[1] < 0 or p[1] > n - 1: + return False + return True + + +def expand_state(s, j, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer): + for itera in range(n_hueristic): + open_list[itera].remove_element(s) + # print("s", s) + # print("j", j) + (x, y) = s + left = (x - 1, y) + right = (x + 1, y) + up = (x, y + 1) + down = (x, y - 1) + + for neighbours in [left, right, up, down]: + if neighbours not in blocks: + if valid(neighbours) and neighbours not in visited: + # print("neighbour", neighbours) + visited.add(neighbours) + back_pointer[neighbours] = -1 + g_function[neighbours] = float('inf') + + if valid(neighbours) and g_function[neighbours] > g_function[s] + 1: + g_function[neighbours] = g_function[s] + 1 + back_pointer[neighbours] = s + if neighbours not in close_list_anchor: + open_list[0].put(neighbours, key(neighbours, 0, goal, g_function)) + if neighbours not in close_list_inad: + for var in range(1, n_hueristic): + if key(neighbours, var, goal, g_function) <= W2 * key(neighbours, 0, goal, g_function): + # print("why not plssssssssss") + open_list[j].put(neighbours, key(neighbours, var, goal, g_function)) + + +# print + +def make_common_ground(): + some_list = [] + # block 1 + for x in range(1, 5): + for y in range(1, 6): + some_list.append((x, y)) + + # line + for x in range(15, 20): + some_list.append((x, 17)) + + # block 2 big + for x in range(10, 19): + for y in range(1, 15): + some_list.append((x, y)) + + # L block + for x in range(1, 4): + for y in range(12, 19): + some_list.append((x, y)) + for x in range(3, 13): + for y in range(16, 19): + some_list.append((x, y)) + return some_list + + +hueristics = {0: consistent_hueristic, 1: hueristic_1, 2: hueristic_2} + +blocks_blk = [(0, 1), (1, 1), (2, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1), (8, 1), (9, 1), (10, 1), (11, 1), (12, 1), (13, 1), (14, 1), (15, 1), (16, 1), (17, 1), (18, 1), (19, 1)] +blocks_no = [] +blocks_all = make_common_ground() + +blocks = blocks_blk +# hyper parameters +W1 = 1 +W2 = 1 +n = 20 +n_hueristic = 3 # one consistent and two other inconsistent + +# start and end destination +start = (0, 0) +goal = (n - 1, n - 1) + +t = 1 + + +def multi_a_star(start, goal, n_hueristic): + g_function = {start: 0, goal: float('inf')} + back_pointer = {start: -1, goal: -1} + open_list = [] + visited = set() + + for i in range(n_hueristic): + open_list.append(PriorityQueue()) + open_list[i].put(start, key(start, i, goal, g_function)) + + close_list_anchor = [] + close_list_inad = [] + while open_list[0].minkey() < float('inf'): + for i in range(1, n_hueristic): + # print("i", i) + # print(open_list[0].minkey(), open_list[i].minkey()) + if open_list[i].minkey() <= W2 * open_list[0].minkey(): + global t + t += 1 + # print("less prio") + if g_function[goal] <= open_list[i].minkey(): + if g_function[goal] < float('inf'): + do_something(back_pointer, goal, start) + else: + _, get_s = open_list[i].top_show() + visited.add(get_s) + expand_state(get_s, i, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) + close_list_inad.append(get_s) + else: + # print("more prio") + if g_function[goal] <= open_list[0].minkey(): + if g_function[goal] < float('inf'): + do_something(back_pointer, goal, start) + else: + # print("hoolla") + get_s = open_list[0].top_show() + visited.add(get_s) + expand_state(get_s, 0, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) + close_list_anchor.append(get_s) + print("No path found to goal") + print() + for i in range(n - 1, -1, -1): + for j in range(n): + if (j, i) in blocks: + print('#', end=' ') + elif (j, i) in back_pointer: + if (j, i) == (n - 1, n - 1): + print('*', end=' ') + else: + print('-', end=' ') + else: + print('*', end=' ') + if (j, i) == (n - 1, n - 1): + print('<-- End position', end=' ') + print() + print("^") + print("Start position") + print() + print("# is an obstacle") + print("- is the path taken by algorithm") + + +multi_a_star(start, goal, n_hueristic) diff --git a/graphs/page_rank.py b/graphs/page_rank.py index 3020c965c7ca..6f636fc1dd41 100644 --- a/graphs/page_rank.py +++ b/graphs/page_rank.py @@ -1,72 +1,72 @@ -''' -Author: https://github.com/bhushan-borole -''' -''' -The input graph for the algorithm is: - - A B C -A 0 1 1 -B 0 0 1 -C 1 0 0 - -''' - -graph = [[0, 1, 1], - [0, 0, 1], - [1, 0, 0]] - - -class Node: - def __init__(self, name): - self.name = name - self.inbound = [] - self.outbound = [] - - def add_inbound(self, node): - self.inbound.append(node) - - def add_outbound(self, node): - self.outbound.append(node) - - def __repr__(self): - return 'Node {}: Inbound: {} ; Outbound: {}'.format(self.name, - self.inbound, - self.outbound) - - -def page_rank(nodes, limit=3, d=0.85): - ranks = {} - for node in nodes: - ranks[node.name] = 1 - - outbounds = {} - for node in nodes: - outbounds[node.name] = len(node.outbound) - - for i in range(limit): - print("======= Iteration {} =======".format(i + 1)) - for j, node in enumerate(nodes): - ranks[node.name] = (1 - d) + d * sum([ranks[ib] / outbounds[ib] for ib in node.inbound]) - print(ranks) - - -def main(): - names = list(input('Enter Names of the Nodes: ').split()) - - nodes = [Node(name) for name in names] - - for ri, row in enumerate(graph): - for ci, col in enumerate(row): - if col == 1: - nodes[ci].add_inbound(names[ri]) - nodes[ri].add_outbound(names[ci]) - - print("======= Nodes =======") - for node in nodes: - print(node) - - page_rank(nodes) - - -if __name__ == '__main__': - main() +''' +Author: https://github.com/bhushan-borole +''' +''' +The input graph for the algorithm is: + + A B C +A 0 1 1 +B 0 0 1 +C 1 0 0 + +''' + +graph = [[0, 1, 1], + [0, 0, 1], + [1, 0, 0]] + + +class Node: + def __init__(self, name): + self.name = name + self.inbound = [] + self.outbound = [] + + def add_inbound(self, node): + self.inbound.append(node) + + def add_outbound(self, node): + self.outbound.append(node) + + def __repr__(self): + return 'Node {}: Inbound: {} ; Outbound: {}'.format(self.name, + self.inbound, + self.outbound) + + +def page_rank(nodes, limit=3, d=0.85): + ranks = {} + for node in nodes: + ranks[node.name] = 1 + + outbounds = {} + for node in nodes: + outbounds[node.name] = len(node.outbound) + + for i in range(limit): + print("======= Iteration {} =======".format(i + 1)) + for j, node in enumerate(nodes): + ranks[node.name] = (1 - d) + d * sum([ranks[ib] / outbounds[ib] for ib in node.inbound]) + print(ranks) + + +def main(): + names = list(input('Enter Names of the Nodes: ').split()) + + nodes = [Node(name) for name in names] + + for ri, row in enumerate(graph): + for ci, col in enumerate(row): + if col == 1: + nodes[ci].add_inbound(names[ri]) + nodes[ri].add_outbound(names[ci]) + + print("======= Nodes =======") + for node in nodes: + print(node) + + page_rank(nodes) + + +if __name__ == '__main__': + main() diff --git a/graphs/prim.py b/graphs/prim.py index 38d9d9edca42..7f3572d28565 100644 --- a/graphs/prim.py +++ b/graphs/prim.py @@ -1,79 +1,79 @@ -""" -Prim's Algorithm. - -Determines the minimum spanning tree(MST) of a graph using the Prim's Algorithm - -Create a list to store x the vertices. -G = [vertex(n) for n in range(x)] - -For each vertex in G, add the neighbors: -G[x].addNeighbor(G[y]) -G[y].addNeighbor(G[x]) - -For each vertex in G, add the edges: -G[x].addEdge(G[y], w) -G[y].addEdge(G[x], w) - -To solve run: -MST = prim(G, G[0]) -""" - -import math - - -class vertex(): - """Class Vertex.""" - - def __init__(self, id): - """ - Arguments: - id - input an id to identify the vertex - Attributes: - neighbors - a list of the vertices it is linked to - edges - a dict to store the edges's weight - """ - self.id = str(id) - self.key = None - self.pi = None - self.neighbors = [] - self.edges = {} # [vertex:distance] - - def __lt__(self, other): - """Comparison rule to < operator.""" - return (self.key < other.key) - - def __repr__(self): - """Return the vertex id.""" - return self.id - - def addNeighbor(self, vertex): - """Add a pointer to a vertex at neighbor's list.""" - self.neighbors.append(vertex) - - def addEdge(self, vertex, weight): - """Destination vertex and weight.""" - self.edges[vertex.id] = weight - - -def prim(graph, root): - """ - Prim's Algorithm. - Return a list with the edges of a Minimum Spanning Tree - prim(graph, graph[0]) - """ - A = [] - for u in graph: - u.key = math.inf - u.pi = None - root.key = 0 - Q = graph[:] - while Q: - u = min(Q) - Q.remove(u) - for v in u.neighbors: - if (v in Q) and (u.edges[v.id] < v.key): - v.pi = u - v.key = u.edges[v.id] - for i in range(1, len(graph)): - A.append([graph[i].id, graph[i].pi.id]) - return (A) +""" +Prim's Algorithm. + +Determines the minimum spanning tree(MST) of a graph using the Prim's Algorithm + +Create a list to store x the vertices. +G = [vertex(n) for n in range(x)] + +For each vertex in G, add the neighbors: +G[x].addNeighbor(G[y]) +G[y].addNeighbor(G[x]) + +For each vertex in G, add the edges: +G[x].addEdge(G[y], w) +G[y].addEdge(G[x], w) + +To solve run: +MST = prim(G, G[0]) +""" + +import math + + +class vertex(): + """Class Vertex.""" + + def __init__(self, id): + """ + Arguments: + id - input an id to identify the vertex + Attributes: + neighbors - a list of the vertices it is linked to + edges - a dict to store the edges's weight + """ + self.id = str(id) + self.key = None + self.pi = None + self.neighbors = [] + self.edges = {} # [vertex:distance] + + def __lt__(self, other): + """Comparison rule to < operator.""" + return (self.key < other.key) + + def __repr__(self): + """Return the vertex id.""" + return self.id + + def addNeighbor(self, vertex): + """Add a pointer to a vertex at neighbor's list.""" + self.neighbors.append(vertex) + + def addEdge(self, vertex, weight): + """Destination vertex and weight.""" + self.edges[vertex.id] = weight + + +def prim(graph, root): + """ + Prim's Algorithm. + Return a list with the edges of a Minimum Spanning Tree + prim(graph, graph[0]) + """ + A = [] + for u in graph: + u.key = math.inf + u.pi = None + root.key = 0 + Q = graph[:] + while Q: + u = min(Q) + Q.remove(u) + for v in u.neighbors: + if (v in Q) and (u.edges[v.id] < v.key): + v.pi = u + v.key = u.edges[v.id] + for i in range(1, len(graph)): + A.append([graph[i].id, graph[i].pi.id]) + return (A) diff --git a/graphs/scc_kosaraju.py b/graphs/scc_kosaraju.py index 2f56ce70acb7..290976a580b2 100644 --- a/graphs/scc_kosaraju.py +++ b/graphs/scc_kosaraju.py @@ -1,51 +1,51 @@ -from __future__ import print_function - -# n - no of nodes, m - no of edges -n, m = list(map(int, input().split())) - -g = [[] for i in range(n)] # graph -r = [[] for i in range(n)] # reversed graph -# input graph data (edges) -for i in range(m): - u, v = list(map(int, input().split())) - g[u].append(v) - r[v].append(u) - -stack = [] -visit = [False] * n -scc = [] -component = [] - - -def dfs(u): - global g, r, scc, component, visit, stack - if visit[u]: return - visit[u] = True - for v in g[u]: - dfs(v) - stack.append(u) - - -def dfs2(u): - global g, r, scc, component, visit, stack - if visit[u]: return - visit[u] = True - component.append(u) - for v in r[u]: - dfs2(v) - - -def kosaraju(): - global g, r, scc, component, visit, stack - for i in range(n): - dfs(i) - visit = [False] * n - for i in stack[::-1]: - if visit[i]: continue - component = [] - dfs2(i) - scc.append(component) - return scc - - -print(kosaraju()) +from __future__ import print_function + +# n - no of nodes, m - no of edges +n, m = list(map(int, input().split())) + +g = [[] for i in range(n)] # graph +r = [[] for i in range(n)] # reversed graph +# input graph data (edges) +for i in range(m): + u, v = list(map(int, input().split())) + g[u].append(v) + r[v].append(u) + +stack = [] +visit = [False] * n +scc = [] +component = [] + + +def dfs(u): + global g, r, scc, component, visit, stack + if visit[u]: return + visit[u] = True + for v in g[u]: + dfs(v) + stack.append(u) + + +def dfs2(u): + global g, r, scc, component, visit, stack + if visit[u]: return + visit[u] = True + component.append(u) + for v in r[u]: + dfs2(v) + + +def kosaraju(): + global g, r, scc, component, visit, stack + for i in range(n): + dfs(i) + visit = [False] * n + for i in stack[::-1]: + if visit[i]: continue + component = [] + dfs2(i) + scc.append(component) + return scc + + +print(kosaraju()) diff --git a/graphs/tarjans_scc.py b/graphs/tarjans_scc.py index 89754e593508..df1cbdc2715a 100644 --- a/graphs/tarjans_scc.py +++ b/graphs/tarjans_scc.py @@ -1,78 +1,78 @@ -from collections import deque - - -def tarjan(g): - """ - Tarjan's algo for finding strongly connected components in a directed graph - - Uses two main attributes of each node to track reachability, the index of that node within a component(index), - and the lowest index reachable from that node(lowlink). - - We then perform a dfs of the each component making sure to update these parameters for each node and saving the - nodes we visit on the way. - - If ever we find that the lowest reachable node from a current node is equal to the index of the current node then it - must be the root of a strongly connected component and so we save it and it's equireachable vertices as a strongly - connected component. - - Complexity: strong_connect() is called at most once for each node and has a complexity of O(|E|) as it is DFS. - Therefore this has complexity O(|V| + |E|) for a graph G = (V, E) - - """ - - n = len(g) - stack = deque() - on_stack = [False for _ in range(n)] - index_of = [-1 for _ in range(n)] - lowlink_of = index_of[:] - - def strong_connect(v, index, components): - index_of[v] = index # the number when this node is seen - lowlink_of[v] = index # lowest rank node reachable from here - index += 1 - stack.append(v) - on_stack[v] = True - - for w in g[v]: - if index_of[w] == -1: - index = strong_connect(w, index, components) - lowlink_of[v] = lowlink_of[w] if lowlink_of[w] < lowlink_of[v] else lowlink_of[v] - elif on_stack[w]: - lowlink_of[v] = lowlink_of[w] if lowlink_of[w] < lowlink_of[v] else lowlink_of[v] - - if lowlink_of[v] == index_of[v]: - component = [] - w = stack.pop() - on_stack[w] = False - component.append(w) - while w != v: - w = stack.pop() - on_stack[w] = False - component.append(w) - components.append(component) - return index - - components = [] - for v in range(n): - if index_of[v] == -1: - strong_connect(v, 0, components) - - return components - - -def create_graph(n, edges): - g = [[] for _ in range(n)] - for u, v in edges: - g[u].append(v) - return g - - -if __name__ == '__main__': - # Test - n_vertices = 7 - source = [0, 0, 1, 2, 3, 3, 4, 4, 6] - target = [1, 3, 2, 0, 1, 4, 5, 6, 5] - edges = [(u, v) for u, v in zip(source, target)] - g = create_graph(n_vertices, edges) - - assert [[5], [6], [4], [3, 2, 1, 0]] == tarjan(g) +from collections import deque + + +def tarjan(g): + """ + Tarjan's algo for finding strongly connected components in a directed graph + + Uses two main attributes of each node to track reachability, the index of that node within a component(index), + and the lowest index reachable from that node(lowlink). + + We then perform a dfs of the each component making sure to update these parameters for each node and saving the + nodes we visit on the way. + + If ever we find that the lowest reachable node from a current node is equal to the index of the current node then it + must be the root of a strongly connected component and so we save it and it's equireachable vertices as a strongly + connected component. + + Complexity: strong_connect() is called at most once for each node and has a complexity of O(|E|) as it is DFS. + Therefore this has complexity O(|V| + |E|) for a graph G = (V, E) + + """ + + n = len(g) + stack = deque() + on_stack = [False for _ in range(n)] + index_of = [-1 for _ in range(n)] + lowlink_of = index_of[:] + + def strong_connect(v, index, components): + index_of[v] = index # the number when this node is seen + lowlink_of[v] = index # lowest rank node reachable from here + index += 1 + stack.append(v) + on_stack[v] = True + + for w in g[v]: + if index_of[w] == -1: + index = strong_connect(w, index, components) + lowlink_of[v] = lowlink_of[w] if lowlink_of[w] < lowlink_of[v] else lowlink_of[v] + elif on_stack[w]: + lowlink_of[v] = lowlink_of[w] if lowlink_of[w] < lowlink_of[v] else lowlink_of[v] + + if lowlink_of[v] == index_of[v]: + component = [] + w = stack.pop() + on_stack[w] = False + component.append(w) + while w != v: + w = stack.pop() + on_stack[w] = False + component.append(w) + components.append(component) + return index + + components = [] + for v in range(n): + if index_of[v] == -1: + strong_connect(v, 0, components) + + return components + + +def create_graph(n, edges): + g = [[] for _ in range(n)] + for u, v in edges: + g[u].append(v) + return g + + +if __name__ == '__main__': + # Test + n_vertices = 7 + source = [0, 0, 1, 2, 3, 3, 4, 4, 6] + target = [1, 3, 2, 0, 1, 4, 5, 6, 5] + edges = [(u, v) for u, v in zip(source, target)] + g = create_graph(n_vertices, edges) + + assert [[5], [6], [4], [3, 2, 1, 0]] == tarjan(g) diff --git a/hashes/chaos_machine.py b/hashes/chaos_machine.py index a7995e0c02ad..d01b2161ee03 100644 --- a/hashes/chaos_machine.py +++ b/hashes/chaos_machine.py @@ -1,115 +1,115 @@ -"""example of simple chaos machine""" -from __future__ import print_function - -try: - input = raw_input # Python 2 -except NameError: - pass # Python 3 - -# Chaos Machine (K, t, m) -K = [0.33, 0.44, 0.55, 0.44, 0.33]; -t = 3; -m = 5 - -# Buffer Space (with Parameters Space) -buffer_space, params_space = [], [] - -# Machine Time -machine_time = 0 - - -def push(seed): - global buffer_space, params_space, machine_time, \ - K, m, t - - # Choosing Dynamical Systems (All) - for key, value in enumerate(buffer_space): - # Evolution Parameter - e = float(seed / value) - - # Control Theory: Orbit Change - value = (buffer_space[(key + 1) % m] + e) % 1 - - # Control Theory: Trajectory Change - r = (params_space[key] + e) % 1 + 3 - - # Modification (Transition Function) - Jumps - buffer_space[key] = \ - round(float(r * value * (1 - value)), 10) - params_space[key] = \ - r # Saving to Parameters Space - - # Logistic Map - assert max(buffer_space) < 1 - assert max(params_space) < 4 - - # Machine Time - machine_time += 1 - - -def pull(): - global buffer_space, params_space, machine_time, \ - K, m, t - - # PRNG (Xorshift by George Marsaglia) - def xorshift(X, Y): - X ^= Y >> 13 - Y ^= X << 17 - X ^= Y >> 5 - return X - - # Choosing Dynamical Systems (Increment) - key = machine_time % m - - # Evolution (Time Length) - for i in range(0, t): - # Variables (Position + Parameters) - r = params_space[key] - value = buffer_space[key] - - # Modification (Transition Function) - Flow - buffer_space[key] = \ - round(float(r * value * (1 - value)), 10) - params_space[key] = \ - (machine_time * 0.01 + r * 1.01) % 1 + 3 - - # Choosing Chaotic Data - X = int(buffer_space[(key + 2) % m] * (10 ** 10)) - Y = int(buffer_space[(key - 2) % m] * (10 ** 10)) - - # Machine Time - machine_time += 1 - - return xorshift(X, Y) % 0xFFFFFFFF - - -def reset(): - global buffer_space, params_space, machine_time, \ - K, m, t - - buffer_space = K; - params_space = [0] * m - machine_time = 0 - - -####################################### - -# Initialization -reset() - -# Pushing Data (Input) -import random - -message = random.sample(range(0xFFFFFFFF), 100) -for chunk in message: - push(chunk) - -# for controlling -inp = "" - -# Pulling Data (Output) -while inp in ("e", "E"): - print("%s" % format(pull(), '#04x')) - print(buffer_space); - print(params_space) - inp = input("(e)exit? ").strip() +"""example of simple chaos machine""" +from __future__ import print_function + +try: + input = raw_input # Python 2 +except NameError: + pass # Python 3 + +# Chaos Machine (K, t, m) +K = [0.33, 0.44, 0.55, 0.44, 0.33]; +t = 3; +m = 5 + +# Buffer Space (with Parameters Space) +buffer_space, params_space = [], [] + +# Machine Time +machine_time = 0 + + +def push(seed): + global buffer_space, params_space, machine_time, \ + K, m, t + + # Choosing Dynamical Systems (All) + for key, value in enumerate(buffer_space): + # Evolution Parameter + e = float(seed / value) + + # Control Theory: Orbit Change + value = (buffer_space[(key + 1) % m] + e) % 1 + + # Control Theory: Trajectory Change + r = (params_space[key] + e) % 1 + 3 + + # Modification (Transition Function) - Jumps + buffer_space[key] = \ + round(float(r * value * (1 - value)), 10) + params_space[key] = \ + r # Saving to Parameters Space + + # Logistic Map + assert max(buffer_space) < 1 + assert max(params_space) < 4 + + # Machine Time + machine_time += 1 + + +def pull(): + global buffer_space, params_space, machine_time, \ + K, m, t + + # PRNG (Xorshift by George Marsaglia) + def xorshift(X, Y): + X ^= Y >> 13 + Y ^= X << 17 + X ^= Y >> 5 + return X + + # Choosing Dynamical Systems (Increment) + key = machine_time % m + + # Evolution (Time Length) + for i in range(0, t): + # Variables (Position + Parameters) + r = params_space[key] + value = buffer_space[key] + + # Modification (Transition Function) - Flow + buffer_space[key] = \ + round(float(r * value * (1 - value)), 10) + params_space[key] = \ + (machine_time * 0.01 + r * 1.01) % 1 + 3 + + # Choosing Chaotic Data + X = int(buffer_space[(key + 2) % m] * (10 ** 10)) + Y = int(buffer_space[(key - 2) % m] * (10 ** 10)) + + # Machine Time + machine_time += 1 + + return xorshift(X, Y) % 0xFFFFFFFF + + +def reset(): + global buffer_space, params_space, machine_time, \ + K, m, t + + buffer_space = K; + params_space = [0] * m + machine_time = 0 + + +####################################### + +# Initialization +reset() + +# Pushing Data (Input) +import random + +message = random.sample(range(0xFFFFFFFF), 100) +for chunk in message: + push(chunk) + +# for controlling +inp = "" + +# Pulling Data (Output) +while inp in ("e", "E"): + print("%s" % format(pull(), '#04x')) + print(buffer_space); + print(params_space) + inp = input("(e)exit? ").strip() diff --git a/hashes/md5.py b/hashes/md5.py index 1e4fead96326..4168debf172d 100644 --- a/hashes/md5.py +++ b/hashes/md5.py @@ -1,165 +1,165 @@ -from __future__ import print_function - -import math - - -def rearrange(bitString32): - """[summary] - Regroups the given binary string. - - Arguments: - bitString32 {[string]} -- [32 bit binary] - - Raises: - ValueError -- [if the given string not are 32 bit binary string] - - Returns: - [string] -- [32 bit binary string] - """ - - if len(bitString32) != 32: - raise ValueError("Need length 32") - newString = "" - for i in [3, 2, 1, 0]: - newString += bitString32[8 * i:8 * i + 8] - return newString - - -def reformatHex(i): - """[summary] - Converts the given integer into 8-digit hex number. - - Arguments: - i {[int]} -- [integer] - """ - - hexrep = format(i, '08x') - thing = "" - for i in [3, 2, 1, 0]: - thing += hexrep[2 * i:2 * i + 2] - return thing - - -def pad(bitString): - """[summary] - Fills up the binary string to a 512 bit binary string - - Arguments: - bitString {[string]} -- [binary string] - - Returns: - [string] -- [binary string] - """ - - startLength = len(bitString) - bitString += '1' - while len(bitString) % 512 != 448: - bitString += '0' - lastPart = format(startLength, '064b') - bitString += rearrange(lastPart[32:]) + rearrange(lastPart[:32]) - return bitString - - -def getBlock(bitString): - """[summary] - Iterator: - Returns by each call a list of length 16 with the 32 bit - integer blocks. - - Arguments: - bitString {[string]} -- [binary string >= 512] - """ - - currPos = 0 - while currPos < len(bitString): - currPart = bitString[currPos:currPos + 512] - mySplits = [] - for i in range(16): - mySplits.append(int(rearrange(currPart[32 * i:32 * i + 32]), 2)) - yield mySplits - currPos += 512 - - -def not32(i): - i_str = format(i, '032b') - new_str = '' - for c in i_str: - new_str += '1' if c == '0' else '0' - return int(new_str, 2) - - -def sum32(a, b): - return (a + b) % 2 ** 32 - - -def leftrot32(i, s): - return (i << s) ^ (i >> (32 - s)) - - -def md5me(testString): - """[summary] - Returns a 32-bit hash code of the string 'testString' - - Arguments: - testString {[string]} -- [message] - """ - - bs = '' - for i in testString: - bs += format(ord(i), '08b') - bs = pad(bs) - - tvals = [int(2 ** 32 * abs(math.sin(i + 1))) for i in range(64)] - - a0 = 0x67452301 - b0 = 0xefcdab89 - c0 = 0x98badcfe - d0 = 0x10325476 - - s = [7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, \ - 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, \ - 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, \ - 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21] - - for m in getBlock(bs): - A = a0 - B = b0 - C = c0 - D = d0 - for i in range(64): - if i <= 15: - # f = (B & C) | (not32(B) & D) - f = D ^ (B & (C ^ D)) - g = i - elif i <= 31: - # f = (D & B) | (not32(D) & C) - f = C ^ (D & (B ^ C)) - g = (5 * i + 1) % 16 - elif i <= 47: - f = B ^ C ^ D - g = (3 * i + 5) % 16 - else: - f = C ^ (B | not32(D)) - g = (7 * i) % 16 - dtemp = D - D = C - C = B - B = sum32(B, leftrot32((A + f + tvals[i] + m[g]) % 2 ** 32, s[i])) - A = dtemp - a0 = sum32(a0, A) - b0 = sum32(b0, B) - c0 = sum32(c0, C) - d0 = sum32(d0, D) - - digest = reformatHex(a0) + reformatHex(b0) + reformatHex(c0) + reformatHex(d0) - return digest - - -def test(): - assert md5me("") == "d41d8cd98f00b204e9800998ecf8427e" - assert md5me("The quick brown fox jumps over the lazy dog") == "9e107d9d372bb6826bd81d3542a419d6" - print("Success.") - - -if __name__ == "__main__": - test() +from __future__ import print_function + +import math + + +def rearrange(bitString32): + """[summary] + Regroups the given binary string. + + Arguments: + bitString32 {[string]} -- [32 bit binary] + + Raises: + ValueError -- [if the given string not are 32 bit binary string] + + Returns: + [string] -- [32 bit binary string] + """ + + if len(bitString32) != 32: + raise ValueError("Need length 32") + newString = "" + for i in [3, 2, 1, 0]: + newString += bitString32[8 * i:8 * i + 8] + return newString + + +def reformatHex(i): + """[summary] + Converts the given integer into 8-digit hex number. + + Arguments: + i {[int]} -- [integer] + """ + + hexrep = format(i, '08x') + thing = "" + for i in [3, 2, 1, 0]: + thing += hexrep[2 * i:2 * i + 2] + return thing + + +def pad(bitString): + """[summary] + Fills up the binary string to a 512 bit binary string + + Arguments: + bitString {[string]} -- [binary string] + + Returns: + [string] -- [binary string] + """ + + startLength = len(bitString) + bitString += '1' + while len(bitString) % 512 != 448: + bitString += '0' + lastPart = format(startLength, '064b') + bitString += rearrange(lastPart[32:]) + rearrange(lastPart[:32]) + return bitString + + +def getBlock(bitString): + """[summary] + Iterator: + Returns by each call a list of length 16 with the 32 bit + integer blocks. + + Arguments: + bitString {[string]} -- [binary string >= 512] + """ + + currPos = 0 + while currPos < len(bitString): + currPart = bitString[currPos:currPos + 512] + mySplits = [] + for i in range(16): + mySplits.append(int(rearrange(currPart[32 * i:32 * i + 32]), 2)) + yield mySplits + currPos += 512 + + +def not32(i): + i_str = format(i, '032b') + new_str = '' + for c in i_str: + new_str += '1' if c == '0' else '0' + return int(new_str, 2) + + +def sum32(a, b): + return (a + b) % 2 ** 32 + + +def leftrot32(i, s): + return (i << s) ^ (i >> (32 - s)) + + +def md5me(testString): + """[summary] + Returns a 32-bit hash code of the string 'testString' + + Arguments: + testString {[string]} -- [message] + """ + + bs = '' + for i in testString: + bs += format(ord(i), '08b') + bs = pad(bs) + + tvals = [int(2 ** 32 * abs(math.sin(i + 1))) for i in range(64)] + + a0 = 0x67452301 + b0 = 0xefcdab89 + c0 = 0x98badcfe + d0 = 0x10325476 + + s = [7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, \ + 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, \ + 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, \ + 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21] + + for m in getBlock(bs): + A = a0 + B = b0 + C = c0 + D = d0 + for i in range(64): + if i <= 15: + # f = (B & C) | (not32(B) & D) + f = D ^ (B & (C ^ D)) + g = i + elif i <= 31: + # f = (D & B) | (not32(D) & C) + f = C ^ (D & (B ^ C)) + g = (5 * i + 1) % 16 + elif i <= 47: + f = B ^ C ^ D + g = (3 * i + 5) % 16 + else: + f = C ^ (B | not32(D)) + g = (7 * i) % 16 + dtemp = D + D = C + C = B + B = sum32(B, leftrot32((A + f + tvals[i] + m[g]) % 2 ** 32, s[i])) + A = dtemp + a0 = sum32(a0, A) + b0 = sum32(b0, B) + c0 = sum32(c0, C) + d0 = sum32(d0, D) + + digest = reformatHex(a0) + reformatHex(b0) + reformatHex(c0) + reformatHex(d0) + return digest + + +def test(): + assert md5me("") == "d41d8cd98f00b204e9800998ecf8427e" + assert md5me("The quick brown fox jumps over the lazy dog") == "9e107d9d372bb6826bd81d3542a419d6" + print("Success.") + + +if __name__ == "__main__": + test() diff --git a/hashes/sha1.py b/hashes/sha1.py index 95a499ff29bf..ef3728acbf41 100644 --- a/hashes/sha1.py +++ b/hashes/sha1.py @@ -1,150 +1,150 @@ -""" -Demonstrates implementation of SHA1 Hash function in a Python class and gives utilities -to find hash of string or hash of text from a file. -Usage: python sha1.py --string "Hello World!!" - pyhton sha1.py --file "hello_world.txt" - When run without any arguments, it prints the hash of the string "Hello World!! Welcome to Cryptography" -Also contains a Test class to verify that the generated Hash is same as that -returned by the hashlib library - -SHA1 hash or SHA1 sum of a string is a crytpographic function which means it is easy -to calculate forwards but extemely difficult to calculate backwards. What this means -is, you can easily calculate the hash of a string, but it is extremely difficult to -know the original string if you have its hash. This property is useful to communicate -securely, send encrypted messages and is very useful in payment systems, blockchain -and cryptocurrency etc. -The Algorithm as described in the reference: -First we start with a message. The message is padded and the length of the message -is added to the end. It is then split into blocks of 512 bits or 64 bytes. The blocks -are then processed one at a time. Each block must be expanded and compressed. -The value after each compression is added to a 160bit buffer called the current hash -state. After the last block is processed the current hash state is returned as -the final hash. -Reference: https://deadhacker.com/2006/02/21/sha-1-illustrated/ -""" - -import argparse -import hashlib # hashlib is only used inside the Test class -import struct -import unittest - - -class SHA1Hash: - """ - Class to contain the entire pipeline for SHA1 Hashing Algorithm - """ - - def __init__(self, data): - """ - Inititates the variables data and h. h is a list of 5 8-digit Hexadecimal - numbers corresponding to (1732584193, 4023233417, 2562383102, 271733878, 3285377520) - respectively. We will start with this as a message digest. 0x is how you write - Hexadecimal numbers in Python - """ - self.data = data - self.h = [0x67452301, 0xEFCDAB89, 0x98BADCFE, 0x10325476, 0xC3D2E1F0] - - @staticmethod - def rotate(n, b): - """ - Static method to be used inside other methods. Left rotates n by b. - """ - return ((n << b) | (n >> (32 - b))) & 0xffffffff - - def padding(self): - """ - Pads the input message with zeros so that padded_data has 64 bytes or 512 bits - """ - padding = b'\x80' + b'\x00' * (63 - (len(self.data) + 8) % 64) - padded_data = self.data + padding + struct.pack('>Q', 8 * len(self.data)) - return padded_data - - def split_blocks(self): - """ - Returns a list of bytestrings each of length 64 - """ - return [self.padded_data[i:i + 64] for i in range(0, len(self.padded_data), 64)] - - # @staticmethod - def expand_block(self, block): - """ - Takes a bytestring-block of length 64, unpacks it to a list of integers and returns a - list of 80 integers pafter some bit operations - """ - w = list(struct.unpack('>16L', block)) + [0] * 64 - for i in range(16, 80): - w[i] = self.rotate((w[i - 3] ^ w[i - 8] ^ w[i - 14] ^ w[i - 16]), 1) - return w - - def final_hash(self): - """ - Calls all the other methods to process the input. Pads the data, then splits into - blocks and then does a series of operations for each block (including expansion). - For each block, the variable h that was initialized is copied to a,b,c,d,e - and these 5 variables a,b,c,d,e undergo several changes. After all the blocks are - processed, these 5 variables are pairwise added to h ie a to h[0], b to h[1] and so on. - This h becomes our final hash which is returned. - """ - self.padded_data = self.padding() - self.blocks = self.split_blocks() - for block in self.blocks: - expanded_block = self.expand_block(block) - a, b, c, d, e = self.h - for i in range(0, 80): - if 0 <= i < 20: - f = (b & c) | ((~b) & d) - k = 0x5A827999 - elif 20 <= i < 40: - f = b ^ c ^ d - k = 0x6ED9EBA1 - elif 40 <= i < 60: - f = (b & c) | (b & d) | (c & d) - k = 0x8F1BBCDC - elif 60 <= i < 80: - f = b ^ c ^ d - k = 0xCA62C1D6 - a, b, c, d, e = self.rotate(a, 5) + f + e + k + expanded_block[i] & 0xffffffff, \ - a, self.rotate(b, 30), c, d - self.h = self.h[0] + a & 0xffffffff, \ - self.h[1] + b & 0xffffffff, \ - self.h[2] + c & 0xffffffff, \ - self.h[3] + d & 0xffffffff, \ - self.h[4] + e & 0xffffffff - return '%08x%08x%08x%08x%08x' % tuple(self.h) - - -class SHA1HashTest(unittest.TestCase): - """ - Test class for the SHA1Hash class. Inherits the TestCase class from unittest - """ - - def testMatchHashes(self): - msg = bytes('Test String', 'utf-8') - self.assertEqual(SHA1Hash(msg).final_hash(), hashlib.sha1(msg).hexdigest()) - - -def main(): - """ - Provides option 'string' or 'file' to take input and prints the calculated SHA1 hash. - unittest.main() has been commented because we probably dont want to run - the test each time. - """ - # unittest.main() - parser = argparse.ArgumentParser(description='Process some strings or files') - parser.add_argument('--string', dest='input_string', - default='Hello World!! Welcome to Cryptography', - help='Hash the string') - parser.add_argument('--file', dest='input_file', help='Hash contents of a file') - args = parser.parse_args() - input_string = args.input_string - # In any case hash input should be a bytestring - if args.input_file: - with open(args.input_file, 'rb') as f: - hash_input = f.read() - else: - hash_input = bytes(input_string, 'utf-8') - print(SHA1Hash(hash_input).final_hash()) - - -if __name__ == '__main__': - main() +""" +Demonstrates implementation of SHA1 Hash function in a Python class and gives utilities +to find hash of string or hash of text from a file. +Usage: python sha1.py --string "Hello World!!" + pyhton sha1.py --file "hello_world.txt" + When run without any arguments, it prints the hash of the string "Hello World!! Welcome to Cryptography" +Also contains a Test class to verify that the generated Hash is same as that +returned by the hashlib library + +SHA1 hash or SHA1 sum of a string is a crytpographic function which means it is easy +to calculate forwards but extemely difficult to calculate backwards. What this means +is, you can easily calculate the hash of a string, but it is extremely difficult to +know the original string if you have its hash. This property is useful to communicate +securely, send encrypted messages and is very useful in payment systems, blockchain +and cryptocurrency etc. +The Algorithm as described in the reference: +First we start with a message. The message is padded and the length of the message +is added to the end. It is then split into blocks of 512 bits or 64 bytes. The blocks +are then processed one at a time. Each block must be expanded and compressed. +The value after each compression is added to a 160bit buffer called the current hash +state. After the last block is processed the current hash state is returned as +the final hash. +Reference: https://deadhacker.com/2006/02/21/sha-1-illustrated/ +""" + +import argparse +import hashlib # hashlib is only used inside the Test class +import struct +import unittest + + +class SHA1Hash: + """ + Class to contain the entire pipeline for SHA1 Hashing Algorithm + """ + + def __init__(self, data): + """ + Inititates the variables data and h. h is a list of 5 8-digit Hexadecimal + numbers corresponding to (1732584193, 4023233417, 2562383102, 271733878, 3285377520) + respectively. We will start with this as a message digest. 0x is how you write + Hexadecimal numbers in Python + """ + self.data = data + self.h = [0x67452301, 0xEFCDAB89, 0x98BADCFE, 0x10325476, 0xC3D2E1F0] + + @staticmethod + def rotate(n, b): + """ + Static method to be used inside other methods. Left rotates n by b. + """ + return ((n << b) | (n >> (32 - b))) & 0xffffffff + + def padding(self): + """ + Pads the input message with zeros so that padded_data has 64 bytes or 512 bits + """ + padding = b'\x80' + b'\x00' * (63 - (len(self.data) + 8) % 64) + padded_data = self.data + padding + struct.pack('>Q', 8 * len(self.data)) + return padded_data + + def split_blocks(self): + """ + Returns a list of bytestrings each of length 64 + """ + return [self.padded_data[i:i + 64] for i in range(0, len(self.padded_data), 64)] + + # @staticmethod + def expand_block(self, block): + """ + Takes a bytestring-block of length 64, unpacks it to a list of integers and returns a + list of 80 integers pafter some bit operations + """ + w = list(struct.unpack('>16L', block)) + [0] * 64 + for i in range(16, 80): + w[i] = self.rotate((w[i - 3] ^ w[i - 8] ^ w[i - 14] ^ w[i - 16]), 1) + return w + + def final_hash(self): + """ + Calls all the other methods to process the input. Pads the data, then splits into + blocks and then does a series of operations for each block (including expansion). + For each block, the variable h that was initialized is copied to a,b,c,d,e + and these 5 variables a,b,c,d,e undergo several changes. After all the blocks are + processed, these 5 variables are pairwise added to h ie a to h[0], b to h[1] and so on. + This h becomes our final hash which is returned. + """ + self.padded_data = self.padding() + self.blocks = self.split_blocks() + for block in self.blocks: + expanded_block = self.expand_block(block) + a, b, c, d, e = self.h + for i in range(0, 80): + if 0 <= i < 20: + f = (b & c) | ((~b) & d) + k = 0x5A827999 + elif 20 <= i < 40: + f = b ^ c ^ d + k = 0x6ED9EBA1 + elif 40 <= i < 60: + f = (b & c) | (b & d) | (c & d) + k = 0x8F1BBCDC + elif 60 <= i < 80: + f = b ^ c ^ d + k = 0xCA62C1D6 + a, b, c, d, e = self.rotate(a, 5) + f + e + k + expanded_block[i] & 0xffffffff, \ + a, self.rotate(b, 30), c, d + self.h = self.h[0] + a & 0xffffffff, \ + self.h[1] + b & 0xffffffff, \ + self.h[2] + c & 0xffffffff, \ + self.h[3] + d & 0xffffffff, \ + self.h[4] + e & 0xffffffff + return '%08x%08x%08x%08x%08x' % tuple(self.h) + + +class SHA1HashTest(unittest.TestCase): + """ + Test class for the SHA1Hash class. Inherits the TestCase class from unittest + """ + + def testMatchHashes(self): + msg = bytes('Test String', 'utf-8') + self.assertEqual(SHA1Hash(msg).final_hash(), hashlib.sha1(msg).hexdigest()) + + +def main(): + """ + Provides option 'string' or 'file' to take input and prints the calculated SHA1 hash. + unittest.main() has been commented because we probably dont want to run + the test each time. + """ + # unittest.main() + parser = argparse.ArgumentParser(description='Process some strings or files') + parser.add_argument('--string', dest='input_string', + default='Hello World!! Welcome to Cryptography', + help='Hash the string') + parser.add_argument('--file', dest='input_file', help='Hash contents of a file') + args = parser.parse_args() + input_string = args.input_string + # In any case hash input should be a bytestring + if args.input_file: + with open(args.input_file, 'rb') as f: + hash_input = f.read() + else: + hash_input = bytes(input_string, 'utf-8') + print(SHA1Hash(hash_input).final_hash()) + + +if __name__ == '__main__': + main() diff --git a/linear_algebra_python/README.md b/linear_algebra_python/README.md index 1e34d0bd7805..b83dab76cd33 100644 --- a/linear_algebra_python/README.md +++ b/linear_algebra_python/README.md @@ -1,76 +1,76 @@ -# Linear algebra library for Python - -This module contains some useful classes and functions for dealing with linear algebra in python 2. - ---- - -## Overview - -- class Vector - - This class represents a vector of arbitray size and operations on it. - - **Overview about the methods:** - - - constructor(components : list) : init the vector - - set(components : list) : changes the vector components. - - \_\_str\_\_() : toString method - - component(i : int): gets the i-th component (start by 0) - - \_\_len\_\_() : gets the size / length of the vector (number of components) - - euclidLength() : returns the eulidean length of the vector. - - operator + : vector addition - - operator - : vector subtraction - - operator * : scalar multiplication and dot product - - copy() : copies this vector and returns it. - - changeComponent(pos,value) : changes the specified component. - -- function zeroVector(dimension) - - returns a zero vector of 'dimension' -- function unitBasisVector(dimension,pos) - - returns a unit basis vector with a One at index 'pos' (indexing at 0) -- function axpy(scalar,vector1,vector2) - - computes the axpy operation -- function randomVector(N,a,b) - - returns a random vector of size N, with random integer components between 'a' and 'b'. - -- class Matrix - - This class represents a matrix of arbitrary size and operations on it. - - **Overview about the methods:** - - - \_\_str\_\_() : returns a string representation - - operator * : implements the matrix vector multiplication - implements the matrix-scalar multiplication. - - changeComponent(x,y,value) : changes the specified component. - - component(x,y) : returns the specified component. - - width() : returns the width of the matrix - - height() : returns the height of the matrix - - operator + : implements the matrix-addition. - - operator - _ implements the matrix-subtraction - -- function squareZeroMatrix(N) - - returns a square zero-matrix of dimension NxN -- function randomMatrix(W,H,a,b) - - returns a random matrix WxH with integer components between 'a' and 'b' ---- - -## Documentation - -The module is well documented. You can use the python in-built ```help(...)``` function. -For instance: ```help(Vector)``` gives you all information about the Vector-class. -Or ```help(unitBasisVector)``` gives you all information you needed about the -global function ```unitBasisVector(...)```. If you need informations about a certain -method you type ```help(CLASSNAME.METHODNAME)```. - ---- - -## Usage - -You will find the module in the **src** directory its called ```lib.py```. You need to -import this module in your project. Alternative you can also use the file ```lib.pyc``` in python-bytecode. - ---- - -## Tests - -In the **src** directory you also find the test-suite, its called ```tests.py```. -The test-suite uses the built-in python-test-framework **unittest**. +# Linear algebra library for Python + +This module contains some useful classes and functions for dealing with linear algebra in python 2. + +--- + +## Overview + +- class Vector + - This class represents a vector of arbitray size and operations on it. + + **Overview about the methods:** + + - constructor(components : list) : init the vector + - set(components : list) : changes the vector components. + - \_\_str\_\_() : toString method + - component(i : int): gets the i-th component (start by 0) + - \_\_len\_\_() : gets the size / length of the vector (number of components) + - euclidLength() : returns the eulidean length of the vector. + - operator + : vector addition + - operator - : vector subtraction + - operator * : scalar multiplication and dot product + - copy() : copies this vector and returns it. + - changeComponent(pos,value) : changes the specified component. + +- function zeroVector(dimension) + - returns a zero vector of 'dimension' +- function unitBasisVector(dimension,pos) + - returns a unit basis vector with a One at index 'pos' (indexing at 0) +- function axpy(scalar,vector1,vector2) + - computes the axpy operation +- function randomVector(N,a,b) + - returns a random vector of size N, with random integer components between 'a' and 'b'. + +- class Matrix + - This class represents a matrix of arbitrary size and operations on it. + + **Overview about the methods:** + + - \_\_str\_\_() : returns a string representation + - operator * : implements the matrix vector multiplication + implements the matrix-scalar multiplication. + - changeComponent(x,y,value) : changes the specified component. + - component(x,y) : returns the specified component. + - width() : returns the width of the matrix + - height() : returns the height of the matrix + - operator + : implements the matrix-addition. + - operator - _ implements the matrix-subtraction + +- function squareZeroMatrix(N) + - returns a square zero-matrix of dimension NxN +- function randomMatrix(W,H,a,b) + - returns a random matrix WxH with integer components between 'a' and 'b' +--- + +## Documentation + +The module is well documented. You can use the python in-built ```help(...)``` function. +For instance: ```help(Vector)``` gives you all information about the Vector-class. +Or ```help(unitBasisVector)``` gives you all information you needed about the +global function ```unitBasisVector(...)```. If you need informations about a certain +method you type ```help(CLASSNAME.METHODNAME)```. + +--- + +## Usage + +You will find the module in the **src** directory its called ```lib.py```. You need to +import this module in your project. Alternative you can also use the file ```lib.pyc``` in python-bytecode. + +--- + +## Tests + +In the **src** directory you also find the test-suite, its called ```tests.py```. +The test-suite uses the built-in python-test-framework **unittest**. diff --git a/linear_algebra_python/src/lib.py b/linear_algebra_python/src/lib.py index b1a605b9cd1c..71a108fb7829 100644 --- a/linear_algebra_python/src/lib.py +++ b/linear_algebra_python/src/lib.py @@ -1,341 +1,341 @@ -# -*- coding: utf-8 -*- -""" -Created on Mon Feb 26 14:29:11 2018 - -@author: Christian Bender -@license: MIT-license - -This module contains some useful classes and functions for dealing -with linear algebra in python. - -Overview: - -- class Vector -- function zeroVector(dimension) -- function unitBasisVector(dimension,pos) -- function axpy(scalar,vector1,vector2) -- function randomVector(N,a,b) -- class Matrix -- function squareZeroMatrix(N) -- function randomMatrix(W,H,a,b) -""" - -import math -import random - - -class Vector(object): - """ - This class represents a vector of arbitray size. - You need to give the vector components. - - Overview about the methods: - - constructor(components : list) : init the vector - set(components : list) : changes the vector components. - __str__() : toString method - component(i : int): gets the i-th component (start by 0) - __len__() : gets the size of the vector (number of components) - euclidLength() : returns the eulidean length of the vector. - operator + : vector addition - operator - : vector subtraction - operator * : scalar multiplication and dot product - copy() : copies this vector and returns it. - changeComponent(pos,value) : changes the specified component. - TODO: compare-operator - """ - - def __init__(self, components=[]): - """ - input: components or nothing - simple constructor for init the vector - """ - self.__components = list(components) - - def set(self, components): - """ - input: new components - changes the components of the vector. - replace the components with newer one. - """ - if len(components) > 0: - self.__components = list(components) - else: - raise Exception("please give any vector") - - def __str__(self): - """ - returns a string representation of the vector - """ - return "(" + ",".join(map(str, self.__components)) + ")" - - def component(self, i): - """ - input: index (start at 0) - output: the i-th component of the vector. - """ - if type(i) is int and -len(self.__components) <= i < len(self.__components): - return self.__components[i] - else: - raise Exception("index out of range") - - def __len__(self): - """ - returns the size of the vector - """ - return len(self.__components) - - def eulidLength(self): - """ - returns the eulidean length of the vector - """ - summe = 0 - for c in self.__components: - summe += c ** 2 - return math.sqrt(summe) - - def __add__(self, other): - """ - input: other vector - assumes: other vector has the same size - returns a new vector that represents the sum. - """ - size = len(self) - if size == len(other): - result = [self.__components[i] + other.component(i) for i in range(size)] - return Vector(result) - else: - raise Exception("must have the same size") - - def __sub__(self, other): - """ - input: other vector - assumes: other vector has the same size - returns a new vector that represents the differenz. - """ - size = len(self) - if size == len(other): - result = [self.__components[i] - other.component(i) for i in range(size)] - return result - else: # error case - raise Exception("must have the same size") - - def __mul__(self, other): - """ - mul implements the scalar multiplication - and the dot-product - """ - if isinstance(other, float) or isinstance(other, int): - ans = [c * other for c in self.__components] - return ans - elif (isinstance(other, Vector) and (len(self) == len(other))): - size = len(self) - summe = 0 - for i in range(size): - summe += self.__components[i] * other.component(i) - return summe - else: # error case - raise Exception("invalide operand!") - - def copy(self): - """ - copies this vector and returns it. - """ - return Vector(self.__components) - - def changeComponent(self, pos, value): - """ - input: an index (pos) and a value - changes the specified component (pos) with the - 'value' - """ - # precondition - assert (-len(self.__components) <= pos < len(self.__components)) - self.__components[pos] = value - - -def zeroVector(dimension): - """ - returns a zero-vector of size 'dimension' - """ - # precondition - assert (isinstance(dimension, int)) - return Vector([0] * dimension) - - -def unitBasisVector(dimension, pos): - """ - returns a unit basis vector with a One - at index 'pos' (indexing at 0) - """ - # precondition - assert (isinstance(dimension, int) and (isinstance(pos, int))) - ans = [0] * dimension - ans[pos] = 1 - return Vector(ans) - - -def axpy(scalar, x, y): - """ - input: a 'scalar' and two vectors 'x' and 'y' - output: a vector - computes the axpy operation - """ - # precondition - assert (isinstance(x, Vector) and (isinstance(y, Vector)) \ - and (isinstance(scalar, int) or isinstance(scalar, float))) - return (x * scalar + y) - - -def randomVector(N, a, b): - """ - input: size (N) of the vector. - random range (a,b) - output: returns a random vector of size N, with - random integer components between 'a' and 'b'. - """ - random.seed(None) - ans = [random.randint(a, b) for i in range(N)] - return Vector(ans) - - -class Matrix(object): - """ - class: Matrix - This class represents a arbitrary matrix. - - Overview about the methods: - - __str__() : returns a string representation - operator * : implements the matrix vector multiplication - implements the matrix-scalar multiplication. - changeComponent(x,y,value) : changes the specified component. - component(x,y) : returns the specified component. - width() : returns the width of the matrix - height() : returns the height of the matrix - operator + : implements the matrix-addition. - operator - _ implements the matrix-subtraction - """ - - def __init__(self, matrix, w, h): - """ - simple constructor for initialzes - the matrix with components. - """ - self.__matrix = matrix - self.__width = w - self.__height = h - - def __str__(self): - """ - returns a string representation of this - matrix. - """ - ans = "" - for i in range(self.__height): - ans += "|" - for j in range(self.__width): - if j < self.__width - 1: - ans += str(self.__matrix[i][j]) + "," - else: - ans += str(self.__matrix[i][j]) + "|\n" - return ans - - def changeComponent(self, x, y, value): - """ - changes the x-y component of this matrix - """ - if x >= 0 and x < self.__height and y >= 0 and y < self.__width: - self.__matrix[x][y] = value - else: - raise Exception("changeComponent: indices out of bounds") - - def component(self, x, y): - """ - returns the specified (x,y) component - """ - if x >= 0 and x < self.__height and y >= 0 and y < self.__width: - return self.__matrix[x][y] - else: - raise Exception("changeComponent: indices out of bounds") - - def width(self): - """ - getter for the width - """ - return self.__width - - def height(self): - """ - getter for the height - """ - return self.__height - - def __mul__(self, other): - """ - implements the matrix-vector multiplication. - implements the matrix-scalar multiplication - """ - if isinstance(other, Vector): # vector-matrix - if (len(other) == self.__width): - ans = zeroVector(self.__height) - for i in range(self.__height): - summe = 0 - for j in range(self.__width): - summe += other.component(j) * self.__matrix[i][j] - ans.changeComponent(i, summe) - summe = 0 - return ans - else: - raise Exception("vector must have the same size as the " + "number of columns of the matrix!") - elif isinstance(other, int) or isinstance(other, float): # matrix-scalar - matrix = [[self.__matrix[i][j] * other for j in range(self.__width)] for i in range(self.__height)] - return Matrix(matrix, self.__width, self.__height) - - def __add__(self, other): - """ - implements the matrix-addition. - """ - if (self.__width == other.width() and self.__height == other.height()): - matrix = [] - for i in range(self.__height): - row = [] - for j in range(self.__width): - row.append(self.__matrix[i][j] + other.component(i, j)) - matrix.append(row) - return Matrix(matrix, self.__width, self.__height) - else: - raise Exception("matrix must have the same dimension!") - - def __sub__(self, other): - """ - implements the matrix-subtraction. - """ - if (self.__width == other.width() and self.__height == other.height()): - matrix = [] - for i in range(self.__height): - row = [] - for j in range(self.__width): - row.append(self.__matrix[i][j] - other.component(i, j)) - matrix.append(row) - return Matrix(matrix, self.__width, self.__height) - else: - raise Exception("matrix must have the same dimension!") - - -def squareZeroMatrix(N): - """ - returns a square zero-matrix of dimension NxN - """ - ans = [[0] * N for i in range(N)] - return Matrix(ans, N, N) - - -def randomMatrix(W, H, a, b): - """ - returns a random matrix WxH with integer components - between 'a' and 'b' - """ - random.seed(None) - matrix = [[random.randint(a, b) for j in range(W)] for i in range(H)] - return Matrix(matrix, W, H) +# -*- coding: utf-8 -*- +""" +Created on Mon Feb 26 14:29:11 2018 + +@author: Christian Bender +@license: MIT-license + +This module contains some useful classes and functions for dealing +with linear algebra in python. + +Overview: + +- class Vector +- function zeroVector(dimension) +- function unitBasisVector(dimension,pos) +- function axpy(scalar,vector1,vector2) +- function randomVector(N,a,b) +- class Matrix +- function squareZeroMatrix(N) +- function randomMatrix(W,H,a,b) +""" + +import math +import random + + +class Vector(object): + """ + This class represents a vector of arbitray size. + You need to give the vector components. + + Overview about the methods: + + constructor(components : list) : init the vector + set(components : list) : changes the vector components. + __str__() : toString method + component(i : int): gets the i-th component (start by 0) + __len__() : gets the size of the vector (number of components) + euclidLength() : returns the eulidean length of the vector. + operator + : vector addition + operator - : vector subtraction + operator * : scalar multiplication and dot product + copy() : copies this vector and returns it. + changeComponent(pos,value) : changes the specified component. + TODO: compare-operator + """ + + def __init__(self, components=[]): + """ + input: components or nothing + simple constructor for init the vector + """ + self.__components = list(components) + + def set(self, components): + """ + input: new components + changes the components of the vector. + replace the components with newer one. + """ + if len(components) > 0: + self.__components = list(components) + else: + raise Exception("please give any vector") + + def __str__(self): + """ + returns a string representation of the vector + """ + return "(" + ",".join(map(str, self.__components)) + ")" + + def component(self, i): + """ + input: index (start at 0) + output: the i-th component of the vector. + """ + if type(i) is int and -len(self.__components) <= i < len(self.__components): + return self.__components[i] + else: + raise Exception("index out of range") + + def __len__(self): + """ + returns the size of the vector + """ + return len(self.__components) + + def eulidLength(self): + """ + returns the eulidean length of the vector + """ + summe = 0 + for c in self.__components: + summe += c ** 2 + return math.sqrt(summe) + + def __add__(self, other): + """ + input: other vector + assumes: other vector has the same size + returns a new vector that represents the sum. + """ + size = len(self) + if size == len(other): + result = [self.__components[i] + other.component(i) for i in range(size)] + return Vector(result) + else: + raise Exception("must have the same size") + + def __sub__(self, other): + """ + input: other vector + assumes: other vector has the same size + returns a new vector that represents the differenz. + """ + size = len(self) + if size == len(other): + result = [self.__components[i] - other.component(i) for i in range(size)] + return result + else: # error case + raise Exception("must have the same size") + + def __mul__(self, other): + """ + mul implements the scalar multiplication + and the dot-product + """ + if isinstance(other, float) or isinstance(other, int): + ans = [c * other for c in self.__components] + return ans + elif (isinstance(other, Vector) and (len(self) == len(other))): + size = len(self) + summe = 0 + for i in range(size): + summe += self.__components[i] * other.component(i) + return summe + else: # error case + raise Exception("invalide operand!") + + def copy(self): + """ + copies this vector and returns it. + """ + return Vector(self.__components) + + def changeComponent(self, pos, value): + """ + input: an index (pos) and a value + changes the specified component (pos) with the + 'value' + """ + # precondition + assert (-len(self.__components) <= pos < len(self.__components)) + self.__components[pos] = value + + +def zeroVector(dimension): + """ + returns a zero-vector of size 'dimension' + """ + # precondition + assert (isinstance(dimension, int)) + return Vector([0] * dimension) + + +def unitBasisVector(dimension, pos): + """ + returns a unit basis vector with a One + at index 'pos' (indexing at 0) + """ + # precondition + assert (isinstance(dimension, int) and (isinstance(pos, int))) + ans = [0] * dimension + ans[pos] = 1 + return Vector(ans) + + +def axpy(scalar, x, y): + """ + input: a 'scalar' and two vectors 'x' and 'y' + output: a vector + computes the axpy operation + """ + # precondition + assert (isinstance(x, Vector) and (isinstance(y, Vector)) \ + and (isinstance(scalar, int) or isinstance(scalar, float))) + return (x * scalar + y) + + +def randomVector(N, a, b): + """ + input: size (N) of the vector. + random range (a,b) + output: returns a random vector of size N, with + random integer components between 'a' and 'b'. + """ + random.seed(None) + ans = [random.randint(a, b) for i in range(N)] + return Vector(ans) + + +class Matrix(object): + """ + class: Matrix + This class represents a arbitrary matrix. + + Overview about the methods: + + __str__() : returns a string representation + operator * : implements the matrix vector multiplication + implements the matrix-scalar multiplication. + changeComponent(x,y,value) : changes the specified component. + component(x,y) : returns the specified component. + width() : returns the width of the matrix + height() : returns the height of the matrix + operator + : implements the matrix-addition. + operator - _ implements the matrix-subtraction + """ + + def __init__(self, matrix, w, h): + """ + simple constructor for initialzes + the matrix with components. + """ + self.__matrix = matrix + self.__width = w + self.__height = h + + def __str__(self): + """ + returns a string representation of this + matrix. + """ + ans = "" + for i in range(self.__height): + ans += "|" + for j in range(self.__width): + if j < self.__width - 1: + ans += str(self.__matrix[i][j]) + "," + else: + ans += str(self.__matrix[i][j]) + "|\n" + return ans + + def changeComponent(self, x, y, value): + """ + changes the x-y component of this matrix + """ + if x >= 0 and x < self.__height and y >= 0 and y < self.__width: + self.__matrix[x][y] = value + else: + raise Exception("changeComponent: indices out of bounds") + + def component(self, x, y): + """ + returns the specified (x,y) component + """ + if x >= 0 and x < self.__height and y >= 0 and y < self.__width: + return self.__matrix[x][y] + else: + raise Exception("changeComponent: indices out of bounds") + + def width(self): + """ + getter for the width + """ + return self.__width + + def height(self): + """ + getter for the height + """ + return self.__height + + def __mul__(self, other): + """ + implements the matrix-vector multiplication. + implements the matrix-scalar multiplication + """ + if isinstance(other, Vector): # vector-matrix + if (len(other) == self.__width): + ans = zeroVector(self.__height) + for i in range(self.__height): + summe = 0 + for j in range(self.__width): + summe += other.component(j) * self.__matrix[i][j] + ans.changeComponent(i, summe) + summe = 0 + return ans + else: + raise Exception("vector must have the same size as the " + "number of columns of the matrix!") + elif isinstance(other, int) or isinstance(other, float): # matrix-scalar + matrix = [[self.__matrix[i][j] * other for j in range(self.__width)] for i in range(self.__height)] + return Matrix(matrix, self.__width, self.__height) + + def __add__(self, other): + """ + implements the matrix-addition. + """ + if (self.__width == other.width() and self.__height == other.height()): + matrix = [] + for i in range(self.__height): + row = [] + for j in range(self.__width): + row.append(self.__matrix[i][j] + other.component(i, j)) + matrix.append(row) + return Matrix(matrix, self.__width, self.__height) + else: + raise Exception("matrix must have the same dimension!") + + def __sub__(self, other): + """ + implements the matrix-subtraction. + """ + if (self.__width == other.width() and self.__height == other.height()): + matrix = [] + for i in range(self.__height): + row = [] + for j in range(self.__width): + row.append(self.__matrix[i][j] - other.component(i, j)) + matrix.append(row) + return Matrix(matrix, self.__width, self.__height) + else: + raise Exception("matrix must have the same dimension!") + + +def squareZeroMatrix(N): + """ + returns a square zero-matrix of dimension NxN + """ + ans = [[0] * N for i in range(N)] + return Matrix(ans, N, N) + + +def randomMatrix(W, H, a, b): + """ + returns a random matrix WxH with integer components + between 'a' and 'b' + """ + random.seed(None) + matrix = [[random.randint(a, b) for j in range(W)] for i in range(H)] + return Matrix(matrix, W, H) diff --git a/linear_algebra_python/src/tests.py b/linear_algebra_python/src/tests.py index 2d543b83507b..afc3cf5272ae 100644 --- a/linear_algebra_python/src/tests.py +++ b/linear_algebra_python/src/tests.py @@ -1,153 +1,153 @@ -# -*- coding: utf-8 -*- -""" -Created on Mon Feb 26 15:40:07 2018 - -@author: Christian Bender -@license: MIT-license - -This file contains the test-suite for the linear algebra library. -""" - -import unittest - -from lib import * - - -class Test(unittest.TestCase): - def test_component(self): - """ - test for method component - """ - x = Vector([1, 2, 3]) - self.assertEqual(x.component(0), 1) - self.assertEqual(x.component(2), 3) - try: - y = Vector() - self.assertTrue(False) - except: - self.assertTrue(True) - - def test_str(self): - """ - test for toString() method - """ - x = Vector([0, 0, 0, 0, 0, 1]) - self.assertEqual(str(x), "(0,0,0,0,0,1)") - - def test_size(self): - """ - test for size()-method - """ - x = Vector([1, 2, 3, 4]) - self.assertEqual(len(x), 4) - - def test_euclidLength(self): - """ - test for the eulidean length - """ - x = Vector([1, 2]) - self.assertAlmostEqual(x.eulidLength(), 2.236, 3) - - def test_add(self): - """ - test for + operator - """ - x = Vector([1, 2, 3]) - y = Vector([1, 1, 1]) - self.assertEqual((x + y).component(0), 2) - self.assertEqual((x + y).component(1), 3) - self.assertEqual((x + y).component(2), 4) - - def test_sub(self): - """ - test for - operator - """ - x = Vector([1, 2, 3]) - y = Vector([1, 1, 1]) - self.assertEqual((x - y).component(0), 0) - self.assertEqual((x - y).component(1), 1) - self.assertEqual((x - y).component(2), 2) - - def test_mul(self): - """ - test for * operator - """ - x = Vector([1, 2, 3]) - a = Vector([2, -1, 4]) # for test of dot-product - b = Vector([1, -2, -1]) - self.assertEqual(str(x * 3.0), "(3.0,6.0,9.0)") - self.assertEqual((a * b), 0) - - def test_zeroVector(self): - """ - test for the global function zeroVector(...) - """ - self.assertTrue(str(zeroVector(10)).count("0") == 10) - - def test_unitBasisVector(self): - """ - test for the global function unitBasisVector(...) - """ - self.assertEqual(str(unitBasisVector(3, 1)), "(0,1,0)") - - def test_axpy(self): - """ - test for the global function axpy(...) (operation) - """ - x = Vector([1, 2, 3]) - y = Vector([1, 0, 1]) - self.assertEqual(str(axpy(2, x, y)), "(3,4,7)") - - def test_copy(self): - """ - test for the copy()-method - """ - x = Vector([1, 0, 0, 0, 0, 0]) - y = x.copy() - self.assertEqual(str(x), str(y)) - - def test_changeComponent(self): - """ - test for the changeComponent(...)-method - """ - x = Vector([1, 0, 0]) - x.changeComponent(0, 0) - x.changeComponent(1, 1) - self.assertEqual(str(x), "(0,1,0)") - - def test_str_matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - self.assertEqual("|1,2,3|\n|2,4,5|\n|6,7,8|\n", str(A)) - - def test__mul__matrix(self): - A = Matrix([[1, 2, 3], [4, 5, 6], [7, 8, 9]], 3, 3) - x = Vector([1, 2, 3]) - self.assertEqual("(14,32,50)", str(A * x)) - self.assertEqual("|2,4,6|\n|8,10,12|\n|14,16,18|\n", str(A * 2)) - - def test_changeComponent_matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - A.changeComponent(0, 2, 5) - self.assertEqual("|1,2,5|\n|2,4,5|\n|6,7,8|\n", str(A)) - - def test_component_matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - self.assertEqual(7, A.component(2, 1), 0.01) - - def test__add__matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) - self.assertEqual("|2,4,10|\n|4,8,10|\n|12,14,18|\n", str(A + B)) - - def test__sub__matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) - self.assertEqual("|0,0,-4|\n|0,0,0|\n|0,0,-2|\n", str(A - B)) - - def test_squareZeroMatrix(self): - self.assertEqual('|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|' - + '\n|0,0,0,0,0|\n', str(squareZeroMatrix(5))) - - -if __name__ == "__main__": - unittest.main() +# -*- coding: utf-8 -*- +""" +Created on Mon Feb 26 15:40:07 2018 + +@author: Christian Bender +@license: MIT-license + +This file contains the test-suite for the linear algebra library. +""" + +import unittest + +from lib import * + + +class Test(unittest.TestCase): + def test_component(self): + """ + test for method component + """ + x = Vector([1, 2, 3]) + self.assertEqual(x.component(0), 1) + self.assertEqual(x.component(2), 3) + try: + y = Vector() + self.assertTrue(False) + except: + self.assertTrue(True) + + def test_str(self): + """ + test for toString() method + """ + x = Vector([0, 0, 0, 0, 0, 1]) + self.assertEqual(str(x), "(0,0,0,0,0,1)") + + def test_size(self): + """ + test for size()-method + """ + x = Vector([1, 2, 3, 4]) + self.assertEqual(len(x), 4) + + def test_euclidLength(self): + """ + test for the eulidean length + """ + x = Vector([1, 2]) + self.assertAlmostEqual(x.eulidLength(), 2.236, 3) + + def test_add(self): + """ + test for + operator + """ + x = Vector([1, 2, 3]) + y = Vector([1, 1, 1]) + self.assertEqual((x + y).component(0), 2) + self.assertEqual((x + y).component(1), 3) + self.assertEqual((x + y).component(2), 4) + + def test_sub(self): + """ + test for - operator + """ + x = Vector([1, 2, 3]) + y = Vector([1, 1, 1]) + self.assertEqual((x - y).component(0), 0) + self.assertEqual((x - y).component(1), 1) + self.assertEqual((x - y).component(2), 2) + + def test_mul(self): + """ + test for * operator + """ + x = Vector([1, 2, 3]) + a = Vector([2, -1, 4]) # for test of dot-product + b = Vector([1, -2, -1]) + self.assertEqual(str(x * 3.0), "(3.0,6.0,9.0)") + self.assertEqual((a * b), 0) + + def test_zeroVector(self): + """ + test for the global function zeroVector(...) + """ + self.assertTrue(str(zeroVector(10)).count("0") == 10) + + def test_unitBasisVector(self): + """ + test for the global function unitBasisVector(...) + """ + self.assertEqual(str(unitBasisVector(3, 1)), "(0,1,0)") + + def test_axpy(self): + """ + test for the global function axpy(...) (operation) + """ + x = Vector([1, 2, 3]) + y = Vector([1, 0, 1]) + self.assertEqual(str(axpy(2, x, y)), "(3,4,7)") + + def test_copy(self): + """ + test for the copy()-method + """ + x = Vector([1, 0, 0, 0, 0, 0]) + y = x.copy() + self.assertEqual(str(x), str(y)) + + def test_changeComponent(self): + """ + test for the changeComponent(...)-method + """ + x = Vector([1, 0, 0]) + x.changeComponent(0, 0) + x.changeComponent(1, 1) + self.assertEqual(str(x), "(0,1,0)") + + def test_str_matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + self.assertEqual("|1,2,3|\n|2,4,5|\n|6,7,8|\n", str(A)) + + def test__mul__matrix(self): + A = Matrix([[1, 2, 3], [4, 5, 6], [7, 8, 9]], 3, 3) + x = Vector([1, 2, 3]) + self.assertEqual("(14,32,50)", str(A * x)) + self.assertEqual("|2,4,6|\n|8,10,12|\n|14,16,18|\n", str(A * 2)) + + def test_changeComponent_matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + A.changeComponent(0, 2, 5) + self.assertEqual("|1,2,5|\n|2,4,5|\n|6,7,8|\n", str(A)) + + def test_component_matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + self.assertEqual(7, A.component(2, 1), 0.01) + + def test__add__matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) + self.assertEqual("|2,4,10|\n|4,8,10|\n|12,14,18|\n", str(A + B)) + + def test__sub__matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) + self.assertEqual("|0,0,-4|\n|0,0,0|\n|0,0,-2|\n", str(A - B)) + + def test_squareZeroMatrix(self): + self.assertEqual('|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|' + + '\n|0,0,0,0,0|\n', str(squareZeroMatrix(5))) + + +if __name__ == "__main__": + unittest.main() diff --git a/machine_learning/NaiveBayes.ipynb b/machine_learning/NaiveBayes.ipynb index 5a427c5cb965..2262c16cde88 100644 --- a/machine_learning/NaiveBayes.ipynb +++ b/machine_learning/NaiveBayes.ipynb @@ -1,1659 +1,1659 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "from sklearn import datasets\n", - "import pandas as pd" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "iris = datasets.load_iris()" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "df = pd.DataFrame(iris.data)\n", - "df.columns = [\"sl\", \"sw\", 'pl', 'pw']" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "def abc(k, *val):\n", - " if k < val[0]:\n", - " return 0\n", - " else:\n", - " return 1" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "0 1\n", - "1 0\n", - "2 0\n", - "3 0\n", - "4 1\n", - "5 1\n", - "6 0\n", - "7 1\n", - "8 0\n", - "9 0\n", - "10 1\n", - "11 0\n", - "12 0\n", - "13 0\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 0\n", - "23 1\n", - "24 0\n", - "25 1\n", - "26 1\n", - "27 1\n", - "28 1\n", - "29 0\n", - " ..\n", - "120 1\n", - "121 1\n", - "122 1\n", - "123 1\n", - "124 1\n", - "125 1\n", - "126 1\n", - "127 1\n", - "128 1\n", - "129 1\n", - "130 1\n", - "131 1\n", - "132 1\n", - "133 1\n", - "134 1\n", - "135 1\n", - "136 1\n", - "137 1\n", - "138 1\n", - "139 1\n", - "140 1\n", - "141 1\n", - "142 1\n", - "143 1\n", - "144 1\n", - "145 1\n", - "146 1\n", - "147 1\n", - "148 1\n", - "149 1\n", - "Name: sl, dtype: int64" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "df.sl.apply(abc, args=(5,))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [], - "source": [ - "def label(val, *boundaries):\n", - " if (val < boundaries[0]):\n", - " return 'a'\n", - " elif (val < boundaries[1]):\n", - " return 'b'\n", - " elif (val < boundaries[2]):\n", - " return 'c'\n", - " else:\n", - " return 'd'\n", - "\n", - "def toLabel(df, old_feature_name):\n", - " second = df[old_feature_name].mean()\n", - " minimum = df[old_feature_name].min()\n", - " first = (minimum + second)/2\n", - " maximum = df[old_feature_name].max()\n", - " third = (maximum + second)/2\n", - " return df[old_feature_name].apply(label, args= (first, second, third))" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
slswplpwsl_labeledsw_labeledpl_labeledpw_labeled
05.13.51.40.2bcaa
14.93.01.40.2abaa
24.73.21.30.2acaa
34.63.11.50.2acaa
45.03.61.40.2acaa
55.43.91.70.4bdaa
64.63.41.40.3acaa
75.03.41.50.2acaa
84.42.91.40.2abaa
94.93.11.50.1acaa
105.43.71.50.2bcaa
114.83.41.60.2acaa
124.83.01.40.1abaa
134.33.01.10.1abaa
145.84.01.20.2bdaa
155.74.41.50.4bdaa
165.43.91.30.4bdaa
175.13.51.40.3bcaa
185.73.81.70.3bdaa
195.13.81.50.3bdaa
205.43.41.70.2bcaa
215.13.71.50.4bcaa
224.63.61.00.2acaa
235.13.31.70.5bcaa
244.83.41.90.2acaa
255.03.01.60.2abaa
265.03.41.60.4acaa
275.23.51.50.2bcaa
285.23.41.40.2bcaa
294.73.21.60.2acaa
...........................
1206.93.25.72.3dcdd
1215.62.84.92.0bbcd
1227.72.86.72.0dbdd
1236.32.74.91.8cbcc
1246.73.35.72.1ccdd
1257.23.26.01.8dcdc
1266.22.84.81.8cbcc
1276.13.04.91.8cbcc
1286.42.85.62.1cbdd
1297.23.05.81.6dbdc
1307.42.86.11.9dbdd
1317.93.86.42.0dddd
1326.42.85.62.2cbdd
1336.32.85.11.5cbcc
1346.12.65.61.4cbdc
1357.73.06.12.3dbdd
1366.33.45.62.4ccdd
1376.43.15.51.8ccdc
1386.03.04.81.8cbcc
1396.93.15.42.1dcdd
1406.73.15.62.4ccdd
1416.93.15.12.3dccd
1425.82.75.11.9bbcd
1436.83.25.92.3ccdd
1446.73.35.72.5ccdd
1456.73.05.22.3cbcd
1466.32.55.01.9cacd
1476.53.05.22.0cbcd
1486.23.45.42.3ccdd
1495.93.05.11.8cbcc
\n", - "

150 rows × 8 columns

\n", - "
" - ], - "text/plain": [ - " sl sw pl pw sl_labeled sw_labeled pl_labeled pw_labeled\n", - "0 5.1 3.5 1.4 0.2 b c a a\n", - "1 4.9 3.0 1.4 0.2 a b a a\n", - "2 4.7 3.2 1.3 0.2 a c a a\n", - "3 4.6 3.1 1.5 0.2 a c a a\n", - "4 5.0 3.6 1.4 0.2 a c a a\n", - "5 5.4 3.9 1.7 0.4 b d a a\n", - "6 4.6 3.4 1.4 0.3 a c a a\n", - "7 5.0 3.4 1.5 0.2 a c a a\n", - "8 4.4 2.9 1.4 0.2 a b a a\n", - "9 4.9 3.1 1.5 0.1 a c a a\n", - "10 5.4 3.7 1.5 0.2 b c a a\n", - "11 4.8 3.4 1.6 0.2 a c a a\n", - "12 4.8 3.0 1.4 0.1 a b a a\n", - "13 4.3 3.0 1.1 0.1 a b a a\n", - "14 5.8 4.0 1.2 0.2 b d a a\n", - "15 5.7 4.4 1.5 0.4 b d a a\n", - "16 5.4 3.9 1.3 0.4 b d a a\n", - "17 5.1 3.5 1.4 0.3 b c a a\n", - "18 5.7 3.8 1.7 0.3 b d a a\n", - "19 5.1 3.8 1.5 0.3 b d a a\n", - "20 5.4 3.4 1.7 0.2 b c a a\n", - "21 5.1 3.7 1.5 0.4 b c a a\n", - "22 4.6 3.6 1.0 0.2 a c a a\n", - "23 5.1 3.3 1.7 0.5 b c a a\n", - "24 4.8 3.4 1.9 0.2 a c a a\n", - "25 5.0 3.0 1.6 0.2 a b a a\n", - "26 5.0 3.4 1.6 0.4 a c a a\n", - "27 5.2 3.5 1.5 0.2 b c a a\n", - "28 5.2 3.4 1.4 0.2 b c a a\n", - "29 4.7 3.2 1.6 0.2 a c a a\n", - ".. ... ... ... ... ... ... ... ...\n", - "120 6.9 3.2 5.7 2.3 d c d d\n", - "121 5.6 2.8 4.9 2.0 b b c d\n", - "122 7.7 2.8 6.7 2.0 d b d d\n", - "123 6.3 2.7 4.9 1.8 c b c c\n", - "124 6.7 3.3 5.7 2.1 c c d d\n", - "125 7.2 3.2 6.0 1.8 d c d c\n", - "126 6.2 2.8 4.8 1.8 c b c c\n", - "127 6.1 3.0 4.9 1.8 c b c c\n", - "128 6.4 2.8 5.6 2.1 c b d d\n", - "129 7.2 3.0 5.8 1.6 d b d c\n", - "130 7.4 2.8 6.1 1.9 d b d d\n", - "131 7.9 3.8 6.4 2.0 d d d d\n", - "132 6.4 2.8 5.6 2.2 c b d d\n", - "133 6.3 2.8 5.1 1.5 c b c c\n", - "134 6.1 2.6 5.6 1.4 c b d c\n", - "135 7.7 3.0 6.1 2.3 d b d d\n", - "136 6.3 3.4 5.6 2.4 c c d d\n", - "137 6.4 3.1 5.5 1.8 c c d c\n", - "138 6.0 3.0 4.8 1.8 c b c c\n", - "139 6.9 3.1 5.4 2.1 d c d d\n", - "140 6.7 3.1 5.6 2.4 c c d d\n", - "141 6.9 3.1 5.1 2.3 d c c d\n", - "142 5.8 2.7 5.1 1.9 b b c d\n", - "143 6.8 3.2 5.9 2.3 c c d d\n", - "144 6.7 3.3 5.7 2.5 c c d d\n", - "145 6.7 3.0 5.2 2.3 c b c d\n", - "146 6.3 2.5 5.0 1.9 c a c d\n", - "147 6.5 3.0 5.2 2.0 c b c d\n", - "148 6.2 3.4 5.4 2.3 c c d d\n", - "149 5.9 3.0 5.1 1.8 c b c c\n", - "\n", - "[150 rows x 8 columns]" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "df['sl_labeled'] = toLabel(df, 'sl')\n", - "df['sw_labeled'] = toLabel(df, 'sw')\n", - "df['pl_labeled'] = toLabel(df, 'pl')\n", - "df['pw_labeled'] = toLabel(df, 'pw')\n", - "df" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "df.drop(['sl', 'sw', 'pl', 'pw'], axis = 1, inplace = True)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{'a', 'b', 'c', 'd'}" - ] - }, - "execution_count": 9, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "set(df['sl_labeled'])" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [], - "source": [ - "df[\"output\"] = iris.target" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
sl_labeledsw_labeledpl_labeledpw_labeledoutput
0bcaa0
1abaa0
2acaa0
3acaa0
4acaa0
5bdaa0
6acaa0
7acaa0
8abaa0
9acaa0
10bcaa0
11acaa0
12abaa0
13abaa0
14bdaa0
15bdaa0
16bdaa0
17bcaa0
18bdaa0
19bdaa0
20bcaa0
21bcaa0
22acaa0
23bcaa0
24acaa0
25abaa0
26acaa0
27bcaa0
28bcaa0
29acaa0
..................
120dcdd2
121bbcd2
122dbdd2
123cbcc2
124ccdd2
125dcdc2
126cbcc2
127cbcc2
128cbdd2
129dbdc2
130dbdd2
131dddd2
132cbdd2
133cbcc2
134cbdc2
135dbdd2
136ccdd2
137ccdc2
138cbcc2
139dcdd2
140ccdd2
141dccd2
142bbcd2
143ccdd2
144ccdd2
145cbcd2
146cacd2
147cbcd2
148ccdd2
149cbcc2
\n", - "

150 rows × 5 columns

\n", - "
" - ], - "text/plain": [ - " sl_labeled sw_labeled pl_labeled pw_labeled output\n", - "0 b c a a 0\n", - "1 a b a a 0\n", - "2 a c a a 0\n", - "3 a c a a 0\n", - "4 a c a a 0\n", - "5 b d a a 0\n", - "6 a c a a 0\n", - "7 a c a a 0\n", - "8 a b a a 0\n", - "9 a c a a 0\n", - "10 b c a a 0\n", - "11 a c a a 0\n", - "12 a b a a 0\n", - "13 a b a a 0\n", - "14 b d a a 0\n", - "15 b d a a 0\n", - "16 b d a a 0\n", - "17 b c a a 0\n", - "18 b d a a 0\n", - "19 b d a a 0\n", - "20 b c a a 0\n", - "21 b c a a 0\n", - "22 a c a a 0\n", - "23 b c a a 0\n", - "24 a c a a 0\n", - "25 a b a a 0\n", - "26 a c a a 0\n", - "27 b c a a 0\n", - "28 b c a a 0\n", - "29 a c a a 0\n", - ".. ... ... ... ... ...\n", - "120 d c d d 2\n", - "121 b b c d 2\n", - "122 d b d d 2\n", - "123 c b c c 2\n", - "124 c c d d 2\n", - "125 d c d c 2\n", - "126 c b c c 2\n", - "127 c b c c 2\n", - "128 c b d d 2\n", - "129 d b d c 2\n", - "130 d b d d 2\n", - "131 d d d d 2\n", - "132 c b d d 2\n", - "133 c b c c 2\n", - "134 c b d c 2\n", - "135 d b d d 2\n", - "136 c c d d 2\n", - "137 c c d c 2\n", - "138 c b c c 2\n", - "139 d c d d 2\n", - "140 c c d d 2\n", - "141 d c c d 2\n", - "142 b b c d 2\n", - "143 c c d d 2\n", - "144 c c d d 2\n", - "145 c b c d 2\n", - "146 c a c d 2\n", - "147 c b c d 2\n", - "148 c c d d 2\n", - "149 c b c c 2\n", - "\n", - "[150 rows x 5 columns]" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "df" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "def fit(data):\n", - " output_name = data.columns[-1]\n", - " features = data.columns[0:-1]\n", - " counts = {}\n", - " possible_outputs = set(data[output_name])\n", - " for output in possible_outputs:\n", - " counts[output] = {}\n", - " smallData = data[data[output_name] == output]\n", - " counts[output][\"total_count\"] = len(smallData)\n", - " for f in features:\n", - " counts[output][f] = {}\n", - " possible_values = set(smallData[f])\n", - " for value in possible_values:\n", - " val_count = len(smallData[smallData[f] == value])\n", - " counts[output][f][value] = val_count\n", - " return counts" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{0: {'pl_labeled': {'a': 50},\n", - " 'pw_labeled': {'a': 50},\n", - " 'sl_labeled': {'a': 28, 'b': 22},\n", - " 'sw_labeled': {'a': 1, 'b': 7, 'c': 32, 'd': 10},\n", - " 'total_count': 50},\n", - " 1: {'pl_labeled': {'b': 7, 'c': 43},\n", - " 'pw_labeled': {'b': 10, 'c': 40},\n", - " 'sl_labeled': {'a': 3, 'b': 21, 'c': 24, 'd': 2},\n", - " 'sw_labeled': {'a': 13, 'b': 29, 'c': 8},\n", - " 'total_count': 50},\n", - " 2: {'pl_labeled': {'c': 20, 'd': 30},\n", - " 'pw_labeled': {'c': 16, 'd': 34},\n", - " 'sl_labeled': {'a': 1, 'b': 5, 'c': 29, 'd': 15},\n", - " 'sw_labeled': {'a': 5, 'b': 28, 'c': 15, 'd': 2},\n", - " 'total_count': 50}}" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "fit(df)" - ] - } - ], - "metadata": { - "anaconda-cloud": {}, - "kernelspec": { - "display_name": "Python [default]", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.5" - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "from sklearn import datasets\n", + "import pandas as pd" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "iris = datasets.load_iris()" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "df = pd.DataFrame(iris.data)\n", + "df.columns = [\"sl\", \"sw\", 'pl', 'pw']" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "def abc(k, *val):\n", + " if k < val[0]:\n", + " return 0\n", + " else:\n", + " return 1" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0 1\n", + "1 0\n", + "2 0\n", + "3 0\n", + "4 1\n", + "5 1\n", + "6 0\n", + "7 1\n", + "8 0\n", + "9 0\n", + "10 1\n", + "11 0\n", + "12 0\n", + "13 0\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 0\n", + "23 1\n", + "24 0\n", + "25 1\n", + "26 1\n", + "27 1\n", + "28 1\n", + "29 0\n", + " ..\n", + "120 1\n", + "121 1\n", + "122 1\n", + "123 1\n", + "124 1\n", + "125 1\n", + "126 1\n", + "127 1\n", + "128 1\n", + "129 1\n", + "130 1\n", + "131 1\n", + "132 1\n", + "133 1\n", + "134 1\n", + "135 1\n", + "136 1\n", + "137 1\n", + "138 1\n", + "139 1\n", + "140 1\n", + "141 1\n", + "142 1\n", + "143 1\n", + "144 1\n", + "145 1\n", + "146 1\n", + "147 1\n", + "148 1\n", + "149 1\n", + "Name: sl, dtype: int64" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.sl.apply(abc, args=(5,))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "def label(val, *boundaries):\n", + " if (val < boundaries[0]):\n", + " return 'a'\n", + " elif (val < boundaries[1]):\n", + " return 'b'\n", + " elif (val < boundaries[2]):\n", + " return 'c'\n", + " else:\n", + " return 'd'\n", + "\n", + "def toLabel(df, old_feature_name):\n", + " second = df[old_feature_name].mean()\n", + " minimum = df[old_feature_name].min()\n", + " first = (minimum + second)/2\n", + " maximum = df[old_feature_name].max()\n", + " third = (maximum + second)/2\n", + " return df[old_feature_name].apply(label, args= (first, second, third))" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
slswplpwsl_labeledsw_labeledpl_labeledpw_labeled
05.13.51.40.2bcaa
14.93.01.40.2abaa
24.73.21.30.2acaa
34.63.11.50.2acaa
45.03.61.40.2acaa
55.43.91.70.4bdaa
64.63.41.40.3acaa
75.03.41.50.2acaa
84.42.91.40.2abaa
94.93.11.50.1acaa
105.43.71.50.2bcaa
114.83.41.60.2acaa
124.83.01.40.1abaa
134.33.01.10.1abaa
145.84.01.20.2bdaa
155.74.41.50.4bdaa
165.43.91.30.4bdaa
175.13.51.40.3bcaa
185.73.81.70.3bdaa
195.13.81.50.3bdaa
205.43.41.70.2bcaa
215.13.71.50.4bcaa
224.63.61.00.2acaa
235.13.31.70.5bcaa
244.83.41.90.2acaa
255.03.01.60.2abaa
265.03.41.60.4acaa
275.23.51.50.2bcaa
285.23.41.40.2bcaa
294.73.21.60.2acaa
...........................
1206.93.25.72.3dcdd
1215.62.84.92.0bbcd
1227.72.86.72.0dbdd
1236.32.74.91.8cbcc
1246.73.35.72.1ccdd
1257.23.26.01.8dcdc
1266.22.84.81.8cbcc
1276.13.04.91.8cbcc
1286.42.85.62.1cbdd
1297.23.05.81.6dbdc
1307.42.86.11.9dbdd
1317.93.86.42.0dddd
1326.42.85.62.2cbdd
1336.32.85.11.5cbcc
1346.12.65.61.4cbdc
1357.73.06.12.3dbdd
1366.33.45.62.4ccdd
1376.43.15.51.8ccdc
1386.03.04.81.8cbcc
1396.93.15.42.1dcdd
1406.73.15.62.4ccdd
1416.93.15.12.3dccd
1425.82.75.11.9bbcd
1436.83.25.92.3ccdd
1446.73.35.72.5ccdd
1456.73.05.22.3cbcd
1466.32.55.01.9cacd
1476.53.05.22.0cbcd
1486.23.45.42.3ccdd
1495.93.05.11.8cbcc
\n", + "

150 rows × 8 columns

\n", + "
" + ], + "text/plain": [ + " sl sw pl pw sl_labeled sw_labeled pl_labeled pw_labeled\n", + "0 5.1 3.5 1.4 0.2 b c a a\n", + "1 4.9 3.0 1.4 0.2 a b a a\n", + "2 4.7 3.2 1.3 0.2 a c a a\n", + "3 4.6 3.1 1.5 0.2 a c a a\n", + "4 5.0 3.6 1.4 0.2 a c a a\n", + "5 5.4 3.9 1.7 0.4 b d a a\n", + "6 4.6 3.4 1.4 0.3 a c a a\n", + "7 5.0 3.4 1.5 0.2 a c a a\n", + "8 4.4 2.9 1.4 0.2 a b a a\n", + "9 4.9 3.1 1.5 0.1 a c a a\n", + "10 5.4 3.7 1.5 0.2 b c a a\n", + "11 4.8 3.4 1.6 0.2 a c a a\n", + "12 4.8 3.0 1.4 0.1 a b a a\n", + "13 4.3 3.0 1.1 0.1 a b a a\n", + "14 5.8 4.0 1.2 0.2 b d a a\n", + "15 5.7 4.4 1.5 0.4 b d a a\n", + "16 5.4 3.9 1.3 0.4 b d a a\n", + "17 5.1 3.5 1.4 0.3 b c a a\n", + "18 5.7 3.8 1.7 0.3 b d a a\n", + "19 5.1 3.8 1.5 0.3 b d a a\n", + "20 5.4 3.4 1.7 0.2 b c a a\n", + "21 5.1 3.7 1.5 0.4 b c a a\n", + "22 4.6 3.6 1.0 0.2 a c a a\n", + "23 5.1 3.3 1.7 0.5 b c a a\n", + "24 4.8 3.4 1.9 0.2 a c a a\n", + "25 5.0 3.0 1.6 0.2 a b a a\n", + "26 5.0 3.4 1.6 0.4 a c a a\n", + "27 5.2 3.5 1.5 0.2 b c a a\n", + "28 5.2 3.4 1.4 0.2 b c a a\n", + "29 4.7 3.2 1.6 0.2 a c a a\n", + ".. ... ... ... ... ... ... ... ...\n", + "120 6.9 3.2 5.7 2.3 d c d d\n", + "121 5.6 2.8 4.9 2.0 b b c d\n", + "122 7.7 2.8 6.7 2.0 d b d d\n", + "123 6.3 2.7 4.9 1.8 c b c c\n", + "124 6.7 3.3 5.7 2.1 c c d d\n", + "125 7.2 3.2 6.0 1.8 d c d c\n", + "126 6.2 2.8 4.8 1.8 c b c c\n", + "127 6.1 3.0 4.9 1.8 c b c c\n", + "128 6.4 2.8 5.6 2.1 c b d d\n", + "129 7.2 3.0 5.8 1.6 d b d c\n", + "130 7.4 2.8 6.1 1.9 d b d d\n", + "131 7.9 3.8 6.4 2.0 d d d d\n", + "132 6.4 2.8 5.6 2.2 c b d d\n", + "133 6.3 2.8 5.1 1.5 c b c c\n", + "134 6.1 2.6 5.6 1.4 c b d c\n", + "135 7.7 3.0 6.1 2.3 d b d d\n", + "136 6.3 3.4 5.6 2.4 c c d d\n", + "137 6.4 3.1 5.5 1.8 c c d c\n", + "138 6.0 3.0 4.8 1.8 c b c c\n", + "139 6.9 3.1 5.4 2.1 d c d d\n", + "140 6.7 3.1 5.6 2.4 c c d d\n", + "141 6.9 3.1 5.1 2.3 d c c d\n", + "142 5.8 2.7 5.1 1.9 b b c d\n", + "143 6.8 3.2 5.9 2.3 c c d d\n", + "144 6.7 3.3 5.7 2.5 c c d d\n", + "145 6.7 3.0 5.2 2.3 c b c d\n", + "146 6.3 2.5 5.0 1.9 c a c d\n", + "147 6.5 3.0 5.2 2.0 c b c d\n", + "148 6.2 3.4 5.4 2.3 c c d d\n", + "149 5.9 3.0 5.1 1.8 c b c c\n", + "\n", + "[150 rows x 8 columns]" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df['sl_labeled'] = toLabel(df, 'sl')\n", + "df['sw_labeled'] = toLabel(df, 'sw')\n", + "df['pl_labeled'] = toLabel(df, 'pl')\n", + "df['pw_labeled'] = toLabel(df, 'pw')\n", + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "df.drop(['sl', 'sw', 'pl', 'pw'], axis = 1, inplace = True)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'a', 'b', 'c', 'd'}" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "set(df['sl_labeled'])" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "df[\"output\"] = iris.target" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
sl_labeledsw_labeledpl_labeledpw_labeledoutput
0bcaa0
1abaa0
2acaa0
3acaa0
4acaa0
5bdaa0
6acaa0
7acaa0
8abaa0
9acaa0
10bcaa0
11acaa0
12abaa0
13abaa0
14bdaa0
15bdaa0
16bdaa0
17bcaa0
18bdaa0
19bdaa0
20bcaa0
21bcaa0
22acaa0
23bcaa0
24acaa0
25abaa0
26acaa0
27bcaa0
28bcaa0
29acaa0
..................
120dcdd2
121bbcd2
122dbdd2
123cbcc2
124ccdd2
125dcdc2
126cbcc2
127cbcc2
128cbdd2
129dbdc2
130dbdd2
131dddd2
132cbdd2
133cbcc2
134cbdc2
135dbdd2
136ccdd2
137ccdc2
138cbcc2
139dcdd2
140ccdd2
141dccd2
142bbcd2
143ccdd2
144ccdd2
145cbcd2
146cacd2
147cbcd2
148ccdd2
149cbcc2
\n", + "

150 rows × 5 columns

\n", + "
" + ], + "text/plain": [ + " sl_labeled sw_labeled pl_labeled pw_labeled output\n", + "0 b c a a 0\n", + "1 a b a a 0\n", + "2 a c a a 0\n", + "3 a c a a 0\n", + "4 a c a a 0\n", + "5 b d a a 0\n", + "6 a c a a 0\n", + "7 a c a a 0\n", + "8 a b a a 0\n", + "9 a c a a 0\n", + "10 b c a a 0\n", + "11 a c a a 0\n", + "12 a b a a 0\n", + "13 a b a a 0\n", + "14 b d a a 0\n", + "15 b d a a 0\n", + "16 b d a a 0\n", + "17 b c a a 0\n", + "18 b d a a 0\n", + "19 b d a a 0\n", + "20 b c a a 0\n", + "21 b c a a 0\n", + "22 a c a a 0\n", + "23 b c a a 0\n", + "24 a c a a 0\n", + "25 a b a a 0\n", + "26 a c a a 0\n", + "27 b c a a 0\n", + "28 b c a a 0\n", + "29 a c a a 0\n", + ".. ... ... ... ... ...\n", + "120 d c d d 2\n", + "121 b b c d 2\n", + "122 d b d d 2\n", + "123 c b c c 2\n", + "124 c c d d 2\n", + "125 d c d c 2\n", + "126 c b c c 2\n", + "127 c b c c 2\n", + "128 c b d d 2\n", + "129 d b d c 2\n", + "130 d b d d 2\n", + "131 d d d d 2\n", + "132 c b d d 2\n", + "133 c b c c 2\n", + "134 c b d c 2\n", + "135 d b d d 2\n", + "136 c c d d 2\n", + "137 c c d c 2\n", + "138 c b c c 2\n", + "139 d c d d 2\n", + "140 c c d d 2\n", + "141 d c c d 2\n", + "142 b b c d 2\n", + "143 c c d d 2\n", + "144 c c d d 2\n", + "145 c b c d 2\n", + "146 c a c d 2\n", + "147 c b c d 2\n", + "148 c c d d 2\n", + "149 c b c c 2\n", + "\n", + "[150 rows x 5 columns]" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "def fit(data):\n", + " output_name = data.columns[-1]\n", + " features = data.columns[0:-1]\n", + " counts = {}\n", + " possible_outputs = set(data[output_name])\n", + " for output in possible_outputs:\n", + " counts[output] = {}\n", + " smallData = data[data[output_name] == output]\n", + " counts[output][\"total_count\"] = len(smallData)\n", + " for f in features:\n", + " counts[output][f] = {}\n", + " possible_values = set(smallData[f])\n", + " for value in possible_values:\n", + " val_count = len(smallData[smallData[f] == value])\n", + " counts[output][f][value] = val_count\n", + " return counts" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{0: {'pl_labeled': {'a': 50},\n", + " 'pw_labeled': {'a': 50},\n", + " 'sl_labeled': {'a': 28, 'b': 22},\n", + " 'sw_labeled': {'a': 1, 'b': 7, 'c': 32, 'd': 10},\n", + " 'total_count': 50},\n", + " 1: {'pl_labeled': {'b': 7, 'c': 43},\n", + " 'pw_labeled': {'b': 10, 'c': 40},\n", + " 'sl_labeled': {'a': 3, 'b': 21, 'c': 24, 'd': 2},\n", + " 'sw_labeled': {'a': 13, 'b': 29, 'c': 8},\n", + " 'total_count': 50},\n", + " 2: {'pl_labeled': {'c': 20, 'd': 30},\n", + " 'pw_labeled': {'c': 16, 'd': 34},\n", + " 'sl_labeled': {'a': 1, 'b': 5, 'c': 29, 'd': 15},\n", + " 'sw_labeled': {'a': 5, 'b': 28, 'c': 15, 'd': 2},\n", + " 'total_count': 50}}" + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "fit(df)" + ] + } + ], + "metadata": { + "anaconda-cloud": {}, + "kernelspec": { + "display_name": "Python [default]", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} diff --git a/machine_learning/Random Forest Classification/Random Forest Classifier.ipynb b/machine_learning/Random Forest Classification/Random Forest Classifier.ipynb index 7ee66124c371..f1a7349868d9 100644 --- a/machine_learning/Random Forest Classification/Random Forest Classifier.ipynb +++ b/machine_learning/Random Forest Classification/Random Forest Classifier.ipynb @@ -1,196 +1,196 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\Satyam\\AppData\\Roaming\\Python\\Python35\\site-packages\\sklearn\\ensemble\\weight_boosting.py:29: DeprecationWarning: numpy.core.umath_tests is an internal NumPy module and should not be imported. It will be removed in a future NumPy release.\n", - " from numpy.core.umath_tests import inner1d\n" - ] - } - ], - "source": [ - "# Importing the libraries\n", - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "import pandas as pd\n", - "from sklearn.model_selection import train_test_split\n", - "from sklearn.preprocessing import StandardScaler\n", - "from sklearn.metrics import confusion_matrix\n", - "from matplotlib.colors import ListedColormap\n", - "from sklearn.ensemble import RandomForestClassifier" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Importing the dataset\n", - "dataset = pd.read_csv('Social_Network_Ads.csv')\n", - "X = dataset.iloc[:, [2, 3]].values\n", - "y = dataset.iloc[:, 4].values" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Splitting the dataset into the Training set and Test set\n", - "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.25, random_state = 0)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\Satyam\\AppData\\Roaming\\Python\\Python35\\site-packages\\sklearn\\utils\\validation.py:475: DataConversionWarning: Data with input dtype int64 was converted to float64 by StandardScaler.\n", - " warnings.warn(msg, DataConversionWarning)\n" - ] - } - ], - "source": [ - "# Feature Scaling\n", - "sc = StandardScaler()\n", - "X_train = sc.fit_transform(X_train)\n", - "X_test = sc.transform(X_test)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[63 5]\n", - " [ 3 29]]\n" - ] - } - ], - "source": [ - "# Fitting classifier to the Training set\n", - "# Create your classifier here\n", - "classifier = RandomForestClassifier(n_estimators=10,criterion='entropy',random_state=0)\n", - "classifier.fit(X_train,y_train)\n", - "# Predicting the Test set results\n", - "y_pred = classifier.predict(X_test)\n", - "\n", - "# Making the Confusion Matrix\n", - "cm = confusion_matrix(y_test, y_pred)\n", - "print(cm)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAEWCAYAAABmE+CbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJztnXuYHGWV8H+nZ5JJSGISBsgFCMl8kiEKGgTRIHyJIIgX\nFhV1wairLkbddVXQ9ZZlvaxZddeV9bJ+bgR1lSwoImoQVIhMBI0gYDRiQsAAAZJMyECGTEg6mZnz\n/VHVmb681VM1VdVVPXN+z5Mn3dXVVeft7jnnfc857zmiqhiGYRhGIWsBDMMwjHxgBsEwDMMAzCAY\nhmEYPmYQDMMwDMAMgmEYhuFjBsEwDMMAzCCMCURkiYg8lrUczULan5eIfF1ELi97/h4R6RaRPhFp\n9//vSPB+R4rIJhGZmNQ1q65/v4icmfS5WSAed4vICVnLkgVmEDJCRB4WkX3+H/8OEfm2iEzOWq64\niIiKyF5/XH0isrvB9w+lzEXkNBG5SUR2i8iTInKXiLy9ETKq6rtV9V98OcYBXwTOVdXJqtrj/78l\nwVt+FPi2qu4TkfvKvpsBEdlf9vzjIxxPp6renvS5jUBErhaRT5aeq7cx64vApzITKkPMIGTL+ao6\nGVgInAx8LGN5kuL5vlKbrKrTor5ZRFrTEKrs+ouAXwJrgWcD7cB7gFeked8AZgATgPviXsj1uYlI\nG/A3wNUAqvrc0ncD3A68t+y7+tcw1xwD/Ag4V0SOylqQRmMGIQeo6g7g53iGAQAReZWI/F5EnhaR\nR8tnMSIy15+J/42IbBWRXSKyvOz1if6K4ykR+TPwwvL7icgCEenyZ8f3ichflb32bRH5mojc7M8a\nfy0iM0XkP/3rbRKRk0cyThF5p4g86M/IfyIis8teUxH5exF5AHjAP3aCiNzin3+/iLyx7PxXisif\nRWSPiDwuIh8SkUnAzcDsslnv7BpB4N+B/1HVz6vqLvW4R1Xf6DgXEfmoiPzFv9efReS1Za89W0TW\nikiv/z18zz8uInKFiOz0v8MNInJi2Wf8GRGZD9zvX2q3iPyy7LN4tv+4TUS+4H/P3eK5myb6ry0R\nkcdE5CMisgP4lkP8FwG7VTWUC0xELhGRX4nIl0XkSeCfROR4EbnN/x52ich3RWRq2XseE5El/uPP\niMg1/sx7j4j8SUReMMJzTxWR9f5r14rIdeV/B1Vyz/flLn0P/1v22nNE5FZf/k0icqF//O+AvwY+\n7v9WbgBQ1WeA9cA5YT6zUYWq2r8M/gEPAy/zHx8DbAC+VPb6EuAkPKP9PKAbeI3/2lxAgW8AE4Hn\nA0Vggf/65/Bmf4cDxwJ/Ah7zXxsHPAh8HBgPnAXsATr9178N7AJOwZu5/hJ4CHgr0AJ8BritzrgU\neLbj+Fn+dV8AtAFfAX5V9b5bfJknApOAR4G3A614K6hdwHP887cDZ/qPpwMvKPvcHqsj32HAAPDS\nOudUXAN4AzDb/y7+GtgLzPJfuwZY7r82ATjDP/5y4B5gGiDAgrL3fBv4TNV32er6DIErgJ/4n8sU\nYDXw2TI5+4HP+5/pRMdY/h74acA4u4BLqo5d4l/zPf73PRGYD5zt/16OAn4NfKHsPY8BS/zHnwH2\n+eNvwTO+d0Q91x/PY8B78X6zbwAOAp8MGMt1wEfKvoeX+McnA4/j/X5b8X7XPQz93q92XRP4GvBv\nWeuJRv+zFUK2/EhE9uApvp3AJ0ovqGqXqm5Q1UFV/SOe4llc9f5Pqeo+Vf0D8Ac8wwDwRmCFqj6p\nqo8CXy57z4vx/kg+p6oHVPWXwI3AxWXn3KDejHk/cAOwX1W/o6oDwPfwlHM97vVXH7tFpHTvpcA3\nVfVeVS3iuccWicjcsvd91pd5H/Bq4GFV/Zaq9qvq74Hr8RQDeMrhOSLyLFV9SlXvHUamEtPxlMb2\nkOejqtep6jb/u/ge3grmtDI5jgNmq+p+Vb2j7PgU4ARAVHWjqoa+J3irDGAZcKn/uewB/hW4qOy0\nQeATqlr0P7dqpuEZ/ChsVdX/p6oD/u9rs6qu8X8vO/GMVPVvsZy1qvpz//fyXcpWvhHOfQkwqKpf\nVdWDqnodnoEN4iCecZ3lfw+/9o9fAGz2f7/9qnoPnkvo9cN8BnvwPrsxhRmEbHmNqk7Bm+mdABxR\nekFEXuQv058QkV7g3eWv++woe/wMnqIHbzb7aNlrj5Q9ng08qqqDVa8fXfa8u+zxPsfz4YLfL1DV\naf6/95Xd95AcqtqHN1Mrv2+5zMcBLyozLLvxjMpM//ULgVcCj/gum0XDyFTiKTwlOivk+YjIW33X\nRUmOExn6Lj6MtwK4Szz32zv88f0S+CrwX8BOEVkpIs8Ke0+fI/FWNPeU3ftn/vEST/iGO4in8AxT\nFMq/B8RzGX7fd809jbfCqf4tllP9u5w0gnNn460QAuWq4oN4K4m7fffc3/jHjwNeUvU7+muG//6n\nAA1NiMgDZhBygKquxfsj+0LZ4f/FcxUcq6pTga/jKZ4wbMdzFZWYU/Z4G3CsiBSqXn88othR2Yb3\nxwmA7+9vr7pveendR/Fmj9PK/k1W1fcAqOrvVPUCPBfGj4DvO65Rg3r+4XV4BmVYROQ4PNfce4F2\n9YLkf8L/LlR1h6q+U1VnA+8Cvlby/6vql1X1FOA5eG6XfwxzzzJ24Rng55Z9BlPVCwgfGtIw1/ij\nf+8oVF/z83guyZNU9VnA2wj/Wxwp26mcLEDlb7oCVd2uqpeo6iw8N9lKEZmH9zta4/gdvbf01oBL\nLsBbdY8pzCDkh/8EzhGRkttnCvCkqu4XkdOAN0W41veBj4nIdBE5BviHstfuxJuJfVhExvkBvvOB\na2OPoD7XAG8XkYXiZb78K3Cnqj4ccP6NwHwReYsv5zgReaF4AfHxIrJURKaq6kHgabxZP3irmfby\noKeDDwNvE5F/FJF2ABF5voi4PoNJeErjCf+8t+OtEPCfv8H/jMGbjSsw6Mv6IvHSSvcC+8tkDIW/\nivsGcIX4GS8icrSIvDzCZe4CpolItXKNwhS8MfSKyLHAh2JcKyx3AK3i7dFo9QPBpwSdLCJvLBvj\nbrzvYQBvUvVcEXlT2e/oNBHp9M/tBjqqrjURz3V1a8Jjyj1mEHKCqj4BfAf4Z//Q3wGf9mMM/8zQ\nDDgMn8JzzzwE/ALPN1u6zwE8A/AKvBno14C3quqmuGOoh6reClyOFwfYDvwfKn3h1efvAc71z9mG\n51ooBU8B3gI87Lsw3o3nTsIfxzXAFt9FUJNlpKq/wQtyn+Wf9ySwErjJce6fgf/AW1V04wX6f112\nyguBO0WkD0/5vF+9PQTPwlPmT+F9Fz14QdOofAQvCeC3/lhvBTrrv6VC/gN4q883j+DeJT6BFzPp\nxRvj9TGuFQo/zvRavO/2Kby42E14KxUXLwJ+JyJ7gR8Cf6+qW1W1Fy9o/Wa8390O4LMM/Y6uBJ4v\nXgbdD/xjrwFuUdVuxhiiag1yDGM0IyJH4mWdnRwQeG4KROQe4D9V9bvDnjzyewjwO+Atqroxrfvk\nFTMIhmHkEt+duRFvdfU3eNly8/xMJyMFxuIuRMMwmoMFeGnOk4C/ABeaMUgXWyEYhmEYgAWVDcMw\nDJ+mchmNmzJOJxwxIWsxDGPU0Ffs45Q9yRbZvWdKHy2FFiaOS6XatjEC+h7u26WqRw53XlMZhAlH\nTODUT56atRiGMWpY+1AXd69N9m9q3JldTJ40hYUz61WsMBpJ19u6Hhn+LHMZGYZhGD5mEAzDMAzA\nDIJhGIbh01QxBMMwjCyY3DKZi+ZcxKyJsyjkdB49yCDb923n2q3X0jfQN6JrmEEwDMMYhovmXMSJ\nx5xI25Q2vOoW+UNVad/TzkVcxJUPXTmia+TT1BmGYeSIWRNn5doYAIgIbVPamDUxdKuPGswgGIZh\nDEOBQq6NQQkRieXSyswgiMgEEblLRP7gd5r6VFayGIZhGNmuEIrAWar6fLxmFOeJyIszlMcwDCPX\n3L7mds578Xmc+8JzWfmllYlfPzODoB6lUPg4/59V2jMMw3AwMDDApz/6ab5x7Te48dc38tMbfsqD\n9z+Y6D0yjSGISIuIrAd24nUoutNxzjIRuVtE7j6452DjhTQMw4jIlB+spuPks5h/1AI6Tj6LKT9Y\nHfuaf7z3j8yZO4dj5x7L+PHjeeVrXsmam9ckIO0QmRoEVR1Q1YXAMcBpInKi45yVqnqqqp46bsq4\nxgtpGIYRgSk/WM3Myy5n3GPbEFXGPbaNmZddHtsodG/vZtbRQxlEM2fPpHt7sl0+c5FlpKq7gduA\n87KWxTAMIw5HrriCwr79FccK+/Zz5IorMpIoPFlmGR0pItP8xxOBc4BUG70bhmGkTevj2yMdD8uM\nWTPYXnaNHdt2MGPWjFjXrCbLFcIs4DYR+SNeU+tbVPXGDOUxDMOITf/R7o1hQcfDctLJJ/HIQ4/w\n2COPceDAAW760U2cdd5Zsa5ZTWalK1T1j8DJWd3fMAwjDZ5YfikzL7u8wm00OHECTyy/NNZ1W1tb\nufyzl/O3b/xbBgcHufDiCzn+hOPjilt5j0SvZhiGMcbZ8/rzAS+W0Pr4dvqPnsUTyy89dDwOi89Z\nzOJzFse+ThBmEAzDMBJmz+vPT8QANJpcZBkZhmEY2WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG\n4WMGwTAMo0n4+Ps+zukLTuf8M9PJYDKDYBiG0SS89qLX8o1rv5Ha9c0gGIZhJMzqzas563/OYsF/\nLeCs/zmL1Zvjl78GeOHpL2Tq9KmJXMuFbUwzDMNIkNWbV3P5bZezv98rXbGtbxuX33Y5AOfPz/dm\nNVshGIZhJMgV6644ZAxK7O/fzxXrrPy1YRjGmGJ7n7vMddDxPGEGwTAMI0FmTXaXuQ46nifMIBiG\nYSTIpYsuZULrhIpjE1oncOmieOWvAS5bdhkXv+JiHnrwIRY/bzE/uPoHsa9ZjgWVDcMwEqQUOL5i\n3RVs79vOrMmzuHTRpYkElL+48ouxr1EPMwiGYaRCd183W57aQnGgSFtLGx3TO5gxOdmWj3nl/Pnn\n5z6jyIUZBKOpGQ1KZzSMoZpif5H7e+5nUAe95wPec6DpxzaaMYNgNIykFV93X3fTK53RMAYX+/v3\no2jFsUEdZMtTW5pyXIMMoqqISNai1EVVGWRwxO83g2A0hDQU35anthy6Xol6SiePM/GoY2gWqo1B\nieJAscGSJMP2fdtp39NO25S23BoFVaW4p8j2fSNPbzWDYDSENBRfkHJxHc/rTDzKGPLKqqO6Wd6x\nha1tReYU2xgQEMRpFNpa2jKQMD7Xbr2Wi7iIWRNnUchpcuYgg2zft51rt1474muYQTAaQhqKr62l\nzfl+l9LJ60w8yhjyyKqjulnWeT/PtHif7SMTiqAwTloZYKDiMy9IgY7pHVmJGou+gT6ufOjKrMVI\nnXyaOmPUEaTg4ii+jukdFKTyJxykdKIapO6+btY9uo6uh7tY9+g6uvu6RyxnPaKMIY8s79hyyBgc\nQqBf++ls7zz0/ba1tNHZ3tnUbrCxgK0QjIbQMb2jwmUD8RVfSbmEiQtEmYk30r0UZQx5ZGub26Aq\nyozJM2rGkXUcJ+v75x0zCEZDSEvxuZSOiygGqdHupbBjyCNzim2em6gKoTbwmnUcJ+v7NwNmEIyG\nkaXii2KQkoh3jJWZ6IotHRUxBAAUJoybUHNu1nGcrO/fDJhBMMYMYQ1S3EBv081Eu7thyxYoFqGt\nDTo6YEY4OZfu9M4rzzLaOr5IW2vtZ5V1RlXW928GzCAYRhVx4x15n4mufajr0OOLNwD33w+DvrzF\novccIhmFkmEAGHdml/O8rDOqsr5/M5CZQRCRY4HvADMABVaq6peykscwSsSNd6Q5E03KFTW4ohXO\nOAPWrYPBKrkGB70VQ0iDEJY0Egua6f7NQJYrhH7gg6p6r4hMAe4RkVtU9c8ZymQYQLx4R1oz0SRd\nUYXl/UAX/V1wzUmw/GzYOhXm9MKKNbB0QzrGq7O9M7PYSrNndDWCzAyCqm4HtvuP94jIRuBowAxC\nEzFag6dxxpXWTDQpV9TieUsOPf7yaV0sfxk8M957/sg0WHY+PDERLlvcFep6g2uX1BwLKm7X2d7J\nomMXhZY1aZo5o6sR5CKGICJzgZOBOx2vLQOWAbS1m68vTzRd8DQkcceV1kw0DVfUJ89t5ZnW/opj\nz4z3ji+ed8aw7y+PR5Qz2orbjRUyNwgiMhm4HviAqj5d/bqqrgRWAkyZN8VdMcvIhCRmrFFm4o1a\njSQxrjRmomm4onqrjMFwx8My2orbjRUyNQgiMg7PGKxS1R9mKYsRnbgz1igz8UauRqKOa/OuzWzr\n23bo+ezJs5l/xPxEZYJ0XFFRjMwdW+9wX6QqbfWiabBq4egqbjdWyDLLSICrgI2qmm5fOCMV4s5Y\no8zEG5nKGWVc1cYAOPQ8jlE4+zfdXHL9Fo7qKbKzvY0rL+xgzenJu6LaJ7bXyF86Xs7ah7poGYTJ\nByrP++BvqElb/fpP4dEjW7n9mOSL243WmFVeyHKF8BLgLcAGEVnvH/u4qt4U9Ia+Yl+gz9JoPAoU\nCoUR/9FHmYk3clNRlJm4S5mWjo/UIJz9m24+9O37mXDAu//MniIf+ra3GlpzerKuqJ59Pc7j2/Zs\nY/ueyrEd/KyfqlrOXbVpq5MOwneu6+e8z5xgDZGajCyzjO4AR8GTOpyyZzJ3rz01JYmMqBQWd8VK\nI4wyE2/kpqKs0xPf/L2NTKiaiU84MMhbv7/p0CqhnOpZc7G/GPiHtXjekopJlULgX2FN9pArxlx0\nG+RjdruL28Uh7xv+RgOZB5WN5ibOH32UmXijNxVlmZ44p9d9/JjdtT5516wZPEUft69XoU7a6SFj\n0dbmNAqPTUu+q5iVnkgfMwhGZkSZiWc9aw9i9uTZTrfR7MmzR3zNrVPh13NqN4ud+WitknXNmhFv\n5RSU71++D+GOrXfQP1ibUdTa0soZc9xppxVu246OyhgCsHccfPrltcXt4mKlJ9LHDIKRKVFm4nnc\nVFSKEySZZfSmC2H9TNhXtlnsnefDq/bOqjk37qzZZQzqHS9RvnoY/P6Ciiyjd7+iyI0nt7EwlATh\nsdIT6WMGwTBiMv+I+Ymmmd47r3YmvG88rJ7YQ/WcP+6seSTvL19hrH2oy6t5VFb36NqTupgc6u7R\nyOsqcTRhBsEwckaUWX/cWXOzzbrzuEocTZhBMMY0ecxrjzJrjztrtlm3UY4ZBGPM0t3XzaZdmw7t\nqC0OFNm0axOQbV571Fl73FlzXmfdeTTWox0zCMaY5YEnH6gpr6AoDzz5QKaKZzTM2nv37XZuIi2P\nP9TDNqFlgxkEI3GaZWY30gybRpDXWXsYDt6+xHm83r6GamwTWjaYQTASZSzO7JrFADYTtgktGwpZ\nC2CMLurN7PJGi7REOu6iZABLiqpkALv7uhORcawSlPZqm9DSxQyCkShp9xNe9+g6uh7uYt2j62Ir\n3fnt7r0DQcddNJMBbCY6pndQkEr1lOd02NGCuYyMRGmGfsIlkgjejgbXRh5dXqMhsN6MDGsQROQf\ngKtV9akGyGPkmapGKBcfDtfQVXGKq3pm1JmdS0HlNcjY7PV18hzzaebAerMSZoUwA/idiNwLfBP4\nuapaK8uxRnd3TSOUVT8qsGpjZ0XZgnFndjGubSKDOjiimV2Qgqop4OYTZyaehDLM607fsLP+vBpa\nIxuGNQiq+k8icjlwLvB24Ksi8n3gKlX9S9oCGjlhy5aKipaA93zLlgqDANDW2sbCmeFKm1V3Bjvh\nPQMMttYqqCCiBICrSap3culaeXFtRDF0o8HlZSRHqBiCqqqI7AB2AP3AdOAHInKLqn44TQGNnBDQ\nCCXweAhcncGejqjfvU6sIyMpZZg310YUQ9fsLi8jWcLEEN4PvBXYBVwJ/KOqHhSRAvAAYAZhLBDQ\nCIW2WsURtEu1mm99j5rOYHN6vXLPYYmziWy0KsNGFseriyPmtG1e/Msa6RFmhTAdeJ2qPlJ+UFUH\nReTV6Yhl5A5HIxQKBe94GUG7VJ30dtUcWrEGlp0Pz4wvu40UKEjBqfyn9rdyzQfXOZvRD0dUZZjH\nbBwX9Qydawxx2qAG4og5rVwNVxzRHfr7MRpP3X0IItICvL7aGJRQ1Y2pSGXkjxkzoLNzaEXQ1uY9\nnxHjj9uxuli6AVbe3MJx+9tAPSXW2d7J8YcfX5OX3jIIX1zdz8yeIgU8l9Ol39rIMavXhhvS5Bl0\ntnceWhGU7uVShs20AS0oh799YrtzDACLjl3EkrlLWHTsomSMnCPmNOkgXHK97c/IM3VXCKo6ICJ/\nEJE5qrq1UUIZOaWqEUpYgmrYXHw4rFztKYoSe8fBTfMG2No2gEBNG8jymeznbiryjj9UXnPSQfjM\nrcorXhpuNh/W/99M2ThBge6GjiEgtnRUjwWr80wYl9Es4D4RuQvYWzqoqn+VmlTG6GD9eujrg8Xu\nKpfb5nkuhPIsoysv7GDb6TNY7LhctfJ+311dztvePofI6aTrd6yn70Bf4FD6B/qdXeuL/flUcC5D\nt3GXe0GfSkZRQMxpZ3tzx2dGO2EMwqdSl8IYlRTev3vYc9acPmPEPuWd7W3MdMw4P3ZObarqcDPh\n3n27mbo/+F6TDsLjz6o9fvSeSCJnSkOD6I6Y095xcOWFVnoiz4TZhxDOIWsYDsLWvx8JV17YUZG2\nCrB/fIHHpoxsE9tTdy4JfG1VT1dNsPuwA/C5W+Cq50USOzMauomu5FosyzJa9qoi2yygnGvCpJ2+\nGPgKsAAYD7QAe1XVMV8yjMZRWllUu5zaWrc4lf9hB+Bb7+9iTi9snQrLz4ZrTgp3r6Wb22B1keVn\ne++d0+tlRL1kK1wVcxyNyl5q+Ca6qpjTNSd1OV2BecjeyoMMeSCMy+irwEXAdcCpeHsSjk9TKGPs\nEPcP0eVy6uijZibcMugFsOf2es/n9uIsvRFIRwdL77ufpRsqVx9LXxdvXI2uJZS3TXR5qKWUBxny\nQtidyg+KSIuqDgDfEpHfpCyXMQZI6w/RNRP+3E1Flm6oOjGg9Ib7orUuEAoFrjlpHydUKf/2ie3s\n2Lsj1LiaKXspDfIw/jzIkBfCGIRnRGQ8sF5E/g3YDkxKVyxjLJDmH2LYjKTBYpHWCK0dh/BcUkpt\nRtO2vm219wkY11ivJZSH8edBhrwQxiC8BS9u8F7gUuBY4MIkbi4i3wReDexU1ROTuKbRPDTyDzEo\nI2lnexuL5y1yvCMc6x5dF1reoAyfpDN/6pUNSTPIH4ZqV1prodW5Az1o/Gn4+kdrCZORMGzHNFV9\nRFX3qerTqvopVb1MVR9M6P7fBs5L6FpGk9HINolXXtjB/vGVP/f94wux0yCjGC/XuNLqDDa4dknl\nvy9FKBCVEqXVVPlO6aBaVO0T22uOpbVb3LqzDRG4QhCRDfj9TlyoauxkO1X9lYjMjXsdozlpZBpk\nUEZS3Lo6QbPLaoLGlcfy2WlSr5R5OT37emqOpeVinDF5Br37eytcfTMnzRy130E96rmMclG4TkSW\nAcsA5jhq3xjNS6OVYZxNcEEEGbWZk2bSs68n1LjylvmTB1xGNqqLMUqm1469OyqO7di7g6kTpo65\n7yXQIAQVtGs0qroSWAlw6pQp1qltlBFFGeYxV3yszfAbhcu9FsXXHyWDzbKMhrCNaUZTkOdccZvh\nh6cghRrlKwha5p0Ocq9FcTFGUfKWZTTEsEFlvI1pF+M1w5kIXIJnIAyjYdT7AzeaA4GacuMLjljA\nCUecEKoEeZRy5VGUfCOTG/JOphvTROQaYAlwhIg8BnxCVeNWAjBGITaLGx0Eraai9LAOc24U91JD\nazzlnEw3pqnqxUlcxxj9JJErnscYhJEOUZS8xYGGCLsxrUAKG9MMIyxxZ3FpxiByaWiq+hlTCPYO\n51L+mERV8hYH8ghT/voRABEZAH4CPK6qO9MWzDDKiTuLSyuTJI/B7os3UNPPuHS8usl9HuU3sqPe\nxrSvA19R1ftEZCqwDhgADheRD6nqNY0S0jAg3iwurRhEHlMWV6yhpp9x6fjbq/oc5lH+JDBDNzLq\nrRDOVNV3+4/fDmxW1deIyEzgZsAMgtE0RI1BhHWj5DHYPac3/PE8yp8Eo9XQpU29tNMDZY/PAX4E\noKo73KcbRn6JUq8mSs2cPKYsbp0a/nge5U+C0Wro0qaeQdgtIq8WkZOBlwA/AxCRVrz9CIbRNMyY\nPIOZk2ZWHAuqVxNlz0MeC6MtPxtnEHn52bXn5lH+JBithi5t6rmM3gV8GZgJfKBsZXA28NO0BTMy\npDpDpaMjuIlMlHMzJEq9miizyyRSFpPO8vHagg6yYg017UKrW1iO1pRL21swMurVMtqMozS1qv4c\n+HmaQhkZ0t1dm6FyvxeMq1H0Qef29kJPD/1dsLN9Xd2qomf/prumAikkX5U0ik85arwhTrA7jeDn\n4nlL2DavNoDs6mdcuk9Q0bdmNRSj1dCljag2T724U6dM0btPPTVrMUY369YdSlOsoK0NFi0Kd24V\ne8fBsvNrG9pfvMHrczzp4NCxYguowoRBx/ufJ5UXiPDbVfBqJzheqD7sPNe/VelwUo1mghrstLW0\nsejYkTfuiavMu/u62bhrY83x2ZNnV1RxLfYX0bVLKs6Z/qIueie4r5t1g56xStfbuu5R1WGVZ6jS\nFcYYIkjBu46HMAbgKfxVP21j1ZMOg3Kw8hptA+73/8fPYVtVOcXbrm6FM84IJcPcF97BI5Nqm7Ec\n90wrD/+u6hp33MFz3tXPlumegWobgKtWC0une3PswuKuiq5kYZWcS0mnEfxMYtWxuWez83h5z4CS\njKuO6mbpzqHr9o2HqROnsXDmwhHJb2SHGYQsyaP/vbUV+h1drFpba+VtaYEBhwZ3EcOgAMzcC7c9\nXOX0CGcLAFhxq7LsFfDM+KFjhx3wjlOdfXPGGfz5vqpj04ceDpZmxOvXU3j/7lD3D1LSUVtIhiGJ\nlMsBDfm9Cizv2FJhEIzmpd7GtMvqvVFVv5i8OGOIKL76RhLkhhkYqJVXXD6YAFzNjdrawhuFmM2R\nlv5+APoMAgRxAAAgAElEQVS94OrWqV6wdcUaWLphwCuvmDJBSlqQmpLQcYOfjU653NpmqZyjhXor\nhCn+/53AC/HKVgCcD/wqTaHGBFu21O4mHRz0jmdpEIJm/Kq1xkLVWzm0tAytGiZOhN2OWXN7bY9c\nOjoqjQx4Rqb6PoWCd24c2tpYuqHI0g21x+NSr6l9iaAYxsBg7ec9qINsemIjm56o9eGHxnGvKKuO\noJWLiznFtkirJSO/1Msy+hSAiPwCeIGq7vGffxK4riHSjWai+OobSZRZO3jupXI//h13uM/buROm\nTq11kXV21h6D5F1pLuMT19AsXMjg2nCnzn3xOh6ZUPu5Hlds4+Hfjjx47EIWd8VedRx/+PFs2rWp\nonFNdSMbABRWbOnAK4JsQeNmJ0wMYQ6Vu5YPAHNTkWYsEaR4s+4bHaQ4HbVxnLjiD6XjLhdZZ2dt\n9hIkv0oqXS+jmM2KLR0s67yfZ1qGPsfDBgq+Mk0WAQYHa91Tm57YGCqGcMfWOxgY6K9W/agoC45Y\nUBEYL/YX/fjB9sTkN7IjjEH4LnCXiNzgP38N8J30RBojRJ2xbt4M24YyPJg9G+bPD3+/sAHsIMW5\nMYb7okTWLrIZMzJzx5WCrss7trC1rcicYhsrtnSkEowdXLvEWf668OF9nntLhMVzg3YleEzdD0/d\nueTQ85fOXcva4/SQG0uAA/1FZyZvPZp5b8NYIEz56xUicjNwpn/o7ar6+3TFGgNEmbFWGwMYeh7G\nKEQNYLsUZ0nOaqpXNFEyj0qyjBGW7pzRmGwc1/ddKDD4aYGWFgrL+7lj6x2cMSd8mtZtDy+Gh2OK\nZRVIc0/YtNPDgKdV9VsicqSIzFPVh9IUbEwQdsZabQzKj4cxCFED2K7VRHu7W47qYPH8+e7VRL10\n1tIGt7yk3oL7M4B4LqegVVrS6cdB37e/uXDq/i76Eul5GFEsq0Cae4Y1CCLyCeBUvGyjbwHjgKvx\nCt4ZzUCUAHZ3N2zaNJTpUyx6z4PYubPSKM2Y4ZWuqHZvTZ3qzijq7x8yFGmn3oZVvK4ZdvlnUi0r\nDH/d7u5KQ1kses97e2HHjnjpx9XjKhZZdZIrxTbb1ZhVIM0/YVYIrwVOBu4FUNVtIjKl/luMXBEl\ngP3AA+700iCqZ/3d3Z6CK2fHDs8gVGcU9ffXupfSiitEcZtt2cKq5w5WKVStTVkdHPTceaqB9ZwO\njfXAAZy4Vl1RPgPHuK4+Cd51/tAmvEemeaU/npgIly3uAqBl+CvXEpRBFnK3eBJ9sY10CWMQDqiq\nioiXSi2SwWJzjDN7tltxzJ4d7v1RAthBWUJhqeeeWrSoUsl1dbmvkUZcIYLb7Or5RadCBWqNgite\nMjhY+X2NZDxh3+MY1z+dXbkjG7znnzy3lcXzImzvLuOlc9eydrF7YhA29dYqkOafMAbh+yLy38A0\nEXkn8A7gynTFMioouWRGmmWUZsplS9VcM4p7KmjlkkZcIYJcHz3HrVCXn+0wCGkRNv3YIX9Qg5ze\n1pjG3pGdFGZTXok8VCC1LKf6hMky+oKInAM8jRdH+GdVvSV1yYxK5s+PlmZaTdgAdlCWkGsHcUmu\ncuq5p6p93e3tlf7z0n3SiCtEMD6PBzhEaxRtoQCFAqsW9Dv89SHlCvq8w26Yc4xrTq+3qqk5Na5r\nRjWSAXARp1R4XCzLaXjCBJU/r6ofAW5xHDMaRaMK4QVlCZ1wgvf/cDIEuafa22t9+Dt2wMyZlb72\ntOIKQVlSDuMzfR88dVjtqXP6WqCttWL8q+b0suyUbeHcS9WIeGPavr3S2EapEeX4vP/5Nnj3+XCw\n7K+7ZRCKWjyk0FtaWg+lnVbPmg+V0yj7zd1WioNUrwghUpHBtAgz87csp+EJ4zI6B6hW/q9wHDPS\nopGF8IZzLw13v6D3B/nwe3oqdyqnFVfo6Ql33uAgX7nZU+o1lVFvGazZVb385C3h3UsiMH58zeey\n6kStDWBvDmkAHZ/3O55op+3H22pXLf0LYMYMpr9oKO3UNWsGeP52nHsZOP74fKQFlxF25m9ZTsNT\nr9rpe4C/AzpE5I9lL00Bfp22YEYZ9QKipdeTXDkEuZei7HauPh600zmtjWmOVMywlBR5rRtIayqj\nBlX6dPrxVYfkKBbh4YdZNb9YYXwOrTBWF1kaVuDqz3vdOpZucxiktloj45o1Azx4BNH2rixcCAz1\niQjqh5CGDz/szN+ynIan3grhf4Gbgc8CHy07vkdVn0xVKqOSegHRRq0c4q5SGlm7ySVrRJZuCHD5\nlK9gZs9mzsnwiEP5H/4MzP3AMHGFfftYHpARtPxlsLSsHkC9LmSDVR3LogTQg2bH24ISy+t8loMr\nWnnpmwdYe5w7GyktH37Ymb9lOQ1PvWqnvUAvcDGAiBwFTAAmi8hkVd3aGBHHIFEa0TSqPlDcct1h\nU1+DxuryXUeRNSx+IT/3xq6qc7dtY8Wtte6l8f3wdBv0+G6ZenGFoIygrVXd4frGu89zEsH4Bs2a\nZ++pc20X69dTWN7vxz/EuToImslv7tkca9UQduafhyynvBMmqHw+8EVgNrATOA7YCDw37s1F5Dzg\nS3j7ZK5U1c/FvWbT45rduoKM9SqQpuGGiVuuO2zqa1BANei4y40VdfwlBVoKFLdudLtxqFXoLvdS\n37ghY1AiKK4QlBE0p1ipzA7eviT8eCLsO3HNmgGevYva31iIcuH1iuYFzeQHdIABfxIwklVDlJl/\nlllOzUCYoPJngBcDt6rqySLyUvxVQxxEpAX4L7yg9WPA70TkJ6r657jXbmpcs1tXI5pSoLZRbpgk\nXD5hUl/rlc+uJsiNFVQ3KYiqQPHHF26MtA+h2r1U+IT7Nq7VwIo1sOw1heHLYq9fz/R31Tageeo/\nHH2lI+w7cc2aDwwc4A+z1N2rIsbKM2gmX03UzB+b+SdHGINwUFV7RKQgIgVVvU1EPp/AvU8DHlTV\nLQAici1wATC2DULQ7La6EQ3U1gwq4epOFpc0Gsy4iOIyCnJjiYTv4eBYeTwa5MYJOF5N4Ky/t/bY\n0g3Ags5hy2KP+4fdDBRq319Y3u/eKRyh1Hdp1rz2oS4O9Jf9/kZQLrxeUDloNeIiauaPzfyTIYxB\n2C0ik/HaZq4SkZ1AzC2PABwNPFr2/DHgRdUnicgyYBnAnKybxzSCKDPxoFTKsCmWUWhUg5koLqMg\n4zkwAAsW1G6CcxnP0v6KMuY808ojk2p/4i6FzsSJsG9fxaEVa2DZX8Ez44aOHXZQWLHGEWxdsCBU\nWexILqMY1ASow1LWPW7cmV3OU1wz+QEdcLbqtMyfbAhjEC4A9gOXAkuBqcCn0xSqHFVdCawEOHXK\nlDpV1kYJUWbiUauYxlXmjWgwE8VlVM94umR1tfB0jGfFI8ezbP4mnmkd+rkd1i+suGcqUOa2KZUP\nqepXsbRnNjwwtXbW34+X+pm3Ut8NpHomX515BJb5kyVhSlfsBRCRZwGrE7z348CxZc+P8Y+NbaLM\nxMOuJhq5sS0uUVxGKbmxArub7QLa9g19L1N9H5KjrMjSDd0s/TFQBNqADoINatxueGnRgN3x5v/P\nF2GyjN4FfApvlTCI1z1P8X7icfgdcLyIzMMzBBcBb4p5zdFB2Jl4WIUYN2W0kURxGUUxnhGNYo0b\nJ8r7o5wbtxteWjRwEmH+//wQxmX0IeBEVd2V5I1VtV9E3gv8HC/t9Juqel+S9xj1hFWIcVNGG0kU\nlxGEN55BRvGBB8IZlChGNcq94nbDS4tmmkQYiRHGIPwFeCaNm6vqTcBNaVx7zBBGITZyl3BUqt0S\nQSmjcWWtl70VprJqFKMa9V55pJkmEUZihDEIHwN+IyJ34nlEAVDV96UmlZEsjUoZHY7hyl+XlE11\nqe0kZA1bzyhoFhylrHfYfRAj3U3dCPI8iTBSI4xB+G/gl8AGvBiC0Ww0KmW0Hi6fdJC7pFDwlGoY\nWcMGPoPSTl24FOHEie7jhULsuklOwnbDS4u8TCKqsAY36RLGIPSr6mWpS2KkSyNSRku4smZ6esLP\niAcG4Mwzhz8vaqA3LK6Mpt21u4SBmj0IkXHtkUgiyyhuhlAeJhFVWIOb9AljEG7zN4etptJlZBVP\njVrqZc2EJWwLzSiBz6DigC6iNKiJS3t7/G541cTIECos7gJg8SPCbSwObwDWr6fw/gCjmRDW4CZ9\nwhiEUirox8qOJZF2aowGYvQdcBKlhWZagc/+/tpxpUUau8pHaYaQNbhJnzAb0+Y1QhCjCYnad8BV\nPTNOC820Ap8tLenEBVzkrDJtmqUr4mINbtKnXse0s1T1lyLyOtfrqvrD9MQyYhHFfxzH1xy170CY\n6plRWmimEfgsFLxVShQXUxxSWH08PBXmOuouPTwVOnyX0NTxk53vLbmMpu6Hp+5ckrhscbAGN+lT\nb4WwGC+76HzHawqYQcgjae2odRFldjt7dvJ7JqIEPqtTWYOYOTNazGPaNHj66ZGlkJaMV8KlK5af\nDVfdWGDCgSGZ9o8vcPVfd7J4XvDnv3jeEgDu2HoHydSvTBYrc5E+9Tqmlaq6f1pVHyp/zS83YeSR\nJHbUhvU1B9Udqla+URRc1Fl/2OyplpZwewN27Kjfoa6afftqVz71DGVVMx5nCfOYpSuuOQkWHNHJ\nJddv4aieIjvb27jywg7WnN78itPKXKRLmKDy9cALqo79ADgleXGM2CSxozbszD8oG6elpbZ3Q1jS\nSncM2zBncNDLcgrbT6FYrDVK69e701SnTfOb0ZexcaP7ujFLV6w5fcaoMABGY6kXQzgBr03m1Ko4\nwrPweisbeSSKyyVqULY63hC17lBYGrlnwkV/v7eqKZ+5B7mcXJ/VwoW1RmHaNJg1qzad1jByRL0V\nQifwamAalXGEPcA70xTKiEEUl0uUc6NkFDWyvEEaJZpFPNdRmPOClHr1SqBevKaBpLbTtwH7EIz0\nqRdD+DHwYxFZpKrrGiiTEYcoLpco54bNKGpkeYMoQfEoeyRUa1cDrtVBmCB1iaB4TRApbI7r7utm\n464hF1VxoHjoeVJ++VJg2mhOwsQQXisi9wH7gJ8Bzwc+oKpXpyqZUUmUmXAUl0vYc6MEShvl7okS\nFI9SyygKDzyQfEYWOFt7uiiliYZhc8/mwOPlBmHy+Mn0DuyOdG0Whz/VyC9hDMK5qvphEXktXt/j\nNwC3AWYQGkUeOp7VizcsWtQYGaqJEhRPY0cwhI+X1Pv8Ojpiub3CzsoH1J05VX184cyFzvOM0U8Y\ng1BqFf4q4BpVfVIaWevFyEcpgiQ2gSXt748SFI86Qw+bZRSWep9f1kH0UYpVRo1OGIOwWkQ24bmM\n3iMiR+K10zQaRR6alcRNB01jlRPFSEWJIbhm7QcOuGMGrsqoLvJQPVTxGuC6jg/D+h3r6d0XPmic\ndSwhamVUMx4eYWoZfVRE/g3oVdUBEXkGuCB90YxD5KVZSZyZbBqrnChK1mU8XKmkQbP27m73noEs\n21z6hFVm0/fBU4fVvn96iArevft2M7iiNdT+knFndrF+x/pMXU9RKqNaWe0h6u1D+LCq/pv/9GxV\nvQ5AVfeKyHLg440QcFQT1oWS02YlgbjGldYqJ6yRmjGjdlfwrFkwdWryGVkuUooDKYRWZl++Gd5x\nARws+6sf1+8dv+o5IW+YRppvCkSpjGpltYeot0K4CCgZhI8B15W9dh5mEOIRRUHkwd0A4ZRB0LjS\n6pUcJFNQu85yduzwDELYoHjeVkily4RUZi/b1sa3flxk+dmwdSrM6YUVa+DsbW1cFeZGAwPZJzeE\nJKgyKgprH+qqPBQQEh2LZbXrGQQJeOx6bkQlqoLIOvAY1oAFjSsoQDtxYvIy9fbW9mp2pZwmFZgP\nU5yuwXGgkjIrV34fXOwVvVu6obLo3Rfe1lFzrhPX/gzHZzj5APQWdg9/vRQ5JKVUHrz6h7B081Ca\n9FteUWTVQkEdgZSxWFa7nkHQgMeu50ZU8hAojkJYAxZV/qDWlHFkirLfIO7nXa9DXLlRaHAcqFyZ\nDa5dcmgnsavo3f8+D7Y8ug4Fjiu2sWJLB0t3uoxkl/tmVeMKLJu9fv0IRjJyVnUWWf6S/WydoszZ\nI6zoamXpfQMw6MtbLPL1n8Ldc4RNh9eqtPaJ7Q2VNw/UMwjPF5Gn8WzsRP8x/nOrZRSXvASKwxLW\ngCXRNS0sSdwn7ucdZHyqi9OlGAcqSKFuj4DC4q5DG8eqi95VBFQFHplQ5M0LNvLmBRtr3ABbfu/u\ns0BbW03pClejnSxLW2ydorzkLwehav4w6SDsaXWvXnv2pbR3JcfUK10RMp/OGBHNFigOa8CCxpVk\nTn9S1KtFlDRJxYGqYiNvOhx+f1ZnYJbRcOmfroAqwqHrlF/3H9/Wznf/346KPgt7x8G7X1Fk1fOL\nh+639qEuCou7aHF85VHSUZNOBZ3T2+U8vm2K+3yLIRiNIy+B4rCENWBB43LV/QfP354G1UbIlWIa\npRZREsSNAzliJitXwxVHwJrTR7ZbvF42TnX20g8P3wHvmclXru6pcDnd2LGdqQztcF48bwnrd6yn\n2F9kf/9+FEUQTjgiXDkOSCcVdGd7GzN7asd79B547Fm151sMwWgsWQeKoxC1aF5QplSCncEilYM4\ncMB9jc2b430H1WWyy48njSNmMukgXHL9lhH3PgjMxsGdvbT6iB52/Uel8VlI7b1nTZ7F/T33HwrW\nKhpJoaeRCnrlhR186Nv313SSe/HATH4oO6w1J2YQjCiENWBBqaDz5ye7kStKOYigXs1xeyeXxpOk\noQsiIGZylGPWG5agPsU1bqSSCCHdKHEVepR9BGEpGc3qoPquk2fQ2TfVdiqTkUEQkTcAnwQWAKep\n6t1ZyNFUNMmGoIYW4suL2y1pQxdEwIpoZ/vIXRtBfYpLz6tpLbSy7tF1wyrOuAo9aOUS140T1EnO\nWnN6FDK675+A1wG/yuj+zUVJyZaUQUnJdndnK5eLeumpaTBjhrexbMkS7/8gY9AaMPcJOp5HOjq8\nFVAZe8d5rpDEbzW9g4JU3ksQ+gf7Dynqkl+/u6/2dxikuMMqdNf9x6obp5Fk8tegqhsBrGpqSPJQ\n7TQsed1fcfzxsGlTZSBZxDveLDhWRMteVWRbhPhBdeZO+8R2duzdURO87WzvpLO9Mnupf7C/plR2\nkBsoyBUVVqEHrVzSmsVbcTuPJpoejWHyqmRd5HV/RZB7CWr7HLtKX+TFRVcVG7nmpK7QvWlcmTvb\n+moD4iUlv+jYRRVKsevhLud1Xa6dJBR6FDdOHIVuxe2GSM0giMitwEzHS8v99pxhr7MMWAYwJ2ul\nkhVpKtkoii/MuR0d7pl4HvZXuCqYhi19kdOaPUG4FKRzz0EAQf77KH79Rvnl4yp0K243RGoGQVVf\nltB1VgIrAU6dMmVslsxIaxNblABwPeXZ01NZRK6R+f5xZvJRSl/k1UXnIEhBhjUGQcR1A6VFHjOa\nmhVzGTUDaWXTRIlNhFGeQUXkSu9PWpnGzWiK6nKL66JrkBsqSEHGpdF+/bDkNaOpGckq7fS1wFeA\nI4Gfish6VX15FrI0DWlsYosSm4irDNOId8QNtketuxTHRdfAdNwkZrYt4q5ck8f0zCgK3eVKy+vK\nJwuyyjK6Abghi3sbZUSJTcQtWtfWlvwMOW6wPcgVN3NmZQyhdDyOi66BmWL1dh9HoVkyb8Iq9CBX\nmiujKq9jTRtzGY1GonRiCxsAdinPsBQKXmwh6RlyUNOdoL0Frs+ls9P9WYXtpBaWBmaKtU9sd2YP\nRWFAB5om8yasK6terKE6o2qsYgZhtBHVNRE2AOyKY5S6kLlm2OWB5lJdoaRnyEGyuo4HfS6dne6O\naUm76FLMFKueyVfvFRgpjcq8adRKxILHw2MGIY+kkTkTFCgOukbYonVhZ9KuBvUQb4YcVIfIdTzr\nzX0pZYq5eiqnSdLXT2IPQNhrWPB4eMwg5I20MmeiBIqjKOmwM+k0ZshRrpn15r4U6y6FzSBqkRYG\nddDZLtJ1rmulkbTyTGIPQNhrWPB4eMwg5I2gmezmzeGUSRKB4jQ2AKYxQ262JkMZljsXBBFBHe60\nFmmhtdBa4bIBQivPOC6fJNw49a5RXYjPgsf1MYOQN4JmrAMDQ66QequGKEqyvd29b6A9hV6yacyQ\n81LttAlQlP5BRwAeL4B85rFnOl8bTnnGdfkk4capl1VVXYivs72TRcc6YkYGYAYhf4RN7wzyf0dR\nkj0BPWO7u2uDwkko2TRmyM3UZKjJCLPnIK7LJwk3jusaLsZqOYoomEHIG65U0CCCDEdYJRl3NWLk\nAkEq4wIKuAoJBx2PQb2ZeRhXUlJF8KqvYRlFI8MMQh4JW/snrq8/7mqkmchrFdYEqAkSByj9FoUB\nx2tR3DPVSj4o+NxaaA3tSkpi93P1NUqxg2oso6g+WTXIMYII20gmieBpR4e3ES0MeSy1HQVHc5lc\nB6DjUmUjDjsASwJ+Wu0Tw8WMSvGCcr+8y01TkAKqGuhKagTWYGdk2Aohb9RTvKVZbhJlqks0ajUS\nhSD54+zPGGMB6PZnYPJB2DoV5vTCijXwkXPc5/bsC4glVeGKFyhKa6GVFmmpcPls3OXed9Iol02Q\nK+qBJx/ggScfqDj3jDlnNESmZsAMQjPh2lFbTZR9DFFXIy6FXLrOSJVs9TWrdz8n2aNglAagC1Ko\nUNQtg/Cln8HSDZXnvfl17veHVdJB5/UP9nPG3EqlGtSTuZEum2o30tqHumgZhMkHhs7pnQDrd6xn\n4cyFDZMrz5hBaHaqFWp/f/gduVFWI1C527hYrN19HFVJu4xXUC+CJu9RkBYCNbn1RS2ytH8BtJX9\nLgoFYJ/zGmGVdJQU0bxuAjv42VY4Y8h4jTuzKzthcogZhLwRJfjpUqhBBF0z6Hj1auT224OvXU4U\nJe3ahBeVZo9tJIBrJlyzGlq/HthXs5qIoqSjKPm89k4w6mMGIW9E2VgWRaG6DEqUewXVDXIRVkkn\nocxHQZZQo3CtJqIo6ahKPo+9E4z6mEHIG1GCn2EVapCSTyvQmrSSTqtHwRgkrpI2JT+6MYOQR+IW\njGtthZaWcEo+6UBrUkralVGVdI8CwzAqMIPQzAS5fI4/vrGKMmw6bND7XMcb0aPAMIwKzCA0M43M\nrZ89253pM3s2zJ8/sms2W7VSwxjlmEFodho1ay4p/XKjEMcYwJjbLGYYeccMghGe+fPjGQAX5gYy\njNxgtYwMwzAMwAyCYRiG4WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG4WMGwTAMwwAyMggi8u8i\nsklE/igiN4jItCzkMAzDMIbIaoVwC3Ciqj4P2Ax8LCM5DMMwDJ9MDIKq/kJV+/2nvwWOyUIOwzAM\nY4g8xBDeAdwc9KKILBORu0Xk7icOHmygWIZhGGOL1GoZicitwEzHS8tV9cf+OcuBfmBV0HVUdSWw\nEuDUKVM0BVENwzAMUjQIqvqyeq+LyNuAVwNnq6opesMwjIzJpNqpiJwHfBhYrKrPZCGDYRiGUUlW\nMYSvAlOAW0RkvYh8PSM5DMMwDJ9MVgiq+uws7msYhmEEk4csI8MwDCMHmEEwDMMwADMIhmEYho8Z\nBMMwDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMwDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMw\nDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMwxiyTD2QtQb6QZmpnLCJ7gPuzliMFjgB2ZS1ECozW\nccHoHdtoHReM3rGFGddxqnrkcBfKpGNaDO5X1VOzFiJpRORuG1dzMVrHNlrHBaN3bEmOy1xGhmEY\nBmAGwTAMw/BpNoOwMmsBUsLG1XyM1rGN1nHB6B1bYuNqqqCyYRiGkR7NtkIwDMMwUsIMgmEYhgE0\nmUEQkX8RkT+KyHoR+YWIzM5apqQQkX8XkU3++G4QkWlZy5QEIvIGEblPRAZFpOlT/kTkPBG5X0Qe\nFJGPZi1PUojIN0Vkp4j8KWtZkkREjhWR20Tkz/7v8P1Zy5QUIjJBRO4SkT/4Y/tU7Gs2UwxBRJ6l\nqk/7j98HPEdV352xWIkgIucCv1TVfhH5PICqfiRjsWIjIguAQeC/gQ+p6t0ZizRiRKQF2AycAzwG\n/A64WFX/nKlgCSAi/xfoA76jqidmLU9SiMgsYJaq3isiU4B7gNeMku9MgEmq2ici44A7gPer6m9H\nes2mWiGUjIHPJKB5rNkwqOovVLXff/pb4Jgs5UkKVd2oqqNld/lpwIOqukVVDwDXAhdkLFMiqOqv\ngCezliNpVHW7qt7rP94DbASOzlaqZFCPPv/pOP9fLJ3YVAYBQERWiMijwFLgn7OWJyXeAdyctRBG\nDUcDj5Y9f4xRolzGAiIyFzgZuDNbSZJDRFpEZD2wE7hFVWONLXcGQURuFZE/Of5dAKCqy1X1WGAV\n8N5spY3GcGPzz1kO9OONrykIMy7DyBIRmQxcD3ygytPQ1KjqgKouxPMonCYisdx9uatlpKovC3nq\nKuAm4BMpipMow41NRN4GvBo4W5souBPhO2t2HgeOLXt+jH/MyDG+f/16YJWq/jBredJAVXeLyG3A\necCIEwNyt0Koh4gcX/b0AmBTVrIkjYicB3wY+CtVfSZreQwnvwOOF5F5IjIeuAj4ScYyGXXwA69X\nARtV9YtZy5MkInJkKRtRRCbiJTvE0onNlmV0PdCJl7XyCPBuVR0VMzQReRBoA3r8Q78dDRlUIvJa\n4CvAkcBuYL2qvjxbqUaOiLwS+E+gBfimqq7IWKREEJFrgCV4pZS7gU+o6lWZCpUAInIGcDuwAU9v\nAHxcVW/KTqpkEJHnAf+D91ssAN9X1U/HumYzGQTDMAwjPZrKZWQYhmGkhxkEwzAMAzCDYBiGYfiY\nQTAMwzAAMwiGYRiGjxkEwwiJiLxGRFRETshaFsNIAzMIhhGei/EqSl6ctSCGkQZmEAwjBH4tnDOA\nv4Q1nyMAAAFOSURBVMXboYyIFETka34t+htF5CYReb3/2ikislZE7hGRn/tlmA0j15hBMIxwXAD8\nTFU3Az0icgrwOmAucBJwCbAIDtXO+QrwelU9BfgmMCp2NBujm9wVtzOMnHIx8CX/8bX+81bgOlUd\nBHb4xcXAK69yInCLV0qHFmB7Y8U1jOiYQTCMYRCRw4GzgJNERPEUvAI3BL0FuE9VFzVIRMNIBHMZ\nGcbwvB74rqoep6pz/X4cD+F1GLvQjyXMwCsOB3A/cKSIHHIhichzsxDcMKJgBsEwhudialcD1wMz\n8bqm/Qn4Ol4nrl6/vebrgc+LyB+A9cDpjRPXMEaGVTs1jBiIyGS/yXk7cBfwElXdkbVchjESLIZg\nGPG40W9SMh74FzMGRjNjKwTDMAwDsBiCYRiG4WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG4fP/\nAfyzKuSV3NT5AAAAAElFTkSuQmCC\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAEWCAYAAABmE+CbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3XuYHGWZ9/HvPTPJJJqQxEAm4RDirBBR1KAoB8ObCKLo\nyiKiLmzURcWou66IqyhGRF2j664r63pYRURUsrIqooKgIjDRaOQgjiDkADuBcEgmEEjIQDLJzNzv\nH1Wd9PRU91RPV3VVT/8+15Ur3VXVVU91J89dz9ncHRERkZasEyAiIvmggCAiIoACgoiIhBQQREQE\nUEAQEZGQAoKIiAAKCFLCzBab2UNZp6NRpP19mdnXzezCovfvNbNeM+szs5nh350JXu8AM1trZpOT\nOmeWzOzDZvaprNPRKBQQGoCZ3W9mO8P//JvN7HIzm5J1umplZm5mT4X31Wdm2+p8/ViZuZm9zMyu\nM7NtZva4md1qZm+vRxrd/T3u/i9hOiYAXwRe5e5T3H1r+HdPgpf8KHC5u+80s7uLfptBM9tV9P5j\nY72AmV1pZh9PMM2F855iZveVbP4a8C4zm5H09cYjBYTGcaq7TwEWAEcBF2ScnqS8KMzUprj79Go/\nbGZtaSSq6PzHATcBK4HnADOB9wKvSfO6ZXQAk4C7az1R1PdmZu3A3wNXALj78wu/DfBb4H1Fv9Vn\na01DPbj7U8CNwJKs09IIFBAajLtvBn5JEBgAMLO/NrM/mdmTZvagmX2yaN+88En8781so5k9ZmbL\nivZPDkscT5jZPcBLi69nZkeYWVf4dHy3mf1N0b7LzexrZnZ9+NT4OzObbWb/GZ5vrZkdNZb7NLN3\nmdl94RP5z8zswKJ9bmb/aGb3AveG255rZjeEx68zszcXHf9aM7vHzHaY2cNm9iEzeyZwPXBg0VPv\ngSMSAv8OfMfdP+/uj3ngj+7+5ohjMbOPmtn/hde6x8xOL9r3HDNbaWbbw9/hf8PtZmYXm9mW8De8\ny8yOLPqOP2NmhwPrwlNtM7Obir6L54Sv283sC+Hv3GtBddPkcN9iM3vIzD5iZpuBb0ck/xhgm7vH\nrgIzs3eH3/fjZvZzMzso3N5qZl81s0fD+/2zmc03s/cDZwAXht/5DyPOGfnZcN/k8N/XgxaUlr8c\n3vdM4Gqgs+j3nBmesgv467j31NTcXX9y/ge4H3hl+Ppg4C7gS0X7FwMvIAjwLwR6gdeH++YBDnwT\nmAy8COgHjgj3/yvB09+zgEOAvwAPhfsmAPcBHwMmAicCO4D54f7LgceAlxA8ud4EbADeBrQCnwFu\nrnBfDjwnYvuJ4XlfDLQDXwZ+U/K5G8I0TwaeCTwIvB1oIyhBPQY8Lzx+E3BC+HoG8OKi7+2hCul7\nBjAIvKLCMcPOAbwJODD8Lf4WeAqYE+77PrAs3DcJWBhufzXwR2A6YMARRZ+5HPhMyW/ZFvUdAhcD\nPwu/l6nANcDnitI5AHw+/E4nR9zLPwI/L3OfXcA5Jdv+FlgDHB7+W9n7ewOnAauB/cL7fT4wK9x3\nJfDxCt9ppc/+N/Cj8LuaRvBwdFG47xTgvojzHQ88kvX/40b4oxJC4/iJme0gyPi2ABcVdrh7l7vf\n5e5D7n4nQcazqOTzn3L3ne7+Z+DPBIEB4M3Acnd/3N0fBP6r6DPHAlOAf3X33e5+E3AtcFbRMVd7\n8MS8i+AJbZe7f9fdB4H/JcicK7kjLH1sM7PCtZcAl7n7He7eT1A9dpyZzSv63OfCNO8EXgfc7+7f\ndvcBd/8TcBVB5gywB3ieme3n7k+4+x2jpKlgBkGGtCnm8bj7D939kfC3+F+CEszLitJxKHCgu+9y\n91VF26cCzwXM3de4e+xrQlDKAJYC54Xfyw7gs8CZRYcNEWSe/eH3Vmo6QcCP6z0EwWq9u+8BPgUs\nNLOO8J72C+8Jd7/b3bfEPG/kZy2o5noncK67b3P37QQPNGeWPxWE91R1dWQzUkBoHK9396kET3rP\nBfYv7DCzY8zs5kIRm+A/6v4ln99c9PppgowegqfZB4v2PVD0+kDgQXcfKtl/UNH73qLXOyPej9b4\n/WJ3nx7+eX/Rdfemw937gK0l1y1O86HAMUWBZRtBUJkd7j8DeC3wQFhlc9woaSp4giATnRPzeMzs\nbWbWXZSOI9n3W5xPUAK4Nax+e0d4fzcBXwG+Cmwxs0vMbL+41wwdQFCi+WPRtX8Rbi94NAzc5TxB\nEJjiOhT4etH1HiUohRxMUB33LeAbwGYLqhbjdoQo99kDCUoidxdd8yfArFHONxWoa4eFRqWA0GDc\nfSVBNcIXijb/D0FVwSHuPg34OkHGE8cmgqqigrlFrx8BDjGzlpL9D1eZ7Go9QpDZABDW988suW7x\nNL0PAiuLAst0Dxo+3wvg7re5+2kEGcdPgB9EnGMEd3+aoOrijDiJNrNDCarm3gfM9KCR/C+Ev4W7\nb3b3d7n7gcC7ga8V6v/d/b/c/SXA8wiqYD4c55pFHiMIwM8v+g6medAgvPeWRjnHneG143oQOLvk\ne58clhjd3b/o7kcRVGO+CDg3TjoqfHYTQcD5q5J7LLQVlDvvEQSlYhmFAkJj+k/gZDMrVPtMBR53\n911m9jLg76o41w+AC8xshpkdDPxT0b5bCEoT55vZBDNbDJxKUAecpu8DbzezBRb0fPkscIu731/m\n+GuBw83srWE6J5jZSy1oEJ9oZkvMbFpYrfEkwVM/BKWZmWY2rUJazgfOtqA/+0wAM3uRmUV9B88k\nyJQeDY97O0EJgfD9m8LvGIKncQeGwrQeY0G30qeAXUVpjCUsxX0TuNjMZoXXO8jMXl3FaW4Fphca\nhmP4OvDxogbfGWZ2Rvj6WDM7OqzmeQrYzfDvvezYiXKfDX+/y4Avmdn+FjjEzE4uOu+siJLIIoJS\nh4xCAaEBufujwHeBT4Sb/gH4dNjG8An2PQHH8SmC6pkNwK+A7xVdZzdBAHgNwRPo14C3ufvaWu+h\nEnf/NXAhQTvAJuCvqFBPHNaXvyo85hGC6rFC4ynAW4H7zexJguq0JeHn1hIEn56wCmJELyN3/z1B\nI/eJ4XGPA5cA10Ucew/wHwSlil6Chv7fFR3yUuAWM+sjKNGd68EYgv0IMvMnCH6LrQS9m6r1EYJO\nAH8I7/XXwPy4Hw5/78uBt8Q8/vsEVV0/Dq/XDRQy5+nhubYBPQT39aVw3yXAS8PvPCqwVvrsBwh+\n49uB7QTVYs8J9/2Z4Ht9IDz3s8LS5SsJu9JKZeauBXJEJGBmBxD0OjuqTMNzQzGzDwNT3f0Tox4s\nCggiIhJQlZGIiAAKCCIiElJAEBERIBjm3zAmTJ3gk/aflHUyRMaNvv4+XrIj2Ylz/zi1j9aWViZP\nGBczaI8Lfff3PebuB4x2XEMFhEn7T+LoTx6ddTJExo2VG7q4fWWy/6cmnNDFlGdOZcHsBaMfLHXR\ndXbXA6MfpSojEREJKSCIiAiggCAiIqGGakMQEcnClNYpnDn3TOZMnkNLTp+jhxhi085NXLnxSvoG\n+8Z0DgUEEZFRnDn3TI48+Ejap7YTLD2RP+7OzB0zOZMzuXTDpWM6Rz5DnYhIjsyZPCfXwQDAzGif\n2s6cybGX7xhBAUFEZBQttOQ6GBSYWU1VWpkFBDObZGa3hgto321mn8oqLSIikm0JoR840d1fBCwA\nTjGzYzNMj4hIrv32xt9yyrGn8KqXvopLvnRJ4ufPLCCEy+QVmsInhH80F7eISITBwUE+/dFP880r\nv8m1v7uWn1/9c+5bd1+i18i0DcHMWs2sG9gC3ODut0Qcs9TMbjez2/fs2FP/RIqIVGnqj66h86gT\nOXzWEXQedSJTf3RNzee88447mTtvLofMO4SJEyfy2te/lhuvvzGB1O6TaUBw90F3XwAcDLzMzI6M\nOOYSdz/a3Y+eMHVC/RMpIlKFqT+6htkfvJAJDz2CuTPhoUeY/cELaw4KvZt6mXPQvh5Esw+cTe+m\n3lqTO0wuehm5+zbgZuCUrNMiIlKLA5ZfTMvOXcO2tezcxQHLL84oRfFl2cvoADObHr6eTLA4d6qL\nt4uIpK3t4U1VbY+rY04Hm4rOsfmRzXTM6ajpnKWyLCHMAW42szuB2wjaEK7NMD0iIjUbOCh6YFi5\n7XG94KgX8MCGB3jogYfYvXs31/3kOk485cSazlkqs6kr3P1O4Kisri8ikoZHl53H7A9eOKzaaGjy\nJB5ddl5N521ra+PCz13IO9/8ToaGhjjjrDM47LmH1Zrc4ddI9GwiIk1uxxtPBYK2hLaHNzFw0Bwe\nXXbe3u21WHTyIhadvKjm85SjgCAikrAdbzw1kQBQb7noZSQiItlTQBAREUABQUREQgoIIiICKCCI\niEhIAUFEpEF87P0f4/gjjufUE9LpwaSAICLSIE4/83S+eeU3Uzu/AoKISMKuWX8NJ37nRI746hGc\n+J0TuWZ97dNfA7z0+Jcybca0RM4VRQPTREQSdM36a7jw5gvZNRBMXfFI3yNcePOFAJx6eL4Hq6mE\nICKSoItXX7w3GBTsGtjFxas1/bWISFPZ1Bc9zXW57XmigCAikqA5U6KnuS63PU8UEEREEnTececx\nqW3SsG2T2iZx3nG1TX8N8MGlH+Ss15zFhvs2sOiFi/jRFT+q+ZzF1KgsIpKgQsPxxasvZlPfJuZM\nmcN5x52XSIPyFy/5Ys3nqEQBQRpGb18vPU/00D/YT3trO50zOumYkuwSgiJJOPXwU3PfoyiKAoI0\nhN6+XtZtXceQDwHQP9jPuq3rABQURBKiNgRpCD1P9OwNBgVDPkTPEz0ZpUiayRBDuHvWyRiVuzPE\n0OgHlqGAIA2hf7C/qu0iSdq0cxP9O/pzHRTcnf4d/WzaOfburaoykobQ3toemfm3t7ancj21V0ix\nKzdeyZmcyZzJc2jJ6XP0EENs2rmJKzdeOeZzKCBIQ+ic0TmsDQGgxVronNGZ+LXUXiGl+gb7uHTD\npVknI3UKCNIQChlx0k/tUSWBSu0VjR4QSu83vxUgtVMpr3oKCNIwOqZ0JPofulxJoDQYFDR6e0XU\n/QKsmNXLki3jK6NUKW9s8lkZJlIH5UoC5aTVXlEvUfeLwbLO8ddTS73SxkYBQZpWpSf+FmsZ8T6N\n9op6Kne/G9sbu+QTRb3SxkYBQZpWuSf+9tZ25s+cv3d/4X2jVzWUu9+5/dHbV8zqZd6xq2lZ1MW8\nY1ezYlZvmslLVKXfVspTG4I0rUo9l5Jur8iDqPvFYXnPyJLPilm9LJ2/jqdbg2MfmNTP0vlBHXwj\ntDfUs1faeJJZCcHMDjGzm83sHjO728zOzSot0pw6pnSMy5JAOYX7xcEcDt3VzhVrjojM4Jd19uwN\nBgVPtw41THtDs/22ScmyhDAA/LO732FmU4E/mtkN7n5PhmmSJjMeSwKVdEzpYO2ja4Cg7eCtR6yJ\nDAjl2hUaqb2h2X7bJGQWENx9E7ApfL3DzNYABwEKCCIpWvTsxXtfr9zQRcuirhHHlBuf4DDi+KGV\ni6MOlQaUizYEM5sHHAXcErFvKbAUoH2mGoREklQcHIqV9uOHoA5+/v7Dq11WbuhKOYVST5n3MjKz\nKcBVwAfc/cnS/e5+ibsf7e5HT5g6of4JFGlCqoNvTpmWEMxsAkEwWOHuP84yLSIyXGkd/KqNq7j3\n8XszTJGkLbOAYGYGfAtY4+7prgsnIjVZuaGL1iGYsnv49gW9lk2CJBVZlhBeDrwVuMvMusNtH3P3\n68p9oK+/T3WWOVOuDloa16qNqxgcHBixfc/n2mDhwgxSJPWSZS+jVUBVjxcv2TGF21cenVKKpFpR\nvVOkduUeeqZNns6C2QvG/HkIAnich6ppu+CJWxYP36hYMO7lopeRiAxX2pVzwglddb3+9kmVA349\nupqmMX21psSuTAFBZJwZrRqv1mq+elTbpjF9tabEHp0CgkgORT2dx6kuqpfi9KVRWkhjkaLxvPBR\nUhQQRHIm7w31pSOd05DG9NWaEnt0mQ9MExEplcb01ZoSe3QKCCKSO50zOhNfpCiNc443qjISkdwp\n1Okn2SMojXOONwoIIpK47Tu3RbYvVNM+ksb01ZoSuzIFBBFJ1J7fLo7croGM+aeAICINTwPOkqGA\nICINTQPOkqNeRiLS0CoNOJPqKCCISEPTgLPkjFplZGb/BFzh7k/UIT3SYKJ6ksSdlVMkCe2t7ZGZ\nvwacVS9OG0IHcJuZ3QFcBvzS3cutwS1NJGoOmzRn5Tzp972cc1UPs7b2s2VmO5ee0cmNx6uOuNl1\nzuiMXP9ZA86qN2qVkbt/HDiMYHWzs4F7zeyzZvZXKadNZK+Tft/Lhy5fx+yt/bQAs7f286HL13HS\n73uzTppkTOs/JydWLyN3dzPbDGwGBoAZwI/M7AZ3Pz/NBIoAnHNVD5N2D284nLR7iHOu6oksJag0\n0Vw04CwZcdoQzgXeBjwGXAp82N33mFkLcC+ggCDDlBulOhaFka2ztkY3EEZtL5QmCgGkUJoAFBRE\nKohTQpgBvMHdHyje6O5DZva6dJIljarcKNWxKB7ZumVmO7MjMv8tM0c2HFZbmhCRQMWAYGatwBvd\n/ZNR+919TRqJEil16Rmdw576AZ6aAP+8qH9EaWTW1uhzlCtliEigYkBw90Ez+7OZzXX3jfVKlIwv\nScxhU3iyL24X+OdF/Xz/BSOPfXAaHLp95Pao0kReaSoGyUKcKqM5wN1mdivwVGGju/9NaqmS8aG7\nG/r6YFEyq4DdeHzHiCqfRRHHfe9ve0eUJnZNbOHSM8p3Q+ze3E3f7r6q07Rw7sKqPzMaTcUgWYkT\nED6VeipkXGo5d1sm140qTYzWy2j7zm1M21X9tVZu6Ep8yUut/StZGTUguPvKeiRExqes1geOKk2M\n5olbFld3ke7uVIKepmKQrMTpdnos8GXgCGAi0Ao85e77pZw2kcSktRh8GjQVg2QlTpXRV4AzgR8C\nRxOMSTgszUSJpCFqqo08SnMqBjVWSyVxRyrfZ2at7j4IfNvMfp9yukSaVlpr/6qxWkYTJyA8bWYT\ngW4z+zdgE/DMdJMlkrzEl3CM6uKUkDSmYlBjtYwmTkB4K0G7wfuA84BDgDOSuLiZXQa8Dtji7kcm\ncU6RKFk1bseRdDVOufYSB7CR29VYLQVxehkVpqzYSfJdUC8naKP4bsLnFWkIaVXjjGgv6e7GMuoG\nLI2jbEAws7sIHyqiuPsLa724u//GzObVeh6RRqVqHMmTSiWEXExcZ2ZLgaUAc9vV7U7GlzyMOVB3\nVikoGxBKZzfNirtfAlwCcPTUqVqpTcaVeo85aLEWrSwmZY26YpqZHWtmt5lZn5ntNrNBM3uyHokT\nSVtvXy+rH1xN1/1drH5wNb199V2BrXNGJy02/L9hWpm0gVYWk4rGOjDtOWkmSqQe8tAvP60xB5Wu\npwAg5WQ6MM3Mvg8sBvY3s4eAi9z9W0mcW2Q0eWnQVSYteZHpwDR3PyuJ84iMRR4adEXyZNQ2BIKB\naS0EA9OeIsGBadL4VszqZd6xq2lZ1MW8Y1ezYlZ96+BrUa7hVr1upFnFHphmZoPAz4CH3X1L2gmT\n/Fsxq5el89fxdGtQ7fLApH6Wzg/q4JdsyX8VSJqTyIk0orIlBDP7upk9P3w9DfgzwYjiP5mZqnqE\nZZ09e4NBwdOtQyzr7MkoRdXpmNKhXjciRSqVEE5w9/eEr98OrHf315vZbOB64Pupp05ybWN7dF17\nue15pAZdkX0qtSHsLnp9MvATAHffnGqKpGHM7Y+uay+3XUTyrVJA2GZmrzOzo4CXA78AMLM2YHI9\nEif5trynk2cMDv8n9IzBFpb3qA5epBFVqjJ6N/BfwGzgA0Ulg5OAn6edMMm/QsPxss4eNrb3M7e/\nneU9nQ3RoDzejVj7ocLaDWmtorZiVu+wfxuadyb/Ks1ltB44JWL7L4FfppkoqaPeXujpgf5+aG+H\nzk7oiJ8ZLLkLlvwU6AfagU5A8SBT1az9kNZo7ageaHhwPbXZ5FeskcqSY7Vk6L29sG4dDIU9hfr7\ng/cQ7xy9vbB2Lbjv+/zatcM+X/Pi9haxokuBp/jMWXrdkmvlecGdaqQxWnvGMV1sm8TIxXiMzKf1\n1prSlSkgNLJaM/Senn2fLRgaCrbH+fy9947MlN1h/Xro6WGoi9GDVKWAtmoVr3jLYNnL33xFGyxc\nOHo6qxVx3eJrtSzqGhboGjk4pDFau28ikSuz1XreWuVh7qq8U0BoFFEZZ60Zen+Z/5zltpcaGIje\nPjgY/Cmcq1yQGi2gLVzIzfeXHF/8HRyWUuN16XUBiuLO3tXIurtpafBVyCpNv13L07RheESrQZaj\nwPMyd1WeVVox7YOVPujuX0w+OQKMzPhmzoTNm0dmnKXBoCBuht7eHn1s0gsRlQtS1QS0WktDEqnc\naO2Zk2fW9DQ9qW0S/YP9uRoFrrmrRlephDA1/Hs+8FKCaSsATgV+k2aimlpUxvfIIyOPKxcMIH6G\n3tkJa9ZEb4+jtXVfSWA0UYGnmhJKraWhFNXcTpKCuNVY5abfrvppuqS0NKWtnXnT5+Wqvr7eixE1\nokq9jD4FYGa/Al7s7jvC958kWBtB0hCV8VXS0jL8+JaW+Bk6BI2nxe0AlRpxS3V0RAerKO3tI0s+\n5QJKVECrtXorDQsWMLQyu8uXM6LL6SiiRmuveSziQYHRn6ZLA1GeqmI6Z3Ry35a17GnZ9+99wpDR\nuX+nGptDcdoQ5jJ81PJuYF4qqZHqMrjitoSx9DLq6YluFI771L11a7zrtLQE1V6lJZ+o4FMuoNWr\nemucKFdqiVNyWLVxFTiRDcON/DT9d3fCwbc6n1wMG6fB3O3wyS7n54u28+NnbVZjM/ECwveAW83s\n6vD96wkmuZNaRTUUl8v4ShUyzo6OsVeZ1PrUXem4wn1UagB3h7a2oKQwWkDr7BzZblJtaahJ7G30\nLhZW6azc0AVmLJpXYaQaMHkPWGvL8MkLHfoH+nNZRRbHOVf1MHsrnN09fPuFJz7CUMlzUbM2NseZ\n/nq5mV0PnBBueru7/yndZDWBco2ks2cPb0CGIOObPTt4Io9TEog7NqHWp+5Knz/uuOHbotoqIOip\nFKfraCH9NQyia2oLFjC0fBUALcsGWLVxFQvnlv/e2wfhK/fNH1ej0GdtjX6AeXhq5OambGyO2+30\nGcCT7v5tMzvAzJ7t7hvSTNi4V66RdOtWmD+/PoPNqn3qHq33U6XPJ1HlU0tpqFo1juCuRukUD6ll\nvGHgnbari74Yax4u2dLR0AGg1JaZ7cyOCAoH7YCH9ht5fCNXj43VqCummdlFwEeAC8JNE4Ar0kxU\nU6hUXdPRETxhL14c/F1NRlSpN06pjo4g+BQy5fb24H3U9QqBppDu/v4gGMyeHe/zM2dGp3fyZFi9\nGrq6gr97c7DiWm8vK9rWMO+9/bRcBPPe28+KtjWppG3FrF6WHr6WByb14xYuMnT42oZaea5RXHpG\nJ7smDs/ydk1s4djBA2mx4duz7iKblTglhNOBo4A7ANz9ETMrU8iS2NJqJK22XSDuU3elEk1p9VCU\ncg3Q24oGduVkbMGKSetZ+hp4emLw/oHpsPRU4Pr1LEl4oqZlh97L023DK7CfbnOWHXrvmJ/O4/Qy\nah3LiVetit6exmjxFNx4fPB9nnNVD7O29rNlZjuXntHJY0d1ML9vmnoZES8g7HZ3NzMHMLMYhU0Z\nVVqNpHkJNGM9Ls2xBTGrgT62aHBvMCh4eiIsWzTIku4Rh9dUvbTxGdGjvcttjyvp6TReMW8lKxdF\nzx2Vx6635dx4fMfewFBMCyUF4gSEH5jZN4DpZvYu4B3ApekmqwlUaiStpf46r4Embu8pSGdsQRVt\nKw9Oiz7FxqjtNY6gnrs9KIFEbc+diN5JjdrjSKLF6WX0BTM7GXiSYNTyJ9z9htRT1gyiqmtqnaIh\nrd44tQaaqM+Xk8bYgipGOh/0JDwUkflHZtLlzhtO8Dfab7B8ZStLXzO8RPKM3cF2ygSmzLgrAIxz\nowYEM/u8u38EuCFimyQtiSka0uiNU2ugifp8Nb2UalVFldfnfg3vPpWRmfSNQGnbeLnzxpzgb8mu\nw+GaNSw7ad9gqeU3wpKBw2sKCKNl3K2tbRW7nZa6+f5FcEW5NoQqEia5FqfK6GSCXkbFXhOxTZKQ\nxykaCmoNNFGfnzYtd2ML3rK+Hbumf2Qmvb4dStvP41aFlQvqHR0s6YUl/53cdxA5MK3IjGPidTsd\noUEaj2XsKs12+l7gH4BOM7uzaNdU4HdpJ6xpNdsUDfUcWxBXZydL7l7HkrtKSi7zI0ou1VSF1drT\nK88WLAD2rRMxbfJ0FsxekGmSpHqVSgj/A1wPfA74aNH2He7+eKqpamaaoiEd1QTaaqrHoo4dHIxe\nK6KGoD7jmC62T4reN1qJoF6GlrfxircMsvJQrZ7cqCrNdrod2A6cBWBms4BJwBQzm+LuG+uTxCaj\nKRrSUW2greapvfTY0o4Bo10rRq+yvonRH82N7m5alg2EExaaSgcNKk6j8qnAF4EDgS3AocAa4Pm1\nXtzMTgG+RDBO5lJ3/9dazzkujIcqhLypZ6Ct5loxe5Xt+e3i5NOZgtEmzZN8i9Oo/BngWODX7n6U\nmb2CsNRQCzNrBb5K0Gj9EHCbmf3M3e+p9dwNo47z5QixA+0r5q2ku2N4tceCXgt62iR8rdi9yrq7\nmfHukct1PvEfKa0rLU0pTkDY4+5bzazFzFrc/WYz+3wC134ZcJ+79wCY2ZXAaUBzBAQtCZlbUXXg\nKw91uD+Fi8XsVTbhn7YxGDHzWMuygcRGCicxxkCNyo0tTkDYZmZTCJbNXGFmW4DaxtUHDgIeLHr/\nEHBM6UFmthRYCjB3PPW0yfGSkM2uro20MRu761VlNOZ7L1o9bsIJXUklR+ps1NlOCZ7adwLnAb8A\n/o9gXeW6cPdL3P1odz/6gAkT6nXZ9OV5vIHUT2dn0OBcTL3KJCNxpq54CsDM9gOuSfDaDwOHFL0/\nONzWHJptvIFEU68yyZE46yG828w2A3cCtwN/DP+u1W3AYWb2bDObCJwJ/CyB8zYGPRmKSM7EaUP4\nEHCkuz9738tOAAAQ1UlEQVSW5IXdfcDM3gf8kqDb6WXufneS18i1NJ8Mo3ovpXUtqY06F0iOxAkI\n/wc8ncbF3f064Lo0zt0Q0hhvEJXBrFkTDBhy37dNmU5l9eoSrM4FkiNxAsIFwO/N7BZgb6W3u78/\ntVTJ2EVlMLAvGBQo0ymvnk/t6lwgORInIHwDuAm4C4gxg5dkqpqMRJlOtCSe2uNW26lzQSJ6+3q1\nBGYC4gSEAXf/YOopkWRUszKZMp1otT61V1NtN3t2/daEGKd6+3pZt3UdQx58h/2D/azbGpToFBSq\nEycg3BwODruG4VVGmvE0j8pNx1ycGcG+TKfWuvL16+GRR/a9P/BAOPzw2u4ha7U+tVdTbbd1K8yf\nn5sG/5ZFXQAseqDKqTq6u2k5d+TUGvXQ80TP3mBQMORD9DzRo4BQpTgB4e/Cvy8o2uaAHmHyqFzv\npXLbaqkrLw0GsO99HoNC3OBX6xTk1VbbaTLDmvQPRn/f5bZLeXEGpj27HgmRBJXLYEq3rV5dW115\naTAo3p63gFBNQ3GtXYIbuNquEaeuaG9tj8z821vz9d02gkorpp3o7jeZ2Rui9rv7j9NLltRFmj1c\nVq/ORRXIXvXs3llttV3CCtU+lUybOKXiZ6ftgiduWZxcolLUOaNzWBsCQIu10DlDlRjVqlRCWETQ\nuyhq3iIHFBAaXWvrvoXgS7fXqhBU8jLmoZrgV2u302qq7VL6ThY9e/GYP7Nq4yqSmb+yPgrtBOpl\nVLtKK6ZdFL78tLtvKN5nZqpGGg/Mqtte6sADy1cbFcvDmIdqGoqTKE3ErbaTRHRM6VAASECc2U6v\nitj2o6QTIhmIWve30vZShx8eBIU4sh7zUM3cURosJk2qUhvCcwmWyZxW0o6wH8HaylKrrFdMS2JQ\n1OGHD29ALrQd1HLONORhVtGsf2+RUVRqQ5gPvA6YzvB2hB3Au9JMVFPIw6RmtXavrNc5k5Jl987e\nXli7dvjAtLVr96Wr0WU4DkGSU6kN4afAT83sOHdfXcc0NYc8TGqWxlNzHp7Ey4n7hF6u5NTWNvbe\nU/feO3JgmnuwPQ/fTULG0pgt+RFnYNrpZnY3wappvwBeBHzA3a9INWXjXV7qqdN4aq7mnPWqRqmm\nRBZVyjEL2lYK7SvVluhqba8pI04X02pNmTiF7YPbqjt3FYOaJb/iBIRXufv5ZnY6wbrHbwJuBhQQ\nalHvSc3yWH9dz2qzakpkUaWcgYGRXXTz0HuK5J/KF8xekOj5pHHECQiFhYz/Gvi+uz9ucbslSnn1\nrGvPQ3tFlHpWm1VbIist5XR1Vff50gBcOiitIIkxHyIJiRMQrjGztQRVRu81swOAXekmqwnUs649\nD+0VUepZbVbrILxqSnRRAbjcQ1Tepvgoo3tzN9t3xm80VltCY4ozl9FHzezfgO3uPmhmTwOnpZ+0\nJlCvXi95aa8oVc9qs1oH4VVToosKwO5Bo3Rra76q7WLavnMbQ8vbYOHCUY+dcEIX3Zu7VfXUgMoO\nTDOz84venuTugwDu/hSg1dIaSbkMNuuxAdUMFqtVrY26HR3BNNWF76y9PXgflaGXC7QDA3DccbB4\ncfB3gwQDaR6VSghnAv8Wvr4A+GHRvlOAj6WVKElYXscGpFltVlqHX67KqJqgGLdEl+NV0E76fS/n\nXNXDrK39bJnZzqVndHLj8c0RmFZu6IrcPm3ydJVmQpUCgpV5HfVe8izPYwPSqDaLW4efVlDMUQAu\nzgTPugs+dG0Lk3YH6Zq9tZ8PXR50Lrjx+I6yGWa1puyG7S3bEjtfkkqrvQpTdWsJzkClgOBlXke9\nl7xrpkVYsq7Dz0EALmRwDhza387ym1t4+dqde4NBwaTdQ5xzVc/eUkLF9RBGbz4AKkyb3d0d7wRp\nWjiyJNA/0K8lOEOVAsKLzOxJgtLA5PA14XvNZST5VakOP0ajaCIyDMDD1hg2eGBSP285Bb73NMy7\na+Txs7bu+77GMtBtaOXiEVNXRAWWPExtMbR81Yh/A7sGduElz7jNugRnpakr1EFaGlOO6/DrIWqN\nYQwuOBneEhEQtswMvpexdBVduaGLCSd0MRiOVF707MWs3NBFy6IuWiOWlc6yO+rKDV20LBugdahr\n77bBFkYEg4JmXIIzzjgEkcaSozr8LJTLyB6aCrsmtgyrNto1sYVLzxj797Lo2Yvp3hxUBRUaZou3\nFat3w21pu8BzDziCTX2bRhy3c89OLcEZUkCQ8ScHdfhZKrvGcFs7Xzi7M/FeRlEZfda9doZVm7Gv\nXWD+zPkjqoFKj4XmXYJTAUHGp2ZqRC9RaY3hGw/paIpuplHVZuXaBbQE5z6ZBAQzexPwSeAI4GXu\nfnsW6RAZj5LK4Bq5K2a5arNy27UEZyCrEsJfgDcA38jo+jIWeZwxVSLVmsGVq3IpnDvvylabNWG7\nQDUyCQjuvgZAs6Y2kHrOmKrAk7lqqlyqUa9SR6VqMylPbQgyUlSGXK8ZU/M6Vfc4FpVJV1vlEvc6\n9Sp1qF1gbFILCGb2a2B2xK5l4fKccc+zFFgKMLdJ+pFnqlyGXBoMCpKeMTWvU3XnWC1P3eUy6VZr\nZdBHzv1US5VLWqWOctQuUL3UAoK7vzKh81wCXAJw9NSpmjIjbeUy5HKSDtJ5nao7pxxqeuoul0m3\ntbTRQkuiVS5plDokWWWnv5YmVSnjLW3zMUt+sFdep+rOsXJP3XGUy4wHhgaYP3P+3hJBe2t7ZB/+\napQrXaihNz+y6nZ6OvBl4ADg52bW7e6vziItUqLctA9tbSPXDohaErJWTT7KOClxn7or9cZJuspF\nDb35l1Uvo6uBq7O4dtOK23OnXIZcLvNPum6/yUcZJyXuU3elTDrpHkFq6M0/9TJqBtX03CmXIa9Z\nE33uNOr2m3iU8Vi02Njr+stl0lBb20Sl6ykA5JcCQh4l3Q+/2p47URlyIT2lVLefKQPmz5xf01N3\nVCa9+sHVde0RJPmggJA3afTDT6LnTqPV7TfR4LY0nrrVI6g5qZdR3lR6mh+rJHruVLPIfNYKQbUQ\n8ApBtbc323Q1EPUIak4qIeRNGv3wk3q6b5S6fQ1uq5l6BDUnBYS8SWO1r2bruaPBbTVTj6DmpICQ\nN2nV1TfK030SKo2lWL163AXFtCaMU4+g5qOAkDfN9jSfhqigahYMrCsMrhsnk+aVm7ri/m330942\nvFSZ9Spmkn8KCHmUxtN8Wr1u8tibJyqoDgzAYMlkbeOkXSGqe+jOPTvZ079z2PaVG7oyXeRe8k8B\noRmkNaV0nqeqLg2qXV3Rx43jdoVB9SGUKikgNIO0et3UuzdPHksj0lBWbVw1YtvCuQszSEk+KSA0\ng7R63dSzN0+eSyMZK526Aocr1hzBki1F30t3Ny3nbqt/4nJk5YYuWodgyu5927ZPgu7N3WpfCalQ\n2QzSmlK6nlNV1zpgb5xOq12YuqJ4mmpgeDCQvfZ8ro0nblm8909rhaU+mpFKCM0gra6saZ03qmqo\n1tJIo029UYXS7qErN3RllxhpaAoIzSCtrqxpnLdc1VDUegwQ/wlf3XlFRqWA0CzSGpiW9HnLVQ2Z\nBU/0tTzhN9PgPJExUBuC5Eu5KqDBwcaZXE+kQamEIPlSaS4nPeGLpEolBMmXzs6gKqjYOGn8Fck7\nlRAkX9T4K5IZBQTJH1UNiWRCVUYiIgIoIIiISEgBQUREAAUEEREJKSCIiAiggCAiIiEFBBERATIK\nCGb272a21szuNLOrzWx6FukQEZF9sioh3AAc6e4vBNYDF2SUDhERCWUSENz9V+5emNz+D8DBWaRD\nRET2yUMbwjuA68vtNLOlZna7md3+6J49dUyWiEhzSW0uIzP7NTA7Ytcyd/9peMwyYABYUe487n4J\ncAnA0VOnegpJFRERUgwI7v7KSvvN7GzgdcBJ7q6MXkQkY5nMdmpmpwDnA4vc/eks0iAiIsNl1Ybw\nFWAqcIOZdZvZ1zNKh4iIhDIpIbj7c7K4roiIlJeHXkYiIpIDCggiIgIoIIiISEgBQUREAAUEEREJ\nKSCIiAiggCAiIiEFBBERARQQREQkpIAgIiKAAoKIiIQUEEREBFBAEBGRkAKCiIgACggiIhJSQBCR\npjVld9YpyBdrpOWMzWwHsC7rdKRgf+CxrBORgvF6XzB+72283heM33uLc1+HuvsBo50okxXTarDO\n3Y/OOhFJM7PbdV+NZbze23i9Lxi/95bkfanKSEREAAUEEREJNVpAuCTrBKRE99V4xuu9jdf7gvF7\nb4ndV0M1KouISHoarYQgIiIpUUAQERGgwQKCmf2Lmd1pZt1m9iszOzDrNCXFzP7dzNaG93e1mU3P\nOk1JMLM3mdndZjZkZg3f5c/MTjGzdWZ2n5l9NOv0JMXMLjOzLWb2l6zTkiQzO8TMbjaze8J/h+dm\nnaakmNkkM7vVzP4c3tunaj5nI7UhmNl+7v5k+Pr9wPPc/T0ZJysRZvYq4CZ3HzCzzwO4+0cyTlbN\nzOwIYAj4BvAhd7894ySNmZm1AuuBk4GHgNuAs9z9nkwTlgAz+39AH/Bddz8y6/QkxczmAHPc/Q4z\nmwr8EXj9OPnNDHimu/eZ2QRgFXCuu/9hrOdsqBJCIRiEngk0TjQbhbv/yt0Hwrd/AA7OMj1Jcfc1\n7j5eRpe/DLjP3XvcfTdwJXBaxmlKhLv/Bng863Qkzd03ufsd4esdwBrgoGxTlQwP9IVvJ4R/asoT\nGyogAJjZcjN7EFgCfCLr9KTkHcD1WSdCRjgIeLDo/UOMk8ylGZjZPOAo4JZsU5IcM2s1s25gC3CD\nu9d0b7kLCGb2azP7S8Sf0wDcfZm7HwKsAN6XbWqrM9q9hccsAwYI7q8hxLkvkSyZ2RTgKuADJTUN\nDc3dB919AUGNwsvMrKbqvtzNZeTur4x56ArgOuCiFJOTqNHuzczOBl4HnOQN1LhTxW/W6B4GDil6\nf3C4TXIsrF+/Cljh7j/OOj1pcPdtZnYzcAow5o4BuSshVGJmhxW9PQ1Ym1VakmZmpwDnA3/j7k9n\nnR6JdBtwmJk928wmAmcCP8s4TVJB2PD6LWCNu38x6/QkycwOKPRGNLPJBJ0dasoTG62X0VXAfIJe\nKw8A73H3cfGEZmb3Ae3A1nDTH8ZDDyozOx34MnAAsA3odvdXZ5uqsTOz1wL/CbQCl7n78oyTlAgz\n+z6wmGAq5V7gInf/VqaJSoCZLQR+C9xFkG8AfMzdr8suVckwsxcC3yH4t9gC/MDdP13TORspIIiI\nSHoaqspIRETSo4AgIiKAAoKIiIQUEEREBFBAEBGRkAKCSExm9nozczN7btZpEUmDAoJIfGcRzCh5\nVtYJEUmDAoJIDOFcOAuBdxKMUMbMWszsa+Fc9Nea2XVm9sZw30vMbKWZ/dHMfhlOwyySawoIIvGc\nBvzC3dcDW83sJcAbgHnAC4BzgONg79w5Xwbe6O4vAS4DxsWIZhnfcje5nUhOnQV8KXx9Zfi+Dfih\nuw8Bm8PJxSCYXuVI4IZgKh1agU31Ta5I9RQQREZhZs8CTgReYGZOkME7cHW5jwB3u/txdUqiSCJU\nZSQyujcC33P3Q919XrgexwaCFcbOCNsSOggmhwNYBxxgZnurkMzs+VkkXKQaCggiozuLkaWBq4DZ\nBKum/QX4OsFKXNvD5TXfCHzezP4MdAPH1y+5ImOj2U5FamBmU8JFzmcCtwIvd/fNWadLZCzUhiBS\nm2vDRUomAv+iYCCNTCUEEREB1IYgIiIhBQQREQEUEEREJKSAICIigAKCiIiE/j8wn8IRk+gohgAA\nAABJRU5ErkJggg==\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Visualising the Training set results\n", - "X_set, y_set = X_train, y_train\n", - "X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),\n", - " np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))\n", - "plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),\n", - " alpha = 0.75, cmap = ListedColormap(('red', 'green')))\n", - "plt.xlim(X1.min(), X1.max())\n", - "plt.ylim(X2.min(), X2.max())\n", - "for i, j in enumerate(np.unique(y_set)):\n", - " plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],\n", - " c = ListedColormap(('red', 'green'))(i), label = j)\n", - "plt.title('Random Forest Classifier (Training set)')\n", - "plt.xlabel('Age')\n", - "plt.ylabel('Estimated Salary')\n", - "plt.legend()\n", - "plt.show()\n", - "\n", - "# Visualising the Test set results\n", - "X_set, y_set = X_test, y_test\n", - "X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),\n", - " np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))\n", - "plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),\n", - " alpha = 0.75, cmap = ListedColormap(('red', 'green')))\n", - "plt.xlim(X1.min(), X1.max())\n", - "plt.ylim(X2.min(), X2.max())\n", - "for i, j in enumerate(np.unique(y_set)):\n", - " plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],\n", - " c = ListedColormap(('red', 'green'))(i), label = j)\n", - "plt.title('Random Forest Classifier (Test set)')\n", - "plt.xlabel('Age')\n", - "plt.ylabel('Estimated Salary')\n", - "plt.legend()\n", - "plt.show()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.5.1" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\Users\\Satyam\\AppData\\Roaming\\Python\\Python35\\site-packages\\sklearn\\ensemble\\weight_boosting.py:29: DeprecationWarning: numpy.core.umath_tests is an internal NumPy module and should not be imported. It will be removed in a future NumPy release.\n", + " from numpy.core.umath_tests import inner1d\n" + ] + } + ], + "source": [ + "# Importing the libraries\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import pandas as pd\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.metrics import confusion_matrix\n", + "from matplotlib.colors import ListedColormap\n", + "from sklearn.ensemble import RandomForestClassifier" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Importing the dataset\n", + "dataset = pd.read_csv('Social_Network_Ads.csv')\n", + "X = dataset.iloc[:, [2, 3]].values\n", + "y = dataset.iloc[:, 4].values" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Splitting the dataset into the Training set and Test set\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.25, random_state = 0)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\Users\\Satyam\\AppData\\Roaming\\Python\\Python35\\site-packages\\sklearn\\utils\\validation.py:475: DataConversionWarning: Data with input dtype int64 was converted to float64 by StandardScaler.\n", + " warnings.warn(msg, DataConversionWarning)\n" + ] + } + ], + "source": [ + "# Feature Scaling\n", + "sc = StandardScaler()\n", + "X_train = sc.fit_transform(X_train)\n", + "X_test = sc.transform(X_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[63 5]\n", + " [ 3 29]]\n" + ] + } + ], + "source": [ + "# Fitting classifier to the Training set\n", + "# Create your classifier here\n", + "classifier = RandomForestClassifier(n_estimators=10,criterion='entropy',random_state=0)\n", + "classifier.fit(X_train,y_train)\n", + "# Predicting the Test set results\n", + "y_pred = classifier.predict(X_test)\n", + "\n", + "# Making the Confusion Matrix\n", + "cm = confusion_matrix(y_test, y_pred)\n", + "print(cm)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAEWCAYAAABmE+CbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJztnXuYHGWV8H+nZ5JJSGISBsgFCMl8kiEKGgTRIHyJIIgX\nFhV1wairLkbddVXQ9ZZlvaxZddeV9bJ+bgR1lSwoImoQVIhMBI0gYDRiQsAAAZJMyECGTEg6mZnz\n/VHVmb681VM1VdVVPXN+z5Mn3dXVVeft7jnnfc857zmiqhiGYRhGIWsBDMMwjHxgBsEwDMMAzCAY\nhmEYPmYQDMMwDMAMgmEYhuFjBsEwDMMAzCCMCURkiYg8lrUczULan5eIfF1ELi97/h4R6RaRPhFp\n9//vSPB+R4rIJhGZmNQ1q65/v4icmfS5WSAed4vICVnLkgVmEDJCRB4WkX3+H/8OEfm2iEzOWq64\niIiKyF5/XH0isrvB9w+lzEXkNBG5SUR2i8iTInKXiLy9ETKq6rtV9V98OcYBXwTOVdXJqtrj/78l\nwVt+FPi2qu4TkfvKvpsBEdlf9vzjIxxPp6renvS5jUBErhaRT5aeq7cx64vApzITKkPMIGTL+ao6\nGVgInAx8LGN5kuL5vlKbrKrTor5ZRFrTEKrs+ouAXwJrgWcD7cB7gFeked8AZgATgPviXsj1uYlI\nG/A3wNUAqvrc0ncD3A68t+y7+tcw1xwD/Ag4V0SOylqQRmMGIQeo6g7g53iGAQAReZWI/F5EnhaR\nR8tnMSIy15+J/42IbBWRXSKyvOz1if6K4ykR+TPwwvL7icgCEenyZ8f3ichflb32bRH5mojc7M8a\nfy0iM0XkP/3rbRKRk0cyThF5p4g86M/IfyIis8teUxH5exF5AHjAP3aCiNzin3+/iLyx7PxXisif\nRWSPiDwuIh8SkUnAzcDsslnv7BpB4N+B/1HVz6vqLvW4R1Xf6DgXEfmoiPzFv9efReS1Za89W0TW\nikiv/z18zz8uInKFiOz0v8MNInJi2Wf8GRGZD9zvX2q3iPyy7LN4tv+4TUS+4H/P3eK5myb6ry0R\nkcdE5CMisgP4lkP8FwG7VTWUC0xELhGRX4nIl0XkSeCfROR4EbnN/x52ich3RWRq2XseE5El/uPP\niMg1/sx7j4j8SUReMMJzTxWR9f5r14rIdeV/B1Vyz/flLn0P/1v22nNE5FZf/k0icqF//O+AvwY+\n7v9WbgBQ1WeA9cA5YT6zUYWq2r8M/gEPAy/zHx8DbAC+VPb6EuAkPKP9PKAbeI3/2lxAgW8AE4Hn\nA0Vggf/65/Bmf4cDxwJ/Ah7zXxsHPAh8HBgPnAXsATr9178N7AJOwZu5/hJ4CHgr0AJ8BritzrgU\neLbj+Fn+dV8AtAFfAX5V9b5bfJknApOAR4G3A614K6hdwHP887cDZ/qPpwMvKPvcHqsj32HAAPDS\nOudUXAN4AzDb/y7+GtgLzPJfuwZY7r82ATjDP/5y4B5gGiDAgrL3fBv4TNV32er6DIErgJ/4n8sU\nYDXw2TI5+4HP+5/pRMdY/h74acA4u4BLqo5d4l/zPf73PRGYD5zt/16OAn4NfKHsPY8BS/zHnwH2\n+eNvwTO+d0Q91x/PY8B78X6zbwAOAp8MGMt1wEfKvoeX+McnA4/j/X5b8X7XPQz93q92XRP4GvBv\nWeuJRv+zFUK2/EhE9uApvp3AJ0ovqGqXqm5Q1UFV/SOe4llc9f5Pqeo+Vf0D8Ac8wwDwRmCFqj6p\nqo8CXy57z4vx/kg+p6oHVPWXwI3AxWXn3KDejHk/cAOwX1W/o6oDwPfwlHM97vVXH7tFpHTvpcA3\nVfVeVS3iuccWicjcsvd91pd5H/Bq4GFV/Zaq9qvq74Hr8RQDeMrhOSLyLFV9SlXvHUamEtPxlMb2\nkOejqtep6jb/u/ge3grmtDI5jgNmq+p+Vb2j7PgU4ARAVHWjqoa+J3irDGAZcKn/uewB/hW4qOy0\nQeATqlr0P7dqpuEZ/ChsVdX/p6oD/u9rs6qu8X8vO/GMVPVvsZy1qvpz//fyXcpWvhHOfQkwqKpf\nVdWDqnodnoEN4iCecZ3lfw+/9o9fAGz2f7/9qnoPnkvo9cN8BnvwPrsxhRmEbHmNqk7Bm+mdABxR\nekFEXuQv058QkV7g3eWv++woe/wMnqIHbzb7aNlrj5Q9ng08qqqDVa8fXfa8u+zxPsfz4YLfL1DV\naf6/95Xd95AcqtqHN1Mrv2+5zMcBLyozLLvxjMpM//ULgVcCj/gum0XDyFTiKTwlOivk+YjIW33X\nRUmOExn6Lj6MtwK4Szz32zv88f0S+CrwX8BOEVkpIs8Ke0+fI/FWNPeU3ftn/vEST/iGO4in8AxT\nFMq/B8RzGX7fd809jbfCqf4tllP9u5w0gnNn460QAuWq4oN4K4m7fffc3/jHjwNeUvU7+muG//6n\nAA1NiMgDZhBygKquxfsj+0LZ4f/FcxUcq6pTga/jKZ4wbMdzFZWYU/Z4G3CsiBSqXn88othR2Yb3\nxwmA7+9vr7pveendR/Fmj9PK/k1W1fcAqOrvVPUCPBfGj4DvO65Rg3r+4XV4BmVYROQ4PNfce4F2\n9YLkf8L/LlR1h6q+U1VnA+8Cvlby/6vql1X1FOA5eG6XfwxzzzJ24Rng55Z9BlPVCwgfGtIw1/ij\nf+8oVF/z83guyZNU9VnA2wj/Wxwp26mcLEDlb7oCVd2uqpeo6iw8N9lKEZmH9zta4/gdvbf01oBL\nLsBbdY8pzCDkh/8EzhGRkttnCvCkqu4XkdOAN0W41veBj4nIdBE5BviHstfuxJuJfVhExvkBvvOB\na2OPoD7XAG8XkYXiZb78K3Cnqj4ccP6NwHwReYsv5zgReaF4AfHxIrJURKaq6kHgabxZP3irmfby\noKeDDwNvE5F/FJF2ABF5voi4PoNJeErjCf+8t+OtEPCfv8H/jMGbjSsw6Mv6IvHSSvcC+8tkDIW/\nivsGcIX4GS8icrSIvDzCZe4CpolItXKNwhS8MfSKyLHAh2JcKyx3AK3i7dFo9QPBpwSdLCJvLBvj\nbrzvYQBvUvVcEXlT2e/oNBHp9M/tBjqqrjURz3V1a8Jjyj1mEHKCqj4BfAf4Z//Q3wGf9mMM/8zQ\nDDgMn8JzzzwE/ALPN1u6zwE8A/AKvBno14C3quqmuGOoh6reClyOFwfYDvwfKn3h1efvAc71z9mG\n51ooBU8B3gI87Lsw3o3nTsIfxzXAFt9FUJNlpKq/wQtyn+Wf9ySwErjJce6fgf/AW1V04wX6f112\nyguBO0WkD0/5vF+9PQTPwlPmT+F9Fz14QdOofAQvCeC3/lhvBTrrv6VC/gN4q883j+DeJT6BFzPp\nxRvj9TGuFQo/zvRavO/2Kby42E14KxUXLwJ+JyJ7gR8Cf6+qW1W1Fy9o/Wa8390O4LMM/Y6uBJ4v\nXgbdD/xjrwFuUdVuxhiiag1yDGM0IyJH4mWdnRwQeG4KROQe4D9V9bvDnjzyewjwO+Atqroxrfvk\nFTMIhmHkEt+duRFvdfU3eNly8/xMJyMFxuIuRMMwmoMFeGnOk4C/ABeaMUgXWyEYhmEYgAWVDcMw\nDJ+mchmNmzJOJxwxIWsxDGPU0Ffs45Q9yRbZvWdKHy2FFiaOS6XatjEC+h7u26WqRw53XlMZhAlH\nTODUT56atRiGMWpY+1AXd69N9m9q3JldTJ40hYUz61WsMBpJ19u6Hhn+LHMZGYZhGD5mEAzDMAzA\nDIJhGIbh01QxBMMwjCyY3DKZi+ZcxKyJsyjkdB49yCDb923n2q3X0jfQN6JrmEEwDMMYhovmXMSJ\nx5xI25Q2vOoW+UNVad/TzkVcxJUPXTmia+TT1BmGYeSIWRNn5doYAIgIbVPamDUxdKuPGswgGIZh\nDEOBQq6NQQkRieXSyswgiMgEEblLRP7gd5r6VFayGIZhGNmuEIrAWar6fLxmFOeJyIszlMcwDCPX\n3L7mds578Xmc+8JzWfmllYlfPzODoB6lUPg4/59V2jMMw3AwMDDApz/6ab5x7Te48dc38tMbfsqD\n9z+Y6D0yjSGISIuIrAd24nUoutNxzjIRuVtE7j6452DjhTQMw4jIlB+spuPks5h/1AI6Tj6LKT9Y\nHfuaf7z3j8yZO4dj5x7L+PHjeeVrXsmam9ckIO0QmRoEVR1Q1YXAMcBpInKi45yVqnqqqp46bsq4\nxgtpGIYRgSk/WM3Myy5n3GPbEFXGPbaNmZddHtsodG/vZtbRQxlEM2fPpHt7sl0+c5FlpKq7gduA\n87KWxTAMIw5HrriCwr79FccK+/Zz5IorMpIoPFlmGR0pItP8xxOBc4BUG70bhmGkTevj2yMdD8uM\nWTPYXnaNHdt2MGPWjFjXrCbLFcIs4DYR+SNeU+tbVPXGDOUxDMOITf/R7o1hQcfDctLJJ/HIQ4/w\n2COPceDAAW760U2cdd5Zsa5ZTWalK1T1j8DJWd3fMAwjDZ5YfikzL7u8wm00OHECTyy/NNZ1W1tb\nufyzl/O3b/xbBgcHufDiCzn+hOPjilt5j0SvZhiGMcbZ8/rzAS+W0Pr4dvqPnsUTyy89dDwOi89Z\nzOJzFse+ThBmEAzDMBJmz+vPT8QANJpcZBkZhmEY2WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG\n4WMGwTAMo0n4+Ps+zukLTuf8M9PJYDKDYBiG0SS89qLX8o1rv5Ha9c0gGIZhJMzqzas563/OYsF/\nLeCs/zmL1Zvjl78GeOHpL2Tq9KmJXMuFbUwzDMNIkNWbV3P5bZezv98rXbGtbxuX33Y5AOfPz/dm\nNVshGIZhJMgV6644ZAxK7O/fzxXrrPy1YRjGmGJ7n7vMddDxPGEGwTAMI0FmTXaXuQ46nifMIBiG\nYSTIpYsuZULrhIpjE1oncOmieOWvAS5bdhkXv+JiHnrwIRY/bzE/uPoHsa9ZjgWVDcMwEqQUOL5i\n3RVs79vOrMmzuHTRpYkElL+48ouxr1EPMwiGYaRCd183W57aQnGgSFtLGx3TO5gxOdmWj3nl/Pnn\n5z6jyIUZBKOpGQ1KZzSMoZpif5H7e+5nUAe95wPec6DpxzaaMYNgNIykFV93X3fTK53RMAYX+/v3\no2jFsUEdZMtTW5pyXIMMoqqISNai1EVVGWRwxO83g2A0hDQU35anthy6Xol6SiePM/GoY2gWqo1B\nieJAscGSJMP2fdtp39NO25S23BoFVaW4p8j2fSNPbzWDYDSENBRfkHJxHc/rTDzKGPLKqqO6Wd6x\nha1tReYU2xgQEMRpFNpa2jKQMD7Xbr2Wi7iIWRNnUchpcuYgg2zft51rt1474muYQTAaQhqKr62l\nzfl+l9LJ60w8yhjyyKqjulnWeT/PtHif7SMTiqAwTloZYKDiMy9IgY7pHVmJGou+gT6ufOjKrMVI\nnXyaOmPUEaTg4ii+jukdFKTyJxykdKIapO6+btY9uo6uh7tY9+g6uvu6RyxnPaKMIY8s79hyyBgc\nQqBf++ls7zz0/ba1tNHZ3tnUbrCxgK0QjIbQMb2jwmUD8RVfSbmEiQtEmYk30r0UZQx5ZGub26Aq\nyozJM2rGkXUcJ+v75x0zCEZDSEvxuZSOiygGqdHupbBjyCNzim2em6gKoTbwmnUcJ+v7NwNmEIyG\nkaXii2KQkoh3jJWZ6IotHRUxBAAUJoybUHNu1nGcrO/fDJhBMMYMYQ1S3EBv081Eu7thyxYoFqGt\nDTo6YEY4OZfu9M4rzzLaOr5IW2vtZ5V1RlXW928GzCAYRhVx4x15n4mufajr0OOLNwD33w+DvrzF\novccIhmFkmEAGHdml/O8rDOqsr5/M5CZQRCRY4HvADMABVaq6peykscwSsSNd6Q5E03KFTW4ohXO\nOAPWrYPBKrkGB70VQ0iDEJY0Egua6f7NQJYrhH7gg6p6r4hMAe4RkVtU9c8ZymQYQLx4R1oz0SRd\nUYXl/UAX/V1wzUmw/GzYOhXm9MKKNbB0QzrGq7O9M7PYSrNndDWCzAyCqm4HtvuP94jIRuBowAxC\nEzFag6dxxpXWTDQpV9TieUsOPf7yaV0sfxk8M957/sg0WHY+PDERLlvcFep6g2uX1BwLKm7X2d7J\nomMXhZY1aZo5o6sR5CKGICJzgZOBOx2vLQOWAbS1m68vTzRd8DQkcceV1kw0DVfUJ89t5ZnW/opj\nz4z3ji+ed8aw7y+PR5Qz2orbjRUyNwgiMhm4HviAqj5d/bqqrgRWAkyZN8VdMcvIhCRmrFFm4o1a\njSQxrjRmomm4onqrjMFwx8My2orbjRUyNQgiMg7PGKxS1R9mKYsRnbgz1igz8UauRqKOa/OuzWzr\n23bo+ezJs5l/xPxEZYJ0XFFRjMwdW+9wX6QqbfWiabBq4egqbjdWyDLLSICrgI2qmm5fOCMV4s5Y\no8zEG5nKGWVc1cYAOPQ8jlE4+zfdXHL9Fo7qKbKzvY0rL+xgzenJu6LaJ7bXyF86Xs7ah7poGYTJ\nByrP++BvqElb/fpP4dEjW7n9mOSL243WmFVeyHKF8BLgLcAGEVnvH/u4qt4U9Ia+Yl+gz9JoPAoU\nCoUR/9FHmYk3clNRlJm4S5mWjo/UIJz9m24+9O37mXDAu//MniIf+ra3GlpzerKuqJ59Pc7j2/Zs\nY/ueyrEd/KyfqlrOXbVpq5MOwneu6+e8z5xgDZGajCyzjO4AR8GTOpyyZzJ3rz01JYmMqBQWd8VK\nI4wyE2/kpqKs0xPf/L2NTKiaiU84MMhbv7/p0CqhnOpZc7G/GPiHtXjekopJlULgX2FN9pArxlx0\nG+RjdruL28Uh7xv+RgOZB5WN5ibOH32UmXijNxVlmZ44p9d9/JjdtT5516wZPEUft69XoU7a6SFj\n0dbmNAqPTUu+q5iVnkgfMwhGZkSZiWc9aw9i9uTZTrfR7MmzR3zNrVPh13NqN4ud+WitknXNmhFv\n5RSU71++D+GOrXfQP1ibUdTa0soZc9xppxVu246OyhgCsHccfPrltcXt4mKlJ9LHDIKRKVFm4nnc\nVFSKEySZZfSmC2H9TNhXtlnsnefDq/bOqjk37qzZZQzqHS9RvnoY/P6Ciiyjd7+iyI0nt7EwlATh\nsdIT6WMGwTBiMv+I+Ymmmd47r3YmvG88rJ7YQ/WcP+6seSTvL19hrH2oy6t5VFb36NqTupgc6u7R\nyOsqcTRhBsEwckaUWX/cWXOzzbrzuEocTZhBMMY0ecxrjzJrjztrtlm3UY4ZBGPM0t3XzaZdmw7t\nqC0OFNm0axOQbV571Fl73FlzXmfdeTTWox0zCMaY5YEnH6gpr6AoDzz5QKaKZzTM2nv37XZuIi2P\nP9TDNqFlgxkEI3GaZWY30gybRpDXWXsYDt6+xHm83r6GamwTWjaYQTASZSzO7JrFADYTtgktGwpZ\nC2CMLurN7PJGi7REOu6iZABLiqpkALv7uhORcawSlPZqm9DSxQyCkShp9xNe9+g6uh7uYt2j62Ir\n3fnt7r0DQcddNJMBbCY6pndQkEr1lOd02NGCuYyMRGmGfsIlkgjejgbXRh5dXqMhsN6MDGsQROQf\ngKtV9akGyGPkmapGKBcfDtfQVXGKq3pm1JmdS0HlNcjY7PV18hzzaebAerMSZoUwA/idiNwLfBP4\nuapaK8uxRnd3TSOUVT8qsGpjZ0XZgnFndjGubSKDOjiimV2Qgqop4OYTZyaehDLM607fsLP+vBpa\nIxuGNQiq+k8icjlwLvB24Ksi8n3gKlX9S9oCGjlhy5aKipaA93zLlgqDANDW2sbCmeFKm1V3Bjvh\nPQMMttYqqCCiBICrSap3culaeXFtRDF0o8HlZSRHqBiCqqqI7AB2AP3AdOAHInKLqn44TQGNnBDQ\nCCXweAhcncGejqjfvU6sIyMpZZg310YUQ9fsLi8jWcLEEN4PvBXYBVwJ/KOqHhSRAvAAYAZhLBDQ\nCIW2WsURtEu1mm99j5rOYHN6vXLPYYmziWy0KsNGFseriyPmtG1e/Msa6RFmhTAdeJ2qPlJ+UFUH\nReTV6Yhl5A5HIxQKBe94GUG7VJ30dtUcWrEGlp0Pz4wvu40UKEjBqfyn9rdyzQfXOZvRD0dUZZjH\nbBwX9Qydawxx2qAG4og5rVwNVxzRHfr7MRpP3X0IItICvL7aGJRQ1Y2pSGXkjxkzoLNzaEXQ1uY9\nnxHjj9uxuli6AVbe3MJx+9tAPSXW2d7J8YcfX5OX3jIIX1zdz8yeIgU8l9Ol39rIMavXhhvS5Bl0\ntnceWhGU7uVShs20AS0oh799YrtzDACLjl3EkrlLWHTsomSMnCPmNOkgXHK97c/IM3VXCKo6ICJ/\nEJE5qrq1UUIZOaWqEUpYgmrYXHw4rFztKYoSe8fBTfMG2No2gEBNG8jymeznbiryjj9UXnPSQfjM\nrcorXhpuNh/W/99M2ThBge6GjiEgtnRUjwWr80wYl9Es4D4RuQvYWzqoqn+VmlTG6GD9eujrg8Xu\nKpfb5nkuhPIsoysv7GDb6TNY7LhctfJ+311dztvePofI6aTrd6yn70Bf4FD6B/qdXeuL/flUcC5D\nt3GXe0GfSkZRQMxpZ3tzx2dGO2EMwqdSl8IYlRTev3vYc9acPmPEPuWd7W3MdMw4P3ZObarqcDPh\n3n27mbo/+F6TDsLjz6o9fvSeSCJnSkOD6I6Y095xcOWFVnoiz4TZhxDOIWsYDsLWvx8JV17YUZG2\nCrB/fIHHpoxsE9tTdy4JfG1VT1dNsPuwA/C5W+Cq50USOzMauomu5FosyzJa9qoi2yygnGvCpJ2+\nGPgKsAAYD7QAe1XVMV8yjMZRWllUu5zaWrc4lf9hB+Bb7+9iTi9snQrLz4ZrTgp3r6Wb22B1keVn\ne++d0+tlRL1kK1wVcxyNyl5q+Ca6qpjTNSd1OV2BecjeyoMMeSCMy+irwEXAdcCpeHsSjk9TKGPs\nEPcP0eVy6uijZibcMugFsOf2es/n9uIsvRFIRwdL77ufpRsqVx9LXxdvXI2uJZS3TXR5qKWUBxny\nQtidyg+KSIuqDgDfEpHfpCyXMQZI6w/RNRP+3E1Flm6oOjGg9Ib7orUuEAoFrjlpHydUKf/2ie3s\n2Lsj1LiaKXspDfIw/jzIkBfCGIRnRGQ8sF5E/g3YDkxKVyxjLJDmH2LYjKTBYpHWCK0dh/BcUkpt\nRtO2vm219wkY11ivJZSH8edBhrwQxiC8BS9u8F7gUuBY4MIkbi4i3wReDexU1ROTuKbRPDTyDzEo\nI2lnexuL5y1yvCMc6x5dF1reoAyfpDN/6pUNSTPIH4ZqV1prodW5Az1o/Gn4+kdrCZORMGzHNFV9\nRFX3qerTqvopVb1MVR9M6P7fBs5L6FpGk9HINolXXtjB/vGVP/f94wux0yCjGC/XuNLqDDa4dknl\nvy9FKBCVEqXVVPlO6aBaVO0T22uOpbVb3LqzDRG4QhCRDfj9TlyoauxkO1X9lYjMjXsdozlpZBpk\nUEZS3Lo6QbPLaoLGlcfy2WlSr5R5OT37emqOpeVinDF5Br37eytcfTMnzRy130E96rmMclG4TkSW\nAcsA5jhq3xjNS6OVYZxNcEEEGbWZk2bSs68n1LjylvmTB1xGNqqLMUqm1469OyqO7di7g6kTpo65\n7yXQIAQVtGs0qroSWAlw6pQp1qltlBFFGeYxV3yszfAbhcu9FsXXHyWDzbKMhrCNaUZTkOdccZvh\nh6cghRrlKwha5p0Ocq9FcTFGUfKWZTTEsEFlvI1pF+M1w5kIXIJnIAyjYdT7AzeaA4GacuMLjljA\nCUecEKoEeZRy5VGUfCOTG/JOphvTROQaYAlwhIg8BnxCVeNWAjBGITaLGx0Eraai9LAOc24U91JD\nazzlnEw3pqnqxUlcxxj9JJErnscYhJEOUZS8xYGGCLsxrUAKG9MMIyxxZ3FpxiByaWiq+hlTCPYO\n51L+mERV8hYH8ghT/voRABEZAH4CPK6qO9MWzDDKiTuLSyuTJI/B7os3UNPPuHS8usl9HuU3sqPe\nxrSvA19R1ftEZCqwDhgADheRD6nqNY0S0jAg3iwurRhEHlMWV6yhpp9x6fjbq/oc5lH+JDBDNzLq\nrRDOVNV3+4/fDmxW1deIyEzgZsAMgtE0RI1BhHWj5DHYPac3/PE8yp8Eo9XQpU29tNMDZY/PAX4E\noKo73KcbRn6JUq8mSs2cPKYsbp0a/nge5U+C0Wro0qaeQdgtIq8WkZOBlwA/AxCRVrz9CIbRNMyY\nPIOZk2ZWHAuqVxNlz0MeC6MtPxtnEHn52bXn5lH+JBithi5t6rmM3gV8GZgJfKBsZXA28NO0BTMy\npDpDpaMjuIlMlHMzJEq9miizyyRSFpPO8vHagg6yYg017UKrW1iO1pRL21swMurVMtqMozS1qv4c\n+HmaQhkZ0t1dm6FyvxeMq1H0Qef29kJPD/1dsLN9Xd2qomf/prumAikkX5U0ik85arwhTrA7jeDn\n4nlL2DavNoDs6mdcuk9Q0bdmNRSj1dCljag2T724U6dM0btPPTVrMUY369YdSlOsoK0NFi0Kd24V\ne8fBsvNrG9pfvMHrczzp4NCxYguowoRBx/ufJ5UXiPDbVfBqJzheqD7sPNe/VelwUo1mghrstLW0\nsejYkTfuiavMu/u62bhrY83x2ZNnV1RxLfYX0bVLKs6Z/qIueie4r5t1g56xStfbuu5R1WGVZ6jS\nFcYYIkjBu46HMAbgKfxVP21j1ZMOg3Kw8hptA+73/8fPYVtVOcXbrm6FM84IJcPcF97BI5Nqm7Ec\n90wrD/+u6hp33MFz3tXPlumegWobgKtWC0une3PswuKuiq5kYZWcS0mnEfxMYtWxuWez83h5z4CS\njKuO6mbpzqHr9o2HqROnsXDmwhHJb2SHGYQsyaP/vbUV+h1drFpba+VtaYEBhwZ3EcOgAMzcC7c9\nXOX0CGcLAFhxq7LsFfDM+KFjhx3wjlOdfXPGGfz5vqpj04ceDpZmxOvXU3j/7lD3D1LSUVtIhiGJ\nlMsBDfm9Cizv2FJhEIzmpd7GtMvqvVFVv5i8OGOIKL76RhLkhhkYqJVXXD6YAFzNjdrawhuFmM2R\nlv5+APoMAgRxAAAgAElEQVS94OrWqV6wdcUaWLphwCuvmDJBSlqQmpLQcYOfjU653NpmqZyjhXor\nhCn+/53AC/HKVgCcD/wqTaHGBFu21O4mHRz0jmdpEIJm/Kq1xkLVWzm0tAytGiZOhN2OWXN7bY9c\nOjoqjQx4Rqb6PoWCd24c2tpYuqHI0g21x+NSr6l9iaAYxsBg7ec9qINsemIjm56o9eGHxnGvKKuO\noJWLiznFtkirJSO/1Msy+hSAiPwCeIGq7vGffxK4riHSjWai+OobSZRZO3jupXI//h13uM/buROm\nTq11kXV21h6D5F1pLuMT19AsXMjg2nCnzn3xOh6ZUPu5Hlds4+Hfjjx47EIWd8VedRx/+PFs2rWp\nonFNdSMbABRWbOnAK4JsQeNmJ0wMYQ6Vu5YPAHNTkWYsEaR4s+4bHaQ4HbVxnLjiD6XjLhdZZ2dt\n9hIkv0oqXS+jmM2KLR0s67yfZ1qGPsfDBgq+Mk0WAQYHa91Tm57YGCqGcMfWOxgY6K9W/agoC45Y\nUBEYL/YX/fjB9sTkN7IjjEH4LnCXiNzgP38N8J30RBojRJ2xbt4M24YyPJg9G+bPD3+/sAHsIMW5\nMYb7okTWLrIZMzJzx5WCrss7trC1rcicYhsrtnSkEowdXLvEWf668OF9nntLhMVzg3YleEzdD0/d\nueTQ85fOXcva4/SQG0uAA/1FZyZvPZp5b8NYIEz56xUicjNwpn/o7ar6+3TFGgNEmbFWGwMYeh7G\nKEQNYLsUZ0nOaqpXNFEyj0qyjBGW7pzRmGwc1/ddKDD4aYGWFgrL+7lj6x2cMSd8mtZtDy+Gh2OK\nZRVIc0/YtNPDgKdV9VsicqSIzFPVh9IUbEwQdsZabQzKj4cxCFED2K7VRHu7W47qYPH8+e7VRL10\n1tIGt7yk3oL7M4B4LqegVVrS6cdB37e/uXDq/i76Eul5GFEsq0Cae4Y1CCLyCeBUvGyjbwHjgKvx\nCt4ZzUCUAHZ3N2zaNJTpUyx6z4PYubPSKM2Y4ZWuqHZvTZ3qzijq7x8yFGmn3oZVvK4ZdvlnUi0r\nDH/d7u5KQ1kses97e2HHjnjpx9XjKhZZdZIrxTbb1ZhVIM0/YVYIrwVOBu4FUNVtIjKl/luMXBEl\ngP3AA+700iCqZ/3d3Z6CK2fHDs8gVGcU9ffXupfSiitEcZtt2cKq5w5WKVStTVkdHPTceaqB9ZwO\njfXAAZy4Vl1RPgPHuK4+Cd51/tAmvEemeaU/npgIly3uAqBl+CvXEpRBFnK3eBJ9sY10CWMQDqiq\nioiXSi2SwWJzjDN7tltxzJ4d7v1RAthBWUJhqeeeWrSoUsl1dbmvkUZcIYLb7Or5RadCBWqNgite\nMjhY+X2NZDxh3+MY1z+dXbkjG7znnzy3lcXzImzvLuOlc9eydrF7YhA29dYqkOafMAbh+yLy38A0\nEXkn8A7gynTFMioouWRGmmWUZsplS9VcM4p7KmjlkkZcIYJcHz3HrVCXn+0wCGkRNv3YIX9Qg5ze\n1pjG3pGdFGZTXok8VCC1LKf6hMky+oKInAM8jRdH+GdVvSV1yYxK5s+PlmZaTdgAdlCWkGsHcUmu\ncuq5p6p93e3tlf7z0n3SiCtEMD6PBzhEaxRtoQCFAqsW9Dv89SHlCvq8w26Yc4xrTq+3qqk5Na5r\nRjWSAXARp1R4XCzLaXjCBJU/r6ofAW5xHDMaRaMK4QVlCZ1wgvf/cDIEuafa22t9+Dt2wMyZlb72\ntOIKQVlSDuMzfR88dVjtqXP6WqCttWL8q+b0suyUbeHcS9WIeGPavr3S2EapEeX4vP/5Nnj3+XCw\n7K+7ZRCKWjyk0FtaWg+lnVbPmg+V0yj7zd1WioNUrwghUpHBtAgz87csp+EJ4zI6B6hW/q9wHDPS\nopGF8IZzLw13v6D3B/nwe3oqdyqnFVfo6Ql33uAgX7nZU+o1lVFvGazZVb385C3h3UsiMH58zeey\n6kStDWBvDmkAHZ/3O55op+3H22pXLf0LYMYMpr9oKO3UNWsGeP52nHsZOP74fKQFlxF25m9ZTsNT\nr9rpe4C/AzpE5I9lL00Bfp22YEYZ9QKipdeTXDkEuZei7HauPh600zmtjWmOVMywlBR5rRtIayqj\nBlX6dPrxVYfkKBbh4YdZNb9YYXwOrTBWF1kaVuDqz3vdOpZucxiktloj45o1Azx4BNH2rixcCAz1\niQjqh5CGDz/szN+ynIan3grhf4Gbgc8CHy07vkdVn0xVKqOSegHRRq0c4q5SGlm7ySVrRJZuCHD5\nlK9gZs9mzsnwiEP5H/4MzP3AMHGFfftYHpARtPxlsLSsHkC9LmSDVR3LogTQg2bH24ISy+t8loMr\nWnnpmwdYe5w7GyktH37Ymb9lOQ1PvWqnvUAvcDGAiBwFTAAmi8hkVd3aGBHHIFEa0TSqPlDcct1h\nU1+DxuryXUeRNSx+IT/3xq6qc7dtY8Wtte6l8f3wdBv0+G6ZenGFoIygrVXd4frGu89zEsH4Bs2a\nZ++pc20X69dTWN7vxz/EuToImslv7tkca9UQduafhyynvBMmqHw+8EVgNrATOA7YCDw37s1F5Dzg\nS3j7ZK5U1c/FvWbT45rduoKM9SqQpuGGiVuuO2zqa1BANei4y40VdfwlBVoKFLdudLtxqFXoLvdS\n37ghY1AiKK4QlBE0p1ipzA7eviT8eCLsO3HNmgGevYva31iIcuH1iuYFzeQHdIABfxIwklVDlJl/\nlllOzUCYoPJngBcDt6rqySLyUvxVQxxEpAX4L7yg9WPA70TkJ6r657jXbmpcs1tXI5pSoLZRbpgk\nXD5hUl/rlc+uJsiNFVQ3KYiqQPHHF26MtA+h2r1U+IT7Nq7VwIo1sOw1heHLYq9fz/R31Tageeo/\nHH2lI+w7cc2aDwwc4A+z1N2rIsbKM2gmX03UzB+b+SdHGINwUFV7RKQgIgVVvU1EPp/AvU8DHlTV\nLQAici1wATC2DULQ7La6EQ3U1gwq4epOFpc0Gsy4iOIyCnJjiYTv4eBYeTwa5MYJOF5N4Ky/t/bY\n0g3Ags5hy2KP+4fdDBRq319Y3u/eKRyh1Hdp1rz2oS4O9Jf9/kZQLrxeUDloNeIiauaPzfyTIYxB\n2C0ik/HaZq4SkZ1AzC2PABwNPFr2/DHgRdUnicgyYBnAnKybxzSCKDPxoFTKsCmWUWhUg5koLqMg\n4zkwAAsW1G6CcxnP0v6KMuY808ojk2p/4i6FzsSJsG9fxaEVa2DZX8Ez44aOHXZQWLHGEWxdsCBU\nWexILqMY1ASow1LWPW7cmV3OU1wz+QEdcLbqtMyfbAhjEC4A9gOXAkuBqcCn0xSqHFVdCawEOHXK\nlDpV1kYJUWbiUauYxlXmjWgwE8VlVM94umR1tfB0jGfFI8ezbP4mnmkd+rkd1i+suGcqUOa2KZUP\nqepXsbRnNjwwtXbW34+X+pm3Ut8NpHomX515BJb5kyVhSlfsBRCRZwGrE7z348CxZc+P8Y+NbaLM\nxMOuJhq5sS0uUVxGKbmxArub7QLa9g19L1N9H5KjrMjSDd0s/TFQBNqADoINatxueGnRgN3x5v/P\nF2GyjN4FfApvlTCI1z1P8X7icfgdcLyIzMMzBBcBb4p5zdFB2Jl4WIUYN2W0kURxGUUxnhGNYo0b\nJ8r7o5wbtxteWjRwEmH+//wQxmX0IeBEVd2V5I1VtV9E3gv8HC/t9Juqel+S9xj1hFWIcVNGG0kU\nlxGEN55BRvGBB8IZlChGNcq94nbDS4tmmkQYiRHGIPwFeCaNm6vqTcBNaVx7zBBGITZyl3BUqt0S\nQSmjcWWtl70VprJqFKMa9V55pJkmEUZihDEIHwN+IyJ34nlEAVDV96UmlZEsjUoZHY7hyl+XlE11\nqe0kZA1bzyhoFhylrHfYfRAj3U3dCPI8iTBSI4xB+G/gl8AGvBiC0Ww0KmW0Hi6fdJC7pFDwlGoY\nWcMGPoPSTl24FOHEie7jhULsuklOwnbDS4u8TCKqsAY36RLGIPSr6mWpS2KkSyNSRku4smZ6esLP\niAcG4Mwzhz8vaqA3LK6Mpt21u4SBmj0IkXHtkUgiyyhuhlAeJhFVWIOb9AljEG7zN4etptJlZBVP\njVrqZc2EJWwLzSiBz6DigC6iNKiJS3t7/G541cTIECos7gJg8SPCbSwObwDWr6fw/gCjmRDW4CZ9\nwhiEUirox8qOJZF2aowGYvQdcBKlhWZagc/+/tpxpUUau8pHaYaQNbhJnzAb0+Y1QhCjCYnad8BV\nPTNOC820Ap8tLenEBVzkrDJtmqUr4mINbtKnXse0s1T1lyLyOtfrqvrD9MQyYhHFfxzH1xy170CY\n6plRWmimEfgsFLxVShQXUxxSWH08PBXmOuouPTwVOnyX0NTxk53vLbmMpu6Hp+5ckrhscbAGN+lT\nb4WwGC+76HzHawqYQcgjae2odRFldjt7dvJ7JqIEPqtTWYOYOTNazGPaNHj66ZGlkJaMV8KlK5af\nDVfdWGDCgSGZ9o8vcPVfd7J4XvDnv3jeEgDu2HoHydSvTBYrc5E+9Tqmlaq6f1pVHyp/zS83YeSR\nJHbUhvU1B9Udqla+URRc1Fl/2OyplpZwewN27Kjfoa6afftqVz71DGVVMx5nCfOYpSuuOQkWHNHJ\nJddv4aieIjvb27jywg7WnN78itPKXKRLmKDy9cALqo79ADgleXGM2CSxozbszD8oG6elpbZ3Q1jS\nSncM2zBncNDLcgrbT6FYrDVK69e701SnTfOb0ZexcaP7ujFLV6w5fcaoMABGY6kXQzgBr03m1Ko4\nwrPweisbeSSKyyVqULY63hC17lBYGrlnwkV/v7eqKZ+5B7mcXJ/VwoW1RmHaNJg1qzad1jByRL0V\nQifwamAalXGEPcA70xTKiEEUl0uUc6NkFDWyvEEaJZpFPNdRmPOClHr1SqBevKaBpLbTtwH7EIz0\nqRdD+DHwYxFZpKrrGiiTEYcoLpco54bNKGpkeYMoQfEoeyRUa1cDrtVBmCB1iaB4TRApbI7r7utm\n464hF1VxoHjoeVJ++VJg2mhOwsQQXisi9wH7gJ8Bzwc+oKpXpyqZUUmUmXAUl0vYc6MEShvl7okS\nFI9SyygKDzyQfEYWOFt7uiiliYZhc8/mwOPlBmHy+Mn0DuyOdG0Whz/VyC9hDMK5qvphEXktXt/j\nNwC3AWYQGkUeOp7VizcsWtQYGaqJEhRPY0cwhI+X1Pv8Ojpiub3CzsoH1J05VX184cyFzvOM0U8Y\ng1BqFf4q4BpVfVIaWevFyEcpgiQ2gSXt748SFI86Qw+bZRSWep9f1kH0UYpVRo1OGIOwWkQ24bmM\n3iMiR+K10zQaRR6alcRNB01jlRPFSEWJIbhm7QcOuGMGrsqoLvJQPVTxGuC6jg/D+h3r6d0XPmic\ndSwhamVUMx4eYWoZfVRE/g3oVdUBEXkGuCB90YxD5KVZSZyZbBqrnChK1mU8XKmkQbP27m73noEs\n21z6hFVm0/fBU4fVvn96iArevft2M7iiNdT+knFndrF+x/pMXU9RKqNaWe0h6u1D+LCq/pv/9GxV\nvQ5AVfeKyHLg440QcFQT1oWS02YlgbjGldYqJ6yRmjGjdlfwrFkwdWryGVkuUooDKYRWZl++Gd5x\nARws+6sf1+8dv+o5IW+YRppvCkSpjGpltYeot0K4CCgZhI8B15W9dh5mEOIRRUHkwd0A4ZRB0LjS\n6pUcJFNQu85yduzwDELYoHjeVkily4RUZi/b1sa3flxk+dmwdSrM6YUVa+DsbW1cFeZGAwPZJzeE\nJKgyKgprH+qqPBQQEh2LZbXrGQQJeOx6bkQlqoLIOvAY1oAFjSsoQDtxYvIy9fbW9mp2pZwmFZgP\nU5yuwXGgkjIrV34fXOwVvVu6obLo3Rfe1lFzrhPX/gzHZzj5APQWdg9/vRQ5JKVUHrz6h7B081Ca\n9FteUWTVQkEdgZSxWFa7nkHQgMeu50ZU8hAojkJYAxZV/qDWlHFkirLfIO7nXa9DXLlRaHAcqFyZ\nDa5dcmgnsavo3f8+D7Y8ug4Fjiu2sWJLB0t3uoxkl/tmVeMKLJu9fv0IRjJyVnUWWf6S/WydoszZ\nI6zoamXpfQMw6MtbLPL1n8Ldc4RNh9eqtPaJ7Q2VNw/UMwjPF5Gn8WzsRP8x/nOrZRSXvASKwxLW\ngCXRNS0sSdwn7ucdZHyqi9OlGAcqSKFuj4DC4q5DG8eqi95VBFQFHplQ5M0LNvLmBRtr3ABbfu/u\ns0BbW03pClejnSxLW2ydorzkLwehav4w6SDsaXWvXnv2pbR3JcfUK10RMp/OGBHNFigOa8CCxpVk\nTn9S1KtFlDRJxYGqYiNvOhx+f1ZnYJbRcOmfroAqwqHrlF/3H9/Wznf/346KPgt7x8G7X1Fk1fOL\nh+639qEuCou7aHF85VHSUZNOBZ3T2+U8vm2K+3yLIRiNIy+B4rCENWBB43LV/QfP354G1UbIlWIa\npRZREsSNAzliJitXwxVHwJrTR7ZbvF42TnX20g8P3wHvmclXru6pcDnd2LGdqQztcF48bwnrd6yn\n2F9kf/9+FEUQTjgiXDkOSCcVdGd7GzN7asd79B547Fm151sMwWgsWQeKoxC1aF5QplSCncEilYM4\ncMB9jc2b430H1WWyy48njSNmMukgXHL9lhH3PgjMxsGdvbT6iB52/Uel8VlI7b1nTZ7F/T33HwrW\nKhpJoaeRCnrlhR186Nv313SSe/HATH4oO6w1J2YQjCiENWBBqaDz5ye7kStKOYigXs1xeyeXxpOk\noQsiIGZylGPWG5agPsU1bqSSCCHdKHEVepR9BGEpGc3qoPquk2fQ2TfVdiqTkUEQkTcAnwQWAKep\n6t1ZyNFUNMmGoIYW4suL2y1pQxdEwIpoZ/vIXRtBfYpLz6tpLbSy7tF1wyrOuAo9aOUS140T1EnO\nWnN6FDK675+A1wG/yuj+zUVJyZaUQUnJdndnK5eLeumpaTBjhrexbMkS7/8gY9AaMPcJOp5HOjq8\nFVAZe8d5rpDEbzW9g4JU3ksQ+gf7Dynqkl+/u6/2dxikuMMqdNf9x6obp5Fk8tegqhsBrGpqSPJQ\n7TQsed1fcfzxsGlTZSBZxDveLDhWRMteVWRbhPhBdeZO+8R2duzdURO87WzvpLO9Mnupf7C/plR2\nkBsoyBUVVqEHrVzSmsVbcTuPJpoejWHyqmRd5HV/RZB7CWr7HLtKX+TFRVcVG7nmpK7QvWlcmTvb\n+moD4iUlv+jYRRVKsevhLud1Xa6dJBR6FDdOHIVuxe2GSM0giMitwEzHS8v99pxhr7MMWAYwJ2ul\nkhVpKtkoii/MuR0d7pl4HvZXuCqYhi19kdOaPUG4FKRzz0EAQf77KH79Rvnl4yp0K243RGoGQVVf\nltB1VgIrAU6dMmVslsxIaxNblABwPeXZ01NZRK6R+f5xZvJRSl/k1UXnIEhBhjUGQcR1A6VFHjOa\nmhVzGTUDaWXTRIlNhFGeQUXkSu9PWpnGzWiK6nKL66JrkBsqSEHGpdF+/bDkNaOpGckq7fS1wFeA\nI4Gfish6VX15FrI0DWlsYosSm4irDNOId8QNtketuxTHRdfAdNwkZrYt4q5ck8f0zCgK3eVKy+vK\nJwuyyjK6Abghi3sbZUSJTcQtWtfWlvwMOW6wPcgVN3NmZQyhdDyOi66BmWL1dh9HoVkyb8Iq9CBX\nmiujKq9jTRtzGY1GonRiCxsAdinPsBQKXmwh6RlyUNOdoL0Frs+ls9P9WYXtpBaWBmaKtU9sd2YP\nRWFAB5om8yasK6terKE6o2qsYgZhtBHVNRE2AOyKY5S6kLlm2OWB5lJdoaRnyEGyuo4HfS6dne6O\naUm76FLMFKueyVfvFRgpjcq8adRKxILHw2MGIY+kkTkTFCgOukbYonVhZ9KuBvUQb4YcVIfIdTzr\nzX0pZYq5eiqnSdLXT2IPQNhrWPB4eMwg5I20MmeiBIqjKOmwM+k0ZshRrpn15r4U6y6FzSBqkRYG\nddDZLtJ1rmulkbTyTGIPQNhrWPB4eMwg5I2gmezmzeGUSRKB4jQ2AKYxQ262JkMZljsXBBFBHe60\nFmmhtdBa4bIBQivPOC6fJNw49a5RXYjPgsf1MYOQN4JmrAMDQ66QequGKEqyvd29b6A9hV6yacyQ\n81LttAlQlP5BRwAeL4B85rFnOl8bTnnGdfkk4capl1VVXYivs72TRcc6YkYGYAYhf4RN7wzyf0dR\nkj0BPWO7u2uDwkko2TRmyM3UZKjJCLPnIK7LJwk3jusaLsZqOYoomEHIG65U0CCCDEdYJRl3NWLk\nAkEq4wIKuAoJBx2PQb2ZeRhXUlJF8KqvYRlFI8MMQh4JW/snrq8/7mqkmchrFdYEqAkSByj9FoUB\nx2tR3DPVSj4o+NxaaA3tSkpi93P1NUqxg2oso6g+WTXIMYII20gmieBpR4e3ES0MeSy1HQVHc5lc\nB6DjUmUjDjsASwJ+Wu0Tw8WMSvGCcr+8y01TkAKqGuhKagTWYGdk2Aohb9RTvKVZbhJlqks0ajUS\nhSD54+zPGGMB6PZnYPJB2DoV5vTCijXwkXPc5/bsC4glVeGKFyhKa6GVFmmpcPls3OXed9Iol02Q\nK+qBJx/ggScfqDj3jDlnNESmZsAMQjPh2lFbTZR9DFFXIy6FXLrOSJVs9TWrdz8n2aNglAagC1Ko\nUNQtg/Cln8HSDZXnvfl17veHVdJB5/UP9nPG3EqlGtSTuZEum2o30tqHumgZhMkHhs7pnQDrd6xn\n4cyFDZMrz5hBaHaqFWp/f/gduVFWI1C527hYrN19HFVJu4xXUC+CJu9RkBYCNbn1RS2ytH8BtJX9\nLgoFYJ/zGmGVdJQU0bxuAjv42VY4Y8h4jTuzKzthcogZhLwRJfjpUqhBBF0z6Hj1auT224OvXU4U\nJe3ahBeVZo9tJIBrJlyzGlq/HthXs5qIoqSjKPm89k4w6mMGIW9E2VgWRaG6DEqUewXVDXIRVkkn\nocxHQZZQo3CtJqIo6ahKPo+9E4z6mEHIG1GCn2EVapCSTyvQmrSSTqtHwRgkrpI2JT+6MYOQR+IW\njGtthZaWcEo+6UBrUkralVGVdI8CwzAqMIPQzAS5fI4/vrGKMmw6bND7XMcb0aPAMIwKzCA0M43M\nrZ89253pM3s2zJ8/sms2W7VSwxjlmEFodho1ay4p/XKjEMcYwJjbLGYYeccMghGe+fPjGQAX5gYy\njNxgtYwMwzAMwAyCYRiG4WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG4WMGwTAMwwAyMggi8u8i\nsklE/igiN4jItCzkMAzDMIbIaoVwC3Ciqj4P2Ax8LCM5DMMwDJ9MDIKq/kJV+/2nvwWOyUIOwzAM\nY4g8xBDeAdwc9KKILBORu0Xk7icOHmygWIZhGGOL1GoZicitwEzHS8tV9cf+OcuBfmBV0HVUdSWw\nEuDUKVM0BVENwzAMUjQIqvqyeq+LyNuAVwNnq6opesMwjIzJpNqpiJwHfBhYrKrPZCGDYRiGUUlW\nMYSvAlOAW0RkvYh8PSM5DMMwDJ9MVgiq+uws7msYhmEEk4csI8MwDCMHmEEwDMMwADMIhmEYho8Z\nBMMwDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMwDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMw\nDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMwxiyTD2QtQb6QZmpnLCJ7gPuzliMFjgB2ZS1ECozW\nccHoHdtoHReM3rGFGddxqnrkcBfKpGNaDO5X1VOzFiJpRORuG1dzMVrHNlrHBaN3bEmOy1xGhmEY\nBmAGwTAMw/BpNoOwMmsBUsLG1XyM1rGN1nHB6B1bYuNqqqCyYRiGkR7NtkIwDMMwUsIMgmEYhgE0\nmUEQkX8RkT+KyHoR+YWIzM5apqQQkX8XkU3++G4QkWlZy5QEIvIGEblPRAZFpOlT/kTkPBG5X0Qe\nFJGPZi1PUojIN0Vkp4j8KWtZkkREjhWR20Tkz/7v8P1Zy5QUIjJBRO4SkT/4Y/tU7Gs2UwxBRJ6l\nqk/7j98HPEdV352xWIkgIucCv1TVfhH5PICqfiRjsWIjIguAQeC/gQ+p6t0ZizRiRKQF2AycAzwG\n/A64WFX/nKlgCSAi/xfoA76jqidmLU9SiMgsYJaq3isiU4B7gNeMku9MgEmq2ici44A7gPer6m9H\nes2mWiGUjIHPJKB5rNkwqOovVLXff/pb4Jgs5UkKVd2oqqNld/lpwIOqukVVDwDXAhdkLFMiqOqv\ngCezliNpVHW7qt7rP94DbASOzlaqZFCPPv/pOP9fLJ3YVAYBQERWiMijwFLgn7OWJyXeAdyctRBG\nDUcDj5Y9f4xRolzGAiIyFzgZuDNbSZJDRFpEZD2wE7hFVWONLXcGQURuFZE/Of5dAKCqy1X1WGAV\n8N5spY3GcGPzz1kO9OONrykIMy7DyBIRmQxcD3ygytPQ1KjqgKouxPMonCYisdx9uatlpKovC3nq\nKuAm4BMpipMow41NRN4GvBo4W5souBPhO2t2HgeOLXt+jH/MyDG+f/16YJWq/jBredJAVXeLyG3A\necCIEwNyt0Koh4gcX/b0AmBTVrIkjYicB3wY+CtVfSZreQwnvwOOF5F5IjIeuAj4ScYyGXXwA69X\nARtV9YtZy5MkInJkKRtRRCbiJTvE0onNlmV0PdCJl7XyCPBuVR0VMzQReRBoA3r8Q78dDRlUIvJa\n4CvAkcBuYL2qvjxbqUaOiLwS+E+gBfimqq7IWKREEJFrgCV4pZS7gU+o6lWZCpUAInIGcDuwAU9v\nAHxcVW/KTqpkEJHnAf+D91ssAN9X1U/HumYzGQTDMAwjPZrKZWQYhmGkhxkEwzAMAzCDYBiGYfiY\nQTAMwzAAMwiGYRiGjxkEwwiJiLxGRFRETshaFsNIAzMIhhGei/EqSl6ctSCGkQZmEAwjBH4tnDOA\nv4Q1nyMAAAFOSURBVMXboYyIFETka34t+htF5CYReb3/2ikislZE7hGRn/tlmA0j15hBMIxwXAD8\nTFU3Az0icgrwOmAucBJwCbAIDtXO+QrwelU9BfgmMCp2NBujm9wVtzOMnHIx8CX/8bX+81bgOlUd\nBHb4xcXAK69yInCLV0qHFmB7Y8U1jOiYQTCMYRCRw4GzgJNERPEUvAI3BL0FuE9VFzVIRMNIBHMZ\nGcbwvB74rqoep6pz/X4cD+F1GLvQjyXMwCsOB3A/cKSIHHIhichzsxDcMKJgBsEwhudialcD1wMz\n8bqm/Qn4Ol4nrl6/vebrgc+LyB+A9cDpjRPXMEaGVTs1jBiIyGS/yXk7cBfwElXdkbVchjESLIZg\nGPG40W9SMh74FzMGRjNjKwTDMAwDsBiCYRiG4WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG4fP/\nAfyzKuSV3NT5AAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAEWCAYAAABmE+CbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3XuYHGWZ9/HvPTPJJJqQxEAm4RDirBBR1KAoB8ObCKLo\nyiKiLmzURcWou66IqyhGRF2j664r63pYRURUsrIqooKgIjDRaOQgjiDkADuBcEgmEEjIQDLJzNzv\nH1Wd9PRU91RPV3VVT/8+15Ur3VXVVU91J89dz9ncHRERkZasEyAiIvmggCAiIoACgoiIhBQQREQE\nUEAQEZGQAoKIiAAKCFLCzBab2UNZp6NRpP19mdnXzezCovfvNbNeM+szs5nh350JXu8AM1trZpOT\nOmeWzOzDZvaprNPRKBQQGoCZ3W9mO8P//JvN7HIzm5J1umplZm5mT4X31Wdm2+p8/ViZuZm9zMyu\nM7NtZva4md1qZm+vRxrd/T3u/i9hOiYAXwRe5e5T3H1r+HdPgpf8KHC5u+80s7uLfptBM9tV9P5j\nY72AmV1pZh9PMM2F855iZveVbP4a8C4zm5H09cYjBYTGcaq7TwEWAEcBF2ScnqS8KMzUprj79Go/\nbGZtaSSq6PzHATcBK4HnADOB9wKvSfO6ZXQAk4C7az1R1PdmZu3A3wNXALj78wu/DfBb4H1Fv9Vn\na01DPbj7U8CNwJKs09IIFBAajLtvBn5JEBgAMLO/NrM/mdmTZvagmX2yaN+88En8781so5k9ZmbL\nivZPDkscT5jZPcBLi69nZkeYWVf4dHy3mf1N0b7LzexrZnZ9+NT4OzObbWb/GZ5vrZkdNZb7NLN3\nmdl94RP5z8zswKJ9bmb/aGb3AveG255rZjeEx68zszcXHf9aM7vHzHaY2cNm9iEzeyZwPXBg0VPv\ngSMSAv8OfMfdP+/uj3ngj+7+5ohjMbOPmtn/hde6x8xOL9r3HDNbaWbbw9/hf8PtZmYXm9mW8De8\ny8yOLPqOP2NmhwPrwlNtM7Obir6L54Sv283sC+Hv3GtBddPkcN9iM3vIzD5iZpuBb0ck/xhgm7vH\nrgIzs3eH3/fjZvZzMzso3N5qZl81s0fD+/2zmc03s/cDZwAXht/5DyPOGfnZcN/k8N/XgxaUlr8c\n3vdM4Gqgs+j3nBmesgv467j31NTcXX9y/ge4H3hl+Ppg4C7gS0X7FwMvIAjwLwR6gdeH++YBDnwT\nmAy8COgHjgj3/yvB09+zgEOAvwAPhfsmAPcBHwMmAicCO4D54f7LgceAlxA8ud4EbADeBrQCnwFu\nrnBfDjwnYvuJ4XlfDLQDXwZ+U/K5G8I0TwaeCTwIvB1oIyhBPQY8Lzx+E3BC+HoG8OKi7+2hCul7\nBjAIvKLCMcPOAbwJODD8Lf4WeAqYE+77PrAs3DcJWBhufzXwR2A6YMARRZ+5HPhMyW/ZFvUdAhcD\nPwu/l6nANcDnitI5AHw+/E4nR9zLPwI/L3OfXcA5Jdv+FlgDHB7+W9n7ewOnAauB/cL7fT4wK9x3\nJfDxCt9ppc/+N/Cj8LuaRvBwdFG47xTgvojzHQ88kvX/40b4oxJC4/iJme0gyPi2ABcVdrh7l7vf\n5e5D7n4nQcazqOTzn3L3ne7+Z+DPBIEB4M3Acnd/3N0fBP6r6DPHAlOAf3X33e5+E3AtcFbRMVd7\n8MS8i+AJbZe7f9fdB4H/JcicK7kjLH1sM7PCtZcAl7n7He7eT1A9dpyZzSv63OfCNO8EXgfc7+7f\ndvcBd/8TcBVB5gywB3ieme3n7k+4+x2jpKlgBkGGtCnm8bj7D939kfC3+F+CEszLitJxKHCgu+9y\n91VF26cCzwXM3de4e+xrQlDKAJYC54Xfyw7gs8CZRYcNEWSe/eH3Vmo6QcCP6z0EwWq9u+8BPgUs\nNLOO8J72C+8Jd7/b3bfEPG/kZy2o5noncK67b3P37QQPNGeWPxWE91R1dWQzUkBoHK9396kET3rP\nBfYv7DCzY8zs5kIRm+A/6v4ln99c9PppgowegqfZB4v2PVD0+kDgQXcfKtl/UNH73qLXOyPej9b4\n/WJ3nx7+eX/Rdfemw937gK0l1y1O86HAMUWBZRtBUJkd7j8DeC3wQFhlc9woaSp4giATnRPzeMzs\nbWbWXZSOI9n3W5xPUAK4Nax+e0d4fzcBXwG+Cmwxs0vMbL+41wwdQFCi+WPRtX8Rbi94NAzc5TxB\nEJjiOhT4etH1HiUohRxMUB33LeAbwGYLqhbjdoQo99kDCUoidxdd8yfArFHONxWoa4eFRqWA0GDc\nfSVBNcIXijb/D0FVwSHuPg34OkHGE8cmgqqigrlFrx8BDjGzlpL9D1eZ7Go9QpDZABDW988suW7x\nNL0PAiuLAst0Dxo+3wvg7re5+2kEGcdPgB9EnGMEd3+aoOrijDiJNrNDCarm3gfM9KCR/C+Ev4W7\nb3b3d7n7gcC7ga8V6v/d/b/c/SXA8wiqYD4c55pFHiMIwM8v+g6medAgvPeWRjnHneG143oQOLvk\ne58clhjd3b/o7kcRVGO+CDg3TjoqfHYTQcD5q5J7LLQVlDvvEQSlYhmFAkJj+k/gZDMrVPtMBR53\n911m9jLg76o41w+AC8xshpkdDPxT0b5bCEoT55vZBDNbDJxKUAecpu8DbzezBRb0fPkscIu731/m\n+GuBw83srWE6J5jZSy1oEJ9oZkvMbFpYrfEkwVM/BKWZmWY2rUJazgfOtqA/+0wAM3uRmUV9B88k\nyJQeDY97O0EJgfD9m8LvGIKncQeGwrQeY0G30qeAXUVpjCUsxX0TuNjMZoXXO8jMXl3FaW4Fphca\nhmP4OvDxogbfGWZ2Rvj6WDM7OqzmeQrYzfDvvezYiXKfDX+/y4Avmdn+FjjEzE4uOu+siJLIIoJS\nh4xCAaEBufujwHeBT4Sb/gH4dNjG8An2PQHH8SmC6pkNwK+A7xVdZzdBAHgNwRPo14C3ufvaWu+h\nEnf/NXAhQTvAJuCvqFBPHNaXvyo85hGC6rFC4ynAW4H7zexJguq0JeHn1hIEn56wCmJELyN3/z1B\nI/eJ4XGPA5cA10Ucew/wHwSlil6Chv7fFR3yUuAWM+sjKNGd68EYgv0IMvMnCH6LrQS9m6r1EYJO\nAH8I7/XXwPy4Hw5/78uBt8Q8/vsEVV0/Dq/XDRQy5+nhubYBPQT39aVw3yXAS8PvPCqwVvrsBwh+\n49uB7QTVYs8J9/2Z4Ht9IDz3s8LS5SsJu9JKZeauBXJEJGBmBxD0OjuqTMNzQzGzDwNT3f0Tox4s\nCggiIhJQlZGIiAAKCCIiElJAEBERIBjm3zAmTJ3gk/aflHUyRMaNvv4+XrIj2Ylz/zi1j9aWViZP\nGBczaI8Lfff3PebuB4x2XEMFhEn7T+LoTx6ddTJExo2VG7q4fWWy/6cmnNDFlGdOZcHsBaMfLHXR\ndXbXA6MfpSojEREJKSCIiAiggCAiIqGGakMQEcnClNYpnDn3TOZMnkNLTp+jhxhi085NXLnxSvoG\n+8Z0DgUEEZFRnDn3TI48+Ejap7YTLD2RP+7OzB0zOZMzuXTDpWM6Rz5DnYhIjsyZPCfXwQDAzGif\n2s6cybGX7xhBAUFEZBQttOQ6GBSYWU1VWpkFBDObZGa3hgto321mn8oqLSIikm0JoR840d1fBCwA\nTjGzYzNMj4hIrv32xt9yyrGn8KqXvopLvnRJ4ufPLCCEy+QVmsInhH80F7eISITBwUE+/dFP880r\nv8m1v7uWn1/9c+5bd1+i18i0DcHMWs2sG9gC3ODut0Qcs9TMbjez2/fs2FP/RIqIVGnqj66h86gT\nOXzWEXQedSJTf3RNzee88447mTtvLofMO4SJEyfy2te/lhuvvzGB1O6TaUBw90F3XwAcDLzMzI6M\nOOYSdz/a3Y+eMHVC/RMpIlKFqT+6htkfvJAJDz2CuTPhoUeY/cELaw4KvZt6mXPQvh5Esw+cTe+m\n3lqTO0wuehm5+zbgZuCUrNMiIlKLA5ZfTMvOXcO2tezcxQHLL84oRfFl2cvoADObHr6eTLA4d6qL\nt4uIpK3t4U1VbY+rY04Hm4rOsfmRzXTM6ajpnKWyLCHMAW42szuB2wjaEK7NMD0iIjUbOCh6YFi5\n7XG94KgX8MCGB3jogYfYvXs31/3kOk485cSazlkqs6kr3P1O4Kisri8ikoZHl53H7A9eOKzaaGjy\nJB5ddl5N521ra+PCz13IO9/8ToaGhjjjrDM47LmH1Zrc4ddI9GwiIk1uxxtPBYK2hLaHNzFw0Bwe\nXXbe3u21WHTyIhadvKjm85SjgCAikrAdbzw1kQBQb7noZSQiItlTQBAREUABQUREQgoIIiICKCCI\niEhIAUFEpEF87P0f4/gjjufUE9LpwaSAICLSIE4/83S+eeU3Uzu/AoKISMKuWX8NJ37nRI746hGc\n+J0TuWZ97dNfA7z0+Jcybca0RM4VRQPTREQSdM36a7jw5gvZNRBMXfFI3yNcePOFAJx6eL4Hq6mE\nICKSoItXX7w3GBTsGtjFxas1/bWISFPZ1Bc9zXW57XmigCAikqA5U6KnuS63PU8UEEREEnTececx\nqW3SsG2T2iZx3nG1TX8N8MGlH+Ss15zFhvs2sOiFi/jRFT+q+ZzF1KgsIpKgQsPxxasvZlPfJuZM\nmcN5x52XSIPyFy/5Ys3nqEQBQRpGb18vPU/00D/YT3trO50zOumYkuwSgiJJOPXwU3PfoyiKAoI0\nhN6+XtZtXceQDwHQP9jPuq3rABQURBKiNgRpCD1P9OwNBgVDPkTPEz0ZpUiayRBDuHvWyRiVuzPE\n0OgHlqGAIA2hf7C/qu0iSdq0cxP9O/pzHRTcnf4d/WzaOfburaoykobQ3toemfm3t7ancj21V0ix\nKzdeyZmcyZzJc2jJ6XP0EENs2rmJKzdeOeZzKCBIQ+ic0TmsDQGgxVronNGZ+LXUXiGl+gb7uHTD\npVknI3UKCNIQChlx0k/tUSWBSu0VjR4QSu83vxUgtVMpr3oKCNIwOqZ0JPofulxJoDQYFDR6e0XU\n/QKsmNXLki3jK6NUKW9s8lkZJlIH5UoC5aTVXlEvUfeLwbLO8ddTS73SxkYBQZpWpSf+FmsZ8T6N\n9op6Kne/G9sbu+QTRb3SxkYBQZpWuSf+9tZ25s+cv3d/4X2jVzWUu9+5/dHbV8zqZd6xq2lZ1MW8\nY1ezYlZvmslLVKXfVspTG4I0rUo9l5Jur8iDqPvFYXnPyJLPilm9LJ2/jqdbg2MfmNTP0vlBHXwj\ntDfUs1faeJJZCcHMDjGzm83sHjO728zOzSot0pw6pnSMy5JAOYX7xcEcDt3VzhVrjojM4Jd19uwN\nBgVPtw41THtDs/22ScmyhDAA/LO732FmU4E/mtkN7n5PhmmSJjMeSwKVdEzpYO2ja4Cg7eCtR6yJ\nDAjl2hUaqb2h2X7bJGQWENx9E7ApfL3DzNYABwEKCCIpWvTsxXtfr9zQRcuirhHHlBuf4DDi+KGV\ni6MOlQaUizYEM5sHHAXcErFvKbAUoH2mGoREklQcHIqV9uOHoA5+/v7Dq11WbuhKOYVST5n3MjKz\nKcBVwAfc/cnS/e5+ibsf7e5HT5g6of4JFGlCqoNvTpmWEMxsAkEwWOHuP84yLSIyXGkd/KqNq7j3\n8XszTJGkLbOAYGYGfAtY4+7prgsnIjVZuaGL1iGYsnv49gW9lk2CJBVZlhBeDrwVuMvMusNtH3P3\n68p9oK+/T3WWOVOuDloa16qNqxgcHBixfc/n2mDhwgxSJPWSZS+jVUBVjxcv2TGF21cenVKKpFpR\nvVOkduUeeqZNns6C2QvG/HkIAnich6ppu+CJWxYP36hYMO7lopeRiAxX2pVzwglddb3+9kmVA349\nupqmMX21psSuTAFBZJwZrRqv1mq+elTbpjF9tabEHp0CgkgORT2dx6kuqpfi9KVRWkhjkaLxvPBR\nUhQQRHIm7w31pSOd05DG9NWaEnt0mQ9MExEplcb01ZoSe3QKCCKSO50zOhNfpCiNc443qjISkdwp\n1Okn2SMojXOONwoIIpK47Tu3RbYvVNM+ksb01ZoSuzIFBBFJ1J7fLo7croGM+aeAICINTwPOkqGA\nICINTQPOkqNeRiLS0CoNOJPqKCCISEPTgLPkjFplZGb/BFzh7k/UIT3SYKJ6ksSdlVMkCe2t7ZGZ\nvwacVS9OG0IHcJuZ3QFcBvzS3cutwS1NJGoOmzRn5Tzp972cc1UPs7b2s2VmO5ee0cmNx6uOuNl1\nzuiMXP9ZA86qN2qVkbt/HDiMYHWzs4F7zeyzZvZXKadNZK+Tft/Lhy5fx+yt/bQAs7f286HL13HS\n73uzTppkTOs/JydWLyN3dzPbDGwGBoAZwI/M7AZ3Pz/NBIoAnHNVD5N2D284nLR7iHOu6oksJag0\n0Vw04CwZcdoQzgXeBjwGXAp82N33mFkLcC+ggCDDlBulOhaFka2ztkY3EEZtL5QmCgGkUJoAFBRE\nKohTQpgBvMHdHyje6O5DZva6dJIljarcKNWxKB7ZumVmO7MjMv8tM0c2HFZbmhCRQMWAYGatwBvd\n/ZNR+919TRqJEil16Rmdw576AZ6aAP+8qH9EaWTW1uhzlCtliEigYkBw90Ez+7OZzXX3jfVKlIwv\nScxhU3iyL24X+OdF/Xz/BSOPfXAaHLp95Pao0kReaSoGyUKcKqM5wN1mdivwVGGju/9NaqmS8aG7\nG/r6YFEyq4DdeHzHiCqfRRHHfe9ve0eUJnZNbOHSM8p3Q+ze3E3f7r6q07Rw7sKqPzMaTcUgWYkT\nED6VeipkXGo5d1sm140qTYzWy2j7zm1M21X9tVZu6Ep8yUut/StZGTUguPvKeiRExqes1geOKk2M\n5olbFld3ke7uVIKepmKQrMTpdnos8GXgCGAi0Ao85e77pZw2kcSktRh8GjQVg2QlTpXRV4AzgR8C\nRxOMSTgszUSJpCFqqo08SnMqBjVWSyVxRyrfZ2at7j4IfNvMfp9yukSaVlpr/6qxWkYTJyA8bWYT\ngW4z+zdgE/DMdJMlkrzEl3CM6uKUkDSmYlBjtYwmTkB4K0G7wfuA84BDgDOSuLiZXQa8Dtji7kcm\ncU6RKFk1bseRdDVOufYSB7CR29VYLQVxehkVpqzYSfJdUC8naKP4bsLnFWkIaVXjjGgv6e7GMuoG\nLI2jbEAws7sIHyqiuPsLa724u//GzObVeh6RRqVqHMmTSiWEXExcZ2ZLgaUAc9vV7U7GlzyMOVB3\nVikoGxBKZzfNirtfAlwCcPTUqVqpTcaVeo85aLEWrSwmZY26YpqZHWtmt5lZn5ntNrNBM3uyHokT\nSVtvXy+rH1xN1/1drH5wNb199V2BrXNGJy02/L9hWpm0gVYWk4rGOjDtOWkmSqQe8tAvP60xB5Wu\npwAg5WQ6MM3Mvg8sBvY3s4eAi9z9W0mcW2Q0eWnQVSYteZHpwDR3PyuJ84iMRR4adEXyZNQ2BIKB\naS0EA9OeIsGBadL4VszqZd6xq2lZ1MW8Y1ezYlZ96+BrUa7hVr1upFnFHphmZoPAz4CH3X1L2gmT\n/Fsxq5el89fxdGtQ7fLApH6Wzg/q4JdsyX8VSJqTyIk0orIlBDP7upk9P3w9DfgzwYjiP5mZqnqE\nZZ09e4NBwdOtQyzr7MkoRdXpmNKhXjciRSqVEE5w9/eEr98OrHf315vZbOB64Pupp05ybWN7dF17\nue15pAZdkX0qtSHsLnp9MvATAHffnGqKpGHM7Y+uay+3XUTyrVJA2GZmrzOzo4CXA78AMLM2YHI9\nEif5trynk2cMDv8n9IzBFpb3qA5epBFVqjJ6N/BfwGzgA0Ulg5OAn6edMMm/QsPxss4eNrb3M7e/\nneU9nQ3RoDzejVj7ocLaDWmtorZiVu+wfxuadyb/Ks1ltB44JWL7L4FfppkoqaPeXujpgf5+aG+H\nzk7oiJ8ZLLkLlvwU6AfagU5A8SBT1az9kNZo7ageaHhwPbXZ5FeskcqSY7Vk6L29sG4dDIU9hfr7\ng/cQ7xy9vbB2Lbjv+/zatcM+X/Pi9haxokuBp/jMWXrdkmvlecGdaqQxWnvGMV1sm8TIxXiMzKf1\n1prSlSkgNLJaM/Senn2fLRgaCrbH+fy9947MlN1h/Xro6WGoi9GDVKWAtmoVr3jLYNnL33xFGyxc\nOHo6qxVx3eJrtSzqGhboGjk4pDFau28ikSuz1XreWuVh7qq8U0BoFFEZZ60Zen+Z/5zltpcaGIje\nPjgY/Cmcq1yQGi2gLVzIzfeXHF/8HRyWUuN16XUBiuLO3tXIurtpafBVyCpNv13L07RheESrQZaj\nwPMyd1WeVVox7YOVPujuX0w+OQKMzPhmzoTNm0dmnKXBoCBuht7eHn1s0gsRlQtS1QS0WktDEqnc\naO2Zk2fW9DQ9qW0S/YP9uRoFrrmrRlephDA1/Hs+8FKCaSsATgV+k2aimlpUxvfIIyOPKxcMIH6G\n3tkJa9ZEb4+jtXVfSWA0UYGnmhJKraWhFNXcTpKCuNVY5abfrvppuqS0NKWtnXnT5+Wqvr7eixE1\nokq9jD4FYGa/Al7s7jvC958kWBtB0hCV8VXS0jL8+JaW+Bk6BI2nxe0AlRpxS3V0RAerKO3tI0s+\n5QJKVECrtXorDQsWMLQyu8uXM6LL6SiiRmuveSziQYHRn6ZLA1GeqmI6Z3Ry35a17GnZ9+99wpDR\nuX+nGptDcdoQ5jJ81PJuYF4qqZHqMrjitoSx9DLq6YluFI771L11a7zrtLQE1V6lJZ+o4FMuoNWr\nemucKFdqiVNyWLVxFTiRDcON/DT9d3fCwbc6n1wMG6fB3O3wyS7n54u28+NnbVZjM/ECwveAW83s\n6vD96wkmuZNaRTUUl8v4ShUyzo6OsVeZ1PrUXem4wn1UagB3h7a2oKQwWkDr7BzZblJtaahJ7G30\nLhZW6azc0AVmLJpXYaQaMHkPWGvL8MkLHfoH+nNZRRbHOVf1MHsrnN09fPuFJz7CUMlzUbM2NseZ\n/nq5mV0PnBBueru7/yndZDWBco2ks2cPb0CGIOObPTt4Io9TEog7NqHWp+5Knz/uuOHbotoqIOip\nFKfraCH9NQyia2oLFjC0fBUALcsGWLVxFQvnlv/e2wfhK/fNH1ej0GdtjX6AeXhq5OambGyO2+30\nGcCT7v5tMzvAzJ7t7hvSTNi4V66RdOtWmD+/PoPNqn3qHq33U6XPJ1HlU0tpqFo1juCuRukUD6ll\nvGHgnbari74Yax4u2dLR0AGg1JaZ7cyOCAoH7YCH9ht5fCNXj43VqCummdlFwEeAC8JNE4Ar0kxU\nU6hUXdPRETxhL14c/F1NRlSpN06pjo4g+BQy5fb24H3U9QqBppDu/v4gGMyeHe/zM2dGp3fyZFi9\nGrq6gr97c7DiWm8vK9rWMO+9/bRcBPPe28+KtjWppG3FrF6WHr6WByb14xYuMnT42oZaea5RXHpG\nJ7smDs/ydk1s4djBA2mx4duz7iKblTglhNOBo4A7ANz9ETMrU8iS2NJqJK22XSDuU3elEk1p9VCU\ncg3Q24oGduVkbMGKSetZ+hp4emLw/oHpsPRU4Pr1LEl4oqZlh97L023DK7CfbnOWHXrvmJ/O4/Qy\nah3LiVetit6exmjxFNx4fPB9nnNVD7O29rNlZjuXntHJY0d1ML9vmnoZES8g7HZ3NzMHMLMYhU0Z\nVVqNpHkJNGM9Ls2xBTGrgT62aHBvMCh4eiIsWzTIku4Rh9dUvbTxGdGjvcttjyvp6TReMW8lKxdF\nzx2Vx6635dx4fMfewFBMCyUF4gSEH5jZN4DpZvYu4B3ApekmqwlUaiStpf46r4Embu8pSGdsQRVt\nKw9Oiz7FxqjtNY6gnrs9KIFEbc+diN5JjdrjSKLF6WX0BTM7GXiSYNTyJ9z9htRT1gyiqmtqnaIh\nrd44tQaaqM+Xk8bYgipGOh/0JDwUkflHZtLlzhtO8Dfab7B8ZStLXzO8RPKM3cF2ygSmzLgrAIxz\nowYEM/u8u38EuCFimyQtiSka0uiNU2ugifp8Nb2UalVFldfnfg3vPpWRmfSNQGnbeLnzxpzgb8mu\nw+GaNSw7ad9gqeU3wpKBw2sKCKNl3K2tbRW7nZa6+f5FcEW5NoQqEia5FqfK6GSCXkbFXhOxTZKQ\nxykaCmoNNFGfnzYtd2ML3rK+Hbumf2Qmvb4dStvP41aFlQvqHR0s6YUl/53cdxA5MK3IjGPidTsd\noUEaj2XsKs12+l7gH4BOM7uzaNdU4HdpJ6xpNdsUDfUcWxBXZydL7l7HkrtKSi7zI0ou1VSF1drT\nK88WLAD2rRMxbfJ0FsxekGmSpHqVSgj/A1wPfA74aNH2He7+eKqpamaaoiEd1QTaaqrHoo4dHIxe\nK6KGoD7jmC62T4reN1qJoF6GlrfxircMsvJQrZ7cqCrNdrod2A6cBWBms4BJwBQzm+LuG+uTxCaj\nKRrSUW2greapvfTY0o4Bo10rRq+yvonRH82N7m5alg2EExaaSgcNKk6j8qnAF4EDgS3AocAa4Pm1\nXtzMTgG+RDBO5lJ3/9dazzkujIcqhLypZ6Ct5loxe5Xt+e3i5NOZgtEmzZN8i9Oo/BngWODX7n6U\nmb2CsNRQCzNrBb5K0Gj9EHCbmf3M3e+p9dwNo47z5QixA+0r5q2ku2N4tceCXgt62iR8rdi9yrq7\nmfHukct1PvEfKa0rLU0pTkDY4+5bzazFzFrc/WYz+3wC134ZcJ+79wCY2ZXAaUBzBAQtCZlbUXXg\nKw91uD+Fi8XsVTbhn7YxGDHzWMuygcRGCicxxkCNyo0tTkDYZmZTCJbNXGFmW4DaxtUHDgIeLHr/\nEHBM6UFmthRYCjB3PPW0yfGSkM2uro20MRu761VlNOZ7L1o9bsIJXUklR+ps1NlOCZ7adwLnAb8A\n/o9gXeW6cPdL3P1odz/6gAkT6nXZ9OV5vIHUT2dn0OBcTL3KJCNxpq54CsDM9gOuSfDaDwOHFL0/\nONzWHJptvIFEU68yyZE46yG828w2A3cCtwN/DP+u1W3AYWb2bDObCJwJ/CyB8zYGPRmKSM7EaUP4\nEHCkuz9738tOAAAQ1UlEQVSW5IXdfcDM3gf8kqDb6WXufneS18i1NJ8Mo3ovpXUtqY06F0iOxAkI\n/wc8ncbF3f064Lo0zt0Q0hhvEJXBrFkTDBhy37dNmU5l9eoSrM4FkiNxAsIFwO/N7BZgb6W3u78/\ntVTJ2EVlMLAvGBQo0ymvnk/t6lwgORInIHwDuAm4C4gxg5dkqpqMRJlOtCSe2uNW26lzQSJ6+3q1\nBGYC4gSEAXf/YOopkWRUszKZMp1otT61V1NtN3t2/daEGKd6+3pZt3UdQx58h/2D/azbGpToFBSq\nEycg3BwODruG4VVGmvE0j8pNx1ycGcG+TKfWuvL16+GRR/a9P/BAOPzw2u4ha7U+tVdTbbd1K8yf\nn5sG/5ZFXQAseqDKqTq6u2k5d+TUGvXQ80TP3mBQMORD9DzRo4BQpTgB4e/Cvy8o2uaAHmHyqFzv\npXLbaqkrLw0GsO99HoNC3OBX6xTk1VbbaTLDmvQPRn/f5bZLeXEGpj27HgmRBJXLYEq3rV5dW115\naTAo3p63gFBNQ3GtXYIbuNquEaeuaG9tj8z821vz9d02gkorpp3o7jeZ2Rui9rv7j9NLltRFmj1c\nVq/ORRXIXvXs3llttV3CCtU+lUybOKXiZ6ftgiduWZxcolLUOaNzWBsCQIu10DlDlRjVqlRCWETQ\nuyhq3iIHFBAaXWvrvoXgS7fXqhBU8jLmoZrgV2u302qq7VL6ThY9e/GYP7Nq4yqSmb+yPgrtBOpl\nVLtKK6ZdFL78tLtvKN5nZqpGGg/Mqtte6sADy1cbFcvDmIdqGoqTKE3ErbaTRHRM6VAASECc2U6v\nitj2o6QTIhmIWve30vZShx8eBIU4sh7zUM3cURosJk2qUhvCcwmWyZxW0o6wH8HaylKrrFdMS2JQ\n1OGHD29ALrQd1HLONORhVtGsf2+RUVRqQ5gPvA6YzvB2hB3Au9JMVFPIw6RmtXavrNc5k5Jl987e\nXli7dvjAtLVr96Wr0WU4DkGSU6kN4afAT83sOHdfXcc0NYc8TGqWxlNzHp7Ey4n7hF6u5NTWNvbe\nU/feO3JgmnuwPQ/fTULG0pgt+RFnYNrpZnY3wappvwBeBHzA3a9INWXjXV7qqdN4aq7mnPWqRqmm\nRBZVyjEL2lYK7SvVluhqba8pI04X02pNmTiF7YPbqjt3FYOaJb/iBIRXufv5ZnY6wbrHbwJuBhQQ\nalHvSc3yWH9dz2qzakpkUaWcgYGRXXTz0HuK5J/KF8xekOj5pHHECQiFhYz/Gvi+uz9ucbslSnn1\nrGvPQ3tFlHpWm1VbIist5XR1Vff50gBcOiitIIkxHyIJiRMQrjGztQRVRu81swOAXekmqwnUs649\nD+0VUepZbVbrILxqSnRRAbjcQ1Tepvgoo3tzN9t3xm80VltCY4ozl9FHzezfgO3uPmhmTwOnpZ+0\nJlCvXi95aa8oVc9qs1oH4VVToosKwO5Bo3Rra76q7WLavnMbQ8vbYOHCUY+dcEIX3Zu7VfXUgMoO\nTDOz84venuTugwDu/hSg1dIaSbkMNuuxAdUMFqtVrY26HR3BNNWF76y9PXgflaGXC7QDA3DccbB4\ncfB3gwQDaR6VSghnAv8Wvr4A+GHRvlOAj6WVKElYXscGpFltVlqHX67KqJqgGLdEl+NV0E76fS/n\nXNXDrK39bJnZzqVndHLj8c0RmFZu6IrcPm3ydJVmQpUCgpV5HfVe8izPYwPSqDaLW4efVlDMUQAu\nzgTPugs+dG0Lk3YH6Zq9tZ8PXR50Lrjx+I6yGWa1puyG7S3bEjtfkkqrvQpTdWsJzkClgOBlXke9\nl7xrpkVYsq7Dz0EALmRwDhza387ym1t4+dqde4NBwaTdQ5xzVc/eUkLF9RBGbz4AKkyb3d0d7wRp\nWjiyJNA/0K8lOEOVAsKLzOxJgtLA5PA14XvNZST5VakOP0ajaCIyDMDD1hg2eGBSP285Bb73NMy7\na+Txs7bu+77GMtBtaOXiEVNXRAWWPExtMbR81Yh/A7sGduElz7jNugRnpakr1EFaGlOO6/DrIWqN\nYQwuOBneEhEQtswMvpexdBVduaGLCSd0MRiOVF707MWs3NBFy6IuWiOWlc6yO+rKDV20LBugdahr\n77bBFkYEg4JmXIIzzjgEkcaSozr8LJTLyB6aCrsmtgyrNto1sYVLzxj797Lo2Yvp3hxUBRUaZou3\nFat3w21pu8BzDziCTX2bRhy3c89OLcEZUkCQ8ScHdfhZKrvGcFs7Xzi7M/FeRlEZfda9doZVm7Gv\nXWD+zPkjqoFKj4XmXYJTAUHGp2ZqRC9RaY3hGw/paIpuplHVZuXaBbQE5z6ZBAQzexPwSeAI4GXu\nfnsW6RAZj5LK4Bq5K2a5arNy27UEZyCrEsJfgDcA38jo+jIWeZwxVSLVmsGVq3IpnDvvylabNWG7\nQDUyCQjuvgZAs6Y2kHrOmKrAk7lqqlyqUa9SR6VqMylPbQgyUlSGXK8ZU/M6Vfc4FpVJV1vlEvc6\n9Sp1qF1gbFILCGb2a2B2xK5l4fKccc+zFFgKMLdJ+pFnqlyGXBoMCpKeMTWvU3XnWC1P3eUy6VZr\nZdBHzv1US5VLWqWOctQuUL3UAoK7vzKh81wCXAJw9NSpmjIjbeUy5HKSDtJ5nao7pxxqeuoul0m3\ntbTRQkuiVS5plDokWWWnv5YmVSnjLW3zMUt+sFdep+rOsXJP3XGUy4wHhgaYP3P+3hJBe2t7ZB/+\napQrXaihNz+y6nZ6OvBl4ADg52bW7e6vziItUqLctA9tbSPXDohaErJWTT7KOClxn7or9cZJuspF\nDb35l1Uvo6uBq7O4dtOK23OnXIZcLvNPum6/yUcZJyXuU3elTDrpHkFq6M0/9TJqBtX03CmXIa9Z\nE33uNOr2m3iU8Vi02Njr+stl0lBb20Sl6ykA5JcCQh4l3Q+/2p47URlyIT2lVLefKQPmz5xf01N3\nVCa9+sHVde0RJPmggJA3afTDT6LnTqPV7TfR4LY0nrrVI6g5qZdR3lR6mh+rJHruVLPIfNYKQbUQ\n8ApBtbc323Q1EPUIak4qIeRNGv3wk3q6b5S6fQ1uq5l6BDUnBYS8SWO1r2bruaPBbTVTj6DmpICQ\nN2nV1TfK030SKo2lWL163AXFtCaMU4+g5qOAkDfN9jSfhqigahYMrCsMrhsnk+aVm7ri/m330942\nvFSZ9Spmkn8KCHmUxtN8Wr1u8tibJyqoDgzAYMlkbeOkXSGqe+jOPTvZ079z2PaVG7oyXeRe8k8B\noRmkNaV0nqeqLg2qXV3Rx43jdoVB9SGUKikgNIO0et3UuzdPHksj0lBWbVw1YtvCuQszSEk+KSA0\ng7R63dSzN0+eSyMZK526Aocr1hzBki1F30t3Ny3nbqt/4nJk5YYuWodgyu5927ZPgu7N3WpfCalQ\n2QzSmlK6nlNV1zpgb5xOq12YuqJ4mmpgeDCQvfZ8ro0nblm8909rhaU+mpFKCM0gra6saZ03qmqo\n1tJIo029UYXS7qErN3RllxhpaAoIzSCtrqxpnLdc1VDUegwQ/wlf3XlFRqWA0CzSGpiW9HnLVQ2Z\nBU/0tTzhN9PgPJExUBuC5Eu5KqDBwcaZXE+kQamEIPlSaS4nPeGLpEolBMmXzs6gKqjYOGn8Fck7\nlRAkX9T4K5IZBQTJH1UNiWRCVUYiIgIoIIiISEgBQUREAAUEEREJKSCIiAiggCAiIiEFBBERATIK\nCGb272a21szuNLOrzWx6FukQEZF9sioh3AAc6e4vBNYDF2SUDhERCWUSENz9V+5emNz+D8DBWaRD\nRET2yUMbwjuA68vtNLOlZna7md3+6J49dUyWiEhzSW0uIzP7NTA7Ytcyd/9peMwyYABYUe487n4J\ncAnA0VOnegpJFRERUgwI7v7KSvvN7GzgdcBJ7q6MXkQkY5nMdmpmpwDnA4vc/eks0iAiIsNl1Ybw\nFWAqcIOZdZvZ1zNKh4iIhDIpIbj7c7K4roiIlJeHXkYiIpIDCggiIgIoIIiISEgBQUREAAUEEREJ\nKSCIiAiggCAiIiEFBBERARQQREQkpIAgIiKAAoKIiIQUEEREBFBAEBGRkAKCiIgACggiIhJSQBCR\npjVld9YpyBdrpOWMzWwHsC7rdKRgf+CxrBORgvF6XzB+72283heM33uLc1+HuvsBo50okxXTarDO\n3Y/OOhFJM7PbdV+NZbze23i9Lxi/95bkfanKSEREAAUEEREJNVpAuCTrBKRE99V4xuu9jdf7gvF7\nb4ndV0M1KouISHoarYQgIiIpUUAQERGgwQKCmf2Lmd1pZt1m9iszOzDrNCXFzP7dzNaG93e1mU3P\nOk1JMLM3mdndZjZkZg3f5c/MTjGzdWZ2n5l9NOv0JMXMLjOzLWb2l6zTkiQzO8TMbjaze8J/h+dm\nnaakmNkkM7vVzP4c3tunaj5nI7UhmNl+7v5k+Pr9wPPc/T0ZJysRZvYq4CZ3HzCzzwO4+0cyTlbN\nzOwIYAj4BvAhd7894ySNmZm1AuuBk4GHgNuAs9z9nkwTlgAz+39AH/Bddz8y6/QkxczmAHPc/Q4z\nmwr8EXj9OPnNDHimu/eZ2QRgFXCuu/9hrOdsqBJCIRiEngk0TjQbhbv/yt0Hwrd/AA7OMj1Jcfc1\n7j5eRpe/DLjP3XvcfTdwJXBaxmlKhLv/Bng863Qkzd03ufsd4esdwBrgoGxTlQwP9IVvJ4R/asoT\nGyogAJjZcjN7EFgCfCLr9KTkHcD1WSdCRjgIeLDo/UOMk8ylGZjZPOAo4JZsU5IcM2s1s25gC3CD\nu9d0b7kLCGb2azP7S8Sf0wDcfZm7HwKsAN6XbWqrM9q9hccsAwYI7q8hxLkvkSyZ2RTgKuADJTUN\nDc3dB919AUGNwsvMrKbqvtzNZeTur4x56ArgOuCiFJOTqNHuzczOBl4HnOQN1LhTxW/W6B4GDil6\nf3C4TXIsrF+/Cljh7j/OOj1pcPdtZnYzcAow5o4BuSshVGJmhxW9PQ1Ym1VakmZmpwDnA3/j7k9n\nnR6JdBtwmJk928wmAmcCP8s4TVJB2PD6LWCNu38x6/QkycwOKPRGNLPJBJ0dasoTG62X0VXAfIJe\nKw8A73H3cfGEZmb3Ae3A1nDTH8ZDDyozOx34MnAAsA3odvdXZ5uqsTOz1wL/CbQCl7n78oyTlAgz\n+z6wmGAq5V7gInf/VqaJSoCZLQR+C9xFkG8AfMzdr8suVckwsxcC3yH4t9gC/MDdP13TORspIIiI\nSHoaqspIRETSo4AgIiKAAoKIiIQUEEREBFBAEBGRkAKCSExm9nozczN7btZpEUmDAoJIfGcRzCh5\nVtYJEUmDAoJIDOFcOAuBdxKMUMbMWszsa+Fc9Nea2XVm9sZw30vMbKWZ/dHMfhlOwyySawoIIvGc\nBvzC3dcDW83sJcAbgHnAC4BzgONg79w5Xwbe6O4vAS4DxsWIZhnfcje5nUhOnQV8KXx9Zfi+Dfih\nuw8Bm8PJxSCYXuVI4IZgKh1agU31Ta5I9RQQREZhZs8CTgReYGZOkME7cHW5jwB3u/txdUqiSCJU\nZSQyujcC33P3Q919XrgexwaCFcbOCNsSOggmhwNYBxxgZnurkMzs+VkkXKQaCggiozuLkaWBq4DZ\nBKum/QX4OsFKXNvD5TXfCHzezP4MdAPH1y+5ImOj2U5FamBmU8JFzmcCtwIvd/fNWadLZCzUhiBS\nm2vDRUomAv+iYCCNTCUEEREB1IYgIiIhBQQREQEUEEREJKSAICIigAKCiIiE/j8wn8IRk+gohgAA\nAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Visualising the Training set results\n", + "X_set, y_set = X_train, y_train\n", + "X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),\n", + " np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))\n", + "plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),\n", + " alpha = 0.75, cmap = ListedColormap(('red', 'green')))\n", + "plt.xlim(X1.min(), X1.max())\n", + "plt.ylim(X2.min(), X2.max())\n", + "for i, j in enumerate(np.unique(y_set)):\n", + " plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],\n", + " c = ListedColormap(('red', 'green'))(i), label = j)\n", + "plt.title('Random Forest Classifier (Training set)')\n", + "plt.xlabel('Age')\n", + "plt.ylabel('Estimated Salary')\n", + "plt.legend()\n", + "plt.show()\n", + "\n", + "# Visualising the Test set results\n", + "X_set, y_set = X_test, y_test\n", + "X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),\n", + " np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))\n", + "plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),\n", + " alpha = 0.75, cmap = ListedColormap(('red', 'green')))\n", + "plt.xlim(X1.min(), X1.max())\n", + "plt.ylim(X2.min(), X2.max())\n", + "for i, j in enumerate(np.unique(y_set)):\n", + " plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],\n", + " c = ListedColormap(('red', 'green'))(i), label = j)\n", + "plt.title('Random Forest Classifier (Test set)')\n", + "plt.xlabel('Age')\n", + "plt.ylabel('Estimated Salary')\n", + "plt.legend()\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.5.1" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/machine_learning/Random Forest Classification/Social_Network_Ads.csv b/machine_learning/Random Forest Classification/Social_Network_Ads.csv index 4a53849c2baf..e139deabf505 100644 --- a/machine_learning/Random Forest Classification/Social_Network_Ads.csv +++ b/machine_learning/Random Forest Classification/Social_Network_Ads.csv @@ -1,401 +1,401 @@ -User ID,Gender,Age,EstimatedSalary,Purchased -15624510,Male,19,19000,0 -15810944,Male,35,20000,0 -15668575,Female,26,43000,0 -15603246,Female,27,57000,0 -15804002,Male,19,76000,0 -15728773,Male,27,58000,0 -15598044,Female,27,84000,0 -15694829,Female,32,150000,1 -15600575,Male,25,33000,0 -15727311,Female,35,65000,0 -15570769,Female,26,80000,0 -15606274,Female,26,52000,0 -15746139,Male,20,86000,0 -15704987,Male,32,18000,0 -15628972,Male,18,82000,0 -15697686,Male,29,80000,0 -15733883,Male,47,25000,1 -15617482,Male,45,26000,1 -15704583,Male,46,28000,1 -15621083,Female,48,29000,1 -15649487,Male,45,22000,1 -15736760,Female,47,49000,1 -15714658,Male,48,41000,1 -15599081,Female,45,22000,1 -15705113,Male,46,23000,1 -15631159,Male,47,20000,1 -15792818,Male,49,28000,1 -15633531,Female,47,30000,1 -15744529,Male,29,43000,0 -15669656,Male,31,18000,0 -15581198,Male,31,74000,0 -15729054,Female,27,137000,1 -15573452,Female,21,16000,0 -15776733,Female,28,44000,0 -15724858,Male,27,90000,0 -15713144,Male,35,27000,0 -15690188,Female,33,28000,0 -15689425,Male,30,49000,0 -15671766,Female,26,72000,0 -15782806,Female,27,31000,0 -15764419,Female,27,17000,0 -15591915,Female,33,51000,0 -15772798,Male,35,108000,0 -15792008,Male,30,15000,0 -15715541,Female,28,84000,0 -15639277,Male,23,20000,0 -15798850,Male,25,79000,0 -15776348,Female,27,54000,0 -15727696,Male,30,135000,1 -15793813,Female,31,89000,0 -15694395,Female,24,32000,0 -15764195,Female,18,44000,0 -15744919,Female,29,83000,0 -15671655,Female,35,23000,0 -15654901,Female,27,58000,0 -15649136,Female,24,55000,0 -15775562,Female,23,48000,0 -15807481,Male,28,79000,0 -15642885,Male,22,18000,0 -15789109,Female,32,117000,0 -15814004,Male,27,20000,0 -15673619,Male,25,87000,0 -15595135,Female,23,66000,0 -15583681,Male,32,120000,1 -15605000,Female,59,83000,0 -15718071,Male,24,58000,0 -15679760,Male,24,19000,0 -15654574,Female,23,82000,0 -15577178,Female,22,63000,0 -15595324,Female,31,68000,0 -15756932,Male,25,80000,0 -15726358,Female,24,27000,0 -15595228,Female,20,23000,0 -15782530,Female,33,113000,0 -15592877,Male,32,18000,0 -15651983,Male,34,112000,1 -15746737,Male,18,52000,0 -15774179,Female,22,27000,0 -15667265,Female,28,87000,0 -15655123,Female,26,17000,0 -15595917,Male,30,80000,0 -15668385,Male,39,42000,0 -15709476,Male,20,49000,0 -15711218,Male,35,88000,0 -15798659,Female,30,62000,0 -15663939,Female,31,118000,1 -15694946,Male,24,55000,0 -15631912,Female,28,85000,0 -15768816,Male,26,81000,0 -15682268,Male,35,50000,0 -15684801,Male,22,81000,0 -15636428,Female,30,116000,0 -15809823,Male,26,15000,0 -15699284,Female,29,28000,0 -15786993,Female,29,83000,0 -15709441,Female,35,44000,0 -15710257,Female,35,25000,0 -15582492,Male,28,123000,1 -15575694,Male,35,73000,0 -15756820,Female,28,37000,0 -15766289,Male,27,88000,0 -15593014,Male,28,59000,0 -15584545,Female,32,86000,0 -15675949,Female,33,149000,1 -15672091,Female,19,21000,0 -15801658,Male,21,72000,0 -15706185,Female,26,35000,0 -15789863,Male,27,89000,0 -15720943,Male,26,86000,0 -15697997,Female,38,80000,0 -15665416,Female,39,71000,0 -15660200,Female,37,71000,0 -15619653,Male,38,61000,0 -15773447,Male,37,55000,0 -15739160,Male,42,80000,0 -15689237,Male,40,57000,0 -15679297,Male,35,75000,0 -15591433,Male,36,52000,0 -15642725,Male,40,59000,0 -15701962,Male,41,59000,0 -15811613,Female,36,75000,0 -15741049,Male,37,72000,0 -15724423,Female,40,75000,0 -15574305,Male,35,53000,0 -15678168,Female,41,51000,0 -15697020,Female,39,61000,0 -15610801,Male,42,65000,0 -15745232,Male,26,32000,0 -15722758,Male,30,17000,0 -15792102,Female,26,84000,0 -15675185,Male,31,58000,0 -15801247,Male,33,31000,0 -15725660,Male,30,87000,0 -15638963,Female,21,68000,0 -15800061,Female,28,55000,0 -15578006,Male,23,63000,0 -15668504,Female,20,82000,0 -15687491,Male,30,107000,1 -15610403,Female,28,59000,0 -15741094,Male,19,25000,0 -15807909,Male,19,85000,0 -15666141,Female,18,68000,0 -15617134,Male,35,59000,0 -15783029,Male,30,89000,0 -15622833,Female,34,25000,0 -15746422,Female,24,89000,0 -15750839,Female,27,96000,1 -15749130,Female,41,30000,0 -15779862,Male,29,61000,0 -15767871,Male,20,74000,0 -15679651,Female,26,15000,0 -15576219,Male,41,45000,0 -15699247,Male,31,76000,0 -15619087,Female,36,50000,0 -15605327,Male,40,47000,0 -15610140,Female,31,15000,0 -15791174,Male,46,59000,0 -15602373,Male,29,75000,0 -15762605,Male,26,30000,0 -15598840,Female,32,135000,1 -15744279,Male,32,100000,1 -15670619,Male,25,90000,0 -15599533,Female,37,33000,0 -15757837,Male,35,38000,0 -15697574,Female,33,69000,0 -15578738,Female,18,86000,0 -15762228,Female,22,55000,0 -15614827,Female,35,71000,0 -15789815,Male,29,148000,1 -15579781,Female,29,47000,0 -15587013,Male,21,88000,0 -15570932,Male,34,115000,0 -15794661,Female,26,118000,0 -15581654,Female,34,43000,0 -15644296,Female,34,72000,0 -15614420,Female,23,28000,0 -15609653,Female,35,47000,0 -15594577,Male,25,22000,0 -15584114,Male,24,23000,0 -15673367,Female,31,34000,0 -15685576,Male,26,16000,0 -15774727,Female,31,71000,0 -15694288,Female,32,117000,1 -15603319,Male,33,43000,0 -15759066,Female,33,60000,0 -15814816,Male,31,66000,0 -15724402,Female,20,82000,0 -15571059,Female,33,41000,0 -15674206,Male,35,72000,0 -15715160,Male,28,32000,0 -15730448,Male,24,84000,0 -15662067,Female,19,26000,0 -15779581,Male,29,43000,0 -15662901,Male,19,70000,0 -15689751,Male,28,89000,0 -15667742,Male,34,43000,0 -15738448,Female,30,79000,0 -15680243,Female,20,36000,0 -15745083,Male,26,80000,0 -15708228,Male,35,22000,0 -15628523,Male,35,39000,0 -15708196,Male,49,74000,0 -15735549,Female,39,134000,1 -15809347,Female,41,71000,0 -15660866,Female,58,101000,1 -15766609,Female,47,47000,0 -15654230,Female,55,130000,1 -15794566,Female,52,114000,0 -15800890,Female,40,142000,1 -15697424,Female,46,22000,0 -15724536,Female,48,96000,1 -15735878,Male,52,150000,1 -15707596,Female,59,42000,0 -15657163,Male,35,58000,0 -15622478,Male,47,43000,0 -15779529,Female,60,108000,1 -15636023,Male,49,65000,0 -15582066,Male,40,78000,0 -15666675,Female,46,96000,0 -15732987,Male,59,143000,1 -15789432,Female,41,80000,0 -15663161,Male,35,91000,1 -15694879,Male,37,144000,1 -15593715,Male,60,102000,1 -15575002,Female,35,60000,0 -15622171,Male,37,53000,0 -15795224,Female,36,126000,1 -15685346,Male,56,133000,1 -15691808,Female,40,72000,0 -15721007,Female,42,80000,1 -15794253,Female,35,147000,1 -15694453,Male,39,42000,0 -15813113,Male,40,107000,1 -15614187,Male,49,86000,1 -15619407,Female,38,112000,0 -15646227,Male,46,79000,1 -15660541,Male,40,57000,0 -15753874,Female,37,80000,0 -15617877,Female,46,82000,0 -15772073,Female,53,143000,1 -15701537,Male,42,149000,1 -15736228,Male,38,59000,0 -15780572,Female,50,88000,1 -15769596,Female,56,104000,1 -15586996,Female,41,72000,0 -15722061,Female,51,146000,1 -15638003,Female,35,50000,0 -15775590,Female,57,122000,1 -15730688,Male,41,52000,0 -15753102,Female,35,97000,1 -15810075,Female,44,39000,0 -15723373,Male,37,52000,0 -15795298,Female,48,134000,1 -15584320,Female,37,146000,1 -15724161,Female,50,44000,0 -15750056,Female,52,90000,1 -15609637,Female,41,72000,0 -15794493,Male,40,57000,0 -15569641,Female,58,95000,1 -15815236,Female,45,131000,1 -15811177,Female,35,77000,0 -15680587,Male,36,144000,1 -15672821,Female,55,125000,1 -15767681,Female,35,72000,0 -15600379,Male,48,90000,1 -15801336,Female,42,108000,1 -15721592,Male,40,75000,0 -15581282,Male,37,74000,0 -15746203,Female,47,144000,1 -15583137,Male,40,61000,0 -15680752,Female,43,133000,0 -15688172,Female,59,76000,1 -15791373,Male,60,42000,1 -15589449,Male,39,106000,1 -15692819,Female,57,26000,1 -15727467,Male,57,74000,1 -15734312,Male,38,71000,0 -15764604,Male,49,88000,1 -15613014,Female,52,38000,1 -15759684,Female,50,36000,1 -15609669,Female,59,88000,1 -15685536,Male,35,61000,0 -15750447,Male,37,70000,1 -15663249,Female,52,21000,1 -15638646,Male,48,141000,0 -15734161,Female,37,93000,1 -15631070,Female,37,62000,0 -15761950,Female,48,138000,1 -15649668,Male,41,79000,0 -15713912,Female,37,78000,1 -15586757,Male,39,134000,1 -15596522,Male,49,89000,1 -15625395,Male,55,39000,1 -15760570,Male,37,77000,0 -15566689,Female,35,57000,0 -15725794,Female,36,63000,0 -15673539,Male,42,73000,1 -15705298,Female,43,112000,1 -15675791,Male,45,79000,0 -15747043,Male,46,117000,1 -15736397,Female,58,38000,1 -15678201,Male,48,74000,1 -15720745,Female,37,137000,1 -15637593,Male,37,79000,1 -15598070,Female,40,60000,0 -15787550,Male,42,54000,0 -15603942,Female,51,134000,0 -15733973,Female,47,113000,1 -15596761,Male,36,125000,1 -15652400,Female,38,50000,0 -15717893,Female,42,70000,0 -15622585,Male,39,96000,1 -15733964,Female,38,50000,0 -15753861,Female,49,141000,1 -15747097,Female,39,79000,0 -15594762,Female,39,75000,1 -15667417,Female,54,104000,1 -15684861,Male,35,55000,0 -15742204,Male,45,32000,1 -15623502,Male,36,60000,0 -15774872,Female,52,138000,1 -15611191,Female,53,82000,1 -15674331,Male,41,52000,0 -15619465,Female,48,30000,1 -15575247,Female,48,131000,1 -15695679,Female,41,60000,0 -15713463,Male,41,72000,0 -15785170,Female,42,75000,0 -15796351,Male,36,118000,1 -15639576,Female,47,107000,1 -15693264,Male,38,51000,0 -15589715,Female,48,119000,1 -15769902,Male,42,65000,0 -15587177,Male,40,65000,0 -15814553,Male,57,60000,1 -15601550,Female,36,54000,0 -15664907,Male,58,144000,1 -15612465,Male,35,79000,0 -15810800,Female,38,55000,0 -15665760,Male,39,122000,1 -15588080,Female,53,104000,1 -15776844,Male,35,75000,0 -15717560,Female,38,65000,0 -15629739,Female,47,51000,1 -15729908,Male,47,105000,1 -15716781,Female,41,63000,0 -15646936,Male,53,72000,1 -15768151,Female,54,108000,1 -15579212,Male,39,77000,0 -15721835,Male,38,61000,0 -15800515,Female,38,113000,1 -15591279,Male,37,75000,0 -15587419,Female,42,90000,1 -15750335,Female,37,57000,0 -15699619,Male,36,99000,1 -15606472,Male,60,34000,1 -15778368,Male,54,70000,1 -15671387,Female,41,72000,0 -15573926,Male,40,71000,1 -15709183,Male,42,54000,0 -15577514,Male,43,129000,1 -15778830,Female,53,34000,1 -15768072,Female,47,50000,1 -15768293,Female,42,79000,0 -15654456,Male,42,104000,1 -15807525,Female,59,29000,1 -15574372,Female,58,47000,1 -15671249,Male,46,88000,1 -15779744,Male,38,71000,0 -15624755,Female,54,26000,1 -15611430,Female,60,46000,1 -15774744,Male,60,83000,1 -15629885,Female,39,73000,0 -15708791,Male,59,130000,1 -15793890,Female,37,80000,0 -15646091,Female,46,32000,1 -15596984,Female,46,74000,0 -15800215,Female,42,53000,0 -15577806,Male,41,87000,1 -15749381,Female,58,23000,1 -15683758,Male,42,64000,0 -15670615,Male,48,33000,1 -15715622,Female,44,139000,1 -15707634,Male,49,28000,1 -15806901,Female,57,33000,1 -15775335,Male,56,60000,1 -15724150,Female,49,39000,1 -15627220,Male,39,71000,0 -15672330,Male,47,34000,1 -15668521,Female,48,35000,1 -15807837,Male,48,33000,1 -15592570,Male,47,23000,1 -15748589,Female,45,45000,1 -15635893,Male,60,42000,1 -15757632,Female,39,59000,0 -15691863,Female,46,41000,1 -15706071,Male,51,23000,1 -15654296,Female,50,20000,1 -15755018,Male,36,33000,0 +User ID,Gender,Age,EstimatedSalary,Purchased +15624510,Male,19,19000,0 +15810944,Male,35,20000,0 +15668575,Female,26,43000,0 +15603246,Female,27,57000,0 +15804002,Male,19,76000,0 +15728773,Male,27,58000,0 +15598044,Female,27,84000,0 +15694829,Female,32,150000,1 +15600575,Male,25,33000,0 +15727311,Female,35,65000,0 +15570769,Female,26,80000,0 +15606274,Female,26,52000,0 +15746139,Male,20,86000,0 +15704987,Male,32,18000,0 +15628972,Male,18,82000,0 +15697686,Male,29,80000,0 +15733883,Male,47,25000,1 +15617482,Male,45,26000,1 +15704583,Male,46,28000,1 +15621083,Female,48,29000,1 +15649487,Male,45,22000,1 +15736760,Female,47,49000,1 +15714658,Male,48,41000,1 +15599081,Female,45,22000,1 +15705113,Male,46,23000,1 +15631159,Male,47,20000,1 +15792818,Male,49,28000,1 +15633531,Female,47,30000,1 +15744529,Male,29,43000,0 +15669656,Male,31,18000,0 +15581198,Male,31,74000,0 +15729054,Female,27,137000,1 +15573452,Female,21,16000,0 +15776733,Female,28,44000,0 +15724858,Male,27,90000,0 +15713144,Male,35,27000,0 +15690188,Female,33,28000,0 +15689425,Male,30,49000,0 +15671766,Female,26,72000,0 +15782806,Female,27,31000,0 +15764419,Female,27,17000,0 +15591915,Female,33,51000,0 +15772798,Male,35,108000,0 +15792008,Male,30,15000,0 +15715541,Female,28,84000,0 +15639277,Male,23,20000,0 +15798850,Male,25,79000,0 +15776348,Female,27,54000,0 +15727696,Male,30,135000,1 +15793813,Female,31,89000,0 +15694395,Female,24,32000,0 +15764195,Female,18,44000,0 +15744919,Female,29,83000,0 +15671655,Female,35,23000,0 +15654901,Female,27,58000,0 +15649136,Female,24,55000,0 +15775562,Female,23,48000,0 +15807481,Male,28,79000,0 +15642885,Male,22,18000,0 +15789109,Female,32,117000,0 +15814004,Male,27,20000,0 +15673619,Male,25,87000,0 +15595135,Female,23,66000,0 +15583681,Male,32,120000,1 +15605000,Female,59,83000,0 +15718071,Male,24,58000,0 +15679760,Male,24,19000,0 +15654574,Female,23,82000,0 +15577178,Female,22,63000,0 +15595324,Female,31,68000,0 +15756932,Male,25,80000,0 +15726358,Female,24,27000,0 +15595228,Female,20,23000,0 +15782530,Female,33,113000,0 +15592877,Male,32,18000,0 +15651983,Male,34,112000,1 +15746737,Male,18,52000,0 +15774179,Female,22,27000,0 +15667265,Female,28,87000,0 +15655123,Female,26,17000,0 +15595917,Male,30,80000,0 +15668385,Male,39,42000,0 +15709476,Male,20,49000,0 +15711218,Male,35,88000,0 +15798659,Female,30,62000,0 +15663939,Female,31,118000,1 +15694946,Male,24,55000,0 +15631912,Female,28,85000,0 +15768816,Male,26,81000,0 +15682268,Male,35,50000,0 +15684801,Male,22,81000,0 +15636428,Female,30,116000,0 +15809823,Male,26,15000,0 +15699284,Female,29,28000,0 +15786993,Female,29,83000,0 +15709441,Female,35,44000,0 +15710257,Female,35,25000,0 +15582492,Male,28,123000,1 +15575694,Male,35,73000,0 +15756820,Female,28,37000,0 +15766289,Male,27,88000,0 +15593014,Male,28,59000,0 +15584545,Female,32,86000,0 +15675949,Female,33,149000,1 +15672091,Female,19,21000,0 +15801658,Male,21,72000,0 +15706185,Female,26,35000,0 +15789863,Male,27,89000,0 +15720943,Male,26,86000,0 +15697997,Female,38,80000,0 +15665416,Female,39,71000,0 +15660200,Female,37,71000,0 +15619653,Male,38,61000,0 +15773447,Male,37,55000,0 +15739160,Male,42,80000,0 +15689237,Male,40,57000,0 +15679297,Male,35,75000,0 +15591433,Male,36,52000,0 +15642725,Male,40,59000,0 +15701962,Male,41,59000,0 +15811613,Female,36,75000,0 +15741049,Male,37,72000,0 +15724423,Female,40,75000,0 +15574305,Male,35,53000,0 +15678168,Female,41,51000,0 +15697020,Female,39,61000,0 +15610801,Male,42,65000,0 +15745232,Male,26,32000,0 +15722758,Male,30,17000,0 +15792102,Female,26,84000,0 +15675185,Male,31,58000,0 +15801247,Male,33,31000,0 +15725660,Male,30,87000,0 +15638963,Female,21,68000,0 +15800061,Female,28,55000,0 +15578006,Male,23,63000,0 +15668504,Female,20,82000,0 +15687491,Male,30,107000,1 +15610403,Female,28,59000,0 +15741094,Male,19,25000,0 +15807909,Male,19,85000,0 +15666141,Female,18,68000,0 +15617134,Male,35,59000,0 +15783029,Male,30,89000,0 +15622833,Female,34,25000,0 +15746422,Female,24,89000,0 +15750839,Female,27,96000,1 +15749130,Female,41,30000,0 +15779862,Male,29,61000,0 +15767871,Male,20,74000,0 +15679651,Female,26,15000,0 +15576219,Male,41,45000,0 +15699247,Male,31,76000,0 +15619087,Female,36,50000,0 +15605327,Male,40,47000,0 +15610140,Female,31,15000,0 +15791174,Male,46,59000,0 +15602373,Male,29,75000,0 +15762605,Male,26,30000,0 +15598840,Female,32,135000,1 +15744279,Male,32,100000,1 +15670619,Male,25,90000,0 +15599533,Female,37,33000,0 +15757837,Male,35,38000,0 +15697574,Female,33,69000,0 +15578738,Female,18,86000,0 +15762228,Female,22,55000,0 +15614827,Female,35,71000,0 +15789815,Male,29,148000,1 +15579781,Female,29,47000,0 +15587013,Male,21,88000,0 +15570932,Male,34,115000,0 +15794661,Female,26,118000,0 +15581654,Female,34,43000,0 +15644296,Female,34,72000,0 +15614420,Female,23,28000,0 +15609653,Female,35,47000,0 +15594577,Male,25,22000,0 +15584114,Male,24,23000,0 +15673367,Female,31,34000,0 +15685576,Male,26,16000,0 +15774727,Female,31,71000,0 +15694288,Female,32,117000,1 +15603319,Male,33,43000,0 +15759066,Female,33,60000,0 +15814816,Male,31,66000,0 +15724402,Female,20,82000,0 +15571059,Female,33,41000,0 +15674206,Male,35,72000,0 +15715160,Male,28,32000,0 +15730448,Male,24,84000,0 +15662067,Female,19,26000,0 +15779581,Male,29,43000,0 +15662901,Male,19,70000,0 +15689751,Male,28,89000,0 +15667742,Male,34,43000,0 +15738448,Female,30,79000,0 +15680243,Female,20,36000,0 +15745083,Male,26,80000,0 +15708228,Male,35,22000,0 +15628523,Male,35,39000,0 +15708196,Male,49,74000,0 +15735549,Female,39,134000,1 +15809347,Female,41,71000,0 +15660866,Female,58,101000,1 +15766609,Female,47,47000,0 +15654230,Female,55,130000,1 +15794566,Female,52,114000,0 +15800890,Female,40,142000,1 +15697424,Female,46,22000,0 +15724536,Female,48,96000,1 +15735878,Male,52,150000,1 +15707596,Female,59,42000,0 +15657163,Male,35,58000,0 +15622478,Male,47,43000,0 +15779529,Female,60,108000,1 +15636023,Male,49,65000,0 +15582066,Male,40,78000,0 +15666675,Female,46,96000,0 +15732987,Male,59,143000,1 +15789432,Female,41,80000,0 +15663161,Male,35,91000,1 +15694879,Male,37,144000,1 +15593715,Male,60,102000,1 +15575002,Female,35,60000,0 +15622171,Male,37,53000,0 +15795224,Female,36,126000,1 +15685346,Male,56,133000,1 +15691808,Female,40,72000,0 +15721007,Female,42,80000,1 +15794253,Female,35,147000,1 +15694453,Male,39,42000,0 +15813113,Male,40,107000,1 +15614187,Male,49,86000,1 +15619407,Female,38,112000,0 +15646227,Male,46,79000,1 +15660541,Male,40,57000,0 +15753874,Female,37,80000,0 +15617877,Female,46,82000,0 +15772073,Female,53,143000,1 +15701537,Male,42,149000,1 +15736228,Male,38,59000,0 +15780572,Female,50,88000,1 +15769596,Female,56,104000,1 +15586996,Female,41,72000,0 +15722061,Female,51,146000,1 +15638003,Female,35,50000,0 +15775590,Female,57,122000,1 +15730688,Male,41,52000,0 +15753102,Female,35,97000,1 +15810075,Female,44,39000,0 +15723373,Male,37,52000,0 +15795298,Female,48,134000,1 +15584320,Female,37,146000,1 +15724161,Female,50,44000,0 +15750056,Female,52,90000,1 +15609637,Female,41,72000,0 +15794493,Male,40,57000,0 +15569641,Female,58,95000,1 +15815236,Female,45,131000,1 +15811177,Female,35,77000,0 +15680587,Male,36,144000,1 +15672821,Female,55,125000,1 +15767681,Female,35,72000,0 +15600379,Male,48,90000,1 +15801336,Female,42,108000,1 +15721592,Male,40,75000,0 +15581282,Male,37,74000,0 +15746203,Female,47,144000,1 +15583137,Male,40,61000,0 +15680752,Female,43,133000,0 +15688172,Female,59,76000,1 +15791373,Male,60,42000,1 +15589449,Male,39,106000,1 +15692819,Female,57,26000,1 +15727467,Male,57,74000,1 +15734312,Male,38,71000,0 +15764604,Male,49,88000,1 +15613014,Female,52,38000,1 +15759684,Female,50,36000,1 +15609669,Female,59,88000,1 +15685536,Male,35,61000,0 +15750447,Male,37,70000,1 +15663249,Female,52,21000,1 +15638646,Male,48,141000,0 +15734161,Female,37,93000,1 +15631070,Female,37,62000,0 +15761950,Female,48,138000,1 +15649668,Male,41,79000,0 +15713912,Female,37,78000,1 +15586757,Male,39,134000,1 +15596522,Male,49,89000,1 +15625395,Male,55,39000,1 +15760570,Male,37,77000,0 +15566689,Female,35,57000,0 +15725794,Female,36,63000,0 +15673539,Male,42,73000,1 +15705298,Female,43,112000,1 +15675791,Male,45,79000,0 +15747043,Male,46,117000,1 +15736397,Female,58,38000,1 +15678201,Male,48,74000,1 +15720745,Female,37,137000,1 +15637593,Male,37,79000,1 +15598070,Female,40,60000,0 +15787550,Male,42,54000,0 +15603942,Female,51,134000,0 +15733973,Female,47,113000,1 +15596761,Male,36,125000,1 +15652400,Female,38,50000,0 +15717893,Female,42,70000,0 +15622585,Male,39,96000,1 +15733964,Female,38,50000,0 +15753861,Female,49,141000,1 +15747097,Female,39,79000,0 +15594762,Female,39,75000,1 +15667417,Female,54,104000,1 +15684861,Male,35,55000,0 +15742204,Male,45,32000,1 +15623502,Male,36,60000,0 +15774872,Female,52,138000,1 +15611191,Female,53,82000,1 +15674331,Male,41,52000,0 +15619465,Female,48,30000,1 +15575247,Female,48,131000,1 +15695679,Female,41,60000,0 +15713463,Male,41,72000,0 +15785170,Female,42,75000,0 +15796351,Male,36,118000,1 +15639576,Female,47,107000,1 +15693264,Male,38,51000,0 +15589715,Female,48,119000,1 +15769902,Male,42,65000,0 +15587177,Male,40,65000,0 +15814553,Male,57,60000,1 +15601550,Female,36,54000,0 +15664907,Male,58,144000,1 +15612465,Male,35,79000,0 +15810800,Female,38,55000,0 +15665760,Male,39,122000,1 +15588080,Female,53,104000,1 +15776844,Male,35,75000,0 +15717560,Female,38,65000,0 +15629739,Female,47,51000,1 +15729908,Male,47,105000,1 +15716781,Female,41,63000,0 +15646936,Male,53,72000,1 +15768151,Female,54,108000,1 +15579212,Male,39,77000,0 +15721835,Male,38,61000,0 +15800515,Female,38,113000,1 +15591279,Male,37,75000,0 +15587419,Female,42,90000,1 +15750335,Female,37,57000,0 +15699619,Male,36,99000,1 +15606472,Male,60,34000,1 +15778368,Male,54,70000,1 +15671387,Female,41,72000,0 +15573926,Male,40,71000,1 +15709183,Male,42,54000,0 +15577514,Male,43,129000,1 +15778830,Female,53,34000,1 +15768072,Female,47,50000,1 +15768293,Female,42,79000,0 +15654456,Male,42,104000,1 +15807525,Female,59,29000,1 +15574372,Female,58,47000,1 +15671249,Male,46,88000,1 +15779744,Male,38,71000,0 +15624755,Female,54,26000,1 +15611430,Female,60,46000,1 +15774744,Male,60,83000,1 +15629885,Female,39,73000,0 +15708791,Male,59,130000,1 +15793890,Female,37,80000,0 +15646091,Female,46,32000,1 +15596984,Female,46,74000,0 +15800215,Female,42,53000,0 +15577806,Male,41,87000,1 +15749381,Female,58,23000,1 +15683758,Male,42,64000,0 +15670615,Male,48,33000,1 +15715622,Female,44,139000,1 +15707634,Male,49,28000,1 +15806901,Female,57,33000,1 +15775335,Male,56,60000,1 +15724150,Female,49,39000,1 +15627220,Male,39,71000,0 +15672330,Male,47,34000,1 +15668521,Female,48,35000,1 +15807837,Male,48,33000,1 +15592570,Male,47,23000,1 +15748589,Female,45,45000,1 +15635893,Male,60,42000,1 +15757632,Female,39,59000,0 +15691863,Female,46,41000,1 +15706071,Male,51,23000,1 +15654296,Female,50,20000,1 +15755018,Male,36,33000,0 15594041,Female,49,36000,1 \ No newline at end of file diff --git a/machine_learning/Random Forest Classification/random_forest_classification.py b/machine_learning/Random Forest Classification/random_forest_classification.py index 54a1bc67a6b1..24afa3e8a4ff 100644 --- a/machine_learning/Random Forest Classification/random_forest_classification.py +++ b/machine_learning/Random Forest Classification/random_forest_classification.py @@ -1,75 +1,75 @@ -# Random Forest Classification - -import matplotlib.pyplot as plt -# Importing the libraries -import numpy as np -import pandas as pd - -# Importing the dataset -dataset = pd.read_csv('Social_Network_Ads.csv') -X = dataset.iloc[:, [2, 3]].values -y = dataset.iloc[:, 4].values - -# Splitting the dataset into the Training set and Test set -from sklearn.cross_validation import train_test_split - -X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25, random_state=0) - -# Feature Scaling -from sklearn.preprocessing import StandardScaler - -sc = StandardScaler() -X_train = sc.fit_transform(X_train) -X_test = sc.transform(X_test) - -# Fitting Random Forest Classification to the Training set -from sklearn.ensemble import RandomForestClassifier - -classifier = RandomForestClassifier(n_estimators=10, criterion='entropy', random_state=0) -classifier.fit(X_train, y_train) - -# Predicting the Test set results -y_pred = classifier.predict(X_test) - -# Making the Confusion Matrix -from sklearn.metrics import confusion_matrix - -cm = confusion_matrix(y_test, y_pred) - -# Visualising the Training set results -from matplotlib.colors import ListedColormap - -X_set, y_set = X_train, y_train -X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), - np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) -plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), - alpha=0.75, cmap=ListedColormap(('red', 'green'))) -plt.xlim(X1.min(), X1.max()) -plt.ylim(X2.min(), X2.max()) -for i, j in enumerate(np.unique(y_set)): - plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], - c=ListedColormap(('red', 'green'))(i), label=j) -plt.title('Random Forest Classification (Training set)') -plt.xlabel('Age') -plt.ylabel('Estimated Salary') -plt.legend() -plt.show() - -# Visualising the Test set results -from matplotlib.colors import ListedColormap - -X_set, y_set = X_test, y_test -X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), - np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) -plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), - alpha=0.75, cmap=ListedColormap(('red', 'green'))) -plt.xlim(X1.min(), X1.max()) -plt.ylim(X2.min(), X2.max()) -for i, j in enumerate(np.unique(y_set)): - plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], - c=ListedColormap(('red', 'green'))(i), label=j) -plt.title('Random Forest Classification (Test set)') -plt.xlabel('Age') -plt.ylabel('Estimated Salary') -plt.legend() -plt.show() +# Random Forest Classification + +import matplotlib.pyplot as plt +# Importing the libraries +import numpy as np +import pandas as pd + +# Importing the dataset +dataset = pd.read_csv('Social_Network_Ads.csv') +X = dataset.iloc[:, [2, 3]].values +y = dataset.iloc[:, 4].values + +# Splitting the dataset into the Training set and Test set +from sklearn.cross_validation import train_test_split + +X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25, random_state=0) + +# Feature Scaling +from sklearn.preprocessing import StandardScaler + +sc = StandardScaler() +X_train = sc.fit_transform(X_train) +X_test = sc.transform(X_test) + +# Fitting Random Forest Classification to the Training set +from sklearn.ensemble import RandomForestClassifier + +classifier = RandomForestClassifier(n_estimators=10, criterion='entropy', random_state=0) +classifier.fit(X_train, y_train) + +# Predicting the Test set results +y_pred = classifier.predict(X_test) + +# Making the Confusion Matrix +from sklearn.metrics import confusion_matrix + +cm = confusion_matrix(y_test, y_pred) + +# Visualising the Training set results +from matplotlib.colors import ListedColormap + +X_set, y_set = X_train, y_train +X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), + np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) +plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), + alpha=0.75, cmap=ListedColormap(('red', 'green'))) +plt.xlim(X1.min(), X1.max()) +plt.ylim(X2.min(), X2.max()) +for i, j in enumerate(np.unique(y_set)): + plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], + c=ListedColormap(('red', 'green'))(i), label=j) +plt.title('Random Forest Classification (Training set)') +plt.xlabel('Age') +plt.ylabel('Estimated Salary') +plt.legend() +plt.show() + +# Visualising the Test set results +from matplotlib.colors import ListedColormap + +X_set, y_set = X_test, y_test +X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), + np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) +plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), + alpha=0.75, cmap=ListedColormap(('red', 'green'))) +plt.xlim(X1.min(), X1.max()) +plt.ylim(X2.min(), X2.max()) +for i, j in enumerate(np.unique(y_set)): + plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], + c=ListedColormap(('red', 'green'))(i), label=j) +plt.title('Random Forest Classification (Test set)') +plt.xlabel('Age') +plt.ylabel('Estimated Salary') +plt.legend() +plt.show() diff --git a/machine_learning/Random Forest Regression/Position_Salaries.csv b/machine_learning/Random Forest Regression/Position_Salaries.csv index 0c752c72a1d1..76d9d3e0dcf0 100644 --- a/machine_learning/Random Forest Regression/Position_Salaries.csv +++ b/machine_learning/Random Forest Regression/Position_Salaries.csv @@ -1,11 +1,11 @@ -Position,Level,Salary -Business Analyst,1,45000 -Junior Consultant,2,50000 -Senior Consultant,3,60000 -Manager,4,80000 -Country Manager,5,110000 -Region Manager,6,150000 -Partner,7,200000 -Senior Partner,8,300000 -C-level,9,500000 +Position,Level,Salary +Business Analyst,1,45000 +Junior Consultant,2,50000 +Senior Consultant,3,60000 +Manager,4,80000 +Country Manager,5,110000 +Region Manager,6,150000 +Partner,7,200000 +Senior Partner,8,300000 +C-level,9,500000 CEO,10,1000000 \ No newline at end of file diff --git a/machine_learning/Random Forest Regression/Random Forest Regression.ipynb b/machine_learning/Random Forest Regression/Random Forest Regression.ipynb index 17f4d42bfb0d..a087a3b31775 100644 --- a/machine_learning/Random Forest Regression/Random Forest Regression.ipynb +++ b/machine_learning/Random Forest Regression/Random Forest Regression.ipynb @@ -1,147 +1,147 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Importing the libraries\n", - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "import pandas as pd\n", - "from sklearn.ensemble import RandomForestRegressor" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Importing the dataset\n", - "dataset = pd.read_csv('Position_Salaries.csv')\n", - "X = dataset.iloc[:, 1:2].values\n", - "y = dataset.iloc[:, 2].values" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=None,\n", - " max_features='auto', max_leaf_nodes=None,\n", - " min_impurity_split=1e-07, min_samples_leaf=1,\n", - " min_samples_split=2, min_weight_fraction_leaf=0.0,\n", - " n_estimators=300, n_jobs=1, oob_score=False, random_state=0,\n", - " verbose=0, warm_start=False)" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Fitting Random Forest Regression to the dataset\n", - "regressor = RandomForestRegressor(n_estimators = 300, random_state = 0)\n", - "regressor.fit(X, y)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Predicting a new result\n", - "y_pred = regressor.predict(6.5)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[ 160333.33333333]\n" - ] - } - ], - "source": [ - "print(y_pred)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaEAAAEWCAYAAADPZygPAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3XmcXFWd9/HPNx1ICAgJkGHJziSKcUGgBwPMuABCADE4\nIuBEySCYUWEE0UeB+MgaxEEFHBl4MgGBsU1YlYisg7KNsiSIQECGGMiCBALZIB2SdOf3/HFPm0pT\nvVSlum5X6vt+vepVt85dzu/e6q5fnXtPnauIwMzMLA998g7AzMzql5OQmZnlxknIzMxy4yRkZma5\ncRIyM7PcOAmZmVlunISsS5JGS+o1ffklHSLppRKWP1XSa5LekrSDpH+QNC+9/mQH61wi6dSKBV0C\nST+TdG4edVvlSZou6ewKbOfTkpoqEVNv4iRU49IHadtjg6Q1Ba8nlrnNxZI+VuFQS6n/QknrC/bj\nWUlHl7mt/sAPgI9HxHYRsRK4ELg0vb69yDq7Ap8DpqfXh6Rj+5akNyX9SdIJ5e9h7yDpZEmt7f6G\nLqtyDJ0mXEl9JYWk1Sm+xekLQs18dkXEyRFxUQU29UtgH0nvq8C2eo2aeSOtuPRBul1EbAcsBI4q\nKHvHtyZJfasfZcc6iaepYL++CcyQtHMZVewK9IuIuQVlI4C5HSwPcCLwq4h4u6BsYYple+D/ANdI\nGl1GPL3NQ4V/QxFxeqkbqNLf1PvS8T8I+AIwqdIVSOrTm5NbZCMLzAS+lHcsldRrD7hVRmpV3CBp\nhqQ3gc+3//ZZeHpL0gxgd+DO9M3zjILlTkjfRJdKOrOTOgemOpZKeknSWZKU5p0s6UFJP5a0DPhO\nV/sQEXcAa4A9itTV9k15ZEHZzySdK+m9pGST9uWetJ/DC/avoUiVhwMPdBBLRMSvgFXABwrq/Ek6\nNqskPS7pgIJ5F6bj/7PUknpG0j4F8/eV9GSaNwPo124fv5xOH74h6ZeSdmu371+R9Oe0/jmSxkh6\nJMUyQ9JWXRzidyjnPUzlf5K0XNKdkoal8j5p2dckrZT0lKSxkr4KHAecnd6LX3QVV0T8L/A74EPt\nYv2ppFfSe3B+WzKR1CDpsnTs5kv6VxWcWpb0sKQLJP0eWA0M72J77077vlLS65J+3tk+pnnt/9+6\nej//Jc1fLunH7Q7B/cCRJbyVvZ6TUH34NPBzYAfghs4WjIjPAX8BDk/fjH9UMPsAYDRwGHCepDEd\nbOY/gAFkSeMg4CSg8PTVAcBzwGDg+53Fo8ynAAF/6mzZIvvyHLBXmt4uIg6NiJHt9q+1yKofAJ7v\nIJ4+kj4NDALmFcx6FPggsCNwM3CTpMJkcjTwX8BA4E7gx2l7/YDbgGvSurelZdvqOxQ4HzgGGJJi\nb9/C/QTZh/KBwBSy4388WYtvb+DYogeocyW9h5I+Q9ZCnJDKHiX7m4MsqY8DxpAdt+OBZRHxH2R/\njxel9+LTXQWVvlgcyKbH/r/IvqT8LbAv2Yf0iWneV4BDyN6bRuAfi2z2C8AXyVq5i7vY3lTg12k/\nhgJXdLaPReLvzvt5RKp3b7IvjYcUzHsOGC1pQJH9qE0R4ccW8gBeAg5pV3Yh8Jt2ZT8Dzi14fQjw\nUsHrxcDHCl6PBgLYtaDsCeCYIjFsBbQA7y4oOwX47zR9MjC/i/24EFgHrACagVbgG8XiBfqm2EYW\n27+22Nttf5P9K1L/BmB0u/o2pHjWpnhO7WR9AW+SnUJq25+7CuZ/EHgrTR8ELAJUMP+xgvivI/uQ\nbpu3fap/aMG+f7hg/h/bHavLgR90EOfJ6b1aUfBoLOc9BO4FJhW87puO1RDgULIvEB8G+nT2t1gk\nxrZ9XEXWUom0ztZp/hCyhNGvYJ0vAPem6QeBkwrmjS/8ewAeBr5b8Lqr7f0cuBIY0i7Obu1jN9/P\ncQXzbwW+WfB6m7TM7uV8RvTGh1tC9WFRJTYSEUsKXjYD2xVZ7G+ABmBBQdkCsn/uUuL5eUQMjIgB\nZN8uT5Z0Uokhl2sF8K52ZQsjYiDZh8YVwMGFMyV9K52KWgksB7YFCq9htT9226bp3YHFkT5hksJj\nt3vh64hYlbZfeDxfLZheU+R1sfepzcPpOLc9ZlPeezgCuELSCkkrgNfJEvfQiLgHuIrsw/tVSVdJ\nan98u/JBsvfkn4D92Xj8RpCdvny1oO4rgF3S/N3bxVrsb6+wrKvtfYMsSc+W9LSkSQAl7GN33s/O\n/s/atrmiyLZrkpNQfWjfvXo12amWNrt2sXwpXiP7ZjeioGw48HK524+I+cBdwFFF5rWQfePubH9K\n9RTw7g5iWUt22mkfpe7dkj4OnAF8hux02yDgLbIWUVdeIfsWXGh4wfRfKDiW6YNtEJsez0or5z1c\nRNbiKExo20TEowARcVlE7AO8HxhLdryKbadDEbEhImYAs8lOO7bV2wzsWFDv9hHxwTS//fEdVmzT\n7fajw+1FxCuR9Xbbjax1OE3SqC72sdDmvp/vBeZFRHM3l+/1nITq05PAkZIGpYuiX2s3/1WKdALo\njohYT3ZN5CJJ26V/0K+TnZIoS7rAfRgd92j7IzAxXYQ+Evj7cutK7gA+2tHMlIguBb6bit5Fdvrq\ndbJvyeey8Zt6Vx4G+ij7LVNfSccC+xTMnwGcJOmD6frR98h6tC0uYX9KUuZ7eBUwJV2zaesscEya\n3i89+pJ9AVpH1kqC8v7WLga+LGlwRCwi60TyA0nbp2t2oyV9JC17I3C6pN0lDSL7AtHZvne6PUnH\nSmprtawgS2CtXexjoc19Pz9Kdk1xi+EkVJ+uJbvAuYCshTGz3fyLyDoerJBUcpdd4Ktk/4Qvkf1D\nXwdcX+I2JqYeU2+RXeS+n+zaSjFfI+t8sQL4LDCr9JA3cR1wVLuOBe1NJ7tAfDhZ0vpv4AWyfV5F\n9g28SymhfZqs2+3yNP3Lgvl3kV3I/kXa5nCgrN9/laik9zAibgJ+RNYhYxVZa/KwNHsgcDXZ+/MS\n2X60dXiZDuyVeoLd3J3AIuIPwO/Juu4DfJ4s6T9LdgxvYmNr+Eqyv52ngTlknQrWdVFFZ9v7MPC4\npNVk12tOiYiFXexjYexlv5+SRNbhYVp3lq8V2vRUtJkBSPo3sutAP8k7FqscSUcBl0XE3+YdS6lS\nr8zPRsQ/5R1LJTkJmdkWS9K2wD+QtVR3JWuBPBAR3+x0RasaJyEz22JJ2o7sdOJ7yK7V3A6cHhFv\n5hqY/ZWTkJmZ5cYdE8zMLDe9ajDL3mjnnXeOkSNH5h2GmVlNmTNnzusRMbir5ZyEujBy5Ehmz56d\ndxhmZjVF0oKul/LpODMzy5GTkJmZ5cZJyMzMcuMkZGZmuXESMjOz3PRYEpJ0TbrV7TMFZTtKulfS\nC+l5UCpXujXuvHRb3MJbH09Ky7/Qdu+OVL5vup/HvLSuyq3DzMySpiYYORL69Mmem9rf+LWyerIl\ndC3ZXQwLnQncFxFjgPvSa8hujTsmPSaTjXyLpB2Bc8hGrt0POKctqaRlvlSw3vhy6jAzs6SpCSZP\nhgULICJ7njy5RxNRjyWhiHiQd95jfQLZkPCk56MLyq+PzCPAwHSfm8PIbqu7LCKWk91CeHyat31E\nPJLuSHl9u22VUoeZmQFMmQLN7e6X19yclfeQal8T2iUi2u6zsoSNt8wdwqa32F2cyjorX1ykvJw6\n3kHSZEmzJc1eunRpN3fNzKzGLVxYWnkF5NYxIbVgenT01HLriIhpEdEYEY2DB3c56oSZ2ZZh+PDS\nyiug2kno1bZTYOn5tVT+Mpve+31oKuusfGiR8nLqMDMzgKlTYcCATcsGDMjKe0i1k9AsoK2H2yTg\ntoLyE1IPtnHAynRK7W7gUEmDUoeEQ4G707xVksalXnEntNtWKXWYmRnAxIkwbRqMGAFS9jxtWlbe\nQ3psAFNJM4CPATtLWkzWy+1i4EZJJwELgGPT4ncARwDzgGbgRICIWCbpAuDxtNz5EdHW2eGrZD3w\ntgHuTA9KrcPMzApMnNijSac939SuC42NjeFRtM3MSiNpTkQ0drWcR0wwM7PcOAmZmVlunITMzCw3\nTkJmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrlxEjIzs9w4CZmZWW6chMzMLDdOQmZmlhsnITMz\ny42TkJmZ5cZJyMzMcuMkZGZmuXESMjOz3DgJmZlZbpyEzMwsN05CZmaWGychMzPLjZOQmZnlxknI\nzMxy4yRkZma5cRIyM7PcOAmZmVlunITMzCw3TkJmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrnJ\nJQlJ+rqkuZKekTRDUn9JoyQ9KmmepBskbZ2W7Zdez0vzRxZs56xU/rykwwrKx6eyeZLOLCgvWoeZ\nmeWjb7UrlDQE+BowNiLWSLoROB44Arg0ImZKugo4CbgyPS+PiNGSjge+DxwnaWxa733A7sB/S3p3\nquYK4BPAYuBxSbMi4tm0brE6zMy2GLfdBk89tXnbGDYM/vmfKxJOp6qehArq3UbSemAA8ApwEPBP\naf51wLlkCWJCmga4GfiJJKXymRGxFnhR0jxgv7TcvIiYDyBpJjBB0nOd1GFmtsX44hdh2bLN28aB\nB1YnCVX9dFxEvAz8AFhIlnxWAnOAFRHRkhZbDAxJ00OARWndlrT8ToXl7dbpqHynTuowM9tirF8P\np58OLS3lPx54oDqx5nE6bhBZK2YUsAK4CRhf7Tg6I2kyMBlg+PDhOUdjZlaaDRugb19oaMg7kq7l\n0THhEODFiFgaEeuBW4EDgYGS2pLiUODlNP0yMAwgzd8BeKOwvN06HZW/0Ukdm4iIaRHRGBGNgwcP\n3px9NTOrutZW6FMjfZ/zCHMhME7SgHRt52DgWeC3wDFpmUnAbWl6VnpNmv+biIhUfnzqPTcKGAM8\nBjwOjEk94bYm67wwK63TUR1mZluMDRuchDoUEY+SdTB4Ang6xTAN+DZwRupgsBNwdVrlamCnVH4G\ncGbazlzgRrIEdhdwSkS0pms+pwJ3A88BN6Zl6aQOM7MtRi0lIWUNBOtIY2NjzJ49O+8wzMy6raEB\nzj4bLrggvxgkzYmIxq6Wq5FcaWZm3VVLLaEaCdPMzLqj7eSWk5CZmVVda2v2XAvds8FJyMxsi7Jh\nQ/bslpCZmVWdk5CZmeXGScjMzHLjJGRmZrlxEjIzs9y09Y5zEjIzs6prawm5i7aZmVWdT8eZmVlu\nnITMzCw3TkJmZpYbJyEzM8uNe8eZmVlu3BIyM7PcuIu2mZnlxi0hMzPLjZOQmZnlxknIzMxy495x\nZmaWG7eEzMwsN05CZmaWG3fRNjOz3LglZGZmuXESMjOz3Lh3nJmZ5cYtITMzy42TkJmZ5cZJyMzM\ncuMkZGZmuam13wn1zTsAMzPb6OGH4aGHyl9/3rzsuVZaQrkkIUkDgenA+4EAvgg8D9wAjAReAo6N\niOWSBFwOHAE0A/8cEU+k7UwCvpM2e2FEXJfK9wWuBbYB7gBOi4iQtGOxOnp2b83Muu+00+CJJzZv\nG9tsA0OGVCaenpZXrrwcuCsi9gT2Ap4DzgTui4gxwH3pNcDhwJj0mAxcCZASyjnAh4H9gHMkDUrr\nXAl8qWC98am8ozrMzHqFtWthwgR4++3yH6tWwahRee9J91Q9CUnaAfgIcDVARKyLiBXABOC6tNh1\nwNFpegJwfWQeAQZK2g04DLg3Ipal1sy9wPg0b/uIeCQiAri+3baK1WFm1iu0tsLWW0O/fuU/+tbQ\nhZY8WkKjgKXATyX9QdJ0SdsCu0TEK2mZJcAuaXoIsKhg/cWprLPyxUXK6aSOTUiaLGm2pNlLly4t\nZx/NzMrS2lo7nQoqIY8k1BfYB7gyIvYGVtPutFhqwURPBtFZHRExLSIaI6Jx8ODBPRmGmdkmnIR6\n3mJgcUQ8ml7fTJaUXk2n0kjPr6X5LwPDCtYfmso6Kx9apJxO6jAz6xWchIqQVLFDEhFLgEWS3pOK\nDgaeBWYBk1LZJOC2ND0LOEGZccDKdErtbuBQSYNSh4RDgbvTvFWSxqWedSe021axOszMeoV6S0Ld\nvXz1gqRbgJ9GxLMVqPdfgSZJWwPzgRPJEuKNkk4CFgDHpmXvIOuePY+si/aJABGxTNIFwONpufMj\nYlma/iobu2jfmR4AF3dQh5lZr9DSUlsdCzZXd3d1L+B4YLqkPsA1wMyIWFVOpRHxJNBYZNbBRZYN\n4JQOtnNNiqV9+Wyy3yC1L3+jWB1mZr1FvbWEunU6LiLejIj/jIgDgG+T/T7nFUnXSRrdoxGamdUR\nJ6EiJDVI+pSkXwCXAT8E9gB+RXa6zMzMKqDeklC3rwkBvwUuiYjfFZTfLOkjlQ/LzKw+OQm1k3rG\nXRsR5xebHxFfq3hUZmZ1qt6SUJen4yKiFfh4FWIxM6t7ra3uHVfM7yT9hGwE6tVthW2jWZuZWWW0\ntNRXS6i7SeiA9Fx4Si6AgyobjplZ/YrIbkrnJNRORPh0nJlZD6u1u6JWQrfPPEo6Engf0L+trKPO\nCmZmVrrW1uy5npJQd38ndBVwHNlwOwI+C4zowbjMzOpOWxKqp44J3R1F+4CIOAFYHhHnAfuz6QjW\nZma2mdwS6tia9NwsaXdgPdnN6czMrEKchDp2u6SBwCXAE8BLwMyeCsrMrB61zLgJgIYzToORI6Gp\nKd+AqqC7veMuSJO3SLod6B8RK3suLDOzOtPUROsZU4DP0kALLFgAkydn8yZOzDW0ntRpEpL0j53M\nIyJurXxIZmZ1aMoUWtesBaCBdF6uuRmmTKnfJAQc1cm8AJyEzMwqYeFCWtkdgL60bFK+Jes0CUXE\nidUKxMysrg0fTuuCAApaQql8S+Yfq5qZ9QZTp9J68kXwdkESGjAApk7NN64e1q0klH6sOoBsNO3p\nwDHAYz0Yl5lZzbnwQrjkknLXnkhrHAvAVrTAiBFZAtqCrwdBCQOYRsQHJT0VEedJ+iG+HmRmtonH\nHoN+/TYnb2xF//5w6Dd/DjtVMrLeq7tJqP2PVZfhH6uamW2ipSX7ec+ll+YdSe3obhJq+7HqvwFz\nUtn0ngnJzKw21dtdUSuhq98J/R2wqO3HqpK2A54G/gQ415uZFWhpqa/BRyuhq2F7/h+wDkDSR4CL\nU9lKYFrPhmZmVlvq7a6oldBVzm6IiGVp+jhgWkTcQjZ8z5M9G5qZWW1pbYX+/btezjbqqiXUIKkt\nUR0M/KZgnhudZmYFfDqudF0drhnAA5JeJ+sh9xCApNFkp+TMzCxxx4TSdTVsz1RJ9wG7AfdERKRZ\nfcjusmpmZolbQqXr8nBFxCNFyv63Z8IxM6td7phQuu7e1M7MzLrQ2uqWUKmchMzMKsSn40rnJGRm\nViHumFC63JKQpAZJf0i3C0fSKEmPSpon6QZJW6fyfun1vDR/ZME2zkrlz0s6rKB8fCqbJ+nMgvKi\ndZiZVYJbQqXLsyV0GvBcwevvA5dGxGhgOXBSKj8JWJ7KL03LIWkscDzZPY7GA/+RElsDcAVwODAW\n+FxatrM6zMw2m1tCpcslCUkaChxJGgRVkoCDgJvTItcBR6fpCek1af7BafkJwMyIWBsRLwLzgP3S\nY15EzI+IdcBMYEIXdZiZbTa3hEqXV0voMuBbwIb0eidgRUS03Vh9MTAkTQ8BFgGk+SvT8n8tb7dO\nR+Wd1bEJSZMlzZY0e+nSpeXuo5nVGXfRLl3Vk5CkTwKvRcScLhfOSURMi4jGiGgcPHhw3uGYWY1w\nF+3S5XG4DgQ+JekIoD+wPXA5MFBS39RSGQq8nJZ/GRgGLE7j2O0AvFFQ3qZwnWLlb3RSh5nZZvPp\nuNJVvSUUEWdFxNCIGEnWseA3ETER+C1wTFpsEnBbmp6VXpPm/yYNHzQLOD71nhsFjAEeAx4HxqSe\ncFunOmaldTqqw8xss7ljQul60++Evg2cIWke2fWbq1P51cBOqfwM4EyAiJgL3Ag8C9wFnBIRramV\ncypwN1nvuxvTsp3VYWa22dwSKl2uhysi7gfuT9PzyXq2tV/mbeCzHaw/FZhapPwO4I4i5UXrMDOr\nBHdMKF1vagmZmdWsDRsgwi2hUvlwmZkBv/41nHdelkjK0baeW0KlcRIyMwPuuguefBI+8Ynyt3HU\nUXDkkZWLqR44CZmZAevWwU47ZS0iqx5fEzIzI0tCW3tI46pzEjIzA9avdxLKg5OQmRluCeXFScjM\nDCehvDgJmZmRJaGttso7ivrjJGRmhltCeXESMjPDSSgvTkJmZjgJ5cVJyMysqYn1f3iare+eBSNH\nQlNT3hHVDSchM6tvTU0weXLWEmIdLFgAkyc7EVWJk5CZ1bcpU6C5mXVsnSUhgObmrNx6nMeOM7Mt\nwptvZnc2LdmClcAOvE1/tmL9xvKFCysVmnXCScjMat4tt8Axx5S79vK/Tg2geWPx8OGbFZN1j5OQ\nmdW8P/85e/7+98vo4TZnNtxwI1q/lgnclpUNGABT33HTZusBTkJmVvPWpUs5Z5xRzp1NG2H889k1\noIULYfiILAFNnFjpMK0IJyEzq3lr10KfPptxa+2JE510cuLecWZW89auhX798o7CyuEkZGY1z0mo\ndjkJmVnNW7vWQ+7UKichM6t5bgnVLichM6t5TkK1y0nIzGreunVOQrXKScjMap6vCdUuJyEzq3k+\nHVe7/GNVM8vV+vXwq1/BmjXlb2PRIthll8rFZNXjJGRmubr3XvjMZzZ/Ox/60OZvw6rPScjMcrU8\nDWJ9zz3ZTU3LNWJERcKxKnMSMrNcrV6dPY8dC0OG5BuLVZ87JphZrprTLXy23TbfOCwfVU9CkoZJ\n+q2kZyXNlXRaKt9R0r2SXkjPg1K5JP1Y0jxJT0nap2Bbk9LyL0iaVFC+r6Sn0zo/lqTO6jCznDQ1\n0XzevwEwYK8x0NSUc0BWbXm0hFqAb0TEWGAccIqkscCZwH0RMQa4L70GOBwYkx6TgSshSyjAOcCH\ngf2AcwqSypXAlwrWG5/KO6rDzKqtqQkmT2b1ivU00MJWC+fB5MlORHWm6kkoIl6JiCfS9JvAc8AQ\nYAJwXVrsOuDoND0BuD4yjwADJe0GHAbcGxHLImI5cC8wPs3bPiIeiYgArm+3rWJ1mFm1TZkCzc00\nM4BtWY0gOzc3ZUrekVkV5XpNSNJIYG/gUWCXiHglzVoCtPX6HwIsKlhtcSrrrHxxkXI6qaN9XJMl\nzZY0e+nSpaXvmJl1beFCAJoZwACa31Fu9SG33nGStgNuAU6PiFXpsg0AERGSoifr76yOiJgGTANo\nbGzs0TjMatmSJVmvthUrylg5WrIn+jCaFzaWDx9emeCsJuSShCRtRZaAmiLi1lT8qqTdIuKVdErt\ntVT+MjCsYPWhqexl4GPtyu9P5UOLLN9ZHWZWhvnzs9/5fP7zMGpUiSs/PRduvx1a1rM/v8/KBgyA\nqVMrHqf1XlVPQqmn2tXAcxHxo4JZs4BJwMXp+baC8lMlzSTrhLAyJZG7gYsKOiMcCpwVEcskrZI0\njuw03wnAv3dRh5mVYdWq7PmUU2DcuFLX/gA0PZVdA1q4EIaPyBLQxImVDtN6sTxaQgcCXwCelvRk\nKjubLDHcKOkkYAFwbJp3B3AEMA9oBk4ESMnmAuDxtNz5EbEsTX8VuBbYBrgzPeikDjMrQ1sSete7\nytzAxIlOOnWu6kkoIh4G1MHsg4ssH8ApHWzrGuCaIuWzgfcXKX+jWB1mVp62JLT99vnGYbXLIyaY\nWdmchGxzeew4s3rU1MSGs7/DKQu/zcJt3g3vfk9ZA7fNm5c9b7ddheOzuuEkZFZv0kgFf2kexFV8\nmZFrXmTnp5fAqv6w004lbWr77eHEE6GhoYditS2ek5BZvUkjFbzKngBcytc5esNtsGEEPP5SvrFZ\n3fE1IbN6k0YkeI2/AWAXXt2k3Kya3BIyq1ETJsCjj5axol6FaOVt+gMFScgjFVgOnITMatCGDdlg\nA3vvDY2NJa78wgp48AFoaWE3XmEUL3qkAsuNk5BZDVq5MktEEyfC179e6tpjoOkxj1RgvYKTkFkN\nev317HnnncvcgEcqsF7CScis2pqaeOKbP+exJcNhxx2zizv77VfSJhYsyJ5L7FFt1us4CZlVU/qN\nzgnNjzKX98My4KfpUaKGBhg9utIBmlWXk5BZNU2ZQjQ3M589+DJXcg7nZeVDh8Hjj3e+bjvbbAM7\n7NADMZpVkZOQWYluvz1r0JRlwfdooS9rGMBYnmXXtu7RL78Gu1YsRLOa4SRkVqLLL4f/+R8YNqzr\nZd+h737Q0sIHeIqPcf/Gcv9Gx+qUk5BZiV59FQ49FH75yzJWbnoEJk+G5uaNZf6NjtUxD9tjVqIl\nS2CXXcpceeJEmDYNRowAKXueNs3dpa1uuSVk9aOpif/82tN8Y9nZhPpAv37Qd6uSN/PWW7Dr5ly/\n8W90zP7KScjqQ+oafU/ztfRjLSfE9dCyFXz8E/De95a0qYaG7PYFZrb5nISsZixbBjNnQktLGSuf\n+wI0n8RsGmlkNj/km9ACPDsC7nipwpGaWXc5CVnNmDYNzjqr3LXP/evUCVy/sdi3LzDLlZOQ9bym\nJpgyhdULXmf9sD3gO9+BY48teTNz52bXYubOLSOGvfaCxYsQwUBWbCx312izXDkJWc9K12Lub/47\nDmI+sagP/AvZowwf/Wg23FrJLv6Wu0ab9UJOQluy1ALJhusfXvZw/UuXwic/md0+oGR/Hgctc3iD\nnejP20xlCiJg0I7w3e+WvLmDDy4jBti43xU4HmZWOYqIvGPo1RobG2P27Nmlr1ihBNDSAqtXl149\nN94Ip53GhjVvM52TWczQrDvyQQfBnnuWtKn587Ohaj71qWy8spLcMPOvkx/lAb7CVdkLKbshjplt\nkSTNiYgub7noJNSFspJQUxN/Ofm7nPV2wTf9hr6w//6wxx7d3syGDXDnnfDGG6VVX0xf1rMdb0Gf\nPrB96aNejh0LDz2UrV6SkSM33neg0IgR8NJLJcdhZrWhu0nIp+N6wpQprHm7gQf5yMayVuD3fWFx\naZsaOhROOQUGDiwxhjPOALIvGMNYxGe4BQGEYHkVWyBTp/pajJl1yEmoJyxcyN8SvEi7Vs8GwYtV\nSgCX31rGX8C+AAAGXUlEQVS8BVLt3mC+FmNmnfDYcT2how/6aiaAqVOzFkehvFogEydmp942bMie\nnYDMLHES6gm9IQF4oEwzqwE+HdcTesspKA+UaWa9nJNQT3ECMDPrkk/HmZlZbuouCUkaL+l5SfMk\nnZl3PGZm9ayukpCkBuAK4HBgLPA5SWPzjcrMrH7VVRIC9gPmRcT8iFgHzAQm5ByTmVndqrckNARY\nVPB6cSrbhKTJkmZLmr106dKqBWdmVm/cO66IiJgGTAOQtFRSkaEHasrOwOt5B9GL+Hhs5GOxKR+P\njTb3WIzozkL1loReBoYVvB6ayjoUEYN7NKIqkDS7OwMJ1gsfj418LDbl47FRtY5FvZ2OexwYI2mU\npK2B44FZOcdkZla36qolFBEtkk4F7gYagGsiopybRZuZWQXUVRICiIg7gDvyjqPKpuUdQC/j47GR\nj8WmfDw2qsqx8E3tzMwsN/V2TcjMzHoRJyEzM8uNk9AWTNIwSb+V9KykuZJOyzumvElqkPQHSbfn\nHUveJA2UdLOkP0l6TtL+eceUF0lfT/8jz0iaIal/3jFVk6RrJL0m6ZmCsh0l3SvphfQ8qCfqdhLa\nsrUA34iIscA44BSPlcdpwHN5B9FLXA7cFRF7AntRp8dF0hDga0BjRLyfrOfs8flGVXXXAuPblZ0J\n3BcRY4D70uuKcxLagkXEKxHxRJp+k+xD5h3DFNULSUOBI4HpeceSN0k7AB8BrgaIiHURsSLfqHLV\nF9hGUl9gAPCXnOOpqoh4EFjWrngCcF2avg44uifqdhKqE5JGAnsDj+YbSa4uA74FbMg7kF5gFLAU\n+Gk6PTld0rZ5B5WHiHgZ+AGwEHgFWBkR9+QbVa+wS0S8kqaXALv0RCVOQnVA0nbALcDpEbEq73jy\nIOmTwGsRMSfvWHqJvsA+wJURsTewmh463dLbpWsdE8gS8+7AtpI+n29UvUtkv+Xpkd/zOAlt4SRt\nRZaAmiLi1rzjydGBwKckvUR2C4+DJP0s35BytRhYHBFtLeObyZJSPToEeDEilkbEeuBW4ICcY+oN\nXpW0G0B6fq0nKnES2oJJEtk5/+ci4kd5x5OniDgrIoZGxEiyi86/iYi6/bYbEUuARZLek4oOBp7N\nMaQ8LQTGSRqQ/mcOpk47abQzC5iUpicBt/VEJU5CW7YDgS+Qfet/Mj2OyDso6zX+FWiS9BTwIeCi\nnOPJRWoN3gw8ATxN9rlYV8P3SJoB/B54j6TFkk4CLgY+IekFstbixT1St4ftMTOzvLglZGZmuXES\nMjOz3DgJmZlZbpyEzMwsN05CZmaWGychszJJak3d3p+RdJOkAWVsY3rboLKSzm4373cVivNaScdU\nYls9uU2rT05CZuVbExEfSiMvrwO+XOoGIuLkiGj7kejZ7eb5V/u2xXMSMquMh4DRAJLOSK2jZySd\nnsq2lfRrSX9M5cel8vslNUq6mGwU5yclNaV5b6VnSbokrfd0wbofS+u33ROoKf3iv0OS9pX0gKQ5\nku6WtJukPSU9VrDMSElPd7R85Q+d1bO+eQdgVuvS8P+HA3dJ2hc4EfgwIOBRSQ8AewB/iYgj0zo7\nFG4jIs6UdGpEfKhIFf9INqLBXsDOwOOSHkzz9gbeR3brgf8hGyXj4Q7i3Ar4d2BCRCxNyWxqRHxR\n0taSRkXEi8BxwA0dLQ98sZzjZFaMk5BZ+baR9GSafohsnL6vAL+IiNUAkm4F/gG4C/ihpO8Dt0fE\nQyXU8/fAjIhoJRtU8gHg74BVwGMRsTjV9SQwkg6SEPAe4P3AvanB1EB26wKAG8mSz8Xp+bguljer\nCCchs/Ktad9y6ehsWET8r6R9gCOA70m6JyLOr0AMawumW+n8f1rA3IgodhvvG4CbUtKMiHhB0gc6\nWd6sInxNyKyyHgKOTiMybwt8GnhI0u5Ac0T8jOwGasVum7A+nQIrts3jJDVIGkx2R9THiizXleeB\nwZL2h+z0nKT3AUTEn8mS2P8lS0idLm9WKW4JmVVQRDwh6Vo2JonpEfEHSYcBl0jaAKwnO23X3jTg\nKUlPRMTEgvJfAPsDfyS7sdi3ImKJpD1LjG1d6lb943RNqi/Z3WbnpkVuAC4hu7lbd5Y322weRdvM\nzHLj03FmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrlxEjIzs9w4CZmZWW7+P0PNi1lCP0XzAAAA\nAElFTkSuQmCC\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Visualising the Random Forest Regression results (higher resolution)\n", - "X_grid = np.arange(min(X), max(X), 0.01)\n", - "X_grid = X_grid.reshape((len(X_grid), 1))\n", - "plt.scatter(X, y, color = 'red')\n", - "plt.plot(X_grid, regressor.predict(X_grid), color = 'blue')\n", - "plt.title('Truth or Bluff (Random Forest Regression)')\n", - "plt.xlabel('Position level')\n", - "plt.ylabel('Salary')\n", - "plt.show()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.5.1" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Importing the libraries\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import pandas as pd\n", + "from sklearn.ensemble import RandomForestRegressor" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Importing the dataset\n", + "dataset = pd.read_csv('Position_Salaries.csv')\n", + "X = dataset.iloc[:, 1:2].values\n", + "y = dataset.iloc[:, 2].values" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=None,\n", + " max_features='auto', max_leaf_nodes=None,\n", + " min_impurity_split=1e-07, min_samples_leaf=1,\n", + " min_samples_split=2, min_weight_fraction_leaf=0.0,\n", + " n_estimators=300, n_jobs=1, oob_score=False, random_state=0,\n", + " verbose=0, warm_start=False)" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Fitting Random Forest Regression to the dataset\n", + "regressor = RandomForestRegressor(n_estimators = 300, random_state = 0)\n", + "regressor.fit(X, y)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Predicting a new result\n", + "y_pred = regressor.predict(6.5)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[ 160333.33333333]\n" + ] + } + ], + "source": [ + "print(y_pred)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaEAAAEWCAYAAADPZygPAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3XmcXFWd9/HPNx1ICAgJkGHJziSKcUGgBwPMuABCADE4\nIuBEySCYUWEE0UeB+MgaxEEFHBl4MgGBsU1YlYisg7KNsiSIQECGGMiCBALZIB2SdOf3/HFPm0pT\nvVSlum5X6vt+vepVt85dzu/e6q5fnXtPnauIwMzMLA998g7AzMzql5OQmZnlxknIzMxy4yRkZma5\ncRIyM7PcOAmZmVlunISsS5JGS+o1ffklHSLppRKWP1XSa5LekrSDpH+QNC+9/mQH61wi6dSKBV0C\nST+TdG4edVvlSZou6ewKbOfTkpoqEVNv4iRU49IHadtjg6Q1Ba8nlrnNxZI+VuFQS6n/QknrC/bj\nWUlHl7mt/sAPgI9HxHYRsRK4ELg0vb69yDq7Ap8DpqfXh6Rj+5akNyX9SdIJ5e9h7yDpZEmt7f6G\nLqtyDJ0mXEl9JYWk1Sm+xekLQs18dkXEyRFxUQU29UtgH0nvq8C2eo2aeSOtuPRBul1EbAcsBI4q\nKHvHtyZJfasfZcc6iaepYL++CcyQtHMZVewK9IuIuQVlI4C5HSwPcCLwq4h4u6BsYYple+D/ANdI\nGl1GPL3NQ4V/QxFxeqkbqNLf1PvS8T8I+AIwqdIVSOrTm5NbZCMLzAS+lHcsldRrD7hVRmpV3CBp\nhqQ3gc+3//ZZeHpL0gxgd+DO9M3zjILlTkjfRJdKOrOTOgemOpZKeknSWZKU5p0s6UFJP5a0DPhO\nV/sQEXcAa4A9itTV9k15ZEHZzySdK+m9pGST9uWetJ/DC/avoUiVhwMPdBBLRMSvgFXABwrq/Ek6\nNqskPS7pgIJ5F6bj/7PUknpG0j4F8/eV9GSaNwPo124fv5xOH74h6ZeSdmu371+R9Oe0/jmSxkh6\nJMUyQ9JWXRzidyjnPUzlf5K0XNKdkoal8j5p2dckrZT0lKSxkr4KHAecnd6LX3QVV0T8L/A74EPt\nYv2ppFfSe3B+WzKR1CDpsnTs5kv6VxWcWpb0sKQLJP0eWA0M72J77077vlLS65J+3tk+pnnt/9+6\nej//Jc1fLunH7Q7B/cCRJbyVvZ6TUH34NPBzYAfghs4WjIjPAX8BDk/fjH9UMPsAYDRwGHCepDEd\nbOY/gAFkSeMg4CSg8PTVAcBzwGDg+53Fo8ynAAF/6mzZIvvyHLBXmt4uIg6NiJHt9q+1yKofAJ7v\nIJ4+kj4NDALmFcx6FPggsCNwM3CTpMJkcjTwX8BA4E7gx2l7/YDbgGvSurelZdvqOxQ4HzgGGJJi\nb9/C/QTZh/KBwBSy4388WYtvb+DYogeocyW9h5I+Q9ZCnJDKHiX7m4MsqY8DxpAdt+OBZRHxH2R/\njxel9+LTXQWVvlgcyKbH/r/IvqT8LbAv2Yf0iWneV4BDyN6bRuAfi2z2C8AXyVq5i7vY3lTg12k/\nhgJXdLaPReLvzvt5RKp3b7IvjYcUzHsOGC1pQJH9qE0R4ccW8gBeAg5pV3Yh8Jt2ZT8Dzi14fQjw\nUsHrxcDHCl6PBgLYtaDsCeCYIjFsBbQA7y4oOwX47zR9MjC/i/24EFgHrACagVbgG8XiBfqm2EYW\n27+22Nttf5P9K1L/BmB0u/o2pHjWpnhO7WR9AW+SnUJq25+7CuZ/EHgrTR8ELAJUMP+xgvivI/uQ\nbpu3fap/aMG+f7hg/h/bHavLgR90EOfJ6b1aUfBoLOc9BO4FJhW87puO1RDgULIvEB8G+nT2t1gk\nxrZ9XEXWUom0ztZp/hCyhNGvYJ0vAPem6QeBkwrmjS/8ewAeBr5b8Lqr7f0cuBIY0i7Obu1jN9/P\ncQXzbwW+WfB6m7TM7uV8RvTGh1tC9WFRJTYSEUsKXjYD2xVZ7G+ABmBBQdkCsn/uUuL5eUQMjIgB\nZN8uT5Z0Uokhl2sF8K52ZQsjYiDZh8YVwMGFMyV9K52KWgksB7YFCq9htT9226bp3YHFkT5hksJj\nt3vh64hYlbZfeDxfLZheU+R1sfepzcPpOLc9ZlPeezgCuELSCkkrgNfJEvfQiLgHuIrsw/tVSVdJ\nan98u/JBsvfkn4D92Xj8RpCdvny1oO4rgF3S/N3bxVrsb6+wrKvtfYMsSc+W9LSkSQAl7GN33s/O\n/s/atrmiyLZrkpNQfWjfvXo12amWNrt2sXwpXiP7ZjeioGw48HK524+I+cBdwFFF5rWQfePubH9K\n9RTw7g5iWUt22mkfpe7dkj4OnAF8hux02yDgLbIWUVdeIfsWXGh4wfRfKDiW6YNtEJsez0or5z1c\nRNbiKExo20TEowARcVlE7AO8HxhLdryKbadDEbEhImYAs8lOO7bV2wzsWFDv9hHxwTS//fEdVmzT\n7fajw+1FxCuR9Xbbjax1OE3SqC72sdDmvp/vBeZFRHM3l+/1nITq05PAkZIGpYuiX2s3/1WKdALo\njohYT3ZN5CJJ26V/0K+TnZIoS7rAfRgd92j7IzAxXYQ+Evj7cutK7gA+2tHMlIguBb6bit5Fdvrq\ndbJvyeey8Zt6Vx4G+ij7LVNfSccC+xTMnwGcJOmD6frR98h6tC0uYX9KUuZ7eBUwJV2zaesscEya\n3i89+pJ9AVpH1kqC8v7WLga+LGlwRCwi60TyA0nbp2t2oyV9JC17I3C6pN0lDSL7AtHZvne6PUnH\nSmprtawgS2CtXexjoc19Pz9Kdk1xi+EkVJ+uJbvAuYCshTGz3fyLyDoerJBUcpdd4Ktk/4Qvkf1D\nXwdcX+I2JqYeU2+RXeS+n+zaSjFfI+t8sQL4LDCr9JA3cR1wVLuOBe1NJ7tAfDhZ0vpv4AWyfV5F\n9g28SymhfZqs2+3yNP3Lgvl3kV3I/kXa5nCgrN9/laik9zAibgJ+RNYhYxVZa/KwNHsgcDXZ+/MS\n2X60dXiZDuyVeoLd3J3AIuIPwO/Juu4DfJ4s6T9LdgxvYmNr+Eqyv52ngTlknQrWdVFFZ9v7MPC4\npNVk12tOiYiFXexjYexlv5+SRNbhYVp3lq8V2vRUtJkBSPo3sutAP8k7FqscSUcBl0XE3+YdS6lS\nr8zPRsQ/5R1LJTkJmdkWS9K2wD+QtVR3JWuBPBAR3+x0RasaJyEz22JJ2o7sdOJ7yK7V3A6cHhFv\n5hqY/ZWTkJmZ5cYdE8zMLDe9ajDL3mjnnXeOkSNH5h2GmVlNmTNnzusRMbir5ZyEujBy5Ehmz56d\ndxhmZjVF0oKul/LpODMzy5GTkJmZ5cZJyMzMcuMkZGZmuXESMjOz3PRYEpJ0TbrV7TMFZTtKulfS\nC+l5UCpXujXuvHRb3MJbH09Ky7/Qdu+OVL5vup/HvLSuyq3DzMySpiYYORL69Mmem9rf+LWyerIl\ndC3ZXQwLnQncFxFjgPvSa8hujTsmPSaTjXyLpB2Bc8hGrt0POKctqaRlvlSw3vhy6jAzs6SpCSZP\nhgULICJ7njy5RxNRjyWhiHiQd95jfQLZkPCk56MLyq+PzCPAwHSfm8PIbqu7LCKWk91CeHyat31E\nPJLuSHl9u22VUoeZmQFMmQLN7e6X19yclfeQal8T2iUi2u6zsoSNt8wdwqa32F2cyjorX1ykvJw6\n3kHSZEmzJc1eunRpN3fNzKzGLVxYWnkF5NYxIbVgenT01HLriIhpEdEYEY2DB3c56oSZ2ZZh+PDS\nyiug2kno1bZTYOn5tVT+Mpve+31oKuusfGiR8nLqMDMzgKlTYcCATcsGDMjKe0i1k9AsoK2H2yTg\ntoLyE1IPtnHAynRK7W7gUEmDUoeEQ4G707xVksalXnEntNtWKXWYmRnAxIkwbRqMGAFS9jxtWlbe\nQ3psAFNJM4CPATtLWkzWy+1i4EZJJwELgGPT4ncARwDzgGbgRICIWCbpAuDxtNz5EdHW2eGrZD3w\ntgHuTA9KrcPMzApMnNijSac939SuC42NjeFRtM3MSiNpTkQ0drWcR0wwM7PcOAmZmVlunITMzCw3\nTkJmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrlxEjIzs9w4CZmZWW6chMzMLDdOQmZmlhsnITMz\ny42TkJmZ5cZJyMzMcuMkZGZmuXESMjOz3DgJmZlZbpyEzMwsN05CZmaWGychMzPLjZOQmZnlxknI\nzMxy4yRkZma5cRIyM7PcOAmZmVlunITMzCw3TkJmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrnJ\nJQlJ+rqkuZKekTRDUn9JoyQ9KmmepBskbZ2W7Zdez0vzRxZs56xU/rykwwrKx6eyeZLOLCgvWoeZ\nmeWjb7UrlDQE+BowNiLWSLoROB44Arg0ImZKugo4CbgyPS+PiNGSjge+DxwnaWxa733A7sB/S3p3\nquYK4BPAYuBxSbMi4tm0brE6zMy2GLfdBk89tXnbGDYM/vmfKxJOp6qehArq3UbSemAA8ApwEPBP\naf51wLlkCWJCmga4GfiJJKXymRGxFnhR0jxgv7TcvIiYDyBpJjBB0nOd1GFmtsX44hdh2bLN28aB\nB1YnCVX9dFxEvAz8AFhIlnxWAnOAFRHRkhZbDAxJ00OARWndlrT8ToXl7dbpqHynTuowM9tirF8P\np58OLS3lPx54oDqx5nE6bhBZK2YUsAK4CRhf7Tg6I2kyMBlg+PDhOUdjZlaaDRugb19oaMg7kq7l\n0THhEODFiFgaEeuBW4EDgYGS2pLiUODlNP0yMAwgzd8BeKOwvN06HZW/0Ukdm4iIaRHRGBGNgwcP\n3px9NTOrutZW6FMjfZ/zCHMhME7SgHRt52DgWeC3wDFpmUnAbWl6VnpNmv+biIhUfnzqPTcKGAM8\nBjwOjEk94bYm67wwK63TUR1mZluMDRuchDoUEY+SdTB4Ang6xTAN+DZwRupgsBNwdVrlamCnVH4G\ncGbazlzgRrIEdhdwSkS0pms+pwJ3A88BN6Zl6aQOM7MtRi0lIWUNBOtIY2NjzJ49O+8wzMy6raEB\nzj4bLrggvxgkzYmIxq6Wq5FcaWZm3VVLLaEaCdPMzLqj7eSWk5CZmVVda2v2XAvds8FJyMxsi7Jh\nQ/bslpCZmVWdk5CZmeXGScjMzHLjJGRmZrlxEjIzs9y09Y5zEjIzs6prawm5i7aZmVWdT8eZmVlu\nnITMzCw3TkJmZpYbJyEzM8uNe8eZmVlu3BIyM7PcuIu2mZnlxi0hMzPLjZOQmZnlxknIzMxy495x\nZmaWG7eEzMwsN05CZmaWG3fRNjOz3LglZGZmuXESMjOz3Lh3nJmZ5cYtITMzy42TkJmZ5cZJyMzM\ncuMkZGZmuam13wn1zTsAMzPb6OGH4aGHyl9/3rzsuVZaQrkkIUkDgenA+4EAvgg8D9wAjAReAo6N\niOWSBFwOHAE0A/8cEU+k7UwCvpM2e2FEXJfK9wWuBbYB7gBOi4iQtGOxOnp2b83Muu+00+CJJzZv\nG9tsA0OGVCaenpZXrrwcuCsi9gT2Ap4DzgTui4gxwH3pNcDhwJj0mAxcCZASyjnAh4H9gHMkDUrr\nXAl8qWC98am8ozrMzHqFtWthwgR4++3yH6tWwahRee9J91Q9CUnaAfgIcDVARKyLiBXABOC6tNh1\nwNFpegJwfWQeAQZK2g04DLg3Ipal1sy9wPg0b/uIeCQiAri+3baK1WFm1iu0tsLWW0O/fuU/+tbQ\nhZY8WkKjgKXATyX9QdJ0SdsCu0TEK2mZJcAuaXoIsKhg/cWprLPyxUXK6aSOTUiaLGm2pNlLly4t\nZx/NzMrS2lo7nQoqIY8k1BfYB7gyIvYGVtPutFhqwURPBtFZHRExLSIaI6Jx8ODBPRmGmdkmnIR6\n3mJgcUQ8ml7fTJaUXk2n0kjPr6X5LwPDCtYfmso6Kx9apJxO6jAz6xWchIqQVLFDEhFLgEWS3pOK\nDgaeBWYBk1LZJOC2ND0LOEGZccDKdErtbuBQSYNSh4RDgbvTvFWSxqWedSe021axOszMeoV6S0Ld\nvXz1gqRbgJ9GxLMVqPdfgSZJWwPzgRPJEuKNkk4CFgDHpmXvIOuePY+si/aJABGxTNIFwONpufMj\nYlma/iobu2jfmR4AF3dQh5lZr9DSUlsdCzZXd3d1L+B4YLqkPsA1wMyIWFVOpRHxJNBYZNbBRZYN\n4JQOtnNNiqV9+Wyy3yC1L3+jWB1mZr1FvbWEunU6LiLejIj/jIgDgG+T/T7nFUnXSRrdoxGamdUR\nJ6EiJDVI+pSkXwCXAT8E9gB+RXa6zMzMKqDeklC3rwkBvwUuiYjfFZTfLOkjlQ/LzKw+OQm1k3rG\nXRsR5xebHxFfq3hUZmZ1qt6SUJen4yKiFfh4FWIxM6t7ra3uHVfM7yT9hGwE6tVthW2jWZuZWWW0\ntNRXS6i7SeiA9Fx4Si6AgyobjplZ/YrIbkrnJNRORPh0nJlZD6u1u6JWQrfPPEo6Engf0L+trKPO\nCmZmVrrW1uy5npJQd38ndBVwHNlwOwI+C4zowbjMzOpOWxKqp44J3R1F+4CIOAFYHhHnAfuz6QjW\nZma2mdwS6tia9NwsaXdgPdnN6czMrEKchDp2u6SBwCXAE8BLwMyeCsrMrB61zLgJgIYzToORI6Gp\nKd+AqqC7veMuSJO3SLod6B8RK3suLDOzOtPUROsZU4DP0kALLFgAkydn8yZOzDW0ntRpEpL0j53M\nIyJurXxIZmZ1aMoUWtesBaCBdF6uuRmmTKnfJAQc1cm8AJyEzMwqYeFCWtkdgL60bFK+Jes0CUXE\nidUKxMysrg0fTuuCAApaQql8S+Yfq5qZ9QZTp9J68kXwdkESGjAApk7NN64e1q0klH6sOoBsNO3p\nwDHAYz0Yl5lZzbnwQrjkknLXnkhrHAvAVrTAiBFZAtqCrwdBCQOYRsQHJT0VEedJ+iG+HmRmtonH\nHoN+/TYnb2xF//5w6Dd/DjtVMrLeq7tJqP2PVZfhH6uamW2ipSX7ec+ll+YdSe3obhJq+7HqvwFz\nUtn0ngnJzKw21dtdUSuhq98J/R2wqO3HqpK2A54G/gQ415uZFWhpqa/BRyuhq2F7/h+wDkDSR4CL\nU9lKYFrPhmZmVlvq7a6oldBVzm6IiGVp+jhgWkTcQjZ8z5M9G5qZWW1pbYX+/btezjbqqiXUIKkt\nUR0M/KZgnhudZmYFfDqudF0drhnAA5JeJ+sh9xCApNFkp+TMzCxxx4TSdTVsz1RJ9wG7AfdERKRZ\nfcjusmpmZolbQqXr8nBFxCNFyv63Z8IxM6td7phQuu7e1M7MzLrQ2uqWUKmchMzMKsSn40rnJGRm\nViHumFC63JKQpAZJf0i3C0fSKEmPSpon6QZJW6fyfun1vDR/ZME2zkrlz0s6rKB8fCqbJ+nMgvKi\ndZiZVYJbQqXLsyV0GvBcwevvA5dGxGhgOXBSKj8JWJ7KL03LIWkscDzZPY7GA/+RElsDcAVwODAW\n+FxatrM6zMw2m1tCpcslCUkaChxJGgRVkoCDgJvTItcBR6fpCek1af7BafkJwMyIWBsRLwLzgP3S\nY15EzI+IdcBMYEIXdZiZbTa3hEqXV0voMuBbwIb0eidgRUS03Vh9MTAkTQ8BFgGk+SvT8n8tb7dO\nR+Wd1bEJSZMlzZY0e+nSpeXuo5nVGXfRLl3Vk5CkTwKvRcScLhfOSURMi4jGiGgcPHhw3uGYWY1w\nF+3S5XG4DgQ+JekIoD+wPXA5MFBS39RSGQq8nJZ/GRgGLE7j2O0AvFFQ3qZwnWLlb3RSh5nZZvPp\nuNJVvSUUEWdFxNCIGEnWseA3ETER+C1wTFpsEnBbmp6VXpPm/yYNHzQLOD71nhsFjAEeAx4HxqSe\ncFunOmaldTqqw8xss7ljQul60++Evg2cIWke2fWbq1P51cBOqfwM4EyAiJgL3Ag8C9wFnBIRramV\ncypwN1nvuxvTsp3VYWa22dwSKl2uhysi7gfuT9PzyXq2tV/mbeCzHaw/FZhapPwO4I4i5UXrMDOr\nBHdMKF1vagmZmdWsDRsgwi2hUvlwmZkBv/41nHdelkjK0baeW0KlcRIyMwPuuguefBI+8Ynyt3HU\nUXDkkZWLqR44CZmZAevWwU47ZS0iqx5fEzIzI0tCW3tI46pzEjIzA9avdxLKg5OQmRluCeXFScjM\nDCehvDgJmZmRJaGttso7ivrjJGRmhltCeXESMjPDSSgvTkJmZjgJ5cVJyMysqYn1f3iare+eBSNH\nQlNT3hHVDSchM6tvTU0weXLWEmIdLFgAkyc7EVWJk5CZ1bcpU6C5mXVsnSUhgObmrNx6nMeOM7Mt\nwptvZnc2LdmClcAOvE1/tmL9xvKFCysVmnXCScjMat4tt8Axx5S79vK/Tg2geWPx8OGbFZN1j5OQ\nmdW8P/85e/7+98vo4TZnNtxwI1q/lgnclpUNGABT33HTZusBTkJmVvPWpUs5Z5xRzp1NG2H889k1\noIULYfiILAFNnFjpMK0IJyEzq3lr10KfPptxa+2JE510cuLecWZW89auhX798o7CyuEkZGY1z0mo\ndjkJmVnNW7vWQ+7UKichM6t5bgnVLichM6t5TkK1y0nIzGreunVOQrXKScjMap6vCdUuJyEzq3k+\nHVe7/GNVM8vV+vXwq1/BmjXlb2PRIthll8rFZNXjJGRmubr3XvjMZzZ/Ox/60OZvw6rPScjMcrU8\nDWJ9zz3ZTU3LNWJERcKxKnMSMrNcrV6dPY8dC0OG5BuLVZ87JphZrprTLXy23TbfOCwfVU9CkoZJ\n+q2kZyXNlXRaKt9R0r2SXkjPg1K5JP1Y0jxJT0nap2Bbk9LyL0iaVFC+r6Sn0zo/lqTO6jCznDQ1\n0XzevwEwYK8x0NSUc0BWbXm0hFqAb0TEWGAccIqkscCZwH0RMQa4L70GOBwYkx6TgSshSyjAOcCH\ngf2AcwqSypXAlwrWG5/KO6rDzKqtqQkmT2b1ivU00MJWC+fB5MlORHWm6kkoIl6JiCfS9JvAc8AQ\nYAJwXVrsOuDoND0BuD4yjwADJe0GHAbcGxHLImI5cC8wPs3bPiIeiYgArm+3rWJ1mFm1TZkCzc00\nM4BtWY0gOzc3ZUrekVkV5XpNSNJIYG/gUWCXiHglzVoCtPX6HwIsKlhtcSrrrHxxkXI6qaN9XJMl\nzZY0e+nSpaXvmJl1beFCAJoZwACa31Fu9SG33nGStgNuAU6PiFXpsg0AERGSoifr76yOiJgGTANo\nbGzs0TjMatmSJVmvthUrylg5WrIn+jCaFzaWDx9emeCsJuSShCRtRZaAmiLi1lT8qqTdIuKVdErt\ntVT+MjCsYPWhqexl4GPtyu9P5UOLLN9ZHWZWhvnzs9/5fP7zMGpUiSs/PRduvx1a1rM/v8/KBgyA\nqVMrHqf1XlVPQqmn2tXAcxHxo4JZs4BJwMXp+baC8lMlzSTrhLAyJZG7gYsKOiMcCpwVEcskrZI0\njuw03wnAv3dRh5mVYdWq7PmUU2DcuFLX/gA0PZVdA1q4EIaPyBLQxImVDtN6sTxaQgcCXwCelvRk\nKjubLDHcKOkkYAFwbJp3B3AEMA9oBk4ESMnmAuDxtNz5EbEsTX8VuBbYBrgzPeikDjMrQ1sSete7\nytzAxIlOOnWu6kkoIh4G1MHsg4ssH8ApHWzrGuCaIuWzgfcXKX+jWB1mVp62JLT99vnGYbXLIyaY\nWdmchGxzeew4s3rU1MSGs7/DKQu/zcJt3g3vfk9ZA7fNm5c9b7ddheOzuuEkZFZv0kgFf2kexFV8\nmZFrXmTnp5fAqv6w004lbWr77eHEE6GhoYditS2ek5BZvUkjFbzKngBcytc5esNtsGEEPP5SvrFZ\n3fE1IbN6k0YkeI2/AWAXXt2k3Kya3BIyq1ETJsCjj5axol6FaOVt+gMFScgjFVgOnITMatCGDdlg\nA3vvDY2NJa78wgp48AFoaWE3XmEUL3qkAsuNk5BZDVq5MktEEyfC179e6tpjoOkxj1RgvYKTkFkN\nev317HnnncvcgEcqsF7CScis2pqaeOKbP+exJcNhxx2zizv77VfSJhYsyJ5L7FFt1us4CZlVU/qN\nzgnNjzKX98My4KfpUaKGBhg9utIBmlWXk5BZNU2ZQjQ3M589+DJXcg7nZeVDh8Hjj3e+bjvbbAM7\n7NADMZpVkZOQWYluvz1r0JRlwfdooS9rGMBYnmXXtu7RL78Gu1YsRLOa4SRkVqLLL4f/+R8YNqzr\nZd+h737Q0sIHeIqPcf/Gcv9Gx+qUk5BZiV59FQ49FH75yzJWbnoEJk+G5uaNZf6NjtUxD9tjVqIl\nS2CXXcpceeJEmDYNRowAKXueNs3dpa1uuSVk9aOpif/82tN8Y9nZhPpAv37Qd6uSN/PWW7Dr5ly/\n8W90zP7KScjqQ+oafU/ztfRjLSfE9dCyFXz8E/De95a0qYaG7PYFZrb5nISsZixbBjNnQktLGSuf\n+wI0n8RsGmlkNj/km9ACPDsC7nipwpGaWXc5CVnNmDYNzjqr3LXP/evUCVy/sdi3LzDLlZOQ9bym\nJpgyhdULXmf9sD3gO9+BY48teTNz52bXYubOLSOGvfaCxYsQwUBWbCx312izXDkJWc9K12Lub/47\nDmI+sagP/AvZowwf/Wg23FrJLv6Wu0ab9UJOQluy1ALJhusfXvZw/UuXwic/md0+oGR/Hgctc3iD\nnejP20xlCiJg0I7w3e+WvLmDDy4jBti43xU4HmZWOYqIvGPo1RobG2P27Nmlr1ihBNDSAqtXl149\nN94Ip53GhjVvM52TWczQrDvyQQfBnnuWtKn587Ohaj71qWy8spLcMPOvkx/lAb7CVdkLKbshjplt\nkSTNiYgub7noJNSFspJQUxN/Ofm7nPV2wTf9hr6w//6wxx7d3syGDXDnnfDGG6VVX0xf1rMdb0Gf\nPrB96aNejh0LDz2UrV6SkSM33neg0IgR8NJLJcdhZrWhu0nIp+N6wpQprHm7gQf5yMayVuD3fWFx\naZsaOhROOQUGDiwxhjPOALIvGMNYxGe4BQGEYHkVWyBTp/pajJl1yEmoJyxcyN8SvEi7Vs8GwYtV\nSgCX31rGX8C+AAAGXUlEQVS8BVLt3mC+FmNmnfDYcT2how/6aiaAqVOzFkehvFogEydmp942bMie\nnYDMLHES6gm9IQF4oEwzqwE+HdcTesspKA+UaWa9nJNQT3ECMDPrkk/HmZlZbuouCUkaL+l5SfMk\nnZl3PGZm9ayukpCkBuAK4HBgLPA5SWPzjcrMrH7VVRIC9gPmRcT8iFgHzAQm5ByTmVndqrckNARY\nVPB6cSrbhKTJkmZLmr106dKqBWdmVm/cO66IiJgGTAOQtFRSkaEHasrOwOt5B9GL+Hhs5GOxKR+P\njTb3WIzozkL1loReBoYVvB6ayjoUEYN7NKIqkDS7OwMJ1gsfj418LDbl47FRtY5FvZ2OexwYI2mU\npK2B44FZOcdkZla36qolFBEtkk4F7gYagGsiopybRZuZWQXUVRICiIg7gDvyjqPKpuUdQC/j47GR\nj8WmfDw2qsqx8E3tzMwsN/V2TcjMzHoRJyEzM8uNk9AWTNIwSb+V9KykuZJOyzumvElqkPQHSbfn\nHUveJA2UdLOkP0l6TtL+eceUF0lfT/8jz0iaIal/3jFVk6RrJL0m6ZmCsh0l3SvphfQ8qCfqdhLa\nsrUA34iIscA44BSPlcdpwHN5B9FLXA7cFRF7AntRp8dF0hDga0BjRLyfrOfs8flGVXXXAuPblZ0J\n3BcRY4D70uuKcxLagkXEKxHxRJp+k+xD5h3DFNULSUOBI4HpeceSN0k7AB8BrgaIiHURsSLfqHLV\nF9hGUl9gAPCXnOOpqoh4EFjWrngCcF2avg44uifqdhKqE5JGAnsDj+YbSa4uA74FbMg7kF5gFLAU\n+Gk6PTld0rZ5B5WHiHgZ+AGwEHgFWBkR9+QbVa+wS0S8kqaXALv0RCVOQnVA0nbALcDpEbEq73jy\nIOmTwGsRMSfvWHqJvsA+wJURsTewmh463dLbpWsdE8gS8+7AtpI+n29UvUtkv+Xpkd/zOAlt4SRt\nRZaAmiLi1rzjydGBwKckvUR2C4+DJP0s35BytRhYHBFtLeObyZJSPToEeDEilkbEeuBW4ICcY+oN\nXpW0G0B6fq0nKnES2oJJEtk5/+ci4kd5x5OniDgrIoZGxEiyi86/iYi6/bYbEUuARZLek4oOBp7N\nMaQ8LQTGSRqQ/mcOpk47abQzC5iUpicBt/VEJU5CW7YDgS+Qfet/Mj2OyDso6zX+FWiS9BTwIeCi\nnOPJRWoN3gw8ATxN9rlYV8P3SJoB/B54j6TFkk4CLgY+IekFstbixT1St4ftMTOzvLglZGZmuXES\nMjOz3DgJmZlZbpyEzMwsN05CZmaWGychszJJak3d3p+RdJOkAWVsY3rboLKSzm4373cVivNaScdU\nYls9uU2rT05CZuVbExEfSiMvrwO+XOoGIuLkiGj7kejZ7eb5V/u2xXMSMquMh4DRAJLOSK2jZySd\nnsq2lfRrSX9M5cel8vslNUq6mGwU5yclNaV5b6VnSbokrfd0wbofS+u33ROoKf3iv0OS9pX0gKQ5\nku6WtJukPSU9VrDMSElPd7R85Q+d1bO+eQdgVuvS8P+HA3dJ2hc4EfgwIOBRSQ8AewB/iYgj0zo7\nFG4jIs6UdGpEfKhIFf9INqLBXsDOwOOSHkzz9gbeR3brgf8hGyXj4Q7i3Ar4d2BCRCxNyWxqRHxR\n0taSRkXEi8BxwA0dLQ98sZzjZFaMk5BZ+baR9GSafohsnL6vAL+IiNUAkm4F/gG4C/ihpO8Dt0fE\nQyXU8/fAjIhoJRtU8gHg74BVwGMRsTjV9SQwkg6SEPAe4P3AvanB1EB26wKAG8mSz8Xp+bguljer\nCCchs/Ktad9y6ehsWET8r6R9gCOA70m6JyLOr0AMawumW+n8f1rA3IgodhvvG4CbUtKMiHhB0gc6\nWd6sInxNyKyyHgKOTiMybwt8GnhI0u5Ac0T8jOwGasVum7A+nQIrts3jJDVIGkx2R9THiizXleeB\nwZL2h+z0nKT3AUTEn8mS2P8lS0idLm9WKW4JmVVQRDwh6Vo2JonpEfEHSYcBl0jaAKwnO23X3jTg\nKUlPRMTEgvJfAPsDfyS7sdi3ImKJpD1LjG1d6lb943RNqi/Z3WbnpkVuAC4hu7lbd5Y322weRdvM\nzHLj03FmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrlxEjIzs9w4CZmZWW7+P0PNi1lCP0XzAAAA\nAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Visualising the Random Forest Regression results (higher resolution)\n", + "X_grid = np.arange(min(X), max(X), 0.01)\n", + "X_grid = X_grid.reshape((len(X_grid), 1))\n", + "plt.scatter(X, y, color = 'red')\n", + "plt.plot(X_grid, regressor.predict(X_grid), color = 'blue')\n", + "plt.title('Truth or Bluff (Random Forest Regression)')\n", + "plt.xlabel('Position level')\n", + "plt.ylabel('Salary')\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.5.1" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/machine_learning/Random Forest Regression/random_forest_regression.py b/machine_learning/Random Forest Regression/random_forest_regression.py index 9137cb2f683c..bea92acaed0c 100644 --- a/machine_learning/Random Forest Regression/random_forest_regression.py +++ b/machine_learning/Random Forest Regression/random_forest_regression.py @@ -1,42 +1,42 @@ -# Random Forest Regression - -import matplotlib.pyplot as plt -# Importing the libraries -import numpy as np -import pandas as pd - -# Importing the dataset -dataset = pd.read_csv('Position_Salaries.csv') -X = dataset.iloc[:, 1:2].values -y = dataset.iloc[:, 2].values - -# Splitting the dataset into the Training set and Test set -"""from sklearn.cross_validation import train_test_split -X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.2, random_state = 0)""" - -# Feature Scaling -"""from sklearn.preprocessing import StandardScaler -sc_X = StandardScaler() -X_train = sc_X.fit_transform(X_train) -X_test = sc_X.transform(X_test) -sc_y = StandardScaler() -y_train = sc_y.fit_transform(y_train)""" - -# Fitting Random Forest Regression to the dataset -from sklearn.ensemble import RandomForestRegressor - -regressor = RandomForestRegressor(n_estimators=10, random_state=0) -regressor.fit(X, y) - -# Predicting a new result -y_pred = regressor.predict(6.5) - -# Visualising the Random Forest Regression results (higher resolution) -X_grid = np.arange(min(X), max(X), 0.01) -X_grid = X_grid.reshape((len(X_grid), 1)) -plt.scatter(X, y, color='red') -plt.plot(X_grid, regressor.predict(X_grid), color='blue') -plt.title('Truth or Bluff (Random Forest Regression)') -plt.xlabel('Position level') -plt.ylabel('Salary') -plt.show() +# Random Forest Regression + +import matplotlib.pyplot as plt +# Importing the libraries +import numpy as np +import pandas as pd + +# Importing the dataset +dataset = pd.read_csv('Position_Salaries.csv') +X = dataset.iloc[:, 1:2].values +y = dataset.iloc[:, 2].values + +# Splitting the dataset into the Training set and Test set +"""from sklearn.cross_validation import train_test_split +X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.2, random_state = 0)""" + +# Feature Scaling +"""from sklearn.preprocessing import StandardScaler +sc_X = StandardScaler() +X_train = sc_X.fit_transform(X_train) +X_test = sc_X.transform(X_test) +sc_y = StandardScaler() +y_train = sc_y.fit_transform(y_train)""" + +# Fitting Random Forest Regression to the dataset +from sklearn.ensemble import RandomForestRegressor + +regressor = RandomForestRegressor(n_estimators=10, random_state=0) +regressor.fit(X, y) + +# Predicting a new result +y_pred = regressor.predict(6.5) + +# Visualising the Random Forest Regression results (higher resolution) +X_grid = np.arange(min(X), max(X), 0.01) +X_grid = X_grid.reshape((len(X_grid), 1)) +plt.scatter(X, y, color='red') +plt.plot(X_grid, regressor.predict(X_grid), color='blue') +plt.title('Truth or Bluff (Random Forest Regression)') +plt.xlabel('Position level') +plt.ylabel('Salary') +plt.show() diff --git a/machine_learning/decision_tree.py b/machine_learning/decision_tree.py index e39e57731f1e..27b46d8e8bcf 100644 --- a/machine_learning/decision_tree.py +++ b/machine_learning/decision_tree.py @@ -1,141 +1,141 @@ -""" -Implementation of a basic regression decision tree. -Input data set: The input data set must be 1-dimensional with continuous labels. -Output: The decision tree maps a real number input to a real number output. -""" -from __future__ import print_function - -import numpy as np - - -class Decision_Tree: - def __init__(self, depth=5, min_leaf_size=5): - self.depth = depth - self.decision_boundary = 0 - self.left = None - self.right = None - self.min_leaf_size = min_leaf_size - self.prediction = None - - def mean_squared_error(self, labels, prediction): - """ - mean_squared_error: - @param labels: a one dimensional numpy array - @param prediction: a floating point value - return value: mean_squared_error calculates the error if prediction is used to estimate the labels - """ - if labels.ndim != 1: - print("Error: Input labels must be one dimensional") - - return np.mean((labels - prediction) ** 2) - - def train(self, X, y): - """ - train: - @param X: a one dimensional numpy array - @param y: a one dimensional numpy array. - The contents of y are the labels for the corresponding X values - - train does not have a return value - """ - - """ - this section is to check that the inputs conform to our dimensionality constraints - """ - if X.ndim != 1: - print("Error: Input data set must be one dimensional") - return - if len(X) != len(y): - print("Error: X and y have different lengths") - return - if y.ndim != 1: - print("Error: Data set labels must be one dimensional") - return - - if len(X) < 2 * self.min_leaf_size: - self.prediction = np.mean(y) - return - - if self.depth == 1: - self.prediction = np.mean(y) - return - - best_split = 0 - min_error = self.mean_squared_error(X, np.mean(y)) * 2 - - """ - loop over all possible splits for the decision tree. find the best split. - if no split exists that is less than 2 * error for the entire array - then the data set is not split and the average for the entire array is used as the predictor - """ - for i in range(len(X)): - if len(X[:i]) < self.min_leaf_size: - continue - elif len(X[i:]) < self.min_leaf_size: - continue - else: - error_left = self.mean_squared_error(X[:i], np.mean(y[:i])) - error_right = self.mean_squared_error(X[i:], np.mean(y[i:])) - error = error_left + error_right - if error < min_error: - best_split = i - min_error = error - - if best_split != 0: - left_X = X[:best_split] - left_y = y[:best_split] - right_X = X[best_split:] - right_y = y[best_split:] - - self.decision_boundary = X[best_split] - self.left = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) - self.right = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) - self.left.train(left_X, left_y) - self.right.train(right_X, right_y) - else: - self.prediction = np.mean(y) - - return - - def predict(self, x): - """ - predict: - @param x: a floating point value to predict the label of - the prediction function works by recursively calling the predict function - of the appropriate subtrees based on the tree's decision boundary - """ - if self.prediction is not None: - return self.prediction - elif self.left or self.right is not None: - if x >= self.decision_boundary: - return self.right.predict(x) - else: - return self.left.predict(x) - else: - print("Error: Decision tree not yet trained") - return None - - -def main(): - """ - In this demonstration we're generating a sample data set from the sin function in numpy. - We then train a decision tree on the data set and use the decision tree to predict the - label of 10 different test values. Then the mean squared error over this test is displayed. - """ - X = np.arange(-1., 1., 0.005) - y = np.sin(X) - - tree = Decision_Tree(depth=10, min_leaf_size=10) - tree.train(X, y) - - test_cases = (np.random.rand(10) * 2) - 1 - predictions = np.array([tree.predict(x) for x in test_cases]) - avg_error = np.mean((predictions - test_cases) ** 2) - - print("Test values: " + str(test_cases)) - print("Predictions: " + str(predictions)) - print("Average error: " + str(avg_error)) - - -if __name__ == '__main__': - main() +""" +Implementation of a basic regression decision tree. +Input data set: The input data set must be 1-dimensional with continuous labels. +Output: The decision tree maps a real number input to a real number output. +""" +from __future__ import print_function + +import numpy as np + + +class Decision_Tree: + def __init__(self, depth=5, min_leaf_size=5): + self.depth = depth + self.decision_boundary = 0 + self.left = None + self.right = None + self.min_leaf_size = min_leaf_size + self.prediction = None + + def mean_squared_error(self, labels, prediction): + """ + mean_squared_error: + @param labels: a one dimensional numpy array + @param prediction: a floating point value + return value: mean_squared_error calculates the error if prediction is used to estimate the labels + """ + if labels.ndim != 1: + print("Error: Input labels must be one dimensional") + + return np.mean((labels - prediction) ** 2) + + def train(self, X, y): + """ + train: + @param X: a one dimensional numpy array + @param y: a one dimensional numpy array. + The contents of y are the labels for the corresponding X values + + train does not have a return value + """ + + """ + this section is to check that the inputs conform to our dimensionality constraints + """ + if X.ndim != 1: + print("Error: Input data set must be one dimensional") + return + if len(X) != len(y): + print("Error: X and y have different lengths") + return + if y.ndim != 1: + print("Error: Data set labels must be one dimensional") + return + + if len(X) < 2 * self.min_leaf_size: + self.prediction = np.mean(y) + return + + if self.depth == 1: + self.prediction = np.mean(y) + return + + best_split = 0 + min_error = self.mean_squared_error(X, np.mean(y)) * 2 + + """ + loop over all possible splits for the decision tree. find the best split. + if no split exists that is less than 2 * error for the entire array + then the data set is not split and the average for the entire array is used as the predictor + """ + for i in range(len(X)): + if len(X[:i]) < self.min_leaf_size: + continue + elif len(X[i:]) < self.min_leaf_size: + continue + else: + error_left = self.mean_squared_error(X[:i], np.mean(y[:i])) + error_right = self.mean_squared_error(X[i:], np.mean(y[i:])) + error = error_left + error_right + if error < min_error: + best_split = i + min_error = error + + if best_split != 0: + left_X = X[:best_split] + left_y = y[:best_split] + right_X = X[best_split:] + right_y = y[best_split:] + + self.decision_boundary = X[best_split] + self.left = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) + self.right = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) + self.left.train(left_X, left_y) + self.right.train(right_X, right_y) + else: + self.prediction = np.mean(y) + + return + + def predict(self, x): + """ + predict: + @param x: a floating point value to predict the label of + the prediction function works by recursively calling the predict function + of the appropriate subtrees based on the tree's decision boundary + """ + if self.prediction is not None: + return self.prediction + elif self.left or self.right is not None: + if x >= self.decision_boundary: + return self.right.predict(x) + else: + return self.left.predict(x) + else: + print("Error: Decision tree not yet trained") + return None + + +def main(): + """ + In this demonstration we're generating a sample data set from the sin function in numpy. + We then train a decision tree on the data set and use the decision tree to predict the + label of 10 different test values. Then the mean squared error over this test is displayed. + """ + X = np.arange(-1., 1., 0.005) + y = np.sin(X) + + tree = Decision_Tree(depth=10, min_leaf_size=10) + tree.train(X, y) + + test_cases = (np.random.rand(10) * 2) - 1 + predictions = np.array([tree.predict(x) for x in test_cases]) + avg_error = np.mean((predictions - test_cases) ** 2) + + print("Test values: " + str(test_cases)) + print("Predictions: " + str(predictions)) + print("Average error: " + str(avg_error)) + + +if __name__ == '__main__': + main() diff --git a/machine_learning/gradient_descent.py b/machine_learning/gradient_descent.py index 357aa1c4d6cb..0404abb58e66 100644 --- a/machine_learning/gradient_descent.py +++ b/machine_learning/gradient_descent.py @@ -1,123 +1,123 @@ -""" -Implementation of gradient descent algorithm for minimizing cost of a linear hypothesis function. -""" -from __future__ import print_function, division - -import numpy - -# List of input, output pairs -train_data = (((5, 2, 3), 15), ((6, 5, 9), 25), - ((11, 12, 13), 41), ((1, 1, 1), 8), ((11, 12, 13), 41)) -test_data = (((515, 22, 13), 555), ((61, 35, 49), 150)) -parameter_vector = [2, 4, 1, 5] -m = len(train_data) -LEARNING_RATE = 0.009 - - -def _error(example_no, data_set='train'): - """ - :param data_set: train data or test data - :param example_no: example number whose error has to be checked - :return: error in example pointed by example number. - """ - return calculate_hypothesis_value(example_no, data_set) - output(example_no, data_set) - - -def _hypothesis_value(data_input_tuple): - """ - Calculates hypothesis function value for a given input - :param data_input_tuple: Input tuple of a particular example - :return: Value of hypothesis function at that point. - Note that there is an 'biased input' whose value is fixed as 1. - It is not explicitly mentioned in input data.. But, ML hypothesis functions use it. - So, we have to take care of it separately. Line 36 takes care of it. - """ - hyp_val = 0 - for i in range(len(parameter_vector) - 1): - hyp_val += data_input_tuple[i] * parameter_vector[i + 1] - hyp_val += parameter_vector[0] - return hyp_val - - -def output(example_no, data_set): - """ - :param data_set: test data or train data - :param example_no: example whose output is to be fetched - :return: output for that example - """ - if data_set == 'train': - return train_data[example_no][1] - elif data_set == 'test': - return test_data[example_no][1] - - -def calculate_hypothesis_value(example_no, data_set): - """ - Calculates hypothesis value for a given example - :param data_set: test data or train_data - :param example_no: example whose hypothesis value is to be calculated - :return: hypothesis value for that example - """ - if data_set == "train": - return _hypothesis_value(train_data[example_no][0]) - elif data_set == "test": - return _hypothesis_value(test_data[example_no][0]) - - -def summation_of_cost_derivative(index, end=m): - """ - Calculates the sum of cost function derivative - :param index: index wrt derivative is being calculated - :param end: value where summation ends, default is m, number of examples - :return: Returns the summation of cost derivative - Note: If index is -1, this means we are calculating summation wrt to biased parameter. - """ - summation_value = 0 - for i in range(end): - if index == -1: - summation_value += _error(i) - else: - summation_value += _error(i) * train_data[i][0][index] - return summation_value - - -def get_cost_derivative(index): - """ - :param index: index of the parameter vector wrt to derivative is to be calculated - :return: derivative wrt to that index - Note: If index is -1, this means we are calculating summation wrt to biased parameter. - """ - cost_derivative_value = summation_of_cost_derivative(index, m) / m - return cost_derivative_value - - -def run_gradient_descent(): - global parameter_vector - # Tune these values to set a tolerance value for predicted output - absolute_error_limit = 0.000002 - relative_error_limit = 0 - j = 0 - while True: - j += 1 - temp_parameter_vector = [0, 0, 0, 0] - for i in range(0, len(parameter_vector)): - cost_derivative = get_cost_derivative(i - 1) - temp_parameter_vector[i] = parameter_vector[i] - \ - LEARNING_RATE * cost_derivative - if numpy.allclose(parameter_vector, temp_parameter_vector, - atol=absolute_error_limit, rtol=relative_error_limit): - break - parameter_vector = temp_parameter_vector - print(("Number of iterations:", j)) - - -def test_gradient_descent(): - for i in range(len(test_data)): - print(("Actual output value:", output(i, 'test'))) - print(("Hypothesis output:", calculate_hypothesis_value(i, 'test'))) - - -if __name__ == '__main__': - run_gradient_descent() - print("\nTesting gradient descent for a linear hypothesis function.\n") - test_gradient_descent() +""" +Implementation of gradient descent algorithm for minimizing cost of a linear hypothesis function. +""" +from __future__ import print_function, division + +import numpy + +# List of input, output pairs +train_data = (((5, 2, 3), 15), ((6, 5, 9), 25), + ((11, 12, 13), 41), ((1, 1, 1), 8), ((11, 12, 13), 41)) +test_data = (((515, 22, 13), 555), ((61, 35, 49), 150)) +parameter_vector = [2, 4, 1, 5] +m = len(train_data) +LEARNING_RATE = 0.009 + + +def _error(example_no, data_set='train'): + """ + :param data_set: train data or test data + :param example_no: example number whose error has to be checked + :return: error in example pointed by example number. + """ + return calculate_hypothesis_value(example_no, data_set) - output(example_no, data_set) + + +def _hypothesis_value(data_input_tuple): + """ + Calculates hypothesis function value for a given input + :param data_input_tuple: Input tuple of a particular example + :return: Value of hypothesis function at that point. + Note that there is an 'biased input' whose value is fixed as 1. + It is not explicitly mentioned in input data.. But, ML hypothesis functions use it. + So, we have to take care of it separately. Line 36 takes care of it. + """ + hyp_val = 0 + for i in range(len(parameter_vector) - 1): + hyp_val += data_input_tuple[i] * parameter_vector[i + 1] + hyp_val += parameter_vector[0] + return hyp_val + + +def output(example_no, data_set): + """ + :param data_set: test data or train data + :param example_no: example whose output is to be fetched + :return: output for that example + """ + if data_set == 'train': + return train_data[example_no][1] + elif data_set == 'test': + return test_data[example_no][1] + + +def calculate_hypothesis_value(example_no, data_set): + """ + Calculates hypothesis value for a given example + :param data_set: test data or train_data + :param example_no: example whose hypothesis value is to be calculated + :return: hypothesis value for that example + """ + if data_set == "train": + return _hypothesis_value(train_data[example_no][0]) + elif data_set == "test": + return _hypothesis_value(test_data[example_no][0]) + + +def summation_of_cost_derivative(index, end=m): + """ + Calculates the sum of cost function derivative + :param index: index wrt derivative is being calculated + :param end: value where summation ends, default is m, number of examples + :return: Returns the summation of cost derivative + Note: If index is -1, this means we are calculating summation wrt to biased parameter. + """ + summation_value = 0 + for i in range(end): + if index == -1: + summation_value += _error(i) + else: + summation_value += _error(i) * train_data[i][0][index] + return summation_value + + +def get_cost_derivative(index): + """ + :param index: index of the parameter vector wrt to derivative is to be calculated + :return: derivative wrt to that index + Note: If index is -1, this means we are calculating summation wrt to biased parameter. + """ + cost_derivative_value = summation_of_cost_derivative(index, m) / m + return cost_derivative_value + + +def run_gradient_descent(): + global parameter_vector + # Tune these values to set a tolerance value for predicted output + absolute_error_limit = 0.000002 + relative_error_limit = 0 + j = 0 + while True: + j += 1 + temp_parameter_vector = [0, 0, 0, 0] + for i in range(0, len(parameter_vector)): + cost_derivative = get_cost_derivative(i - 1) + temp_parameter_vector[i] = parameter_vector[i] - \ + LEARNING_RATE * cost_derivative + if numpy.allclose(parameter_vector, temp_parameter_vector, + atol=absolute_error_limit, rtol=relative_error_limit): + break + parameter_vector = temp_parameter_vector + print(("Number of iterations:", j)) + + +def test_gradient_descent(): + for i in range(len(test_data)): + print(("Actual output value:", output(i, 'test'))) + print(("Hypothesis output:", calculate_hypothesis_value(i, 'test'))) + + +if __name__ == '__main__': + run_gradient_descent() + print("\nTesting gradient descent for a linear hypothesis function.\n") + test_gradient_descent() diff --git a/machine_learning/k_means_clust.py b/machine_learning/k_means_clust.py index 5e3c2252f30d..236322f4ab2e 100644 --- a/machine_learning/k_means_clust.py +++ b/machine_learning/k_means_clust.py @@ -1,183 +1,183 @@ -'''README, Author - Anurag Kumar(mailto:anuragkumarak95@gmail.com) - -Requirements: - - sklearn - - numpy - - matplotlib - -Python: - - 3.5 - -Inputs: - - X , a 2D numpy array of features. - - k , number of clusters to create. - - initial_centroids , initial centroid values generated by utility function(mentioned in usage). - - maxiter , maximum number of iterations to process. - - heterogeneity , empty list that will be filled with hetrogeneity values if passed to kmeans func. - -Usage: - 1. define 'k' value, 'X' features array and 'hetrogeneity' empty list - - 2. create initial_centroids, - initial_centroids = get_initial_centroids( - X, - k, - seed=0 # seed value for initial centroid generation, None for randomness(default=None) - ) - - 3. find centroids and clusters using kmeans function. - - centroids, cluster_assignment = kmeans( - X, - k, - initial_centroids, - maxiter=400, - record_heterogeneity=heterogeneity, - verbose=True # whether to print logs in console or not.(default=False) - ) - - - 4. Plot the loss function, hetrogeneity values for every iteration saved in hetrogeneity list. - plot_heterogeneity( - heterogeneity, - k - ) - - 5. Have fun.. - -''' -from __future__ import print_function - -import numpy as np -from sklearn.metrics import pairwise_distances - -TAG = 'K-MEANS-CLUST/ ' - - -def get_initial_centroids(data, k, seed=None): - '''Randomly choose k data points as initial centroids''' - if seed is not None: # useful for obtaining consistent results - np.random.seed(seed) - n = data.shape[0] # number of data points - - # Pick K indices from range [0, N). - rand_indices = np.random.randint(0, n, k) - - # Keep centroids as dense format, as many entries will be nonzero due to averaging. - # As long as at least one document in a cluster contains a word, - # it will carry a nonzero weight in the TF-IDF vector of the centroid. - centroids = data[rand_indices, :] - - return centroids - - -def centroid_pairwise_dist(X, centroids): - return pairwise_distances(X, centroids, metric='euclidean') - - -def assign_clusters(data, centroids): - # Compute distances between each data point and the set of centroids: - # Fill in the blank (RHS only) - distances_from_centroids = centroid_pairwise_dist(data, centroids) - - # Compute cluster assignments for each data point: - # Fill in the blank (RHS only) - cluster_assignment = np.argmin(distances_from_centroids, axis=1) - - return cluster_assignment - - -def revise_centroids(data, k, cluster_assignment): - new_centroids = [] - for i in range(k): - # Select all data points that belong to cluster i. Fill in the blank (RHS only) - member_data_points = data[cluster_assignment == i] - # Compute the mean of the data points. Fill in the blank (RHS only) - centroid = member_data_points.mean(axis=0) - new_centroids.append(centroid) - new_centroids = np.array(new_centroids) - - return new_centroids - - -def compute_heterogeneity(data, k, centroids, cluster_assignment): - heterogeneity = 0.0 - for i in range(k): - - # Select all data points that belong to cluster i. Fill in the blank (RHS only) - member_data_points = data[cluster_assignment == i, :] - - if member_data_points.shape[0] > 0: # check if i-th cluster is non-empty - # Compute distances from centroid to data points (RHS only) - distances = pairwise_distances(member_data_points, [centroids[i]], metric='euclidean') - squared_distances = distances ** 2 - heterogeneity += np.sum(squared_distances) - - return heterogeneity - - -from matplotlib import pyplot as plt - - -def plot_heterogeneity(heterogeneity, k): - plt.figure(figsize=(7, 4)) - plt.plot(heterogeneity, linewidth=4) - plt.xlabel('# Iterations') - plt.ylabel('Heterogeneity') - plt.title('Heterogeneity of clustering over time, K={0:d}'.format(k)) - plt.rcParams.update({'font.size': 16}) - plt.show() - - -def kmeans(data, k, initial_centroids, maxiter=500, record_heterogeneity=None, verbose=False): - '''This function runs k-means on given data and initial set of centroids. - maxiter: maximum number of iterations to run.(default=500) - record_heterogeneity: (optional) a list, to store the history of heterogeneity as function of iterations - if None, do not store the history. - verbose: if True, print how many data points changed their cluster labels in each iteration''' - centroids = initial_centroids[:] - prev_cluster_assignment = None - - for itr in range(maxiter): - if verbose: - print(itr, end='') - - # 1. Make cluster assignments using nearest centroids - cluster_assignment = assign_clusters(data, centroids) - - # 2. Compute a new centroid for each of the k clusters, averaging all data points assigned to that cluster. - centroids = revise_centroids(data, k, cluster_assignment) - - # Check for convergence: if none of the assignments changed, stop - if prev_cluster_assignment is not None and \ - (prev_cluster_assignment == cluster_assignment).all(): - break - - # Print number of new assignments - if prev_cluster_assignment is not None: - num_changed = np.sum(prev_cluster_assignment != cluster_assignment) - if verbose: - print(' {0:5d} elements changed their cluster assignment.'.format(num_changed)) - - # Record heterogeneity convergence metric - if record_heterogeneity is not None: - # YOUR CODE HERE - score = compute_heterogeneity(data, k, centroids, cluster_assignment) - record_heterogeneity.append(score) - - prev_cluster_assignment = cluster_assignment[:] - - return centroids, cluster_assignment - - -# Mock test below -if False: # change to true to run this test case. - import sklearn.datasets as ds - - dataset = ds.load_iris() - k = 3 - heterogeneity = [] - initial_centroids = get_initial_centroids(dataset['data'], k, seed=0) - centroids, cluster_assignment = kmeans(dataset['data'], k, initial_centroids, maxiter=400, - record_heterogeneity=heterogeneity, verbose=True) - plot_heterogeneity(heterogeneity, k) +'''README, Author - Anurag Kumar(mailto:anuragkumarak95@gmail.com) + +Requirements: + - sklearn + - numpy + - matplotlib + +Python: + - 3.5 + +Inputs: + - X , a 2D numpy array of features. + - k , number of clusters to create. + - initial_centroids , initial centroid values generated by utility function(mentioned in usage). + - maxiter , maximum number of iterations to process. + - heterogeneity , empty list that will be filled with hetrogeneity values if passed to kmeans func. + +Usage: + 1. define 'k' value, 'X' features array and 'hetrogeneity' empty list + + 2. create initial_centroids, + initial_centroids = get_initial_centroids( + X, + k, + seed=0 # seed value for initial centroid generation, None for randomness(default=None) + ) + + 3. find centroids and clusters using kmeans function. + + centroids, cluster_assignment = kmeans( + X, + k, + initial_centroids, + maxiter=400, + record_heterogeneity=heterogeneity, + verbose=True # whether to print logs in console or not.(default=False) + ) + + + 4. Plot the loss function, hetrogeneity values for every iteration saved in hetrogeneity list. + plot_heterogeneity( + heterogeneity, + k + ) + + 5. Have fun.. + +''' +from __future__ import print_function + +import numpy as np +from sklearn.metrics import pairwise_distances + +TAG = 'K-MEANS-CLUST/ ' + + +def get_initial_centroids(data, k, seed=None): + '''Randomly choose k data points as initial centroids''' + if seed is not None: # useful for obtaining consistent results + np.random.seed(seed) + n = data.shape[0] # number of data points + + # Pick K indices from range [0, N). + rand_indices = np.random.randint(0, n, k) + + # Keep centroids as dense format, as many entries will be nonzero due to averaging. + # As long as at least one document in a cluster contains a word, + # it will carry a nonzero weight in the TF-IDF vector of the centroid. + centroids = data[rand_indices, :] + + return centroids + + +def centroid_pairwise_dist(X, centroids): + return pairwise_distances(X, centroids, metric='euclidean') + + +def assign_clusters(data, centroids): + # Compute distances between each data point and the set of centroids: + # Fill in the blank (RHS only) + distances_from_centroids = centroid_pairwise_dist(data, centroids) + + # Compute cluster assignments for each data point: + # Fill in the blank (RHS only) + cluster_assignment = np.argmin(distances_from_centroids, axis=1) + + return cluster_assignment + + +def revise_centroids(data, k, cluster_assignment): + new_centroids = [] + for i in range(k): + # Select all data points that belong to cluster i. Fill in the blank (RHS only) + member_data_points = data[cluster_assignment == i] + # Compute the mean of the data points. Fill in the blank (RHS only) + centroid = member_data_points.mean(axis=0) + new_centroids.append(centroid) + new_centroids = np.array(new_centroids) + + return new_centroids + + +def compute_heterogeneity(data, k, centroids, cluster_assignment): + heterogeneity = 0.0 + for i in range(k): + + # Select all data points that belong to cluster i. Fill in the blank (RHS only) + member_data_points = data[cluster_assignment == i, :] + + if member_data_points.shape[0] > 0: # check if i-th cluster is non-empty + # Compute distances from centroid to data points (RHS only) + distances = pairwise_distances(member_data_points, [centroids[i]], metric='euclidean') + squared_distances = distances ** 2 + heterogeneity += np.sum(squared_distances) + + return heterogeneity + + +from matplotlib import pyplot as plt + + +def plot_heterogeneity(heterogeneity, k): + plt.figure(figsize=(7, 4)) + plt.plot(heterogeneity, linewidth=4) + plt.xlabel('# Iterations') + plt.ylabel('Heterogeneity') + plt.title('Heterogeneity of clustering over time, K={0:d}'.format(k)) + plt.rcParams.update({'font.size': 16}) + plt.show() + + +def kmeans(data, k, initial_centroids, maxiter=500, record_heterogeneity=None, verbose=False): + '''This function runs k-means on given data and initial set of centroids. + maxiter: maximum number of iterations to run.(default=500) + record_heterogeneity: (optional) a list, to store the history of heterogeneity as function of iterations + if None, do not store the history. + verbose: if True, print how many data points changed their cluster labels in each iteration''' + centroids = initial_centroids[:] + prev_cluster_assignment = None + + for itr in range(maxiter): + if verbose: + print(itr, end='') + + # 1. Make cluster assignments using nearest centroids + cluster_assignment = assign_clusters(data, centroids) + + # 2. Compute a new centroid for each of the k clusters, averaging all data points assigned to that cluster. + centroids = revise_centroids(data, k, cluster_assignment) + + # Check for convergence: if none of the assignments changed, stop + if prev_cluster_assignment is not None and \ + (prev_cluster_assignment == cluster_assignment).all(): + break + + # Print number of new assignments + if prev_cluster_assignment is not None: + num_changed = np.sum(prev_cluster_assignment != cluster_assignment) + if verbose: + print(' {0:5d} elements changed their cluster assignment.'.format(num_changed)) + + # Record heterogeneity convergence metric + if record_heterogeneity is not None: + # YOUR CODE HERE + score = compute_heterogeneity(data, k, centroids, cluster_assignment) + record_heterogeneity.append(score) + + prev_cluster_assignment = cluster_assignment[:] + + return centroids, cluster_assignment + + +# Mock test below +if False: # change to true to run this test case. + import sklearn.datasets as ds + + dataset = ds.load_iris() + k = 3 + heterogeneity = [] + initial_centroids = get_initial_centroids(dataset['data'], k, seed=0) + centroids, cluster_assignment = kmeans(dataset['data'], k, initial_centroids, maxiter=400, + record_heterogeneity=heterogeneity, verbose=True) + plot_heterogeneity(heterogeneity, k) diff --git a/machine_learning/linear_regression.py b/machine_learning/linear_regression.py index e43fd171623f..c45a8f1e7d65 100644 --- a/machine_learning/linear_regression.py +++ b/machine_learning/linear_regression.py @@ -1,108 +1,108 @@ -""" -Linear regression is the most basic type of regression commonly used for -predictive analysis. The idea is preety simple, we have a dataset and we have -a feature's associated with it. The Features should be choose very cautiously -as they determine, how much our model will be able to make future predictions. -We try to set these Feature weights, over many iterations, so that they best -fits our dataset. In this particular code, i had used a CSGO dataset (ADR vs -Rating). We try to best fit a line through dataset and estimate the parameters. -""" -from __future__ import print_function - -import numpy as np -import requests - - -def collect_dataset(): - """ Collect dataset of CSGO - The dataset contains ADR vs Rating of a Player - :return : dataset obtained from the link, as matrix - """ - response = requests.get('https://raw.githubusercontent.com/yashLadha/' + - 'The_Math_of_Intelligence/master/Week1/ADRvs' + - 'Rating.csv') - lines = response.text.splitlines() - data = [] - for item in lines: - item = item.split(',') - data.append(item) - data.pop(0) # This is for removing the labels from the list - dataset = np.matrix(data) - return dataset - - -def run_steep_gradient_descent(data_x, data_y, - len_data, alpha, theta): - """ Run steep gradient descent and updates the Feature vector accordingly_ - :param data_x : contains the dataset - :param data_y : contains the output associated with each data-entry - :param len_data : length of the data_ - :param alpha : Learning rate of the model - :param theta : Feature vector (weight's for our model) - ;param return : Updated Feature's, using - curr_features - alpha_ * gradient(w.r.t. feature) - """ - n = len_data - - prod = np.dot(theta, data_x.transpose()) - prod -= data_y.transpose() - sum_grad = np.dot(prod, data_x) - theta = theta - (alpha / n) * sum_grad - return theta - - -def sum_of_square_error(data_x, data_y, len_data, theta): - """ Return sum of square error for error calculation - :param data_x : contains our dataset - :param data_y : contains the output (result vector) - :param len_data : len of the dataset - :param theta : contains the feature vector - :return : sum of square error computed from given feature's - """ - prod = np.dot(theta, data_x.transpose()) - prod -= data_y.transpose() - sum_elem = np.sum(np.square(prod)) - error = sum_elem / (2 * len_data) - return error - - -def run_linear_regression(data_x, data_y): - """ Implement Linear regression over the dataset - :param data_x : contains our dataset - :param data_y : contains the output (result vector) - :return : feature for line of best fit (Feature vector) - """ - iterations = 100000 - alpha = 0.0001550 - - no_features = data_x.shape[1] - len_data = data_x.shape[0] - 1 - - theta = np.zeros((1, no_features)) - - for i in range(0, iterations): - theta = run_steep_gradient_descent(data_x, data_y, - len_data, alpha, theta) - error = sum_of_square_error(data_x, data_y, len_data, theta) - print('At Iteration %d - Error is %.5f ' % (i + 1, error)) - - return theta - - -def main(): - """ Driver function """ - data = collect_dataset() - - len_data = data.shape[0] - data_x = np.c_[np.ones(len_data), data[:, :-1]].astype(float) - data_y = data[:, -1].astype(float) - - theta = run_linear_regression(data_x, data_y) - len_result = theta.shape[1] - print('Resultant Feature vector : ') - for i in range(0, len_result): - print('%.5f' % (theta[0, i])) - - -if __name__ == '__main__': - main() +""" +Linear regression is the most basic type of regression commonly used for +predictive analysis. The idea is preety simple, we have a dataset and we have +a feature's associated with it. The Features should be choose very cautiously +as they determine, how much our model will be able to make future predictions. +We try to set these Feature weights, over many iterations, so that they best +fits our dataset. In this particular code, i had used a CSGO dataset (ADR vs +Rating). We try to best fit a line through dataset and estimate the parameters. +""" +from __future__ import print_function + +import numpy as np +import requests + + +def collect_dataset(): + """ Collect dataset of CSGO + The dataset contains ADR vs Rating of a Player + :return : dataset obtained from the link, as matrix + """ + response = requests.get('https://raw.githubusercontent.com/yashLadha/' + + 'The_Math_of_Intelligence/master/Week1/ADRvs' + + 'Rating.csv') + lines = response.text.splitlines() + data = [] + for item in lines: + item = item.split(',') + data.append(item) + data.pop(0) # This is for removing the labels from the list + dataset = np.matrix(data) + return dataset + + +def run_steep_gradient_descent(data_x, data_y, + len_data, alpha, theta): + """ Run steep gradient descent and updates the Feature vector accordingly_ + :param data_x : contains the dataset + :param data_y : contains the output associated with each data-entry + :param len_data : length of the data_ + :param alpha : Learning rate of the model + :param theta : Feature vector (weight's for our model) + ;param return : Updated Feature's, using + curr_features - alpha_ * gradient(w.r.t. feature) + """ + n = len_data + + prod = np.dot(theta, data_x.transpose()) + prod -= data_y.transpose() + sum_grad = np.dot(prod, data_x) + theta = theta - (alpha / n) * sum_grad + return theta + + +def sum_of_square_error(data_x, data_y, len_data, theta): + """ Return sum of square error for error calculation + :param data_x : contains our dataset + :param data_y : contains the output (result vector) + :param len_data : len of the dataset + :param theta : contains the feature vector + :return : sum of square error computed from given feature's + """ + prod = np.dot(theta, data_x.transpose()) + prod -= data_y.transpose() + sum_elem = np.sum(np.square(prod)) + error = sum_elem / (2 * len_data) + return error + + +def run_linear_regression(data_x, data_y): + """ Implement Linear regression over the dataset + :param data_x : contains our dataset + :param data_y : contains the output (result vector) + :return : feature for line of best fit (Feature vector) + """ + iterations = 100000 + alpha = 0.0001550 + + no_features = data_x.shape[1] + len_data = data_x.shape[0] - 1 + + theta = np.zeros((1, no_features)) + + for i in range(0, iterations): + theta = run_steep_gradient_descent(data_x, data_y, + len_data, alpha, theta) + error = sum_of_square_error(data_x, data_y, len_data, theta) + print('At Iteration %d - Error is %.5f ' % (i + 1, error)) + + return theta + + +def main(): + """ Driver function """ + data = collect_dataset() + + len_data = data.shape[0] + data_x = np.c_[np.ones(len_data), data[:, :-1]].astype(float) + data_y = data[:, -1].astype(float) + + theta = run_linear_regression(data_x, data_y) + len_result = theta.shape[1] + print('Resultant Feature vector : ') + for i in range(0, len_result): + print('%.5f' % (theta[0, i])) + + +if __name__ == '__main__': + main() diff --git a/machine_learning/logistic_regression.py b/machine_learning/logistic_regression.py index 1c018f53dd56..6f0b9002f7d0 100644 --- a/machine_learning/logistic_regression.py +++ b/machine_learning/logistic_regression.py @@ -1,101 +1,101 @@ -#!/usr/bin/python -# -*- coding: utf-8 -*- - -## Logistic Regression from scratch - -# In[62]: - -# In[63]: - -# importing all the required libraries - -''' Implementing logistic regression for classification problem - Helpful resources : 1.Coursera ML course 2.https://medium.com/@martinpella/logistic-regression-from-scratch-in-python-124c5636b8ac''' - -import matplotlib.pyplot as plt -import numpy as np -from sklearn import datasets - - -# get_ipython().run_line_magic('matplotlib', 'inline') - - -# In[67]: - -# sigmoid function or logistic function is used as a hypothesis function in classification problems - -def sigmoid_function(z): - return 1 / (1 + np.exp(-z)) - - -def cost_function(h, y): - return (-y * np.log(h) - (1 - y) * np.log(1 - h)).mean() - - -# here alpha is the learning rate, X is the feature matrix,y is the target matrix - -def logistic_reg( - alpha, - X, - y, - max_iterations=70000, -): - converged = False - iterations = 0 - theta = np.zeros(X.shape[1]) - - while not converged: - z = np.dot(X, theta) - h = sigmoid_function(z) - gradient = np.dot(X.T, h - y) / y.size - theta = theta - alpha * gradient - - z = np.dot(X, theta) - h = sigmoid_function(z) - J = cost_function(h, y) - - iterations += 1 # update iterations - - if iterations == max_iterations: - print('Maximum iterations exceeded!') - print('Minimal cost function J=', J) - converged = True - - return theta - - -# In[68]: - -if __name__ == '__main__': - iris = datasets.load_iris() - X = iris.data[:, :2] - y = (iris.target != 0) * 1 - - alpha = 0.1 - theta = logistic_reg(alpha, X, y, max_iterations=70000) - print(theta) - - - def predict_prob(X): - return sigmoid_function(np.dot(X, theta)) # predicting the value of probability from the logistic regression algorithm - - - plt.figure(figsize=(10, 6)) - plt.scatter(X[y == 0][:, 0], X[y == 0][:, 1], color='b', label='0') - plt.scatter(X[y == 1][:, 0], X[y == 1][:, 1], color='r', label='1') - (x1_min, x1_max) = (X[:, 0].min(), X[:, 0].max()) - (x2_min, x2_max) = (X[:, 1].min(), X[:, 1].max()) - (xx1, xx2) = np.meshgrid(np.linspace(x1_min, x1_max), - np.linspace(x2_min, x2_max)) - grid = np.c_[xx1.ravel(), xx2.ravel()] - probs = predict_prob(grid).reshape(xx1.shape) - plt.contour( - xx1, - xx2, - probs, - [0.5], - linewidths=1, - colors='black', - ) - - plt.legend() +#!/usr/bin/python +# -*- coding: utf-8 -*- + +## Logistic Regression from scratch + +# In[62]: + +# In[63]: + +# importing all the required libraries + +''' Implementing logistic regression for classification problem + Helpful resources : 1.Coursera ML course 2.https://medium.com/@martinpella/logistic-regression-from-scratch-in-python-124c5636b8ac''' + +import matplotlib.pyplot as plt +import numpy as np +from sklearn import datasets + + +# get_ipython().run_line_magic('matplotlib', 'inline') + + +# In[67]: + +# sigmoid function or logistic function is used as a hypothesis function in classification problems + +def sigmoid_function(z): + return 1 / (1 + np.exp(-z)) + + +def cost_function(h, y): + return (-y * np.log(h) - (1 - y) * np.log(1 - h)).mean() + + +# here alpha is the learning rate, X is the feature matrix,y is the target matrix + +def logistic_reg( + alpha, + X, + y, + max_iterations=70000, +): + converged = False + iterations = 0 + theta = np.zeros(X.shape[1]) + + while not converged: + z = np.dot(X, theta) + h = sigmoid_function(z) + gradient = np.dot(X.T, h - y) / y.size + theta = theta - alpha * gradient + + z = np.dot(X, theta) + h = sigmoid_function(z) + J = cost_function(h, y) + + iterations += 1 # update iterations + + if iterations == max_iterations: + print('Maximum iterations exceeded!') + print('Minimal cost function J=', J) + converged = True + + return theta + + +# In[68]: + +if __name__ == '__main__': + iris = datasets.load_iris() + X = iris.data[:, :2] + y = (iris.target != 0) * 1 + + alpha = 0.1 + theta = logistic_reg(alpha, X, y, max_iterations=70000) + print(theta) + + + def predict_prob(X): + return sigmoid_function(np.dot(X, theta)) # predicting the value of probability from the logistic regression algorithm + + + plt.figure(figsize=(10, 6)) + plt.scatter(X[y == 0][:, 0], X[y == 0][:, 1], color='b', label='0') + plt.scatter(X[y == 1][:, 0], X[y == 1][:, 1], color='r', label='1') + (x1_min, x1_max) = (X[:, 0].min(), X[:, 0].max()) + (x2_min, x2_max) = (X[:, 1].min(), X[:, 1].max()) + (xx1, xx2) = np.meshgrid(np.linspace(x1_min, x1_max), + np.linspace(x2_min, x2_max)) + grid = np.c_[xx1.ravel(), xx2.ravel()] + probs = predict_prob(grid).reshape(xx1.shape) + plt.contour( + xx1, + xx2, + probs, + [0.5], + linewidths=1, + colors='black', + ) + + plt.legend() diff --git a/machine_learning/perceptron.py b/machine_learning/perceptron.py index f5aab282e876..63c4331c2d54 100644 --- a/machine_learning/perceptron.py +++ b/machine_learning/perceptron.py @@ -1,123 +1,123 @@ -''' - - Perceptron - w = w + N * (d(k) - y) * x(k) - - Using perceptron network for oil analysis, - with Measuring of 3 parameters that represent chemical characteristics we can classify the oil, in p1 or p2 - p1 = -1 - p2 = 1 - -''' -from __future__ import print_function - -import random - - -class Perceptron: - def __init__(self, sample, exit, learn_rate=0.01, epoch_number=1000, bias=-1): - self.sample = sample - self.exit = exit - self.learn_rate = learn_rate - self.epoch_number = epoch_number - self.bias = bias - self.number_sample = len(sample) - self.col_sample = len(sample[0]) - self.weight = [] - - def trannig(self): - for sample in self.sample: - sample.insert(0, self.bias) - - for i in range(self.col_sample): - self.weight.append(random.random()) - - self.weight.insert(0, self.bias) - - epoch_count = 0 - - while True: - erro = False - for i in range(self.number_sample): - u = 0 - for j in range(self.col_sample + 1): - u = u + self.weight[j] * self.sample[i][j] - y = self.sign(u) - if y != self.exit[i]: - - for j in range(self.col_sample + 1): - self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] - erro = True - # print('Epoch: \n',epoch_count) - epoch_count = epoch_count + 1 - # if you want controle the epoch or just by erro - if erro == False: - print(('\nEpoch:\n', epoch_count)) - print('------------------------\n') - # if epoch_count > self.epoch_number or not erro: - break - - def sort(self, sample): - sample.insert(0, self.bias) - u = 0 - for i in range(self.col_sample + 1): - u = u + self.weight[i] * sample[i] - - y = self.sign(u) - - if y == -1: - print(('Sample: ', sample)) - print('classification: P1') - else: - print(('Sample: ', sample)) - print('classification: P2') - - def sign(self, u): - return 1 if u >= 0 else -1 - - -samples = [ - [-0.6508, 0.1097, 4.0009], - [-1.4492, 0.8896, 4.4005], - [2.0850, 0.6876, 12.0710], - [0.2626, 1.1476, 7.7985], - [0.6418, 1.0234, 7.0427], - [0.2569, 0.6730, 8.3265], - [1.1155, 0.6043, 7.4446], - [0.0914, 0.3399, 7.0677], - [0.0121, 0.5256, 4.6316], - [-0.0429, 0.4660, 5.4323], - [0.4340, 0.6870, 8.2287], - [0.2735, 1.0287, 7.1934], - [0.4839, 0.4851, 7.4850], - [0.4089, -0.1267, 5.5019], - [1.4391, 0.1614, 8.5843], - [-0.9115, -0.1973, 2.1962], - [0.3654, 1.0475, 7.4858], - [0.2144, 0.7515, 7.1699], - [0.2013, 1.0014, 6.5489], - [0.6483, 0.2183, 5.8991], - [-0.1147, 0.2242, 7.2435], - [-0.7970, 0.8795, 3.8762], - [-1.0625, 0.6366, 2.4707], - [0.5307, 0.1285, 5.6883], - [-1.2200, 0.7777, 1.7252], - [0.3957, 0.1076, 5.6623], - [-0.1013, 0.5989, 7.1812], - [2.4482, 0.9455, 11.2095], - [2.0149, 0.6192, 10.9263], - [0.2012, 0.2611, 5.4631] - -] - -exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] - -network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) - -network.trannig() - -while True: - sample = [] - for i in range(3): - sample.insert(i, float(input('value: '))) - network.sort(sample) +''' + + Perceptron + w = w + N * (d(k) - y) * x(k) + + Using perceptron network for oil analysis, + with Measuring of 3 parameters that represent chemical characteristics we can classify the oil, in p1 or p2 + p1 = -1 + p2 = 1 + +''' +from __future__ import print_function + +import random + + +class Perceptron: + def __init__(self, sample, exit, learn_rate=0.01, epoch_number=1000, bias=-1): + self.sample = sample + self.exit = exit + self.learn_rate = learn_rate + self.epoch_number = epoch_number + self.bias = bias + self.number_sample = len(sample) + self.col_sample = len(sample[0]) + self.weight = [] + + def trannig(self): + for sample in self.sample: + sample.insert(0, self.bias) + + for i in range(self.col_sample): + self.weight.append(random.random()) + + self.weight.insert(0, self.bias) + + epoch_count = 0 + + while True: + erro = False + for i in range(self.number_sample): + u = 0 + for j in range(self.col_sample + 1): + u = u + self.weight[j] * self.sample[i][j] + y = self.sign(u) + if y != self.exit[i]: + + for j in range(self.col_sample + 1): + self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] + erro = True + # print('Epoch: \n',epoch_count) + epoch_count = epoch_count + 1 + # if you want controle the epoch or just by erro + if erro == False: + print(('\nEpoch:\n', epoch_count)) + print('------------------------\n') + # if epoch_count > self.epoch_number or not erro: + break + + def sort(self, sample): + sample.insert(0, self.bias) + u = 0 + for i in range(self.col_sample + 1): + u = u + self.weight[i] * sample[i] + + y = self.sign(u) + + if y == -1: + print(('Sample: ', sample)) + print('classification: P1') + else: + print(('Sample: ', sample)) + print('classification: P2') + + def sign(self, u): + return 1 if u >= 0 else -1 + + +samples = [ + [-0.6508, 0.1097, 4.0009], + [-1.4492, 0.8896, 4.4005], + [2.0850, 0.6876, 12.0710], + [0.2626, 1.1476, 7.7985], + [0.6418, 1.0234, 7.0427], + [0.2569, 0.6730, 8.3265], + [1.1155, 0.6043, 7.4446], + [0.0914, 0.3399, 7.0677], + [0.0121, 0.5256, 4.6316], + [-0.0429, 0.4660, 5.4323], + [0.4340, 0.6870, 8.2287], + [0.2735, 1.0287, 7.1934], + [0.4839, 0.4851, 7.4850], + [0.4089, -0.1267, 5.5019], + [1.4391, 0.1614, 8.5843], + [-0.9115, -0.1973, 2.1962], + [0.3654, 1.0475, 7.4858], + [0.2144, 0.7515, 7.1699], + [0.2013, 1.0014, 6.5489], + [0.6483, 0.2183, 5.8991], + [-0.1147, 0.2242, 7.2435], + [-0.7970, 0.8795, 3.8762], + [-1.0625, 0.6366, 2.4707], + [0.5307, 0.1285, 5.6883], + [-1.2200, 0.7777, 1.7252], + [0.3957, 0.1076, 5.6623], + [-0.1013, 0.5989, 7.1812], + [2.4482, 0.9455, 11.2095], + [2.0149, 0.6192, 10.9263], + [0.2012, 0.2611, 5.4631] + +] + +exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] + +network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) + +network.trannig() + +while True: + sample = [] + for i in range(3): + sample.insert(i, float(input('value: '))) + network.sort(sample) diff --git a/machine_learning/reuters_one_vs_rest_classifier.ipynb b/machine_learning/reuters_one_vs_rest_classifier.ipynb index 968130a6053a..531c729d3749 100644 --- a/machine_learning/reuters_one_vs_rest_classifier.ipynb +++ b/machine_learning/reuters_one_vs_rest_classifier.ipynb @@ -1,405 +1,405 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "try:\n", - " import nltk\n", - "except ModuleNotFoundError:\n", - " !pip install nltk" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [], - "source": [ - "## This code downloads the required packages.\n", - "## You can run `nltk.download('all')` to download everything.\n", - "\n", - "nltk_packages = [\n", - " (\"reuters\", \"corpora/reuters.zip\")\n", - "]\n", - "\n", - "for pid, fid in nltk_packages:\n", - " try:\n", - " nltk.data.find(fid)\n", - " except LookupError:\n", - " nltk.download(pid)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Setting up corpus" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [], - "source": [ - "from nltk.corpus import reuters" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Setting up train/test data" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "train_documents, train_categories = zip(*[(reuters.raw(i), reuters.categories(i)) for i in reuters.fileids() if i.startswith('training/')])\n", - "test_documents, test_categories = zip(*[(reuters.raw(i), reuters.categories(i)) for i in reuters.fileids() if i.startswith('test/')])" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "all_categories = sorted(list(set(reuters.categories())))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The following cell defines a function **tokenize** that performs following actions:\n", - "- Receive a document as an argument to the function\n", - "- Tokenize the document using `nltk.word_tokenize()`\n", - "- Use `PorterStemmer` provided by the `nltk` to remove morphological affixes from each token\n", - "- Append stemmed token to an already defined list `stems`\n", - "- Return the list `stems`" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [], - "source": [ - "from nltk.stem.porter import PorterStemmer\n", - "def tokenize(text):\n", - " tokens = nltk.word_tokenize(text)\n", - " stems = []\n", - " for item in tokens:\n", - " stems.append(PorterStemmer().stem(item))\n", - " return stems" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To begin, I first used TF-IDF for feature selection on both train as well as test data using `TfidfVectorizer`.\n", - "\n", - "But first, What `TfidfVectorizer` actually does?\n", - "- `TfidfVectorizer` converts a collection of raw documents to a matrix of **TF-IDF** features.\n", - "\n", - "**TF-IDF**?\n", - "- TFIDF (abbreviation of the term *frequency–inverse document frequency*) is a numerical statistic that is intended to reflect how important a word is to a document in a collection or corpus. [tf–idf](https://en.wikipedia.org/wiki/Tf%E2%80%93idf)\n", - "\n", - "**Why `TfidfVectorizer`**?\n", - "- `TfidfVectorizer` scale down the impact of tokens that occur very frequently (e.g., “a”, “the”, and “of”) in a given corpus. [Feature Extraction and Transformation](https://spark.apache.org/docs/latest/mllib-feature-extraction.html#tf-idf)\n", - "\n", - "I gave following two arguments to `TfidfVectorizer`:\n", - "- tokenizer: `tokenize` function\n", - "- stop_words\n", - "\n", - "Then I used `fit_transform` and `transform` on the train and test documents repectively.\n", - "\n", - "**Why `fit_transform` for training data while `transform` for test data**?\n", - "\n", - "To avoid data leakage during cross-validation, imputer computes the statistic on the train data during the `fit`, **stores it** and uses the same on the test data, during the `transform`. This also prevents the test data from appearing in `fit` operation." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "from sklearn.feature_extraction.text import TfidfVectorizer\n", - "\n", - "vectorizer = TfidfVectorizer(tokenizer = tokenize, stop_words = 'english')\n", - "\n", - "vectorised_train_documents = vectorizer.fit_transform(train_documents)\n", - "vectorised_test_documents = vectorizer.transform(test_documents)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "For the **efficient implementation** of machine learning algorithms, many machine learning algorithms **requires all input variables and output variables to be numeric**. This means that categorical data must be converted to a numerical form.\n", - "\n", - "For this purpose, I used `MultiLabelBinarizer` from `sklearn.preprocessing`." - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "from sklearn.preprocessing import MultiLabelBinarizer\n", - "\n", - "mlb = MultiLabelBinarizer()\n", - "train_labels = mlb.fit_transform(train_categories)\n", - "test_labels = mlb.transform(test_categories)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now, To **train** the classifier, I used `LinearSVC` in combination with the `OneVsRestClassifier` function in the scikit-learn package.\n", - "\n", - "The strategy of `OneVsRestClassifier` is of **fitting one classifier per label** and the `OneVsRestClassifier` can efficiently do this task and also outputs are easy to interpret. Since each label is represented by **one and only one classifier**, it is possible to gain knowledge about the label by inspecting its corresponding classifier. [OneVsRestClassifier](http://scikit-learn.org/stable/modules/multiclass.html#one-vs-the-rest)\n", - "\n", - "The reason I combined `LinearSVC` with `OneVsRestClassifier` is because `LinearSVC` supports **Multi-class**, while we want to perform **Multi-label** classification." - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [], - "source": [ - "%%capture\n", - "from sklearn.multiclass import OneVsRestClassifier\n", - "from sklearn.svm import LinearSVC\n", - "\n", - "classifier = OneVsRestClassifier(LinearSVC())\n", - "classifier.fit(vectorised_train_documents, train_labels)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "After fitting the classifier, I decided to use `cross_val_score` to **measure score** of the classifier by **cross validation** on the training data. But the only problem was, I wanted to **shuffle** data to use with `cross_val_score`, but it does not support shuffle argument.\n", - "\n", - "So, I decided to use `KFold` with `cross_val_score` as `KFold` supports shuffling the data.\n", - "\n", - "I also enabled `random_state`, because `random_state` will guarantee the same output in each run. By setting the `random_state`, it is guaranteed that the pseudorandom number generator will generate the same sequence of random integers each time, which in turn will affect the split.\n", - "\n", - "Why **42**?\n", - "- [Why '42' is the preferred number when indicating something random?](https://softwareengineering.stackexchange.com/questions/507/why-42-is-the-preferred-number-when-indicating-something-random)" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [], - "source": [ - "%%capture\n", - "from sklearn.model_selection import KFold, cross_val_score\n", - "\n", - "kf = KFold(n_splits=10, random_state = 42, shuffle = True)\n", - "scores = cross_val_score(classifier, vectorised_train_documents, train_labels, cv = kf)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Cross-validation scores: [0.83655084 0.86743887 0.8043758 0.83011583 0.83655084 0.81724582\n", - " 0.82754183 0.8030888 0.80694981 0.82731959]\n", - "Cross-validation accuracy: 0.8257 (+/- 0.0368)\n" - ] - } - ], - "source": [ - "print('Cross-validation scores:', scores)\n", - "print('Cross-validation accuracy: {:.4f} (+/- {:.4f})'.format(scores.mean(), scores.std() * 2))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In the end, I used different methods (`accuracy_score`, `precision_score`, `recall_score`, `f1_score` and `confusion_matrix`) provided by scikit-learn **to evaluate** the classifier. (both *Macro-* and *Micro-averages*)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [], - "source": [ - "%%capture\n", - "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, confusion_matrix\n", - "\n", - "predictions = classifier.predict(vectorised_test_documents)\n", - "\n", - "accuracy = accuracy_score(test_labels, predictions)\n", - "\n", - "macro_precision = precision_score(test_labels, predictions, average='macro')\n", - "macro_recall = recall_score(test_labels, predictions, average='macro')\n", - "macro_f1 = f1_score(test_labels, predictions, average='macro')\n", - "\n", - "micro_precision = precision_score(test_labels, predictions, average='micro')\n", - "micro_recall = recall_score(test_labels, predictions, average='micro')\n", - "micro_f1 = f1_score(test_labels, predictions, average='micro')\n", - "\n", - "cm = confusion_matrix(test_labels.argmax(axis = 1), predictions.argmax(axis = 1))" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy: 0.8099\n", - "Precision:\n", - "- Macro: 0.6076\n", - "- Micro: 0.9471\n", - "Recall:\n", - "- Macro: 0.3708\n", - "- Micro: 0.7981\n", - "F1-measure:\n", - "- Macro: 0.4410\n", - "- Micro: 0.8662\n" - ] - } - ], - "source": [ - "print(\"Accuracy: {:.4f}\\nPrecision:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\\nRecall:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\\nF1-measure:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\".format(accuracy, macro_precision, micro_precision, macro_recall, micro_recall, macro_f1, micro_f1))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In below cell, I used `matplotlib.pyplot` to **plot the confusion matrix** (of first *few results only* to keep the readings readable) using `heatmap` of `seaborn`." - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABSUAAAV0CAYAAAAhI3i0AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl8lOW5//HvPUlYVRRRIQkVW1xarYUWUKsiFQvUqnSlP0+1ttXD6XGptlW7aGu1p9upnurpplgFl8qiPXUFi2AtUBGIEiAQQBCKCRFXVHAhJPfvjxnoCDPPMpPMM3fuz/v1mhfJJN9c1/XMTeaZJ8/MGGutAAAAAAAAAKBUUkk3AAAAAAAAAMAvHJQEAAAAAAAAUFIclAQAAAAAAABQUhyUBAAAAAAAAFBSHJQEAAAAAAAAUFIclAQAAAAAAABQUokdlDTGjDPGrDHGrDPGfC9m9nZjzIvGmIYC6g40xvzNGNNojFlpjLk0RraHMWaxMWZZJnttAfUrjDFLjTEPF5DdaIxZYYypN8bUxczub4y5zxizOjP7CRFzR2bq7bq8YYy5LGbtb2W2V4MxZqoxpkeM7KWZ3MoodXOtDWNMX2PMY8aYZzP/HhAj+8VM7XZjzLCYdX+V2d7LjTF/McbsHyP7k0yu3hgz2xhTHad21tcuN8ZYY0y/GLV/bIxpzrrNT49T1xhzSeb/9kpjzH/HqDs9q+ZGY0x9nJmNMUOMMU/t+v9hjBkRI/sRY8zCzP+vh4wx++XJ5vz9EWWNBWSjrrF8+dB1FpANXWf5sllfz7vGAupGXWN5a4ets4DaoessIBt1jeXLh64zk+d+xhhzmDFmUWaNTTfGdIuRvdik72uDfhfky/4ps50bTPr/TlXM/G2Z65ab9H3QPlGzWV//jTFmW8y6U4wxG7Ju6yEx88YY81NjzNrM7fjNGNn5WXU3G2Puj5EdbYx5JpNdYIwZHCN7aibbYIy5wxhTmWvmrJ/znv2RKGssIBu6xgKykdZYnmzo+grKZ12fd40F1I60xvJkQ9dXQDZ0fYXkQ9dYQDbyGjM59llN9P2xXNmo95W5spH2xwLykfbJcmWzvha2P5arbtT7ypx1TYT9sYDakfbJ8mSj3lfmykbaH8t8716PbWKssVzZqGssVzbqPn+ubJx9/ryP5yKssVy1o66xnHWjrLE8dePs8+fKR11jubJR9sVyPv6Nsb7y5UPXWEA28u8xwDnW2pJfJFVIWi/p/ZK6SVom6UMx8iMlfVRSQwG1B0j6aObjfSWtjVpbkpG0T+bjKkmLJB0fs/63Jd0j6eECet8oqV+B2/wOSRdkPu4maf8Cb7cXJB0aI1MjaYOknpnPZ0j6asTsMZIaJPWSVClpjqTD464NSf8t6XuZj78n6Zcxsh+UdKSkJyQNi1l3jKTKzMe/jFl3v6yPvynp5ji1M9cPlPRXSf/Mt27y1P6xpMsj3D65sp/I3E7dM58fHKfnrK/fIOlHMWvPlvSpzMenS3oiRnaJpFMyH39d0k/yZHP+/oiyxgKyUddYvnzoOgvIhq6zfNkoayygbtQ1li8fus6C+g5bZwF1o66xfPnQdaY89zNK/+78f5nrb5b0nzGyQyUNUsB9SED29MzXjKSpueqG5LPX2P8o8/8kSjbz+TBJd0naFrPuFElfiLDG8uW/JulOSamANRa6TyDpz5K+EqPuWkkfzFx/oaQpEbMfl/S8pCMy118n6fyQ2d+zPxJljQVkQ9dYQDbSGsuTDV1fQfkoayygdqQ1licbur6Ceg5bXyG1Q9dYrqzSJzJEXmO51oKi74/lyka9r8yVjbQ/FpCPtE+Wb/0r2v5Yrro/VrT7ylzZSPtjQX1nfT3vPlme2lHvK3NlI+2PZb6+12ObGGssVzbqGsuVjbrPnysbZ58/5+O5iGssV+2oayxXNuo+f+Bj0KD1FVA76hrLlY28xjLfs/vxb9T1FZCPtMbyZCP/HuPCxbVLUmdKjpC0zlr7nLV2h6RpksZHDVtr50l6tZDC1toWa+0zmY/flNSo9IGzKFlrrd31l/SqzMVGrW2MqZX0aUl/jNV0kTJ/ARop6TZJstbusNZuLeBHjZa03lr7z5i5Skk9Tfov6r0kbY6Y+6Ckp6y1b1lrd0r6u6TPBgXyrI3xSt8pKfPvZ6JmrbWN1to1YY3myc7O9C1JT0mqjZF9I+vT3gpYZwH/H34t6coCs6HyZP9T0i+ste9mvufFuHWNMUbSBKUfnMapbSXt+mtnH+VZZ3myR0qal/n4MUmfz5PN9/sjdI3ly8ZYY/nyoessIBu6zkJ+ZwausWJ+34bkQ9dZWO2gdRaQjbrG8uVD11nA/cypku7LXJ9vjeXMWmuXWms35uo1QnZm5mtW0mLl/z2WL/+GtHt791TuNZYza4ypkPQrpddYrL6DZo2Y/09J11lr2zPfl2uNBdY2xuyr9O2215lsAdnQNZYn2ybpXWvt2sz1eX+PZXp7z/5I5vYJXWO5spmeQtdYQDbSGsuTDV1fQfkoayxfNqo82dD1FVY3aH2F5CP9HsuRPVAx1lgekfbHcol6X5knG2l/LCAfeZ8sj9D9sU4QaX8sTJR9shwirbE8Iu2PBTy2CV1j+bJR1lhANnSNBWQjra+Qx3OBa6yYx4IB2dA1FlY3bH0F5EPXWEA20hrLkv34t5DfYbvzBfwey84W9XsMKGdJHZSsUfqvrbs0KcYD1Y5ijBmk9F/3F8XIVGROMX9R0mPW2shZSTcqfYfRHiOTzUqabYx52hgzMUbu/ZJekjTZpJ+G80djTO8C6v8/xdspkbW2WdL1kjZJapH0urV2dsR4g6SRxpgDjTG9lP5L2MA49TMOsda2ZPppkXRwAT+jWF+XNCtOwKSf2vW8pC9L+lHM7FmSmq21y+LkslyceXrA7fmempDHEZJONumnAP7dGDO8gNonS9pirX02Zu4ySb/KbLPrJX0/RrZB0lmZj7+oCOtsj98fsdZYIb97IuZD19me2TjrLDsbd43l6DnWGtsjH2ud5dlekdbZHtnYa2yPfKR1tuf9jNLPLNiatTOa9z6zmPuooKxJP6X2XEmPxs0bYyYr/Zf+oyT9Jkb2YkkP7vq/VUDfP82ssV8bY7rHzH9A0pdM+mlhs4wxh8esLaX/iDZ3jwecYdkLJM00xjQpvb1/ESWr9MG8qqyng31Bwb/H9twfOVAR11iObBx5sxHWWM5slPUVkI+0xgL6jrLGcmUjra+AulLI+grIR1pjObIvK94ay7XPGvW+stD93SjZsPvJnPmI95V7ZWPcV+brO8p9Za5snPvJoG0Wdl+ZKxv1vjJXNur+WL7HNlHWWDGPi6Jk862xvNmI6ytnPuIaC+o7bI3ly0ZZY2HbK2x95ctHWWP5snH3+bMf/xbymDL24+cI2diPK4FyltRBSZPjulL+9VAm/bpDf5Z0WcgO3XtYa9ustUOU/uvECGPMMRHrnSHpRWvt0wU1nHaitfajkj4l6SJjzMiIuUqln676B2vtUEnblT7lPDKTfm2psyTdGzN3gNJ/VTpMUrWk3saYc6JkrbWNSp+e/pjSD1KWSdoZGCpDxpirlO77T3Fy1tqrrLUDM7mLY9TrJekqxTyQmeUPSj9gGqL0geQbYmQrJR2g9NMQr5A0wxiT6/97kLNV2J33f0r6VmabfUuZv4xG9HWl/089rfTTbXcEfXOhvz+KzQblo6yzXNmo6yw7m6kTeY3lqBtrjeXIR15nAds7dJ3lyMZaYznykdbZnvczSp81vte3RclGvY+KkP29pHnW2vlx89baryn9+79R0pciZkcq/WAh6CBTUN3vK32QarikvpK+GzPfXdI71tphkm6VdHucmTMC11ie7LcknW6trZU0WemnJIdmJR2t9IOXXxtjFkt6U3nuL/Psj0TaLytmXyZCNu8aC8pGWV+58ib9um2hayygdugaC8iGrq8I2ytwfQXkQ9dYrqy11iriGssodJ+107IR98dy5iPeV+bKRr2vzJWNel+ZKxtnfyxoe4fdV+bKRr2vzJWNuj9WzGObTsuGrLG82YjrK1f+x4q2xvLVjrLG8mWjrLGwbR22vvLlo6yxfNnI+/yFPv7tiHy+bKGPK4GyZhN4zrikEyT9Nevz70v6fsyfMUgFvKZkJlul9OtufLvIOa5RhNfhyHzvz5U+82Cj0n/Rf0vS3UXU/nGM2v0lbcz6/GRJj8SsN17S7AL6/KKk27I+/4qk3xc4888kXRh3bUhaI2lA5uMBktbEXVeK8NofubKSzpO0UFKvuNmsrx0attaz85I+rPTZMxszl51Kn6nav4Dagf/PcmzrRyWNyvp8vaSDYmyvSklbJNUWcDu/LslkPjaS3ihwex8haXFAdq/fH1HXWK5szDWWMx9lnQXVDltne2bjrLEIdcPWWK7tHWmdBWyv0HWWp26cNRY2d+A6y/q+a5Te2X9Z/3otoffch4ZkL8/6fKMivi5xdjbz8f3KvP5d3HzWdacowuspZ7LXKH1fuWuNtSv9si+F1B0VpW52XtJqSYOybuvXY26zAyW9IqlHjLpXKP00rV3XvU/SqgJnHiNpRp7vz7U/8qcoayxP9u6sr+ddY0HZsDUWVjdsfeXJvxZljUWsnXON5ctGWV8h2yt0feXJPxJljUWcOe8ay/Hzfqz0/6vI+2N7ZrM+f0IRXottz6wi7o8F1c5cF7pPlpX9oWLsj4XUHRSj7uWKsT8WsM0i75PtUTvyfWXIzHnvJ5XnsU2UNZYvG2WNBWXD1lhY3bD1lSc/N8oai1g75xoL2Nahayxke0XZF8tXO3SNRZw5bJ//PY9/o6yvoHyUNRaUDVtjXLi4eknqTMklkg436Xd67Kb0X14fLEXhzF9wbpPUaK3NeQZCQPYgk3mnK2NMT0mnKb1jGcpa+31rba21dpDS8z5urY10xmCmXm+Tfv0gZU49H6P06edRar8g6XljzJGZq0ZLWhW1dkahZ69tknS8MaZXZtuPVvpshkiMMQdn/n2fpM8V2MODSv8SV+bfBwr4GbEZY8YpfebEWdbat2Jms5/KdZYirjNJstausNYebK0dlFlvTUq/6cYLEWsPyPr0s4q4zjLuV/o1rmSMOULpF5V+OUb+NEmrrbVNMTK7bFb6QakyPUR++nfWOktJulrpN3nI9X35fn+ErrFifvcE5aOss4Bs6DrLlY26xgLqRlpjAdssdJ2FbO/AdRaQjbTGAuYOXWd57mcaJf1N6adLSvnXWMH3UfmyxpgLJI2VdLbNvP5djPwak3ln38w2OTNXP3myT1tr+2etsbestbneiTpf3wOy6n5G+ddYvm22e40pfZuvjZGV0n+Qe9ha+06Muo2S+mTWtCR9UjnuLwNm3rW+uiv9OyHn77E8+yNfVoQ1Vsy+TL5slDWWKyvp3CjrK6D2AVHWWEDfoWssYHuFrq+QbR24vgK22XhFWGMBM0daYwH7rFHuKwve382Xjbo/FpCPcl+ZK7sk4n1lvrqh95UB2yvS/ljI9g67r8yXDb2vDJg50v5YwGOb0DVWzOOifNkoaywgG2mfP0/+mShrLKB26BoL2F6hayxkW4fu8wfkQ9dYwMyR1ljGno9/4z6mLPTx817ZqL/HACeV4shnrovSrw+4Vum/qlwVMztV6VPMW5X+5Rv4DpN7ZE9S+ilJyyXVZy6nR8weK2lpJtuggHcKC/k5oxTz3beVfl2MZZnLygK22RBJdZne75d0QIxsL6X/It+nwHmvVfoOtkHpd7jsHiM7X+k7n2WSRheyNpQ+o2Cu0ndYcyX1jZH9bObjd5X+a17Os5PyZNcp/dqpu9ZZvndrzJX9c2Z7LZf0kNJvSlLQ/wcFn7mSq/ZdklZkaj+ozF8EI2a7KX0WSIOkZySdGqdnpd/N9BsF3s4nSXo6s1YWSfpYjOylSv8+Wqv062uZPNmcvz+irLGAbNQ1li8fus4CsqHrLF82yhoLqBt1jeXLh66zoL7D1llA3ahrLF8+dJ0pz/2M0vcBizO3973K8Xs0IPvNzBrbqfSO/B9jZHcqfT+9a45878C6V17pl4j5R+a2blD6bLz9otbe43vyvft2vr4fz6p7tzLvVh0jv7/SZ2OsUPqshI/E6VvpsyDGBayxfHU/m6m5LPMz3h8j+yulDzCtUfolAwJ/j2Yyo/Svd2UOXWMB2dA1FpCNtMb2zEZdX0G1o6yxgL4jrbE82dD1FdRz2PoKqR26xgKykdaY8uyzKtp9Zb5s6H1lQDbq/li+fJT7ytD9dOW/r8xXN/S+MiAbdX8sb98Kv6/MVzv0vjIgG2l/LPO9ez22ibLGArJR98dyZaOusVzZOPv8gY/n8q2xgNpR98dyZaOusZw9h62vkNpR98dyZaPu8+/1+Dfq+grIR11jubKR1hgXLi5edp32DAAAAAAAAAAlkdTTtwEAAAAAAAB4ioOSAAAAAAAAAEqKg5IAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEoq8YOSxpiJrmWTrO1j3z7OnGRtZnanNjO7U5uZ3anNzO7U9rFvH2dOsjYzu1Obmd2pzcylzwPlLPGDkpKK+Q+WVDbJ2j727ePMSdZmZndqM7M7tZnZndrM7E5tH/v2ceYkazOzO7WZ2Z3azFz6PFC2yuGgJAAAAAAAAACPGGttpxZ4/WunBRaYsqZZXz2yJufXDvxTY+DPbm/frlSqd0F9FZNNsraPffs4c5K1u+LMpohslN+QLm7vcr2tOjObZG1mdqc2M7tT28e+fZw5ydrM7E5tZnanNjN3bH7njuawhzpean35uc490OWYqn7vL9t1kvhBySBhByUBIIpifgNzbwYAAACgHHFQMjcOSr5XOR+U5OnbAAAAAAAAAEqKg5IAAAAAAAAASoqDkgAAAAAAAABKKu5BySMl1Wdd3pB02R7fc5SkhZLelXR5sQ1KUrdu3XTPn/6g1asW6MkFD2nqPTdrc9MyrVv7lBY9NUtLn5mjRU/N0idGnRjp540dM0orG+Zp9aoFuvKKi2L1klQ2ydqu9n3rpBu0uWmZ6pfOjZXriNouZrt3766F/3hYT9c9pmX1j+uaH32nZLWTXGPPrn1KS5+Zo7ols/XUwpklq+vq/ysf+/Zx5mLyrv7uTbK2j327OrOr69vH28rHvn2cOcnazOxH367ODDjDWlvopcJa+4K19tA9rj/YWjvcWvtTa+3lW7862ka9vP6df7OtjfW7P6+oqrYVVdX2oou/b2++5U5bUVVtz/7yN+zcx+fbYcPH2HXrNtja9w21FVXV9tghn7BNTZt3Z/JdqrrX2nXrNtjBRxxve/Q61NYvW2mPOfaU0FySWfourPaoT3zWDhs+xq5oaIycSbrvJLdXRVW13W//wbaiqtp27/k+u2jR0/bjJ55R9n1HyVcGXDZs2GQP6X903q+7OnO5ZV3t28eZi827+LvX19vKxWzStV1c3z7eVj727ePMrvbt48yu9u3CzEUcz+nSlx1b1lou/7okfXsEXULPlDTGHGWM+a4x5n+NMTdlPv6gpNGS1kv65x6RFyUtkdS658+qOmG0ev/wt9rn2pvV47zLJBPtRM2zzhyju+66V5L05z8/omM//CG9+tpWvf3OO2pp2SJJWrlyjXr06KFu3boF/qwRw4dq/fqN2rBhk1pbWzVjxgM668yxkfpIKkvfhdWev2CRXn1ta+TvL4e+k9xekrR9+1uSpKqqSlVWVcnaaG9a5uoaK4arM9M3M3d23sXfvUnW9rFvV2eW3FzfPt5WPvbt48yu9u3jzK727erMgEsCjwoaY74raZokI2mx0gcbjaSpTz755E8lTY1caMD7VDVilLb/7FJtu+YbUnu7qk4YHSlbXdNfzzdtliS1tbXp9dff0AH793nP93zuc59WfX2DduzYEflnSVJTc4uqq/vH7qOU2SRru9p3sVzc3h2xvVKplOqWzFZL83LNnTtPi5csLfu+i81bazVr5lQtemqWLjj/yyWp6+r/Kx/79nHmjsgXytWZ6duPmYvl4vZ29bbysW8fZ06yNjP70berMwMuqQz5+vmSjrbWvuesx+uuu+43Rx111BuSzsgVMsZMvOGGGyZu27atrc+aZn31yBpVfmioKg49XPv86Hfpb6rqLvtG+i/NvS7+sVIH9ZcqqpQ68GDtc+3NkqTzKn6nO+6cIWPMXjWyz9/60IeO0M9/+gN96tP/Fjpwzp8V8WywpLJJ1na172K5uL07Ynu1t7dr2PAx6tNnP/353tt09NFHauXKNZ1aO8k1JkmnjPqMWlq26KCDDtSjs6Zp9Zp1WrBgUafWdfX/lY99+zhzR+QL5erM9F26bNK1i+Hi9nb1tvKxbx9nTrI2M8fLJlnbx5kBl4QdlGyXVK09nqI9duzYsxsaGt4ZOXLkllwha+2kTG7b6xvm/Sp9rdGOJx/Tu/fdttf3v/XbH6e/48BD1OuCK7X9l+k32LjjT42SpOamFg2srVZzc4sqKirUp89+2rr1dUlSTc0A3Xfvbfra1y/Vc8/t+Uzyve36WbvU1gzY/RTwcs0mWdvVvovl4vbuyO31+utv6O/znky/uHKEg5KurjFJu7/3pZde0f0PzNLw4UMiHZR0dWb6ZuZS5Avl6sz07cfMxXJxe7t6W/nYt48zJ1mbmf3o29WZAZeEvajjZZLmGmNmGWMmZS6PtrS0/PqVV165OU6hnY3PqGrYyTL77i9JMr33lTnw4EjZhx6erXPP/aIk6fOf/7T+9sQ/JEkVqQo9+MCduurqn+vJhXWRftaSunoNHnyYBg0aqKqqKk2YMF4PPTy7rLP0XVjtYri4vYvdXv369VWfPvtJknr06KHRp56sNWvWl33fxeR79eqpffbpvfvjT552SqSDsMXWdfX/lY99+zhzR+QL5erM9O3HzMVycXu7elv52LePM7vat48zu9q3qzNDkm3nkn0pY4FnSlprHzXGHCFphKQaSebII498afz48f9njLku61u/kfn3Zkn9JdVJ2k9S+743TNWbV52v9s2b9O7/TVHvy3+RfoObtp16+67fqO2VF0ObvH3yNN0x5X+1etUCvfbaVm3Z8pIWzHtQBx/cT8YY3XD9j3XVDy6TJH3q9LP10kuv5P1ZbW1tuvSyqzXzkXtUkUppyh3TtWrV2tAekszSd2G1777rdzpl5Anq16+vNj5Xp2uvu16Tp0wr676T3F4DBhyi22+7URUVKaVSKd1330N6ZOacsu+7mPwhhxyk++5Nn71dUVmhadPu1+zZT3R6XVf/X/nYt48zF5t38XdvkrV97NvVmSU317ePt5WPffs4s6t9+zizq327OjPgEtPZr0vw+tdOK7jAgZmnbwNAMfZ+RZboeOUWAAAAAOVo547mYh7qdFmtW9bwMC5L1SFHlu06CXv6NgAAAAAAAAB0KA5KAgAAAAAAACipsHffBgAAAAAAANzQXt5v7oJ/4UxJAAAAAAAAACXV6WdKHnTP6oKzKVP4a3G2d/Ib+ABwB78NAAAAAAAoL5wpCQAAAAAAAKCkOCgJAAAAAAAAoKQ4KAkAAAAAAACgpHj3bQAAAAAAAHQJ1vLu265I7EzJiy8+X0ufmaP6pXN1ySXnh37/pFuuV9Pz9Vr6zJzd133+c59W/dK5euftTfroR4+NXHvsmFFa2TBPq1ct0JVXXBSr76SySdamb3f69nHmJGszsx99+zhzkrWZ2Y++fZw5ydrM7EffPs5cW1utObPv1YrlT2hZ/eO65OLwx5UdVZvbyo++XZ0ZcIa1tlMvVd1q7J6XIUNOtQ0NjXa/Ph+wPXq+z86ZO89+8EMn7fV92ZdPnPo5O3zEWNvQ0Lj7ug8fe4o9+piT7RNPPGmPO/5T7/n+iqrqnJeq7rV23boNdvARx9sevQ619ctW2mOOPSXv95dDlr7pm5nLrzYz+9G3jzO72rePM7vat48zu9q3jzO72rePM1dUVduagUPssOFjbEVVte1zwOF2zdr1Zd+3r7eVi327MHNnH89x9fJuc4Pl8q9L0rdH0CWRMyWPOmqwFi1aqrfffkdtbW2aP+8pjR8/LjCzYMEivfba1vdct3r1Oq1d+1ys2iOGD9X69Ru1YcMmtba2asaMB3TWmWPLOkvf9N3ZWfp2J0vf7mTp250sfbuTpW93svTtTtblvl944UUtrW+QJG3btl2rVz+rmur+Zd23r7eVi327OjPgkoIPShpjvlZoduWqNTr55OPUt+/+6tmzh8aNO1W1tdWF/rhYqmv66/mmzbs/b2puUXXEO66ksknWpu/S1mZmP/r2ceYkazOzH337OHOStZnZj759nDnJ2swcv+9shx5aqyEfOUaLFi/t9NrcVn707erMgEuKeaObayVNLiS4evU6/er632vWzKnatm27lq9YpZ07dxbRSnTGmL2us9aWdTbJ2vRd2trMHC+bZG1mjpdNsjYzx8smWZuZ42WTrM3M8bJJ1mbmeNkkazNzvGy23r17acb0W/Xty6/Rm29u6/Ta3FbxsknW9nFmSGrnjW5cEXhQ0hizPN+XJB0SkJsoaaIkVVTsr1RF772+Z8qUaZoyZZok6SfXfVdNzS0RWy5Oc1OLBmadlVlbM0AtLVvKOptkbfoubW1m9qNvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrM3M8fuWpMrKSt07/VZNnfoX3X//rMg5V2embzeySdcGXBH29O1DJH1F0pk5Lq/kC1lrJ1lrh1lrh+U6IClJBx10oCRp4MBqfeYzn9L06Q/E774AS+rqNXjwYRo0aKCqqqo0YcJ4PfTw7LLO0jd9d3aWvt3J0rc7Wfp2J0vf7mTp250sfbuTdblvSbp10g1qXL1ON940KVbO1Znp241s0rUBV4Q9ffthSftYa+v3/IIx5oliCk+fNkkHHniAWlt36puXXqWtW18P/P677vytRo48Qf369dVz65foup/coNde3apf//onOuigvnrg/ju0bPlKnXHGOYE/p62tTZdedrVmPnKPKlIpTbljulatWhup56Sy9E3fnZ2lb3ey9O1Olr7dydK3O1n6didL3+5kXe77xI8P17nnfEHLV6xS3ZL0AZsf/vAXmvXo42Xbt6+3lYt9uzoz4BI2RzUVAAAgAElEQVTT2a9L0K17bSIvfNDO6y0AAAAAAIAuaueO5r1ffBLa0bSCA0JZutV+uGzXSTFvdAMAAAAAAACUD8sb3bgi7DUlAQAAAAAAAKBDcVASAAAAAAAAQElxUBIAAAAAAABASXFQEgAAAAAAAEBJdfob3ST1LtgpU9ybC/Hu3QAAAAAAAI5pb0u6A0TEmZIAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEqKg5IAAAAAAAAASiqxg5K3TrpBm5uWqX7p3ILyY8eM0sqGeVq9aoGuvOKiWNmLLz5fS5+Zo/qlc3XJJeeXrG4x2SRr+9h3kuuT28qPvl2cuba2WnNm36sVy5/QsvrHdcnF8X5/FlPb1WyStX3s28eZk6zNzH707ePMSdZmZvbZy7m2j327OjPgDGttp14qqqptrsuoT3zWDhs+xq5oaMz59aBLVfdau27dBjv4iONtj16H2vplK+0xx57y3u/pVpPzMmTIqbahodHu1+cDtkfP99k5c+fZD37opL2+r9C6xfTcWXn6jt93Z6/PcsvStzvZJGvXDBxihw0fYyuqqm2fAw63a9aud6JvH28rH/v2cWZX+/ZxZlf79nFmV/v2ceaKKvbZ6bt8s6Wq3dnHc1y9vLthieXyr0vSt0fQJfRMSWPMUcaY0caYffa4flwxB0PnL1ikV1/bWlB2xPChWr9+ozZs2KTW1lbNmPGAzjpzbKTsUUcN1qJFS/X22++ora1N8+c9pfHjo41STN1isknW9rXvpNYnt5Uffbs68wsvvKil9Q2SpG3btmv16mdVU92/7Pv28bbysW8fZ3a1bx9ndrVvH2d2tW8fZ5bYZ6fv8s0mXRtwReBBSWPMNyU9IOkSSQ3GmPFZX/5ZZzYWpLqmv55v2rz786bmFlVHfGC8ctUanXzycerbd3/17NlD48adqtra6k6vW0w2ydq+9l0MV2embzeySdfe5dBDazXkI8do0eKlkTMubm9Xbysf+/Zx5iRrM7Mfffs4c5K1mZl99nKu7WPfrs4MuKQy5Ov/Lulj1tptxphBku4zxgyy1t4kyeQLGWMmSpooSaaij1Kp3h3U7u6fv9d11tpI2dWr1+lX1/9es2ZO1bZt27V8xSrt3Lmz0+sWk02ytq99F8PVmenbjWzStSWpd+9emjH9Vn378mv05pvbIudc3N6u3lY+9u3jzEnWZuZ42SRrM3O8bJK1mTletliuzkzfbmSTrg24Iuzp2xXW2m2SZK3dKGmUpE8ZY/5HAQclrbWTrLXDrLXDOvqApCQ1N7VoYNbZjbU1A9TSsiVyfsqUaTru+E9p9Glf0GuvbtW6dRs6vW6xPSdV29e+i+HqzPTtRjbp2pWVlbp3+q2aOvUvuv/+WZFzxdZ2MZtkbR/79nHmJGszsx99+zhzkrWZmX32cq7tY9+uzgy4JOyg5AvGmCG7PskcoDxDUj9JH+7MxoIsqavX4MGHadCggaqqqtKECeP10MOzI+cPOuhASdLAgdX6zGc+penTH+j0usX2nFRtX/suhqsz07cb2aRr3zrpBjWuXqcbb5oUOZN03z7eVj727ePMrvbt48yu9u3jzK727ePMxXJ1Zvp2I5t0be+1t3PJvpSxsKdvf0XSe57bbK3dKekrxphbiil8912/0ykjT1C/fn218bk6XXvd9Zo8ZVqkbFtbmy697GrNfOQeVaRSmnLHdK1atTZy7enTJunAAw9Qa+tOffPSq7R16+udXrfYnpOq7WvfSa1Pbis/+nZ15hM/PlznnvMFLV+xSnVL0jtFP/zhLzTr0cfLum8fbysf+/ZxZlf79nFmV/v2cWZX+/ZxZol9dvou32zStQFXmM5+XYLKbjWJvPBByuR9dnkk7bxeAwAAAAAAKFM7dzQXd+Cji9rx3GIO6GTp9v4RZbtOwp6+DQAAAAAAAAAdioOSAAAAAAAAAEoq7DUlAQAAAAAAACdYW95v7oJ/4UxJAAAAAAAAACXVZc+ULPaNaipTFQVnd7a3FVUbACSpmFcj5pWdAQAAAADljDMlAQAAAAAAAJQUByUBAAAAAAAAlBQHJQEAAAAAAACUVJd9TUkAAAAAAAB4pp1333ZFImdK1tZWa87se7Vi+RNaVv+4Lrn4/Ng/Y+yYUVrZME+rVy3QlVdc1GnZW275lTZtekZPP/3Y7us+/OEP6okn/qK6utn6859v17777tPpPRebTyqbZG0f+3Z15lsn3aDNTctUv3RurFxH1HYxK0l9+uynadMmacWKv2v58id0/HEfK0ltV9cYM/vRt48zJ1mbmf3o28eZk6zNzH707ePMxeSLPX7g4swdURtwgrW2Uy8VVdV2z0vNwCF22PAxtqKq2vY54HC7Zu16e8yxp+z1ffkuVd1r7bp1G+zgI463PXodauuXrYycj5rt3n2g7d59oB09+vP2uOM+ZRsaVu++bsmSenvaaV+w3bsPtBMnfsf+7Gc37v5a9+4DO7znUs1M38nX9nHmiqpqO+oTn7XDho+xKxoaI2eS7rsU2cqAy513zrATJ37HVlZV2569DrUH9jvqPV8vt5ld2N7MnHxtZvajbx9ndrVvH2d2tW8fZ3a1bx9nLjZfzPEDV2eOmu3s4zmuXt5Z+w/L5V+XpG+PoEsiZ0q+8MKLWlrfIEnatm27Vq9+VjXV/SPnRwwfqvXrN2rDhk1qbW3VjBkP6Kwzx3ZKdsGCxXrtta3vue6II96v+fMXSZLmzp2vz3zm9E7tudh8Uln6diebdO35Cxbp1T3+n5V730lur3333UcnnXScbp88VZLU2tqq119/o+z7dnF7+zizq337OLOrffs4s6t9+zizq337OLOrffs4c7H5Yo4fuDpzsbUBV4QelDTGjDDGDM98/CFjzLeNMeFH4SI69NBaDfnIMVq0eGnkTHVNfz3ftHn3503NLaqO+EupmOwuK1eu0RlnfFKS9LnPfVq1tQM6vW5SM9N3aWv7OHOxXNzexW6v97//UL388iu67Y+/1pLFf9UtN/9KvXr1LPu+XdzePs6cZG1m9qNvH2dOsjYz+9G3jzMnWZuZS9t3trjHD1ydOcnHV0ApBR6UNMZcI+l/Jf3BGPNzSb+VtI+k7xljriq2eO/evTRj+q369uXX6M03t0XOGWP2us5a2+nZXf7jP67QN75xnp588hHtu+8+2rGjtdPrJjUzfZe2to8zF8vF7V3s9qqsqNDQoR/WLbfcqeEjxmr79rd05ZUXd3ptV9cYM8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV62I/JSYccPXJ05ycdXXYJt55J9KWNh7779BUlDJHWX9IKkWmvtG8aYX0laJOmnuULGmImSJkqSqeijVKr33oUrK3Xv9Fs1depfdP/9s2I13dzUooG11bs/r60ZoJaWLZ2e3WXt2vU644xzJEmDBx+mceNO7fS6Sc1M36Wt7ePMxXJxexe7vZqaW9TU1KLFS9J/If7z/z2iK6+IdlDSxzXGzH707ePMSdZmZj/69nHmJGszsx99+zhzR+QLPX7g6sxJPr4CSins6ds7rbVt1tq3JK231r4hSdbatyXlPdxqrZ1krR1mrR2W64CklH633cbV63TjTZNiN72krl6DBx+mQYMGqqqqShMmjNdDD8/u9OwuBx10oKT0Xy++//1v6o9/vLvT6yY1M32707erMxfLxe1d7PbasuUlNTVt1hFHfECSdOqpJ6mxcW3Z9+3i9vZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/v2ceaOyBd6/MDVmZN8fAWUUtiZkjuMMb0yByU/tutKY0wfBRyUDHPix4fr3HO+oOUrVqluSfo/1g9/+AvNevTxSPm2tjZdetnVmvnIPapIpTTljulatSraA/K42Tvv/I1OPvkE9et3gNatW6T/+q//Ue/evfWNb3xFknT//Y/qjjtmdGrPxeaTytK3O9mka9991+90ysgT1K9fX218rk7XXne9Jk+ZVtZ9J7m9JOmyb/1Qd97xG3XrVqXnNmzSBRd8u+z7dnF7+zizq337OLOrffs4s6t9+zizq337OLOrffs4c7H5Yo4fuDpzRzxeAFxggl6XwBjT3Vr7bo7r+0kaYK1dEVagsluNky98UJmqKDi7s72tAzsB4Ku9X0kmOid/8QIAAACIbOeO5mIeMnRZ765dwMOhLN2POKls10ngmZK5Dkhmrn9Z0sud0hEAAAAAAABQCE4Uc0bYa0oCAAAAAAAAQIfioCQAAAAAAACAkuKgJAAAAAAAAICS4qAkAAAAAAAAgJIKfKMbnxXzDtq8Yy6AjsDvAwAAAABAV8VBSQAAAAAAAHQNtj3pDhART98GAAAAAAAAUFIclAQAAAAAAABQUhyUBAAAAAAAADxkjLndGPOiMaYh67q+xpjHjDHPZv49IHO9Mcb8rzFmnTFmuTHmo1mZ8zLf/6wx5rwotRM5KNm9e3ct/MfDerruMS2rf1zX/Og7sX/G2DGjtLJhnlavWqArr7jIiewRR3xAdUtm77688vJqffOSC8q+72KySdYuJnvrpBu0uWmZ6pfOjZXriNrcVn707ePMSdZmZj/69nHmYvepXJw5ydo+9u3jzEnWZmY/+vZx5mLyrt7XJV0biGGKpHF7XPc9SXOttYdLmpv5XJI+JenwzGWipD9I6YOYkq6RdJykEZKu2XUgM4ixtnPf37WyW03OAr1799L27W+psrJS8574i7717Wu0aPEzkX5mKpVS48r5Gnf62WpqatFTC2fqnHMvVGPjs2WRjfLu26lUSv/c+LROPOkMbdrUvPv6fLdGuc9cbrWL7fvkk47Ttm3bNXnyTRoydHSkTNJ9+3pbudi3jzO72rePM7vat48z71LoPpWrM9O3G1n6didL3+5kfe1bcu++rlS1d+5ojnL4wTvvrpzbuQe6HNP96NGh68QYM0jSw9baYzKfr5E0ylrbYowZIOkJa+2RxphbMh9Pzf6+XRdr7X9krn/P9+UT+0xJY8ydcTO5bN/+liSpqqpSlVVVinNwdMTwoVq/fqM2bNik1tZWzZjxgM46c2xZZ/d06qkn6bnn/vmeA5Ll2HexM7va9/wFi/Tqa1sjf3859O3rbeVi3z7O7GrfPs7sat8+zrxLoftUrs5M325k6dudLH27k/W1b8m9+7qkawMd4BBrbYskZf49OHN9jaTns76vKXNdvusDBR6UNMY8uMflIUmf2/V59FlyFE6lVLdktlqal2vu3HlavGRp5Gx1TX8937R59+dNzS2qru5f1tk9fWnCeE2ffn/k73d1Zlf7LoarM9O3G9kka/vYt48zJ1mbmQu7vyp0n8rVmenbjWyStX3s28eZk6zNzKXtW3Lvvi7p2kA2Y8xEY0xd1mViMT8ux3U24PpAYWdK1kp6Q9L/SLohc3kz6+OCtbe3a9jwMTr0sGEaPmyojj76yMhZY/aeNepfSpLKZquqqtIZZ4zRfX9+OHLG1Zld7bsYrs5M325kk6ztY98+zpxkbWaOl92l0H0qV2embzeySdb2sW8fZ06yNjPHy3ZE3rX7uqRrA9mstZOstcOyLpMixLZknratzL8vZq5vkjQw6/tqJW0OuD5Q2EHJYZKelnSVpNettU9Ietta+3dr7d/zhbKPwra3bw8s8Prrb+jv857U2DGjwnrdrbmpRQNrq3d/XlszQC0tW8o6m23cuE9o6dIVevHFlyNnXJ3Z1b6L4erM9O1GNsnaPvbt48xJ1mbm4u6v4u5TuTozfbuRTbK2j337OHOStZm5tH1nc+W+LunaQAd4UNKud9A+T9IDWdd/JfMu3McrfaywRdJfJY0xxhyQeYObMZnrAgUelLTWtltrfy3pa5KuMsb8VlJl2A/NPgqbSvXe6+v9+vVVnz77SZJ69Oih0aeerDVr1of92N2W1NVr8ODDNGjQQFVVVWnChPF66OHZZZ3N9qUvfSbWU7eT7LvYmV3tuxiuzkzfbmTp250sfbuTdbnvYvapXJ2Zvt3I0rc7Wfp2J+tr3y7e1yVd23u2nUv2JYQxZqqkhZKONMY0GWPOl/QLSZ80xjwr6ZOZzyVppqTnJK2TdKukCyXJWvuqpJ9IWpK5XJe5LlDoAcbMD2+S9EVjzKeVfjp3UQYMOES333ajKipSSqVSuu++h/TIzDmR821tbbr0sqs185F7VJFKacod07Vq1dqyzu7Ss2cPnTZ6pC688Luxcq7O7Grfd9/1O50y8gT169dXG5+r07XXXa/JU6aVdd++3lYu9u3jzK727ePMrvbt48xScftUrs5M325k6dudLH27k/W1bxfv65KuDcRhrT07z5dG5/heK+miPD/ndkm3x6ltOvt1CSq71Xj3wgeh77UewLuNBQAAAAAAYtu5o7mYww9d1rsNj3FoJUv3Yz5Ztusk7DUlAQAAAAAAAKBDcVASAAAAAAAAQElxUBIAAAAAAABASUV6oxsAAAAAAACg7LWHv+M0ygMHJTsBr6gKAAAAAAAA5MfTtwEAAAAAAACUFAclAQAAAAAAAJQUByUBAAAAAAAAlBSvKQkAAAAAAIAuwdq2pFtARJwpCQAAAAAAAKCkEjsoeeukG7S5aZnql84tKD92zCitbJin1asW6MorLury2SRr07c7ffs4c5K1mdmPvn2cOcnazOxH3z7OnGRtZvajbx9nTrI2M/vRt6szA64w1tpOLVDZrSZngZNPOk7btm3X5Mk3acjQ0bF+ZiqVUuPK+Rp3+tlqamrRUwtn6pxzL1Rj47NdMkvf9M3M5Vebmf3o28eZXe3bx5ld7dvHmV3t28eZXe3bx5ld7dvHmV3t24WZd+5oNpGa8cw7y2Z27oEux/T4yOllu05inSlpjDnJGPNtY8yYYgvPX7BIr762taDsiOFDtX79Rm3YsEmtra2aMeMBnXXm2C6bpW/67uwsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXBB6UNMYszvr43yX9VtK+kq4xxnyvk3vLq7qmv55v2rz786bmFlVX9++y2SRr03dpazOzH337OHOStZnZj759nDnJ2szsR98+zpxkbWb2o28fZ06yto8zQ5Jt55J9KWNhZ0pWZX08UdInrbXXShoj6cv5QsaYicaYOmNMXXv79g5oc6+fv9d1UZ+G7mI2ydr0XdrazBwvm2RtZo6XTbI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV42ydo+zgy4pDLk6yljzAFKH7w01tqXJMlau90YszNfyFo7SdIkKf9rShajualFA2urd39eWzNALS1bumw2ydr0XdrazOxH3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48yAS8LOlOwj6WlJdZL6GmP6S5IxZh9Jib1Q5pK6eg0efJgGDRqoqqoqTZgwXg89PLvLZumbvjs7S9/uZOnbnSx9u5Olb3ey9O1Olr7dydK3O1n6diebdG3AFYFnSlprB+X5UrukzxZT+O67fqdTRp6gfv36auNzdbr2uus1ecq0SNm2tjZdetnVmvnIPapIpTTljulatWptl83SN313dpa+3cnStztZ+nYnS9/uZOnbnSx9u5Olb3ey9O1ONunagCtMZ78uQWc8fRsAAAAAAMBnO3c0J/YM1nL2zjMPchwqS4+PnlW26yTs6dsAAAAAAAAA0KE4KAkAAAAAAACgpDgoCQAAAAAAAKCkOCgJAAAAAAAAoKQC330bbqlIFXeMua29vYM6AQAAAAAAAPLjoCQAAAAAAAC6BssJV67g6dsAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEoqsYOSt066QZublql+6dyC8mPHjNLKhnlavWqBrrzioi6fjZu/5Zbr9fympXrm6Tnvuf7C//yqVix/QkufmaOf/fQHZdd3uWSTrM3MfvTt48xJ1mZmP/r2ceYkazOzH337OHOStZnZj759nDnJ2j7ODLjCWGs7tUBlt5qcBU4+6Tht27ZdkyffpCFDR8f6malUSo0r52vc6WerqalFTy2cqXPOvVCNjc92yWzUfPa7b5+U2b6333ajPvqx0yRJp5xygr733Us0/jNf1Y4dO3TQQQfqpZde2Z3J9e7bpei73LKu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbtwsw7dzSbSM145p0lf+7cA12O6TH882W7ThI7U3L+gkV69bWtBWVHDB+q9es3asOGTWptbdWMGQ/orDPHdtlsIfkFCxbptT2278R/P1e/uv732rFjhyS954BkufRdDllX+/ZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/t2dWbAJYEHJY0xxxlj9st83NMYc60x5iFjzC+NMX1K0+Leqmv66/mmzbs/b2puUXV1/y6b7Yi8JB1++Pt14okjNH/eg3rssXv1sY99pKz7dnV7u5hNsraPffs4c5K1mdmPvn2cOcnazOxH3z7OnGRtZvajbx9nTrK2jzMDLgk7U/J2SW9lPr5JUh9Jv8xcN7kT+wpkzN5nnkZ9GrqL2Y7IS1JlZaUO2L+PTh55lr7//Z/qnj/9vtPr+ri9XcwmWdvHvn2cOcnazBwvm2RtZo6XTbI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGv7ODPgksqQr6estTszHw+z1n408/ECY0x9vpAxZqKkiZJkKvoolepdfKdZmptaNLC2evfntTUD1NKypctmOyIvSc3NLbr/gVmSpLq6erW3W/Xr11cvv/xqWfbt6vZ2MZtkbR/79nHmJGszsx99+zhzkrWZ2Y++fZw5ydrM7EffPs6cZG0fZwZcEnamZIMx5muZj5cZY4ZJkjHmCEmt+ULW2knW2mHW2mEdfUBSkpbU1Wvw4MM0aNBAVVVVacKE8Xro4dldNtsReUl68MG/atSoEyVJhw8+TFXdqgIPSCbdt6vb28UsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStb1n27lkX8pY2JmSF0i6yRhztaSXJS00xjwv6fnM1wp2912/0ykjT1C/fn218bk6XXvd9Zo8ZVqkbFtbmy697GrNfOQeVaRSmnLHdK1atbbLZgvJ33nnbzXy5OPVr19frV+3WD/5rxs05Y7pmjTpej3z9Bzt2LFDF1zwrbLruxyyrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727erMgEtMlNclMMbsK+n9Sh/EbLLWRj5vuLJbDS98UCIVqeLeTL2tvbyPoAMAAAAAgLSdO5r3fvFJ6J3F93IcKkuPEV8s23USdqakJMla+6akZZ3cCwAAAAAAAAAPFHdqHQAAAAAAAADExEFJAAAAAAAAACUV6enbAAAAAAAAQNnj/TKcwZmSAAAAAAAAAEqKMyW7EN49GwAAAAAAAC7gTEkAAAAAAAAAJcVBSQAAAAAAAAAlxdO3AQAAAAAA0DVYXtrOFZwpCQAAAAAAAKCkEjsoeeukG7S5aZnql84tKD92zCitbJin1asW6MorLury2SRr+3hbJVmbmf3o28eZk6zNzH707ePMSdZmZj/69nHmJGszsx99+zhzkrV9nBlwhbHWdmqBym41OQucfNJx2rZtuyZPvklDho6O9TNTqZQaV87XuNPPVlNTi55aOFPnnHuhGhuf7ZLZpGv7dlu52rePM7vat48zu9q3jzO72rePM7vat48zu9q3jzO72rePM7vat48zu9q3CzPv3NFsIjXjmXcWTu3cA12O6XHC2WW7TgLPlDTGfNMYM7AzCs9fsEivvra1oOyI4UO1fv1GbdiwSa2trZox4wGddebYLptNurZvt5Wrffs4s6t9+zizq337OLOrffs4s6t9+zizq337OLOrffs4s6t9+zizq327OjPgkrCnb/9E0iJjzHxjzIXGmINK0VSY6pr+er5p8+7Pm5pbVF3dv8tmk65dDLa3G9kka/vYt48zJ1mbmf3o28eZk6zNzH707ePMSdZmZj/69nHmJGv7ODMktbdzyb6UsbCDks9JqlX64OTHJK0yxjxqjDnPGLNvvpAxZqIxps4YU9fevr0D29398/e6LurT0F3MJl27GGxvN7JJ1vaxbx9nTrI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV42ydo+zgy4JOygpLXWtltrZ1trz5dULen3ksYpfcAyX2iStXaYtXZYKtW7A9tNa25q0cDa6t2f19YMUEvLli6bTbp2MdjebmSTrO1j3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48yAS8IOSr7n8Ly1ttVa+6C19mxJ7+u8toItqavX4MGHadCggaqqqtKECeP10MOzu2w26drFYHu7kaVvd7L07U6Wvt3J0rc7Wfp2J0vf7mTp250sfbuTTbo24IrKkK9/Kd8XrLVvF1P47rt+p1NGnqB+/fpq43N1uva66zV5yrRI2ba2Nl162dWa+cg9qkilNOWO6Vq1am2XzSZd27fbytW+fZzZ1b59nNnVvn2c2dW+fZzZ1b59nNnVvn2c2dW+fZzZ1b59nNnVvl2dGXCJ6ezXJajsVsMLHwAAAAAAAHSgnTua937xSeidf/yJ41BZepz45bJdJ2FnSgIAAAAAAABuKPN3nMa/hL2mJAAAAAAAAAB0KA5KAgAAAAAAACgpDkoCAAAAAAAAKCkOSgIAAAAAAAAoKd7oBgAAAAAAAF2CtW1Jt4CIOFMSAAAAAAAAQElxUBIAAAAAAABASXFQEgAAAAAAAEBJJXZQcuyYUVrZME+rVy3QlVdcVNK8i9kka9O3O337OHOStZnZj759nDnJ2szsR98+zlxMvra2WnNm36sVy5/QsvrHdcnF55ekbrHZJGv72LePMydZm5n96NYHzSAAACAASURBVNvVmQFXGGttpxao7FazV4FUKqXGlfM17vSz1dTUoqcWztQ5516oxsZnI/3MYvIuZumbvpm5/Gozsx99+zizq337OLOrffs4c7H5/v0P1oD+B2tpfYP22ae3Fi96VJ//wte79Mz0zcxdtW8fZ3a1bxdm3rmj2URqxjNvP3F75x7ockzPUV8v23WSyJmSI4YP1fr1G7Vhwya1trZqxowHdNaZY0uSdzFL3/Td2Vn6didL3+5k6dudLH27k/W17xdeeFFL6xskSdu2bdfq1c+qprp/p9fltnKnbx9ndrVvH2d2tW9XZwZcEnhQ0hjTzRjzFWPMaZnP/80Y81tjzEXGmKpCi1bX9NfzTZt3f97U3KLqiDtWxeZdzCZZm75LW5uZ/ejbx5mTrM3MfvTt48xJ1mbm0vad7dBDazXkI8do0eKlnV6X26q0tZnZj759nDnJ2j7ODLikMuTrkzPf08sYc56kfST9n6TRkkZIOq+QosbsfeZonKeRF5N3MZtkbfoubW1mjpdNsjYzx8smWZuZ42WTrM3M8bJJ1mbmeNmOyEtS7969NGP6rfr25dfozTe3dXpdbqvS1mbmeNkkazNzvGyStX2cGXBJ2EHJD1trjzXGVEpqllRtrW0zxtwtaVm+kDFmoqSJkmQq+iiV6v2erzc3tWhgbfXuz2trBqilZUvkpovJu5hNsjZ9l7Y2M/vRt48zJ1mbmf3o28eZk6zNzKXtW5IqKyt17/RbNXXqX3T//bNKUpfbqrS1mdmPvn2cOcnaPs4MuCTsNSVTxphukvaV1EtSn8z13SXlffq2tXaStXaYtXbYngckJWlJXb0GDz5MgwYNVFVVlSZMGK+HHp4dueli8i5m6Zu+OztL3+5k6dudLH27k6Vvd7K+9i1Jt066QY2r1+nGmyZFzhRbl9vKnb59nNnVvn2c2dW+XZ0ZcEnYmZK3SVotqULSVZLuNcY8J+l4SdMKLdrW1qZLL7taMx+5RxWplKbcMV2rVq0tSd7FLH3Td2dn6dudLH27k6Vvd7L07U7W175P/PhwnXvOF7R8xSrVLUk/KP3hD3+hWY8+3ql1ua3c6dvHmV3t28eZXe3b1ZkhybYn3QEiMmGvS2CMqZYka+1mY8z+kk6TtMlauzhKgcpuNbzwAQAAAAAAQAfauaN57xefhN7+2x85DpWl5ycuKNt1EnampKy1m7M+3irpvk7tCAAAAAAAAECXFvaakgAAAAAAAADQoTgoCQAAAAAAAKCkQp++DQAAAAAAADihnTe6cQVnSgIAAAAAAAAoKc6UROK6V1YVlX93Z2sHdQIAAAAAAIBS4ExJAAAAAAAAACXFQUkAAAAAAAAAJcXTtwEAAAAAANA1WN7oxhWcKQkAAAAAAACgpBI7KDl2zCitbJin1asW6MorLipp3sVskrVL2XdNzQDNnDVVTz8zR0vqZuvCC78mSfrBVZfp2XVPaeFTM7XwqZkaO3ZUWfXdFbJJ1vaxbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zNzH707ePMSdb2cWbAFcZa26kFKrvV7FUglUqpceV8jTv9bDU1teiphTN1zrkXqrHx2Ug/s5i8i9mu3nf2u2/373+Q+vc/WPX1K7XPPr214B8P6f99aaI+9/kztH3bdt1006171cj17ts+bm8fZ3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvF2beuaPZRGrGM2/PublzD3Q5pudp3yjbdRJ6pqQx5gPGmMuNMTcZY24wxnzDGNOnmKIjhg/V+vUbtWHDJrW2tmrGjAd01pljS5J3MetT3y+88JLq61dKkrZt2641a9arurp/5HpJ9e16lr7dydK3O1n6didL3+5k6dudLH27k6Vvd7L07U426dqAKwIPShpjvinpZkk9JA2X1FPSQEkLjTGjCi1aXdNfzzdt3v15U3NLrANPxeRdzCZZO8m+3/e+Wn3kIx/SkiX1kqT/+MZ5WrRolv5w839r//33K9u+XcwmWdvHvn2cOcnazOxH3z7OnGRtZvajbx9nTrI2M/vRt48zJ1nbx5khqb2dS/aljIWdKfnvksZZa/9L0mmSPmStvUrSOEm/LrSoMXufORrnaeTF5F3MJlk7qb579+6le6b+QVdeeZ3efHOb/njr3Trm6JE6/vjT9cILL+rnv7i6LPt2NZtkbR/79nHmJGszc7xskrWZOV42ydrMHC+bZG1mjpdNsjYzx8smWZuZ42WTrO3jzIBLorzRTWXm3+6S9pUka+0mSVX5AsaYicaYOmNMXXv79r2+3tzUooG11bs/r60ZoJaWLZGbLibvYjbJ2kn0XVlZqXvuuVnTp92vBx/4qyTpxRdfVnt7u6y1mnz7NA372EfKrm+Xs0nW9rFvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrM3MfvTt48xJ1vZxZsAlYQcl/yhpiTFmkqSFkn4rScaYgyS9mi9krZ1krR1mrR2WSvXe6+tL6uo1ePBhGjRooKqqqjRhwng99PDsyE0Xk3cx61vff/jDL7VmzTr95je37b6uf/+Ddn981lljtXLV2rLr2+UsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXVAZ90Vp7kzFmjqQPSvofa+3qzPUvSRpZaNG2tjZdetnVmvnIPapIpTTljulaFXKQqaPyLmZ96vuEE4bp3778eTWsaNTCp2ZKkn58zX/ri188S8ce+yFZa/XPTU365iU/KKu+Xc/StztZ+nYnS9/uZOnbnSx9u5Olb3ey9O1Olr7dySZdG3CF6ezXJajsVsMLHyBQ98q8rwQQybs7WzuoEwAAAAAA3LBzR/PeLz4JvT379xyHytJzzIVlu04Cz5QEAAAAAAAAnGHL+x2n8S9R3ugGAAAAAAAAADoMByUBAAAAAAAAlBQHJQEAAAAAAACUFK8picQV+0Y1KVP4a7a2d/IbPQEAAAAAAGBvHJQEAAAAAABA19DOG924gqdvAwAAAAAAACgpDkoCAAAAAAAAKCkOSgIAAAAAAAAoKQ5KAgAAAAAAACipRA5Kdu/eXQv/8bCerntMy+of1zU/+k7snzF2zCitbJin1asW6MorLury2SRru9L3pFuuV9Pz9Vr6zJzd1/3851drxfIn9HTdY7p3xh/Vp89+Zdd3uWSTrO1j3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48zea2/nkn0pY8Za26kFKrvV5CzQu3cvbd/+liorKzXvib/oW9++RosWPxPpZ6ZSKTWunK9xp5+tpqYWPbVwps4590I1Nj7bJbP0HZxNGSNJOumk47Rt23ZNvv1GDf3oaZKk004bqb/97R9qa2vTz376A0nSD6762e5se5717+L2duG2om9/Z3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvH2d2tW8fZ3a1bxdm3rmj2URqxjNvP3Jj5x7ockzPT19Wtusksadvb9/+liSpqqpSlVVVinNwdMTwoVq/fqM2bNik1tZWzZjxgM46c2yXzdJ3tOyCBYv02mtb33PdnDnz1NbWJklatOgZ1dQMKLu+yyFL3+5k6dudLH27k6Vvd7L07U6Wvt3J0rc7Wfp2J5t0bcAViR2UTKVSqlsyWy3NyzV37jwtXrI0cra6pr+eb9q8+/Om5hZVV/fvstkka7vady5f/eqX9Ne//q3Ta7uYTbK2j337OHOStZnZj759nDnJ2szsR98+zpxkbWb2o28fZ06yto8zAy4JPChpjOljjPmFMWa1MeaVzKUxc93+AbmJxpg6Y0xde/v2nN/T3t6uYcPH6NDDhmn4sKE6+ugjIzdtzN5nnkY909LFbJK1Xe17T9/77iXaubNN90z9v06v7WI2ydo+9u3jzEnWZuZ42SRrM3O8bJK1mTleNsnazBwvm2RtZo6XTbI2M8fLJlnbx5kBl4SdKTlD0muSRllrD7TWHijpE5nr7s0XstZOstYOs9YOS6V6BxZ4/fU39Pd5T2rsmFGRm25uatHA2urdn9fWDFBLy5Yum02ytqt9Zzv3nC/o9NNP01fOuzhyxsXt7ept5WPfPs6cZG1m9qNvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrO3jzIBLwg5KDrLW/tJa+8KuK6y1L1hrfynpfYUW7dev7+53Qe7Ro4dGn3qy1qxZHzm/pK5egwcfpkGDBqqqqkoTJozXQw/P7rJZ+i6stiSNGTNKl19+oT73+a/p7bffKfu+fbytfOzbx5ld7dvHmV3t28eZXe3bx5ld7dvHmV3t28eZXe3bx5ld7dvVmSHJtnPJvpSxypCv/9MYc6WkO6y1WyTJGHOIpK9Ker7QogMGHKLbb7tRFRUppVIp3XffQ3pk5pzI+ba2Nl162dWa+cg9qkilNOWO6Vq1am2XzdJ3tOxdd/5WI0eeoH79+uq59Ut03U9u0JVXXqzu3bpp1sypkqRFi5/RxRd/v6z6LocsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXmKDXJTDGHCDpe5LG6/+zd+fhUZZn+8fPe5KwK5YihCQUbKltf31tQcGtiLgUcKV9tbRaUFv70hZ3q9RWraKt2gp1aW0VqoBYEdQqZZHiRiFVQqJElgQXlsKEgBtaElGSzP37g5BGQmbJZOaZe+7v5zhySGa4cp1nnmHxYWYeqVfjzTsk/V3SHdbanbEW5HYo5I0PkFIh0/ar20d4Xw4AAAAAgIPq91S1/X+Gs9juBb/nf/Sb6Xzm1Rn7OIn6TMnGk44/b/z4FGPMDyRNT1EuAAAAAAAAAFkq1ntKRjOp3VIAAAAAAAAA8EbUZ0oaY1a3dpek3u0fBwAAAAAAAGijSGZf3AX/FetCN70ljZS0/3tHGkkvpSQRAAAAAAAAgKwW66TkAkndrLXl+99hjFmakkRAgpK5WE2XvI5tnv2o7pM2zwKZjgtIAQAAAABSKdaFbi6Oct/57R8HAAAAAAAAQLZL5kI3AAAAAAAAAJCwWC/fBgAAAAAAANxgudCNK3imJAAAAAAAAIC0Cuyk5MgRw7Vu7TKtryjWxGsvSeu8i7NB7vYhd8eOHfTiP5/Sv1YsVEnpYv3y+islSYuXzFHxywtU/PICvf7Wy3r0sfszKnd7zga528fcLnWe+sBkhbeWa9WrzzXd9pnPHKJFix7VunXLtWjRozrkkO4ZlzsTZoPc7WNuHzsHuZvOfuT2sXOQu+nsR24fOyczP23qFG0Lv6byVc8nvDOZvcnOBr0bcIGxKb5Kam6HwhYLQqGQKtct16jTz1M4XK0VLy/S2HETVFn5ZlxfM5l5F2fJnbrZ5lff7tq1i2prP1Jubq6WPDdXP7/2FpWW/vfC87P++ictWvisZj/6lKTWr76d6Z0zbbePuV3o3Pzq20OHHqOamlpNf+huDTryVEnS7bddr/ff/0B3Tr5P115ziT7zme765fW3SWr96tsufr9dOFbk9rezq7l97Oxqbh87u5rbx86u5vaxc7LzJ+z7u+j0ezRw0Clx7WuPvS4cq/o9VaaVL+G13fN+l9oTXY7pPHpixj5OAnmm5NFDBmnDhs3atGmL6urqNHfuPJ191si0zLs4S+70zNbWfiRJysvLVW5erpqfsO/WrauGnXicFsx/NuNyt8csud2ZDWJ3cXGJdu784FO3nXXWCM165HFJ0qxHHtfZZ8fe7+L327Vj5XNuHzu7mtvHzq7m9rGzq7l97Oxqbh87Jzu/vLhE7+/3d9F07HX1WAEuCeSkZEFhvraGtzV9Hq6qVkFBflrmXZwNcrdPuUOhkIpfXqANm0v14gv/UlnZa033nXX2CP1z6Uvatasm43K3x2yQu33M7Wrn5nr16qnt29+WJG3f/rYOPfSzKd3t4myQu33M7WPnIHfT2Y/cPnYOcjed/cjtY+f2mG8rVzsH9f0C0i2Qq28b0/KZo4m8jDyZeRdng9ztU+5IJKKhx52p7t0P0l9n36+v/L/DVVnxhiTp3O+cpZkz5qZsd9CzQe72MbernZPl4vfb1WPlY24fOwe5m86JzQa5m86JzQa5m86JzQa5m86JzbbHfFu52jnIv7NnhQhX33ZFm58paYx5Jsp9440xZcaYskiktsX9VeFq9S0qaPq8qLCPqqt3xL07mXkXZ4Pc7WPuDz/cpeLlJTr1m8MkST16HKKjjvq6/rH4hYzO7eOxCnK3j52be/vtd5Wf30uSlJ/fS++8815Kd7s4G+RuH3P72DnI3XT2I7ePnYPcTWc/cvvYuT3m28rVzkF9v4B0i3pS0hhzZCsfR0ka2NqctXaqtXawtXZwKNS1xf2lZeUaMOAw9e/fV3l5eRozZrTmL1gSd+hk5l2cJXfqZz/bs4e6dz9IktSpU0cNP+kbevP1jZKkb337dC1e/II++WRPxuVur1lyuzMb9O595i94VuPGfkeSNG7sdzR/fuyv4eL329Vj5WNuHzu7mtvHzq7m9rGzq7l97Oxqbh87t8d8W7naOajvF5BusV6+XSrpn5IOdKWeQ9q6tKGhQVdceYMWLXxUOaGQZsyco4rGl8mmet7FWXKnfjY/v5fun3qncnJyFAoZPfXkIi1ufGbkOeeeqbt+f39ce9Odu71mye3ObBC7Zz38Rw0bdpx69uyhjRtKdcutU3TnnX/Uo4/er4t+8D1t3Vql8877ScblDnqW3O7MktudWXK7M0tud2bJ7c6sr7kfmXWfTmz8u+jmjWWadMtkTZ/xWMr3unqsAJeYaO9LYIxZK+nb1toW16w3xmy11vaNtSC3QyFvfICM1SWvY5tnP6r7pB2TAJklZA70b1HxifB+NwAAAEDK1e+pavtf2rPY7qfu4H9Imun87esy9nES65mSN6v1l3hf1r5RAAAAAAAAgCRYLnTjiqgnJa21T0S5+zPtnAUAAAAAAACAB9p89W1Jk9otBQAAAAAAAABvRH2mpDFmdWt3Serd/nEAAAAAAAAAZLtY7ynZW9JISTv3u91IeikliQAAAAAAAABktVgnJRdI6matLd//DmPM0pQkAtIomStoc3ViZDMeowAAAACcFOFCN66IdaGbi6Pcd377xwEAAAAAAACQ7ZK50A0AAAAAAAAAJIyTkgAAAAAAAADSipOSAAAAAAAAANIqsJOSI0cM17q1y7S+olgTr70krfMuzga5m9yx56c+MFnhreVa9epzTbed879nqHzV8/p49xYdeeTX0pKbY5XY/LSpU7Qt/JrKVz2f8M5k9iY7G+RuV79nPh4rH3P72DnI3fxe4sex8rFzkLvp7EduHzsHudvHzoArjE3xFVZzOxS2WBAKhVS5brlGnX6ewuFqrXh5kcaOm6DKyjfj+prJzLs4S+7MzN386ttDhx6jmppaTX/obg068lRJ0pe/PECRSET3/fG3+vl1t+rVV1c3/fzWrmyc6Z0zbTbZ+RP2Hbfp92jgoFPi2tcee109VpKb3zMfj5WPuX3s7HJu334vcTW3j51dze1jZ1dz+9jZ1dwudK7fU2Va+RJe2z33ltSe6HJM5zG/ytjHSSDPlDx6yCBt2LBZmzZtUV1dnebOnaezzxqZlnkXZ8md+bmLi0u0c+cHn7pt/fq39MYbG+PemWxujlXi88uLS/T+fsctHXtdPVaSm98zH4+Vj7l97Oxybt9+L3E1t4+dXc3tY2dXc/vY2dXcrnYGXBLIScmCwnxtDW9r+jxcVa2Cgvy0zLs4G+Rucrdtvq1c7exq7mS42jmo71eyu12cDXK3j7l97Bzkbn4v8eNY+dg5yN109iO3j52D3O1jZ8AlgZyUNKblM0cTeRl5MvMuzga5m9xtm28rVzu7mjsZrnYO6vuV7G4XZ4Pc7WNuHzsHuZvfSxKbDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl0Q9KWmMOdgYc7sxZpYx5vz97vtTlLnxxpgyY0xZJFLb4v6qcLX6FhU0fV5U2EfV1TviDp3MvIuzQe4md9vm28rVzq7mToarnYP6fiW728XZIHf7mNvHzkHu5vcSP46Vj52D3E1nP3L72DnI3T52BlwS65mS0yUZSU9K+p4x5kljTMfG+45tbchaO9VaO9haOzgU6tri/tKycg0YcJj69++rvLw8jRkzWvMXLIk7dDLzLs6S263cyXC1s6u5k+Fq56C+X8nudnGW3O7MkpvfS1I962puHzu7mtvHzq7m9rGzq7ld7QxJ1vLR/COD5ca4/wvW2nMaf/y0MeZ6SS8YY85OZmlDQ4OuuPIGLVr4qHJCIc2YOUcVFW+kZd7FWXJnfu5ZD/9Rw4Ydp549e2jjhlLdcusU7Xz/A91116069NAemvf0TL22ep3OPHNs1nTOhNlk5x+ZdZ9ObDxumzeWadItkzV9xmMp3+vqsZLc/J75eKx8zO1jZ5dz+/Z7iau5fezsam4fO7ua28fOruZ2tTPgEhPtfQmMMZWSvmqtjTS77UJJEyV1s9b2i7Ugt0NhZp+WBdooZFq+z0e8Ihn+rxUAAAAAgMxWv6eq7f9TmsV2z5nE/3A30/m7N2Xs4yTWy7fnSzq5+Q3W2pmSfiZpT6pCAQAAAAAAAMheUV++ba2d2Mrti40xt6UmEgAAAAAAAIBsFus9JaOZpL0XwgEAAAAAAACCF4nE/jnICFFPShpjVrd2l6Te7R8HAAAAAAAAQLaL9UzJ3pJGStq53+1G0kspSQQ4IpmL1SRzkZxkd8MdyTxKeIQAAAAAADJZrJOSC7T3Ktvl+99hjFmakkQAAAAAAAAAslqsC91cHOW+89s/DgAAAAAAAIBsl8yFbgAAAAAAAIDMwYVunBEKOgAAAAAAAAAAv3BSEgAAAAAAAEBaBXpSMhQKqXTlPzTvqZkJz44cMVzr1i7T+opiTbz2kqyfDXI3uVO7e+oDkxXeWq5Vrz7XdNvtt9+gNauX6pWyZ/X43L+oe/eDU5552tQp2hZ+TeWrnk9orj12u3KsMmVWkt58Y4VWvfqcykqXaMXLi9K2m2PlTmdXf037eKx8zO1j5yB309mP3D52DnI3ndOX29W/0wS9G3CBsdamdEFuh8JWF1x5xXgdddTXdPBBB2n0ty+M+2uGQiFVrluuUaefp3C4WiteXqSx4yaosvLNrJwld/blDhnT9OOhQ49RTU2tpj90twYdeaok6dRTh+nFF/+lhoYG3fabX0qSfnn9bU0zkQP8uk228wn7cky/RwMHnRLXTHvszvRjFeSsaWVe2ntS8tjjTtN77+084P2t/cbLsfKjs+Tmr2kfj5WPuX3s7GpuHzu7mtvHzq7m9rFzsvMu/p0mXbvr91RF+18Gb+3+642pPdHlmM7fvzVjHyeBPVOysLCPTj/tFD300OyEZ48eMkgbNmzWpk1bVFdXp7lz5+nss0Zm7Sy5szt3cXGJdu784FO3PffcMjU0NEiSSkpeVWFhn5RmlqTlxSV6f78c8fLlWGXCbLI4Vn50ltz8Ne3jsfIxt4+dXc3tY2dXc/vY2dXcPnZOdt7Fv9MEvRtwRWAnJX8/ZZKu+8WvFWnDVZEKCvO1Nbyt6fNwVbUKCvKzdjbI3eRO/+79XXTRd/WPf7yY9r2J8PFYBf0YsdbqmUWzVbLiGf3o4u/HPcex8qNzslz8frt6rHzM7WPnIHfT2Y/cPnYOcjed05s7Ga52DvLvgVnBRvho/pHBop6UNMbkG2P+bIy5zxjzWWPMzcaYNcaYucaYVp+6ZYwZb4wpM8aURSK1Le4/4/RT9fbb7+rVVWvaFNqYls88jfdl6C7OBrmb3Onf3dx1P79M9fUNenT239K6N1E+HqugHyMnDv+Wjj5mlM48a6x++tOLNHToMSnfzbFKbDbo3clw8fvt6rHyMbePnYPcTefEZoPcTefEZoPcTefEZttjvq1c7Rzk3wOBdIr1TMkZkiokbZX0oqTdks6QtFzS/a0NWWunWmsHW2sHh0JdW9x//PGDddaZI/TWGyv010f+pJNO+oZmzrg37tBV4Wr1LSpo+ryosI+qq3dk7WyQu8md/t37jBt7rk4//VRdcOGlad3bFj4eq6AfI/t+/jvvvKen5z2jIUMGpnw3x8qdzsly8fvt6rHyMbePnYPcTWc/cvvYOcjddE5v7mS42jnIvwcC6RTrpGRva+0frLV3SDrEWvtba+0Wa+0fJPVr69Lrb7hD/T8/WAMOP1bfHztBL774L1140eVxz5eWlWvAgMPUv39f5eXlacyY0Zq/YEnWzpLbn9z7jBgxXNdcM0H/e84PtHv3x2nb21Y+HqsgO3fp0lndunVt+vE3Tz1R69a9nvG5Xfx+u9o5WS5+v109Vj7m9rGzq7l97Oxqbh87u5rbx87tMd9WrnYO8u+BQDrlxri/+UnLh/e7L6eds8StoaFBV1x5gxYtfFQ5oZBmzJyjioo3snaW3Nmde9bDf9SwYcepZ88e2rihVLfcOkUTJ16qjh066JlFey8EVbLyVV166S9S2vmRWffpxMYcmzeWadItkzV9xmMp6dyeuV18jCXbuXfvQ/XE4w9KknJyc/TYY09ryZKlGZ/bxe+3q50lN39N+3isfMztY2dXc/vY2dXcPnZ2NbePnZOdd/HvNEHvBlxhor0vgTHmFkm/s9bW7Hf7AEl3WGvPjbUgt0Mhb3wA7CdkWr5HSCIivJ+IF5J5lPAIAQAAALJb/Z6q5P7HMkvtfvgX/O9QM50vuD1jHydRnylprf1VK7e/ZYxZmJpIAAAAAAAAALJZrPeUjGZSu6UAAAAAAAAA4I2oz5Q0xqxu7S5Jvds/DgAAAAAAAIBsF+tCN70ljZS0c7/bjaSXUpIIAAAAAAAAQFaLdVJygaRu1try/e8wxixNSSLAA1yoBvHgUQIAAAAACeL/t50R60I3F0e57/z2jwMAAAAAAAAg2yVzoRsAAAAAAAAASBgnJQEAAAAAAACkFScl1/yoWAAAIABJREFUAQAAAAAAAKRVYCclp02dom3h11S+6vk2zY8cMVzr1i7T+opiTbz2kqyfDXI3ud3J7WPnIHfT2Y/cPnYOcjed/cjtY+cgd9PZj9w+dg5yN539yO1qZ8AVxqb4qkS5HQoPuOCEoceopqZW06ffo4GDTknoa4ZCIVWuW65Rp5+ncLhaK15epLHjJqiy8s2snCU3uemcebvp7EduHzu7mtvHzq7m9rGzq7l97Oxqbh87u5rbx86u5nahc/2eKhNXGM/snj6Ry2830/kHv8vYx0lgz5RcXlyi93d+0KbZo4cM0oYNm7Vp0xbV1dVp7tx5OvuskVk7S25yp3qW3O7MktudWXK7M0tud2bJ7c4sud2ZJbc7s+R2Zzbo3YArnHxPyYLCfG0Nb2v6PFxVrYKC/KydDXI3udO7m85+5Paxc5C76exHbh87B7mbzn7k9rFzkLvp7EduHzsHudvHzoBLEj4paYzplYogCWZocVu8L0N3cTbI3eRO7246JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G4fOwMuyY12pzGmx/43SVppjBmkve9H+X4rc+MljZckk9NdoVDX9sjapCpcrb5FBU2fFxX2UXX1jqydDXI3udO7m85+5Paxc5C76exHbh87B7mbzn7k9rFzkLvp7EduHzsHudvHzoBLYj1T8l1JrzT7KJNUKOnVxh8fkLV2qrV2sLV2cHufkJSk0rJyDRhwmPr376u8vDyNGTNa8xcsydpZcpM71bPkdmeW3O7MktudWXK7M0tud2bJ7c4sud2ZJbc7s0Hv9l4kwkfzjwwW9ZmSkiZKOlXStdbaNZJkjNlkrT0s2cWPzLpPJw47Tj179tDmjWWadMtkTZ/xWFyzDQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8kbWz5CZ3qmfJ7c4sud2ZJbc7s+R2Z5bc7syS251ZcrszS253ZoPeDbjCxHpfAmNMkaS7JG2VdJOk16y1n493QW6HQt74AAAAAAAAoB3V76lq+eaT0O4Hr+E8VDOdL56csY+TmBe6sdaGrbXfkfSipGcldUl5KgAAAAAAAABZK+6rb1tr50s6SXtfzi1jzA9SFQoAAAAAAABA9or1npKfYq3dLWlt46eTJE1v90QAAAAAAABAW9jMvrgL/ivqSUljzOrW7pLUu/3jAAAAAAAAAMh2sZ4p2VvSSEk797vdSHopJYkAAAAAAAAAZLVYJyUXSOpmrS3f/w5jzNJ4FuTlJPQK8U+pa6hv8yyAAxvc84ttni179812TAIAAAAAAHwV9YyhtfbiKPed3/5xAAAAAAAAAGS7uK++DQAAAAAAAADtoe2vrQYAAAAAAAAyiI3YoCMgTjxTEgAAAAAAAEBape2kZFFRHy1e/JhWrXper7zyrC655AeSpF/96mdauXKxVqxYpPnzZ6lPn15xfb2RI4Zr3dplWl9RrInXXpJQFhdng9xN7szOPW3qFG0Lv6byVc8fcPbEYcfpvXcqVVa6RGWlS/TDqy5IKM+BdOjQQY/+9c9aX1Gsl4rnq1+/Io0cMVybN5aq5j8bFd6ySiUrntFJw78R19fz5Vi112yQu33M7WPnIHfT2Y/crnZu/mduW7j4/Xb1WPmY28fOkhQKhVS68h+a99TMhGdd7UxuN2aD3g24wFib2qe1du7cz0pSfn4v5ef3Unn5WnXr1lUvvbRAY8aMV1VVtXbtqpEkTZhwkb785S/q8suvl9T61bdDoZAq1y3XqNPPUzhcrRUvL9LYcRNUWRn7ysAuzpKb3NFmTxh6jGpqajVj+r3q1Klji9leh/bU1Vf9RKO/faGkxK6+3acoXzfefZ0mnHulpP9effsnP75QRxzxFV1y6XUaM+ZsfXv0aTryyK/p6p/9SmvWrtdTf5uhmyfdqT/ee5v6HTa43Tu317yLs+R2Z5bc7syS253ZoHfv+zN3+vR7NHDQKXHNBJ3bx2PlY24fO+9z5RXjddRRX9PBBx3U9PfdeLjamdxuzKZrd/2eKhNXGM98NPUqXr/dTJfxd2Xs4yRtz5Tcvv1tlZevlSTV1NRq/fq3VFDQu+mEpCR16dJF8ZwkPXrIIG3YsFmbNm1RXV2d5s6dp7PPGhlXDhdnyU3uaJYXl+j9nR+oc+dOCc+O+t9v6sGFf9bDz/5FP//t1QqF4vst4eyzRmjWrMclSU8+uVDf/OZwbdiwWQsXPa8tW6o0d+48/b+vHK5OnTqpQ4cO7d65veZdnCW3O7PkdmeW3O7MBr1735+5beHi99vVY+Vjbh87S1JhYR+dftopeuih2XHPBJ3b12PlYm5XOwMuCeQ9JT/3uSINHPhVlZaWS5Juvvlavfnmy/re976lW2/9fcz5gsJ8bQ1va/o8XFWtgoL8uHa7OBvkbnKnd3cys7l5ua3OHnvsUXql7Fkt+PssHXZ4f0lS/wGf06mjT9L40Zfqgm/+SJGGiEb+76kJ52xoaNDHH3+sd95571O7TzjhWJWXr9WePXtS1jnZeRdng9ztY24fOwe5m85+5Ha1c7Jc/H67eqx8zO1jZ0n6/ZRJuu4Xv1YkEol7pj12c6z8yO1qZ0iKRPho/pHBUnL1bWPMeEnjJSk3t4dyc7s13de1axfNnn2/rr32lqZnSd588526+eY7dc01E/STn1yoX//6rlhfv8Vt8b4M3cXZIHeTO727k5o9wG3WWr26ao0+P+Bo1dZ+pNNGnaw/PXS7vjN0rAafcJS+dMThmv7MA5Kkjp06aOd7e5/9cceDt6rgc32Ul5er3oW99fCzf5Ek/fau+zTz4bkHztnsx4UF+Tru2KM05JhRsXP7eKw87BzkbjonNhvkbjonNhvkbh87J8vF77erx8rH3D52PuP0U/X22+/q1VVrdOKw4+Kaaa/dHKvEZoPc7WNnwCVRT0oaY0ZZaxc3/ri7pN9LGiJpraSrrLU7DjRnrZ0qaar03/eUlKTc3FzNnn2/5sx5WvPmLW4xN3fuPP3tb9NjnpSsClerb1FB0+dFhX1UXX3AKFkxG+Rucqd3dzKzdXX1B5xt/hYJzyx+Qbl5uereo7uMkRY9/g/9+fZpLb7WdRffKKn195Tcl7Oqqlo5OTnq1KmTeh36WUl7X0Zz1VU/0WNzntbGjf9Oaedk512cDXK3j7l97Bzkbjr7kdvVzsly8fvt6rHyMbePnY8/frDOOnOETht1sjp16qiDDz5IM2fcqwsvujyjc/t4rILc7WNnwCWxXr59W7MfT5FULeksSaWSHkh02f33/06vv/6W7r33L023feEL/Zt+fMYZ39Qbb2yI+XVKy8o1YMBh6t+/r/Ly8jRmzGjNX7AkrgwuzpKb3PHYvfvjA8727n1o088ZMnigTMjow/c/VOnyV3XyGSfqM589RJJ08CEHKb+wd1y75i9YonHjviNJOuecM/Tc88s0YMBhOuKIr2j+3x9WbW2t7vvT9JR3TnbexVlyuzNLbndmye3ObNC7k+Hi99vVY+Vjbh87X3/DHer/+cEacPix+v7YCXrxxX/FfUIyyNw+HitXc7vaGXBJIi/fHmytHdj447uMMfFf2kx7/yXr+98/R2vWVGrFikWSpJtuulMXXfRdffGLn1ckEtGWLVW6/PJfxvxaDQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8EVcOF2fJTe5oHpl1n04cdpx69uyhDz/cpeLl85UTCunll8tUUfGGJvz0Iv34xxeovr5BH+/+WDf+9BZJ0uY3/60Hfveg7nlsskLGqL6+Xnf+8h5tr4r9L3APTX9MM2fcq/UVxdq58wOdP3aCvvylAXr2H3PVo8ch2rHjHT0884+SpNNOP+9T7zfZnt+vZOddnCW3O7PkdmeW3O7MBr27+Z+5mzeWadItkzV9xmMZndvHY+Vjbh87J8vVzuR2Yzbo3YArTLT3JTDGhLX3JdtG0iWSvmAbB4wxq621X4u1oPnLtxNV11Df1lEArRjc84ttnt338m0AAAAAQLDq91Qd6NIC3vvoz5fxBpzNdPnpHzL2cRLr5dvTJB0kqZukmZJ6SpIxJl9SeWqjAQAAAAAAAMhGUV++ba2d1Mrt240xL6YmEgAAAAAAAIBsFuuZktEc8IQlAAAAAAAAAEQT9ZmSxpjVrd0lKb7L9AIAAAAAAABAM7Guvt1b0khJO/e73Uh6KZ4FXKwGyCxcrAYAAAAAAAQt1knJBZK6WWtbXNTGGLM0JYkAAAAAAACAtohw8W1XxLrQzcVR7ju//eMAAAAAAAAAyHbJXOgGAAAAAAAAABLGSUkAAAAAAAAAaRXYScmRI4Zr3dplWl9RrInXXpLWeRdng9xNbndy+9g5yN109iO3q52nTZ2ibeHXVL7q+YTm2mO3i7NB7vYxt4+dg9xNZz9y+9g5yN109iO3q50BVxhrU/sGoLkdClssCIVCqly3XKNOP0/hcLVWvLxIY8dNUGVlfFcFTmbexVlyk5vOmbebzn7kdrWzJJ0w9BjV1NRq+vR7NHDQKXHNBJ3bx2PlY24fO7ua28fOrub2sbOruX3s7GpuFzrX76kycYXxzEd/mMCVbprpctmfMvZxEsgzJY8eMkgbNmzWpk1bVFdXp7lz5+nss0amZd7FWXKTO9Wz5HZnltzuzAa9e3lxid7f+UHcPz8Tcvt4rHzM7WNnV3P72NnV3D52djW3j51dze1qZ8AlgZyULCjM19bwtqbPw1XVKijIT8u8i7NB7iZ3enfT2Y/cPnYOcrePnZPl4vfb1WPlY24fOwe5m85+5Paxc5C76exHblc7Ay5J+KSkMeazyS41puUzRxN5GXky8y7OBrmb3OndTefEZoPcTefEZoPc7WPnZLn4/Xb1WPmY28fOQe6mc2KzQe6mc2KzQe6mc2KzQe72sTPgkqgnJY0xdxhjejb+eLAxZqOkEmPMv40xJ0aZG2+MKTPGlEUitS3urwpXq29RQdPnRYV9VF29I+7Qycy7OBvkbnKndzed/cjtY+cgd/vYOVkufr9dPVY+5vaxc5C76exHbh87B7mbzn7kdrUz4JJYz5Q8w1r7buOP75T0XWvtAEnflDSltSFr7VRr7WBr7eBQqGuL+0vLyjVgwGHq37+v8vLyNGbMaM1fsCTu0MnMuzhLbnKnepbc7syS253ZoHcnw8Xvt6vHysfcPnZ2NbePnV3N7WNnV3P72NnV3K52hqRIhI/mHxksN8b9ecaYXGttvaTO1tpSSbLWvmGM6djWpQ0NDbriyhu0aOGjygmFNGPmHFVUvJGWeRdnyU3uVM+S251ZcrszG/TuR2bdpxOHHaeePXto88YyTbplsqbPeCyjc/t4rHzM7WNnV3P72NnV3D52djW3j51dze1qZ8AlJtr7EhhjLpN0lqQ7JA2TdIikv0k6RdLnrbXjYi3I7VDIGx8AAAAAAAC0o/o9VS3ffBL66J6fcB6qmS5X3J+xj5Ooz5S01v7BGLNG0k8lHd748w+X9LSkW1MfDwAAAAAAAEC2ifXybVlrl0pauv/txpgfSJre/pEAAAAAAAAAZLNYF7qJZlK7pQAAAAAAAADgjajPlDTGrG7tLkm92z8OAAAAAAAA0EZRrp2CzBLr5du9JY2UtHO/242kl1KSCAAAAAAAAEBWi3VScoGkbtba8v3vMMYsTUkiAFmrU26HNs9+XL+nHZMAANIhmUs98hwHAACA7Bbr6tsXR7nv/PaPAwAAAAAAACDbJXOhGwAAAAAAAABIWKyXbwMAAAAAAABuiESCToA48UxJAAAAAAAAAGkVyEnJoqICPbfkca1ZvVSvlb+gyy5t9a0rWzVyxHCtW7tM6yuKNfHaS7J+Nsjd5E7v7mlTp2hb+DWVr3o+oblk9yY7n8hsx44dtHTZ03p5xSKVlv1D199wpSSpX78ivfjPp1S++gXNfPgPysvLy6jcmTIb5G4fc7vYuWPHjnr5Xwv0Stmzeq38Bd30q58lGtvJ77eLxyrZ2SB3JzPbvfvBeuyxqVqz5p9avXqpjj3mqLhnk/lzUuJY0Tmzd9PZj9w+dg5yt4+dAVcYa1N7bcPcDoUtFuTn91Kf/F5aVb5W3bp11cqSxTrn3B+qsvLNuL5mKBRS5brlGnX6eQqHq7Xi5UUaO25CXPMuzpLbn9ySdMLQY1RTU6vp0+/RwEGnxDXTHnvT0bn51be7du2i2tqPlJubq2eff1wTr5mkyy7/kf4+b7GeeGKB7rn311qzplJ/mfZXSa1ffdvFx5gLx4rcbneWPv1rbNnSp3TV1TepZOWrGZ3bx2OV7blbu/r2Qw/ereLiEj00fbby8vLUpUtnffjhfz71c1r7G2pb/5xMJHd7zwa5m85+5Paxs6u5fezsam4XOtfvqWrtj1qvffT7/0vtiS7HdLl6WsY+TgJ5puT27W9rVflaSVJNTa3Wr39ThQX5cc8fPWSQNmzYrE2btqiurk5z587T2WeNzNpZcvuTW5KWF5fo/Z0fxP3z22tvujvX1n4kScrLy1VeXq6spBNPPE5PPfWMJOmvjzypM88ckXG5g54ltzuzQe9u/mssNy9PifwjpIvfb1ePlY+5Dzqom4YOPUYPTZ8tSaqrq2txQjKatv45mWxuH4+Vj51dze1jZ1dz+9jZ1dyudgZcEvh7SvbrV6SBX/8flaxcFfdMQWG+toa3NX0erqpWQZwnNV2cDXI3udO/u61c6xwKhfTSioXa9O8yvfB8sTZt/Lc++PA/amhokCRVVW1XQUHvjMsd9GyQu33M7Wpnae+vsbLSJaquWq3nn1+mlaX8OZuJu33M/fnP99O7776nB/9yl0pX/kMP3H+nunTpHNdssjhWdM7k3XT2I7ePnYPc7WNnSIpYPpp/ZLBAT0p27dpFc+dM09XX3KRdu2rinjOm5TNP430GiIuzQe4md/p3t5VrnSORiI4/9gx96YvHafDgr+tLXxrQpv0uPsZcO1btMRvkbh87S3t/jQ0eMkL9DhusIYMH6atf/VLcsy5+v109Vj7mzs3J0aBBR+iBBx7WkKNHqrb2I02ceGlcs8niWKVvNsjdPub2sXOQu+mc2GyQu33sDLgk6klJY8yrxpgbjDFfSOSLGmPGG2PKjDFlkUjtAX9Obm6uHp8zTbNnP6Wnn34mkS+vqnC1+hYVNH1eVNhH1dU7snY2yN3kTv/utnK184cf7tLy5Ss05OhBOqT7wcrJyZEkFRbmq7r67YzN7ePj08fcrnZu7sMP/6N/LntJI0cMj3vGxe+3q8fKx9zhqmqFw9VNz9598m8LNWjgEXHNJotjRedM3k1nP3L72DnI3T52BlwS65mSn5F0iKQXjTErjTFXGWMKYszIWjvVWjvYWjs4FOp6wJ8zbeoUVa5/S3ffMzXh0KVl5Row4DD1799XeXl5GjNmtOYvWJK1s+T2J3cyXOrcs2cPde9+kCSpU6eOOumkoXr99be0bNkKffvbp0mSvj/2HC1c+GxG5c6EWXK7Mxvk7r2/xg6WJHXq1EmnnHyCXn99Q8bn9vFY+Zh7x453FA5v0+GH7/0375NPHqrKyjfimk0Wx4rOmbybzn7k9rGzq7ld7Qy4JDfG/TuttddIusYYc4Kk8yS9aoyplDTbWpv4GUVJ3zh+iMaNPVer11SorHTvL6wbb7xDzyx+Ia75hoYGXXHlDVq08FHlhEKaMXOOKiri+8usi7Pk9ie3JD0y6z6dOOw49ezZQ5s3lmnSLZM1fcZjKd+bzs6983tp6rTJygnlKBQy+tvfFmrxMy9ofeWbmvHwH3TjTT/T6tcqNHPG3IzKnQmz5HZnNsjdffr01kMP3q2cnJBCoZCeeGK+Fi56LuNz+3isfM195VU36uGZf1CHDnnauGmLfvSjq+Oebeufk8nm9vFY+djZ1dw+dnY1t4+dXc3tamfAJSba+xIYY1611h653205kr4p6bvW2h/EWpDboZA3PgAgSeqU26HNsx/X72nHJACAdGj5jljx4y+QAABEV7+nKpk/arPWR3f+kL9GNNPl2ocy9nES65mSLU7FW2sbJC1u/AAAAAAAAACAhER9T0lr7fdau88YE/NZkgAAAAAAAACwv1gXuolmUrulAAAAAAAAAOCNqC/fNsasbu0uSb3bPw4AAAAAAACAdDHGXCXpR9r7tt5rJP1AUh9Jj0nqIelVSeOstXuMMR0lPSzpKEnvae81Zza3ZW+s95TsLWmkpJ3755X0UlsWAvAXF6sBAL/wLvMAAACZzRhTKOlySf/PWrvbGDNX0vcknS7pLmvtY8aY+yVdLOnPjf/daa0dYIz5nqTfSvpuW3bHOim5QFI3a235AUIvbctCAAAAAAAAICUi/LNoG+RK6myMqZPURVK1pJMlnd94/0xJN2vvScnRjT+WpCck/dEYY6y1CX/jY13o5mJrbXEr951/oNsBAAAAAAAAZD5rbZWkyZK2aO/JyA8lvSLpA2ttfeNPC0sqbPxxoaStjbP1jT//s23ZncyFbgAAAAAAAABkKGPMeGNMWbOP8fvd/xntffbjYZIKJHWVdNoBvtS+Z0KaKPclJNbLtwEAAAAAAAA4yFo7VdLUKD/lVEmbrLXvSJIx5m+Sjpd0iDEmt/HZkEWStjX+/LCkvpLCxphcSd0lvd+WbDxTEgAAAAAAAPDTFknHGmO6GGOMpFMkVUh6UdK5jT/nQknzGn/898bP1Xj/C215P0kpwJOSI0cM17q1y7S+olgTr70krfMuzga5m9zu5Paxc5C76exHbh87B7mbzn7knjZ1iraFX1P5qucTmmuP3RwrOmfybjr7kdvHzkHu9rGz72wkwkezj5jfL2tLtPeCNa9KWqO95wqnSvq5pKuNMW9p73tGPtg48qCkzzbefrWk69p6rEwbT2bGLbdDYYsFoVBIleuWa9Tp5ykcrtaKlxdp7LgJqqx8M66vmcy8i7PkJjedM283nf3I7WNnV3P72Nnl3CcMPUY1NbWaPv0eDRx0SlwzQef28Vj52NnV3D52djW3j51dze1C5/o9VQd6bz/v1d5+IZffbqbrL2Zm7OMkkGdKHj1kkDZs2KxNm7aorq5Oc+fO09lnjUzLvIuz5CZ3qmfJ7c4sud2ZJbc7s+ROf+7lxSV6f+cHcf/8TMjt47HysbOruX3s7GpuHzu7mtvVzoBLAjkpWVCYr63hbU2fh6uqVVCQn5Z5F2eD3E3u9O6msx+5fewc5G46+5Hbx85B7k42dzJc7exibh87B7mbzn7k9rFzkLt97Ay4JOpJSWPMYGPMi8aYR4wxfY0xzxpjPjTGlBpjBkWZa7rceCRSe6D7W9yWyMvIk5l3cTbI3eRO7246JzYb5G46JzYb5G46JzYb5G46JzYb5O5kcyfD1c4u5vaxc5C76ZzYbJC76ZzYbJC7fewMuCQ3xv1/knSTpEMkvSTpKmvtN40xpzTed9yBhppfbvxA7ylZFa5W36KCps+LCvuounpH3KGTmXdxNsjd5E7vbjr7kdvHzkHuprMfuX3sHOTuZHMnw9XOLub2sXOQu+nsR24fOwe528fOkBThBK4rYr18O89a+4y1drYka619Qnt/8LykTm1dWlpWrgEDDlP//n2Vl5enMWNGa/6CJWmZd3GW3ORO9Sy53Zkltzuz5HZnltzpz50MVzu7mNvHzq7m9rGzq7l97Oxqblc7Ay6J9UzJj40xIyR1l2SNMd+y1j5tjDlRUkNblzY0NOiKK2/QooWPKicU0oyZc1RR8UZa5l2cJTe5Uz1Lbndmye3OLLndmSV3+nM/Mus+nTjsOPXs2UObN5Zp0i2TNX3GYxmd28dj5WNnV3P72NnV3D52djW3q50Bl5ho70tgjPm6pN9Jiki6StJPJV0oqUrS/1lrX4q14EAv3wYAAAAAAEDb1e+pavnmk1Dtby7gPFQzXa9/OGMfJ1Ffvm2tfc1aO9Jae5q1dr219gpr7SHW2q9K+lKaMgIAAAAAAADIIrHeUzKaSe2WAgAAAAAAAIA3or6npDFmdWt3Serd/nEAAAAAAACANrKRoBMgTrEudNNb0khJO/e73UiK+X6SAAAAAAAAALC/WCclF0jqZq0t3/8OY8zSuBaEctoQa6/6SJsv8A0ATXZvW97m2c4FJ7RjEgAAAAAAIMU4KWmtvTjKfee3fxwAAAAAAAAA2S6ZC90AAAAAAAAAQMJivXwbAAAAAAAAcEPEBp0AceKZkgAAAAAAAADSKq0nJR944E5t2fKqXnnl2abbZs26TyUlz6ik5Bm9/vq/VFLyTFxfa+SI4Vq3dpnWVxRr4rWXJJTDxdkgd5PbndzJzBYVFei5JY9rzeqleq38BV12aatvKdvuuxOdPbRnR/X/XBf1Lex8wPm8PKPCPp31+f5d1f3gvISyRNP70I76XFEXFfbprNxco5Ejhqti7TK99cZL+s2tV6qooLO6donv4l4+Pj6D3E1nP3L72DnI3XT2I7ePnYPcTWc/cvvYOcjdPnYGXGGsTe3TWjt1+lzTgqFDj1ZNzUd68MG7dNRR32zxc++44wb95z+7dNtt90hq/erboVBIleuWa9Tp5ykcrtaKlxdp7LgJqqx8M2YeF2fJTe50dM7P76U++b20qnytunXrqpUli3XOuT/MyNydOoUUiew9SVhV/UmL+e+P/bE2bdysrl1z1dBgtX39C3F9DySpqnqHrv/NFM344+8k/ffq2wcflKsOHXL07nufqFvXXB3ULU9Llz6n0844T1u37t17wYWXqHZXWJu3fJSy71ey8/y6onO25vaxs6u5fezsam4fO7ua28fOrub2sbOruV3oXL+nysQVxjO1t3yf12830/VXf83Yx0lanylZXLxSO3d+0Or95557pubMmRfz6xw9ZJA2bNisTZu2qK6uTnPnztPZZ42MK4OLs+Qmd6pnJWn79re1qnytJKmmplbr17+pwoL8jMz98ccRRRrfJ+RA86PPPl2f7IkO+TCkAAAgAElEQVToQP/mMv8fL+h7P7pC51x4iSb97l41NBz4Hz/217VLrnbV1EmSamrrdeyxR2rDhs3auLF57hGK508/Hx+frub2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7l97Oxqblc7Ay7JmPeUHDr0aO3Y8a42bNgc8+cWFOZra3hb0+fhqmoVxHnyxMXZIHeTO727g+zcXL9+RRr49f9RycpVKd+dzmO1YfMWLX7+n5p1/xQ9OfM+hUIhLVjyYlx7cnON6uv/e8qxV6/eClft3duxY0i7P3pPh3+xr95995N2zdze864cq2yYDXK3j7l97Bzkbjr7kdvHzkHuprMfuX3sHORuHztDUiTCR/OPDJYxV98eM2a05s6N/SxJSTKm5TNP430ZuouzQe4md3p3B9l5n65du2junGm6+pqbtGtXTcp3p/NYlZSVq2L9W/rexVdIkj755BP1+MwhkqTLf3GLqrbtUF19nap3vKNzLtz7vi0HdcvVrpr6qBk++SSi93buUU1NnQ45pIM+2r37gM/SbEvm9p535Vhlw2yQu33M7WPnIHfTObHZIHfTObHZIHfTObHZIHfTObHZIHf72BlwSdSTksaYbpImSjpHUpGkPZI2SLrfWjsjytx4SeMlKTf3M8rJ6RY1RE5OjkaPHqXjjz8jrtBV4Wr1LSpo+ryosI+qq3dk7WyQu8md3t1Bdpak3NxcPT5nmmbPfkpPPx3fRaeS3Z3OY2Wt1dmnnaqrfvqDFvfde/uv9n69Vt5Tsr7eKjfXqKFh718G3n57h4oKP703XLVdNmLVIS+kT/a0/i9SPj4+g9xNZz9y+9g5yN109iO3j52D3E1nP3L72DnI3T52BlwS6+Xbf5W0UdJISZMk3StpnKSTjDG3tTZkrZ1qrR1srR0c64SkJJ188lC98cYGVVVtjyt0aVm5Bgw4TP3791VeXp7GjBmt+QuWZO0sucmd6tl9pk2dosr1b+nue6YmNOfKsTp28EA9u7RY7zW+t+2H/9mlbdvj+8O99qMGHdRt75W8u3XNVUnJKg0YcJgGfOFzTXsXPfOs8vJCqquP/hR5Hx+frub2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7l97Oxqblc7Ay6J9fLt/s2eEfl7Y0yptfZWY8wPJFVI+mUiyx5++A864YTj1LPnZ/TWWyX69a9/rxkz5mjMmLM1Z87f4/46DQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8kbWz5CZ3qmcl6RvHD9G4sedq9ZoKlZXu/QPvxhvv0DOLY1+5Ot25ex3aUZ075Sgnx6iooKMuuujHuuyS78sYoyeemK/XX39T/fp2UShkZK10yrfGat5fH9AXDuuny/7vAo2/8npFbER5ubm6/uoJKsjvHTPnrpo69Tq0kz5X1EUNEasdb+/WFVfeoAXz/6q8vFzNnfu4dr63Re9/sCfm23b4+Ph0NbePnV3N7WNnV3P72NnV3D52djW3j51dze1jZ1dzu9oZcImJ9r4ExpiXJE201hYbY86SdKm1dmTjfa9ba78Ua0GnTp9r8xsf1EfiuyouAESze9vyNs/ue/k2AAAAAGSS+j1VLd98Eqq9+TzegLOZrjfPztjHSaxnSv5E0l+MMYdLWivph5JkjDlU0n0pzgYAAAAAAADEL8I5SVdEPSlprV0t6egD3P6OMWZXylIBAAAAAAAAyFqxLnQTzaR2SwEAAAAAAADAG1GfKWmMWd3aXZJiXxkCAAAAAAAAAPYT6z0le0saKWnnfrcbSS+lJBEAAAAAAACArBbrpOQCSd2steX732GMWRrPggauoA0gYFxBGwAAAAA8YSNBJ0CcYl3o5uIo953f/nEAAAAAAAAAZLtkLnQDAAAAAAAAAAnjpCQAAAAAAACAtOKkJAAAAAAAAIC0CuykZPfuB+uxx6ZqzZp/avXqpTr2mKMSmh85YrjWrV2m9RXFmnjtJVk/G+RucruTO5nZaVOnaFv4NZWvej6hufbY7eKxKioq0HNLHtea1Uv1WvkLuuzSVt+Ct90zJzvv27EKcjbI3T7m9rFzkLvp7EduHzsHuZvOfuT2sXOQu33s7L2I5aP5RwYz1qY2YF6HwgMueOjBu1VcXKKHps9WXl6eunTprA8//M+nfk5ryUKhkCrXLdeo089TOFytFS8v0thxE1RZ+WbMPC7Okpvc6eh8wtBjVFNTq+nT79HAQafENZMJuYPanZ/fS33ye2lV+Vp169ZVK0sW65xzf5jVnX3M7WNnV3P72NnV3D52djW3j51dze1jZ1dz+9jZ1dwudK7fU2XiCuOZ2uu/k9ln4tKs628ez9jHSSDPlDzooG4aOvQYPTR9tiSprq6uxQnJaI4eMkgbNmzWpk1bVFdXp7lz5+nss0Zm7Sy5yZ3qWUlaXlyi93d+EPfPz5TcQe3evv1trSpfK0mqqanV+vVvqrAgP+V7k5338VjR2Y/cPnZ2NbePnV3N7WNnV3P72NnV3D52djW3q50Bl0Q9KWmM6W6MucMYs94Y817jR2XjbYe0dennP99P7777nh78y10qXfkPPXD/nerSpXPc8wWF+doa3tb0ebiqWgVxngxwcTbI3eRO7+4gOyfDx2PVXL9+RRr49f9RycpVadnr6mPMxdw+dg5yN539yO1j5yB309mP3D52DnI3nf3I7WpnwCWxnik5V9JOScOttZ+11n5W0kmNtz3e2pAxZrwxpswYUxaJ1La4PzcnR4MGHaEHHnhYQ44eqdrajzRx4qVxhzam5TNP430ZuouzQe4md3p3B9k5GT4eq326du2iuXOm6eprbtKuXTVp2evqY8zF3D52DnI3nRObDXI3nRObDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl8Q6KdnfWvtba+32fTdYa7dba38r6XOtDVlrp1prB1trB4dCXVvcH66qVjhcrZWle59V9OTfFmrQwCPiDl0VrlbfooKmz4sK+6i6ekfWzga5m9zp3R1k52T4eKwkKTc3V4/PmabZs5/S008/k5bMyc77eKzo7EduHzsHuZvOfuT2sXOQu+nsR24fOwe528fOgEtinZT8tzFmojGm974bjDG9jTE/l7S1rUt37HhH4fA2HX74FyRJJ588VJWVb8Q9X1pWrgEDDlP//n2Vl5enMWNGa/6CJVk7S25yp3o2WT4eK2nvFcsr17+lu++ZGvdMe+x19THmYm4fO7ua28fOrub2sbOruX3s7GpuHzu7mtvHzq7mdrUzJBuJ8NHsI5Plxrj/u5Kuk/TPxhOTVtIOSX+XNCaZxVdedaMenvkHdeiQp42btuhHP7o67tmGhgZdceUNWrTwUeWEQpoxc44qKuI7qeniLLnJnepZSXpk1n06cdhx6tmzhzZvLNOkWyZr+ozHMj53ULu/cfwQjRt7rlavqVBZ6d6/INx44x16ZvELKd2b7LyPx4rOfuT2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7ld7Qy4xMR6XwJjzJclFUlaYa2taXb7KGvt4lgL8joUtvmND3jHBAAAAAAAgJbq91S1fPNJqOYX53A6qZlutz+ZsY+TWFffvlzSPEmXSlprjBnd7O7bUhkMAAAAAAAAQHaK9fLt/5N0lLW2xhjTX9ITxpj+1tp7JGXsmVYAAAAAAAAAmSvWScmcfS/ZttZuNsYM194Tk/3ESUkAAAAAAABkkgiv3nZFrKtvbzfGDNz3SeMJyjMl9ZR0RCqDAQAAAAAAAMhOsU5KXiBpe/MbrLX11toLJA1LWSoAAAAAAAAAWSvqy7etteEo9/2r/eMAAAAAAAAAyHaxnikJAAAAAAAAAO0q1oVuAAAAAAAAADdwoRtn8ExJAAAAAAAAAGkVyEnJww//gspKlzR9vPfuel1+2Y8S+hojRwzXurXLtL6iWBOvvSTrZ4PcTW53cvvYOcjdbZ0tKirQc0se15rVS/Va+Qu67NKLE9qbzO4gZ4PcTWc/cvvYOcjddPYjt4+dg9xNZz9y+9g5yN0+dgZcYaxN7dNa8zoURl0QCoX0782v6BtDz9SWLVWfuq+1wVAopMp1yzXq9PMUDldrxcuLNHbcBFVWvhkzj4uz5CY3nTNvdzKz+fm91Ce/l1aVr1W3bl21smSxzjn3h1nd2dXcPnZ2NbePnV3N7WNnV3P72NnV3D52djW3j51dze1C5/o9VSauMJ6pufbbvH67mW53PpWxj5PAX7598slDtXHjv1uckIzm6CGDtGHDZm3atEV1dXWaO3eezj5rZNbOkpvcqZ4ld3pnt29/W6vK10qSampqtX79myosyI9rNsjcPh4rHzu7mtvHzq7m9rGzq7l97Oxqbh87u5rbx86u5na1M+CSwE9KfnfMaM2Z83RCMwWF+doa3tb0ebiqWgVx/g+9i7NB7iZ3enfT2Z/c+/TrV6SBX/8flaxcFfeMq51dzO1j5yB309mP3D52DnI3nf3I7WPnIHfT2Y/crnaGJBvho/lHBmvzSUljzDPJLs/Ly9OZZ47QE08uSHR3i9vifRm6i7NB7iZ3enfTObHZIHcnm1uSunbtorlzpunqa27Srl01cc+52tnF3D52DnI3nRObDXI3nRObDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl+RGu9MYc2Rrd0kaGGVuvKTxkhTK6a5QqOsBf96oUSdp1ao1evvtd+NL26gqXK2+RQVNnxcV9lF19Y6snQ1yN7nTu5vO/uTOzc3V43Omafbsp/T004n9G4+rnV3M7WPnIHfT2Y/cPnYOcjed/cjtY+cgd9PZj9yudgZcEuuZkqWSJkuast/HZEmHtDZkrZ1qrR1srR3c2glJSfrud7+V8Eu3Jam0rFwDBhym/v37Ki8vT2PGjNb8BUuydpbc5E71LLnTn3va1CmqXP+W7r5natwzQef28Vj52NnV3D52djW3j51dze1jZ1dz+9jZ1dw+dnY1t6udAZdEfaakpEpJP7bWtrg8lDFmazKLO3fupFNPGaYJE36e8GxDQ4OuuPIGLVr4qHJCIc2YOUcVFW9k7Sy5yZ3qWXKnd/Ybxw/RuLHnavWaCpWV7v3LxY033qFnFr+Q0bl9PFY+dnY1t4+dXc3tY2dXc/vY2dXcPnZ2NbePnV3N7WpnwCUm2vsSGGPOlbTGWvv6Ae77lrU25tMc8zoUtvmND3jHBAAAAAAAgJbq91S1fPNJqOaa0ZxOaqbb5HkZ+ziJ+kxJa+0TxpgvG2NOkVRirW1+JYaPUxsNAAAAAAAASECEc5KuiPqeksaYyyXNk3SZpLXGmNHN7r4tlcEAAAAAAAAAZKdY7yn5f5KOstbWGGP6S3rCGNPfWnuP9l6BGwAAAAAAAAASEuukZM6+l2xbazcbY4Zr74nJfuKkJAAAAAAAAIA2iPrybUnbjTED933SeILyTEk9JR2RymAAAAAAAAAAslOsZ0peIKm++Q3W2npJFxhjHohnAW8vCgBtkxOK9e9GrWuIRNoxCQAAAAC4wXKhG2fEuvp2OMp9/2r/OAAAAAAAAACyXdufhgMAAAAAAAAAbcBJSQAAAAAAAABpxUlJAAAAAAAAAGkVyEnJjh076uV/LdArZc/qtfIXdNOvfpbw1xg5YrjWrV2m9RXFmnjtJVk/G+RucruT28fOQe5O5+wDD0zW1i2r9OorzzXddsMNV2njhlKtLFmslSWLNWrkSRmXO1N209mP3D52DnJ3MrPTpk7RtvBrKl/1fEJz7bGbY0XnTN5NZz9y+9g5yN0+dvZexPLR/CODGWtTGzC3Q+EBF3Tt2kW1tR8pNzdXy5Y+pauuvkklK1+N62uGQiFVrluuUaefp3C4WiteXqSx4yaosvLNrJwlN7npnHm70zHb/OrbQ4ceo5qaWj304N068qhTJe09KVlb85HuuvuBFjtau/o2x4rO2Zrbx84u5z6h8fe06dPv0cBBp8Q1E3RuH4+Vj51dze1jZ1dz+9jZ1dwudK7fU2XiCuOZXZefmdln4tLsoHsXZOzjJLCXb9fWfiRJysvLVW5enhI5OXr0kEHasGGzNm3aorq6Os2dO09nnzUya2fJTe5Uz5I782eLi0u0c+cHcX39TMqdCbvp7EduHzu7nHt5cYneb+Pvaa52djG3j51dze1jZ1dz+9jZ1dyudgZcEthJyVAopLLSJaquWq3nn1+mlaWr4p4tKMzX1vC2ps/DVdUqKMjP2tkgd5M7vbvp7EfuZDs395OfXqiy0iV64IHJOuSQ7indzbHyo3OQu+nsT+5kuNrZxdw+dg5yN539yO1j5yB3+9gZcEnUk5LGmIONMbcbY2YZY87f774/JbM4Eolo8JAR6nfYYA0ZPEhf/eqX4p41puUzT+N9pqWLs0HuJnd6d9M5sdkgdwfZeZ+pU2fpK18ZqiFHj9T27W/rt7+9MaW7OVaJzQa528fcPnYOcnd7/T7WFq52djG3j52D3E3nxGaD3E3nxGaD3O1jZ8AlsZ4pOV2SkfSkpO8ZY540xnRsvO/Y1oaMMeONMWXGmLJIpDbqgg8//I/+uewljRwxPO7QVeFq9S0qaPq8qLCPqqt3ZO1skLvJnd7ddPYjd7Kd93n77XcViURkrdVDDz2qIYMHZnRuF7/fPnYOcjed/cmdDFc7u5jbx85B7qazH7l97Bzkbh87Ay6JdVLyC9ba66y1T1trz5b0qqQXjDGfjTZkrZ1qrR1srR0cCnVtcX/Pnj3UvfvBkqROnTrplJNP0Ouvb4g7dGlZuQYMOEz9+/dVXl6exowZrfkLlmTtLLnJnepZcrsz21x+fq+mH48+e5TWrXs9o3O7+P32sbOruX3s7HLuZLja2cXcPnZ2NbePnV3N7WNnV3O72hmSIhE+mn9ksNwY93c0xoSstRFJstb+xhgTlrRMUre2Lu3Tp7ceevBu5eSEFAqF9MQT87Vw0XNxzzc0NOiKK2/QooWPKicU0oyZc1RR8UbWzpKb3KmeJXfmzz788B817IRj1bNnD214a6Vu/fUUDRt2nL7+ta/KWqt//zusSy69LuNyZ8JuOvuR28fOLud+ZNZ9OnHYcerZs4c2byzTpFsma/qMxzI6t4/HysfOrub2sbOruX3s7GpuVzsDLjHR3pfAGPM7SUustc/td/soSX+w1n4x1oLcDoW88QEAtEFOqO3XImvI8H8RAwAAAJCc+j1VLd98Etp16emch2rmoD8uytjHSdT/47XWTpQUNsacYozp1uz2xZIuT3U4AAAAAAAAANkn1tW3L5M0T9JlktYaY0Y3u/s3qQwGAAAAAAAAIDvFek/J8ZKOstbWGGP6S3rCGNPfWnuP9l6VGwAAAAAAAMgMEV697YpYJyVzrLU1kmSt3WyMGa69Jyb7iZOSAAAAAAAAANog1knJ7caYgdbacklqfMbkmZIeknREytMBgMeSuVhNXk6s396jq2uoT2oeAAAAAIBoYl3a9QJJ25vfYK2tt9ZeIGlYylIBAAAAAAAAyFpRn0pjrQ1Hue9f7R8HAAAAAAAAQLZL7vV9AAAAAADg/7N393FWl3X+x9+fwwwqYCoiDjNDjMW2bmVCguYdUpSgibRqtBZo5cavVNJt06z050+3XEspqWwVKiANBN2EVZFQ1ASTgdEZuZkZQYSFGQbvwHTIYm6u3x/cNArMOWfOnHOd61yv5+MxD5kz85nP+z1nRLj8nnMA5Ate6CYYyR6+DQAAAAAAAADdikNJAAAAAAAAADnl5VCyvLxUjy++X6tXPaUXap7Q5CsvS/trjD57pNaueVr1tct07TVXFPysz93kDid3jJ197g6lc3n5AC1adJ+qq5fouece0xVXfOVdH7/66kl6553/1dFHH5VXuQth1ufuGHPH2NnnbjrHkTvGzj530zmO3DF29rk7xs5AKMy57D7Wvqhn2X4LSkr6a0BJf1XXrFGfPr21onKRLrzoq6qrW5/S10wkEqpbu1Rjzr1YDQ1NWv7sQk2YeHlK8yHOkpvcdM6/3fneubjH358yuKSkv0pK+qtmz++5f/rTwxo/fpLq69ervHyAfvnLH+kf//GDOu208/TGGzskSS1trV5yF9IsucOZJXc4s+QOZ5bc4cySO5xZcoczm6vdrbsaLaUwkXn762N4UskODr9rUd7+nHi5UnLbtldVXbNGktTcvFP19etVVlqS8vzJw4dqw4ZN2rhxs1paWjRv3gKdP3Z0wc6Sm9zZniV3OLNdmd+27VXVvOv33JdUWnqsJOnHP/6/+v73/1Op/A8q7qs4OoeaO8bOoeaOsXOouWPsHGruGDuHmjvGzqHmDrUzEJJODyXNrMTM/svM7jSzo83s/5nZajObZ2YDuiPAoEHlGnLiR1W5ojrlmdKyEm1p2Lrv/YbGJpWmeKgZ4qzP3eTO7W46x5HbZ+f3v79cQ4Z8RCtX1uizn/20tm7dptWr6/I+d4izPnfHmDvGzj530zmO3DF29rmbznHkjrGzz90xdobknOOtw1s+S3al5ExJtZK2SHpS0juSPitpqaS7DjZkZpPMrMrMqtrbdx70i/fu3Uvz5k7Xt759o95+uznl0Gb7X3ma6jc6xFmfu8md2910Tm/W5+4QO/fu3Utz5tyla665Wa2trfrOd67UzTf/JOt7u2M+xFmfu2PMHWNnn7vpnN6sz910Tm/W5246pzfrczed05v1uTvGzkBIkh1KHuuc+7lz7lZJRzrnfuSc2+yc+7mkQQcbcs5Nc84Nc84NSyR6H/BzioqKdP/c6Zoz50HNn/9oWqEbG5o0sLx03/vlZQPU1PRKwc763E3u3O6mcxy5fXQuKirSnDl3ae7c+VqwYJE+8IFBGjRooFaseFT19ctUVjZAzz77iI499pi8yh3yrM/dMeaOsbPP3XSOI3eMnX3upnMcuWPs7HN3jJ2BkCQ7lOz48d++52M9Mlk8fdoU1dW/pDumTkt7dmVVjQYPPk4VFQNVXFys8ePH6aGHFxfsLLnJne1Zcocz29X5u+76sV588SX97Ge/kiStXfuiBg06Sccff4aOP/4MNTY26dRTP6tXXnktr3KHPEvucGbJHc4sucOZJXc4s+QOZ5bc4cz63g2EoijJxxeYWR/nXLNz7vq9N5rZYEkvdnXp6acN18QJF2nV6lpVrdz9L9YNN9yqRxc9kdJ8W1ubrrr6ei18ZLZ6JBKaOWuuamvXFewsucmd7VlyhzPblfnTThumL33pQq1eXaflyxdKkm688Tb94Q9PprzTR+7QZ8kdziy5w5kldziz5A5nltzhzJI7nFnfu4FQWLLnJTCz4yWVSap0zjV3uH2Mc25RsgVFPct44gMAyLHiHsn+n1PnWtpauykJAAAAgGxo3dW4/5NPQm997WzOoTp43/TFeftzkuzVtydLWiBpsqQ1Zjauw4dvyWYwAAAAAAAAAIUp2aU0kySd5JxrNrMKSQ+YWYVzbqqkvD1pBQAAAAAAAJC/kh1K9tj7kG3n3CYzG6ndB5ODxKEkAAAAAAAAgC5I9urb28xsyN539hxQniepn6QTshkMAAAAAAAAQGFKdqXkJZLe9WoHzrlWSZeY2d2pLEhY1y+obE/yIjwAgAPL9IVqjj7s8C7PvvHO2xntBgAAAIAua+csKRSdHko65xo6+dgz3R8HAAAAAAAAQKFL9vBtAAAAAAAAAOhWHEoCAAAAAAAAyCkOJQEAAAAAAADkVE4PJafdfbsattSo+vnH99121FFHauHC2Vq7dqkWLpytI488IqWvNfrskVq75mnV1y7TtddckVaOEGd97o4xd3l5qR5ffL9Wr3pKL9Q8oclXXpaz3dxXceQOqfP7jjhcv/rtVC1buVBLVzyiYcOH6MijjtC8+b/Ws88v0rz5v9YRR74v73Lnw6zP3THmjrGzz910jiN3jJ197g6x8/RpU7S14QXVVC9Je2cmezPd7TO3r/vK599xMp0Pcdb3biAE5rL8Ctc9Dynft+CMM05Rc/NOzfjNHRr68U9Lkv7zlu9r+/Y3ddvtd+qab1+ho446Qt/7/i2SDv7q24lEQnVrl2rMuReroaFJy59dqAkTL1dd3fqkeUKcJXfuc5eU9NeAkv6qrlmjPn16a0XlIl140VfzOnes91WIuUPo3PHVt3/2X7eq8tkq/e63D6i4uFiH9TpUV/37/9GbO/6sn/90uib/29d0xJHv0w9unCLp4K++HeL3O4T7itzxdg41d4ydQ80dY+dQc/vsfObev+PNmKohQ0eltK+7cmey21dun/eVr7/jZDof4myudrfuarSUwkTmz1/5NC+/3cERMx7P25+TnF4puWxZpXbsePNdt40de7buufd+SdI9996v888fnfTrnDx8qDZs2KSNGzerpaVF8+Yt0Pljk8+FOkvu3Ofetu1VVdeskSQ1N+9Uff16lZWW5HXuWO+rEHOH1LnP4b116unD9LvfPiBJamlp0Vt/fltjzh2lubPnS5Lmzp6vcz776bzKnQ+z5A5nltzhzJI7nFlyhzOb6fzSZZXa/p6/4+Vib6a7feX2eV/5+jtOpvMhzvreDYQi7UNJM+vfnQH69++nbdtelbT7N8ljjjk66UxpWYm2NGzd935DY5NKU/zNNMRZn7tjzd3RoEHlGnLiR1W5ojrru7mv4sgdUudBFQP1xuvbNfWX/6nHl/5eP/n5f6hXr8N0zDFH69VXXpMkvfrKa+p3TN+8yp0Psz53x5g7xs4+d9M5jtwxdva5O9TOmfC1N1OFcF/l8u84mc6HOOt7NxCKTg8lzazve96OlrTCzI4ys+R/A80Ss/2vPE31YeghzvrcHWvuvXr37qV5c6frW9++UW+/3Zz13dxX6c363B1L56KiIp1w4oc169dz9OkzL9Bfdr6jyf/2tZSzZrI79Fmfu2PMHWNnn7vpnN6sz910Tm/W5+5QO2fC195MhX5f5frvOJnOhzjrezcQimRXSr4u6bkOb1WSyiQ9v+fXB2Rmk8ysysyq2tt2dqdQB78AACAASURBVLrg1VdfV0nJ7osvS0r667XX3kgaurGhSQPLS/e9X142QE1NrySdC3XW5+5Yc0u7D2Punztdc+Y8qPnzH015LtTO5A5jNte7tzZu09bGV/T8c6skSQ8t+INOOPHDeu21N9T/2GMkSf2PPUavv7Y9r3Lnw6zP3THmjrGzz910jiN3jJ197g61cyZ87c1UyPeVj7/jZDof4qzv3UAokh1KXivpRUnnO+eOc84dJ6lhz68/cLAh59w059ww59ywRI/enS546OHHNHHC5yVJEyd8Xg89tDhp6JVVNRo8+DhVVAxUcXGxxo8fp4ceTj4X6iy5c59b2v2KfHX1L+mOqdPSmgu1M7nDmM317tdefV1bG5v0wcHHSZLOPOtUrXtxg/7w6BP6whc/J0n6whc/p0ULk79yZYjf75Duq9hzx9g51Nwxdg41d4ydQ83ts3MmfO3NVMj3lY+/42Q6H+Ks793Ra3e8dXzLY0WdfdA5d7uZ3Sfpp2a2RdKNkrrc6J7f/kIjRpyqfv366uUNK3Xzf0zRbbf9QrNn36Uvf+VftGVLoy6++OtJv05bW5uuuvp6LXxktnokEpo5a65qa9ellCHEWXLnPvfppw3XxAkXadXqWlWt3P2b/w033KpHFz2Rt7ljva9CzB1a5+9d+wP98le3qWdxsf530xZddcX3lLCEps/6qb448UI1NjTpXy+9Ou9y+54ldziz5A5nltzhzJI7nNlM5++9506dtefveJtertJNN9+uGTPvy0nuTHb7yu3zvvL1d5xM50Oc9b0bCIWl8ZwGYyV9X1KFcy7lZ1jteUh5lw8x23nOBADw4ujDDu/y7BvvvN2NSQAAAAAcSOuuxv2ffBL686WjOEzq4IhZS/L25yTpq2+b2fFmNkrSk5I+KenTe24fk+VsAAAAAAAAAApQslff/qakBZImS1oj6Wzn3Jo9H74ly9kAAAAAAAAAFKBOn1NS0tckneScazazCkkPmFmFc26qpLy9/BMAAAAAAAARavcdAKlKdijZwznXLEnOuU1mNlK7DyYHiUNJAAAAAAAAAF2Q7Dklt5nZkL3v7DmgPE9SP0knZDMYAAAAAAAAgMKU7ErJSyS1drzBOdcq6RIzuzuVBbyCNgCEh1fQBgAAAABkU6eHks65hk4+9kz3xwEAAAAAAABQ6JJdKQkAAAAAAAAEwbXziN1QJHtOSQAAAAAAAADoVhxKAgAAAAAAAMgpb4eSo88eqbVrnlZ97TJde80VOZ0PcdbnbnKHkzvGzj530zmO3DF29rmbznHkjrFzJvPTp03R1oYXVFO9JO2dmezNdNbn7hhzx9jZ52465y53eXmpHl98v1avekov1DyhyVdelpO9mc763g2EwFyWXx27qGfZfgsSiYTq1i7VmHMvVkNDk5Y/u1ATJl6uurr1KX3NTOZDnCU3uemcf7vpHEfuGDuHmjvGzqHmjrFzpvNnnnGKmpt3asaMqRoydFRK+7pjL/dVOLlj7Bxq7hg7ZzpfUtJfA0r6q7pmjfr06a0VlYt04UVfLejOqc627mq0lMJE5s0vfYonlezgyN89kbc/J16ulDx5+FBt2LBJGzduVktLi+bNW6Dzx47OyXyIs+Qmd7ZnyR3OLLnDmSV3OLPkDmc21txLl1Vq+443U97VXXu5r8LJHWPnUHPH2DnT+W3bXlV1zRpJUnPzTtXXr1dZaUnW94Z6XwEh8XIoWVpWoi0NW/e939DYpNIUf1PJdD7EWZ+7yZ3b3XSOI3eMnX3upnMcuWPs7HM3nXObOxOhdiY3nfN5N539/R44aFC5hpz4UVWuqM763lDvK0hqd7x1fMtjnR5KmtmYDr8+wsx+bWarzGy2mR3b1aVm+185ms7DyDOZD3HW525y53Y3ndOb9bmbzunN+txN5/Rmfe6mc3qzPnfTOb3Z7pjvqlA7kzt3sz53x5g7xs7dMS9JvXv30ry50/Wtb9+ot99uzvreUO8rICTJrpS8pcOvp0hqkjRW0kpJdx9syMwmmVmVmVW1t+/c7+ONDU0aWF667/3ysgFqanol5dCZzIc463M3uXO7m85x5I6xs8/ddI4jd4ydfe6mc25zZyLUzuSmcz7vpnPufw8sKirS/XOna86cBzV//qM52RvqfQWEJJ2Hbw9zzl3vnPtf59xPJVUc7BOdc9Occ8Occ8MSid77fXxlVY0GDz5OFRUDVVxcrPHjx+mhhxenHCST+RBnyU3ubM+SO5xZcoczS+5wZskdzmysuTMRamdy0zmfd9M5978HTp82RXX1L+mOqdNSnsl0b6j3FRCSoiQf729m35Jkkt5nZub+fs1wl5+Psq2tTVddfb0WPjJbPRIJzZw1V7W163IyH+Isucmd7VlyhzNL7nBmyR3OLLnDmY0197333KmzRpyqfv36atPLVbrp5ts1Y+Z9Wd/LfRVO7hg7h5o7xs6Zzp9+2nBNnHCRVq2uVdXK3QdzN9xwqx5d9ERW94Z6XwEhsc6el8DMbnzPTb90zr1mZiWSfuycuyTZgqKeZTzxAQAAAAAAQDdq3dW4/5NPQm9+4ZOcQ3Vw5Nwn8/bnpNMrJZ1zN5nZ8ZLKJFU655r33L7NzGbnIiAAAAAAAACAwpLs1bcnS1ogabKkNWY2rsOHbznwFAAAAAAAAAAcXLLnlJwk6STnXLOZVUh6wMwqnHNTtft5JgEAAAAAAAAgLckOJXt0eMj2JjMbqd0Hk4PEoSQAAAAAAACALkh2KLnNzIY452okac8Vk+dJ+o2kE7KeDgAAAAAAAEiRa+d1bkLR6XNKSrpE0raONzjnWve86vaIrKUCAAAAAAAAULCSvfp2Qycfe6b74wAAAAAAAAAodMmulAQAAAAAAACAbsWhJAAAAAAAAICc4lASAAAAAAAAQE55O5QcffZIrV3ztOprl+naa67I6XyIsz53kzuc3JnMTp82RVsbXlBN9ZK05rpjN/dVHJ0zmT/kkEP07DMP67mqx/RCzRO68f/+e072Zjrrc3eMuWPs7HM3nePIHWNnn7vpHEfuGDv73B1j5+i18/autzxmzmX3pdKLepbttyCRSKhu7VKNOfdiNTQ0afmzCzVh4uWqq1uf0tfMZD7EWXKTOxedzzzjFDU379SMGVM1ZOiolGbyIXeI3+8YO3fHfO/evbRz519UVFSkp596UP/2rRtVueL5rO7lvgond4ydQ80dY+dQc8fYOdTcMXYONXeMnUPNHULn1l2NllKYyOy4cGR2D7oCc9R/P5W3PydpXylpZkdnuvTk4UO1YcMmbdy4WS0tLZo3b4HOHzs6J/MhzpKb3NmelaSlyyq1fcebKX9+vuQO8fsdY+fumN+58y+SpOLiIhUVFyvV/6kWamdy0zmfd9M5jtwxdg41d4ydQ80dY+dQc4faGQhJp4eSZnarmfXb8+thZvaypEoz+18zO6urS0vLSrSlYeu+9xsam1RaWpKT+RBnfe4md253++ycCe4rOudiPpFIqGrlYjU1rtKSJU9rxcrqrO/lvsrtbjrHkTvGzj530zmO3DF29rmbznHkDrUzEJJkV0p+1jn3+p5f3ybpC865wZI+I2nKwYbMbJKZVZlZVXv7zgN9fL/b0nkYeSbzIc763E3u3O722TkT3Fe5m/W522duSWpvb9ew4Wdr0HHDNHzYUH3kI/+Y9b3cV7ndTef0Zn3upnN6sz530zm9WZ+76ZzerM/ddE5v1ufuGDsDISlK8vFiMytyzrVKOsw5t1KSnHPrzOyQgw0556ZJmiYd+DklGxuaNLC8dN/75WUD1NT0SsqhM5kPcdbnbnLndrfPzpngvqJzLub3+vOf39Ifn/7T7if/XvtiVvdyX+V2N53jyB1jZ5+76RxH7hg7+9xN5zhyh9oZkmvnADcUya6UvFPSQjP7lKRFZnaHmY0ws5sk1XR16cqqGg0efJwqKgaquLhY48eP00MPL87JfIiz5CZ3tmczxX1F52zP9+vXV0cc8T5J0qGHHqpRnzpTL764Iet7ua/CyR1j51Bzx9g51Nwxdg41d4ydQ80dY+dQc4faGQhJp1dKOud+bmarJX1D0of2fP6HJM2X9IOuLm1ra9NVV1+vhY/MVo9EQjNnzVVt7bqczIc4S25yZ3tWku69506dNeJU9evXV5tertJNN9+uGTPvy/vcIX6/Y+yc6fyAAcfqN7++Qz16JJRIJPTAAw/pkYWPZ30v91U4uWPsHGruGDuHmjvGzqHmjrFzqLlj7Bxq7lA7AyGxZM9LYGbHSyqTVOmca+5w+xjn3KJkCw708G0AAAAAAAB0Xeuuxv2ffBLa/s9ncQ7VQd8H/5i3PyfJXn37m5IWSJosaY2Zjevw4VuyGQwAAAAAAABAYUr2Qjdfk3SSc67ZzCokPWBmFc65qZLy9qQVAAAAAAAAEWr3HQCpSnYo2WPvQ7adc5vMbKR2H0wOEoeSAAAAAAAAALog2atvbzOzIXvf2XNAeZ6kfpJOyGYwAAAAAAAAAIUp2aHkJZK2dbzBOdfqnLtE0oispQIAAAAAAABQsDp9+LZzrqGTjz3T/XEAAAAAAAAAFLpkV0oCAAAAAAAAQLdK9kI3AAAAAAAAQBAcr74dDK6UBAAAAAAAAJBT3g4lp0+boq0NL6imekmX5kefPVJr1zyt+tpluvaaK4KYjbGzz90x5o6xs8/ddA4jd3l5qR5ffL9Wr3pKL9Q8oclXXpazzJnOx3Zf+Zz1uTvG3DF29rmbznHkjrGzz910jiN3qJ2BUJhzLqsLinqWHXDBmWecoubmnZoxY6qGDB2V1tdMJBKqW7tUY869WA0NTVr+7EJNmHi56urW5+2sFGdncocxS+5wZsmd/mxJSX8NKOmv6po16tOnt1ZULtKFF321oDvHmDvGzqHmjrFzqLlj7Bxq7hg7h5o7xs6h5g6hc+uuRkspTGTeGHtWdg+6AnP0Q3/M258Tb1dKLl1Wqe073uzS7MnDh2rDhk3auHGzWlpaNG/eAp0/dnRez0pxdiZ3GLPkDmeW3OnPbtv2qqpr1kiSmpt3qr5+vcpKS7K+N9P5GO8rOseRO8bOoeaOsXOouWPsHGruGDuHmjvUzkBIgnxOydKyEm1p2Lrv/YbGJpWm+BdMX7OZCrUzucOY9bk7xtwxdva9e69Bg8o15MSPqnJFdU72cl+FMetzd4y5Y+zsczed48gdY2efu+kcR+5QO0NSO2/vestjnR5KmtnzZna9mX0wV4FSYbb/laepPgzd12ymQu1M7jBmfe6OMXeMnX3vlqTevXtp3tzp+ta3b9TbbzfnZC/3VRizPnfHmDvGzj530zm9WZ+76ZzerM/ddE5v1ufuGDsDIUl2peRRko6U9KSZrTCzfzOz0mRf1MwmmVmVmVW1t+/slqAdNTY0aWD532OUlw1QU9MreT2bqVA7kzuMWZ+7Y8wdY2ffu4uKinT/3OmaM+dBzZ//aE4yZzof431F5zhyx9jZ5246x5E7xs4+d9M5jtyhdgZCkuxQcodz7tvOufdL+ndJ/yDpeTN70swmHWzIOTfNOTfMOTcskejdnXklSSurajR48HGqqBio4uJijR8/Tg89vDivZzMVamdyhzFL7nBmyd213dOnTVFd/Uu6Y+q0lGe6Yy/3VRiz5A5nltzhzJI7nFlyhzNL7nBmfe8GQlGU6ic655ZKWmpmkyV9RtIXJKX3t7sO7r3nTp014lT169dXm16u0k03364ZM+9LabatrU1XXX29Fj4yWz0SCc2cNVe1tevyelaKszO5w5gldziz5E5/9vTThmvihIu0anWtqlbu/sPcDTfcqkcXPZHVvZnOx3hf0TmO3DF2DjV3jJ1DzR1j51Bzx9g51NyhdgZCYp09L4GZ3eec+5dMFhT1LOOJDwAAAAAAALpR667G/Z98Enr9nLM4h+qg36N/zNufk04fvu2c+xczO97MRplZn44fM7Mx2Y0GAAAAAAAAoBAle/XtyZIWSJosaY2Zjevw4VuyGQwAAAAAAABAYUr2nJKTJJ3knGs2swpJD5hZhXNuqqS8vfwTAAAAAAAAQP5KdijZwznXLEnOuU1mNlK7DyYHiUNJAAAAAAAAAF3Q6cO3JW0zsyF739lzQHmepH6STshmMAAAAAAAAACFKdmVkpdIau14g3OuVdIlZnZ31lIBAAAAAAAA6Wr3HQCp6vRQ0jnX0MnHnun+OAAAAAAAAAAKXbKHbwMAAAAAAABAt+JQEgAAAAAAAEBOcSgJAAAAAAAAIKe8HUpOnzZFWxteUE31ki7Njz57pNaueVr1tct07TVXFPysz93kDid3jJ197qZz4ecuLy/V44vv1+pVT+mFmic0+crL0tqbyW6fsz530zmO3DF29rmbznHkjrGzz910jiN3qJ1j59p56/iWz8w5l9UFRT3LDrjgzDNOUXPzTs2YMVVDho5K62smEgnVrV2qMederIaGJi1/dqEmTLxcdXXrC3KW3OSmc/7tpnMcuUtK+mtASX9V16xRnz69taJykS686KsF3TnU3DF2DjV3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c1WkphIvPaZ87K7kFXYI557I95+3Pi7UrJpcsqtX3Hm12aPXn4UG3YsEkbN25WS0uL5s1boPPHji7YWXKTO9uz5A5nlty5nd227VVV16yRJDU371R9/XqVlZakNOszd4z3VYydQ80dY+dQc8fYOdTcMXYONXeMnUPNHWpnICSdHkqa2TAze9LM7jWzgWb2mJn92cxWmtnQXIV8r9KyEm1p2Lrv/YbGJpWm+JfEEGd97iZ3bnfTOY7cMXb2uTvT3HsNGlSuISd+VJUrqlOeCbVziLlj7OxzN53jyB1jZ5+76RxH7hg7+9wdY2cgJMmulPylpB9LekTSnyTd7Zw7QtJ1ez52QGY2ycyqzKyqvX1nt4Xt8PX3uy3Vh6GHOOtzN7lzu5vO6c363E3n9GZ97s40tyT17t1L8+ZO17e+faPefrs55blQO4eYO8bOPnfTOb1Zn7vpnN6sz910Tm/W5246pzfrc3eMnYGQFCX5eLFz7lFJMrMfOecekCTn3BIzu/1gQ865aZKmSQd/TslMNDY0aWB56b73y8sGqKnplYKd9bmb3LndTec4csfY2efuTHMXFRXp/rnTNWfOg5o//9GU5zLdzX1F53zeTec4csfY2eduOseRO8bOPnfH2Bn5/+Iu+LtkV0r+1czONrPPS3Jm9jlJMrOzJLVlPd1BrKyq0eDBx6miYqCKi4s1fvw4PfTw4oKdJTe5sz1L7nBmyZ373NOnTVFd/Uu6Y+q0lGd8547xvoqxc6i5Y+wcau4YO4eaO8bOoeaOsXOouUPtDIQk2ZWSX9fuh2+3Sxot6RtmNlNSo6SvZbL43nvu1FkjTlW/fn216eUq3XTz7Zox876UZtva2nTV1ddr4SOz1SOR0MxZc1Vbu65gZ8lN7mzPkjucWXLndvb004Zr4oSLtGp1rapW7v6D4A033KpHFz2R17ljvK9i7Bxq7hg7h5o7xs6h5o6xc6i5Y+wcau5QOwMhsWTPS2Bm/ySpVFKlc665w+1jnHOLki3IxsO3AQAAAAAAYta6q3H/J5+EXh11FudQHfRf8se8/TlJ9urb35T0oKTJktaY2bgOH74lm8EAAAAAAAAAFKZkD9/+mqRhzrlmM6uQ9ICZVTjnpkrK25NWAAAAAAAAxIcXuglHskPJHnsfsu2c22RmI7X7YHKQOJQEAAAAAAAA0AXJXn17m5kN2fvOngPK8yT1k3RCNoMBAAAAAAAAKEzJDiUvkbSt4w3OuVbn3CWSRmQtFQAAAAAAAICC1enDt51zDZ187JnujwMAAAAAAACg0CW7UhIAAAAAAAAAulWyF7oBAAAAAAAAwuB4XeZQcKUkAAAAAAAAgJzyeiiZSCS0csUftODBWWnPjj57pNaueVr1tct07TVXFPysz93kDid3jJ197qZzHLlD7Tx92hRtbXhBNdVL0prrjt0hzvrcHWPuGDv73E3nOHLH2NnnbjrHkTvUzkAozDmX1QVFPcsOuuDqqybppJM+pvcdfrjG/fOlKX/NRCKhurVLNebci9XQ0KTlzy7UhImXq65ufUHOkpvcdM6/3XSOI3eonSXpzDNOUXPzTs2YMVVDho5KacZ37hjvqxhzx9g51Nwxdg41d4ydQ80dY+dQc4fQuXVXI49TPoBXRo7M7kFXYI596qm8/TnxdqVkWdkAnXvOKP3mN3PSnj15+FBt2LBJGzduVktLi+bNW6Dzx44u2Flykzvbs+QOZ5bc4cz63r10WaW273gz5c/Ph9wx3lcx5o6xc6i5Y+wcau4YO4eaO8bOoeYOtTMQEm+Hkj+ZcpOu++4P1N7envZsaVmJtjRs3fd+Q2OTSktLCnbW525y53Y3nePIHWNnn7tj7JypEL/fod5XMeaOsbPP3XSOI3eMnX3upnMcuUPtDMm189bxLZ91eihpZn3M7GYzW2tmfzaz18xsuZl9OZOlnz3303r11df1fPXqLs2b7X/laaoPQw9x1uducud2N53Tm/W5m87pzfrcHWPnTIX4/Q71vooxd4ydfe6mc3qzPnfTOb1Zn7vpnN6sz90xdgZCUpTk47+T9KCk0ZLGS+ot6T5J15vZh5xz3zvQkJlNkjRJkqzHEUoker/r46edNkxjzztb54z5lA499BC9732Ha9bMn+nSL38zpdCNDU0aWF667/3ysgFqanqlYGd97iZ3bnfTOY7cMXb2uTvGzpkK8fsd6n0VY+4YO/vcTec4csfY2eduOseRO9TOQEiSPXy7wjk30znX4Jz7iaTznXPrJX1F0gUHG3LOTXPODXPODXvvgaQkff/6W1XxgWEa/KFP6EsTLteTTz6T8oGkJK2sqtHgwcepomKgiouLNX78OD308OKCnSU3ubM9S+5wZskdzqzv3ZkI8fsd6n0VY+4YO4eaO8bOoeaOsXOouWPsHGruUDsDIUl2peROMzvDObfMzMZK2i5Jzrl2O9D1xDnS1tamq66+Xgsfma0eiYRmzpqr2tp1BTtLbnJne5bc4cySO5xZ37vvvedOnTXiVPXr11ebXq7STTffrhkz78vr3DHeVzHmjrFzqLlj7Bxq7hg7h5o7xs6h5g61MxAS6+x5CczsREnTJX1I0hpJlznnXjSzYyRd7Jz7WbIFRT3LeOIDAAAAAACAbtS6q9HbxWL5rOmMT3IO1cGAZU/m7c9Jp1dKOudeMLNLJZVJWu6ca95z+2tmxjE9AAAAAAAAgLQle/Xtb2r3C91cKWmNmY3r8OFbshkMAAAAAAAAQGFK9pySX5M0zDnXbGYVkh4wswrn3FRJeXv5JwAAAAAAAID8lexQskeHh2xvMrOR2n0wOUgcSgIAAAAAAADogk4fvi1pm5kN2fvOngPK8yT1k3RCNoMBAAAAAAAAKEzJrpS8RFJrxxucc62SLjGzu7OWCgAAAAAAAEiTa/edAKlK9urbDZ187JnujwMAAAAAAACg0CV7+DYAAAAAAAAAdCsOJQEAAAAAAADkFIeSAAAAAAAAAHLK26Hk9GlTtLXhBdVUL+nS/OizR2rtmqdVX7tM115zRcHP+txN7nByx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5I6xs8/ddI4jd6idY+ec8dbhLZ+Zcy6rC4p6lh1wwZlnnKLm5p2aMWOqhgwdldbXTCQSqlu7VGPOvVgNDU1a/uxCTZh4uerq1hfkLLnJTef8203nOHLH2DnU3DF2DjV3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c15veJkyeNp34quwddgSl79om8/TnxdqXk0mWV2r7jzS7Nnjx8qDZs2KSNGzerpaVF8+Yt0PljRxfsLLnJne1ZcoczS+5wZskdziy5w5kldziz5A5nltzhzJI7nFnfu4FQBPmckqVlJdrSsHXf+w2NTSotLSnYWZ+7yZ3b3XSOI3eMnX3upnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73B1jZyAkRZ190MyKJF0m6Z8llUpykrZKWiDp1865lqwnPHCu/W5L9WHoIc763E3u3O6mc3qzPnfTOb1Zn7vpnN6sz910Tm/W5246pzfrczed05v1uZvO6c363E3n9GZ97o6xMxCSTg8lJd0j6U1J/09Sw57byiVdKuleSV840JCZTZI0SZKsxxFKJHp3R9Z9GhuaNLC8dN/75WUD1NT0SsHO+txN7tzupnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73E3nOHLH2Nnn7hg7Q3LtvhMgVckevv1x59w3nHPLnXMNe96WO+e+IWnowYacc9Occ8Occ8O6+0BSklZW1Wjw4ONUUTFQxcXFGj9+nB56eHHBzpKb3NmeJXc4s+QOZ5bc4cySO5xZcoczS+5wZskdziy5w5n1vRsIRbIrJXeY2ecl/bdzu8+azSwh6fOSdmSy+N577tRZI05Vv359tenlKt108+2aMfO+lGbb2tp01dXXa+Ejs9UjkdDMWXNVW7uuYGfJTe5sz5I7nFlyhzNL7nBmyR3OLLnDmSV3OLPkDmeW3OHM+t4NhMI6e14CM6uQ9CNJn9Tuh3FL0pGSnpR0nXNuY7IFRT3LeOIDAAAAAACAbtS6q3H/J5+EGk75FOdQHZRXPpG3PyedXinpnNtkZj+RNEXSBkn/JOkTkmpTOZAEAAAAAAAAgPdK9urbN0o6Z8/nPSbpZEl/lHSdmQ11zv0w+xEBAAAAAAAAFJJkzyl5kaQhkg6RtE1SuXPuLTO7TVKlJA4lAQAAAAAAkBdce94+WhnvkezVt1udc23Oub9I2uCce0uSnHPvSOJF1gEAAAAAAACkLdmVkrvMrNeeQ8mT9t5oZkcoxUPJokSPLodrbW/r8iwAADEo7dO3y7Nbm7d3YxJgf8U9kv1R8+Ba2lq7MQkAAADyTbI/KY5wzv1NkpxzHQ8hiyVd8/PJ6gAAIABJREFUmrVUAAAAAAAAAApWslff/ttBbn9d0utZSQQAAAAAAACgoHX9MTUAAAAAAABAHnHOdwKkKtkL3QAAAAAAAABAt+JQEgAAAAAAAEBO5fRQ8u67b9Pmzc/ruece23fbCSf8k5566kFVVS3Wf//3b3T44X1S+lqjzx6ptWueVn3tMl17zRVp5Qhx1uducoeTO9TO06dN0daGF1RTvSStue7YHeJsqN8vn7tj6XzZNybq8T89qMee+b1+Pv1HOuSQnpp69616svJ/9Ngzv9dtP79ZRUWpPXNLiN/vkO6r7pr1uTud2fLyAVq06D5VVy/Rc889piuu+Iok6YILztVzzz2mnTs36uMfPyHvcnfnrM/ddI4jd4ydfe6mcxy5Q+0MhMJclh9sf+ih79+34IwzTlZz81/061//VCed9BlJ0rJlD+m73/2Bli6t1KWXjldFxUDddNMUSVJre9sBv2YikVDd2qUac+7Famho0vJnF2rCxMtVV7c+aZ4QZ8lN7kLuLElnnnGKmpt3asaMqRoydFRKM75z8/0K52es0DuX9ukrSTp2QH/998JZGnXq5/S3v/5Nv/zN7XrisaV647XtevLxpZKkn0//kSr/9JzunTFPkrS1ebu33Pk0S+7szRb32H0IXlLSXyUl/VVTs0Z9+vTWn/70sMaPnyTnnNrb2/WLX9yi7373h3r++dX7ZlvaWoPsnG+76RxH7hg7h5o7xs6h5g6hc+uuRkspTGQ2DxvFs0p28P6qJXn7c5LTKyWXLVuhHTvefNdtH/rQB7R0aaUkacmSpfrc585N+nVOHj5UGzZs0saNm9XS0qJ58xbo/LGjU8oQ4iy5yZ3tWd+7ly6r1Pb3/N6Q77n5foXzMxZT56KiIh166CHq0aOHDjvsUL2y7dV9B5KSVPP8Gg0oPTbvcvueJXf2Z7dte1U1NWskSc3NO1Vf/5JKS4/Viy++pPXrX05pp4/c3TUbau4YO4eaO8bOoeaOsXOouUPtDMm1G28d3vJZlw8lzWxadwRYu/ZFnXfe7qsmL7jgsyovH5B0prSsRFsatu57v6GxSaWlJSntC3HW525y53Z3jJ0zFeL3O8bvl8/dsXR+pelVTfvFTC1f9Ziq6p7QW281a+mTz+77eFFRkS4Yf57+uOSZvMqdD7M+d8eY+/3vL9eQIR/RypU1KX1+d+7mvqJzPu+mcxy5Y+zsc3eMnYGQdHooaWZ9D/J2tKSDXtJoZpPMrMrMqtramjsN8H/+zzX6+tcv1Z/+9IgOP7yPdu1qSRrabP+T3lQfhh7irM/d5M7t7hg7ZyrE73eM3y+fu2PpfMQR79NnzvmkTh86RsM/PEq9eh2mf/78efs+/sPbv68Vzz6nFcufz6vc+TDrc3dsuXv37qU5c+7SNdfcrLff7vzPiN292+esz910Tm/W5246pzfrczed05v1uTvGzkBIkj3b/WuS/ldSx38j3J73+x9syDk3TdI06d3PKXkg69Zt0HnnTZAkDR58nMaM+VTS0I0NTRpYXrrv/fKyAWpqeiXpXKizPneTO7e7Y+ycqRC/3zF+v3zujqXzGSM/oS2bG7X9jR2SpEUPP66TTj5RD97/sK6+9uvqe3RfXfdvV+dd7nyY9bk7ptxFRUWaM+cuzZ07XwsWLEppT3ft9j3rczed48gdY2efu+kcR+5QOwMhSfbw7ZcljXTOHdfh7QPOueMkdcu/Ecccc7Sk3f8n4Lvf/aZ+9at7k86srKrR4MHHqaJioIqLizV+/Dg99PDilPaFOEtucmd71vfuTIT4/Y7x++VzdyydGxua9PFhH9Ohhx0qSTp9xCl6ad1G/cvECzTiU6fryq9dm/L/YQ/x+x3SfRVr7rvu+rFefPEl/exnv0ppR77k7o7ZUHPH2DnU3DF2DjV3jJ1DzR1qZyAkya6UvEPSUZI2H+BjP0532W9/+3Odeeap6tfvKL30UqV+8IOfqHfv3vr61y+RJM2fv0izZs1L+nXa2tp01dXXa+Ejs9UjkdDMWXNVW7supQwhzpKb3Nme9b373nvu1FkjTlW/fn216eUq3XTz7Zox8768zs33K5yfsVg61zy3Wgv/5zEtfHKe2tpatXZVvWbPul/1DSvUuKVJ8/+w+3/6LXp4iabedlfe5M6HWXJnf/a004bpS1+6UKtX12n58oWSpBtvvE2HHNJTP/nJTerXr69+//sZWrWqVueff0ne5O6u2VBzx9g51Nwxdg41d4ydQ80damegK8zsSEm/kvRR7X6E9FclvShprqQKSZskjXfO7bDdzy8wVbuf1vEvkr7snEv+HFEH2pvsqgkzO1mSc86tNLMPSxojqd45tzCVBckevt2Z1va2ro4CABCF0j59uzy7tXl7NyYB9lfcI9n//z64lrbWbkwCAEDhad3VmN8vrezJpiGf4Qk4O6ioeSzpz4mZzZK01Dn3KzPrKamXpO9J2u6cu9XMrpN0lHPuO2Z2rqTJ2n0oeYqkqc65U7qSrdM/KZrZjZLOkVRkZo/tWfaUpOvMbKhz7oddWQoAAAAAAADALzN7n6QRkr4sSc65XZJ2mdk4SSP3fNos7T4P/I6kcZJ+63Zf5bjczI40swHOuaZ0dyf739cXSRoi6RBJ2ySVO+feMrPbJFVK4lASAAAAAAAAyENmNknSpA43TdvzAtV7fUC7X+h6hpmdKOk5SVdJOnbvQaNzrsnM9r7gdZmkLR3mG/bc1u2Hkq3OuTZJfzGzDc65t/aEecfM2tNdBgAAAAAAACA39hxATuvkU4okfVzSZOdcpZlNlXRdJ59/oIeDd+kh88lefXuXmfXa8+uT9m03O0ISh5IAAAAAAABAuBokNTjnKve8/4B2H1K+YmYDJGnPP1/t8PkDO8yXS9ralcXJrpQc4Zz7myQ55zoeQhZLujSVBbxYDQAA2ZPJi9UkrOvPjd6e5IXyAIkXqwEAALnHH1PT45zbZmZbzOwfnXMvSholqXbP26WSbt3zzwV7Rv5H0pVmdp92v/bMn7vyfJJSkkPJvQeSB7j9dUmvd2UhAAAAAAAAgLwxWdLv9rzy9suSvqLdj66eZ2aXSdos6fN7Pnehdr/y9kuS/rLnc7sk2ZWSAAAAAAAAAAqUc65G0rADfGjUAT7XSbqiO/Yme05JAAAAAAAAAOhWHEoCAAAAAAAAyCkvh5Ll5aV6fPH9Wr3qKb1Q84QmX3lZ2l9j9NkjtXbN06qvXaZrr0nvqtEQZ33uJnc4uWPs7HM3nePIHWPnK6+8TNXPP66a6iWaPDmO/0b73B1j7hg7+9xN5zhyx9jZ5246x5E71M6xc+3GW4e3fGYuyy9LVNSzbL8FJSX9NaCkv6pr1qhPn95aUblIF170VdXVrU/payYSCdWtXaox516shoYmLX92oSZMvDyl+RBnyU1uOuffbjrHkbvQOx/o1bc/8uF/1L333qnTTj9Pu3a16OGH79Xkyd/TSy9tfNfnHezVt/O9c77tjjF3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c15veJkycvn3A2r7/dwQdWL87bnxMvV0pu2/aqqmvWSJKam3eqvn69ykpLUp4/efhQbdiwSRs3blZLS4vmzVug88eOLthZcpM727PkDmeW3OHMhpr7+OMHq7KyWu+881e1tbVp6dPLNW7cmJRmfeaO8b4KNXeMnUPNHWPnUHPH2DnU3DF2DjV3qJ2BkHh/TslBg8o15MSPqnJFdcozpWUl2tKwdd/7DY1NKk3xUDPEWZ+7yZ3b3XSOI3eMnX3upnN6s2trX9SZZ56ivn2P1GGHHaoxYz6l8vLSlGZ95o7xvvK5m85x5I6xs8/ddI4jd4ydfe6OsTMQkqLOPmhmPST9q6RySYucc890+Nj1zrkfZLK8d+9emjd3ur717Rv19tvNKc/ZAR5ulurD0EOc9bmb3LndTef0Zn3upnN6sz530zm92fr6l3Tb7b/UowvnqLl5p1atrlVra2tKs5nu5r5Kb9bnbjqnN+tzN53Tm/W5m87pzfrcTef0Zn3ujrEzEJJkV0reLeksSW9I+pmZ/aTDxy442JCZTTKzKjOram/fecDPKSoq0v1zp2vOnAc1f/6jaYVubGjSwA5XbZSXDVBT0ysFO+tzN7lzu5vOceSOsbPP3XROP/fMmffplE+co1Gfvkg7tr+53/NJ5mPuWO+rEHPH2NnnbjrHkTvGzj530zmO3KF2huSc8dbhLZ8lO5Q82Tn3RefcHZJOkdTHzH5vZodIOmgz59w059ww59ywRKL3AT9n+rQpqqt/SXdMnZZ26JVVNRo8+DhVVAxUcXGxxo8fp4ceXlyws+Qmd7ZnyR3OLLnDmQ059zHHHC1JGjiwVJ/73DmaO3dByrOhdiZ3GLPkDmeW3OHMkjucWXKHM+t7NxCKTh++Lann3l8451olTTKzGyU9IalPV5eeftpwTZxwkVatrlXVyt3/Yt1ww616dNETKc23tbXpqquv18JHZqtHIqGZs+aqtnZdwc6Sm9zZniV3OLPkDmc25Nxz75umo48+Si0trfrmVd/Xm2/+OeXZUDuTO4xZcoczS+5wZskdziy5w5n1vRsIhXX2vARmdq+ke51zi95z+79K+i/nXHGyBUU9y3jiAwAA8lDCuv5wjnae1wgAAMCr1l2N+f3YXE82fHQ0f1Dt4INr/pC3PyedPnzbOTdB0nYzGy5JZvZhM/uWpK2pHEgCAAAAAAAAwHsle/XtGyWdI6nIzB7T7ueVfErSdWY21Dn3w+xHBAAAAAAAAFBIkj2n5EWShkg6RNI2SeXOubfM7DZJlZI4lAQAAAAAAEBecO2+EyBVyV59u9U51+ac+4ukDc65tyTJOfeOJO5mAAAAAAAAAGlLdii5y8x67fn1SXtvNLMjxKEkAAAAAAAAgC5I9vDtEc65v0mSc++6ALZY0qWpLMjkJX54uSQAALInk1fQ5r/vAAAAADLR6aHk3gPJA9z+uqTXs5IIAAAAAAAAQEFLdqUkAAAAAAAAEIR2l8ljepBLyZ5TEgAAAAAAAAC6FYeSAAAAAAAAAHLK26Hk+nXLVf3846pauVjLn12Y9vzos0dq7ZqnVV+7TNdec0XBz/rcTe5wcsfYOZP56dOmaGvDC6qpXpL2zkz2Zjrrc3eMuWPsnOn8Vd/8mmpqnlB19RLdc8+dOuSQQ3Kyl/sqnNwxdva5m85x5I6xs8/ddI4jd6idgVCYy+CVN1NR3LPsgAvWr1uuT5x6jt54Y8dBZw+WLJFIqG7tUo0592I1NDRp+bMLNWHi5aqrW580T4iz5CY3nbMzf+YZp6i5eadmzJiqIUNHpbSvO/ZyX4WTO8bOqc4f7Jl6SktL9NSTD+pjJ35Sf/3rXzV79l1a9OgT+u098/Z9Tr79993n7hhzx9g51Nwxdg41d4ydQ80dY+dQc4fQuXVXI0+eeADr/mlMdg+6AvOhukV5+3MS5MO3Tx4+VBs2bNLGjZvV0tKiefMW6Pyxowt2ltzkzvZsrLmXLqvU9h1vpryru/ZyX4WTO8bO3TFfVFSkww47VD169FCvww7T1qZtWd/LfRVO7hg7h5o7xs6h5o6xc6i5Y+wcau5QO0Nyznjr8JbPOj2UNLNeZnatmV1jZoea2ZfN7H/M7Mdm1ieTxc45PbpwjiqXP6p/vexLac2WlpVoS8PWfe83NDaptLSkYGd97iZ3bnfTObe5MxFqZ3LTOdvzW7du009/epde3rBCWzZX66233tLjjz+d9b3cV7ndTec4csfY2eduOseRO8bOPnfH2BkISbIrJWdKOlbScZIekTRM0u3a/ait/zrYkJlNMrMqM6tqb995wM85a+TndPIpY3Te2An6xje+rDPOOCXl0Gb7n/Sm+jD0EGd97iZ3bnfTOb3Z7pjvqlA7kzt3sz53+8x95JFHaOzY0fqHD31C7x/0cfXq3Utf/OIFWd/LfZXb3XROb9bnbjqnN+tzN53Tm/W5m87pzfrcHWNnICTJDiU/5Jz7d0lXSPqIpMnOuaclXSvpxIMNOeemOeeGOeeGJRK9D/g5TU2vSJJee+0NzV/wqIYPH5Jy6MaGJg0sL933fnnZgH1frxBnfe4md2530zm3uTMRamdy0znb86NGnalNmzbr9de3q7W1VfPnP6pTPzEs63u5r3K7m85x5I6xs8/ddI4jd4ydfe6OsTMQkpSeU9LtPpJfuOefe9/v8jF9r16HqU+f3vt+/ZlPn6W1a19MeX5lVY0GDz5OFRUDVVxcrPHjx+mhhxcX7Cy5yZ3t2VhzZyLUzuSmc7bnt2xu1MmnfFyHHXaoJOlTnzxD9fWpPSF8qJ3JTed83k3nOHLH2DnU3DF2DjV3qJ2BkBQl+XiVmfVxzjU7576690Yz+6Ckt7u69Nhjj9ED9/9aktSjqIfuu2++Fi9+KuX5trY2XXX19Vr4yGz1SCQ0c9Zc1dauK9hZcpM727Ox5r73njt11ohT1a9fX216uUo33Xy7Zsy8L+t7ua/CyR1j50znV6ys1u9//4hWrPiDWltb9ULNWk3/1e+yvpf7KpzcMXYONXeMnUPNHWPnUHPH2DnU3KF2BkJiyZ6XwMxO1u6LI1ea2YcljZH0ojpcOdmZ4p5lXb6ikmdMAAAgP2XyOn789x0AACBzrbsa8/ullT2p/9C5/HGzg+PXLczbn5NOr5Q0sxslnSOpyMwek3SKpKckfUfSEEk/zHZAAAAAAAAAAIUl2cO3L9Luw8dDJG2TVO6ce8vMbpNUKQ4lAQAAAAAAAKQp2QvdtDrn2pxzf5G0wTn3liQ5596R1J71dAAAAAAAAAAKTrJDyV1m1mvPr0/ae6OZHSEOJQEAAAAAAAB0QbKHb49wzv1NkpxzHQ8hiyVdmsoCnl0UAIDCw3/fAQAAkI+SvyQz8kWnh5J7DyQPcPvrkl7PSiIAAAAAAAAABS3Zw7cBAAAAAAAAoFtxKAkAAAAAAAAgpziUBAAAAAAAAJBT3g4lp0+boq0NL6imekmX5kefPVJr1zyt+tpluvaaKwp+1uducoeTO8bOPnfTOY7cMXb2uZvOceSOsbPP3XSOI3eMnX3upnMcuUPtHDvXbrx1eMtn5rL8skRFPcsOuODMM05Rc/NOzZgxVUOGjkrrayYSCdWtXaox516shoYmLX92oSZMvFx1desLcpbc5KZz/u2mcxy5Y+wcau4YO4eaO8bOoeaOsXOouWPsHGruGDuHmjuEzq27GvP7xMmT2g9+ltff7uDDGx7J258Tb1dKLl1Wqe073uzS7MnDh2rDhk3auHGzWlpaNG/eAp0/dnTBzpKb3NmeJXc4s+QOZ5bc4cySO5xZcoczS+5wZskdziy5w5n1vRsIRZDPKVlaVqItDVv3vd/Q2KTS0pKCnfW5m9y53U3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz90xdgZCkvahpJmty0aQNDPsd1uqD0MPcdbnbnLndjed05v1uZvO6c363E3n9GZ97qZzerM+d9M5vVmfu+mc3qzP3XROb9bnbjqnN+tzd4ydgZAUdfZBM3tb0t6f/L3/VvTae7tz7n0HmZskaZIkWY8jlEj07qa4uzU2NGlgeem+98vLBqip6ZWCnfW5m9y53U3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz90xdgZCkuxKyZmS5kv6B+fc4c65wyVt3vPrAx5ISpJzbppzbphzblh3H0hK0sqqGg0efJwqKgaquLhY48eP00MPLy7YWXKTO9uz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmSV3OLO+d8eu3RlvHd7yWadXSjrnJpvZSZLmmNl8Sb/Q36+czMi999yps0acqn79+mrTy1W66ebbNWPmfSnNtrW16aqrr9fCR2arRyKhmbPmqrZ2XcHOkpvc2Z4ldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmfW9GwiFpfK8BGaWkHSlpM9L+qBzrjTVBUU9y3jiAwAAAAAAgG7Uuqsxvy+D82TNB87jHKqDj778cN7+nHR6paQkmdnJ2v38kT8zs2pJnzSzc51zC7MfDwAAAAAAAEChSfZCNzdKOkdSkZk9JulkSX+UdJ2ZDXXO/TAHGQEAAAAAAAAUkGRXSl4kaYikQyRtk1TunHvLzG6TVCmJQ0kAAAAAAADkBZfnL+6Cv0v26tutzrk259xfJG1wzr0lSc65dyS1Zz0dAAAAAAAAgIKT7FByl5n12vPrk/beaGZHiENJAAAAAAAAAF2Q7OHbI5xzf5Mk51zHQ8hiSZdmLRUAAMBBJKzrD8lpd7wYIwAAAJAPOj2U3HsgeYDbX5f0elYSAQAAAAAAAChoya6UBAAAAAAAAILAA2PCkew5JQEAAAAAAACgW3EoCQAAAAAAACCnvBxKlpeX6vHF92v1qqf0Qs0TmnzlZWl/jdFnj9TaNU+rvnaZrr3mioKf9bmb3OHkjrGzz910jiN3jJ197k53dtrdt6thS42qn398320XXvBZ1VQv0V/f2ayPf/xjeZm7u2Z97qZzHLlj7OxzN53jyB1jZ5+7Y+wMhMJclh9sX9SzbL8FJSX9NaCkv6pr1qhPn95aUblIF170VdXVrU/payYSCdWtXaox516shoYmLX92oSZMvDyl+RBnyU1uOuffbjrHkTvGziHk7vjq22eccYqam3dqxm/u0NCPf1qSdPzxg9Xe3q47f/Ejfee6/9Dzz6/a9/kHe/XtfO+cb7vpHEfuGDuHmjvGzqHmjrFzqLlD6Ny6q9EO8iWitqpiLM8q2cHHNj2Utz8nXq6U3LbtVVXXrJEkNTfvVH39epWVlqQ8f/LwodqwYZM2btyslpYWzZu3QOePHV2ws+Qmd7ZnyR3OLLnDmSV3bmaXLavUjh1vvuu2+vqXtG7dyynt9JW7O2ZDzR1j51Bzx9g51Nwxdg41d4ydQ80damcgJN6fU3LQoHINOfGjqlxRnfJMaVmJtjRs3fd+Q2OTSlM81Axx1uducud2N53jyB1jZ5+76RxP7kyE2jnE3DF29rmbznHkjrGzz910jiN3qJ0htTvjrcNbPuv0UNLMPtbh18Vmdr2Z/Y+Z3WJmvTJd3rt3L82bO13f+vaNevvt5pTnzPb/pqb6MPQQZ33uJndud9M5vVmfu+mc3qzP3XROb9bn7kxzZyLUziHmjrGzz910Tm/W5246pzfrczed05v1uTvGzkBIkl0pObPDr2+VNFjSFEmHSbrrYENmNsnMqsysqr195wE/p6ioSPfPna45cx7U/PmPphW6saFJA8tL971fXjZATU2vFOysz93kzu1uOseRO8bOPnfTOZ7cmQi1c4i5Y+zsczed48gdY2efu+kcR+5QOwMhSXYo2fF4fpSkrznn/ijpW5KGHGzIOTfNOTfMOTcskeh9wM+ZPm2K6upf0h1Tp6WbWSurajR48HGqqBio4uJijR8/Tg89vLhgZ8lN7mzPkjucWXKHM0vu3OfORKidQ8wdY+dQc8fYOdTcMXYONXeMnUPNHWpnICRFST5+hJldoN2Hk4c451okyTnnzKzL1w6fftpwTZxwkVatrlXVyt3/Yt1ww616dNETKc23tbXpqquv18JHZqtHIqGZs+aqtnZdwc6Sm9zZniV3OLPkDmeW3LmZvee3v9CIEaeqX7++ennDSt38H1O0Y/ub+ulP/0PHHNNXC+bP0gur1uq88ybkVe7umA01d4ydQ80dY+dQc8fYOdTcMXYONXeonYGQWGfPS2BmM95z03XOuVfMrETS75xzo5ItKOpZxhMfAACAbpOwrj9hdzvPxwQAAApE667G/H4VE0+q3z+OP/B1MHTzgrz9Oen0Sknn3FfM7BRJ7c65lWb2YTP7kqT6VA4kAQAAAAAAAOC9Oj2UNLMbJZ0jqcjMHpN0sqQ/SrrOzIY6536Yg4wAAAAAAAAACkiy55S8SLtf0OYQSdsklbv/z969x0dZ3nkf//6GBBBUFFFDEip22XZf9dmu1IDVeqDiAmJB21W2Vqx23fLseqhuu7q2sPXR7bbdVVbtrl2LB7BQ5OCqCESLopxUDlFiNQkeEAoTAtYqUlBLDtfzB4GNEjIzSWauueb6vF+vvCQTfvl9v7mnSG/vmdu5XWZ2m6Q1kjgpCQAAAAAAACAjqe6+3eSca3bOfSBpo3NulyQ55z6U1JL1dAAAAAAAAAAKTqorJfeaWZ/Wk5Kn7H/QzPqJk5IAAMADblYDAACAQ+GviuFIdVLyLOfcHyXJOdf2JGSxpMuzlgoAAAAAAABAwUp19+0/HuLxdyS9k5VEAAAAAAAAAApaqveUBAAAAAAAAIBuxUlJAAAAAAAAADmV6j0lAQAAAAAAgCC0OPMdAWnydqXkvdOmalvyZVWvX9qp+dGjRqjm1RXaULtKN95wdcHP+txN7nByx9jZ5246x5E7xs4+d9M5s9kY/z7lc3eMuWPs7HM3nePIHWNnn7tj7AyEwlyW75Ve1LOs3QVnnnGqdu/eo+nT79LJQ0dm9D0TiYTqalZqzNhLlEw2aPULlZp42VWqq3ujIGfJTW46599uOseRO8bOoeaOsbMU39+nyB3OLLnDmSV3OLPkDmc2V7ub9tZzSWA7qsovzO6JrsBUJB/L2+eJtyslV65ao3ff29mp2eHDhmrjxs3atGmLGhsbNW/eAo0fN7pgZ8lN7mzPkjucWXKHM0vucGZDzh3b36fIHc4sucOZJXc4s+QOZ9b3biAUHZ6UNLNrzGxA66+HmNkKM9tpZmvM7M9zE/FgpWUl2prcduDzZH2DSktLCnbW525y53Y3nePIHWNnn7vpHEfuGDt3VaidyR3GrM/dMeaOsbPP3XSOI3eonYGQpLpS8u+dc++0/vouSXc4546S9E+S7jnUkJlNMrMqM6tqadnTTVE/9v0Peizdl6GHOOtzN7lzu5vOmc363E3nzGZ97qZzZrPcbKrwAAAgAElEQVQ+d9M5s9muCrUzucOY9bk7xtwxdva5m86ZzfrcHWNnICSp7r7d9uvHOecelSTn3DIzO+JQQ865aZKmSYd+T8muqE82aFB56YHPy8sGqqFhR8HO+txN7tzupnMcuWPs7HM3nePIHWPnrgq1M7nDmPW5O8bcMXb2uZvOceQOtTMkx923g5HqSsmHzWyGmX1a0qNmdr2ZfcrMviVpSw7ytWtdVbWGDDlRgwcPUnFxsSZMuEALFy0p2Flykzvbs+QOZ5bc4cySO5zZkHN3RaidyR3GLLnDmSV3OLPkDmfW924gFB1eKemcm2xmV0h6SNKfSOolaZKkxyRd2pXFs2berbPPOk0DBvTX5reqdMutt2v6jDlpzTY3N+u666eocvFs9UgkNOPBuaqtfb1gZ8lN7mzPkjucWXKHM0vucGZDzh3b36fIHc4sucOZJXc4s+QOZ9b3biAUlup9CcxsuCTnnFtnZidJGiOpzjlXmc6CbLx8GwAAAAAAIGZNe+t5nXI71pV9lfNQbQyrfzRvnycdXilpZjdLOk9SkZk9JWm4pOWSbjKzoc65f81BRgAAAAAAAAAFJNWNbi6SdLL2vWx7u6Ry59wuM7tN0hpJnJQEAAAAAABAXmjhRjfBSHWjmybnXLNz7gNJG51zuyTJOfehpJaspwMAAAAAAABQcFKdlNxrZn1af33K/gfNrJ84KQkAAAAAAACgE1K9fPss59wfJck51/YkZLGky9NZkLDOXzbbkuImPAAAAAAAAADC0+FJyf0nJNt5/B1J72QlEQAAAAAAAICClupKSQAAAAAAACAIvOY2HKneUxIAAAAAAAAAuhUnJQEAAAAAAADkVE5PSk77xe1Kbq3W+peePvDY0UcfpcrK2aqpWanKytk66qh+aX2v0aNGqObVFdpQu0o33nB1RjlCnPW5m9zh5I6xs8/ddI4jd4ydfe6mcxy5Y+zsczed48gdY+d7p03VtuTLql6/NKO57tjNsYojt6/OXX1uA6Ewl+U7XPfsVX5gwRlnnKrdu/do+gN3augXzpUk/eTHk/Xuuzt12+1364Z/vFpHH91PP5j8Y0mHvvt2IpFQXc1KjRl7iZLJBq1+oVITL7tKdXVvpMwT4iy5yU3n/NtN5zhyx9g51Nwxdg41d4ydQ80dY+dQc8fYWZLO3P//L6ffpZOHjkxrxnfuWI9ViLl9dk73ud20t97SChOZ1aVf420l2/jitkfy9nmS0yslV61ao/fe2/mxx8aNG6WZs+ZLkmbOmq/x40en/D7Dhw3Vxo2btWnTFjU2NmrevAUaPy71XKiz5CZ3tmfJHc4sucOZJXc4s+QOZ5bc4cySO5zZkHOvXLVG737i/1+mK9TO5A5jtqvzXXluAyHx/p6Sxx03QNu3vy1J2r79bR177DEpZ0rLSrQ1ue3A58n6BpWWlqS1L8RZn7vJndvddI4jd4ydfe6mcxy5Y+zsczed48gdY2efu+mcee6uCLUzucOY7Y55dF6LMz7afOSzDk9KmtkjZjbRzA7PVaB0mB38Q033ZeghzvrcTe7c7qZzZrM+d9M5s1mfu+mc2azP3XTObNbnbjpnNutzN50zm/W5m86ZzXZVqJ3JHcZsd8wDMUh1peSpki6UtMXM5pnZV82sZ6pvamaTzKzKzKpamvd0+HvffvsdlZQcJ0kqKTlOv/vd71OGrk82aFB56YHPy8sGqqFhR8q5UGd97iZ3bnfTOY7cMXb2uZvOceSOsbPP3XSOI3eMnX3upnPmubsi1M7kDmO2O+aBGKQ6Kfm2c+4iSSdIWijp25LqzWy6mY061JBzbppzrsI5V5Ho0bfDBQsXPaXLJl4sSbps4sVauHBJytDrqqo1ZMiJGjx4kIqLizVhwgVauCj1XKiz5CZ3tmfJHc4sucOZJXc4s+QOZ5bc4cySO5zZkHN3RaidyR3GbHfMAzEoSvF1J0nOuT9Imilpppn1lzRB0k2SMvpf1Mxf/pfOOus0DRjQX29tXKdb/2WqbrvtvzR79j264ltf19at9brkkr9L+X2am5t13fVTVLl4tnokEprx4FzV1r6eVoYQZ8lN7mzPkjucWXKHM0vucGbJHc4sucOZJXc4syHnnjXzbp3d+v8vN79VpVtuvV3TZ8zJ69yxHqsQc/vs3JXnNhAS6+g9DcxshXPurK4s6NmrvNNvmtDC+y0AAAAAAAAcpGlvfX7fxcST50ou4mRSG1/a/nDePk86vFLSOXeWmQ3f90u3zsw+J2mMpA3OucqcJAQAAAAAAABQUDo8KWlmN0s6T1KRmT2lfTe+WSbpJjMb6pz71+xHBAAAAAAAAFBIUr2n5EWSTpbUS9J2SeXOuV1mdpukNZI4KQkAAAAAAAAgI6nuvt3knGt2zn0gaaNzbpckOec+lNSS9XQAAAAAAAAACk6qKyX3mlmf1pOSp+x/0Mz6iZOSAAAAAAAAyCOcrApHqpOSZznn/ihJzrm2x7VY0uXpLOAO2gAAAAAAAADaSnX37T8e4vF3JL2TlUQAAAAAAAAAClqq95QEAAAAAAAAgG7FSUkAAAAAAAAAOcVJSQAAAAAAAAA55e2k5OhRI1Tz6gptqF2lG2+4OqfzIc763E3ucHLH2NnnbjrHkTvGzj53x9a5V69eeuG5RXqx6im9XP2Mbv7h9zKNHeTPO8Rj1dVZn7vpHEfuGDv73E3nOHKH2jl2TsZHm498Zi7Ld8cu6ll20IJEIqG6mpUaM/YSJZMNWv1CpSZedpXq6t5I63t2ZT7EWXKTm875t5vOceSOsXOouUPtLEl9+/bRnj0fqKioSCuWPap/+O7NWrP2pbzOHeOxijF3jJ1DzR1j51Bzx9g51NwhdG7aW5/fZ5w8WVFycXZPdAXmrO3z8/Z54uVKyeHDhmrjxs3atGmLGhsbNW/eAo0fNzon8yHOkpvc2Z4ldziz5A5nltzhzPrevWfPB5Kk4uIiFRUXK5P/YBzizzvUYxVj7hg7h5o7xs6h5o6xc6i5Q+0MhKTDk5Jm9mkze8DMfmRmh5vZvWb2qpnNN7PBnV1aWlaircltBz5P1jeotLQkJ/MhzvrcTe7c7qZzHLlj7OxzN53jyB1qZ2nf1RBV65aoof43Wrp0hdauW5/3uWM8VjHmjrGzz910jiN3jJ197o6xMxCSVFdKzpC0TtJuSaslbZB0nqQnJT3Q2aVmB185mslVAV2ZD3HW525y53Y3nTOb9bmbzpnN+txN58xmfe6OsbMktbS0qGLYKJ1wYoWGVQzVSSd9Nu3ZEH/eoR6rGHPH2NnnbjpnNutzN50zm/W5O8bOQEiKUnz9COfcf0uSmV3lnJva+vj9ZnbNoYbMbJKkSZJkPfopkej7sa/XJxs0qLz0wOflZQPV0LAj7dBdmQ9x1uducud2N53jyB1jZ5+76RxH7lA7t/X++7u0fMXz+97Yvua1rO8Ocdbn7hhzx9jZ5246x5E7xs4+d8fYGVIL52+DkepKyRYz+4yZDZfUx8wqJMnMhkjqcagh59w051yFc67ikyckJWldVbWGDDlRgwcPUnFxsSZMuEALFy1JO3RX5kOcJTe5sz1L7nBmyR3OLLnDmfW5e8CA/urX70hJUu/evTXynDP12msb8z53jMcqxtwxdg41d4ydQ80dY+dQc4faGQhJqislb5S0UFKLpAslfd/MPi+pn6Rvd3Zpc3Ozrrt+iioXz1aPREIzHpyr2trXczIf4iy5yZ3tWXKHM0vucGbJHc6sz90DBx6vB+6/Uz16JJRIJPTwwwu1uPLpvM8d47GKMXeMnUPNHWPnUHPH2DnU3KF2BkJiqd6XwMxOldTinFtnZidp33tK1jrnKtNZUNSzjAtnAQAAAAAAulHT3vqD33wSWnb8xZyHamPEjvl5+zzp8EpJM7tZ+05CFpnZU5KGS1ou6SYzG+qc+9ccZAQAAAAAAABQQFK9fPsiSSdL6iVpu6Ry59wuM7tN0hpJnJQEAAAAAABAXmhR3l4YiE9IdaObJudcs3PuA0kbnXO7JMk596H2vc8kAAAAAAAAAGQk1UnJvWbWp/XXp+x/0Mz6iZOSAAAAAAAAADoh1cu3z3LO/VGSnHNtT0IWS7o8a6kAAAAAAAAAFKwOT0ruPyHZzuPvSHonK4kAAAAAAAAAFLRUL98GAAAAAAAAgG6V6uXbAAAAAAAAQBAcd98OBldKAgAAAAAAAMgpTkoCAAAAAAAAyCmvJyUTiYTWrf21Fjz6YMazo0eNUM2rK7ShdpVuvOHqgp/1uZvc4eSOsbPP3XSOI3eMnX3upnNms+XlpXp6yXy98ptlern6GV17zZU5282xiiN3jJ197qZzHLlj7Oxzd4ydgVCYcy6rC4p6lh1ywfXXTdIpp3xeRx5xhC746uVpf89EIqG6mpUaM/YSJZMNWv1CpSZedpXq6t4oyFlyk5vO+bebznHkjrFzqLlj7CxJJSXHaWDJcVpf/aoOP7yv1q55Un910d/kde5Yj1WIuWPsHGruGDuHmjvGzqHmDqFz09563jyxHUuP/+vsnugKzMgdc/P2eeLtSsmysoEae95IPfDAQxnPDh82VBs3btamTVvU2NioefMWaPy40QU7S25yZ3uW3OHMkjucWXKHMxty7u3b39b66lclSbt379GGDW+orLQkr3PHeqxCzB1j51Bzx9g51Nwxdg41d6idIbXw8bGPfNbhSUkzS5jZ35jZYjN72cxeNLM5Zjaiq4v/Y+otuun7P1JLS+Y/otKyEm1NbjvwebK+QaVp/gU8xFmfu8md2910jiN3jJ197qZzHLlj7PxJJ5xQrpP/4v9ozdr1Wd/NsYojd4ydfe6mcxy5Y+zsc3eMnYGQpLpS8n5Jn5L0E0nPSlrc+tgUM7v2UENmNsnMqsysqqVlz0FfP3/suXr77Xf00vpXOhXa7OArT9N9GXqIsz53kzu3u+mc2azP3XTObNbnbjpnNutzN50zm22rb98+mjf3Xn33H2/WH/6wO+u7OVaZzfrcTefMZn3upnNmsz530zmzWZ+7Y+wMhKQoxddPcc59q/XXq8xstXPuh2a2QlK1pP9sb8g5N03SNKn995Q8/fQKjfvKKJ035hz17t1LRx55hB6c8TNdfsV30gpdn2zQoPLSA5+Xlw1UQ8OOgp31uZvcud1N5zhyx9jZ5246x5E7xs77FRUVaf7ce/XQQ4/qsceeSHsu1M7kDmPW5+4Yc8fY2eduOseRO9TOQEhSXSnZaGZ/Iklm9gVJeyXJOfdHSZ0+TT95yk81+NMVGvKZL+rSiVfp2WefS/uEpCStq6rWkCEnavDgQSouLtaECRdo4aIlBTtLbnJne5bc4cySO5xZcoczG3JuSbp32lTVbXhTd941LaO5UDuTO4xZcoczS+5wZskdzqzv3UAoUl0peYOkZ83sI0nFkr4uSWZ2rKRFWc52SM3Nzbru+imqXDxbPRIJzXhwrmprXy/YWXKTO9uz5A5nltzhzJI7nNmQc3/p9GG6bOJF+s0rtapat+//rPzzP/9UTzz5TN7mjvVYhZg7xs6h5o6xc6i5Y+wcau5QO0NyytubTeMTLNX7EpjZaZKanHPrzOxzksZI2uCcq0xnQXsv3wYAAAAAAEDnNe2t5+xbO5Yc/3XOQ7UxasecvH2edHilpJndLOk8SUVm9pSk4ZKWS7rJzIY65/41BxkBAAAAAAAAFJBUL9++SNLJknpJ2i6p3Dm3y8xuk7RGEiclAQAAAAAAAGQk1Y1umpxzzc65DyRtdM7tkiTn3IeSWrKeDgAAAAAAAEDBSXVScq+Z9Wn99Sn7HzSzfuKkJAAAAAAAAIBOSPXy7bOcc3+UJOdc25OQxZIuz1oqAAAAAAAAIENcQReODk9K7j8h2c7j70h6JyuJAAAAAAAAABS0VC/fBgAAAAAAAIBuxUlJAAAAAAAAADnFSUkAAAAAAAAAOeX1pGQikdC6tb/WgkcfzHh29KgRqnl1hTbUrtKNN1xd8LM+d5M7nNwxdva5m85x5I6xs8/ddM5d7nunTdW25MuqXr80451d2dvVWZ+7Y8wdY2efu+kcR+4YO/vcHWPn2LXw8bGPfGbOuawuKOpZdsgF1183Saec8nkdecQRuuCr6d/MO5FIqK5mpcaMvUTJZINWv1CpiZddpbq6NwpyltzkpnP+7aZzHLlj7Bxq7hg7d3X+zDNO1e7dezR9+l06eejItPZ1x16OVTi5Y+wcau4YO4eaO8bOoeYOoXPT3npLK0xkKo//enZPdAVm7I45efs88XalZFnZQI09b6QeeOChjGeHDxuqjRs3a9OmLWpsbNS8eQs0ftzogp0lN7mzPUvucGbJHc4sucOZjTX3ylVr9O57O9Pe1V17OVbh5I6xc6i5Y+wcau4YO4eaO9TOQEi8nZT8j6m36Kbv/0gtLZlfTFpaVqKtyW0HPk/WN6i0tKRgZ33uJndud9M5jtwxdva5m85x5I6xc3fMd1aonclN53zeTec4csfY2efuGDsDIenwpKSZFZnZ/zWzJ83sN2b2spk9YWZ/Z2bFnV16/thz9fbb7+il9a90at7s4CtP030ZeoizPneTO7e76ZzZrM/ddM5s1uduOmc263M3nTOb7Y75zgq1M7lzN+tzd4y5Y+zsczedM5v1uTvGzkBIilJ8faaknZL+n6Rk62Plki6XNEvSX7c3ZGaTJE2SJOvRT4lE3499/fTTKzTuK6N03phz1Lt3Lx155BF6cMbPdPkV30krdH2yQYPKSw98Xl42UA0NOwp21uducud2N53jyB1jZ5+76RxH7hg7d8d8Z4Xamdx0zufddI4jd4ydfe6OsTMkp7x9C0V8QqqXb3/BOff3zrnVzrlk68dq59zfSxp6qCHn3DTnXIVzruKTJyQlafKUn2rwpys05DNf1KUTr9Kzzz6X9glJSVpXVa0hQ07U4MGDVFxcrAkTLtDCRUsKdpbc5M72LLnDmSV3OLPkDmc21txdEWpnctM5n3fTOY7cMXYONXeonYGQpLpS8j0zu1jS/zjnWiTJzBKSLpb0XrbDHUpzc7Ouu36KKhfPVo9EQjMenKva2tcLdpbc5M72LLnDmSV3OLPkDmc21tyzZt6ts886TQMG9Nfmt6p0y623a/qMOVnfy7EKJ3eMnUPNHWPnUHPH2DnU3KF2BkJiHb0vgZkNlvRvks7RvpOQJqmfpGcl3eSc25RqQVHPMt74AAAAAAAAoBs17a3ndcrtWHz8JZyHauP8HQ/l7fOkwyslnXOb1fq+kWZ2jPadlLzTOTcx+9EAAAAAAAAAFKIOT0qa2ePtPHzO/sedc+OzkgoAAAAAAADIUEveXheIT0r1npLlkmol3SfJad+VksMkTc1yLgAAAAAAAAAFKtXdtyskvShpsqT3nXPLJH3onFvunFue7XAAAAAAAAAACk+q95RskXSHmc1v/eeOVDMAAAAAAAAA0JG0TjA655KSLjaz8yXtym4kAAAAAAAAAIUso6senXOLJS3OUhYAAAAAAAAAEeCl2AAAAAAAACgILeL226FIdaMbAAAAAAAAAOhWnJQEAAAAAAAAkFPeTkqOHjVCNa+u0IbaVbrxhqtzOh/irM/d5A4nd4ydfe6OsfO906ZqW/JlVa9fmtFcd+wOcdbn7hhzx9jZ9+5EIqF1a3+tBY8+mNO9sR2rUP/s9bk7xtwxdva5m85x5A61MxAKc85ldUFRz7KDFiQSCdXVrNSYsZcomWzQ6hcqNfGyq1RX90Za37Mr8yHOkpvcdM6/3TF2lqQzzzhVu3fv0fTpd+nkoSPTmvGdO8ZjFWPuGDv73i1J1183Saec8nkdecQRuuCrl2c9c1fnQz1WIf7Z63N3jLlj7Bxq7hg7h5o7hM5Ne+t588R2LCj5RnZPdAXmgu2z8/Z54uVKyeHDhmrjxs3atGmLGhsbNW/eAo0fNzon8yHOkpvc2Z4ldzizvnevXLVG7763M+3fnw+5YzxWMeaOsbPv3WVlAzX2vJF64IGH0p7pjr0xHqsQ/+z1uTvG3DF2DjV3jJ1DzR1qZ0iOj4995LNOn5Q0s2mdnS0tK9HW5LYDnyfrG1RaWpKT+RBnfe4md2530zmO3KF27qoQf96hHqsYc8fY2ffu/5h6i276/o/U0tKS9kx37I3xWHVFqJ3JTed83k3nOHKH2hkISYcnJc2s/yE+jpE0toO5SWZWZWZVLS172vv6QY9l8jLyrsyHOOtzN7lzu5vOmc363B1j564K8ecd6rGKMXeMnX3uPn/suXr77Xf00vpX0vr93bW3q/OhHquuCLUzuXM363N3jLlj7Oxzd4ydgZAUpfj67yT9VlLb/0W41s+PO9SQc26apGlS++8pWZ9s0KDy0gOfl5cNVEPDjrRDd2U+xFmfu8md2910jiN3qJ27KsSfd6jHKsbcMXb2ufv00ys07iujdN6Yc9S7dy8deeQRenDGz3T5Fd/J6t6uzod6rLoi1M7kpnM+76ZzHLlD7QyEJNXLt9+SNMI5d2Kbj087506U1On/RayrqtaQISdq8OBBKi4u1oQJF2jhoiU5mQ9xltzkzvYsucOZ9b27K0L8eYd6rGLMHWNnn7snT/mpBn+6QkM+80VdOvEqPfvsc2mdkOzq3q7Oh3qsuiLUzuSmcz7vpnMcuUPtDIQk1ZWSd0o6WtKWdr72751d2tzcrOuun6LKxbPVI5HQjAfnqrb29ZzMhzhLbnJne5bc4cz63j1r5t06+6zTNGBAf21+q0q33Hq7ps+Yk9e5YzxWMeaOsbPv3Z0VamefuUP8s9fn7hhzx9g51Nwxdg41d6idIWX2btfwyTJ9XwIz+6Vz7pvp/v72Xr4NAAAAAACAzmvaW3/wm09Cj5R8g/NQbXxt++y8fZ50eKWkmT3+yYckfdnMjpIk59z4bAUDAAAAAAAAUJhSvXx7kKQaSffpf29wUyFpapZzAQAAAAAAAChQqW50c4qkFyVNlvS+c26ZpA+dc8udc8uzHQ4AAAAAAABA4enwSknnXIukO8xsfus/d6SaAQAAAAAAAICOpHWC0TmXlHSxmZ0vaVcmC3oX9exMLknSR017Oz0LAEAMEtb5961uyfBmd0Cmjurdt9OzOz/a041JAABALFq68Pdj5FZGVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcVISAAAAAAAAQE7l7KRkr149tWzFY3phdaXWVf1ak6dcL0m6/4E79FL1Uq1d96R+fs+/qagovbe5HD1qhGpeXaENtat04w1XZ5QlxFmfu8kdTu4QO/fq1UsvPLdIL1Y9pZern9HNP/xeprGD/HmHeKy6Outzd4ydr7nmSq1/6WlVr1+qa6+9MqPZru4Ocdbn7lhyv/TKM1rxwkI9u2qBnl72P5Kk8ReO0ao1i/X2zg06eej/SWvvvdOmalvyZVWvX5pR3s7m7q5Zn7vpHEfuGDv73E3nOHKH2jl2jo+PfeQzc1m+8+bhfU48sKBv3z7as+cDFRUV6aml83XjP96io/sfpSW/XiZJmj7jLj333Frdd++vJB367tuJREJ1NSs1ZuwlSiYbtPqFSk287CrV1b2RMk+Is+QmdyF3lj7+Z8OKZY/qH757s9asfSmvc8d4rGLMHULn9u6+fdLnPqtZs+7W6V/6ivbubdSiRbN07bU/0JtvbvrY7zvU3bdD/HmHcKxizN327tsvvfKMzj37r/Tuu+8deOxPP/Mnci0tmnrXrbp5yr+pev2rB752qLtvn3nGqdq9e4+mT79LJw8dmTJrrjvn2246x5E7xs6h5o6xc6i5Q+jctLee20y3Y/7AS/P9XFxOXdzwq7x9nuT05dt79nwgSSouLlJxcZGcdOCEpCRVVb2ssrKBKb/P8GFDtXHjZm3atEWNjY2aN2+Bxo8bnVaGEGfJTe5sz/re3fbPhqLiYmXyH0tC/HmHeqxizB1q5z/7syFas2a9PvzwIzU3N2vlitW64IIxeZ87xmMVa+793nh940Eny1NZuWqN3n1vZ8a7JI4VnQs3d4ydQ80dY+dQc4faGQhJTk9KJhIJPb96sTb9tkrPLF2lqnXVB75WVFSkS77xVT21ZHnK71NaVqKtyW0HPk/WN6i0tCStDCHO+txN7tzujrGztO/Phqp1S9RQ/xstXbpCa9etz/vcMR6rGHOH2rmm9jWdeeap6t//KB12WG+NGXOOystL8z53jMcqptzOOT382ANauvwRffOKv05rT3fjWNE5n3fTOY7cMXb2uTvGzkBIOnwDRzPrIelvJZVLetI591ybr01xzv0ok2UtLS06/Yvnq1+/I/TQnF/oc5/7jGprX5ck3XHXv+i5VWv1/PPrUn4fa+elauleWRXirM/d5M7t7hg7S/v+bKgYNkr9+h2p/5l/v0466bOqqXkt67tDnPW5O8bcoXbesOFN3Xb7z/VE5UPavXuPfvNKrZqamtKa7eruEGd97o4p9/mjLtH27W9rwID+enjBDL3x+ka98HxVWvu6C8cqd7M+d8eYO8bOPnfTObNZn7tj7AyEJNWVkr+QdLak30v6mZn9R5uvfe1QQ2Y2ycyqzKyqsekPB339/ff/oJUrV+vcvzxbkvT9H3xHAwb0103/lN45zvpkgwa1ueKjvGygGhp2FOysz93kzu3uGDu39f77u7R8xfMaPWpE2jMh/rxDPVYx5g61syTNmDFHp37xPI089yK99+7OjF4iG+LPO9RjFVPu7dvfliS98867qlz0lL5wyufT2tWdOFZ0zufddI4jd4ydfe6OsTOkFj4+9pHPUp2UHO6c+4Zz7k5Jp0o63MweMbNekg75RpnOuWnOuQrnXEVx0RGSpAED+qtfv32/7t27l7785TP0+usbdfkVf62R556lb13+nbTP/K+rqtaQISdq8OBBKi4u1oQJF2jhoiUFO0tucmd71ufufX82HClJ6t27t0aec6Zee+4HO8wAACAASURBVG1j3ueO8VjFmDvUzpJ07LHHSJIGDSrVhReep7lzF+R97hiPVSy5+/Q5TIcf3vfAr0ec86W0bxTQnThWdM7n3XSOI3eMnUPNHWpnICQdvnxbUs/9v3DONUmaZGY3S3pG0uGZLDq+5DhNu/d29Uj0UCJheuSRxXryiWe0c9cb2rKlXs8se0SS9PiCJ/XTn/xnh9+rublZ110/RZWLZ6tHIqEZD8498DLwVEKcJTe5sz3rc/fAgcfrgfvvVI8eCSUSCT388EItrnw673PHeKxizB1qZ0maO2eajjnmaDU2Nuk7103Wzp3v533uGI9VLLmPPW6AHvzV3ZKkoqIe+p/5C/XM0ys19it/qZ/e9s86ZkB/zZ4/Ta++UqcJX72yw92zZt6ts886TQMG9Nfmt6p0y623a/qMOXnXOV920zmO3DF2DjV3jJ1DzR1qZyAk1tHViWY2S9Is59yTn3j8byX9t3OuONWCw/uc2Ok3PvioaW9nRwEAiELCDvnChZRaeG8iZNlRvft2enbnR3u6MQkAAIWnaW995/8iWMDmDryUv+S28dcNv8rb50mHL992zk1s54TkL51z96VzQhIAAAAAAAAAPinV3bcf/+RDkr5sZkdJknNufLaCAQAAAAAAAChMqd5TcpCkGkn3SXLad1KyQtLULOcCAAAAAAAAMtKSty9Wxieluvv2KZJelDRZ0vvOuWWSPnTOLXfOLc92OAAAAAAAAACFp8MrJZ1zLZLuMLP5rf/ckWoGAAAAAAAAADqS1glG51xS0sVmdr6kXZks+CN30AYAIGu4gzbyWVfuoF3co/P/HbyxuanTswAAAMiNjP6255xbLGlxlrIAAAAAAAAAiAAvxQYAAAAAAEBBaBF3uglFqhvdAAAAAAAAAEC34qQkAAAAAAAAgJzydlLyjddXa/1LT6tq3RKtfqEy4/nRo0ao5tUV2lC7SjfecHXBz/rcTe5wcsfY2eduOseRO9TO906bqm3Jl1W9fmlGc92xO8RZn7tjzJ3p87O8fKCefHKO1q9fqhdffEpXX/0tSdKPf/wDVVcv1dq1T2ru3F+oX78js5o7xmMVY2efu+kcR+4YO/vcHWNnIBTmsnzXzuKeZe0ueOP11friaefp979/75Czh0qWSCRUV7NSY8ZeomSyQatfqNTEy65SXd0bKfOEOEtuctM5/3bTOY7coXaWpDPPOFW7d+/R9Ol36eShI9Oa8Z07xmMVa+50np9t775dUnKcSkqOU3X1qzr88L56/vlFmjBhksrKSrRs2fNqbm7Wj350kyRpypSfHvLu2xwrOhdq7hg7h5o7xs6h5g6hc9Peet48sR2/Kp2Y3RNdgbl026y8fZ4E+fLt4cOGauPGzdq0aYsaGxs1b94CjR83umBnyU3ubM+SO5xZcocz63v3ylVr9O57O9P+/fmQO8ZjFWvuTJ+f27e/rerqVyVJu3fv0YYNb6q09HgtXbpSzc3NkqS1a9errGxg1nLHeKxi7Bxq7hg7h5o7xs6h5g61M/Zd4MbH/37kM28nJZ1zeqLyIa1Z/YT+9spLM5otLSvR1uS2A58n6xtUWlpSsLM+d5M7t7vpHEfuGDv73B1j564K8ecd6rGKNXdXfOpT5Tr55JO0bl31xx7/5jcn6Ne/XtbhLMeKzvm8m85x5I6xs8/dMXYGQlLU0RfNrI+ka7Tv5Op/Svq6pK9J2iDpVufc7s4uPnvEhWpo2KFjjz1GTz4xRxtee1OrVq1Ja9bs4CtP030ZeoizPneTO7e76ZzZrM/ddM5s1ufuGDt3VYg/71CPVay5O6tv3z566KF7dMMNt+oPf/jfv4beeOM1am5u0pw5j3Y4z7HK3azP3THmjrGzz910zmzW5+4YOwMhSXWl5AxJx0s6UdJiSRWSbpdkkv77UENmNsnMqsysqqVlT7u/p6FhhyTpd7/7vR5b8ISGDTs57dD1yQYNKi898Hl52cAD368QZ33uJndud9M5jtwxdva5O8bOXRXizzvUYxVr7s4oKirSQw/do7lzH9OCBU8eePzSS/9KY8eO1BVXXJfye3Cs6JzPu+kcR+4YO/vcHWNnICSpTkp+xjn3PUlXSzpJ0rXOuRWSbpT0F4cacs5Nc85VOOcqEom+B329T5/DdPjhfQ/8+i/PPVs1Na+lHXpdVbWGDDlRgwcPUnFxsSZMuEALFy0p2Flykzvbs+QOZ5bc4cz63t0VIf68Qz1WsebujHvu+Xe99tqb+tnP7jvw2F/+5dn63vf+XhdddKU+/PCjlN+DY0XnfN5N5zhyx9g51NyhdgZC0uHLt/dzzjkzq3St1wu3ft7pa4ePP/5YPTz/fklSj6IemjPnMS1Zsizt+ebmZl13/RRVLp6tHomEZjw4V7W1rxfsLLnJne1ZcoczS+5wZn3vnjXzbp191mkaMKC/Nr9VpVtuvV3TZ8zJ69wxHqtYc2f6/Dz99Apdeulf6ZVX6rR6daUk6eabb9PUqf9PvXr11KJFsyTtu9nNd74zOS87h3isYuwcau4YO4eaO8bOoeYOtTMQEuvofQnM7D5J13/yvSPN7E8kPeicOyPVguKeZZ0+eck7JgAAAMSpuEda/+28XY3NTd2YBACA/NS0t/7gN5+Eflk2kdNJbXyzflbePk86fPm2c+5v2zkh+Uvn3EZJZ2Y1GQAAAAAAAICClOru249/8iFJXzazo1o/H5+VVAAAAAAAAAAKVqrXxQySVCPpPu17NbVp3x24p2Y5FwAAAAAAAIACleru26dIelHSZEnvO+eWSfrQObfcObc82+EAAAAAAAAAFJ4Or5R0zrVIusPM5rf+c0eqmYO+RxfCAQAAIE7crAYAAHRGi+8ASFtaJxidc0lJF5vZ+ZJ2ZTcSAAAAAAAAgEKW2VWPzi2WtDhLWQAAAAAAAABEINV7SgIAAAAAAABAt+KkJAAAAAAAAICcyujl2wAAAAAAAEC+4obL4fB2peS906ZqW/JlVa9f2qn50aNGqObVFdpQu0o33nB1wc/63E3ucHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz910jiN3qJ2BUJhz2T2HXNSzrN0FZ55xqnbv3qPp0+/SyUNHZvQ9E4mE6mpWaszYS5RMNmj1C5WaeNlVqqt7oyBnyU1uOuffbjrHkTvGzqHmjrFzqLlj7Bxq7hg7h5o7xs6h5o6xc6i5Q+jctLfe0goTmellE7lYso1v1c/K2+eJtyslV65ao3ff29mp2eHDhmrjxs3atGmLGhsbNW/eAo0fN7pgZ8lN7mzPkjucWXKHM0vucGbJHc4sucOZJXc4s+QOZ5bc4cz63g2EIuOTkmb2ejaCZKK0rERbk9sOfJ6sb1BpaUnBzvrcTe7c7qZzHLlj7OxzN53jyB1jZ5+76RxH7hg7+9xN5zhyx9jZ5+4YOwMh6fBGN2b2B/3ve4Tuv9yzz/7HnXNHHmJukqRJkmQ9+imR6NtNcQ98/4MeS/dl6CHO+txN7tzupnNmsz530zmzWZ+76ZzZrM/ddM5s1uduOmc263M3nTOb9bmbzpnN+txN58xmfe6OsTOklrx9sTI+KdWVkjMkPSbpT51zRzjnjpC0pfXX7Z6QlCTn3DTnXIVzrqK7T0hKUn2yQYPKSw98Xl42UA0NOwp21uducud2N53jyB1jZ5+76RxH7hg7+9xN5zhyx9jZ5246x5E7xs4+d8fYGQhJhyclnXPXSrpL0kNm9h0zSygP7q6+rqpaQ4acqMGDB6m4uFgTJlyghYuWFOwsucmd7VlyhzNL7nBmyR3OLLnDmSV3OLPkDmeW3OHMkjucWd+7gVB0+PJtSXLOvWhm50q6RtJySb27Y/GsmXfr7LNO04AB/bX5rSrdcuvtmj5jTlqzzc3Nuu76KapcPFs9EgnNeHCuamtfL9hZcpM727PkDmeW3OHMkjucWXKHM0vucGbJHc4sucOZJXc4s753A6GwDN8TYaCkV51zx6Q7U9SzzPuVlQAAAAAAAIWkaW89757YjvvLJ3Ieqo0rk7Py9nmS6kY3j7fzcK/9jzvnxmclFQAAAAAAAICClerl2+WSaiXdp33vJWmShkmamuVcAAAAAAAAQEZafAdA2lLdfbtC0ouSJkt63zm3TNKHzrnlzrnl2Q4HAAAAAAAAoPB0eKWkc65F0h1mNr/1nztSzQAAAAAAAABAR9I6weicS0q62MzOl7Qru5EAAAAAf7rybvC8sz4AAEB6Mrrq0Tm3WNLiLGUBAAAAAAAAEAFeig0AAAAAAICCwI1uwpHqRjcAAAAAAAAA0K04KQkAAAAAAAAgp7yclOzVq5deeG6RXqx6Si9XP6Obf/i9jL/H6FEjVPPqCm2oXaUbb7i64Gd97iZ3OLm7MnvvtKnalnxZ1euXZjTXHbs5VnF09rmbznHkjrGzz90xdr7uO99WdfUzWr9+qWbOvFu9evXK2e4QZ33ujjF3jJ1D/ftrjMfK5+4YOwOhMOeye4/Aop5l7S7o27eP9uz5QEVFRVqx7FH9w3dv1pq1L6X1PROJhOpqVmrM2EuUTDZo9QuVmnjZVaqre6MgZ8lN7lx0PvOMU7V79x5Nn36XTh46Mq2ZfMgd4s87xs6h5o6xc6i5Y+wcau4QOrd39+3S0hIte/ZRff4vvqyPPvpIs2ffoyefeEa/nDnvY7/vUH+zDvHnHcKxIne8naUw//4a67EKMXcInZv21rf3r6zo/aJ8YnZPdAXm/yZn5e3zxNvLt/fs+UCSVFxcpKLiYmVycnT4sKHauHGzNm3aosbGRs2bt0Djx40u2Flykzvbs5K0ctUavfvezrR/f77kDvHnHWPnUHPH2DnU3DF2DjV3qJ0lqaioSIcd1ls9evRQn8MO07aG7XmfO8ZjFWPuGDtLYf79NdZjFWLuUDtDcsZH2490mFkPM1tvZotaPz/RzNaY2RtmNtfMerY+3qv18zdbvz64K8fK20nJRCKhqnVL1FD/Gy1dukJr161Pe7a0rERbk9sOfJ6sb1BpaUnBzvrcTe7c7vbZuSs4VnTO5910jiN3jJ197o6x87Zt23XHHfforY1rtXXLeu3atUtPP70i73PHeKxizB1j564KtTO5w5j1vRvohOsk1bX5/N8k3eGc+1NJ70m6svXxKyW955wbIumO1t/XaR2elDSzz7f5dbGZTTGzx83sx2bWpyuLW1paVDFslE44sULDKobqpJM+m/as2cGnetO90jLEWZ+7yZ3b3T47dwXHKnezPnfHmDvGzj530zmzWZ+7Y+x81FH9NG7caP3pZ76oT53wBfXp20ff+MbX0prt6u4QZ33ujjF3jJ27KtTO5A5j1vduIBNmVi7pfEn3tX5uks6R9HDrb3lQ0oWtv76g9XO1fn2ktfeETVOqKyVntPn1TyUNkTRV0mGS7jnUkJlNMrMqM6tqadnT4YL339+l5Sue1+hRI9IKLEn1yQYNKi898Hl52UA1NOwo2Fmfu8md290+O3cFx4rO+bybznHkjrGzz90xdh458kxt3rxF77zzrpqamvTYY0/otC9W5H3uGI9VjLlj7NxVoXYmdxizvncDGbpT0o2SWlo/P0bSTudcU+vnSUllrb8uk7RVklq//n7r7++UVCcl257tHCnp28655ZK+K+nkQw0556Y55yqccxWJRN+Dvj5gQH/163ekJKl3794aec6Zeu21jWmHXldVrSFDTtTgwYNUXFysCRMu0MJFSwp2ltzkzvZsV3Gs6JzPu+kcR+4YO4eaO9TOW7fUa/ipX9Bhh/WWJJ3z5TO0YUN6NzvwmTvGYxVj7hg7d1Wonckdxqzv3UBbbS8cbP2Y1OZrX5H0tnPuxbYj7Xwbl8bXMlaU4uv9zOyr2nfyspdzrlGSnHPOzDq9dODA4/XA/XeqR4+EEomEHn54oRZXPp32fHNzs667fooqF89Wj0RCMx6cq9ra1wt2ltzkzvasJM2aebfOPus0DRjQX5vfqtItt96u6TPm5H3uEH/eMXYONXeMnUPNHWPnUHOH2nntuvV65JHFWrv212pqatLL1TW6975f5X3uGI9VjLlj7CyF+ffXWI9ViLlD7Qx8knNumqRph/jylySNN7OxknpLOlL7rpw8ysyKWq+GLJe0/01Ok5IGSUqaWZGkfpLe7Ww26+h9Ccxshj5+xvMm59wOMyuR9Cvn3MhUC4p6lvHGBwAAAAhGp98YSV24VAAAgAw17a3vyr+yCtbPB03kX8dtXLV1VlrPEzMbIekfnXNfMbP5kv7HOTfHzO6R9Bvn3M/N7GpJf+6c+zsz+7qkrznnJnQ2W4dXSjrnrmgn5C+dc9/UvpdzAwAAAAAAACgc/yRpjpn9SNJ6Sfe3Pn6/pJlm9qb2XSH59a4s6fCkpJk93s7D55jZUZLknBvfleUAAAAAAAAA/HLOLZO0rPXXb0ka3s7v+UjSxd21M9V7Sg6SVKN9twV32vdqlmHadwduAAAAAAAAAMhYqrtvnyLpRUmTJb3fetb0Q+fc8ta7cAMAAAAAAABARlK9p2SLpDta3+DyDjPbkWoGAAAAAAAA8KHFdwCkLa0TjM65pKSLzex8SbuyGwkAAADwh1t2AgAAZF9GVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcdMaAAAAAAAAFATeGzoc3q6UvHfaVG1Lvqzq9Us7NT961AjVvLpCG2pX6cYbri74WZ+7yR1O7hg7+9xN5zhyx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5A61MxAKcy6755CLepa1u+DMM07V7t17NH36XTp56MiMvmcikVBdzUqNGXuJkskGrX6hUhMvu0p1dW8U5Cy5yU3n/NtN5zhyx9g51Nwxdg41d4ydQ80dY+dQc8fYOdTcMXYONXcInZv21ltaYSLzn4MmcrFkG9dunZW3zxNvV0quXLVG7763s1Ozw4cN1caNm7Vp0xY1NjZq3rwFGj9udMHOkpvc2Z4ldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmfW9GwhFhyclzewaMxvQ+ushZrbCzHaa2Roz+/PcRDxYaVmJtia3Hfg8Wd+g0tKSgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5I6xs8/dMXYGQpLqSsm/d8690/rruyTd4Zw7StI/SbrnUENmNsnMqsysqqVlTzdF/dj3P+ixdF+GHuKsz93kzu1uOmc263M3nTOb9bmbzpnN+txN58xmfe6mc2azPnfTObNZn7vpnNmsz910zmzW5+4YOwMhSXX37bZfP84596gkOeeWmdkRhxpyzk2TNE069HtKdkV9skGDyksPfF5eNlANDTsKdtbnbnLndjed48gdY2efu+kcR+4YO/vcTec4csfY2eduOseRO8bOPnfH2BlSS96+gyI+KdWVkg+b2Qwz+7SkR83sejP7lJl9S9KWHORr17qqag0ZcqIGDx6k4uJiTZhwgRYuWlKws+Qmd7ZnyR3OLLnDmSV3OLPkDmeW3OHMkjucWXKHM0vucGZ97wZC0eGVks65ya0nIB+S9CeSekmaJOkxSZd2ZfGsmXfr7LNO04AB/bX5rSrdcuvtmj5jTlqzzc3Nuu76KapcPFs9EgnNeHCuamtfL9hZcpM727PkDmeW3OHMkjucWXKHM0vucGbJHc4sucOZJXc4s753A6GwTN+XwMxmOucuS/f3Z+Pl2wAAAAAAADFr2lvPC5XbcdenJnIeqo3rtszK2+dJh1dKmtnj7Tx8zv7HnXPjs5IKAAAAAAAAQMFKdaObckm1ku6T5CSZpGGSpmY5FwAAAAAAAJCRFt8BkLZUN7qpkPSipMmS3nfOLZP0oXNuuXNuebbDAQAAAAAAACg8qW500yLpDjOb3/rPHalmAAAAAAAAAKAjaZ1gdM4lJV1sZudL2pXdSAAAAEB8Eta196FvyfAGlgAAAD5ldNWjc26xpMVZygIAAAAAAAAgArwUGwAAAAAAAAWBG92EI9WNbgAAAAAAAACgW3FSEgAAAAAAAEBOeTkp2atXL73w3CK9WPWUXq5+Rjf/8HsZf4/Ro0ao5tUV2lC7SjfecHXBz/rcTe5wcsfY2eduOseRO8bOPnfTOY7cMXbOdH7aL25Xcmu11r/09IHHjj76KFVWzlZNzUpVVs7WUUf1y3pujlU4uWPs7HM3nePIHWpnIBTmsnyXvqKeZe0u6Nu3j/bs+UBFRUVasexR/cN3b9aatS+l9T0TiYTqalZqzNhLlEw2aPULlZp42VWqq3ujIGfJTW46599uOseRO8bOoeaOsXOouWPsnO5827tvn3HGqdq9e4+mP3Cnhn7hXEnST348We++u1O33X63bvjHq3X00f30g8k/PjDT3t23871zvs2GmjvGzqHmjrFzqLlD6Ny0t94O8S2iNvVTE7N7oisw39syK2+fJ95evr1nzweSpOLiIhUVFyuTk6PDhw3Vxo2btWnTFjU2NmrevAUaP250wc6Sm9zZniV3OLPkDmeW3OHMkjuc2Zhyr1q1Ru+9t/Njj40bN0ozZ82XJM2cNV/jx6feH1LnfJgNNXeMnUPNHWPnUHOH2hkIibeTkolEQlXrlqih/jdaunSF1q5bn/ZsaVmJtia3Hfg8Wd+g0tKSgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5t7n3O+64Adq+/W1J0vbtb+vYY4/J6l6OVW530zmO3DF29rk7xs6QHB8f+8hnHZ6UNLNHzGyimR3e3YtbWlpUMWyUTjixQsMqhuqkkz6b9qzZwVeepnulZYizPneTO7e76ZzZrM/ddM5s1uduOmc263M3nTOb9bmbzpnNdsd8Z4Xamdy5m/W5O8bcMXb2uTvGzkBIUl0peaqkCyVtMbN5ZvZVM+uZ6pua2SQzqzKzqpaWPR3+3vff36XlK57X6FEj0g5dn2zQoPLSA5+Xlw1UQ8OOgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5t7n3e/vtd1RScpwkqaTkOP3ud7/P6l6OVW530zmO3DF29rk7xs5ASFKdlHzbOXeRpBMkLZT0bUn1ZjbdzEYdasg5N805V+Gcq0gk+h709QED+qtfvyMlSb1799bIc87Ua69tTDv0uqpqDRlyogYPHqTi4mJNmHCBFi5aUrCz5CZ3tmfJHc4sucOZJXc4s+QOZzbW3PstXPSULpt4sSTpsokXa+HC1POhdiY3nfN5N53jyB1qZyAkRSm+7iTJOfcHSTMlzTSz/pImSLpJUqf+VzFw4PF64P471aNHQolEQg8/vFCLK59Oe765uVnXXT9FlYtnq0cioRkPzlVt7esFO0tucmd7ltzhzJI7nFlyhzNL7nBmY8o985f/pbPOOk0DBvTXWxvX6dZ/marbbvsvzZ59j6741te1dWu9Lrnk7wqqcz7Mhpo7xs6h5o6xc6i5Q+0MhMQ6el8CM1vhnDurKwuKepbxxgcAAABACgk7+D3EMtHC+40BQFSa9tZ37V8cBerfT5jIvxDbuPG3s/L2edLhy7fbOyFpZr/MXhwAAAAAAAAAha7Dl2+b2eOffEjSl83sKElyzo3PVjAAAAAAAAAAhSnVe0oOklQj6T7te39Jk1QhaWqWcwEAAAAAAAAoUKnuvn2KpBclTZb0vnNumaQPnXPLnXPLsx0OAAAAAAAAQOHp8EpJ51yLpDvMbH7rP3ekmgEAAAAAAAB8aPEdAGlL6wSjcy4p6WIzO1/SruxGAgAAAOLT1btnd+Xu3dy5GwAA5FpGVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcdMaAAAAAAAAFATeJTkc3q6UHD1qhGpeXaENtat04w1X53Q+xFmfu8kdTu4YO/vcTec4csfY2eduOseRO8bOPndfc82VWv/S06pev1TXXntlzvZ2dT7GY0XnOHLH2Nnn7hg7A6Ewl+U77RX1LDtoQSKRUF3NSo0Ze4mSyQatfqFSEy+7SnV1b6T1PbsyH+IsuclN5/zbTec4csfYOdTcMXYONXeMnXO1u727b5/0uc9q1qy7dfqXvqK9exu1aNEsXXvtD/Tmm5s+9vvau/t2CJ27ezbU3DF2DjV3jJ1DzR1C56a99Qf/wQ/95ISJXCzZxvd/OytvnyderpQcPmyoNm7crE2btqixsVHz5i3Q+HGjczIf4iy5yZ3tWXKHM0vucGbJHc4sucOZJXfms3/2Z0O0Zs16ffjhR2pubtbKFat1wQVjsr63q/MxHis6x5E7xs6h5g61MxASLyclS8tKtDW57cDnyfoGlZaW5GQ+xFmfu8md2910jiN3jJ197qZzHLlj7OxzN53DyV1T+5rOPPNU9e9/lA47rLfGjDlH5eWlWd/b1fkYjxWd48gdY2efu2PsDISkwxvdmNmnJU2RtE3STyXdIek0SXWSbnDObe7MUmvnpSWZvIy8K/MhzvrcTe7c7qZzZrM+d9M5s1mfu+mc2azP3XTObNbnbjpnNutz94YNb+q223+uJyof0u7de/SbV2rV1NSU9b1dnY/xWNE5s1mfu+mc2azP3TF2BkKS6krJGZLWSdotabWkDZLOk/SkpAcONWRmk8ysysyqWlr2HPT1+mSDBrX5L7TlZQPV0LAj7dBdmQ9x1uducud2N53jyB1jZ5+76RxH7hg7+9xN53ByS9KMGXN06hfP08hzL9J77+486P0ks7WXYxXGrM/dMeaOsbPP3TF2htQix0ebj3yW6qTkEc65/3bO/VTSkc65qc65rc65+yUdfagh59w051yFc64ikeh70NfXVVVryJATNXjwIBUXF2vChAu0cNGStEN3ZT7EWXKTO9uz5A5nltzhzJI7nFlyhzNL7s7tPvbYYyRJgwaV6sILz9PcuQtyspdjFcYsucOZJXc4s753A6Ho8OXbklrM7DOSMqASaAAAIABJREFU+knqY2YVzrkqMxsiqUdnlzY3N+u666eocvFs9UgkNOPBuaqtfT0n8yHOkpvc2Z4ldziz5A5nltzhzJI7nFlyd2733DnTdMwxR6uxsUnfuW6ydu58Pyd7OVZhzJI7nFlyhzPrezcQCuvofQnMbKSkn0tqkfRtSf8g6fPad5JyknPusVQLinqW5fe1ogAAAEABSNjB70GWrhbeqwwAgtO0t77zf/AXsH894VL+pdbG5N/+Km+fJx1eKemcWyrps20eWmVmiySNd861ZDUZAAAAAAAAgIKU6u7bj7fz8AhJj5mZnHPjs5IKAAAAAAAAyBBX0IUj1XtKDpJUI+k+SU6SSRomaWqWcwEAAAAAAAAoUKnuvn2KpBclTZb0vnNumaQPnXPLnXPLsx0OAAAAAAAAQOFJ9Z6SLZLuMLP5rf/ckWoGAAAAAAAAADqS1glG51xS0sVmdr6kXdmNBAAAACBT3EEbAACEJKOrHp1ziyUtzlIWAAAAAAAAoNP4T3ThSPWekgAAAAAAAADQrTgpCQAAAAAAACCnOCkJAAAAAAAAIKe8nZS8d9pUbUu+rOr1Szs1P3rUCNW8ukIbalfpxhuuLvhZn7vJHU7uGDv73E3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkDrUzEApzWb5LX1HPsnYXnHnGqdq9e4+mT79LJw8dmdH3TCQSqqtZqTFjL1Ey2aDVL1Rq4mVXqa7ujYKcJTe56Zx/u+kcR+4YO4eaO8bOoeaOsXOouWPsHGruGDuHmjvGzqHmDqFz0956SytMZG494VLuddPGD3/7q7x9nni7UnLlqjV6972dnZodPmyoNm7crE2btqixsVHz5i3Q+HGjC3aW3OTO9iy5w5kldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OrO/dsWvh42Mf+azDk5JmljCzvzGzxWb2spm9aGZzzGxEjvK1q7SsRFuT2w58nqxvUGlpScHO+txN7tzupnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73E3nOHLH2Nnn7hg7AyEpSvH1+yX9VtJPJF0kaZeklZKmmNmfO+f+s70hM5skaZIkWY9+SiT6dl/ifd//oMfSfRl6iLM+d5M7t7v/P3t3Hyd1fd77/30NuxhFgzdolt0lrin19OT00YhF1MS7xArGBIiNoVWxuTPkdzSpNid67KmJR/trqy02MYlpAm2AaBAwTbACGuJdhP7kZpVFYZeKCIFZFjRVE8Gk7M31+4OVrC67M7OzM5/5zOf19LGPzO7stdf7vTPywG++M186FzYbcjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ7AzHJdVDyD9390723V5vZGnf/qpk9KalF0mEPSrr7HElzpIHfU7IY7dkOjWusP/R5Y8NYdXTsrdrZkLvJXd7ddE4jd4qdQ+6mcxq5U+wccjed08idYueQu+mcRu4UO4fcnWJnICa53lOy08x+R5LM7HRJByTJ3f9LUrDD9OubWzR+/Clqahqn2tpazZgxXQ8uW1m1s+Qmd6lnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM0vueGZD7wZiketMyRskPW5m/9X7vZdLkpmdKGlZMYvvvedunX/e2Roz5njteLFZt942W/PmL8prtru7W9ddf7NWLF+oEZmM5i9YrNbW56t2ltzkLvUsueOZJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdz2zo3anrqdhrTePtLNf7EtjBNzM4wd1/0fv59939z/JdUIqXbwMAAAAAAKSs60A7h98O46tNV3Icqo/bdvygYp8ng54paWb/1uf2mzc/ZGbHSpK7TytdNAAAAAAAAADVKNfLt8dJ2izpn3XwPSRN0hmS7ixxLgAAAAAAAABVKteFbv5Q0tOS/krSL939CUm/dvefufvPSh0OAAAAAAAAQPUZ9ExJd++R9DUzu7/3f/fmmgEAAAAAAABC6BFvKRmLvA4wuntW0ifM7COSflXaSAAAAAAAAACqWUFnPbr7cknLS5QFAAAAAAAAQAJyvackAAAAAAAAAAwrDkoCAAAAAAAAKCsOSgIAAAAAAAAoq2AHJadMvkCbNz2pLa2rdeMN15Z1PsbZkLvJHU/uFDuH3E3nNHKn2DnkbjqnkTvFziF3h+wsSZlMRuvX/UQP/HhB2XbzWKXROeRuOqeRO9bOqXM+3vJRycy9tBFrRjb0W5DJZNS2eZUuvuRyZbMdWvPUCs286hq1tW3N62cWMx/jLLnJTefK203nNHKn2DnW3Cl2jjV3ip1jzV1s5zddf90s/eEf/oHeecwxmn7pJ/Oa4bGic7XmTrFzrLlj6Nx1oN3yCpOYv2q6otKPxZXV3+xYWLHPkyBnSk46Y4K2bduh7dt3qrOzU0uWPKBpU6eUZT7GWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhm39TQMFaXfPhCfe979xU0x2NF50reTec0csfaGYhJkIOS9Q112pXdfejzbHuH6uvryjIf42zI3eQu7246p5E7xc4hd9M5jdwpdg65m85p5C62syT945236qa//H/V09NT0ByPFZ0reTed08gda2cgJoMelDSz0WZ2u5ltMbP/7P1o6/3asUNdatb/zNFCXkZezHyMsyF3k7u8u+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcHbLzRy75I7300i/0zIbn8p4Zjt08VoXNhtydYu4UO4fcnWJnICY1Oe5fIukxSRe4+x5JMrM6SZ+UdL+kiw43ZGazJM2SJBsxWpnMqLfc357t0LjG+kOfNzaMVUfH3rxDFzMf42zI3eQu7246p5E7xc4hd9M5jdwpdg65m85p5C628/vfP1FTPzpZH774Q3rHO47QO995jBbM/4Y++ak/r+jcMf6+U+wccjed08gda2dIhZ2bj5ByvXy7yd3vePOApCS5+x53v0PSuwcacvc57j7R3Se+/YCkJK1vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kldzyz5I5nltzxzJI7nllJ+qubb1fTeyZq/Kln6cqZ1+jxx/89rwOSoXPH+PtOsXOsuVPsHGvuWDsDMcl1puTPzexGSQvcfa8kmdm7JH1K0q6hLu3u7tZ119+sFcsXakQmo/kLFqu19fmyzMc4S25yl3qW3PHMkjueWXLHM0vueGbJHc9ssXis6FzJu+mcRu5YOwMxscHel8DMjpN0k6Tpkt4lySXtlfRvku5w91dyLagZ2cAbHwAAAAAAAAyjrgPt/d98EvrLpis4DtXH3+1YWLHPk0HPlHT3VyX9794Pmdm5kiZJei6fA5IAAAAAAAAA8HaDHpQ0s3XuPqn39tWSrpW0VNItZna6u99ehowAAAAAAABATj3iRMlY5LrQTW2f25+XNNndb5U0WdKVJUsFAAAAAAAAoGrlutBNpvd9JTM6+P6TL0uSu+83s66SpwMAAAAAAABQdXIdlBwt6WlJJsnNrM7d95jZ0b1fAwAAAAAAAICC5LrQTdMAd/VIujSfBcUcueRdAAAAAAAAAIDqk+tMycNy9zckbR/mLAAAAAAAAAASMKSDkgAAAAAAAECl4VW38ch19W0AAAAAAAAAGFYclAQAAAAAAABQVsEOSm59fo02PPOImtev1JqnVhQ8P2XyBdq86UltaV2tG2+4tupnQ+4mdzy5U+wccjed08idYueQu+mcRu4UO4fcHWPnuXPu1O7sRrVseLTgncXsHY75GGdD7k4xd4qdQ+5OsTMQC3Mv7avta0c2HHbB1ufX6KyzP6z//M9XB5wdKFkmk1Hb5lW6+JLLlc12aM1TKzTzqmvU1rY1Z54YZ8lNbjpX3m46p5E7xc6x5k6xc6y5U+wca+6Qnc8950zt27df8+bdpdMmXJjXvkrIHeMsueOZJXc8s+Xa3XWg3fIKk5gbmy7nbSX7+Psd91Xs8yTKl29POmOCtm3boe3bd6qzs1NLljygaVOnVO0sucld6llyxzNL7nhmyR3PLLnjmSV3PLPFzq9avVavvPpa3rsqJXeMs+SOZ5bc8cyG3p26Hj7e8lHJgh2UdHc9tOI+rV3zkK7+7JUFzdY31GlXdvehz7PtHaqvr6va2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPIHbJzMXis0ugccjed08gda2cgJjVDHTSzh9z9w0OdP/+Cj6mjY69OPPEEPfzQIm35jxe0evXafHf3+1q+L0OPcTbkbnKXdzedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu2PtXAweq8JmQ+5OMXeKnUPuTrEzEJNBD0qa2ekD3SXptEHmZkmaJUmZEaOVyYzq9z0dHXslSS+//J9a+sBDOuOM0/I+KNme7dC4xvpDnzc2jD3086pxNuRucpd3N53TyJ1i55C76ZxG7hQ7h9xN5zRyh+xcDB6rNDqH3E3nNHLH2hmISa6Xb6+XNFvSnW/7mC3p2IGG3H2Ou09094mHOyB51FFH6uijRx26fdEfna/Nm/8j79Drm1s0fvwpamoap9raWs2YMV0PLltZtbPkJnepZ8kdzyy545kldzyz5I5nltzxzA7H/FDxWKXROdbcKXaONXesnYGY5Hr5dpukz7t7v8tDmdmuoS5917tO1A/v/xdJ0oiaEVq0aKlWrnwi7/nu7m5dd/3NWrF8oUZkMpq/YLFaW5+v2llyk7vUs+SOZ5bc8cySO55ZcsczS+54Zoudv/eeu3X+eWdrzJjjtePFZt1622zNm7+o4nPHOEvueGbJHc9s6N2p6xEvdY+FDfa+BGZ2maTn3L3faYxm9jF3X5prQe3IhiE/G3gaAQAAAAAA9Nd1oL3/m09CX2r6Uw4n9fGPOxZV7PNk0DMl3f2HfT83s3MkTZK0KZ8DkgAAAAAAAADwdoO+p6SZretz+3OSviXpGEm3mNlNJc4GAAAAAAAAoArlutBNbZ/bsyRd5O63Spos6cqSpQIAAAAAAABQtXJd6CZjZsfp4MFLc/eXJcnd95tZV8nTAQAAAAAAAHniDSXjkeug5GhJT0sySW5mde6+x8yO7v1aTjwZAAAAAAAAAPSV60I3TQPc1SPp0mFPAwAAAAAAAKDq5TpT8rDc/Q1J24c5CwAAAAAAAIAE5LrQDQAAAAAAAAAMKw5KAgAAAAAAACirIb18GwAAAAAAAKg0PaEDIG9BzpRsbKzXIyvv13PPPqGNLY/pi1/4bME/Y8rkC7R505Pa0rpaN95wbdXPhtxN7nhyp9g55O4YO8+dc6d2ZzeqZcOjBe8sZu9wzMc4G3J3irlT7BxyN53TyJ1i55C76ZxG7hQ7h9ydYmcgFubuJV1QM7Kh34K6upM0tu4kbWjZpKOPHqV1ax/Wxy/7jNratub1MzOZjNo2r9LFl1yubLZDa55aoZlXXZPXfIyz5CY3nStvd6ydzz3nTO3bt1/z5t2l0yZcmNe+Ssgd4yy545kldzyz5I5nltzxzJI7nllyxzNbrt1dB9otrzCJua7pT0t7oCsyd+1YVLHPkyBnSu7Z85I2tGySJO3bt19btmxVQ31d3vOTzpigbdt2aPv2ners7NSSJQ9o2tQpVTtLbnKXepbc8cwWO79q9Vq98upree+qlNwxzpI7nllyxzNL7nhmyR3PLLnjmSV3PLOhdwOxGPSgpJm908z+zszuMbMr3nbft4cjwMknN+q09/2+1q7bkPdMfUOddmV3H/o8296h+jwPasY4G3I3ucu7m85p5A7ZuRg8Vml0DrmbzmnkTrFzyN10TiN3ip1D7qZzGrlj7QzEJNeZkvMkmaR/lfSnZvavZnZE731nDTRkZrPMrNnMmnt69g/4w0eNOkpLFs/Vl758i15/fV/eoc36n3ma78vQY5wNuZvc5d1N58JmQ+6OtXMxeKwKmw25O8XcKXYOuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu1PsDMn55y3/VLJcByV/x91vcvel7j5N0jOSHjOzEwYbcvc57j7R3SdmMqMO+z01NTW6f/Fc3Xffj7V06UMFhW7PdmhcY/2hzxsbxqqjY2/VzobcTe7y7qZzGrlDdi4Gj1UanUPupnMauVPsHHI3ndPInWLnkLvpnEbuWDsDMcl1UPIIMzv0Pe7+N5LmSHpS0qAHJnOZO+dOtW15QV+/a07Bs+ubWzR+/Clqahqn2tpazZgxXQ8uW1m1s+Qmd6lnyR3P7HDMDxWPVRqdY82dYudYc6fYOdbcKXaONXeKnWPNnWLnWHPH2hmISU2O+x+U9CFJj7z5BXdfYGZ7JX1zqEs/8P4zdNXMy/Tsc61qXn/wX6yvfOV2PfTwY3nNd3d367rrb9aK5Qs1IpPR/AWL1dr6fNXOkpvcpZ4ldzyzxc7fe8/dOv+8szVmzPHa8WKzbr1ttubNX1TxuWOcJXc8s+SOZ5bc8cySO55ZcsczS+54ZkPvBmJhBb4nwjmSJkna5O55HaavGdlQ2S9gBwAAAAAAiEzXgfb+bz4J/XnTn3Acqo9v7Fhcsc+TXFffXtfn9uckfUvSMZJuMbObSpwNAAAAAAAAyFsPH2/5qGS53lOyts/tWZIucvdbJU2WdGXJUgEAAAAAAACoWrneUzJjZsfp4MFLc/eXJcnd95tZV8nTAQAAAAAAAKg6uQ5Kjpb0tCST5GZW5+57zOzo3q8BAAAAAAAAQEEGPSjp7k0D3NUj6dJhTwMAAAAAAACg6uU6U/Kw3P0NSduHOQsAAAAAAACABAzpoCQAAAAAAABQaXrkoSMgT7muvg0AAAAAAAAAw4qDkgAAAAAAAADKKshBycbGej2y8n499+wT2tjymL74hc8W/DOmTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3eKnUPupnMauVPsHHI3ndPInWLnkLvpXNjs3Dl3and2o1o2PFrQ3HDs5rFKI3eKnUPuTrEzEAtzL+1r7WtGNvRbUFd3ksbWnaQNLZt09NGjtG7tw/r4ZZ9RW9vWvH5mJpNR2+ZVuviSy5XNdmjNUys086pr8pqPcZbc5KZz5e2mcxq5U+wca+4UO8eaO8XOseZOsbMknXvOmdq3b7/mzbtLp024MK+Z0LlTfaxizJ1i51hzx9C560C75RUmMdc0zeBNJfv49o4lFfs8CXKm5J49L2lDyyZJ0r59+7Vly1Y11NflPT/pjAnatm2Htm/fqc7OTi1Z8oCmTZ1StbPkJnepZ8kdzyy545kldzyz5I5nltzxzMace9XqtXrl1dfy/v5KyJ3qYxVj7hQ7x5o71s6QnI+3fFSy4O8pefLJjTrtfb+vtes25D1T31CnXdndhz7PtneoPs+DmjHOhtxN7vLupnMauVPsHHI3ndPInWLnkLvpnEbuFDsXK9bO5I5jNuTuFHPH2hmIyaAHJc2szsz+yczuNrMTzOz/mtlzZrbEzMYWu3zUqKO0ZPFcfenLt+j11/flPWfW/8zTfF+GHuNsyN3kLu9uOhc2G3I3nQubDbmbzoXNhtxN58JmQ+6mc2GzIXfTubDZYsXamdxxzIbcnWLuWDsDMcl1puR8Sa2Sdkl6XNKvJX1E0ipJ3xloyMxmmVmzmTX39Ow/7PfU1NTo/sVzdd99P9bSpQ8VFLo926FxjfWHPm9sGKuOjr1VOxtyN7nLu5vOaeROsXPI3XROI3eKnUPupnMauVPsXKxYO5M7jtmQu1PMHWtnICa5Dkq+y92/6e63SzrW3e9w953u/k1JJw805O5z3H2iu0/MZEYd9nvmzrlTbVte0NfvmlNw6PXNLRo//hQ1NY1TbW2tZsyYrgeXrazaWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhmY85djFg7kzuOWXLHMxt6NxCLmhz39z1o+f1B7ivIB95/hq6aeZmefa5VzesP/ov1la/crocefiyv+e7ubl13/c1asXyhRmQymr9gsVpbn6/aWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhmY8597z136/zzztaYMcdrx4vNuvW22Zo3f1FF5071sYoxd4qdY80da2dIPRV/eRe8yQZ7XwIzu03S37v7vrd9fbyk2939slwLakY28GwAAAAAAAAYRl0H2vu/+ST0+aZPcByqj+/uuL9inyeDninp7l/t+7mZnSNpkqRN+RyQBAAAAAAAAIC3y3X17XV9bn9O0rckHSPpFjO7qcTZAAAAAAAAAFShXO8LWdvn9ixJF7n7rZImS7qyZKkAAAAAAAAAVK2cF7oxs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAACAitATOgDylutCN00D3NUj6dJhTwMAAAAAAACg6uU6U/Kw3P0NSduHOQsAAAAAAACABOS60A0AAAAAAAAADCsOSgIAAAAAAAAoqyG9fBsAAAAAAACoNC4PHQF5Cnam5Nw5d2p3dqNaNjw6pPkpky/Q5k1Pakvrat14w7VVPxtyN7njyZ1i55C76ZxG7hQ7h9xN5zRyx9qZv7/G81ilmDvFziF30zmN3LF2BmJh7qU9glwzsuGwC84950zt27df8+bdpdMmXFjQz8xkMmrbvEoXX3K5stkOrXlqhWZedY3a2rZW5Sy5yU3nyttN5zRyp9g51twpdo41d6ydJf7+GstjlWLuFDvHmjvFzrHmjqFz14F2yytMYq5uuoxTJfv45x0/rNjnScFnSprZScOxeNXqtXrl1deGNDvpjAnatm2Htm/fqc7OTi1Z8oCmTZ1StbPkJnepZ8kdzyy545kldzyz5I5nNvRu/v4ax2OVYu4UO8eaO8XOseaOtTMQk0EPSprZ8W/7OEHSOjM7zsyOL1PGfuob6rQru/vQ59n2DtXX11XtbMjd5C7vbjqnkTvFziF30zmN3Cl2Drk7xc7FivH3HetjlWLuFDuH3E3nNHLH2hmISa4L3fxC0s/f9rUGSc9IcknvOdyQmc2SNEuSbMRoZTKjiozZ7+f3+1q+L0OPcTbkbnKXdzedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd6fYuVgx/r5jfaxSzJ1i55C76VzYbMjdKXaG1BM6APKW6+XbN0r6D0nT3P0Udz9FUrb39mEPSEqSu89x94nuPnG4D0hKUnu2Q+Ma6w993tgwVh0de6t2NuRucpd3N53TyJ1i55C76ZxG7hQ7h9ydYudixfj7jvWxSjF3ip1D7qZzGrlj7QzEZNCDku4+W9LVkr5qZv9oZsdI4a+tvr65RePHn6KmpnGqra3VjBnT9eCylVU7S25yl3qW3PHMkjueWXLHM0vueGZD7y5GjL/vWB+rFHOn2DnW3Cl2jjV3rJ2BmOR6+bbcPSvpE2Y2VdJPJR01HIvvvedunX/e2Roz5njteLFZt942W/PmL8prtru7W9ddf7NWLF+oEZmM5i9YrNbW56t2ltzkLvUsueOZJXc8s+SOZ5bc8cyG3s3fX+N4rFLMnWLnWHOn2DnW3LF2BmJiBb4nwrmSzpe0zt3zOkxfM7Ih+JmVAAAAAAAA1aTrQHv/N5+EPtN0Gceh+vjejh9W7PMk19W31/W5/TlJ35A0QtItZnZTibMBAAAAAAAAqEK5Xr5d2+f2LEmT3f1lM5staY2k20uWDAAAAAAAACiAh78UCvKU66BkxsyO08EzKs3dX5Ykd99vZl0lTwcAAAAAAACg6uQ6KDla0tOSTJKbWZ277zGzo3u/BgAAAAAAAAAFGfSgpLs3DXBXj6RLhz0NAAAAAAAAgKqX60zJw3L3NyRtH+YsAAAAAAAAABIwpIOSAAAAAAAAQKXpCR0AecuEDgAAAAAAAAAgLRyUBAAAAAAAAFBWwQ5KTpl8gTZvelJbWlfrxhuuLet8jLMhd5M7ntzFzM6dc6d2ZzeqZcOjBc0Nx24eqzQ6h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQCzM3Uu6oGZkQ78FmUxGbZtX6eJLLlc226E1T63QzKuuUVvb1rx+ZjHzMc6Sm9zl6HzuOWdq3779mjfvLp024cK8Ziohd4y/7xQ7x5o7xc6x5k6xc6y5U+wca+4UO8eaO8XOseZOsXOsuWPo3HWg3fIKk5hPNn28tAe6IrNgx79W7PMkyJmSk86YoG3bdmj79p3q7OzUkiUPaNrUKWWZj3GW3OQu9awkrVq9Vq+8+lre318puWP8fafYOdbcKXaONXeKnWPNnWLnWHOn2DnW3Cl2jjV3ip1jzR1rZ0g97nz0+ahkQQ5K1jfUaVd296HPs+0dqq+vK8t8jLMhd5O7vLtDdi4GjxWdK3k3ndPInWLnkLvpnEbuFDuH3E3nNHKn2Dnk7hQ7AzEZ9KCkmV3c5/ZoM/sXM3vWzBaa2buGutSs/5mjhbyMvJj5GGdD7iZ3eXeH7FwMHqvyzYbcnWLuFDuH3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ7AzHJdabk3/a5faekDklTJa2X9N2Bhsxslpk1m1lzT8/+fve3Zzs0rrH+0OeNDWPV0bE379DFzMc4G3I3ucu7O2TnYvBY0bmSd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+5OsTMQk0Jevj3R3W9295+7+9ckNQ30je4+x90nuvvETGZUv/vXN7do/PhT1NQ0TrW1tZoxY7oeXLYy7yDFzMc4S25yl3q2WDxWdK7k3XROI3eKnWPNnWLnWHOn2DnW3Cl2jjV3ip1jzR1rZyAmNTnuP8nMviTJJL3TzMx/e87wkN+Psru7W9ddf7NWLF+oEZmM5i9YrNbW58syH+Msucld6llJuveeu3X+eWdrzJjjtePFZt1622zNm7+o4nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT7Bxr7hQ7x5o71s6QeKF7PGyw9yXz5hVrAAAgAElEQVQws1ve9qVvu/vLZlYn6e/d/c9yLagZ2cDzAQAAAAAAYBh1HWjv/+aT0MyT/5jjUH3c+/MfVezzZNAzJd391r6fm9k5ZnaVpE35HJAEAAAAAAAAgLfLdfXtdX1uXy3pW5KOkXSLmd1U4mwAAAAAAAAAqlCu94Ws7XP785Iu6j17crKkK0uWCgAAAAAAAEDVynWhm4yZHaeDBy/N3V+WJHffb2ZdJU8HAAAAAAAAoOrkOig5WtLTOnj1bTezOnffY2ZH934NAAAAAAAAqAg9XH87GrkudNM0wF09ki4d9jQAAAAAgAFlbOjnhvQ4/6EOAKgcuc6UPCx3f0PS9mHOAgAAAAAAACABuS50AwAAAAAAAADDioOSAAAAAAAAAMpqSC/fBgAAAAAAACqNc6GbaAQ7U3LunDu1O7tRLRseHdL8lMkXaPOmJ7WldbVuvOHaqp8NuZvc8eQuZjbWfydD7qZzGrlT7BxyN53TyJ1i55C76Vy9ued8d7ayu1q04ZlHDn3t43/8EbVseFS/+fVOnX76H1Rk7uGaDbmbzuXLzX+nDG03EAPzEl+BrWZkw2EXnHvOmdq3b7/mzbtLp024sKCfmclk1LZ5lS6+5HJlsx1a89QKzbzqGrW1ba3KWXKTuxydY/x3MuRuOqeRO8XOseZOsXOsuVPsHGvuFDvHkLvv1bfPefPvb9/7uiac/keSpN/7vfHq6enR3d+6Q//7pr/WM888e+j7B7r6dqV3rrTddC5vbv47ZeDZrgPtNsCPSNrlJ3+MUyX7uO/nSyv2eRLsTMlVq9fqlVdfG9LspDMmaNu2Hdq+fac6Ozu1ZMkDmjZ1StXOkpvcpZ6V4vx3MuRuOqeRO8XOseZOsXOsuVPsHGvuFDvHlnv16rV69W1/f9uy5QU9//yLee0MlXs4ZmPNnWLnYuf575TCdwOxKPigpJmdUIoghahvqNOu7O5Dn2fbO1RfX1e1syF3k7u8u0N2LgaPFZ0reTed08idYueQu+mcRu4UO4fcneLf5VJ8rFLsPBzzQxVr55B/HgDlNOhBSTO73czG9N6eaGYvSlprZj83s/PLkvDwufp9Ld+Xocc4G3I3ucu7O2TnYvBYlW825O4Uc6fYOeRuOhc2G3I3nQubDbmbzoXNhtyd4t/lUnysUuw8HPNDFWvnkH8eVIMePt7yUclynSn5EXf/Re/tf5D0J+4+XtJFku4caMjMZplZs5k19/TsH6aov9We7dC4xvpDnzc2jFVHx96qnQ25m9zl3R2yczF4rOhcybvpnEbuFDuH3E3nNHKn2Dnk7hT/LpfiY5Vi5+GYH6pYO4f88wAop1wHJWvNrKb39pHuvl6S3P15SUcMNOTuc9x9ortPzGRGDVPU31rf3KLx409RU9M41dbWasaM6Xpw2cqqnSU3uUs9WyweKzpX8m46p5E7xc6x5k6xc6y5U+wcc+5ixNo5xtwpdh6O+aGKtXPIPw+AcqrJcf/dklaY2e2SHjazr0v6kaQLJbUUs/jee+7W+eedrTFjjteOF5t1622zNW/+orxmu7u7dd31N2vF8oUakclo/oLFam19vmpnyU3uUs9Kcf47GXI3ndPInWLnWHOn2DnW3Cl2jjV3ip1jy33P97+l83r//vbitvW67a/v1KuvvKavfe2vdeKJx+uBpQu08dnN+uhHZ1ZU7uGYjTV3ip2Lnee/UwrfDcTCcr0vgZldIOl/SjpVBw9i7pK0VNI8d+/MtaBmZANvfAAAAAAAwyBj/d9rLl89vCcdUFW6DrQP/Q+EKvYnJ3+MP+z6WPzzpRX7PMl1pqTc/QlJT0iSmZ0raZKkHfkckAQAAAAAAACAtxv0oKSZrXP3Sb23r5Z0rQ6eJXmLmZ3u7reXISMAAAAAAACQU484UTIWOS900+f25yVNdvdbJU2WdGXJUgEAAAAAAACoWrlevp0xs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAGXCxWoAANVi0IOS7t40wF09ki4d9jQAAAAAAAAAql7Oq28fjru/IWn7MGcBAAAAAAAAhsy50E00cl3oBgAAAAAAAACGFQclAQAAAAAAAJQVByUBAAAAAAAAlFWwg5JTJl+gzZue1JbW1brxhmvLOh/jbMjd5I4nd4qdQ+6mcxq5U+wccjed08idYueQu+mcRu5iZufOuVO7sxvVsuHRguaGYzePVRqdQ+5OsTMQC3Mv7RuA1oxs6Lcgk8mobfMqXXzJ5cpmO7TmqRWaedU1amvbmtfPLGY+xllyk5vOlbebzmnkTrFzrLlT7Bxr7hQ7x5o7xc6x5i6287nnnKl9+/Zr3ry7dNqEC/OaqYTcMf6+U+wca+4YOncdaLe8wiTmj0+expVu+vjRz/+tYp8nQc6UnHTGBG3btkPbt+9UZ2enlix5QNOmTinLfIyz5CZ3qWfJHc8sueOZJXc8s+SOZ5bc8cySO55ZSVq1eq1eefW1vL+/UnLH+PtOsXOsuWPtDMRk0IOSZvaMmd1sZr8znEvrG+q0K7v70OfZ9g7V19eVZT7G2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLtDdi4GjxWdK3l3ip2BmOQ6U/I4ScdKetzM1pnZX5hZfa4famazzKzZzJp7evYf7v5+XyvkZeTFzMc4G3I3ucu7m86FzYbcTefCZkPupnNhsyF307mw2ZC76VzYbMjddC5sNuTukJ2LwWNVvtmQu1PMHWtnICa5Dkq+6u5fdvd3S/pfkn5X0jNm9riZzRpoyN3nuPtEd5+YyYzqd397tkPjGn97bLOxYaw6OvbmHbqY+RhnQ+4md3l30zmN3Cl2DrmbzmnkTrFzyN10TiN3ip1D7g7ZuRg8VnSu5N0pdgZikvd7Srr7Kne/RlKDpDsknT3UpeubWzR+/Clqahqn2tpazZgxXQ8uW1mW+RhnyU3uUs+SO55ZcsczS+54Zskdzyy545kldzyzxeKxonMl706xMxCTmhz3P//2L7h7t6SHez+GpLu7W9ddf7NWLF+oEZmM5i9YrNbWfqtKMh/jLLnJXepZcsczS+54Zskdzyy545kldzyz5I5nVpLuvedunX/e2Roz5njteLFZt942W/PmL6r43DH+vlPsHGvuWDuDl7rHxAp8T4RzJE2StMnd8zpMXzOygWcDAAAAAADAMOo60N7/zSehS989leNQffx454MV+zzJdfXtdX1uf07StyQdI+kWM7upxNkAAAAAAAAAVKFc7ylZ2+f2LEkXufutkiZLurJkqQAAAAAAAABUrVzvKZkxs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAACAitAj3lIyFoMelHT3pgHu6pF06bCnAQAAAAAAAFD1cp0peVju/oak7cOcBQAAAAAAAEACcl3oBgAAAAAAAACGFQclAQAAAAAAAJTVkF6+DQAAAAAAAFSantABkLdgZ0pOmXyBNm96UltaV+vGG64t63yMsyF3kzue3Cl2DrmbzmnkTrFzyN10TiN3ip1D7qZzGrlT7BxyN53Ll3vunDu1O7tRLRseLXhnMXuLnQ29G4iBuZf2Uuk1Ixv6LchkMmrbvEoXX3K5stkOrXlqhWZedY3a2rbm9TOLmY9xltzkpnPl7aZzGrlT7Bxr7hQ7x5o7xc6x5k6xc6y5U+wca+4UOxc7f+45Z2rfvv2aN+8unTbhwrz2DcfeGB6rrgPtlleYxEx990dLe6ArMg/uXFaxz5MgZ0pOOmOCtm3boe3bd6qzs1NLljygaVOnlGU+xllyk7vUs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545lNNfeq1Wv1yquv5b1ruPbG+lgBMQlyULK+oU67srsPfZ5t71B9fV1Z5mOcDbmb3OXdTec0cqfYOeRuOqeRO8XOIXfTOY3cKXYOuZvOaeROsfNwzA9VrJ1D/b6Achv0oKSZTTSzx83sXjMbZ2Y/NbNfmtl6M5sw1KVm/c8cLeRl5MXMxzgbcje5y7ubzoXNhtxN58JmQ+6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sdjvmhirVzqN8XUG65rr79bUm3SDpW0v8n6S/c/SIzu7D3vrMPN2RmsyTNkiQbMVqZzKi33N+e7dC4xvpDnzc2jFVHx968QxczH+NsyN3kLu9uOqeRO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnYdjfqhi7Rzq91UtXBzAjUWul2/XuvtD7n6fJHf3H+rgjUclvWOgIXef4+4T3X3i2w9IStL65haNH3+KmprGqba2VjNmTNeDy1bmHbqY+RhnyU3uUs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNtXcxYi1c6jfF1Buuc6U/I2ZTZY0WpKb2cfcfamZnS+pe6hLu7u7dd31N2vF8oUakclo/oLFam19vizzMc6Sm9ylniV3PLPkjmeW3PHMkjueWXLHM0vueGbJHc9sqrnvvedunX/e2Roz5njteLFZt942W/PmLyr53lgfKyAmNtj7EpjZaZLukNQj6S8k/U9JfyZpt6RZ7v7vuRbUjGzgvFkAAAAAAIBh1HWgvf+bT0IfffdHOA7Vx7Kdyyv2eTLomZLu3iLp0HXnzeyHknZKei6fA5IAAAAAAAAA8HaDHpQ0s3XuPqn39uckXSNpqaRbzOx0d7+9DBkBAAAAAACAnHq40E00cl7ops/tWZImu/utkiZLurJkqQAAAAAAAABUrVwXusmY2XE6ePDS3P1lSXL3/WbWVfJ0AAAAAAAAAKpOroOSoyU9Lcl08Orbde6+x8yO7v0aAAAAAAAAABQk14Vumga4q0fSpcOeBgAAAABQdYo5o4V3hwOA6pTrTMnDcvc3JG0f5iwAAAAAAADAkLnzf2XEIteFbgAAAAAAAABUITMbZ2aPm1mbmW02s+t6v368mf3UzLb2/u9xvV83M/uGmb1gZs+a2elD3c1BSQAAAAAAACBNXZL+l7v/d0lnSbrWzN4r6SZJj7r770p6tPdzSfqwpN/t/Zgl6Z+GupiDkgAAAAAAAECC3L3D3Z/pvf26pDZJDZKmS1rQ+20LJH2s9/Z0Sd/3g9ZIOtbMxg5ld7CDknPn3Knd2Y1q2fDokOanTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3eKnUPupnMauVPsHHI3ndPInWLnkLvpnEbuWDtf9+efU0vLY9qw4VHdc8/dOuKII8q2O8bZkLtTzB1rZ6AvM5tlZs19PmYN8r1NkiZIWivpXe7eIR08cCnppN5va5C0q89YtvdrhWcr9RuA1oxsOOyCc885U/v27de8eXfptAkXFvQzM5mM2jav0sWXXK5stkNrnlqhmVddo7a2rVU5S25y07nydtM5jdwpdo41d4qdY82dYudYc6fYOdbcMXQ+3NW36+vr9MTjP9YfvO+D+s1vfqOFC7+jhx96TN+/Z8lbvm+g/2KN8fcdw2NF7ng6dx1oL+bC9lVryrgPc6WbPn6y66G8nidmdrSkn0n6G3f/kZm95u7H9rn/VXc/zsyWS/o7d1/d+/VHJd3o7k8Xmi3YmZKrVq/VK6++NqTZSWdM0LZtO7R9+051dnZqyZIHNG3qlKqdJTe5Sz1L7nhmyR3PLLnjmSV3PLPkjmeW3PHMht5dU1OjI498h0aMGKGjjjxSuzv2VHzuFB+rFHPH2hkYCjOrlfSvkn7g7j/q/fLeN1+W3fu/L/V+PStpXJ/xRkm7h7I3yveUrG+o067sb/tm2ztUX19XtbMhd5O7vLvpnEbuFDuH3E3nNHKn2DnkbjqnkTvFziF3p9h59+49+trXvqMXt63Trp0b9Ktf/UqPPPJkxedO8bFKMXesnYFCmZlJ+hdJbe7+j33u+jdJn+y9/UlJD/T5+p/1XoX7LEm/fPNl3oUa9KCkmR1tZrf1XhL8l2b2spmtMbNP5Zg79Hr1np79Q8k1qIO/r7fK92XoMc6G3E3u8u6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sNuTvFzsceO1pTp07R7556lt598uk6atRRuuKKP85rttjdMc6G3J1i7lg7A0PwAUlXSfqQmbX0flwi6XZJF5nZVkkX9X4uSSskvSjpBUlzJV0z1MU1Oe7/gaQfS5oiaYakUZIWSbrZzE519/9zuCF3nyNpjjTwe0oWoz3boXGN9Yc+b2wYq46OvVU7G3I3ucu7m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnS+88Fzt2LFTv/jFK5KkpUsf0tlnTdTChT/KMRk2d4qPVYq5Y+0MFKr3vSEHet/JfheB8YNHyIfl6ku5Xr7d5O7z3T3bewrnNHffKunTkvL/v7CG2frmFo0ff4qamsaptrZWM2ZM14PLVlbtLLnJXepZcsczS+54Zskdzyy545kldzyz5I5nNuTuXTvbNenM03Xkke+QJH3og+doy5b8LiISMneKj1WKuWPtDMQk15mS+83sHHdfbWZTJb0iSe7eY4c7n7gA995zt84/72yNGXO8drzYrFtvm6158xflNdvd3a3rrr9ZK5Yv1IhMRvMXLFZr6/NVO0tucpd6ltzxzJI7nllyxzNL7nhmyR3PLLnjmQ25e936DfrRj5Zr3bqfqKurSxtbNmvuP/+g4nOn+FilmDvWzpBcvNQ9FjbY+xKY2ft08PXhp0raJOkz7v68mZ0o6XJ3/0auBaV4+TYAAAAAIB7FnNHCf1ACh9d1oL2ok8Wq1eRxF/PHRh8rdz1csc+TQc+UdPeNkia9+bmZnWNmH5W0KZ8DkgAAAAAAAADwdrmuvr2uz+2rJX1L0jGSbjGzm0qcDQAAAAAAAEAVynWhm9o+tz8v6SJ3v1XSZElXliwVAAAAAAAAgKqV60I3GTM7TgcPXpq7vyxJ7r7fzLpKng4AAAAAAADIUw/vRBuNXAclR0t6Wgffl9jNrM7d95jZ0crzvYp5Q2OgsmRs6P9W9gxyYSwAAABgIMX8LbImM2LIs1093UVsBgCUUq4L3TQNcFePpEuHPQ0AAAAAAACAqpfrTMnDcvc3JG0f5iwAAAAAAAAAEpDrQjcAAAAAAAAAMKyGdKYkAAAAAAAAUGmcayFEI9iZktf9+efU0vKYNmx4VPfcc7eOOOKIguanTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3exnb/whc9qwzOPqGXDo/riFz9btt08Vml0DrmbzmnkTrFzyN10TiN3ip1D7qZz7tnGxrH6yU8WqaXlUT3zzCO69trPSJKOO260li//gTZt+pmWL/+Bjj12dEXlHq7ZYuYbG+v1yMr79dyzT2hjy2P64hfK9/f9YudjnA29G4iBlfoIcu3Ihn4L6uvr9MTjP9YfvO+D+s1vfqOFC7+jhx96TN+/Z8lbvm+gZJlMRm2bV+niSy5XNtuhNU+t0MyrrlFb29aceWKcJTe5h3N2oKtv/4/3/jfde+/dev8HPqoDBzq1bNm9+uIX/49eeOG3bx870NW3eazoXK25U+wca+4UO8eaO8XOseZOsXOsuau9c9+rb9fVnaS6upPU0rJJRx89Sk89tVyf+MTndNVVn9Crr76m2bO/rS9/+Rode+xo3Xzz3w149e1K71yK+bq6kzS27iRt6P3drVv7sD5+2WcqPneMs+Xa3XWg/fD/cZe4Cxsnc6pkH49mV1bs8yTYmZI1NTU68sh3aMSIETrqyCO1u2NP3rOTzpigbdt2aPv2ners7NSSJQ9o2tQpVTtLbnKXelaSfu/3xmvt2g369a9/o+7ubq16co2mT7+44nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT6rxnz0tqadkkSdq3b7+2bHlBDQ11mjr1It177w8lSffe+0NNmza5onIPx2yx83v2vKQNb/ndbVVDfV3F545xNvRuIBZBDkru3r1HX/vad/TitnXatXODfvWrX+mRR57Me76+oU67srsPfZ5t71B9nn+Yxjgbcje5y7s7ZOfNrf+hc889U8cff6yOPPIduvjiD6mxsb7ic8f4+06xc8jddE4jd4qdQ+6mcxq5U+wccjedC8998smNOu20/6F16zbopJPGaM+elyQdPPh24oljKjJ3yMeqr5NPbtRp7/t9rV23oSx7Y/x9x9oZiMmgByXNbLSZ3W5mW8zsP3s/2nq/duxQlx577GhNnTpFv3vqWXr3yafrqFFH6Yor/jjveTvMy0/zfRl6jLMhd5O7vLtDdt6y5QX9w+xv66EV92nZg/fq2eda1dXVVfLdPFaFzYbcnWLuFDuH3E3nwmZD7qZzYbMhd9O5sNmQu+lc2OyoUUfpvvu+qy9/+Va9/vq+vGaGa3esj9WbRo06SksWz9WXvnxL3r+7FJ9jsXYGYpLrTMklkl6VdIG7n+DuJ0j6YO/X7h9oyMxmmVmzmTX39Ozvd/+FF56rHTt26he/eEVdXV1auvQhnX3WxLxDt2c7NK7PGVyNDWPV0bG3amdD7iZ3eXeH7CxJ8+cv0plnfVgX/tFlevWV197yfpKVmjvG33eKnUPupnMauVPsHHI3ndPInWLnkLvpnP9sTU2NFi36rhYt+rEeeOBhSdJLL/1CdXUnSTr43okvv/yListd7OxwzNfU1Oj+xXN1330/1tKlD5Vtb4y/71g7Q+qR89Hno5LlOijZ5O53uPuhN3x09z3ufoekdw805O5z3H2iu0/MZEb1u3/XznZNOvN0HXnkOyRJH/rgOdqyJb83i5Wk9c0tGj/+FDU1jVNtba1mzJiuB5etrNpZcpO71LNvOvHEEyRJ48bV62Mf+7AWL36g4nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT6/zd7/6Dtmx5Qd/4xj8f+tqyZT/VzJmXSZJmzrxMDz7404rLXezscMzPnXOn2ra8oK/fNSfvmdC5Y5wNvRuIRU2O+39uZjdKWuDueyXJzN4l6VOSdg116br1G/SjHy3XunU/UVdXlza2bNbcf/5B3vPd3d267vqbtWL5Qo3IZDR/wWK1tj5ftbPkJnepZ9+0eNEcnXDCcers7NKfX/dXeu21X1Z87hh/3yl2jjV3ip1jzZ1i51hzp9g51twpdo41d0qd3//+M3TllR/Xc8+1ae3ag2f6ffWrf6/Zs7+tH/zgn/SpT/2Jdu3arSuu+H8qKvdwzBY7/4H3n6GrZl6mZ59rVfP6gwe4vvKV2/XQw49VdO4YZ0PvBmJhg70vgZkdJ+kmSdMlvUuSS9or6d8k3eHur+RaUDuyYcjnilb2SaZAnDLW//1J8tXD+5gAAACgzGoyI4Y829XTPYxJgMrSdaB96P9xV8U+2HgR/+Hax+PZn1bs8yTXy7dPlfS37v57khokfUvStt77+NMdAAAAAAAAQMFyHZT8nqQ3r1TzdUnHSLpd0huS5pUwFwAAAAAAAFAQ55+3/FPJcr2nZMbdu3pvT3T303tvrzazlhLmAgAAAAAAAFClcp0pucnMPt17e6OZTZQkMztVUmdJkwEAAAAAAACoSrkOSl4t6Xwz2ybpvZKeMrMXJc3tvQ8AAAAAAAAACjLoy7fd/ZeSPmVmx0h6T+/3Z919b74LKvvV60B6uII2AAAAYsIVtAGgOuV6T0lJkru/LmljibMAAAAAAAAAQ8aJOPHI9fJtAAAAAAAAABhWHJQEAAAAAAAAUFYclAQAAAAAAABQVsEOSk6ZfIE2b3pSW1pX68Ybri3rfIyzIXeTO57cKXYOuZvOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPIHWtnIBbmJX4D0JqRDf0WZDIZtW1epYsvuVzZbIfWPLVCM6+6Rm1tW/P6mcXMxzhLbnLTufJ20zmN3Cl2jjV3ip1jzZ1i51hzp9g51twpdo41d4qdY80dQ+euA+2WV5jEnNdwIVe66ePJ9kcr9nkS5EzJSWdM0LZtO7R9+051dnZqyZIHNG3qlLLMxzhLbnKXepbc8cySO55ZcsczS+54Zskdzyy545kldzyz5I5nNvTu1Dkfb/moZEEOStY31GlXdvehz7PtHaqvryvLfIyzIXeTu7y76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQEyGfFDSzB4qYrbf1wp5GXkx8zHOhtxN7vLupnNhsyF307mw2ZC76VzYbMjddC5sNuRuOhc2G3I3nQubDbmbzoXNhtxN58JmQ+5OsTMQk5rB7jSz0we6S9Jpg8zNkjRLkmzEaGUyo95yf3u2Q+Ma6w993tgwVh0de/OMXNx8jLMhd5O7vLvpnEbuFDuH3E3nNHKn2DnkbjqnkTvFziF30zmN3Cl2Drk7xc5ATHKdKble0mxJd77tY7akYwcacvc57j7R3Se+/YCkJK1vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kldzyz5I5nltzxzJI7nllyxzNL7nhmyR3PbOjdQCwGPVNSUpukz7t7v8tDmdmuoS7t7u7WddffrBXLF2pEJqP5CxartfX5sszHOEtucpd6ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLPkjmc29O7U9VT85V3wJhvsfQnM7DJJz7n7fxzmvo+5+9JcC2pGNvBsAAAAAAAAGEZdB9r7v/kk9IGGD3Ecqo9/b3+sYp8nuc6U3CWpQ5LM7EhJfylpgqRWSX9b2mgAAAAAAAAAqlGu95T8nqQ3em/fJemdku7o/dq8EuYCAAAAAAAAUKVynSmZcfeu3tsT3f3Nq3GvNrOWEuYCAAAAAAAAUKVyHZTcZGafdvd5kjaa2UR3bzazUyV1liEfAAAAAAAAkBcudBOPXC/fvlrS+Wa2TdJ7JT1lZi9Kmtt7H0Q7nxMAACAASURBVAAAAAAAAAAUZNAzJd39l5I+ZWbHSHpP7/dn3X1vOcIBAAAAAAAAqD65Xr4tSXL31yVtLHEWAAAAAAAAAAnI9fJtAAAAAAAAABhWHJQEAAAAAAAAUFZ5vXwbAAAAAAAAqHTuXH07FkHOlGxsrNcjK+/Xc88+oY0tj+mLX/hswT9jyuQLtHnTk9rSulo33nBt1c+G3E3ueHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkTrFzyN10TiN3rJ2BWFipjyDXjGzot6Cu7iSNrTtJG1o26eijR2nd2of18cs+o7a2rXn9zEwmo7bNq3TxJZcrm+3QmqdWaOZV1+Q1H+MsuclN58rbTec0cqfYOdbcKXaONXeKnWPNnWLnWHOn2DnW3Cl2jjV3DJ27DrRbXmESc1b9BZwq2cea3U9U7PMkyJmSe/a8pA0tmyRJ+/bt15YtW9VQX5f3/KQzJmjbth3avn2nOjs7tWTJA5o2dUrVzpKb3KWeJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kNvRuIxaAHJc3snWb2d2Z2j5ld8bb7vj0cAU4+uVGnve/3tXbdhrxn6hvqtCu7+9Dn2fYO1ed5UDPG2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLvpnEbuFDuH3J1iZyAmuS50M0/SVkn/KukzZvZxSVe4+39JOmugITObJWmWJNmI0cpkRh32+0aNOkpLFs/Vl758i15/fV/eoc36n3ma78vQY5wNuZvc5d1N58JmQ+6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sNuZvOhc2G3J1iZ0g94ncVi1wv3/4dd7/J3Ze6+zRJz0h6zMxOGGzI3ee4+0R3nzjQAcmamhrdv3iu7rvvx1q69KGCQrdnOzSusf7Q540NY9XRsbdqZ0PuJnd5d9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnYGY5DooeYSZHfoed/8bSXMkPSlp0AOTucydc6fatrygr981p+DZ9c0tGj/+FDU1jVNtba1mzJiuB5etrNpZcpO71LPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZJXc8s6F3A7HI9fLtByV9SNIjb37B3ReY2V5J3xzq0g+8/wxdNfMyPftcq5rXH/wX6ytfuV0PPfxYXvPd3d267vqbtWL5Qo3IZDR/wWK1tj5ftbPkJnepZ8kdzyy545kldzyz5I5nltzxzJI7nllyxzNL7nhmQ+8GYmGDvS+BmZ0paYu7/9LMjpT0l5ImSGqV9Lfu/stcC2pGNvBifgAAAAAAgGHUdaC9/5tPQpPqz+c4VB/rdv+sYp8nuV6+/T1J+3tv3yXpnZLukPSGDl4EBwAAAAAAAKgIzj9v+aeS5Xr5dsbdu3pvT3T303tvrzazlhLmAgAAAAAAAFClcp0pucnMPt17e6OZTZQkMztVUmdJkwEAAAAAAACoSrkOSl4t6Xwz2ybpvZKeMrMXJc3tvQ8AAAAAAAAACjLoy7d7L2TzKTM7RtJ7er8/6+57yxEOAAAAAAAAQPXJ9Z6SkiR3f13SxhJnAQAAAAAAAIbMvbIv7oLfyvXybQAAAAAAAAAYVhyUBAAAAAAAAFBWHJQEAAAAAAAAUFbBDkpOmXyBNm96UltaV+vGG64t63yMsyF3kzue3Cl2Drk7xc5z59yp3dmNatnwaEFzw7E7xtmQu1PMnWLnkLvpXL7csf7ZG3J3irlT7BxyN53TyB1rZyAWVuo3AK0Z2dBvQSaTUdvmVbr4ksuVzXZozVMrNPOqa9TWtjWvn1nMfIyz5CY3nStvd4qdJencc87Uvn37NW/eXTptwoV5zYTOneJjlWLuFDvHmjvFzsXOx/hnb8jdKeZOsXOsuVPsHGvuGDp3HWi3vMIkZuLYc7nSTR/NHasq9nkS5EzJSWdM0LZtO7R9+051dnZqyZIHNG3qlLLMxzhLbnKXepbc8cyG3r1q9Vq98upreX9/JeRO8bFKMXeKnWPNnWLnYudj/LM35O4Uc6fYOdbcKXaONXesnSH1yPno81HJghyUrG+o067s7kOfZ9s7VF9fV5b5GGdD7iZ3eXfTOY3csXYuVoy/71gfqxRzp9g55G46lzd3MWLtTG46V/JuOqeRO9bOQEwGPShpZnVm9k9mdreZnWBm/9fMnjOzJWY2dqhLzfqfOVrIy8iLmY9xNuRucpd3N50Lmw25O8XOxYrx9x3rY5Vi7hQ7h9xN58Jmh2N+qGLtTO7yzYbcnWLuFDuH3J1iZyAmuc6UnC+pVdIuSY9L+rWkj0haJek7Aw2Z2Swzazaz5p6e/f3ub892aFxj/aHPGxvGqqNjb96hi5mPcTbkbnKXdzed08gda+dixfj7jvWxSjF3ip1D7qZzeXMXI9bO5KZzJe+mcxq5Y+0MxCTXQcl3ufs33f12Sce6+x3uvtPdvynp5IGG3H2Ou09094mZzKh+969vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kNvbsYMf6+Y32sUsydYudYc6fYeTjmhyrWzuSmcyXvpnMauWPtDMSkJsf9fQ9afn+Q+wrS3d2t666/WSuWL9SITEbzFyxWa+vzZZmPcZbc5C71LLnjmQ29+9577tb5552tMWOO144Xm3XrbbM1b/6iis6d4mOVYu4UO8eaO8XOxc7H+GdvyN0p5k6xc6y5U+wca+5YO4OXusfEBnuwzOw2SX/v7vve9vXxkm5398tyLagZ2cCzAQAAAAAAYBh1HWjv/+aT0IS6D3Acqo8Ne/69Yp8nuc6UXK7eMyLN7EhJN0k6XQffZ/KzpY0GAAAAAAAAoBrlegn29yS90Xv7LkmjJd3R+7V5JcwFAAAAAAAAoErlfE9Jd+/qvT3R3U/vvb3azFpKmAsAAAAAAABAlcp1UHKTmX3a3edJ2mhmE9292cxOldRZhnwAAAAAAABAXnrEW0rGItfLt6+WdL6ZbZP0XklPmdmLkub23gcAAAAAAAAABRn0TEl3/6WkT5nZMZLe0/v9WXffm++CYi7xw7FtAAAAAAAAoPrkevm2JMndX5e0scRZAAAAAAAAACQg18u3AQAAAAAAAGBYcVASAAAAAAAAQFnl9fJtAAAAAAAAoNI5VyiJRrAzJUePfqcWLZqj5577mZ599gmddeYfFjQ/ZfIF2rzpSW1pXa0bb7i26mdD7iZ3PLlT7BxyN53TyJ1i55C76ZxG7hQ7h9xN5zRyp9g55G46p5E71s5ALMy9tEeQa0c2HHbB9/7l61q9eq2+N+8+1dbW/v/t3Xt03XWZ7/HPs5PdpK1tEcqhTdIrsc4IgxRTrCi2gLaoFHTGU2aGmRFHDmeNKOAwdJyxI96OB0cY0VmytEgpBwbaigr2AhaKYylC20BT6N3ebJOGYkUKtLpIk+f8QSyFptl7J9n7m+/+vl+u31pJ9n76fD7ZlYVf90WDBg3UgQMvveE+x0uWyWS0acNjuvDDf6Xm5lY9+cRS/c3fflqbNv0qZ54YZ8lNbjr3v910TiN3ip1jzZ1i51hzp9g51twpdo41d4qdY82dYudYc8fQ+fCrLZZXmMScMeI9PFXyKM8890S//XsS5JmSQ4a8Re9737s19457JUltbW3HHEh25+xJE7V9+y7t3LlbbW1tWrjwAV08Y3rZzpKb3MWeJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kNvRuIRcGHkmb2P3q7dPz4Mdq//7e6/Qff0prVP9P3v/dNDRo0MO/5mtoR2tO898j3zS2tqqkZUbazIXeTu7S76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQEy6PZQ0sxPfdJ0kabWZvdXMTuzp0sqKCk2c+Gf6/vf/nyadPV0HDx7SrFmfyXve7Nhnnub7MvQYZ0PuJndpd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcTefCZkPupnNhsyF3p9gZUoc711FXf5brmZL7JT111NUoqVbS051fd8nMrjSzRjNr7Og4eMztzS2tam5u1eo1ayVJP/rxEk0888/yDt3S3KpRdTVHvq+rHanW1n1lOxtyN7lLu5vOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLtT7AzEJNeh5CxJWyRd7O7j3H2cpObOr8cfb8jd57h7g7s3ZDKDj7l9377fqLl5ryZMOFWSdP7579OmTVvzDr2msUn19eM0duwoZbNZzZx5iRYtXla2s+Qmd7FnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM0vueGZD7wZiUdndje5+k5nNl/QtM9sj6QYd/0OxC3Lt5/5N/+/O/9SAAVnt2LlbV1zxj3nPtre365prZ2vpkntUkclo3p0LtHFjfoeaMc6Sm9zFniV3PLPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZDb0biIUV8J4GMyR9QdJYd8/7HVazA2p7fIjZv1/5DgAAAAAAEMbhV1uOffNJ6PRTJnOcdJT1+57st39Pun2mpJm9W9Imd39J0nJJ50p6xcy+Ienr7n6gBBkBAAAAAACAnJynuEUj13tKzpV0qPPrWyRlJX2p82d3FC8WAAAAAAAAgHLV7TMlJWXc/XDn1w3uflbn1yvNrKmIuQAAAAAAAACUqVzPlFxvZp/s/HqdmTVIkplNkNRW1GQAAAAAAAAAylKuZ0peIenbZjZb0n5JT3R+Cveeztty4pX8AAAAAACURrYi1//M715b++HcdwKAPtDtP606P8jmcjMbIml85/2b3X1fKcIBAAAAAAAAKD95/V8o7v6ypHVFzgIAAAAAAAD0WIfzmt1Y5HpPSQAAAAAAAADoUxxKAgAAAAAAACgpDiUBAAAAAAAAlFSQQ8mqqio98fhiPdX4sNY1PaobvnhdwX/G9GlTtWH9Cm3euFKzrr+q7GdD7iZ3PLlT7BxyN53TyJ1i55C76ZxG7hQ7h9xN5zRyp9g55O5YOtfVjdRDD83X2rXL9dRTD+uqqz4pSfr61/9VTU3LtXr1Q1qw4PsaNmxov8pdDrOhdwNRcPeiXhXZGu/qGnpCvVdka7xq4GhfteopP+e9F3V5v66ubFWdb9u20+snTPbqQWO8ad0GP/2MKWU7S25y07n/7aZzGrlT7Bxr7hQ7x5o7xc6x5k6xc6y5U+wca+5SdK6uHn3kGju2wSdP/rBXV4/24cP/1Ldu3e5nnnmBf+Qjl/ngweO8unq033TTrX7TTbcemeGxiqdzsc9zYr3efnKDc71+hX48uruCvXz74MFDkqRstlKV2azc8/90pLMnTdT27bu0c+dutbW1aeHCB3TxjOllO0tuchd7ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLM9mX/uuefV1LRekvTKKwe1efM21dScouXLH1N7e7skafXqtaqtHdmvcsc+G3o3EItuDyXN7MKjvh5mZreb2TNmdo+ZndKrxZmMGtcsU2vLM1q+fIVWr1mb92xN7Qjtad575PvmllbV1Iwo29mQu8ld2t10TiN3ip1D7qZzGrlT7BxyN53TyJ1i55C76ZxG7pCdR4+u05lnnqY1a5re8PO/+7uZ+tnP/rvf5o5xNvRuIBa5nin59aO+vllSq6QZktZI+v7xhszsSjNrNLPGjo6DXd6no6NDDZOmacy4Bk1qmKjTTnt73qHN7Jif5ftMyxhnQ+4md2l307mw2ZC76VzYbMjddC5sNuRuOhc2G3I3nQubDbmbzoXNhtxN58JmQ+6OsfPgwYN0773f0/XXf0Uvv/zKkZ/PmvUZtbcf1vz5PynK3r6Yj3E29G4gFoW8fLvB3We7+6/d/VuSxh7vju4+x90b3L0hkxnc7R964MBL+sWKX2r6tKl5B2lpbtWoupoj39fVjlRr676ynQ25m9yl3U3nNHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkDtG5srJS9977PS1YcL8eeOChIz+/7LK/0Ic/fIEuv/yafpk75tnQu4FY5DqU/B9m9o9mdp2kofbG4/oevx/l8OEnHvl0r+rqal1w/rnasmV73vNrGptUXz9OY8eOUjab1cyZl2jR4mVlO0tuchd7ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLM9nf/e9/5dW7Zs03e+84MjP/vgB6fouuv+QR//+Kf0+9//oV/mjnk29O7UdbhzHXX1Z5U5br9N0pDOr++UNFzSb8xshKSm407lMHLkKZp7+y2qqMgok8novvsWacnSR/Keb29v1zXXztbSJfeoIpPRvDsXaOPGrWU7S25yF3uW3PHMkjueWXLHM0vueGbJHc8sueOZJXc8sz2ZP+ecBl122V/o2Wc36cknl0qSbrjhm7r55i+pqmqAFi++W9JrH3Zz9dVf6De5Y58NvRuIhXX3vgRm9m5Jm939gJkNkvR5SRMlbZT0dXc/kGtB5YDa/n0sCwAAAABAmchW5HruUffa2g/3URIU2+FXW45980lowskNnEMdZetvGvvt35NcL8GeK+mPn1Rzi6Shkr4h6ZCkO4qYCwAAAAAAAECZyvV/oWTc/Y//N0mDu5/V+fVKM+vxy7cBAAAAAAAApCvXMyXXm9knO79eZ2YNkmRmEyS1FTUZAAAAAAAAgLKU65mSV0j6tpnNlrRf0hNmtkfSns7bAAAAAAAAgH7BxVtKxqLbQ8nOD7K53MyGSBrfef9md99XinAAAAAAACB/fFANgFjk9bFc7v6ypHVFzgIAAAAAAAAgAbneUxIAAAAAAAAA+hSHkgAAAAAAAABKKq+XbwMAAAAAAAD9XYfzQTexCPJMybq6Gj2y7Id69pn/1rqmR/XZz3yq4D9j+rSp2rB+hTZvXKlZ119V9rMhd5M7ntwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnW+bc7P2Nq9T09rlBc31xe4YZ0PvBqLg7kW9KrI1/uardtSZ3jBpmldka3zYW9/mW7Zu99PPmHLM/Y53ZavqfNu2nV4/YbJXDxrjTes25D0f4yy5yU3n/rebzmnkTrFzrLlT7Bxr7hQ7x5o7xc6x5k6xc6y5Y+1cka3xqed9zBsmTfNn12/KeyZ07nJ/rIp9nhPrNf6kic71+hX68ejuCvJMyeeee15rm9ZLkl555aA2b/6VamtG5D1/9qSJ2r59l3bu3K22tjYtXPiALp4xvWxnyU3uYs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNvTux1au0gu/ezHv+/eH3Kk+VkAsCj6UNLOT+jLAmDF1OvOdp2vV6rV5z9TUjtCe5r1Hvm9uaVVNnoeaMc6G3E3u0u6mcxq5U+wccjed08idYueQu+mcRu4UO4fcTec0csfaubdi/H2n+lgBpdTtoaSZ3Whmwzu/bjCzHZJWmdmvzWxKb5cPHjxICxfcpn/8pxv08suv5D1nZsf8zD2/NzKNcTbkbnKXdjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ791aMv+9UH6ty4PznDf/pz3I9U/Ij7r6/8+tvSrrU3eslfVDSzccbMrMrzazRzBo7Og52eZ/Kykr9cMFtuvfen+j++x8sKHRLc6tG1dUc+b6udqRaW/eV7WzI3eQu7W46p5E7xc4hd9M5jdwpdg65m85p5E6xc8jddE4jd6ydeyvG33eqjxVQSrkOJbNmVtn59UB3XyNJ7r5VUtXxhtx9jrs3uHtDJjO4y/vcNudmbdq8Tbd8e07Bodc0Nqm+fpzGjh2lbDarmTMv0aLFy8p2ltzkLvYsueOZJXc8s+SOZ5bc8cySO55ZcsczS+54ZkPv7o0Yf9+pPlZAKVXmuP27kpaa2Y2SHjKzWyT9WNIFkpp6uvS950zS3/7Nx/XMsxvVuOa1/2L927/dqAcfejSv+fb2dl1z7WwtXXKPKjIZzbtzgTZu3Fq2s+Qmd7FnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHMxt69913fVdT3v8eDR9+onbtaNSXv3KT7pg3v1/nTvWxAmJhud6XwMymSvoHSRP02iHmHkn3S7rD3dtyLagcUNu/X8AOAAAAAAAQmcOvthz75pPQ+OETOYc6yo79a/vt35NcH3TzbklPu/ulkt4r6SeSOiSdKmlQ8eMBAAAAAAAAKDe5Xr49V9I7O7++RdJBSTfqtZdv3yHpz4sXDQAAAAAAAMife0foCMhTrkPJjLsf7vy6wd3P6vx6pZn1+D0lAQAAAAAAAKQr16dvrzezT3Z+vc7MGiTJzCZIyvl+kgAAAAAAAADwZrkOJa+QNMXMtkt6h6QnzGyHpNs6bwMAAAAAAACAgnT78m13PyDpcjMbIml85/2b3X1fKcIBAAAAAIA49OYjfvm4ZCA9ud5TUpLk7i9LWlfkLAAAAAAAAECPdXDEHY1cL98GAAAAAAAAgD7FoSQAAAAAAACAkuJQEgAAAAAAAEBJBTmUrKqq0hOPL9ZTjQ9rXdOjuuGL1xX8Z0yfNlUb1q/Q5o0rNev6q8p+NuRucseTO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnUPupnNhsxMmnKrGNcuOXL/dv1lXf/aKfp871scKiIa7F/WqyNZ4V9fQE+q9IlvjVQNH+6pVT/k5772oy/t1dWWr6nzbtp1eP2GyVw8a403rNvjpZ0wp21lyk5vO/W83ndPInWLnWHOn2DnW3Cl2jjV3ip1jzZ1i51hzl3vnyjyuAVV13tq6z8efOukNP4+1c8jdxT7PifUa9dbTnev1K/Tj0d0V7OXbBw8ekiRls5WqzGblnv+nI509aaK2b9+lnTt3q62tTQsXPqCLZ0wv21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545mNOffRzj//fdqx49favbulX+eO9bECYhLsUDKTyahxzTK1tjyj5ctXaPWatXnP1tSO0J7mvUe+b25pVU3NiLKdDbmb3KXdTec0cqfYOeRuOqeRO8XOIXfTOY3cKXYOuZvOaeROsfObXTrzEi1YcH/e94+1c3/5fQP9WbeHkmb2tJnNNrNTC/lDzexKM2s0s8aOjoNd3qejo0MNk6ZpzLgGTWqYqNNOe3shf/4xP8v3mZYxzobcTe7S7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcTefCZo+WzWZ10UXTdN+PFuc9E2vn/vD7Bvq7XM+UfKukEyT93MxWm9nnzKwm1x/q7nPcvcHdGzKZwd3e98CBl/SLFb/U9GlT8w7d0tyqUXWvx6irHanW1n1lOxtyN7lLu5vOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPInWLno1144Xlau/ZZPf/8/rxnYu3cH37fQH+X61Dyd+7+T+4+WtJ1kt4m6Wkz+7mZXdnTpcOHn6hhw4ZKkqqrq3XB+edqy5btec+vaWxSff04jR07StlsVjNnXqJFi5eV7Sy5yV3sWXLHM0vueGbJHc8sueOZJXc8s+SOZ5bc8czGnPuPLr30owW9dDtk7lgfK0gdcq6jrv6sMsftR54z7O6PSXrMzD4r6YOSLpU0pydLR448RXNvv0UVFRllMhndd98iLVn6SN7z7e3tuuba2Vq65B5VZDKad+cCbdy4tWxnyU3uYs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNubckjRwYLU+cMH79elP/3NBc7F2Dv37BmJg3b0vgZnNd/e/7M2CygG1/ftYFgAAAAAA9Nqx74SYPw4OCnf41Zbe/MrLVt2Jp/PX6SjNL6zvt39Pcr18+1tmNlSSzGygmX3FzBaZ2TfMbFgJ8gEAAAAAAAAoM7kOJedKOtT59bclDZX0jc6f3VHEXAAAAAAAAADKVK73lMy4++HOrxvc/azOr1eaWVMRcwEAAAAAAAAoU7kOJdeb2Sfd/Q5J68yswd0bzWyCpLYS5AMAAAAAAADy0t1np6B/yXUoeYWkb5vZbEn7JT1hZnsk7em8LaeM9fz9NDv4iwQAAAAAQBR687/ghw8a2qvd+w+91Kt5AKXX7aGkux+QdLmZDZE0vvP+ze6+rxThAAAAAAAAAJSfXM+UlCS5+8uS1hU5CwAAAAAAAIAE5Pr0bQAAAAAAAADoU3k9UxIAAAAAAADo7/h8kngEe6bkZz7zKa19+hE1rV2uz372UwXPT582VRvWr9DmjSs16/qrSjJbVVWlJx5frKcaH9a6pkd1wxevK1nm3s6Hmg25O8XcKXYOuZvOaeROsXPI3XROI/dtc27W3uZ1alq7vKC5vtjNY0Xn/rybzmnkTrFzT+aHDhuiH9x5ix5bvUQrVi3WuyadqVlfuFqPPn6/Hnnsx5r/4x/olBEnFzV3rI8VEA13L+qVHVDrb77OPPN8X79+kw8ddqpXDxztjyxf4X/6jvcdc7+KbE2XV7aqzrdt2+n1EyZ79aAx3rRug59+xpTj3r+vZiuyNT70hHqvyNZ41cDRvmrVU37Oey8qyd5QnckdT+4UO8eaO8XOseZOsXOsuVPsHHPuqed9zBsmTfNn12/KeyZ07hQfqxQ7x5o7xc6x5k6xc77zpwz7kzdcC+75iX/uM7P9lGF/4nXD/8zfNnqSn1r3riO3/+usr/m82+898n2MnXs7W+zznFivEcP+1Llev0I/Ht1dQZ4p+Sd/Uq9Vq9bq97//g9rb2/XYiid1ySUX5j1/9qSJ2r59l3bu3K22tjYtXPiALp4xveizknTw4CFJUjZbqcpsVu75PS24t3tDdSZ3PLlT7Bxr7hQ7x5o7xc6x5k6xc8y5H1u5Si/87sW8798fcqf4WKXYOdbcKXaONXeKnXsy/5YhgzX5nAbdFPeRlAAAGdZJREFUc9d9kqS2tja9dOBlvfLywSP3GTRooJTjf47H1LkvdwOxCHIouWHjFp177rt14oknaODAal144fmqq6vJe76mdoT2NO898n1zS6tqakYUfVaSMpmMGtcsU2vLM1q+fIVWr1lbkr2hOpO7tLvpnEbuFDuH3E3nNHKn2Dnk7t7m7o1YO8eYO8XOIXfTOY3cKXbuyfyYsaP02/0v6Nu3fl0Pr/iRbv7OV187hJT0+dnX6Kn1j+ov/ucM/fvXv1O03LE+VkBMuj2UNLMGM/u5md1tZqPM7GEzO2Bma8xsYk+Xbt68Td+86VY9uPReLV50t555dqMOHz6c97yZHfOzfJ+x2JtZSero6FDDpGkaM65Bkxom6rTT3l6SvaE6k7u0u+lc2GzI3XQubDbkbjoXNhtyN50Lmw25u7e5eyPWzjHmTrFzyN10Lmw25G46Fzbbk/nKigr92TvfoXm3z9cH3/8XOnTokD7zuf8lSbrxa9/Wu04/Xz/64SL9/ZWXFS13rI8VJOc/b/hPf5brmZK3Svp3SUsk/VLS9919mKTPd97WJTO70swazayxo/1gl/eZN2++3j35Q7rgAx/X7154Udu27cw7dEtzq0Yd9czKutqRam3dV/TZox048JJ+seKXmj5takn2hupM7tLupnMauVPsHHI3ndPInWLnkLv76t+neiLWzjHmTrFzyN10TiN3ip17Mr937z617t2ntU89I0la/MAynXHGO95wn5/ct0QfmTGtaLljfayAmOQ6lMy6+4Pufq8kd/f79NoXyyVVH2/I3ee4e4O7N2QqBnd5n5NPPkmSNGpUjT760Q9pwYIH8g69prFJ9fXjNHbsKGWzWc2ceYkWLV5W9Nnhw0/UsGFDJUnV1dW64PxztWXL9qLv7e18qFlyxzNL7nhmyR3PLLnjmSV36XP3RqydY8ydYudYc6fYOdbcKXbuyfxvnt+vluZWnVo/VpJ07pTJ2rplm8aNH3PkPtM/dJ62/WpH0XLH+lgBManMcfsfzGyapGGS3Mw+6u73m9kUSe29Wbxg/hyddNJb1dZ2WFdf8wW9+OKBvGfb29t1zbWztXTJParIZDTvzgXauHFr0WdHjjxFc2+/RRUVGWUyGd133yItWfpI0ff2dj7ULLnjmSV3PLPkjmeW3PHMkrv0ue++67ua8v73aPjwE7VrR6O+/JWbdMe8+f06d4qPVYqdY82dYudYc6fYuafzX/jn/6Nbb/umsgOy+vWuPbr201/Qzf/5VdXXj1OHd6h5z17N+tyXipY71scKiIl1974EZvZOvfby7Q5Jn5P0D5L+TtJeSVe6++O5FgyoquvxC9g7eM8EAAAAAADK3vBBQ3s1v//QS32UJB6HX2059s0noREn/CmHSUd57sVN/fbvSa5nSlZLmunuB8xsoKQDkh6XtEHS+mKHAwAAAAAAAFB+ch1KzpX0zs6vvy3poKQbJV0g6Q5Jf168aAAAAAAAAED++KTyeOQ6lMy4++HOrxvc/azOr1eaWVMRcwEAAAAAAAAoU7k+fXu9mX2y8+t1ZtYgSWY2QVJbUZMBAAAAAAAAKEu5DiWvkDTFzLZLeoekJ8xsh6TbOm8DAAAAAAAAgIJ0+/Jtdz8g6XIzGyJpfOf9m919X74L+ARtAAAAAADQnd5+enZvPl6YUwsgjFzvKSlJcveXJa0rchYAAAAAAACgxzo4Zo5GrpdvAwAAAAAAAECf4lASAAAAAAAAQElxKAkAAAAAAACgpIIcSlZVVemJxxfrqcaHta7pUd3wxesK/jOmT5uqDetXaPPGlZp1/VVlPxtyN7njyZ1i55C76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5ntzXXP2/1NT0qNauXa677vquqqqqSrK3t/O93Q1Ewd2LelVka7yra+gJ9V6RrfGqgaN91aqn/Jz3XtTl/bq6slV1vm3bTq+fMNmrB43xpnUb/PQzppTtLLnJTef+t5vOaeROsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT7Fyq3ZVdXKPHnOU7dvza3zJkvFdma3zhD3/qf//31x5zv1g7F/s8J9brpCFvc67Xr9CPR3dXsJdvHzx4SJKUzVaqMpuVe/6fjnT2pInavn2Xdu7crba2Ni1c+IAunjG9bGfJTe5iz5I7nllyxzNL7nhmyR3PLLnjmSV3PLPkjmeW3D3bXVlZqYEDq1VRUaFBAwdqb+tzJdkbsjMQi2CHkplMRo1rlqm15RktX75Cq9eszXu2pnaE9jTvPfJ9c0urampGlO1syN3kLu1uOqeRO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnUPu3rv3OX3rW9/Tju2rtWf3Wr300kt65JEVRd/b2/ne7gZi0e2hpJm9xcy+YmYbzOyAmf3GzJ40s8t7u7ijo0MNk6ZpzLgGTWqYqNNOe3ves2Z2zM/yfaZljLMhd5O7tLvpXNhsyN10Lmw25G46FzYbcjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu084YZhmzJiut02YrNFjztKgwYP013/950Xf29v53u4GYpHrmZL/JWmHpOmSvizpO5L+VtJ5Zvb14w2Z2ZVm1mhmjR0dB7tdcODAS/rFil9q+rSpeYduaW7VqLqaI9/X1Y5Ua+u+sp0NuZvcpd1N5zRyp9g55G46p5E7xc4hd9M5jdwpdg65m85p5E6xc8jdF1xwrnbt2q39+1/Q4cOHdf/9D+o9kxuKvre3873dDcQi16HkWHef5+7N7v4fki52919J+qSk4/7fC+4+x90b3L0hkxl8zO3Dh5+oYcOGSpKqq6t1wfnnasuW7XmHXtPYpPr6cRo7dpSy2axmzrxEixYvK9tZcpO72LPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZJXfhs3t2t+jsd5+lgQOrJUnnn/c+bd78q6Lv7e18b3cDsajMcftBM3ufu680sxmSXpAkd++wrp5PnKeRI0/R3NtvUUVFRplMRvfdt0hLlj6S93x7e7uuuXa2li65RxWZjObduUAbN24t21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kld+Gzq9es1Y9/vESrV/9Mhw8f1rqmDbrtB/9V9L29ne/t7tR18FL3aFh370tgZmdI+oGkCZLWS/p7d99qZidL+it3/06uBZUDavnbAAAAAAAAiqbHz5qSFOuhxeFXW3pTu2ydOORtsT6kRfHCy7/qt39Pcj1TcqCkD7r7ATMbJOmfzewsSRslHfc9JQEAAAAAAADgeHK9p+RcSX/8pJpbJA2T9A1JhyTdUcRcAAAAAAAAAMpUrmdKZtz9cOfXDe5+VufXK82sqYi5AAAAAAAAAJSpXIeS683sk+5+h6R1Ztbg7o1mNkFSWwnyAQAAAAAAAHnp7rNT0L/kevn2FZKmmNl2Se+Q9ISZ7ZB0W+dtAAAAAAAAQXkvLuvFBaDnun2mpLsfkHS5mQ2RNL7z/s3uvq8U4QAAAAAAAACUn1wv35YkufvLktYVOQsAAAAAAACABOR6+TYAAAAAAAAA9Km8nikJAAAAAAAA9Hcd4oNuYsEzJQEAAAAAAACUVJBDyaqqKj3x+GI91fiw1jU9qhu+eF3Bf8b0aVO1Yf0Kbd64UrOuv6rsZ0PuJnc8uVPsHHJ3ip1vm3Oz9javU9Pa5QXN9cXuGGdD7k4xd4qdQ+6mcxq5U+wccjed08idYueQu3ub+1dbn9Tapx9R45plevKJpSXb3dvcQBTcvahXRbbGu7qGnlDvFdkarxo42letesrPee9FXd6vqytbVefbtu30+gmTvXrQGG9at8FPP2NK2c6Sm9x07n+7U+xcka3xqed9zBsmTfNn12/KeyZ07hQfqxRzp9g51twpdo41d4qdY82dYudYc6fYOYbcld1cO3fu9lNGnHbc20PmLvZ5TqzX0MHjnev1K/Tj0d0V7OXbBw8ekiRls5WqzGblnv9r/s+eNFHbt+/Szp271dbWpoULH9DFM6aX7Sy5yV3sWXLHMxt692MrV+mF372Y9/37Q+4UH6sUc6fYOdbcKXaONXeKnWPNnWLnWHOn2Dnm3L0Ra26glLo9lDSzYWZ2o5ltNrPfdl6bOn92Qq8WZzJqXLNMrS3PaPnyFVq9Zm3eszW1I7Snee+R75tbWlVTM6JsZ0PuJndpd9M5jdyxdu6tGH/fsT5WKeZOsXPI3XROI3eKnUPupnMauVPsHHJ3X/y7r7vrwaX3atWTD+qKT12W91zo3EAMcn369kJJj0qa6u7PSZKZjZD0CUk/lPTBrobM7EpJV0qSVQxTJjP4mPt0dHSoYdI0DRs2VD/64e067bS3a8OGLXmFNrNjfpbvMy1jnA25m9yl3U3nwmZD7k6xc2/F+PuO9bFKMXeKnUPupnNhsyF307mw2ZC76VzYbMjddC5sNuTuvvh33ylTP6rW1n06+eST9NCD87V5yzatXLmqqLtD/jt7OeB3FY9cL98e6+7f+OOBpCS5+3Pu/g1Jo4835O5z3L3B3Ru6OpA82oEDL+kXK36p6dOm5h26pblVo+pqjnxfVztSra37ynY25G5yl3Y3ndPIHWvn3orx9x3rY5Vi7hQ7h9xN5zRyp9g55G46p5E7xc4hd/fFv/v+8f6/+c1vdf8DD2rSpDOLvjvkv7MDpZTrUPLXZjbLzE754w/M7BQz+2dJe3q6dPjwEzVs2FBJUnV1tS44/1xt2bI97/k1jU2qrx+nsWNHKZvNaubMS7Ro8bKynSU3uYs9S+54ZkPv7o0Yf9+xPlYp5k6xc6y5U+wca+4UO8eaO8XOseZOsXPMuQcNGqi3vGXwka8/+IEpeb/CM9Z/ZwdKKdfLty+V9HlJv+g8mHRJ+yT9VNLMni4dOfIUzb39FlVUZJTJZHTffYu0ZOkjec+3t7frmmtna+mSe1SRyWjenQu0cePWsp0lN7mLPUvueGZD7777ru9qyvvfo+HDT9SuHY368ldu0h3z5vfr3Ck+VinmTrFzrLlT7Bxr7hQ7x5o7xc6x5k6xc8y5TznlZN33w9slSRWVFZo//34tW/bf/T43EAvr7rX2Zna1pJ+4e4+fFVk5oJYX8wMAAAAAgH7p2HdwzF/IA4/Dr7b0JnrZGjp4POdQR3np4I5++/ck16HkAUkHJW2XdI+kH7r7/kIWcCgJAAAAAAD6Kw4ly8tbBo3jHOoorxza2W//nuR6T8kdkuokfVVSg6RNZvaQmX3CzIYUPR0AAAAAAACAspPrUNLdvcPdl7n7pyTVSLpV0oV67cASAAAAAAAAAAqS64Nu3vAUT3dv02sfcvNTMxtYtFQAAAAAAAAAylY+n77dJXf/fR9nAQAAAAAAKCnegBAIo9tDSXfnM+cBAAAAAAAQBeeYORq53lMSAAAAAAAAAPoUh5IAAAAAAAAASopDSQAAAAAAAAAlFexQ8rY5N2tv8zo1rV3eo/np06Zqw/oV2rxxpWZdf1XZz4bcTe54csfamX8exPNYpZg7xc4hd9M5ndyZTEZrVv9MD/zkzoJnY+0cY+4UO4fcTec0cqfYOeTuFDsD0XD3ol4V2Rrv6pp63se8YdI0f3b9pi5v7+7KVtX5tm07vX7CZK8eNMab1m3w08+YUraz5CZ3OXeuyPLPg1geqxRzp9g51twpdo45d0W2xq/7py/5Pff+2BcvfriguVg7x5g7xc6x5k6xc6y5U+wca+4YOhf7PCfWq7p6tHO9foV+PLq7gj1T8rGVq/TC717s0ezZkyZq+/Zd2rlzt9ra2rRw4QO6eMb0sp0lN7mLPRt6N/88iOOxSjF3ip1jzZ1i55hz19aO1Ic/dIHmzr0375nQuVN8rFLsHGvuFDvHmjvFzrHmjrUzEJMo31OypnaE9jTvPfJ9c0urampGlO1syN3kLu3uFDv3Voy/71gfqxRzp9g55G46p5P7P27+sj7/L19TR0dH3jN9sZvHis79eTed08idYueQu1PsDMSkx4eSZvZgXwYpcPcxP3P3sp0NuZvcpd2dYufeivH3HetjlWLuFDuH3E3nwmZD7u7N7Ec+/AE9//x+Pb322bzu35e7eaxKNxtyd4q5U+wccjedC5sNuTvFzkBMKru70czOOt5Nks7sZu5KSVdKklUMUyYzuMcBu9LS3KpRdTVHvq+rHanW1n1lOxtyN7lLuzvFzr0V4+871scqxdwpdg65m85p5D7nnAbNuGiaPnTh+aqurtLQoUN057zv6BOXX92vc6f4WKXYOeRuOqeRO8XOIXen2BmISa5nSq6RdJOkm9903STphOMNufscd29w94a+PpCUpDWNTaqvH6exY0cpm81q5sxLtGjxsrKdJTe5iz0bendvxPj7jvWxSjF3ip1jzZ1i51hzf2H2jRo7vkH1Eybrsr/5tH7+88fzPpAMmTvFxyrFzrHmTrFzrLlT7Bxr7lg7AzHp9pmSkjZJ+t/u/qs332Bme3qz+O67vqsp73+Phg8/Ubt2NOrLX7lJd8ybn9dse3u7rrl2tpYuuUcVmYzm3blAGzduLdtZcpO72LOhd/PPgzgeqxRzp9g51twpdo45d2/E2jnG3Cl2jjV3ip1jzZ1i51hzx9oZvNQ9Jtbdg2VmH5f0rLtv6eK2j7r7/bkWVA6o5W8DAAAAAABAHzr8asuxbz4JVVeP5hzqKH/4w+5++/ck18u3ayQd6uqGfA4kAQAAAAAAAODNch1KflXSKjN7zMw+bWYnlyIUAAAAAAAAgPKV61Byh6Q6vXY4+S5JG83sITP7hJkNKXo6AAAAAAAAAGUn1wfduLt3SFomaZmZZSV9SNJf6bVP4OaZkwAAAAAAAOgXXLylZCxyHUq+4c0w3b1N0k8l/dTMBhYtFQAAAAAAAICylevl25ce7wZ3/30fZwEAAAAAAACQgG4PJd19a6mCAAAAAAAAAEhDrmdKAgAAAAAAAECfyvWekgAAAAAAAEAU3Pmgm1jwTEkAAAAAAAAAJRXsUPK2OTdrb/M6Na1d3qP56dOmasP6Fdq8caVmXX9V2c+G3E3ueHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkTrFzyN10TiN3yM6SlMlktGb1z/TAT+4seBaIgrsX9arI1nhX19TzPuYNk6b5s+s3dXl7d1e2qs63bdvp9RMme/WgMd60boOffsaUsp0lN7np3P920zmN3Cl2jjV3ip1jzZ1i51hzp9g51twpdo41d4qdY80dsvMfr+v+6Ut+z70/9sWLH+7y9mKf58R6ZQfUOtfrV+jHo7sr2DMlH1u5Si/87sUezZ49aaK2b9+lnTt3q62tTQsXPqCLZ0wv21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kldzyzfTFfWztSH/7QBZo79968Z4DYRPmekjW1I7Snee+R75tbWlVTM6JsZ0PuJndpd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccnesnSXpP27+sj7/L19TR0dH3jNAbLo9lDSzoWb2f83sLjP76zfddms3c1eaWaOZNXZ0HOyrrEf/+cf8zD2/T1eKcTbkbnKXdjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyd6ydP/LhD+j55/fr6bXP5r0Prwv9kuT+dvVnuZ4peYckk/QjSX9pZj8ys6rO2yYfb8jd57h7g7s3ZDKD+yjq61qaWzWqrubI93W1I9Xauq9sZ0PuJndpd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccnesnc85p0EzLpqmbVuf1H/dfavOO++9unPed/LeDcQi16Hkqe7+eXe/390vlvS0pEfN7KQSZDuuNY1Nqq8fp7FjRymbzWrmzEu0aPGysp0lN7mLPUvueGbJHc8sueOZJXc8s+SOZ5bc8cySO55Zcscz29v5L8y+UWPHN6h+wmRd9jef1s9//rg+cfnVee8GYlGZ4/YqM8u4e4ckufv/MbNmSSskvaU3i+++67ua8v73aPjwE7VrR6O+/JWbdMe8+XnNtre365prZ2vpkntUkclo3p0LtHHj1rKdJTe5iz1L7nhmyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM9sX80AKrLvXl5vZv0ta5u6PvOnnF0r6T3d/W64FlQNq+/cL2AEAAAAAACJz+NWWY9+4EspyDvUGbf3470muZ0o2S9ry5h+6+0OSch5IAgAAAAAAAKXCiWQ8cr2n5FclrTKzx8zs02Z2cilCAQAAAAAAACg+M7vQzLaY2TYz+3yp9uY6lNwhqU6vHU6+S9JGM3vIzD5hZkOKng4AAAAAAABAUZhZhaTvSvqQpHdI+isze0cpduc6lHR373D3Ze7+KUk1km6VdKFeO7AEAAAAAAAAEKezJW1z9x3u/qqk+ZIuKcXiXO8p+YY3w3T3Nkk/lfRTMxtYtFQAAAAAAAAAiq1W0p6jvm+W9O5SLM51KHnp8W5w99/ns4BPgwIAAAAAAEApcA71RmZ2paQrj/rRHHefc/RduhgryecFdXso6e5bSxECAAAAAAAAQN/qPICc081dmiWNOur7Okl7ixqqU673lAQAAAAAAABQntZIepuZjTOzAZL+Uq+9dWPR5Xr5NgAAAAAAAIAy5O6Hzewzkn4mqULSXHffUIrd5l6Sl4kDAAAAAAAAgCRevg0AAAAAAACgxDiUBAAAAAAAAFBSHEoCAAAAAAAAKCkOJQEAAAAAAACUFIeSAAAAAAAAAEqKQ0kAAAAAAAAAJcWhJAAAAAAAAICS4lASAAAAAAAAQEn9fymVlo281J4BAAAAAElFTkSuQmCC\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "import matplotlib.pyplot as plt\n", - "import seaborn as sb\n", - "import pandas as pd\n", - "\n", - "cm_plt = pd.DataFrame(cm[:73])\n", - "\n", - "plt.figure(figsize = (25, 25))\n", - "ax = plt.axes()\n", - "\n", - "sb.heatmap(cm_plt, annot=True)\n", - "\n", - "ax.xaxis.set_ticks_position('top')\n", - "\n", - "plt.show()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Pipeline" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now, I took the data from [Coconut - Wikipedia](https://en.wikipedia.org/wiki/Coconut) to check if the classifier is able to **correctly** predict the label(s) or not.\n", - "\n", - "And here is the output:" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Example labels: [('coconut', 'oilseed')]\n" - ] - } - ], - "source": [ - "example_text = '''The coconut tree (Cocos nucifera) is a member of the family Arecaceae (palm family) and the only species of the genus Cocos.\n", - "The term coconut can refer to the whole coconut palm or the seed, or the fruit, which, botanically, is a drupe, not a nut.\n", - "The spelling cocoanut is an archaic form of the word.\n", - "The term is derived from the 16th-century Portuguese and Spanish word coco meaning \"head\" or \"skull\", from the three indentations on the coconut shell that resemble facial features.\n", - "Coconuts are known for their versatility ranging from food to cosmetics.\n", - "They form a regular part of the diets of many people in the tropics and subtropics.\n", - "Coconuts are distinct from other fruits for their endosperm containing a large quantity of water (also called \"milk\"), and when immature, may be harvested for the potable coconut water.\n", - "When mature, they can be used as seed nuts or processed for oil, charcoal from the hard shell, and coir from the fibrous husk.\n", - "When dried, the coconut flesh is called copra.\n", - "The oil and milk derived from it are commonly used in cooking and frying, as well as in soaps and cosmetics.\n", - "The husks and leaves can be used as material to make a variety of products for furnishing and decorating.\n", - "The coconut also has cultural and religious significance in certain societies, particularly in India, where it is used in Hindu rituals.'''\n", - "\n", - "example_preds = classifier.predict(vectorizer.transform([example_text]))\n", - "example_labels = mlb.inverse_transform(example_preds)\n", - "print(\"Example labels: {}\".format(example_labels))" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.6" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "try:\n", + " import nltk\n", + "except ModuleNotFoundError:\n", + " !pip install nltk" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "## This code downloads the required packages.\n", + "## You can run `nltk.download('all')` to download everything.\n", + "\n", + "nltk_packages = [\n", + " (\"reuters\", \"corpora/reuters.zip\")\n", + "]\n", + "\n", + "for pid, fid in nltk_packages:\n", + " try:\n", + " nltk.data.find(fid)\n", + " except LookupError:\n", + " nltk.download(pid)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Setting up corpus" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "from nltk.corpus import reuters" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Setting up train/test data" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "train_documents, train_categories = zip(*[(reuters.raw(i), reuters.categories(i)) for i in reuters.fileids() if i.startswith('training/')])\n", + "test_documents, test_categories = zip(*[(reuters.raw(i), reuters.categories(i)) for i in reuters.fileids() if i.startswith('test/')])" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "all_categories = sorted(list(set(reuters.categories())))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The following cell defines a function **tokenize** that performs following actions:\n", + "- Receive a document as an argument to the function\n", + "- Tokenize the document using `nltk.word_tokenize()`\n", + "- Use `PorterStemmer` provided by the `nltk` to remove morphological affixes from each token\n", + "- Append stemmed token to an already defined list `stems`\n", + "- Return the list `stems`" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "from nltk.stem.porter import PorterStemmer\n", + "def tokenize(text):\n", + " tokens = nltk.word_tokenize(text)\n", + " stems = []\n", + " for item in tokens:\n", + " stems.append(PorterStemmer().stem(item))\n", + " return stems" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To begin, I first used TF-IDF for feature selection on both train as well as test data using `TfidfVectorizer`.\n", + "\n", + "But first, What `TfidfVectorizer` actually does?\n", + "- `TfidfVectorizer` converts a collection of raw documents to a matrix of **TF-IDF** features.\n", + "\n", + "**TF-IDF**?\n", + "- TFIDF (abbreviation of the term *frequency–inverse document frequency*) is a numerical statistic that is intended to reflect how important a word is to a document in a collection or corpus. [tf–idf](https://en.wikipedia.org/wiki/Tf%E2%80%93idf)\n", + "\n", + "**Why `TfidfVectorizer`**?\n", + "- `TfidfVectorizer` scale down the impact of tokens that occur very frequently (e.g., “a”, “the”, and “of”) in a given corpus. [Feature Extraction and Transformation](https://spark.apache.org/docs/latest/mllib-feature-extraction.html#tf-idf)\n", + "\n", + "I gave following two arguments to `TfidfVectorizer`:\n", + "- tokenizer: `tokenize` function\n", + "- stop_words\n", + "\n", + "Then I used `fit_transform` and `transform` on the train and test documents repectively.\n", + "\n", + "**Why `fit_transform` for training data while `transform` for test data**?\n", + "\n", + "To avoid data leakage during cross-validation, imputer computes the statistic on the train data during the `fit`, **stores it** and uses the same on the test data, during the `transform`. This also prevents the test data from appearing in `fit` operation." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.feature_extraction.text import TfidfVectorizer\n", + "\n", + "vectorizer = TfidfVectorizer(tokenizer = tokenize, stop_words = 'english')\n", + "\n", + "vectorised_train_documents = vectorizer.fit_transform(train_documents)\n", + "vectorised_test_documents = vectorizer.transform(test_documents)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For the **efficient implementation** of machine learning algorithms, many machine learning algorithms **requires all input variables and output variables to be numeric**. This means that categorical data must be converted to a numerical form.\n", + "\n", + "For this purpose, I used `MultiLabelBinarizer` from `sklearn.preprocessing`." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.preprocessing import MultiLabelBinarizer\n", + "\n", + "mlb = MultiLabelBinarizer()\n", + "train_labels = mlb.fit_transform(train_categories)\n", + "test_labels = mlb.transform(test_categories)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, To **train** the classifier, I used `LinearSVC` in combination with the `OneVsRestClassifier` function in the scikit-learn package.\n", + "\n", + "The strategy of `OneVsRestClassifier` is of **fitting one classifier per label** and the `OneVsRestClassifier` can efficiently do this task and also outputs are easy to interpret. Since each label is represented by **one and only one classifier**, it is possible to gain knowledge about the label by inspecting its corresponding classifier. [OneVsRestClassifier](http://scikit-learn.org/stable/modules/multiclass.html#one-vs-the-rest)\n", + "\n", + "The reason I combined `LinearSVC` with `OneVsRestClassifier` is because `LinearSVC` supports **Multi-class**, while we want to perform **Multi-label** classification." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "%%capture\n", + "from sklearn.multiclass import OneVsRestClassifier\n", + "from sklearn.svm import LinearSVC\n", + "\n", + "classifier = OneVsRestClassifier(LinearSVC())\n", + "classifier.fit(vectorised_train_documents, train_labels)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "After fitting the classifier, I decided to use `cross_val_score` to **measure score** of the classifier by **cross validation** on the training data. But the only problem was, I wanted to **shuffle** data to use with `cross_val_score`, but it does not support shuffle argument.\n", + "\n", + "So, I decided to use `KFold` with `cross_val_score` as `KFold` supports shuffling the data.\n", + "\n", + "I also enabled `random_state`, because `random_state` will guarantee the same output in each run. By setting the `random_state`, it is guaranteed that the pseudorandom number generator will generate the same sequence of random integers each time, which in turn will affect the split.\n", + "\n", + "Why **42**?\n", + "- [Why '42' is the preferred number when indicating something random?](https://softwareengineering.stackexchange.com/questions/507/why-42-is-the-preferred-number-when-indicating-something-random)" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "%%capture\n", + "from sklearn.model_selection import KFold, cross_val_score\n", + "\n", + "kf = KFold(n_splits=10, random_state = 42, shuffle = True)\n", + "scores = cross_val_score(classifier, vectorised_train_documents, train_labels, cv = kf)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cross-validation scores: [0.83655084 0.86743887 0.8043758 0.83011583 0.83655084 0.81724582\n", + " 0.82754183 0.8030888 0.80694981 0.82731959]\n", + "Cross-validation accuracy: 0.8257 (+/- 0.0368)\n" + ] + } + ], + "source": [ + "print('Cross-validation scores:', scores)\n", + "print('Cross-validation accuracy: {:.4f} (+/- {:.4f})'.format(scores.mean(), scores.std() * 2))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In the end, I used different methods (`accuracy_score`, `precision_score`, `recall_score`, `f1_score` and `confusion_matrix`) provided by scikit-learn **to evaluate** the classifier. (both *Macro-* and *Micro-averages*)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "%%capture\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, confusion_matrix\n", + "\n", + "predictions = classifier.predict(vectorised_test_documents)\n", + "\n", + "accuracy = accuracy_score(test_labels, predictions)\n", + "\n", + "macro_precision = precision_score(test_labels, predictions, average='macro')\n", + "macro_recall = recall_score(test_labels, predictions, average='macro')\n", + "macro_f1 = f1_score(test_labels, predictions, average='macro')\n", + "\n", + "micro_precision = precision_score(test_labels, predictions, average='micro')\n", + "micro_recall = recall_score(test_labels, predictions, average='micro')\n", + "micro_f1 = f1_score(test_labels, predictions, average='micro')\n", + "\n", + "cm = confusion_matrix(test_labels.argmax(axis = 1), predictions.argmax(axis = 1))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8099\n", + "Precision:\n", + "- Macro: 0.6076\n", + "- Micro: 0.9471\n", + "Recall:\n", + "- Macro: 0.3708\n", + "- Micro: 0.7981\n", + "F1-measure:\n", + "- Macro: 0.4410\n", + "- Micro: 0.8662\n" + ] + } + ], + "source": [ + "print(\"Accuracy: {:.4f}\\nPrecision:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\\nRecall:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\\nF1-measure:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\".format(accuracy, macro_precision, micro_precision, macro_recall, micro_recall, macro_f1, micro_f1))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In below cell, I used `matplotlib.pyplot` to **plot the confusion matrix** (of first *few results only* to keep the readings readable) using `heatmap` of `seaborn`." + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABSUAAAV0CAYAAAAhI3i0AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl8lOW5//HvPUlYVRRRIQkVW1xarYUWUKsiFQvUqnSlP0+1ttXD6XGptlW7aGu1p9upnurpplgFl8qiPXUFi2AtUBGIEiAQQBCKCRFXVHAhJPfvjxnoCDPPMpPMM3fuz/v1mhfJJN9c1/XMTeaZJ8/MGGutAAAAAAAAAKBUUkk3AAAAAAAAAMAvHJQEAAAAAAAAUFIclAQAAAAAAABQUhyUBAAAAAAAAFBSHJQEAAAAAAAAUFIclAQAAAAAAABQUokdlDTGjDPGrDHGrDPGfC9m9nZjzIvGmIYC6g40xvzNGNNojFlpjLk0RraHMWaxMWZZJnttAfUrjDFLjTEPF5DdaIxZYYypN8bUxczub4y5zxizOjP7CRFzR2bq7bq8YYy5LGbtb2W2V4MxZqoxpkeM7KWZ3MoodXOtDWNMX2PMY8aYZzP/HhAj+8VM7XZjzLCYdX+V2d7LjTF/McbsHyP7k0yu3hgz2xhTHad21tcuN8ZYY0y/GLV/bIxpzrrNT49T1xhzSeb/9kpjzH/HqDs9q+ZGY0x9nJmNMUOMMU/t+v9hjBkRI/sRY8zCzP+vh4wx++XJ5vz9EWWNBWSjrrF8+dB1FpANXWf5sllfz7vGAupGXWN5a4ets4DaoessIBt1jeXLh64zk+d+xhhzmDFmUWaNTTfGdIuRvdik72uDfhfky/4ps50bTPr/TlXM/G2Z65ab9H3QPlGzWV//jTFmW8y6U4wxG7Ju6yEx88YY81NjzNrM7fjNGNn5WXU3G2Puj5EdbYx5JpNdYIwZHCN7aibbYIy5wxhTmWvmrJ/znv2RKGssIBu6xgKykdZYnmzo+grKZ12fd40F1I60xvJkQ9dXQDZ0fYXkQ9dYQDbyGjM59llN9P2xXNmo95W5spH2xwLykfbJcmWzvha2P5arbtT7ypx1TYT9sYDakfbJ8mSj3lfmykbaH8t8716PbWKssVzZqGssVzbqPn+ubJx9/ryP5yKssVy1o66xnHWjrLE8dePs8+fKR11jubJR9sVyPv6Nsb7y5UPXWEA28u8xwDnW2pJfJFVIWi/p/ZK6SVom6UMx8iMlfVRSQwG1B0j6aObjfSWtjVpbkpG0T+bjKkmLJB0fs/63Jd0j6eECet8oqV+B2/wOSRdkPu4maf8Cb7cXJB0aI1MjaYOknpnPZ0j6asTsMZIaJPWSVClpjqTD464NSf8t6XuZj78n6Zcxsh+UdKSkJyQNi1l3jKTKzMe/jFl3v6yPvynp5ji1M9cPlPRXSf/Mt27y1P6xpMsj3D65sp/I3E7dM58fHKfnrK/fIOlHMWvPlvSpzMenS3oiRnaJpFMyH39d0k/yZHP+/oiyxgKyUddYvnzoOgvIhq6zfNkoayygbtQ1li8fus6C+g5bZwF1o66xfPnQdaY89zNK/+78f5nrb5b0nzGyQyUNUsB9SED29MzXjKSpueqG5LPX2P8o8/8kSjbz+TBJd0naFrPuFElfiLDG8uW/JulOSamANRa6TyDpz5K+EqPuWkkfzFx/oaQpEbMfl/S8pCMy118n6fyQ2d+zPxJljQVkQ9dYQDbSGsuTDV1fQfkoayygdqQ1licbur6Ceg5bXyG1Q9dYrqzSJzJEXmO51oKi74/lyka9r8yVjbQ/FpCPtE+Wb/0r2v5Yrro/VrT7ylzZSPtjQX1nfT3vPlme2lHvK3NlI+2PZb6+12ObGGssVzbqGsuVjbrPnysbZ58/5+O5iGssV+2oayxXNuo+f+Bj0KD1FVA76hrLlY28xjLfs/vxb9T1FZCPtMbyZCP/HuPCxbVLUmdKjpC0zlr7nLV2h6RpksZHDVtr50l6tZDC1toWa+0zmY/flNSo9IGzKFlrrd31l/SqzMVGrW2MqZX0aUl/jNV0kTJ/ARop6TZJstbusNZuLeBHjZa03lr7z5i5Skk9Tfov6r0kbY6Y+6Ckp6y1b1lrd0r6u6TPBgXyrI3xSt8pKfPvZ6JmrbWN1to1YY3myc7O9C1JT0mqjZF9I+vT3gpYZwH/H34t6coCs6HyZP9T0i+ste9mvufFuHWNMUbSBKUfnMapbSXt+mtnH+VZZ3myR0qal/n4MUmfz5PN9/sjdI3ly8ZYY/nyoessIBu6zkJ+ZwausWJ+34bkQ9dZWO2gdRaQjbrG8uVD11nA/cypku7LXJ9vjeXMWmuXWms35uo1QnZm5mtW0mLl/z2WL/+GtHt791TuNZYza4ypkPQrpddYrL6DZo2Y/09J11lr2zPfl2uNBdY2xuyr9O2215lsAdnQNZYn2ybpXWvt2sz1eX+PZXp7z/5I5vYJXWO5spmeQtdYQDbSGsuTDV1fQfkoayxfNqo82dD1FVY3aH2F5CP9HsuRPVAx1lgekfbHcol6X5knG2l/LCAfeZ8sj9D9sU4QaX8sTJR9shwirbE8Iu2PBTy2CV1j+bJR1lhANnSNBWQjra+Qx3OBa6yYx4IB2dA1FlY3bH0F5EPXWEA20hrLkv34t5DfYbvzBfwey84W9XsMKGdJHZSsUfqvrbs0KcYD1Y5ijBmk9F/3F8XIVGROMX9R0mPW2shZSTcqfYfRHiOTzUqabYx52hgzMUbu/ZJekjTZpJ+G80djTO8C6v8/xdspkbW2WdL1kjZJapH0urV2dsR4g6SRxpgDjTG9lP5L2MA49TMOsda2ZPppkXRwAT+jWF+XNCtOwKSf2vW8pC9L+lHM7FmSmq21y+LkslyceXrA7fmempDHEZJONumnAP7dGDO8gNonS9pirX02Zu4ySb/KbLPrJX0/RrZB0lmZj7+oCOtsj98fsdZYIb97IuZD19me2TjrLDsbd43l6DnWGtsjH2ud5dlekdbZHtnYa2yPfKR1tuf9jNLPLNiatTOa9z6zmPuooKxJP6X2XEmPxs0bYyYr/Zf+oyT9Jkb2YkkP7vq/VUDfP82ssV8bY7rHzH9A0pdM+mlhs4wxh8esLaX/iDZ3jwecYdkLJM00xjQpvb1/ESWr9MG8qqyng31Bwb/H9twfOVAR11iObBx5sxHWWM5slPUVkI+0xgL6jrLGcmUjra+AulLI+grIR1pjObIvK94ay7XPGvW+stD93SjZsPvJnPmI95V7ZWPcV+brO8p9Za5snPvJoG0Wdl+ZKxv1vjJXNur+WL7HNlHWWDGPi6Jk862xvNmI6ytnPuIaC+o7bI3ly0ZZY2HbK2x95ctHWWP5snH3+bMf/xbymDL24+cI2diPK4FyltRBSZPjulL+9VAm/bpDf5Z0WcgO3XtYa9ustUOU/uvECGPMMRHrnSHpRWvt0wU1nHaitfajkj4l6SJjzMiIuUqln676B2vtUEnblT7lPDKTfm2psyTdGzN3gNJ/VTpMUrWk3saYc6JkrbWNSp+e/pjSD1KWSdoZGCpDxpirlO77T3Fy1tqrrLUDM7mLY9TrJekqxTyQmeUPSj9gGqL0geQbYmQrJR2g9NMQr5A0wxiT6/97kLNV2J33f0r6VmabfUuZv4xG9HWl/089rfTTbXcEfXOhvz+KzQblo6yzXNmo6yw7m6kTeY3lqBtrjeXIR15nAds7dJ3lyMZaYznykdbZnvczSp81vte3RclGvY+KkP29pHnW2vlx89baryn9+79R0pciZkcq/WAh6CBTUN3vK32QarikvpK+GzPfXdI71tphkm6VdHucmTMC11ie7LcknW6trZU0WemnJIdmJR2t9IOXXxtjFkt6U3nuL/Psj0TaLytmXyZCNu8aC8pGWV+58ib9um2hayygdugaC8iGrq8I2ytwfQXkQ9dYrqy11iriGssodJ+107IR98dy5iPeV+bKRr2vzJWNel+ZKxtnfyxoe4fdV+bKRr2vzJWNuj9WzGObTsuGrLG82YjrK1f+x4q2xvLVjrLG8mWjrLGwbR22vvLlo6yxfNnI+/yFPv7tiHy+bKGPK4GyZhN4zrikEyT9Nevz70v6fsyfMUgFvKZkJlul9OtufLvIOa5RhNfhyHzvz5U+82Cj0n/Rf0vS3UXU/nGM2v0lbcz6/GRJj8SsN17S7AL6/KKk27I+/4qk3xc4888kXRh3bUhaI2lA5uMBktbEXVeK8NofubKSzpO0UFKvuNmsrx0attaz85I+rPTZMxszl51Kn6nav4Dagf/PcmzrRyWNyvp8vaSDYmyvSklbJNUWcDu/LslkPjaS3ihwex8haXFAdq/fH1HXWK5szDWWMx9lnQXVDltne2bjrLEIdcPWWK7tHWmdBWyv0HWWp26cNRY2d+A6y/q+a5Te2X9Z/3otoffch4ZkL8/6fKMivi5xdjbz8f3KvP5d3HzWdacowuspZ7LXKH1fuWuNtSv9si+F1B0VpW52XtJqSYOybuvXY26zAyW9IqlHjLpXKP00rV3XvU/SqgJnHiNpRp7vz7U/8qcoayxP9u6sr+ddY0HZsDUWVjdsfeXJvxZljUWsnXON5ctGWV8h2yt0feXJPxJljUWcOe8ay/Hzfqz0/6vI+2N7ZrM+f0IRXottz6wi7o8F1c5cF7pPlpX9oWLsj4XUHRSj7uWKsT8WsM0i75PtUTvyfWXIzHnvJ5XnsU2UNZYvG2WNBWXD1lhY3bD1lSc/N8oai1g75xoL2Nahayxke0XZF8tXO3SNRZw5bJ//PY9/o6yvoHyUNRaUDVtjXLi4eknqTMklkg436Xd67Kb0X14fLEXhzF9wbpPUaK3NeQZCQPYgk3mnK2NMT0mnKb1jGcpa+31rba21dpDS8z5urY10xmCmXm+Tfv0gZU49H6P06edRar8g6XljzJGZq0ZLWhW1dkahZ69tknS8MaZXZtuPVvpshkiMMQdn/n2fpM8V2MODSv8SV+bfBwr4GbEZY8YpfebEWdbat2Jms5/KdZYirjNJstausNYebK0dlFlvTUq/6cYLEWsPyPr0s4q4zjLuV/o1rmSMOULpF5V+OUb+NEmrrbVNMTK7bFb6QakyPUR++nfWOktJulrpN3nI9X35fn+ErrFifvcE5aOss4Bs6DrLlY26xgLqRlpjAdssdJ2FbO/AdRaQjbTGAuYOXWd57mcaJf1N6adLSvnXWMH3UfmyxpgLJI2VdLbNvP5djPwak3ln38w2OTNXP3myT1tr+2etsbestbneiTpf3wOy6n5G+ddYvm22e40pfZuvjZGV0n+Qe9ha+06Muo2S+mTWtCR9UjnuLwNm3rW+uiv9OyHn77E8+yNfVoQ1Vsy+TL5slDWWKyvp3CjrK6D2AVHWWEDfoWssYHuFrq+QbR24vgK22XhFWGMBM0daYwH7rFHuKwve382Xjbo/FpCPcl+ZK7sk4n1lvrqh95UB2yvS/ljI9g67r8yXDb2vDJg50v5YwGOb0DVWzOOifNkoaywgG2mfP0/+mShrLKB26BoL2F6hayxkW4fu8wfkQ9dYwMyR1ljGno9/4z6mLPTx817ZqL/HACeV4shnrovSrw+4Vum/qlwVMztV6VPMW5X+5Rv4DpN7ZE9S+ilJyyXVZy6nR8weK2lpJtuggHcKC/k5oxTz3beVfl2MZZnLygK22RBJdZne75d0QIxsL6X/It+nwHmvVfoOtkHpd7jsHiM7X+k7n2WSRheyNpQ+o2Cu0ndYcyX1jZH9bObjd5X+a17Os5PyZNcp/dqpu9ZZvndrzJX9c2Z7LZf0kNJvSlLQ/wcFn7mSq/ZdklZkaj+ozF8EI2a7KX0WSIOkZySdGqdnpd/N9BsF3s4nSXo6s1YWSfpYjOylSv8+Wqv062uZPNmcvz+irLGAbNQ1li8fus4CsqHrLF82yhoLqBt1jeXLh66zoL7D1llA3ahrLF8+dJ0pz/2M0vcBizO3973K8Xs0IPvNzBrbqfSO/B9jZHcqfT+9a45878C6V17pl4j5R+a2blD6bLz9otbe43vyvft2vr4fz6p7tzLvVh0jv7/SZ2OsUPqshI/E6VvpsyDGBayxfHU/m6m5LPMz3h8j+yulDzCtUfolAwJ/j2Yyo/Svd2UOXWMB2dA1FpCNtMb2zEZdX0G1o6yxgL4jrbE82dD1FdRz2PoKqR26xgKykdaY8uyzKtp9Zb5s6H1lQDbq/li+fJT7ytD9dOW/r8xXN/S+MiAbdX8sb98Kv6/MVzv0vjIgG2l/LPO9ez22ibLGArJR98dyZaOusVzZOPv8gY/n8q2xgNpR98dyZaOusZw9h62vkNpR98dyZaPu8+/1+Dfq+grIR11jubKR1hgXLi5edp32DAAAAAAAAAAlkdTTtwEAAAAAAAB4ioOSAAAAAAAAAEqKg5IAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEoq8YOSxpiJrmWTrO1j3z7OnGRtZnanNjO7U5uZ3anNzO7U9rFvH2dOsjYzu1Obmd2pzcylzwPlLPGDkpKK+Q+WVDbJ2j727ePMSdZmZndqM7M7tZnZndrM7E5tH/v2ceYkazOzO7WZ2Z3azFz6PFC2yuGgJAAAAAAAAACPGGttpxZ4/WunBRaYsqZZXz2yJufXDvxTY+DPbm/frlSqd0F9FZNNsraPffs4c5K1u+LMpohslN+QLm7vcr2tOjObZG1mdqc2M7tT28e+fZw5ydrM7E5tZnanNjN3bH7njuawhzpean35uc490OWYqn7vL9t1kvhBySBhByUBIIpifgNzbwYAAACgHHFQMjcOSr5XOR+U5OnbAAAAAAAAAEqKg5IAAAAAAAAASoqDkgAAAAAAAABKKu5BySMl1Wdd3pB02R7fc5SkhZLelXR5sQ1KUrdu3XTPn/6g1asW6MkFD2nqPTdrc9MyrVv7lBY9NUtLn5mjRU/N0idGnRjp540dM0orG+Zp9aoFuvKKi2L1klQ2ydqu9n3rpBu0uWmZ6pfOjZXriNouZrt3766F/3hYT9c9pmX1j+uaH32nZLWTXGPPrn1KS5+Zo7ols/XUwpklq+vq/ysf+/Zx5mLyrv7uTbK2j327OrOr69vH28rHvn2cOcnazOxH367ODDjDWlvopcJa+4K19tA9rj/YWjvcWvtTa+3lW7862ka9vP6df7OtjfW7P6+oqrYVVdX2oou/b2++5U5bUVVtz/7yN+zcx+fbYcPH2HXrNtja9w21FVXV9tghn7BNTZt3Z/JdqrrX2nXrNtjBRxxve/Q61NYvW2mPOfaU0FySWfourPaoT3zWDhs+xq5oaIycSbrvJLdXRVW13W//wbaiqtp27/k+u2jR0/bjJ55R9n1HyVcGXDZs2GQP6X903q+7OnO5ZV3t28eZi827+LvX19vKxWzStV1c3z7eVj727ePMrvbt48yu9u3CzEUcz+nSlx1b1lou/7okfXsEXULPlDTGHGWM+a4x5n+NMTdlPv6gpNGS1kv65x6RFyUtkdS658+qOmG0ev/wt9rn2pvV47zLJBPtRM2zzhyju+66V5L05z8/omM//CG9+tpWvf3OO2pp2SJJWrlyjXr06KFu3boF/qwRw4dq/fqN2rBhk1pbWzVjxgM668yxkfpIKkvfhdWev2CRXn1ta+TvL4e+k9xekrR9+1uSpKqqSlVWVcnaaG9a5uoaK4arM9M3M3d23sXfvUnW9rFvV2eW3FzfPt5WPvbt48yu9u3jzK727erMgEsCjwoaY74raZokI2mx0gcbjaSpTz755E8lTY1caMD7VDVilLb/7FJtu+YbUnu7qk4YHSlbXdNfzzdtliS1tbXp9dff0AH793nP93zuc59WfX2DduzYEflnSVJTc4uqq/vH7qOU2SRru9p3sVzc3h2xvVKplOqWzFZL83LNnTtPi5csLfu+i81bazVr5lQtemqWLjj/yyWp6+r/Kx/79nHmjsgXytWZ6duPmYvl4vZ29bbysW8fZ06yNjP70berMwMuqQz5+vmSjrbWvuesx+uuu+43Rx111BuSzsgVMsZMvOGGGyZu27atrc+aZn31yBpVfmioKg49XPv86Hfpb6rqLvtG+i/NvS7+sVIH9ZcqqpQ68GDtc+3NkqTzKn6nO+6cIWPMXjWyz9/60IeO0M9/+gN96tP/Fjpwzp8V8WywpLJJ1na172K5uL07Ynu1t7dr2PAx6tNnP/353tt09NFHauXKNZ1aO8k1JkmnjPqMWlq26KCDDtSjs6Zp9Zp1WrBgUafWdfX/lY99+zhzR+QL5erM9F26bNK1i+Hi9nb1tvKxbx9nTrI2M8fLJlnbx5kBl4QdlGyXVK09nqI9duzYsxsaGt4ZOXLkllwha+2kTG7b6xvm/Sp9rdGOJx/Tu/fdttf3v/XbH6e/48BD1OuCK7X9l+k32LjjT42SpOamFg2srVZzc4sqKirUp89+2rr1dUlSTc0A3Xfvbfra1y/Vc8/t+Uzyve36WbvU1gzY/RTwcs0mWdvVvovl4vbuyO31+utv6O/znky/uHKEg5KurjFJu7/3pZde0f0PzNLw4UMiHZR0dWb6ZuZS5Avl6sz07cfMxXJxe7t6W/nYt48zJ1mbmf3o29WZAZeEvajjZZLmGmNmGWMmZS6PtrS0/PqVV165OU6hnY3PqGrYyTL77i9JMr33lTnw4EjZhx6erXPP/aIk6fOf/7T+9sQ/JEkVqQo9+MCduurqn+vJhXWRftaSunoNHnyYBg0aqKqqKk2YMF4PPTy7rLP0XVjtYri4vYvdXv369VWfPvtJknr06KHRp56sNWvWl33fxeR79eqpffbpvfvjT552SqSDsMXWdfX/lY99+zhzR+QL5erM9O3HzMVycXu7elv52LePM7vat48zu9q3qzNDkm3nkn0pY4FnSlprHzXGHCFphKQaSebII498afz48f9njLku61u/kfn3Zkn9JdVJ2k9S+743TNWbV52v9s2b9O7/TVHvy3+RfoObtp16+67fqO2VF0ObvH3yNN0x5X+1etUCvfbaVm3Z8pIWzHtQBx/cT8YY3XD9j3XVDy6TJH3q9LP10kuv5P1ZbW1tuvSyqzXzkXtUkUppyh3TtWrV2tAekszSd2G1777rdzpl5Anq16+vNj5Xp2uvu16Tp0wr676T3F4DBhyi22+7URUVKaVSKd1330N6ZOacsu+7mPwhhxyk++5Nn71dUVmhadPu1+zZT3R6XVf/X/nYt48zF5t38XdvkrV97NvVmSU317ePt5WPffs4s6t9+zizq327OjPgEtPZr0vw+tdOK7jAgZmnbwNAMfZ+RZboeOUWAAAAAOVo547mYh7qdFmtW9bwMC5L1SFHlu06CXv6NgAAAAAAAAB0KA5KAgAAAAAAACipsHffBgAAAAAAANzQXt5v7oJ/4UxJAAAAAAAAACXV6WdKHnTP6oKzKVP4a3G2d/Ib+ABwB78NAAAAAAAoL5wpCQAAAAAAAKCkOCgJAAAAAAAAoKQ4KAkAAAAAAACgpHj3bQAAAAAAAHQJ1vLu265I7EzJiy8+X0ufmaP6pXN1ySXnh37/pFuuV9Pz9Vr6zJzd133+c59W/dK5euftTfroR4+NXHvsmFFa2TBPq1ct0JVXXBSr76SySdamb3f69nHmJGszsx99+zhzkrWZ2Y++fZw5ydrM7EffPs5cW1utObPv1YrlT2hZ/eO65OLwx5UdVZvbyo++XZ0ZcIa1tlMvVd1q7J6XIUNOtQ0NjXa/Ph+wPXq+z86ZO89+8EMn7fV92ZdPnPo5O3zEWNvQ0Lj7ug8fe4o9+piT7RNPPGmPO/5T7/n+iqrqnJeq7rV23boNdvARx9sevQ619ctW2mOOPSXv95dDlr7pm5nLrzYz+9G3jzO72rePM7vat48zu9q3jzO72rePM1dUVduagUPssOFjbEVVte1zwOF2zdr1Zd+3r7eVi327MHNnH89x9fJuc4Pl8q9L0rdH0CWRMyWPOmqwFi1aqrfffkdtbW2aP+8pjR8/LjCzYMEivfba1vdct3r1Oq1d+1ys2iOGD9X69Ru1YcMmtba2asaMB3TWmWPLOkvf9N3ZWfp2J0vf7mTp250sfbuTpW93svTtTtblvl944UUtrW+QJG3btl2rVz+rmur+Zd23r7eVi327OjPgkoIPShpjvlZoduWqNTr55OPUt+/+6tmzh8aNO1W1tdWF/rhYqmv66/mmzbs/b2puUXXEO66ksknWpu/S1mZmP/r2ceYkazOzH337OHOStZnZj759nDnJ2swcv+9shx5aqyEfOUaLFi/t9NrcVn707erMgEuKeaObayVNLiS4evU6/er632vWzKnatm27lq9YpZ07dxbRSnTGmL2us9aWdTbJ2vRd2trMHC+bZG1mjpdNsjYzx8smWZuZ42WTrM3M8bJJ1mbmeNkkazNzvGy23r17acb0W/Xty6/Rm29u6/Ta3FbxsknW9nFmSGrnjW5cEXhQ0hizPN+XJB0SkJsoaaIkVVTsr1RF772+Z8qUaZoyZZok6SfXfVdNzS0RWy5Oc1OLBmadlVlbM0AtLVvKOptkbfoubW1m9qNvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrM3M8fuWpMrKSt07/VZNnfoX3X//rMg5V2embzeySdcGXBH29O1DJH1F0pk5Lq/kC1lrJ1lrh1lrh+U6IClJBx10oCRp4MBqfeYzn9L06Q/E774AS+rqNXjwYRo0aKCqqqo0YcJ4PfTw7LLO0jd9d3aWvt3J0rc7Wfp2J0vf7mTp250sfbuTdblvSbp10g1qXL1ON940KVbO1Znp241s0rUBV4Q9ffthSftYa+v3/IIx5oliCk+fNkkHHniAWlt36puXXqWtW18P/P677vytRo48Qf369dVz65foup/coNde3apf//onOuigvnrg/ju0bPlKnXHGOYE/p62tTZdedrVmPnKPKlIpTbljulatWhup56Sy9E3fnZ2lb3ey9O1Olr7dydK3O1n6didL3+5kXe77xI8P17nnfEHLV6xS3ZL0AZsf/vAXmvXo42Xbt6+3lYt9uzoz4BI2RzUVAAAgAElEQVTT2a9L0K17bSIvfNDO6y0AAAAAAIAuaueO5r1ffBLa0bSCA0JZutV+uGzXSTFvdAMAAAAAAACUD8sb3bgi7DUlAQAAAAAAAKBDcVASAAAAAAAAQElxUBIAAAAAAABASXFQEgAAAAAAAEBJdfob3ST1LtgpU9ybC/Hu3QAAAAAAAI5pb0u6A0TEmZIAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEqKg5IAAAAAAAAASiqxg5K3TrpBm5uWqX7p3ILyY8eM0sqGeVq9aoGuvOKiWNmLLz5fS5+Zo/qlc3XJJeeXrG4x2SRr+9h3kuuT28qPvl2cuba2WnNm36sVy5/QsvrHdcnF8X5/FlPb1WyStX3s28eZk6zNzH707ePMSdZmZvbZy7m2j327OjPgDGttp14qqqptrsuoT3zWDhs+xq5oaMz59aBLVfdau27dBjv4iONtj16H2vplK+0xx57y3u/pVpPzMmTIqbahodHu1+cDtkfP99k5c+fZD37opL2+r9C6xfTcWXn6jt93Z6/PcsvStzvZJGvXDBxihw0fYyuqqm2fAw63a9aud6JvH28rH/v2cWZX+/ZxZlf79nFmV/v2ceaKKvbZ6bt8s6Wq3dnHc1y9vLthieXyr0vSt0fQJfRMSWPMUcaY0caYffa4flwxB0PnL1ikV1/bWlB2xPChWr9+ozZs2KTW1lbNmPGAzjpzbKTsUUcN1qJFS/X22++ora1N8+c9pfHjo41STN1isknW9rXvpNYnt5Uffbs68wsvvKil9Q2SpG3btmv16mdVU92/7Pv28bbysW8fZ3a1bx9ndrVvH2d2tW8fZ5bYZ6fv8s0mXRtwReBBSWPMNyU9IOkSSQ3GmPFZX/5ZZzYWpLqmv55v2rz786bmFlVHfGC8ctUanXzycerbd3/17NlD48adqtra6k6vW0w2ydq+9l0MV2embzeySdfe5dBDazXkI8do0eKlkTMubm9Xbysf+/Zx5iRrM7Mfffs4c5K1mZl99nKu7WPfrs4MuKQy5Ov/Lulj1tptxphBku4zxgyy1t4kyeQLGWMmSpooSaaij1Kp3h3U7u6fv9d11tpI2dWr1+lX1/9es2ZO1bZt27V8xSrt3Lmz0+sWk02ytq99F8PVmenbjWzStSWpd+9emjH9Vn378mv05pvbIudc3N6u3lY+9u3jzEnWZuZ42SRrM3O8bJK1mTletliuzkzfbmSTrg24Iuzp2xXW2m2SZK3dKGmUpE8ZY/5HAQclrbWTrLXDrLXDOvqApCQ1N7VoYNbZjbU1A9TSsiVyfsqUaTru+E9p9Glf0GuvbtW6dRs6vW6xPSdV29e+i+HqzPTtRjbp2pWVlbp3+q2aOvUvuv/+WZFzxdZ2MZtkbR/79nHmJGszsx99+zhzkrWZmX32cq7tY9+uzgy4JOyg5AvGmCG7PskcoDxDUj9JH+7MxoIsqavX4MGHadCggaqqqtKECeP10MOzI+cPOuhASdLAgdX6zGc+penTH+j0usX2nFRtX/suhqsz07cb2aRr3zrpBjWuXqcbb5oUOZN03z7eVj727ePMrvbt48yu9u3jzK727ePMxXJ1Zvp2I5t0be+1t3PJvpSxsKdvf0XSe57bbK3dKekrxphbiil8912/0ykjT1C/fn218bk6XXvd9Zo8ZVqkbFtbmy697GrNfOQeVaRSmnLHdK1atTZy7enTJunAAw9Qa+tOffPSq7R16+udXrfYnpOq7WvfSa1Pbis/+nZ15hM/PlznnvMFLV+xSnVL0jtFP/zhLzTr0cfLum8fbysf+/ZxZlf79nFmV/v2cWZX+/ZxZol9dvou32zStQFXmM5+XYLKbjWJvPBByuR9dnkk7bxeAwAAAAAAKFM7dzQXd+Cji9rx3GIO6GTp9v4RZbtOwp6+DQAAAAAAAAAdioOSAAAAAAAAAEoq7DUlAQAAAAAAACdYW95v7oJ/4UxJAAAAAAAAACXVZc+ULPaNaipTFQVnd7a3FVUbACSpmFcj5pWdAQAAAADljDMlAQAAAAAAAJQUByUBAAAAAAAAlBQHJQEAAAAAAACUVJd9TUkAAAAAAAB4pp1333ZFImdK1tZWa87se7Vi+RNaVv+4Lrn4/Ng/Y+yYUVrZME+rVy3QlVdc1GnZW275lTZtekZPP/3Y7us+/OEP6okn/qK6utn6859v17777tPpPRebTyqbZG0f+3Z15lsn3aDNTctUv3RurFxH1HYxK0l9+uynadMmacWKv2v58id0/HEfK0ltV9cYM/vRt48zJ1mbmf3o28eZk6zNzH707ePMxeSLPX7g4swdURtwgrW2Uy8VVdV2z0vNwCF22PAxtqKq2vY54HC7Zu16e8yxp+z1ffkuVd1r7bp1G+zgI463PXodauuXrYycj5rt3n2g7d59oB09+vP2uOM+ZRsaVu++bsmSenvaaV+w3bsPtBMnfsf+7Gc37v5a9+4DO7znUs1M38nX9nHmiqpqO+oTn7XDho+xKxoaI2eS7rsU2cqAy513zrATJ37HVlZV2569DrUH9jvqPV8vt5ld2N7MnHxtZvajbx9ndrVvH2d2tW8fZ3a1bx9nLjZfzPEDV2eOmu3s4zmuXt5Z+w/L5V+XpG+PoEsiZ0q+8MKLWlrfIEnatm27Vq9+VjXV/SPnRwwfqvXrN2rDhk1qbW3VjBkP6Kwzx3ZKdsGCxXrtta3vue6II96v+fMXSZLmzp2vz3zm9E7tudh8Uln6diebdO35Cxbp1T3+n5V730lur3333UcnnXScbp88VZLU2tqq119/o+z7dnF7+zizq337OLOrffs4s6t9+zizq337OLOrffs4c7H5Yo4fuDpzsbUBV4QelDTGjDDGDM98/CFjzLeNMeFH4SI69NBaDfnIMVq0eGnkTHVNfz3ftHn3503NLaqO+EupmOwuK1eu0RlnfFKS9LnPfVq1tQM6vW5SM9N3aWv7OHOxXNzexW6v97//UL388iu67Y+/1pLFf9UtN/9KvXr1LPu+XdzePs6cZG1m9qNvH2dOsjYz+9G3jzMnWZuZS9t3trjHD1ydOcnHV0ApBR6UNMZcI+l/Jf3BGPNzSb+VtI+k7xljriq2eO/evTRj+q369uXX6M03t0XOGWP2us5a2+nZXf7jP67QN75xnp588hHtu+8+2rGjtdPrJjUzfZe2to8zF8vF7V3s9qqsqNDQoR/WLbfcqeEjxmr79rd05ZUXd3ptV9cYM8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV62I/JSYccPXJ05ycdXXYJt55J9KWNh7779BUlDJHWX9IKkWmvtG8aYX0laJOmnuULGmImSJkqSqeijVKr33oUrK3Xv9Fs1depfdP/9s2I13dzUooG11bs/r60ZoJaWLZ2e3WXt2vU644xzJEmDBx+mceNO7fS6Sc1M36Wt7ePMxXJxexe7vZqaW9TU1KLFS9J/If7z/z2iK6+IdlDSxzXGzH707ePMSdZmZj/69nHmJGszsx99+zhzR+QLPX7g6sxJPr4CSins6ds7rbVt1tq3JK231r4hSdbatyXlPdxqrZ1krR1mrR2W64CklH633cbV63TjTZNiN72krl6DBx+mQYMGqqqqShMmjNdDD8/u9OwuBx10oKT0Xy++//1v6o9/vLvT6yY1M32707erMxfLxe1d7PbasuUlNTVt1hFHfECSdOqpJ6mxcW3Z9+3i9vZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/v2ceaOyBd6/MDVmZN8fAWUUtiZkjuMMb0yByU/tutKY0wfBRyUDHPix4fr3HO+oOUrVqluSfo/1g9/+AvNevTxSPm2tjZdetnVmvnIPapIpTTljulatSraA/K42Tvv/I1OPvkE9et3gNatW6T/+q//Ue/evfWNb3xFknT//Y/qjjtmdGrPxeaTytK3O9mka9991+90ysgT1K9fX218rk7XXne9Jk+ZVtZ9J7m9JOmyb/1Qd97xG3XrVqXnNmzSBRd8u+z7dnF7+zizq337OLOrffs4s6t9+zizq337OLOrffs4c7H5Yo4fuDpzRzxeAFxggl6XwBjT3Vr7bo7r+0kaYK1dEVagsluNky98UJmqKDi7s72tAzsB4Ku9X0kmOid/8QIAAACIbOeO5mIeMnRZ765dwMOhLN2POKls10ngmZK5Dkhmrn9Z0sud0hEAAAAAAABQCE4Uc0bYa0oCAAAAAAAAQIfioCQAAAAAAACAkuKgJAAAAAAAAICS4qAkAAAAAAAAgJIKfKMbnxXzDtq8Yy6AjsDvAwAAAABAV8VBSQAAAAAAAHQNtj3pDhART98GAAAAAAAAUFIclAQAAAAAAABQUhyUBAAAAAAAADxkjLndGPOiMaYh67q+xpjHjDHPZv49IHO9Mcb8rzFmnTFmuTHmo1mZ8zLf/6wx5rwotRM5KNm9e3ct/MfDerruMS2rf1zX/Og7sX/G2DGjtLJhnlavWqArr7jIiewRR3xAdUtm77688vJqffOSC8q+72KySdYuJnvrpBu0uWmZ6pfOjZXriNrcVn707ePMSdZmZj/69nHmYvepXJw5ydo+9u3jzEnWZmY/+vZx5mLyrt7XJV0biGGKpHF7XPc9SXOttYdLmpv5XJI+JenwzGWipD9I6YOYkq6RdJykEZKu2XUgM4ixtnPf37WyW03OAr1799L27W+psrJS8574i7717Wu0aPEzkX5mKpVS48r5Gnf62WpqatFTC2fqnHMvVGPjs2WRjfLu26lUSv/c+LROPOkMbdrUvPv6fLdGuc9cbrWL7fvkk47Ttm3bNXnyTRoydHSkTNJ9+3pbudi3jzO72rePM7vat48z71LoPpWrM9O3G1n6didL3+5kfe1bcu++rlS1d+5ojnL4wTvvrpzbuQe6HNP96NGh68QYM0jSw9baYzKfr5E0ylrbYowZIOkJa+2RxphbMh9Pzf6+XRdr7X9krn/P9+UT+0xJY8ydcTO5bN/+liSpqqpSlVVVinNwdMTwoVq/fqM2bNik1tZWzZjxgM46c2xZZ/d06qkn6bnn/vmeA5Ll2HexM7va9/wFi/Tqa1sjf3859O3rbeVi3z7O7GrfPs7sat8+zrxLoftUrs5M325k6dudLH27k/W1b8m9+7qkawMd4BBrbYskZf49OHN9jaTns76vKXNdvusDBR6UNMY8uMflIUmf2/V59FlyFE6lVLdktlqal2vu3HlavGRp5Gx1TX8937R59+dNzS2qru5f1tk9fWnCeE2ffn/k73d1Zlf7LoarM9O3G9kka/vYt48zJ1mbmQu7vyp0n8rVmenbjWyStX3s28eZk6zNzKXtW3Lvvi7p2kA2Y8xEY0xd1mViMT8ux3U24PpAYWdK1kp6Q9L/SLohc3kz6+OCtbe3a9jwMTr0sGEaPmyojj76yMhZY/aeNepfSpLKZquqqtIZZ4zRfX9+OHLG1Zld7bsYrs5M325kk6ztY98+zpxkbWaOl92l0H0qV2embzeySdb2sW8fZ06yNjPHy3ZE3rX7uqRrA9mstZOstcOyLpMixLZknratzL8vZq5vkjQw6/tqJW0OuD5Q2EHJYZKelnSVpNettU9Ietta+3dr7d/zhbKPwra3bw8s8Prrb+jv857U2DGjwnrdrbmpRQNrq3d/XlszQC0tW8o6m23cuE9o6dIVevHFlyNnXJ3Z1b6L4erM9O1GNsnaPvbt48xJ1mbm4u6v4u5TuTozfbuRTbK2j337OHOStZm5tH1nc+W+LunaQAd4UNKud9A+T9IDWdd/JfMu3McrfaywRdJfJY0xxhyQeYObMZnrAgUelLTWtltrfy3pa5KuMsb8VlJl2A/NPgqbSvXe6+v9+vVVnz77SZJ69Oih0aeerDVr1of92N2W1NVr8ODDNGjQQFVVVWnChPF66OHZZZ3N9qUvfSbWU7eT7LvYmV3tuxiuzkzfbmTp250sfbuTdbnvYvapXJ2Zvt3I0rc7Wfp2J+tr3y7e1yVd23u2nUv2JYQxZqqkhZKONMY0GWPOl/QLSZ80xjwr6ZOZzyVppqTnJK2TdKukCyXJWvuqpJ9IWpK5XJe5LlDoAcbMD2+S9EVjzKeVfjp3UQYMOES333ajKipSSqVSuu++h/TIzDmR821tbbr0sqs185F7VJFKacod07Vq1dqyzu7Ss2cPnTZ6pC688Luxcq7O7Grfd9/1O50y8gT169dXG5+r07XXXa/JU6aVdd++3lYu9u3jzK727ePMrvbt48xScftUrs5M325k6dudLH27k/W1bxfv65KuDcRhrT07z5dG5/heK+miPD/ndkm3x6ltOvt1CSq71Xj3wgeh77UewLuNBQAAAAAAYtu5o7mYww9d1rsNj3FoJUv3Yz5Ztusk7DUlAQAAAAAAAKBDcVASAAAAAAAAQElxUBIAAAAAAABASUV6oxsAAAAAAACg7LWHv+M0ygMHJTsBr6gKAAAAAAAA5MfTtwEAAAAAAACUFAclAQAAAAAAAJQUByUBAAAAAAAAlBSvKQkAAAAAAIAuwdq2pFtARJwpCQAAAAAAAKCkEjsoeeukG7S5aZnql84tKD92zCitbJin1asW6MorLury2SRr07c7ffs4c5K1mdmPvn2cOcnazOxH3z7OnGRtZvajbx9nTrI2M/vRt6szA64w1tpOLVDZrSZngZNPOk7btm3X5Mk3acjQ0bF+ZiqVUuPK+Rp3+tlqamrRUwtn6pxzL1Rj47NdMkvf9M3M5Vebmf3o28eZXe3bx5ld7dvHmV3t28eZXe3bx5ld7dvHmV3t24WZd+5oNpGa8cw7y2Z27oEux/T4yOllu05inSlpjDnJGPNtY8yYYgvPX7BIr762taDsiOFDtX79Rm3YsEmtra2aMeMBnXXm2C6bpW/67uwsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXBB6UNMYszvr43yX9VtK+kq4xxnyvk3vLq7qmv55v2rz786bmFlVX9++y2SRr03dpazOzH337OHOStZnZj759nDnJ2szsR98+zpxkbWb2o28fZ06yto8zQ5Jt55J9KWNhZ0pWZX08UdInrbXXShoj6cv5QsaYicaYOmNMXXv79g5oc6+fv9d1UZ+G7mI2ydr0XdrazBwvm2RtZo6XTbI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV42ydo+zgy4pDLk6yljzAFKH7w01tqXJMlau90YszNfyFo7SdIkKf9rShajualFA2urd39eWzNALS1bumw2ydr0XdrazOxH3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48yAS8LOlOwj6WlJdZL6GmP6S5IxZh9Jib1Q5pK6eg0efJgGDRqoqqoqTZgwXg89PLvLZumbvjs7S9/uZOnbnSx9u5Olb3ey9O1Olr7dydK3O1n6diebdG3AFYFnSlprB+X5UrukzxZT+O67fqdTRp6gfv36auNzdbr2uus1ecq0SNm2tjZdetnVmvnIPapIpTTljulatWptl83SN313dpa+3cnStztZ+nYnS9/uZOnbnSx9u5Olb3ey9O1ONunagCtMZ78uQWc8fRsAAAAAAMBnO3c0J/YM1nL2zjMPchwqS4+PnlW26yTs6dsAAAAAAAAA0KE4KAkAAAAAAACgpDgoCQAAAAAAAKCkOCgJAAAAAAAAoKQC330bbqlIFXeMua29vYM6AQAAAAAAAPLjoCQAAAAAAAC6BssJV67g6dsAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEoqsYOSt066QZublql+6dyC8mPHjNLKhnlavWqBrrzioi6fjZu/5Zbr9fympXrm6Tnvuf7C//yqVix/QkufmaOf/fQHZdd3uWSTrM3MfvTt48xJ1mZmP/r2ceYkazOzH337OHOStZnZj759nDnJ2j7ODLjCWGs7tUBlt5qcBU4+6Tht27ZdkyffpCFDR8f6malUSo0r52vc6WerqalFTy2cqXPOvVCNjc92yWzUfPa7b5+U2b6333ajPvqx0yRJp5xygr733Us0/jNf1Y4dO3TQQQfqpZde2Z3J9e7bpei73LKu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbtwsw7dzSbSM145p0lf+7cA12O6TH882W7ThI7U3L+gkV69bWtBWVHDB+q9es3asOGTWptbdWMGQ/orDPHdtlsIfkFCxbptT2278R/P1e/uv732rFjhyS954BkufRdDllX+/ZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/t2dWbAJYEHJY0xxxlj9st83NMYc60x5iFjzC+NMX1K0+Leqmv66/mmzbs/b2puUXV1/y6b7Yi8JB1++Pt14okjNH/eg3rssXv1sY99pKz7dnV7u5hNsraPffs4c5K1mdmPvn2cOcnazOxH3z7OnGRtZvajbx9nTrK2jzMDLgk7U/J2SW9lPr5JUh9Jv8xcN7kT+wpkzN5nnkZ9GrqL2Y7IS1JlZaUO2L+PTh55lr7//Z/qnj/9vtPr+ri9XcwmWdvHvn2cOcnazBwvm2RtZo6XTbI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGv7ODPgksqQr6estTszHw+z1n408/ECY0x9vpAxZqKkiZJkKvoolepdfKdZmptaNLC2evfntTUD1NKypctmOyIvSc3NLbr/gVmSpLq6erW3W/Xr11cvv/xqWfbt6vZ2MZtkbR/79nHmJGszsx99+zhzkrWZ2Y++fZw5ydrM7EffPs6cZG0fZwZcEnamZIMx5muZj5cZY4ZJkjHmCEmt+ULW2knW2mHW2mEdfUBSkpbU1Wvw4MM0aNBAVVVVacKE8Xro4dldNtsReUl68MG/atSoEyVJhw8+TFXdqgIPSCbdt6vb28UsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStb1n27lkX8pY2JmSF0i6yRhztaSXJS00xjwv6fnM1wp2912/0ykjT1C/fn218bk6XXvd9Zo8ZVqkbFtbmy697GrNfOQeVaRSmnLHdK1atbbLZgvJ33nnbzXy5OPVr19frV+3WD/5rxs05Y7pmjTpej3z9Bzt2LFDF1zwrbLruxyyrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727erMgEtMlNclMMbsK+n9Sh/EbLLWRj5vuLJbDS98UCIVqeLeTL2tvbyPoAMAAAAAgLSdO5r3fvFJ6J3F93IcKkuPEV8s23USdqakJMla+6akZZ3cCwAAAAAAAAAPFHdqHQAAAAAAAADExEFJAAAAAAAAACUV6enbAAAAAAAAQNnj/TKcwZmSAAAAAAAAAEqKMyW7EN49GwAAAAAAAC7gTEkAAAAAAAAAJcVBSQAAAAAAAAAlxdO3AQAAAAAA0DVYXtrOFZwpCQAAAAAAAKCkEjsoeeukG7S5aZnql84tKD92zCitbJin1asW6MorLury2SRr+3hbJVmbmf3o28eZk6zNzH707ePMSdZmZj/69nHmJGszsx99+zhzkrV9nBlwhbHWdmqBym41OQucfNJx2rZtuyZPvklDho6O9TNTqZQaV87XuNPPVlNTi55aOFPnnHuhGhuf7ZLZpGv7dlu52rePM7vat48zu9q3jzO72rePM7vat48zu9q3jzO72rePM7vat48zu9q3CzPv3NFsIjXjmXcWTu3cA12O6XHC2WW7TgLPlDTGfNMYM7AzCs9fsEivvra1oOyI4UO1fv1GbdiwSa2trZox4wGddebYLptNurZvt5Wrffs4s6t9+zizq337OLOrffs4s6t9+zizq337OLOrffs4s6t9+zizq327OjPgkrCnb/9E0iJjzHxjzIXGmINK0VSY6pr+er5p8+7Pm5pbVF3dv8tmk65dDLa3G9kka/vYt48zJ1mbmf3o28eZk6zNzH707ePMSdZmZj/69nHmJGv7ODMktbdzyb6UsbCDks9JqlX64OTHJK0yxjxqjDnPGLNvvpAxZqIxps4YU9fevr0D29398/e6LurT0F3MJl27GGxvN7JJ1vaxbx9nTrI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV42ydo+zgy4JOygpLXWtltrZ1trz5dULen3ksYpfcAyX2iStXaYtXZYKtW7A9tNa25q0cDa6t2f19YMUEvLli6bTbp2MdjebmSTrO1j3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48yAS8IOSr7n8Ly1ttVa+6C19mxJ7+u8toItqavX4MGHadCggaqqqtKECeP10MOzu2w26drFYHu7kaVvd7L07U6Wvt3J0rc7Wfp2J0vf7mTp250sfbuTTbo24IrKkK9/Kd8XrLVvF1P47rt+p1NGnqB+/fpq43N1uva66zV5yrRI2ba2Nl162dWa+cg9qkilNOWO6Vq1am2XzSZd27fbytW+fZzZ1b59nNnVvn2c2dW+fZzZ1b59nNnVvn2c2dW+fZzZ1b59nNnVvl2dGXCJ6ezXJajsVsMLHwAAAAAAAHSgnTua937xSeidf/yJ41BZepz45bJdJ2FnSgIAAAAAAABuKPN3nMa/hL2mJAAAAAAAAAB0KA5KAgAAAAAAACgpDkoCAAAAAAAAKCkOSgIAAAAAAAAoKd7oBgAAAAAAAF2CtW1Jt4CIOFMSAAAAAAAAQElxUBIAAAAAAABASXFQEgAAAAAAAEBJJXZQcuyYUVrZME+rVy3QlVdcVNK8i9kka9O3O337OHOStZnZj759nDnJ2szsR98+zlxMvra2WnNm36sVy5/QsvrHdcnF55ekbrHZJGv72LePMydZm5n96NYHzSAAACAASURBVNvVmQFXGGttpxao7FazV4FUKqXGlfM17vSz1dTUoqcWztQ5516oxsZnI/3MYvIuZumbvpm5/Gozsx99+zizq337OLOrffs4c7H5/v0P1oD+B2tpfYP22ae3Fi96VJ//wte79Mz0zcxdtW8fZ3a1bxdm3rmj2URqxjNvP3F75x7ockzPUV8v23WSyJmSI4YP1fr1G7Vhwya1trZqxowHdNaZY0uSdzFL3/Td2Vn6didL3+5k6dudLH27k/W17xdeeFFL6xskSdu2bdfq1c+qprp/p9fltnKnbx9ndrVvH2d2tW9XZwZcEnhQ0hjTzRjzFWPMaZnP/80Y81tjzEXGmKpCi1bX9NfzTZt3f97U3KLqiDtWxeZdzCZZm75LW5uZ/ejbx5mTrM3MfvTt48xJ1mbm0vad7dBDazXkI8do0eKlnV6X26q0tZnZj759nDnJ2j7ODLikMuTrkzPf08sYc56kfST9n6TRkkZIOq+QosbsfeZonKeRF5N3MZtkbfoubW1mjpdNsjYzx8smWZuZ42WTrM3M8bJJ1mbmeNmOyEtS7969NGP6rfr25dfozTe3dXpdbqvS1mbmeNkkazNzvGyStX2cGXBJ2EHJD1trjzXGVEpqllRtrW0zxtwtaVm+kDFmoqSJkmQq+iiV6v2erzc3tWhgbfXuz2trBqilZUvkpovJu5hNsjZ9l7Y2M/vRt48zJ1mbmf3o28eZk6zNzKXtW5IqKyt17/RbNXXqX3T//bNKUpfbqrS1mdmPvn2cOcnaPs4MuCTsNSVTxphukvaV1EtSn8z13SXlffq2tXaStXaYtXbYngckJWlJXb0GDz5MgwYNVFVVlSZMGK+HHp4dueli8i5m6Zu+OztL3+5k6dudLH27k6Vvd7K+9i1Jt066QY2r1+nGmyZFzhRbl9vKnb59nNnVvn2c2dW+XZ0ZcEnYmZK3SVotqULSVZLuNcY8J+l4SdMKLdrW1qZLL7taMx+5RxWplKbcMV2rVq0tSd7FLH3Td2dn6dudLH27k6Vvd7L07U7W175P/PhwnXvOF7R8xSrVLUk/KP3hD3+hWY8+3ql1ua3c6dvHmV3t28eZXe3b1ZkhybYn3QEiMmGvS2CMqZYka+1mY8z+kk6TtMlauzhKgcpuNbzwAQAAAAAAQAfauaN57xefhN7+2x85DpWl5ycuKNt1EnampKy1m7M+3irpvk7tCAAAAAAAAECXFvaakgAAAAAAAADQoTgoCQAAAAAAAKCkQp++DQAAAAAAADihnTe6cQVnSgIAAAAAAAAoKc6UROK6V1YVlX93Z2sHdQIAAAAAAIBS4ExJAAAAAAAAACXFQUkAAAAAAAAAJcXTtwEAAAAAANA1WN7oxhWcKQkAAAAAAACgpBI7KDl2zCitbJin1asW6MorLipp3sVskrVL2XdNzQDNnDVVTz8zR0vqZuvCC78mSfrBVZfp2XVPaeFTM7XwqZkaO3ZUWfXdFbJJ1vaxbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zNzH707ePMSdb2cWbAFcZa26kFKrvV7FUglUqpceV8jTv9bDU1teiphTN1zrkXqrHx2Ug/s5i8i9mu3nf2u2/373+Q+vc/WPX1K7XPPr214B8P6f99aaI+9/kztH3bdt1006171cj17ts+bm8fZ3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvF2beuaPZRGrGM2/PublzD3Q5pudp3yjbdRJ6pqQx5gPGmMuNMTcZY24wxnzDGNOnmKIjhg/V+vUbtWHDJrW2tmrGjAd01pljS5J3MetT3y+88JLq61dKkrZt2641a9arurp/5HpJ9e16lr7dydK3O1n6didL3+5k6dudLH27k6Vvd7L07U426dqAKwIPShpjvinpZkk9JA2X1FPSQEkLjTGjCi1aXdNfzzdt3v15U3NLrANPxeRdzCZZO8m+3/e+Wn3kIx/SkiX1kqT/+MZ5WrRolv5w839r//33K9u+XcwmWdvHvn2cOcnazOxH3z7OnGRtZvajbx9nTrI2M/vRt48zJ1nbx5khqb2dS/aljIWdKfnvksZZa/9L0mmSPmStvUrSOEm/LrSoMXufORrnaeTF5F3MJlk7qb579+6le6b+QVdeeZ3efHOb/njr3Trm6JE6/vjT9cILL+rnv7i6LPt2NZtkbR/79nHmJGszc7xskrWZOV42ydrMHC+bZG1mjpdNsjYzx8smWZuZ42WTrO3jzIBLorzRTWXm3+6S9pUka+0mSVX5AsaYicaYOmNMXXv79r2+3tzUooG11bs/r60ZoJaWLZGbLibvYjbJ2kn0XVlZqXvuuVnTp92vBx/4qyTpxRdfVnt7u6y1mnz7NA372EfKrm+Xs0nW9rFvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrM3MfvTt48xJ1vZxZsAlYQcl/yhpiTFmkqSFkn4rScaYgyS9mi9krZ1krR1mrR2WSvXe6+tL6uo1ePBhGjRooKqqqjRhwng99PDsyE0Xk3cx61vff/jDL7VmzTr95je37b6uf/+Ddn981lljtXLV2rLr2+UsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXVAZ90Vp7kzFmjqQPSvofa+3qzPUvSRpZaNG2tjZdetnVmvnIPapIpTTljulaFXKQqaPyLmZ96vuEE4bp3778eTWsaNTCp2ZKkn58zX/ri188S8ce+yFZa/XPTU365iU/KKu+Xc/StztZ+nYnS9/uZOnbnSx9u5Olb3ey9O1Olr7dySZdG3CF6ezXJajsVsMLHyBQ98q8rwQQybs7WzuoEwAAAAAA3LBzR/PeLz4JvT379xyHytJzzIVlu04Cz5QEAAAAAAAAnGHL+x2n8S9R3ugGAAAAAAAAADoMByUBAAAAAAAAlBQHJQEAAAAAAACUFK8picQV+0Y1KVP4a7a2d/IbPQEAAAAAAGBvHJQEAAAAAABA19DOG924gqdvAwAAAAAAACgpDkoCAAAAAAAAKCkOSgIAAAAAAAAoKQ5KAgAAAAAAACipRA5Kdu/eXQv/8bCerntMy+of1zU/+k7snzF2zCitbJin1asW6MorLury2SRru9L3pFuuV9Pz9Vr6zJzd1/3851drxfIn9HTdY7p3xh/Vp89+Zdd3uWSTrO1j3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48zea2/nkn0pY8Za26kFKrvV5CzQu3cvbd/+liorKzXvib/oW9++RosWPxPpZ6ZSKTWunK9xp5+tpqYWPbVwps4590I1Nj7bJbP0HZxNGSNJOumk47Rt23ZNvv1GDf3oaZKk004bqb/97R9qa2vTz376A0nSD6762e5se5717+L2duG2om9/Z3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvH2d2tW8fZ3a1bxdm3rmj2URqxjNvP3Jj5x7ockzPT19Wtusksadvb9/+liSpqqpSlVVVinNwdMTwoVq/fqM2bNik1tZWzZjxgM46c2yXzdJ3tOyCBYv02mtb33PdnDnz1NbWJklatOgZ1dQMKLu+yyFL3+5k6dudLH27k6Vvd7L07U6Wvt3J0rc7Wfp2J5t0bcAViR2UTKVSqlsyWy3NyzV37jwtXrI0cra6pr+eb9q8+/Om5hZVV/fvstkka7vady5f/eqX9Ne//q3Ta7uYTbK2j337OHOStZnZj759nDnJ2szsR98+zpxkbWb2o28fZ06yto8zAy4JPChpjOljjPmFMWa1MeaVzKUxc93+AbmJxpg6Y0xde/v2nN/T3t6uYcPH6NDDhmn4sKE6+ugjIzdtzN5nnkY909LFbJK1Xe17T9/77iXaubNN90z9v06v7WI2ydo+9u3jzEnWZuZ42SRrM3O8bJK1mTleNsnazBwvm2RtZo6XTbI2M8fLJlnbx5kBl4SdKTlD0muSRllrD7TWHijpE5nr7s0XstZOstYOs9YOS6V6BxZ4/fU39Pd5T2rsmFGRm25uatHA2urdn9fWDFBLy5Yum02ytqt9Zzv3nC/o9NNP01fOuzhyxsXt7ept5WPfPs6cZG1m9qNvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrO3jzIBLwg5KDrLW/tJa+8KuK6y1L1hrfynpfYUW7dev7+53Qe7Ro4dGn3qy1qxZHzm/pK5egwcfpkGDBqqqqkoTJozXQw/P7rJZ+i6stiSNGTNKl19+oT73+a/p7bffKfu+fbytfOzbx5ld7dvHmV3t28eZXe3bx5ld7dvHmV3t28eZXe3bx5ld7dvVmSHJtnPJvpSxypCv/9MYc6WkO6y1WyTJGHOIpK9Ker7QogMGHKLbb7tRFRUppVIp3XffQ3pk5pzI+ba2Nl162dWa+cg9qkilNOWO6Vq1am2XzdJ3tOxdd/5WI0eeoH79+uq59Ut03U9u0JVXXqzu3bpp1sypkqRFi5/RxRd/v6z6LocsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXmKDXJTDGHCDpe5LG6/+zd+fhUZZn+8fPe5KwK5YihCQUbKltf31tQcGtiLgUcKV9tbRaUFv70hZ3q9RWraKt2gp1aW0VqoBYEdQqZZHiRiFVQqJElgQXlsKEgBtaElGSzP37g5BGQmbJZOaZe+7v5zhySGa4cp1nnmHxYWYeqVfjzTsk/V3SHdbanbEW5HYo5I0PkFIh0/ar20d4Xw4AAAAAgIPq91S1/X+Gs9juBb/nf/Sb6Xzm1Rn7OIn6TMnGk44/b/z4FGPMDyRNT1EuAAAAAAAAAFkq1ntKRjOp3VIAAAAAAAAA8EbUZ0oaY1a3dpek3u0fBwAAAAAAAGijSGZf3AX/FetCN70ljZS0/3tHGkkvpSQRAAAAAAAAgKwW66TkAkndrLXl+99hjFmakkRAgpK5WE2XvI5tnv2o7pM2zwKZjgtIAQAAAABSKdaFbi6Oct/57R8HAAAAAAAAQLZL5kI3AAAAAAAAAJCwWC/fBgAAAAAAANxgudCNK3imJAAAAAAAAIC0Cuyk5MgRw7Vu7TKtryjWxGsvSeu8i7NB7vYhd8eOHfTiP5/Sv1YsVEnpYv3y+islSYuXzFHxywtU/PICvf7Wy3r0sfszKnd7zga528fcLnWe+sBkhbeWa9WrzzXd9pnPHKJFix7VunXLtWjRozrkkO4ZlzsTZoPc7WNuHzsHuZvOfuT2sXOQu+nsR24fOyczP23qFG0Lv6byVc8nvDOZvcnOBr0bcIGxKb5Kam6HwhYLQqGQKtct16jTz1M4XK0VLy/S2HETVFn5ZlxfM5l5F2fJnbrZ5lff7tq1i2prP1Jubq6WPDdXP7/2FpWW/vfC87P++ictWvisZj/6lKTWr76d6Z0zbbePuV3o3Pzq20OHHqOamlpNf+huDTryVEnS7bddr/ff/0B3Tr5P115ziT7zme765fW3SWr96tsufr9dOFbk9rezq7l97Oxqbh87u5rbx86u5vaxc7LzJ+z7u+j0ezRw0Clx7WuPvS4cq/o9VaaVL+G13fN+l9oTXY7pPHpixj5OAnmm5NFDBmnDhs3atGmL6urqNHfuPJ191si0zLs4S+70zNbWfiRJysvLVW5erpqfsO/WrauGnXicFsx/NuNyt8csud2ZDWJ3cXGJdu784FO3nXXWCM165HFJ0qxHHtfZZ8fe7+L327Vj5XNuHzu7mtvHzq7m9rGzq7l97Oxqbh87Jzu/vLhE7+/3d9F07HX1WAEuCeSkZEFhvraGtzV9Hq6qVkFBflrmXZwNcrdPuUOhkIpfXqANm0v14gv/UlnZa033nXX2CP1z6Uvatasm43K3x2yQu33M7Wrn5nr16qnt29+WJG3f/rYOPfSzKd3t4myQu33M7WPnIHfT2Y/cPnYOcjed/cjtY+f2mG8rVzsH9f0C0i2Qq28b0/KZo4m8jDyZeRdng9ztU+5IJKKhx52p7t0P0l9n36+v/L/DVVnxhiTp3O+cpZkz5qZsd9CzQe72MbernZPl4vfb1WPlY24fOwe5m86JzQa5m86JzQa5m86JzQa5m86JzbbHfFu52jnIv7NnhQhX33ZFm58paYx5Jsp9440xZcaYskiktsX9VeFq9S0qaPq8qLCPqqt3xL07mXkXZ4Pc7WPuDz/cpeLlJTr1m8MkST16HKKjjvq6/rH4hYzO7eOxCnK3j52be/vtd5Wf30uSlJ/fS++8815Kd7s4G+RuH3P72DnI3XT2I7ePnYPcTWc/cvvYuT3m28rVzkF9v4B0i3pS0hhzZCsfR0ka2NqctXaqtXawtXZwKNS1xf2lZeUaMOAw9e/fV3l5eRozZrTmL1gSd+hk5l2cJXfqZz/bs4e6dz9IktSpU0cNP+kbevP1jZKkb337dC1e/II++WRPxuVur1lyuzMb9O595i94VuPGfkeSNG7sdzR/fuyv4eL329Vj5WNuHzu7mtvHzq7m9rGzq7l97Oxqbh87t8d8W7naOajvF5BusV6+XSrpn5IOdKWeQ9q6tKGhQVdceYMWLXxUOaGQZsyco4rGl8mmet7FWXKnfjY/v5fun3qncnJyFAoZPfXkIi1ufGbkOeeeqbt+f39ce9Odu71mye3ObBC7Zz38Rw0bdpx69uyhjRtKdcutU3TnnX/Uo4/er4t+8D1t3Vql8877ScblDnqW3O7MktudWXK7M0tud2bJ7c6sr7kfmXWfTmz8u+jmjWWadMtkTZ/xWMr3unqsAJeYaO9LYIxZK+nb1toW16w3xmy11vaNtSC3QyFvfICM1SWvY5tnP6r7pB2TAJklZA70b1HxifB+NwAAAEDK1e+pavtf2rPY7qfu4H9Imun87esy9nES65mSN6v1l3hf1r5RAAAAAAAAgCRYLnTjiqgnJa21T0S5+zPtnAUAAAAAAACAB9p89W1Jk9otBQAAAAAAAABvRH2mpDFmdWt3Serd/nEAAAAAAAAAZLtY7ynZW9JISTv3u91IeikliQAAAAAAAABktVgnJRdI6matLd//DmPM0pQkAtIomStoc3ViZDMeowAAAACcFOFCN66IdaGbi6Pcd377xwEAAAAAAACQ7ZK50A0AAAAAAAAAJIyTkgAAAAAAAADSipOSAAAAAAAAANIqsJOSI0cM17q1y7S+olgTr70krfMuzga5m9yx56c+MFnhreVa9epzTbed879nqHzV8/p49xYdeeTX0pKbY5XY/LSpU7Qt/JrKVz2f8M5k9iY7G+RuV79nPh4rH3P72DnI3fxe4sex8rFzkLvp7EduHzsHudvHzoArjE3xFVZzOxS2WBAKhVS5brlGnX6ewuFqrXh5kcaOm6DKyjfj+prJzLs4S+7MzN386ttDhx6jmppaTX/obg068lRJ0pe/PECRSET3/fG3+vl1t+rVV1c3/fzWrmyc6Z0zbTbZ+RP2Hbfp92jgoFPi2tcee109VpKb3zMfj5WPuX3s7HJu334vcTW3j51dze1jZ1dz+9jZ1dwudK7fU2Va+RJe2z33ltSe6HJM5zG/ytjHSSDPlDx6yCBt2LBZmzZtUV1dnebOnaezzxqZlnkXZ8md+bmLi0u0c+cHn7pt/fq39MYbG+PemWxujlXi88uLS/T+fsctHXtdPVaSm98zH4+Vj7l97Oxybt9+L3E1t4+dXc3tY2dXc/vY2dXcrnYGXBLIScmCwnxtDW9r+jxcVa2Cgvy0zLs4G+Rucrdtvq1c7exq7mS42jmo71eyu12cDXK3j7l97Bzkbn4v8eNY+dg5yN109iO3j52D3O1jZ8AlgZyUNKblM0cTeRl5MvMuzga5m9xtm28rVzu7mjsZrnYO6vuV7G4XZ4Pc7WNuHzsHuZvfSxKbDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl0Q9KWmMOdgYc7sxZpYx5vz97vtTlLnxxpgyY0xZJFLb4v6qcLX6FhU0fV5U2EfV1TviDp3MvIuzQe4md9vm28rVzq7mToarnYP6fiW728XZIHf7mNvHzkHu5vcSP46Vj52D3E1nP3L72DnI3T52BlwS65mS0yUZSU9K+p4x5kljTMfG+45tbchaO9VaO9haOzgU6tri/tKycg0YcJj69++rvLw8jRkzWvMXLIk7dDLzLs6S263cyXC1s6u5k+Fq56C+X8nudnGW3O7MkpvfS1I962puHzu7mtvHzq7m9rGzq7ld7QxJ1vLR/COD5ca4/wvW2nMaf/y0MeZ6SS8YY85OZmlDQ4OuuPIGLVr4qHJCIc2YOUcVFW+kZd7FWXJnfu5ZD/9Rw4Ydp549e2jjhlLdcusU7Xz/A91116069NAemvf0TL22ep3OPHNs1nTOhNlk5x+ZdZ9ObDxumzeWadItkzV9xmMp3+vqsZLc/J75eKx8zO1jZ5dz+/Z7iau5fezsam4fO7ua28fOruZ2tTPgEhPtfQmMMZWSvmqtjTS77UJJEyV1s9b2i7Ugt0NhZp+WBdooZFq+z0e8Ihn+rxUAAAAAgMxWv6eq7f9TmsV2z5nE/3A30/m7N2Xs4yTWy7fnSzq5+Q3W2pmSfiZpT6pCAQAAAAAAAMheUV++ba2d2Mrti40xt6UmEgAAAAAAAIBsFus9JaOZpL0XwgEAAAAAAACCF4nE/jnICFFPShpjVrd2l6Te7R8HAAAAAAAAQLaL9UzJ3pJGStq53+1G0kspSQQ4IpmL1SRzkZxkd8MdyTxKeIQAAAAAADJZrJOSC7T3Ktvl+99hjFmakkQAAAAAAAAAslqsC91cHOW+89s/DgAAAAAAAIBsl8yFbgAAAAAAAIDMwYVunBEKOgAAAAAAAAAAv3BSEgAAAAAAAEBaBXpSMhQKqXTlPzTvqZkJz44cMVzr1i7T+opiTbz2kqyfDXI3uVO7e+oDkxXeWq5Vrz7XdNvtt9+gNauX6pWyZ/X43L+oe/eDU5552tQp2hZ+TeWrnk9orj12u3KsMmVWkt58Y4VWvfqcykqXaMXLi9K2m2PlTmdXf037eKx8zO1j5yB309mP3D52DnI3ndOX29W/0wS9G3CBsdamdEFuh8JWF1x5xXgdddTXdPBBB2n0ty+M+2uGQiFVrluuUaefp3C4WiteXqSx4yaosvLNrJwld/blDhnT9OOhQ49RTU2tpj90twYdeaok6dRTh+nFF/+lhoYG3fabX0qSfnn9bU0zkQP8uk228wn7cky/RwMHnRLXTHvszvRjFeSsaWVe2ntS8tjjTtN77+084P2t/cbLsfKjs+Tmr2kfj5WPuX3s7GpuHzu7mtvHzq7m9rFzsvMu/p0mXbvr91RF+18Gb+3+642pPdHlmM7fvzVjHyeBPVOysLCPTj/tFD300OyEZ48eMkgbNmzWpk1bVFdXp7lz5+nss0Zm7Sy5szt3cXGJdu784FO3PffcMjU0NEiSSkpeVWFhn5RmlqTlxSV6f78c8fLlWGXCbLI4Vn50ltz8Ne3jsfIxt4+dXc3tY2dXc/vY2dXcPnZOdt7Fv9MEvRtwRWAnJX8/ZZKu+8WvFWnDVZEKCvO1Nbyt6fNwVbUKCvKzdjbI3eRO/+79XXTRd/WPf7yY9r2J8PFYBf0YsdbqmUWzVbLiGf3o4u/HPcex8qNzslz8frt6rHzM7WPnIHfT2Y/cPnYOcjed05s7Ga52DvLvgVnBRvho/pHBop6UNMbkG2P+bIy5zxjzWWPMzcaYNcaYucaYVp+6ZYwZb4wpM8aURSK1Le4/4/RT9fbb7+rVVWvaFNqYls88jfdl6C7OBrmb3Onf3dx1P79M9fUNenT239K6N1E+HqugHyMnDv+Wjj5mlM48a6x++tOLNHToMSnfzbFKbDbo3clw8fvt6rHyMbePnYPcTefEZoPcTefEZoPcTefEZttjvq1c7Rzk3wOBdIr1TMkZkiokbZX0oqTdks6QtFzS/a0NWWunWmsHW2sHh0JdW9x//PGDddaZI/TWGyv010f+pJNO+oZmzrg37tBV4Wr1LSpo+ryosI+qq3dk7WyQu8md/t37jBt7rk4//VRdcOGlad3bFj4eq6AfI/t+/jvvvKen5z2jIUMGpnw3x8qdzsly8fvt6rHyMbePnYPcTWc/cvvYOcjddE5v7mS42jnIvwcC6RTrpGRva+0frLV3SDrEWvtba+0Wa+0fJPVr69Lrb7hD/T8/WAMOP1bfHztBL774L1140eVxz5eWlWvAgMPUv39f5eXlacyY0Zq/YEnWzpLbn9z7jBgxXNdcM0H/e84PtHv3x2nb21Y+HqsgO3fp0lndunVt+vE3Tz1R69a9nvG5Xfx+u9o5WS5+v109Vj7m9rGzq7l97Oxqbh87u5rbx87tMd9WrnYO8u+BQDrlxri/+UnLh/e7L6eds8StoaFBV1x5gxYtfFQ5oZBmzJyjioo3snaW3Nmde9bDf9SwYcepZ88e2rihVLfcOkUTJ16qjh066JlFey8EVbLyVV166S9S2vmRWffpxMYcmzeWadItkzV9xmMp6dyeuV18jCXbuXfvQ/XE4w9KknJyc/TYY09ryZKlGZ/bxe+3q50lN39N+3isfMztY2dXc/vY2dXcPnZ2NbePnZOdd/HvNEHvBlxhor0vgTHmFkm/s9bW7Hf7AEl3WGvPjbUgt0Mhb3wA7CdkWr5HSCIivJ+IF5J5lPAIAQAAALJb/Z6q5P7HMkvtfvgX/O9QM50vuD1jHydRnylprf1VK7e/ZYxZmJpIAAAAAAAAALJZrPeUjGZSu6UAAAAAAAAA4I2oz5Q0xqxu7S5Jvds/DgAAAAAAAIBsF+tCN70ljZS0c7/bjaSXUpIIAAAAAAAAQFaLdVJygaRu1try/e8wxixNSSLAA1yoBvHgUQIAAAAACeL/t50R60I3F0e57/z2jwMAAAAAAAAg2yVzoRsAAAAAAAAASBgnJQEAAAAAAACkFScl1/yoWAAAIABJREFUAQAAAAAAAKRVYCclp02dom3h11S+6vk2zY8cMVzr1i7T+opiTbz2kqyfDXI3ud3J7WPnIHfT2Y/cPnYOcjed/cjtY+cgd9PZj9w+dg5yN539yO1qZ8AVxqb4qkS5HQoPuOCEoceopqZW06ffo4GDTknoa4ZCIVWuW65Rp5+ncLhaK15epLHjJqiy8s2snCU3uemcebvp7EduHzu7mtvHzq7m9rGzq7l97Oxqbh87u5rbx86u5nahc/2eKhNXGM/snj6Ry2830/kHv8vYx0lgz5RcXlyi93d+0KbZo4cM0oYNm7Vp0xbV1dVp7tx5OvuskVk7S25yp3qW3O7MktudWXK7M0tud2bJ7c4sud2ZJbc7s+R2Zzbo3YArnHxPyYLCfG0Nb2v6PFxVrYKC/KydDXI3udO7m85+5Paxc5C76exHbh87B7mbzn7k9rFzkLvp7EduHzsHudvHzoBLEj4paYzplYogCWZocVu8L0N3cTbI3eRO7246JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G4fOwMuyY12pzGmx/43SVppjBmkve9H+X4rc+MljZckk9NdoVDX9sjapCpcrb5FBU2fFxX2UXX1jqydDXI3udO7m85+5Paxc5C76exHbh87B7mbzn7k9rFzkLvp7EduHzsHudvHzoBLYj1T8l1JrzT7KJNUKOnVxh8fkLV2qrV2sLV2cHufkJSk0rJyDRhwmPr376u8vDyNGTNa8xcsydpZcpM71bPkdmeW3O7MktudWXK7M0tud2bJ7c4sud2ZJbc7s0Hv9l4kwkfzjwwW9ZmSkiZKOlXStdbaNZJkjNlkrT0s2cWPzLpPJw47Tj179tDmjWWadMtkTZ/xWFyzDQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8kbWz5CZ3qmfJ7c4sud2ZJbc7s+R2Z5bc7syS251ZcrszS253ZoPeDbjCxHpfAmNMkaS7JG2VdJOk16y1n493QW6HQt74AAAAAAAAoB3V76lq+eaT0O4Hr+E8VDOdL56csY+TmBe6sdaGrbXfkfSipGcldUl5KgAAAAAAAABZK+6rb1tr50s6SXtfzi1jzA9SFQoAAAAAAABA9or1npKfYq3dLWlt46eTJE1v90QAAAAAAABAW9jMvrgL/ivqSUljzOrW7pLUu/3jAAAAAAAAAMh2sZ4p2VvSSEk797vdSHopJYkAAAAAAAAAZLVYJyUXSOpmrS3f/w5jzNJ4FuTlJPQK8U+pa6hv8yyAAxvc84ttni179812TAIAAAAAAHwV9YyhtfbiKPed3/5xAAAAAAAAAGS7uK++DQAAAAAAAADtoe2vrQYAAAAAAAAyiI3YoCMgTjxTEgAAAAAAAEBape2kZFFRHy1e/JhWrXper7zyrC655AeSpF/96mdauXKxVqxYpPnzZ6lPn15xfb2RI4Zr3dplWl9RrInXXpJQFhdng9xN7szOPW3qFG0Lv6byVc8fcPbEYcfpvXcqVVa6RGWlS/TDqy5IKM+BdOjQQY/+9c9aX1Gsl4rnq1+/Io0cMVybN5aq5j8bFd6ySiUrntFJw78R19fz5Vi112yQu33M7WPnIHfT2Y/crnZu/mduW7j4/Xb1WPmY28fOkhQKhVS68h+a99TMhGdd7UxuN2aD3g24wFib2qe1du7cz0pSfn4v5ef3Unn5WnXr1lUvvbRAY8aMV1VVtXbtqpEkTZhwkb785S/q8suvl9T61bdDoZAq1y3XqNPPUzhcrRUvL9LYcRNUWRn7ysAuzpKb3NFmTxh6jGpqajVj+r3q1Klji9leh/bU1Vf9RKO/faGkxK6+3acoXzfefZ0mnHulpP9effsnP75QRxzxFV1y6XUaM+ZsfXv0aTryyK/p6p/9SmvWrtdTf5uhmyfdqT/ee5v6HTa43Tu317yLs+R2Z5bc7syS253ZoHfv+zN3+vR7NHDQKXHNBJ3bx2PlY24fO+9z5RXjddRRX9PBBx3U9PfdeLjamdxuzKZrd/2eKhNXGM98NPUqXr/dTJfxd2Xs4yRtz5Tcvv1tlZevlSTV1NRq/fq3VFDQu+mEpCR16dJF8ZwkPXrIIG3YsFmbNm1RXV2d5s6dp7PPGhlXDhdnyU3uaJYXl+j9nR+oc+dOCc+O+t9v6sGFf9bDz/5FP//t1QqF4vst4eyzRmjWrMclSU8+uVDf/OZwbdiwWQsXPa8tW6o0d+48/b+vHK5OnTqpQ4cO7d65veZdnCW3O7PkdmeW3O7MBr1735+5beHi99vVY+Vjbh87S1JhYR+dftopeuih2XHPBJ3b12PlYm5XOwMuCeQ9JT/3uSINHPhVlZaWS5Juvvlavfnmy/re976lW2/9fcz5gsJ8bQ1va/o8XFWtgoL8uHa7OBvkbnKnd3cys7l5ua3OHnvsUXql7Fkt+PssHXZ4f0lS/wGf06mjT9L40Zfqgm/+SJGGiEb+76kJ52xoaNDHH3+sd95571O7TzjhWJWXr9WePXtS1jnZeRdng9ztY24fOwe5m85+5Ha1c7Jc/H67eqx8zO1jZ0n6/ZRJuu4Xv1YkEol7pj12c6z8yO1qZ0iKRPho/pHBUnL1bWPMeEnjJSk3t4dyc7s13de1axfNnn2/rr32lqZnSd588526+eY7dc01E/STn1yoX//6rlhfv8Vt8b4M3cXZIHeTO727k5o9wG3WWr26ao0+P+Bo1dZ+pNNGnaw/PXS7vjN0rAafcJS+dMThmv7MA5Kkjp06aOd7e5/9cceDt6rgc32Ul5er3oW99fCzf5Ek/fau+zTz4bkHztnsx4UF+Tru2KM05JhRsXP7eKw87BzkbjonNhvkbjonNhvkbh87J8vF77erx8rH3D52PuP0U/X22+/q1VVrdOKw4+Kaaa/dHKvEZoPc7WNnwCVRT0oaY0ZZaxc3/ri7pN9LGiJpraSrrLU7DjRnrZ0qaar03/eUlKTc3FzNnn2/5sx5WvPmLW4xN3fuPP3tb9NjnpSsClerb1FB0+dFhX1UXX3AKFkxG+Rucqd3dzKzdXX1B5xt/hYJzyx+Qbl5uereo7uMkRY9/g/9+fZpLb7WdRffKKn195Tcl7Oqqlo5OTnq1KmTeh36WUl7X0Zz1VU/0WNzntbGjf9Oaedk512cDXK3j7l97Bzkbjr7kdvVzsly8fvt6rHyMbePnY8/frDOOnOETht1sjp16qiDDz5IM2fcqwsvujyjc/t4rILc7WNnwCWxXr59W7MfT5FULeksSaWSHkh02f33/06vv/6W7r33L023feEL/Zt+fMYZ39Qbb2yI+XVKy8o1YMBh6t+/r/Ly8jRmzGjNX7AkrgwuzpKb3PHYvfvjA8727n1o088ZMnigTMjow/c/VOnyV3XyGSfqM589RJJ08CEHKb+wd1y75i9YonHjviNJOuecM/Tc88s0YMBhOuKIr2j+3x9WbW2t7vvT9JR3TnbexVlyuzNLbndmye3ObNC7k+Hi99vVY+Vjbh87X3/DHer/+cEacPix+v7YCXrxxX/FfUIyyNw+HitXc7vaGXBJIi/fHmytHdj447uMMfFf2kx7/yXr+98/R2vWVGrFikWSpJtuulMXXfRdffGLn1ckEtGWLVW6/PJfxvxaDQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8EVcOF2fJTe5oHpl1n04cdpx69uyhDz/cpeLl85UTCunll8tUUfGGJvz0Iv34xxeovr5BH+/+WDf+9BZJ0uY3/60Hfveg7nlsskLGqL6+Xnf+8h5tr4r9L3APTX9MM2fcq/UVxdq58wOdP3aCvvylAXr2H3PVo8ch2rHjHT0884+SpNNOP+9T7zfZnt+vZOddnCW3O7PkdmeW3O7MBr27+Z+5mzeWadItkzV9xmMZndvHY+Vjbh87J8vVzuR2Yzbo3YArTLT3JTDGhLX3JdtG0iWSvmAbB4wxq621X4u1oPnLtxNV11Df1lEArRjc84ttnt338m0AAAAAQLDq91Qd6NIC3vvoz5fxBpzNdPnpHzL2cRLr5dvTJB0kqZukmZJ6SpIxJl9SeWqjAQAAAAAAAMhGUV++ba2d1Mrt240xL6YmEgAAAAAAAIBsFuuZktEc8IQlAAAAAAAAAEQT9ZmSxpjVrd0lKb7L9AIAAAAAAABAM7Guvt1b0khJO/e73Uh6KZ4FXKwGyCxcrAYAAAAAAAQt1knJBZK6WWtbXNTGGLM0JYkAAAAAAACAtohw8W1XxLrQzcVR7ju//eMAAAAAAAAAyHbJXOgGAAAAAAAAABLGSUkAAAAAAAAAaRXYScmRI4Zr3dplWl9RrInXXpLWeRdng9xNbndy+9g5yN109iO3q52nTZ2ibeHXVL7q+YTm2mO3i7NB7vYxt4+dg9xNZz9y+9g5yN109iO3q50BVxhrU/sGoLkdClssCIVCqly3XKNOP0/hcLVWvLxIY8dNUGVlfFcFTmbexVlyk5vOmbebzn7kdrWzJJ0w9BjV1NRq+vR7NHDQKXHNBJ3bx2PlY24fO7ua28fOrub2sbOruX3s7GpuFzrX76kycYXxzEd/mMCVbprpctmfMvZxEsgzJY8eMkgbNmzWpk1bVFdXp7lz5+nss0amZd7FWXKTO9Wz5HZnltzuzAa9e3lxid7f+UHcPz8Tcvt4rHzM7WNnV3P72NnV3D52djW3j51dze1qZ8AlgZyULCjM19bwtqbPw1XVKijIT8u8i7NB7iZ3enfT2Y/cPnYOcrePnZPl4vfb1WPlY24fOwe5m85+5Paxc5C76exHblc7Ay5J+KSkMeazyS41puUzRxN5GXky8y7OBrmb3OndTefEZoPcTefEZoPc7WPnZLn4/Xb1WPmY28fOQe6mc2KzQe6mc2KzQe6mc2KzQe72sTPgkqgnJY0xdxhjejb+eLAxZqOkEmPMv40xJ0aZG2+MKTPGlEUitS3urwpXq29RQdPnRYV9VF29I+7Qycy7OBvkbnKndzed/cjtY+cgd/vYOVkufr9dPVY+5vaxc5C76exHbh87B7mbzn7kdrUz4JJYz5Q8w1r7buOP75T0XWvtAEnflDSltSFr7VRr7WBr7eBQqGuL+0vLyjVgwGHq37+v8vLyNGbMaM1fsCTu0MnMuzhLbnKnepbc7syS253ZoHcnw8Xvt6vHysfcPnZ2NbePnV3N7WNnV3P72NnV3K52hqRIhI/mHxksN8b9ecaYXGttvaTO1tpSSbLWvmGM6djWpQ0NDbriyhu0aOGjygmFNGPmHFVUvJGWeRdnyU3uVM+S251ZcrszG/TuR2bdpxOHHaeePXto88YyTbplsqbPeCyjc/t4rHzM7WNnV3P72NnV3D52djW3j51dze1qZ8AlJtr7EhhjLpN0lqQ7JA2TdIikv0k6RdLnrbXjYi3I7VDIGx8AAAAAAAC0o/o9VS3ffBL66J6fcB6qmS5X3J+xj5Ooz5S01v7BGLNG0k8lHd748w+X9LSkW1MfDwAAAAAAAEC2ifXybVlrl0pauv/txpgfSJre/pEAAAAAAAAAZLNYF7qJZlK7pQAAAAAAAADgjajPlDTGrG7tLkm92z8OAAAAAAAA0EZRrp2CzBLr5du9JY2UtHO/242kl1KSCAAAAAAAAEBWi3VScoGkbtba8v3vMMYsTUkiAFmrU26HNs9+XL+nHZMAANIhmUs98hwHAACA7Bbr6tsXR7nv/PaPAwAAAAAAACDbJXOhGwAAAAAAAABIWKyXbwMAAAAAAABuiESCToA48UxJAAAAAAAAAGkVyEnJoqICPbfkca1ZvVSvlb+gyy5t9a0rWzVyxHCtW7tM6yuKNfHaS7J+Nsjd5E7v7mlTp2hb+DWVr3o+oblk9yY7n8hsx44dtHTZ03p5xSKVlv1D199wpSSpX78ivfjPp1S++gXNfPgPysvLy6jcmTIb5G4fc7vYuWPHjnr5Xwv0Stmzeq38Bd30q58lGtvJ77eLxyrZ2SB3JzPbvfvBeuyxqVqz5p9avXqpjj3mqLhnk/lzUuJY0Tmzd9PZj9w+dg5yt4+dAVcYa1N7bcPcDoUtFuTn91Kf/F5aVb5W3bp11cqSxTrn3B+qsvLNuL5mKBRS5brlGnX6eQqHq7Xi5UUaO25CXPMuzpLbn9ySdMLQY1RTU6vp0+/RwEGnxDXTHnvT0bn51be7du2i2tqPlJubq2eff1wTr5mkyy7/kf4+b7GeeGKB7rn311qzplJ/mfZXSa1ffdvFx5gLx4rcbneWPv1rbNnSp3TV1TepZOWrGZ3bx2OV7blbu/r2Qw/ereLiEj00fbby8vLUpUtnffjhfz71c1r7G2pb/5xMJHd7zwa5m85+5Paxs6u5fezsam4XOtfvqWrtj1qvffT7/0vtiS7HdLl6WsY+TgJ5puT27W9rVflaSVJNTa3Wr39ThQX5cc8fPWSQNmzYrE2btqiurk5z587T2WeNzNpZcvuTW5KWF5fo/Z0fxP3z22tvujvX1n4kScrLy1VeXq6spBNPPE5PPfWMJOmvjzypM88ckXG5g54ltzuzQe9u/mssNy9PifwjpIvfb1ePlY+5Dzqom4YOPUYPTZ8tSaqrq2txQjKatv45mWxuH4+Vj51dze1jZ1dz+9jZ1dyudgZcEvh7SvbrV6SBX/8flaxcFfdMQWG+toa3NX0erqpWQZwnNV2cDXI3udO/u61c6xwKhfTSioXa9O8yvfB8sTZt/Lc++PA/amhokCRVVW1XQUHvjMsd9GyQu33M7Wpnae+vsbLSJaquWq3nn1+mlaX8OZuJu33M/fnP99O7776nB/9yl0pX/kMP3H+nunTpHNdssjhWdM7k3XT2I7ePnYPc7WNnSIpYPpp/ZLBAT0p27dpFc+dM09XX3KRdu2rinjOm5TNP430GiIuzQe4md/p3t5VrnSORiI4/9gx96YvHafDgr+tLXxrQpv0uPsZcO1btMRvkbh87S3t/jQ0eMkL9DhusIYMH6atf/VLcsy5+v109Vj7mzs3J0aBBR+iBBx7WkKNHqrb2I02ceGlcs8niWKVvNsjdPub2sXOQu+mc2GyQu33sDLgk6klJY8yrxpgbjDFfSOSLGmPGG2PKjDFlkUjtAX9Obm6uHp8zTbNnP6Wnn34mkS+vqnC1+hYVNH1eVNhH1dU7snY2yN3kTv/utnK184cf7tLy5Ss05OhBOqT7wcrJyZEkFRbmq7r67YzN7ePj08fcrnZu7sMP/6N/LntJI0cMj3vGxe+3q8fKx9zhqmqFw9VNz9598m8LNWjgEXHNJotjRedM3k1nP3L72DnI3T52BlwS65mSn5F0iKQXjTErjTFXGWMKYszIWjvVWjvYWjs4FOp6wJ8zbeoUVa5/S3ffMzXh0KVl5Row4DD1799XeXl5GjNmtOYvWJK1s+T2J3cyXOrcs2cPde9+kCSpU6eOOumkoXr99be0bNkKffvbp0mSvj/2HC1c+GxG5c6EWXK7Mxvk7r2/xg6WJHXq1EmnnHyCXn99Q8bn9vFY+Zh7x453FA5v0+GH7/0375NPHqrKyjfimk0Wx4rOmbybzn7k9rGzq7ld7Qy4JDfG/TuttddIusYYc4Kk8yS9aoyplDTbWpv4GUVJ3zh+iMaNPVer11SorHTvL6wbb7xDzyx+Ia75hoYGXXHlDVq08FHlhEKaMXOOKiri+8usi7Pk9ie3JD0y6z6dOOw49ezZQ5s3lmnSLZM1fcZjKd+bzs6983tp6rTJygnlKBQy+tvfFmrxMy9ofeWbmvHwH3TjTT/T6tcqNHPG3IzKnQmz5HZnNsjdffr01kMP3q2cnJBCoZCeeGK+Fi56LuNz+3isfM195VU36uGZf1CHDnnauGmLfvSjq+Oebeufk8nm9vFY+djZ1dw+dnY1t4+dXc3tamfAJSba+xIYY1611h653205kr4p6bvW2h/EWpDboZA3PgAgSeqU26HNsx/X72nHJACAdGj5jljx4y+QAABEV7+nKpk/arPWR3f+kL9GNNPl2ocy9nES65mSLU7FW2sbJC1u/AAAAAAAAACAhER9T0lr7fdau88YE/NZkgAAAAAAAACwv1gXuolmUrulAAAAAAAAAOCNqC/fNsasbu0uSb3bPw4AAAAAAACAdDHGXCXpR9r7tt5rJP1AUh9Jj0nqIelVSeOstXuMMR0lPSzpKEnvae81Zza3ZW+s95TsLWmkpJ3755X0UlsWAvAXF6sBAL/wLvMAAACZzRhTKOlySf/PWrvbGDNX0vcknS7pLmvtY8aY+yVdLOnPjf/daa0dYIz5nqTfSvpuW3bHOim5QFI3a235AUIvbctCAAAAAAAAICUi/LNoG+RK6myMqZPURVK1pJMlnd94/0xJN2vvScnRjT+WpCck/dEYY6y1CX/jY13o5mJrbXEr951/oNsBAAAAAAAAZD5rbZWkyZK2aO/JyA8lvSLpA2ttfeNPC0sqbPxxoaStjbP1jT//s23ZncyFbgAAAAAAAABkKGPMeGNMWbOP8fvd/xntffbjYZIKJHWVdNoBvtS+Z0KaKPclJNbLtwEAAAAAAAA4yFo7VdLUKD/lVEmbrLXvSJIx5m+Sjpd0iDEmt/HZkEWStjX+/LCkvpLCxphcSd0lvd+WbDxTEgAAAAAAAPDTFknHGmO6GGOMpFMkVUh6UdK5jT/nQknzGn/898bP1Xj/C215P0kpwJOSI0cM17q1y7S+olgTr70krfMuzga5m9zu5Paxc5C76exHbh87B7mbzn7knjZ1iraFX1P5qucTmmuP3RwrOmfybjr7kdvHzkHu9rGz72wkwkezj5jfL2tLtPeCNa9KWqO95wqnSvq5pKuNMW9p73tGPtg48qCkzzbefrWk69p6rEwbT2bGLbdDYYsFoVBIleuWa9Tp5ykcrtaKlxdp7LgJqqx8M66vmcy8i7PkJjedM283nf3I7WNnV3P72Nnl3CcMPUY1NbWaPv0eDRx0SlwzQef28Vj52NnV3D52djW3j51dze1C5/o9VQd6bz/v1d5+IZffbqbrL2Zm7OMkkGdKHj1kkDZs2KxNm7aorq5Oc+fO09lnjUzLvIuz5CZ3qmfJ7c4sud2ZJbc7s+ROf+7lxSV6f+cHcf/8TMjt47HysbOruX3s7GpuHzu7mtvVzoBLAjkpWVCYr63hbU2fh6uqVVCQn5Z5F2eD3E3u9O6msx+5fewc5G46+5Hbx85B7k42dzJc7exibh87B7mbzn7k9rFzkLt97Ay4JOpJSWPMYGPMi8aYR4wxfY0xzxpjPjTGlBpjBkWZa7rceCRSe6D7W9yWyMvIk5l3cTbI3eRO7246JzYb5G46JzYb5G46JzYb5G46JzYb5O5kcyfD1c4u5vaxc5C76ZzYbJC76ZzYbJC7fewMuCQ3xv1/knSTpEMkvSTpKmvtN40xpzTed9yBhppfbvxA7ylZFa5W36KCps+LCvuounpH3KGTmXdxNsjd5E7vbjr7kdvHzkHuprMfuX3sHOTuZHMnw9XOLub2sXOQu+nsR24fOwe528fOkBThBK4rYr18O89a+4y1drYka619Qnt/8LykTm1dWlpWrgEDDlP//n2Vl5enMWNGa/6CJWmZd3GW3ORO9Sy53Zkltzuz5HZnltzpz50MVzu7mNvHzq7m9rGzq7l97Oxqblc7Ay6J9UzJj40xIyR1l2SNMd+y1j5tjDlRUkNblzY0NOiKK2/QooWPKicU0oyZc1RR8UZa5l2cJTe5Uz1Lbndmye3OLLndmSV3+nM/Mus+nTjsOPXs2UObN5Zp0i2TNX3GYxmd28dj5WNnV3P72NnV3D52djW3q50Bl5ho70tgjPm6pN9Jiki6StJPJV0oqUrS/1lrX4q14EAv3wYAAAAAAEDb1e+pavnmk1Dtby7gPFQzXa9/OGMfJ1Ffvm2tfc1aO9Jae5q1dr219gpr7SHW2q9K+lKaMgIAAAAAAADIIrHeUzKaSe2WAgAAAAAAAIA3or6npDFmdWt3Serd/nEAAAAAAACANrKRoBMgTrEudNNb0khJO/e73UiK+X6SAAAAAAAAALC/WCclF0jqZq0t3/8OY8zSuBaEctoQa6/6SJsv8A0ATXZvW97m2c4FJ7RjEgAAAAAAIMU4KWmtvTjKfee3fxwAAAAAAAAA2S6ZC90AAAAAAAAAQMJivXwbAAAAAAAAcEPEBp0AceKZkgAAAAAAAADSKq0nJR944E5t2fKqXnnl2abbZs26TyUlz6ik5Bm9/vq/VFLyTFxfa+SI4Vq3dpnWVxRr4rWXJJTDxdkgd5PbndzJzBYVFei5JY9rzeqleq38BV12aatvKdvuuxOdPbRnR/X/XBf1Lex8wPm8PKPCPp31+f5d1f3gvISyRNP70I76XFEXFfbprNxco5Ejhqti7TK99cZL+s2tV6qooLO6donv4l4+Pj6D3E1nP3L72DnI3XT2I7ePnYPcTWc/cvvYOcjdPnYGXGGsTe3TWjt1+lzTgqFDj1ZNzUd68MG7dNRR32zxc++44wb95z+7dNtt90hq/erboVBIleuWa9Tp5ykcrtaKlxdp7LgJqqx8M2YeF2fJTe50dM7P76U++b20qnytunXrqpUli3XOuT/MyNydOoUUiew9SVhV/UmL+e+P/bE2bdysrl1z1dBgtX39C3F9DySpqnqHrv/NFM344+8k/ffq2wcflKsOHXL07nufqFvXXB3ULU9Llz6n0844T1u37t17wYWXqHZXWJu3fJSy71ey8/y6onO25vaxs6u5fezsam4fO7ua28fOrub2sbOruV3oXL+nysQVxjO1t3yf12830/VXf83Yx0lanylZXLxSO3d+0Or95557pubMmRfz6xw9ZJA2bNisTZu2qK6uTnPnztPZZ42MK4OLs+Qmd6pnJWn79re1qnytJKmmplbr17+pwoL8jMz98ccRRRrfJ+RA86PPPl2f7IkO+TCkAAAgAElEQVToQP/mMv8fL+h7P7pC51x4iSb97l41NBz4Hz/217VLrnbV1EmSamrrdeyxR2rDhs3auLF57hGK508/Hx+frub2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7l97Oxqblc7Ay7JmPeUHDr0aO3Y8a42bNgc8+cWFOZra3hb0+fhqmoVxHnyxMXZIHeTO727g+zcXL9+RRr49f9RycpVKd+dzmO1YfMWLX7+n5p1/xQ9OfM+hUIhLVjyYlx7cnON6uv/e8qxV6/eClft3duxY0i7P3pPh3+xr95995N2zdze864cq2yYDXK3j7l97Bzkbjr7kdvHzkHuprMfuX3sHORuHztDUiTCR/OPDJYxV98eM2a05s6N/SxJSTKm5TNP430ZuouzQe4md3p3B9l5n65du2junGm6+pqbtGtXTcp3p/NYlZSVq2L9W/rexVdIkj755BP1+MwhkqTLf3GLqrbtUF19nap3vKNzLtz7vi0HdcvVrpr6qBk++SSi93buUU1NnQ45pIM+2r37gM/SbEvm9p535Vhlw2yQu33M7WPnIHfTObHZIHfTObHZIHfTObHZIHfTObHZIHf72BlwSdSTksaYbpImSjpHUpGkPZI2SLrfWjsjytx4SeMlKTf3M8rJ6RY1RE5OjkaPHqXjjz8jrtBV4Wr1LSpo+ryosI+qq3dk7WyQu8md3t1Bdpak3NxcPT5nmmbPfkpPPx3fRaeS3Z3OY2Wt1dmnnaqrfvqDFvfde/uv9n69Vt5Tsr7eKjfXqKFh718G3n57h4oKP703XLVdNmLVIS+kT/a0/i9SPj4+g9xNZz9y+9g5yN109iO3j52D3E1nP3L72DnI3T52BlwS6+Xbf5W0UdJISZMk3StpnKSTjDG3tTZkrZ1qrR1srR0c64SkJJ188lC98cYGVVVtjyt0aVm5Bgw4TP3791VeXp7GjBmt+QuWZO0sucmd6tl9pk2dosr1b+nue6YmNOfKsTp28EA9u7RY7zW+t+2H/9mlbdvj+8O99qMGHdRt75W8u3XNVUnJKg0YcJgGfOFzTXsXPfOs8vJCqquP/hR5Hx+frub2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7l97Oxqblc7Ay6J9fLt/s2eEfl7Y0yptfZWY8wPJFVI+mUiyx5++A864YTj1LPnZ/TWWyX69a9/rxkz5mjMmLM1Z87f4/46DQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8kbWz5CZ3qmcl6RvHD9G4sedq9ZoKlZXu/QPvxhvv0DOLY1+5Ot25ex3aUZ075Sgnx6iooKMuuujHuuyS78sYoyeemK/XX39T/fp2UShkZK10yrfGat5fH9AXDuuny/7vAo2/8npFbER5ubm6/uoJKsjvHTPnrpo69Tq0kz5X1EUNEasdb+/WFVfeoAXz/6q8vFzNnfu4dr63Re9/sCfm23b4+Ph0NbePnV3N7WNnV3P72NnV3D52djW3j51dze1jZ1dzu9oZcImJ9r4ExpiXJE201hYbY86SdKm1dmTjfa9ba78Ua0GnTp9r8xsf1EfiuyouAESze9vyNs/ue/k2AAAAAGSS+j1VLd98Eqq9+TzegLOZrjfPztjHSaxnSv5E0l+MMYdLWivph5JkjDlU0n0pzgYAAAAAAADEL8I5SVdEPSlprV0t6egD3P6OMWZXylIBAAAAAAAAyFqxLnQTzaR2SwEAAAAAAADAG1GfKWmMWd3aXZJiXxkCAAAAAAAAAPYT6z0le0saKWnnfrcbSS+lJBEAAAAAAACArBbrpOQCSd2steX732GMWRrPggauoA0gYFxBGwAAAAA8YSNBJ0CcYl3o5uIo953f/nEAAAAAAAAAZLtkLnQDAAAAAAAAAAnjpCQAAAAAAACAtOKkJAAAAAAAAIC0CuykZPfuB+uxx6ZqzZp/avXqpTr2mKMSmh85YrjWrV2m9RXFmnjtJVk/G+RucruTO5nZaVOnaFv4NZWvej6hufbY7eKxKioq0HNLHtea1Uv1WvkLuuzSVt+Ct90zJzvv27EKcjbI3T7m9rFzkLvp7EduHzsHuZvOfuT2sXOQu33s7L2I5aP5RwYz1qY2YF6HwgMueOjBu1VcXKKHps9WXl6eunTprA8//M+nfk5ryUKhkCrXLdeo089TOFytFS8v0thxE1RZ+WbMPC7Okpvc6eh8wtBjVFNTq+nT79HAQafENZMJuYPanZ/fS33ye2lV+Vp169ZVK0sW65xzf5jVnX3M7WNnV3P72NnV3D52djW3j51dze1jZ1dz+9jZ1dwudK7fU2XiCuOZ2uu/k9ln4tKs628ez9jHSSDPlDzooG4aOvQYPTR9tiSprq6uxQnJaI4eMkgbNmzWpk1bVFdXp7lz5+nss0Zm7Sy5yZ3qWUlaXlyi93d+EPfPz5TcQe3evv1trSpfK0mqqanV+vVvqrAgP+V7k5338VjR2Y/cPnZ2NbePnV3N7WNnV3P72NnV3D52djW3q50Bl0Q9KWmM6W6MucMYs94Y817jR2XjbYe0dennP99P7777nh78y10qXfkPPXD/nerSpXPc8wWF+doa3tb0ebiqWgVxngxwcTbI3eRO7+4gOyfDx2PVXL9+RRr49f9RycpVadnr6mPMxdw+dg5yN539yO1j5yB309mP3D52DnI3nf3I7WpnwCWxnik5V9JOScOttZ+11n5W0kmNtz3e2pAxZrwxpswYUxaJ1La4PzcnR4MGHaEHHnhYQ44eqdrajzRx4qVxhzam5TNP430ZuouzQe4md3p3B9k5GT4eq326du2iuXOm6eprbtKuXTVp2evqY8zF3D52DnI3nRObDXI3nRObDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl8Q6KdnfWvtba+32fTdYa7dba38r6XOtDVlrp1prB1trB4dCXVvcH66qVjhcrZWle59V9OTfFmrQwCPiDl0VrlbfooKmz4sK+6i6ekfWzga5m9zp3R1k52T4eKwkKTc3V4/PmabZs5/S008/k5bMyc77eKzo7EduHzsHuZvOfuT2sXOQu+nsR24fOwe528fOgEtinZT8tzFmojGm974bjDG9jTE/l7S1rUt37HhH4fA2HX74FyRJJ588VJWVb8Q9X1pWrgEDDlP//n2Vl5enMWNGa/6CJVk7S25yp3o2WT4eK2nvFcsr17+lu++ZGvdMe+x19THmYm4fO7ua28fOrub2sbOruX3s7GpuHzu7mtvHzq7mdrUzJBuJ8NHsI5Plxrj/u5Kuk/TPxhOTVtIOSX+XNCaZxVdedaMenvkHdeiQp42btuhHP7o67tmGhgZdceUNWrTwUeWEQpoxc44qKuI7qeniLLnJnepZSXpk1n06cdhx6tmzhzZvLNOkWyZr+ozHMj53ULu/cfwQjRt7rlavqVBZ6d6/INx44x16ZvELKd2b7LyPx4rOfuT2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7ld7Qy4xMR6XwJjzJclFUlaYa2taXb7KGvt4lgL8joUtvmND3jHBAAAAAAAgJbq91S1fPNJqOYX53A6qZlutz+ZsY+TWFffvlzSPEmXSlprjBnd7O7bUhkMAAAAAAAAQHaK9fLt/5N0lLW2xhjTX9ITxpj+1tp7JGXsmVYAAAAAAAAAmSvWScmcfS/ZttZuNsYM194Tk/3ESUkAAAAAAABkkgiv3nZFrKtvbzfGDNz3SeMJyjMl9ZR0RCqDAQAAAAAAAMhOsU5KXiBpe/MbrLX11toLJA1LWSoAAAAAAAAAWSvqy7etteEo9/2r/eMAAAAAAAAAyHaxnikJAAAAAAAAAO0q1oVuAAAAAAAAADdwoRtn8ExJAAAAAAAAAGkVyEnJww//gspKlzR9vPfuel1+2Y8S+hojRwzXurXLtL6iWBOvvSTrZ4PcTW53cvvYOcjdbZ0tKirQc0se15rVS/Va+Qu67NKLE9qbzO4gZ4PcTWc/cvvYOcjddPYjt4+dg9xNZz9y+9g5yN0+dgZcYaxN7dNa8zoURl0QCoX0782v6BtDz9SWLVWfuq+1wVAopMp1yzXq9PMUDldrxcuLNHbcBFVWvhkzj4uz5CY3nTNvdzKz+fm91Ce/l1aVr1W3bl21smSxzjn3h1nd2dXcPnZ2NbePnV3N7WNnV3P72NnV3D52djW3j51dze1C5/o9VSauMJ6pufbbvH67mW53PpWxj5PAX7598slDtXHjv1uckIzm6CGDtGHDZm3atEV1dXWaO3eezj5rZNbOkpvcqZ4ld3pnt29/W6vK10qSampqtX79myosyI9rNsjcPh4rHzu7mtvHzq7m9rGzq7l97Oxqbh87u5rbx86u5na1M+CSwE9KfnfMaM2Z83RCMwWF+doa3tb0ebiqWgVx/g+9i7NB7iZ3enfT2Z/c+/TrV6SBX/8flaxcFfeMq51dzO1j5yB309mP3D52DnI3nf3I7WPnIHfT2Y/crnaGJBvho/lHBmvzSUljzDPJLs/Ly9OZZ47QE08uSHR3i9vifRm6i7NB7iZ3enfTObHZIHcnm1uSunbtorlzpunqa27Srl01cc+52tnF3D52DnI3nRObDXI3nRObDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl+RGu9MYc2Rrd0kaGGVuvKTxkhTK6a5QqOsBf96oUSdp1ao1evvtd+NL26gqXK2+RQVNnxcV9lF19Y6snQ1yN7nTu5vO/uTOzc3V43Omafbsp/T004n9G4+rnV3M7WPnIHfT2Y/cPnYOcjed/cjtY+cgd9PZj9yudgZcEuuZkqWSJkuast/HZEmHtDZkrZ1qrR1srR3c2glJSfrud7+V8Eu3Jam0rFwDBhym/v37Ki8vT2PGjNb8BUuydpbc5E71LLnTn3va1CmqXP+W7r5natwzQef28Vj52NnV3D52djW3j51dze1jZ1dz+9jZ1dw+dnY1t6udAZdEfaakpEpJP7bWtrg8lDFmazKLO3fupFNPGaYJE36e8GxDQ4OuuPIGLVr4qHJCIc2YOUcVFW9k7Sy5yZ3qWXKnd/Ybxw/RuLHnavWaCpWV7v3LxY033qFnFr+Q0bl9PFY+dnY1t4+dXc3tY2dXc/vY2dXcPnZ2NbePnV3N7WpnwCUm2vsSGGPOlbTGWvv6Ae77lrU25tMc8zoUtvmND3jHBAAAAAAAgJbq91S1fPNJqOaa0ZxOaqbb5HkZ+ziJ+kxJa+0TxpgvG2NOkVRirW1+JYaPUxsNAAAAAAAASECEc5KuiPqeksaYyyXNk3SZpLXGmNHN7r4tlcEAAAAAAAAAZKdY7yn5f5KOstbWGGP6S3rCGNPfWnuP9l6BGwAAAAAAAAASEuukZM6+l2xbazcbY4Zr74nJfuKkJAAAAAAAAIA2iPrybUnbjTED933SeILyTEk9JR2RymAAAAAAAAAAslOsZ0peIKm++Q3W2npJFxhjHohnAW8vCgBtkxOK9e9GrWuIRNoxCQAAAAC4wXKhG2fEuvp2OMp9/2r/OAAAAAAAAACyXdufhgMAAAAAAAAAbcBJSQAAAAAAAABpxUlJAAAAAAAAAGkVyEnJjh076uV/LdArZc/qtfIXdNOvfpbw1xg5YrjWrV2m9RXFmnjtJVk/G+RucruT28fOQe5O5+wDD0zW1i2r9OorzzXddsMNV2njhlKtLFmslSWLNWrkSRmXO1N209mP3D52DnJ3MrPTpk7RtvBrKl/1fEJz7bGbY0XnTN5NZz9y+9g5yN0+dvZexPLR/CODGWtTGzC3Q+EBF3Tt2kW1tR8pNzdXy5Y+pauuvkklK1+N62uGQiFVrluuUaefp3C4WiteXqSx4yaosvLNrJwlN7npnHm70zHb/OrbQ4ceo5qaWj304N068qhTJe09KVlb85HuuvuBFjtau/o2x4rO2Zrbx84u5z6h8fe06dPv0cBBp8Q1E3RuH4+Vj51dze1jZ1dz+9jZ1dwudK7fU2XiCuOZXZefmdln4tLsoHsXZOzjJLCXb9fWfiRJysvLVW5enhI5OXr0kEHasGGzNm3aorq6Os2dO09nnzUya2fJTe5Uz5I782eLi0u0c+cHcX39TMqdCbvp7EduHzu7nHt5cYneb+Pvaa52djG3j51dze1jZ1dz+9jZ1dyudgZcEthJyVAopLLSJaquWq3nn1+mlaWr4p4tKMzX1vC2ps/DVdUqKMjP2tkgd5M7vbvp7EfuZDs395OfXqiy0iV64IHJOuSQ7indzbHyo3OQu+nsT+5kuNrZxdw+dg5yN539yO1j5yB3+9gZcEnUk5LGmIONMbcbY2YZY87f774/JbM4Eolo8JAR6nfYYA0ZPEhf/eqX4p41puUzT+N9pqWLs0HuJnd6d9M5sdkgdwfZeZ+pU2fpK18ZqiFHj9T27W/rt7+9MaW7OVaJzQa528fcPnYOcnd7/T7WFq52djG3j52D3E3nxGaD3E3nxGaD3O1jZ8AlsZ4pOV2SkfSkpO8ZY540xnRsvO/Y1oaMMeONMWXGmLJIpDbqgg8//I/+uewljRwxPO7QVeFq9S0qaPq8qLCPqqt3ZO1skLvJnd7ddPYjd7Kd93n77XcViURkrdVDDz2qIYMHZnRuF7/fPnYOcjed/cmdDFc7u5jbx85B7qazH7l97Bzkbh87Ay6JdVLyC9ba66y1T1trz5b0qqQXjDGfjTZkrZ1qrR1srR0cCnVtcX/Pnj3UvfvBkqROnTrplJNP0Ouvb4g7dGlZuQYMOEz9+/dVXl6exowZrfkLlmTtLLnJnepZcrsz21x+fq+mH48+e5TWrXs9o3O7+P32sbOruX3s7HLuZLja2cXcPnZ2NbePnV3N7WNnV3O72hmSIhE+mn9ksNwY93c0xoSstRFJstb+xhgTlrRMUre2Lu3Tp7ceevBu5eSEFAqF9MQT87Vw0XNxzzc0NOiKK2/QooWPKicU0oyZc1RR8UbWzpKb3KmeJXfmzz788B817IRj1bNnD214a6Vu/fUUDRt2nL7+ta/KWqt//zusSy69LuNyZ8JuOvuR28fOLud+ZNZ9OnHYcerZs4c2byzTpFsma/qMxzI6t4/HysfOrub2sbOruX3s7GpuVzsDLjHR3pfAGPM7SUustc/td/soSX+w1n4x1oLcDoW88QEAtEFOqO3XImvI8H8RAwAAAJCc+j1VLd98Etp16emch2rmoD8uytjHSdT/47XWTpQUNsacYozp1uz2xZIuT3U4AAAAAAAAANkn1tW3L5M0T9JlktYaY0Y3u/s3qQwGAAAAAAAAIDvFek/J8ZKOstbWGGP6S3rCGNPfWnuP9l6VGwAAAAAAAMgMEV697YpYJyVzrLU1kmSt3WyMGa69Jyb7iZOSAAAAAAAAANog1knJ7caYgdbacklqfMbkmZIeknREytMBgMeSuVhNXk6s396jq2uoT2oeAAAAAIBoYl3a9QJJ25vfYK2tt9ZeIGlYylIBAAAAAAAAyFpRn0pjrQ1Hue9f7R8HAAAAAAAAQLZL7vV9AAAAAADg/7N393FWl3X+x9+fwwwqYCoiDjNDjMW2bmVCguYdUpSgibRqtBZo5cavVNJt06z050+3XEspqWwVKiANBN2EVZFQ1ASTgdEZuZkZQYSFGQbvwHTIYm6u3x/cNArMOWfOnHOd61yv5+MxD5kz85nP+z1nRLj8nnMA5Ate6CYYyR6+DQAAAAAAAADdikNJAAAAAAAAADnl5VCyvLxUjy++X6tXPaUXap7Q5CsvS/trjD57pNaueVr1tct07TVXFPysz93kDid3jJ197g6lc3n5AC1adJ+qq5fouece0xVXfOVdH7/66kl6553/1dFHH5VXuQth1ufuGHPH2NnnbjrHkTvGzj530zmO3DF29rk7xs5AKMy57D7Wvqhn2X4LSkr6a0BJf1XXrFGfPr21onKRLrzoq6qrW5/S10wkEqpbu1Rjzr1YDQ1NWv7sQk2YeHlK8yHOkpvcdM6/3fneubjH358yuKSkv0pK+qtmz++5f/rTwxo/fpLq69ervHyAfvnLH+kf//GDOu208/TGGzskSS1trV5yF9IsucOZJXc4s+QOZ5bc4cySO5xZcoczm6vdrbsaLaUwkXn762N4UskODr9rUd7+nHi5UnLbtldVXbNGktTcvFP19etVVlqS8vzJw4dqw4ZN2rhxs1paWjRv3gKdP3Z0wc6Sm9zZniV3OLNdmd+27VXVvOv33JdUWnqsJOnHP/6/+v73/1Op/A8q7qs4OoeaO8bOoeaOsXOouWPsHGruGDuHmjvGzqHmDrUzEJJODyXNrMTM/svM7jSzo83s/5nZajObZ2YDuiPAoEHlGnLiR1W5ojrlmdKyEm1p2Lrv/YbGJpWmeKgZ4qzP3eTO7W46x5HbZ+f3v79cQ4Z8RCtX1uizn/20tm7dptWr6/I+d4izPnfHmDvGzj530zmO3DF29rmbznHkjrGzz90xdobknOOtw1s+S3al5ExJtZK2SHpS0juSPitpqaS7DjZkZpPMrMrMqtrbdx70i/fu3Uvz5k7Xt759o95+uznl0Gb7X3ma6jc6xFmfu8md2910Tm/W5+4QO/fu3Utz5tyla665Wa2trfrOd67UzTf/JOt7u2M+xFmfu2PMHWNnn7vpnN6sz910Tm/W5246pzfrczed05v1uTvGzkBIkh1KHuuc+7lz7lZJRzrnfuSc2+yc+7mkQQcbcs5Nc84Nc84NSyR6H/BzioqKdP/c6Zoz50HNn/9oWqEbG5o0sLx03/vlZQPU1PRKwc763E3u3O6mcxy5fXQuKirSnDl3ae7c+VqwYJE+8IFBGjRooFaseFT19ctUVjZAzz77iI499pi8yh3yrM/dMeaOsbPP3XSOI3eMnX3upnMcuWPs7HN3jJ2BkCQ7lOz48d++52M9Mlk8fdoU1dW/pDumTkt7dmVVjQYPPk4VFQNVXFys8ePH6aGHFxfsLLnJne1Zcocz29X5u+76sV588SX97Ge/kiStXfuiBg06Sccff4aOP/4MNTY26dRTP6tXXnktr3KHPEvucGbJHc4sucOZJXc4s+QOZ5bc4cz63g2EoijJxxeYWR/nXLNz7vq9N5rZYEkvdnXp6acN18QJF2nV6lpVrdz9L9YNN9yqRxc9kdJ8W1ubrrr6ei18ZLZ6JBKaOWuuamvXFewsucmd7VlyhzPblfnTThumL33pQq1eXaflyxdKkm688Tb94Q9PprzTR+7QZ8kdziy5w5kldziz5A5nltzhzJI7nFnfu4FQWLLnJTCz4yWVSap0zjV3uH2Mc25RsgVFPct44gMAyLHiHsn+n1PnWtpauykJAAAAgGxo3dW4/5NPQm997WzOoTp43/TFeftzkuzVtydLWiBpsqQ1Zjauw4dvyWYwAAAAAAAAAIUp2aU0kySd5JxrNrMKSQ+YWYVzbqqkvD1pBQAAAAAAAJC/kh1K9tj7kG3n3CYzG6ndB5ODxKEkAAAAAAAAgC5I9urb28xsyN539hxQniepn6QTshkMAAAAAAAAQGFKdqXkJZLe9WoHzrlWSZeY2d2pLEhY1y+obE/yIjwAgAPL9IVqjj7s8C7PvvHO2xntBgAAAIAua+csKRSdHko65xo6+dgz3R8HAAAAAAAAQKFL9vBtAAAAAAAAAOhWHEoCAAAAAAAAyCkOJQEAAAAAAADkVE4PJafdfbsattSo+vnH99121FFHauHC2Vq7dqkWLpytI488IqWvNfrskVq75mnV1y7TtddckVaOEGd97o4xd3l5qR5ffL9Wr3pKL9Q8oclXXpaz3dxXceQOqfP7jjhcv/rtVC1buVBLVzyiYcOH6MijjtC8+b/Ws88v0rz5v9YRR74v73Lnw6zP3THmjrGzz910jiN3jJ197g6x8/RpU7S14QXVVC9Je2cmezPd7TO3r/vK599xMp0Pcdb3biAE5rL8Ctc9Dynft+CMM05Rc/NOzfjNHRr68U9Lkv7zlu9r+/Y3ddvtd+qab1+ho446Qt/7/i2SDv7q24lEQnVrl2rMuReroaFJy59dqAkTL1dd3fqkeUKcJXfuc5eU9NeAkv6qrlmjPn16a0XlIl140VfzOnes91WIuUPo3PHVt3/2X7eq8tkq/e63D6i4uFiH9TpUV/37/9GbO/6sn/90uib/29d0xJHv0w9unCLp4K++HeL3O4T7itzxdg41d4ydQ80dY+dQc/vsfObev+PNmKohQ0eltK+7cmey21dun/eVr7/jZDof4myudrfuarSUwkTmz1/5NC+/3cERMx7P25+TnF4puWxZpXbsePNdt40de7buufd+SdI9996v888fnfTrnDx8qDZs2KSNGzerpaVF8+Yt0Pljk8+FOkvu3Ofetu1VVdeskSQ1N+9Uff16lZWW5HXuWO+rEHOH1LnP4b116unD9LvfPiBJamlp0Vt/fltjzh2lubPnS5Lmzp6vcz776bzKnQ+z5A5nltzhzJI7nFlyhzOb6fzSZZXa/p6/4+Vib6a7feX2eV/5+jtOpvMhzvreDYQi7UNJM+vfnQH69++nbdtelbT7N8ljjjk66UxpWYm2NGzd935DY5NKU/zNNMRZn7tjzd3RoEHlGnLiR1W5ojrru7mv4sgdUudBFQP1xuvbNfWX/6nHl/5eP/n5f6hXr8N0zDFH69VXXpMkvfrKa+p3TN+8yp0Psz53x5g7xs4+d9M5jtwxdva5O9TOmfC1N1OFcF/l8u84mc6HOOt7NxCKTg8lzazve96OlrTCzI4ys+R/A80Ss/2vPE31YeghzvrcHWvuvXr37qV5c6frW9++UW+/3Zz13dxX6c363B1L56KiIp1w4oc169dz9OkzL9Bfdr6jyf/2tZSzZrI79Fmfu2PMHWNnn7vpnN6sz910Tm/W5+5QO2fC195MhX5f5frvOJnOhzjrezcQimRXSr4u6bkOb1WSyiQ9v+fXB2Rmk8ysysyq2tt2dqdQB78AACAASURBVLrg1VdfV0nJ7osvS0r667XX3kgaurGhSQPLS/e9X142QE1NrySdC3XW5+5Yc0u7D2Punztdc+Y8qPnzH015LtTO5A5jNte7tzZu09bGV/T8c6skSQ8t+INOOPHDeu21N9T/2GMkSf2PPUavv7Y9r3Lnw6zP3THmjrGzz910jiN3jJ197g61cyZ87c1UyPeVj7/jZDof4qzv3UAokh1KXivpRUnnO+eOc84dJ6lhz68/cLAh59w059ww59ywRI/enS546OHHNHHC5yVJEyd8Xg89tDhp6JVVNRo8+DhVVAxUcXGxxo8fp4ceTj4X6iy5c59b2v2KfHX1L+mOqdPSmgu1M7nDmM317tdefV1bG5v0wcHHSZLOPOtUrXtxg/7w6BP6whc/J0n6whc/p0ULk79yZYjf75Duq9hzx9g51Nwxdg41d4ydQ83ts3MmfO3NVMj3lY+/42Q6H+Ks793Ra3e8dXzLY0WdfdA5d7uZ3Sfpp2a2RdKNkrrc6J7f/kIjRpyqfv366uUNK3Xzf0zRbbf9QrNn36Uvf+VftGVLoy6++OtJv05bW5uuuvp6LXxktnokEpo5a65qa9ellCHEWXLnPvfppw3XxAkXadXqWlWt3P2b/w033KpHFz2Rt7ljva9CzB1a5+9d+wP98le3qWdxsf530xZddcX3lLCEps/6qb448UI1NjTpXy+9Ou9y+54ldziz5A5nltzhzJI7nNlM5++9506dtefveJtertJNN9+uGTPvy0nuTHb7yu3zvvL1d5xM50Oc9b0bCIWl8ZwGYyV9X1KFcy7lZ1jteUh5lw8x23nOBADw4ujDDu/y7BvvvN2NSQAAAAAcSOuuxv2ffBL686WjOEzq4IhZS/L25yTpq2+b2fFmNkrSk5I+KenTe24fk+VsAAAAAAAAAApQslff/qakBZImS1oj6Wzn3Jo9H74ly9kAAAAAAAAAFKBOn1NS0tckneScazazCkkPmFmFc26qpLy9/BMAAAAAAAARavcdAKlKdijZwznXLEnOuU1mNlK7DyYHiUNJAAAAAAAAAF2Q7Dklt5nZkL3v7DmgPE9SP0knZDMYAAAAAAAAgMKU7ErJSyS1drzBOdcq6RIzuzuVBbyCNgCEh1fQBgAAAABkU6eHks65hk4+9kz3xwEAAAAAAABQ6JJdKQkAAAAAAAAEwbXziN1QJHtOSQAAAAAAAADoVhxKAgAAAAAAAMgpb4eSo88eqbVrnlZ97TJde80VOZ0PcdbnbnKHkzvGzj530zmO3DF29rmbznHkjrFzJvPTp03R1oYXVFO9JO2dmezNdNbn7hhzx9jZ52465y53eXmpHl98v1avekov1DyhyVdelpO9mc763g2EwFyWXx27qGfZfgsSiYTq1i7VmHMvVkNDk5Y/u1ATJl6uurr1KX3NTOZDnCU3uemcf7vpHEfuGDuHmjvGzqHmjrFzpvNnnnGKmpt3asaMqRoydFRK+7pjL/dVOLlj7Bxq7hg7ZzpfUtJfA0r6q7pmjfr06a0VlYt04UVfLejOqc627mq0lMJE5s0vfYonlezgyN89kbc/J16ulDx5+FBt2LBJGzduVktLi+bNW6Dzx47OyXyIs+Qmd7ZnyR3OLLnDmSV3OLPkDmc21txLl1Vq+443U97VXXu5r8LJHWPnUHPH2DnT+W3bXlV1zRpJUnPzTtXXr1dZaUnW94Z6XwEh8XIoWVpWoi0NW/e939DYpNIUf1PJdD7EWZ+7yZ3b3XSOI3eMnX3upnMcuWPs7HM3nXObOxOhdiY3nfN5N539/R44aFC5hpz4UVWuqM763lDvK0hqd7x1fMtjnR5KmtmYDr8+wsx+bWarzGy2mR3b1aVm+185ms7DyDOZD3HW525y53Y3ndOb9bmbzunN+txN5/Rmfe6mc3qzPnfTOb3Z7pjvqlA7kzt3sz53x5g7xs7dMS9JvXv30ry50/Wtb9+ot99uzvreUO8rICTJrpS8pcOvp0hqkjRW0kpJdx9syMwmmVmVmVW1t+/c7+ONDU0aWF667/3ysgFqanol5dCZzIc463M3uXO7m85x5I6xs8/ddI4jd4ydfe6mc25zZyLUzuSmcz7vpnPufw8sKirS/XOna86cBzV//qM52RvqfQWEJJ2Hbw9zzl3vnPtf59xPJVUc7BOdc9Occ8Occ8MSid77fXxlVY0GDz5OFRUDVVxcrPHjx+mhhxenHCST+RBnyU3ubM+SO5xZcoczS+5wZskdzmysuTMRamdy0zmfd9M5978HTp82RXX1L+mOqdNSnsl0b6j3FRCSoiQf729m35Jkkt5nZub+fs1wl5+Psq2tTVddfb0WPjJbPRIJzZw1V7W163IyH+Isucmd7VlyhzNL7nBmyR3OLLnDmY0197333KmzRpyqfv36atPLVbrp5ts1Y+Z9Wd/LfRVO7hg7h5o7xs6Zzp9+2nBNnHCRVq2uVdXK3QdzN9xwqx5d9ERW94Z6XwEhsc6el8DMbnzPTb90zr1mZiWSfuycuyTZgqKeZTzxAQAAAAAAQDdq3dW4/5NPQm9+4ZOcQ3Vw5Nwn8/bnpNMrJZ1zN5nZ8ZLKJFU655r33L7NzGbnIiAAAAAAAACAwpLs1bcnS1ogabKkNWY2rsOHbznwFAAAAAAAAAAcXLLnlJwk6STnXLOZVUh6wMwqnHNTtft5JgEAAAAAAAAgLckOJXt0eMj2JjMbqd0Hk4PEoSQAAAAAAACALkh2KLnNzIY452okac8Vk+dJ+o2kE7KeDgAAAAAAAEiRa+d1bkLR6XNKSrpE0raONzjnWve86vaIrKUCAAAAAAAAULCSvfp2Qycfe6b74wAAAAAAAAAodMmulAQAAAAAAACAbsWhJAAAAAAAAICc4lASAAAAAAAAQE55O5QcffZIrV3ztOprl+naa67I6XyIsz53kzuc3JnMTp82RVsbXlBN9ZK05rpjN/dVHJ0zmT/kkEP07DMP67mqx/RCzRO68f/+e072Zjrrc3eMuWPs7HM3nePIHWNnn7vpHEfuGDv73B1j5+i18/autzxmzmX3pdKLepbttyCRSKhu7VKNOfdiNTQ0afmzCzVh4uWqq1uf0tfMZD7EWXKTOxedzzzjFDU379SMGVM1ZOiolGbyIXeI3+8YO3fHfO/evbRz519UVFSkp596UP/2rRtVueL5rO7lvgond4ydQ80dY+dQc8fYOdTcMXYONXeMnUPNHULn1l2NllKYyOy4cGR2D7oCc9R/P5W3PydpXylpZkdnuvTk4UO1YcMmbdy4WS0tLZo3b4HOHzs6J/MhzpKb3NmelaSlyyq1fcebKX9+vuQO8fsdY+fumN+58y+SpOLiIhUVFyvV/6kWamdy0zmfd9M5jtwxdg41d4ydQ80dY+dQc4faGQhJp4eSZnarmfXb8+thZvaypEoz+18zO6urS0vLSrSlYeu+9xsam1RaWpKT+RBnfe4md253++ycCe4rOudiPpFIqGrlYjU1rtKSJU9rxcrqrO/lvsrtbjrHkTvGzj530zmO3DF29rmbznHkDrUzEJJkV0p+1jn3+p5f3ybpC865wZI+I2nKwYbMbJKZVZlZVXv7zgN9fL/b0nkYeSbzIc763E3u3O722TkT3Fe5m/W522duSWpvb9ew4Wdr0HHDNHzYUH3kI/+Y9b3cV7ndTef0Zn3upnN6sz530zm9WZ+76ZzerM/ddE5v1ufuGDsDISlK8vFiMytyzrVKOsw5t1KSnHPrzOyQgw0556ZJmiYd+DklGxuaNLC8dN/75WUD1NT0SsqhM5kPcdbnbnLndrfPzpngvqJzLub3+vOf39Ifn/7T7if/XvtiVvdyX+V2N53jyB1jZ5+76RxH7hg7+9xN5zhyh9oZkmvnADcUya6UvFPSQjP7lKRFZnaHmY0ws5sk1XR16cqqGg0efJwqKgaquLhY48eP00MPL87JfIiz5CZ3tmczxX1F52zP9+vXV0cc8T5J0qGHHqpRnzpTL764Iet7ua/CyR1j51Bzx9g51Nwxdg41d4ydQ80dY+dQc4faGQhJp1dKOud+bmarJX1D0of2fP6HJM2X9IOuLm1ra9NVV1+vhY/MVo9EQjNnzVVt7bqczIc4S25yZ3tWku69506dNeJU9evXV5tertJNN9+uGTPvy/vcIX6/Y+yc6fyAAcfqN7++Qz16JJRIJPTAAw/pkYWPZ30v91U4uWPsHGruGDuHmjvGzqHmjrFzqLlj7Bxq7lA7AyGxZM9LYGbHSyqTVOmca+5w+xjn3KJkCw708G0AAAAAAAB0Xeuuxv2ffBLa/s9ncQ7VQd8H/5i3PyfJXn37m5IWSJosaY2Zjevw4VuyGQwAAAAAAABAYUr2Qjdfk3SSc67ZzCokPWBmFc65qZLy9qQVAAAAAAAAEWr3HQCpSnYo2WPvQ7adc5vMbKR2H0wOEoeSAAAAAAAAALog2atvbzOzIXvf2XNAeZ6kfpJOyGYwAAAAAAAAAIUp2aHkJZK2dbzBOdfqnLtE0oispQIAAAAAAABQsDp9+LZzrqGTjz3T/XEAAAAAAAAAFLpkV0oCAAAAAAAAQLdK9kI3AAAAAAAAQBAcr74dDK6UBAAAAAAAAJBT3g4lp0+boq0NL6imekmX5kefPVJr1zyt+tpluvaaK4KYjbGzz90x5o6xs8/ddA4jd3l5qR5ffL9Wr3pKL9Q8oclXXpazzJnOx3Zf+Zz1uTvG3DF29rmbznHkjrGzz910jiN3qJ2BUJhzLqsLinqWHXDBmWecoubmnZoxY6qGDB2V1tdMJBKqW7tUY869WA0NTVr+7EJNmHi56urW5+2sFGdncocxS+5wZsmd/mxJSX8NKOmv6po16tOnt1ZULtKFF321oDvHmDvGzqHmjrFzqLlj7Bxq7hg7h5o7xs6h5g6hc+uuRkspTGTeGHtWdg+6AnP0Q3/M258Tb1dKLl1Wqe073uzS7MnDh2rDhk3auHGzWlpaNG/eAp0/dnRez0pxdiZ3GLPkDmeW3OnPbtv2qqpr1kiSmpt3qr5+vcpKS7K+N9P5GO8rOseRO8bOoeaOsXOouWPsHGruGDuHmjvUzkBIgnxOydKyEm1p2Lrv/YbGJpWm+BdMX7OZCrUzucOY9bk7xtwxdva9e69Bg8o15MSPqnJFdU72cl+FMetzd4y5Y+zsczed48gdY2efu+kcR+5QO0NSO2/vestjnR5KmtnzZna9mX0wV4FSYbb/laepPgzd12ymQu1M7jBmfe6OMXeMnX3vlqTevXtp3tzp+ta3b9TbbzfnZC/3VRizPnfHmDvGzj530zm9WZ+76ZzerM/ddE5v1ufuGDsDIUl2peRRko6U9KSZrTCzfzOz0mRf1MwmmVmVmVW1t+/slqAdNTY0aWD532OUlw1QU9MreT2bqVA7kzuMWZ+7Y8wdY2ffu4uKinT/3OmaM+dBzZ//aE4yZzof431F5zhyx9jZ5246x5E7xs4+d9M5jtyhdgZCkuxQcodz7tvOufdL+ndJ/yDpeTN70swmHWzIOTfNOTfMOTcskejdnXklSSurajR48HGqqBio4uJijR8/Tg89vDivZzMVamdyhzFL7nBmyd213dOnTVFd/Uu6Y+q0lGe6Yy/3VRiz5A5nltzhzJI7nFlyhzNL7nBmfe8GQlGU6ic655ZKWmpmkyV9RtIXJKX3t7sO7r3nTp014lT169dXm16u0k03364ZM+9LabatrU1XXX29Fj4yWz0SCc2cNVe1tevyelaKszO5w5gldziz5E5/9vTThmvihIu0anWtqlbu/sPcDTfcqkcXPZHVvZnOx3hf0TmO3DF2DjV3jJ1DzR1j51Bzx9g51NyhdgZCYp09L4GZ3eec+5dMFhT1LOOJDwAAAAAAALpR667G/Z98Enr9nLM4h+qg36N/zNufk04fvu2c+xczO97MRplZn44fM7Mx2Y0GAAAAAAAAoBAle/XtyZIWSJosaY2Zjevw4VuyGQwAAAAAAABAYUr2nJKTJJ3knGs2swpJD5hZhXNuqqS8vfwTAAAAAAAAQP5KdijZwznXLEnOuU1mNlK7DyYHiUNJAAAAAAAAAF3Q6cO3JW0zsyF739lzQHmepH6STshmMAAAAAAAAACFKdmVkpdIau14g3OuVdIlZnZ31lIBAAAAAAAA6Wr3HQCp6vRQ0jnX0MnHnun+OAAAAAAAAAAKXbKHbwMAAAAAAABAt+JQEgAAAAAAAEBOcSgJAAAAAAAAIKe8HUpOnzZFWxteUE31ki7Njz57pNaueVr1tct07TVXFPysz93kDid3jJ197qZz4ecuLy/V44vv1+pVT+mFmic0+crL0tqbyW6fsz530zmO3DF29rmbznHkjrGzz910jiN3qJ1j59p56/iWz8w5l9UFRT3LDrjgzDNOUXPzTs2YMVVDho5K62smEgnVrV2qMederIaGJi1/dqEmTLxcdXXrC3KW3OSmc/7tpnMcuUtK+mtASX9V16xRnz69taJykS686KsF3TnU3DF2DjV3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c1WkphIvPaZ87K7kFXYI557I95+3Pi7UrJpcsqtX3Hm12aPXn4UG3YsEkbN25WS0uL5s1boPPHji7YWXKTO9uz5A5nlty5nd227VVV16yRJDU371R9/XqVlZakNOszd4z3VYydQ80dY+dQc8fYOdTcMXYONXeMnUPNHWpnICSdHkqa2TAze9LM7jWzgWb2mJn92cxWmtnQXIV8r9KyEm1p2Lrv/YbGJpWm+JfEEGd97iZ3bnfTOY7cMXb2uTvT3HsNGlSuISd+VJUrqlOeCbVziLlj7OxzN53jyB1jZ5+76RxH7hg7+9wdY2cgJMmulPylpB9LekTSnyTd7Zw7QtJ1ez52QGY2ycyqzKyqvX1nt4Xt8PX3uy3Vh6GHOOtzN7lzu5vO6c363E3n9GZ97s40tyT17t1L8+ZO17e+faPefrs55blQO4eYO8bOPnfTOb1Zn7vpnN6sz910Tm/W5246pzfrc3eMnYGQFCX5eLFz7lFJMrMfOecekCTn3BIzu/1gQ865aZKmSQd/TslMNDY0aWB56b73y8sGqKnplYKd9bmb3LndTec4csfY2efuTHMXFRXp/rnTNWfOg5o//9GU5zLdzX1F53zeTec4csfY2eduOseRO8bOPnfH2Bn5/+Iu+LtkV0r+1czONrPPS3Jm9jlJMrOzJLVlPd1BrKyq0eDBx6miYqCKi4s1fvw4PfTw4oKdJTe5sz1L7nBmyZ373NOnTVFd/Uu6Y+q0lGd8547xvoqxc6i5Y+wcau4YO4eaO8bOoeaOsXOouUPtDIQk2ZWSX9fuh2+3Sxot6RtmNlNSo6SvZbL43nvu1FkjTlW/fn216eUq3XTz7Zox876UZtva2nTV1ddr4SOz1SOR0MxZc1Vbu65gZ8lN7mzPkjucWXLndvb004Zr4oSLtGp1rapW7v6D4A033KpHFz2R17ljvK9i7Bxq7hg7h5o7xs6h5o6xc6i5Y+wcau5QOwMhsWTPS2Bm/ySpVFKlc665w+1jnHOLki3IxsO3AQAAAAAAYta6q3H/J5+EXh11FudQHfRf8se8/TlJ9urb35T0oKTJktaY2bgOH74lm8EAAAAAAAAAFKZkD9/+mqRhzrlmM6uQ9ICZVTjnpkrK25NWAAAAAAAAxIcXuglHskPJHnsfsu2c22RmI7X7YHKQOJQEAAAAAAAA0AXJXn17m5kN2fvOngPK8yT1k3RCNoMBAAAAAAAAKEzJDiUvkbSt4w3OuVbn3CWSRmQtFQAAAAAAAICC1enDt51zDZ187JnujwMAAAAAAACg0CW7UhIAAAAAAAAAulWyF7oBAAAAAAAAwuB4XeZQcKUkAAAAAAAAgJzyeiiZSCS0csUftODBWWnPjj57pNaueVr1tct07TVXFPysz93kDid3jJ197qZzHLlD7Tx92hRtbXhBNdVL0prrjt0hzvrcHWPuGDv73E3nOHLH2NnnbjrHkTvUzkAozDmX1QVFPcsOuuDqqybppJM+pvcdfrjG/fOlKX/NRCKhurVLNebci9XQ0KTlzy7UhImXq65ufUHOkpvcdM6/3XSOI3eonSXpzDNOUXPzTs2YMVVDho5KacZ37hjvqxhzx9g51Nwxdg41d4ydQ80dY+dQc4fQuXVXI49TPoBXRo7M7kFXYI596qm8/TnxdqVkWdkAnXvOKP3mN3PSnj15+FBt2LBJGzduVktLi+bNW6Dzx44u2Flykzvbs+QOZ5bc4cz63r10WaW273gz5c/Ph9wx3lcx5o6xc6i5Y+wcau4YO4eaO8bOoeYOtTMQEm+Hkj+ZcpOu++4P1N7envZsaVmJtjRs3fd+Q2OTSktLCnbW525y53Y3nePIHWNnn7tj7JypEL/fod5XMeaOsbPP3XSOI3eMnX3upnMcuUPtDMm189bxLZ91eihpZn3M7GYzW2tmfzaz18xsuZl9OZOlnz3303r11df1fPXqLs2b7X/laaoPQw9x1uducud2N53Tm/W5m87pzfrcHWPnTIX4/Q71vooxd4ydfe6mc3qzPnfTOb1Zn7vpnN6sz90xdgZCUpTk47+T9KCk0ZLGS+ot6T5J15vZh5xz3zvQkJlNkjRJkqzHEUoker/r46edNkxjzztb54z5lA499BC9732Ha9bMn+nSL38zpdCNDU0aWF667/3ysgFqanqlYGd97iZ3bnfTOY7cMXb2uTvGzpkK8fsd6n0VY+4YO/vcTec4csfY2eduOseRO9TOQEiSPXy7wjk30znX4Jz7iaTznXPrJX1F0gUHG3LOTXPODXPODXvvgaQkff/6W1XxgWEa/KFP6EsTLteTTz6T8oGkJK2sqtHgwcepomKgiouLNX78OD308OKCnSU3ubM9S+5wZskdzqzv3ZkI8fsd6n0VY+4YO4eaO8bOoeaOsXOouWPsHGruUDsDIUl2peROMzvDObfMzMZK2i5Jzrl2O9D1xDnS1tamq66+Xgsfma0eiYRmzpqr2tp1BTtLbnJne5bc4cySO5xZ37vvvedOnTXiVPXr11ebXq7STTffrhkz78vr3DHeVzHmjrFzqLlj7Bxq7hg7h5o7xs6h5g61MxAS6+x5CczsREnTJX1I0hpJlznnXjSzYyRd7Jz7WbIFRT3LeOIDAAAAAACAbtS6q9HbxWL5rOmMT3IO1cGAZU/m7c9Jp1dKOudeMLNLJZVJWu6ca95z+2tmxjE9AAAAAAAAgLQle/Xtb2r3C91cKWmNmY3r8OFbshkMAAAAAAAAQGFK9pySX5M0zDnXbGYVkh4wswrn3FRJeXv5JwAAAAAAAID8lexQskeHh2xvMrOR2n0wOUgcSgIAAAAAAADogk4fvi1pm5kN2fvOngPK8yT1k3RCNoMBAAAAAAAAKEzJrpS8RFJrxxucc62SLjGzu7OWCgAAAAAAAEiTa/edAKlK9urbDZ187JnujwMAAAAAAACg0CV7+DYAAAAAAAAAdCsOJQEAAAAAAADkFIeSAAAAAAAAAHLK26Hk9GlTtLXhBdVUL+nS/OizR2rtmqdVX7tM115zRcHP+txN7nByx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5I6xs8/ddI4jd6idY+ec8dbhLZ+Zcy6rC4p6lh1wwZlnnKLm5p2aMWOqhgwdldbXTCQSqlu7VGPOvVgNDU1a/uxCTZh4uerq1hfkLLnJTef8203nOHLH2DnU3DF2DjV3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c15veJkyeNp34quwddgSl79om8/TnxdqXk0mWV2r7jzS7Nnjx8qDZs2KSNGzerpaVF8+Yt0PljRxfsLLnJne1ZcoczS+5wZskdziy5w5kldziz5A5nltzhzJI7nFnfu4FQBPmckqVlJdrSsHXf+w2NTSotLSnYWZ+7yZ3b3XSOI3eMnX3upnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73B1jZyAkRZ190MyKJF0m6Z8llUpykrZKWiDp1865lqwnPHCu/W5L9WHoIc763E3u3O6mc3qzPnfTOb1Zn7vpnN6sz910Tm/W5246pzfrczed05v1uZvO6c363E3n9GZ97o6xMxCSTg8lJd0j6U1J/09Sw57byiVdKuleSV840JCZTZI0SZKsxxFKJHp3R9Z9GhuaNLC8dN/75WUD1NT0SsHO+txN7tzupnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73E3nOHLH2Nnn7hg7Q3LtvhMgVckevv1x59w3nHPLnXMNe96WO+e+IWnowYacc9Occ8Occ8O6+0BSklZW1Wjw4ONUUTFQxcXFGj9+nB56eHHBzpKb3NmeJXc4s+QOZ5bc4cySO5xZcoczS+5wZskdziy5w5n1vRsIRbIrJXeY2ecl/bdzu8+azSwh6fOSdmSy+N577tRZI05Vv359tenlKt108+2aMfO+lGbb2tp01dXXa+Ejs9UjkdDMWXNVW7uuYGfJTe5sz5I7nFlyhzNL7nBmyR3OLLnDmSV3OLPkDmeW3OHM+t4NhMI6e14CM6uQ9CNJn9Tuh3FL0pGSnpR0nXNuY7IFRT3LeOIDAAAAAACAbtS6q3H/J5+EGk75FOdQHZRXPpG3PyedXinpnNtkZj+RNEXSBkn/JOkTkmpTOZAEAAAAAAAAgPdK9urbN0o6Z8/nPSbpZEl/lHSdmQ11zv0w+xEBAAAAAAAAFJJkzyl5kaQhkg6RtE1SuXPuLTO7TVKlJA4lAQAAAAAAkBdce94+WhnvkezVt1udc23Oub9I2uCce0uSnHPvSOJF1gEAAAAAAACkLdmVkrvMrNeeQ8mT9t5oZkcoxUPJokSPLodrbW/r8iwAADEo7dO3y7Nbm7d3YxJgf8U9kv1R8+Ba2lq7MQkAAADyTbI/KY5wzv1NkpxzHQ8hiyVd8/PJ6gAAIABJREFUmrVUAAAAAAAAAApWslff/ttBbn9d0utZSQQAAAAAAACgoHX9MTUAAAAAAABAHnHOdwKkKtkL3QAAAAAAAABAt+JQEgAAAAAAAEBO5fRQ8u67b9Pmzc/ruece23fbCSf8k5566kFVVS3Wf//3b3T44X1S+lqjzx6ptWueVn3tMl17zRVp5Qhx1uducoeTO9TO06dN0daGF1RTvSStue7YHeJsqN8vn7tj6XzZNybq8T89qMee+b1+Pv1HOuSQnpp69616svJ/9Ngzv9dtP79ZRUWpPXNLiN/vkO6r7pr1uTud2fLyAVq06D5VVy/Rc889piuu+Iok6YILztVzzz2mnTs36uMfPyHvcnfnrM/ddI4jd4ydfe6mcxy5Q+0MhMJclh9sf+ih79+34IwzTlZz81/061//VCed9BlJ0rJlD+m73/2Bli6t1KWXjldFxUDddNMUSVJre9sBv2YikVDd2qUac+7Famho0vJnF2rCxMtVV7c+aZ4QZ8lN7kLuLElnnnGKmpt3asaMqRoydFRKM75z8/0K52es0DuX9ukrSTp2QH/998JZGnXq5/S3v/5Nv/zN7XrisaV647XtevLxpZKkn0//kSr/9JzunTFPkrS1ebu33Pk0S+7szRb32H0IXlLSXyUl/VVTs0Z9+vTWn/70sMaPnyTnnNrb2/WLX9yi7373h3r++dX7ZlvaWoPsnG+76RxH7hg7h5o7xs6h5g6hc+uuRkspTGQ2DxvFs0p28P6qJXn7c5LTKyWXLVuhHTvefNdtH/rQB7R0aaUkacmSpfrc585N+nVOHj5UGzZs0saNm9XS0qJ58xbo/LGjU8oQ4iy5yZ3tWd+7ly6r1Pb3/N6Q77n5foXzMxZT56KiIh166CHq0aOHDjvsUL2y7dV9B5KSVPP8Gg0oPTbvcvueJXf2Z7dte1U1NWskSc3NO1Vf/5JKS4/Viy++pPXrX05pp4/c3TUbau4YO4eaO8bOoeaOsXOouUPtDMm1G28d3vJZlw8lzWxadwRYu/ZFnXfe7qsmL7jgsyovH5B0prSsRFsatu57v6GxSaWlJSntC3HW525y53Z3jJ0zFeL3O8bvl8/dsXR+pelVTfvFTC1f9Ziq6p7QW281a+mTz+77eFFRkS4Yf57+uOSZvMqdD7M+d8eY+/3vL9eQIR/RypU1KX1+d+7mvqJzPu+mcxy5Y+zsc3eMnYGQdHooaWZ9D/J2tKSDXtJoZpPMrMrMqtramjsN8H/+zzX6+tcv1Z/+9IgOP7yPdu1qSRrabP+T3lQfhh7irM/d5M7t7hg7ZyrE73eM3y+fu2PpfMQR79NnzvmkTh86RsM/PEq9eh2mf/78efs+/sPbv68Vzz6nFcufz6vc+TDrc3dsuXv37qU5c+7SNdfcrLff7vzPiN292+esz910Tm/W5246pzfrczed05v1uTvGzkBIkj3b/WuS/ldSx38j3J73+x9syDk3TdI06d3PKXkg69Zt0HnnTZAkDR58nMaM+VTS0I0NTRpYXrrv/fKyAWpqeiXpXKizPneTO7e7Y+ycqRC/3zF+v3zujqXzGSM/oS2bG7X9jR2SpEUPP66TTj5RD97/sK6+9uvqe3RfXfdvV+dd7nyY9bk7ptxFRUWaM+cuzZ07XwsWLEppT3ft9j3rczed48gdY2efu+kcR+5QOwMhSfbw7ZcljXTOHdfh7QPOueMkdcu/Ecccc7Sk3f8n4Lvf/aZ+9at7k86srKrR4MHHqaJioIqLizV+/Dg99PDilPaFOEtucmd71vfuTIT4/Y7x++VzdyydGxua9PFhH9Ohhx0qSTp9xCl6ad1G/cvECzTiU6fryq9dm/L/YQ/x+x3SfRVr7rvu+rFefPEl/exnv0ppR77k7o7ZUHPH2DnU3DF2DjV3jJ1DzR1qZyAkya6UvEPSUZI2H+BjP0532W9/+3Odeeap6tfvKL30UqV+8IOfqHfv3vr61y+RJM2fv0izZs1L+nXa2tp01dXXa+Ejs9UjkdDMWXNVW7supQwhzpKb3Nme9b373nvu1FkjTlW/fn216eUq3XTz7Zox8768zs33K5yfsVg61zy3Wgv/5zEtfHKe2tpatXZVvWbPul/1DSvUuKVJ8/+w+3/6LXp4iabedlfe5M6HWXJnf/a004bpS1+6UKtX12n58oWSpBtvvE2HHNJTP/nJTerXr69+//sZWrWqVueff0ne5O6u2VBzx9g51Nwxdg41d4ydQ80damegK8zsSEm/kvRR7X6E9FclvShprqQKSZskjXfO7bDdzy8wVbuf1vEvkr7snEv+HFEH2pvsqgkzO1mSc86tNLMPSxojqd45tzCVBckevt2Z1va2ro4CABCF0j59uzy7tXl7NyYB9lfcI9n//z64lrbWbkwCAEDhad3VmN8vrezJpiGf4Qk4O6ioeSzpz4mZzZK01Dn3KzPrKamXpO9J2u6cu9XMrpN0lHPuO2Z2rqTJ2n0oeYqkqc65U7qSrdM/KZrZjZLOkVRkZo/tWfaUpOvMbKhz7oddWQoAAAAAAADALzN7n6QRkr4sSc65XZJ2mdk4SSP3fNos7T4P/I6kcZJ+63Zf5bjczI40swHOuaZ0dyf739cXSRoi6RBJ2ySVO+feMrPbJFVK4lASAAAAAAAAyENmNknSpA43TdvzAtV7fUC7X+h6hpmdKOk5SVdJOnbvQaNzrsnM9r7gdZmkLR3mG/bc1u2Hkq3OuTZJfzGzDc65t/aEecfM2tNdBgAAAAAAACA39hxATuvkU4okfVzSZOdcpZlNlXRdJ59/oIeDd+kh88lefXuXmfXa8+uT9m03O0ISh5IAAAAAAABAuBokNTjnKve8/4B2H1K+YmYDJGnPP1/t8PkDO8yXS9ralcXJrpQc4Zz7myQ55zoeQhZLujSVBbxYDQAA2ZPJi9UkrOvPjd6e5IXyAIkXqwEAALnHH1PT45zbZmZbzOwfnXMvSholqXbP26WSbt3zzwV7Rv5H0pVmdp92v/bMn7vyfJJSkkPJvQeSB7j9dUmvd2UhAAAAAAAAgLwxWdLv9rzy9suSvqLdj66eZ2aXSdos6fN7Pnehdr/y9kuS/rLnc7sk2ZWSAAAAAAAAAAqUc65G0rADfGjUAT7XSbqiO/Yme05JAAAAAAAAAOhWHEoCAAAAAAAAyCkvh5Ll5aV6fPH9Wr3qKb1Q84QmX3lZ2l9j9NkjtXbN06qvXaZrr0nvqtEQZ33uJnc4uWPs7HM3nePIHWPnK6+8TNXPP66a6iWaPDmO/0b73B1j7hg7+9xN5zhyx9jZ5246x5E71M6xc+3GW4e3fGYuyy9LVNSzbL8FJSX9NaCkv6pr1qhPn95aUblIF170VdXVrU/payYSCdWtXaox516shoYmLX92oSZMvDyl+RBnyU1uOuffbjrHkbvQOx/o1bc/8uF/1L333qnTTj9Pu3a16OGH79Xkyd/TSy9tfNfnHezVt/O9c77tjjF3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c15veJkycvn3A2r7/dwQdWL87bnxMvV0pu2/aqqmvWSJKam3eqvn69ykpLUp4/efhQbdiwSRs3blZLS4vmzVug88eOLthZcpM727PkDmeW3OHMhpr7+OMHq7KyWu+881e1tbVp6dPLNW7cmJRmfeaO8b4KNXeMnUPNHWPnUHPH2DnU3DF2DjV3qJ2BkHh/TslBg8o15MSPqnJFdcozpWUl2tKwdd/7DY1NKk3xUDPEWZ+7yZ3b3XSOI3eMnX3upnN6s2trX9SZZ56ivn2P1GGHHaoxYz6l8vLSlGZ95o7xvvK5m85x5I6xs8/ddI4jd4ydfe6OsTMQkqLOPmhmPST9q6RySYucc890+Nj1zrkfZLK8d+9emjd3ur717Rv19tvNKc/ZAR5ulurD0EOc9bmb3LndTef0Zn3upnN6sz530zm92fr6l3Tb7b/UowvnqLl5p1atrlVra2tKs5nu5r5Kb9bnbjqnN+tzN53Tm/W5m87pzfrcTef0Zn3ujrEzEJJkV0reLeksSW9I+pmZ/aTDxy442JCZTTKzKjOram/fecDPKSoq0v1zp2vOnAc1f/6jaYVubGjSwA5XbZSXDVBT0ysFO+tzN7lzu5vOceSOsbPP3XROP/fMmffplE+co1Gfvkg7tr+53/NJ5mPuWO+rEHPH2NnnbjrHkTvGzj530zmO3KF2huSc8dbhLZ8lO5Q82Tn3RefcHZJOkdTHzH5vZodIOmgz59w059ww59ywRKL3AT9n+rQpqqt/SXdMnZZ26JVVNRo8+DhVVAxUcXGxxo8fp4ceXlyws+Qmd7ZnyR3OLLnDmQ059zHHHC1JGjiwVJ/73DmaO3dByrOhdiZ3GLPkDmeW3OHMkjucWXKHM+t7NxCKTh++Lann3l8451olTTKzGyU9IalPV5eeftpwTZxwkVatrlXVyt3/Yt1ww616dNETKc23tbXpqquv18JHZqtHIqGZs+aqtnZdwc6Sm9zZniV3OLPkDmc25Nxz75umo48+Si0trfrmVd/Xm2/+OeXZUDuTO4xZcoczS+5wZskdziy5w5n1vRsIhXX2vARmdq+ke51zi95z+79K+i/nXHGyBUU9y3jiAwAA8lDCuv5wjnae1wgAAMCr1l2N+f3YXE82fHQ0f1Dt4INr/pC3PyedPnzbOTdB0nYzGy5JZvZhM/uWpK2pHEgCAAAAAAAAwHsle/XtGyWdI6nIzB7T7ueVfErSdWY21Dn3w+xHBAAAAAAAAFBIkj2n5EWShkg6RNI2SeXOubfM7DZJlZI4lAQAAAAAAEBecO2+EyBVyV59u9U51+ac+4ukDc65tyTJOfeOJO5mAAAAAAAAAGlLdii5y8x67fn1SXtvNLMjxKEkAAAAAAAAgC5I9vDtEc65v0mSc++6ALZY0qWpLMjkJX54uSQAALInk1fQ5r/vAAAAADLR6aHk3gPJA9z+uqTXs5IIAAAAAAAAQEFLdqUkAAAAAAAAEIR2l8ljepBLyZ5TEgAAAAAAAAC6FYeSAAAAAAAAAHLK26Hk+nXLVf3846pauVjLn12Y9vzos0dq7ZqnVV+7TNdec0XBz/rcTe5wcsfYOZP56dOmaGvDC6qpXpL2zkz2Zjrrc3eMuWPsnOn8Vd/8mmpqnlB19RLdc8+dOuSQQ3Kyl/sqnNwxdva5m85x5I6xs8/ddI4jd6idgVCYy+CVN1NR3LPsgAvWr1uuT5x6jt54Y8dBZw+WLJFIqG7tUo0592I1NDRp+bMLNWHi5aqrW580T4iz5CY3nbMzf+YZp6i5eadmzJiqIUNHpbSvO/ZyX4WTO8bOqc4f7Jl6SktL9NSTD+pjJ35Sf/3rXzV79l1a9OgT+u098/Z9Tr79993n7hhzx9g51Nwxdg41d4ydQ80dY+dQc4fQuXVXI0+eeADr/mlMdg+6AvOhukV5+3MS5MO3Tx4+VBs2bNLGjZvV0tKiefMW6Pyxowt2ltzkzvZsrLmXLqvU9h1vpryru/ZyX4WTO8bO3TFfVFSkww47VD169FCvww7T1qZtWd/LfRVO7hg7h5o7xs6h5o6xc6i5Y+wcau5QO0Nyznjr8JbPOj2UNLNeZnatmV1jZoea2ZfN7H/M7Mdm1ieTxc45PbpwjiqXP6p/vexLac2WlpVoS8PWfe83NDaptLSkYGd97iZ3bnfTObe5MxFqZ3LTOdvzW7du009/epde3rBCWzZX66233tLjjz+d9b3cV7ndTec4csfY2eduOseRO8bOPnfH2BkISbIrJWdKOlbScZIekTRM0u3a/ait/zrYkJlNMrMqM6tqb995wM85a+TndPIpY3Te2An6xje+rDPOOCXl0Gb7n/Sm+jD0EGd97iZ3bnfTOb3Z7pjvqlA7kzt3sz53+8x95JFHaOzY0fqHD31C7x/0cfXq3Utf/OIFWd/LfZXb3XROb9bnbjqnN+tzN53Tm/W5m87pzfrcHWNnICTJDiU/5Jz7d0lXSPqIpMnOuaclXSvpxIMNOeemOeeGOeeGJRK9D/g5TU2vSJJee+0NzV/wqIYPH5Jy6MaGJg0sL933fnnZgH1frxBnfe4md2530zm3uTMRamdy0znb86NGnalNmzbr9de3q7W1VfPnP6pTPzEs63u5r3K7m85x5I6xs8/ddI4jd4ydfe6OsTMQkpSeU9LtPpJfuOefe9/v8jF9r16HqU+f3vt+/ZlPn6W1a19MeX5lVY0GDz5OFRUDVVxcrPHjx+mhhxcX7Cy5yZ3t2VhzZyLUzuSmc7bnt2xu1MmnfFyHHXaoJOlTnzxD9fWpPSF8qJ3JTed83k3nOHLH2DnU3DF2DjV3qJ2BkBQl+XiVmfVxzjU7576690Yz+6Ckt7u69Nhjj9ED9/9aktSjqIfuu2++Fi9+KuX5trY2XXX19Vr4yGz1SCQ0c9Zc1dauK9hZcpM727Ox5r73njt11ohT1a9fX216uUo33Xy7Zsy8L+t7ua/CyR1j50znV6ys1u9//4hWrPiDWltb9ULNWk3/1e+yvpf7KpzcMXYONXeMnUPNHWPnUHPH2DnU3KF2BkJiyZ6XwMxO1u6LI1ea2YcljZH0ojpcOdmZ4p5lXb6ikmdMAAAgP2XyOn789x0AACBzrbsa8/ullT2p/9C5/HGzg+PXLczbn5NOr5Q0sxslnSOpyMwek3SKpKckfUfSEEk/zHZAAAAAAAAAAIUl2cO3L9Luw8dDJG2TVO6ce8vMbpNUKQ4lAQAAAAAAAKQp2QvdtDrn2pxzf5G0wTn3liQ5596R1J71dAAAAAAAAAAKTrJDyV1m1mvPr0/ae6OZHSEOJQEAAAAAAAB0QbKHb49wzv1NkpxzHQ8hiyVdmsoCnl0UAIDCw3/fAQAAkI+SvyQz8kWnh5J7DyQPcPvrkl7PSiIAAAAAAAAABS3Zw7cBAAAAAAAAoFtxKAkAAAAAAAAgpziUBAAAAAAAAJBT3g4lp0+boq0NL6imekmX5kefPVJr1zyt+tpluvaaKwp+1uducoeTO8bOPnfTOY7cMXb2uZvOceSOsbPP3XSOI3eMnX3upnMcuUPtHDvXbrx1eMtn5rL8skRFPcsOuODMM05Rc/NOzZgxVUOGjkrrayYSCdWtXaox516shoYmLX92oSZMvFx1desLcpbc5KZz/u2mcxy5Y+wcau4YO4eaO8bOoeaOsXOouWPsHGruGDuHmjuEzq27GvP7xMmT2g9+ltff7uDDGx7J258Tb1dKLl1Wqe073uzS7MnDh2rDhk3auHGzWlpaNG/eAp0/dnTBzpKb3NmeJXc4s+QOZ5bc4cySO5xZcoczS+5wZskdziy5w5n1vRsIRZDPKVlaVqItDVv3vd/Q2KTS0pKCnfW5m9y53U3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz90xdgZCkvahpJmty0aQNDPsd1uqD0MPcdbnbnLndjed05v1uZvO6c363E3n9GZ97qZzerM+d9M5vVmfu+mc3qzP3XROb9bnbjqnN+tzd4ydgZAUdfZBM3tb0t6f/L3/VvTae7tz7n0HmZskaZIkWY8jlEj07qa4uzU2NGlgeem+98vLBqip6ZWCnfW5m9y53U3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz90xdgZCkuxKyZmS5kv6B+fc4c65wyVt3vPrAx5ISpJzbppzbphzblh3H0hK0sqqGg0efJwqKgaquLhY48eP00MPLy7YWXKTO9uz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmSV3OLO+d8eu3RlvHd7yWadXSjrnJpvZSZLmmNl8Sb/Q36+czMi999yps0acqn79+mrTy1W66ebbNWPmfSnNtrW16aqrr9fCR2arRyKhmbPmqrZ2XcHOkpvc2Z4ldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmfW9GwiFpfK8BGaWkHSlpM9L+qBzrjTVBUU9y3jiAwAAAAAAgG7Uuqsxvy+D82TNB87jHKqDj778cN7+nHR6paQkmdnJ2v38kT8zs2pJnzSzc51zC7MfDwAAAAAAAEChSfZCNzdKOkdSkZk9JulkSX+UdJ2ZDXXO/TAHGQEAAAAAAAAUkGRXSl4kaYikQyRtk1TunHvLzG6TVCmJQ0kAAAAAAADkBZfnL+6Cv0v26tutzrk259xfJG1wzr0lSc65dyS1Zz0dAAAAAAAAgIKT7FByl5n12vPrk/beaGZHiENJAAAAAAAAAF2Q7OHbI5xzf5Mk51zHQ8hiSZdmLRUAAMBBJKzrD8lpd7wYIwAAAJAPOj2U3HsgeYDbX5f0elYSAQAAAAAAAChoya6UBAAAAAAAAILAA2PCkew5JQEAAAAAAACgW3EoCQAAAAAAACCnvBxKlpeX6vHF92v1qqf0Qs0TmnzlZWl/jdFnj9TaNU+rvnaZrr3mioKf9bmb3OHkjrGzz910jiN3jJ197k53dtrdt6thS42qn398320XXvBZ1VQv0V/f2ayPf/xjeZm7u2Z97qZzHLlj7OxzN53jyB1jZ5+7Y+wMhMJclh9sX9SzbL8FJSX9NaCkv6pr1qhPn95aUblIF170VdXVrU/payYSCdWtXaox516shoYmLX92oSZMvDyl+RBnyU1uOuffbjrHkTvGziHk7vjq22eccYqam3dqxm/u0NCPf1qSdPzxg9Xe3q47f/Ejfee6/9Dzz6/a9/kHe/XtfO+cb7vpHEfuGDuHmjvGzqHmjrFzqLlD6Ny6q9EO8iWitqpiLM8q2cHHNj2Utz8nXq6U3LbtVVXXrJEkNTfvVH39epWVlqQ8f/LwodqwYZM2btyslpYWzZu3QOePHV2ws+Qmd7ZnyR3OLLnDmSV3bmaXLavUjh1vvuu2+vqXtG7dyynt9JW7O2ZDzR1j51Bzx9g51Nwxdg41d4ydQ80damcgJN6fU3LQoHINOfGjqlxRnfJMaVmJtjRs3fd+Q2OTSlM81Axx1uducud2N53jyB1jZ5+76RxP7kyE2jnE3DF29rmbznHkjrGzz910jiN3qJ0htTvjrcNbPuv0UNLMPtbh18Vmdr2Z/Y+Z3WJmvTJd3rt3L82bO13f+vaNevvt5pTnzPb/pqb6MPQQZ33uJndud9M5vVmfu+mc3qzP3XROb9bn7kxzZyLUziHmjrGzz910Tm/W5246pzfrczed05v1uTvGzkBIkl0pObPDr2+VNFjSFEmHSbrrYENmNsnMqsysqr195wE/p6ioSPfPna45cx7U/PmPphW6saFJA8tL971fXjZATU2vFOysz93kzu1uOseRO8bOPnfTOZ7cmQi1c4i5Y+zsczed48gdY2efu+kcR+5QOwMhSXYo2fF4fpSkrznn/ijpW5KGHGzIOTfNOTfMOTcskeh9wM+ZPm2K6upf0h1Tp6WbWSurajR48HGqqBio4uJijR8/Tg89vLhgZ8lN7mzPkjucWXKHM0vu3OfORKidQ8wdY+dQc8fYOdTcMXYONXeMnUPNHWpnICRFST5+hJldoN2Hk4c451okyTnnzKzL1w6fftpwTZxwkVatrlXVyt3/Yt1ww616dNETKc23tbXpqquv18JHZqtHIqGZs+aqtnZdwc6Sm9zZniV3OLPkDmeW3LmZvee3v9CIEaeqX7++ennDSt38H1O0Y/ub+ulP/0PHHNNXC+bP0gur1uq88ybkVe7umA01d4ydQ80dY+dQc8fYOdTcMXYONXeonYGQWGfPS2BmM95z03XOuVfMrETS75xzo5ItKOpZxhMfAACAbpOwrj9hdzvPxwQAAApE667G/H4VE0+q3z+OP/B1MHTzgrz9Oen0Sknn3FfM7BRJ7c65lWb2YTP7kqT6VA4kAQAAAAAAAOC9Oj2UNLMbJZ0jqcjMHpN0sqQ/SrrOzIY6536Yg4wAAAAAAAAACkiy55S8SLtf0OYQSdsklbv/z969x0dZ3nkf//6GBBBUFFFDEip22XZf9dmu1IDVeqDiAmJB21W2Vqx23fLseqhuu7q2sPXR7bbdVVbtrl2LB7BQ5OCqCESLopxUDlFiNQkeEAoTAtYqUlBLDtfzB4GNEjIzSWauueb6vF+vvCQTfvl9v7mnSG/vmdu5XWZ2m6Q1kjgpCQAAAAAAACAjqe6+3eSca3bOfSBpo3NulyQ55z6U1JL1dAAAAAAAAAAKTqorJfeaWZ/Wk5Kn7H/QzPqJk5IAAMADblYDAACAQ+GviuFIdVLyLOfcHyXJOdf2JGSxpMuzlgoAAAAAAABAwUp19+0/HuLxdyS9k5VEAAAAAAAAAApaqveUBAAAAAAAAIBuxUlJAAAAAAAAADmV6j0lAQAAAAAAgCC0OPMdAWnydqXkvdOmalvyZVWvX9qp+dGjRqjm1RXaULtKN95wdcHP+txN7nByx9jZ5246x5E7xs4+d9M5s9kY/z7lc3eMuWPs7HM3nePIHWNnn7tj7AyEwlyW75Ve1LOs3QVnnnGqdu/eo+nT79LJQ0dm9D0TiYTqalZqzNhLlEw2aPULlZp42VWqq3ujIGfJTW46599uOseRO8bOoeaOsbMU39+nyB3OLLnDmSV3OLPkDmc2V7ub9tZzSWA7qsovzO6JrsBUJB/L2+eJtyslV65ao3ff29mp2eHDhmrjxs3atGmLGhsbNW/eAo0fN7pgZ8lN7mzPkjucWXKHM0vucGZDzh3b36fIHc4sucOZJXc4s+QOZ9b3biAUHZ6UNLNrzGxA66+HmNkKM9tpZmvM7M9zE/FgpWUl2prcduDzZH2DSktLCnbW525y53Y3nePIHWNnn7vpHEfuGDt3VaidyR3GrM/dMeaOsbPP3XSOI3eonYGQpLpS8u+dc++0/vouSXc4546S9E+S7jnUkJlNMrMqM6tqadnTTVE/9v0Peizdl6GHOOtzN7lzu5vOmc363E3nzGZ97qZzZrPcbKrwAAAgAElEQVQ+d9M5s9muCrUzucOY9bk7xtwxdva5m86ZzfrcHWNnICSp7r7d9uvHOecelSTn3DIzO+JQQ865aZKmSYd+T8muqE82aFB56YHPy8sGqqFhR8HO+txN7tzupnMcuWPs7HM3nePIHWPnrgq1M7nDmPW5O8bcMXb2uZvOceQOtTMkx923g5HqSsmHzWyGmX1a0qNmdr2ZfcrMviVpSw7ytWtdVbWGDDlRgwcPUnFxsSZMuEALFy0p2Flykzvbs+QOZ5bc4cySO5zZkHN3RaidyR3GLLnDmSV3OLPkDmfW924gFB1eKemcm2xmV0h6SNKfSOolaZKkxyRd2pXFs2berbPPOk0DBvTX5reqdMutt2v6jDlpzTY3N+u666eocvFs9UgkNOPBuaqtfb1gZ8lN7mzPkjucWXKHM0vucGZDzh3b36fIHc4sucOZJXc4s+QOZ9b3biAUlup9CcxsuCTnnFtnZidJGiOpzjlXmc6CbLx8GwAAAAAAIGZNe+t5nXI71pV9lfNQbQyrfzRvnycdXilpZjdLOk9SkZk9JWm4pOWSbjKzoc65f81BRgAAAAAAAAAFJNWNbi6SdLL2vWx7u6Ry59wuM7tN0hpJnJQEAAAAAABAXmjhRjfBSHWjmybnXLNz7gNJG51zuyTJOfehpJaspwMAAAAAAABQcFKdlNxrZn1af33K/gfNrJ84KQkAAAAAAACgE1K9fPss59wfJck51/YkZLGky9NZkLDOXzbbkuImPAAAAAAAAADC0+FJyf0nJNt5/B1J72QlEQAAAAAAAICClupKSQAAAAAAACAIvOY2HKneUxIAAAAAAAAAuhUnJQEAAAAAAADkVE5PSk77xe1Kbq3W+peePvDY0UcfpcrK2aqpWanKytk66qh+aX2v0aNGqObVFdpQu0o33nB1RjlCnPW5m9zh5I6xs8/ddI4jd4ydfe6mcxy5Y+zsczed48gdY+d7p03VtuTLql6/NKO57tjNsYojt6/OXX1uA6Ewl+U7XPfsVX5gwRlnnKrdu/do+gN3augXzpUk/eTHk/Xuuzt12+1364Z/vFpHH91PP5j8Y0mHvvt2IpFQXc1KjRl7iZLJBq1+oVITL7tKdXVvpMwT4iy5yU3n/NtN5zhyx9g51Nwxdg41d4ydQ80dY+dQc8fYWZLO3P//L6ffpZOHjkxrxnfuWI9ViLl9dk73ud20t97SChOZ1aVf420l2/jitkfy9nmS0yslV61ao/fe2/mxx8aNG6WZs+ZLkmbOmq/x40en/D7Dhw3Vxo2btWnTFjU2NmrevAUaPy71XKiz5CZ3tmfJHc4sucOZJXc4s+QOZ5bc4cySO5zZkHOvXLVG737i/1+mK9TO5A5jtqvzXXluAyHx/p6Sxx03QNu3vy1J2r79bR177DEpZ0rLSrQ1ue3A58n6BpWWlqS1L8RZn7vJndvddI4jd4ydfe6mcxy5Y+zsczed48gdY2efu+mcee6uCLUzucOY7Y55dF6LMz7afOSzDk9KmtkjZjbRzA7PVaB0mB38Q033ZeghzvrcTe7c7qZzZrM+d9M5s1mfu+mc2azP3XTObNbnbjpnNutzN50zm/W5m86ZzXZVqJ3JHcZsd8wDMUh1peSpki6UtMXM5pnZV82sZ6pvamaTzKzKzKpamvd0+HvffvsdlZQcJ0kqKTlOv/vd71OGrk82aFB56YHPy8sGqqFhR8q5UGd97iZ3bnfTOY7cMXb2uZvOceSOsbPP3XSOI3eMnX3upnPmubsi1M7kDmO2O+aBGKQ6Kfm2c+4iSSdIWijp25LqzWy6mY061JBzbppzrsI5V5Ho0bfDBQsXPaXLJl4sSbps4sVauHBJytDrqqo1ZMiJGjx4kIqLizVhwgVauCj1XKiz5CZ3tmfJHc4sucOZJXc4s+QOZ5bc4cySO5zZkHN3RaidyR3GbHfMAzEoSvF1J0nOuT9Imilpppn1lzRB0k2SMvpf1Mxf/pfOOus0DRjQX29tXKdb/2WqbrvtvzR79j264ltf19at9brkkr9L+X2am5t13fVTVLl4tnokEprx4FzV1r6eVoYQZ8lN7mzPkjucWXKHM0vucGbJHc4sucOZJXc4syHnnjXzbp3d+v8vN79VpVtuvV3TZ8zJ69yxHqsQc/vs3JXnNhAS6+g9DcxshXPurK4s6NmrvNNvmtDC+y0AAAAAAAAcpGlvfX7fxcST50ou4mRSG1/a/nDePk86vFLSOXeWmQ3f90u3zsw+J2mMpA3OucqcJAQAAAAAAABQUDo8KWlmN0s6T1KRmT2lfTe+WSbpJjMb6pz71+xHBAAAAAAAAFBIUr2n5EWSTpbUS9J2SeXOuV1mdpukNZI4KQkAAAAAAAAgI6nuvt3knGt2zn0gaaNzbpckOec+lNSS9XQAAAAAAAAACk6qKyX3mlmf1pOSp+x/0Mz6iZOSAAAAAAAAyCOcrApHqpOSZznn/ihJzrm2x7VY0uXpLOAO2gAAAAAAAADaSnX37T8e4vF3JL2TlUQAAAAAAAAAClqq95QEAAAAAAAAgG7FSUkAAAAAAAAAOcVJSQAAAAAAAAA55e2k5OhRI1Tz6gptqF2lG2+4OqfzIc763E3ucHLH2NnnbjrHkTvGzj53x9a5V69eeuG5RXqx6im9XP2Mbv7h9zKNHeTPO8Rj1dVZn7vpHEfuGDv73E3nOHKH2jl2TsZHm498Zi7Ld8cu6ll20IJEIqG6mpUaM/YSJZMNWv1CpSZedpXq6t5I63t2ZT7EWXKTm875t5vOceSOsXOouUPtLEl9+/bRnj0fqKioSCuWPap/+O7NWrP2pbzOHeOxijF3jJ1DzR1j51Bzx9g51NwhdG7aW5/fZ5w8WVFycXZPdAXmrO3z8/Z54uVKyeHDhmrjxs3atGmLGhsbNW/eAo0fNzon8yHOkpvc2Z4ldziz5A5nltzhzPrevWfPB5Kk4uIiFRUXK5P/YBzizzvUYxVj7hg7h5o7xs6h5o6xc6i5Q+0MhKTDk5Jm9mkze8DMfmRmh5vZvWb2qpnNN7PBnV1aWlaircltBz5P1jeotLQkJ/MhzvrcTe7c7qZzHLlj7OxzN53jyB1qZ2nf1RBV65aoof43Wrp0hdauW5/3uWM8VjHmjrGzz910jiN3jJ197o6xMxCSVFdKzpC0TtJuSaslbZB0nqQnJT3Q2aVmB185mslVAV2ZD3HW525y53Y3nTOb9bmbzpnN+txN58xmfe6OsbMktbS0qGLYKJ1wYoWGVQzVSSd9Nu3ZEH/eoR6rGHPH2NnnbjpnNutzN50zm/W5O8bOQEiKUnz9COfcf0uSmV3lnJva+vj9ZnbNoYbMbJKkSZJkPfopkej7sa/XJxs0qLz0wOflZQPV0LAj7dBdmQ9x1uducud2N53jyB1jZ5+76RxH7lA7t/X++7u0fMXz+97Yvua1rO8Ocdbn7hhzx9jZ5246x5E7xs4+d8fYGVIL52+DkepKyRYz+4yZDZfUx8wqJMnMhkjqcagh59w051yFc67ikyckJWldVbWGDDlRgwcPUnFxsSZMuEALFy1JO3RX5kOcJTe5sz1L7nBmyR3OLLnDmfW5e8CA/urX70hJUu/evTXynDP12msb8z53jMcqxtwxdg41d4ydQ80dY+dQc4faGQhJqislb5S0UFKLpAslfd/MPi+pn6Rvd3Zpc3Ozrrt+iioXz1aPREIzHpyr2trXczIf4iy5yZ3tWXKHM0vucGbJHc6sz90DBx6vB+6/Uz16JJRIJPTwwwu1uPLpvM8d47GKMXeMnUPNHWPnUHPH2DnU3KF2BkJiqd6XwMxOldTinFtnZidp33tK1jrnKtNZUNSzjAtnAQAAAAAAulHT3vqD33wSWnb8xZyHamPEjvl5+zzp8EpJM7tZ+05CFpnZU5KGS1ou6SYzG+qc+9ccZAQAAAAAAABQQFK9fPsiSSdL6iVpu6Ry59wuM7tN0hpJnJQEAAAAAABAXmhR3l4YiE9IdaObJudcs3PuA0kbnXO7JMk596H2vc8kAAAAAAAAAGQk1UnJvWbWp/XXp+x/0Mz6iZOSAAAAAAAAADoh1cu3z3LO/VGSnHNtT0IWS7o8a6kAAAAAAAAAFKwOT0ruPyHZzuPvSHonK4kAAAAAAAAAFLRUL98GAAAAAAAAgG6V6uXbAAAAAAAAQBAcd98OBldKAgAAAAAAAMgpTkoCAAAAAAAAyCmvJyUTiYTWrf21Fjz6YMazo0eNUM2rK7ShdpVuvOHqgp/1uZvc4eSOsbPP3XSOI3eMnX3upnNms+XlpXp6yXy98ptlern6GV17zZU5282xiiN3jJ197qZzHLlj7Oxzd4ydgVCYcy6rC4p6lh1ywfXXTdIpp3xeRx5xhC746uVpf89EIqG6mpUaM/YSJZMNWv1CpSZedpXq6t4oyFlyk5vO+bebznHkjrFzqLlj7CxJJSXHaWDJcVpf/aoOP7yv1q55Un910d/kde5Yj1WIuWPsHGruGDuHmjvGzqHmDqFz09563jyxHUuP/+vsnugKzMgdc/P2eeLtSsmysoEae95IPfDAQxnPDh82VBs3btamTVvU2NioefMWaPy40QU7S25yZ3uW3OHMkjucWXKHMxty7u3b39b66lclSbt379GGDW+orLQkr3PHeqxCzB1j51Bzx9g51Nwxdg41d6idIbXw8bGPfNbhSUkzS5jZ35jZYjN72cxeNLM5Zjaiq4v/Y+otuun7P1JLS+Y/otKyEm1NbjvwebK+QaVp/gU8xFmfu8md2910jiN3jJ197qZzHLlj7PxJJ5xQrpP/4v9ozdr1Wd/NsYojd4ydfe6mcxy5Y+zsc3eMnYGQpLpS8n5Jn5L0E0nPSlrc+tgUM7v2UENmNsnMqsysqqVlz0FfP3/suXr77Xf00vpXOhXa7OArT9N9GXqIsz53kzu3u+mc2azP3XTObNbnbjpnNutzN50zm22rb98+mjf3Xn33H2/WH/6wO+u7OVaZzfrcTefMZn3upnNmsz530zmzWZ+7Y+wMhKQoxddPcc59q/XXq8xstXPuh2a2QlK1pP9sb8g5N03SNKn995Q8/fQKjfvKKJ035hz17t1LRx55hB6c8TNdfsV30gpdn2zQoPLSA5+Xlw1UQ8OOgp31uZvcud1N5zhyx9jZ5246x5E7xs77FRUVaf7ce/XQQ4/qsceeSHsu1M7kDmPW5+4Yc8fY2eduOseRO9TOQEhSXSnZaGZ/Iklm9gVJeyXJOfdHSZ0+TT95yk81+NMVGvKZL+rSiVfp2WefS/uEpCStq6rWkCEnavDgQSouLtaECRdo4aIlBTtLbnJne5bc4cySO5xZcoczG3JuSbp32lTVbXhTd941LaO5UDuTO4xZcoczS+5wZskdzqzv3UAoUl0peYOkZ83sI0nFkr4uSWZ2rKRFWc52SM3Nzbru+imqXDxbPRIJzXhwrmprXy/YWXKTO9uz5A5nltzhzJI7nNmQc3/p9GG6bOJF+s0rtapat+//rPzzP/9UTzz5TN7mjvVYhZg7xs6h5o6xc6i5Y+wcau5QO0NyytubTeMTLNX7EpjZaZKanHPrzOxzksZI2uCcq0xnQXsv3wYAAAAAAEDnNe2t5+xbO5Yc/3XOQ7UxasecvH2edHilpJndLOk8SUVm9pSk4ZKWS7rJzIY65/41BxkBAAAAAAAAFJBUL9++SNLJknpJ2i6p3Dm3y8xuk7RGEiclAQAAAAAAAGQk1Y1umpxzzc65DyRtdM7tkiTn3IeSWrKeDgAAAAAAAEDBSXVScq+Z9Wn99Sn7HzSzfuKkJAAAAAAAAIBOSPXy7bOcc3+UJOdc25OQxZIuz1oqAAAAAAAAIENcQReODk9K7j8h2c7j70h6JyuJAAAAAAAAABS0VC/fBgAAAAAAAIBuxUlJAAAAAAAAADnFSUkAAAAAAAAAOeX1pGQikdC6tb/WgkcfzHh29KgRqnl1hTbUrtKNN1xd8LM+d5M7nNwxdva5m85x5I6xs8/ddM5d7nunTdW25MuqXr80451d2dvVWZ+7Y8wdY2efu+kcR+4YO/vcHWPn2LXw8bGPfGbOuawuKOpZdsgF1183Saec8nkdecQRuuCr6d/MO5FIqK5mpcaMvUTJZINWv1CpiZddpbq6NwpyltzkpnP+7aZzHLlj7Bxq7hg7d3X+zDNO1e7dezR9+l06eejItPZ1x16OVTi5Y+wcau4YO4eaO8bOoeYOoXPT3npLK0xkKo//enZPdAVm7I45efs88XalZFnZQI09b6QeeOChjGeHDxuqjRs3a9OmLWpsbNS8eQs0ftzogp0lN7mzPUvucGbJHc4sucOZjTX3ylVr9O57O9Pe1V17OVbh5I6xc6i5Y+wcau4YO4eaO9TOQEi8nZT8j6m36Kbv/0gtLZlfTFpaVqKtyW0HPk/WN6i0tKRgZ33uJndud9M5jtwxdva5m85x5I6xc3fMd1aonclN53zeTec4csfY2efuGDsDIenwpKSZFZnZ/zWzJ83sN2b2spk9YWZ/Z2bFnV16/thz9fbb7+il9a90at7s4CtP030ZeoizPneTO7e76ZzZrM/ddM5s1uduOmc263M3nTOb7Y75zgq1M7lzN+tzd4y5Y+zsczedM5v1uTvGzkBIilJ8faaknZL+n6Rk62Plki6XNEvSX7c3ZGaTJE2SJOvRT4lE3499/fTTKzTuK6N03phz1Lt3Lx155BF6cMbPdPkV30krdH2yQYPKSw98Xl42UA0NOwp21uducud2N53jyB1jZ5+76RxH7hg7d8d8Z4Xamdx0zufddI4jd4ydfe6OsTMkp7x9C0V8QqqXb3/BOff3zrnVzrlk68dq59zfSxp6qCHn3DTnXIVzruKTJyQlafKUn2rwpys05DNf1KUTr9Kzzz6X9glJSVpXVa0hQ07U4MGDVFxcrAkTLtDCRUsKdpbc5M72LLnDmSV3OLPkDmc21txdEWpnctM5n3fTOY7cMXYONXeonYGQpLpS8j0zu1jS/zjnWiTJzBKSLpb0XrbDHUpzc7Ouu36KKhfPVo9EQjMenKva2tcLdpbc5M72LLnDmSV3OLPkDmc21tyzZt6ts886TQMG9Nfmt6p0y623a/qMOVnfy7EKJ3eMnUPNHWPnUHPH2DnU3KF2BkJiHb0vgZkNlvRvks7RvpOQJqmfpGcl3eSc25RqQVHPMt74AAAAAAAAoBs17a3ndcrtWHz8JZyHauP8HQ/l7fOkwyslnXOb1fq+kWZ2jPadlLzTOTcx+9EAAAAAAAAAFKIOT0qa2ePtPHzO/sedc+OzkgoAAAAAAADIUEveXheIT0r1npLlkmol3SfJad+VksMkTc1yLgAAAAAAAAAFKtXdtyskvShpsqT3nXPLJH3onFvunFue7XAAAAAAAAAACk+q95RskXSHmc1v/eeOVDMAAAAAAAAA0JG0TjA655KSLjaz8yXtym4kAAAAAAAAAIUso6senXOLJS3OUhYAAAAAAAAAEeCl2AAAAAAAACgILeL226FIdaMbAAAAAAAAAOhWnJQEAAAAAAAAkFPeTkqOHjVCNa+u0IbaVbrxhqtzOh/irM/d5A4nd4ydfe6OsfO906ZqW/JlVa9fmtFcd+wOcdbn7hhzx9jZ9+5EIqF1a3+tBY8+mNO9sR2rUP/s9bk7xtwxdva5m85x5A61MxAKc85ldUFRz7KDFiQSCdXVrNSYsZcomWzQ6hcqNfGyq1RX90Za37Mr8yHOkpvcdM6/3TF2lqQzzzhVu3fv0fTpd+nkoSPTmvGdO8ZjFWPuGDv73i1J1183Saec8nkdecQRuuCrl2c9c1fnQz1WIf7Z63N3jLlj7Bxq7hg7h5o7hM5Ne+t588R2LCj5RnZPdAXmgu2z8/Z54uVKyeHDhmrjxs3atGmLGhsbNW/eAo0fNzon8yHOkpvc2Z4ldzizvnevXLVG7763M+3fnw+5YzxWMeaOsbPv3WVlAzX2vJF64IGH0p7pjr0xHqsQ/+z1uTvG3DF2DjV3jJ1DzR1qZ0iOj4995LNOn5Q0s2mdnS0tK9HW5LYDnyfrG1RaWpKT+RBnfe4md2530zmO3KF27qoQf96hHqsYc8fY2ffu/5h6i276/o/U0tKS9kx37I3xWHVFqJ3JTed83k3nOHKH2hkISYcnJc2s/yE+jpE0toO5SWZWZWZVLS172vv6QY9l8jLyrsyHOOtzN7lzu5vOmc363B1j564K8ecd6rGKMXeMnX3uPn/suXr77Xf00vpX0vr93bW3q/OhHquuCLUzuXM363N3jLlj7Oxzd4ydgZAUpfj67yT9VlLb/0W41s+PO9SQc26apGlS++8pWZ9s0KDy0gOfl5cNVEPDjrRDd2U+xFmfu8md2910jiN3qJ27KsSfd6jHKsbcMXb2ufv00ys07iujdN6Yc9S7dy8deeQRenDGz3T5Fd/J6t6uzod6rLoi1M7kpnM+76ZzHLlD7QyEJNXLt9+SNMI5d2Kbj087506U1On/RayrqtaQISdq8OBBKi4u1oQJF2jhoiU5mQ9xltzkzvYsucOZ9b27K0L8eYd6rGLMHWNnn7snT/mpBn+6QkM+80VdOvEqPfvsc2mdkOzq3q7Oh3qsuiLUzuSmcz7vpnMcuUPtDIQk1ZWSd0o6WtKWdr72751d2tzcrOuun6LKxbPVI5HQjAfnqrb29ZzMhzhLbnJne5bc4cz63j1r5t06+6zTNGBAf21+q0q33Hq7ps+Yk9e5YzxWMeaOsbPv3Z0VamefuUP8s9fn7hhzx9g51Nwxdg41d6idIWX2btfwyTJ9XwIz+6Vz7pvp/v72Xr4NAAAAAACAzmvaW3/wm09Cj5R8g/NQbXxt++y8fZ50eKWkmT3+yYckfdnMjpIk59z4bAUDAAAAAAAAUJhSvXx7kKQaSffpf29wUyFpapZzAQAAAAAAAChQqW50c4qkFyVNlvS+c26ZpA+dc8udc8uzHQ4AAAAAAABA4enwSknnXIukO8xsfus/d6SaAQAAAAAAAICOpHWC0TmXlHSxmZ0vaVcmC3oX9exMLknSR017Oz0LAEAMEtb5961uyfBmd0Cmjurdt9OzOz/a041JAABALFq68Pdj5FZGVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcVISAAAAAAAAQE7l7KRkr149tWzFY3phdaXWVf1ak6dcL0m6/4E79FL1Uq1d96R+fs+/qagovbe5HD1qhGpeXaENtat04w1XZ5QlxFmfu8kdTu4QO/fq1UsvPLdIL1Y9pZern9HNP/xeprGD/HmHeKy6Outzd4ydr7nmSq1/6WlVr1+qa6+9MqPZru4Ocdbn7lhyv/TKM1rxwkI9u2qBnl72P5Kk8ReO0ao1i/X2zg06eej/SWvvvdOmalvyZVWvX5pR3s7m7q5Zn7vpHEfuGDv73E3nOHKH2jl2jo+PfeQzc1m+8+bhfU48sKBv3z7as+cDFRUV6aml83XjP96io/sfpSW/XiZJmj7jLj333Frdd++vJB367tuJREJ1NSs1ZuwlSiYbtPqFSk287CrV1b2RMk+Is+QmdyF3lj7+Z8OKZY/qH757s9asfSmvc8d4rGLMHULn9u6+fdLnPqtZs+7W6V/6ivbubdSiRbN07bU/0JtvbvrY7zvU3bdD/HmHcKxizN327tsvvfKMzj37r/Tuu+8deOxPP/Mnci0tmnrXrbp5yr+pev2rB752qLtvn3nGqdq9e4+mT79LJw8dmTJrrjvn2246x5E7xs6h5o6xc6i5Q+jctLee20y3Y/7AS/P9XFxOXdzwq7x9nuT05dt79nwgSSouLlJxcZGcdOCEpCRVVb2ssrKBKb/P8GFDtXHjZm3atEWNjY2aN2+Bxo8bnVaGEGfJTe5sz/re3fbPhqLiYmXyH0tC/HmHeqxizB1q5z/7syFas2a9PvzwIzU3N2vlitW64IIxeZ87xmMVa+793nh940Eny1NZuWqN3n1vZ8a7JI4VnQs3d4ydQ80dY+dQc4faGQhJTk9KJhIJPb96sTb9tkrPLF2lqnXVB75WVFSkS77xVT21ZHnK71NaVqKtyW0HPk/WN6i0tCStDCHO+txN7tzujrGztO/Phqp1S9RQ/xstXbpCa9etz/vcMR6rGHOH2rmm9jWdeeap6t//KB12WG+NGXOOystL8z53jMcqptzOOT382ANauvwRffOKv05rT3fjWNE5n3fTOY7cMXb2uTvGzkBIOnwDRzPrIelvJZVLetI591ybr01xzv0ok2UtLS06/Yvnq1+/I/TQnF/oc5/7jGprX5ck3XHXv+i5VWv1/PPrUn4fa+elauleWRXirM/d5M7t7hg7S/v+bKgYNkr9+h2p/5l/v0466bOqqXkt67tDnPW5O8bcoXbesOFN3Xb7z/VE5UPavXuPfvNKrZqamtKa7eruEGd97o4p9/mjLtH27W9rwID+enjBDL3x+ka98HxVWvu6C8cqd7M+d8eYO8bOPnfTObNZn7tj7AyEJNWVkr+QdLak30v6mZn9R5uvfe1QQ2Y2ycyqzKyqsekPB339/ff/oJUrV+vcvzxbkvT9H3xHAwb0103/lN45zvpkgwa1ueKjvGygGhp2FOysz93kzu3uGDu39f77u7R8xfMaPWpE2jMh/rxDPVYx5g61syTNmDFHp37xPI089yK99+7OjF4iG+LPO9RjFVPu7dvfliS98867qlz0lL5wyufT2tWdOFZ0zufddI4jd4ydfe6OsTOkFj4+9pHPUp2UHO6c+4Zz7k5Jp0o63MweMbNekg75RpnOuWnOuQrnXEVx0RGSpAED+qtfv32/7t27l7785TP0+usbdfkVf62R556lb13+nbTP/K+rqtaQISdq8OBBKi4u1oQJF2jhoiUFO0tucmd71ufufX82HClJ6t27t0aec6Zee+4HO8wAACAASURBVG1j3ueO8VjFmDvUzpJ07LHHSJIGDSrVhReep7lzF+R97hiPVSy5+/Q5TIcf3vfAr0ec86W0bxTQnThWdM7n3XSOI3eMnUPNHWpnICQdvnxbUs/9v3DONUmaZGY3S3pG0uGZLDq+5DhNu/d29Uj0UCJheuSRxXryiWe0c9cb2rKlXs8se0SS9PiCJ/XTn/xnh9+rublZ110/RZWLZ6tHIqEZD8498DLwVEKcJTe5sz3rc/fAgcfrgfvvVI8eCSUSCT388EItrnw673PHeKxizB1qZ0maO2eajjnmaDU2Nuk7103Wzp3v533uGI9VLLmPPW6AHvzV3ZKkoqIe+p/5C/XM0ys19it/qZ/e9s86ZkB/zZ4/Ta++UqcJX72yw92zZt6ts886TQMG9Nfmt6p0y623a/qMOXnXOV920zmO3DF2DjV3jJ1DzR1qZyAk1tHViWY2S9Is59yTn3j8byX9t3OuONWCw/uc2Ok3PvioaW9nRwEAiELCDvnChZRaeG8iZNlRvft2enbnR3u6MQkAAIWnaW995/8iWMDmDryUv+S28dcNv8rb50mHL992zk1s54TkL51z96VzQhIAAAAAAAAAPinV3bcf/+RDkr5sZkdJknNufLaCAQAAAAAAAChMqd5TcpCkGkn3SXLad1KyQtLULOcCAAAAAAAAMtKSty9Wxieluvv2KZJelDRZ0vvOuWWSPnTOLXfOLc92OAAAAAAAAACFp8MrJZ1zLZLuMLP5rf/ckWoGAAAAAAAAADqS1glG51xS0sVmdr6kXZks+CN30AYAIGu4gzbyWVfuoF3co/P/HbyxuanTswAAAMiNjP6255xbLGlxlrIAAAAAAAAAiAAvxQYAAAAAAEBBaBF3uglFqhvdAAAAAAAAAEC34qQkAAAAAAAAgJzydlLyjddXa/1LT6tq3RKtfqEy4/nRo0ao5tUV2lC7SjfecHXBz/rcTe5wcsfY2eduOseRO9TO906bqm3Jl1W9fmlGc92xO8RZn7tjzJ3p87O8fKCefHKO1q9fqhdffEpXX/0tSdKPf/wDVVcv1dq1T2ru3F+oX78js5o7xmMVY2efu+kcR+4YO/vcHWNnIBTmsnzXzuKeZe0ueOP11friaefp979/75Czh0qWSCRUV7NSY8ZeomSyQatfqNTEy65SXd0bKfOEOEtuctM5/3bTOY7coXaWpDPPOFW7d+/R9Ol36eShI9Oa8Z07xmMVa+50np9t775dUnKcSkqOU3X1qzr88L56/vlFmjBhksrKSrRs2fNqbm7Wj350kyRpypSfHvLu2xwrOhdq7hg7h5o7xs6h5g6hc9Peet48sR2/Kp2Y3RNdgbl026y8fZ4E+fLt4cOGauPGzdq0aYsaGxs1b94CjR83umBnyU3ubM+SO5xZcocz63v3ylVr9O57O9P+/fmQO8ZjFWvuTJ+f27e/rerqVyVJu3fv0YYNb6q09HgtXbpSzc3NkqS1a9errGxg1nLHeKxi7Bxq7hg7h5o7xs6h5g61M/Zd4MbH/37kM28nJZ1zeqLyIa1Z/YT+9spLM5otLSvR1uS2A58n6xtUWlpSsLM+d5M7t7vpHEfuGDv73B1j564K8ecd6rGKNXdXfOpT5Tr55JO0bl31xx7/5jcn6Ne/XtbhLMeKzvm8m85x5I6xs8/dMXYGQlLU0RfNrI+ka7Tv5Op/Svq6pK9J2iDpVufc7s4uPnvEhWpo2KFjjz1GTz4xRxtee1OrVq1Ja9bs4CtP030ZeoizPneTO7e76ZzZrM/ddM5s1ufuGDt3VYg/71CPVay5O6tv3z566KF7dMMNt+oPf/jfv4beeOM1am5u0pw5j3Y4z7HK3azP3THmjrGzz910zmzW5+4YOwMhSXWl5AxJx0s6UdJiSRWSbpdkkv77UENmNsnMqsysqqVlT7u/p6FhhyTpd7/7vR5b8ISGDTs57dD1yQYNKi898Hl52cAD368QZ33uJndud9M5jtwxdva5O8bOXRXizzvUYxVr7s4oKirSQw/do7lzH9OCBU8eePzSS/9KY8eO1BVXXJfye3Cs6JzPu+kcR+4YO/vcHWNnICSpTkp+xjn3PUlXSzpJ0rXOuRWSbpT0F4cacs5Nc85VOOcqEom+B329T5/DdPjhfQ/8+i/PPVs1Na+lHXpdVbWGDDlRgwcPUnFxsSZMuEALFy0p2Flykzvbs+QOZ5bc4cz63t0VIf68Qz1WsebujHvu+Xe99tqb+tnP7jvw2F/+5dn63vf+XhdddKU+/PCjlN+DY0XnfN5N5zhyx9g51NyhdgZC0uHLt/dzzjkzq3St1wu3ft7pa4ePP/5YPTz/fklSj6IemjPnMS1Zsizt+ebmZl13/RRVLp6tHomEZjw4V7W1rxfsLLnJne1ZcoczS+5wZn3vnjXzbp191mkaMKC/Nr9VpVtuvV3TZ8zJ69wxHqtYc2f6/Dz99Apdeulf6ZVX6rR6daUk6eabb9PUqf9PvXr11KJFsyTtu9nNd74zOS87h3isYuwcau4YO4eaO8bOoeYOtTMQEuvofQnM7D5J13/yvSPN7E8kPeicOyPVguKeZZ0+eck7JgAAAMSpuEda/+28XY3NTd2YBACA/NS0t/7gN5+Eflk2kdNJbXyzflbePk86fPm2c+5v2zkh+Uvn3EZJZ2Y1GQAAAAAAAICClOru249/8iFJXzazo1o/H5+VVAAAAAAAAAAKVqrXxQySVCPpPu17NbVp3x24p2Y5FwAAAAAAAIACleru26dIelHSZEnvO+eWSfrQObfcObc82+EAAAAAAAAAFJ4Or5R0zrVIusPM5rf+c0eqmYO+RxfCAQAAIE7crAYAAHRGi+8ASFtaJxidc0lJF5vZ+ZJ2ZTcSAAAAAAAAgEKW2VWPzi2WtDhLWQAAAAAAAABEINV7SgIAAAAAAABAt+KkJAAAAAAAAICcyujl2wAAAAAAAEC+4obL4fB2peS906ZqW/JlVa9f2qn50aNGqObVFdpQu0o33nB1wc/63E3ucHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz910jiN3qJ2BUJhz2T2HXNSzrN0FZ55xqnbv3qPp0+/SyUNHZvQ9E4mE6mpWaszYS5RMNmj1C5WaeNlVqqt7oyBnyU1uOuffbjrHkTvGzqHmjrFzqLlj7Bxq7hg7h5o7xs6h5o6xc6i5Q+jctLfe0goTmellE7lYso1v1c/K2+eJtyslV65ao3ff29mp2eHDhmrjxs3atGmLGhsbNW/eAo0fN7pgZ8lN7mzPkjucWXKHM0vucGbJHc4sucOZJXc4s+QOZ5bc4cz63g2EIuOTkmb2ejaCZKK0rERbk9sOfJ6sb1BpaUnBzvrcTe7c7qZzHLlj7OxzN53jyB1jZ5+76RxH7hg7+9xN5zhyx9jZ5+4YOwMh6fBGN2b2B/3ve4Tuv9yzz/7HnXNHHmJukqRJkmQ9+imR6NtNcQ98/4MeS/dl6CHO+txN7tzupnNmsz530zmzWZ+76ZzZrM/ddM5s1uduOmc263M3nTOb9bmbzpnN+txN58xmfe6OsTOklrx9sTI+KdWVkjMkPSbpT51zRzjnjpC0pfXX7Z6QlCTn3DTnXIVzrqK7T0hKUn2yQYPKSw98Xl42UA0NOwp21uducud2N53jyB1jZ5+76RxH7hg7+9xN5zhyx9jZ5246x5E7xs4+d8fYGQhJhyclnXPXSrpL0kNm9h0zSygP7q6+rqpaQ4acqMGDB6m4uFgTJlyghYuWFOwsucmd7VlyhzNL7nBmyR3OLLnDmSV3OLPkDmeW3OHMkjucWd+7gVB0+PJtSXLOvWhm50q6RtJySb27Y/GsmXfr7LNO04AB/bX5rSrdcuvtmj5jTlqzzc3Nuu76KapcPFs9EgnNeHCuamtfL9hZcpM727PkDmeW3OHMkjucWXKHM0vucGbJHc4sucOZJXc4s753A6GwDN8TYaCkV51zx6Q7U9SzzPuVlQAAAAAAAIWkaW89757YjvvLJ3Ieqo0rk7Py9nmS6kY3j7fzcK/9jzvnxmclFQAAAAAAAICClerl2+WSaiXdp33vJWmShkmamuVcAAAAAAAAQEZafAdA2lLdfbtC0ouSJkt63zm3TNKHzrnlzrnl2Q4HAAAAAAAAoPB0eKWkc65F0h1mNr/1nztSzQAAAAAAAABAR9I6weicS0q62MzOl7Qru5EAAAAAf7rybvC8sz4AAEB6Mrrq0Tm3WNLiLGUBAAAAAAAAEAFeig0AAAAAAICCwI1uwpHqRjcAAAAAAAAA0K04KQkAAAAAAAAgp7yclOzVq5deeG6RXqx6Si9XP6Obf/i9jL/H6FEjVPPqCm2oXaUbb7i64Gd97iZ3OLm7MnvvtKnalnxZ1euXZjTXHbs5VnF09rmbznHkjrGzz90xdr7uO99WdfUzWr9+qWbOvFu9evXK2e4QZ33ujjF3jJ1D/ftrjMfK5+4YOwOhMOeye4/Aop5l7S7o27eP9uz5QEVFRVqx7FH9w3dv1pq1L6X1PROJhOpqVmrM2EuUTDZo9QuVmnjZVaqre6MgZ8lN7lx0PvOMU7V79x5Nn36XTh46Mq2ZfMgd4s87xs6h5o6xc6i5Y+wcau4QOrd39+3S0hIte/ZRff4vvqyPPvpIs2ffoyefeEa/nDnvY7/vUH+zDvHnHcKxIne8naUw//4a67EKMXcInZv21rf3r6zo/aJ8YnZPdAXm/yZn5e3zxNvLt/fs+UCSVFxcpKLiYmVycnT4sKHauHGzNm3aosbGRs2bt0Djx40u2Flykzvbs5K0ctUavfvezrR/f77kDvHnHWPnUHPH2DnU3DF2DjV3qJ0lqaioSIcd1ls9evRQn8MO07aG7XmfO8ZjFWPuGDtLYf79NdZjFWLuUDtDcsZH2490mFkPM1tvZotaPz/RzNaY2RtmNtfMerY+3qv18zdbvz64K8fK20nJRCKhqnVL1FD/Gy1dukJr161Pe7a0rERbk9sOfJ6sb1BpaUnBzvrcTe7c7vbZuSs4VnTO5910jiN3jJ197o6x87Zt23XHHfforY1rtXXLeu3atUtPP70i73PHeKxizB1j564KtTO5w5j1vRvohOsk1bX5/N8k3eGc+1NJ70m6svXxKyW955wbIumO1t/XaR2elDSzz7f5dbGZTTGzx83sx2bWpyuLW1paVDFslE44sULDKobqpJM+m/as2cGnetO90jLEWZ+7yZ3b3T47dwXHKnezPnfHmDvGzj530zmzWZ+7Y+x81FH9NG7caP3pZ76oT53wBfXp20ff+MbX0prt6u4QZ33ujjF3jJ27KtTO5A5j1vduIBNmVi7pfEn3tX5uks6R9HDrb3lQ0oWtv76g9XO1fn2ktfeETVOqKyVntPn1TyUNkTRV0mGS7jnUkJlNMrMqM6tqadnT4YL339+l5Sue1+hRI9IKLEn1yQYNKi898Hl52UA1NOwo2Fmfu8md290+O3cFx4rO+bybznHkjrGzz90xdh458kxt3rxF77zzrpqamvTYY0/otC9W5H3uGI9VjLlj7NxVoXYmdxizvncDGbpT0o2SWlo/P0bSTudcU+vnSUllrb8uk7RVklq//n7r7++UVCcl257tHCnp28655ZK+K+nkQw0556Y55yqccxWJRN+Dvj5gQH/163ekJKl3794aec6Zeu21jWmHXldVrSFDTtTgwYNUXFysCRMu0MJFSwp2ltzkzvZsV3Gs6JzPu+kcR+4YO4eaO9TOW7fUa/ipX9Bhh/WWJJ3z5TO0YUN6NzvwmTvGYxVj7hg7d1Wonckdxqzv3UBbbS8cbP2Y1OZrX5H0tnPuxbYj7Xwbl8bXMlaU4uv9zOyr2nfyspdzrlGSnHPOzDq9dODA4/XA/XeqR4+EEomEHn54oRZXPp32fHNzs667fooqF89Wj0RCMx6cq9ra1wt2ltzkzvasJM2aebfOPus0DRjQX5vfqtItt96u6TPm5H3uEH/eMXYONXeMnUPNHWPnUHOH2nntuvV65JHFWrv212pqatLL1TW6975f5X3uGI9VjLlj7CyF+ffXWI9ViLlD7Qx8knNumqRph/jylySNN7OxknpLOlL7rpw8ysyKWq+GLJe0/01Ok5IGSUqaWZGkfpLe7Ww26+h9Ccxshj5+xvMm59wOMyuR9Cvn3MhUC4p6lvHGBwAAAAhGp98YSV24VAAAgAw17a3vyr+yCtbPB03kX8dtXLV1VlrPEzMbIekfnXNfMbP5kv7HOTfHzO6R9Bvn3M/N7GpJf+6c+zsz+7qkrznnJnQ2W4dXSjrnrmgn5C+dc9/UvpdzAwAAAAAAACgc/yRpjpn9SNJ6Sfe3Pn6/pJlm9qb2XSH59a4s6fCkpJk93s7D55jZUZLknBvfleUAAAAAAAAA/HLOLZO0rPXXb0ka3s7v+UjSxd21M9V7Sg6SVKN9twV32vdqlmHadwduAAAAAAAAAMhYqrtvnyLpRUmTJb3fetb0Q+fc8ta7cAMAAAAAAABARlK9p2SLpDta3+DyDjPbkWoGAAAAAAAA8KHFdwCkLa0TjM65pKSLzex8SbuyGwkAAADwh1t2AgAAZF9GVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcdMaAAAAAAAAFATeGzoc3q6UvHfaVG1Lvqzq9Us7NT961AjVvLpCG2pX6cYbri74WZ+7yR1O7hg7+9xN5zhyx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5A61MxAKcy6755CLepa1u+DMM07V7t17NH36XTp56MiMvmcikVBdzUqNGXuJkskGrX6hUhMvu0p1dW8U5Cy5yU3n/NtN5zhyx9g51Nwxdg41d4ydQ80dY+dQc8fYOdTcMXYONXcInZv21ltaYSLzn4MmcrFkG9dunZW3zxNvV0quXLVG7763s1Ozw4cN1caNm7Vp0xY1NjZq3rwFGj9udMHOkpvc2Z4ldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmfW9GwhFhyclzewaMxvQ+ushZrbCzHaa2Roz+/PcRDxYaVmJtia3Hfg8Wd+g0tKSgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5I6xs8/dMXYGQpLqSsm/d8690/rruyTd4Zw7StI/SbrnUENmNsnMqsysqqVlTzdF/dj3P+ixdF+GHuKsz93kzu1uOmc263M3nTOb9bmbzpnN+txN58xmfe6mc2azPnfTObNZn7vpnNmsz910zmzW5+4YOwMhSXX37bZfP84596gkOeeWmdkRhxpyzk2TNE069HtKdkV9skGDyksPfF5eNlANDTsKdtbnbnLndjed48gdY2efu+kcR+4YO/vcTec4csfY2eduOseRO8bOPnfH2BlSS96+gyI+KdWVkg+b2Qwz+7SkR83sejP7lJl9S9KWHORr17qqag0ZcqIGDx6k4uJiTZhwgRYuWlKws+Qmd7ZnyR3OLLnDmSV3OLPkDmeW3OHMkjucWXKHM0vucGZ97wZC0eGVks65ya0nIB+S9CeSekmaJOkxSZd2ZfGsmXfr7LNO04AB/bX5rSrdcuvtmj5jTlqzzc3Nuu76KapcPFs9EgnNeHCuamtfL9hZcpM727PkDmeW3OHMkjucWXKHM0vucGbJHc4sucOZJXc4s753A6GwTN+XwMxmOucuS/f3Z+Pl2wAAAAAAADFr2lvPC5XbcdenJnIeqo3rtszK2+dJh1dKmtnj7Tx8zv7HnXPjs5IKAAAAAAAAQMFKdaObckm1ku6T5CSZpGGSpmY5FwAAAAAAAJCRFt8BkLZUN7qpkPSipMmS3nfOLZP0oXNuuXNuebbDAQAAAAAAACg8qW500yLpDjOb3/rPHalmAAAAAAAAAKAjaZ1gdM4lJV1sZudL2pXdSAAAAEB8Eta196FvyfAGlgAAAD5ldNWjc26xpMVZygIAAAAAAAAgArwUGwAAAAAAAAWBG92EI9WNbgAAAAAAAACgW3FSEgAAAAAAAEBOeTkp2atXL73w3CK9WPWUXq5+Rjf/8HsZf4/Ro0ao5tUV2lC7SjfecHXBz/rcTe5wcsfY2eduOseRO8bOPnfTOY7cMXbOdH7aL25Xcmu11r/09IHHjj76KFVWzlZNzUpVVs7WUUf1y3pujlU4uWPs7HM3nePIHWpnIBTmsnyXvqKeZe0u6Nu3j/bs+UBFRUVasexR/cN3b9aatS+l9T0TiYTqalZqzNhLlEw2aPULlZp42VWqq3ujIGfJTW46599uOseRO8bOoeaOsXOouWPsnO5827tvn3HGqdq9e4+mP3Cnhn7hXEnST348We++u1O33X63bvjHq3X00f30g8k/PjDT3t23871zvs2GmjvGzqHmjrFzqLlD6Ny0t94O8S2iNvVTE7N7oisw39syK2+fJ95evr1nzweSpOLiIhUVFyuTk6PDhw3Vxo2btWnTFjU2NmrevAUaP250wc6Sm9zZniV3OLPkDmeW3OHMkjuc2Zhyr1q1Ru+9t/Njj40bN0ozZ82XJM2cNV/jx6feH1LnfJgNNXeMnUPNHWPnUHOH2hkIibeTkolEQlXrlqih/jdaunSF1q5bn/ZsaVmJtia3Hfg8Wd+g0tKSgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5t7n3O+64Adq+/W1J0vbtb+vYY4/J6l6OVW530zmO3DF29rk7xs6QHB8f+8hnHZ6UNLNHzGyimR3e3YtbWlpUMWyUTjixQsMqhuqkkz6b9qzZwVeepnulZYizPneTO7e76ZzZrM/ddM5s1uduOmc263M3nTOb9bmbzpnNdsd8Z4Xamdy5m/W5O8bcMXb2uTvGzkBIUl0peaqkCyVtMbN5ZvZVM+uZ6pua2SQzqzKzqpaWPR3+3vff36XlK57X6FEj0g5dn2zQoPLSA5+Xlw1UQ8OOgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5t7n3e/vtd1RScpwkqaTkOP3ud7/P6l6OVW530zmO3DF29rk7xs5ASFKdlHzbOXeRpBMkLZT0bUn1ZjbdzEYdasg5N805V+Gcq0gk+h709QED+qtfvyMlSb1799bIc87Ua69tTDv0uqpqDRlyogYPHqTi4mJNmHCBFi5aUrCz5CZ3tmfJHc4sucOZJXc4s+QOZzbW3PstXPSULpt4sSTpsokXa+HC1POhdiY3nfN5N53jyB1qZyAkRSm+7iTJOfcHSTMlzTSz/pImSLpJUqf+VzFw4PF64P471aNHQolEQg8/vFCLK59Oe765uVnXXT9FlYtnq0cioRkPzlVt7esFO0tucmd7ltzhzJI7nFlyhzNL7nBmY8o985f/pbPOOk0DBvTXWxvX6dZ/marbbvsvzZ59j6741te1dWu9Lrnk7wqqcz7Mhpo7xs6h5o6xc6i5Q+0MhMQ6el8CM1vhnDurKwuKepbxxgcAAABACgk7+D3EMtHC+40BQFSa9tZ37V8cBerfT5jIvxDbuPG3s/L2edLhy7fbOyFpZr/MXhwAAAAAAAAAha7Dl2+b2eOffEjSl83sKElyzo3PVjAAAAAAAAAAhSnVe0oOklQj6T7te39Jk1QhaWqWcwEAAAAAAAAoUKnuvn2KpBclTZb0vnNumaQPnXPLnXPLsx0OAAAAAAAAQOHp8EpJ51yLpDvMbH7rP3ekmgEAAAAAAAB8aPEdAGlL6wSjcy4p6WIzO1/SruxGAgAAAOLT1btnd+Xu3dy5GwAA5FpGVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcdMaAAAAAAAAFATeJTkc3q6UHD1qhGpeXaENtat04w1X53Q+xFmfu8kdTu4YO/vcTec4csfY2eduOseRO8bOPndfc82VWv/S06pev1TXXntlzvZ2dT7GY0XnOHLH2Nnn7hg7A6Ewl+U77RX1LDtoQSKRUF3NSo0Ze4mSyQatfqFSEy+7SnV1b6T1PbsyH+IsuclN5/zbTec4csfYOdTcMXYONXeMnXO1u727b5/0uc9q1qy7dfqXvqK9exu1aNEsXXvtD/Tmm5s+9vvau/t2CJ27ezbU3DF2DjV3jJ1DzR1C56a99Qf/wQ/95ISJXCzZxvd/OytvnyderpQcPmyoNm7crE2btqixsVHz5i3Q+HGjczIf4iy5yZ3tWXKHM0vucGbJHc4sucOZJXfms3/2Z0O0Zs16ffjhR2pubtbKFat1wQVjsr63q/MxHis6x5E7xs6h5g61MxASLyclS8tKtDW57cDnyfoGlZaW5GQ+xFmfu8md2910jiN3jJ197qZzHLlj7OxzN53DyV1T+5rOPPNU9e9/lA47rLfGjDlH5eWlWd/b1fkYjxWd48gdY2efu2PsDISkwxvdmNmnJU2RtE3STyXdIek0SXWSbnDObe7MUmvnpSWZvIy8K/MhzvrcTe7c7qZzZrM+d9M5s1mfu+mc2azP3XTObNbnbjpnNutz94YNb+q223+uJyof0u7de/SbV2rV1NSU9b1dnY/xWNE5s1mfu+mc2azP3TF2BkKS6krJGZLWSdotabWkDZLOk/SkpAcONWRmk8ysysyqWlr2HPT1+mSDBrX5L7TlZQPV0LAj7dBdmQ9x1uducud2N53jyB1jZ5+76RxH7hg7+9xN53ByS9KMGXN06hfP08hzL9J77+486P0ks7WXYxXGrM/dMeaOsbPP3TF2htQix0ebj3yW6qTkEc65/3bO/VTSkc65qc65rc65+yUdfagh59w051yFc64ikeh70NfXVVVryJATNXjwIBUXF2vChAu0cNGStEN3ZT7EWXKTO9uz5A5nltzhzJI7nFlyhzNL7s7tPvbYYyRJgwaV6sILz9PcuQtyspdjFcYsucOZJXc4s753A6Ho8OXbklrM7DOSMqASaAAAIABJREFU+knqY2YVzrkqMxsiqUdnlzY3N+u666eocvFs9UgkNOPBuaqtfT0n8yHOkpvc2Z4ldziz5A5nltzhzJI7nFlyd2733DnTdMwxR6uxsUnfuW6ydu58Pyd7OVZhzJI7nFlyhzPrezcQCuvofQnMbKSkn0tqkfRtSf8g6fPad5JyknPusVQLinqW5fe1ogAAAEABSNjB70GWrhbeqwwAgtO0t77zf/AXsH894VL+pdbG5N/+Km+fJx1eKemcWyrps20eWmVmiySNd861ZDUZAAAAAAAAgIKU6u7bj7fz8AhJj5mZnHPjs5IKAAAAAAAAyBBX0IUj1XtKDpJUI+k+SU6SSRomaWqWcwEAAAAAAAAoUKnuvn2KpBclTZb0vnNumaQPnXPLnXPLsx0OAAAAAAAAQOFJ9Z6SLZLuMLP5rf/ckWoGAAAAAAAAADqS1glG51xS0sVmdr6kXdmNBAAAACBT3EEbAACEJKOrHp1ziyUtzlIWAAAAAAAAoNP4T3ThSPWekgAAAAAAAADQrTgpCQAAAAAAACCnOCkJAAAAAAAAIKe8nZS8d9pUbUu+rOr1Szs1P3rUCNW8ukIbalfpxhuuLvhZn7vJHU7uGDv73E3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkDrUzEApzWb5LX1HPsnYXnHnGqdq9e4+mT79LJw8dmdH3TCQSqqtZqTFjL1Ey2aDVL1Rq4mVXqa7ujYKcJTe56Zx/u+kcR+4YO4eaO8bOoeaOsXOouWPsHGruGDuHmjvGzqHmDqFz0956SytMZG494VLuddPGD3/7q7x9nni7UnLlqjV6972dnZodPmyoNm7crE2btqixsVHz5i3Q+HGjC3aW3OTO9iy5w5kldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OrO/dsWvh42Mf+azDk5JmljCzvzGzxWb2spm9aGZzzGxEjvK1q7SsRFuT2w58nqxvUGlpScHO+txN7tzupnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73E3nOHLH2Nnn7hg7AyEpSvH1+yX9VtJPJF0kaZeklZKmmNmfO+f+s70hM5skaZIkWY9+SiT6dl/ifd//oMfSfRl6iLM+d5M7t7v/P3t3Hyd1fd77/30NuxhFgzdolt0lrin19OT00YhF1MS7xArGBIiNoVWxuTPkdzSpNid67KmJR/trqy02MYlpAm2AaBAwTbACGuJdhP7kZpVFYZeKCIFZFjRVE8Gk7M31+4OVrC67M7OzM5/5zOf19LGPzO7stdf7vTPywG++M186FzYbcjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ7AzHJdVDyD9390723V5vZGnf/qpk9KalF0mEPSrr7HElzpIHfU7IY7dkOjWusP/R5Y8NYdXTsrdrZkLvJXd7ddE4jd4qdQ+6mcxq5U+wccjed08idYueQu+mcRu4UO4fcnWJnICa53lOy08x+R5LM7HRJByTJ3f9LUrDD9OubWzR+/Clqahqn2tpazZgxXQ8uW1m1s+Qmd6lnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM0vueGZD7wZiketMyRskPW5m/9X7vZdLkpmdKGlZMYvvvedunX/e2Roz5njteLFZt942W/PmL8prtru7W9ddf7NWLF+oEZmM5i9YrNbW56t2ltzkLvUsueOZJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdz2zo3anrqdhrTePtLNf7EtjBNzM4wd1/0fv59939z/JdUIqXbwMAAAAAAKSs60A7h98O46tNV3Icqo/bdvygYp8ng54paWb/1uf2mzc/ZGbHSpK7TytdNAAAAAAAAADVKNfLt8dJ2izpn3XwPSRN0hmS7ixxLgAAAAAAAABVKteFbv5Q0tOS/krSL939CUm/dvefufvPSh0OAAAAAAAAQPUZ9ExJd++R9DUzu7/3f/fmmgEAAAAAAABC6BFvKRmLvA4wuntW0ifM7COSflXaSAAAAAAAAACqWUFnPbr7cknLS5QFAAAAAAAAQAJyvackAAAAAAAAAAwrDkoCAAAAAAAAKCsOSgIAAAAAAAAoq2AHJadMvkCbNz2pLa2rdeMN15Z1PsbZkLvJHU/uFDuH3E3nNHKn2DnkbjqnkTvFziF3h+wsSZlMRuvX/UQP/HhB2XbzWKXROeRuOqeRO9bOqXM+3vJRycy9tBFrRjb0W5DJZNS2eZUuvuRyZbMdWvPUCs286hq1tW3N62cWMx/jLLnJTefK203nNHKn2DnW3Cl2jjV3ip1jzV1s5zddf90s/eEf/oHeecwxmn7pJ/Oa4bGic7XmTrFzrLlj6Nx1oN3yCpOYv2q6otKPxZXV3+xYWLHPkyBnSk46Y4K2bduh7dt3qrOzU0uWPKBpU6eUZT7GWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhm39TQMFaXfPhCfe979xU0x2NF50reTec0csfaGYhJkIOS9Q112pXdfejzbHuH6uvryjIf42zI3eQu7246p5E7xc4hd9M5jdwpdg65m85p5C62syT945236qa//H/V09NT0ByPFZ0reTed08gda2cgJoMelDSz0WZ2u5ltMbP/7P1o6/3asUNdatb/zNFCXkZezHyMsyF3k7u8u+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcHbLzRy75I7300i/0zIbn8p4Zjt08VoXNhtydYu4UO4fcnWJnICY1Oe5fIukxSRe4+x5JMrM6SZ+UdL+kiw43ZGazJM2SJBsxWpnMqLfc357t0LjG+kOfNzaMVUfH3rxDFzMf42zI3eQu7246p5E7xc4hd9M5jdwpdg65m85p5C628/vfP1FTPzpZH774Q3rHO47QO995jBbM/4Y++ak/r+jcMf6+U+wccjed08gda2dIhZ2bj5ByvXy7yd3vePOApCS5+x53v0PSuwcacvc57j7R3Se+/YCkJK1vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kldzyz5I5nltzxzJI7nllJ+qubb1fTeyZq/Kln6cqZ1+jxx/89rwOSoXPH+PtOsXOsuVPsHGvuWDsDMcl1puTPzexGSQvcfa8kmdm7JH1K0q6hLu3u7tZ119+sFcsXakQmo/kLFqu19fmyzMc4S25yl3qW3PHMkjueWXLHM0vueGbJHc9ssXis6FzJu+mcRu5YOwMxscHel8DMjpN0k6Tpkt4lySXtlfRvku5w91dyLagZ2cAbHwAAAAAAAAyjrgPt/d98EvrLpis4DtXH3+1YWLHPk0HPlHT3VyX9794Pmdm5kiZJei6fA5IAAAAAAAAA8HaDHpQ0s3XuPqn39tWSrpW0VNItZna6u99ehowAAAAAAABATj3iRMlY5LrQTW2f25+XNNndb5U0WdKVJUsFAAAAAAAAoGrlutBNpvd9JTM6+P6TL0uSu+83s66SpwMAAAAAAABQdXIdlBwt6WlJJsnNrM7d95jZ0b1fAwAAAAAAAICC5LrQTdMAd/VIujSfBcUcueRdAAAAAAAAAIDqk+tMycNy9zckbR/mLAAAAAAAAAASMKSDkgAAAAAAAECl4VW38ch19W0AAAAAAAAAGFYclAQAAAAAAABQVsEOSm59fo02PPOImtev1JqnVhQ8P2XyBdq86UltaV2tG2+4tupnQ+4mdzy5U+wccjed08idYueQu+mcRu4UO4fcHWPnuXPu1O7sRrVseLTgncXsHY75GGdD7k4xd4qdQ+5OsTMQC3Mv7avta0c2HHbB1ufX6KyzP6z//M9XB5wdKFkmk1Hb5lW6+JLLlc12aM1TKzTzqmvU1rY1Z54YZ8lNbjpX3m46p5E7xc6x5k6xc6y5U+wca+6Qnc8950zt27df8+bdpdMmXJjXvkrIHeMsueOZJXc8s+Xa3XWg3fIKk5gbmy7nbSX7+Psd91Xs8yTKl29POmOCtm3boe3bd6qzs1NLljygaVOnVO0sucld6llyxzNL7nhmyR3PLLnjmSV3PLPFzq9avVavvPpa3rsqJXeMs+SOZ5bc8cyG3p26Hj7e8lHJgh2UdHc9tOI+rV3zkK7+7JUFzdY31GlXdvehz7PtHaqvr6va2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPIHbJzMXis0ugccjed08gda2cgJjVDHTSzh9z9w0OdP/+Cj6mjY69OPPEEPfzQIm35jxe0evXafHf3+1q+L0OPcTbkbnKXdzedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu2PtXAweq8JmQ+5OMXeKnUPuTrEzEJNBD0qa2ekD3SXptEHmZkmaJUmZEaOVyYzq9z0dHXslSS+//J9a+sBDOuOM0/I+KNme7dC4xvpDnzc2jD3086pxNuRucpd3N53TyJ1i55C76ZxG7hQ7h9xN5zRyh+xcDB6rNDqH3E3nNHLH2hmISa6Xb6+XNFvSnW/7mC3p2IGG3H2Ou09094mHOyB51FFH6uijRx26fdEfna/Nm/8j79Drm1s0fvwpamoap9raWs2YMV0PLltZtbPkJnepZ8kdzyy545kldzyz5I5nltzxzA7H/FDxWKXROdbcKXaONXesnYGY5Hr5dpukz7t7v8tDmdmuoS5917tO1A/v/xdJ0oiaEVq0aKlWrnwi7/nu7m5dd/3NWrF8oUZkMpq/YLFaW5+v2llyk7vUs+SOZ5bc8cySO55ZcsczS+54Zoudv/eeu3X+eWdrzJjjtePFZt1622zNm7+o4nPHOEvueGbJHc9s6N2p6xEvdY+FDfa+BGZ2maTn3L3faYxm9jF3X5prQe3IhiE/G3gaAQAAAAAA9Nd1oL3/m09CX2r6Uw4n9fGPOxZV7PNk0DMl3f2HfT83s3MkTZK0KZ8DkgAAAAAAAADwdoO+p6SZretz+3OSviXpGEm3mNlNJc4GAAAAAAAAoArlutBNbZ/bsyRd5O63Spos6cqSpQIAAAAAAABQtXJd6CZjZsfp4MFLc/eXJcnd95tZV8nTAQAAAAAAAHniDSXjkeug5GhJT0sySW5mde6+x8yO7v1aTjwZAAAAAAAAAPSV60I3TQPc1SPp0mFPAwAAAAAAAKDq5TpT8rDc/Q1J24c5CwAAAAAAAIAE5LrQDQAAAAAAAAAMKw5KAgAAAAAAACirIb18GwAAAAAAAKg0PaEDIG9BzpRsbKzXIyvv13PPPqGNLY/pi1/4bME/Y8rkC7R505Pa0rpaN95wbdXPhtxN7nhyp9g55O4YO8+dc6d2ZzeqZcOjBe8sZu9wzMc4G3J3irlT7BxyN53TyJ1i55C76ZxG7hQ7h9ydYmcgFubuJV1QM7Kh34K6upM0tu4kbWjZpKOPHqV1ax/Wxy/7jNratub1MzOZjNo2r9LFl1yubLZDa55aoZlXXZPXfIyz5CY3nStvd6ydzz3nTO3bt1/z5t2l0yZcmNe+Ssgd4yy545kldzyz5I5nltzxzJI7nllyxzNbrt1dB9otrzCJua7pT0t7oCsyd+1YVLHPkyBnSu7Z85I2tGySJO3bt19btmxVQ31d3vOTzpigbdt2aPv2ners7NSSJQ9o2tQpVTtLbnKXepbc8cwWO79q9Vq98upree+qlNwxzpI7nllyxzNL7nhmyR3PLLnjmSV3PLOhdwOxGPSgpJm908z+zszuMbMr3nbft4cjwMknN+q09/2+1q7bkPdMfUOddmV3H/o8296h+jwPasY4G3I3ucu7m85p5A7ZuRg8Vml0DrmbzmnkTrFzyN10TiN3ip1D7qZzGrlj7QzEJNeZkvMkmaR/lfSnZvavZnZE731nDTRkZrPMrNnMmnt69g/4w0eNOkpLFs/Vl758i15/fV/eoc36n3ma78vQY5wNuZvc5d1N58JmQ+6OtXMxeKwKmw25O8XcKXYOuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu1PsDMn55y3/VLJcByV/x91vcvel7j5N0jOSHjOzEwYbcvc57j7R3SdmMqMO+z01NTW6f/Fc3Xffj7V06UMFhW7PdmhcY/2hzxsbxqqjY2/VzobcTe7y7qZzGrlDdi4Gj1UanUPupnMauVPsHHI3ndPInWLnkLvpnEbuWDsDMcl1UPIIMzv0Pe7+N5LmSHpS0qAHJnOZO+dOtW15QV+/a07Bs+ubWzR+/Clqahqn2tpazZgxXQ8uW1m1s+Qmd6lnyR3P7HDMDxWPVRqdY82dYudYc6fYOdbcKXaONXeKnWPNnWLnWHPH2hmISU2O+x+U9CFJj7z5BXdfYGZ7JX1zqEs/8P4zdNXMy/Tsc61qXn/wX6yvfOV2PfTwY3nNd3d367rrb9aK5Qs1IpPR/AWL1dr6fNXOkpvcpZ4ldzyzxc7fe8/dOv+8szVmzPHa8WKzbr1ttubNX1TxuWOcJXc8s+SOZ5bc8cySO55ZcsczS+54ZkPvBmJhBb4nwjmSJkna5O55HaavGdlQ2S9gBwAAAAAAiEzXgfb+bz4J/XnTn3Acqo9v7Fhcsc+TXFffXtfn9uckfUvSMZJuMbObSpwNAAAAAAAAyFsPH2/5qGS53lOyts/tWZIucvdbJU2WdGXJUgEAAAAAAACoWrneUzJjZsfp4MFLc/eXJcnd95tZV8nTAQAAAAAAAKg6uQ5Kjpb0tCST5GZW5+57zOzo3q8BAAAAAAAAQEEGPSjp7k0D3NUj6dJhTwMAAAAAAACg6uU6U/Kw3P0NSduHOQsAAAAAAACABAzpoCQAAAAAAABQaXrkoSMgT7muvg0AAAAAAAAAw4qDkgAAAAAAAADKKshBycbGej2y8n499+wT2tjymL74hc8W/DOmTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3eKnUPupnMauVPsHHI3ndPInWLnkLvpXNjs3Dl3and2o1o2PFrQ3HDs5rFKI3eKnUPuTrEzEAtzL+1r7WtGNvRbUFd3ksbWnaQNLZt09NGjtG7tw/r4ZZ9RW9vWvH5mJpNR2+ZVuviSy5XNdmjNUys086pr8pqPcZbc5KZz5e2mcxq5U+wca+4UO8eaO8XOseZOsbMknXvOmdq3b7/mzbtLp024MK+Z0LlTfaxizJ1i51hzx9C560C75RUmMdc0zeBNJfv49o4lFfs8CXKm5J49L2lDyyZJ0r59+7Vly1Y11NflPT/pjAnatm2Htm/fqc7OTi1Z8oCmTZ1StbPkJnepZ8kdzyy545kldzyz5I5nltzxzMace9XqtXrl1dfy/v5KyJ3qYxVj7hQ7x5o71s6QnI+3fFSy4O8pefLJjTrtfb+vtes25D1T31CnXdndhz7PtneoPs+DmjHOhtxN7vLupnMauVPsHHI3ndPInWLnkLvpnEbuFDsXK9bO5I5jNuTuFHPH2hmIyaAHJc2szsz+yczuNrMTzOz/mtlzZrbEzMYWu3zUqKO0ZPFcfenLt+j11/flPWfW/8zTfF+GHuNsyN3kLu9uOhc2G3I3nQubDbmbzoXNhtxN58JmQ+6mc2GzIXfTubDZYsXamdxxzIbcnWLuWDsDMcl1puR8Sa2Sdkl6XNKvJX1E0ipJ3xloyMxmmVmzmTX39Ow/7PfU1NTo/sVzdd99P9bSpQ8VFLo926FxjfWHPm9sGKuOjr1VOxtyN7nLu5vOaeROsXPI3XROI3eKnUPupnMauVPsXKxYO5M7jtmQu1PMHWtnICa5Dkq+y92/6e63SzrW3e9w953u/k1JJw805O5z3H2iu0/MZEYd9nvmzrlTbVte0NfvmlNw6PXNLRo//hQ1NY1TbW2tZsyYrgeXrazaWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhmY85djFg7kzuOWXLHMxt6NxCLmhz39z1o+f1B7ivIB95/hq6aeZmefa5VzesP/ov1la/crocefiyv+e7ubl13/c1asXyhRmQymr9gsVpbn6/aWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhmY8597z136/zzztaYMcdrx4vNuvW22Zo3f1FF5071sYoxd4qdY80da2dIPRV/eRe8yQZ7XwIzu03S37v7vrd9fbyk2939slwLakY28GwAAAAAAAAYRl0H2vu/+ST0+aZPcByqj+/uuL9inyeDninp7l/t+7mZnSNpkqRN+RyQBAAAAAAAAIC3y3X17XV9bn9O0rckHSPpFjO7qcTZAAAAAAAAAFShXO8LWdvn9ixJF7n7rZImS7qyZKkAAAAAAAAAVK2cF7oxs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAACAitATOgDylutCN00D3NUj6dJhTwMAAAAAAACg6uU6U/Kw3P0NSduHOQsAAAAAAACABOS60A0AAAAAAAAADCsOSgIAAAAAAAAoqyG9fBsAAAAAAACoNC4PHQF5Cnam5Nw5d2p3dqNaNjw6pPkpky/Q5k1Pakvrat14w7VVPxtyN7njyZ1i55C76ZxG7hQ7h9xN5zRyx9qZv7/G81ilmDvFziF30zmN3LF2BmJh7qU9glwzsuGwC84950zt27df8+bdpdMmXFjQz8xkMmrbvEoXX3K5stkOrXlqhWZedY3a2rZW5Sy5yU3nyttN5zRyp9g51twpdo41d6ydJf7+GstjlWLuFDvHmjvFzrHmjqFz14F2yytMYq5uuoxTJfv45x0/rNjnScFnSprZScOxeNXqtXrl1deGNDvpjAnatm2Htm/fqc7OTi1Z8oCmTZ1StbPkJnepZ8kdzyy545kldzyz5I5nNvRu/v4ax2OVYu4UO8eaO8XOseaOtTMQk0EPSprZ8W/7OEHSOjM7zsyOL1PGfuob6rQru/vQ59n2DtXX11XtbMjd5C7vbjqnkTvFziF30zmN3Cl2Drk7xc7FivH3HetjlWLuFDuH3E3nNHLH2hmISa4L3fxC0s/f9rUGSc9IcknvOdyQmc2SNEuSbMRoZTKjiozZ7+f3+1q+L0OPcTbkbnKXdzedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd6fYuVgx/r5jfaxSzJ1i55C76VzYbMjdKXaG1BM6APKW6+XbN0r6D0nT3P0Udz9FUrb39mEPSEqSu89x94nuPnG4D0hKUnu2Q+Ma6w993tgwVh0de6t2NuRucpd3N53TyJ1i55C76ZxG7hQ7h9ydYudixfj7jvWxSjF3ip1D7qZzGrlj7QzEZNCDku4+W9LVkr5qZv9oZsdI4a+tvr65RePHn6KmpnGqra3VjBnT9eCylVU7S25yl3qW3PHMkjueWXLHM0vueGZD7y5GjL/vWB+rFHOn2DnW3Cl2jjV3rJ2BmOR6+bbcPSvpE2Y2VdJPJR01HIvvvedunX/e2Roz5njteLFZt942W/PmL8prtru7W9ddf7NWLF+oEZmM5i9YrNbW56t2ltzkLvUsueOZJXc8s+SOZ5bc8cyG3s3fX+N4rFLMnWLnWHOn2DnW3LF2BmJiBb4nwrmSzpe0zt3zOkxfM7Ih+JmVAAAAAAAA1aTrQHv/N5+EPtN0Gceh+vjejh9W7PMk19W31/W5/TlJ35A0QtItZnZTibMBAAAAAAAAqEK5Xr5d2+f2LEmT3f1lM5staY2k20uWDAAAAAAAACiAh78UCvKU66BkxsyO08EzKs3dX5Ykd99vZl0lTwcAAAAAAACg6uQ6KDla0tOSTJKbWZ277zGzo3u/BgAAAAAAAAAFGfSgpLs3DXBXj6RLhz0NAAAAAAAAgKqX60zJw3L3NyRtH+YsAAAAAAAAABIwpIOSAAAAAAAAQKXpCR0AecuEDgAAAAAAAAAgLRyUBAAAAAAAAFBWwQ5KTpl8gTZvelJbWlfrxhuuLet8jLMhd5M7ntzFzM6dc6d2ZzeqZcOjBc0Nx24eqzQ6h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQCzM3Uu6oGZkQ78FmUxGbZtX6eJLLlc226E1T63QzKuuUVvb1rx+ZjHzMc6Sm9zl6HzuOWdq3779mjfvLp024cK8Ziohd4y/7xQ7x5o7xc6x5k6xc6y5U+wca+4UO8eaO8XOseZOsXOsuWPo3HWg3fIKk5hPNn28tAe6IrNgx79W7PMkyJmSk86YoG3bdmj79p3q7OzUkiUPaNrUKWWZj3GW3OQu9awkrVq9Vq+8+lre318puWP8fafYOdbcKXaONXeKnWPNnWLnWHOn2DnW3Cl2jjV3ip1jzR1rZ0g97nz0+ahkQQ5K1jfUaVd296HPs+0dqq+vK8t8jLMhd5O7vLtDdi4GjxWdK3k3ndPInWLnkLvpnEbuFDuH3E3nNHKn2Dnk7hQ7AzEZ9KCkmV3c5/ZoM/sXM3vWzBaa2buGutSs/5mjhbyMvJj5GGdD7iZ3eXeH7FwMHqvyzYbcnWLuFDuH3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ7AzHJdabk3/a5faekDklTJa2X9N2Bhsxslpk1m1lzT8/+fve3Zzs0rrH+0OeNDWPV0bE379DFzMc4G3I3ucu7O2TnYvBY0bmSd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+5OsTMQk0Jevj3R3W9295+7+9ckNQ30je4+x90nuvvETGZUv/vXN7do/PhT1NQ0TrW1tZoxY7oeXLYy7yDFzMc4S25yl3q2WDxWdK7k3XROI3eKnWPNnWLnWHOn2DnW3Cl2jjV3ip1jzR1rZyAmNTnuP8nMviTJJL3TzMx/e87wkN+Psru7W9ddf7NWLF+oEZmM5i9YrNbW58syH+Msucld6llJuveeu3X+eWdrzJjjtePFZt1622zNm7+o4nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT7Bxr7hQ7x5o71s6QeKF7PGyw9yXz5hVrAAAgAElEQVQws1ve9qVvu/vLZlYn6e/d/c9yLagZ2cDzAQAAAAAAYBh1HWjv/+aT0MyT/5jjUH3c+/MfVezzZNAzJd391r6fm9k5ZnaVpE35HJAEAAAAAAAAgLfLdfXtdX1uXy3pW5KOkXSLmd1U4mwAAAAAAAAAqlCu94Ws7XP785Iu6j17crKkK0uWCgAAAAAAAEDVynWhm4yZHaeDBy/N3V+WJHffb2ZdJU8HAAAAAAAAoOrkOig5WtLTOnj1bTezOnffY2ZH934NAAAAAAAAqAg9XH87GrkudNM0wF09ki4d9jQAAAAAgAFlbOjnhvQ4/6EOAKgcuc6UPCx3f0PS9mHOAgAAAAAAACABuS50AwAAAAAAAADDioOSAAAAAAAAAMpqSC/fBgAAAAAAACqNc6GbaAQ7U3LunDu1O7tRLRseHdL8lMkXaPOmJ7WldbVuvOHaqp8NuZvc8eQuZjbWfydD7qZzGrlT7BxyN53TyJ1i55C76Vy9ued8d7ayu1q04ZlHDn3t43/8EbVseFS/+fVOnX76H1Rk7uGaDbmbzuXLzX+nDG03EAPzEl+BrWZkw2EXnHvOmdq3b7/mzbtLp024sKCfmclk1LZ5lS6+5HJlsx1a89QKzbzqGrW1ba3KWXKTuxydY/x3MuRuOqeRO8XOseZOsXOsuVPsHGvuFDvHkLvv1bfPefPvb9/7uiac/keSpN/7vfHq6enR3d+6Q//7pr/WM888e+j7B7r6dqV3rrTddC5vbv47ZeDZrgPtNsCPSNrlJ3+MUyX7uO/nSyv2eRLsTMlVq9fqlVdfG9LspDMmaNu2Hdq+fac6Ozu1ZMkDmjZ1StXOkpvcpZ6V4vx3MuRuOqeRO8XOseZOsXOsuVPsHGvuFDvHlnv16rV69W1/f9uy5QU9//yLee0MlXs4ZmPNnWLnYuf575TCdwOxKPigpJmdUIoghahvqNOu7O5Dn2fbO1RfX1e1syF3k7u8u0N2LgaPFZ0reTed08idYueQu+mcRu4UO4fcneLf5VJ8rFLsPBzzQxVr55B/HgDlNOhBSTO73czG9N6eaGYvSlprZj83s/PLkvDwufp9Ld+Xocc4G3I3ucu7O2TnYvBYlW825O4Uc6fYOeRuOhc2G3I3nQubDbmbzoXNhtyd4t/lUnysUuw8HPNDFWvnkH8eVIMePt7yUclynSn5EXf/Re/tf5D0J+4+XtJFku4caMjMZplZs5k19/TsH6aov9We7dC4xvpDnzc2jFVHx96qnQ25m9zl3R2yczF4rOhcybvpnEbuFDuH3E3nNHKn2Dnk7hT/LpfiY5Vi5+GYH6pYO4f88wAop1wHJWvNrKb39pHuvl6S3P15SUcMNOTuc9x9ortPzGRGDVPU31rf3KLx409RU9M41dbWasaM6Xpw2cqqnSU3uUs9WyweKzpX8m46p5E7xc6x5k6xc6y5U+wcc+5ixNo5xtwpdh6O+aGKtXPIPw+AcqrJcf/dklaY2e2SHjazr0v6kaQLJbUUs/jee+7W+eedrTFjjteOF5t1622zNW/+orxmu7u7dd31N2vF8oUakclo/oLFam19vmpnyU3uUs9Kcf47GXI3ndPInWLnWHOn2DnW3Cl2jjV3ip1jy33P97+l83r//vbitvW67a/v1KuvvKavfe2vdeKJx+uBpQu08dnN+uhHZ1ZU7uGYjTV3ip2Lnee/UwrfDcTCcr0vgZldIOl/SjpVBw9i7pK0VNI8d+/MtaBmZANvfAAAAAAAwyBj/d9rLl89vCcdUFW6DrQP/Q+EKvYnJ3+MP+z6WPzzpRX7PMl1pqTc/QlJT0iSmZ0raZKkHfkckAQAAAAAAACAtxv0oKSZrXP3Sb23r5Z0rQ6eJXmLmZ3u7reXISMAAAAAAACQU484UTIWOS900+f25yVNdvdbJU2WdGXJUgEAAAAAAACoWrlevp0xs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAGXCxWoAANVi0IOS7t40wF09ki4d9jQAAAAAAAAAql7Oq28fjru/IWn7MGcBAAAAAAAAhsy50E00cl3oBgAAAAAAAACGFQclAQAAAAAAAJQVByUBAAAAAAAAlFWwg5JTJl+gzZue1JbW1brxhmvLOh/jbMjd5I4nd4qdQ+6mcxq5U+wccjed08idYueQu+mcRu5iZufOuVO7sxvVsuHRguaGYzePVRqdQ+5OsTMQC3Mv7RuA1oxs6Lcgk8mobfMqXXzJ5cpmO7TmqRWaedU1amvbmtfPLGY+xllyk5vOlbebzmnkTrFzrLlT7Bxr7hQ7x5o7xc6x5i6287nnnKl9+/Zr3ry7dNqEC/OaqYTcMf6+U+wca+4YOncdaLe8wiTmj0+expVu+vjRz/+tYp8nQc6UnHTGBG3btkPbt+9UZ2enlix5QNOmTinLfIyz5CZ3qWfJHc8sueOZJXc8s+SOZ5bc8cySO55ZSVq1eq1eefW1vL+/UnLH+PtOsXOsuWPtDMRk0IOSZvaMmd1sZr8znEvrG+q0K7v70OfZ9g7V19eVZT7G2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLtDdi4GjxWdK3l3ip2BmOQ6U/I4ScdKetzM1pnZX5hZfa4famazzKzZzJp7evYf7v5+XyvkZeTFzMc4G3I3ucu7m86FzYbcTefCZkPupnNhsyF307mw2ZC76VzYbMjddC5sNuTukJ2LwWNVvtmQu1PMHWtnICa5Dkq+6u5fdvd3S/pfkn5X0jNm9riZzRpoyN3nuPtEd5+YyYzqd397tkPjGn97bLOxYaw6OvbmHbqY+RhnQ+4md3l30zmN3Cl2DrmbzmnkTrFzyN10TiN3ip1D7g7ZuRg8VnSu5N0pdgZikvd7Srr7Kne/RlKDpDsknT3UpeubWzR+/Clqahqn2tpazZgxXQ8uW1mW+RhnyU3uUs+SO55ZcsczS+54Zskdzyy545kldzyzxeKxonMl706xMxCTmhz3P//2L7h7t6SHez+GpLu7W9ddf7NWLF+oEZmM5i9YrNbWfqtKMh/jLLnJXepZcsczS+54Zskdzyy545kldzyz5I5nVpLuvedunX/e2Roz5njteLFZt942W/PmL6r43DH+vlPsHGvuWDuDl7rHxAp8T4RzJE2StMnd8zpMXzOygWcDAAAAAADAMOo60N7/zSehS989leNQffx454MV+zzJdfXtdX1uf07StyQdI+kWM7upxNkAAAAAAAAAVKFc7ylZ2+f2LEkXufutkiZLurJkqQAAAAAAAABUrVzvKZkxs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAACAitAj3lIyFoMelHT3pgHu6pF06bCnAQAAAAAAAFD1cp0peVju/oak7cOcBQAAAAAAAEACcl3oBgAAAAAAAACGFQclAQAAAAAAAJTVkF6+DQAAAAAAAFSantABkLdgZ0pOmXyBNm96UltaV+vGG64t63yMsyF3kzue3Cl2DrmbzmnkTrFzyN10TiN3ip1D7qZzGrlT7BxyN53Ll3vunDu1O7tRLRseLXhnMXuLnQ29G4iBuZf2Uuk1Ixv6LchkMmrbvEoXX3K5stkOrXlqhWZedY3a2rbm9TOLmY9xltzkpnPl7aZzGrlT7Bxr7hQ7x5o7xc6x5k6xc6y5U+wca+4UOxc7f+45Z2rfvv2aN+8unTbhwrz2DcfeGB6rrgPtlleYxEx990dLe6ArMg/uXFaxz5MgZ0pOOmOCtm3boe3bd6qzs1NLljygaVOnlGU+xllyk7vUs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545lNNfeq1Wv1yquv5b1ruPbG+lgBMQlyULK+oU67srsPfZ5t71B9fV1Z5mOcDbmb3OXdTec0cqfYOeRuOqeRO8XOIXfTOY3cKXYOuZvOaeROsfNwzA9VrJ1D/b6Achv0oKSZTTSzx83sXjMbZ2Y/NbNfmtl6M5sw1KVm/c8cLeRl5MXMxzgbcje5y7ubzoXNhtxN58JmQ+6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sdjvmhirVzqN8XUG65rr79bUm3SDpW0v8n6S/c/SIzu7D3vrMPN2RmsyTNkiQbMVqZzKi33N+e7dC4xvpDnzc2jFVHx968QxczH+NsyN3kLu9uOqeRO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnYdjfqhi7Rzq91UtXBzAjUWul2/XuvtD7n6fJHf3H+rgjUclvWOgIXef4+4T3X3i2w9IStL65haNH3+KmprGqba2VjNmTNeDy1bmHbqY+RhnyU3uUs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNtXcxYi1c6jfF1Buuc6U/I2ZTZY0WpKb2cfcfamZnS+pe6hLu7u7dd31N2vF8oUakclo/oLFam19vizzMc6Sm9ylniV3PLPkjmeW3PHMkjueWXLHM0vueGbJHc9sqrnvvedunX/e2Roz5njteLFZt942W/PmLyr53lgfKyAmNtj7EpjZaZLukNQj6S8k/U9JfyZpt6RZ7v7vuRbUjGzgvFkAAAAAAIBh1HWgvf+bT0IfffdHOA7Vx7Kdyyv2eTLomZLu3iLp0HXnzeyHknZKei6fA5IAAAAAAAAA8HaDHpQ0s3XuPqn39uckXSNpqaRbzOx0d7+9DBkBAAAAAACAnHq40E00cl7ops/tWZImu/utkiZLurJkqQAAAAAAAABUrVwXusmY2XE6ePDS3P1lSXL3/WbWVfJ0AAAAAAAAAKpOroOSoyU9Lcl08Orbde6+x8yO7v0aAAAAAAAAABQk14Vumga4q0fSpcOeBgAAAABQdYo5o4V3hwOA6pTrTMnDcvc3JG0f5iwAAAAAAADAkLnzf2XEIteFbgAAAAAAAABUITMbZ2aPm1mbmW02s+t6v368mf3UzLb2/u9xvV83M/uGmb1gZs+a2elD3c1BSQAAAAAAACBNXZL+l7v/d0lnSbrWzN4r6SZJj7r770p6tPdzSfqwpN/t/Zgl6Z+GupiDkgAAAAAAAECC3L3D3Z/pvf26pDZJDZKmS1rQ+20LJH2s9/Z0Sd/3g9ZIOtbMxg5ld7CDknPn3Knd2Y1q2fDokOanTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3eKnUPupnMauVPsHHI3ndPInWLnkLvpnEbuWDtf9+efU0vLY9qw4VHdc8/dOuKII8q2O8bZkLtTzB1rZ6AvM5tlZs19PmYN8r1NkiZIWivpXe7eIR08cCnppN5va5C0q89YtvdrhWcr9RuA1oxsOOyCc885U/v27de8eXfptAkXFvQzM5mM2jav0sWXXK5stkNrnlqhmVddo7a2rVU5S25y07nydtM5jdwpdo41d4qdY82dYudYc6fYOdbcMXQ+3NW36+vr9MTjP9YfvO+D+s1vfqOFC7+jhx96TN+/Z8lbvm+g/2KN8fcdw2NF7ng6dx1oL+bC9lVryrgPc6WbPn6y66G8nidmdrSkn0n6G3f/kZm95u7H9rn/VXc/zsyWS/o7d1/d+/VHJd3o7k8Xmi3YmZKrVq/VK6++NqTZSWdM0LZtO7R9+051dnZqyZIHNG3qlKqdJTe5Sz1L7nhmyR3PLLnjmSV3PLPkjmeW3PHMht5dU1OjI498h0aMGKGjjjxSuzv2VHzuFB+rFHPH2hkYCjOrlfSvkn7g7j/q/fLeN1+W3fu/L/V+PStpXJ/xRkm7h7I3yveUrG+o067sb/tm2ztUX19XtbMhd5O7vLvpnEbuFDuH3E3nNHKn2DnkbjqnkTvFziF3p9h59+49+trXvqMXt63Trp0b9Ktf/UqPPPJkxedO8bFKMXesnYFCmZlJ+hdJbe7+j33u+jdJn+y9/UlJD/T5+p/1XoX7LEm/fPNl3oUa9KCkmR1tZrf1XhL8l2b2spmtMbNP5Zg79Hr1np79Q8k1qIO/r7fK92XoMc6G3E3u8u6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sNuTvFzsceO1pTp07R7556lt598uk6atRRuuKKP85rttjdMc6G3J1i7lg7A0PwAUlXSfqQmbX0flwi6XZJF5nZVkkX9X4uSSskvSjpBUlzJV0z1MU1Oe7/gaQfS5oiaYakUZIWSbrZzE519/9zuCF3nyNpjjTwe0oWoz3boXGN9Yc+b2wYq46OvVU7G3I3ucu7m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnS+88Fzt2LFTv/jFK5KkpUsf0tlnTdTChT/KMRk2d4qPVYq5Y+0MFKr3vSEHet/JfheB8YNHyIfl6ku5Xr7d5O7z3T3bewrnNHffKunTkvL/v7CG2frmFo0ff4qamsaptrZWM2ZM14PLVlbtLLnJXepZcsczS+54Zskdzyy545kldzyz5I5nNuTuXTvbNenM03Xkke+QJH3og+doy5b8LiISMneKj1WKuWPtDMQk15mS+83sHHdfbWZTJb0iSe7eY4c7n7gA995zt84/72yNGXO8drzYrFtvm6158xflNdvd3a3rrr9ZK5Yv1IhMRvMXLFZr6/NVO0tucpd6ltzxzJI7nllyxzNL7nhmyR3PLLnjmQ25e936DfrRj5Zr3bqfqKurSxtbNmvuP/+g4nOn+FilmDvWzpBcvNQ9FjbY+xKY2ft08PXhp0raJOkz7v68mZ0o6XJ3/0auBaV4+TYAAAAAIB7FnNHCf1ACh9d1oL2ok8Wq1eRxF/PHRh8rdz1csc+TQc+UdPeNkia9+bmZnWNmH5W0KZ8DkgAAAAAAAADwdrmuvr2uz+2rJX1L0jGSbjGzm0qcDQAAAAAAAEAVynWhm9o+tz8v6SJ3v1XSZElXliwVAAAAAAAAgKqV60I3GTM7TgcPXpq7vyxJ7r7fzLpKng4AAAAAAADIUw/vRBuNXAclR0t6Wgffl9jNrM7d95jZ0crzvYp5Q2OgsmRs6P9W9gxyYSwAAABgIMX8LbImM2LIs1093UVsBgCUUq4L3TQNcFePpEuHPQ0AAAAAAACAqpfrTMnDcvc3JG0f5iwAAAAAAAAAEpDrQjcAAAAAAAAAMKyGdKYkAAAAAAAAUGmcayFEI9iZktf9+efU0vKYNmx4VPfcc7eOOOKIguanTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3exnb/whc9qwzOPqGXDo/riFz9btt08Vml0DrmbzmnkTrFzyN10TiN3ip1D7qZz7tnGxrH6yU8WqaXlUT3zzCO69trPSJKOO260li//gTZt+pmWL/+Bjj12dEXlHq7ZYuYbG+v1yMr79dyzT2hjy2P64hfK9/f9YudjnA29G4iBlfoIcu3Ihn4L6uvr9MTjP9YfvO+D+s1vfqOFC7+jhx96TN+/Z8lbvm+gZJlMRm2bV+niSy5XNtuhNU+t0MyrrlFb29aceWKcJTe5h3N2oKtv/4/3/jfde+/dev8HPqoDBzq1bNm9+uIX/49eeOG3bx870NW3eazoXK25U+wca+4UO8eaO8XOseZOsXOsuau9c9+rb9fVnaS6upPU0rJJRx89Sk89tVyf+MTndNVVn9Crr76m2bO/rS9/+Rode+xo3Xzz3w149e1K71yK+bq6kzS27iRt6P3drVv7sD5+2WcqPneMs+Xa3XWg/fD/cZe4Cxsnc6pkH49mV1bs8yTYmZI1NTU68sh3aMSIETrqyCO1u2NP3rOTzpigbdt2aPv2ners7NSSJQ9o2tQpVTtLbnKXelaSfu/3xmvt2g369a9/o+7ubq16co2mT7+44nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT6rxnz0tqadkkSdq3b7+2bHlBDQ11mjr1It177w8lSffe+0NNmza5onIPx2yx83v2vKQNb/ndbVVDfV3F545xNvRuIBZBDkru3r1HX/vad/TitnXatXODfvWrX+mRR57Me76+oU67srsPfZ5t71B9nn+Yxjgbcje5y7s7ZOfNrf+hc889U8cff6yOPPIduvjiD6mxsb7ic8f4+06xc8jddE4jd4qdQ+6mcxq5U+wccjedC8998smNOu20/6F16zbopJPGaM+elyQdPPh24oljKjJ3yMeqr5NPbtRp7/t9rV23oSx7Y/x9x9oZiMmgByXNbLSZ3W5mW8zsP3s/2nq/duxQlx577GhNnTpFv3vqWXr3yafrqFFH6Yor/jjveTvMy0/zfRl6jLMhd5O7vLtDdt6y5QX9w+xv66EV92nZg/fq2eda1dXVVfLdPFaFzYbcnWLuFDuH3E3nwmZD7qZzYbMhd9O5sNmQu+lc2OyoUUfpvvu+qy9/+Va9/vq+vGaGa3esj9WbRo06SksWz9WXvnxL3r+7FJ9jsXYGYpLrTMklkl6VdIG7n+DuJ0j6YO/X7h9oyMxmmVmzmTX39Ozvd/+FF56rHTt26he/eEVdXV1auvQhnX3WxLxDt2c7NK7PGVyNDWPV0bG3amdD7iZ3eXeH7CxJ8+cv0plnfVgX/tFlevWV197yfpKVmjvG33eKnUPupnMauVPsHHI3ndPInWLnkLvpnP9sTU2NFi36rhYt+rEeeOBhSdJLL/1CdXUnSTr43okvv/yListd7OxwzNfU1Oj+xXN1330/1tKlD5Vtb4y/71g7Q+qR89Hno5LlOijZ5O53uPuhN3x09z3ufoekdw805O5z3H2iu0/MZEb1u3/XznZNOvN0HXnkOyRJH/rgOdqyJb83i5Wk9c0tGj/+FDU1jVNtba1mzJiuB5etrNpZcpO71LNvOvHEEyRJ48bV62Mf+7AWL36g4nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT6/zd7/6Dtmx5Qd/4xj8f+tqyZT/VzJmXSZJmzrxMDz7404rLXezscMzPnXOn2ra8oK/fNSfvmdC5Y5wNvRuIRU2O+39uZjdKWuDueyXJzN4l6VOSdg116br1G/SjHy3XunU/UVdXlza2bNbcf/5B3vPd3d267vqbtWL5Qo3IZDR/wWK1tj5ftbPkJnepZ9+0eNEcnXDCcers7NKfX/dXeu21X1Z87hh/3yl2jjV3ip1jzZ1i51hzp9g51twpdo41d0qd3//+M3TllR/Xc8+1ae3ag2f6ffWrf6/Zs7+tH/zgn/SpT/2Jdu3arSuu+H8qKvdwzBY7/4H3n6GrZl6mZ59rVfP6gwe4vvKV2/XQw49VdO4YZ0PvBmJhg70vgZkdJ+kmSdMlvUuSS9or6d8k3eHur+RaUDuyYcjnilb2SaZAnDLW//1J8tXD+5gAAACgzGoyI4Y829XTPYxJgMrSdaB96P9xV8U+2HgR/+Hax+PZn1bs8yTXy7dPlfS37v57khokfUvStt77+NMdAAAAAAAAQMFyHZT8nqQ3r1TzdUnHSLpd0huS5pUwFwAAAAAAAFAQ55+3/FPJcr2nZMbdu3pvT3T303tvrzazlhLmAgAAAAAAAFClcp0pucnMPt17e6OZTZQkMztVUmdJkwEAAAAAAACoSrkOSl4t6Xwz2ybpvZKeMrMXJc3tvQ8AAAAAAAAACjLoy7fd/ZeSPmVmx0h6T+/3Z919b74LKvvV60B6uII2AAAAYsIVtAGgOuV6T0lJkru/LmljibMAAAAAAAAAQ8aJOPHI9fJtAAAAAAAAABhWHJQEAAAAAAAAUFYclAQAAAAAAABQVsEOSk6ZfIE2b3pSW1pX68Ybri3rfIyzIXeTO57cKXYOuZvOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPIHWtnIBbmJX4D0JqRDf0WZDIZtW1epYsvuVzZbIfWPLVCM6+6Rm1tW/P6mcXMxzhLbnLTufJ20zmN3Cl2jjV3ip1jzZ1i51hzp9g51twpdo41d4qdY80dQ+euA+2WV5jEnNdwIVe66ePJ9kcr9nkS5EzJSWdM0LZtO7R9+051dnZqyZIHNG3qlLLMxzhLbnKXepbc8cySO55ZcsczS+54Zskdzyy545kldzyz5I5nNvTu1Dkfb/moZEEOStY31GlXdvehz7PtHaqvryvLfIyzIXeTu7y76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQEyGfFDSzB4qYrbf1wp5GXkx8zHOhtxN7vLupnNhsyF307mw2ZC76VzYbMjddC5sNuRuOhc2G3I3nQubDbmbzoXNhtxN58JmQ+5OsTMQk5rB7jSz0we6S9Jpg8zNkjRLkmzEaGUyo95yf3u2Q+Ma6w993tgwVh0de/OMXNx8jLMhd5O7vLvpnEbuFDuH3E3nNHKn2DnkbjqnkTvFziF30zmN3Cl2Drk7xc5ATHKdKble0mxJd77tY7akYwcacvc57j7R3Se+/YCkJK1vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kldzyz5I5nltzxzJI7nllyxzNL7nhmyR3PbOjdQCwGPVNSUpukz7t7v8tDmdmuoS7t7u7WddffrBXLF2pEJqP5CxartfX5sszHOEtucpd6ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLPkjmc29O7U9VT85V3wJhvsfQnM7DJJz7n7fxzmvo+5+9JcC2pGNvBsAAAAAAAAGEZdB9r7v/kk9IGGD3Ecqo9/b3+sYp8nuc6U3CWpQ5LM7EhJfylpgqRWSX9b2mgAAAAAAAAAqlGu95T8nqQ3em/fJemdku7o/dq8EuYCAAAAAAAAUKVynSmZcfeu3tsT3f3Nq3GvNrOWEuYCAAAAAAAAUKVyHZTcZGafdvd5kjaa2UR3bzazUyV1liEfAAAAAAAAkBcudBOPXC/fvlrS+Wa2TdJ7JT1lZi9Kmtt7H0Q7nxMAACAASURBVAAAAAAAAAAUZNAzJd39l5I+ZWbHSHpP7/dn3X1vOcIBAAAAAAAAqD65Xr4tSXL31yVtLHEWAAAAAAAAAAnI9fJtAAAAAAAAABhWHJQEAAAAAAAAUFZ5vXwbAAAAAAAAqHTuXH07FkHOlGxsrNcjK+/Xc88+oY0tj+mLX/hswT9jyuQLtHnTk9rSulo33nBt1c+G3E3ueHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkTrFzyN10TiN3rJ2BWFipjyDXjGzot6Cu7iSNrTtJG1o26eijR2nd2of18cs+o7a2rXn9zEwmo7bNq3TxJZcrm+3QmqdWaOZV1+Q1H+MsuclN58rbTec0cqfYOdbcKXaONXeKnWPNnWLnWHOn2DnW3Cl2jjV3DJ27DrRbXmESc1b9BZwq2cea3U9U7PMkyJmSe/a8pA0tmyRJ+/bt15YtW9VQX5f3/KQzJmjbth3avn2nOjs7tWTJA5o2dUrVzpKb3KWeJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kNvRuIxaAHJc3snWb2d2Z2j5ld8bb7vj0cAU4+uVGnve/3tXbdhrxn6hvqtCu7+9Dn2fYO1ed5UDPG2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLvpnEbuFDuH3J1iZyAmuS50M0/SVkn/KukzZvZxSVe4+39JOmugITObJWmWJNmI0cpkRh32+0aNOkpLFs/Vl758i15/fV/eoc36n3ma78vQY5wNuZvc5d1N58JmQ+6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sNuZvOhc2G3J1iZ0g94ncVi1wv3/4dd7/J3Ze6+zRJz0h6zMxOGGzI3ee4+0R3nzjQAcmamhrdv3iu7rvvx1q69KGCQrdnOzSusf7Q540NY9XRsbdqZ0PuJnd5d9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnYGY5DooeYSZHfoed/8bSXMkPSlp0AOTucydc6fatrygr981p+DZ9c0tGj/+FDU1jVNtba1mzJiuB5etrNpZcpO71LPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZJXc8s6F3A7HI9fLtByV9SNIjb37B3ReY2V5J3xzq0g+8/wxdNfMyPftcq5rXH/wX6ytfuV0PPfxYXvPd3d267vqbtWL5Qo3IZDR/wWK1tj5ftbPkJnepZ8kdzyy545kldzyz5I5nltzxzJI7nllyxzNL7nhmQ+8GYmGDvS+BmZ0paYu7/9LMjpT0l5ImSGqV9Lfu/stcC2pGNvBifgAAAAAAgGHUdaC9/5tPQpPqz+c4VB/rdv+sYp8nuV6+/T1J+3tv3yXpnZLukPSGDl4EBwAAAAAAAKgIzj9v+aeS5Xr5dsbdu3pvT3T303tvrzazlhLmAgAAAAAAAFClcp0pucnMPt17e6OZTZQkMztVUmdJkwEAAAAAAACoSrkOSl4t6Xwz2ybpvZKeMrMXJc3tvQ8AAAAAAAAACjLoy7d7L2TzKTM7RtJ7er8/6+57yxEOAAAAAAAAQPXJ9Z6SkiR3f13SxhJnAQAAAAAAAIbMvbIv7oLfyvXybQAAAAAAAAAYVhyUBAAAAAAAAFBWHJQEAAAAAAAAUFbBDkpOmXyBNm96UltaV+vGG64t63yMsyF3kzue3Cl2Drk7xc5z59yp3dmNatnwaEFzw7E7xtmQu1PMnWLnkLvpXL7csf7ZG3J3irlT7BxyN53TyB1rZyAWVuo3AK0Z2dBvQSaTUdvmVbr4ksuVzXZozVMrNPOqa9TWtjWvn1nMfIyz5CY3nStvd4qdJencc87Uvn37NW/eXTptwoV5zYTOneJjlWLuFDvHmjvFzsXOx/hnb8jdKeZOsXOsuVPsHGvuGDp3HWi3vMIkZuLYc7nSTR/NHasq9nkS5EzJSWdM0LZtO7R9+051dnZqyZIHNG3qlLLMxzhLbnKXepbc8cyG3r1q9Vq98upreX9/JeRO8bFKMXeKnWPNnWLnYudj/LM35O4Uc6fYOdbcKXaONXesnSH1yPno81HJghyUrG+o067s7kOfZ9s7VF9fV5b5GGdD7iZ3eXfTOY3csXYuVoy/71gfqxRzp9g55G46lzd3MWLtTG46V/JuOqeRO9bOQEwGPShpZnVm9k9mdreZnWBm/9fMnjOzJWY2dqhLzfqfOVrIy8iLmY9xNuRucpd3N50Lmw25O8XOxYrx9x3rY5Vi7hQ7h9xN58Jmh2N+qGLtTO7yzYbcnWLuFDuH3J1iZyAmuc6UnC+pVdIuSY9L+rWkj0haJek7Aw2Z2Swzazaz5p6e/f3ub892aFxj/aHPGxvGqqNjb96hi5mPcTbkbnKXdzed08gda+dixfj7jvWxSjF3ip1D7qZzeXMXI9bO5KZzJe+mcxq5Y+0MxCTXQcl3ufs33f12Sce6+x3uvtPdvynp5IGG3H2Ou09094mZzKh+969vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kNvbsYMf6+Y32sUsydYudYc6fYeTjmhyrWzuSmcyXvpnMauWPtDMSkJsf9fQ9afn+Q+wrS3d2t666/WSuWL9SITEbzFyxWa+vzZZmPcZbc5C71LLnjmQ29+9577tb5552tMWOO144Xm3XrbbM1b/6iis6d4mOVYu4UO8eaO8XOxc7H+GdvyN0p5k6xc6y5U+wca+5YO4OXusfEBnuwzOw2SX/v7vve9vXxkm5398tyLagZ2cCzAQAAAAAAYBh1HWjv/+aT0IS6D3Acqo8Ne/69Yp8nuc6UXK7eMyLN7EhJN0k6XQffZ/KzpY0GAAAAAAAAoBrlegn29yS90Xv7LkmjJd3R+7V5JcwFAAAAAAAAoErlfE9Jd+/qvT3R3U/vvb3azFpKmAsAAAAAAABAlcp1UHKTmX3a3edJ2mhmE9292cxOldRZhnwAAAAAAABAXnrEW0rGItfLt6+WdL6ZbZP0XklPmdmLkub23gcAAAAAAAAABRn0TEl3/6WkT5nZMZLe0/v9WXffm++CYi7xw7FtAAAAAAAAoPrkevm2JMndX5e0scRZAAAAAAAAACQg18u3AQAAAAAAAGBYcVASAAAAAAAAQFnl9fJtAAAAAAAAoNI5VyiJRrAzJUePfqcWLZqj5577mZ599gmddeYfFjQ/ZfIF2rzpSW1pXa0bb7i26mdD7iZ3PLlT7BxyN53TyJ1i55C76ZxG7hQ7h9xN5zRyp9g55G46p5E71s5ALMy9tEeQa0c2HHbB9/7l61q9eq2+N+8+1dbW/v/t3Xt03XWZ7/HPs5PdpK1tEcqhTdIrsc4IgxRTrCi2gLaoFHTGU2aGmRFHDmeNKOAwdJyxI96OB0cY0VmytEgpBwbaigr2AhaKYylC20BT6N3ebJOGYkUKtLpIk+f8QSyFptl7J9n7m+/+vl+u31pJ9n76fD7ZlYVf90WDBg3UgQMvveE+x0uWyWS0acNjuvDDf6Xm5lY9+cRS/c3fflqbNv0qZ54YZ8lNbjr3v910TiN3ip1jzZ1i51hzp9g51twpdo41d4qdY82dYudYc8fQ+fCrLZZXmMScMeI9PFXyKM8890S//XsS5JmSQ4a8Re9737s19457JUltbW3HHEh25+xJE7V9+y7t3LlbbW1tWrjwAV08Y3rZzpKb3MWeJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kNvRuIRcGHkmb2P3q7dPz4Mdq//7e6/Qff0prVP9P3v/dNDRo0MO/5mtoR2tO898j3zS2tqqkZUbazIXeTu7S76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQEy6PZQ0sxPfdJ0kabWZvdXMTuzp0sqKCk2c+Gf6/vf/nyadPV0HDx7SrFmfyXve7Nhnnub7MvQYZ0PuJndpd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcTefCZkPupnNhsyF3p9gZUoc711FXf5brmZL7JT111NUoqVbS051fd8nMrjSzRjNr7Og4eMztzS2tam5u1eo1ayVJP/rxEk0888/yDt3S3KpRdTVHvq+rHanW1n1lOxtyN7lLu5vOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLtT7AzEJNeh5CxJWyRd7O7j3H2cpObOr8cfb8jd57h7g7s3ZDKDj7l9377fqLl5ryZMOFWSdP7579OmTVvzDr2msUn19eM0duwoZbNZzZx5iRYtXla2s+Qmd7FnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM0vueGZD7wZiUdndje5+k5nNl/QtM9sj6QYd/0OxC3Lt5/5N/+/O/9SAAVnt2LlbV1zxj3nPtre365prZ2vpkntUkclo3p0LtHFjfoeaMc6Sm9zFniV3PLPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZDb0biIUV8J4GMyR9QdJYd8/7HVazA2p7fIjZv1/5DgAAAAAAEMbhV1uOffNJ6PRTJnOcdJT1+57st39Pun2mpJm9W9Imd39J0nJJ50p6xcy+Ienr7n6gBBkBAAAAAACAnJynuEUj13tKzpV0qPPrWyRlJX2p82d3FC8WAAAAAAAAgHLV7TMlJWXc/XDn1w3uflbn1yvNrKmIuQAAAAAAAACUqVzPlFxvZp/s/HqdmTVIkplNkNRW1GQAAAAAAAAAylKuZ0peIenbZjZb0n5JT3R+Cveeztty4pX8AAAAAACURrYi1//M715b++HcdwKAPtDtP606P8jmcjMbIml85/2b3X1fKcIBAAAAAAAAKD95/V8o7v6ypHVFzgIAAAAAAAD0WIfzmt1Y5HpPSQAAAAAAAADoUxxKAgAAAAAAACgpDiUBAAAAAAAAlFSQQ8mqqio98fhiPdX4sNY1PaobvnhdwX/G9GlTtWH9Cm3euFKzrr+q7GdD7iZ3PLlT7BxyN53TyJ1i55C76ZxG7hQ7h9xN5zRyp9g55O5YOtfVjdRDD83X2rXL9dRTD+uqqz4pSfr61/9VTU3LtXr1Q1qw4PsaNmxov8pdDrOhdwNRcPeiXhXZGu/qGnpCvVdka7xq4GhfteopP+e9F3V5v66ubFWdb9u20+snTPbqQWO8ad0GP/2MKWU7S25y07n/7aZzGrlT7Bxr7hQ7x5o7xc6x5k6xc6y5U+wca+5SdK6uHn3kGju2wSdP/rBXV4/24cP/1Ldu3e5nnnmBf+Qjl/ngweO8unq033TTrX7TTbcemeGxiqdzsc9zYr3efnKDc71+hX48uruCvXz74MFDkqRstlKV2azc8/90pLMnTdT27bu0c+dutbW1aeHCB3TxjOllO0tuchd7ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLM9mX/uuefV1LRekvTKKwe1efM21dScouXLH1N7e7skafXqtaqtHdmvcsc+G3o3EItuDyXN7MKjvh5mZreb2TNmdo+ZndKrxZmMGtcsU2vLM1q+fIVWr1mb92xN7Qjtad575PvmllbV1Iwo29mQu8ld2t10TiN3ip1D7qZzGrlT7BxyN53TyJ1i55C76ZxG7pCdR4+u05lnnqY1a5re8PO/+7uZ+tnP/rvf5o5xNvRuIBa5nin59aO+vllSq6QZktZI+v7xhszsSjNrNLPGjo6DXd6no6NDDZOmacy4Bk1qmKjTTnt73qHN7Jif5ftMyxhnQ+4md2l307mw2ZC76VzYbMjddC5sNuRuOhc2G3I3nQubDbmbzoXNhtxN58JmQ+6OsfPgwYN0773f0/XXf0Uvv/zKkZ/PmvUZtbcf1vz5PynK3r6Yj3E29G4gFoW8fLvB3We7+6/d/VuSxh7vju4+x90b3L0hkxnc7R964MBL+sWKX2r6tKl5B2lpbtWoupoj39fVjlRr676ynQ25m9yl3U3nNHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkDtG5srJS9977PS1YcL8eeOChIz+/7LK/0Ic/fIEuv/yafpk75tnQu4FY5DqU/B9m9o9mdp2kofbG4/oevx/l8OEnHvl0r+rqal1w/rnasmV73vNrGptUXz9OY8eOUjab1cyZl2jR4mVlO0tuchd7ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLM9nf/e9/5dW7Zs03e+84MjP/vgB6fouuv+QR//+Kf0+9//oV/mjnk29O7UdbhzHXX1Z5U5br9N0pDOr++UNFzSb8xshKSm407lMHLkKZp7+y2qqMgok8novvsWacnSR/Keb29v1zXXztbSJfeoIpPRvDsXaOPGrWU7S25yF3uW3PHMkjueWXLHM0vueGbJHc8sueOZJXc8sz2ZP+ecBl122V/o2Wc36cknl0qSbrjhm7r55i+pqmqAFi++W9JrH3Zz9dVf6De5Y58NvRuIhXX3vgRm9m5Jm939gJkNkvR5SRMlbZT0dXc/kGtB5YDa/n0sCwAAAABAmchW5HruUffa2g/3URIU2+FXW45980lowskNnEMdZetvGvvt35NcL8GeK+mPn1Rzi6Shkr4h6ZCkO4qYCwAAAAAAAECZyvV/oWTc/Y//N0mDu5/V+fVKM+vxy7cBAAAAAAAApCvXMyXXm9knO79eZ2YNkmRmEyS1FTUZAAAAAAAAgLKU65mSV0j6tpnNlrRf0hNmtkfSns7bAAAAAAAAgH7BxVtKxqLbQ8nOD7K53MyGSBrfef9md99XinAAAAAAACB/fFANgFjk9bFc7v6ypHVFzgIAAAAAAAAgAbneUxIAAAAAAAAA+hSHkgAAAAAAAABKKq+XbwMAAAAAAAD9XYfzQTexCPJMybq6Gj2y7Id69pn/1rqmR/XZz3yq4D9j+rSp2rB+hTZvXKlZ119V9rMhd5M7ntwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnW+bc7P2Nq9T09rlBc31xe4YZ0PvBqLg7kW9KrI1/uardtSZ3jBpmldka3zYW9/mW7Zu99PPmHLM/Y53ZavqfNu2nV4/YbJXDxrjTes25D0f4yy5yU3n/rebzmnkTrFzrLlT7Bxr7hQ7x5o7xc6x5k6xc6y5Y+1cka3xqed9zBsmTfNn12/KeyZ07nJ/rIp9nhPrNf6kic71+hX68ejuCvJMyeeee15rm9ZLkl555aA2b/6VamtG5D1/9qSJ2r59l3bu3K22tjYtXPiALp4xvWxnyU3uYs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNvTux1au0gu/ezHv+/eH3Kk+VkAsCj6UNLOT+jLAmDF1OvOdp2vV6rV5z9TUjtCe5r1Hvm9uaVVNnoeaMc6G3E3u0u6mcxq5U+wccjed08idYueQu+mcRu4UO4fcTec0csfaubdi/H2n+lgBpdTtoaSZ3Whmwzu/bjCzHZJWmdmvzWxKb5cPHjxICxfcpn/8pxv08suv5D1nZsf8zD2/NzKNcTbkbnKXdjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ791aMv+9UH6ty4PznDf/pz3I9U/Ij7r6/8+tvSrrU3eslfVDSzccbMrMrzazRzBo7Og52eZ/Kykr9cMFtuvfen+j++x8sKHRLc6tG1dUc+b6udqRaW/eV7WzI3eQu7W46p5E7xc4hd9M5jdwpdg65m85p5E6xc8jddE4jd6ydeyvG33eqjxVQSrkOJbNmVtn59UB3XyNJ7r5VUtXxhtx9jrs3uHtDJjO4y/vcNudmbdq8Tbd8e07Bodc0Nqm+fpzGjh2lbDarmTMv0aLFy8p2ltzkLvYsueOZJXc8s+SOZ5bc8cySO55ZcsczS+54ZkPv7o0Yf9+pPlZAKVXmuP27kpaa2Y2SHjKzWyT9WNIFkpp6uvS950zS3/7Nx/XMsxvVuOa1/2L927/dqAcfejSv+fb2dl1z7WwtXXKPKjIZzbtzgTZu3Fq2s+Qmd7FnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHMxt69913fVdT3v8eDR9+onbtaNSXv3KT7pg3v1/nTvWxAmJhud6XwMymSvoHSRP02iHmHkn3S7rD3dtyLagcUNu/X8AOAAAAAAAQmcOvthz75pPQ+OETOYc6yo79a/vt35NcH3TzbklPu/ulkt4r6SeSOiSdKmlQ8eMBAAAAAAAAKDe5Xr49V9I7O7++RdJBSTfqtZdv3yHpz4sXDQAAAAAAAMife0foCMhTrkPJjLsf7vy6wd3P6vx6pZn1+D0lAQAAAAAAAKQr16dvrzezT3Z+vc7MGiTJzCZIyvl+kgAAAAAAAADwZrkOJa+QNMXMtkt6h6QnzGyHpNs6bwMAAAAAAACAgnT78m13PyDpcjMbIml85/2b3X1fKcIBAAAAAIA49OYjfvm4ZCA9ud5TUpLk7i9LWlfkLAAAAAAAAECPdXDEHY1cL98GAAAAAAAAgD7FoSQAAAAAAACAkuJQEgAAAAAAAEBJBTmUrKqq0hOPL9ZTjQ9rXdOjuuGL1xX8Z0yfNlUb1q/Q5o0rNev6q8p+NuRucseTO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnUPupnNhsxMmnKrGNcuOXL/dv1lXf/aKfp871scKiIa7F/WqyNZ4V9fQE+q9IlvjVQNH+6pVT/k5772oy/t1dWWr6nzbtp1eP2GyVw8a403rNvjpZ0wp21lyk5vO/W83ndPInWLnWHOn2DnW3Cl2jjV3ip1jzZ1i51hzl3vnyjyuAVV13tq6z8efOukNP4+1c8jdxT7PifUa9dbTnev1K/Tj0d0V7OXbBw8ekiRls5WqzGblnv+nI509aaK2b9+lnTt3q62tTQsXPqCLZ0wv21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545mNOffRzj//fdqx49favbulX+eO9bECYhLsUDKTyahxzTK1tjyj5ctXaPWatXnP1tSO0J7mvUe+b25pVU3NiLKdDbmb3KXdTec0cqfYOeRuOqeRO8XOIXfTOY3cKXYOuZvOaeROsfObXTrzEi1YcH/e94+1c3/5fQP9WbeHkmb2tJnNNrNTC/lDzexKM2s0s8aOjoNd3qejo0MNk6ZpzLgGTWqYqNNOe3shf/4xP8v3mZYxzobcTe7S7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcTefCZo+WzWZ10UXTdN+PFuc9E2vn/vD7Bvq7XM+UfKukEyT93MxWm9nnzKwm1x/q7nPcvcHdGzKZwd3e98CBl/SLFb/U9GlT8w7d0tyqUXWvx6irHanW1n1lOxtyN7lLu5vOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPInWLno1144Xlau/ZZPf/8/rxnYu3cH37fQH+X61Dyd+7+T+4+WtJ1kt4m6Wkz+7mZXdnTpcOHn6hhw4ZKkqqrq3XB+edqy5btec+vaWxSff04jR07StlsVjNnXqJFi5eV7Sy5yV3sWXLHM0vueGbJHc8sueOZJXc8s+SOZ5bc8czGnPuPLr30owW9dDtk7lgfK0gdcq6jrv6sMsftR54z7O6PSXrMzD4r6YOSLpU0pydLR448RXNvv0UVFRllMhndd98iLVn6SN7z7e3tuuba2Vq65B5VZDKad+cCbdy4tWxnyU3uYs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNubckjRwYLU+cMH79elP/3NBc7F2Dv37BmJg3b0vgZnNd/e/7M2CygG1/ftYFgAAAAAA9Nqx74SYPw4OCnf41Zbe/MrLVt2Jp/PX6SjNL6zvt39Pcr18+1tmNlSSzGygmX3FzBaZ2TfMbFgJ8gEAAAAAAAAoM7kOJedKOtT59bclDZX0jc6f3VHEXAAAAAAAAADKVK73lMy4++HOrxvc/azOr1eaWVMRcwEAAAAAAAAoU7kOJdeb2Sfd/Q5J68yswd0bzWyCpLYS5AMAAAAAAADy0t1np6B/yXUoeYWkb5vZbEn7JT1hZnsk7em8LaeM9fz9NDv4iwQAAAAAQBR687/ghw8a2qvd+w+91Kt5AKXX7aGkux+QdLmZDZE0vvP+ze6+rxThAAAAAAAAAJSfXM+UlCS5+8uS1hU5CwAAAAAAAIAE5Pr0bQAAAAAAAADoU3k9UxIAAAAAAADo7/h8kngEe6bkZz7zKa19+hE1rV2uz372UwXPT582VRvWr9DmjSs16/qrSjJbVVWlJx5frKcaH9a6pkd1wxevK1nm3s6Hmg25O8XcKXYOuZvOaeROsXPI3XROI/dtc27W3uZ1alq7vKC5vtjNY0Xn/rybzmnkTrFzT+aHDhuiH9x5ix5bvUQrVi3WuyadqVlfuFqPPn6/Hnnsx5r/4x/olBEnFzV3rI8VEA13L+qVHVDrb77OPPN8X79+kw8ddqpXDxztjyxf4X/6jvcdc7+KbE2XV7aqzrdt2+n1EyZ79aAx3rRug59+xpTj3r+vZiuyNT70hHqvyNZ41cDRvmrVU37Oey8qyd5QnckdT+4UO8eaO8XOseZOsXOsuVPsHHPuqed9zBsmTfNn12/KeyZ07hQfqxQ7x5o7xc6x5k6xc77zpwz7kzdcC+75iX/uM7P9lGF/4nXD/8zfNnqSn1r3riO3/+usr/m82+898n2MnXs7W+zznFivEcP+1Llev0I/Ht1dQZ4p+Sd/Uq9Vq9bq97//g9rb2/XYiid1ySUX5j1/9qSJ2r59l3bu3K22tjYtXPiALp4xveizknTw4CFJUjZbqcpsVu75PS24t3tDdSZ3PLlT7Bxr7hQ7x5o7xc6x5k6xc8y5H1u5Si/87sW8798fcqf4WKXYOdbcKXaONXeKnXsy/5YhgzX5nAbdFPeRlAAAGdZJREFUc9d9kqS2tja9dOBlvfLywSP3GTRooJTjf47H1LkvdwOxCHIouWHjFp177rt14oknaODAal144fmqq6vJe76mdoT2NO898n1zS6tqakYUfVaSMpmMGtcsU2vLM1q+fIVWr1lbkr2hOpO7tLvpnEbuFDuH3E3nNHKn2Dnk7t7m7o1YO8eYO8XOIXfTOY3cKXbuyfyYsaP02/0v6Nu3fl0Pr/iRbv7OV187hJT0+dnX6Kn1j+ov/ucM/fvXv1O03LE+VkBMuj2UNLMGM/u5md1tZqPM7GEzO2Bma8xsYk+Xbt68Td+86VY9uPReLV50t555dqMOHz6c97yZHfOzfJ+x2JtZSero6FDDpGkaM65Bkxom6rTT3l6SvaE6k7u0u+lc2GzI3XQubDbkbjoXNhtyN50Lmw25u7e5eyPWzjHmTrFzyN10Lmw25G46Fzbbk/nKigr92TvfoXm3z9cH3/8XOnTokD7zuf8lSbrxa9/Wu04/Xz/64SL9/ZWXFS13rI8VJOc/b/hPf5brmZK3Svp3SUsk/VLS9919mKTPd97WJTO70swazayxo/1gl/eZN2++3j35Q7rgAx/X7154Udu27cw7dEtzq0Yd9czKutqRam3dV/TZox048JJ+seKXmj5takn2hupM7tLupnMauVPsHHI3ndPInWLnkLv76t+neiLWzjHmTrFzyN10TiN3ip17Mr937z617t2ntU89I0la/MAynXHGO95wn5/ct0QfmTGtaLljfayAmOQ6lMy6+4Pufq8kd/f79NoXyyVVH2/I3ee4e4O7N2QqBnd5n5NPPkmSNGpUjT760Q9pwYIH8g69prFJ9fXjNHbsKGWzWc2ceYkWLV5W9Nnhw0/UsGFDJUnV1dW64PxztWXL9qLv7e18qFlyxzNL7nhmyR3PLLnjmSV36XP3RqydY8ydYudYc6fYOdbcKXbuyfxvnt+vluZWnVo/VpJ07pTJ2rplm8aNH3PkPtM/dJ62/WpH0XLH+lgBManMcfsfzGyapGGS3Mw+6u73m9kUSe29Wbxg/hyddNJb1dZ2WFdf8wW9+OKBvGfb29t1zbWztXTJParIZDTvzgXauHFr0WdHjjxFc2+/RRUVGWUyGd133yItWfpI0ff2dj7ULLnjmSV3PLPkjmeW3PHMkrv0ue++67ua8v73aPjwE7VrR6O+/JWbdMe8+f06d4qPVYqdY82dYudYc6fYuafzX/jn/6Nbb/umsgOy+vWuPbr201/Qzf/5VdXXj1OHd6h5z17N+tyXipY71scKiIl1974EZvZOvfby7Q5Jn5P0D5L+TtJeSVe6++O5FgyoquvxC9g7eM8EAAAAAADK3vBBQ3s1v//QS32UJB6HX2059s0noREn/CmHSUd57sVN/fbvSa5nSlZLmunuB8xsoKQDkh6XtEHS+mKHAwAAAAAAAFB+ch1KzpX0zs6vvy3poKQbJV0g6Q5Jf168aAAAAAAAAED++KTyeOQ6lMy4++HOrxvc/azOr1eaWVMRcwEAAAAAAAAoU7k+fXu9mX2y8+t1ZtYgSWY2QVJbUZMBAAAAAAAAKEu5DiWvkDTFzLZLeoekJ8xsh6TbOm8DAAAAAAAAgIJ0+/Jtdz8g6XIzGyJpfOf9m919X74L+ARtAAAAAADQnd5+enZvPl6YUwsgjFzvKSlJcveXJa0rchYAAAAAAACgxzo4Zo5GrpdvAwAAAAAAAECf4lASAAAAAAAAQElxKAkAAAAAAACgpIIcSlZVVemJxxfrqcaHta7pUd3wxesK/jOmT5uqDetXaPPGlZp1/VVlPxtyN7njyZ1i55C76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5ntzXXP2/1NT0qNauXa677vquqqqqSrK3t/O93Q1Ewd2LelVka7yra+gJ9V6RrfGqgaN91aqn/Jz3XtTl/bq6slV1vm3bTq+fMNmrB43xpnUb/PQzppTtLLnJTef+t5vOaeROsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT7Fyq3ZVdXKPHnOU7dvza3zJkvFdma3zhD3/qf//31x5zv1g7F/s8J9brpCFvc67Xr9CPR3dXsJdvHzx4SJKUzVaqMpuVe/6fjnT2pInavn2Xdu7crba2Ni1c+IAunjG9bGfJTe5iz5I7nllyxzNL7nhmyR3PLLnjmSV3PLPkjmeW3D3bXVlZqYEDq1VRUaFBAwdqb+tzJdkbsjMQi2CHkplMRo1rlqm15RktX75Cq9eszXu2pnaE9jTvPfJ9c0urampGlO1syN3kLu1uOqeRO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnUPu3rv3OX3rW9/Tju2rtWf3Wr300kt65JEVRd/b2/ne7gZi0e2hpJm9xcy+YmYbzOyAmf3GzJ40s8t7u7ijo0MNk6ZpzLgGTWqYqNNOe3ves2Z2zM/yfaZljLMhd5O7tLvpXNhsyN10Lmw25G46FzYbcjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu084YZhmzJiut02YrNFjztKgwYP013/950Xf29v53u4GYpHrmZL/JWmHpOmSvizpO5L+VtJ5Zvb14w2Z2ZVm1mhmjR0dB7tdcODAS/rFil9q+rSpeYduaW7VqLqaI9/X1Y5Ua+u+sp0NuZvcpd1N5zRyp9g55G46p5E7xc4hd9M5jdwpdg65m85p5E6xc8jdF1xwrnbt2q39+1/Q4cOHdf/9D+o9kxuKvre3873dDcQi16HkWHef5+7N7v4fki52919J+qSk4/7fC+4+x90b3L0hkxl8zO3Dh5+oYcOGSpKqq6t1wfnnasuW7XmHXtPYpPr6cRo7dpSy2axmzrxEixYvK9tZcpO72LPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZJXfhs3t2t+jsd5+lgQOrJUnnn/c+bd78q6Lv7e18b3cDsajMcftBM3ufu680sxmSXpAkd++wrp5PnKeRI0/R3NtvUUVFRplMRvfdt0hLlj6S93x7e7uuuXa2li65RxWZjObduUAbN24t21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kld+Gzq9es1Y9/vESrV/9Mhw8f1rqmDbrtB/9V9L29ne/t7tR18FL3aFh370tgZmdI+oGkCZLWS/p7d99qZidL+it3/06uBZUDavnbAAAAAAAAiqbHz5qSFOuhxeFXW3pTu2ydOORtsT6kRfHCy7/qt39Pcj1TcqCkD7r7ATMbJOmfzewsSRslHfc9JQEAAAAAAADgeHK9p+RcSX/8pJpbJA2T9A1JhyTdUcRcAAAAAAAAAMpUrmdKZtz9cOfXDe5+VufXK82sqYi5AAAAAAAAAJSpXIeS683sk+5+h6R1Ztbg7o1mNkFSWwnyAQAAAAAAAHnp7rNT0L/kevn2FZKmmNl2Se+Q9ISZ7ZB0W+dtAAAAAAAAQXkvLuvFBaDnun2mpLsfkHS5mQ2RNL7z/s3uvq8U4QAAAAAAAACUn1wv35YkufvLktYVOQsAAAAAAACABOR6+TYAAAAAAAAA9Km8nikJAAAAAAAA9Hcd4oNuYsEzJQEAAAAAAACUVJBDyaqqKj3x+GI91fiw1jU9qhu+eF3Bf8b0aVO1Yf0Kbd64UrOuv6rsZ0PuJnc8uVPsHHJ3ip1vm3Oz9javU9Pa5QXN9cXuGGdD7k4xd4qdQ+6mcxq5U+wccjed08idYueQu3ub+1dbn9Tapx9R45plevKJpSXb3dvcQBTcvahXRbbGu7qGnlDvFdkarxo42letesrPee9FXd6vqytbVefbtu30+gmTvXrQGG9at8FPP2NK2c6Sm9x07n+7U+xcka3xqed9zBsmTfNn12/KeyZ07hQfqxRzp9g51twpdo41d4qdY82dYudYc6fYOYbcld1cO3fu9lNGnHbc20PmLvZ5TqzX0MHjnev1K/Tj0d0V7OXbBw8ekiRls5WqzGblnv9r/s+eNFHbt+/Szp271dbWpoULH9DFM6aX7Sy5yV3sWXLHMxt692MrV+mF372Y9/37Q+4UH6sUc6fYOdbcKXaONXeKnWPNnWLnWHOn2Dnm3L0Ra26glLo9lDSzYWZ2o5ltNrPfdl6bOn92Qq8WZzJqXLNMrS3PaPnyFVq9Zm3eszW1I7Snee+R75tbWlVTM6JsZ0PuJndpd9M5jdyxdu6tGH/fsT5WKeZOsXPI3XROI3eKnUPupnMauVPsHHJ3X/y7r7vrwaX3atWTD+qKT12W91zo3EAMcn369kJJj0qa6u7PSZKZjZD0CUk/lPTBrobM7EpJV0qSVQxTJjP4mPt0dHSoYdI0DRs2VD/64e067bS3a8OGLXmFNrNjfpbvMy1jnA25m9yl3U3nwmZD7k6xc2/F+PuO9bFKMXeKnUPupnNhsyF307mw2ZC76VzYbMjddC5sNuTuvvh33ylTP6rW1n06+eST9NCD87V5yzatXLmqqLtD/jt7OeB3FY9cL98e6+7f+OOBpCS5+3Pu/g1Jo4835O5z3L3B3Ru6OpA82oEDL+kXK36p6dOm5h26pblVo+pqjnxfVztSra37ynY25G5yl3Y3ndPIHWvn3orx9x3rY5Vi7hQ7h9xN5zRyp9g55G46p5E7xc4hd/fFv/v+8f6/+c1vdf8DD2rSpDOLvjvkv7MDpZTrUPLXZjbLzE754w/M7BQz+2dJe3q6dPjwEzVs2FBJUnV1tS44/1xt2bI97/k1jU2qrx+nsWNHKZvNaubMS7Ro8bKynSU3uYs9S+54ZkPv7o0Yf9+xPlYp5k6xc6y5U+wca+4UO8eaO8XOseZOsXPMuQcNGqi3vGXwka8/+IEpeb/CM9Z/ZwdKKdfLty+V9HlJv+g8mHRJ+yT9VNLMni4dOfIUzb39FlVUZJTJZHTffYu0ZOkjec+3t7frmmtna+mSe1SRyWjenQu0cePWsp0lN7mLPUvueGZD7777ru9qyvvfo+HDT9SuHY368ldu0h3z5vfr3Ck+VinmTrFzrLlT7Bxr7hQ7x5o7xc6x5k6xc8y5TznlZN33w9slSRWVFZo//34tW/bf/T43EAvr7rX2Zna1pJ+4e4+fFVk5oJYX8wMAAAAAgH7p2HdwzF/IA4/Dr7b0JnrZGjp4POdQR3np4I5++/ck16HkAUkHJW2XdI+kH7r7/kIWcCgJAAAAAAD6Kw4ly8tbBo3jHOoorxza2W//nuR6T8kdkuokfVVSg6RNZvaQmX3CzIYUPR0AAAAAAACAspPrUNLdvcPdl7n7pyTVSLpV0oV67cASAAAAAAAAAAqS64Nu3vAUT3dv02sfcvNTMxtYtFQAAAAAAAAAylY+n77dJXf/fR9nAQAAAAAAKCnegBAIo9tDSXfnM+cBAAAAAAAQBeeYORq53lMSAAAAAAAAAPoUh5IAAAAAAAAASopDSQAAAAAAAAAlFexQ8rY5N2tv8zo1rV3eo/np06Zqw/oV2rxxpWZdf1XZz4bcTe54csfamX8exPNYpZg7xc4hd9M5ndyZTEZrVv9MD/zkzoJnY+0cY+4UO4fcTec0cqfYOeTuFDsD0XD3ol4V2Rrv6pp63se8YdI0f3b9pi5v7+7KVtX5tm07vX7CZK8eNMab1m3w08+YUraz5CZ3OXeuyPLPg1geqxRzp9g51twpdo45d0W2xq/7py/5Pff+2BcvfriguVg7x5g7xc6x5k6xc6y5U+wca+4YOhf7PCfWq7p6tHO9foV+PLq7gj1T8rGVq/TC717s0ezZkyZq+/Zd2rlzt9ra2rRw4QO6eMb0sp0lN7mLPRt6N/88iOOxSjF3ip1jzZ1i55hz19aO1Ic/dIHmzr0375nQuVN8rFLsHGvuFDvHmjvFzrHmjrUzEJMo31OypnaE9jTvPfJ9c0urampGlO1syN3kLu3uFDv3Voy/71gfqxRzp9g55G46p5P7P27+sj7/L19TR0dH3jN9sZvHis79eTed08idYueQu1PsDMSkx4eSZvZgXwYpcPcxP3P3sp0NuZvcpd2dYufeivH3HetjlWLuFDuH3E3nwmZD7u7N7Ec+/AE9//x+Pb322bzu35e7eaxKNxtyd4q5U+wccjedC5sNuTvFzkBMKru70czOOt5Nks7sZu5KSVdKklUMUyYzuMcBu9LS3KpRdTVHvq+rHanW1n1lOxtyN7lLuzvFzr0V4+871scqxdwpdg65m85p5D7nnAbNuGiaPnTh+aqurtLQoUN057zv6BOXX92vc6f4WKXYOeRuOqeRO8XOIXen2BmISa5nSq6RdJOkm9903STphOMNufscd29w94a+PpCUpDWNTaqvH6exY0cpm81q5sxLtGjxsrKdJTe5iz0bendvxPj7jvWxSjF3ip1jzZ1i51hzf2H2jRo7vkH1Eybrsr/5tH7+88fzPpAMmTvFxyrFzrHmTrFzrLlT7Bxr7lg7AzHp9pmSkjZJ+t/u/qs332Bme3qz+O67vqsp73+Phg8/Ubt2NOrLX7lJd8ybn9dse3u7rrl2tpYuuUcVmYzm3blAGzduLdtZcpO72LOhd/PPgzgeqxRzp9g51twpdo45d2/E2jnG3Cl2jjV3ip1jzZ1i51hzx9oZvNQ9Jtbdg2VmH5f0rLtv6eK2j7r7/bkWVA6o5W8DAAAAAABAHzr8asuxbz4JVVeP5hzqKH/4w+5++/ck18u3ayQd6uqGfA4kAQAAAAAAAODNch1KflXSKjN7zMw+bWYnlyIUAAAAAAAAgPKV61Byh6Q6vXY4+S5JG83sITP7hJkNKXo6AAAAAAAAAGUn1wfduLt3SFomaZmZZSV9SNJf6bVP4OaZkwAAAAAAAOgXXLylZCxyHUq+4c0w3b1N0k8l/dTMBhYtFQAAAAAAAICylevl25ce7wZ3/30fZwEAAAAAAACQgG4PJd19a6mCAAAAAAAAAEhDrmdKAgAAAAAAAECfyvWekgAAAAAAAEAU3Pmgm1jwTEkAAAAAAAAAJRXsUPK2OTdrb/M6Na1d3qP56dOmasP6Fdq8caVmXX9V2c+G3E3ueHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkTrFzyN10TiN3yM6SlMlktGb1z/TAT+4seBaIgrsX9arI1nhX19TzPuYNk6b5s+s3dXl7d1e2qs63bdvp9RMme/WgMd60boOffsaUsp0lN7np3P920zmN3Cl2jjV3ip1jzZ1i51hzp9g51twpdo41d4qdY80dsvMfr+v+6Ut+z70/9sWLH+7y9mKf58R6ZQfUOtfrV+jHo7sr2DMlH1u5Si/87sUezZ49aaK2b9+lnTt3q62tTQsXPqCLZ0wv21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kldzyzfTFfWztSH/7QBZo79968Z4DYRPmekjW1I7Snee+R75tbWlVTM6JsZ0PuJndpd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccnesnSXpP27+sj7/L19TR0dH3jNAbLo9lDSzoWb2f83sLjP76zfddms3c1eaWaOZNXZ0HOyrrEf/+cf8zD2/T1eKcTbkbnKXdjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyd6ydP/LhD+j55/fr6bXP5r0Prwv9kuT+dvVnuZ4peYckk/QjSX9pZj8ys6rO2yYfb8jd57h7g7s3ZDKD+yjq61qaWzWqrubI93W1I9Xauq9sZ0PuJndpd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccnesnc85p0EzLpqmbVuf1H/dfavOO++9unPed/LeDcQi16Hkqe7+eXe/390vlvS0pEfN7KQSZDuuNY1Nqq8fp7FjRymbzWrmzEu0aPGysp0lN7mLPUvueGbJHc8sueOZJXc8s+SOZ5bc8cySO55Zcscz29v5L8y+UWPHN6h+wmRd9jef1s9//rg+cfnVee8GYlGZ4/YqM8u4e4ckufv/MbNmSSskvaU3i+++67ua8v73aPjwE7VrR6O+/JWbdMe8+XnNtre365prZ2vpkntUkclo3p0LtHHj1rKdJTe5iz1L7nhmyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM9sX80AKrLvXl5vZv0ta5u6PvOnnF0r6T3d/W64FlQNq+/cL2AEAAAAAACJz+NWWY9+4EspyDvUGbf3470muZ0o2S9ry5h+6+0OSch5IAgAAAAAAAKXCiWQ8cr2n5FclrTKzx8zs02Z2cilCAQAAAAAAACg+M7vQzLaY2TYz+3yp9uY6lNwhqU6vHU6+S9JGM3vIzD5hZkOKng4AAAAAAABAUZhZhaTvSvqQpHdI+isze0cpduc6lHR373D3Ze7+KUk1km6VdKFeO7AEAAAAAAAAEKezJW1z9x3u/qqk+ZIuKcXiXO8p+YY3w3T3Nkk/lfRTMxtYtFQAAAAAAAAAiq1W0p6jvm+W9O5SLM51KHnp8W5w99/ns4BPgwIAAAAAAEApcA71RmZ2paQrj/rRHHefc/RduhgryecFdXso6e5bSxECAAAAAAAAQN/qPICc081dmiWNOur7Okl7ixqqU673lAQAAAAAAABQntZIepuZjTOzAZL+Uq+9dWPR5Xr5NgAAAAAAAIAy5O6Hzewzkn4mqULSXHffUIrd5l6Sl4kDAAAAAAAAgCRevg0AAAAAAACgxDiUBAAAAAAAAFBSHEoCAAAAAAAAKCkOJQEAAAAAAACUFIeSAAAAAAAAAEqKQ0kAAAAAAAAAJcWhJAAAAAAAAICS4lASAAAAAAAAQEn9fymVlo281J4BAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import matplotlib.pyplot as plt\n", + "import seaborn as sb\n", + "import pandas as pd\n", + "\n", + "cm_plt = pd.DataFrame(cm[:73])\n", + "\n", + "plt.figure(figsize = (25, 25))\n", + "ax = plt.axes()\n", + "\n", + "sb.heatmap(cm_plt, annot=True)\n", + "\n", + "ax.xaxis.set_ticks_position('top')\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Pipeline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, I took the data from [Coconut - Wikipedia](https://en.wikipedia.org/wiki/Coconut) to check if the classifier is able to **correctly** predict the label(s) or not.\n", + "\n", + "And here is the output:" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Example labels: [('coconut', 'oilseed')]\n" + ] + } + ], + "source": [ + "example_text = '''The coconut tree (Cocos nucifera) is a member of the family Arecaceae (palm family) and the only species of the genus Cocos.\n", + "The term coconut can refer to the whole coconut palm or the seed, or the fruit, which, botanically, is a drupe, not a nut.\n", + "The spelling cocoanut is an archaic form of the word.\n", + "The term is derived from the 16th-century Portuguese and Spanish word coco meaning \"head\" or \"skull\", from the three indentations on the coconut shell that resemble facial features.\n", + "Coconuts are known for their versatility ranging from food to cosmetics.\n", + "They form a regular part of the diets of many people in the tropics and subtropics.\n", + "Coconuts are distinct from other fruits for their endosperm containing a large quantity of water (also called \"milk\"), and when immature, may be harvested for the potable coconut water.\n", + "When mature, they can be used as seed nuts or processed for oil, charcoal from the hard shell, and coir from the fibrous husk.\n", + "When dried, the coconut flesh is called copra.\n", + "The oil and milk derived from it are commonly used in cooking and frying, as well as in soaps and cosmetics.\n", + "The husks and leaves can be used as material to make a variety of products for furnishing and decorating.\n", + "The coconut also has cultural and religious significance in certain societies, particularly in India, where it is used in Hindu rituals.'''\n", + "\n", + "example_preds = classifier.predict(vectorizer.transform([example_text]))\n", + "example_labels = mlb.inverse_transform(example_preds)\n", + "print(\"Example labels: {}\".format(example_labels))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.6" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/machine_learning/scoring_functions.py b/machine_learning/scoring_functions.py index 4c01891f1747..a9308a72d919 100755 --- a/machine_learning/scoring_functions.py +++ b/machine_learning/scoring_functions.py @@ -1,83 +1,83 @@ -import numpy as np - -""" Here I implemented the scoring functions. - MAE, MSE, RMSE, RMSLE are included. - - Those are used for calculating differences between - predicted values and actual values. - - Metrics are slightly differentiated. Sometimes squared, rooted, - even log is used. - - Using log and roots can be perceived as tools for penalizing big - erors. However, using appropriate metrics depends on the situations, - and types of data -""" - - -# Mean Absolute Error -def mae(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - difference = abs(predict - actual) - score = difference.mean() - - return score - - -# Mean Squared Error -def mse(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - difference = predict - actual - square_diff = np.square(difference) - - score = square_diff.mean() - return score - - -# Root Mean Squared Error -def rmse(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - difference = predict - actual - square_diff = np.square(difference) - mean_square_diff = square_diff.mean() - score = np.sqrt(mean_square_diff) - return score - - -# Root Mean Square Logarithmic Error -def rmsle(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - log_predict = np.log(predict + 1) - log_actual = np.log(actual + 1) - - difference = log_predict - log_actual - square_diff = np.square(difference) - mean_square_diff = square_diff.mean() - - score = np.sqrt(mean_square_diff) - - return score - - -# Mean Bias Deviation -def mbd(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - difference = predict - actual - numerator = np.sum(difference) / len(predict) - denumerator = np.sum(actual) / len(predict) - print(numerator) - print(denumerator) - - score = float(numerator) / denumerator * 100 - - return score +import numpy as np + +""" Here I implemented the scoring functions. + MAE, MSE, RMSE, RMSLE are included. + + Those are used for calculating differences between + predicted values and actual values. + + Metrics are slightly differentiated. Sometimes squared, rooted, + even log is used. + + Using log and roots can be perceived as tools for penalizing big + erors. However, using appropriate metrics depends on the situations, + and types of data +""" + + +# Mean Absolute Error +def mae(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + difference = abs(predict - actual) + score = difference.mean() + + return score + + +# Mean Squared Error +def mse(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + difference = predict - actual + square_diff = np.square(difference) + + score = square_diff.mean() + return score + + +# Root Mean Squared Error +def rmse(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + difference = predict - actual + square_diff = np.square(difference) + mean_square_diff = square_diff.mean() + score = np.sqrt(mean_square_diff) + return score + + +# Root Mean Square Logarithmic Error +def rmsle(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + log_predict = np.log(predict + 1) + log_actual = np.log(actual + 1) + + difference = log_predict - log_actual + square_diff = np.square(difference) + mean_square_diff = square_diff.mean() + + score = np.sqrt(mean_square_diff) + + return score + + +# Mean Bias Deviation +def mbd(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + difference = predict - actual + numerator = np.sum(difference) / len(predict) + denumerator = np.sum(actual) / len(predict) + print(numerator) + print(denumerator) + + score = float(numerator) / denumerator * 100 + + return score diff --git a/maths/3n+1.py b/maths/3n+1.py index af5cec728d1a..9322d4b24cb1 100644 --- a/maths/3n+1.py +++ b/maths/3n+1.py @@ -1,21 +1,21 @@ -def main(): - def n31(a): # a = initial number - c = 0 - l = [a] - while a != 1: - if a % 2 == 0: # if even divide it by 2 - a = a // 2 - elif a % 2 == 1: # if odd 3n+1 - a = 3 * a + 1 - c += 1 # counter - l += [a] - - return l, c - - print(n31(43)) - print(n31(98)[0][-1]) # = a - print("It took {0} steps.".format(n31(13)[1])) # optional finish - - -if __name__ == '__main__': - main() +def main(): + def n31(a): # a = initial number + c = 0 + l = [a] + while a != 1: + if a % 2 == 0: # if even divide it by 2 + a = a // 2 + elif a % 2 == 1: # if odd 3n+1 + a = 3 * a + 1 + c += 1 # counter + l += [a] + + return l, c + + print(n31(43)) + print(n31(98)[0][-1]) # = a + print("It took {0} steps.".format(n31(13)[1])) # optional finish + + +if __name__ == '__main__': + main() diff --git a/maths/Binary_Exponentiation.py b/maths/Binary_Exponentiation.py index 0b9d4560261a..73d4363aa260 100644 --- a/maths/Binary_Exponentiation.py +++ b/maths/Binary_Exponentiation.py @@ -1,23 +1,23 @@ -# Author : Junth Basnet -# Time Complexity : O(logn) - -def binary_exponentiation(a, n): - if (n == 0): - return 1 - - elif (n % 2 == 1): - return binary_exponentiation(a, n - 1) * a - - else: - b = binary_exponentiation(a, n / 2) - return b * b - - -try: - base = int(input('Enter Base : ')) - power = int(input("Enter Power : ")) -except ValueError: - print("Invalid literal for integer") - -result = binary_exponentiation(base, power) -print("{}^({}) : {}".format(base, power, result)) +# Author : Junth Basnet +# Time Complexity : O(logn) + +def binary_exponentiation(a, n): + if (n == 0): + return 1 + + elif (n % 2 == 1): + return binary_exponentiation(a, n - 1) * a + + else: + b = binary_exponentiation(a, n / 2) + return b * b + + +try: + base = int(input('Enter Base : ')) + power = int(input("Enter Power : ")) +except ValueError: + print("Invalid literal for integer") + +result = binary_exponentiation(base, power) +print("{}^({}) : {}".format(base, power, result)) diff --git a/maths/Find_Max.py b/maths/Find_Max.py index b69872e7abc1..d3e30c7ac48c 100644 --- a/maths/Find_Max.py +++ b/maths/Find_Max.py @@ -1,16 +1,16 @@ -# NguyenU - -def find_max(nums): - max = nums[0] - for x in nums: - if x > max: - max = x - print(max) - - -def main(): - find_max([2, 4, 9, 7, 19, 94, 5]) - - -if __name__ == '__main__': - main() +# NguyenU + +def find_max(nums): + max = nums[0] + for x in nums: + if x > max: + max = x + print(max) + + +def main(): + find_max([2, 4, 9, 7, 19, 94, 5]) + + +if __name__ == '__main__': + main() diff --git a/maths/Find_Min.py b/maths/Find_Min.py index f30e7a588d2a..9debacc1adb9 100644 --- a/maths/Find_Min.py +++ b/maths/Find_Min.py @@ -1,13 +1,13 @@ -def main(): - def findMin(x): - minNum = x[0] - for i in x: - if minNum > i: - minNum = i - return minNum - - print(findMin([0, 1, 2, 3, 4, 5, -3, 24, -56])) # = -56 - - -if __name__ == '__main__': - main() +def main(): + def findMin(x): + minNum = x[0] + for i in x: + if minNum > i: + minNum = i + return minNum + + print(findMin([0, 1, 2, 3, 4, 5, -3, 24, -56])) # = -56 + + +if __name__ == '__main__': + main() diff --git a/maths/Hanoi.py b/maths/Hanoi.py index 40eafcc9709e..cd38282c8206 100644 --- a/maths/Hanoi.py +++ b/maths/Hanoi.py @@ -1,24 +1,24 @@ -# @author willx75 -# Tower of Hanoi recursion game algorithm is a game, it consists of three rods and a number of disks of different sizes, which can slide onto any rod - -import logging - -log = logging.getLogger() -logging.basicConfig(level=logging.DEBUG) - - -def Tower_Of_Hanoi(n, source, dest, by, mouvement): - if n == 0: - return n - elif n == 1: - mouvement += 1 - # no print statement (you could make it an optional flag for printing logs) - logging.debug('Move the plate from', source, 'to', dest) - return mouvement - else: - - mouvement = mouvement + Tower_Of_Hanoi(n - 1, source, by, dest, 0) - logging.debug('Move the plate from', source, 'to', dest) - - mouvement = mouvement + 1 + Tower_Of_Hanoi(n - 1, by, dest, source, 0) - return mouvement +# @author willx75 +# Tower of Hanoi recursion game algorithm is a game, it consists of three rods and a number of disks of different sizes, which can slide onto any rod + +import logging + +log = logging.getLogger() +logging.basicConfig(level=logging.DEBUG) + + +def Tower_Of_Hanoi(n, source, dest, by, mouvement): + if n == 0: + return n + elif n == 1: + mouvement += 1 + # no print statement (you could make it an optional flag for printing logs) + logging.debug('Move the plate from', source, 'to', dest) + return mouvement + else: + + mouvement = mouvement + Tower_Of_Hanoi(n - 1, source, by, dest, 0) + logging.debug('Move the plate from', source, 'to', dest) + + mouvement = mouvement + 1 + Tower_Of_Hanoi(n - 1, by, dest, source, 0) + return mouvement diff --git a/maths/Prime_Check.py b/maths/Prime_Check.py index 84b5bf508586..5008d0a1c2f9 100644 --- a/maths/Prime_Check.py +++ b/maths/Prime_Check.py @@ -1,53 +1,53 @@ -import math -import unittest - - -def primeCheck(number): - """ - A number is prime if it has exactly two dividers: 1 and itself. - """ - if number < 2: - # Negatives, 0 and 1 are not primes - return False - if number < 4: - # 2 and 3 are primes - return True - if number % 2 == 0: - # Even values are not primes - return False - - # Except 2, all primes are odd. If any odd value divide - # the number, then that number is not prime. - odd_numbers = range(3, int(math.sqrt(number)) + 1, 2) - return not any(number % i == 0 for i in odd_numbers) - - -class Test(unittest.TestCase): - def test_primes(self): - self.assertTrue(primeCheck(2)) - self.assertTrue(primeCheck(3)) - self.assertTrue(primeCheck(5)) - self.assertTrue(primeCheck(7)) - self.assertTrue(primeCheck(11)) - self.assertTrue(primeCheck(13)) - self.assertTrue(primeCheck(17)) - self.assertTrue(primeCheck(19)) - self.assertTrue(primeCheck(23)) - self.assertTrue(primeCheck(29)) - - def test_not_primes(self): - self.assertFalse(primeCheck(-19), - "Negative numbers are not prime.") - self.assertFalse(primeCheck(0), - "Zero doesn't have any divider, primes must have two") - self.assertFalse(primeCheck(1), - "One just have 1 divider, primes must have two.") - self.assertFalse(primeCheck(2 * 2)) - self.assertFalse(primeCheck(2 * 3)) - self.assertFalse(primeCheck(3 * 3)) - self.assertFalse(primeCheck(3 * 5)) - self.assertFalse(primeCheck(3 * 5 * 7)) - - -if __name__ == '__main__': - unittest.main() +import math +import unittest + + +def primeCheck(number): + """ + A number is prime if it has exactly two dividers: 1 and itself. + """ + if number < 2: + # Negatives, 0 and 1 are not primes + return False + if number < 4: + # 2 and 3 are primes + return True + if number % 2 == 0: + # Even values are not primes + return False + + # Except 2, all primes are odd. If any odd value divide + # the number, then that number is not prime. + odd_numbers = range(3, int(math.sqrt(number)) + 1, 2) + return not any(number % i == 0 for i in odd_numbers) + + +class Test(unittest.TestCase): + def test_primes(self): + self.assertTrue(primeCheck(2)) + self.assertTrue(primeCheck(3)) + self.assertTrue(primeCheck(5)) + self.assertTrue(primeCheck(7)) + self.assertTrue(primeCheck(11)) + self.assertTrue(primeCheck(13)) + self.assertTrue(primeCheck(17)) + self.assertTrue(primeCheck(19)) + self.assertTrue(primeCheck(23)) + self.assertTrue(primeCheck(29)) + + def test_not_primes(self): + self.assertFalse(primeCheck(-19), + "Negative numbers are not prime.") + self.assertFalse(primeCheck(0), + "Zero doesn't have any divider, primes must have two") + self.assertFalse(primeCheck(1), + "One just have 1 divider, primes must have two.") + self.assertFalse(primeCheck(2 * 2)) + self.assertFalse(primeCheck(2 * 3)) + self.assertFalse(primeCheck(3 * 3)) + self.assertFalse(primeCheck(3 * 5)) + self.assertFalse(primeCheck(3 * 5 * 7)) + + +if __name__ == '__main__': + unittest.main() diff --git a/maths/abs.py b/maths/abs.py index ba7b704fb340..41e05d658aa6 100644 --- a/maths/abs.py +++ b/maths/abs.py @@ -1,20 +1,20 @@ -def absVal(num): - """ - Function to fins absolute value of numbers. - >>absVal(-5) - 5 - >>absVal(0) - 0 - """ - if num < 0: - return -num - else: - return num - - -def main(): - print(absVal(-34)) # = 34 - - -if __name__ == '__main__': - main() +def absVal(num): + """ + Function to fins absolute value of numbers. + >>absVal(-5) + 5 + >>absVal(0) + 0 + """ + if num < 0: + return -num + else: + return num + + +def main(): + print(absVal(-34)) # = 34 + + +if __name__ == '__main__': + main() diff --git a/maths/abs_Max.py b/maths/abs_Max.py index 0f30a0f57d90..4c3f03a95a2d 100644 --- a/maths/abs_Max.py +++ b/maths/abs_Max.py @@ -1,25 +1,25 @@ -def absMax(x): - """ - #>>>absMax([0,5,1,11]) - 11 - >>absMax([3,-10,-2]) - -10 - """ - j = x[0] - for i in x: - if abs(i) > abs(j): - j = i - return j - - -def main(): - a = [1, 2, -11] - print(absMax(a)) # = -11 - - -if __name__ == '__main__': - main() - -""" -print abs Max -""" +def absMax(x): + """ + #>>>absMax([0,5,1,11]) + 11 + >>absMax([3,-10,-2]) + -10 + """ + j = x[0] + for i in x: + if abs(i) > abs(j): + j = i + return j + + +def main(): + a = [1, 2, -11] + print(absMax(a)) # = -11 + + +if __name__ == '__main__': + main() + +""" +print abs Max +""" diff --git a/maths/abs_Min.py b/maths/abs_Min.py index 07e5f873646b..f8d5925023df 100644 --- a/maths/abs_Min.py +++ b/maths/abs_Min.py @@ -1,24 +1,24 @@ -from Maths.abs import absVal - - -def absMin(x): - """ - # >>>absMin([0,5,1,11]) - 0 - # >>absMin([3,-10,-2]) - -2 - """ - j = x[0] - for i in x: - if absVal(i) < absVal(j): - j = i - return j - - -def main(): - a = [-3, -1, 2, -11] - print(absMin(a)) # = -1 - - -if __name__ == '__main__': - main() +from Maths.abs import absVal + + +def absMin(x): + """ + # >>>absMin([0,5,1,11]) + 0 + # >>absMin([3,-10,-2]) + -2 + """ + j = x[0] + for i in x: + if absVal(i) < absVal(j): + j = i + return j + + +def main(): + a = [-3, -1, 2, -11] + print(absMin(a)) # = -1 + + +if __name__ == '__main__': + main() diff --git a/maths/average.py b/maths/average.py index ac497904badd..eb97fe29de30 100644 --- a/maths/average.py +++ b/maths/average.py @@ -1,16 +1,16 @@ -def average(nums): - sum = 0 - n = 0 - for x in nums: - sum += x - n += 1 - avg = sum / n - print(avg) - - -def main(): - average([2, 4, 6, 8, 20, 50, 70]) - - -if __name__ == '__main__': - main() +def average(nums): + sum = 0 + n = 0 + for x in nums: + sum += x + n += 1 + avg = sum / n + print(avg) + + +def main(): + average([2, 4, 6, 8, 20, 50, 70]) + + +if __name__ == '__main__': + main() diff --git a/maths/extended_euclidean_algorithm.py b/maths/extended_euclidean_algorithm.py index e77f161fe7c1..758d07152586 100644 --- a/maths/extended_euclidean_algorithm.py +++ b/maths/extended_euclidean_algorithm.py @@ -1,60 +1,60 @@ -# @Author: S. Sharma -# @Date: 2019-02-25T12:08:53-06:00 -# @Email: silentcat@protonmail.com -# @Last modified by: silentcat -# @Last modified time: 2019-02-26T07:07:38-06:00 - -import sys - - -# Finds 2 numbers a and b such that it satisfies -# the equation am + bn = gcd(m, n) (a.k.a Bezout's Identity) -def extended_euclidean_algorithm(m, n): - a = 0; - aprime = 1; - b = 1; - bprime = 0 - q = 0; - r = 0 - if m > n: - c = m; - d = n - else: - c = n; - d = m - - while True: - q = int(c / d) - r = c % d - if r == 0: - break - c = d - d = r - - t = aprime - aprime = a - a = t - q * a - - t = bprime - bprime = b - b = t - q * b - - pair = None - if m > n: - pair = (a, b) - else: - pair = (b, a) - return pair - - -def main(): - if len(sys.argv) < 3: - print('2 integer arguments required') - exit(1) - m = int(sys.argv[1]) - n = int(sys.argv[2]) - print(extended_euclidean_algorithm(m, n)) - - -if __name__ == '__main__': - main() +# @Author: S. Sharma +# @Date: 2019-02-25T12:08:53-06:00 +# @Email: silentcat@protonmail.com +# @Last modified by: silentcat +# @Last modified time: 2019-02-26T07:07:38-06:00 + +import sys + + +# Finds 2 numbers a and b such that it satisfies +# the equation am + bn = gcd(m, n) (a.k.a Bezout's Identity) +def extended_euclidean_algorithm(m, n): + a = 0; + aprime = 1; + b = 1; + bprime = 0 + q = 0; + r = 0 + if m > n: + c = m; + d = n + else: + c = n; + d = m + + while True: + q = int(c / d) + r = c % d + if r == 0: + break + c = d + d = r + + t = aprime + aprime = a + a = t - q * a + + t = bprime + bprime = b + b = t - q * b + + pair = None + if m > n: + pair = (a, b) + else: + pair = (b, a) + return pair + + +def main(): + if len(sys.argv) < 3: + print('2 integer arguments required') + exit(1) + m = int(sys.argv[1]) + n = int(sys.argv[2]) + print(extended_euclidean_algorithm(m, n)) + + +if __name__ == '__main__': + main() diff --git a/maths/factorial_python.py b/maths/factorial_python.py index 62d8ee43f354..2a63655c9e6d 100644 --- a/maths/factorial_python.py +++ b/maths/factorial_python.py @@ -1,19 +1,19 @@ -# Python program to find the factorial of a number provided by the user. - -# change the value for a different result -num = 10 - -# uncomment to take input from the user -# num = int(input("Enter a number: ")) - -factorial = 1 - -# check if the number is negative, positive or zero -if num < 0: - print("Sorry, factorial does not exist for negative numbers") -elif num == 0: - print("The factorial of 0 is 1") -else: - for i in range(1, num + 1): - factorial = factorial * i - print("The factorial of", num, "is", factorial) +# Python program to find the factorial of a number provided by the user. + +# change the value for a different result +num = 10 + +# uncomment to take input from the user +# num = int(input("Enter a number: ")) + +factorial = 1 + +# check if the number is negative, positive or zero +if num < 0: + print("Sorry, factorial does not exist for negative numbers") +elif num == 0: + print("The factorial of 0 is 1") +else: + for i in range(1, num + 1): + factorial = factorial * i + print("The factorial of", num, "is", factorial) diff --git a/maths/factorial_recursive.py b/maths/factorial_recursive.py index 97eb25ea745d..cbe9e4ad82fb 100644 --- a/maths/factorial_recursive.py +++ b/maths/factorial_recursive.py @@ -1,14 +1,14 @@ -def fact(n): - """ - Return 1, if n is 1 or below, - otherwise, return n * fact(n-1). - """ - return 1 if n <= 1 else n * fact(n - 1) - - -""" -Shown factorial for i, -where i ranges from 1 to 20. -""" -for i in range(1, 21): - print(i, ": ", fact(i), sep='') +def fact(n): + """ + Return 1, if n is 1 or below, + otherwise, return n * fact(n-1). + """ + return 1 if n <= 1 else n * fact(n - 1) + + +""" +Shown factorial for i, +where i ranges from 1 to 20. +""" +for i in range(1, 21): + print(i, ": ", fact(i), sep='') diff --git a/maths/fermat_little_theorem.py b/maths/fermat_little_theorem.py index 10d69ecf610e..49fd19d21a69 100644 --- a/maths/fermat_little_theorem.py +++ b/maths/fermat_little_theorem.py @@ -1,29 +1,29 @@ -# Python program to show the usage of Fermat's little theorem in a division -# According to Fermat's little theorem, (a / b) mod p always equals a * (b ^ (p - 2)) mod p -# Here we assume that p is a prime number, b divides a, and p doesn't divide b -# Wikipedia reference: https://en.wikipedia.org/wiki/Fermat%27s_little_theorem - - -def binary_exponentiation(a, n, mod): - if (n == 0): - return 1 - - elif (n % 2 == 1): - return (binary_exponentiation(a, n - 1, mod) * a) % mod - - else: - b = binary_exponentiation(a, n / 2, mod) - return (b * b) % mod - - -# a prime number -p = 701 - -a = 1000000000 -b = 10 - -# using binary exponentiation function, O(log(p)): -print((a / b) % p == (a * binary_exponentiation(b, p - 2, p)) % p) - -# using Python operators: -print((a / b) % p == (a * b ** (p - 2)) % p) +# Python program to show the usage of Fermat's little theorem in a division +# According to Fermat's little theorem, (a / b) mod p always equals a * (b ^ (p - 2)) mod p +# Here we assume that p is a prime number, b divides a, and p doesn't divide b +# Wikipedia reference: https://en.wikipedia.org/wiki/Fermat%27s_little_theorem + + +def binary_exponentiation(a, n, mod): + if (n == 0): + return 1 + + elif (n % 2 == 1): + return (binary_exponentiation(a, n - 1, mod) * a) % mod + + else: + b = binary_exponentiation(a, n / 2, mod) + return (b * b) % mod + + +# a prime number +p = 701 + +a = 1000000000 +b = 10 + +# using binary exponentiation function, O(log(p)): +print((a / b) % p == (a * binary_exponentiation(b, p - 2, p)) % p) + +# using Python operators: +print((a / b) % p == (a * b ** (p - 2)) % p) diff --git a/maths/fibonacci_sequence_recursion.py b/maths/fibonacci_sequence_recursion.py index c841167699c9..8fc948c05bd0 100644 --- a/maths/fibonacci_sequence_recursion.py +++ b/maths/fibonacci_sequence_recursion.py @@ -1,24 +1,24 @@ -# Fibonacci Sequence Using Recursion - -def recur_fibo(n): - if n <= 1: - return n - else: - (recur_fibo(n - 1) + recur_fibo(n - 2)) - - -def isPositiveInteger(limit): - return limit >= 0 - - -def main(): - limit = int(input("How many terms to include in fibonacci series: ")) - if isPositiveInteger(limit): - print("The first {limit} terms of the fibonacci series are as follows:") - print([recur_fibo(n) for n in range(limit)]) - else: - print("Please enter a positive integer: ") - - -if __name__ == '__main__': - main() +# Fibonacci Sequence Using Recursion + +def recur_fibo(n): + if n <= 1: + return n + else: + (recur_fibo(n - 1) + recur_fibo(n - 2)) + + +def isPositiveInteger(limit): + return limit >= 0 + + +def main(): + limit = int(input("How many terms to include in fibonacci series: ")) + if isPositiveInteger(limit): + print("The first {limit} terms of the fibonacci series are as follows:") + print([recur_fibo(n) for n in range(limit)]) + else: + print("Please enter a positive integer: ") + + +if __name__ == '__main__': + main() diff --git a/maths/find_lcm.py b/maths/find_lcm.py index 126242699ab7..a000e87dc83a 100644 --- a/maths/find_lcm.py +++ b/maths/find_lcm.py @@ -1,18 +1,18 @@ -def find_lcm(num_1, num_2): - max = num_1 if num_1 > num_2 else num_2 - lcm = max - while (True): - if ((lcm % num_1 == 0) and (lcm % num_2 == 0)): - break - lcm += max - return lcm - - -def main(): - num_1 = 12 - num_2 = 76 - print(find_lcm(num_1, num_2)) - - -if __name__ == '__main__': - main() +def find_lcm(num_1, num_2): + max = num_1 if num_1 > num_2 else num_2 + lcm = max + while (True): + if ((lcm % num_1 == 0) and (lcm % num_2 == 0)): + break + lcm += max + return lcm + + +def main(): + num_1 = 12 + num_2 = 76 + print(find_lcm(num_1, num_2)) + + +if __name__ == '__main__': + main() diff --git a/maths/greater_common_divisor.py b/maths/greater_common_divisor.py index 343ab7963619..80af2c93d592 100644 --- a/maths/greater_common_divisor.py +++ b/maths/greater_common_divisor.py @@ -1,17 +1,17 @@ -# Greater Common Divisor - https://en.wikipedia.org/wiki/Greatest_common_divisor -def gcd(a, b): - return b if a == 0 else gcd(b % a, a) - - -def main(): - try: - nums = input("Enter two Integers separated by comma (,): ").split(',') - num1 = int(nums[0]); - num2 = int(nums[1]) - except (IndexError, UnboundLocalError, ValueError): - print("Wrong Input") - print(f"gcd({num1}, {num2}) = {gcd(num1, num2)}") - - -if __name__ == '__main__': - main() +# Greater Common Divisor - https://en.wikipedia.org/wiki/Greatest_common_divisor +def gcd(a, b): + return b if a == 0 else gcd(b % a, a) + + +def main(): + try: + nums = input("Enter two Integers separated by comma (,): ").split(',') + num1 = int(nums[0]); + num2 = int(nums[1]) + except (IndexError, UnboundLocalError, ValueError): + print("Wrong Input") + print(f"gcd({num1}, {num2}) = {gcd(num1, num2)}") + + +if __name__ == '__main__': + main() diff --git a/maths/lucasSeries.py b/maths/lucasSeries.py index c9adc10f0986..9d53f6382eb6 100644 --- a/maths/lucasSeries.py +++ b/maths/lucasSeries.py @@ -1,14 +1,14 @@ -# Lucas Sequence Using Recursion - -def recur_luc(n): - if n == 1: - return n - if n == 0: - return 2 - return (recur_luc(n - 1) + recur_luc(n - 2)) - - -limit = int(input("How many terms to include in Lucas series:")) -print("Lucas series:") -for i in range(limit): - print(recur_luc(i)) +# Lucas Sequence Using Recursion + +def recur_luc(n): + if n == 1: + return n + if n == 0: + return 2 + return (recur_luc(n - 1) + recur_luc(n - 2)) + + +limit = int(input("How many terms to include in Lucas series:")) +print("Lucas series:") +for i in range(limit): + print(recur_luc(i)) diff --git a/maths/modular_exponential.py b/maths/modular_exponential.py index 5971951c17bc..21a8c4405beb 100644 --- a/maths/modular_exponential.py +++ b/maths/modular_exponential.py @@ -1,20 +1,20 @@ -def modularExponential(base, power, mod): - if power < 0: - return -1 - base %= mod - result = 1 - - while power > 0: - if power & 1: - result = (result * base) % mod - power = power >> 1 - base = (base * base) % mod - return result - - -def main(): - print(modularExponential(3, 200, 13)) - - -if __name__ == '__main__': - main() +def modularExponential(base, power, mod): + if power < 0: + return -1 + base %= mod + result = 1 + + while power > 0: + if power & 1: + result = (result * base) % mod + power = power >> 1 + base = (base * base) % mod + return result + + +def main(): + print(modularExponential(3, 200, 13)) + + +if __name__ == '__main__': + main() diff --git a/maths/newton_raphson.py b/maths/newton_raphson.py index c77a0c83668b..8feaae7d0a7c 100644 --- a/maths/newton_raphson.py +++ b/maths/newton_raphson.py @@ -1,53 +1,53 @@ -''' - Author: P Shreyas Shetty - Implementation of Newton-Raphson method for solving equations of kind - f(x) = 0. It is an iterative method where solution is found by the expression - x[n+1] = x[n] + f(x[n])/f'(x[n]) - If no solution exists, then either the solution will not be found when iteration - limit is reached or the gradient f'(x[n]) approaches zero. In both cases, exception - is raised. If iteration limit is reached, try increasing maxiter. - ''' - -import math as m - - -def calc_derivative(f, a, h=0.001): - ''' - Calculates derivative at point a for function f using finite difference - method - ''' - return (f(a + h) - f(a - h)) / (2 * h) - - -def newton_raphson(f, x0=0, maxiter=100, step=0.0001, maxerror=1e-6, logsteps=False): - a = x0 # set the initial guess - steps = [a] - error = abs(f(a)) - f1 = lambda x: calc_derivative(f, x, h=step) # Derivative of f(x) - for _ in range(maxiter): - if f1(a) == 0: - raise ValueError("No converging solution found") - a = a - f(a) / f1(a) # Calculate the next estimate - if logsteps: - steps.append(a) - error = abs(f(a)) - if error < maxerror: - break - else: - raise ValueError("Itheration limit reached, no converging solution found") - if logsteps: - # If logstep is true, then log intermediate steps - return a, error, steps - return a, error - - -if __name__ == '__main__': - import matplotlib.pyplot as plt - - f = lambda x: m.tanh(x) ** 2 - m.exp(3 * x) - solution, error, steps = newton_raphson(f, x0=10, maxiter=1000, step=1e-6, logsteps=True) - plt.plot([abs(f(x)) for x in steps]) - plt.xlabel("step") - plt.ylabel("error") - plt.show() - print("solution = {%f}, error = {%f}" % (solution, error)) +''' + Author: P Shreyas Shetty + Implementation of Newton-Raphson method for solving equations of kind + f(x) = 0. It is an iterative method where solution is found by the expression + x[n+1] = x[n] + f(x[n])/f'(x[n]) + If no solution exists, then either the solution will not be found when iteration + limit is reached or the gradient f'(x[n]) approaches zero. In both cases, exception + is raised. If iteration limit is reached, try increasing maxiter. + ''' + +import math as m + + +def calc_derivative(f, a, h=0.001): + ''' + Calculates derivative at point a for function f using finite difference + method + ''' + return (f(a + h) - f(a - h)) / (2 * h) + + +def newton_raphson(f, x0=0, maxiter=100, step=0.0001, maxerror=1e-6, logsteps=False): + a = x0 # set the initial guess + steps = [a] + error = abs(f(a)) + f1 = lambda x: calc_derivative(f, x, h=step) # Derivative of f(x) + for _ in range(maxiter): + if f1(a) == 0: + raise ValueError("No converging solution found") + a = a - f(a) / f1(a) # Calculate the next estimate + if logsteps: + steps.append(a) + error = abs(f(a)) + if error < maxerror: + break + else: + raise ValueError("Itheration limit reached, no converging solution found") + if logsteps: + # If logstep is true, then log intermediate steps + return a, error, steps + return a, error + + +if __name__ == '__main__': + import matplotlib.pyplot as plt + + f = lambda x: m.tanh(x) ** 2 - m.exp(3 * x) + solution, error, steps = newton_raphson(f, x0=10, maxiter=1000, step=1e-6, logsteps=True) + plt.plot([abs(f(x)) for x in steps]) + plt.xlabel("step") + plt.ylabel("error") + plt.show() + print("solution = {%f}, error = {%f}" % (solution, error)) diff --git a/maths/simpson_rule.py b/maths/simpson_rule.py index 27dde18b0a6f..ae8c75dc4646 100644 --- a/maths/simpson_rule.py +++ b/maths/simpson_rule.py @@ -1,52 +1,52 @@ -''' -Numerical integration or quadrature for a smooth function f with known values at x_i - -This method is the classical approch of suming 'Equally Spaced Abscissas' - -method 2: -"Simpson Rule" - -''' -from __future__ import print_function - - -def method_2(boundary, steps): - # "Simpson Rule" - # int(f) = delta_x/2 * (b-a)/3*(f1 + 4f2 + 2f_3 + ... + fn) - h = (boundary[1] - boundary[0]) / steps - a = boundary[0] - b = boundary[1] - x_i = makePoints(a, b, h) - y = 0.0 - y += (h / 3.0) * f(a) - cnt = 2 - for i in x_i: - y += (h / 3) * (4 - 2 * (cnt % 2)) * f(i) - cnt += 1 - y += (h / 3.0) * f(b) - return y - - -def makePoints(a, b, h): - x = a + h - while x < (b - h): - yield x - x = x + h - - -def f(x): # enter your function here - y = (x - 0) * (x - 0) - return y - - -def main(): - a = 0.0 # Lower bound of integration - b = 1.0 # Upper bound of integration - steps = 10.0 # define number of steps or resolution - boundary = [a, b] # define boundary of integration - y = method_2(boundary, steps) - print('y = {0}'.format(y)) - - -if __name__ == '__main__': - main() +''' +Numerical integration or quadrature for a smooth function f with known values at x_i + +This method is the classical approch of suming 'Equally Spaced Abscissas' + +method 2: +"Simpson Rule" + +''' +from __future__ import print_function + + +def method_2(boundary, steps): + # "Simpson Rule" + # int(f) = delta_x/2 * (b-a)/3*(f1 + 4f2 + 2f_3 + ... + fn) + h = (boundary[1] - boundary[0]) / steps + a = boundary[0] + b = boundary[1] + x_i = makePoints(a, b, h) + y = 0.0 + y += (h / 3.0) * f(a) + cnt = 2 + for i in x_i: + y += (h / 3) * (4 - 2 * (cnt % 2)) * f(i) + cnt += 1 + y += (h / 3.0) * f(b) + return y + + +def makePoints(a, b, h): + x = a + h + while x < (b - h): + yield x + x = x + h + + +def f(x): # enter your function here + y = (x - 0) * (x - 0) + return y + + +def main(): + a = 0.0 # Lower bound of integration + b = 1.0 # Upper bound of integration + steps = 10.0 # define number of steps or resolution + boundary = [a, b] # define boundary of integration + y = method_2(boundary, steps) + print('y = {0}'.format(y)) + + +if __name__ == '__main__': + main() diff --git a/maths/tests/__init__.py b/maths/tests/__init__.py index 8b137891791f..d3f5a12faa99 100644 --- a/maths/tests/__init__.py +++ b/maths/tests/__init__.py @@ -1 +1 @@ - + diff --git a/maths/trapezoidal_rule.py b/maths/trapezoidal_rule.py index a1d1668532c8..12e02abe2a79 100644 --- a/maths/trapezoidal_rule.py +++ b/maths/trapezoidal_rule.py @@ -1,51 +1,51 @@ -''' -Numerical integration or quadrature for a smooth function f with known values at x_i - -This method is the classical approch of suming 'Equally Spaced Abscissas' - -method 1: -"extended trapezoidal rule" - -''' -from __future__ import print_function - - -def method_1(boundary, steps): - # "extended trapezoidal rule" - # int(f) = dx/2 * (f1 + 2f2 + ... + fn) - h = (boundary[1] - boundary[0]) / steps - a = boundary[0] - b = boundary[1] - x_i = makePoints(a, b, h) - y = 0.0 - y += (h / 2.0) * f(a) - for i in x_i: - # print(i) - y += h * f(i) - y += (h / 2.0) * f(b) - return y - - -def makePoints(a, b, h): - x = a + h - while x < (b - h): - yield x - x = x + h - - -def f(x): # enter your function here - y = (x - 0) * (x - 0) - return y - - -def main(): - a = 0.0 # Lower bound of integration - b = 1.0 # Upper bound of integration - steps = 10.0 # define number of steps or resolution - boundary = [a, b] # define boundary of integration - y = method_1(boundary, steps) - print('y = {0}'.format(y)) - - -if __name__ == '__main__': - main() +''' +Numerical integration or quadrature for a smooth function f with known values at x_i + +This method is the classical approch of suming 'Equally Spaced Abscissas' + +method 1: +"extended trapezoidal rule" + +''' +from __future__ import print_function + + +def method_1(boundary, steps): + # "extended trapezoidal rule" + # int(f) = dx/2 * (f1 + 2f2 + ... + fn) + h = (boundary[1] - boundary[0]) / steps + a = boundary[0] + b = boundary[1] + x_i = makePoints(a, b, h) + y = 0.0 + y += (h / 2.0) * f(a) + for i in x_i: + # print(i) + y += h * f(i) + y += (h / 2.0) * f(b) + return y + + +def makePoints(a, b, h): + x = a + h + while x < (b - h): + yield x + x = x + h + + +def f(x): # enter your function here + y = (x - 0) * (x - 0) + return y + + +def main(): + a = 0.0 # Lower bound of integration + b = 1.0 # Upper bound of integration + steps = 10.0 # define number of steps or resolution + boundary = [a, b] # define boundary of integration + y = method_1(boundary, steps) + print('y = {0}'.format(y)) + + +if __name__ == '__main__': + main() diff --git a/matrix/matrix_multiplication_addition.py b/matrix/matrix_multiplication_addition.py index 7cf0304f8db0..5c22397c8a40 100644 --- a/matrix/matrix_multiplication_addition.py +++ b/matrix/matrix_multiplication_addition.py @@ -1,84 +1,84 @@ -def add(matrix_a, matrix_b): - rows = len(matrix_a) - columns = len(matrix_a[0]) - matrix_c = [] - for i in range(rows): - list_1 = [] - for j in range(columns): - val = matrix_a[i][j] + matrix_b[i][j] - list_1.append(val) - matrix_c.append(list_1) - return matrix_c - - -def scalarMultiply(matrix, n): - return [[x * n for x in row] for row in matrix] - - -def multiply(matrix_a, matrix_b): - matrix_c = [] - n = len(matrix_a) - for i in range(n): - list_1 = [] - for j in range(n): - val = 0 - for k in range(n): - val = val + matrix_a[i][k] * matrix_b[k][j] - list_1.append(val) - matrix_c.append(list_1) - return matrix_c - - -def identity(n): - return [[int(row == column) for column in range(n)] for row in range(n)] - - -def transpose(matrix): - return map(list, zip(*matrix)) - - -def minor(matrix, row, column): - minor = matrix[:row] + matrix[row + 1:] - minor = [row[:column] + row[column + 1:] for row in minor] - return minor - - -def determinant(matrix): - if len(matrix) == 1: return matrix[0][0] - - res = 0 - for x in range(len(matrix)): - res += matrix[0][x] * determinant(minor(matrix, 0, x)) * (-1) ** x - return res - - -def inverse(matrix): - det = determinant(matrix) - if det == 0: return None - - matrixMinor = [[] for _ in range(len(matrix))] - for i in range(len(matrix)): - for j in range(len(matrix)): - matrixMinor[i].append(determinant(minor(matrix, i, j))) - - cofactors = [[x * (-1) ** (row + col) for col, x in enumerate(matrixMinor[row])] for row in range(len(matrix))] - adjugate = transpose(cofactors) - return scalarMultiply(adjugate, 1 / det) - - -def main(): - matrix_a = [[12, 10], [3, 9]] - matrix_b = [[3, 4], [7, 4]] - matrix_c = [[11, 12, 13, 14], [21, 22, 23, 24], [31, 32, 33, 34], [41, 42, 43, 44]] - matrix_d = [[3, 0, 2], [2, 0, -2], [0, 1, 1]] - - print(add(matrix_a, matrix_b)) - print(multiply(matrix_a, matrix_b)) - print(identity(5)) - print(minor(matrix_c, 1, 2)) - print(determinant(matrix_b)) - print(inverse(matrix_d)) - - -if __name__ == '__main__': - main() +def add(matrix_a, matrix_b): + rows = len(matrix_a) + columns = len(matrix_a[0]) + matrix_c = [] + for i in range(rows): + list_1 = [] + for j in range(columns): + val = matrix_a[i][j] + matrix_b[i][j] + list_1.append(val) + matrix_c.append(list_1) + return matrix_c + + +def scalarMultiply(matrix, n): + return [[x * n for x in row] for row in matrix] + + +def multiply(matrix_a, matrix_b): + matrix_c = [] + n = len(matrix_a) + for i in range(n): + list_1 = [] + for j in range(n): + val = 0 + for k in range(n): + val = val + matrix_a[i][k] * matrix_b[k][j] + list_1.append(val) + matrix_c.append(list_1) + return matrix_c + + +def identity(n): + return [[int(row == column) for column in range(n)] for row in range(n)] + + +def transpose(matrix): + return map(list, zip(*matrix)) + + +def minor(matrix, row, column): + minor = matrix[:row] + matrix[row + 1:] + minor = [row[:column] + row[column + 1:] for row in minor] + return minor + + +def determinant(matrix): + if len(matrix) == 1: return matrix[0][0] + + res = 0 + for x in range(len(matrix)): + res += matrix[0][x] * determinant(minor(matrix, 0, x)) * (-1) ** x + return res + + +def inverse(matrix): + det = determinant(matrix) + if det == 0: return None + + matrixMinor = [[] for _ in range(len(matrix))] + for i in range(len(matrix)): + for j in range(len(matrix)): + matrixMinor[i].append(determinant(minor(matrix, i, j))) + + cofactors = [[x * (-1) ** (row + col) for col, x in enumerate(matrixMinor[row])] for row in range(len(matrix))] + adjugate = transpose(cofactors) + return scalarMultiply(adjugate, 1 / det) + + +def main(): + matrix_a = [[12, 10], [3, 9]] + matrix_b = [[3, 4], [7, 4]] + matrix_c = [[11, 12, 13, 14], [21, 22, 23, 24], [31, 32, 33, 34], [41, 42, 43, 44]] + matrix_d = [[3, 0, 2], [2, 0, -2], [0, 1, 1]] + + print(add(matrix_a, matrix_b)) + print(multiply(matrix_a, matrix_b)) + print(identity(5)) + print(minor(matrix_c, 1, 2)) + print(determinant(matrix_b)) + print(inverse(matrix_d)) + + +if __name__ == '__main__': + main() diff --git a/matrix/searching_in_sorted_matrix.py b/matrix/searching_in_sorted_matrix.py index 54913b350803..4251d5c58dc3 100644 --- a/matrix/searching_in_sorted_matrix.py +++ b/matrix/searching_in_sorted_matrix.py @@ -1,27 +1,27 @@ -def search_in_a_sorted_matrix(mat, m, n, key): - i, j = m - 1, 0 - while i >= 0 and j < n: - if key == mat[i][j]: - print('Key %s found at row- %s column- %s' % (key, i + 1, j + 1)) - return - if key < mat[i][j]: - i -= 1 - else: - j += 1 - print('Key %s not found' % (key)) - - -def main(): - mat = [ - [2, 5, 7], - [4, 8, 13], - [9, 11, 15], - [12, 17, 20] - ] - x = int(input("Enter the element to be searched:")) - print(mat) - search_in_a_sorted_matrix(mat, len(mat), len(mat[0]), x) - - -if __name__ == '__main__': - main() +def search_in_a_sorted_matrix(mat, m, n, key): + i, j = m - 1, 0 + while i >= 0 and j < n: + if key == mat[i][j]: + print('Key %s found at row- %s column- %s' % (key, i + 1, j + 1)) + return + if key < mat[i][j]: + i -= 1 + else: + j += 1 + print('Key %s not found' % (key)) + + +def main(): + mat = [ + [2, 5, 7], + [4, 8, 13], + [9, 11, 15], + [12, 17, 20] + ] + x = int(input("Enter the element to be searched:")) + print(mat) + search_in_a_sorted_matrix(mat, len(mat), len(mat[0]), x) + + +if __name__ == '__main__': + main() diff --git a/networking_flow/ford_fulkerson.py b/networking_flow/ford_fulkerson.py index a92af22677dd..96fab517e227 100644 --- a/networking_flow/ford_fulkerson.py +++ b/networking_flow/ford_fulkerson.py @@ -1,59 +1,59 @@ -# Ford-Fulkerson Algorithm for Maximum Flow Problem -""" -Description: - (1) Start with initial flow as 0; - (2) Choose augmenting path from source to sink and add path to flow; -""" - - -def BFS(graph, s, t, parent): - # Return True if there is node that has not iterated. - visited = [False] * len(graph) - queue = [] - queue.append(s) - visited[s] = True - - while queue: - u = queue.pop(0) - for ind in range(len(graph[u])): - if visited[ind] == False and graph[u][ind] > 0: - queue.append(ind) - visited[ind] = True - parent[ind] = u - - return True if visited[t] else False - - -def FordFulkerson(graph, source, sink): - # This array is filled by BFS and to store path - parent = [-1] * (len(graph)) - max_flow = 0 - while BFS(graph, source, sink, parent): - path_flow = float("Inf") - s = sink - - while (s != source): - # Find the minimum value in select path - path_flow = min(path_flow, graph[parent[s]][s]) - s = parent[s] - - max_flow += path_flow - v = sink - - while (v != source): - u = parent[v] - graph[u][v] -= path_flow - graph[v][u] += path_flow - v = parent[v] - return max_flow - - -graph = [[0, 16, 13, 0, 0, 0], - [0, 0, 10, 12, 0, 0], - [0, 4, 0, 0, 14, 0], - [0, 0, 9, 0, 0, 20], - [0, 0, 0, 7, 0, 4], - [0, 0, 0, 0, 0, 0]] - -source, sink = 0, 5 -print(FordFulkerson(graph, source, sink)) +# Ford-Fulkerson Algorithm for Maximum Flow Problem +""" +Description: + (1) Start with initial flow as 0; + (2) Choose augmenting path from source to sink and add path to flow; +""" + + +def BFS(graph, s, t, parent): + # Return True if there is node that has not iterated. + visited = [False] * len(graph) + queue = [] + queue.append(s) + visited[s] = True + + while queue: + u = queue.pop(0) + for ind in range(len(graph[u])): + if visited[ind] == False and graph[u][ind] > 0: + queue.append(ind) + visited[ind] = True + parent[ind] = u + + return True if visited[t] else False + + +def FordFulkerson(graph, source, sink): + # This array is filled by BFS and to store path + parent = [-1] * (len(graph)) + max_flow = 0 + while BFS(graph, source, sink, parent): + path_flow = float("Inf") + s = sink + + while (s != source): + # Find the minimum value in select path + path_flow = min(path_flow, graph[parent[s]][s]) + s = parent[s] + + max_flow += path_flow + v = sink + + while (v != source): + u = parent[v] + graph[u][v] -= path_flow + graph[v][u] += path_flow + v = parent[v] + return max_flow + + +graph = [[0, 16, 13, 0, 0, 0], + [0, 0, 10, 12, 0, 0], + [0, 4, 0, 0, 14, 0], + [0, 0, 9, 0, 0, 20], + [0, 0, 0, 7, 0, 4], + [0, 0, 0, 0, 0, 0]] + +source, sink = 0, 5 +print(FordFulkerson(graph, source, sink)) diff --git a/networking_flow/minimum_cut.py b/networking_flow/minimum_cut.py index f1f995c0459d..76b7c7644b62 100644 --- a/networking_flow/minimum_cut.py +++ b/networking_flow/minimum_cut.py @@ -1,61 +1,61 @@ -# Minimum cut on Ford_Fulkerson algorithm. - -def BFS(graph, s, t, parent): - # Return True if there is node that has not iterated. - visited = [False] * len(graph) - queue = [] - queue.append(s) - visited[s] = True - - while queue: - u = queue.pop(0) - for ind in range(len(graph[u])): - if visited[ind] == False and graph[u][ind] > 0: - queue.append(ind) - visited[ind] = True - parent[ind] = u - - return True if visited[t] else False - - -def mincut(graph, source, sink): - # This array is filled by BFS and to store path - parent = [-1] * (len(graph)) - max_flow = 0 - res = [] - temp = [i[:] for i in graph] # Record orignial cut, copy. - while BFS(graph, source, sink, parent): - path_flow = float("Inf") - s = sink - - while (s != source): - # Find the minimum value in select path - path_flow = min(path_flow, graph[parent[s]][s]) - s = parent[s] - - max_flow += path_flow - v = sink - - while (v != source): - u = parent[v] - graph[u][v] -= path_flow - graph[v][u] += path_flow - v = parent[v] - - for i in range(len(graph)): - for j in range(len(graph[0])): - if graph[i][j] == 0 and temp[i][j] > 0: - res.append((i, j)) - - return res - - -graph = [[0, 16, 13, 0, 0, 0], - [0, 0, 10, 12, 0, 0], - [0, 4, 0, 0, 14, 0], - [0, 0, 9, 0, 0, 20], - [0, 0, 0, 7, 0, 4], - [0, 0, 0, 0, 0, 0]] - -source, sink = 0, 5 -print(mincut(graph, source, sink)) +# Minimum cut on Ford_Fulkerson algorithm. + +def BFS(graph, s, t, parent): + # Return True if there is node that has not iterated. + visited = [False] * len(graph) + queue = [] + queue.append(s) + visited[s] = True + + while queue: + u = queue.pop(0) + for ind in range(len(graph[u])): + if visited[ind] == False and graph[u][ind] > 0: + queue.append(ind) + visited[ind] = True + parent[ind] = u + + return True if visited[t] else False + + +def mincut(graph, source, sink): + # This array is filled by BFS and to store path + parent = [-1] * (len(graph)) + max_flow = 0 + res = [] + temp = [i[:] for i in graph] # Record orignial cut, copy. + while BFS(graph, source, sink, parent): + path_flow = float("Inf") + s = sink + + while (s != source): + # Find the minimum value in select path + path_flow = min(path_flow, graph[parent[s]][s]) + s = parent[s] + + max_flow += path_flow + v = sink + + while (v != source): + u = parent[v] + graph[u][v] -= path_flow + graph[v][u] += path_flow + v = parent[v] + + for i in range(len(graph)): + for j in range(len(graph[0])): + if graph[i][j] == 0 and temp[i][j] > 0: + res.append((i, j)) + + return res + + +graph = [[0, 16, 13, 0, 0, 0], + [0, 0, 10, 12, 0, 0], + [0, 4, 0, 0, 14, 0], + [0, 0, 9, 0, 0, 20], + [0, 0, 0, 7, 0, 4], + [0, 0, 0, 0, 0, 0]] + +source, sink = 0, 5 +print(mincut(graph, source, sink)) diff --git a/neural_network/bpnn.py b/neural_network/bpnn.py index da017fa14ab0..6bd39873b3f6 100644 --- a/neural_network/bpnn.py +++ b/neural_network/bpnn.py @@ -1,196 +1,196 @@ -#!/usr/bin/python -# encoding=utf8 - -''' - -A Framework of Back Propagation Neural Network(BP) model - -Easy to use: - * add many layers as you want !!! - * clearly see how the loss decreasing -Easy to expand: - * more activation functions - * more loss functions - * more optimization method - -Author: Stephen Lee -Github : https://github.com/RiptideBo -Date: 2017.11.23 - -''' - -import matplotlib.pyplot as plt -import numpy as np - - -def sigmoid(x): - return 1 / (1 + np.exp(-1 * x)) - - -class DenseLayer(): - ''' - Layers of BP neural network - ''' - - def __init__(self, units, activation=None, learning_rate=None, is_input_layer=False): - ''' - common connected layer of bp network - :param units: numbers of neural units - :param activation: activation function - :param learning_rate: learning rate for paras - :param is_input_layer: whether it is input layer or not - ''' - self.units = units - self.weight = None - self.bias = None - self.activation = activation - if learning_rate is None: - learning_rate = 0.3 - self.learn_rate = learning_rate - self.is_input_layer = is_input_layer - - def initializer(self, back_units): - self.weight = np.asmatrix(np.random.normal(0, 0.5, (self.units, back_units))) - self.bias = np.asmatrix(np.random.normal(0, 0.5, self.units)).T - if self.activation is None: - self.activation = sigmoid - - def cal_gradient(self): - if self.activation == sigmoid: - gradient_mat = np.dot(self.output, (1 - self.output).T) - gradient_activation = np.diag(np.diag(gradient_mat)) - else: - gradient_activation = 1 - return gradient_activation - - def forward_propagation(self, xdata): - self.xdata = xdata - if self.is_input_layer: - # input layer - self.wx_plus_b = xdata - self.output = xdata - return xdata - else: - self.wx_plus_b = np.dot(self.weight, self.xdata) - self.bias - self.output = self.activation(self.wx_plus_b) - return self.output - - def back_propagation(self, gradient): - - gradient_activation = self.cal_gradient() # i * i 维 - gradient = np.asmatrix(np.dot(gradient.T, gradient_activation)) - - self._gradient_weight = np.asmatrix(self.xdata) - self._gradient_bias = -1 - self._gradient_x = self.weight - - self.gradient_weight = np.dot(gradient.T, self._gradient_weight.T) - self.gradient_bias = gradient * self._gradient_bias - self.gradient = np.dot(gradient, self._gradient_x).T - # ----------------------upgrade - # -----------the Negative gradient direction -------- - self.weight = self.weight - self.learn_rate * self.gradient_weight - self.bias = self.bias - self.learn_rate * self.gradient_bias.T - - return self.gradient - - -class BPNN(): - ''' - Back Propagation Neural Network model - ''' - - def __init__(self): - self.layers = [] - self.train_mse = [] - self.fig_loss = plt.figure() - self.ax_loss = self.fig_loss.add_subplot(1, 1, 1) - - def add_layer(self, layer): - self.layers.append(layer) - - def build(self): - for i, layer in enumerate(self.layers[:]): - if i < 1: - layer.is_input_layer = True - else: - layer.initializer(self.layers[i - 1].units) - - def summary(self): - for i, layer in enumerate(self.layers[:]): - print('------- layer %d -------' % i) - print('weight.shape ', np.shape(layer.weight)) - print('bias.shape ', np.shape(layer.bias)) - - def train(self, xdata, ydata, train_round, accuracy): - self.train_round = train_round - self.accuracy = accuracy - - self.ax_loss.hlines(self.accuracy, 0, self.train_round * 1.1) - - x_shape = np.shape(xdata) - for round_i in range(train_round): - all_loss = 0 - for row in range(x_shape[0]): - _xdata = np.asmatrix(xdata[row, :]).T - _ydata = np.asmatrix(ydata[row, :]).T - - # forward propagation - for layer in self.layers: - _xdata = layer.forward_propagation(_xdata) - - loss, gradient = self.cal_loss(_ydata, _xdata) - all_loss = all_loss + loss - - # back propagation - # the input_layer does not upgrade - for layer in self.layers[:0:-1]: - gradient = layer.back_propagation(gradient) - - mse = all_loss / x_shape[0] - self.train_mse.append(mse) - - self.plot_loss() - - if mse < self.accuracy: - print('----达到精度----') - return mse - - def cal_loss(self, ydata, ydata_): - self.loss = np.sum(np.power((ydata - ydata_), 2)) - self.loss_gradient = 2 * (ydata_ - ydata) - # vector (shape is the same as _ydata.shape) - return self.loss, self.loss_gradient - - def plot_loss(self): - if self.ax_loss.lines: - self.ax_loss.lines.remove(self.ax_loss.lines[0]) - self.ax_loss.plot(self.train_mse, 'r-') - plt.ion() - plt.xlabel('step') - plt.ylabel('loss') - plt.show() - plt.pause(0.1) - - -def example(): - x = np.random.randn(10, 10) - y = np.asarray([[0.8, 0.4], [0.4, 0.3], [0.34, 0.45], [0.67, 0.32], - [0.88, 0.67], [0.78, 0.77], [0.55, 0.66], [0.55, 0.43], [0.54, 0.1], - [0.1, 0.5]]) - - model = BPNN() - model.add_layer(DenseLayer(10)) - model.add_layer(DenseLayer(20)) - model.add_layer(DenseLayer(30)) - model.add_layer(DenseLayer(2)) - - model.build() - - model.summary() - - model.train(xdata=x, ydata=y, train_round=100, accuracy=0.01) - - -if __name__ == '__main__': - example() +#!/usr/bin/python +# encoding=utf8 + +''' + +A Framework of Back Propagation Neural Network(BP) model + +Easy to use: + * add many layers as you want !!! + * clearly see how the loss decreasing +Easy to expand: + * more activation functions + * more loss functions + * more optimization method + +Author: Stephen Lee +Github : https://github.com/RiptideBo +Date: 2017.11.23 + +''' + +import matplotlib.pyplot as plt +import numpy as np + + +def sigmoid(x): + return 1 / (1 + np.exp(-1 * x)) + + +class DenseLayer(): + ''' + Layers of BP neural network + ''' + + def __init__(self, units, activation=None, learning_rate=None, is_input_layer=False): + ''' + common connected layer of bp network + :param units: numbers of neural units + :param activation: activation function + :param learning_rate: learning rate for paras + :param is_input_layer: whether it is input layer or not + ''' + self.units = units + self.weight = None + self.bias = None + self.activation = activation + if learning_rate is None: + learning_rate = 0.3 + self.learn_rate = learning_rate + self.is_input_layer = is_input_layer + + def initializer(self, back_units): + self.weight = np.asmatrix(np.random.normal(0, 0.5, (self.units, back_units))) + self.bias = np.asmatrix(np.random.normal(0, 0.5, self.units)).T + if self.activation is None: + self.activation = sigmoid + + def cal_gradient(self): + if self.activation == sigmoid: + gradient_mat = np.dot(self.output, (1 - self.output).T) + gradient_activation = np.diag(np.diag(gradient_mat)) + else: + gradient_activation = 1 + return gradient_activation + + def forward_propagation(self, xdata): + self.xdata = xdata + if self.is_input_layer: + # input layer + self.wx_plus_b = xdata + self.output = xdata + return xdata + else: + self.wx_plus_b = np.dot(self.weight, self.xdata) - self.bias + self.output = self.activation(self.wx_plus_b) + return self.output + + def back_propagation(self, gradient): + + gradient_activation = self.cal_gradient() # i * i 维 + gradient = np.asmatrix(np.dot(gradient.T, gradient_activation)) + + self._gradient_weight = np.asmatrix(self.xdata) + self._gradient_bias = -1 + self._gradient_x = self.weight + + self.gradient_weight = np.dot(gradient.T, self._gradient_weight.T) + self.gradient_bias = gradient * self._gradient_bias + self.gradient = np.dot(gradient, self._gradient_x).T + # ----------------------upgrade + # -----------the Negative gradient direction -------- + self.weight = self.weight - self.learn_rate * self.gradient_weight + self.bias = self.bias - self.learn_rate * self.gradient_bias.T + + return self.gradient + + +class BPNN(): + ''' + Back Propagation Neural Network model + ''' + + def __init__(self): + self.layers = [] + self.train_mse = [] + self.fig_loss = plt.figure() + self.ax_loss = self.fig_loss.add_subplot(1, 1, 1) + + def add_layer(self, layer): + self.layers.append(layer) + + def build(self): + for i, layer in enumerate(self.layers[:]): + if i < 1: + layer.is_input_layer = True + else: + layer.initializer(self.layers[i - 1].units) + + def summary(self): + for i, layer in enumerate(self.layers[:]): + print('------- layer %d -------' % i) + print('weight.shape ', np.shape(layer.weight)) + print('bias.shape ', np.shape(layer.bias)) + + def train(self, xdata, ydata, train_round, accuracy): + self.train_round = train_round + self.accuracy = accuracy + + self.ax_loss.hlines(self.accuracy, 0, self.train_round * 1.1) + + x_shape = np.shape(xdata) + for round_i in range(train_round): + all_loss = 0 + for row in range(x_shape[0]): + _xdata = np.asmatrix(xdata[row, :]).T + _ydata = np.asmatrix(ydata[row, :]).T + + # forward propagation + for layer in self.layers: + _xdata = layer.forward_propagation(_xdata) + + loss, gradient = self.cal_loss(_ydata, _xdata) + all_loss = all_loss + loss + + # back propagation + # the input_layer does not upgrade + for layer in self.layers[:0:-1]: + gradient = layer.back_propagation(gradient) + + mse = all_loss / x_shape[0] + self.train_mse.append(mse) + + self.plot_loss() + + if mse < self.accuracy: + print('----达到精度----') + return mse + + def cal_loss(self, ydata, ydata_): + self.loss = np.sum(np.power((ydata - ydata_), 2)) + self.loss_gradient = 2 * (ydata_ - ydata) + # vector (shape is the same as _ydata.shape) + return self.loss, self.loss_gradient + + def plot_loss(self): + if self.ax_loss.lines: + self.ax_loss.lines.remove(self.ax_loss.lines[0]) + self.ax_loss.plot(self.train_mse, 'r-') + plt.ion() + plt.xlabel('step') + plt.ylabel('loss') + plt.show() + plt.pause(0.1) + + +def example(): + x = np.random.randn(10, 10) + y = np.asarray([[0.8, 0.4], [0.4, 0.3], [0.34, 0.45], [0.67, 0.32], + [0.88, 0.67], [0.78, 0.77], [0.55, 0.66], [0.55, 0.43], [0.54, 0.1], + [0.1, 0.5]]) + + model = BPNN() + model.add_layer(DenseLayer(10)) + model.add_layer(DenseLayer(20)) + model.add_layer(DenseLayer(30)) + model.add_layer(DenseLayer(2)) + + model.build() + + model.summary() + + model.train(xdata=x, ydata=y, train_round=100, accuracy=0.01) + + +if __name__ == '__main__': + example() diff --git a/neural_network/convolution_neural_network.py b/neural_network/convolution_neural_network.py index 7df83aec88c2..0eb33cfe7ddb 100644 --- a/neural_network/convolution_neural_network.py +++ b/neural_network/convolution_neural_network.py @@ -1,307 +1,307 @@ -# -*- coding: utf-8 -*- - -''' - - - - - - -- - - - - - - - - - - - - - - - - - - - - - - - Name - - CNN - Convolution Neural Network For Photo Recognizing - Goal - - Recognize Handing Writting Word Photo - Detail:Total 5 layers neural network - * Convolution layer - * Pooling layer - * Input layer layer of BP - * Hiden layer of BP - * Output layer of BP - Author: Stephen Lee - Github: 245885195@qq.com - Date: 2017.9.20 - - - - - - -- - - - - - - - - - - - - - - - - - - - - - - -''' -from __future__ import print_function - -import pickle - -import matplotlib.pyplot as plt -import numpy as np - - -class CNN(): - - def __init__(self, conv1_get, size_p1, bp_num1, bp_num2, bp_num3, rate_w=0.2, rate_t=0.2): - ''' - :param conv1_get: [a,c,d],size, number, step of convolution kernel - :param size_p1: pooling size - :param bp_num1: units number of flatten layer - :param bp_num2: units number of hidden layer - :param bp_num3: units number of output layer - :param rate_w: rate of weight learning - :param rate_t: rate of threshold learning - ''' - self.num_bp1 = bp_num1 - self.num_bp2 = bp_num2 - self.num_bp3 = bp_num3 - self.conv1 = conv1_get[:2] - self.step_conv1 = conv1_get[2] - self.size_pooling1 = size_p1 - self.rate_weight = rate_w - self.rate_thre = rate_t - self.w_conv1 = [np.mat(-1 * np.random.rand(self.conv1[0], self.conv1[0]) + 0.5) for i in range(self.conv1[1])] - self.wkj = np.mat(-1 * np.random.rand(self.num_bp3, self.num_bp2) + 0.5) - self.vji = np.mat(-1 * np.random.rand(self.num_bp2, self.num_bp1) + 0.5) - self.thre_conv1 = -2 * np.random.rand(self.conv1[1]) + 1 - self.thre_bp2 = -2 * np.random.rand(self.num_bp2) + 1 - self.thre_bp3 = -2 * np.random.rand(self.num_bp3) + 1 - - def save_model(self, save_path): - # save model dict with pickle - model_dic = {'num_bp1': self.num_bp1, - 'num_bp2': self.num_bp2, - 'num_bp3': self.num_bp3, - 'conv1': self.conv1, - 'step_conv1': self.step_conv1, - 'size_pooling1': self.size_pooling1, - 'rate_weight': self.rate_weight, - 'rate_thre': self.rate_thre, - 'w_conv1': self.w_conv1, - 'wkj': self.wkj, - 'vji': self.vji, - 'thre_conv1': self.thre_conv1, - 'thre_bp2': self.thre_bp2, - 'thre_bp3': self.thre_bp3} - with open(save_path, 'wb') as f: - pickle.dump(model_dic, f) - - print('Model saved: %s' % save_path) - - @classmethod - def ReadModel(cls, model_path): - # read saved model - with open(model_path, 'rb') as f: - model_dic = pickle.load(f) - - conv_get = model_dic.get('conv1') - conv_get.append(model_dic.get('step_conv1')) - size_p1 = model_dic.get('size_pooling1') - bp1 = model_dic.get('num_bp1') - bp2 = model_dic.get('num_bp2') - bp3 = model_dic.get('num_bp3') - r_w = model_dic.get('rate_weight') - r_t = model_dic.get('rate_thre') - # create model instance - conv_ins = CNN(conv_get, size_p1, bp1, bp2, bp3, r_w, r_t) - # modify model parameter - conv_ins.w_conv1 = model_dic.get('w_conv1') - conv_ins.wkj = model_dic.get('wkj') - conv_ins.vji = model_dic.get('vji') - conv_ins.thre_conv1 = model_dic.get('thre_conv1') - conv_ins.thre_bp2 = model_dic.get('thre_bp2') - conv_ins.thre_bp3 = model_dic.get('thre_bp3') - return conv_ins - - def sig(self, x): - return 1 / (1 + np.exp(-1 * x)) - - def do_round(self, x): - return round(x, 3) - - def convolute(self, data, convs, w_convs, thre_convs, conv_step): - # convolution process - size_conv = convs[0] - num_conv = convs[1] - size_data = np.shape(data)[0] - # get the data slice of original image data, data_focus - data_focus = [] - for i_focus in range(0, size_data - size_conv + 1, conv_step): - for j_focus in range(0, size_data - size_conv + 1, conv_step): - focus = data[i_focus:i_focus + size_conv, j_focus:j_focus + size_conv] - data_focus.append(focus) - # caculate the feature map of every single kernel, and saved as list of matrix - data_featuremap = [] - Size_FeatureMap = int((size_data - size_conv) / conv_step + 1) - for i_map in range(num_conv): - featuremap = [] - for i_focus in range(len(data_focus)): - net_focus = np.sum(np.multiply(data_focus[i_focus], w_convs[i_map])) - thre_convs[i_map] - featuremap.append(self.sig(net_focus)) - featuremap = np.asmatrix(featuremap).reshape(Size_FeatureMap, Size_FeatureMap) - data_featuremap.append(featuremap) - - # expanding the data slice to One dimenssion - focus1_list = [] - for each_focus in data_focus: - focus1_list.extend(self.Expand_Mat(each_focus)) - focus_list = np.asarray(focus1_list) - return focus_list, data_featuremap - - def pooling(self, featuremaps, size_pooling, type='average_pool'): - # pooling process - size_map = len(featuremaps[0]) - size_pooled = int(size_map / size_pooling) - featuremap_pooled = [] - for i_map in range(len(featuremaps)): - map = featuremaps[i_map] - map_pooled = [] - for i_focus in range(0, size_map, size_pooling): - for j_focus in range(0, size_map, size_pooling): - focus = map[i_focus:i_focus + size_pooling, j_focus:j_focus + size_pooling] - if type == 'average_pool': - # average pooling - map_pooled.append(np.average(focus)) - elif type == 'max_pooling': - # max pooling - map_pooled.append(np.max(focus)) - map_pooled = np.asmatrix(map_pooled).reshape(size_pooled, size_pooled) - featuremap_pooled.append(map_pooled) - return featuremap_pooled - - def _expand(self, datas): - # expanding three dimension data to one dimension list - data_expanded = [] - for i in range(len(datas)): - shapes = np.shape(datas[i]) - data_listed = datas[i].reshape(1, shapes[0] * shapes[1]) - data_listed = data_listed.getA().tolist()[0] - data_expanded.extend(data_listed) - data_expanded = np.asarray(data_expanded) - return data_expanded - - def _expand_mat(self, data_mat): - # expanding matrix to one dimension list - data_mat = np.asarray(data_mat) - shapes = np.shape(data_mat) - data_expanded = data_mat.reshape(1, shapes[0] * shapes[1]) - return data_expanded - - def _calculate_gradient_from_pool(self, out_map, pd_pool, num_map, size_map, size_pooling): - ''' - calcluate the gradient from the data slice of pool layer - pd_pool: list of matrix - out_map: the shape of data slice(size_map*size_map) - return: pd_all: list of matrix, [num, size_map, size_map] - ''' - pd_all = [] - i_pool = 0 - for i_map in range(num_map): - pd_conv1 = np.ones((size_map, size_map)) - for i in range(0, size_map, size_pooling): - for j in range(0, size_map, size_pooling): - pd_conv1[i:i + size_pooling, j:j + size_pooling] = pd_pool[i_pool] - i_pool = i_pool + 1 - pd_conv2 = np.multiply(pd_conv1, np.multiply(out_map[i_map], (1 - out_map[i_map]))) - pd_all.append(pd_conv2) - return pd_all - - def train(self, patterns, datas_train, datas_teach, n_repeat, error_accuracy, draw_e=bool): - # model traning - print('----------------------Start Training-------------------------') - print((' - - Shape: Train_Data ', np.shape(datas_train))) - print((' - - Shape: Teach_Data ', np.shape(datas_teach))) - rp = 0 - all_mse = [] - mse = 10000 - while rp < n_repeat and mse >= error_accuracy: - alle = 0 - print('-------------Learning Time %d--------------' % rp) - for p in range(len(datas_train)): - # print('------------Learning Image: %d--------------'%p) - data_train = np.asmatrix(datas_train[p]) - data_teach = np.asarray(datas_teach[p]) - data_focus1, data_conved1 = self.convolute(data_train, self.conv1, self.w_conv1, - self.thre_conv1, conv_step=self.step_conv1) - data_pooled1 = self.pooling(data_conved1, self.size_pooling1) - shape_featuremap1 = np.shape(data_conved1) - ''' - print(' -----original shape ', np.shape(data_train)) - print(' ---- after convolution ',np.shape(data_conv1)) - print(' -----after pooling ',np.shape(data_pooled1)) - ''' - data_bp_input = self._expand(data_pooled1) - bp_out1 = data_bp_input - - bp_net_j = np.dot(bp_out1, self.vji.T) - self.thre_bp2 - bp_out2 = self.sig(bp_net_j) - bp_net_k = np.dot(bp_out2, self.wkj.T) - self.thre_bp3 - bp_out3 = self.sig(bp_net_k) - - # --------------Model Leaning ------------------------ - # calcluate error and gradient--------------- - pd_k_all = np.multiply((data_teach - bp_out3), np.multiply(bp_out3, (1 - bp_out3))) - pd_j_all = np.multiply(np.dot(pd_k_all, self.wkj), np.multiply(bp_out2, (1 - bp_out2))) - pd_i_all = np.dot(pd_j_all, self.vji) - - pd_conv1_pooled = pd_i_all / (self.size_pooling1 * self.size_pooling1) - pd_conv1_pooled = pd_conv1_pooled.T.getA().tolist() - pd_conv1_all = self._calculate_gradient_from_pool(data_conved1, pd_conv1_pooled, shape_featuremap1[0], - shape_featuremap1[1], self.size_pooling1) - # weight and threshold learning process--------- - # convolution layer - for k_conv in range(self.conv1[1]): - pd_conv_list = self._expand_mat(pd_conv1_all[k_conv]) - delta_w = self.rate_weight * np.dot(pd_conv_list, data_focus1) - - self.w_conv1[k_conv] = self.w_conv1[k_conv] + delta_w.reshape((self.conv1[0], self.conv1[0])) - - self.thre_conv1[k_conv] = self.thre_conv1[k_conv] - np.sum(pd_conv1_all[k_conv]) * self.rate_thre - # all connected layer - self.wkj = self.wkj + pd_k_all.T * bp_out2 * self.rate_weight - self.vji = self.vji + pd_j_all.T * bp_out1 * self.rate_weight - self.thre_bp3 = self.thre_bp3 - pd_k_all * self.rate_thre - self.thre_bp2 = self.thre_bp2 - pd_j_all * self.rate_thre - # calculate the sum error of all single image - errors = np.sum(abs((data_teach - bp_out3))) - alle = alle + errors - # print(' ----Teach ',data_teach) - # print(' ----BP_output ',bp_out3) - rp = rp + 1 - mse = alle / patterns - all_mse.append(mse) - - def draw_error(): - yplot = [error_accuracy for i in range(int(n_repeat * 1.2))] - plt.plot(all_mse, '+-') - plt.plot(yplot, 'r--') - plt.xlabel('Learning Times') - plt.ylabel('All_mse') - plt.grid(True, alpha=0.5) - plt.show() - - print('------------------Training Complished---------------------') - print((' - - Training epoch: ', rp, ' - - Mse: %.6f' % mse)) - if draw_e: - draw_error() - return mse - - def predict(self, datas_test): - # model predict - produce_out = [] - print('-------------------Start Testing-------------------------') - print((' - - Shape: Test_Data ', np.shape(datas_test))) - for p in range(len(datas_test)): - data_test = np.asmatrix(datas_test[p]) - data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, - self.thre_conv1, conv_step=self.step_conv1) - data_pooled1 = self.pooling(data_conved1, self.size_pooling1) - data_bp_input = self._expand(data_pooled1) - - bp_out1 = data_bp_input - bp_net_j = bp_out1 * self.vji.T - self.thre_bp2 - bp_out2 = self.sig(bp_net_j) - bp_net_k = bp_out2 * self.wkj.T - self.thre_bp3 - bp_out3 = self.sig(bp_net_k) - produce_out.extend(bp_out3.getA().tolist()) - res = [list(map(self.do_round, each)) for each in produce_out] - return np.asarray(res) - - def convolution(self, data): - # return the data of image after convoluting process so we can check it out - data_test = np.asmatrix(data) - data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, - self.thre_conv1, conv_step=self.step_conv1) - data_pooled1 = self.pooling(data_conved1, self.size_pooling1) - - return data_conved1, data_pooled1 - - -if __name__ == '__main__': - pass - ''' - I will put the example on other file -''' +# -*- coding: utf-8 -*- + +''' + - - - - - -- - - - - - - - - - - - - - - - - - - - - - - + Name - - CNN - Convolution Neural Network For Photo Recognizing + Goal - - Recognize Handing Writting Word Photo + Detail:Total 5 layers neural network + * Convolution layer + * Pooling layer + * Input layer layer of BP + * Hiden layer of BP + * Output layer of BP + Author: Stephen Lee + Github: 245885195@qq.com + Date: 2017.9.20 + - - - - - -- - - - - - - - - - - - - - - - - - - - - - - +''' +from __future__ import print_function + +import pickle + +import matplotlib.pyplot as plt +import numpy as np + + +class CNN(): + + def __init__(self, conv1_get, size_p1, bp_num1, bp_num2, bp_num3, rate_w=0.2, rate_t=0.2): + ''' + :param conv1_get: [a,c,d],size, number, step of convolution kernel + :param size_p1: pooling size + :param bp_num1: units number of flatten layer + :param bp_num2: units number of hidden layer + :param bp_num3: units number of output layer + :param rate_w: rate of weight learning + :param rate_t: rate of threshold learning + ''' + self.num_bp1 = bp_num1 + self.num_bp2 = bp_num2 + self.num_bp3 = bp_num3 + self.conv1 = conv1_get[:2] + self.step_conv1 = conv1_get[2] + self.size_pooling1 = size_p1 + self.rate_weight = rate_w + self.rate_thre = rate_t + self.w_conv1 = [np.mat(-1 * np.random.rand(self.conv1[0], self.conv1[0]) + 0.5) for i in range(self.conv1[1])] + self.wkj = np.mat(-1 * np.random.rand(self.num_bp3, self.num_bp2) + 0.5) + self.vji = np.mat(-1 * np.random.rand(self.num_bp2, self.num_bp1) + 0.5) + self.thre_conv1 = -2 * np.random.rand(self.conv1[1]) + 1 + self.thre_bp2 = -2 * np.random.rand(self.num_bp2) + 1 + self.thre_bp3 = -2 * np.random.rand(self.num_bp3) + 1 + + def save_model(self, save_path): + # save model dict with pickle + model_dic = {'num_bp1': self.num_bp1, + 'num_bp2': self.num_bp2, + 'num_bp3': self.num_bp3, + 'conv1': self.conv1, + 'step_conv1': self.step_conv1, + 'size_pooling1': self.size_pooling1, + 'rate_weight': self.rate_weight, + 'rate_thre': self.rate_thre, + 'w_conv1': self.w_conv1, + 'wkj': self.wkj, + 'vji': self.vji, + 'thre_conv1': self.thre_conv1, + 'thre_bp2': self.thre_bp2, + 'thre_bp3': self.thre_bp3} + with open(save_path, 'wb') as f: + pickle.dump(model_dic, f) + + print('Model saved: %s' % save_path) + + @classmethod + def ReadModel(cls, model_path): + # read saved model + with open(model_path, 'rb') as f: + model_dic = pickle.load(f) + + conv_get = model_dic.get('conv1') + conv_get.append(model_dic.get('step_conv1')) + size_p1 = model_dic.get('size_pooling1') + bp1 = model_dic.get('num_bp1') + bp2 = model_dic.get('num_bp2') + bp3 = model_dic.get('num_bp3') + r_w = model_dic.get('rate_weight') + r_t = model_dic.get('rate_thre') + # create model instance + conv_ins = CNN(conv_get, size_p1, bp1, bp2, bp3, r_w, r_t) + # modify model parameter + conv_ins.w_conv1 = model_dic.get('w_conv1') + conv_ins.wkj = model_dic.get('wkj') + conv_ins.vji = model_dic.get('vji') + conv_ins.thre_conv1 = model_dic.get('thre_conv1') + conv_ins.thre_bp2 = model_dic.get('thre_bp2') + conv_ins.thre_bp3 = model_dic.get('thre_bp3') + return conv_ins + + def sig(self, x): + return 1 / (1 + np.exp(-1 * x)) + + def do_round(self, x): + return round(x, 3) + + def convolute(self, data, convs, w_convs, thre_convs, conv_step): + # convolution process + size_conv = convs[0] + num_conv = convs[1] + size_data = np.shape(data)[0] + # get the data slice of original image data, data_focus + data_focus = [] + for i_focus in range(0, size_data - size_conv + 1, conv_step): + for j_focus in range(0, size_data - size_conv + 1, conv_step): + focus = data[i_focus:i_focus + size_conv, j_focus:j_focus + size_conv] + data_focus.append(focus) + # caculate the feature map of every single kernel, and saved as list of matrix + data_featuremap = [] + Size_FeatureMap = int((size_data - size_conv) / conv_step + 1) + for i_map in range(num_conv): + featuremap = [] + for i_focus in range(len(data_focus)): + net_focus = np.sum(np.multiply(data_focus[i_focus], w_convs[i_map])) - thre_convs[i_map] + featuremap.append(self.sig(net_focus)) + featuremap = np.asmatrix(featuremap).reshape(Size_FeatureMap, Size_FeatureMap) + data_featuremap.append(featuremap) + + # expanding the data slice to One dimenssion + focus1_list = [] + for each_focus in data_focus: + focus1_list.extend(self.Expand_Mat(each_focus)) + focus_list = np.asarray(focus1_list) + return focus_list, data_featuremap + + def pooling(self, featuremaps, size_pooling, type='average_pool'): + # pooling process + size_map = len(featuremaps[0]) + size_pooled = int(size_map / size_pooling) + featuremap_pooled = [] + for i_map in range(len(featuremaps)): + map = featuremaps[i_map] + map_pooled = [] + for i_focus in range(0, size_map, size_pooling): + for j_focus in range(0, size_map, size_pooling): + focus = map[i_focus:i_focus + size_pooling, j_focus:j_focus + size_pooling] + if type == 'average_pool': + # average pooling + map_pooled.append(np.average(focus)) + elif type == 'max_pooling': + # max pooling + map_pooled.append(np.max(focus)) + map_pooled = np.asmatrix(map_pooled).reshape(size_pooled, size_pooled) + featuremap_pooled.append(map_pooled) + return featuremap_pooled + + def _expand(self, datas): + # expanding three dimension data to one dimension list + data_expanded = [] + for i in range(len(datas)): + shapes = np.shape(datas[i]) + data_listed = datas[i].reshape(1, shapes[0] * shapes[1]) + data_listed = data_listed.getA().tolist()[0] + data_expanded.extend(data_listed) + data_expanded = np.asarray(data_expanded) + return data_expanded + + def _expand_mat(self, data_mat): + # expanding matrix to one dimension list + data_mat = np.asarray(data_mat) + shapes = np.shape(data_mat) + data_expanded = data_mat.reshape(1, shapes[0] * shapes[1]) + return data_expanded + + def _calculate_gradient_from_pool(self, out_map, pd_pool, num_map, size_map, size_pooling): + ''' + calcluate the gradient from the data slice of pool layer + pd_pool: list of matrix + out_map: the shape of data slice(size_map*size_map) + return: pd_all: list of matrix, [num, size_map, size_map] + ''' + pd_all = [] + i_pool = 0 + for i_map in range(num_map): + pd_conv1 = np.ones((size_map, size_map)) + for i in range(0, size_map, size_pooling): + for j in range(0, size_map, size_pooling): + pd_conv1[i:i + size_pooling, j:j + size_pooling] = pd_pool[i_pool] + i_pool = i_pool + 1 + pd_conv2 = np.multiply(pd_conv1, np.multiply(out_map[i_map], (1 - out_map[i_map]))) + pd_all.append(pd_conv2) + return pd_all + + def train(self, patterns, datas_train, datas_teach, n_repeat, error_accuracy, draw_e=bool): + # model traning + print('----------------------Start Training-------------------------') + print((' - - Shape: Train_Data ', np.shape(datas_train))) + print((' - - Shape: Teach_Data ', np.shape(datas_teach))) + rp = 0 + all_mse = [] + mse = 10000 + while rp < n_repeat and mse >= error_accuracy: + alle = 0 + print('-------------Learning Time %d--------------' % rp) + for p in range(len(datas_train)): + # print('------------Learning Image: %d--------------'%p) + data_train = np.asmatrix(datas_train[p]) + data_teach = np.asarray(datas_teach[p]) + data_focus1, data_conved1 = self.convolute(data_train, self.conv1, self.w_conv1, + self.thre_conv1, conv_step=self.step_conv1) + data_pooled1 = self.pooling(data_conved1, self.size_pooling1) + shape_featuremap1 = np.shape(data_conved1) + ''' + print(' -----original shape ', np.shape(data_train)) + print(' ---- after convolution ',np.shape(data_conv1)) + print(' -----after pooling ',np.shape(data_pooled1)) + ''' + data_bp_input = self._expand(data_pooled1) + bp_out1 = data_bp_input + + bp_net_j = np.dot(bp_out1, self.vji.T) - self.thre_bp2 + bp_out2 = self.sig(bp_net_j) + bp_net_k = np.dot(bp_out2, self.wkj.T) - self.thre_bp3 + bp_out3 = self.sig(bp_net_k) + + # --------------Model Leaning ------------------------ + # calcluate error and gradient--------------- + pd_k_all = np.multiply((data_teach - bp_out3), np.multiply(bp_out3, (1 - bp_out3))) + pd_j_all = np.multiply(np.dot(pd_k_all, self.wkj), np.multiply(bp_out2, (1 - bp_out2))) + pd_i_all = np.dot(pd_j_all, self.vji) + + pd_conv1_pooled = pd_i_all / (self.size_pooling1 * self.size_pooling1) + pd_conv1_pooled = pd_conv1_pooled.T.getA().tolist() + pd_conv1_all = self._calculate_gradient_from_pool(data_conved1, pd_conv1_pooled, shape_featuremap1[0], + shape_featuremap1[1], self.size_pooling1) + # weight and threshold learning process--------- + # convolution layer + for k_conv in range(self.conv1[1]): + pd_conv_list = self._expand_mat(pd_conv1_all[k_conv]) + delta_w = self.rate_weight * np.dot(pd_conv_list, data_focus1) + + self.w_conv1[k_conv] = self.w_conv1[k_conv] + delta_w.reshape((self.conv1[0], self.conv1[0])) + + self.thre_conv1[k_conv] = self.thre_conv1[k_conv] - np.sum(pd_conv1_all[k_conv]) * self.rate_thre + # all connected layer + self.wkj = self.wkj + pd_k_all.T * bp_out2 * self.rate_weight + self.vji = self.vji + pd_j_all.T * bp_out1 * self.rate_weight + self.thre_bp3 = self.thre_bp3 - pd_k_all * self.rate_thre + self.thre_bp2 = self.thre_bp2 - pd_j_all * self.rate_thre + # calculate the sum error of all single image + errors = np.sum(abs((data_teach - bp_out3))) + alle = alle + errors + # print(' ----Teach ',data_teach) + # print(' ----BP_output ',bp_out3) + rp = rp + 1 + mse = alle / patterns + all_mse.append(mse) + + def draw_error(): + yplot = [error_accuracy for i in range(int(n_repeat * 1.2))] + plt.plot(all_mse, '+-') + plt.plot(yplot, 'r--') + plt.xlabel('Learning Times') + plt.ylabel('All_mse') + plt.grid(True, alpha=0.5) + plt.show() + + print('------------------Training Complished---------------------') + print((' - - Training epoch: ', rp, ' - - Mse: %.6f' % mse)) + if draw_e: + draw_error() + return mse + + def predict(self, datas_test): + # model predict + produce_out = [] + print('-------------------Start Testing-------------------------') + print((' - - Shape: Test_Data ', np.shape(datas_test))) + for p in range(len(datas_test)): + data_test = np.asmatrix(datas_test[p]) + data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, + self.thre_conv1, conv_step=self.step_conv1) + data_pooled1 = self.pooling(data_conved1, self.size_pooling1) + data_bp_input = self._expand(data_pooled1) + + bp_out1 = data_bp_input + bp_net_j = bp_out1 * self.vji.T - self.thre_bp2 + bp_out2 = self.sig(bp_net_j) + bp_net_k = bp_out2 * self.wkj.T - self.thre_bp3 + bp_out3 = self.sig(bp_net_k) + produce_out.extend(bp_out3.getA().tolist()) + res = [list(map(self.do_round, each)) for each in produce_out] + return np.asarray(res) + + def convolution(self, data): + # return the data of image after convoluting process so we can check it out + data_test = np.asmatrix(data) + data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, + self.thre_conv1, conv_step=self.step_conv1) + data_pooled1 = self.pooling(data_conved1, self.size_pooling1) + + return data_conved1, data_pooled1 + + +if __name__ == '__main__': + pass + ''' + I will put the example on other file +''' diff --git a/neural_network/fcn.ipynb b/neural_network/fcn.ipynb index a8bcf4beeea1..a08a39e35e13 100644 --- a/neural_network/fcn.ipynb +++ b/neural_network/fcn.ipynb @@ -1,327 +1,327 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Standard (Fully Connected) Neural Network" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "#Use in Markup cell type\n", - "#![alt text](imagename.png \"Title\") " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Implementing Fully connected Neural Net" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Loading Required packages and Data" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Using TensorFlow backend.\n" - ] - } - ], - "source": [ - "###1. Load Data and Splot Data\n", - "from keras.datasets import mnist\n", - "from keras.models import Sequential \n", - "from keras.layers.core import Dense, Activation\n", - "from keras.utils import np_utils\n", - "(X_train, Y_train), (X_test, Y_test) = mnist.load_data()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Preprocessing" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "import matplotlib.pyplot as plt\n", - "n = 10 # how many digits we will display\n", - "plt.figure(figsize=(20, 4))\n", - "for i in range(n):\n", - " # display original\n", - " ax = plt.subplot(2, n, i + 1)\n", - " plt.imshow(X_test[i].reshape(28, 28))\n", - " plt.gray()\n", - " ax.get_xaxis().set_visible(False)\n", - " ax.get_yaxis().set_visible(False)\n", - "plt.show()\n", - "plt.close()" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Previous X_train shape: (60000, 28, 28) \n", - "Previous Y_train shape:(60000,)\n", - "New X_train shape: (60000, 784) \n", - "New Y_train shape:(60000, 10)\n" - ] - } - ], - "source": [ - "print(\"Previous X_train shape: {} \\nPrevious Y_train shape:{}\".format(X_train.shape, Y_train.shape))\n", - "X_train = X_train.reshape(60000, 784) \n", - "X_test = X_test.reshape(10000, 784)\n", - "X_train = X_train.astype('float32') \n", - "X_test = X_test.astype('float32') \n", - "X_train /= 255 \n", - "X_test /= 255\n", - "classes = 10\n", - "Y_train = np_utils.to_categorical(Y_train, classes) \n", - "Y_test = np_utils.to_categorical(Y_test, classes)\n", - "print(\"New X_train shape: {} \\nNew Y_train shape:{}\".format(X_train.shape, Y_train.shape))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Setting up parameters" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "input_size = 784\n", - "batch_size = 200 \n", - "hidden1 = 400\n", - "hidden2 = 20\n", - "epochs = 2" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Building the FCN Model" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "_________________________________________________________________\n", - "Layer (type) Output Shape Param # \n", - "=================================================================\n", - "dense_1 (Dense) (None, 400) 314000 \n", - "_________________________________________________________________\n", - "dense_2 (Dense) (None, 20) 8020 \n", - "_________________________________________________________________\n", - "dense_3 (Dense) (None, 10) 210 \n", - "=================================================================\n", - "Total params: 322,230\n", - "Trainable params: 322,230\n", - "Non-trainable params: 0\n", - "_________________________________________________________________\n" - ] - } - ], - "source": [ - "###4.Build the model\n", - "model = Sequential() \n", - "model.add(Dense(hidden1, input_dim=input_size, activation='relu'))\n", - "# output = relu (dot (W, input) + bias)\n", - "model.add(Dense(hidden2, activation='relu'))\n", - "model.add(Dense(classes, activation='softmax')) \n", - "\n", - "# Compilation\n", - "model.compile(loss='categorical_crossentropy', \n", - " metrics=['accuracy'], optimizer='sgd')\n", - "model.summary()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Training The Model" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Epoch 1/10\n", - " - 12s - loss: 1.4482 - acc: 0.6251\n", - "Epoch 2/10\n", - " - 3s - loss: 0.6239 - acc: 0.8482\n", - "Epoch 3/10\n", - " - 3s - loss: 0.4582 - acc: 0.8798\n", - "Epoch 4/10\n", - " - 3s - loss: 0.3941 - acc: 0.8936\n", - "Epoch 5/10\n", - " - 3s - loss: 0.3579 - acc: 0.9011\n", - "Epoch 6/10\n", - " - 4s - loss: 0.3328 - acc: 0.9070\n", - "Epoch 7/10\n", - " - 3s - loss: 0.3138 - acc: 0.9118\n", - "Epoch 8/10\n", - " - 3s - loss: 0.2980 - acc: 0.9157\n", - "Epoch 9/10\n", - " - 3s - loss: 0.2849 - acc: 0.9191\n", - "Epoch 10/10\n", - " - 3s - loss: 0.2733 - acc: 0.9223\n" - ] - }, - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Fitting on Data\n", - "model.fit(X_train, Y_train, batch_size=batch_size, epochs=10, verbose=2)\n", - "###5.Test " - ] - }, - { - "cell_type": "markdown", - "metadata": { - "collapsed": true - }, - "source": [ - "#### Testing The Model" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "10000/10000 [==============================] - 1s 121us/step\n", - "\n", - "Test accuracy: 0.9257\n", - "[0 6 9 0 1 5 9 7 3 4]\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABHEAAABzCAYAAAAfb55ZAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAHPJJREFUeJzt3XeYVNUZx/GzgBAQEAQVLKAuoQkmNJUIrkCKi4jUUESIgLTE8AASejcohhIeJVIEgVCCNAF5gokoIKCIVKVbQFoiCIhU4XHzB+H1Pce9w+zsnZ25M9/PX7/rOdw5OtzZ2et9z5uSkZFhAAAAAAAAEN9yxXoBAAAAAAAAuDZu4gAAAAAAAAQAN3EAAAAAAAACgJs4AAAAAAAAAcBNHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgALiJAwAAAAAAEADcxAEAAAAAAAiAPFmZnJKSkhGthSC0jIyMFD/Ow3sYU8czMjJu8uNEvI+xw7WYELgWEwDXYkLgWkwAXIsJgWsxAXAtJoSwrkWexAFyzoFYLwCAMYZrEYgXXItAfOBaBOJDWNciN3EAAAAAAAACgJs4AAAAAAAAAcBNHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgALiJAwAAAAAAEADcxAEAAAAAAAiAPLFeAJJTvnz5JK9bt84aq1KliuRly5ZJbtSoUfQXBgAAAABAnOJJHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgAAK/J06tWrWs4/fff19yuXLlJDdo0MCa9+ijj0pevny55/nXr18vee3atRGvE/Y+OOPGjZP885//3JqXkZEhedOmTdFfGAAkiaFDh0oeMmSINbZq1SrJderUyaEVIRzVqlWTrPeHa9q0qTVPf+9JSUmxxvTP1s2bN0vetWuXNW/kyJGSd+/eHeGKAcAfBQsWtI5vv/12yd26dfP8c9OmTZO8detW/xcGxBBP4gAAAAAAAAQAN3EAAAAAAAACIDDlVIULF5Y8e/ZsyXXr1rXmnT9/XnLevHklu4/iabVr1/Yc0+c7d+6cNda1a1fJCxYs8DwHrvjjH/8ouVOnTpLfeecda97gwYMlf/DBB9FfGIBMFS1aVLIue0xPT7fm9e7dW/L3339vjenPxgMHDkgeM2aMNe+///1v9haLsKSlpXmOPfzww5lmY+xSK0RO/+wzxpjy5ctLDvVdpGrVqpJ1WVSokqnJkydbY4sXL5b8r3/9K8wVA0DO07+36e8YxhgzcODAsM7RpUsXyfPmzbPGunfvLvnEiRORLBEJ5h//+IfkZcuWWWP63kO84EkcAAAAAACAAOAmDgAAAAAAQAAEppxq1KhRknVnKVf+/Pkl644Lx44ds+adPn3a8xz68WT9WvrcxhgzdepUyXv37rXGtm/f7nn+ZFWiRIlM//nbb79tHVNCBeSc6667TnKvXr2ssd///veSS5Ys6XkOXUKlyzmM+XH3nKuKFy9uHbdv3/7ai0W2uWVS4c6jnMofEydOtI719aJLtt2uUOPHj890zP1uo0umEHvuddSkSRPJ+rPx1ltvtebp7mHz58+3xl544QUfVwjEp379+knu27dvROfInTu35NatW1tjejuOp556SjKlpsklV64fnmfRfyd27twZi+VkCU/iAAAAAAAABAA3cQAAAAAAAAKAmzgAAAAAAAABELd74txzzz3WcbNmzTKdd+jQIeu4bdu2kj/99FPJp06dsuadOXPG87V1fZxud+22tNNtz4cMGWKNdezYUfLJkyc9XyuZFCpUSPKlS5cku3viIDHoltQjRoyQXL9+fWuevt5CtaceMGCA5KNHj1rz6tSpI3nlypXW2Pnz57Oy7KTTuXNnyc8991xE51i9erXkhx56KKw/oz+rjWFPnHgzdOjQWC8hIS1atMg6btSokWS9102NGjVybE3IPr3nn36P77vvPmue3nNRf3/ds2ePNa9UqVKS3c/lAwcOSJ47d26EK04s6enpkt944w3Jes+3a9HfFZYuXeo5T//313tV3X///da848ePS167dm3Y68AV+/fv9xzTe4lNmDDBGtuxY4dk/f4PHz7cmqev2SVLlkjWe7AaY8yLL74oWe9bhsRQpUoVye5ejfGOJ3EAAAAAAAACgJs4AAAAAAAAARC35VS69MYYY4oVKyZZP0bnPvbmRxtUXdKhHynPmzevNe/ZZ5+V3LhxY2ts2rRpkpcvX57tNQWR2zKzQ4cOktevXy9Zt9JEsOhHVdPS0qyx1157TbJuT+22oA63PbV+1PmOO+6w5uk2ru3atbPGZs2a5bn+ZKXLVQcNGpTlP++2+9SPlLuPLPfu3TvL5wcSVdeuXa3jatWqSS5durRkXU5jjDFffvlldBeGLHEfu9ff83Qpsfu+6fLVDRs2SP7mm2+sefpnnC71MMaY5s2bS543b16m/9wYY7Zs2SJ537591pj7szbo9LWTlRIqLX/+/JJbtGgR1p/p0aOH5+vq7zb6vTbGLhXXrYzdEiK3zC6Z6FJT1/z58yV37949rPNt27bNOl68eLHkG2+8UbL7nSg1NVWyW/att4aAf8qWLSt59OjRkp955hlrni5t9NvHH38ctXP7hSdxAAAAAAAAAoCbOAAAAAAAAAHATRwAAAAAAIAAiNs9cfLly+c5NmPGDMlua7lo6t+/v3Wsa2bvuusua6xJkyaSk3VPHLcle6w88MADkt29VDS3Xnbv3r1RW1OiqFq1quQVK1Z4ztMtwf/whz9YY6FaNuo697Nnz0p+6aWXrHnfffddpq+FK/QeOMYY8/zzz0vWezu4+yToeuOGDRtK3rVrlzVP1/4PHjzYGtN157ptq7unxPbt2yXfe++9mfxbwA/Dhg2TPGTIEM95botxWo7749ixY9bx5MmTJetW0u71wZ448cXd60vvg3PkyBHJ5cqVs+bpn1WhHDx4ULK7183Fixcl169fX/KcOXM8z1ewYEHrWO8xlwimTp0qWe9TUqZMGWteqOvoJz/5ieTHH388rNetUKGC5Jtuuskay5Xrh/9PXrNmTWvMPb7qwoUL1vFf/vIXyaE+rxOR/rutv2MYY39Whstt867fY/2dqFatWta81q1be57zqaeeknz58uUsrwmZ07+3NWjQQLL+/d8Yf/bEcT8jrjp8+HC2zx1tPIkDAAAAAAAQANzEAQAAAAAACIC4LacaMWKE55jbqi9W3nrrLcldunSxxvSjYMnq0Ucf9RzTj7764ZVXXvF87aJFi0rWLSRdp0+fto7HjRsnOdTfx2SjS3N0eYxr5cqVkvv16yc5Ky3ldZt63Wa1SJEi1jz9yLF+XVyhy96Msa8P/ci3+6j/3/72N8k7duwI67Xclpsffvih5OnTp0vu1auXNa9y5cqSdYmJMcZ06tQprNfGtSXbI/nxTl9/KSkpknWZhjsWii51DFWqiqxr2bKl5J49e1pjJ06ckKzfu3DLp0L57LPPrOOKFStKnjlzpuef0z8z3TKdRKN/7vjx/VJ//wulUqVKkn/1q195znNLcqpVq5bpPF3SZYzdPnvs2LHWmNuWPtG8/fbbkuvWrWuN6fL6SK1fv17yn/70J8nuFhj6dwj3fVy2bJnk119/PdtrwhXu+31VNEqc9PfLU6dOSc7K7yqxwpM4AAAAAAAAAcBNHAAAAAAAgACIq3Kqu+++W7IuozDGfmzw448/zrE1hfLOO+9IdsupklWBAgUk58lj//XSj8HpsopQ9DnckhDd9aZEiRLWmH5EXXcD0Y9nuucsVaqUNaYfsdOPLPuxG3qQDRo0SLLuoOI+gqofN//0008jei39qHKVKlU854XqjAVj0tPTrWPdhUp3fVi1apU1b8yYMb6uo2/fvp5r0u919erVfX1dIF64HWw6duwoWV+XbhcOXU6l57llVvrn4uzZsz3HkHW6a57+jmGMXW565syZqK7j0KFDYc379ttvJbudB+GPTz75JNPsckv+b7vtNsn652KHDh2seYULF5bsliC7nSATjS4N9SqvyYz+TNXlT5MmTQrrz8+dO9c67tatm+fcn/70p2GvC94KFSpkHderV0+yLlPT5fl+ue666yTr78NB6DbGkzgAAAAAAAABwE0cAAAAAACAAOAmDgAAAAAAQADE1Z44bdq0kaz3xzHGmIULF0rWbeEQX3Qt6i233GKNuW2Dvej9kPS+NAMHDvT8M0eOHLGO//73v0vWbZJD1ZK77bLr168vuWTJkpKTbU+cKVOmWMfNmzeXrNs86rpuYyLbB0fXphpjtybXez+sXr3amucew5hixYpJvu+++8L6M/q6iTb3tUaNGpVjrw3kJL0PjvtZpfdi0y1N9X4Qxhizdu3aTM/99NNPW8e6dXGTJk2sMb0viv5McF+L1uSZS01N9RzLyc+v3/zmN5Lz58/vOY+Wx/HDbfGu28brvzvunjh6X6Nw95JMFB999JHnmN6fym3L/vLLL0vW3ynT0tJ8XN0V+neePXv2SP73v/9tzUv0dvDZVbFiRetY7xm1YcMGyXrPmkgVKVLEOq5QoYJk932LdzyJAwAAAAAAEADcxAEAAAAAAAiAuCqnatmypWT30bPx48fn9HIQgVBtoPft2xfWOXTZVOfOnSW7LTJ1i/cePXpYY7rdZ7jCXV+ycds96/dBt1LduXNnROfXj7uOGDHCGqtdu3amrzt8+PCIXiuZ6LKKO++803Pee++9J9ltEx8rRYsWtY51OePRo0dzejlAtpQrVy7TbIwxixYtkqxLVcPllikXL15csi5RN8aYRo0aSdatWt3Pbr2O3bt3Z3lNiaJAgQLWcePGjT3nuiXdfsqbN691PHLkyEzH3NbmoVpeI348/vjjnmO69XKzZs2ssRdffDFqa4oHb7zxhmS3jEZ//3e3btCla26Jvt90Oey8efMkuyWpemuIJUuWWGOUrxpTq1YtzzG/t0to0aKFday3HlizZo2vrxVtPIkDAAAAAAAQANzEAQAAAAAACIC4KqfS3Ed4vTozIL7ozlLhKlu2rHXsPup2ldslqXv37pK/++67LL/utehOIToje9zSnm7duknu2bOn55/TZTRbt271fV2JRpdThTJkyBDJJ0+ejNZysuSOO+6wjitVqiSZcqqcMXTo0FgvIWHo7y+5c+eO6msdP35c8l//+ldrTB/rx/vdDlf6kfL09HRrbNOmTb6sM4ii/d5pugykbt261pjbvfWqadOmWcfJ1kkzSPR7GOqz9vTp05Ld78CJTv+7z5o1y3OeW0b4xBNPSP7tb38r+cYbb7Tm6Q60fnNLMfX63TLH1q1bS45kK4igypcvn2T9e4Axxpw4cUKyLqd/9dVXrXm6lO7666+X/NBDD3m+ru5063I7ncU7nsQBAAAAAAAIAG7iAAAAAAAABAA3cQAAAAAAAAIgpnvi6Po1Y6LfCg7Rp9shhqo71J555hnruEiRIpLnzJkjuWvXrtlcXWh67cYYc+nSJcnR2HMnKNz2s5UrV5asW/Nt2bIlrPPpFrjG2PsouW3ktZUrV0o+depUWK+VzHRNdqhr0e/2jZHKleuH/6fgthMF4C/dmly3OTfG/kxYvny5NaZ/Di9evDhKq4sPly9fto73798v2d3b7de//rXkbdu2Zfm19L4Pxhjz5JNPSn7++efDOsf06dOz/LqIjccee0yy+7uQpvfBiZc96+Kd/szS2d3Tyv3Of5Xbslx/L/3qq688X3fYsGGS27dvb43p72N6jz9jjBk7dqzkPn36SE70vR/1/jN33XWX57xly5ZJdr8b7tq1S7L+fP7nP//peb569ep5rmPkyJGSv/76a2vezJkzPc8ZKzyJAwAAAAAAEADcxAEAAAAAAAiAmJZT6dZvxhiTmpoqWbfJjFcNGzb0HHMfw00W+rHDUKUxmvsYsf5z7pjfdClPhw4drDH3EfNk1bFjR+u4cOHCknWLRl1mlRX6Omrbtq011rRpU8kTJ06M6PzJqkaNGpLDvRZjST8mG4T1AonC/b6lS6bGjBljjU2aNEly6dKlJbvtzBOBW0adlpYm2S0zHjVqlGRdWrVw4UJrXsWKFSXrco7atWtb83RJh261bIwxN9xwg+Qvv/xS8sGDBzP5t0A8KFOmjHX83HPPZTrv7Nmz1vHUqVOjtqZEpUv2y5YtK3n9+vXWPK+y/EjL9bt37y553rx51tgrr7wi2S2n+uUvfylZl06mp6dHtI6guHjxouR9+/ZZYzfffLNkXeI0Y8YMa16o8jYv+jPTGGNuv/12yXobjc6dO1vzKKcCAAAAAABARLiJAwAAAAAAEADcxAEAAAAAAAiAmO6JEzTVqlWzjhs0aOA5t3///tFeTsJw6w4ffPDBTHO/fv2sebpFqtsKLlx635tz585ZY+5eAMnq/Pnz1rFujfnwww9Lrl69uuc5duzYIdlt/TdhwgTJzZo1s8b27t0r+bPPPgtvwQi8M2fOWMeRXt8Asm7NmjWS3X0ZdPvx0aNHS07EPXFchw4dktymTRtrbMCAAZLr1q2baTbG3nPhiy++kLxq1Spr3ty5cyW/+eab1pjeM2zlypWST5w4EXL9yFl6bxZ9rRjj3VZ88ODB1vHu3bv9X1iC0d9JjbE/i/S+ly1btrTmLVmyJGprcvffqVWrluTNmzdbY3fffbfkmjVrSn7kkUeseStWrPBziTF34cIFyXoPR2OMyZPnh9sTfnyu3XbbbZKLFi1qjW3btk1yu3btJLu/E8YjnsQBAAAAAAAIAG7iAAAAAAAABADlVNegS6h69uxpjRUpUkTyunXrrLG33noruguLE/pRRWMiawnulkpUrVpV8tKlSyWPGDHCmqcfNXRL27799ttMxwYOHGjNq1KlimS35eMHH3xwzbUnO/0IuPs4eLi6dOki2W0tvXHjRsnHjh2L6PyIT247eW3o0KHWsfv4MSKnr1NdDuly3wP3GMnBbT++du1ayeXLl8/p5cQN/d3EGLtM2C2913Tb8lCfa7o1ct68eT3nLViwIOQ6ETt9+/aV3LBhQ895n3/+ueTx48dHdU2JqGDBgtax/r1EXzsLFy605ukSp2h/39e/k7Rq1coae//99yUXKlRIcp8+fax5iVZOpZ0+fTqq59e/L7qljLpcdfv27VFdh994EgcAAAAAACAAuIkDAAAAAAAQADEtp9q/f791rB83i6XcuXNLfvbZZyW3aNHCmnf48OFM5xljzOXLl6O0uvhy5MgR63jfvn2SS5cubY3pLg2TJk2S7O4AfvToUcl6x3K3ZGrXrl2SdWmbMXZnqQ4dOni+li6hcsu1EB133nmn55jblSgZOp5Ei36U230MV3fNmDZtmuT27dtHf2GZrMEYu1xu4sSJObYOAN7ckqlGjRpJ3rlzZ04vJ27prlN+lGbobiqhbNiwIduvBX+43Y969OjhOffs2bOS9TX1/fff+7+wBKc7uRljXzujRo2SnJKSYs3Tv+vlpJ/97GfWsbuuq4JW2hPP3I5UWqRbQcQDnsQBAAAAAAAIAG7iAAAAAAAABAA3cQAAAAAAAAIgpnvivPvuu9ax3mOmcOHC1pjeP8FteRmJe++9V3K3bt2sMd3iunr16p7naNOmjWTqkq/Q+88sX77cGqtfv75k3YJ97Nix1jy9J452//33W8f9+vXzHNM1pnv27JE8YMAAa97ixYszfS1Ez6BBgzzHli1bZh3TWjpyW7duldy7d29rbPr06ZKbN28u+eWXX7bm+f3ff8qUKZJvueUWa2z+/PmSL1y44OvrJjvdSjxUW3FEn7tPht4LatasWTm9nEzp/ez+/Oc/W2MFChSQrD874K9mzZrFegkIQ1pammS916Mx3nudGGPM7373O8mffPKJ7+tKZpMnT5asW0vXqVPHmjdz5kzJq1evlvzCCy9Y8/bu3ZvlNXTv3t067tixo+TU1FRrLNTfE0TfxYsXY72EiPEkDgAAAAAAQABwEwcAAAAAACAAYlpOFUqFChWsY90i16vcJiseeOABycWKFfOcp0u3li5dao1t3Lgx2+tINIcOHZKsH2M0xi6fq1mzpmRdRuHSjxlmZGSEvY7XXntNcp8+fSR//fXXYZ8D/rnnnnskN23a1HOeLrODf9atW2cdz5kzR3Lr1q0l60fDjfGnnEo/wty4cWPJX331lTVv+PDh2X4tZG7IkCGxXkJS03/vR48ebY3pR//9Lqe66aabPNcR6p/rknL3Om3btq3k3bt3Z3eJ+L9SpUpZx61atfKcu2bNGsmnT5+O2pqQuSJFikh+8803JV9//fWef2bChAnWsfv7BPyjrwndvn3btm3WvJIlS0pu166d5CeffNKaF0nb9zx5Ivv1Wv9eyXciXAtP4gAAAAAAAAQAN3EAAAAAAAACgJs4AAAAAAAAARBXe+Lo9s8DBw60xnSNtt/cescTJ05I1u2v3bZzCM3du0jvQ9SiRQvJZcqUseY9/fTTkl999VXJofbEmTp1qnVMrX580ddvoUKFrDH9vtJaOjo+//xz61i3eX/wwQclu3un6D01+vfv73n+smXLSq5Ro4Y1Nm7cOMl6L4ExY8ZY83bu3Ol5fmSN20Y83Lbiev+iVatW+bcgiFy57P931qlTJ8l6v7BFixZZ8/T+cOXLl5es9+0zxt4Dwm1dqz9r9diuXbusebNnz5Y8cuRIa8x9PfjDbTt8ww03eM5dsmSJ5MuXL0dtTbjCvWb1/imh9sHZtGmT5J49e1pjly5d8ml1COXMmTOS3WtMv48tW7aUXKlSJWverbfe6uua1q9fbx3rvSCnTJkimT08/fOLX/xCsvtzUf88Xbt2bY6tyQ88iQMAAAAAABAA3MQBAAAAAAAIgLgqp1q8eLHkDRs2WGO6xbj7qFsk9CNrW7ZsscYmTpyY7fPjx06dOiV50qRJnvN69+6dE8tBDipevLhktyxux44dkhcsWJBja0pm+/fvl6zLqdzPvm7duklOT0/3nKdbYRYrVszzdXU7Vt1aGTln2LBhkocOHRq7hSQR/d3mkUcescZ0+ZPmtv3WpY269ND9PNXXlVv6pNehueXH586dy3Qeoufmm2/2HHPfj5deeinay4GitwIwxi4RDmXUqFGSKZ+KPzNmzMg0lyhRwppXsGBBybr81Rhj3n33Xcm6lHzv3r3WvI8++kjywYMHrbGLFy9mZdmIgN7Gwf2ZefLkyZxejm94EgcAAAAAACAAuIkDAAAAAAAQACmhOv78aHJKSviT4auMjIyUa8+6Nt7DmNqUkZFR3Y8TBe191CWLlStXtsb69u0refTo0Tm2pkgl8rXodkQpV66cZN3RSpdWGfPjTlPawoULJW/evFlyjLuqJO21mEgS+VpMIlyLxpjXX3/dOtadytztBXSnlXiRaNdi4cKFJX/xxRfWWNGiRSXrTjfvvfeeNa9u3bqSA9JFjGsxASTateiHXr16Sa5du7Y11rp1a8lxVEoc1rXIkzgAAAAAAAABwE0cAAAAAACAAOAmDgAAAAAAQADEVYtxAIlJt8R198RB/Pjmm2+s4w8//FDyY489ltPLAYCk0KxZM+tY71ep95RDzqhXr55kvQeOS++D06pVK2ssIPvgAAlP79sYag/HoOFJHAAAAAAAgADgJg4AAAAAAEAAUE4FIOpWrFghOTU11RrbuHFjTi8HAIC4kSsX/081nugS8P/85z/W2L59+yQ/8cQTkg8fPhz9hQHA//FTAwAAAAAAIAC4iQMAAAAAABAA3MQBAAAAAAAIgBTdxvCak1NSwp8MX2VkZKT4cR7ew5jalJGRUd2PE/E+xg7XYkLgWkwAXIsJgWsxAXAtJgSuxQTAtZgQwroWeRIHAAAAAAAgALiJAwAAAAAAEABZbTF+3BhzIBoLQUilfTwX72Hs8D4GH+9hYuB9DD7ew8TA+xh8vIeJgfcx+HgPE0NY72OW9sQBAAAAAABAbFBOBQAAAAAAEADcxAEAAAAAAAgAbuIAAAAAAAAEADdxAAAAAAAAAoCbOAAAAAAAAAHATRwAAAAAAIAA4CYOAAAAAABAAHATBwAAAAAAIAC4iQMAAAAAABAA/wOj6vqySBf1wwAAAABJRU5ErkJggg==\n", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "score = model.evaluate(X_test, Y_test, verbose=1)\n", - "print('\\n''Test accuracy:', score[1])\n", - "mask = range(10,20)\n", - "X_valid = X_test[mask]\n", - "y_pred = model.predict_classes(X_valid)\n", - "print(y_pred)\n", - "plt.figure(figsize=(20, 4))\n", - "for i in range(n):\n", - " # display original\n", - " ax = plt.subplot(2, n, i + 1)\n", - " plt.imshow(X_valid[i].reshape(28, 28))\n", - " plt.gray()\n", - " ax.get_xaxis().set_visible(False)\n", - " ax.get_yaxis().set_visible(False)\n", - "plt.show()\n", - "plt.close()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.6" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Standard (Fully Connected) Neural Network" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "#Use in Markup cell type\n", + "#![alt text](imagename.png \"Title\") " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementing Fully connected Neural Net" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Loading Required packages and Data" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using TensorFlow backend.\n" + ] + } + ], + "source": [ + "###1. Load Data and Splot Data\n", + "from keras.datasets import mnist\n", + "from keras.models import Sequential \n", + "from keras.layers.core import Dense, Activation\n", + "from keras.utils import np_utils\n", + "(X_train, Y_train), (X_test, Y_test) = mnist.load_data()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Preprocessing" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import matplotlib.pyplot as plt\n", + "n = 10 # how many digits we will display\n", + "plt.figure(figsize=(20, 4))\n", + "for i in range(n):\n", + " # display original\n", + " ax = plt.subplot(2, n, i + 1)\n", + " plt.imshow(X_test[i].reshape(28, 28))\n", + " plt.gray()\n", + " ax.get_xaxis().set_visible(False)\n", + " ax.get_yaxis().set_visible(False)\n", + "plt.show()\n", + "plt.close()" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Previous X_train shape: (60000, 28, 28) \n", + "Previous Y_train shape:(60000,)\n", + "New X_train shape: (60000, 784) \n", + "New Y_train shape:(60000, 10)\n" + ] + } + ], + "source": [ + "print(\"Previous X_train shape: {} \\nPrevious Y_train shape:{}\".format(X_train.shape, Y_train.shape))\n", + "X_train = X_train.reshape(60000, 784) \n", + "X_test = X_test.reshape(10000, 784)\n", + "X_train = X_train.astype('float32') \n", + "X_test = X_test.astype('float32') \n", + "X_train /= 255 \n", + "X_test /= 255\n", + "classes = 10\n", + "Y_train = np_utils.to_categorical(Y_train, classes) \n", + "Y_test = np_utils.to_categorical(Y_test, classes)\n", + "print(\"New X_train shape: {} \\nNew Y_train shape:{}\".format(X_train.shape, Y_train.shape))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Setting up parameters" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "input_size = 784\n", + "batch_size = 200 \n", + "hidden1 = 400\n", + "hidden2 = 20\n", + "epochs = 2" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Building the FCN Model" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "_________________________________________________________________\n", + "Layer (type) Output Shape Param # \n", + "=================================================================\n", + "dense_1 (Dense) (None, 400) 314000 \n", + "_________________________________________________________________\n", + "dense_2 (Dense) (None, 20) 8020 \n", + "_________________________________________________________________\n", + "dense_3 (Dense) (None, 10) 210 \n", + "=================================================================\n", + "Total params: 322,230\n", + "Trainable params: 322,230\n", + "Non-trainable params: 0\n", + "_________________________________________________________________\n" + ] + } + ], + "source": [ + "###4.Build the model\n", + "model = Sequential() \n", + "model.add(Dense(hidden1, input_dim=input_size, activation='relu'))\n", + "# output = relu (dot (W, input) + bias)\n", + "model.add(Dense(hidden2, activation='relu'))\n", + "model.add(Dense(classes, activation='softmax')) \n", + "\n", + "# Compilation\n", + "model.compile(loss='categorical_crossentropy', \n", + " metrics=['accuracy'], optimizer='sgd')\n", + "model.summary()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Training The Model" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/10\n", + " - 12s - loss: 1.4482 - acc: 0.6251\n", + "Epoch 2/10\n", + " - 3s - loss: 0.6239 - acc: 0.8482\n", + "Epoch 3/10\n", + " - 3s - loss: 0.4582 - acc: 0.8798\n", + "Epoch 4/10\n", + " - 3s - loss: 0.3941 - acc: 0.8936\n", + "Epoch 5/10\n", + " - 3s - loss: 0.3579 - acc: 0.9011\n", + "Epoch 6/10\n", + " - 4s - loss: 0.3328 - acc: 0.9070\n", + "Epoch 7/10\n", + " - 3s - loss: 0.3138 - acc: 0.9118\n", + "Epoch 8/10\n", + " - 3s - loss: 0.2980 - acc: 0.9157\n", + "Epoch 9/10\n", + " - 3s - loss: 0.2849 - acc: 0.9191\n", + "Epoch 10/10\n", + " - 3s - loss: 0.2733 - acc: 0.9223\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Fitting on Data\n", + "model.fit(X_train, Y_train, batch_size=batch_size, epochs=10, verbose=2)\n", + "###5.Test " + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true + }, + "source": [ + "#### Testing The Model" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "10000/10000 [==============================] - 1s 121us/step\n", + "\n", + "Test accuracy: 0.9257\n", + "[0 6 9 0 1 5 9 7 3 4]\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABHEAAABzCAYAAAAfb55ZAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAHPJJREFUeJzt3XeYVNUZx/GzgBAQEAQVLKAuoQkmNJUIrkCKi4jUUESIgLTE8AASejcohhIeJVIEgVCCNAF5gokoIKCIVKVbQFoiCIhU4XHzB+H1Pce9w+zsnZ25M9/PX7/rOdw5OtzZ2et9z5uSkZFhAAAAAAAAEN9yxXoBAAAAAAAAuDZu4gAAAAAAAAQAN3EAAAAAAAACgJs4AAAAAAAAAcBNHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgALiJAwAAAAAAEADcxAEAAAAAAAiAPFmZnJKSkhGthSC0jIyMFD/Ow3sYU8czMjJu8uNEvI+xw7WYELgWEwDXYkLgWkwAXIsJgWsxAXAtJoSwrkWexAFyzoFYLwCAMYZrEYgXXItAfOBaBOJDWNciN3EAAAAAAAACgJs4AAAAAAAAAcBNHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgALiJAwAAAAAAEADcxAEAAAAAAAiAPLFeAJJTvnz5JK9bt84aq1KliuRly5ZJbtSoUfQXBgAAAABAnOJJHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgAAK/J06tWrWs4/fff19yuXLlJDdo0MCa9+ijj0pevny55/nXr18vee3atRGvE/Y+OOPGjZP885//3JqXkZEhedOmTdFfGAAkiaFDh0oeMmSINbZq1SrJderUyaEVIRzVqlWTrPeHa9q0qTVPf+9JSUmxxvTP1s2bN0vetWuXNW/kyJGSd+/eHeGKAcAfBQsWtI5vv/12yd26dfP8c9OmTZO8detW/xcGxBBP4gAAAAAAAAQAN3EAAAAAAAACIDDlVIULF5Y8e/ZsyXXr1rXmnT9/XnLevHklu4/iabVr1/Yc0+c7d+6cNda1a1fJCxYs8DwHrvjjH/8ouVOnTpLfeecda97gwYMlf/DBB9FfGIBMFS1aVLIue0xPT7fm9e7dW/L3339vjenPxgMHDkgeM2aMNe+///1v9haLsKSlpXmOPfzww5lmY+xSK0RO/+wzxpjy5ctLDvVdpGrVqpJ1WVSokqnJkydbY4sXL5b8r3/9K8wVA0DO07+36e8YxhgzcODAsM7RpUsXyfPmzbPGunfvLvnEiRORLBEJ5h//+IfkZcuWWWP63kO84EkcAAAAAACAAOAmDgAAAAAAQAAEppxq1KhRknVnKVf+/Pkl644Lx44ds+adPn3a8xz68WT9WvrcxhgzdepUyXv37rXGtm/f7nn+ZFWiRIlM//nbb79tHVNCBeSc6667TnKvXr2ssd///veSS5Ys6XkOXUKlyzmM+XH3nKuKFy9uHbdv3/7ai0W2uWVS4c6jnMofEydOtI719aJLtt2uUOPHj890zP1uo0umEHvuddSkSRPJ+rPx1ltvtebp7mHz58+3xl544QUfVwjEp379+knu27dvROfInTu35NatW1tjejuOp556SjKlpsklV64fnmfRfyd27twZi+VkCU/iAAAAAAAABAA3cQAAAAAAAAKAmzgAAAAAAAABELd74txzzz3WcbNmzTKdd+jQIeu4bdu2kj/99FPJp06dsuadOXPG87V1fZxud+22tNNtz4cMGWKNdezYUfLJkyc9XyuZFCpUSPKlS5cku3viIDHoltQjRoyQXL9+fWuevt5CtaceMGCA5KNHj1rz6tSpI3nlypXW2Pnz57Oy7KTTuXNnyc8991xE51i9erXkhx56KKw/oz+rjWFPnHgzdOjQWC8hIS1atMg6btSokWS9102NGjVybE3IPr3nn36P77vvPmue3nNRf3/ds2ePNa9UqVKS3c/lAwcOSJ47d26EK04s6enpkt944w3Jes+3a9HfFZYuXeo5T//313tV3X///da848ePS167dm3Y68AV+/fv9xzTe4lNmDDBGtuxY4dk/f4PHz7cmqev2SVLlkjWe7AaY8yLL74oWe9bhsRQpUoVye5ejfGOJ3EAAAAAAAACgJs4AAAAAAAAARC35VS69MYYY4oVKyZZP0bnPvbmRxtUXdKhHynPmzevNe/ZZ5+V3LhxY2ts2rRpkpcvX57tNQWR2zKzQ4cOktevXy9Zt9JEsOhHVdPS0qyx1157TbJuT+22oA63PbV+1PmOO+6w5uk2ru3atbPGZs2a5bn+ZKXLVQcNGpTlP++2+9SPlLuPLPfu3TvL5wcSVdeuXa3jatWqSS5durRkXU5jjDFffvlldBeGLHEfu9ff83Qpsfu+6fLVDRs2SP7mm2+sefpnnC71MMaY5s2bS543b16m/9wYY7Zs2SJ537591pj7szbo9LWTlRIqLX/+/JJbtGgR1p/p0aOH5+vq7zb6vTbGLhXXrYzdEiK3zC6Z6FJT1/z58yV37949rPNt27bNOl68eLHkG2+8UbL7nSg1NVWyW/att4aAf8qWLSt59OjRkp955hlrni5t9NvHH38ctXP7hSdxAAAAAAAAAoCbOAAAAAAAAAHATRwAAAAAAIAAiNs9cfLly+c5NmPGDMlua7lo6t+/v3Wsa2bvuusua6xJkyaSk3VPHLcle6w88MADkt29VDS3Xnbv3r1RW1OiqFq1quQVK1Z4ztMtwf/whz9YY6FaNuo697Nnz0p+6aWXrHnfffddpq+FK/QeOMYY8/zzz0vWezu4+yToeuOGDRtK3rVrlzVP1/4PHjzYGtN157ptq7unxPbt2yXfe++9mfxbwA/Dhg2TPGTIEM95botxWo7749ixY9bx5MmTJetW0u71wZ448cXd60vvg3PkyBHJ5cqVs+bpn1WhHDx4ULK7183Fixcl169fX/KcOXM8z1ewYEHrWO8xlwimTp0qWe9TUqZMGWteqOvoJz/5ieTHH388rNetUKGC5Jtuuskay5Xrh/9PXrNmTWvMPb7qwoUL1vFf/vIXyaE+rxOR/rutv2MYY39Whstt867fY/2dqFatWta81q1be57zqaeeknz58uUsrwmZ07+3NWjQQLL+/d8Yf/bEcT8jrjp8+HC2zx1tPIkDAAAAAAAQANzEAQAAAAAACIC4LacaMWKE55jbqi9W3nrrLcldunSxxvSjYMnq0Ucf9RzTj7764ZVXXvF87aJFi0rWLSRdp0+fto7HjRsnOdTfx2SjS3N0eYxr5cqVkvv16yc5Ky3ldZt63Wa1SJEi1jz9yLF+XVyhy96Msa8P/ci3+6j/3/72N8k7duwI67Xclpsffvih5OnTp0vu1auXNa9y5cqSdYmJMcZ06tQprNfGtSXbI/nxTl9/KSkpknWZhjsWii51DFWqiqxr2bKl5J49e1pjJ06ckKzfu3DLp0L57LPPrOOKFStKnjlzpuef0z8z3TKdRKN/7vjx/VJ//wulUqVKkn/1q195znNLcqpVq5bpPF3SZYzdPnvs2LHWmNuWPtG8/fbbkuvWrWuN6fL6SK1fv17yn/70J8nuFhj6dwj3fVy2bJnk119/PdtrwhXu+31VNEqc9PfLU6dOSc7K7yqxwpM4AAAAAAAAAcBNHAAAAAAAgACIq3Kqu+++W7IuozDGfmzw448/zrE1hfLOO+9IdsupklWBAgUk58lj//XSj8HpsopQ9DnckhDd9aZEiRLWmH5EXXcD0Y9nuucsVaqUNaYfsdOPLPuxG3qQDRo0SLLuoOI+gqofN//0008jei39qHKVKlU854XqjAVj0tPTrWPdhUp3fVi1apU1b8yYMb6uo2/fvp5r0u919erVfX1dIF64HWw6duwoWV+XbhcOXU6l57llVvrn4uzZsz3HkHW6a57+jmGMXW565syZqK7j0KFDYc379ttvJbudB+GPTz75JNPsckv+b7vtNsn652KHDh2seYULF5bsliC7nSATjS4N9SqvyYz+TNXlT5MmTQrrz8+dO9c67tatm+fcn/70p2GvC94KFSpkHderV0+yLlPT5fl+ue666yTr78NB6DbGkzgAAAAAAAABwE0cAAAAAACAAOAmDgAAAAAAQADE1Z44bdq0kaz3xzHGmIULF0rWbeEQX3Qt6i233GKNuW2Dvej9kPS+NAMHDvT8M0eOHLGO//73v0vWbZJD1ZK77bLr168vuWTJkpKTbU+cKVOmWMfNmzeXrNs86rpuYyLbB0fXphpjtybXez+sXr3amucew5hixYpJvu+++8L6M/q6iTb3tUaNGpVjrw3kJL0PjvtZpfdi0y1N9X4Qxhizdu3aTM/99NNPW8e6dXGTJk2sMb0viv5McF+L1uSZS01N9RzLyc+v3/zmN5Lz58/vOY+Wx/HDbfGu28brvzvunjh6X6Nw95JMFB999JHnmN6fym3L/vLLL0vW3ynT0tJ8XN0V+neePXv2SP73v/9tzUv0dvDZVbFiRetY7xm1YcMGyXrPmkgVKVLEOq5QoYJk932LdzyJAwAAAAAAEADcxAEAAAAAAAiAuCqnatmypWT30bPx48fn9HIQgVBtoPft2xfWOXTZVOfOnSW7LTJ1i/cePXpYY7rdZ7jCXV+ycds96/dBt1LduXNnROfXj7uOGDHCGqtdu3amrzt8+PCIXiuZ6LKKO++803Pee++9J9ltEx8rRYsWtY51OePRo0dzejlAtpQrVy7TbIwxixYtkqxLVcPllikXL15csi5RN8aYRo0aSdatWt3Pbr2O3bt3Z3lNiaJAgQLWcePGjT3nuiXdfsqbN691PHLkyEzH3NbmoVpeI348/vjjnmO69XKzZs2ssRdffDFqa4oHb7zxhmS3jEZ//3e3btCla26Jvt90Oey8efMkuyWpemuIJUuWWGOUrxpTq1YtzzG/t0to0aKFday3HlizZo2vrxVtPIkDAAAAAAAQANzEAQAAAAAACIC4KqfS3Ed4vTozIL7ozlLhKlu2rHXsPup2ldslqXv37pK/++67LL/utehOIToje9zSnm7duknu2bOn55/TZTRbt271fV2JRpdThTJkyBDJJ0+ejNZysuSOO+6wjitVqiSZcqqcMXTo0FgvIWHo7y+5c+eO6msdP35c8l//+ldrTB/rx/vdDlf6kfL09HRrbNOmTb6sM4ii/d5pugykbt261pjbvfWqadOmWcfJ1kkzSPR7GOqz9vTp05Ld78CJTv+7z5o1y3OeW0b4xBNPSP7tb38r+cYbb7Tm6Q60fnNLMfX63TLH1q1bS45kK4igypcvn2T9e4Axxpw4cUKyLqd/9dVXrXm6lO7666+X/NBDD3m+ru5063I7ncU7nsQBAAAAAAAIAG7iAAAAAAAABAA3cQAAAAAAAAIgpnvi6Po1Y6LfCg7Rp9shhqo71J555hnruEiRIpLnzJkjuWvXrtlcXWh67cYYc+nSJcnR2HMnKNz2s5UrV5asW/Nt2bIlrPPpFrjG2PsouW3ktZUrV0o+depUWK+VzHRNdqhr0e/2jZHKleuH/6fgthMF4C/dmly3OTfG/kxYvny5NaZ/Di9evDhKq4sPly9fto73798v2d3b7de//rXkbdu2Zfm19L4Pxhjz5JNPSn7++efDOsf06dOz/LqIjccee0yy+7uQpvfBiZc96+Kd/szS2d3Tyv3Of5Xbslx/L/3qq688X3fYsGGS27dvb43p72N6jz9jjBk7dqzkPn36SE70vR/1/jN33XWX57xly5ZJdr8b7tq1S7L+fP7nP//peb569ep5rmPkyJGSv/76a2vezJkzPc8ZKzyJAwAAAAAAEADcxAEAAAAAAAiAmJZT6dZvxhiTmpoqWbfJjFcNGzb0HHMfw00W+rHDUKUxmvsYsf5z7pjfdClPhw4drDH3EfNk1bFjR+u4cOHCknWLRl1mlRX6Omrbtq011rRpU8kTJ06M6PzJqkaNGpLDvRZjST8mG4T1AonC/b6lS6bGjBljjU2aNEly6dKlJbvtzBOBW0adlpYm2S0zHjVqlGRdWrVw4UJrXsWKFSXrco7atWtb83RJh261bIwxN9xwg+Qvv/xS8sGDBzP5t0A8KFOmjHX83HPPZTrv7Nmz1vHUqVOjtqZEpUv2y5YtK3n9+vXWPK+y/EjL9bt37y553rx51tgrr7wi2S2n+uUvfylZl06mp6dHtI6guHjxouR9+/ZZYzfffLNkXeI0Y8YMa16o8jYv+jPTGGNuv/12yXobjc6dO1vzKKcCAAAAAABARLiJAwAAAAAAEADcxAEAAAAAAAiAmO6JEzTVqlWzjhs0aOA5t3///tFeTsJw6w4ffPDBTHO/fv2sebpFqtsKLlx635tz585ZY+5eAMnq/Pnz1rFujfnwww9Lrl69uuc5duzYIdlt/TdhwgTJzZo1s8b27t0r+bPPPgtvwQi8M2fOWMeRXt8Asm7NmjWS3X0ZdPvx0aNHS07EPXFchw4dktymTRtrbMCAAZLr1q2baTbG3nPhiy++kLxq1Spr3ty5cyW/+eab1pjeM2zlypWST5w4EXL9yFl6bxZ9rRjj3VZ88ODB1vHu3bv9X1iC0d9JjbE/i/S+ly1btrTmLVmyJGprcvffqVWrluTNmzdbY3fffbfkmjVrSn7kkUeseStWrPBziTF34cIFyXoPR2OMyZPnh9sTfnyu3XbbbZKLFi1qjW3btk1yu3btJLu/E8YjnsQBAAAAAAAIAG7iAAAAAAAABADlVNegS6h69uxpjRUpUkTyunXrrLG33noruguLE/pRRWMiawnulkpUrVpV8tKlSyWPGDHCmqcfNXRL27799ttMxwYOHGjNq1KlimS35eMHH3xwzbUnO/0IuPs4eLi6dOki2W0tvXHjRsnHjh2L6PyIT247eW3o0KHWsfv4MSKnr1NdDuly3wP3GMnBbT++du1ayeXLl8/p5cQN/d3EGLtM2C2913Tb8lCfa7o1ct68eT3nLViwIOQ6ETt9+/aV3LBhQ895n3/+ueTx48dHdU2JqGDBgtax/r1EXzsLFy605ukSp2h/39e/k7Rq1coae//99yUXKlRIcp8+fax5iVZOpZ0+fTqq59e/L7qljLpcdfv27VFdh994EgcAAAAAACAAuIkDAAAAAAAQADEtp9q/f791rB83i6XcuXNLfvbZZyW3aNHCmnf48OFM5xljzOXLl6O0uvhy5MgR63jfvn2SS5cubY3pLg2TJk2S7O4AfvToUcl6x3K3ZGrXrl2SdWmbMXZnqQ4dOni+li6hcsu1EB133nmn55jblSgZOp5Ei36U230MV3fNmDZtmuT27dtHf2GZrMEYu1xu4sSJObYOAN7ckqlGjRpJ3rlzZ04vJ27prlN+lGbobiqhbNiwIduvBX+43Y969OjhOffs2bOS9TX1/fff+7+wBKc7uRljXzujRo2SnJKSYs3Tv+vlpJ/97GfWsbuuq4JW2hPP3I5UWqRbQcQDnsQBAAAAAAAIAG7iAAAAAAAABAA3cQAAAAAAAAIgpnvivPvuu9ax3mOmcOHC1pjeP8FteRmJe++9V3K3bt2sMd3iunr16p7naNOmjWTqkq/Q+88sX77cGqtfv75k3YJ97Nix1jy9J452//33W8f9+vXzHNM1pnv27JE8YMAAa97ixYszfS1Ez6BBgzzHli1bZh3TWjpyW7duldy7d29rbPr06ZKbN28u+eWXX7bm+f3ff8qUKZJvueUWa2z+/PmSL1y44OvrJjvdSjxUW3FEn7tPht4LatasWTm9nEzp/ez+/Oc/W2MFChSQrD874K9mzZrFegkIQ1pammS916Mx3nudGGPM7373O8mffPKJ7+tKZpMnT5asW0vXqVPHmjdz5kzJq1evlvzCCy9Y8/bu3ZvlNXTv3t067tixo+TU1FRrLNTfE0TfxYsXY72EiPEkDgAAAAAAQABwEwcAAAAAACAAYlpOFUqFChWsY90i16vcJiseeOABycWKFfOcp0u3li5dao1t3Lgx2+tINIcOHZKsH2M0xi6fq1mzpmRdRuHSjxlmZGSEvY7XXntNcp8+fSR//fXXYZ8D/rnnnnskN23a1HOeLrODf9atW2cdz5kzR3Lr1q0l60fDjfGnnEo/wty4cWPJX331lTVv+PDh2X4tZG7IkCGxXkJS03/vR48ebY3pR//9Lqe66aabPNcR6p/rknL3Om3btq3k3bt3Z3eJ+L9SpUpZx61atfKcu2bNGsmnT5+O2pqQuSJFikh+8803JV9//fWef2bChAnWsfv7BPyjrwndvn3btm3WvJIlS0pu166d5CeffNKaF0nb9zx5Ivv1Wv9eyXciXAtP4gAAAAAAAAQAN3EAAAAAAAACgJs4AAAAAAAAARBXe+Lo9s8DBw60xnSNtt/cescTJ05I1u2v3bZzCM3du0jvQ9SiRQvJZcqUseY9/fTTkl999VXJofbEmTp1qnVMrX580ddvoUKFrDH9vtJaOjo+//xz61i3eX/wwQclu3un6D01+vfv73n+smXLSq5Ro4Y1Nm7cOMl6L4ExY8ZY83bu3Ol5fmSN20Y83Lbiev+iVatW+bcgiFy57P931qlTJ8l6v7BFixZZ8/T+cOXLl5es9+0zxt4Dwm1dqz9r9diuXbusebNnz5Y8cuRIa8x9PfjDbTt8ww03eM5dsmSJ5MuXL0dtTbjCvWb1/imh9sHZtGmT5J49e1pjly5d8ml1COXMmTOS3WtMv48tW7aUXKlSJWverbfe6uua1q9fbx3rvSCnTJkimT08/fOLX/xCsvtzUf88Xbt2bY6tyQ88iQMAAAAAABAA3MQBAAAAAAAIgLgqp1q8eLHkDRs2WGO6xbj7qFsk9CNrW7ZsscYmTpyY7fPjx06dOiV50qRJnvN69+6dE8tBDipevLhktyxux44dkhcsWJBja0pm+/fvl6zLqdzPvm7duklOT0/3nKdbYRYrVszzdXU7Vt1aGTln2LBhkocOHRq7hSQR/d3mkUcescZ0+ZPmtv3WpY269ND9PNXXlVv6pNehueXH586dy3Qeoufmm2/2HHPfj5deeinay4GitwIwxi4RDmXUqFGSKZ+KPzNmzMg0lyhRwppXsGBBybr81Rhj3n33Xcm6lHzv3r3WvI8++kjywYMHrbGLFy9mZdmIgN7Gwf2ZefLkyZxejm94EgcAAAAAACAAuIkDAAAAAAAQACmhOv78aHJKSviT4auMjIyUa8+6Nt7DmNqUkZFR3Y8TBe191CWLlStXtsb69u0refTo0Tm2pkgl8rXodkQpV66cZN3RSpdWGfPjTlPawoULJW/evFlyjLuqJO21mEgS+VpMIlyLxpjXX3/dOtadytztBXSnlXiRaNdi4cKFJX/xxRfWWNGiRSXrTjfvvfeeNa9u3bqSA9JFjGsxASTateiHXr16Sa5du7Y11rp1a8lxVEoc1rXIkzgAAAAAAAABwE0cAAAAAACAAOAmDgAAAAAAQADEVYtxAIlJt8R198RB/Pjmm2+s4w8//FDyY489ltPLAYCk0KxZM+tY71ep95RDzqhXr55kvQeOS++D06pVK2ssIPvgAAlP79sYag/HoOFJHAAAAAAAgADgJg4AAAAAAEAAUE4FIOpWrFghOTU11RrbuHFjTi8HAIC4kSsX/081nugS8P/85z/W2L59+yQ/8cQTkg8fPhz9hQHA//FTAwAAAAAAIAC4iQMAAAAAABAA3MQBAAAAAAAIgBTdxvCak1NSwp8MX2VkZKT4cR7ew5jalJGRUd2PE/E+xg7XYkLgWkwAXIsJgWsxAXAtJgSuxQTAtZgQwroWeRIHAAAAAAAgALiJAwAAAAAAEABZbTF+3BhzIBoLQUilfTwX72Hs8D4GH+9hYuB9DD7ew8TA+xh8vIeJgfcx+HgPE0NY72OW9sQBAAAAAABAbFBOBQAAAAAAEADcxAEAAAAAAAgAbuIAAAAAAAAEADdxAAAAAAAAAoCbOAAAAAAAAAHATRwAAAAAAIAA4CYOAAAAAABAAHATBwAAAAAAIAC4iQMAAAAAABAA/wOj6vqySBf1wwAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "score = model.evaluate(X_test, Y_test, verbose=1)\n", + "print('\\n''Test accuracy:', score[1])\n", + "mask = range(10,20)\n", + "X_valid = X_test[mask]\n", + "y_pred = model.predict_classes(X_valid)\n", + "print(y_pred)\n", + "plt.figure(figsize=(20, 4))\n", + "for i in range(n):\n", + " # display original\n", + " ax = plt.subplot(2, n, i + 1)\n", + " plt.imshow(X_valid[i].reshape(28, 28))\n", + " plt.gray()\n", + " ax.get_xaxis().set_visible(False)\n", + " ax.get_yaxis().set_visible(False)\n", + "plt.show()\n", + "plt.close()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.6" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/neural_network/perceptron.py b/neural_network/perceptron.py index 6955e65ae559..c6a6f0d73860 100644 --- a/neural_network/perceptron.py +++ b/neural_network/perceptron.py @@ -1,123 +1,123 @@ -''' - - Perceptron - w = w + N * (d(k) - y) * x(k) - - Using perceptron network for oil analysis, - with Measuring of 3 parameters that represent chemical characteristics we can classify the oil, in p1 or p2 - p1 = -1 - p2 = 1 - -''' -from __future__ import print_function - -import random - - -class Perceptron: - def __init__(self, sample, exit, learn_rate=0.01, epoch_number=1000, bias=-1): - self.sample = sample - self.exit = exit - self.learn_rate = learn_rate - self.epoch_number = epoch_number - self.bias = bias - self.number_sample = len(sample) - self.col_sample = len(sample[0]) - self.weight = [] - - def training(self): - for sample in self.sample: - sample.insert(0, self.bias) - - for i in range(self.col_sample): - self.weight.append(random.random()) - - self.weight.insert(0, self.bias) - - epoch_count = 0 - - while True: - erro = False - for i in range(self.number_sample): - u = 0 - for j in range(self.col_sample + 1): - u = u + self.weight[j] * self.sample[i][j] - y = self.sign(u) - if y != self.exit[i]: - - for j in range(self.col_sample + 1): - self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] - erro = True - # print('Epoch: \n',epoch_count) - epoch_count = epoch_count + 1 - # if you want controle the epoch or just by erro - if erro == False: - print(('\nEpoch:\n', epoch_count)) - print('------------------------\n') - # if epoch_count > self.epoch_number or not erro: - break - - def sort(self, sample): - sample.insert(0, self.bias) - u = 0 - for i in range(self.col_sample + 1): - u = u + self.weight[i] * sample[i] - - y = self.sign(u) - - if y == -1: - print(('Sample: ', sample)) - print('classification: P1') - else: - print(('Sample: ', sample)) - print('classification: P2') - - def sign(self, u): - return 1 if u >= 0 else -1 - - -samples = [ - [-0.6508, 0.1097, 4.0009], - [-1.4492, 0.8896, 4.4005], - [2.0850, 0.6876, 12.0710], - [0.2626, 1.1476, 7.7985], - [0.6418, 1.0234, 7.0427], - [0.2569, 0.6730, 8.3265], - [1.1155, 0.6043, 7.4446], - [0.0914, 0.3399, 7.0677], - [0.0121, 0.5256, 4.6316], - [-0.0429, 0.4660, 5.4323], - [0.4340, 0.6870, 8.2287], - [0.2735, 1.0287, 7.1934], - [0.4839, 0.4851, 7.4850], - [0.4089, -0.1267, 5.5019], - [1.4391, 0.1614, 8.5843], - [-0.9115, -0.1973, 2.1962], - [0.3654, 1.0475, 7.4858], - [0.2144, 0.7515, 7.1699], - [0.2013, 1.0014, 6.5489], - [0.6483, 0.2183, 5.8991], - [-0.1147, 0.2242, 7.2435], - [-0.7970, 0.8795, 3.8762], - [-1.0625, 0.6366, 2.4707], - [0.5307, 0.1285, 5.6883], - [-1.2200, 0.7777, 1.7252], - [0.3957, 0.1076, 5.6623], - [-0.1013, 0.5989, 7.1812], - [2.4482, 0.9455, 11.2095], - [2.0149, 0.6192, 10.9263], - [0.2012, 0.2611, 5.4631] - -] - -exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] - -network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) - -network.training() - -while True: - sample = [] - for i in range(3): - sample.insert(i, float(input('value: '))) - network.sort(sample) +''' + + Perceptron + w = w + N * (d(k) - y) * x(k) + + Using perceptron network for oil analysis, + with Measuring of 3 parameters that represent chemical characteristics we can classify the oil, in p1 or p2 + p1 = -1 + p2 = 1 + +''' +from __future__ import print_function + +import random + + +class Perceptron: + def __init__(self, sample, exit, learn_rate=0.01, epoch_number=1000, bias=-1): + self.sample = sample + self.exit = exit + self.learn_rate = learn_rate + self.epoch_number = epoch_number + self.bias = bias + self.number_sample = len(sample) + self.col_sample = len(sample[0]) + self.weight = [] + + def training(self): + for sample in self.sample: + sample.insert(0, self.bias) + + for i in range(self.col_sample): + self.weight.append(random.random()) + + self.weight.insert(0, self.bias) + + epoch_count = 0 + + while True: + erro = False + for i in range(self.number_sample): + u = 0 + for j in range(self.col_sample + 1): + u = u + self.weight[j] * self.sample[i][j] + y = self.sign(u) + if y != self.exit[i]: + + for j in range(self.col_sample + 1): + self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] + erro = True + # print('Epoch: \n',epoch_count) + epoch_count = epoch_count + 1 + # if you want controle the epoch or just by erro + if erro == False: + print(('\nEpoch:\n', epoch_count)) + print('------------------------\n') + # if epoch_count > self.epoch_number or not erro: + break + + def sort(self, sample): + sample.insert(0, self.bias) + u = 0 + for i in range(self.col_sample + 1): + u = u + self.weight[i] * sample[i] + + y = self.sign(u) + + if y == -1: + print(('Sample: ', sample)) + print('classification: P1') + else: + print(('Sample: ', sample)) + print('classification: P2') + + def sign(self, u): + return 1 if u >= 0 else -1 + + +samples = [ + [-0.6508, 0.1097, 4.0009], + [-1.4492, 0.8896, 4.4005], + [2.0850, 0.6876, 12.0710], + [0.2626, 1.1476, 7.7985], + [0.6418, 1.0234, 7.0427], + [0.2569, 0.6730, 8.3265], + [1.1155, 0.6043, 7.4446], + [0.0914, 0.3399, 7.0677], + [0.0121, 0.5256, 4.6316], + [-0.0429, 0.4660, 5.4323], + [0.4340, 0.6870, 8.2287], + [0.2735, 1.0287, 7.1934], + [0.4839, 0.4851, 7.4850], + [0.4089, -0.1267, 5.5019], + [1.4391, 0.1614, 8.5843], + [-0.9115, -0.1973, 2.1962], + [0.3654, 1.0475, 7.4858], + [0.2144, 0.7515, 7.1699], + [0.2013, 1.0014, 6.5489], + [0.6483, 0.2183, 5.8991], + [-0.1147, 0.2242, 7.2435], + [-0.7970, 0.8795, 3.8762], + [-1.0625, 0.6366, 2.4707], + [0.5307, 0.1285, 5.6883], + [-1.2200, 0.7777, 1.7252], + [0.3957, 0.1076, 5.6623], + [-0.1013, 0.5989, 7.1812], + [2.4482, 0.9455, 11.2095], + [2.0149, 0.6192, 10.9263], + [0.2012, 0.2611, 5.4631] + +] + +exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] + +network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) + +network.training() + +while True: + sample = [] + for i in range(3): + sample.insert(i, float(input('value: '))) + network.sort(sample) diff --git a/other/anagrams.py b/other/anagrams.py index e6e5b7f3dbbc..babb747a6cce 100644 --- a/other/anagrams.py +++ b/other/anagrams.py @@ -1,38 +1,38 @@ -from __future__ import print_function - -import collections -import os -import pprint -import time - -start_time = time.time() -print('creating word list...') -path = os.path.split(os.path.realpath(__file__)) -with open(path[0] + '/words') as f: - word_list = sorted(list(set([word.strip().lower() for word in f]))) - - -def signature(word): - return ''.join(sorted(word)) - - -word_bysig = collections.defaultdict(list) -for word in word_list: - word_bysig[signature(word)].append(word) - - -def anagram(myword): - return word_bysig[signature(myword)] - - -print('finding anagrams...') -all_anagrams = {word: anagram(word) - for word in word_list if len(anagram(word)) > 1} - -print('writing anagrams to file...') -with open('anagrams.txt', 'w') as file: - file.write('all_anagrams = ') - file.write(pprint.pformat(all_anagrams)) - -total_time = round(time.time() - start_time, 2) -print(('Done [', total_time, 'seconds ]')) +from __future__ import print_function + +import collections +import os +import pprint +import time + +start_time = time.time() +print('creating word list...') +path = os.path.split(os.path.realpath(__file__)) +with open(path[0] + '/words') as f: + word_list = sorted(list(set([word.strip().lower() for word in f]))) + + +def signature(word): + return ''.join(sorted(word)) + + +word_bysig = collections.defaultdict(list) +for word in word_list: + word_bysig[signature(word)].append(word) + + +def anagram(myword): + return word_bysig[signature(myword)] + + +print('finding anagrams...') +all_anagrams = {word: anagram(word) + for word in word_list if len(anagram(word)) > 1} + +print('writing anagrams to file...') +with open('anagrams.txt', 'w') as file: + file.write('all_anagrams = ') + file.write(pprint.pformat(all_anagrams)) + +total_time = round(time.time() - start_time, 2) +print(('Done [', total_time, 'seconds ]')) diff --git a/other/binary_exponentiation.py b/other/binary_exponentiation.py index dd4e70e74129..e3f631c389a6 100644 --- a/other/binary_exponentiation.py +++ b/other/binary_exponentiation.py @@ -1,50 +1,50 @@ -""" -* Binary Exponentiation for Powers -* This is a method to find a^b in a time complexity of O(log b) -* This is one of the most commonly used methods of finding powers. -* Also useful in cases where solution to (a^b)%c is required, -* where a,b,c can be numbers over the computers calculation limits. -* Done using iteration, can also be done using recursion - -* @author chinmoy159 -* @version 1.0 dated 10/08/2017 -""" - - -def b_expo(a, b): - res = 1 - while b > 0: - if b & 1: - res *= a - - a *= a - b >>= 1 - - return res - - -def b_expo_mod(a, b, c): - res = 1 - while b > 0: - if b & 1: - res = ((res % c) * (a % c)) % c - - a *= a - b >>= 1 - - return res - - -""" -* Wondering how this method works ! -* It's pretty simple. -* Let's say you need to calculate a ^ b -* RULE 1 : a ^ b = (a*a) ^ (b/2) ---- example : 4 ^ 4 = (4*4) ^ (4/2) = 16 ^ 2 -* RULE 2 : IF b is ODD, then ---- a ^ b = a * (a ^ (b - 1)) :: where (b - 1) is even. -* Once b is even, repeat the process to get a ^ b -* Repeat the process till b = 1 OR b = 0, because a^1 = a AND a^0 = 1 -* -* As far as the modulo is concerned, -* the fact : (a*b) % c = ((a%c) * (b%c)) % c -* Now apply RULE 1 OR 2 whichever is required. -""" +""" +* Binary Exponentiation for Powers +* This is a method to find a^b in a time complexity of O(log b) +* This is one of the most commonly used methods of finding powers. +* Also useful in cases where solution to (a^b)%c is required, +* where a,b,c can be numbers over the computers calculation limits. +* Done using iteration, can also be done using recursion + +* @author chinmoy159 +* @version 1.0 dated 10/08/2017 +""" + + +def b_expo(a, b): + res = 1 + while b > 0: + if b & 1: + res *= a + + a *= a + b >>= 1 + + return res + + +def b_expo_mod(a, b, c): + res = 1 + while b > 0: + if b & 1: + res = ((res % c) * (a % c)) % c + + a *= a + b >>= 1 + + return res + + +""" +* Wondering how this method works ! +* It's pretty simple. +* Let's say you need to calculate a ^ b +* RULE 1 : a ^ b = (a*a) ^ (b/2) ---- example : 4 ^ 4 = (4*4) ^ (4/2) = 16 ^ 2 +* RULE 2 : IF b is ODD, then ---- a ^ b = a * (a ^ (b - 1)) :: where (b - 1) is even. +* Once b is even, repeat the process to get a ^ b +* Repeat the process till b = 1 OR b = 0, because a^1 = a AND a^0 = 1 +* +* As far as the modulo is concerned, +* the fact : (a*b) % c = ((a%c) * (b%c)) % c +* Now apply RULE 1 OR 2 whichever is required. +""" diff --git a/other/binary_exponentiation_2.py b/other/binary_exponentiation_2.py index 51ec4baf2598..252973c748eb 100644 --- a/other/binary_exponentiation_2.py +++ b/other/binary_exponentiation_2.py @@ -1,50 +1,50 @@ -""" -* Binary Exponentiation with Multiplication -* This is a method to find a*b in a time complexity of O(log b) -* This is one of the most commonly used methods of finding result of multiplication. -* Also useful in cases where solution to (a*b)%c is required, -* where a,b,c can be numbers over the computers calculation limits. -* Done using iteration, can also be done using recursion - -* @author chinmoy159 -* @version 1.0 dated 10/08/2017 -""" - - -def b_expo(a, b): - res = 0 - while b > 0: - if b & 1: - res += a - - a += a - b >>= 1 - - return res - - -def b_expo_mod(a, b, c): - res = 0 - while b > 0: - if b & 1: - res = ((res % c) + (a % c)) % c - - a += a - b >>= 1 - - return res - - -""" -* Wondering how this method works ! -* It's pretty simple. -* Let's say you need to calculate a ^ b -* RULE 1 : a * b = (a+a) * (b/2) ---- example : 4 * 4 = (4+4) * (4/2) = 8 * 2 -* RULE 2 : IF b is ODD, then ---- a * b = a + (a * (b - 1)) :: where (b - 1) is even. -* Once b is even, repeat the process to get a * b -* Repeat the process till b = 1 OR b = 0, because a*1 = a AND a*0 = 0 -* -* As far as the modulo is concerned, -* the fact : (a+b) % c = ((a%c) + (b%c)) % c -* Now apply RULE 1 OR 2, whichever is required. -""" +""" +* Binary Exponentiation with Multiplication +* This is a method to find a*b in a time complexity of O(log b) +* This is one of the most commonly used methods of finding result of multiplication. +* Also useful in cases where solution to (a*b)%c is required, +* where a,b,c can be numbers over the computers calculation limits. +* Done using iteration, can also be done using recursion + +* @author chinmoy159 +* @version 1.0 dated 10/08/2017 +""" + + +def b_expo(a, b): + res = 0 + while b > 0: + if b & 1: + res += a + + a += a + b >>= 1 + + return res + + +def b_expo_mod(a, b, c): + res = 0 + while b > 0: + if b & 1: + res = ((res % c) + (a % c)) % c + + a += a + b >>= 1 + + return res + + +""" +* Wondering how this method works ! +* It's pretty simple. +* Let's say you need to calculate a ^ b +* RULE 1 : a * b = (a+a) * (b/2) ---- example : 4 * 4 = (4+4) * (4/2) = 8 * 2 +* RULE 2 : IF b is ODD, then ---- a * b = a + (a * (b - 1)) :: where (b - 1) is even. +* Once b is even, repeat the process to get a * b +* Repeat the process till b = 1 OR b = 0, because a*1 = a AND a*0 = 0 +* +* As far as the modulo is concerned, +* the fact : (a+b) % c = ((a%c) + (b%c)) % c +* Now apply RULE 1 OR 2, whichever is required. +""" diff --git a/other/detecting_english_programmatically.py b/other/detecting_english_programmatically.py index a41fa06acd39..82344b22179a 100644 --- a/other/detecting_english_programmatically.py +++ b/other/detecting_english_programmatically.py @@ -1,60 +1,60 @@ -import os - -UPPERLETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' -LETTERS_AND_SPACE = UPPERLETTERS + UPPERLETTERS.lower() + ' \t\n' - - -def loadDictionary(): - path = os.path.split(os.path.realpath(__file__)) - englishWords = {} - with open(path[0] + '/Dictionary.txt') as dictionaryFile: - for word in dictionaryFile.read().split('\n'): - englishWords[word] = None - return englishWords - - -ENGLISH_WORDS = loadDictionary() - - -def getEnglishCount(message): - message = message.upper() - message = removeNonLetters(message) - possibleWords = message.split() - - if possibleWords == []: - return 0.0 - - matches = 0 - for word in possibleWords: - if word in ENGLISH_WORDS: - matches += 1 - - return float(matches) / len(possibleWords) - - -def removeNonLetters(message): - lettersOnly = [] - for symbol in message: - if symbol in LETTERS_AND_SPACE: - lettersOnly.append(symbol) - return ''.join(lettersOnly) - - -def isEnglish(message, wordPercentage=20, letterPercentage=85): - """ - >>> isEnglish('Hello World') - True - - >>> isEnglish('llold HorWd') - False - """ - wordsMatch = getEnglishCount(message) * 100 >= wordPercentage - numLetters = len(removeNonLetters(message)) - messageLettersPercentage = (float(numLetters) / len(message)) * 100 - lettersMatch = messageLettersPercentage >= letterPercentage - return wordsMatch and lettersMatch - - -import doctest - -doctest.testmod() +import os + +UPPERLETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' +LETTERS_AND_SPACE = UPPERLETTERS + UPPERLETTERS.lower() + ' \t\n' + + +def loadDictionary(): + path = os.path.split(os.path.realpath(__file__)) + englishWords = {} + with open(path[0] + '/Dictionary.txt') as dictionaryFile: + for word in dictionaryFile.read().split('\n'): + englishWords[word] = None + return englishWords + + +ENGLISH_WORDS = loadDictionary() + + +def getEnglishCount(message): + message = message.upper() + message = removeNonLetters(message) + possibleWords = message.split() + + if possibleWords == []: + return 0.0 + + matches = 0 + for word in possibleWords: + if word in ENGLISH_WORDS: + matches += 1 + + return float(matches) / len(possibleWords) + + +def removeNonLetters(message): + lettersOnly = [] + for symbol in message: + if symbol in LETTERS_AND_SPACE: + lettersOnly.append(symbol) + return ''.join(lettersOnly) + + +def isEnglish(message, wordPercentage=20, letterPercentage=85): + """ + >>> isEnglish('Hello World') + True + + >>> isEnglish('llold HorWd') + False + """ + wordsMatch = getEnglishCount(message) * 100 >= wordPercentage + numLetters = len(removeNonLetters(message)) + messageLettersPercentage = (float(numLetters) / len(message)) * 100 + lettersMatch = messageLettersPercentage >= letterPercentage + return wordsMatch and lettersMatch + + +import doctest + +doctest.testmod() diff --git a/other/dictionary.txt b/other/dictionary.txt index 14528efe844f..6132ba447b89 100644 --- a/other/dictionary.txt +++ b/other/dictionary.txt @@ -1,45333 +1,45333 @@ -AARHUS -AARON -ABABA -ABACK -ABAFT -ABANDON -ABANDONED -ABANDONING -ABANDONMENT -ABANDONS -ABASE -ABASED -ABASEMENT -ABASEMENTS -ABASES -ABASH -ABASHED -ABASHES -ABASHING -ABASING -ABATE -ABATED -ABATEMENT -ABATEMENTS -ABATER -ABATES -ABATING -ABBA -ABBE -ABBEY -ABBEYS -ABBOT -ABBOTS -ABBOTT -ABBREVIATE -ABBREVIATED -ABBREVIATES -ABBREVIATING -ABBREVIATION -ABBREVIATIONS -ABBY -ABDOMEN -ABDOMENS -ABDOMINAL -ABDUCT -ABDUCTED -ABDUCTION -ABDUCTIONS -ABDUCTOR -ABDUCTORS -ABDUCTS -ABE -ABED -ABEL -ABELIAN -ABELSON -ABERDEEN -ABERNATHY -ABERRANT -ABERRATION -ABERRATIONS -ABET -ABETS -ABETTED -ABETTER -ABETTING -ABEYANCE -ABHOR -ABHORRED -ABHORRENT -ABHORRER -ABHORRING -ABHORS -ABIDE -ABIDED -ABIDES -ABIDING -ABIDJAN -ABIGAIL -ABILENE -ABILITIES -ABILITY -ABJECT -ABJECTION -ABJECTIONS -ABJECTLY -ABJECTNESS -ABJURE -ABJURED -ABJURES -ABJURING -ABLATE -ABLATED -ABLATES -ABLATING -ABLATION -ABLATIVE -ABLAZE -ABLE -ABLER -ABLEST -ABLY -ABNER -ABNORMAL -ABNORMALITIES -ABNORMALITY -ABNORMALLY -ABO -ABOARD -ABODE -ABODES -ABOLISH -ABOLISHED -ABOLISHER -ABOLISHERS -ABOLISHES -ABOLISHING -ABOLISHMENT -ABOLISHMENTS -ABOLITION -ABOLITIONIST -ABOLITIONISTS -ABOMINABLE -ABOMINATE -ABORIGINAL -ABORIGINE -ABORIGINES -ABORT -ABORTED -ABORTING -ABORTION -ABORTIONS -ABORTIVE -ABORTIVELY -ABORTS -ABOS -ABOUND -ABOUNDED -ABOUNDING -ABOUNDS -ABOUT -ABOVE -ABOVEBOARD -ABOVEGROUND -ABOVEMENTIONED -ABRADE -ABRADED -ABRADES -ABRADING -ABRAHAM -ABRAM -ABRAMS -ABRAMSON -ABRASION -ABRASIONS -ABRASIVE -ABREACTION -ABREACTIONS -ABREAST -ABRIDGE -ABRIDGED -ABRIDGES -ABRIDGING -ABRIDGMENT -ABROAD -ABROGATE -ABROGATED -ABROGATES -ABROGATING -ABRUPT -ABRUPTLY -ABRUPTNESS -ABSCESS -ABSCESSED -ABSCESSES -ABSCISSA -ABSCISSAS -ABSCOND -ABSCONDED -ABSCONDING -ABSCONDS -ABSENCE -ABSENCES -ABSENT -ABSENTED -ABSENTEE -ABSENTEEISM -ABSENTEES -ABSENTIA -ABSENTING -ABSENTLY -ABSENTMINDED -ABSENTS -ABSINTHE -ABSOLUTE -ABSOLUTELY -ABSOLUTENESS -ABSOLUTES -ABSOLUTION -ABSOLVE -ABSOLVED -ABSOLVES -ABSOLVING -ABSORB -ABSORBED -ABSORBENCY -ABSORBENT -ABSORBER -ABSORBING -ABSORBS -ABSORPTION -ABSORPTIONS -ABSORPTIVE -ABSTAIN -ABSTAINED -ABSTAINER -ABSTAINING -ABSTAINS -ABSTENTION -ABSTENTIONS -ABSTINENCE -ABSTRACT -ABSTRACTED -ABSTRACTING -ABSTRACTION -ABSTRACTIONISM -ABSTRACTIONIST -ABSTRACTIONS -ABSTRACTLY -ABSTRACTNESS -ABSTRACTOR -ABSTRACTORS -ABSTRACTS -ABSTRUSE -ABSTRUSENESS -ABSURD -ABSURDITIES -ABSURDITY -ABSURDLY -ABU -ABUNDANCE -ABUNDANT -ABUNDANTLY -ABUSE -ABUSED -ABUSES -ABUSING -ABUSIVE -ABUT -ABUTMENT -ABUTS -ABUTTED -ABUTTER -ABUTTERS -ABUTTING -ABYSMAL -ABYSMALLY -ABYSS -ABYSSES -ABYSSINIA -ABYSSINIAN -ABYSSINIANS -ACACIA -ACADEMIA -ACADEMIC -ACADEMICALLY -ACADEMICS -ACADEMIES -ACADEMY -ACADIA -ACAPULCO -ACCEDE -ACCEDED -ACCEDES -ACCELERATE -ACCELERATED -ACCELERATES -ACCELERATING -ACCELERATION -ACCELERATIONS -ACCELERATOR -ACCELERATORS -ACCELEROMETER -ACCELEROMETERS -ACCENT -ACCENTED -ACCENTING -ACCENTS -ACCENTUAL -ACCENTUATE -ACCENTUATED -ACCENTUATES -ACCENTUATING -ACCENTUATION -ACCEPT -ACCEPTABILITY -ACCEPTABLE -ACCEPTABLY -ACCEPTANCE -ACCEPTANCES -ACCEPTED -ACCEPTER -ACCEPTERS -ACCEPTING -ACCEPTOR -ACCEPTORS -ACCEPTS -ACCESS -ACCESSED -ACCESSES -ACCESSIBILITY -ACCESSIBLE -ACCESSIBLY -ACCESSING -ACCESSION -ACCESSIONS -ACCESSORIES -ACCESSORS -ACCESSORY -ACCIDENT -ACCIDENTAL -ACCIDENTALLY -ACCIDENTLY -ACCIDENTS -ACCLAIM -ACCLAIMED -ACCLAIMING -ACCLAIMS -ACCLAMATION -ACCLIMATE -ACCLIMATED -ACCLIMATES -ACCLIMATING -ACCLIMATIZATION -ACCLIMATIZED -ACCOLADE -ACCOLADES -ACCOMMODATE -ACCOMMODATED -ACCOMMODATES -ACCOMMODATING -ACCOMMODATION -ACCOMMODATIONS -ACCOMPANIED -ACCOMPANIES -ACCOMPANIMENT -ACCOMPANIMENTS -ACCOMPANIST -ACCOMPANISTS -ACCOMPANY -ACCOMPANYING -ACCOMPLICE -ACCOMPLICES -ACCOMPLISH -ACCOMPLISHED -ACCOMPLISHER -ACCOMPLISHERS -ACCOMPLISHES -ACCOMPLISHING -ACCOMPLISHMENT -ACCOMPLISHMENTS -ACCORD -ACCORDANCE -ACCORDED -ACCORDER -ACCORDERS -ACCORDING -ACCORDINGLY -ACCORDION -ACCORDIONS -ACCORDS -ACCOST -ACCOSTED -ACCOSTING -ACCOSTS -ACCOUNT -ACCOUNTABILITY -ACCOUNTABLE -ACCOUNTABLY -ACCOUNTANCY -ACCOUNTANT -ACCOUNTANTS -ACCOUNTED -ACCOUNTING -ACCOUNTS -ACCRA -ACCREDIT -ACCREDITATION -ACCREDITATIONS -ACCREDITED -ACCRETION -ACCRETIONS -ACCRUE -ACCRUED -ACCRUES -ACCRUING -ACCULTURATE -ACCULTURATED -ACCULTURATES -ACCULTURATING -ACCULTURATION -ACCUMULATE -ACCUMULATED -ACCUMULATES -ACCUMULATING -ACCUMULATION -ACCUMULATIONS -ACCUMULATOR -ACCUMULATORS -ACCURACIES -ACCURACY -ACCURATE -ACCURATELY -ACCURATENESS -ACCURSED -ACCUSAL -ACCUSATION -ACCUSATIONS -ACCUSATIVE -ACCUSE -ACCUSED -ACCUSER -ACCUSES -ACCUSING -ACCUSINGLY -ACCUSTOM -ACCUSTOMED -ACCUSTOMING -ACCUSTOMS -ACE -ACES -ACETATE -ACETONE -ACETYLENE -ACHAEAN -ACHAEANS -ACHE -ACHED -ACHES -ACHIEVABLE -ACHIEVE -ACHIEVED -ACHIEVEMENT -ACHIEVEMENTS -ACHIEVER -ACHIEVERS -ACHIEVES -ACHIEVING -ACHILLES -ACHING -ACID -ACIDIC -ACIDITIES -ACIDITY -ACIDLY -ACIDS -ACIDULOUS -ACKERMAN -ACKLEY -ACKNOWLEDGE -ACKNOWLEDGEABLE -ACKNOWLEDGED -ACKNOWLEDGEMENT -ACKNOWLEDGEMENTS -ACKNOWLEDGER -ACKNOWLEDGERS -ACKNOWLEDGES -ACKNOWLEDGING -ACKNOWLEDGMENT -ACKNOWLEDGMENTS -ACME -ACNE -ACOLYTE -ACOLYTES -ACORN -ACORNS -ACOUSTIC -ACOUSTICAL -ACOUSTICALLY -ACOUSTICIAN -ACOUSTICS -ACQUAINT -ACQUAINTANCE -ACQUAINTANCES -ACQUAINTED -ACQUAINTING -ACQUAINTS -ACQUIESCE -ACQUIESCED -ACQUIESCENCE -ACQUIESCENT -ACQUIESCES -ACQUIESCING -ACQUIRABLE -ACQUIRE -ACQUIRED -ACQUIRES -ACQUIRING -ACQUISITION -ACQUISITIONS -ACQUISITIVE -ACQUISITIVENESS -ACQUIT -ACQUITS -ACQUITTAL -ACQUITTED -ACQUITTER -ACQUITTING -ACRE -ACREAGE -ACRES -ACRID -ACRIMONIOUS -ACRIMONY -ACROBAT -ACROBATIC -ACROBATICS -ACROBATS -ACRONYM -ACRONYMS -ACROPOLIS -ACROSS -ACRYLIC -ACT -ACTA -ACTAEON -ACTED -ACTING -ACTINIUM -ACTINOMETER -ACTINOMETERS -ACTION -ACTIONS -ACTIVATE -ACTIVATED -ACTIVATES -ACTIVATING -ACTIVATION -ACTIVATIONS -ACTIVATOR -ACTIVATORS -ACTIVE -ACTIVELY -ACTIVISM -ACTIVIST -ACTIVISTS -ACTIVITIES -ACTIVITY -ACTON -ACTOR -ACTORS -ACTRESS -ACTRESSES -ACTS -ACTUAL -ACTUALITIES -ACTUALITY -ACTUALIZATION -ACTUALLY -ACTUALS -ACTUARIAL -ACTUARIALLY -ACTUATE -ACTUATED -ACTUATES -ACTUATING -ACTUATOR -ACTUATORS -ACUITY -ACUMEN -ACUTE -ACUTELY -ACUTENESS -ACYCLIC -ACYCLICALLY -ADA -ADAGE -ADAGES -ADAGIO -ADAGIOS -ADAIR -ADAM -ADAMANT -ADAMANTLY -ADAMS -ADAMSON -ADAPT -ADAPTABILITY -ADAPTABLE -ADAPTATION -ADAPTATIONS -ADAPTED -ADAPTER -ADAPTERS -ADAPTING -ADAPTIVE -ADAPTIVELY -ADAPTOR -ADAPTORS -ADAPTS -ADD -ADDED -ADDEND -ADDENDA -ADDENDUM -ADDER -ADDERS -ADDICT -ADDICTED -ADDICTING -ADDICTION -ADDICTIONS -ADDICTS -ADDING -ADDIS -ADDISON -ADDITION -ADDITIONAL -ADDITIONALLY -ADDITIONS -ADDITIVE -ADDITIVES -ADDITIVITY -ADDRESS -ADDRESSABILITY -ADDRESSABLE -ADDRESSED -ADDRESSEE -ADDRESSEES -ADDRESSER -ADDRESSERS -ADDRESSES -ADDRESSING -ADDRESSOGRAPH -ADDS -ADDUCE -ADDUCED -ADDUCES -ADDUCIBLE -ADDUCING -ADDUCT -ADDUCTED -ADDUCTING -ADDUCTION -ADDUCTOR -ADDUCTS -ADELAIDE -ADELE -ADELIA -ADEN -ADEPT -ADEQUACIES -ADEQUACY -ADEQUATE -ADEQUATELY -ADHERE -ADHERED -ADHERENCE -ADHERENT -ADHERENTS -ADHERER -ADHERERS -ADHERES -ADHERING -ADHESION -ADHESIONS -ADHESIVE -ADHESIVES -ADIABATIC -ADIABATICALLY -ADIEU -ADIRONDACK -ADIRONDACKS -ADJACENCY -ADJACENT -ADJECTIVE -ADJECTIVES -ADJOIN -ADJOINED -ADJOINING -ADJOINS -ADJOURN -ADJOURNED -ADJOURNING -ADJOURNMENT -ADJOURNS -ADJUDGE -ADJUDGED -ADJUDGES -ADJUDGING -ADJUDICATE -ADJUDICATED -ADJUDICATES -ADJUDICATING -ADJUDICATION -ADJUDICATIONS -ADJUNCT -ADJUNCTS -ADJURE -ADJURED -ADJURES -ADJURING -ADJUST -ADJUSTABLE -ADJUSTABLY -ADJUSTED -ADJUSTER -ADJUSTERS -ADJUSTING -ADJUSTMENT -ADJUSTMENTS -ADJUSTOR -ADJUSTORS -ADJUSTS -ADJUTANT -ADJUTANTS -ADKINS -ADLER -ADLERIAN -ADMINISTER -ADMINISTERED -ADMINISTERING -ADMINISTERINGS -ADMINISTERS -ADMINISTRABLE -ADMINISTRATE -ADMINISTRATION -ADMINISTRATIONS -ADMINISTRATIVE -ADMINISTRATIVELY -ADMINISTRATOR -ADMINISTRATORS -ADMIRABLE -ADMIRABLY -ADMIRAL -ADMIRALS -ADMIRALTY -ADMIRATION -ADMIRATIONS -ADMIRE -ADMIRED -ADMIRER -ADMIRERS -ADMIRES -ADMIRING -ADMIRINGLY -ADMISSIBILITY -ADMISSIBLE -ADMISSION -ADMISSIONS -ADMIT -ADMITS -ADMITTANCE -ADMITTED -ADMITTEDLY -ADMITTER -ADMITTERS -ADMITTING -ADMIX -ADMIXED -ADMIXES -ADMIXTURE -ADMONISH -ADMONISHED -ADMONISHES -ADMONISHING -ADMONISHMENT -ADMONISHMENTS -ADMONITION -ADMONITIONS -ADO -ADOBE -ADOLESCENCE -ADOLESCENT -ADOLESCENTS -ADOLPH -ADOLPHUS -ADONIS -ADOPT -ADOPTED -ADOPTER -ADOPTERS -ADOPTING -ADOPTION -ADOPTIONS -ADOPTIVE -ADOPTS -ADORABLE -ADORATION -ADORE -ADORED -ADORES -ADORN -ADORNED -ADORNMENT -ADORNMENTS -ADORNS -ADRENAL -ADRENALINE -ADRIAN -ADRIATIC -ADRIENNE -ADRIFT -ADROIT -ADROITNESS -ADS -ADSORB -ADSORBED -ADSORBING -ADSORBS -ADSORPTION -ADULATE -ADULATING -ADULATION -ADULT -ADULTERATE -ADULTERATED -ADULTERATES -ADULTERATING -ADULTERER -ADULTERERS -ADULTEROUS -ADULTEROUSLY -ADULTERY -ADULTHOOD -ADULTS -ADUMBRATE -ADUMBRATED -ADUMBRATES -ADUMBRATING -ADUMBRATION -ADVANCE -ADVANCED -ADVANCEMENT -ADVANCEMENTS -ADVANCES -ADVANCING -ADVANTAGE -ADVANTAGED -ADVANTAGEOUS -ADVANTAGEOUSLY -ADVANTAGES -ADVENT -ADVENTIST -ADVENTISTS -ADVENTITIOUS -ADVENTURE -ADVENTURED -ADVENTURER -ADVENTURERS -ADVENTURES -ADVENTURING -ADVENTUROUS -ADVERB -ADVERBIAL -ADVERBS -ADVERSARIES -ADVERSARY -ADVERSE -ADVERSELY -ADVERSITIES -ADVERSITY -ADVERT -ADVERTISE -ADVERTISED -ADVERTISEMENT -ADVERTISEMENTS -ADVERTISER -ADVERTISERS -ADVERTISES -ADVERTISING -ADVICE -ADVISABILITY -ADVISABLE -ADVISABLY -ADVISE -ADVISED -ADVISEDLY -ADVISEE -ADVISEES -ADVISEMENT -ADVISEMENTS -ADVISER -ADVISERS -ADVISES -ADVISING -ADVISOR -ADVISORS -ADVISORY -ADVOCACY -ADVOCATE -ADVOCATED -ADVOCATES -ADVOCATING -AEGEAN -AEGIS -AENEAS -AENEID -AEOLUS -AERATE -AERATED -AERATES -AERATING -AERATION -AERATOR -AERATORS -AERIAL -AERIALS -AEROACOUSTIC -AEROBACTER -AEROBIC -AEROBICS -AERODYNAMIC -AERODYNAMICS -AERONAUTIC -AERONAUTICAL -AERONAUTICS -AEROSOL -AEROSOLIZE -AEROSOLS -AEROSPACE -AESCHYLUS -AESOP -AESTHETIC -AESTHETICALLY -AESTHETICS -AFAR -AFFABLE -AFFAIR -AFFAIRS -AFFECT -AFFECTATION -AFFECTATIONS -AFFECTED -AFFECTING -AFFECTINGLY -AFFECTION -AFFECTIONATE -AFFECTIONATELY -AFFECTIONS -AFFECTIVE -AFFECTS -AFFERENT -AFFIANCED -AFFIDAVIT -AFFIDAVITS -AFFILIATE -AFFILIATED -AFFILIATES -AFFILIATING -AFFILIATION -AFFILIATIONS -AFFINITIES -AFFINITY -AFFIRM -AFFIRMATION -AFFIRMATIONS -AFFIRMATIVE -AFFIRMATIVELY -AFFIRMED -AFFIRMING -AFFIRMS -AFFIX -AFFIXED -AFFIXES -AFFIXING -AFFLICT -AFFLICTED -AFFLICTING -AFFLICTION -AFFLICTIONS -AFFLICTIVE -AFFLICTS -AFFLUENCE -AFFLUENT -AFFORD -AFFORDABLE -AFFORDED -AFFORDING -AFFORDS -AFFRICATE -AFFRICATES -AFFRIGHT -AFFRONT -AFFRONTED -AFFRONTING -AFFRONTS -AFGHAN -AFGHANISTAN -AFGHANS -AFICIONADO -AFIELD -AFIRE -AFLAME -AFLOAT -AFOOT -AFORE -AFOREMENTIONED -AFORESAID -AFORETHOUGHT -AFOUL -AFRAID -AFRESH -AFRICA -AFRICAN -AFRICANIZATION -AFRICANIZATIONS -AFRICANIZE -AFRICANIZED -AFRICANIZES -AFRICANIZING -AFRICANS -AFRIKAANS -AFRIKANER -AFRIKANERS -AFT -AFTER -AFTEREFFECT -AFTERGLOW -AFTERIMAGE -AFTERLIFE -AFTERMATH -AFTERMOST -AFTERNOON -AFTERNOONS -AFTERSHOCK -AFTERSHOCKS -AFTERTHOUGHT -AFTERTHOUGHTS -AFTERWARD -AFTERWARDS -AGAIN -AGAINST -AGAMEMNON -AGAPE -AGAR -AGATE -AGATES -AGATHA -AGE -AGED -AGEE -AGELESS -AGENCIES -AGENCY -AGENDA -AGENDAS -AGENT -AGENTS -AGER -AGERS -AGES -AGGIE -AGGIES -AGGLOMERATE -AGGLOMERATED -AGGLOMERATES -AGGLOMERATION -AGGLUTINATE -AGGLUTINATED -AGGLUTINATES -AGGLUTINATING -AGGLUTINATION -AGGLUTININ -AGGLUTININS -AGGRANDIZE -AGGRAVATE -AGGRAVATED -AGGRAVATES -AGGRAVATION -AGGREGATE -AGGREGATED -AGGREGATELY -AGGREGATES -AGGREGATING -AGGREGATION -AGGREGATIONS -AGGRESSION -AGGRESSIONS -AGGRESSIVE -AGGRESSIVELY -AGGRESSIVENESS -AGGRESSOR -AGGRESSORS -AGGRIEVE -AGGRIEVED -AGGRIEVES -AGGRIEVING -AGHAST -AGILE -AGILELY -AGILITY -AGING -AGITATE -AGITATED -AGITATES -AGITATING -AGITATION -AGITATIONS -AGITATOR -AGITATORS -AGLEAM -AGLOW -AGNES -AGNEW -AGNOSTIC -AGNOSTICS -AGO -AGOG -AGONIES -AGONIZE -AGONIZED -AGONIZES -AGONIZING -AGONIZINGLY -AGONY -AGRARIAN -AGREE -AGREEABLE -AGREEABLY -AGREED -AGREEING -AGREEMENT -AGREEMENTS -AGREER -AGREERS -AGREES -AGRICOLA -AGRICULTURAL -AGRICULTURALLY -AGRICULTURE -AGUE -AGWAY -AHEAD -AHMADABAD -AHMEDABAD -AID -AIDA -AIDE -AIDED -AIDES -AIDING -AIDS -AIKEN -AIL -AILEEN -AILERON -AILERONS -AILING -AILMENT -AILMENTS -AIM -AIMED -AIMER -AIMERS -AIMING -AIMLESS -AIMLESSLY -AIMS -AINU -AINUS -AIR -AIRBAG -AIRBAGS -AIRBORNE -AIRBUS -AIRCRAFT -AIRDROP -AIRDROPS -AIRED -AIREDALE -AIRER -AIRERS -AIRES -AIRFARE -AIRFIELD -AIRFIELDS -AIRFLOW -AIRFOIL -AIRFOILS -AIRFRAME -AIRFRAMES -AIRILY -AIRING -AIRINGS -AIRLESS -AIRLIFT -AIRLIFTS -AIRLINE -AIRLINER -AIRLINES -AIRLOCK -AIRLOCKS -AIRMAIL -AIRMAILS -AIRMAN -AIRMEN -AIRPLANE -AIRPLANES -AIRPORT -AIRPORTS -AIRS -AIRSHIP -AIRSHIPS -AIRSPACE -AIRSPEED -AIRSTRIP -AIRSTRIPS -AIRTIGHT -AIRWAY -AIRWAYS -AIRY -AISLE -AITKEN -AJAR -AJAX -AKERS -AKIMBO -AKIN -AKRON -ALABAMA -ALABAMANS -ALABAMIAN -ALABASTER -ALACRITY -ALADDIN -ALAMEDA -ALAMO -ALAMOS -ALAN -ALAR -ALARM -ALARMED -ALARMING -ALARMINGLY -ALARMIST -ALARMS -ALAS -ALASKA -ALASKAN -ALASTAIR -ALBA -ALBACORE -ALBANIA -ALBANIAN -ALBANIANS -ALBANY -ALBATROSS -ALBEIT -ALBERICH -ALBERT -ALBERTA -ALBERTO -ALBRECHT -ALBRIGHT -ALBUM -ALBUMIN -ALBUMS -ALBUQUERQUE -ALCESTIS -ALCHEMY -ALCIBIADES -ALCMENA -ALCOA -ALCOHOL -ALCOHOLIC -ALCOHOLICS -ALCOHOLISM -ALCOHOLS -ALCOTT -ALCOVE -ALCOVES -ALDEBARAN -ALDEN -ALDER -ALDERMAN -ALDERMEN -ALDRICH -ALE -ALEC -ALECK -ALEE -ALERT -ALERTED -ALERTEDLY -ALERTER -ALERTERS -ALERTING -ALERTLY -ALERTNESS -ALERTS -ALEUT -ALEUTIAN -ALEX -ALEXANDER -ALEXANDRA -ALEXANDRE -ALEXANDRIA -ALEXANDRINE -ALEXEI -ALEXIS -ALFA -ALFALFA -ALFONSO -ALFRED -ALFREDO -ALFRESCO -ALGA -ALGAE -ALGAECIDE -ALGEBRA -ALGEBRAIC -ALGEBRAICALLY -ALGEBRAS -ALGENIB -ALGER -ALGERIA -ALGERIAN -ALGIERS -ALGINATE -ALGOL -ALGOL -ALGONQUIAN -ALGONQUIN -ALGORITHM -ALGORITHMIC -ALGORITHMICALLY -ALGORITHMS -ALHAMBRA -ALI -ALIAS -ALIASED -ALIASES -ALIASING -ALIBI -ALIBIS -ALICE -ALICIA -ALIEN -ALIENATE -ALIENATED -ALIENATES -ALIENATING -ALIENATION -ALIENS -ALIGHT -ALIGN -ALIGNED -ALIGNING -ALIGNMENT -ALIGNMENTS -ALIGNS -ALIKE -ALIMENT -ALIMENTS -ALIMONY -ALISON -ALISTAIR -ALIVE -ALKALI -ALKALINE -ALKALIS -ALKALOID -ALKALOIDS -ALKYL -ALL -ALLAH -ALLAN -ALLAY -ALLAYED -ALLAYING -ALLAYS -ALLEGATION -ALLEGATIONS -ALLEGE -ALLEGED -ALLEGEDLY -ALLEGES -ALLEGHENIES -ALLEGHENY -ALLEGIANCE -ALLEGIANCES -ALLEGING -ALLEGORIC -ALLEGORICAL -ALLEGORICALLY -ALLEGORIES -ALLEGORY -ALLEGRA -ALLEGRETTO -ALLEGRETTOS -ALLELE -ALLELES -ALLEMANDE -ALLEN -ALLENDALE -ALLENTOWN -ALLERGIC -ALLERGIES -ALLERGY -ALLEVIATE -ALLEVIATED -ALLEVIATES -ALLEVIATING -ALLEVIATION -ALLEY -ALLEYS -ALLEYWAY -ALLEYWAYS -ALLIANCE -ALLIANCES -ALLIED -ALLIES -ALLIGATOR -ALLIGATORS -ALLIS -ALLISON -ALLITERATION -ALLITERATIONS -ALLITERATIVE -ALLOCATABLE -ALLOCATE -ALLOCATED -ALLOCATES -ALLOCATING -ALLOCATION -ALLOCATIONS -ALLOCATOR -ALLOCATORS -ALLOPHONE -ALLOPHONES -ALLOPHONIC -ALLOT -ALLOTMENT -ALLOTMENTS -ALLOTS -ALLOTTED -ALLOTTER -ALLOTTING -ALLOW -ALLOWABLE -ALLOWABLY -ALLOWANCE -ALLOWANCES -ALLOWED -ALLOWING -ALLOWS -ALLOY -ALLOYS -ALLSTATE -ALLUDE -ALLUDED -ALLUDES -ALLUDING -ALLURE -ALLUREMENT -ALLURING -ALLUSION -ALLUSIONS -ALLUSIVE -ALLUSIVENESS -ALLY -ALLYING -ALLYN -ALMA -ALMADEN -ALMANAC -ALMANACS -ALMIGHTY -ALMOND -ALMONDS -ALMONER -ALMOST -ALMS -ALMSMAN -ALNICO -ALOE -ALOES -ALOFT -ALOHA -ALONE -ALONENESS -ALONG -ALONGSIDE -ALOOF -ALOOFNESS -ALOUD -ALPERT -ALPHA -ALPHABET -ALPHABETIC -ALPHABETICAL -ALPHABETICALLY -ALPHABETICS -ALPHABETIZE -ALPHABETIZED -ALPHABETIZES -ALPHABETIZING -ALPHABETS -ALPHANUMERIC -ALPHERATZ -ALPHONSE -ALPINE -ALPS -ALREADY -ALSATIAN -ALSATIANS -ALSO -ALSOP -ALTAIR -ALTAR -ALTARS -ALTER -ALTERABLE -ALTERATION -ALTERATIONS -ALTERCATION -ALTERCATIONS -ALTERED -ALTERER -ALTERERS -ALTERING -ALTERNATE -ALTERNATED -ALTERNATELY -ALTERNATES -ALTERNATING -ALTERNATION -ALTERNATIONS -ALTERNATIVE -ALTERNATIVELY -ALTERNATIVES -ALTERNATOR -ALTERNATORS -ALTERS -ALTHAEA -ALTHOUGH -ALTITUDE -ALTITUDES -ALTOGETHER -ALTON -ALTOS -ALTRUISM -ALTRUIST -ALTRUISTIC -ALTRUISTICALLY -ALUM -ALUMINUM -ALUMNA -ALUMNAE -ALUMNI -ALUMNUS -ALUNDUM -ALVA -ALVAREZ -ALVEOLAR -ALVEOLI -ALVEOLUS -ALVIN -ALWAYS -ALYSSA -AMADEUS -AMAIN -AMALGAM -AMALGAMATE -AMALGAMATED -AMALGAMATES -AMALGAMATING -AMALGAMATION -AMALGAMS -AMANDA -AMANUENSIS -AMARETTO -AMARILLO -AMASS -AMASSED -AMASSES -AMASSING -AMATEUR -AMATEURISH -AMATEURISHNESS -AMATEURISM -AMATEURS -AMATORY -AMAZE -AMAZED -AMAZEDLY -AMAZEMENT -AMAZER -AMAZERS -AMAZES -AMAZING -AMAZINGLY -AMAZON -AMAZONS -AMBASSADOR -AMBASSADORS -AMBER -AMBIANCE -AMBIDEXTROUS -AMBIDEXTROUSLY -AMBIENT -AMBIGUITIES -AMBIGUITY -AMBIGUOUS -AMBIGUOUSLY -AMBITION -AMBITIONS -AMBITIOUS -AMBITIOUSLY -AMBIVALENCE -AMBIVALENT -AMBIVALENTLY -AMBLE -AMBLED -AMBLER -AMBLES -AMBLING -AMBROSIAL -AMBULANCE -AMBULANCES -AMBULATORY -AMBUSCADE -AMBUSH -AMBUSHED -AMBUSHES -AMDAHL -AMELIA -AMELIORATE -AMELIORATED -AMELIORATING -AMELIORATION -AMEN -AMENABLE -AMEND -AMENDED -AMENDING -AMENDMENT -AMENDMENTS -AMENDS -AMENITIES -AMENITY -AMENORRHEA -AMERADA -AMERICA -AMERICAN -AMERICANA -AMERICANISM -AMERICANIZATION -AMERICANIZATIONS -AMERICANIZE -AMERICANIZER -AMERICANIZERS -AMERICANIZES -AMERICANS -AMERICAS -AMERICIUM -AMES -AMHARIC -AMHERST -AMIABLE -AMICABLE -AMICABLY -AMID -AMIDE -AMIDST -AMIGA -AMIGO -AMINO -AMISS -AMITY -AMMAN -AMMERMAN -AMMO -AMMONIA -AMMONIAC -AMMONIUM -AMMUNITION -AMNESTY -AMOCO -AMOEBA -AMOEBAE -AMOEBAS -AMOK -AMONG -AMONGST -AMONTILLADO -AMORAL -AMORALITY -AMORIST -AMOROUS -AMORPHOUS -AMORPHOUSLY -AMORTIZE -AMORTIZED -AMORTIZES -AMORTIZING -AMOS -AMOUNT -AMOUNTED -AMOUNTER -AMOUNTERS -AMOUNTING -AMOUNTS -AMOUR -AMPERAGE -AMPERE -AMPERES -AMPERSAND -AMPERSANDS -AMPEX -AMPHETAMINE -AMPHETAMINES -AMPHIBIAN -AMPHIBIANS -AMPHIBIOUS -AMPHIBIOUSLY -AMPHIBOLOGY -AMPHITHEATER -AMPHITHEATERS -AMPLE -AMPLIFICATION -AMPLIFIED -AMPLIFIER -AMPLIFIERS -AMPLIFIES -AMPLIFY -AMPLIFYING -AMPLITUDE -AMPLITUDES -AMPLY -AMPOULE -AMPOULES -AMPUTATE -AMPUTATED -AMPUTATES -AMPUTATING -AMSTERDAM -AMTRAK -AMULET -AMULETS -AMUSE -AMUSED -AMUSEDLY -AMUSEMENT -AMUSEMENTS -AMUSER -AMUSERS -AMUSES -AMUSING -AMUSINGLY -AMY -AMYL -ANABAPTIST -ANABAPTISTS -ANABEL -ANACHRONISM -ANACHRONISMS -ANACHRONISTICALLY -ANACONDA -ANACONDAS -ANACREON -ANAEROBIC -ANAGRAM -ANAGRAMS -ANAHEIM -ANAL -ANALECTS -ANALOG -ANALOGICAL -ANALOGIES -ANALOGOUS -ANALOGOUSLY -ANALOGUE -ANALOGUES -ANALOGY -ANALYSES -ANALYSIS -ANALYST -ANALYSTS -ANALYTIC -ANALYTICAL -ANALYTICALLY -ANALYTICITIES -ANALYTICITY -ANALYZABLE -ANALYZE -ANALYZED -ANALYZER -ANALYZERS -ANALYZES -ANALYZING -ANAPHORA -ANAPHORIC -ANAPHORICALLY -ANAPLASMOSIS -ANARCHIC -ANARCHICAL -ANARCHISM -ANARCHIST -ANARCHISTS -ANARCHY -ANASTASIA -ANASTOMOSES -ANASTOMOSIS -ANASTOMOTIC -ANATHEMA -ANATOLE -ANATOLIA -ANATOLIAN -ANATOMIC -ANATOMICAL -ANATOMICALLY -ANATOMY -ANCESTOR -ANCESTORS -ANCESTRAL -ANCESTRY -ANCHOR -ANCHORAGE -ANCHORAGES -ANCHORED -ANCHORING -ANCHORITE -ANCHORITISM -ANCHORS -ANCHOVIES -ANCHOVY -ANCIENT -ANCIENTLY -ANCIENTS -ANCILLARY -AND -ANDALUSIA -ANDALUSIAN -ANDALUSIANS -ANDEAN -ANDERS -ANDERSEN -ANDERSON -ANDES -ANDING -ANDORRA -ANDOVER -ANDRE -ANDREA -ANDREI -ANDREW -ANDREWS -ANDROMACHE -ANDROMEDA -ANDY -ANECDOTAL -ANECDOTE -ANECDOTES -ANECHOIC -ANEMIA -ANEMIC -ANEMOMETER -ANEMOMETERS -ANEMOMETRY -ANEMONE -ANESTHESIA -ANESTHETIC -ANESTHETICALLY -ANESTHETICS -ANESTHETIZE -ANESTHETIZED -ANESTHETIZES -ANESTHETIZING -ANEW -ANGEL -ANGELA -ANGELENO -ANGELENOS -ANGELES -ANGELIC -ANGELICA -ANGELINA -ANGELINE -ANGELO -ANGELS -ANGER -ANGERED -ANGERING -ANGERS -ANGIE -ANGIOGRAPHY -ANGLE -ANGLED -ANGLER -ANGLERS -ANGLES -ANGLIA -ANGLICAN -ANGLICANISM -ANGLICANIZE -ANGLICANIZES -ANGLICANS -ANGLING -ANGLO -ANGLOPHILIA -ANGLOPHOBIA -ANGOLA -ANGORA -ANGRIER -ANGRIEST -ANGRILY -ANGRY -ANGST -ANGSTROM -ANGUISH -ANGUISHED -ANGULAR -ANGULARLY -ANGUS -ANHEUSER -ANHYDROUS -ANHYDROUSLY -ANILINE -ANIMAL -ANIMALS -ANIMATE -ANIMATED -ANIMATEDLY -ANIMATELY -ANIMATENESS -ANIMATES -ANIMATING -ANIMATION -ANIMATIONS -ANIMATOR -ANIMATORS -ANIMISM -ANIMIZED -ANIMOSITY -ANION -ANIONIC -ANIONS -ANISE -ANISEIKONIC -ANISOTROPIC -ANISOTROPY -ANITA -ANKARA -ANKLE -ANKLES -ANN -ANNA -ANNAL -ANNALIST -ANNALISTIC -ANNALS -ANNAPOLIS -ANNE -ANNETTE -ANNEX -ANNEXATION -ANNEXED -ANNEXES -ANNEXING -ANNIE -ANNIHILATE -ANNIHILATED -ANNIHILATES -ANNIHILATING -ANNIHILATION -ANNIVERSARIES -ANNIVERSARY -ANNOTATE -ANNOTATED -ANNOTATES -ANNOTATING -ANNOTATION -ANNOTATIONS -ANNOUNCE -ANNOUNCED -ANNOUNCEMENT -ANNOUNCEMENTS -ANNOUNCER -ANNOUNCERS -ANNOUNCES -ANNOUNCING -ANNOY -ANNOYANCE -ANNOYANCES -ANNOYED -ANNOYER -ANNOYERS -ANNOYING -ANNOYINGLY -ANNOYS -ANNUAL -ANNUALLY -ANNUALS -ANNUITY -ANNUL -ANNULAR -ANNULI -ANNULLED -ANNULLING -ANNULMENT -ANNULMENTS -ANNULS -ANNULUS -ANNUM -ANNUNCIATE -ANNUNCIATED -ANNUNCIATES -ANNUNCIATING -ANNUNCIATOR -ANNUNCIATORS -ANODE -ANODES -ANODIZE -ANODIZED -ANODIZES -ANOINT -ANOINTED -ANOINTING -ANOINTS -ANOMALIES -ANOMALOUS -ANOMALOUSLY -ANOMALY -ANOMIC -ANOMIE -ANON -ANONYMITY -ANONYMOUS -ANONYMOUSLY -ANOREXIA -ANOTHER -ANSELM -ANSELMO -ANSI -ANSWER -ANSWERABLE -ANSWERED -ANSWERER -ANSWERERS -ANSWERING -ANSWERS -ANT -ANTAEUS -ANTAGONISM -ANTAGONISMS -ANTAGONIST -ANTAGONISTIC -ANTAGONISTICALLY -ANTAGONISTS -ANTAGONIZE -ANTAGONIZED -ANTAGONIZES -ANTAGONIZING -ANTARCTIC -ANTARCTICA -ANTARES -ANTE -ANTEATER -ANTEATERS -ANTECEDENT -ANTECEDENTS -ANTEDATE -ANTELOPE -ANTELOPES -ANTENNA -ANTENNAE -ANTENNAS -ANTERIOR -ANTHEM -ANTHEMS -ANTHER -ANTHOLOGIES -ANTHOLOGY -ANTHONY -ANTHRACITE -ANTHROPOLOGICAL -ANTHROPOLOGICALLY -ANTHROPOLOGIST -ANTHROPOLOGISTS -ANTHROPOLOGY -ANTHROPOMORPHIC -ANTHROPOMORPHICALLY -ANTI -ANTIBACTERIAL -ANTIBIOTIC -ANTIBIOTICS -ANTIBODIES -ANTIBODY -ANTIC -ANTICIPATE -ANTICIPATED -ANTICIPATES -ANTICIPATING -ANTICIPATION -ANTICIPATIONS -ANTICIPATORY -ANTICOAGULATION -ANTICOMPETITIVE -ANTICS -ANTIDISESTABLISHMENTARIANISM -ANTIDOTE -ANTIDOTES -ANTIETAM -ANTIFORMANT -ANTIFUNDAMENTALIST -ANTIGEN -ANTIGENS -ANTIGONE -ANTIHISTORICAL -ANTILLES -ANTIMICROBIAL -ANTIMONY -ANTINOMIAN -ANTINOMY -ANTIOCH -ANTIPATHY -ANTIPHONAL -ANTIPODE -ANTIPODES -ANTIQUARIAN -ANTIQUARIANS -ANTIQUATE -ANTIQUATED -ANTIQUE -ANTIQUES -ANTIQUITIES -ANTIQUITY -ANTIREDEPOSITION -ANTIRESONANCE -ANTIRESONATOR -ANTISEMITIC -ANTISEMITISM -ANTISEPTIC -ANTISERA -ANTISERUM -ANTISLAVERY -ANTISOCIAL -ANTISUBMARINE -ANTISYMMETRIC -ANTISYMMETRY -ANTITHESIS -ANTITHETICAL -ANTITHYROID -ANTITOXIN -ANTITOXINS -ANTITRUST -ANTLER -ANTLERED -ANTOINE -ANTOINETTE -ANTON -ANTONIO -ANTONOVICS -ANTONY -ANTS -ANTWERP -ANUS -ANVIL -ANVILS -ANXIETIES -ANXIETY -ANXIOUS -ANXIOUSLY -ANY -ANYBODY -ANYHOW -ANYMORE -ANYONE -ANYPLACE -ANYTHING -ANYTIME -ANYWAY -ANYWHERE -AORTA -APACE -APACHES -APALACHICOLA -APART -APARTMENT -APARTMENTS -APATHETIC -APATHY -APE -APED -APERIODIC -APERIODICITY -APERTURE -APES -APETALOUS -APEX -APHASIA -APHASIC -APHELION -APHID -APHIDS -APHONIC -APHORISM -APHORISMS -APHRODITE -APIARIES -APIARY -APICAL -APIECE -APING -APISH -APLENTY -APLOMB -APOCALYPSE -APOCALYPTIC -APOCRYPHA -APOCRYPHAL -APOGEE -APOGEES -APOLLINAIRE -APOLLO -APOLLONIAN -APOLOGETIC -APOLOGETICALLY -APOLOGIA -APOLOGIES -APOLOGIST -APOLOGISTS -APOLOGIZE -APOLOGIZED -APOLOGIZES -APOLOGIZING -APOLOGY -APOSTATE -APOSTLE -APOSTLES -APOSTOLIC -APOSTROPHE -APOSTROPHES -APOTHECARY -APOTHEGM -APOTHEOSES -APOTHEOSIS -APPALACHIA -APPALACHIAN -APPALACHIANS -APPALL -APPALLED -APPALLING -APPALLINGLY -APPALOOSAS -APPANAGE -APPARATUS -APPAREL -APPARELED -APPARENT -APPARENTLY -APPARITION -APPARITIONS -APPEAL -APPEALED -APPEALER -APPEALERS -APPEALING -APPEALINGLY -APPEALS -APPEAR -APPEARANCE -APPEARANCES -APPEARED -APPEARER -APPEARERS -APPEARING -APPEARS -APPEASE -APPEASED -APPEASEMENT -APPEASES -APPEASING -APPELLANT -APPELLANTS -APPELLATE -APPELLATION -APPEND -APPENDAGE -APPENDAGES -APPENDED -APPENDER -APPENDERS -APPENDICES -APPENDICITIS -APPENDING -APPENDIX -APPENDIXES -APPENDS -APPERTAIN -APPERTAINS -APPETITE -APPETITES -APPETIZER -APPETIZING -APPIA -APPIAN -APPLAUD -APPLAUDED -APPLAUDING -APPLAUDS -APPLAUSE -APPLE -APPLEBY -APPLEJACK -APPLES -APPLETON -APPLIANCE -APPLIANCES -APPLICABILITY -APPLICABLE -APPLICANT -APPLICANTS -APPLICATION -APPLICATIONS -APPLICATIVE -APPLICATIVELY -APPLICATOR -APPLICATORS -APPLIED -APPLIER -APPLIERS -APPLIES -APPLIQUE -APPLY -APPLYING -APPOINT -APPOINTED -APPOINTEE -APPOINTEES -APPOINTER -APPOINTERS -APPOINTING -APPOINTIVE -APPOINTMENT -APPOINTMENTS -APPOINTS -APPOMATTOX -APPORTION -APPORTIONED -APPORTIONING -APPORTIONMENT -APPORTIONMENTS -APPORTIONS -APPOSITE -APPRAISAL -APPRAISALS -APPRAISE -APPRAISED -APPRAISER -APPRAISERS -APPRAISES -APPRAISING -APPRAISINGLY -APPRECIABLE -APPRECIABLY -APPRECIATE -APPRECIATED -APPRECIATES -APPRECIATING -APPRECIATION -APPRECIATIONS -APPRECIATIVE -APPRECIATIVELY -APPREHEND -APPREHENDED -APPREHENSIBLE -APPREHENSION -APPREHENSIONS -APPREHENSIVE -APPREHENSIVELY -APPREHENSIVENESS -APPRENTICE -APPRENTICED -APPRENTICES -APPRENTICESHIP -APPRISE -APPRISED -APPRISES -APPRISING -APPROACH -APPROACHABILITY -APPROACHABLE -APPROACHED -APPROACHER -APPROACHERS -APPROACHES -APPROACHING -APPROBATE -APPROBATION -APPROPRIATE -APPROPRIATED -APPROPRIATELY -APPROPRIATENESS -APPROPRIATES -APPROPRIATING -APPROPRIATION -APPROPRIATIONS -APPROPRIATOR -APPROPRIATORS -APPROVAL -APPROVALS -APPROVE -APPROVED -APPROVER -APPROVERS -APPROVES -APPROVING -APPROVINGLY -APPROXIMATE -APPROXIMATED -APPROXIMATELY -APPROXIMATES -APPROXIMATING -APPROXIMATION -APPROXIMATIONS -APPURTENANCE -APPURTENANCES -APRICOT -APRICOTS -APRIL -APRILS -APRON -APRONS -APROPOS -APSE -APSIS -APT -APTITUDE -APTITUDES -APTLY -APTNESS -AQUA -AQUARIA -AQUARIUM -AQUARIUS -AQUATIC -AQUEDUCT -AQUEDUCTS -AQUEOUS -AQUIFER -AQUIFERS -AQUILA -AQUINAS -ARAB -ARABESQUE -ARABIA -ARABIAN -ARABIANIZE -ARABIANIZES -ARABIANS -ARABIC -ARABICIZE -ARABICIZES -ARABLE -ARABS -ARABY -ARACHNE -ARACHNID -ARACHNIDS -ARAMCO -ARAPAHO -ARBITER -ARBITERS -ARBITRARILY -ARBITRARINESS -ARBITRARY -ARBITRATE -ARBITRATED -ARBITRATES -ARBITRATING -ARBITRATION -ARBITRATOR -ARBITRATORS -ARBOR -ARBOREAL -ARBORS -ARC -ARCADE -ARCADED -ARCADES -ARCADIA -ARCADIAN -ARCANE -ARCED -ARCH -ARCHAIC -ARCHAICALLY -ARCHAICNESS -ARCHAISM -ARCHAIZE -ARCHANGEL -ARCHANGELS -ARCHBISHOP -ARCHDIOCESE -ARCHDIOCESES -ARCHED -ARCHENEMY -ARCHEOLOGICAL -ARCHEOLOGIST -ARCHEOLOGY -ARCHER -ARCHERS -ARCHERY -ARCHES -ARCHETYPE -ARCHFOOL -ARCHIBALD -ARCHIE -ARCHIMEDES -ARCHING -ARCHIPELAGO -ARCHIPELAGOES -ARCHITECT -ARCHITECTONIC -ARCHITECTS -ARCHITECTURAL -ARCHITECTURALLY -ARCHITECTURE -ARCHITECTURES -ARCHIVAL -ARCHIVE -ARCHIVED -ARCHIVER -ARCHIVERS -ARCHIVES -ARCHIVING -ARCHIVIST -ARCHLY -ARCING -ARCLIKE -ARCO -ARCS -ARCSINE -ARCTANGENT -ARCTIC -ARCTURUS -ARDEN -ARDENT -ARDENTLY -ARDOR -ARDUOUS -ARDUOUSLY -ARDUOUSNESS -ARE -AREA -AREAS -ARENA -ARENAS -AREQUIPA -ARES -ARGENTINA -ARGENTINIAN -ARGIVE -ARGO -ARGON -ARGONAUT -ARGONAUTS -ARGONNE -ARGOS -ARGOT -ARGUABLE -ARGUABLY -ARGUE -ARGUED -ARGUER -ARGUERS -ARGUES -ARGUING -ARGUMENT -ARGUMENTATION -ARGUMENTATIVE -ARGUMENTS -ARGUS -ARIADNE -ARIANISM -ARIANIST -ARIANISTS -ARID -ARIDITY -ARIES -ARIGHT -ARISE -ARISEN -ARISER -ARISES -ARISING -ARISINGS -ARISTOCRACY -ARISTOCRAT -ARISTOCRATIC -ARISTOCRATICALLY -ARISTOCRATS -ARISTOTELIAN -ARISTOTLE -ARITHMETIC -ARITHMETICAL -ARITHMETICALLY -ARITHMETICS -ARITHMETIZE -ARITHMETIZED -ARITHMETIZES -ARIZONA -ARK -ARKANSAN -ARKANSAS -ARLEN -ARLENE -ARLINGTON -ARM -ARMADA -ARMADILLO -ARMADILLOS -ARMAGEDDON -ARMAGNAC -ARMAMENT -ARMAMENTS -ARMATA -ARMCHAIR -ARMCHAIRS -ARMCO -ARMED -ARMENIA -ARMENIAN -ARMER -ARMERS -ARMFUL -ARMHOLE -ARMIES -ARMING -ARMISTICE -ARMLOAD -ARMONK -ARMOR -ARMORED -ARMORER -ARMORY -ARMOUR -ARMPIT -ARMPITS -ARMS -ARMSTRONG -ARMY -ARNOLD -AROMA -AROMAS -AROMATIC -AROSE -AROUND -AROUSAL -AROUSE -AROUSED -AROUSES -AROUSING -ARPA -ARPANET -ARPANET -ARPEGGIO -ARPEGGIOS -ARRACK -ARRAGON -ARRAIGN -ARRAIGNED -ARRAIGNING -ARRAIGNMENT -ARRAIGNMENTS -ARRAIGNS -ARRANGE -ARRANGED -ARRANGEMENT -ARRANGEMENTS -ARRANGER -ARRANGERS -ARRANGES -ARRANGING -ARRANT -ARRAY -ARRAYED -ARRAYS -ARREARS -ARREST -ARRESTED -ARRESTER -ARRESTERS -ARRESTING -ARRESTINGLY -ARRESTOR -ARRESTORS -ARRESTS -ARRHENIUS -ARRIVAL -ARRIVALS -ARRIVE -ARRIVED -ARRIVES -ARRIVING -ARROGANCE -ARROGANT -ARROGANTLY -ARROGATE -ARROGATED -ARROGATES -ARROGATING -ARROGATION -ARROW -ARROWED -ARROWHEAD -ARROWHEADS -ARROWS -ARROYO -ARROYOS -ARSENAL -ARSENALS -ARSENIC -ARSINE -ARSON -ART -ARTEMIA -ARTEMIS -ARTERIAL -ARTERIES -ARTERIOLAR -ARTERIOLE -ARTERIOLES -ARTERIOSCLEROSIS -ARTERY -ARTFUL -ARTFULLY -ARTFULNESS -ARTHRITIS -ARTHROPOD -ARTHROPODS -ARTHUR -ARTICHOKE -ARTICHOKES -ARTICLE -ARTICLES -ARTICULATE -ARTICULATED -ARTICULATELY -ARTICULATENESS -ARTICULATES -ARTICULATING -ARTICULATION -ARTICULATIONS -ARTICULATOR -ARTICULATORS -ARTICULATORY -ARTIE -ARTIFACT -ARTIFACTS -ARTIFICE -ARTIFICER -ARTIFICES -ARTIFICIAL -ARTIFICIALITIES -ARTIFICIALITY -ARTIFICIALLY -ARTIFICIALNESS -ARTILLERIST -ARTILLERY -ARTISAN -ARTISANS -ARTIST -ARTISTIC -ARTISTICALLY -ARTISTRY -ARTISTS -ARTLESS -ARTS -ARTURO -ARTWORK -ARUBA -ARYAN -ARYANS -ASBESTOS -ASCEND -ASCENDANCY -ASCENDANT -ASCENDED -ASCENDENCY -ASCENDENT -ASCENDER -ASCENDERS -ASCENDING -ASCENDS -ASCENSION -ASCENSIONS -ASCENT -ASCERTAIN -ASCERTAINABLE -ASCERTAINED -ASCERTAINING -ASCERTAINS -ASCETIC -ASCETICISM -ASCETICS -ASCII -ASCOT -ASCRIBABLE -ASCRIBE -ASCRIBED -ASCRIBES -ASCRIBING -ASCRIPTION -ASEPTIC -ASH -ASHAMED -ASHAMEDLY -ASHEN -ASHER -ASHES -ASHEVILLE -ASHLAND -ASHLEY -ASHMAN -ASHMOLEAN -ASHORE -ASHTRAY -ASHTRAYS -ASIA -ASIAN -ASIANS -ASIATIC -ASIATICIZATION -ASIATICIZATIONS -ASIATICIZE -ASIATICIZES -ASIATICS -ASIDE -ASILOMAR -ASININE -ASK -ASKANCE -ASKED -ASKER -ASKERS -ASKEW -ASKING -ASKS -ASLEEP -ASOCIAL -ASP -ASPARAGUS -ASPECT -ASPECTS -ASPEN -ASPERSION -ASPERSIONS -ASPHALT -ASPHYXIA -ASPIC -ASPIRANT -ASPIRANTS -ASPIRATE -ASPIRATED -ASPIRATES -ASPIRATING -ASPIRATION -ASPIRATIONS -ASPIRATOR -ASPIRATORS -ASPIRE -ASPIRED -ASPIRES -ASPIRIN -ASPIRING -ASPIRINS -ASS -ASSAIL -ASSAILANT -ASSAILANTS -ASSAILED -ASSAILING -ASSAILS -ASSAM -ASSASSIN -ASSASSINATE -ASSASSINATED -ASSASSINATES -ASSASSINATING -ASSASSINATION -ASSASSINATIONS -ASSASSINS -ASSAULT -ASSAULTED -ASSAULTING -ASSAULTS -ASSAY -ASSAYED -ASSAYING -ASSEMBLAGE -ASSEMBLAGES -ASSEMBLE -ASSEMBLED -ASSEMBLER -ASSEMBLERS -ASSEMBLES -ASSEMBLIES -ASSEMBLING -ASSEMBLY -ASSENT -ASSENTED -ASSENTER -ASSENTING -ASSENTS -ASSERT -ASSERTED -ASSERTER -ASSERTERS -ASSERTING -ASSERTION -ASSERTIONS -ASSERTIVE -ASSERTIVELY -ASSERTIVENESS -ASSERTS -ASSES -ASSESS -ASSESSED -ASSESSES -ASSESSING -ASSESSMENT -ASSESSMENTS -ASSESSOR -ASSESSORS -ASSET -ASSETS -ASSIDUITY -ASSIDUOUS -ASSIDUOUSLY -ASSIGN -ASSIGNABLE -ASSIGNED -ASSIGNEE -ASSIGNEES -ASSIGNER -ASSIGNERS -ASSIGNING -ASSIGNMENT -ASSIGNMENTS -ASSIGNS -ASSIMILATE -ASSIMILATED -ASSIMILATES -ASSIMILATING -ASSIMILATION -ASSIMILATIONS -ASSIST -ASSISTANCE -ASSISTANCES -ASSISTANT -ASSISTANTS -ASSISTANTSHIP -ASSISTANTSHIPS -ASSISTED -ASSISTING -ASSISTS -ASSOCIATE -ASSOCIATED -ASSOCIATES -ASSOCIATING -ASSOCIATION -ASSOCIATIONAL -ASSOCIATIONS -ASSOCIATIVE -ASSOCIATIVELY -ASSOCIATIVITY -ASSOCIATOR -ASSOCIATORS -ASSONANCE -ASSONANT -ASSORT -ASSORTED -ASSORTMENT -ASSORTMENTS -ASSORTS -ASSUAGE -ASSUAGED -ASSUAGES -ASSUME -ASSUMED -ASSUMES -ASSUMING -ASSUMPTION -ASSUMPTIONS -ASSURANCE -ASSURANCES -ASSURE -ASSURED -ASSUREDLY -ASSURER -ASSURERS -ASSURES -ASSURING -ASSURINGLY -ASSYRIA -ASSYRIAN -ASSYRIANIZE -ASSYRIANIZES -ASSYRIOLOGY -ASTAIRE -ASTAIRES -ASTARTE -ASTATINE -ASTER -ASTERISK -ASTERISKS -ASTEROID -ASTEROIDAL -ASTEROIDS -ASTERS -ASTHMA -ASTON -ASTONISH -ASTONISHED -ASTONISHES -ASTONISHING -ASTONISHINGLY -ASTONISHMENT -ASTOR -ASTORIA -ASTOUND -ASTOUNDED -ASTOUNDING -ASTOUNDS -ASTRAL -ASTRAY -ASTRIDE -ASTRINGENCY -ASTRINGENT -ASTROLOGY -ASTRONAUT -ASTRONAUTICS -ASTRONAUTS -ASTRONOMER -ASTRONOMERS -ASTRONOMICAL -ASTRONOMICALLY -ASTRONOMY -ASTROPHYSICAL -ASTROPHYSICS -ASTUTE -ASTUTELY -ASTUTENESS -ASUNCION -ASUNDER -ASYLUM -ASYMMETRIC -ASYMMETRICALLY -ASYMMETRY -ASYMPTOMATICALLY -ASYMPTOTE -ASYMPTOTES -ASYMPTOTIC -ASYMPTOTICALLY -ASYNCHRONISM -ASYNCHRONOUS -ASYNCHRONOUSLY -ASYNCHRONY -ATALANTA -ATARI -ATAVISTIC -ATCHISON -ATE -ATEMPORAL -ATHABASCAN -ATHEISM -ATHEIST -ATHEISTIC -ATHEISTS -ATHENA -ATHENIAN -ATHENIANS -ATHENS -ATHEROSCLEROSIS -ATHLETE -ATHLETES -ATHLETIC -ATHLETICISM -ATHLETICS -ATKINS -ATKINSON -ATLANTA -ATLANTIC -ATLANTICA -ATLANTIS -ATLAS -ATMOSPHERE -ATMOSPHERES -ATMOSPHERIC -ATOLL -ATOLLS -ATOM -ATOMIC -ATOMICALLY -ATOMICS -ATOMIZATION -ATOMIZE -ATOMIZED -ATOMIZES -ATOMIZING -ATOMS -ATONAL -ATONALLY -ATONE -ATONED -ATONEMENT -ATONES -ATOP -ATREUS -ATROCIOUS -ATROCIOUSLY -ATROCITIES -ATROCITY -ATROPHIC -ATROPHIED -ATROPHIES -ATROPHY -ATROPHYING -ATROPOS -ATTACH -ATTACHE -ATTACHED -ATTACHER -ATTACHERS -ATTACHES -ATTACHING -ATTACHMENT -ATTACHMENTS -ATTACK -ATTACKABLE -ATTACKED -ATTACKER -ATTACKERS -ATTACKING -ATTACKS -ATTAIN -ATTAINABLE -ATTAINABLY -ATTAINED -ATTAINER -ATTAINERS -ATTAINING -ATTAINMENT -ATTAINMENTS -ATTAINS -ATTEMPT -ATTEMPTED -ATTEMPTER -ATTEMPTERS -ATTEMPTING -ATTEMPTS -ATTEND -ATTENDANCE -ATTENDANCES -ATTENDANT -ATTENDANTS -ATTENDED -ATTENDEE -ATTENDEES -ATTENDER -ATTENDERS -ATTENDING -ATTENDS -ATTENTION -ATTENTIONAL -ATTENTIONALITY -ATTENTIONS -ATTENTIVE -ATTENTIVELY -ATTENTIVENESS -ATTENUATE -ATTENUATED -ATTENUATES -ATTENUATING -ATTENUATION -ATTENUATOR -ATTENUATORS -ATTEST -ATTESTED -ATTESTING -ATTESTS -ATTIC -ATTICA -ATTICS -ATTIRE -ATTIRED -ATTIRES -ATTIRING -ATTITUDE -ATTITUDES -ATTITUDINAL -ATTLEE -ATTORNEY -ATTORNEYS -ATTRACT -ATTRACTED -ATTRACTING -ATTRACTION -ATTRACTIONS -ATTRACTIVE -ATTRACTIVELY -ATTRACTIVENESS -ATTRACTOR -ATTRACTORS -ATTRACTS -ATTRIBUTABLE -ATTRIBUTE -ATTRIBUTED -ATTRIBUTES -ATTRIBUTING -ATTRIBUTION -ATTRIBUTIONS -ATTRIBUTIVE -ATTRIBUTIVELY -ATTRITION -ATTUNE -ATTUNED -ATTUNES -ATTUNING -ATWATER -ATWOOD -ATYPICAL -ATYPICALLY -AUBERGE -AUBREY -AUBURN -AUCKLAND -AUCTION -AUCTIONEER -AUCTIONEERS -AUDACIOUS -AUDACIOUSLY -AUDACIOUSNESS -AUDACITY -AUDIBLE -AUDIBLY -AUDIENCE -AUDIENCES -AUDIO -AUDIOGRAM -AUDIOGRAMS -AUDIOLOGICAL -AUDIOLOGIST -AUDIOLOGISTS -AUDIOLOGY -AUDIOMETER -AUDIOMETERS -AUDIOMETRIC -AUDIOMETRY -AUDIT -AUDITED -AUDITING -AUDITION -AUDITIONED -AUDITIONING -AUDITIONS -AUDITOR -AUDITORIUM -AUDITORS -AUDITORY -AUDITS -AUDREY -AUDUBON -AUERBACH -AUGEAN -AUGER -AUGERS -AUGHT -AUGMENT -AUGMENTATION -AUGMENTED -AUGMENTING -AUGMENTS -AUGUR -AUGURS -AUGUST -AUGUSTA -AUGUSTAN -AUGUSTINE -AUGUSTLY -AUGUSTNESS -AUGUSTUS -AUNT -AUNTS -AURA -AURAL -AURALLY -AURAS -AURELIUS -AUREOLE -AUREOMYCIN -AURIGA -AURORA -AUSCHWITZ -AUSCULTATE -AUSCULTATED -AUSCULTATES -AUSCULTATING -AUSCULTATION -AUSCULTATIONS -AUSPICE -AUSPICES -AUSPICIOUS -AUSPICIOUSLY -AUSTERE -AUSTERELY -AUSTERITY -AUSTIN -AUSTRALIA -AUSTRALIAN -AUSTRALIANIZE -AUSTRALIANIZES -AUSTRALIS -AUSTRIA -AUSTRIAN -AUSTRIANIZE -AUSTRIANIZES -AUTHENTIC -AUTHENTICALLY -AUTHENTICATE -AUTHENTICATED -AUTHENTICATES -AUTHENTICATING -AUTHENTICATION -AUTHENTICATIONS -AUTHENTICATOR -AUTHENTICATORS -AUTHENTICITY -AUTHOR -AUTHORED -AUTHORING -AUTHORITARIAN -AUTHORITARIANISM -AUTHORITATIVE -AUTHORITATIVELY -AUTHORITIES -AUTHORITY -AUTHORIZATION -AUTHORIZATIONS -AUTHORIZE -AUTHORIZED -AUTHORIZER -AUTHORIZERS -AUTHORIZES -AUTHORIZING -AUTHORS -AUTHORSHIP -AUTISM -AUTISTIC -AUTO -AUTOBIOGRAPHIC -AUTOBIOGRAPHICAL -AUTOBIOGRAPHIES -AUTOBIOGRAPHY -AUTOCOLLIMATOR -AUTOCORRELATE -AUTOCORRELATION -AUTOCRACIES -AUTOCRACY -AUTOCRAT -AUTOCRATIC -AUTOCRATICALLY -AUTOCRATS -AUTODECREMENT -AUTODECREMENTED -AUTODECREMENTS -AUTODIALER -AUTOFLUORESCENCE -AUTOGRAPH -AUTOGRAPHED -AUTOGRAPHING -AUTOGRAPHS -AUTOINCREMENT -AUTOINCREMENTED -AUTOINCREMENTS -AUTOINDEX -AUTOINDEXING -AUTOMATA -AUTOMATE -AUTOMATED -AUTOMATES -AUTOMATIC -AUTOMATICALLY -AUTOMATING -AUTOMATION -AUTOMATON -AUTOMOBILE -AUTOMOBILES -AUTOMOTIVE -AUTONAVIGATOR -AUTONAVIGATORS -AUTONOMIC -AUTONOMOUS -AUTONOMOUSLY -AUTONOMY -AUTOPILOT -AUTOPILOTS -AUTOPSIED -AUTOPSIES -AUTOPSY -AUTOREGRESSIVE -AUTOS -AUTOSUGGESTIBILITY -AUTOTRANSFORMER -AUTUMN -AUTUMNAL -AUTUMNS -AUXILIARIES -AUXILIARY -AVAIL -AVAILABILITIES -AVAILABILITY -AVAILABLE -AVAILABLY -AVAILED -AVAILER -AVAILERS -AVAILING -AVAILS -AVALANCHE -AVALANCHED -AVALANCHES -AVALANCHING -AVANT -AVARICE -AVARICIOUS -AVARICIOUSLY -AVENGE -AVENGED -AVENGER -AVENGES -AVENGING -AVENTINE -AVENTINO -AVENUE -AVENUES -AVER -AVERAGE -AVERAGED -AVERAGES -AVERAGING -AVERNUS -AVERRED -AVERRER -AVERRING -AVERS -AVERSE -AVERSION -AVERSIONS -AVERT -AVERTED -AVERTING -AVERTS -AVERY -AVESTA -AVIAN -AVIARIES -AVIARY -AVIATION -AVIATOR -AVIATORS -AVID -AVIDITY -AVIDLY -AVIGNON -AVIONIC -AVIONICS -AVIS -AVIV -AVOCADO -AVOCADOS -AVOCATION -AVOCATIONS -AVOGADRO -AVOID -AVOIDABLE -AVOIDABLY -AVOIDANCE -AVOIDED -AVOIDER -AVOIDERS -AVOIDING -AVOIDS -AVON -AVOUCH -AVOW -AVOWAL -AVOWED -AVOWS -AWAIT -AWAITED -AWAITING -AWAITS -AWAKE -AWAKEN -AWAKENED -AWAKENING -AWAKENS -AWAKES -AWAKING -AWARD -AWARDED -AWARDER -AWARDERS -AWARDING -AWARDS -AWARE -AWARENESS -AWASH -AWAY -AWE -AWED -AWESOME -AWFUL -AWFULLY -AWFULNESS -AWHILE -AWKWARD -AWKWARDLY -AWKWARDNESS -AWL -AWLS -AWNING -AWNINGS -AWOKE -AWRY -AXED -AXEL -AXER -AXERS -AXES -AXIAL -AXIALLY -AXING -AXIOLOGICAL -AXIOM -AXIOMATIC -AXIOMATICALLY -AXIOMATIZATION -AXIOMATIZATIONS -AXIOMATIZE -AXIOMATIZED -AXIOMATIZES -AXIOMATIZING -AXIOMS -AXIS -AXLE -AXLES -AXOLOTL -AXOLOTLS -AXON -AXONS -AYE -AYERS -AYES -AYLESBURY -AZALEA -AZALEAS -AZERBAIJAN -AZIMUTH -AZIMUTHS -AZORES -AZTEC -AZTECAN -AZURE -BABBAGE -BABBLE -BABBLED -BABBLES -BABBLING -BABCOCK -BABE -BABEL -BABELIZE -BABELIZES -BABES -BABIED -BABIES -BABKA -BABOON -BABOONS -BABUL -BABY -BABYHOOD -BABYING -BABYISH -BABYLON -BABYLONIAN -BABYLONIANS -BABYLONIZE -BABYLONIZES -BABYSIT -BABYSITTING -BACCALAUREATE -BACCHUS -BACH -BACHELOR -BACHELORS -BACILLI -BACILLUS -BACK -BACKACHE -BACKACHES -BACKARROW -BACKBEND -BACKBENDS -BACKBOARD -BACKBONE -BACKBONES -BACKDROP -BACKDROPS -BACKED -BACKER -BACKERS -BACKFILL -BACKFIRING -BACKGROUND -BACKGROUNDS -BACKHAND -BACKING -BACKLASH -BACKLOG -BACKLOGGED -BACKLOGS -BACKORDER -BACKPACK -BACKPACKS -BACKPLANE -BACKPLANES -BACKPLATE -BACKS -BACKSCATTER -BACKSCATTERED -BACKSCATTERING -BACKSCATTERS -BACKSIDE -BACKSLASH -BACKSLASHES -BACKSPACE -BACKSPACED -BACKSPACES -BACKSPACING -BACKSTAGE -BACKSTAIRS -BACKSTITCH -BACKSTITCHED -BACKSTITCHES -BACKSTITCHING -BACKSTOP -BACKTRACK -BACKTRACKED -BACKTRACKER -BACKTRACKERS -BACKTRACKING -BACKTRACKS -BACKUP -BACKUPS -BACKUS -BACKWARD -BACKWARDNESS -BACKWARDS -BACKWATER -BACKWATERS -BACKWOODS -BACKYARD -BACKYARDS -BACON -BACTERIA -BACTERIAL -BACTERIUM -BAD -BADE -BADEN -BADGE -BADGER -BADGERED -BADGERING -BADGERS -BADGES -BADLANDS -BADLY -BADMINTON -BADNESS -BAFFIN -BAFFLE -BAFFLED -BAFFLER -BAFFLERS -BAFFLING -BAG -BAGATELLE -BAGATELLES -BAGEL -BAGELS -BAGGAGE -BAGGED -BAGGER -BAGGERS -BAGGING -BAGGY -BAGHDAD -BAGLEY -BAGPIPE -BAGPIPES -BAGRODIA -BAGRODIAS -BAGS -BAH -BAHAMA -BAHAMAS -BAHREIN -BAIL -BAILEY -BAILEYS -BAILIFF -BAILIFFS -BAILING -BAIRD -BAIRDI -BAIRN -BAIT -BAITED -BAITER -BAITING -BAITS -BAJA -BAKE -BAKED -BAKELITE -BAKER -BAKERIES -BAKERS -BAKERSFIELD -BAKERY -BAKES -BAKHTIARI -BAKING -BAKLAVA -BAKU -BALALAIKA -BALALAIKAS -BALANCE -BALANCED -BALANCER -BALANCERS -BALANCES -BALANCING -BALBOA -BALCONIES -BALCONY -BALD -BALDING -BALDLY -BALDNESS -BALDWIN -BALE -BALEFUL -BALER -BALES -BALFOUR -BALI -BALINESE -BALK -BALKAN -BALKANIZATION -BALKANIZATIONS -BALKANIZE -BALKANIZED -BALKANIZES -BALKANIZING -BALKANS -BALKED -BALKINESS -BALKING -BALKS -BALKY -BALL -BALLAD -BALLADS -BALLARD -BALLARDS -BALLAST -BALLASTS -BALLED -BALLER -BALLERINA -BALLERINAS -BALLERS -BALLET -BALLETS -BALLGOWN -BALLING -BALLISTIC -BALLISTICS -BALLOON -BALLOONED -BALLOONER -BALLOONERS -BALLOONING -BALLOONS -BALLOT -BALLOTS -BALLPARK -BALLPARKS -BALLPLAYER -BALLPLAYERS -BALLROOM -BALLROOMS -BALLS -BALLYHOO -BALM -BALMS -BALMY -BALSA -BALSAM -BALTIC -BALTIMORE -BALTIMOREAN -BALUSTRADE -BALUSTRADES -BALZAC -BAMAKO -BAMBERGER -BAMBI -BAMBOO -BAN -BANACH -BANAL -BANALLY -BANANA -BANANAS -BANBURY -BANCROFT -BAND -BANDAGE -BANDAGED -BANDAGES -BANDAGING -BANDED -BANDIED -BANDIES -BANDING -BANDIT -BANDITS -BANDPASS -BANDS -BANDSTAND -BANDSTANDS -BANDWAGON -BANDWAGONS -BANDWIDTH -BANDWIDTHS -BANDY -BANDYING -BANE -BANEFUL -BANG -BANGED -BANGING -BANGLADESH -BANGLE -BANGLES -BANGOR -BANGS -BANGUI -BANISH -BANISHED -BANISHES -BANISHING -BANISHMENT -BANISTER -BANISTERS -BANJO -BANJOS -BANK -BANKED -BANKER -BANKERS -BANKING -BANKRUPT -BANKRUPTCIES -BANKRUPTCY -BANKRUPTED -BANKRUPTING -BANKRUPTS -BANKS -BANNED -BANNER -BANNERS -BANNING -BANQUET -BANQUETING -BANQUETINGS -BANQUETS -BANS -BANSHEE -BANSHEES -BANTAM -BANTER -BANTERED -BANTERING -BANTERS -BANTU -BANTUS -BAPTISM -BAPTISMAL -BAPTISMS -BAPTIST -BAPTISTE -BAPTISTERY -BAPTISTRIES -BAPTISTRY -BAPTISTS -BAPTIZE -BAPTIZED -BAPTIZES -BAPTIZING -BAR -BARB -BARBADOS -BARBARA -BARBARIAN -BARBARIANS -BARBARIC -BARBARISM -BARBARITIES -BARBARITY -BARBAROUS -BARBAROUSLY -BARBECUE -BARBECUED -BARBECUES -BARBED -BARBELL -BARBELLS -BARBER -BARBITAL -BARBITURATE -BARBITURATES -BARBOUR -BARBS -BARCELONA -BARCLAY -BARD -BARDS -BARE -BARED -BAREFACED -BAREFOOT -BAREFOOTED -BARELY -BARENESS -BARER -BARES -BAREST -BARFLIES -BARFLY -BARGAIN -BARGAINED -BARGAINING -BARGAINS -BARGE -BARGES -BARGING -BARHOP -BARING -BARITONE -BARITONES -BARIUM -BARK -BARKED -BARKER -BARKERS -BARKING -BARKS -BARLEY -BARLOW -BARN -BARNABAS -BARNARD -BARNES -BARNET -BARNETT -BARNEY -BARNHARD -BARNS -BARNSTORM -BARNSTORMED -BARNSTORMING -BARNSTORMS -BARNUM -BARNYARD -BARNYARDS -BAROMETER -BAROMETERS -BAROMETRIC -BARON -BARONESS -BARONIAL -BARONIES -BARONS -BARONY -BAROQUE -BAROQUENESS -BARR -BARRACK -BARRACKS -BARRAGE -BARRAGES -BARRED -BARREL -BARRELLED -BARRELLING -BARRELS -BARREN -BARRENNESS -BARRETT -BARRICADE -BARRICADES -BARRIER -BARRIERS -BARRING -BARRINGER -BARRINGTON -BARRON -BARROW -BARRY -BARRYMORE -BARRYMORES -BARS -BARSTOW -BART -BARTENDER -BARTENDERS -BARTER -BARTERED -BARTERING -BARTERS -BARTH -BARTHOLOMEW -BARTLETT -BARTOK -BARTON -BASAL -BASALT -BASCOM -BASE -BASEBALL -BASEBALLS -BASEBAND -BASEBOARD -BASEBOARDS -BASED -BASEL -BASELESS -BASELINE -BASELINES -BASELY -BASEMAN -BASEMENT -BASEMENTS -BASENESS -BASER -BASES -BASH -BASHED -BASHES -BASHFUL -BASHFULNESS -BASHING -BASIC -BASIC -BASIC -BASICALLY -BASICS -BASIE -BASIL -BASIN -BASING -BASINS -BASIS -BASK -BASKED -BASKET -BASKETBALL -BASKETBALLS -BASKETS -BASKING -BASQUE -BASS -BASSES -BASSET -BASSETT -BASSINET -BASSINETS -BASTARD -BASTARDS -BASTE -BASTED -BASTES -BASTING -BASTION -BASTIONS -BAT -BATAVIA -BATCH -BATCHED -BATCHELDER -BATCHES -BATEMAN -BATES -BATH -BATHE -BATHED -BATHER -BATHERS -BATHES -BATHING -BATHOS -BATHROBE -BATHROBES -BATHROOM -BATHROOMS -BATHS -BATHTUB -BATHTUBS -BATHURST -BATISTA -BATON -BATONS -BATOR -BATS -BATTALION -BATTALIONS -BATTED -BATTELLE -BATTEN -BATTENS -BATTER -BATTERED -BATTERIES -BATTERING -BATTERS -BATTERY -BATTING -BATTLE -BATTLED -BATTLEFIELD -BATTLEFIELDS -BATTLEFRONT -BATTLEFRONTS -BATTLEGROUND -BATTLEGROUNDS -BATTLEMENT -BATTLEMENTS -BATTLER -BATTLERS -BATTLES -BATTLESHIP -BATTLESHIPS -BATTLING -BAUBLE -BAUBLES -BAUD -BAUDELAIRE -BAUER -BAUHAUS -BAUSCH -BAUXITE -BAVARIA -BAVARIAN -BAWDY -BAWL -BAWLED -BAWLING -BAWLS -BAXTER -BAY -BAYDA -BAYED -BAYES -BAYESIAN -BAYING -BAYLOR -BAYONET -BAYONETS -BAYONNE -BAYOU -BAYOUS -BAYPORT -BAYREUTH -BAYS -BAZAAR -BAZAARS -BEACH -BEACHED -BEACHES -BEACHHEAD -BEACHHEADS -BEACHING -BEACON -BEACONS -BEAD -BEADED -BEADING -BEADLE -BEADLES -BEADS -BEADY -BEAGLE -BEAGLES -BEAK -BEAKED -BEAKER -BEAKERS -BEAKS -BEAM -BEAMED -BEAMER -BEAMERS -BEAMING -BEAMS -BEAN -BEANBAG -BEANED -BEANER -BEANERS -BEANING -BEANS -BEAR -BEARABLE -BEARABLY -BEARD -BEARDED -BEARDLESS -BEARDS -BEARDSLEY -BEARER -BEARERS -BEARING -BEARINGS -BEARISH -BEARS -BEAST -BEASTLY -BEASTS -BEAT -BEATABLE -BEATABLY -BEATEN -BEATER -BEATERS -BEATIFIC -BEATIFICATION -BEATIFY -BEATING -BEATINGS -BEATITUDE -BEATITUDES -BEATNIK -BEATNIKS -BEATRICE -BEATS -BEAU -BEAUCHAMPS -BEAUJOLAIS -BEAUMONT -BEAUREGARD -BEAUS -BEAUTEOUS -BEAUTEOUSLY -BEAUTIES -BEAUTIFICATIONS -BEAUTIFIED -BEAUTIFIER -BEAUTIFIERS -BEAUTIFIES -BEAUTIFUL -BEAUTIFULLY -BEAUTIFY -BEAUTIFYING -BEAUTY -BEAVER -BEAVERS -BEAVERTON -BECALM -BECALMED -BECALMING -BECALMS -BECAME -BECAUSE -BECHTEL -BECK -BECKER -BECKMAN -BECKON -BECKONED -BECKONING -BECKONS -BECKY -BECOME -BECOMES -BECOMING -BECOMINGLY -BED -BEDAZZLE -BEDAZZLED -BEDAZZLEMENT -BEDAZZLES -BEDAZZLING -BEDBUG -BEDBUGS -BEDDED -BEDDER -BEDDERS -BEDDING -BEDEVIL -BEDEVILED -BEDEVILING -BEDEVILS -BEDFAST -BEDFORD -BEDLAM -BEDPOST -BEDPOSTS -BEDRAGGLE -BEDRAGGLED -BEDRIDDEN -BEDROCK -BEDROOM -BEDROOMS -BEDS -BEDSIDE -BEDSPREAD -BEDSPREADS -BEDSPRING -BEDSPRINGS -BEDSTEAD -BEDSTEADS -BEDTIME -BEE -BEEBE -BEECH -BEECHAM -BEECHEN -BEECHER -BEEF -BEEFED -BEEFER -BEEFERS -BEEFING -BEEFS -BEEFSTEAK -BEEFY -BEEHIVE -BEEHIVES -BEEN -BEEP -BEEPS -BEER -BEERS -BEES -BEET -BEETHOVEN -BEETLE -BEETLED -BEETLES -BEETLING -BEETS -BEFALL -BEFALLEN -BEFALLING -BEFALLS -BEFELL -BEFIT -BEFITS -BEFITTED -BEFITTING -BEFOG -BEFOGGED -BEFOGGING -BEFORE -BEFOREHAND -BEFOUL -BEFOULED -BEFOULING -BEFOULS -BEFRIEND -BEFRIENDED -BEFRIENDING -BEFRIENDS -BEFUDDLE -BEFUDDLED -BEFUDDLES -BEFUDDLING -BEG -BEGAN -BEGET -BEGETS -BEGETTING -BEGGAR -BEGGARLY -BEGGARS -BEGGARY -BEGGED -BEGGING -BEGIN -BEGINNER -BEGINNERS -BEGINNING -BEGINNINGS -BEGINS -BEGOT -BEGOTTEN -BEGRUDGE -BEGRUDGED -BEGRUDGES -BEGRUDGING -BEGRUDGINGLY -BEGS -BEGUILE -BEGUILED -BEGUILES -BEGUILING -BEGUN -BEHALF -BEHAVE -BEHAVED -BEHAVES -BEHAVING -BEHAVIOR -BEHAVIORAL -BEHAVIORALLY -BEHAVIORISM -BEHAVIORISTIC -BEHAVIORS -BEHEAD -BEHEADING -BEHELD -BEHEMOTH -BEHEMOTHS -BEHEST -BEHIND -BEHOLD -BEHOLDEN -BEHOLDER -BEHOLDERS -BEHOLDING -BEHOLDS -BEHOOVE -BEHOOVES -BEIGE -BEIJING -BEING -BEINGS -BEIRUT -BELA -BELABOR -BELABORED -BELABORING -BELABORS -BELATED -BELATEDLY -BELAY -BELAYED -BELAYING -BELAYS -BELCH -BELCHED -BELCHES -BELCHING -BELFAST -BELFRIES -BELFRY -BELGIAN -BELGIANS -BELGIUM -BELGRADE -BELIE -BELIED -BELIEF -BELIEFS -BELIES -BELIEVABLE -BELIEVABLY -BELIEVE -BELIEVED -BELIEVER -BELIEVERS -BELIEVES -BELIEVING -BELITTLE -BELITTLED -BELITTLES -BELITTLING -BELIZE -BELL -BELLA -BELLAMY -BELLATRIX -BELLBOY -BELLBOYS -BELLE -BELLES -BELLEVILLE -BELLHOP -BELLHOPS -BELLICOSE -BELLICOSITY -BELLIES -BELLIGERENCE -BELLIGERENT -BELLIGERENTLY -BELLIGERENTS -BELLINGHAM -BELLINI -BELLMAN -BELLMEN -BELLOVIN -BELLOW -BELLOWED -BELLOWING -BELLOWS -BELLS -BELLUM -BELLWETHER -BELLWETHERS -BELLWOOD -BELLY -BELLYACHE -BELLYFULL -BELMONT -BELOIT -BELONG -BELONGED -BELONGING -BELONGINGS -BELONGS -BELOVED -BELOW -BELSHAZZAR -BELT -BELTED -BELTING -BELTON -BELTS -BELTSVILLE -BELUSHI -BELY -BELYING -BEMOAN -BEMOANED -BEMOANING -BEMOANS -BEN -BENARES -BENCH -BENCHED -BENCHES -BENCHMARK -BENCHMARKING -BENCHMARKS -BEND -BENDABLE -BENDER -BENDERS -BENDING -BENDIX -BENDS -BENEATH -BENEDICT -BENEDICTINE -BENEDICTION -BENEDICTIONS -BENEDIKT -BENEFACTOR -BENEFACTORS -BENEFICENCE -BENEFICENCES -BENEFICENT -BENEFICIAL -BENEFICIALLY -BENEFICIARIES -BENEFICIARY -BENEFIT -BENEFITED -BENEFITING -BENEFITS -BENEFITTED -BENEFITTING -BENELUX -BENEVOLENCE -BENEVOLENT -BENGAL -BENGALI -BENIGHTED -BENIGN -BENIGNLY -BENJAMIN -BENNETT -BENNINGTON -BENNY -BENSON -BENT -BENTHAM -BENTLEY -BENTLEYS -BENTON -BENZ -BENZEDRINE -BENZENE -BEOGRAD -BEOWULF -BEQUEATH -BEQUEATHAL -BEQUEATHED -BEQUEATHING -BEQUEATHS -BEQUEST -BEQUESTS -BERATE -BERATED -BERATES -BERATING -BEREA -BEREAVE -BEREAVED -BEREAVEMENT -BEREAVEMENTS -BEREAVES -BEREAVING -BEREFT -BERENICES -BERESFORD -BERET -BERETS -BERGEN -BERGLAND -BERGLUND -BERGMAN -BERGSON -BERGSTEN -BERGSTROM -BERIBBONED -BERIBERI -BERINGER -BERKELEY -BERKELIUM -BERKOWITZ -BERKSHIRE -BERKSHIRES -BERLIN -BERLINER -BERLINERS -BERLINIZE -BERLINIZES -BERLIOZ -BERLITZ -BERMAN -BERMUDA -BERN -BERNADINE -BERNARD -BERNARDINE -BERNARDINO -BERNARDO -BERNE -BERNET -BERNHARD -BERNICE -BERNIE -BERNIECE -BERNINI -BERNOULLI -BERNSTEIN -BERRA -BERRIES -BERRY -BERSERK -BERT -BERTH -BERTHA -BERTHS -BERTIE -BERTRAM -BERTRAND -BERWICK -BERYL -BERYLLIUM -BESEECH -BESEECHES -BESEECHING -BESET -BESETS -BESETTING -BESIDE -BESIDES -BESIEGE -BESIEGED -BESIEGER -BESIEGERS -BESIEGING -BESMIRCH -BESMIRCHED -BESMIRCHES -BESMIRCHING -BESOTTED -BESOTTER -BESOTTING -BESOUGHT -BESPEAK -BESPEAKS -BESPECTACLED -BESPOKE -BESS -BESSEL -BESSEMER -BESSEMERIZE -BESSEMERIZES -BESSIE -BEST -BESTED -BESTIAL -BESTING -BESTIR -BESTIRRING -BESTOW -BESTOWAL -BESTOWED -BESTS -BESTSELLER -BESTSELLERS -BESTSELLING -BET -BETA -BETATRON -BETEL -BETELGEUSE -BETHESDA -BETHLEHEM -BETIDE -BETRAY -BETRAYAL -BETRAYED -BETRAYER -BETRAYING -BETRAYS -BETROTH -BETROTHAL -BETROTHED -BETS -BETSEY -BETSY -BETTE -BETTER -BETTERED -BETTERING -BETTERMENT -BETTERMENTS -BETTERS -BETTIES -BETTING -BETTY -BETWEEN -BETWIXT -BEVEL -BEVELED -BEVELING -BEVELS -BEVERAGE -BEVERAGES -BEVERLY -BEVY -BEWAIL -BEWAILED -BEWAILING -BEWAILS -BEWARE -BEWHISKERED -BEWILDER -BEWILDERED -BEWILDERING -BEWILDERINGLY -BEWILDERMENT -BEWILDERS -BEWITCH -BEWITCHED -BEWITCHES -BEWITCHING -BEYOND -BHUTAN -BIALYSTOK -BIANCO -BIANNUAL -BIAS -BIASED -BIASES -BIASING -BIB -BIBBED -BIBBING -BIBLE -BIBLES -BIBLICAL -BIBLICALLY -BIBLIOGRAPHIC -BIBLIOGRAPHICAL -BIBLIOGRAPHIES -BIBLIOGRAPHY -BIBLIOPHILE -BIBS -BICAMERAL -BICARBONATE -BICENTENNIAL -BICEP -BICEPS -BICKER -BICKERED -BICKERING -BICKERS -BICONCAVE -BICONNECTED -BICONVEX -BICYCLE -BICYCLED -BICYCLER -BICYCLERS -BICYCLES -BICYCLING -BID -BIDDABLE -BIDDEN -BIDDER -BIDDERS -BIDDIES -BIDDING -BIDDLE -BIDDY -BIDE -BIDIRECTIONAL -BIDS -BIEN -BIENNIAL -BIENNIUM -BIENVILLE -BIER -BIERCE -BIFOCAL -BIFOCALS -BIFURCATE -BIG -BIGELOW -BIGGER -BIGGEST -BIGGS -BIGHT -BIGHTS -BIGNESS -BIGOT -BIGOTED -BIGOTRY -BIGOTS -BIHARMONIC -BIJECTION -BIJECTIONS -BIJECTIVE -BIJECTIVELY -BIKE -BIKES -BIKING -BIKINI -BIKINIS -BILABIAL -BILATERAL -BILATERALLY -BILBAO -BILBO -BILE -BILGE -BILGES -BILINEAR -BILINGUAL -BILK -BILKED -BILKING -BILKS -BILL -BILLBOARD -BILLBOARDS -BILLED -BILLER -BILLERS -BILLET -BILLETED -BILLETING -BILLETS -BILLIARD -BILLIARDS -BILLIE -BILLIKEN -BILLIKENS -BILLING -BILLINGS -BILLION -BILLIONS -BILLIONTH -BILLOW -BILLOWED -BILLOWS -BILLS -BILTMORE -BIMETALLIC -BIMETALLISM -BIMINI -BIMODAL -BIMOLECULAR -BIMONTHLIES -BIMONTHLY -BIN -BINARIES -BINARY -BINAURAL -BIND -BINDER -BINDERS -BINDING -BINDINGS -BINDS -BING -BINGE -BINGES -BINGHAM -BINGHAMTON -BINGO -BINI -BINOCULAR -BINOCULARS -BINOMIAL -BINS -BINUCLEAR -BIOCHEMICAL -BIOCHEMIST -BIOCHEMISTRY -BIOFEEDBACK -BIOGRAPHER -BIOGRAPHERS -BIOGRAPHIC -BIOGRAPHICAL -BIOGRAPHICALLY -BIOGRAPHIES -BIOGRAPHY -BIOLOGICAL -BIOLOGICALLY -BIOLOGIST -BIOLOGISTS -BIOLOGY -BIOMEDICAL -BIOMEDICINE -BIOPHYSICAL -BIOPHYSICIST -BIOPHYSICS -BIOPSIES -BIOPSY -BIOSCIENCE -BIOSPHERE -BIOSTATISTIC -BIOSYNTHESIZE -BIOTA -BIOTIC -BIPARTISAN -BIPARTITE -BIPED -BIPEDS -BIPLANE -BIPLANES -BIPOLAR -BIRACIAL -BIRCH -BIRCHEN -BIRCHES -BIRD -BIRDBATH -BIRDBATHS -BIRDIE -BIRDIED -BIRDIES -BIRDLIKE -BIRDS -BIREFRINGENCE -BIREFRINGENT -BIRGIT -BIRMINGHAM -BIRMINGHAMIZE -BIRMINGHAMIZES -BIRTH -BIRTHDAY -BIRTHDAYS -BIRTHED -BIRTHPLACE -BIRTHPLACES -BIRTHRIGHT -BIRTHRIGHTS -BIRTHS -BISCAYNE -BISCUIT -BISCUITS -BISECT -BISECTED -BISECTING -BISECTION -BISECTIONS -BISECTOR -BISECTORS -BISECTS -BISHOP -BISHOPS -BISMARCK -BISMARK -BISMUTH -BISON -BISONS -BISQUE -BISQUES -BISSAU -BISTABLE -BISTATE -BIT -BITCH -BITCHES -BITE -BITER -BITERS -BITES -BITING -BITINGLY -BITMAP -BITNET -BITS -BITTEN -BITTER -BITTERER -BITTEREST -BITTERLY -BITTERNESS -BITTERNUT -BITTERROOT -BITTERS -BITTERSWEET -BITUMEN -BITUMINOUS -BITWISE -BIVALVE -BIVALVES -BIVARIATE -BIVOUAC -BIVOUACS -BIWEEKLY -BIZARRE -BIZET -BLAB -BLABBED -BLABBERMOUTH -BLABBERMOUTHS -BLABBING -BLABS -BLACK -BLACKBERRIES -BLACKBERRY -BLACKBIRD -BLACKBIRDS -BLACKBOARD -BLACKBOARDS -BLACKBURN -BLACKED -BLACKEN -BLACKENED -BLACKENING -BLACKENS -BLACKER -BLACKEST -BLACKFEET -BLACKFOOT -BLACKFOOTS -BLACKING -BLACKJACK -BLACKJACKS -BLACKLIST -BLACKLISTED -BLACKLISTING -BLACKLISTS -BLACKLY -BLACKMAIL -BLACKMAILED -BLACKMAILER -BLACKMAILERS -BLACKMAILING -BLACKMAILS -BLACKMAN -BLACKMER -BLACKNESS -BLACKOUT -BLACKOUTS -BLACKS -BLACKSMITH -BLACKSMITHS -BLACKSTONE -BLACKWELL -BLACKWELLS -BLADDER -BLADDERS -BLADE -BLADES -BLAINE -BLAIR -BLAKE -BLAKEY -BLAMABLE -BLAME -BLAMED -BLAMELESS -BLAMELESSNESS -BLAMER -BLAMERS -BLAMES -BLAMEWORTHY -BLAMING -BLANCH -BLANCHARD -BLANCHE -BLANCHED -BLANCHES -BLANCHING -BLAND -BLANDLY -BLANDNESS -BLANK -BLANKED -BLANKER -BLANKEST -BLANKET -BLANKETED -BLANKETER -BLANKETERS -BLANKETING -BLANKETS -BLANKING -BLANKLY -BLANKNESS -BLANKS -BLANTON -BLARE -BLARED -BLARES -BLARING -BLASE -BLASPHEME -BLASPHEMED -BLASPHEMES -BLASPHEMIES -BLASPHEMING -BLASPHEMOUS -BLASPHEMOUSLY -BLASPHEMOUSNESS -BLASPHEMY -BLAST -BLASTED -BLASTER -BLASTERS -BLASTING -BLASTS -BLATANT -BLATANTLY -BLATZ -BLAZE -BLAZED -BLAZER -BLAZERS -BLAZES -BLAZING -BLEACH -BLEACHED -BLEACHER -BLEACHERS -BLEACHES -BLEACHING -BLEAK -BLEAKER -BLEAKLY -BLEAKNESS -BLEAR -BLEARY -BLEAT -BLEATING -BLEATS -BLED -BLEED -BLEEDER -BLEEDING -BLEEDINGS -BLEEDS -BLEEKER -BLEMISH -BLEMISHES -BLEND -BLENDED -BLENDER -BLENDING -BLENDS -BLENHEIM -BLESS -BLESSED -BLESSING -BLESSINGS -BLEW -BLIGHT -BLIGHTED -BLIMP -BLIMPS -BLIND -BLINDED -BLINDER -BLINDERS -BLINDFOLD -BLINDFOLDED -BLINDFOLDING -BLINDFOLDS -BLINDING -BLINDINGLY -BLINDLY -BLINDNESS -BLINDS -BLINK -BLINKED -BLINKER -BLINKERS -BLINKING -BLINKS -BLINN -BLIP -BLIPS -BLISS -BLISSFUL -BLISSFULLY -BLISTER -BLISTERED -BLISTERING -BLISTERS -BLITHE -BLITHELY -BLITZ -BLITZES -BLITZKRIEG -BLIZZARD -BLIZZARDS -BLOAT -BLOATED -BLOATER -BLOATING -BLOATS -BLOB -BLOBS -BLOC -BLOCH -BLOCK -BLOCKADE -BLOCKADED -BLOCKADES -BLOCKADING -BLOCKAGE -BLOCKAGES -BLOCKED -BLOCKER -BLOCKERS -BLOCKHOUSE -BLOCKHOUSES -BLOCKING -BLOCKS -BLOCS -BLOKE -BLOKES -BLOMBERG -BLOMQUIST -BLOND -BLONDE -BLONDES -BLONDS -BLOOD -BLOODBATH -BLOODED -BLOODHOUND -BLOODHOUNDS -BLOODIED -BLOODIEST -BLOODLESS -BLOODS -BLOODSHED -BLOODSHOT -BLOODSTAIN -BLOODSTAINED -BLOODSTAINS -BLOODSTREAM -BLOODY -BLOOM -BLOOMED -BLOOMERS -BLOOMFIELD -BLOOMING -BLOOMINGTON -BLOOMS -BLOOPER -BLOSSOM -BLOSSOMED -BLOSSOMS -BLOT -BLOTS -BLOTTED -BLOTTING -BLOUSE -BLOUSES -BLOW -BLOWER -BLOWERS -BLOWFISH -BLOWING -BLOWN -BLOWOUT -BLOWS -BLOWUP -BLUBBER -BLUDGEON -BLUDGEONED -BLUDGEONING -BLUDGEONS -BLUE -BLUEBERRIES -BLUEBERRY -BLUEBIRD -BLUEBIRDS -BLUEBONNET -BLUEBONNETS -BLUEFISH -BLUENESS -BLUEPRINT -BLUEPRINTS -BLUER -BLUES -BLUEST -BLUESTOCKING -BLUFF -BLUFFING -BLUFFS -BLUING -BLUISH -BLUM -BLUMENTHAL -BLUNDER -BLUNDERBUSS -BLUNDERED -BLUNDERING -BLUNDERINGS -BLUNDERS -BLUNT -BLUNTED -BLUNTER -BLUNTEST -BLUNTING -BLUNTLY -BLUNTNESS -BLUNTS -BLUR -BLURB -BLURRED -BLURRING -BLURRY -BLURS -BLURT -BLURTED -BLURTING -BLURTS -BLUSH -BLUSHED -BLUSHES -BLUSHING -BLUSTER -BLUSTERED -BLUSTERING -BLUSTERS -BLUSTERY -BLYTHE -BOA -BOAR -BOARD -BOARDED -BOARDER -BOARDERS -BOARDING -BOARDINGHOUSE -BOARDINGHOUSES -BOARDS -BOARSH -BOAST -BOASTED -BOASTER -BOASTERS -BOASTFUL -BOASTFULLY -BOASTING -BOASTINGS -BOASTS -BOAT -BOATER -BOATERS -BOATHOUSE -BOATHOUSES -BOATING -BOATLOAD -BOATLOADS -BOATMAN -BOATMEN -BOATS -BOATSMAN -BOATSMEN -BOATSWAIN -BOATSWAINS -BOATYARD -BOATYARDS -BOB -BOBBED -BOBBIE -BOBBIN -BOBBING -BOBBINS -BOBBSEY -BOBBY -BOBOLINK -BOBOLINKS -BOBROW -BOBS -BOBWHITE -BOBWHITES -BOCA -BODE -BODENHEIM -BODES -BODICE -BODIED -BODIES -BODILY -BODLEIAN -BODY -BODYBUILDER -BODYBUILDERS -BODYBUILDING -BODYGUARD -BODYGUARDS -BODYWEIGHT -BOEING -BOEOTIA -BOEOTIAN -BOER -BOERS -BOG -BOGART -BOGARTIAN -BOGEYMEN -BOGGED -BOGGLE -BOGGLED -BOGGLES -BOGGLING -BOGOTA -BOGS -BOGUS -BOHEME -BOHEMIA -BOHEMIAN -BOHEMIANISM -BOHR -BOIL -BOILED -BOILER -BOILERPLATE -BOILERS -BOILING -BOILS -BOIS -BOISE -BOISTEROUS -BOISTEROUSLY -BOLD -BOLDER -BOLDEST -BOLDFACE -BOLDLY -BOLDNESS -BOLIVIA -BOLIVIAN -BOLL -BOLOGNA -BOLSHEVIK -BOLSHEVIKS -BOLSHEVISM -BOLSHEVIST -BOLSHEVISTIC -BOLSHOI -BOLSTER -BOLSTERED -BOLSTERING -BOLSTERS -BOLT -BOLTED -BOLTING -BOLTON -BOLTS -BOLTZMANN -BOMB -BOMBARD -BOMBARDED -BOMBARDING -BOMBARDMENT -BOMBARDS -BOMBAST -BOMBASTIC -BOMBAY -BOMBED -BOMBER -BOMBERS -BOMBING -BOMBINGS -BOMBPROOF -BOMBS -BONANZA -BONANZAS -BONAPARTE -BONAVENTURE -BOND -BONDAGE -BONDED -BONDER -BONDERS -BONDING -BONDS -BONDSMAN -BONDSMEN -BONE -BONED -BONER -BONERS -BONES -BONFIRE -BONFIRES -BONG -BONHAM -BONIFACE -BONING -BONN -BONNET -BONNETED -BONNETS -BONNEVILLE -BONNIE -BONNY -BONTEMPO -BONUS -BONUSES -BONY -BOO -BOOB -BOOBOO -BOOBY -BOOK -BOOKCASE -BOOKCASES -BOOKED -BOOKER -BOOKERS -BOOKIE -BOOKIES -BOOKING -BOOKINGS -BOOKISH -BOOKKEEPER -BOOKKEEPERS -BOOKKEEPING -BOOKLET -BOOKLETS -BOOKMARK -BOOKS -BOOKSELLER -BOOKSELLERS -BOOKSHELF -BOOKSHELVES -BOOKSTORE -BOOKSTORES -BOOKWORM -BOOLEAN -BOOLEANS -BOOM -BOOMED -BOOMERANG -BOOMERANGS -BOOMING -BOOMS -BOON -BOONE -BOONTON -BOOR -BOORISH -BOORS -BOOS -BOOST -BOOSTED -BOOSTER -BOOSTING -BOOSTS -BOOT -BOOTABLE -BOOTED -BOOTES -BOOTH -BOOTHS -BOOTING -BOOTLE -BOOTLEG -BOOTLEGGED -BOOTLEGGER -BOOTLEGGERS -BOOTLEGGING -BOOTLEGS -BOOTS -BOOTSTRAP -BOOTSTRAPPED -BOOTSTRAPPING -BOOTSTRAPS -BOOTY -BOOZE -BORATE -BORATES -BORAX -BORDEAUX -BORDELLO -BORDELLOS -BORDEN -BORDER -BORDERED -BORDERING -BORDERINGS -BORDERLAND -BORDERLANDS -BORDERLINE -BORDERS -BORE -BOREALIS -BOREAS -BORED -BOREDOM -BORER -BORES -BORG -BORIC -BORING -BORIS -BORN -BORNE -BORNEO -BORON -BOROUGH -BOROUGHS -BORROUGHS -BORROW -BORROWED -BORROWER -BORROWERS -BORROWING -BORROWS -BOSCH -BOSE -BOSOM -BOSOMS -BOSPORUS -BOSS -BOSSED -BOSSES -BOSTITCH -BOSTON -BOSTONIAN -BOSTONIANS -BOSUN -BOSWELL -BOSWELLIZE -BOSWELLIZES -BOTANICAL -BOTANIST -BOTANISTS -BOTANY -BOTCH -BOTCHED -BOTCHER -BOTCHERS -BOTCHES -BOTCHING -BOTH -BOTHER -BOTHERED -BOTHERING -BOTHERS -BOTHERSOME -BOTSWANA -BOTTLE -BOTTLED -BOTTLENECK -BOTTLENECKS -BOTTLER -BOTTLERS -BOTTLES -BOTTLING -BOTTOM -BOTTOMED -BOTTOMING -BOTTOMLESS -BOTTOMS -BOTULINUS -BOTULISM -BOUCHER -BOUFFANT -BOUGH -BOUGHS -BOUGHT -BOULDER -BOULDERS -BOULEVARD -BOULEVARDS -BOUNCE -BOUNCED -BOUNCER -BOUNCES -BOUNCING -BOUNCY -BOUND -BOUNDARIES -BOUNDARY -BOUNDED -BOUNDEN -BOUNDING -BOUNDLESS -BOUNDLESSNESS -BOUNDS -BOUNTEOUS -BOUNTEOUSLY -BOUNTIES -BOUNTIFUL -BOUNTY -BOUQUET -BOUQUETS -BOURBAKI -BOURBON -BOURGEOIS -BOURGEOISIE -BOURNE -BOUSTROPHEDON -BOUSTROPHEDONIC -BOUT -BOUTIQUE -BOUTS -BOUVIER -BOVINE -BOVINES -BOW -BOWDITCH -BOWDLERIZE -BOWDLERIZED -BOWDLERIZES -BOWDLERIZING -BOWDOIN -BOWED -BOWEL -BOWELS -BOWEN -BOWER -BOWERS -BOWES -BOWING -BOWL -BOWLED -BOWLER -BOWLERS -BOWLINE -BOWLINES -BOWLING -BOWLS -BOWMAN -BOWS -BOWSTRING -BOWSTRINGS -BOX -BOXCAR -BOXCARS -BOXED -BOXER -BOXERS -BOXES -BOXFORD -BOXING -BOXTOP -BOXTOPS -BOXWOOD -BOY -BOYCE -BOYCOTT -BOYCOTTED -BOYCOTTS -BOYD -BOYFRIEND -BOYFRIENDS -BOYHOOD -BOYISH -BOYISHNESS -BOYLE -BOYLSTON -BOYS -BRA -BRACE -BRACED -BRACELET -BRACELETS -BRACES -BRACING -BRACKET -BRACKETED -BRACKETING -BRACKETS -BRACKISH -BRADBURY -BRADFORD -BRADLEY -BRADSHAW -BRADY -BRAE -BRAES -BRAG -BRAGG -BRAGGED -BRAGGER -BRAGGING -BRAGS -BRAHMAPUTRA -BRAHMS -BRAHMSIAN -BRAID -BRAIDED -BRAIDING -BRAIDS -BRAILLE -BRAIN -BRAINARD -BRAINARDS -BRAINCHILD -BRAINED -BRAINING -BRAINS -BRAINSTEM -BRAINSTEMS -BRAINSTORM -BRAINSTORMS -BRAINWASH -BRAINWASHED -BRAINWASHES -BRAINWASHING -BRAINY -BRAKE -BRAKED -BRAKEMAN -BRAKES -BRAKING -BRAMBLE -BRAMBLES -BRAMBLY -BRAN -BRANCH -BRANCHED -BRANCHES -BRANCHING -BRANCHINGS -BRANCHVILLE -BRAND -BRANDED -BRANDEIS -BRANDEL -BRANDENBURG -BRANDING -BRANDISH -BRANDISHES -BRANDISHING -BRANDON -BRANDS -BRANDT -BRANDY -BRANDYWINE -BRANIFF -BRANNON -BRAS -BRASH -BRASHLY -BRASHNESS -BRASILIA -BRASS -BRASSES -BRASSIERE -BRASSTOWN -BRASSY -BRAT -BRATS -BRAUN -BRAVADO -BRAVE -BRAVED -BRAVELY -BRAVENESS -BRAVER -BRAVERY -BRAVES -BRAVEST -BRAVING -BRAVO -BRAVOS -BRAWL -BRAWLER -BRAWLING -BRAWN -BRAY -BRAYED -BRAYER -BRAYING -BRAYS -BRAZE -BRAZED -BRAZEN -BRAZENLY -BRAZENNESS -BRAZES -BRAZIER -BRAZIERS -BRAZIL -BRAZILIAN -BRAZING -BRAZZAVILLE -BREACH -BREACHED -BREACHER -BREACHERS -BREACHES -BREACHING -BREAD -BREADBOARD -BREADBOARDS -BREADBOX -BREADBOXES -BREADED -BREADING -BREADS -BREADTH -BREADWINNER -BREADWINNERS -BREAK -BREAKABLE -BREAKABLES -BREAKAGE -BREAKAWAY -BREAKDOWN -BREAKDOWNS -BREAKER -BREAKERS -BREAKFAST -BREAKFASTED -BREAKFASTER -BREAKFASTERS -BREAKFASTING -BREAKFASTS -BREAKING -BREAKPOINT -BREAKPOINTS -BREAKS -BREAKTHROUGH -BREAKTHROUGHES -BREAKTHROUGHS -BREAKUP -BREAKWATER -BREAKWATERS -BREAST -BREASTED -BREASTS -BREASTWORK -BREASTWORKS -BREATH -BREATHABLE -BREATHE -BREATHED -BREATHER -BREATHERS -BREATHES -BREATHING -BREATHLESS -BREATHLESSLY -BREATHS -BREATHTAKING -BREATHTAKINGLY -BREATHY -BRED -BREECH -BREECHES -BREED -BREEDER -BREEDING -BREEDS -BREEZE -BREEZES -BREEZILY -BREEZY -BREMEN -BREMSSTRAHLUNG -BRENDA -BRENDAN -BRENNAN -BRENNER -BRENT -BRESENHAM -BREST -BRETHREN -BRETON -BRETONS -BRETT -BREVE -BREVET -BREVETED -BREVETING -BREVETS -BREVITY -BREW -BREWED -BREWER -BREWERIES -BREWERS -BREWERY -BREWING -BREWS -BREWSTER -BRIAN -BRIAR -BRIARS -BRIBE -BRIBED -BRIBER -BRIBERS -BRIBERY -BRIBES -BRIBING -BRICE -BRICK -BRICKBAT -BRICKED -BRICKER -BRICKLAYER -BRICKLAYERS -BRICKLAYING -BRICKS -BRIDAL -BRIDE -BRIDEGROOM -BRIDES -BRIDESMAID -BRIDESMAIDS -BRIDEWELL -BRIDGE -BRIDGEABLE -BRIDGED -BRIDGEHEAD -BRIDGEHEADS -BRIDGEPORT -BRIDGES -BRIDGET -BRIDGETOWN -BRIDGEWATER -BRIDGEWORK -BRIDGING -BRIDLE -BRIDLED -BRIDLES -BRIDLING -BRIE -BRIEF -BRIEFCASE -BRIEFCASES -BRIEFED -BRIEFER -BRIEFEST -BRIEFING -BRIEFINGS -BRIEFLY -BRIEFNESS -BRIEFS -BRIEN -BRIER -BRIG -BRIGADE -BRIGADES -BRIGADIER -BRIGADIERS -BRIGADOON -BRIGANTINE -BRIGGS -BRIGHAM -BRIGHT -BRIGHTEN -BRIGHTENED -BRIGHTENER -BRIGHTENERS -BRIGHTENING -BRIGHTENS -BRIGHTER -BRIGHTEST -BRIGHTLY -BRIGHTNESS -BRIGHTON -BRIGS -BRILLIANCE -BRILLIANCY -BRILLIANT -BRILLIANTLY -BRILLOUIN -BRIM -BRIMFUL -BRIMMED -BRIMMING -BRIMSTONE -BRINDISI -BRINDLE -BRINDLED -BRINE -BRING -BRINGER -BRINGERS -BRINGING -BRINGS -BRINK -BRINKLEY -BRINKMANSHIP -BRINY -BRISBANE -BRISK -BRISKER -BRISKLY -BRISKNESS -BRISTLE -BRISTLED -BRISTLES -BRISTLING -BRISTOL -BRITAIN -BRITANNIC -BRITANNICA -BRITCHES -BRITISH -BRITISHER -BRITISHLY -BRITON -BRITONS -BRITTANY -BRITTEN -BRITTLE -BRITTLENESS -BROACH -BROACHED -BROACHES -BROACHING -BROAD -BROADBAND -BROADCAST -BROADCASTED -BROADCASTER -BROADCASTERS -BROADCASTING -BROADCASTINGS -BROADCASTS -BROADEN -BROADENED -BROADENER -BROADENERS -BROADENING -BROADENINGS -BROADENS -BROADER -BROADEST -BROADLY -BROADNESS -BROADSIDE -BROADWAY -BROCADE -BROCADED -BROCCOLI -BROCHURE -BROCHURES -BROCK -BROGLIE -BROIL -BROILED -BROILER -BROILERS -BROILING -BROILS -BROKE -BROKEN -BROKENLY -BROKENNESS -BROKER -BROKERAGE -BROKERS -BROMFIELD -BROMIDE -BROMIDES -BROMINE -BROMLEY -BRONCHI -BRONCHIAL -BRONCHIOLE -BRONCHIOLES -BRONCHITIS -BRONCHUS -BRONTOSAURUS -BRONX -BRONZE -BRONZED -BRONZES -BROOCH -BROOCHES -BROOD -BROODER -BROODING -BROODS -BROOK -BROOKDALE -BROOKE -BROOKED -BROOKFIELD -BROOKHAVEN -BROOKLINE -BROOKLYN -BROOKMONT -BROOKS -BROOM -BROOMS -BROOMSTICK -BROOMSTICKS -BROTH -BROTHEL -BROTHELS -BROTHER -BROTHERHOOD -BROTHERLINESS -BROTHERLY -BROTHERS -BROUGHT -BROW -BROWBEAT -BROWBEATEN -BROWBEATING -BROWBEATS -BROWN -BROWNE -BROWNED -BROWNELL -BROWNER -BROWNEST -BROWNIAN -BROWNIE -BROWNIES -BROWNING -BROWNISH -BROWNNESS -BROWNS -BROWS -BROWSE -BROWSING -BRUCE -BRUCKNER -BRUEGEL -BRUISE -BRUISED -BRUISES -BRUISING -BRUMIDI -BRUNCH -BRUNCHES -BRUNETTE -BRUNHILDE -BRUNO -BRUNSWICK -BRUNT -BRUSH -BRUSHED -BRUSHES -BRUSHFIRE -BRUSHFIRES -BRUSHING -BRUSHLIKE -BRUSHY -BRUSQUE -BRUSQUELY -BRUSSELS -BRUTAL -BRUTALITIES -BRUTALITY -BRUTALIZE -BRUTALIZED -BRUTALIZES -BRUTALIZING -BRUTALLY -BRUTE -BRUTES -BRUTISH -BRUXELLES -BRYAN -BRYANT -BRYCE -BRYN -BUBBLE -BUBBLED -BUBBLES -BUBBLING -BUBBLY -BUCHANAN -BUCHAREST -BUCHENWALD -BUCHWALD -BUCK -BUCKBOARD -BUCKBOARDS -BUCKED -BUCKET -BUCKETS -BUCKING -BUCKLE -BUCKLED -BUCKLER -BUCKLES -BUCKLEY -BUCKLING -BUCKNELL -BUCKS -BUCKSHOT -BUCKSKIN -BUCKSKINS -BUCKWHEAT -BUCKY -BUCOLIC -BUD -BUDAPEST -BUDD -BUDDED -BUDDHA -BUDDHISM -BUDDHIST -BUDDHISTS -BUDDIES -BUDDING -BUDDY -BUDGE -BUDGED -BUDGES -BUDGET -BUDGETARY -BUDGETED -BUDGETER -BUDGETERS -BUDGETING -BUDGETS -BUDGING -BUDS -BUDWEISER -BUDWEISERS -BUEHRING -BUENA -BUENOS -BUFF -BUFFALO -BUFFALOES -BUFFER -BUFFERED -BUFFERING -BUFFERS -BUFFET -BUFFETED -BUFFETING -BUFFETINGS -BUFFETS -BUFFOON -BUFFOONS -BUFFS -BUG -BUGABOO -BUGATTI -BUGEYED -BUGGED -BUGGER -BUGGERS -BUGGIES -BUGGING -BUGGY -BUGLE -BUGLED -BUGLER -BUGLES -BUGLING -BUGS -BUICK -BUILD -BUILDER -BUILDERS -BUILDING -BUILDINGS -BUILDS -BUILDUP -BUILDUPS -BUILT -BUILTIN -BUJUMBURA -BULB -BULBA -BULBS -BULGARIA -BULGARIAN -BULGE -BULGED -BULGING -BULK -BULKED -BULKHEAD -BULKHEADS -BULKS -BULKY -BULL -BULLDOG -BULLDOGS -BULLDOZE -BULLDOZED -BULLDOZER -BULLDOZES -BULLDOZING -BULLED -BULLET -BULLETIN -BULLETINS -BULLETS -BULLFROG -BULLIED -BULLIES -BULLING -BULLION -BULLISH -BULLOCK -BULLS -BULLSEYE -BULLY -BULLYING -BULWARK -BUM -BUMBLE -BUMBLEBEE -BUMBLEBEES -BUMBLED -BUMBLER -BUMBLERS -BUMBLES -BUMBLING -BUMBRY -BUMMED -BUMMING -BUMP -BUMPED -BUMPER -BUMPERS -BUMPING -BUMPS -BUMPTIOUS -BUMPTIOUSLY -BUMPTIOUSNESS -BUMS -BUN -BUNCH -BUNCHED -BUNCHES -BUNCHING -BUNDESTAG -BUNDLE -BUNDLED -BUNDLES -BUNDLING -BUNDOORA -BUNDY -BUNGALOW -BUNGALOWS -BUNGLE -BUNGLED -BUNGLER -BUNGLERS -BUNGLES -BUNGLING -BUNION -BUNIONS -BUNK -BUNKER -BUNKERED -BUNKERS -BUNKHOUSE -BUNKHOUSES -BUNKMATE -BUNKMATES -BUNKS -BUNNIES -BUNNY -BUNS -BUNSEN -BUNT -BUNTED -BUNTER -BUNTERS -BUNTING -BUNTS -BUNYAN -BUOY -BUOYANCY -BUOYANT -BUOYED -BUOYS -BURBANK -BURCH -BURDEN -BURDENED -BURDENING -BURDENS -BURDENSOME -BUREAU -BUREAUCRACIES -BUREAUCRACY -BUREAUCRAT -BUREAUCRATIC -BUREAUCRATS -BUREAUS -BURGEON -BURGEONED -BURGEONING -BURGESS -BURGESSES -BURGHER -BURGHERS -BURGLAR -BURGLARIES -BURGLARIZE -BURGLARIZED -BURGLARIZES -BURGLARIZING -BURGLARPROOF -BURGLARPROOFED -BURGLARPROOFING -BURGLARPROOFS -BURGLARS -BURGLARY -BURGUNDIAN -BURGUNDIES -BURGUNDY -BURIAL -BURIED -BURIES -BURKE -BURKES -BURL -BURLESQUE -BURLESQUES -BURLINGAME -BURLINGTON -BURLY -BURMA -BURMESE -BURN -BURNE -BURNED -BURNER -BURNERS -BURNES -BURNETT -BURNHAM -BURNING -BURNINGLY -BURNINGS -BURNISH -BURNISHED -BURNISHES -BURNISHING -BURNS -BURNSIDE -BURNSIDES -BURNT -BURNTLY -BURNTNESS -BURP -BURPED -BURPING -BURPS -BURR -BURROUGHS -BURROW -BURROWED -BURROWER -BURROWING -BURROWS -BURRS -BURSA -BURSITIS -BURST -BURSTINESS -BURSTING -BURSTS -BURSTY -BURT -BURTON -BURTT -BURUNDI -BURY -BURYING -BUS -BUSBOY -BUSBOYS -BUSCH -BUSED -BUSES -BUSH -BUSHEL -BUSHELS -BUSHES -BUSHING -BUSHNELL -BUSHWHACK -BUSHWHACKED -BUSHWHACKING -BUSHWHACKS -BUSHY -BUSIED -BUSIER -BUSIEST -BUSILY -BUSINESS -BUSINESSES -BUSINESSLIKE -BUSINESSMAN -BUSINESSMEN -BUSING -BUSS -BUSSED -BUSSES -BUSSING -BUST -BUSTARD -BUSTARDS -BUSTED -BUSTER -BUSTLE -BUSTLING -BUSTS -BUSY -BUT -BUTANE -BUTCHER -BUTCHERED -BUTCHERS -BUTCHERY -BUTLER -BUTLERS -BUTT -BUTTE -BUTTED -BUTTER -BUTTERBALL -BUTTERCUP -BUTTERED -BUTTERER -BUTTERERS -BUTTERFAT -BUTTERFIELD -BUTTERFLIES -BUTTERFLY -BUTTERING -BUTTERMILK -BUTTERNUT -BUTTERS -BUTTERY -BUTTES -BUTTING -BUTTOCK -BUTTOCKS -BUTTON -BUTTONED -BUTTONHOLE -BUTTONHOLES -BUTTONING -BUTTONS -BUTTRESS -BUTTRESSED -BUTTRESSES -BUTTRESSING -BUTTRICK -BUTTS -BUTYL -BUTYRATE -BUXOM -BUXTEHUDE -BUXTON -BUY -BUYER -BUYERS -BUYING -BUYS -BUZZ -BUZZARD -BUZZARDS -BUZZED -BUZZER -BUZZES -BUZZING -BUZZWORD -BUZZWORDS -BUZZY -BYE -BYERS -BYGONE -BYLAW -BYLAWS -BYLINE -BYLINES -BYPASS -BYPASSED -BYPASSES -BYPASSING -BYPRODUCT -BYPRODUCTS -BYRD -BYRNE -BYRON -BYRONIC -BYRONISM -BYRONIZE -BYRONIZES -BYSTANDER -BYSTANDERS -BYTE -BYTES -BYWAY -BYWAYS -BYWORD -BYWORDS -BYZANTINE -BYZANTINIZE -BYZANTINIZES -BYZANTIUM -CAB -CABAL -CABANA -CABARET -CABBAGE -CABBAGES -CABDRIVER -CABIN -CABINET -CABINETS -CABINS -CABLE -CABLED -CABLES -CABLING -CABOOSE -CABOT -CABS -CACHE -CACHED -CACHES -CACHING -CACKLE -CACKLED -CACKLER -CACKLES -CACKLING -CACTI -CACTUS -CADAVER -CADENCE -CADENCED -CADILLAC -CADILLACS -CADRES -CADY -CAESAR -CAESARIAN -CAESARIZE -CAESARIZES -CAFE -CAFES -CAFETERIA -CAGE -CAGED -CAGER -CAGERS -CAGES -CAGING -CAHILL -CAIMAN -CAIN -CAINE -CAIRN -CAIRO -CAJOLE -CAJOLED -CAJOLES -CAJOLING -CAJUN -CAJUNS -CAKE -CAKED -CAKES -CAKING -CALAIS -CALAMITIES -CALAMITOUS -CALAMITY -CALCEOLARIA -CALCIFY -CALCIUM -CALCOMP -CALCOMP -CALCOMP -CALCULATE -CALCULATED -CALCULATES -CALCULATING -CALCULATION -CALCULATIONS -CALCULATIVE -CALCULATOR -CALCULATORS -CALCULI -CALCULUS -CALCUTTA -CALDER -CALDERA -CALDWELL -CALEB -CALENDAR -CALENDARS -CALF -CALFSKIN -CALGARY -CALHOUN -CALIBER -CALIBERS -CALIBRATE -CALIBRATED -CALIBRATES -CALIBRATING -CALIBRATION -CALIBRATIONS -CALICO -CALIFORNIA -CALIFORNIAN -CALIFORNIANS -CALIGULA -CALIPH -CALIPHS -CALKINS -CALL -CALLABLE -CALLAGHAN -CALLAHAN -CALLAN -CALLED -CALLER -CALLERS -CALLING -CALLIOPE -CALLISTO -CALLOUS -CALLOUSED -CALLOUSLY -CALLOUSNESS -CALLS -CALLUS -CALM -CALMED -CALMER -CALMEST -CALMING -CALMINGLY -CALMLY -CALMNESS -CALMS -CALORIC -CALORIE -CALORIES -CALORIMETER -CALORIMETRIC -CALORIMETRY -CALTECH -CALUMNY -CALVARY -CALVE -CALVERT -CALVES -CALVIN -CALVINIST -CALVINIZE -CALVINIZES -CALYPSO -CAM -CAMBODIA -CAMBRIAN -CAMBRIDGE -CAMDEN -CAME -CAMEL -CAMELOT -CAMELS -CAMEMBERT -CAMERA -CAMERAMAN -CAMERAMEN -CAMERAS -CAMERON -CAMEROON -CAMEROUN -CAMILLA -CAMILLE -CAMINO -CAMOUFLAGE -CAMOUFLAGED -CAMOUFLAGES -CAMOUFLAGING -CAMP -CAMPAIGN -CAMPAIGNED -CAMPAIGNER -CAMPAIGNERS -CAMPAIGNING -CAMPAIGNS -CAMPBELL -CAMPBELLSPORT -CAMPED -CAMPER -CAMPERS -CAMPFIRE -CAMPGROUND -CAMPING -CAMPS -CAMPSITE -CAMPUS -CAMPUSES -CAN -CANAAN -CANADA -CANADIAN -CANADIANIZATION -CANADIANIZATIONS -CANADIANIZE -CANADIANIZES -CANADIANS -CANAL -CANALS -CANARIES -CANARY -CANAVERAL -CANBERRA -CANCEL -CANCELED -CANCELING -CANCELLATION -CANCELLATIONS -CANCELS -CANCER -CANCEROUS -CANCERS -CANDACE -CANDID -CANDIDACY -CANDIDATE -CANDIDATES -CANDIDE -CANDIDLY -CANDIDNESS -CANDIED -CANDIES -CANDLE -CANDLELIGHT -CANDLER -CANDLES -CANDLESTICK -CANDLESTICKS -CANDLEWICK -CANDOR -CANDY -CANE -CANER -CANFIELD -CANINE -CANIS -CANISTER -CANKER -CANKERWORM -CANNABIS -CANNED -CANNEL -CANNER -CANNERS -CANNERY -CANNIBAL -CANNIBALIZE -CANNIBALIZED -CANNIBALIZES -CANNIBALIZING -CANNIBALS -CANNING -CANNISTER -CANNISTERS -CANNON -CANNONBALL -CANNONS -CANNOT -CANNY -CANOE -CANOES -CANOGA -CANON -CANONIC -CANONICAL -CANONICALIZATION -CANONICALIZE -CANONICALIZED -CANONICALIZES -CANONICALIZING -CANONICALLY -CANONICALS -CANONS -CANOPUS -CANOPY -CANS -CANT -CANTABRIGIAN -CANTALOUPE -CANTANKEROUS -CANTANKEROUSLY -CANTEEN -CANTERBURY -CANTILEVER -CANTO -CANTON -CANTONESE -CANTONS -CANTOR -CANTORS -CANUTE -CANVAS -CANVASES -CANVASS -CANVASSED -CANVASSER -CANVASSERS -CANVASSES -CANVASSING -CANYON -CANYONS -CAP -CAPABILITIES -CAPABILITY -CAPABLE -CAPABLY -CAPACIOUS -CAPACIOUSLY -CAPACIOUSNESS -CAPACITANCE -CAPACITANCES -CAPACITIES -CAPACITIVE -CAPACITOR -CAPACITORS -CAPACITY -CAPE -CAPER -CAPERS -CAPES -CAPET -CAPETOWN -CAPILLARY -CAPISTRANO -CAPITA -CAPITAL -CAPITALISM -CAPITALIST -CAPITALISTS -CAPITALIZATION -CAPITALIZATIONS -CAPITALIZE -CAPITALIZED -CAPITALIZER -CAPITALIZERS -CAPITALIZES -CAPITALIZING -CAPITALLY -CAPITALS -CAPITAN -CAPITOL -CAPITOLINE -CAPITOLS -CAPPED -CAPPING -CAPPY -CAPRICE -CAPRICIOUS -CAPRICIOUSLY -CAPRICIOUSNESS -CAPRICORN -CAPS -CAPSICUM -CAPSTAN -CAPSTONE -CAPSULE -CAPTAIN -CAPTAINED -CAPTAINING -CAPTAINS -CAPTION -CAPTIONS -CAPTIVATE -CAPTIVATED -CAPTIVATES -CAPTIVATING -CAPTIVATION -CAPTIVE -CAPTIVES -CAPTIVITY -CAPTOR -CAPTORS -CAPTURE -CAPTURED -CAPTURER -CAPTURERS -CAPTURES -CAPTURING -CAPUTO -CAPYBARA -CAR -CARACAS -CARAMEL -CARAVAN -CARAVANS -CARAWAY -CARBOHYDRATE -CARBOLIC -CARBOLOY -CARBON -CARBONATE -CARBONATES -CARBONATION -CARBONDALE -CARBONE -CARBONES -CARBONIC -CARBONIZATION -CARBONIZE -CARBONIZED -CARBONIZER -CARBONIZERS -CARBONIZES -CARBONIZING -CARBONS -CARBORUNDUM -CARBUNCLE -CARCASS -CARCASSES -CARCINOGEN -CARCINOGENIC -CARCINOMA -CARD -CARDBOARD -CARDER -CARDIAC -CARDIFF -CARDINAL -CARDINALITIES -CARDINALITY -CARDINALLY -CARDINALS -CARDIOD -CARDIOLOGY -CARDIOVASCULAR -CARDS -CARE -CARED -CAREEN -CAREER -CAREERS -CAREFREE -CAREFUL -CAREFULLY -CAREFULNESS -CARELESS -CARELESSLY -CARELESSNESS -CARES -CARESS -CARESSED -CARESSER -CARESSES -CARESSING -CARET -CARETAKER -CAREY -CARGILL -CARGO -CARGOES -CARIB -CARIBBEAN -CARIBOU -CARICATURE -CARING -CARL -CARLA -CARLETON -CARLETONIAN -CARLIN -CARLISLE -CARLO -CARLOAD -CARLSBAD -CARLSBADS -CARLSON -CARLTON -CARLYLE -CARMELA -CARMEN -CARMICHAEL -CARNAGE -CARNAL -CARNATION -CARNEGIE -CARNIVAL -CARNIVALS -CARNIVOROUS -CARNIVOROUSLY -CAROL -CAROLINA -CAROLINAS -CAROLINE -CAROLINGIAN -CAROLINIAN -CAROLINIANS -CAROLS -CAROLYN -CARP -CARPATHIA -CARPATHIANS -CARPENTER -CARPENTERS -CARPENTRY -CARPET -CARPETED -CARPETING -CARPETS -CARPORT -CARR -CARRARA -CARRIAGE -CARRIAGES -CARRIE -CARRIED -CARRIER -CARRIERS -CARRIES -CARRION -CARROLL -CARROT -CARROTS -CARRUTHERS -CARRY -CARRYING -CARRYOVER -CARRYOVERS -CARS -CARSON -CART -CARTED -CARTEL -CARTER -CARTERS -CARTESIAN -CARTHAGE -CARTHAGINIAN -CARTILAGE -CARTING -CARTOGRAPHER -CARTOGRAPHIC -CARTOGRAPHY -CARTON -CARTONS -CARTOON -CARTOONS -CARTRIDGE -CARTRIDGES -CARTS -CARTWHEEL -CARTY -CARUSO -CARVE -CARVED -CARVER -CARVES -CARVING -CARVINGS -CASANOVA -CASCADABLE -CASCADE -CASCADED -CASCADES -CASCADING -CASE -CASED -CASEMENT -CASEMENTS -CASES -CASEWORK -CASEY -CASH -CASHED -CASHER -CASHERS -CASHES -CASHEW -CASHIER -CASHIERS -CASHING -CASHMERE -CASING -CASINGS -CASINO -CASK -CASKET -CASKETS -CASKS -CASPIAN -CASSANDRA -CASSEROLE -CASSEROLES -CASSETTE -CASSIOPEIA -CASSITE -CASSITES -CASSIUS -CASSOCK -CAST -CASTE -CASTER -CASTERS -CASTES -CASTIGATE -CASTILLO -CASTING -CASTLE -CASTLED -CASTLES -CASTOR -CASTRO -CASTROISM -CASTS -CASUAL -CASUALLY -CASUALNESS -CASUALS -CASUALTIES -CASUALTY -CAT -CATACLYSMIC -CATALAN -CATALINA -CATALOG -CATALOGED -CATALOGER -CATALOGING -CATALOGS -CATALONIA -CATALYST -CATALYSTS -CATALYTIC -CATAPULT -CATARACT -CATASTROPHE -CATASTROPHES -CATASTROPHIC -CATAWBA -CATCH -CATCHABLE -CATCHER -CATCHERS -CATCHES -CATCHING -CATEGORICAL -CATEGORICALLY -CATEGORIES -CATEGORIZATION -CATEGORIZE -CATEGORIZED -CATEGORIZER -CATEGORIZERS -CATEGORIZES -CATEGORIZING -CATEGORY -CATER -CATERED -CATERER -CATERING -CATERPILLAR -CATERPILLARS -CATERS -CATHEDRAL -CATHEDRALS -CATHERINE -CATHERWOOD -CATHETER -CATHETERS -CATHODE -CATHODES -CATHOLIC -CATHOLICISM -CATHOLICISMS -CATHOLICS -CATHY -CATLIKE -CATNIP -CATS -CATSKILL -CATSKILLS -CATSUP -CATTAIL -CATTLE -CATTLEMAN -CATTLEMEN -CAUCASIAN -CAUCASIANS -CAUCASUS -CAUCHY -CAUCUS -CAUGHT -CAULDRON -CAULDRONS -CAULIFLOWER -CAULK -CAUSAL -CAUSALITY -CAUSALLY -CAUSATION -CAUSATIONS -CAUSE -CAUSED -CAUSER -CAUSES -CAUSEWAY -CAUSEWAYS -CAUSING -CAUSTIC -CAUSTICLY -CAUSTICS -CAUTION -CAUTIONED -CAUTIONER -CAUTIONERS -CAUTIONING -CAUTIONINGS -CAUTIONS -CAUTIOUS -CAUTIOUSLY -CAUTIOUSNESS -CAVALIER -CAVALIERLY -CAVALIERNESS -CAVALRY -CAVE -CAVEAT -CAVEATS -CAVED -CAVEMAN -CAVEMEN -CAVENDISH -CAVERN -CAVERNOUS -CAVERNS -CAVES -CAVIAR -CAVIL -CAVINESS -CAVING -CAVITIES -CAVITY -CAW -CAWING -CAYLEY -CAYUGA -CEASE -CEASED -CEASELESS -CEASELESSLY -CEASELESSNESS -CEASES -CEASING -CECIL -CECILIA -CECROPIA -CEDAR -CEDE -CEDED -CEDING -CEDRIC -CEILING -CEILINGS -CELANESE -CELEBES -CELEBRATE -CELEBRATED -CELEBRATES -CELEBRATING -CELEBRATION -CELEBRATIONS -CELEBRITIES -CELEBRITY -CELERITY -CELERY -CELESTE -CELESTIAL -CELESTIALLY -CELIA -CELL -CELLAR -CELLARS -CELLED -CELLIST -CELLISTS -CELLOPHANE -CELLS -CELLULAR -CELLULOSE -CELSIUS -CELT -CELTIC -CELTICIZE -CELTICIZES -CEMENT -CEMENTED -CEMENTING -CEMENTS -CEMETERIES -CEMETERY -CENOZOIC -CENSOR -CENSORED -CENSORING -CENSORS -CENSORSHIP -CENSURE -CENSURED -CENSURER -CENSURES -CENSUS -CENSUSES -CENT -CENTAUR -CENTENARY -CENTENNIAL -CENTER -CENTERED -CENTERING -CENTERPIECE -CENTERPIECES -CENTERS -CENTIGRADE -CENTIMETER -CENTIMETERS -CENTIPEDE -CENTIPEDES -CENTRAL -CENTRALIA -CENTRALISM -CENTRALIST -CENTRALIZATION -CENTRALIZE -CENTRALIZED -CENTRALIZES -CENTRALIZING -CENTRALLY -CENTREX -CENTREX -CENTRIFUGAL -CENTRIFUGE -CENTRIPETAL -CENTRIST -CENTROID -CENTS -CENTURIES -CENTURY -CEPHEUS -CERAMIC -CERBERUS -CEREAL -CEREALS -CEREBELLUM -CEREBRAL -CEREMONIAL -CEREMONIALLY -CEREMONIALNESS -CEREMONIES -CEREMONY -CERES -CERN -CERTAIN -CERTAINLY -CERTAINTIES -CERTAINTY -CERTIFIABLE -CERTIFICATE -CERTIFICATES -CERTIFICATION -CERTIFICATIONS -CERTIFIED -CERTIFIER -CERTIFIERS -CERTIFIES -CERTIFY -CERTIFYING -CERVANTES -CESARE -CESSATION -CESSATIONS -CESSNA -CETUS -CEYLON -CEZANNE -CEZANNES -CHABLIS -CHABLISES -CHAD -CHADWICK -CHAFE -CHAFER -CHAFF -CHAFFER -CHAFFEY -CHAFFING -CHAFING -CHAGRIN -CHAIN -CHAINED -CHAINING -CHAINS -CHAIR -CHAIRED -CHAIRING -CHAIRLADY -CHAIRMAN -CHAIRMEN -CHAIRPERSON -CHAIRPERSONS -CHAIRS -CHAIRWOMAN -CHAIRWOMEN -CHALICE -CHALICES -CHALK -CHALKED -CHALKING -CHALKS -CHALLENGE -CHALLENGED -CHALLENGER -CHALLENGERS -CHALLENGES -CHALLENGING -CHALMERS -CHAMBER -CHAMBERED -CHAMBERLAIN -CHAMBERLAINS -CHAMBERMAID -CHAMBERS -CHAMELEON -CHAMPAGNE -CHAMPAIGN -CHAMPION -CHAMPIONED -CHAMPIONING -CHAMPIONS -CHAMPIONSHIP -CHAMPIONSHIPS -CHAMPLAIN -CHANCE -CHANCED -CHANCELLOR -CHANCELLORSVILLE -CHANCERY -CHANCES -CHANCING -CHANDELIER -CHANDELIERS -CHANDIGARH -CHANG -CHANGE -CHANGEABILITY -CHANGEABLE -CHANGEABLY -CHANGED -CHANGEOVER -CHANGER -CHANGERS -CHANGES -CHANGING -CHANNEL -CHANNELED -CHANNELING -CHANNELLED -CHANNELLER -CHANNELLERS -CHANNELLING -CHANNELS -CHANNING -CHANT -CHANTED -CHANTER -CHANTICLEER -CHANTICLEERS -CHANTILLY -CHANTING -CHANTS -CHAO -CHAOS -CHAOTIC -CHAP -CHAPEL -CHAPELS -CHAPERON -CHAPERONE -CHAPERONED -CHAPLAIN -CHAPLAINS -CHAPLIN -CHAPMAN -CHAPS -CHAPTER -CHAPTERS -CHAR -CHARACTER -CHARACTERISTIC -CHARACTERISTICALLY -CHARACTERISTICS -CHARACTERIZABLE -CHARACTERIZATION -CHARACTERIZATIONS -CHARACTERIZE -CHARACTERIZED -CHARACTERIZER -CHARACTERIZERS -CHARACTERIZES -CHARACTERIZING -CHARACTERS -CHARCOAL -CHARCOALED -CHARGE -CHARGEABLE -CHARGED -CHARGER -CHARGERS -CHARGES -CHARGING -CHARIOT -CHARIOTS -CHARISMA -CHARISMATIC -CHARITABLE -CHARITABLENESS -CHARITIES -CHARITY -CHARLEMAGNE -CHARLEMAGNES -CHARLES -CHARLESTON -CHARLEY -CHARLIE -CHARLOTTE -CHARLOTTESVILLE -CHARM -CHARMED -CHARMER -CHARMERS -CHARMING -CHARMINGLY -CHARMS -CHARON -CHARS -CHART -CHARTA -CHARTABLE -CHARTED -CHARTER -CHARTERED -CHARTERING -CHARTERS -CHARTING -CHARTINGS -CHARTRES -CHARTREUSE -CHARTS -CHARYBDIS -CHASE -CHASED -CHASER -CHASERS -CHASES -CHASING -CHASM -CHASMS -CHASSIS -CHASTE -CHASTELY -CHASTENESS -CHASTISE -CHASTISED -CHASTISER -CHASTISERS -CHASTISES -CHASTISING -CHASTITY -CHAT -CHATEAU -CHATEAUS -CHATHAM -CHATTAHOOCHEE -CHATTANOOGA -CHATTEL -CHATTER -CHATTERED -CHATTERER -CHATTERING -CHATTERS -CHATTING -CHATTY -CHAUCER -CHAUFFEUR -CHAUFFEURED -CHAUNCEY -CHAUTAUQUA -CHEAP -CHEAPEN -CHEAPENED -CHEAPENING -CHEAPENS -CHEAPER -CHEAPEST -CHEAPLY -CHEAPNESS -CHEAT -CHEATED -CHEATER -CHEATERS -CHEATING -CHEATS -CHECK -CHECKABLE -CHECKBOOK -CHECKBOOKS -CHECKED -CHECKER -CHECKERBOARD -CHECKERBOARDED -CHECKERBOARDING -CHECKERS -CHECKING -CHECKLIST -CHECKOUT -CHECKPOINT -CHECKPOINTS -CHECKS -CHECKSUM -CHECKSUMMED -CHECKSUMMING -CHECKSUMS -CHECKUP -CHEEK -CHEEKBONE -CHEEKS -CHEEKY -CHEER -CHEERED -CHEERER -CHEERFUL -CHEERFULLY -CHEERFULNESS -CHEERILY -CHEERINESS -CHEERING -CHEERLEADER -CHEERLESS -CHEERLESSLY -CHEERLESSNESS -CHEERS -CHEERY -CHEESE -CHEESECLOTH -CHEESES -CHEESY -CHEETAH -CHEF -CHEFS -CHEKHOV -CHELSEA -CHEMICAL -CHEMICALLY -CHEMICALS -CHEMISE -CHEMIST -CHEMISTRIES -CHEMISTRY -CHEMISTS -CHEN -CHENEY -CHENG -CHERISH -CHERISHED -CHERISHES -CHERISHING -CHERITON -CHEROKEE -CHEROKEES -CHERRIES -CHERRY -CHERUB -CHERUBIM -CHERUBS -CHERYL -CHESAPEAKE -CHESHIRE -CHESS -CHEST -CHESTER -CHESTERFIELD -CHESTERTON -CHESTNUT -CHESTNUTS -CHESTS -CHEVROLET -CHEVY -CHEW -CHEWED -CHEWER -CHEWERS -CHEWING -CHEWS -CHEYENNE -CHEYENNES -CHIANG -CHIC -CHICAGO -CHICAGOAN -CHICAGOANS -CHICANA -CHICANAS -CHICANERY -CHICANO -CHICANOS -CHICK -CHICKADEE -CHICKADEES -CHICKASAWS -CHICKEN -CHICKENS -CHICKS -CHIDE -CHIDED -CHIDES -CHIDING -CHIEF -CHIEFLY -CHIEFS -CHIEFTAIN -CHIEFTAINS -CHIFFON -CHILD -CHILDBIRTH -CHILDHOOD -CHILDISH -CHILDISHLY -CHILDISHNESS -CHILDLIKE -CHILDREN -CHILE -CHILEAN -CHILES -CHILI -CHILL -CHILLED -CHILLER -CHILLERS -CHILLIER -CHILLINESS -CHILLING -CHILLINGLY -CHILLS -CHILLY -CHIME -CHIMERA -CHIMES -CHIMNEY -CHIMNEYS -CHIMPANZEE -CHIN -CHINA -CHINAMAN -CHINAMEN -CHINAS -CHINATOWN -CHINESE -CHING -CHINK -CHINKED -CHINKS -CHINNED -CHINNER -CHINNERS -CHINNING -CHINOOK -CHINS -CHINTZ -CHIP -CHIPMUNK -CHIPMUNKS -CHIPPENDALE -CHIPPEWA -CHIPS -CHIROPRACTOR -CHIRP -CHIRPED -CHIRPING -CHIRPS -CHISEL -CHISELED -CHISELER -CHISELS -CHISHOLM -CHIT -CHIVALROUS -CHIVALROUSLY -CHIVALROUSNESS -CHIVALRY -CHLOE -CHLORINE -CHLOROFORM -CHLOROPHYLL -CHLOROPLAST -CHLOROPLASTS -CHOCK -CHOCKS -CHOCOLATE -CHOCOLATES -CHOCTAW -CHOCTAWS -CHOICE -CHOICES -CHOICEST -CHOIR -CHOIRS -CHOKE -CHOKED -CHOKER -CHOKERS -CHOKES -CHOKING -CHOLERA -CHOMSKY -CHOOSE -CHOOSER -CHOOSERS -CHOOSES -CHOOSING -CHOP -CHOPIN -CHOPPED -CHOPPER -CHOPPERS -CHOPPING -CHOPPY -CHOPS -CHORAL -CHORD -CHORDATE -CHORDED -CHORDING -CHORDS -CHORE -CHOREOGRAPH -CHOREOGRAPHY -CHORES -CHORING -CHORTLE -CHORUS -CHORUSED -CHORUSES -CHOSE -CHOSEN -CHOU -CHOWDER -CHRIS -CHRIST -CHRISTEN -CHRISTENDOM -CHRISTENED -CHRISTENING -CHRISTENS -CHRISTENSEN -CHRISTENSON -CHRISTIAN -CHRISTIANA -CHRISTIANITY -CHRISTIANIZATION -CHRISTIANIZATIONS -CHRISTIANIZE -CHRISTIANIZER -CHRISTIANIZERS -CHRISTIANIZES -CHRISTIANIZING -CHRISTIANS -CHRISTIANSEN -CHRISTIANSON -CHRISTIE -CHRISTINA -CHRISTINE -CHRISTLIKE -CHRISTMAS -CHRISTOFFEL -CHRISTOPH -CHRISTOPHER -CHRISTY -CHROMATOGRAM -CHROMATOGRAPH -CHROMATOGRAPHY -CHROME -CHROMIUM -CHROMOSPHERE -CHRONIC -CHRONICLE -CHRONICLED -CHRONICLER -CHRONICLERS -CHRONICLES -CHRONOGRAPH -CHRONOGRAPHY -CHRONOLOGICAL -CHRONOLOGICALLY -CHRONOLOGIES -CHRONOLOGY -CHRYSANTHEMUM -CHRYSLER -CHUBBIER -CHUBBIEST -CHUBBINESS -CHUBBY -CHUCK -CHUCKLE -CHUCKLED -CHUCKLES -CHUCKS -CHUM -CHUNGKING -CHUNK -CHUNKS -CHUNKY -CHURCH -CHURCHES -CHURCHGOER -CHURCHGOING -CHURCHILL -CHURCHILLIAN -CHURCHLY -CHURCHMAN -CHURCHMEN -CHURCHWOMAN -CHURCHWOMEN -CHURCHYARD -CHURCHYARDS -CHURN -CHURNED -CHURNING -CHURNS -CHUTE -CHUTES -CHUTZPAH -CICADA -CICERO -CICERONIAN -CICERONIANIZE -CICERONIANIZES -CIDER -CIGAR -CIGARETTE -CIGARETTES -CIGARS -CILIA -CINCINNATI -CINDER -CINDERELLA -CINDERS -CINDY -CINEMA -CINEMATIC -CINERAMA -CINNAMON -CIPHER -CIPHERS -CIPHERTEXT -CIPHERTEXTS -CIRCA -CIRCE -CIRCLE -CIRCLED -CIRCLES -CIRCLET -CIRCLING -CIRCUIT -CIRCUITOUS -CIRCUITOUSLY -CIRCUITRY -CIRCUITS -CIRCULANT -CIRCULAR -CIRCULARITY -CIRCULARLY -CIRCULATE -CIRCULATED -CIRCULATES -CIRCULATING -CIRCULATION -CIRCUMCISE -CIRCUMCISION -CIRCUMFERENCE -CIRCUMFLEX -CIRCUMLOCUTION -CIRCUMLOCUTIONS -CIRCUMNAVIGATE -CIRCUMNAVIGATED -CIRCUMNAVIGATES -CIRCUMPOLAR -CIRCUMSCRIBE -CIRCUMSCRIBED -CIRCUMSCRIBING -CIRCUMSCRIPTION -CIRCUMSPECT -CIRCUMSPECTION -CIRCUMSPECTLY -CIRCUMSTANCE -CIRCUMSTANCED -CIRCUMSTANCES -CIRCUMSTANTIAL -CIRCUMSTANTIALLY -CIRCUMVENT -CIRCUMVENTABLE -CIRCUMVENTED -CIRCUMVENTING -CIRCUMVENTS -CIRCUS -CIRCUSES -CISTERN -CISTERNS -CITADEL -CITADELS -CITATION -CITATIONS -CITE -CITED -CITES -CITIES -CITING -CITIZEN -CITIZENS -CITIZENSHIP -CITROEN -CITRUS -CITY -CITYSCAPE -CITYWIDE -CIVET -CIVIC -CIVICS -CIVIL -CIVILIAN -CIVILIANS -CIVILITY -CIVILIZATION -CIVILIZATIONS -CIVILIZE -CIVILIZED -CIVILIZES -CIVILIZING -CIVILLY -CLAD -CLADDING -CLAIM -CLAIMABLE -CLAIMANT -CLAIMANTS -CLAIMED -CLAIMING -CLAIMS -CLAIRE -CLAIRVOYANT -CLAIRVOYANTLY -CLAM -CLAMBER -CLAMBERED -CLAMBERING -CLAMBERS -CLAMOR -CLAMORED -CLAMORING -CLAMOROUS -CLAMORS -CLAMP -CLAMPED -CLAMPING -CLAMPS -CLAMS -CLAN -CLANDESTINE -CLANG -CLANGED -CLANGING -CLANGS -CLANK -CLANNISH -CLAP -CLAPBOARD -CLAPEYRON -CLAPPING -CLAPS -CLARA -CLARE -CLAREMONT -CLARENCE -CLARENDON -CLARIFICATION -CLARIFICATIONS -CLARIFIED -CLARIFIES -CLARIFY -CLARIFYING -CLARINET -CLARITY -CLARK -CLARKE -CLARRIDGE -CLASH -CLASHED -CLASHES -CLASHING -CLASP -CLASPED -CLASPING -CLASPS -CLASS -CLASSED -CLASSES -CLASSIC -CLASSICAL -CLASSICALLY -CLASSICS -CLASSIFIABLE -CLASSIFICATION -CLASSIFICATIONS -CLASSIFIED -CLASSIFIER -CLASSIFIERS -CLASSIFIES -CLASSIFY -CLASSIFYING -CLASSMATE -CLASSMATES -CLASSROOM -CLASSROOMS -CLASSY -CLATTER -CLATTERED -CLATTERING -CLAUDE -CLAUDIA -CLAUDIO -CLAUS -CLAUSE -CLAUSEN -CLAUSES -CLAUSIUS -CLAUSTROPHOBIA -CLAUSTROPHOBIC -CLAW -CLAWED -CLAWING -CLAWS -CLAY -CLAYS -CLAYTON -CLEAN -CLEANED -CLEANER -CLEANERS -CLEANEST -CLEANING -CLEANLINESS -CLEANLY -CLEANNESS -CLEANS -CLEANSE -CLEANSED -CLEANSER -CLEANSERS -CLEANSES -CLEANSING -CLEANUP -CLEAR -CLEARANCE -CLEARANCES -CLEARED -CLEARER -CLEAREST -CLEARING -CLEARINGS -CLEARLY -CLEARNESS -CLEARS -CLEARWATER -CLEAVAGE -CLEAVE -CLEAVED -CLEAVER -CLEAVERS -CLEAVES -CLEAVING -CLEFT -CLEFTS -CLEMENCY -CLEMENS -CLEMENT -CLEMENTE -CLEMSON -CLENCH -CLENCHED -CLENCHES -CLERGY -CLERGYMAN -CLERGYMEN -CLERICAL -CLERK -CLERKED -CLERKING -CLERKS -CLEVELAND -CLEVER -CLEVERER -CLEVEREST -CLEVERLY -CLEVERNESS -CLICHE -CLICHES -CLICK -CLICKED -CLICKING -CLICKS -CLIENT -CLIENTELE -CLIENTS -CLIFF -CLIFFORD -CLIFFS -CLIFTON -CLIMATE -CLIMATES -CLIMATIC -CLIMATICALLY -CLIMATOLOGY -CLIMAX -CLIMAXED -CLIMAXES -CLIMB -CLIMBED -CLIMBER -CLIMBERS -CLIMBING -CLIMBS -CLIME -CLIMES -CLINCH -CLINCHED -CLINCHER -CLINCHES -CLING -CLINGING -CLINGS -CLINIC -CLINICAL -CLINICALLY -CLINICIAN -CLINICS -CLINK -CLINKED -CLINKER -CLINT -CLINTON -CLIO -CLIP -CLIPBOARD -CLIPPED -CLIPPER -CLIPPERS -CLIPPING -CLIPPINGS -CLIPS -CLIQUE -CLIQUES -CLITORIS -CLIVE -CLOAK -CLOAKROOM -CLOAKS -CLOBBER -CLOBBERED -CLOBBERING -CLOBBERS -CLOCK -CLOCKED -CLOCKER -CLOCKERS -CLOCKING -CLOCKINGS -CLOCKS -CLOCKWATCHER -CLOCKWISE -CLOCKWORK -CLOD -CLODS -CLOG -CLOGGED -CLOGGING -CLOGS -CLOISTER -CLOISTERS -CLONE -CLONED -CLONES -CLONING -CLOSE -CLOSED -CLOSELY -CLOSENESS -CLOSENESSES -CLOSER -CLOSERS -CLOSES -CLOSEST -CLOSET -CLOSETED -CLOSETS -CLOSEUP -CLOSING -CLOSURE -CLOSURES -CLOT -CLOTH -CLOTHE -CLOTHED -CLOTHES -CLOTHESHORSE -CLOTHESLINE -CLOTHING -CLOTHO -CLOTTING -CLOTURE -CLOUD -CLOUDBURST -CLOUDED -CLOUDIER -CLOUDIEST -CLOUDINESS -CLOUDING -CLOUDLESS -CLOUDS -CLOUDY -CLOUT -CLOVE -CLOVER -CLOVES -CLOWN -CLOWNING -CLOWNS -CLUB -CLUBBED -CLUBBING -CLUBHOUSE -CLUBROOM -CLUBS -CLUCK -CLUCKED -CLUCKING -CLUCKS -CLUE -CLUES -CLUJ -CLUMP -CLUMPED -CLUMPING -CLUMPS -CLUMSILY -CLUMSINESS -CLUMSY -CLUNG -CLUSTER -CLUSTERED -CLUSTERING -CLUSTERINGS -CLUSTERS -CLUTCH -CLUTCHED -CLUTCHES -CLUTCHING -CLUTTER -CLUTTERED -CLUTTERING -CLUTTERS -CLYDE -CLYTEMNESTRA -COACH -COACHED -COACHER -COACHES -COACHING -COACHMAN -COACHMEN -COAGULATE -COAL -COALESCE -COALESCED -COALESCES -COALESCING -COALITION -COALS -COARSE -COARSELY -COARSEN -COARSENED -COARSENESS -COARSER -COARSEST -COAST -COASTAL -COASTED -COASTER -COASTERS -COASTING -COASTLINE -COASTS -COAT -COATED -COATES -COATING -COATINGS -COATS -COATTAIL -COAUTHOR -COAX -COAXED -COAXER -COAXES -COAXIAL -COAXING -COBALT -COBB -COBBLE -COBBLER -COBBLERS -COBBLESTONE -COBOL -COBOL -COBRA -COBWEB -COBWEBS -COCA -COCAINE -COCHISE -COCHRAN -COCHRANE -COCK -COCKED -COCKING -COCKPIT -COCKROACH -COCKS -COCKTAIL -COCKTAILS -COCKY -COCO -COCOA -COCONUT -COCONUTS -COCOON -COCOONS -COD -CODDINGTON -CODDLE -CODE -CODED -CODEINE -CODER -CODERS -CODES -CODEWORD -CODEWORDS -CODFISH -CODICIL -CODIFICATION -CODIFICATIONS -CODIFIED -CODIFIER -CODIFIERS -CODIFIES -CODIFY -CODIFYING -CODING -CODINGS -CODPIECE -CODY -COED -COEDITOR -COEDUCATION -COEFFICIENT -COEFFICIENTS -COEQUAL -COERCE -COERCED -COERCES -COERCIBLE -COERCING -COERCION -COERCIVE -COEXIST -COEXISTED -COEXISTENCE -COEXISTING -COEXISTS -COFACTOR -COFFEE -COFFEECUP -COFFEEPOT -COFFEES -COFFER -COFFERS -COFFEY -COFFIN -COFFINS -COFFMAN -COG -COGENT -COGENTLY -COGITATE -COGITATED -COGITATES -COGITATING -COGITATION -COGNAC -COGNITION -COGNITIVE -COGNITIVELY -COGNIZANCE -COGNIZANT -COGS -COHABITATION -COHABITATIONS -COHEN -COHERE -COHERED -COHERENCE -COHERENT -COHERENTLY -COHERES -COHERING -COHESION -COHESIVE -COHESIVELY -COHESIVENESS -COHN -COHORT -COIL -COILED -COILING -COILS -COIN -COINAGE -COINCIDE -COINCIDED -COINCIDENCE -COINCIDENCES -COINCIDENT -COINCIDENTAL -COINCIDES -COINCIDING -COINED -COINER -COINING -COINS -COKE -COKES -COLANDER -COLBY -COLD -COLDER -COLDEST -COLDLY -COLDNESS -COLDS -COLE -COLEMAN -COLERIDGE -COLETTE -COLGATE -COLICKY -COLIFORM -COLISEUM -COLLABORATE -COLLABORATED -COLLABORATES -COLLABORATING -COLLABORATION -COLLABORATIONS -COLLABORATIVE -COLLABORATOR -COLLABORATORS -COLLAGEN -COLLAPSE -COLLAPSED -COLLAPSES -COLLAPSIBLE -COLLAPSING -COLLAR -COLLARBONE -COLLARED -COLLARING -COLLARS -COLLATE -COLLATERAL -COLLEAGUE -COLLEAGUES -COLLECT -COLLECTED -COLLECTIBLE -COLLECTING -COLLECTION -COLLECTIONS -COLLECTIVE -COLLECTIVELY -COLLECTIVES -COLLECTOR -COLLECTORS -COLLECTS -COLLEGE -COLLEGES -COLLEGIAN -COLLEGIATE -COLLIDE -COLLIDED -COLLIDES -COLLIDING -COLLIE -COLLIER -COLLIES -COLLINS -COLLISION -COLLISIONS -COLLOIDAL -COLLOQUIA -COLLOQUIAL -COLLOQUIUM -COLLOQUY -COLLUSION -COLOGNE -COLOMBIA -COLOMBIAN -COLOMBIANS -COLOMBO -COLON -COLONEL -COLONELS -COLONIAL -COLONIALLY -COLONIALS -COLONIES -COLONIST -COLONISTS -COLONIZATION -COLONIZE -COLONIZED -COLONIZER -COLONIZERS -COLONIZES -COLONIZING -COLONS -COLONY -COLOR -COLORADO -COLORED -COLORER -COLORERS -COLORFUL -COLORING -COLORINGS -COLORLESS -COLORS -COLOSSAL -COLOSSEUM -COLT -COLTS -COLUMBIA -COLUMBIAN -COLUMBUS -COLUMN -COLUMNIZE -COLUMNIZED -COLUMNIZES -COLUMNIZING -COLUMNS -COMANCHE -COMB -COMBAT -COMBATANT -COMBATANTS -COMBATED -COMBATING -COMBATIVE -COMBATS -COMBED -COMBER -COMBERS -COMBINATION -COMBINATIONAL -COMBINATIONS -COMBINATOR -COMBINATORIAL -COMBINATORIALLY -COMBINATORIC -COMBINATORICS -COMBINATORS -COMBINE -COMBINED -COMBINES -COMBING -COMBINGS -COMBINING -COMBS -COMBUSTIBLE -COMBUSTION -COMDEX -COME -COMEBACK -COMEDIAN -COMEDIANS -COMEDIC -COMEDIES -COMEDY -COMELINESS -COMELY -COMER -COMERS -COMES -COMESTIBLE -COMET -COMETARY -COMETS -COMFORT -COMFORTABILITIES -COMFORTABILITY -COMFORTABLE -COMFORTABLY -COMFORTED -COMFORTER -COMFORTERS -COMFORTING -COMFORTINGLY -COMFORTS -COMIC -COMICAL -COMICALLY -COMICS -COMINFORM -COMING -COMINGS -COMMA -COMMAND -COMMANDANT -COMMANDANTS -COMMANDED -COMMANDEER -COMMANDER -COMMANDERS -COMMANDING -COMMANDINGLY -COMMANDMENT -COMMANDMENTS -COMMANDO -COMMANDS -COMMAS -COMMEMORATE -COMMEMORATED -COMMEMORATES -COMMEMORATING -COMMEMORATION -COMMEMORATIVE -COMMENCE -COMMENCED -COMMENCEMENT -COMMENCEMENTS -COMMENCES -COMMENCING -COMMEND -COMMENDATION -COMMENDATIONS -COMMENDED -COMMENDING -COMMENDS -COMMENSURATE -COMMENT -COMMENTARIES -COMMENTARY -COMMENTATOR -COMMENTATORS -COMMENTED -COMMENTING -COMMENTS -COMMERCE -COMMERCIAL -COMMERCIALLY -COMMERCIALNESS -COMMERCIALS -COMMISSION -COMMISSIONED -COMMISSIONER -COMMISSIONERS -COMMISSIONING -COMMISSIONS -COMMIT -COMMITMENT -COMMITMENTS -COMMITS -COMMITTED -COMMITTEE -COMMITTEEMAN -COMMITTEEMEN -COMMITTEES -COMMITTEEWOMAN -COMMITTEEWOMEN -COMMITTING -COMMODITIES -COMMODITY -COMMODORE -COMMODORES -COMMON -COMMONALITIES -COMMONALITY -COMMONER -COMMONERS -COMMONEST -COMMONLY -COMMONNESS -COMMONPLACE -COMMONPLACES -COMMONS -COMMONWEALTH -COMMONWEALTHS -COMMOTION -COMMUNAL -COMMUNALLY -COMMUNE -COMMUNES -COMMUNICANT -COMMUNICANTS -COMMUNICATE -COMMUNICATED -COMMUNICATES -COMMUNICATING -COMMUNICATION -COMMUNICATIONS -COMMUNICATIVE -COMMUNICATOR -COMMUNICATORS -COMMUNION -COMMUNIST -COMMUNISTS -COMMUNITIES -COMMUNITY -COMMUTATIVE -COMMUTATIVITY -COMMUTE -COMMUTED -COMMUTER -COMMUTERS -COMMUTES -COMMUTING -COMPACT -COMPACTED -COMPACTER -COMPACTEST -COMPACTING -COMPACTION -COMPACTLY -COMPACTNESS -COMPACTOR -COMPACTORS -COMPACTS -COMPANIES -COMPANION -COMPANIONABLE -COMPANIONS -COMPANIONSHIP -COMPANY -COMPARABILITY -COMPARABLE -COMPARABLY -COMPARATIVE -COMPARATIVELY -COMPARATIVES -COMPARATOR -COMPARATORS -COMPARE -COMPARED -COMPARES -COMPARING -COMPARISON -COMPARISONS -COMPARTMENT -COMPARTMENTALIZE -COMPARTMENTALIZED -COMPARTMENTALIZES -COMPARTMENTALIZING -COMPARTMENTED -COMPARTMENTS -COMPASS -COMPASSION -COMPASSIONATE -COMPASSIONATELY -COMPATIBILITIES -COMPATIBILITY -COMPATIBLE -COMPATIBLES -COMPATIBLY -COMPEL -COMPELLED -COMPELLING -COMPELLINGLY -COMPELS -COMPENDIUM -COMPENSATE -COMPENSATED -COMPENSATES -COMPENSATING -COMPENSATION -COMPENSATIONS -COMPENSATORY -COMPETE -COMPETED -COMPETENCE -COMPETENCY -COMPETENT -COMPETENTLY -COMPETES -COMPETING -COMPETITION -COMPETITIONS -COMPETITIVE -COMPETITIVELY -COMPETITOR -COMPETITORS -COMPILATION -COMPILATIONS -COMPILE -COMPILED -COMPILER -COMPILERS -COMPILES -COMPILING -COMPLACENCY -COMPLAIN -COMPLAINED -COMPLAINER -COMPLAINERS -COMPLAINING -COMPLAINS -COMPLAINT -COMPLAINTS -COMPLEMENT -COMPLEMENTARY -COMPLEMENTED -COMPLEMENTER -COMPLEMENTERS -COMPLEMENTING -COMPLEMENTS -COMPLETE -COMPLETED -COMPLETELY -COMPLETENESS -COMPLETES -COMPLETING -COMPLETION -COMPLETIONS -COMPLEX -COMPLEXES -COMPLEXION -COMPLEXITIES -COMPLEXITY -COMPLEXLY -COMPLIANCE -COMPLIANT -COMPLICATE -COMPLICATED -COMPLICATES -COMPLICATING -COMPLICATION -COMPLICATIONS -COMPLICATOR -COMPLICATORS -COMPLICITY -COMPLIED -COMPLIMENT -COMPLIMENTARY -COMPLIMENTED -COMPLIMENTER -COMPLIMENTERS -COMPLIMENTING -COMPLIMENTS -COMPLY -COMPLYING -COMPONENT -COMPONENTRY -COMPONENTS -COMPONENTWISE -COMPOSE -COMPOSED -COMPOSEDLY -COMPOSER -COMPOSERS -COMPOSES -COMPOSING -COMPOSITE -COMPOSITES -COMPOSITION -COMPOSITIONAL -COMPOSITIONS -COMPOST -COMPOSURE -COMPOUND -COMPOUNDED -COMPOUNDING -COMPOUNDS -COMPREHEND -COMPREHENDED -COMPREHENDING -COMPREHENDS -COMPREHENSIBILITY -COMPREHENSIBLE -COMPREHENSION -COMPREHENSIVE -COMPREHENSIVELY -COMPRESS -COMPRESSED -COMPRESSES -COMPRESSIBLE -COMPRESSING -COMPRESSION -COMPRESSIVE -COMPRESSOR -COMPRISE -COMPRISED -COMPRISES -COMPRISING -COMPROMISE -COMPROMISED -COMPROMISER -COMPROMISERS -COMPROMISES -COMPROMISING -COMPROMISINGLY -COMPTON -COMPTROLLER -COMPTROLLERS -COMPULSION -COMPULSIONS -COMPULSIVE -COMPULSORY -COMPUNCTION -COMPUSERVE -COMPUTABILITY -COMPUTABLE -COMPUTATION -COMPUTATIONAL -COMPUTATIONALLY -COMPUTATIONS -COMPUTE -COMPUTED -COMPUTER -COMPUTERIZE -COMPUTERIZED -COMPUTERIZES -COMPUTERIZING -COMPUTERS -COMPUTES -COMPUTING -COMRADE -COMRADELY -COMRADES -COMRADESHIP -CON -CONAKRY -CONANT -CONCATENATE -CONCATENATED -CONCATENATES -CONCATENATING -CONCATENATION -CONCATENATIONS -CONCAVE -CONCEAL -CONCEALED -CONCEALER -CONCEALERS -CONCEALING -CONCEALMENT -CONCEALS -CONCEDE -CONCEDED -CONCEDES -CONCEDING -CONCEIT -CONCEITED -CONCEITS -CONCEIVABLE -CONCEIVABLY -CONCEIVE -CONCEIVED -CONCEIVES -CONCEIVING -CONCENTRATE -CONCENTRATED -CONCENTRATES -CONCENTRATING -CONCENTRATION -CONCENTRATIONS -CONCENTRATOR -CONCENTRATORS -CONCENTRIC -CONCEPT -CONCEPTION -CONCEPTIONS -CONCEPTS -CONCEPTUAL -CONCEPTUALIZATION -CONCEPTUALIZATIONS -CONCEPTUALIZE -CONCEPTUALIZED -CONCEPTUALIZES -CONCEPTUALIZING -CONCEPTUALLY -CONCERN -CONCERNED -CONCERNEDLY -CONCERNING -CONCERNS -CONCERT -CONCERTED -CONCERTMASTER -CONCERTO -CONCERTS -CONCESSION -CONCESSIONS -CONCILIATE -CONCILIATORY -CONCISE -CONCISELY -CONCISENESS -CONCLAVE -CONCLUDE -CONCLUDED -CONCLUDES -CONCLUDING -CONCLUSION -CONCLUSIONS -CONCLUSIVE -CONCLUSIVELY -CONCOCT -CONCOMITANT -CONCORD -CONCORDANT -CONCORDE -CONCORDIA -CONCOURSE -CONCRETE -CONCRETELY -CONCRETENESS -CONCRETES -CONCRETION -CONCUBINE -CONCUR -CONCURRED -CONCURRENCE -CONCURRENCIES -CONCURRENCY -CONCURRENT -CONCURRENTLY -CONCURRING -CONCURS -CONCUSSION -CONDEMN -CONDEMNATION -CONDEMNATIONS -CONDEMNED -CONDEMNER -CONDEMNERS -CONDEMNING -CONDEMNS -CONDENSATION -CONDENSE -CONDENSED -CONDENSER -CONDENSES -CONDENSING -CONDESCEND -CONDESCENDING -CONDITION -CONDITIONAL -CONDITIONALLY -CONDITIONALS -CONDITIONED -CONDITIONER -CONDITIONERS -CONDITIONING -CONDITIONS -CONDOM -CONDONE -CONDONED -CONDONES -CONDONING -CONDUCE -CONDUCIVE -CONDUCIVENESS -CONDUCT -CONDUCTANCE -CONDUCTED -CONDUCTING -CONDUCTION -CONDUCTIVE -CONDUCTIVITY -CONDUCTOR -CONDUCTORS -CONDUCTS -CONDUIT -CONE -CONES -CONESTOGA -CONFECTIONERY -CONFEDERACY -CONFEDERATE -CONFEDERATES -CONFEDERATION -CONFEDERATIONS -CONFER -CONFEREE -CONFERENCE -CONFERENCES -CONFERRED -CONFERRER -CONFERRERS -CONFERRING -CONFERS -CONFESS -CONFESSED -CONFESSES -CONFESSING -CONFESSION -CONFESSIONS -CONFESSOR -CONFESSORS -CONFIDANT -CONFIDANTS -CONFIDE -CONFIDED -CONFIDENCE -CONFIDENCES -CONFIDENT -CONFIDENTIAL -CONFIDENTIALITY -CONFIDENTIALLY -CONFIDENTLY -CONFIDES -CONFIDING -CONFIDINGLY -CONFIGURABLE -CONFIGURATION -CONFIGURATIONS -CONFIGURE -CONFIGURED -CONFIGURES -CONFIGURING -CONFINE -CONFINED -CONFINEMENT -CONFINEMENTS -CONFINER -CONFINES -CONFINING -CONFIRM -CONFIRMATION -CONFIRMATIONS -CONFIRMATORY -CONFIRMED -CONFIRMING -CONFIRMS -CONFISCATE -CONFISCATED -CONFISCATES -CONFISCATING -CONFISCATION -CONFISCATIONS -CONFLAGRATION -CONFLICT -CONFLICTED -CONFLICTING -CONFLICTS -CONFLUENT -CONFOCAL -CONFORM -CONFORMAL -CONFORMANCE -CONFORMED -CONFORMING -CONFORMITY -CONFORMS -CONFOUND -CONFOUNDED -CONFOUNDING -CONFOUNDS -CONFRONT -CONFRONTATION -CONFRONTATIONS -CONFRONTED -CONFRONTER -CONFRONTERS -CONFRONTING -CONFRONTS -CONFUCIAN -CONFUCIANISM -CONFUCIUS -CONFUSE -CONFUSED -CONFUSER -CONFUSERS -CONFUSES -CONFUSING -CONFUSINGLY -CONFUSION -CONFUSIONS -CONGENIAL -CONGENIALLY -CONGENITAL -CONGEST -CONGESTED -CONGESTION -CONGESTIVE -CONGLOMERATE -CONGO -CONGOLESE -CONGRATULATE -CONGRATULATED -CONGRATULATION -CONGRATULATIONS -CONGRATULATORY -CONGREGATE -CONGREGATED -CONGREGATES -CONGREGATING -CONGREGATION -CONGREGATIONS -CONGRESS -CONGRESSES -CONGRESSIONAL -CONGRESSIONALLY -CONGRESSMAN -CONGRESSMEN -CONGRESSWOMAN -CONGRESSWOMEN -CONGRUENCE -CONGRUENT -CONIC -CONIFER -CONIFEROUS -CONJECTURE -CONJECTURED -CONJECTURES -CONJECTURING -CONJOINED -CONJUGAL -CONJUGATE -CONJUNCT -CONJUNCTED -CONJUNCTION -CONJUNCTIONS -CONJUNCTIVE -CONJUNCTIVELY -CONJUNCTS -CONJUNCTURE -CONJURE -CONJURED -CONJURER -CONJURES -CONJURING -CONKLIN -CONLEY -CONNALLY -CONNECT -CONNECTED -CONNECTEDNESS -CONNECTICUT -CONNECTING -CONNECTION -CONNECTIONLESS -CONNECTIONS -CONNECTIVE -CONNECTIVES -CONNECTIVITY -CONNECTOR -CONNECTORS -CONNECTS -CONNELLY -CONNER -CONNIE -CONNIVANCE -CONNIVE -CONNOISSEUR -CONNOISSEURS -CONNORS -CONNOTATION -CONNOTATIVE -CONNOTE -CONNOTED -CONNOTES -CONNOTING -CONNUBIAL -CONQUER -CONQUERABLE -CONQUERED -CONQUERER -CONQUERERS -CONQUERING -CONQUEROR -CONQUERORS -CONQUERS -CONQUEST -CONQUESTS -CONRAD -CONRAIL -CONSCIENCE -CONSCIENCES -CONSCIENTIOUS -CONSCIENTIOUSLY -CONSCIOUS -CONSCIOUSLY -CONSCIOUSNESS -CONSCRIPT -CONSCRIPTION -CONSECRATE -CONSECRATION -CONSECUTIVE -CONSECUTIVELY -CONSENSUAL -CONSENSUS -CONSENT -CONSENTED -CONSENTER -CONSENTERS -CONSENTING -CONSENTS -CONSEQUENCE -CONSEQUENCES -CONSEQUENT -CONSEQUENTIAL -CONSEQUENTIALITIES -CONSEQUENTIALITY -CONSEQUENTLY -CONSEQUENTS -CONSERVATION -CONSERVATIONIST -CONSERVATIONISTS -CONSERVATIONS -CONSERVATISM -CONSERVATIVE -CONSERVATIVELY -CONSERVATIVES -CONSERVATOR -CONSERVE -CONSERVED -CONSERVES -CONSERVING -CONSIDER -CONSIDERABLE -CONSIDERABLY -CONSIDERATE -CONSIDERATELY -CONSIDERATION -CONSIDERATIONS -CONSIDERED -CONSIDERING -CONSIDERS -CONSIGN -CONSIGNED -CONSIGNING -CONSIGNS -CONSIST -CONSISTED -CONSISTENCY -CONSISTENT -CONSISTENTLY -CONSISTING -CONSISTS -CONSOLABLE -CONSOLATION -CONSOLATIONS -CONSOLE -CONSOLED -CONSOLER -CONSOLERS -CONSOLES -CONSOLIDATE -CONSOLIDATED -CONSOLIDATES -CONSOLIDATING -CONSOLIDATION -CONSOLING -CONSOLINGLY -CONSONANT -CONSONANTS -CONSORT -CONSORTED -CONSORTING -CONSORTIUM -CONSORTS -CONSPICUOUS -CONSPICUOUSLY -CONSPIRACIES -CONSPIRACY -CONSPIRATOR -CONSPIRATORS -CONSPIRE -CONSPIRED -CONSPIRES -CONSPIRING -CONSTABLE -CONSTABLES -CONSTANCE -CONSTANCY -CONSTANT -CONSTANTINE -CONSTANTINOPLE -CONSTANTLY -CONSTANTS -CONSTELLATION -CONSTELLATIONS -CONSTERNATION -CONSTITUENCIES -CONSTITUENCY -CONSTITUENT -CONSTITUENTS -CONSTITUTE -CONSTITUTED -CONSTITUTES -CONSTITUTING -CONSTITUTION -CONSTITUTIONAL -CONSTITUTIONALITY -CONSTITUTIONALLY -CONSTITUTIONS -CONSTITUTIVE -CONSTRAIN -CONSTRAINED -CONSTRAINING -CONSTRAINS -CONSTRAINT -CONSTRAINTS -CONSTRICT -CONSTRUCT -CONSTRUCTED -CONSTRUCTIBILITY -CONSTRUCTIBLE -CONSTRUCTING -CONSTRUCTION -CONSTRUCTIONS -CONSTRUCTIVE -CONSTRUCTIVELY -CONSTRUCTOR -CONSTRUCTORS -CONSTRUCTS -CONSTRUE -CONSTRUED -CONSTRUING -CONSUL -CONSULAR -CONSULATE -CONSULATES -CONSULS -CONSULT -CONSULTANT -CONSULTANTS -CONSULTATION -CONSULTATIONS -CONSULTATIVE -CONSULTED -CONSULTING -CONSULTS -CONSUMABLE -CONSUME -CONSUMED -CONSUMER -CONSUMERS -CONSUMES -CONSUMING -CONSUMMATE -CONSUMMATED -CONSUMMATELY -CONSUMMATION -CONSUMPTION -CONSUMPTIONS -CONSUMPTIVE -CONSUMPTIVELY -CONTACT -CONTACTED -CONTACTING -CONTACTS -CONTAGION -CONTAGIOUS -CONTAGIOUSLY -CONTAIN -CONTAINABLE -CONTAINED -CONTAINER -CONTAINERS -CONTAINING -CONTAINMENT -CONTAINMENTS -CONTAINS -CONTAMINATE -CONTAMINATED -CONTAMINATES -CONTAMINATING -CONTAMINATION -CONTEMPLATE -CONTEMPLATED -CONTEMPLATES -CONTEMPLATING -CONTEMPLATION -CONTEMPLATIONS -CONTEMPLATIVE -CONTEMPORARIES -CONTEMPORARINESS -CONTEMPORARY -CONTEMPT -CONTEMPTIBLE -CONTEMPTUOUS -CONTEMPTUOUSLY -CONTEND -CONTENDED -CONTENDER -CONTENDERS -CONTENDING -CONTENDS -CONTENT -CONTENTED -CONTENTING -CONTENTION -CONTENTIONS -CONTENTLY -CONTENTMENT -CONTENTS -CONTEST -CONTESTABLE -CONTESTANT -CONTESTED -CONTESTER -CONTESTERS -CONTESTING -CONTESTS -CONTEXT -CONTEXTS -CONTEXTUAL -CONTEXTUALLY -CONTIGUITY -CONTIGUOUS -CONTIGUOUSLY -CONTINENT -CONTINENTAL -CONTINENTALLY -CONTINENTS -CONTINGENCIES -CONTINGENCY -CONTINGENT -CONTINGENTS -CONTINUAL -CONTINUALLY -CONTINUANCE -CONTINUANCES -CONTINUATION -CONTINUATIONS -CONTINUE -CONTINUED -CONTINUES -CONTINUING -CONTINUITIES -CONTINUITY -CONTINUOUS -CONTINUOUSLY -CONTINUUM -CONTORTIONS -CONTOUR -CONTOURED -CONTOURING -CONTOURS -CONTRABAND -CONTRACEPTION -CONTRACEPTIVE -CONTRACT -CONTRACTED -CONTRACTING -CONTRACTION -CONTRACTIONS -CONTRACTOR -CONTRACTORS -CONTRACTS -CONTRACTUAL -CONTRACTUALLY -CONTRADICT -CONTRADICTED -CONTRADICTING -CONTRADICTION -CONTRADICTIONS -CONTRADICTORY -CONTRADICTS -CONTRADISTINCTION -CONTRADISTINCTIONS -CONTRAPOSITIVE -CONTRAPOSITIVES -CONTRAPTION -CONTRAPTIONS -CONTRARINESS -CONTRARY -CONTRAST -CONTRASTED -CONTRASTER -CONTRASTERS -CONTRASTING -CONTRASTINGLY -CONTRASTS -CONTRIBUTE -CONTRIBUTED -CONTRIBUTES -CONTRIBUTING -CONTRIBUTION -CONTRIBUTIONS -CONTRIBUTOR -CONTRIBUTORILY -CONTRIBUTORS -CONTRIBUTORY -CONTRITE -CONTRITION -CONTRIVANCE -CONTRIVANCES -CONTRIVE -CONTRIVED -CONTRIVER -CONTRIVES -CONTRIVING -CONTROL -CONTROLLABILITY -CONTROLLABLE -CONTROLLABLY -CONTROLLED -CONTROLLER -CONTROLLERS -CONTROLLING -CONTROLS -CONTROVERSIAL -CONTROVERSIES -CONTROVERSY -CONTROVERTIBLE -CONTUMACIOUS -CONTUMACY -CONUNDRUM -CONUNDRUMS -CONVAIR -CONVALESCENT -CONVECT -CONVENE -CONVENED -CONVENES -CONVENIENCE -CONVENIENCES -CONVENIENT -CONVENIENTLY -CONVENING -CONVENT -CONVENTION -CONVENTIONAL -CONVENTIONALLY -CONVENTIONS -CONVENTS -CONVERGE -CONVERGED -CONVERGENCE -CONVERGENT -CONVERGES -CONVERGING -CONVERSANT -CONVERSANTLY -CONVERSATION -CONVERSATIONAL -CONVERSATIONALLY -CONVERSATIONS -CONVERSE -CONVERSED -CONVERSELY -CONVERSES -CONVERSING -CONVERSION -CONVERSIONS -CONVERT -CONVERTED -CONVERTER -CONVERTERS -CONVERTIBILITY -CONVERTIBLE -CONVERTING -CONVERTS -CONVEX -CONVEY -CONVEYANCE -CONVEYANCES -CONVEYED -CONVEYER -CONVEYERS -CONVEYING -CONVEYOR -CONVEYS -CONVICT -CONVICTED -CONVICTING -CONVICTION -CONVICTIONS -CONVICTS -CONVINCE -CONVINCED -CONVINCER -CONVINCERS -CONVINCES -CONVINCING -CONVINCINGLY -CONVIVIAL -CONVOKE -CONVOLUTED -CONVOLUTION -CONVOY -CONVOYED -CONVOYING -CONVOYS -CONVULSE -CONVULSION -CONVULSIONS -CONWAY -COO -COOING -COOK -COOKBOOK -COOKE -COOKED -COOKERY -COOKIE -COOKIES -COOKING -COOKS -COOKY -COOL -COOLED -COOLER -COOLERS -COOLEST -COOLEY -COOLIDGE -COOLIE -COOLIES -COOLING -COOLLY -COOLNESS -COOLS -COON -COONS -COOP -COOPED -COOPER -COOPERATE -COOPERATED -COOPERATES -COOPERATING -COOPERATION -COOPERATIONS -COOPERATIVE -COOPERATIVELY -COOPERATIVES -COOPERATOR -COOPERATORS -COOPERS -COOPS -COORDINATE -COORDINATED -COORDINATES -COORDINATING -COORDINATION -COORDINATIONS -COORDINATOR -COORDINATORS -COORS -COP -COPE -COPED -COPELAND -COPENHAGEN -COPERNICAN -COPERNICUS -COPES -COPIED -COPIER -COPIERS -COPIES -COPING -COPINGS -COPIOUS -COPIOUSLY -COPIOUSNESS -COPLANAR -COPPER -COPPERFIELD -COPPERHEAD -COPPERS -COPRA -COPROCESSOR -COPS -COPSE -COPY -COPYING -COPYRIGHT -COPYRIGHTABLE -COPYRIGHTED -COPYRIGHTS -COPYWRITER -COQUETTE -CORAL -CORBETT -CORCORAN -CORD -CORDED -CORDER -CORDIAL -CORDIALITY -CORDIALLY -CORDS -CORE -CORED -CORER -CORERS -CORES -COREY -CORIANDER -CORING -CORINTH -CORINTHIAN -CORINTHIANIZE -CORINTHIANIZES -CORINTHIANS -CORIOLANUS -CORK -CORKED -CORKER -CORKERS -CORKING -CORKS -CORKSCREW -CORMORANT -CORN -CORNEA -CORNELIA -CORNELIAN -CORNELIUS -CORNELL -CORNER -CORNERED -CORNERS -CORNERSTONE -CORNERSTONES -CORNET -CORNFIELD -CORNFIELDS -CORNING -CORNISH -CORNMEAL -CORNS -CORNSTARCH -CORNUCOPIA -CORNWALL -CORNWALLIS -CORNY -COROLLARIES -COROLLARY -CORONADO -CORONARIES -CORONARY -CORONATION -CORONER -CORONET -CORONETS -COROUTINE -COROUTINES -CORPORAL -CORPORALS -CORPORATE -CORPORATELY -CORPORATION -CORPORATIONS -CORPS -CORPSE -CORPSES -CORPULENT -CORPUS -CORPUSCULAR -CORRAL -CORRECT -CORRECTABLE -CORRECTED -CORRECTING -CORRECTION -CORRECTIONS -CORRECTIVE -CORRECTIVELY -CORRECTIVES -CORRECTLY -CORRECTNESS -CORRECTOR -CORRECTS -CORRELATE -CORRELATED -CORRELATES -CORRELATING -CORRELATION -CORRELATIONS -CORRELATIVE -CORRESPOND -CORRESPONDED -CORRESPONDENCE -CORRESPONDENCES -CORRESPONDENT -CORRESPONDENTS -CORRESPONDING -CORRESPONDINGLY -CORRESPONDS -CORRIDOR -CORRIDORS -CORRIGENDA -CORRIGENDUM -CORRIGIBLE -CORROBORATE -CORROBORATED -CORROBORATES -CORROBORATING -CORROBORATION -CORROBORATIONS -CORROBORATIVE -CORRODE -CORROSION -CORROSIVE -CORRUGATE -CORRUPT -CORRUPTED -CORRUPTER -CORRUPTIBLE -CORRUPTING -CORRUPTION -CORRUPTIONS -CORRUPTS -CORSET -CORSICA -CORSICAN -CORTEX -CORTEZ -CORTICAL -CORTLAND -CORVALLIS -CORVUS -CORYDORAS -COSGROVE -COSINE -COSINES -COSMETIC -COSMETICS -COSMIC -COSMOLOGY -COSMOPOLITAN -COSMOS -COSPONSOR -COSSACK -COST -COSTA -COSTED -COSTELLO -COSTING -COSTLY -COSTS -COSTUME -COSTUMED -COSTUMER -COSTUMES -COSTUMING -COSY -COT -COTANGENT -COTILLION -COTS -COTTAGE -COTTAGER -COTTAGES -COTTON -COTTONMOUTH -COTTONS -COTTONSEED -COTTONWOOD -COTTRELL -COTYLEDON -COTYLEDONS -COUCH -COUCHED -COUCHES -COUCHING -COUGAR -COUGH -COUGHED -COUGHING -COUGHS -COULD -COULOMB -COULTER -COUNCIL -COUNCILLOR -COUNCILLORS -COUNCILMAN -COUNCILMEN -COUNCILS -COUNCILWOMAN -COUNCILWOMEN -COUNSEL -COUNSELED -COUNSELING -COUNSELLED -COUNSELLING -COUNSELLOR -COUNSELLORS -COUNSELOR -COUNSELORS -COUNSELS -COUNT -COUNTABLE -COUNTABLY -COUNTED -COUNTENANCE -COUNTER -COUNTERACT -COUNTERACTED -COUNTERACTING -COUNTERACTIVE -COUNTERARGUMENT -COUNTERATTACK -COUNTERBALANCE -COUNTERCLOCKWISE -COUNTERED -COUNTEREXAMPLE -COUNTEREXAMPLES -COUNTERFEIT -COUNTERFEITED -COUNTERFEITER -COUNTERFEITING -COUNTERFLOW -COUNTERING -COUNTERINTUITIVE -COUNTERMAN -COUNTERMEASURE -COUNTERMEASURES -COUNTERMEN -COUNTERPART -COUNTERPARTS -COUNTERPOINT -COUNTERPOINTING -COUNTERPOISE -COUNTERPRODUCTIVE -COUNTERPROPOSAL -COUNTERREVOLUTION -COUNTERS -COUNTERSINK -COUNTERSUNK -COUNTESS -COUNTIES -COUNTING -COUNTLESS -COUNTRIES -COUNTRY -COUNTRYMAN -COUNTRYMEN -COUNTRYSIDE -COUNTRYWIDE -COUNTS -COUNTY -COUNTYWIDE -COUPLE -COUPLED -COUPLER -COUPLERS -COUPLES -COUPLING -COUPLINGS -COUPON -COUPONS -COURAGE -COURAGEOUS -COURAGEOUSLY -COURIER -COURIERS -COURSE -COURSED -COURSER -COURSES -COURSING -COURT -COURTED -COURTEOUS -COURTEOUSLY -COURTER -COURTERS -COURTESAN -COURTESIES -COURTESY -COURTHOUSE -COURTHOUSES -COURTIER -COURTIERS -COURTING -COURTLY -COURTNEY -COURTROOM -COURTROOMS -COURTS -COURTSHIP -COURTYARD -COURTYARDS -COUSIN -COUSINS -COVALENT -COVARIANT -COVE -COVENANT -COVENANTS -COVENT -COVENTRY -COVER -COVERABLE -COVERAGE -COVERED -COVERING -COVERINGS -COVERLET -COVERLETS -COVERS -COVERT -COVERTLY -COVES -COVET -COVETED -COVETING -COVETOUS -COVETOUSNESS -COVETS -COW -COWAN -COWARD -COWARDICE -COWARDLY -COWBOY -COWBOYS -COWED -COWER -COWERED -COWERER -COWERERS -COWERING -COWERINGLY -COWERS -COWHERD -COWHIDE -COWING -COWL -COWLICK -COWLING -COWLS -COWORKER -COWS -COWSLIP -COWSLIPS -COYOTE -COYOTES -COYPU -COZIER -COZINESS -COZY -CRAB -CRABAPPLE -CRABS -CRACK -CRACKED -CRACKER -CRACKERS -CRACKING -CRACKLE -CRACKLED -CRACKLES -CRACKLING -CRACKPOT -CRACKS -CRADLE -CRADLED -CRADLES -CRAFT -CRAFTED -CRAFTER -CRAFTINESS -CRAFTING -CRAFTS -CRAFTSMAN -CRAFTSMEN -CRAFTSPEOPLE -CRAFTSPERSON -CRAFTY -CRAG -CRAGGY -CRAGS -CRAIG -CRAM -CRAMER -CRAMMING -CRAMP -CRAMPS -CRAMS -CRANBERRIES -CRANBERRY -CRANDALL -CRANE -CRANES -CRANFORD -CRANIA -CRANIUM -CRANK -CRANKCASE -CRANKED -CRANKIER -CRANKIEST -CRANKILY -CRANKING -CRANKS -CRANKSHAFT -CRANKY -CRANNY -CRANSTON -CRASH -CRASHED -CRASHER -CRASHERS -CRASHES -CRASHING -CRASS -CRATE -CRATER -CRATERS -CRATES -CRAVAT -CRAVATS -CRAVE -CRAVED -CRAVEN -CRAVES -CRAVING -CRAWFORD -CRAWL -CRAWLED -CRAWLER -CRAWLERS -CRAWLING -CRAWLS -CRAY -CRAYON -CRAYS -CRAZE -CRAZED -CRAZES -CRAZIER -CRAZIEST -CRAZILY -CRAZINESS -CRAZING -CRAZY -CREAK -CREAKED -CREAKING -CREAKS -CREAKY -CREAM -CREAMED -CREAMER -CREAMERS -CREAMERY -CREAMING -CREAMS -CREAMY -CREASE -CREASED -CREASES -CREASING -CREATE -CREATED -CREATES -CREATING -CREATION -CREATIONS -CREATIVE -CREATIVELY -CREATIVENESS -CREATIVITY -CREATOR -CREATORS -CREATURE -CREATURES -CREDENCE -CREDENTIAL -CREDIBILITY -CREDIBLE -CREDIBLY -CREDIT -CREDITABLE -CREDITABLY -CREDITED -CREDITING -CREDITOR -CREDITORS -CREDITS -CREDULITY -CREDULOUS -CREDULOUSNESS -CREE -CREED -CREEDS -CREEK -CREEKS -CREEP -CREEPER -CREEPERS -CREEPING -CREEPS -CREEPY -CREIGHTON -CREMATE -CREMATED -CREMATES -CREMATING -CREMATION -CREMATIONS -CREMATORY -CREOLE -CREON -CREPE -CREPT -CRESCENT -CRESCENTS -CREST -CRESTED -CRESTFALLEN -CRESTS -CRESTVIEW -CRETACEOUS -CRETACEOUSLY -CRETAN -CRETE -CRETIN -CREVICE -CREVICES -CREW -CREWCUT -CREWED -CREWING -CREWS -CRIB -CRIBS -CRICKET -CRICKETS -CRIED -CRIER -CRIERS -CRIES -CRIME -CRIMEA -CRIMEAN -CRIMES -CRIMINAL -CRIMINALLY -CRIMINALS -CRIMINATE -CRIMSON -CRIMSONING -CRINGE -CRINGED -CRINGES -CRINGING -CRIPPLE -CRIPPLED -CRIPPLES -CRIPPLING -CRISES -CRISIS -CRISP -CRISPIN -CRISPLY -CRISPNESS -CRISSCROSS -CRITERIA -CRITERION -CRITIC -CRITICAL -CRITICALLY -CRITICISM -CRITICISMS -CRITICIZE -CRITICIZED -CRITICIZES -CRITICIZING -CRITICS -CRITIQUE -CRITIQUES -CRITIQUING -CRITTER -CROAK -CROAKED -CROAKING -CROAKS -CROATIA -CROATIAN -CROCHET -CROCHETS -CROCK -CROCKERY -CROCKETT -CROCKS -CROCODILE -CROCUS -CROFT -CROIX -CROMWELL -CROMWELLIAN -CROOK -CROOKED -CROOKS -CROP -CROPPED -CROPPER -CROPPERS -CROPPING -CROPS -CROSBY -CROSS -CROSSABLE -CROSSBAR -CROSSBARS -CROSSED -CROSSER -CROSSERS -CROSSES -CROSSING -CROSSINGS -CROSSLY -CROSSOVER -CROSSOVERS -CROSSPOINT -CROSSROAD -CROSSTALK -CROSSWALK -CROSSWORD -CROSSWORDS -CROTCH -CROTCHETY -CROUCH -CROUCHED -CROUCHING -CROW -CROWD -CROWDED -CROWDER -CROWDING -CROWDS -CROWED -CROWING -CROWLEY -CROWN -CROWNED -CROWNING -CROWNS -CROWS -CROYDON -CRUCIAL -CRUCIALLY -CRUCIBLE -CRUCIFIED -CRUCIFIES -CRUCIFIX -CRUCIFIXION -CRUCIFY -CRUCIFYING -CRUD -CRUDDY -CRUDE -CRUDELY -CRUDENESS -CRUDER -CRUDEST -CRUEL -CRUELER -CRUELEST -CRUELLY -CRUELTY -CRUICKSHANK -CRUISE -CRUISER -CRUISERS -CRUISES -CRUISING -CRUMB -CRUMBLE -CRUMBLED -CRUMBLES -CRUMBLING -CRUMBLY -CRUMBS -CRUMMY -CRUMPLE -CRUMPLED -CRUMPLES -CRUMPLING -CRUNCH -CRUNCHED -CRUNCHES -CRUNCHIER -CRUNCHIEST -CRUNCHING -CRUNCHY -CRUSADE -CRUSADER -CRUSADERS -CRUSADES -CRUSADING -CRUSH -CRUSHABLE -CRUSHED -CRUSHER -CRUSHERS -CRUSHES -CRUSHING -CRUSHINGLY -CRUSOE -CRUST -CRUSTACEAN -CRUSTACEANS -CRUSTS -CRUTCH -CRUTCHES -CRUX -CRUXES -CRUZ -CRY -CRYING -CRYOGENIC -CRYPT -CRYPTANALYSIS -CRYPTANALYST -CRYPTANALYTIC -CRYPTIC -CRYPTOGRAM -CRYPTOGRAPHER -CRYPTOGRAPHIC -CRYPTOGRAPHICALLY -CRYPTOGRAPHY -CRYPTOLOGIST -CRYPTOLOGY -CRYSTAL -CRYSTALLINE -CRYSTALLIZE -CRYSTALLIZED -CRYSTALLIZES -CRYSTALLIZING -CRYSTALS -CUB -CUBA -CUBAN -CUBANIZE -CUBANIZES -CUBANS -CUBBYHOLE -CUBE -CUBED -CUBES -CUBIC -CUBS -CUCKOO -CUCKOOS -CUCUMBER -CUCUMBERS -CUDDLE -CUDDLED -CUDDLY -CUDGEL -CUDGELS -CUE -CUED -CUES -CUFF -CUFFLINK -CUFFS -CUISINE -CULBERTSON -CULINARY -CULL -CULLED -CULLER -CULLING -CULLS -CULMINATE -CULMINATED -CULMINATES -CULMINATING -CULMINATION -CULPA -CULPABLE -CULPRIT -CULPRITS -CULT -CULTIVABLE -CULTIVATE -CULTIVATED -CULTIVATES -CULTIVATING -CULTIVATION -CULTIVATIONS -CULTIVATOR -CULTIVATORS -CULTS -CULTURAL -CULTURALLY -CULTURE -CULTURED -CULTURES -CULTURING -CULVER -CULVERS -CUMBERLAND -CUMBERSOME -CUMMINGS -CUMMINS -CUMULATIVE -CUMULATIVELY -CUNARD -CUNNILINGUS -CUNNING -CUNNINGHAM -CUNNINGLY -CUP -CUPBOARD -CUPBOARDS -CUPERTINO -CUPFUL -CUPID -CUPPED -CUPPING -CUPS -CURABLE -CURABLY -CURB -CURBING -CURBS -CURD -CURDLE -CURE -CURED -CURES -CURFEW -CURFEWS -CURING -CURIOSITIES -CURIOSITY -CURIOUS -CURIOUSER -CURIOUSEST -CURIOUSLY -CURL -CURLED -CURLER -CURLERS -CURLICUE -CURLING -CURLS -CURLY -CURRAN -CURRANT -CURRANTS -CURRENCIES -CURRENCY -CURRENT -CURRENTLY -CURRENTNESS -CURRENTS -CURRICULAR -CURRICULUM -CURRICULUMS -CURRIED -CURRIES -CURRY -CURRYING -CURS -CURSE -CURSED -CURSES -CURSING -CURSIVE -CURSOR -CURSORILY -CURSORS -CURSORY -CURT -CURTAIL -CURTAILED -CURTAILS -CURTAIN -CURTAINED -CURTAINS -CURTATE -CURTIS -CURTLY -CURTNESS -CURTSIES -CURTSY -CURVACEOUS -CURVATURE -CURVE -CURVED -CURVES -CURVILINEAR -CURVING -CUSHING -CUSHION -CUSHIONED -CUSHIONING -CUSHIONS -CUSHMAN -CUSP -CUSPS -CUSTARD -CUSTER -CUSTODIAL -CUSTODIAN -CUSTODIANS -CUSTODY -CUSTOM -CUSTOMARILY -CUSTOMARY -CUSTOMER -CUSTOMERS -CUSTOMIZABLE -CUSTOMIZATION -CUSTOMIZATIONS -CUSTOMIZE -CUSTOMIZED -CUSTOMIZER -CUSTOMIZERS -CUSTOMIZES -CUSTOMIZING -CUSTOMS -CUT -CUTANEOUS -CUTBACK -CUTE -CUTEST -CUTLASS -CUTLET -CUTOFF -CUTOUT -CUTOVER -CUTS -CUTTER -CUTTERS -CUTTHROAT -CUTTING -CUTTINGLY -CUTTINGS -CUTTLEFISH -CUVIER -CUZCO -CYANAMID -CYANIDE -CYBERNETIC -CYBERNETICS -CYBERSPACE -CYCLADES -CYCLE -CYCLED -CYCLES -CYCLIC -CYCLICALLY -CYCLING -CYCLOID -CYCLOIDAL -CYCLOIDS -CYCLONE -CYCLONES -CYCLOPS -CYCLOTRON -CYCLOTRONS -CYGNUS -CYLINDER -CYLINDERS -CYLINDRICAL -CYMBAL -CYMBALS -CYNIC -CYNICAL -CYNICALLY -CYNTHIA -CYPRESS -CYPRIAN -CYPRIOT -CYPRUS -CYRIL -CYRILLIC -CYRUS -CYST -CYSTS -CYTOLOGY -CYTOPLASM -CZAR -CZECH -CZECHIZATION -CZECHIZATIONS -CZECHOSLOVAKIA -CZERNIAK -DABBLE -DABBLED -DABBLER -DABBLES -DABBLING -DACCA -DACRON -DACTYL -DACTYLIC -DAD -DADA -DADAISM -DADAIST -DADAISTIC -DADDY -DADE -DADS -DAEDALUS -DAEMON -DAEMONS -DAFFODIL -DAFFODILS -DAGGER -DAHL -DAHLIA -DAHOMEY -DAILEY -DAILIES -DAILY -DAIMLER -DAINTILY -DAINTINESS -DAINTY -DAIRY -DAIRYLEA -DAISIES -DAISY -DAKAR -DAKOTA -DALE -DALES -DALEY -DALHOUSIE -DALI -DALLAS -DALTON -DALY -DALZELL -DAM -DAMAGE -DAMAGED -DAMAGER -DAMAGERS -DAMAGES -DAMAGING -DAMASCUS -DAMASK -DAME -DAMMING -DAMN -DAMNATION -DAMNED -DAMNING -DAMNS -DAMOCLES -DAMON -DAMP -DAMPEN -DAMPENS -DAMPER -DAMPING -DAMPNESS -DAMS -DAMSEL -DAMSELS -DAN -DANA -DANBURY -DANCE -DANCED -DANCER -DANCERS -DANCES -DANCING -DANDELION -DANDELIONS -DANDY -DANE -DANES -DANGER -DANGEROUS -DANGEROUSLY -DANGERS -DANGLE -DANGLED -DANGLES -DANGLING -DANIEL -DANIELS -DANIELSON -DANISH -DANIZATION -DANIZATIONS -DANIZE -DANIZES -DANNY -DANTE -DANUBE -DANUBIAN -DANVILLE -DANZIG -DAPHNE -DAR -DARE -DARED -DARER -DARERS -DARES -DARESAY -DARING -DARINGLY -DARIUS -DARK -DARKEN -DARKER -DARKEST -DARKLY -DARKNESS -DARKROOM -DARLENE -DARLING -DARLINGS -DARLINGTON -DARN -DARNED -DARNER -DARNING -DARNS -DARPA -DARRELL -DARROW -DARRY -DART -DARTED -DARTER -DARTING -DARTMOUTH -DARTS -DARWIN -DARWINIAN -DARWINISM -DARWINISTIC -DARWINIZE -DARWINIZES -DASH -DASHBOARD -DASHED -DASHER -DASHERS -DASHES -DASHING -DASHINGLY -DATA -DATABASE -DATABASES -DATAGRAM -DATAGRAMS -DATAMATION -DATAMEDIA -DATE -DATED -DATELINE -DATER -DATES -DATING -DATIVE -DATSUN -DATUM -DAUGHERTY -DAUGHTER -DAUGHTERLY -DAUGHTERS -DAUNT -DAUNTED -DAUNTLESS -DAVE -DAVID -DAVIDSON -DAVIE -DAVIES -DAVINICH -DAVIS -DAVISON -DAVY -DAWN -DAWNED -DAWNING -DAWNS -DAWSON -DAY -DAYBREAK -DAYDREAM -DAYDREAMING -DAYDREAMS -DAYLIGHT -DAYLIGHTS -DAYS -DAYTIME -DAYTON -DAYTONA -DAZE -DAZED -DAZZLE -DAZZLED -DAZZLER -DAZZLES -DAZZLING -DAZZLINGLY -DEACON -DEACONS -DEACTIVATE -DEAD -DEADEN -DEADLINE -DEADLINES -DEADLOCK -DEADLOCKED -DEADLOCKING -DEADLOCKS -DEADLY -DEADNESS -DEADWOOD -DEAF -DEAFEN -DEAFER -DEAFEST -DEAFNESS -DEAL -DEALER -DEALERS -DEALERSHIP -DEALING -DEALINGS -DEALLOCATE -DEALLOCATED -DEALLOCATING -DEALLOCATION -DEALLOCATIONS -DEALS -DEALT -DEAN -DEANE -DEANNA -DEANS -DEAR -DEARBORN -DEARER -DEAREST -DEARLY -DEARNESS -DEARTH -DEARTHS -DEATH -DEATHBED -DEATHLY -DEATHS -DEBACLE -DEBAR -DEBASE -DEBATABLE -DEBATE -DEBATED -DEBATER -DEBATERS -DEBATES -DEBATING -DEBAUCH -DEBAUCHERY -DEBBIE -DEBBY -DEBILITATE -DEBILITATED -DEBILITATES -DEBILITATING -DEBILITY -DEBIT -DEBITED -DEBORAH -DEBRA -DEBRIEF -DEBRIS -DEBT -DEBTOR -DEBTS -DEBUG -DEBUGGED -DEBUGGER -DEBUGGERS -DEBUGGING -DEBUGS -DEBUNK -DEBUSSY -DEBUTANTE -DEC -DECADE -DECADENCE -DECADENT -DECADENTLY -DECADES -DECAL -DECATHLON -DECATUR -DECAY -DECAYED -DECAYING -DECAYS -DECCA -DECEASE -DECEASED -DECEASES -DECEASING -DECEDENT -DECEIT -DECEITFUL -DECEITFULLY -DECEITFULNESS -DECEIVE -DECEIVED -DECEIVER -DECEIVERS -DECEIVES -DECEIVING -DECELERATE -DECELERATED -DECELERATES -DECELERATING -DECELERATION -DECEMBER -DECEMBERS -DECENCIES -DECENCY -DECENNIAL -DECENT -DECENTLY -DECENTRALIZATION -DECENTRALIZED -DECEPTION -DECEPTIONS -DECEPTIVE -DECEPTIVELY -DECERTIFY -DECIBEL -DECIDABILITY -DECIDABLE -DECIDE -DECIDED -DECIDEDLY -DECIDES -DECIDING -DECIDUOUS -DECIMAL -DECIMALS -DECIMATE -DECIMATED -DECIMATES -DECIMATING -DECIMATION -DECIPHER -DECIPHERED -DECIPHERER -DECIPHERING -DECIPHERS -DECISION -DECISIONS -DECISIVE -DECISIVELY -DECISIVENESS -DECK -DECKED -DECKER -DECKING -DECKINGS -DECKS -DECLARATION -DECLARATIONS -DECLARATIVE -DECLARATIVELY -DECLARATIVES -DECLARATOR -DECLARATORY -DECLARE -DECLARED -DECLARER -DECLARERS -DECLARES -DECLARING -DECLASSIFY -DECLINATION -DECLINATIONS -DECLINE -DECLINED -DECLINER -DECLINERS -DECLINES -DECLINING -DECNET -DECODE -DECODED -DECODER -DECODERS -DECODES -DECODING -DECODINGS -DECOLLETAGE -DECOLLIMATE -DECOMPILE -DECOMPOSABILITY -DECOMPOSABLE -DECOMPOSE -DECOMPOSED -DECOMPOSES -DECOMPOSING -DECOMPOSITION -DECOMPOSITIONS -DECOMPRESS -DECOMPRESSION -DECORATE -DECORATED -DECORATES -DECORATING -DECORATION -DECORATIONS -DECORATIVE -DECORUM -DECOUPLE -DECOUPLED -DECOUPLES -DECOUPLING -DECOY -DECOYS -DECREASE -DECREASED -DECREASES -DECREASING -DECREASINGLY -DECREE -DECREED -DECREEING -DECREES -DECREMENT -DECREMENTED -DECREMENTING -DECREMENTS -DECRYPT -DECRYPTED -DECRYPTING -DECRYPTION -DECRYPTS -DECSTATION -DECSYSTEM -DECTAPE -DEDICATE -DEDICATED -DEDICATES -DEDICATING -DEDICATION -DEDUCE -DEDUCED -DEDUCER -DEDUCES -DEDUCIBLE -DEDUCING -DEDUCT -DEDUCTED -DEDUCTIBLE -DEDUCTING -DEDUCTION -DEDUCTIONS -DEDUCTIVE -DEE -DEED -DEEDED -DEEDING -DEEDS -DEEM -DEEMED -DEEMING -DEEMPHASIZE -DEEMPHASIZED -DEEMPHASIZES -DEEMPHASIZING -DEEMS -DEEP -DEEPEN -DEEPENED -DEEPENING -DEEPENS -DEEPER -DEEPEST -DEEPLY -DEEPS -DEER -DEERE -DEFACE -DEFAULT -DEFAULTED -DEFAULTER -DEFAULTING -DEFAULTS -DEFEAT -DEFEATED -DEFEATING -DEFEATS -DEFECATE -DEFECT -DEFECTED -DEFECTING -DEFECTION -DEFECTIONS -DEFECTIVE -DEFECTS -DEFEND -DEFENDANT -DEFENDANTS -DEFENDED -DEFENDER -DEFENDERS -DEFENDING -DEFENDS -DEFENESTRATE -DEFENESTRATED -DEFENESTRATES -DEFENESTRATING -DEFENESTRATION -DEFENSE -DEFENSELESS -DEFENSES -DEFENSIBLE -DEFENSIVE -DEFER -DEFERENCE -DEFERMENT -DEFERMENTS -DEFERRABLE -DEFERRED -DEFERRER -DEFERRERS -DEFERRING -DEFERS -DEFIANCE -DEFIANT -DEFIANTLY -DEFICIENCIES -DEFICIENCY -DEFICIENT -DEFICIT -DEFICITS -DEFIED -DEFIES -DEFILE -DEFILING -DEFINABLE -DEFINE -DEFINED -DEFINER -DEFINES -DEFINING -DEFINITE -DEFINITELY -DEFINITENESS -DEFINITION -DEFINITIONAL -DEFINITIONS -DEFINITIVE -DEFLATE -DEFLATER -DEFLECT -DEFOCUS -DEFOE -DEFOREST -DEFORESTATION -DEFORM -DEFORMATION -DEFORMATIONS -DEFORMED -DEFORMITIES -DEFORMITY -DEFRAUD -DEFRAY -DEFROST -DEFTLY -DEFUNCT -DEFY -DEFYING -DEGENERACY -DEGENERATE -DEGENERATED -DEGENERATES -DEGENERATING -DEGENERATION -DEGENERATIVE -DEGRADABLE -DEGRADATION -DEGRADATIONS -DEGRADE -DEGRADED -DEGRADES -DEGRADING -DEGREE -DEGREES -DEHUMIDIFY -DEHYDRATE -DEIFY -DEIGN -DEIGNED -DEIGNING -DEIGNS -DEIMOS -DEIRDRE -DEIRDRES -DEITIES -DEITY -DEJECTED -DEJECTEDLY -DEKALB -DEKASTERE -DEL -DELANEY -DELANO -DELAWARE -DELAY -DELAYED -DELAYING -DELAYS -DELEGATE -DELEGATED -DELEGATES -DELEGATING -DELEGATION -DELEGATIONS -DELETE -DELETED -DELETER -DELETERIOUS -DELETES -DELETING -DELETION -DELETIONS -DELFT -DELHI -DELIA -DELIBERATE -DELIBERATED -DELIBERATELY -DELIBERATENESS -DELIBERATES -DELIBERATING -DELIBERATION -DELIBERATIONS -DELIBERATIVE -DELIBERATOR -DELIBERATORS -DELICACIES -DELICACY -DELICATE -DELICATELY -DELICATESSEN -DELICIOUS -DELICIOUSLY -DELIGHT -DELIGHTED -DELIGHTEDLY -DELIGHTFUL -DELIGHTFULLY -DELIGHTING -DELIGHTS -DELILAH -DELIMIT -DELIMITATION -DELIMITED -DELIMITER -DELIMITERS -DELIMITING -DELIMITS -DELINEAMENT -DELINEATE -DELINEATED -DELINEATES -DELINEATING -DELINEATION -DELINQUENCY -DELINQUENT -DELIRIOUS -DELIRIOUSLY -DELIRIUM -DELIVER -DELIVERABLE -DELIVERABLES -DELIVERANCE -DELIVERED -DELIVERER -DELIVERERS -DELIVERIES -DELIVERING -DELIVERS -DELIVERY -DELL -DELLA -DELLS -DELLWOOD -DELMARVA -DELPHI -DELPHIC -DELPHICALLY -DELPHINUS -DELTA -DELTAS -DELUDE -DELUDED -DELUDES -DELUDING -DELUGE -DELUGED -DELUGES -DELUSION -DELUSIONS -DELUXE -DELVE -DELVES -DELVING -DEMAGNIFY -DEMAGOGUE -DEMAND -DEMANDED -DEMANDER -DEMANDING -DEMANDINGLY -DEMANDS -DEMARCATE -DEMEANOR -DEMENTED -DEMERIT -DEMETER -DEMIGOD -DEMISE -DEMO -DEMOCRACIES -DEMOCRACY -DEMOCRAT -DEMOCRATIC -DEMOCRATICALLY -DEMOCRATS -DEMODULATE -DEMODULATOR -DEMOGRAPHIC -DEMOLISH -DEMOLISHED -DEMOLISHES -DEMOLITION -DEMON -DEMONIAC -DEMONIC -DEMONS -DEMONSTRABLE -DEMONSTRATE -DEMONSTRATED -DEMONSTRATES -DEMONSTRATING -DEMONSTRATION -DEMONSTRATIONS -DEMONSTRATIVE -DEMONSTRATIVELY -DEMONSTRATOR -DEMONSTRATORS -DEMORALIZE -DEMORALIZED -DEMORALIZES -DEMORALIZING -DEMORGAN -DEMOTE -DEMOUNTABLE -DEMPSEY -DEMULTIPLEX -DEMULTIPLEXED -DEMULTIPLEXER -DEMULTIPLEXERS -DEMULTIPLEXING -DEMUR -DEMYTHOLOGIZE -DEN -DENATURE -DENEB -DENEBOLA -DENEEN -DENIABLE -DENIAL -DENIALS -DENIED -DENIER -DENIES -DENIGRATE -DENIGRATED -DENIGRATES -DENIGRATING -DENIZEN -DENMARK -DENNIS -DENNY -DENOMINATE -DENOMINATION -DENOMINATIONS -DENOMINATOR -DENOMINATORS -DENOTABLE -DENOTATION -DENOTATIONAL -DENOTATIONALLY -DENOTATIONS -DENOTATIVE -DENOTE -DENOTED -DENOTES -DENOTING -DENOUNCE -DENOUNCED -DENOUNCES -DENOUNCING -DENS -DENSE -DENSELY -DENSENESS -DENSER -DENSEST -DENSITIES -DENSITY -DENT -DENTAL -DENTALLY -DENTED -DENTING -DENTIST -DENTISTRY -DENTISTS -DENTON -DENTS -DENTURE -DENUDE -DENUMERABLE -DENUNCIATE -DENUNCIATION -DENVER -DENY -DENYING -DEODORANT -DEOXYRIBONUCLEIC -DEPART -DEPARTED -DEPARTING -DEPARTMENT -DEPARTMENTAL -DEPARTMENTS -DEPARTS -DEPARTURE -DEPARTURES -DEPEND -DEPENDABILITY -DEPENDABLE -DEPENDABLY -DEPENDED -DEPENDENCE -DEPENDENCIES -DEPENDENCY -DEPENDENT -DEPENDENTLY -DEPENDENTS -DEPENDING -DEPENDS -DEPICT -DEPICTED -DEPICTING -DEPICTS -DEPLETE -DEPLETED -DEPLETES -DEPLETING -DEPLETION -DEPLETIONS -DEPLORABLE -DEPLORE -DEPLORED -DEPLORES -DEPLORING -DEPLOY -DEPLOYED -DEPLOYING -DEPLOYMENT -DEPLOYMENTS -DEPLOYS -DEPORT -DEPORTATION -DEPORTEE -DEPORTMENT -DEPOSE -DEPOSED -DEPOSES -DEPOSIT -DEPOSITARY -DEPOSITED -DEPOSITING -DEPOSITION -DEPOSITIONS -DEPOSITOR -DEPOSITORS -DEPOSITORY -DEPOSITS -DEPOT -DEPOTS -DEPRAVE -DEPRAVED -DEPRAVITY -DEPRECATE -DEPRECIATE -DEPRECIATED -DEPRECIATES -DEPRECIATION -DEPRESS -DEPRESSED -DEPRESSES -DEPRESSING -DEPRESSION -DEPRESSIONS -DEPRIVATION -DEPRIVATIONS -DEPRIVE -DEPRIVED -DEPRIVES -DEPRIVING -DEPTH -DEPTHS -DEPUTIES -DEPUTY -DEQUEUE -DEQUEUED -DEQUEUES -DEQUEUING -DERAIL -DERAILED -DERAILING -DERAILS -DERBY -DERBYSHIRE -DEREFERENCE -DEREGULATE -DEREGULATED -DEREK -DERIDE -DERISION -DERIVABLE -DERIVATION -DERIVATIONS -DERIVATIVE -DERIVATIVES -DERIVE -DERIVED -DERIVES -DERIVING -DEROGATORY -DERRICK -DERRIERE -DERVISH -DES -DESCARTES -DESCEND -DESCENDANT -DESCENDANTS -DESCENDED -DESCENDENT -DESCENDER -DESCENDERS -DESCENDING -DESCENDS -DESCENT -DESCENTS -DESCRIBABLE -DESCRIBE -DESCRIBED -DESCRIBER -DESCRIBES -DESCRIBING -DESCRIPTION -DESCRIPTIONS -DESCRIPTIVE -DESCRIPTIVELY -DESCRIPTIVES -DESCRIPTOR -DESCRIPTORS -DESCRY -DESECRATE -DESEGREGATE -DESERT -DESERTED -DESERTER -DESERTERS -DESERTING -DESERTION -DESERTIONS -DESERTS -DESERVE -DESERVED -DESERVES -DESERVING -DESERVINGLY -DESERVINGS -DESIDERATA -DESIDERATUM -DESIGN -DESIGNATE -DESIGNATED -DESIGNATES -DESIGNATING -DESIGNATION -DESIGNATIONS -DESIGNATOR -DESIGNATORS -DESIGNED -DESIGNER -DESIGNERS -DESIGNING -DESIGNS -DESIRABILITY -DESIRABLE -DESIRABLY -DESIRE -DESIRED -DESIRES -DESIRING -DESIROUS -DESIST -DESK -DESKS -DESKTOP -DESMOND -DESOLATE -DESOLATELY -DESOLATION -DESOLATIONS -DESPAIR -DESPAIRED -DESPAIRING -DESPAIRINGLY -DESPAIRS -DESPATCH -DESPATCHED -DESPERADO -DESPERATE -DESPERATELY -DESPERATION -DESPICABLE -DESPISE -DESPISED -DESPISES -DESPISING -DESPITE -DESPOIL -DESPONDENT -DESPOT -DESPOTIC -DESPOTISM -DESPOTS -DESSERT -DESSERTS -DESSICATE -DESTABILIZE -DESTINATION -DESTINATIONS -DESTINE -DESTINED -DESTINIES -DESTINY -DESTITUTE -DESTITUTION -DESTROY -DESTROYED -DESTROYER -DESTROYERS -DESTROYING -DESTROYS -DESTRUCT -DESTRUCTION -DESTRUCTIONS -DESTRUCTIVE -DESTRUCTIVELY -DESTRUCTIVENESS -DESTRUCTOR -DESTUFF -DESTUFFING -DESTUFFS -DESUETUDE -DESULTORY -DESYNCHRONIZE -DETACH -DETACHED -DETACHER -DETACHES -DETACHING -DETACHMENT -DETACHMENTS -DETAIL -DETAILED -DETAILING -DETAILS -DETAIN -DETAINED -DETAINING -DETAINS -DETECT -DETECTABLE -DETECTABLY -DETECTED -DETECTING -DETECTION -DETECTIONS -DETECTIVE -DETECTIVES -DETECTOR -DETECTORS -DETECTS -DETENTE -DETENTION -DETER -DETERGENT -DETERIORATE -DETERIORATED -DETERIORATES -DETERIORATING -DETERIORATION -DETERMINABLE -DETERMINACY -DETERMINANT -DETERMINANTS -DETERMINATE -DETERMINATELY -DETERMINATION -DETERMINATIONS -DETERMINATIVE -DETERMINE -DETERMINED -DETERMINER -DETERMINERS -DETERMINES -DETERMINING -DETERMINISM -DETERMINISTIC -DETERMINISTICALLY -DETERRED -DETERRENT -DETERRING -DETEST -DETESTABLE -DETESTED -DETOUR -DETRACT -DETRACTOR -DETRACTORS -DETRACTS -DETRIMENT -DETRIMENTAL -DETROIT -DEUCE -DEUS -DEUTERIUM -DEUTSCH -DEVASTATE -DEVASTATED -DEVASTATES -DEVASTATING -DEVASTATION -DEVELOP -DEVELOPED -DEVELOPER -DEVELOPERS -DEVELOPING -DEVELOPMENT -DEVELOPMENTAL -DEVELOPMENTS -DEVELOPS -DEVIANT -DEVIANTS -DEVIATE -DEVIATED -DEVIATES -DEVIATING -DEVIATION -DEVIATIONS -DEVICE -DEVICES -DEVIL -DEVILISH -DEVILISHLY -DEVILS -DEVIOUS -DEVISE -DEVISED -DEVISES -DEVISING -DEVISINGS -DEVOID -DEVOLVE -DEVON -DEVONSHIRE -DEVOTE -DEVOTED -DEVOTEDLY -DEVOTEE -DEVOTEES -DEVOTES -DEVOTING -DEVOTION -DEVOTIONS -DEVOUR -DEVOURED -DEVOURER -DEVOURS -DEVOUT -DEVOUTLY -DEVOUTNESS -DEW -DEWDROP -DEWDROPS -DEWEY -DEWITT -DEWY -DEXEDRINE -DEXTERITY -DHABI -DIABETES -DIABETIC -DIABOLIC -DIACHRONIC -DIACRITICAL -DIADEM -DIAGNOSABLE -DIAGNOSE -DIAGNOSED -DIAGNOSES -DIAGNOSING -DIAGNOSIS -DIAGNOSTIC -DIAGNOSTICIAN -DIAGNOSTICS -DIAGONAL -DIAGONALLY -DIAGONALS -DIAGRAM -DIAGRAMMABLE -DIAGRAMMATIC -DIAGRAMMATICALLY -DIAGRAMMED -DIAGRAMMER -DIAGRAMMERS -DIAGRAMMING -DIAGRAMS -DIAL -DIALECT -DIALECTIC -DIALECTS -DIALED -DIALER -DIALERS -DIALING -DIALOG -DIALOGS -DIALOGUE -DIALOGUES -DIALS -DIALUP -DIALYSIS -DIAMAGNETIC -DIAMETER -DIAMETERS -DIAMETRIC -DIAMETRICALLY -DIAMOND -DIAMONDS -DIANA -DIANE -DIANNE -DIAPER -DIAPERS -DIAPHRAGM -DIAPHRAGMS -DIARIES -DIARRHEA -DIARY -DIATRIBE -DIATRIBES -DIBBLE -DICE -DICHOTOMIZE -DICHOTOMY -DICKENS -DICKERSON -DICKINSON -DICKSON -DICKY -DICTATE -DICTATED -DICTATES -DICTATING -DICTATION -DICTATIONS -DICTATOR -DICTATORIAL -DICTATORS -DICTATORSHIP -DICTION -DICTIONARIES -DICTIONARY -DICTUM -DICTUMS -DID -DIDACTIC -DIDDLE -DIDO -DIE -DIEBOLD -DIED -DIEGO -DIEHARD -DIELECTRIC -DIELECTRICS -DIEM -DIES -DIESEL -DIET -DIETARY -DIETER -DIETERS -DIETETIC -DIETICIAN -DIETITIAN -DIETITIANS -DIETRICH -DIETS -DIETZ -DIFFER -DIFFERED -DIFFERENCE -DIFFERENCES -DIFFERENT -DIFFERENTIABLE -DIFFERENTIAL -DIFFERENTIALS -DIFFERENTIATE -DIFFERENTIATED -DIFFERENTIATES -DIFFERENTIATING -DIFFERENTIATION -DIFFERENTIATIONS -DIFFERENTIATORS -DIFFERENTLY -DIFFERER -DIFFERERS -DIFFERING -DIFFERS -DIFFICULT -DIFFICULTIES -DIFFICULTLY -DIFFICULTY -DIFFRACT -DIFFUSE -DIFFUSED -DIFFUSELY -DIFFUSER -DIFFUSERS -DIFFUSES -DIFFUSIBLE -DIFFUSING -DIFFUSION -DIFFUSIONS -DIFFUSIVE -DIG -DIGEST -DIGESTED -DIGESTIBLE -DIGESTING -DIGESTION -DIGESTIVE -DIGESTS -DIGGER -DIGGERS -DIGGING -DIGGINGS -DIGIT -DIGITAL -DIGITALIS -DIGITALLY -DIGITIZATION -DIGITIZE -DIGITIZED -DIGITIZES -DIGITIZING -DIGITS -DIGNIFIED -DIGNIFY -DIGNITARY -DIGNITIES -DIGNITY -DIGRAM -DIGRESS -DIGRESSED -DIGRESSES -DIGRESSING -DIGRESSION -DIGRESSIONS -DIGRESSIVE -DIGS -DIHEDRAL -DIJKSTRA -DIJON -DIKE -DIKES -DILAPIDATE -DILATATION -DILATE -DILATED -DILATES -DILATING -DILATION -DILDO -DILEMMA -DILEMMAS -DILIGENCE -DILIGENT -DILIGENTLY -DILL -DILLON -DILOGARITHM -DILUTE -DILUTED -DILUTES -DILUTING -DILUTION -DIM -DIMAGGIO -DIME -DIMENSION -DIMENSIONAL -DIMENSIONALITY -DIMENSIONALLY -DIMENSIONED -DIMENSIONING -DIMENSIONS -DIMES -DIMINISH -DIMINISHED -DIMINISHES -DIMINISHING -DIMINUTION -DIMINUTIVE -DIMLY -DIMMED -DIMMER -DIMMERS -DIMMEST -DIMMING -DIMNESS -DIMPLE -DIMS -DIN -DINAH -DINE -DINED -DINER -DINERS -DINES -DING -DINGHY -DINGINESS -DINGO -DINGY -DINING -DINNER -DINNERS -DINNERTIME -DINNERWARE -DINOSAUR -DINT -DIOCLETIAN -DIODE -DIODES -DIOGENES -DION -DIONYSIAN -DIONYSUS -DIOPHANTINE -DIOPTER -DIORAMA -DIOXIDE -DIP -DIPHTHERIA -DIPHTHONG -DIPLOMA -DIPLOMACY -DIPLOMAS -DIPLOMAT -DIPLOMATIC -DIPLOMATS -DIPOLE -DIPPED -DIPPER -DIPPERS -DIPPING -DIPPINGS -DIPS -DIRAC -DIRE -DIRECT -DIRECTED -DIRECTING -DIRECTION -DIRECTIONAL -DIRECTIONALITY -DIRECTIONALLY -DIRECTIONS -DIRECTIVE -DIRECTIVES -DIRECTLY -DIRECTNESS -DIRECTOR -DIRECTORATE -DIRECTORIES -DIRECTORS -DIRECTORY -DIRECTRICES -DIRECTRIX -DIRECTS -DIRGE -DIRGES -DIRICHLET -DIRT -DIRTIER -DIRTIEST -DIRTILY -DIRTINESS -DIRTS -DIRTY -DIS -DISABILITIES -DISABILITY -DISABLE -DISABLED -DISABLER -DISABLERS -DISABLES -DISABLING -DISADVANTAGE -DISADVANTAGEOUS -DISADVANTAGES -DISAFFECTED -DISAFFECTION -DISAGREE -DISAGREEABLE -DISAGREED -DISAGREEING -DISAGREEMENT -DISAGREEMENTS -DISAGREES -DISALLOW -DISALLOWED -DISALLOWING -DISALLOWS -DISAMBIGUATE -DISAMBIGUATED -DISAMBIGUATES -DISAMBIGUATING -DISAMBIGUATION -DISAMBIGUATIONS -DISAPPEAR -DISAPPEARANCE -DISAPPEARANCES -DISAPPEARED -DISAPPEARING -DISAPPEARS -DISAPPOINT -DISAPPOINTED -DISAPPOINTING -DISAPPOINTMENT -DISAPPOINTMENTS -DISAPPROVAL -DISAPPROVE -DISAPPROVED -DISAPPROVES -DISARM -DISARMAMENT -DISARMED -DISARMING -DISARMS -DISASSEMBLE -DISASSEMBLED -DISASSEMBLES -DISASSEMBLING -DISASSEMBLY -DISASTER -DISASTERS -DISASTROUS -DISASTROUSLY -DISBAND -DISBANDED -DISBANDING -DISBANDS -DISBURSE -DISBURSED -DISBURSEMENT -DISBURSEMENTS -DISBURSES -DISBURSING -DISC -DISCARD -DISCARDED -DISCARDING -DISCARDS -DISCERN -DISCERNED -DISCERNIBILITY -DISCERNIBLE -DISCERNIBLY -DISCERNING -DISCERNINGLY -DISCERNMENT -DISCERNS -DISCHARGE -DISCHARGED -DISCHARGES -DISCHARGING -DISCIPLE -DISCIPLES -DISCIPLINARY -DISCIPLINE -DISCIPLINED -DISCIPLINES -DISCIPLINING -DISCLAIM -DISCLAIMED -DISCLAIMER -DISCLAIMS -DISCLOSE -DISCLOSED -DISCLOSES -DISCLOSING -DISCLOSURE -DISCLOSURES -DISCOMFORT -DISCONCERT -DISCONCERTING -DISCONCERTINGLY -DISCONNECT -DISCONNECTED -DISCONNECTING -DISCONNECTION -DISCONNECTS -DISCONTENT -DISCONTENTED -DISCONTINUANCE -DISCONTINUE -DISCONTINUED -DISCONTINUES -DISCONTINUITIES -DISCONTINUITY -DISCONTINUOUS -DISCORD -DISCORDANT -DISCOUNT -DISCOUNTED -DISCOUNTING -DISCOUNTS -DISCOURAGE -DISCOURAGED -DISCOURAGEMENT -DISCOURAGES -DISCOURAGING -DISCOURSE -DISCOURSES -DISCOVER -DISCOVERED -DISCOVERER -DISCOVERERS -DISCOVERIES -DISCOVERING -DISCOVERS -DISCOVERY -DISCREDIT -DISCREDITED -DISCREET -DISCREETLY -DISCREPANCIES -DISCREPANCY -DISCRETE -DISCRETELY -DISCRETENESS -DISCRETION -DISCRETIONARY -DISCRIMINANT -DISCRIMINATE -DISCRIMINATED -DISCRIMINATES -DISCRIMINATING -DISCRIMINATION -DISCRIMINATORY -DISCS -DISCUSS -DISCUSSANT -DISCUSSED -DISCUSSES -DISCUSSING -DISCUSSION -DISCUSSIONS -DISDAIN -DISDAINING -DISDAINS -DISEASE -DISEASED -DISEASES -DISEMBOWEL -DISENGAGE -DISENGAGED -DISENGAGES -DISENGAGING -DISENTANGLE -DISENTANGLING -DISFIGURE -DISFIGURED -DISFIGURES -DISFIGURING -DISGORGE -DISGRACE -DISGRACED -DISGRACEFUL -DISGRACEFULLY -DISGRACES -DISGRUNTLE -DISGRUNTLED -DISGUISE -DISGUISED -DISGUISES -DISGUST -DISGUSTED -DISGUSTEDLY -DISGUSTFUL -DISGUSTING -DISGUSTINGLY -DISGUSTS -DISH -DISHEARTEN -DISHEARTENING -DISHED -DISHES -DISHEVEL -DISHING -DISHONEST -DISHONESTLY -DISHONESTY -DISHONOR -DISHONORABLE -DISHONORED -DISHONORING -DISHONORS -DISHWASHER -DISHWASHERS -DISHWASHING -DISHWATER -DISILLUSION -DISILLUSIONED -DISILLUSIONING -DISILLUSIONMENT -DISILLUSIONMENTS -DISINCLINED -DISINGENUOUS -DISINTERESTED -DISINTERESTEDNESS -DISJOINT -DISJOINTED -DISJOINTLY -DISJOINTNESS -DISJUNCT -DISJUNCTION -DISJUNCTIONS -DISJUNCTIVE -DISJUNCTIVELY -DISJUNCTS -DISK -DISKETTE -DISKETTES -DISKS -DISLIKE -DISLIKED -DISLIKES -DISLIKING -DISLOCATE -DISLOCATED -DISLOCATES -DISLOCATING -DISLOCATION -DISLOCATIONS -DISLODGE -DISLODGED -DISMAL -DISMALLY -DISMAY -DISMAYED -DISMAYING -DISMEMBER -DISMEMBERED -DISMEMBERMENT -DISMEMBERS -DISMISS -DISMISSAL -DISMISSALS -DISMISSED -DISMISSER -DISMISSERS -DISMISSES -DISMISSING -DISMOUNT -DISMOUNTED -DISMOUNTING -DISMOUNTS -DISNEY -DISNEYLAND -DISOBEDIENCE -DISOBEDIENT -DISOBEY -DISOBEYED -DISOBEYING -DISOBEYS -DISORDER -DISORDERED -DISORDERLY -DISORDERS -DISORGANIZED -DISOWN -DISOWNED -DISOWNING -DISOWNS -DISPARAGE -DISPARATE -DISPARITIES -DISPARITY -DISPASSIONATE -DISPATCH -DISPATCHED -DISPATCHER -DISPATCHERS -DISPATCHES -DISPATCHING -DISPEL -DISPELL -DISPELLED -DISPELLING -DISPELS -DISPENSARY -DISPENSATION -DISPENSE -DISPENSED -DISPENSER -DISPENSERS -DISPENSES -DISPENSING -DISPERSAL -DISPERSE -DISPERSED -DISPERSES -DISPERSING -DISPERSION -DISPERSIONS -DISPLACE -DISPLACED -DISPLACEMENT -DISPLACEMENTS -DISPLACES -DISPLACING -DISPLAY -DISPLAYABLE -DISPLAYED -DISPLAYER -DISPLAYING -DISPLAYS -DISPLEASE -DISPLEASED -DISPLEASES -DISPLEASING -DISPLEASURE -DISPOSABLE -DISPOSAL -DISPOSALS -DISPOSE -DISPOSED -DISPOSER -DISPOSES -DISPOSING -DISPOSITION -DISPOSITIONS -DISPOSSESSED -DISPROPORTIONATE -DISPROVE -DISPROVED -DISPROVES -DISPROVING -DISPUTE -DISPUTED -DISPUTER -DISPUTERS -DISPUTES -DISPUTING -DISQUALIFICATION -DISQUALIFIED -DISQUALIFIES -DISQUALIFY -DISQUALIFYING -DISQUIET -DISQUIETING -DISRAELI -DISREGARD -DISREGARDED -DISREGARDING -DISREGARDS -DISRESPECTFUL -DISRUPT -DISRUPTED -DISRUPTING -DISRUPTION -DISRUPTIONS -DISRUPTIVE -DISRUPTS -DISSATISFACTION -DISSATISFACTIONS -DISSATISFACTORY -DISSATISFIED -DISSECT -DISSECTS -DISSEMBLE -DISSEMINATE -DISSEMINATED -DISSEMINATES -DISSEMINATING -DISSEMINATION -DISSENSION -DISSENSIONS -DISSENT -DISSENTED -DISSENTER -DISSENTERS -DISSENTING -DISSENTS -DISSERTATION -DISSERTATIONS -DISSERVICE -DISSIDENT -DISSIDENTS -DISSIMILAR -DISSIMILARITIES -DISSIMILARITY -DISSIPATE -DISSIPATED -DISSIPATES -DISSIPATING -DISSIPATION -DISSOCIATE -DISSOCIATED -DISSOCIATES -DISSOCIATING -DISSOCIATION -DISSOLUTION -DISSOLUTIONS -DISSOLVE -DISSOLVED -DISSOLVES -DISSOLVING -DISSONANT -DISSUADE -DISTAFF -DISTAL -DISTALLY -DISTANCE -DISTANCES -DISTANT -DISTANTLY -DISTASTE -DISTASTEFUL -DISTASTEFULLY -DISTASTES -DISTEMPER -DISTEMPERED -DISTEMPERS -DISTILL -DISTILLATION -DISTILLED -DISTILLER -DISTILLERS -DISTILLERY -DISTILLING -DISTILLS -DISTINCT -DISTINCTION -DISTINCTIONS -DISTINCTIVE -DISTINCTIVELY -DISTINCTIVENESS -DISTINCTLY -DISTINCTNESS -DISTINGUISH -DISTINGUISHABLE -DISTINGUISHED -DISTINGUISHES -DISTINGUISHING -DISTORT -DISTORTED -DISTORTING -DISTORTION -DISTORTIONS -DISTORTS -DISTRACT -DISTRACTED -DISTRACTING -DISTRACTION -DISTRACTIONS -DISTRACTS -DISTRAUGHT -DISTRESS -DISTRESSED -DISTRESSES -DISTRESSING -DISTRIBUTE -DISTRIBUTED -DISTRIBUTES -DISTRIBUTING -DISTRIBUTION -DISTRIBUTIONAL -DISTRIBUTIONS -DISTRIBUTIVE -DISTRIBUTIVITY -DISTRIBUTOR -DISTRIBUTORS -DISTRICT -DISTRICTS -DISTRUST -DISTRUSTED -DISTURB -DISTURBANCE -DISTURBANCES -DISTURBED -DISTURBER -DISTURBING -DISTURBINGLY -DISTURBS -DISUSE -DITCH -DITCHES -DITHER -DITTO -DITTY -DITZEL -DIURNAL -DIVAN -DIVANS -DIVE -DIVED -DIVER -DIVERGE -DIVERGED -DIVERGENCE -DIVERGENCES -DIVERGENT -DIVERGES -DIVERGING -DIVERS -DIVERSE -DIVERSELY -DIVERSIFICATION -DIVERSIFIED -DIVERSIFIES -DIVERSIFY -DIVERSIFYING -DIVERSION -DIVERSIONARY -DIVERSIONS -DIVERSITIES -DIVERSITY -DIVERT -DIVERTED -DIVERTING -DIVERTS -DIVES -DIVEST -DIVESTED -DIVESTING -DIVESTITURE -DIVESTS -DIVIDE -DIVIDED -DIVIDEND -DIVIDENDS -DIVIDER -DIVIDERS -DIVIDES -DIVIDING -DIVINE -DIVINELY -DIVINER -DIVING -DIVINING -DIVINITIES -DIVINITY -DIVISIBILITY -DIVISIBLE -DIVISION -DIVISIONAL -DIVISIONS -DIVISIVE -DIVISOR -DIVISORS -DIVORCE -DIVORCED -DIVORCEE -DIVULGE -DIVULGED -DIVULGES -DIVULGING -DIXIE -DIXIECRATS -DIXIELAND -DIXON -DIZZINESS -DIZZY -DJAKARTA -DMITRI -DNIEPER -DOBBIN -DOBBS -DOBERMAN -DOC -DOCILE -DOCK -DOCKED -DOCKET -DOCKS -DOCKSIDE -DOCKYARD -DOCTOR -DOCTORAL -DOCTORATE -DOCTORATES -DOCTORED -DOCTORS -DOCTRINAIRE -DOCTRINAL -DOCTRINE -DOCTRINES -DOCUMENT -DOCUMENTARIES -DOCUMENTARY -DOCUMENTATION -DOCUMENTATIONS -DOCUMENTED -DOCUMENTER -DOCUMENTERS -DOCUMENTING -DOCUMENTS -DODD -DODECAHEDRA -DODECAHEDRAL -DODECAHEDRON -DODGE -DODGED -DODGER -DODGERS -DODGING -DODINGTON -DODSON -DOE -DOER -DOERS -DOES -DOG -DOGE -DOGGED -DOGGEDLY -DOGGEDNESS -DOGGING -DOGHOUSE -DOGMA -DOGMAS -DOGMATIC -DOGMATISM -DOGS -DOGTOWN -DOHERTY -DOING -DOINGS -DOLAN -DOLDRUM -DOLE -DOLED -DOLEFUL -DOLEFULLY -DOLES -DOLL -DOLLAR -DOLLARS -DOLLIES -DOLLS -DOLLY -DOLORES -DOLPHIN -DOLPHINS -DOMAIN -DOMAINS -DOME -DOMED -DOMENICO -DOMES -DOMESDAY -DOMESTIC -DOMESTICALLY -DOMESTICATE -DOMESTICATED -DOMESTICATES -DOMESTICATING -DOMESTICATION -DOMICILE -DOMINANCE -DOMINANT -DOMINANTLY -DOMINATE -DOMINATED -DOMINATES -DOMINATING -DOMINATION -DOMINEER -DOMINEERING -DOMINGO -DOMINIC -DOMINICAN -DOMINICANS -DOMINICK -DOMINION -DOMINIQUE -DOMINO -DON -DONAHUE -DONALD -DONALDSON -DONATE -DONATED -DONATES -DONATING -DONATION -DONE -DONECK -DONKEY -DONKEYS -DONNA -DONNELLY -DONNER -DONNYBROOK -DONOR -DONOVAN -DONS -DOODLE -DOOLEY -DOOLITTLE -DOOM -DOOMED -DOOMING -DOOMS -DOOMSDAY -DOOR -DOORBELL -DOORKEEPER -DOORMAN -DOORMEN -DOORS -DOORSTEP -DOORSTEPS -DOORWAY -DOORWAYS -DOPE -DOPED -DOPER -DOPERS -DOPES -DOPING -DOPPLER -DORA -DORADO -DORCAS -DORCHESTER -DOREEN -DORIA -DORIC -DORICIZE -DORICIZES -DORIS -DORMANT -DORMITORIES -DORMITORY -DOROTHEA -DOROTHY -DORSET -DORTMUND -DOSAGE -DOSE -DOSED -DOSES -DOSSIER -DOSSIERS -DOSTOEVSKY -DOT -DOTE -DOTED -DOTES -DOTING -DOTINGLY -DOTS -DOTTED -DOTTING -DOUBLE -DOUBLED -DOUBLEDAY -DOUBLEHEADER -DOUBLER -DOUBLERS -DOUBLES -DOUBLET -DOUBLETON -DOUBLETS -DOUBLING -DOUBLOON -DOUBLY -DOUBT -DOUBTABLE -DOUBTED -DOUBTER -DOUBTERS -DOUBTFUL -DOUBTFULLY -DOUBTING -DOUBTLESS -DOUBTLESSLY -DOUBTS -DOUG -DOUGH -DOUGHERTY -DOUGHNUT -DOUGHNUTS -DOUGLAS -DOUGLASS -DOVE -DOVER -DOVES -DOVETAIL -DOW -DOWAGER -DOWEL -DOWLING -DOWN -DOWNCAST -DOWNED -DOWNERS -DOWNEY -DOWNFALL -DOWNFALLEN -DOWNGRADE -DOWNHILL -DOWNING -DOWNLINK -DOWNLINKS -DOWNLOAD -DOWNLOADED -DOWNLOADING -DOWNLOADS -DOWNPLAY -DOWNPLAYED -DOWNPLAYING -DOWNPLAYS -DOWNPOUR -DOWNRIGHT -DOWNS -DOWNSIDE -DOWNSTAIRS -DOWNSTREAM -DOWNTOWN -DOWNTOWNS -DOWNTRODDEN -DOWNTURN -DOWNWARD -DOWNWARDS -DOWNY -DOWRY -DOYLE -DOZE -DOZED -DOZEN -DOZENS -DOZENTH -DOZES -DOZING -DRAB -DRACO -DRACONIAN -DRAFT -DRAFTED -DRAFTEE -DRAFTER -DRAFTERS -DRAFTING -DRAFTS -DRAFTSMAN -DRAFTSMEN -DRAFTY -DRAG -DRAGGED -DRAGGING -DRAGNET -DRAGON -DRAGONFLY -DRAGONHEAD -DRAGONS -DRAGOON -DRAGOONED -DRAGOONS -DRAGS -DRAIN -DRAINAGE -DRAINED -DRAINER -DRAINING -DRAINS -DRAKE -DRAM -DRAMA -DRAMAMINE -DRAMAS -DRAMATIC -DRAMATICALLY -DRAMATICS -DRAMATIST -DRAMATISTS -DRANK -DRAPE -DRAPED -DRAPER -DRAPERIES -DRAPERS -DRAPERY -DRAPES -DRASTIC -DRASTICALLY -DRAUGHT -DRAUGHTS -DRAVIDIAN -DRAW -DRAWBACK -DRAWBACKS -DRAWBRIDGE -DRAWBRIDGES -DRAWER -DRAWERS -DRAWING -DRAWINGS -DRAWL -DRAWLED -DRAWLING -DRAWLS -DRAWN -DRAWNLY -DRAWNNESS -DRAWS -DREAD -DREADED -DREADFUL -DREADFULLY -DREADING -DREADNOUGHT -DREADS -DREAM -DREAMBOAT -DREAMED -DREAMER -DREAMERS -DREAMILY -DREAMING -DREAMLIKE -DREAMS -DREAMT -DREAMY -DREARINESS -DREARY -DREDGE -DREGS -DRENCH -DRENCHED -DRENCHES -DRENCHING -DRESS -DRESSED -DRESSER -DRESSERS -DRESSES -DRESSING -DRESSINGS -DRESSMAKER -DRESSMAKERS -DREW -DREXEL -DREYFUSS -DRIED -DRIER -DRIERS -DRIES -DRIEST -DRIFT -DRIFTED -DRIFTER -DRIFTERS -DRIFTING -DRIFTS -DRILL -DRILLED -DRILLER -DRILLING -DRILLS -DRILY -DRINK -DRINKABLE -DRINKER -DRINKERS -DRINKING -DRINKS -DRIP -DRIPPING -DRIPPY -DRIPS -DRISCOLL -DRIVE -DRIVEN -DRIVER -DRIVERS -DRIVES -DRIVEWAY -DRIVEWAYS -DRIVING -DRIZZLE -DRIZZLY -DROLL -DROMEDARY -DRONE -DRONES -DROOL -DROOP -DROOPED -DROOPING -DROOPS -DROOPY -DROP -DROPLET -DROPOUT -DROPPED -DROPPER -DROPPERS -DROPPING -DROPPINGS -DROPS -DROSOPHILA -DROUGHT -DROUGHTS -DROVE -DROVER -DROVERS -DROVES -DROWN -DROWNED -DROWNING -DROWNINGS -DROWNS -DROWSINESS -DROWSY -DRUBBING -DRUDGE -DRUDGERY -DRUG -DRUGGIST -DRUGGISTS -DRUGS -DRUGSTORE -DRUM -DRUMHEAD -DRUMMED -DRUMMER -DRUMMERS -DRUMMING -DRUMMOND -DRUMS -DRUNK -DRUNKARD -DRUNKARDS -DRUNKEN -DRUNKENNESS -DRUNKER -DRUNKLY -DRUNKS -DRURY -DRY -DRYDEN -DRYING -DRYLY -DUAL -DUALISM -DUALITIES -DUALITY -DUANE -DUB -DUBBED -DUBHE -DUBIOUS -DUBIOUSLY -DUBIOUSNESS -DUBLIN -DUBS -DUBUQUE -DUCHESS -DUCHESSES -DUCHY -DUCK -DUCKED -DUCKING -DUCKLING -DUCKS -DUCT -DUCTS -DUD -DUDLEY -DUE -DUEL -DUELING -DUELS -DUES -DUET -DUFFY -DUG -DUGAN -DUKE -DUKES -DULL -DULLED -DULLER -DULLES -DULLEST -DULLING -DULLNESS -DULLS -DULLY -DULUTH -DULY -DUMB -DUMBBELL -DUMBBELLS -DUMBER -DUMBEST -DUMBLY -DUMBNESS -DUMMIES -DUMMY -DUMP -DUMPED -DUMPER -DUMPING -DUMPS -DUMPTY -DUNBAR -DUNCAN -DUNCE -DUNCES -DUNDEE -DUNE -DUNEDIN -DUNES -DUNG -DUNGEON -DUNGEONS -DUNHAM -DUNK -DUNKIRK -DUNLAP -DUNLOP -DUNN -DUNNE -DUPE -DUPLEX -DUPLICABLE -DUPLICATE -DUPLICATED -DUPLICATES -DUPLICATING -DUPLICATION -DUPLICATIONS -DUPLICATOR -DUPLICATORS -DUPLICITY -DUPONT -DUPONT -DUPONTS -DUPONTS -DUQUESNE -DURABILITIES -DURABILITY -DURABLE -DURABLY -DURANGO -DURATION -DURATIONS -DURER -DURERS -DURESS -DURHAM -DURING -DURKEE -DURKIN -DURRELL -DURWARD -DUSENBERG -DUSENBURY -DUSK -DUSKINESS -DUSKY -DUSSELDORF -DUST -DUSTBIN -DUSTED -DUSTER -DUSTERS -DUSTIER -DUSTIEST -DUSTIN -DUSTING -DUSTS -DUSTY -DUTCH -DUTCHESS -DUTCHMAN -DUTCHMEN -DUTIES -DUTIFUL -DUTIFULLY -DUTIFULNESS -DUTTON -DUTY -DVORAK -DWARF -DWARFED -DWARFS -DWARVES -DWELL -DWELLED -DWELLER -DWELLERS -DWELLING -DWELLINGS -DWELLS -DWELT -DWIGHT -DWINDLE -DWINDLED -DWINDLING -DWYER -DYAD -DYADIC -DYE -DYED -DYEING -DYER -DYERS -DYES -DYING -DYKE -DYLAN -DYNAMIC -DYNAMICALLY -DYNAMICS -DYNAMISM -DYNAMITE -DYNAMITED -DYNAMITES -DYNAMITING -DYNAMO -DYNASTIC -DYNASTIES -DYNASTY -DYNE -DYSENTERY -DYSPEPTIC -DYSTROPHY -EACH -EAGAN -EAGER -EAGERLY -EAGERNESS -EAGLE -EAGLES -EAR -EARDRUM -EARED -EARL -EARLIER -EARLIEST -EARLINESS -EARLS -EARLY -EARMARK -EARMARKED -EARMARKING -EARMARKINGS -EARMARKS -EARN -EARNED -EARNER -EARNERS -EARNEST -EARNESTLY -EARNESTNESS -EARNING -EARNINGS -EARNS -EARP -EARPHONE -EARRING -EARRINGS -EARS -EARSPLITTING -EARTH -EARTHEN -EARTHENWARE -EARTHLINESS -EARTHLING -EARTHLY -EARTHMAN -EARTHMEN -EARTHMOVER -EARTHQUAKE -EARTHQUAKES -EARTHS -EARTHWORM -EARTHWORMS -EARTHY -EASE -EASED -EASEL -EASEMENT -EASEMENTS -EASES -EASIER -EASIEST -EASILY -EASINESS -EASING -EAST -EASTBOUND -EASTER -EASTERN -EASTERNER -EASTERNERS -EASTERNMOST -EASTHAMPTON -EASTLAND -EASTMAN -EASTWARD -EASTWARDS -EASTWICK -EASTWOOD -EASY -EASYGOING -EAT -EATEN -EATER -EATERS -EATING -EATINGS -EATON -EATS -EAVES -EAVESDROP -EAVESDROPPED -EAVESDROPPER -EAVESDROPPERS -EAVESDROPPING -EAVESDROPS -EBB -EBBING -EBBS -EBEN -EBONY -ECCENTRIC -ECCENTRICITIES -ECCENTRICITY -ECCENTRICS -ECCLES -ECCLESIASTICAL -ECHELON -ECHO -ECHOED -ECHOES -ECHOING -ECLECTIC -ECLIPSE -ECLIPSED -ECLIPSES -ECLIPSING -ECLIPTIC -ECOLE -ECOLOGY -ECONOMETRIC -ECONOMETRICA -ECONOMIC -ECONOMICAL -ECONOMICALLY -ECONOMICS -ECONOMIES -ECONOMIST -ECONOMISTS -ECONOMIZE -ECONOMIZED -ECONOMIZER -ECONOMIZERS -ECONOMIZES -ECONOMIZING -ECONOMY -ECOSYSTEM -ECSTASY -ECSTATIC -ECUADOR -ECUADORIAN -EDDIE -EDDIES -EDDY -EDEN -EDENIZATION -EDENIZATIONS -EDENIZE -EDENIZES -EDGAR -EDGE -EDGED -EDGERTON -EDGES -EDGEWATER -EDGEWOOD -EDGING -EDIBLE -EDICT -EDICTS -EDIFICE -EDIFICES -EDINBURGH -EDISON -EDIT -EDITED -EDITH -EDITING -EDITION -EDITIONS -EDITOR -EDITORIAL -EDITORIALLY -EDITORIALS -EDITORS -EDITS -EDMONDS -EDMONDSON -EDMONTON -EDMUND -EDNA -EDSGER -EDUARD -EDUARDO -EDUCABLE -EDUCATE -EDUCATED -EDUCATES -EDUCATING -EDUCATION -EDUCATIONAL -EDUCATIONALLY -EDUCATIONS -EDUCATOR -EDUCATORS -EDWARD -EDWARDIAN -EDWARDINE -EDWARDS -EDWIN -EDWINA -EEL -EELGRASS -EELS -EERIE -EERILY -EFFECT -EFFECTED -EFFECTING -EFFECTIVE -EFFECTIVELY -EFFECTIVENESS -EFFECTOR -EFFECTORS -EFFECTS -EFFECTUALLY -EFFECTUATE -EFFEMINATE -EFFICACY -EFFICIENCIES -EFFICIENCY -EFFICIENT -EFFICIENTLY -EFFIE -EFFIGY -EFFORT -EFFORTLESS -EFFORTLESSLY -EFFORTLESSNESS -EFFORTS -EGALITARIAN -EGAN -EGG -EGGED -EGGHEAD -EGGING -EGGPLANT -EGGS -EGGSHELL -EGO -EGOCENTRIC -EGOS -EGOTISM -EGOTIST -EGYPT -EGYPTIAN -EGYPTIANIZATION -EGYPTIANIZATIONS -EGYPTIANIZE -EGYPTIANIZES -EGYPTIANS -EGYPTIZE -EGYPTIZES -EGYPTOLOGY -EHRLICH -EICHMANN -EIFFEL -EIGENFUNCTION -EIGENSTATE -EIGENVALUE -EIGENVALUES -EIGENVECTOR -EIGHT -EIGHTEEN -EIGHTEENS -EIGHTEENTH -EIGHTFOLD -EIGHTH -EIGHTHES -EIGHTIES -EIGHTIETH -EIGHTS -EIGHTY -EILEEN -EINSTEIN -EINSTEINIAN -EIRE -EISENHOWER -EISNER -EITHER -EJACULATE -EJACULATED -EJACULATES -EJACULATING -EJACULATION -EJACULATIONS -EJECT -EJECTED -EJECTING -EJECTS -EKBERG -EKE -EKED -EKES -EKSTROM -EKTACHROME -ELABORATE -ELABORATED -ELABORATELY -ELABORATENESS -ELABORATES -ELABORATING -ELABORATION -ELABORATIONS -ELABORATORS -ELAINE -ELAPSE -ELAPSED -ELAPSES -ELAPSING -ELASTIC -ELASTICALLY -ELASTICITY -ELBA -ELBOW -ELBOWING -ELBOWS -ELDER -ELDERLY -ELDERS -ELDEST -ELDON -ELEANOR -ELEAZAR -ELECT -ELECTED -ELECTING -ELECTION -ELECTIONS -ELECTIVE -ELECTIVES -ELECTOR -ELECTORAL -ELECTORATE -ELECTORS -ELECTRA -ELECTRIC -ELECTRICAL -ELECTRICALLY -ELECTRICALNESS -ELECTRICIAN -ELECTRICITY -ELECTRIFICATION -ELECTRIFY -ELECTRIFYING -ELECTRO -ELECTROCARDIOGRAM -ELECTROCARDIOGRAPH -ELECTROCUTE -ELECTROCUTED -ELECTROCUTES -ELECTROCUTING -ELECTROCUTION -ELECTROCUTIONS -ELECTRODE -ELECTRODES -ELECTROENCEPHALOGRAM -ELECTROENCEPHALOGRAPH -ELECTROENCEPHALOGRAPHY -ELECTROLYSIS -ELECTROLYTE -ELECTROLYTES -ELECTROLYTIC -ELECTROMAGNETIC -ELECTROMECHANICAL -ELECTRON -ELECTRONIC -ELECTRONICALLY -ELECTRONICS -ELECTRONS -ELECTROPHORESIS -ELECTROPHORUS -ELECTS -ELEGANCE -ELEGANT -ELEGANTLY -ELEGY -ELEMENT -ELEMENTAL -ELEMENTALS -ELEMENTARY -ELEMENTS -ELENA -ELEPHANT -ELEPHANTS -ELEVATE -ELEVATED -ELEVATES -ELEVATION -ELEVATOR -ELEVATORS -ELEVEN -ELEVENS -ELEVENTH -ELF -ELGIN -ELI -ELICIT -ELICITED -ELICITING -ELICITS -ELIDE -ELIGIBILITY -ELIGIBLE -ELIJAH -ELIMINATE -ELIMINATED -ELIMINATES -ELIMINATING -ELIMINATION -ELIMINATIONS -ELIMINATOR -ELIMINATORS -ELINOR -ELIOT -ELISABETH -ELISHA -ELISION -ELITE -ELITIST -ELIZABETH -ELIZABETHAN -ELIZABETHANIZE -ELIZABETHANIZES -ELIZABETHANS -ELK -ELKHART -ELKS -ELLA -ELLEN -ELLIE -ELLIOT -ELLIOTT -ELLIPSE -ELLIPSES -ELLIPSIS -ELLIPSOID -ELLIPSOIDAL -ELLIPSOIDS -ELLIPTIC -ELLIPTICAL -ELLIPTICALLY -ELLIS -ELLISON -ELLSWORTH -ELLWOOD -ELM -ELMER -ELMHURST -ELMIRA -ELMS -ELMSFORD -ELOISE -ELOPE -ELOQUENCE -ELOQUENT -ELOQUENTLY -ELROY -ELSE -ELSEVIER -ELSEWHERE -ELSIE -ELSINORE -ELTON -ELUCIDATE -ELUCIDATED -ELUCIDATES -ELUCIDATING -ELUCIDATION -ELUDE -ELUDED -ELUDES -ELUDING -ELUSIVE -ELUSIVELY -ELUSIVENESS -ELVES -ELVIS -ELY -ELYSEE -ELYSEES -ELYSIUM -EMACIATE -EMACIATED -EMACS -EMANATE -EMANATING -EMANCIPATE -EMANCIPATION -EMANUEL -EMASCULATE -EMBALM -EMBARGO -EMBARGOES -EMBARK -EMBARKED -EMBARKS -EMBARRASS -EMBARRASSED -EMBARRASSES -EMBARRASSING -EMBARRASSMENT -EMBASSIES -EMBASSY -EMBED -EMBEDDED -EMBEDDING -EMBEDS -EMBELLISH -EMBELLISHED -EMBELLISHES -EMBELLISHING -EMBELLISHMENT -EMBELLISHMENTS -EMBER -EMBEZZLE -EMBLEM -EMBODIED -EMBODIES -EMBODIMENT -EMBODIMENTS -EMBODY -EMBODYING -EMBOLDEN -EMBRACE -EMBRACED -EMBRACES -EMBRACING -EMBROIDER -EMBROIDERED -EMBROIDERIES -EMBROIDERS -EMBROIDERY -EMBROIL -EMBRYO -EMBRYOLOGY -EMBRYOS -EMERALD -EMERALDS -EMERGE -EMERGED -EMERGENCE -EMERGENCIES -EMERGENCY -EMERGENT -EMERGES -EMERGING -EMERITUS -EMERSON -EMERY -EMIGRANT -EMIGRANTS -EMIGRATE -EMIGRATED -EMIGRATES -EMIGRATING -EMIGRATION -EMIL -EMILE -EMILIO -EMILY -EMINENCE -EMINENT -EMINENTLY -EMISSARY -EMISSION -EMIT -EMITS -EMITTED -EMITTER -EMITTING -EMMA -EMMANUEL -EMMETT -EMORY -EMOTION -EMOTIONAL -EMOTIONALLY -EMOTIONS -EMPATHY -EMPEROR -EMPERORS -EMPHASES -EMPHASIS -EMPHASIZE -EMPHASIZED -EMPHASIZES -EMPHASIZING -EMPHATIC -EMPHATICALLY -EMPIRE -EMPIRES -EMPIRICAL -EMPIRICALLY -EMPIRICIST -EMPIRICISTS -EMPLOY -EMPLOYABLE -EMPLOYED -EMPLOYEE -EMPLOYEES -EMPLOYER -EMPLOYERS -EMPLOYING -EMPLOYMENT -EMPLOYMENTS -EMPLOYS -EMPORIUM -EMPOWER -EMPOWERED -EMPOWERING -EMPOWERS -EMPRESS -EMPTIED -EMPTIER -EMPTIES -EMPTIEST -EMPTILY -EMPTINESS -EMPTY -EMPTYING -EMULATE -EMULATED -EMULATES -EMULATING -EMULATION -EMULATIONS -EMULATOR -EMULATORS -ENABLE -ENABLED -ENABLER -ENABLERS -ENABLES -ENABLING -ENACT -ENACTED -ENACTING -ENACTMENT -ENACTS -ENAMEL -ENAMELED -ENAMELING -ENAMELS -ENCAMP -ENCAMPED -ENCAMPING -ENCAMPS -ENCAPSULATE -ENCAPSULATED -ENCAPSULATES -ENCAPSULATING -ENCAPSULATION -ENCASED -ENCHANT -ENCHANTED -ENCHANTER -ENCHANTING -ENCHANTMENT -ENCHANTRESS -ENCHANTS -ENCIPHER -ENCIPHERED -ENCIPHERING -ENCIPHERS -ENCIRCLE -ENCIRCLED -ENCIRCLES -ENCLOSE -ENCLOSED -ENCLOSES -ENCLOSING -ENCLOSURE -ENCLOSURES -ENCODE -ENCODED -ENCODER -ENCODERS -ENCODES -ENCODING -ENCODINGS -ENCOMPASS -ENCOMPASSED -ENCOMPASSES -ENCOMPASSING -ENCORE -ENCOUNTER -ENCOUNTERED -ENCOUNTERING -ENCOUNTERS -ENCOURAGE -ENCOURAGED -ENCOURAGEMENT -ENCOURAGEMENTS -ENCOURAGES -ENCOURAGING -ENCOURAGINGLY -ENCROACH -ENCRUST -ENCRYPT -ENCRYPTED -ENCRYPTING -ENCRYPTION -ENCRYPTIONS -ENCRYPTS -ENCUMBER -ENCUMBERED -ENCUMBERING -ENCUMBERS -ENCYCLOPEDIA -ENCYCLOPEDIAS -ENCYCLOPEDIC -END -ENDANGER -ENDANGERED -ENDANGERING -ENDANGERS -ENDEAR -ENDEARED -ENDEARING -ENDEARS -ENDEAVOR -ENDEAVORED -ENDEAVORING -ENDEAVORS -ENDED -ENDEMIC -ENDER -ENDERS -ENDGAME -ENDICOTT -ENDING -ENDINGS -ENDLESS -ENDLESSLY -ENDLESSNESS -ENDORSE -ENDORSED -ENDORSEMENT -ENDORSES -ENDORSING -ENDOW -ENDOWED -ENDOWING -ENDOWMENT -ENDOWMENTS -ENDOWS -ENDPOINT -ENDS -ENDURABLE -ENDURABLY -ENDURANCE -ENDURE -ENDURED -ENDURES -ENDURING -ENDURINGLY -ENEMA -ENEMAS -ENEMIES -ENEMY -ENERGETIC -ENERGIES -ENERGIZE -ENERGY -ENERVATE -ENFEEBLE -ENFIELD -ENFORCE -ENFORCEABLE -ENFORCED -ENFORCEMENT -ENFORCER -ENFORCERS -ENFORCES -ENFORCING -ENFRANCHISE -ENG -ENGAGE -ENGAGED -ENGAGEMENT -ENGAGEMENTS -ENGAGES -ENGAGING -ENGAGINGLY -ENGEL -ENGELS -ENGENDER -ENGENDERED -ENGENDERING -ENGENDERS -ENGINE -ENGINEER -ENGINEERED -ENGINEERING -ENGINEERS -ENGINES -ENGLAND -ENGLANDER -ENGLANDERS -ENGLE -ENGLEWOOD -ENGLISH -ENGLISHIZE -ENGLISHIZES -ENGLISHMAN -ENGLISHMEN -ENGRAVE -ENGRAVED -ENGRAVER -ENGRAVES -ENGRAVING -ENGRAVINGS -ENGROSS -ENGROSSED -ENGROSSING -ENGULF -ENHANCE -ENHANCED -ENHANCEMENT -ENHANCEMENTS -ENHANCES -ENHANCING -ENID -ENIGMA -ENIGMATIC -ENJOIN -ENJOINED -ENJOINING -ENJOINS -ENJOY -ENJOYABLE -ENJOYABLY -ENJOYED -ENJOYING -ENJOYMENT -ENJOYS -ENLARGE -ENLARGED -ENLARGEMENT -ENLARGEMENTS -ENLARGER -ENLARGERS -ENLARGES -ENLARGING -ENLIGHTEN -ENLIGHTENED -ENLIGHTENING -ENLIGHTENMENT -ENLIST -ENLISTED -ENLISTMENT -ENLISTS -ENLIVEN -ENLIVENED -ENLIVENING -ENLIVENS -ENMITIES -ENMITY -ENNOBLE -ENNOBLED -ENNOBLES -ENNOBLING -ENNUI -ENOCH -ENORMITIES -ENORMITY -ENORMOUS -ENORMOUSLY -ENOS -ENOUGH -ENQUEUE -ENQUEUED -ENQUEUES -ENQUIRE -ENQUIRED -ENQUIRER -ENQUIRES -ENQUIRY -ENRAGE -ENRAGED -ENRAGES -ENRAGING -ENRAPTURE -ENRICH -ENRICHED -ENRICHES -ENRICHING -ENRICO -ENROLL -ENROLLED -ENROLLING -ENROLLMENT -ENROLLMENTS -ENROLLS -ENSEMBLE -ENSEMBLES -ENSIGN -ENSIGNS -ENSLAVE -ENSLAVED -ENSLAVES -ENSLAVING -ENSNARE -ENSNARED -ENSNARES -ENSNARING -ENSOLITE -ENSUE -ENSUED -ENSUES -ENSUING -ENSURE -ENSURED -ENSURER -ENSURERS -ENSURES -ENSURING -ENTAIL -ENTAILED -ENTAILING -ENTAILS -ENTANGLE -ENTER -ENTERED -ENTERING -ENTERPRISE -ENTERPRISES -ENTERPRISING -ENTERS -ENTERTAIN -ENTERTAINED -ENTERTAINER -ENTERTAINERS -ENTERTAINING -ENTERTAININGLY -ENTERTAINMENT -ENTERTAINMENTS -ENTERTAINS -ENTHUSIASM -ENTHUSIASMS -ENTHUSIAST -ENTHUSIASTIC -ENTHUSIASTICALLY -ENTHUSIASTS -ENTICE -ENTICED -ENTICER -ENTICERS -ENTICES -ENTICING -ENTIRE -ENTIRELY -ENTIRETIES -ENTIRETY -ENTITIES -ENTITLE -ENTITLED -ENTITLES -ENTITLING -ENTITY -ENTOMB -ENTRANCE -ENTRANCED -ENTRANCES -ENTRAP -ENTREAT -ENTREATED -ENTREATY -ENTREE -ENTRENCH -ENTRENCHED -ENTRENCHES -ENTRENCHING -ENTREPRENEUR -ENTREPRENEURIAL -ENTREPRENEURS -ENTRIES -ENTROPY -ENTRUST -ENTRUSTED -ENTRUSTING -ENTRUSTS -ENTRY -ENUMERABLE -ENUMERATE -ENUMERATED -ENUMERATES -ENUMERATING -ENUMERATION -ENUMERATIVE -ENUMERATOR -ENUMERATORS -ENUNCIATION -ENVELOP -ENVELOPE -ENVELOPED -ENVELOPER -ENVELOPES -ENVELOPING -ENVELOPS -ENVIED -ENVIES -ENVIOUS -ENVIOUSLY -ENVIOUSNESS -ENVIRON -ENVIRONING -ENVIRONMENT -ENVIRONMENTAL -ENVIRONMENTS -ENVIRONS -ENVISAGE -ENVISAGED -ENVISAGES -ENVISION -ENVISIONED -ENVISIONING -ENVISIONS -ENVOY -ENVOYS -ENVY -ENZYME -EOCENE -EPAULET -EPAULETS -EPHEMERAL -EPHESIAN -EPHESIANS -EPHESUS -EPHRAIM -EPIC -EPICENTER -EPICS -EPICUREAN -EPICURIZE -EPICURIZES -EPICURUS -EPIDEMIC -EPIDEMICS -EPIDERMIS -EPIGRAM -EPILEPTIC -EPILOGUE -EPIPHANY -EPISCOPAL -EPISCOPALIAN -EPISCOPALIANIZE -EPISCOPALIANIZES -EPISODE -EPISODES -EPISTEMOLOGICAL -EPISTEMOLOGY -EPISTLE -EPISTLES -EPITAPH -EPITAPHS -EPITAXIAL -EPITAXIALLY -EPITHET -EPITHETS -EPITOMIZE -EPITOMIZED -EPITOMIZES -EPITOMIZING -EPOCH -EPOCHS -EPSILON -EPSOM -EPSTEIN -EQUAL -EQUALED -EQUALING -EQUALITIES -EQUALITY -EQUALIZATION -EQUALIZE -EQUALIZED -EQUALIZER -EQUALIZERS -EQUALIZES -EQUALIZING -EQUALLY -EQUALS -EQUATE -EQUATED -EQUATES -EQUATING -EQUATION -EQUATIONS -EQUATOR -EQUATORIAL -EQUATORS -EQUESTRIAN -EQUIDISTANT -EQUILATERAL -EQUILIBRATE -EQUILIBRIA -EQUILIBRIUM -EQUILIBRIUMS -EQUINOX -EQUIP -EQUIPMENT -EQUIPOISE -EQUIPPED -EQUIPPING -EQUIPS -EQUITABLE -EQUITABLY -EQUITY -EQUIVALENCE -EQUIVALENCES -EQUIVALENT -EQUIVALENTLY -EQUIVALENTS -EQUIVOCAL -EQUIVOCALLY -ERA -ERADICATE -ERADICATED -ERADICATES -ERADICATING -ERADICATION -ERAS -ERASABLE -ERASE -ERASED -ERASER -ERASERS -ERASES -ERASING -ERASMUS -ERASTUS -ERASURE -ERATO -ERATOSTHENES -ERE -ERECT -ERECTED -ERECTING -ERECTION -ERECTIONS -ERECTOR -ERECTORS -ERECTS -ERG -ERGO -ERGODIC -ERIC -ERICH -ERICKSON -ERICSSON -ERIE -ERIK -ERIKSON -ERIS -ERLANG -ERLENMEYER -ERLENMEYERS -ERMINE -ERMINES -ERNE -ERNEST -ERNESTINE -ERNIE -ERNST -ERODE -EROS -EROSION -EROTIC -EROTICA -ERR -ERRAND -ERRANT -ERRATA -ERRATIC -ERRATUM -ERRED -ERRING -ERRINGLY -ERROL -ERRONEOUS -ERRONEOUSLY -ERRONEOUSNESS -ERROR -ERRORS -ERRS -ERSATZ -ERSKINE -ERUDITE -ERUPT -ERUPTION -ERVIN -ERWIN -ESCALATE -ESCALATED -ESCALATES -ESCALATING -ESCALATION -ESCAPABLE -ESCAPADE -ESCAPADES -ESCAPE -ESCAPED -ESCAPEE -ESCAPEES -ESCAPES -ESCAPING -ESCHERICHIA -ESCHEW -ESCHEWED -ESCHEWING -ESCHEWS -ESCORT -ESCORTED -ESCORTING -ESCORTS -ESCROW -ESKIMO -ESKIMOIZED -ESKIMOIZEDS -ESKIMOS -ESMARK -ESOTERIC -ESPAGNOL -ESPECIAL -ESPECIALLY -ESPIONAGE -ESPOSITO -ESPOUSE -ESPOUSED -ESPOUSES -ESPOUSING -ESPRIT -ESPY -ESQUIRE -ESQUIRES -ESSAY -ESSAYED -ESSAYS -ESSEN -ESSENCE -ESSENCES -ESSENIZE -ESSENIZES -ESSENTIAL -ESSENTIALLY -ESSENTIALS -ESSEX -ESTABLISH -ESTABLISHED -ESTABLISHES -ESTABLISHING -ESTABLISHMENT -ESTABLISHMENTS -ESTATE -ESTATES -ESTEEM -ESTEEMED -ESTEEMING -ESTEEMS -ESTELLA -ESTES -ESTHER -ESTHETICS -ESTIMATE -ESTIMATED -ESTIMATES -ESTIMATING -ESTIMATION -ESTIMATIONS -ESTONIA -ESTONIAN -ETCH -ETCHING -ETERNAL -ETERNALLY -ETERNITIES -ETERNITY -ETHAN -ETHEL -ETHER -ETHEREAL -ETHEREALLY -ETHERNET -ETHERNETS -ETHERS -ETHIC -ETHICAL -ETHICALLY -ETHICS -ETHIOPIA -ETHIOPIANS -ETHNIC -ETIQUETTE -ETRURIA -ETRUSCAN -ETYMOLOGY -EUCALYPTUS -EUCHARIST -EUCLID -EUCLIDEAN -EUGENE -EUGENIA -EULER -EULERIAN -EUMENIDES -EUNICE -EUNUCH -EUNUCHS -EUPHEMISM -EUPHEMISMS -EUPHORIA -EUPHORIC -EUPHRATES -EURASIA -EURASIAN -EUREKA -EURIPIDES -EUROPA -EUROPE -EUROPEAN -EUROPEANIZATION -EUROPEANIZATIONS -EUROPEANIZE -EUROPEANIZED -EUROPEANIZES -EUROPEANS -EURYDICE -EUTERPE -EUTHANASIA -EVA -EVACUATE -EVACUATED -EVACUATION -EVADE -EVADED -EVADES -EVADING -EVALUATE -EVALUATED -EVALUATES -EVALUATING -EVALUATION -EVALUATIONS -EVALUATIVE -EVALUATOR -EVALUATORS -EVANGELINE -EVANS -EVANSTON -EVANSVILLE -EVAPORATE -EVAPORATED -EVAPORATING -EVAPORATION -EVAPORATIVE -EVASION -EVASIVE -EVE -EVELYN -EVEN -EVENED -EVENHANDED -EVENHANDEDLY -EVENHANDEDNESS -EVENING -EVENINGS -EVENLY -EVENNESS -EVENS -EVENSEN -EVENT -EVENTFUL -EVENTFULLY -EVENTS -EVENTUAL -EVENTUALITIES -EVENTUALITY -EVENTUALLY -EVER -EVEREADY -EVEREST -EVERETT -EVERGLADE -EVERGLADES -EVERGREEN -EVERHART -EVERLASTING -EVERLASTINGLY -EVERMORE -EVERY -EVERYBODY -EVERYDAY -EVERYONE -EVERYTHING -EVERYWHERE -EVICT -EVICTED -EVICTING -EVICTION -EVICTIONS -EVICTS -EVIDENCE -EVIDENCED -EVIDENCES -EVIDENCING -EVIDENT -EVIDENTLY -EVIL -EVILLER -EVILLY -EVILS -EVINCE -EVINCED -EVINCES -EVOKE -EVOKED -EVOKES -EVOKING -EVOLUTE -EVOLUTES -EVOLUTION -EVOLUTIONARY -EVOLUTIONS -EVOLVE -EVOLVED -EVOLVES -EVOLVING -EWE -EWEN -EWES -EWING -EXACERBATE -EXACERBATED -EXACERBATES -EXACERBATING -EXACERBATION -EXACERBATIONS -EXACT -EXACTED -EXACTING -EXACTINGLY -EXACTION -EXACTIONS -EXACTITUDE -EXACTLY -EXACTNESS -EXACTS -EXAGGERATE -EXAGGERATED -EXAGGERATES -EXAGGERATING -EXAGGERATION -EXAGGERATIONS -EXALT -EXALTATION -EXALTED -EXALTING -EXALTS -EXAM -EXAMINATION -EXAMINATIONS -EXAMINE -EXAMINED -EXAMINER -EXAMINERS -EXAMINES -EXAMINING -EXAMPLE -EXAMPLES -EXAMS -EXASPERATE -EXASPERATED -EXASPERATES -EXASPERATING -EXASPERATION -EXCAVATE -EXCAVATED -EXCAVATES -EXCAVATING -EXCAVATION -EXCAVATIONS -EXCEED -EXCEEDED -EXCEEDING -EXCEEDINGLY -EXCEEDS -EXCEL -EXCELLED -EXCELLENCE -EXCELLENCES -EXCELLENCY -EXCELLENT -EXCELLENTLY -EXCELLING -EXCELS -EXCEPT -EXCEPTED -EXCEPTING -EXCEPTION -EXCEPTIONABLE -EXCEPTIONAL -EXCEPTIONALLY -EXCEPTIONS -EXCEPTS -EXCERPT -EXCERPTED -EXCERPTS -EXCESS -EXCESSES -EXCESSIVE -EXCESSIVELY -EXCHANGE -EXCHANGEABLE -EXCHANGED -EXCHANGES -EXCHANGING -EXCHEQUER -EXCHEQUERS -EXCISE -EXCISED -EXCISES -EXCISING -EXCISION -EXCITABLE -EXCITATION -EXCITATIONS -EXCITE -EXCITED -EXCITEDLY -EXCITEMENT -EXCITES -EXCITING -EXCITINGLY -EXCITON -EXCLAIM -EXCLAIMED -EXCLAIMER -EXCLAIMERS -EXCLAIMING -EXCLAIMS -EXCLAMATION -EXCLAMATIONS -EXCLAMATORY -EXCLUDE -EXCLUDED -EXCLUDES -EXCLUDING -EXCLUSION -EXCLUSIONARY -EXCLUSIONS -EXCLUSIVE -EXCLUSIVELY -EXCLUSIVENESS -EXCLUSIVITY -EXCOMMUNICATE -EXCOMMUNICATED -EXCOMMUNICATES -EXCOMMUNICATING -EXCOMMUNICATION -EXCRETE -EXCRETED -EXCRETES -EXCRETING -EXCRETION -EXCRETIONS -EXCRETORY -EXCRUCIATE -EXCURSION -EXCURSIONS -EXCUSABLE -EXCUSABLY -EXCUSE -EXCUSED -EXCUSES -EXCUSING -EXEC -EXECUTABLE -EXECUTE -EXECUTED -EXECUTES -EXECUTING -EXECUTION -EXECUTIONAL -EXECUTIONER -EXECUTIONS -EXECUTIVE -EXECUTIVES -EXECUTOR -EXECUTORS -EXEMPLAR -EXEMPLARY -EXEMPLIFICATION -EXEMPLIFIED -EXEMPLIFIER -EXEMPLIFIERS -EXEMPLIFIES -EXEMPLIFY -EXEMPLIFYING -EXEMPT -EXEMPTED -EXEMPTING -EXEMPTION -EXEMPTS -EXERCISE -EXERCISED -EXERCISER -EXERCISERS -EXERCISES -EXERCISING -EXERT -EXERTED -EXERTING -EXERTION -EXERTIONS -EXERTS -EXETER -EXHALE -EXHALED -EXHALES -EXHALING -EXHAUST -EXHAUSTED -EXHAUSTEDLY -EXHAUSTING -EXHAUSTION -EXHAUSTIVE -EXHAUSTIVELY -EXHAUSTS -EXHIBIT -EXHIBITED -EXHIBITING -EXHIBITION -EXHIBITIONS -EXHIBITOR -EXHIBITORS -EXHIBITS -EXHILARATE -EXHORT -EXHORTATION -EXHORTATIONS -EXHUME -EXIGENCY -EXILE -EXILED -EXILES -EXILING -EXIST -EXISTED -EXISTENCE -EXISTENT -EXISTENTIAL -EXISTENTIALISM -EXISTENTIALIST -EXISTENTIALISTS -EXISTENTIALLY -EXISTING -EXISTS -EXIT -EXITED -EXITING -EXITS -EXODUS -EXORBITANT -EXORBITANTLY -EXORCISM -EXORCIST -EXOSKELETON -EXOTIC -EXPAND -EXPANDABLE -EXPANDED -EXPANDER -EXPANDERS -EXPANDING -EXPANDS -EXPANSE -EXPANSES -EXPANSIBLE -EXPANSION -EXPANSIONISM -EXPANSIONS -EXPANSIVE -EXPECT -EXPECTANCY -EXPECTANT -EXPECTANTLY -EXPECTATION -EXPECTATIONS -EXPECTED -EXPECTEDLY -EXPECTING -EXPECTINGLY -EXPECTS -EXPEDIENCY -EXPEDIENT -EXPEDIENTLY -EXPEDITE -EXPEDITED -EXPEDITES -EXPEDITING -EXPEDITION -EXPEDITIONS -EXPEDITIOUS -EXPEDITIOUSLY -EXPEL -EXPELLED -EXPELLING -EXPELS -EXPEND -EXPENDABLE -EXPENDED -EXPENDING -EXPENDITURE -EXPENDITURES -EXPENDS -EXPENSE -EXPENSES -EXPENSIVE -EXPENSIVELY -EXPERIENCE -EXPERIENCED -EXPERIENCES -EXPERIENCING -EXPERIMENT -EXPERIMENTAL -EXPERIMENTALLY -EXPERIMENTATION -EXPERIMENTATIONS -EXPERIMENTED -EXPERIMENTER -EXPERIMENTERS -EXPERIMENTING -EXPERIMENTS -EXPERT -EXPERTISE -EXPERTLY -EXPERTNESS -EXPERTS -EXPIRATION -EXPIRATIONS -EXPIRE -EXPIRED -EXPIRES -EXPIRING -EXPLAIN -EXPLAINABLE -EXPLAINED -EXPLAINER -EXPLAINERS -EXPLAINING -EXPLAINS -EXPLANATION -EXPLANATIONS -EXPLANATORY -EXPLETIVE -EXPLICIT -EXPLICITLY -EXPLICITNESS -EXPLODE -EXPLODED -EXPLODES -EXPLODING -EXPLOIT -EXPLOITABLE -EXPLOITATION -EXPLOITATIONS -EXPLOITED -EXPLOITER -EXPLOITERS -EXPLOITING -EXPLOITS -EXPLORATION -EXPLORATIONS -EXPLORATORY -EXPLORE -EXPLORED -EXPLORER -EXPLORERS -EXPLORES -EXPLORING -EXPLOSION -EXPLOSIONS -EXPLOSIVE -EXPLOSIVELY -EXPLOSIVES -EXPONENT -EXPONENTIAL -EXPONENTIALLY -EXPONENTIALS -EXPONENTIATE -EXPONENTIATED -EXPONENTIATES -EXPONENTIATING -EXPONENTIATION -EXPONENTIATIONS -EXPONENTS -EXPORT -EXPORTATION -EXPORTED -EXPORTER -EXPORTERS -EXPORTING -EXPORTS -EXPOSE -EXPOSED -EXPOSER -EXPOSERS -EXPOSES -EXPOSING -EXPOSITION -EXPOSITIONS -EXPOSITORY -EXPOSURE -EXPOSURES -EXPOUND -EXPOUNDED -EXPOUNDER -EXPOUNDING -EXPOUNDS -EXPRESS -EXPRESSED -EXPRESSES -EXPRESSIBILITY -EXPRESSIBLE -EXPRESSIBLY -EXPRESSING -EXPRESSION -EXPRESSIONS -EXPRESSIVE -EXPRESSIVELY -EXPRESSIVENESS -EXPRESSLY -EXPULSION -EXPUNGE -EXPUNGED -EXPUNGES -EXPUNGING -EXPURGATE -EXQUISITE -EXQUISITELY -EXQUISITENESS -EXTANT -EXTEMPORANEOUS -EXTEND -EXTENDABLE -EXTENDED -EXTENDING -EXTENDS -EXTENSIBILITY -EXTENSIBLE -EXTENSION -EXTENSIONS -EXTENSIVE -EXTENSIVELY -EXTENT -EXTENTS -EXTENUATE -EXTENUATED -EXTENUATING -EXTENUATION -EXTERIOR -EXTERIORS -EXTERMINATE -EXTERMINATED -EXTERMINATES -EXTERMINATING -EXTERMINATION -EXTERNAL -EXTERNALLY -EXTINCT -EXTINCTION -EXTINGUISH -EXTINGUISHED -EXTINGUISHER -EXTINGUISHES -EXTINGUISHING -EXTIRPATE -EXTOL -EXTORT -EXTORTED -EXTORTION -EXTRA -EXTRACT -EXTRACTED -EXTRACTING -EXTRACTION -EXTRACTIONS -EXTRACTOR -EXTRACTORS -EXTRACTS -EXTRACURRICULAR -EXTRAMARITAL -EXTRANEOUS -EXTRANEOUSLY -EXTRANEOUSNESS -EXTRAORDINARILY -EXTRAORDINARINESS -EXTRAORDINARY -EXTRAPOLATE -EXTRAPOLATED -EXTRAPOLATES -EXTRAPOLATING -EXTRAPOLATION -EXTRAPOLATIONS -EXTRAS -EXTRATERRESTRIAL -EXTRAVAGANCE -EXTRAVAGANT -EXTRAVAGANTLY -EXTRAVAGANZA -EXTREMAL -EXTREME -EXTREMELY -EXTREMES -EXTREMIST -EXTREMISTS -EXTREMITIES -EXTREMITY -EXTRICATE -EXTRINSIC -EXTROVERT -EXUBERANCE -EXULT -EXULTATION -EXXON -EYE -EYEBALL -EYEBROW -EYEBROWS -EYED -EYEFUL -EYEGLASS -EYEGLASSES -EYEING -EYELASH -EYELID -EYELIDS -EYEPIECE -EYEPIECES -EYER -EYERS -EYES -EYESIGHT -EYEWITNESS -EYEWITNESSES -EYING -EZEKIEL -EZRA -FABER -FABIAN -FABLE -FABLED -FABLES -FABRIC -FABRICATE -FABRICATED -FABRICATES -FABRICATING -FABRICATION -FABRICS -FABULOUS -FABULOUSLY -FACADE -FACADED -FACADES -FACE -FACED -FACES -FACET -FACETED -FACETS -FACIAL -FACILE -FACILELY -FACILITATE -FACILITATED -FACILITATES -FACILITATING -FACILITIES -FACILITY -FACING -FACINGS -FACSIMILE -FACSIMILES -FACT -FACTION -FACTIONS -FACTIOUS -FACTO -FACTOR -FACTORED -FACTORIAL -FACTORIES -FACTORING -FACTORIZATION -FACTORIZATIONS -FACTORS -FACTORY -FACTS -FACTUAL -FACTUALLY -FACULTIES -FACULTY -FADE -FADED -FADEOUT -FADER -FADERS -FADES -FADING -FAFNIR -FAG -FAGIN -FAGS -FAHEY -FAHRENHEIT -FAHRENHEITS -FAIL -FAILED -FAILING -FAILINGS -FAILS -FAILSOFT -FAILURE -FAILURES -FAIN -FAINT -FAINTED -FAINTER -FAINTEST -FAINTING -FAINTLY -FAINTNESS -FAINTS -FAIR -FAIRBANKS -FAIRCHILD -FAIRER -FAIREST -FAIRFAX -FAIRFIELD -FAIRIES -FAIRING -FAIRLY -FAIRMONT -FAIRNESS -FAIRPORT -FAIRS -FAIRVIEW -FAIRY -FAIRYLAND -FAITH -FAITHFUL -FAITHFULLY -FAITHFULNESS -FAITHLESS -FAITHLESSLY -FAITHLESSNESS -FAITHS -FAKE -FAKED -FAKER -FAKES -FAKING -FALCON -FALCONER -FALCONS -FALK -FALKLAND -FALKLANDS -FALL -FALLACIES -FALLACIOUS -FALLACY -FALLEN -FALLIBILITY -FALLIBLE -FALLING -FALLOPIAN -FALLOUT -FALLOW -FALLS -FALMOUTH -FALSE -FALSEHOOD -FALSEHOODS -FALSELY -FALSENESS -FALSIFICATION -FALSIFIED -FALSIFIES -FALSIFY -FALSIFYING -FALSITY -FALSTAFF -FALTER -FALTERED -FALTERS -FAME -FAMED -FAMES -FAMILIAL -FAMILIAR -FAMILIARITIES -FAMILIARITY -FAMILIARIZATION -FAMILIARIZE -FAMILIARIZED -FAMILIARIZES -FAMILIARIZING -FAMILIARLY -FAMILIARNESS -FAMILIES -FAMILISM -FAMILY -FAMINE -FAMINES -FAMISH -FAMOUS -FAMOUSLY -FAN -FANATIC -FANATICISM -FANATICS -FANCIED -FANCIER -FANCIERS -FANCIES -FANCIEST -FANCIFUL -FANCIFULLY -FANCILY -FANCINESS -FANCY -FANCYING -FANFARE -FANFOLD -FANG -FANGLED -FANGS -FANNED -FANNIES -FANNING -FANNY -FANOUT -FANS -FANTASIES -FANTASIZE -FANTASTIC -FANTASY -FAQ -FAR -FARAD -FARADAY -FARAWAY -FARBER -FARCE -FARCES -FARE -FARED -FARES -FAREWELL -FAREWELLS -FARFETCHED -FARGO -FARINA -FARING -FARKAS -FARLEY -FARM -FARMED -FARMER -FARMERS -FARMHOUSE -FARMHOUSES -FARMING -FARMINGTON -FARMLAND -FARMS -FARMYARD -FARMYARDS -FARNSWORTH -FARRELL -FARSIGHTED -FARTHER -FARTHEST -FARTHING -FASCICLE -FASCINATE -FASCINATED -FASCINATES -FASCINATING -FASCINATION -FASCISM -FASCIST -FASHION -FASHIONABLE -FASHIONABLY -FASHIONED -FASHIONING -FASHIONS -FAST -FASTED -FASTEN -FASTENED -FASTENER -FASTENERS -FASTENING -FASTENINGS -FASTENS -FASTER -FASTEST -FASTIDIOUS -FASTING -FASTNESS -FASTS -FAT -FATAL -FATALITIES -FATALITY -FATALLY -FATALS -FATE -FATED -FATEFUL -FATES -FATHER -FATHERED -FATHERLAND -FATHERLY -FATHERS -FATHOM -FATHOMED -FATHOMING -FATHOMS -FATIGUE -FATIGUED -FATIGUES -FATIGUING -FATIMA -FATNESS -FATS -FATTEN -FATTENED -FATTENER -FATTENERS -FATTENING -FATTENS -FATTER -FATTEST -FATTY -FAUCET -FAULKNER -FAULKNERIAN -FAULT -FAULTED -FAULTING -FAULTLESS -FAULTLESSLY -FAULTS -FAULTY -FAUN -FAUNA -FAUNTLEROY -FAUST -FAUSTIAN -FAUSTUS -FAVOR -FAVORABLE -FAVORABLY -FAVORED -FAVORER -FAVORING -FAVORITE -FAVORITES -FAVORITISM -FAVORS -FAWKES -FAWN -FAWNED -FAWNING -FAWNS -FAYETTE -FAYETTEVILLE -FAZE -FEAR -FEARED -FEARFUL -FEARFULLY -FEARING -FEARLESS -FEARLESSLY -FEARLESSNESS -FEARS -FEARSOME -FEASIBILITY -FEASIBLE -FEAST -FEASTED -FEASTING -FEASTS -FEAT -FEATHER -FEATHERBED -FEATHERBEDDING -FEATHERED -FEATHERER -FEATHERERS -FEATHERING -FEATHERMAN -FEATHERS -FEATHERWEIGHT -FEATHERY -FEATS -FEATURE -FEATURED -FEATURES -FEATURING -FEBRUARIES -FEBRUARY -FECUND -FED -FEDDERS -FEDERAL -FEDERALIST -FEDERALLY -FEDERALS -FEDERATION -FEDORA -FEE -FEEBLE -FEEBLENESS -FEEBLER -FEEBLEST -FEEBLY -FEED -FEEDBACK -FEEDER -FEEDERS -FEEDING -FEEDINGS -FEEDS -FEEL -FEELER -FEELERS -FEELING -FEELINGLY -FEELINGS -FEELS -FEENEY -FEES -FEET -FEIGN -FEIGNED -FEIGNING -FELDER -FELDMAN -FELICE -FELICIA -FELICITIES -FELICITY -FELINE -FELIX -FELL -FELLATIO -FELLED -FELLING -FELLINI -FELLOW -FELLOWS -FELLOWSHIP -FELLOWSHIPS -FELON -FELONIOUS -FELONY -FELT -FELTS -FEMALE -FEMALES -FEMININE -FEMININITY -FEMINISM -FEMINIST -FEMUR -FEMURS -FEN -FENCE -FENCED -FENCER -FENCERS -FENCES -FENCING -FEND -FENTON -FENWICK -FERBER -FERDINAND -FERDINANDO -FERGUSON -FERMAT -FERMENT -FERMENTATION -FERMENTATIONS -FERMENTED -FERMENTING -FERMENTS -FERMI -FERN -FERNANDO -FERNS -FEROCIOUS -FEROCIOUSLY -FEROCIOUSNESS -FEROCITY -FERREIRA -FERRER -FERRET -FERRIED -FERRIES -FERRITE -FERRY -FERTILE -FERTILELY -FERTILITY -FERTILIZATION -FERTILIZE -FERTILIZED -FERTILIZER -FERTILIZERS -FERTILIZES -FERTILIZING -FERVENT -FERVENTLY -FERVOR -FERVORS -FESS -FESTIVAL -FESTIVALS -FESTIVE -FESTIVELY -FESTIVITIES -FESTIVITY -FETAL -FETCH -FETCHED -FETCHES -FETCHING -FETCHINGLY -FETID -FETISH -FETTER -FETTERED -FETTERS -FETTLE -FETUS -FEUD -FEUDAL -FEUDALISM -FEUDS -FEVER -FEVERED -FEVERISH -FEVERISHLY -FEVERS -FEW -FEWER -FEWEST -FEWNESS -FIANCE -FIANCEE -FIASCO -FIAT -FIB -FIBBING -FIBER -FIBERGLAS -FIBERS -FIBONACCI -FIBROSITIES -FIBROSITY -FIBROUS -FIBROUSLY -FICKLE -FICKLENESS -FICTION -FICTIONAL -FICTIONALLY -FICTIONS -FICTITIOUS -FICTITIOUSLY -FIDDLE -FIDDLED -FIDDLER -FIDDLES -FIDDLESTICK -FIDDLESTICKS -FIDDLING -FIDEL -FIDELITY -FIDGET -FIDUCIAL -FIEF -FIEFDOM -FIELD -FIELDED -FIELDER -FIELDERS -FIELDING -FIELDS -FIELDWORK -FIEND -FIENDISH -FIERCE -FIERCELY -FIERCENESS -FIERCER -FIERCEST -FIERY -FIFE -FIFTEEN -FIFTEENS -FIFTEENTH -FIFTH -FIFTIES -FIFTIETH -FIFTY -FIG -FIGARO -FIGHT -FIGHTER -FIGHTERS -FIGHTING -FIGHTS -FIGS -FIGURATIVE -FIGURATIVELY -FIGURE -FIGURED -FIGURES -FIGURING -FIGURINGS -FIJI -FIJIAN -FIJIANS -FILAMENT -FILAMENTS -FILE -FILED -FILENAME -FILENAMES -FILER -FILES -FILIAL -FILIBUSTER -FILING -FILINGS -FILIPINO -FILIPINOS -FILIPPO -FILL -FILLABLE -FILLED -FILLER -FILLERS -FILLING -FILLINGS -FILLMORE -FILLS -FILLY -FILM -FILMED -FILMING -FILMS -FILTER -FILTERED -FILTERING -FILTERS -FILTH -FILTHIER -FILTHIEST -FILTHINESS -FILTHY -FIN -FINAL -FINALITY -FINALIZATION -FINALIZE -FINALIZED -FINALIZES -FINALIZING -FINALLY -FINALS -FINANCE -FINANCED -FINANCES -FINANCIAL -FINANCIALLY -FINANCIER -FINANCIERS -FINANCING -FIND -FINDER -FINDERS -FINDING -FINDINGS -FINDS -FINE -FINED -FINELY -FINENESS -FINER -FINES -FINESSE -FINESSED -FINESSING -FINEST -FINGER -FINGERED -FINGERING -FINGERINGS -FINGERNAIL -FINGERPRINT -FINGERPRINTS -FINGERS -FINGERTIP -FINICKY -FINING -FINISH -FINISHED -FINISHER -FINISHERS -FINISHES -FINISHING -FINITE -FINITELY -FINITENESS -FINK -FINLAND -FINLEY -FINN -FINNEGAN -FINNISH -FINNS -FINNY -FINS -FIORELLO -FIORI -FIR -FIRE -FIREARM -FIREARMS -FIREBOAT -FIREBREAK -FIREBUG -FIRECRACKER -FIRED -FIREFLIES -FIREFLY -FIREHOUSE -FIRELIGHT -FIREMAN -FIREMEN -FIREPLACE -FIREPLACES -FIREPOWER -FIREPROOF -FIRER -FIRERS -FIRES -FIRESIDE -FIRESTONE -FIREWALL -FIREWOOD -FIREWORKS -FIRING -FIRINGS -FIRM -FIRMAMENT -FIRMED -FIRMER -FIRMEST -FIRMING -FIRMLY -FIRMNESS -FIRMS -FIRMWARE -FIRST -FIRSTHAND -FIRSTLY -FIRSTS -FISCAL -FISCALLY -FISCHBEIN -FISCHER -FISH -FISHED -FISHER -FISHERMAN -FISHERMEN -FISHERS -FISHERY -FISHES -FISHING -FISHKILL -FISHMONGER -FISHPOND -FISHY -FISK -FISKE -FISSION -FISSURE -FISSURED -FIST -FISTED -FISTICUFF -FISTS -FIT -FITCH -FITCHBURG -FITFUL -FITFULLY -FITLY -FITNESS -FITS -FITTED -FITTER -FITTERS -FITTING -FITTINGLY -FITTINGS -FITZGERALD -FITZPATRICK -FITZROY -FIVE -FIVEFOLD -FIVES -FIX -FIXATE -FIXATED -FIXATES -FIXATING -FIXATION -FIXATIONS -FIXED -FIXEDLY -FIXEDNESS -FIXER -FIXERS -FIXES -FIXING -FIXINGS -FIXTURE -FIXTURES -FIZEAU -FIZZLE -FIZZLED -FLABBERGAST -FLABBERGASTED -FLACK -FLAG -FLAGELLATE -FLAGGED -FLAGGING -FLAGLER -FLAGPOLE -FLAGRANT -FLAGRANTLY -FLAGS -FLAGSTAFF -FLAIL -FLAIR -FLAK -FLAKE -FLAKED -FLAKES -FLAKING -FLAKY -FLAM -FLAMBOYANT -FLAME -FLAMED -FLAMER -FLAMERS -FLAMES -FLAMING -FLAMMABLE -FLANAGAN -FLANDERS -FLANK -FLANKED -FLANKER -FLANKING -FLANKS -FLANNEL -FLANNELS -FLAP -FLAPS -FLARE -FLARED -FLARES -FLARING -FLASH -FLASHBACK -FLASHED -FLASHER -FLASHERS -FLASHES -FLASHING -FLASHLIGHT -FLASHLIGHTS -FLASHY -FLASK -FLAT -FLATBED -FLATLY -FLATNESS -FLATS -FLATTEN -FLATTENED -FLATTENING -FLATTER -FLATTERED -FLATTERER -FLATTERING -FLATTERY -FLATTEST -FLATULENT -FLATUS -FLATWORM -FLAUNT -FLAUNTED -FLAUNTING -FLAUNTS -FLAVOR -FLAVORED -FLAVORING -FLAVORINGS -FLAVORS -FLAW -FLAWED -FLAWLESS -FLAWLESSLY -FLAWS -FLAX -FLAXEN -FLEA -FLEAS -FLED -FLEDERMAUS -FLEDGED -FLEDGLING -FLEDGLINGS -FLEE -FLEECE -FLEECES -FLEECY -FLEEING -FLEES -FLEET -FLEETEST -FLEETING -FLEETLY -FLEETNESS -FLEETS -FLEISCHMAN -FLEISHER -FLEMING -FLEMINGS -FLEMISH -FLEMISHED -FLEMISHES -FLEMISHING -FLESH -FLESHED -FLESHES -FLESHING -FLESHLY -FLESHY -FLETCHER -FLETCHERIZE -FLETCHERIZES -FLEW -FLEX -FLEXIBILITIES -FLEXIBILITY -FLEXIBLE -FLEXIBLY -FLICK -FLICKED -FLICKER -FLICKERING -FLICKING -FLICKS -FLIER -FLIERS -FLIES -FLIGHT -FLIGHTS -FLIMSY -FLINCH -FLINCHED -FLINCHES -FLINCHING -FLING -FLINGS -FLINT -FLINTY -FLIP -FLIPFLOP -FLIPPED -FLIPS -FLIRT -FLIRTATION -FLIRTATIOUS -FLIRTED -FLIRTING -FLIRTS -FLIT -FLITTING -FLO -FLOAT -FLOATED -FLOATER -FLOATING -FLOATS -FLOCK -FLOCKED -FLOCKING -FLOCKS -FLOG -FLOGGING -FLOOD -FLOODED -FLOODING -FLOODLIGHT -FLOODLIT -FLOODS -FLOOR -FLOORED -FLOORING -FLOORINGS -FLOORS -FLOP -FLOPPIES -FLOPPILY -FLOPPING -FLOPPY -FLOPS -FLORA -FLORAL -FLORENCE -FLORENTINE -FLORID -FLORIDA -FLORIDIAN -FLORIDIANS -FLORIN -FLORIST -FLOSS -FLOSSED -FLOSSES -FLOSSING -FLOTATION -FLOTILLA -FLOUNDER -FLOUNDERED -FLOUNDERING -FLOUNDERS -FLOUR -FLOURED -FLOURISH -FLOURISHED -FLOURISHES -FLOURISHING -FLOW -FLOWCHART -FLOWCHARTING -FLOWCHARTS -FLOWED -FLOWER -FLOWERED -FLOWERINESS -FLOWERING -FLOWERPOT -FLOWERS -FLOWERY -FLOWING -FLOWN -FLOWS -FLOYD -FLU -FLUCTUATE -FLUCTUATES -FLUCTUATING -FLUCTUATION -FLUCTUATIONS -FLUE -FLUENCY -FLUENT -FLUENTLY -FLUFF -FLUFFIER -FLUFFIEST -FLUFFY -FLUID -FLUIDITY -FLUIDLY -FLUIDS -FLUKE -FLUNG -FLUNKED -FLUORESCE -FLUORESCENT -FLURRIED -FLURRY -FLUSH -FLUSHED -FLUSHES -FLUSHING -FLUTE -FLUTED -FLUTING -FLUTTER -FLUTTERED -FLUTTERING -FLUTTERS -FLUX -FLY -FLYABLE -FLYER -FLYERS -FLYING -FLYNN -FOAL -FOAM -FOAMED -FOAMING -FOAMS -FOAMY -FOB -FOBBING -FOCAL -FOCALLY -FOCI -FOCUS -FOCUSED -FOCUSES -FOCUSING -FOCUSSED -FODDER -FOE -FOES -FOG -FOGARTY -FOGGED -FOGGIER -FOGGIEST -FOGGILY -FOGGING -FOGGY -FOGS -FOGY -FOIBLE -FOIL -FOILED -FOILING -FOILS -FOIST -FOLD -FOLDED -FOLDER -FOLDERS -FOLDING -FOLDOUT -FOLDS -FOLEY -FOLIAGE -FOLK -FOLKLORE -FOLKS -FOLKSONG -FOLKSY -FOLLIES -FOLLOW -FOLLOWED -FOLLOWER -FOLLOWERS -FOLLOWING -FOLLOWINGS -FOLLOWS -FOLLY -FOLSOM -FOMALHAUT -FOND -FONDER -FONDLE -FONDLED -FONDLES -FONDLING -FONDLY -FONDNESS -FONT -FONTAINE -FONTAINEBLEAU -FONTANA -FONTS -FOOD -FOODS -FOODSTUFF -FOODSTUFFS -FOOL -FOOLED -FOOLHARDY -FOOLING -FOOLISH -FOOLISHLY -FOOLISHNESS -FOOLPROOF -FOOLS -FOOT -FOOTAGE -FOOTBALL -FOOTBALLS -FOOTBRIDGE -FOOTE -FOOTED -FOOTER -FOOTERS -FOOTFALL -FOOTHILL -FOOTHOLD -FOOTING -FOOTMAN -FOOTNOTE -FOOTNOTES -FOOTPATH -FOOTPRINT -FOOTPRINTS -FOOTSTEP -FOOTSTEPS -FOR -FORAGE -FORAGED -FORAGES -FORAGING -FORAY -FORAYS -FORBADE -FORBEAR -FORBEARANCE -FORBEARS -FORBES -FORBID -FORBIDDEN -FORBIDDING -FORBIDS -FORCE -FORCED -FORCEFUL -FORCEFULLY -FORCEFULNESS -FORCER -FORCES -FORCIBLE -FORCIBLY -FORCING -FORD -FORDHAM -FORDS -FORE -FOREARM -FOREARMS -FOREBODING -FORECAST -FORECASTED -FORECASTER -FORECASTERS -FORECASTING -FORECASTLE -FORECASTS -FOREFATHER -FOREFATHERS -FOREFINGER -FOREFINGERS -FOREGO -FOREGOES -FOREGOING -FOREGONE -FOREGROUND -FOREHEAD -FOREHEADS -FOREIGN -FOREIGNER -FOREIGNERS -FOREIGNS -FOREMAN -FOREMOST -FORENOON -FORENSIC -FORERUNNERS -FORESEE -FORESEEABLE -FORESEEN -FORESEES -FORESIGHT -FORESIGHTED -FOREST -FORESTALL -FORESTALLED -FORESTALLING -FORESTALLMENT -FORESTALLS -FORESTED -FORESTER -FORESTERS -FORESTRY -FORESTS -FORETELL -FORETELLING -FORETELLS -FORETOLD -FOREVER -FOREWARN -FOREWARNED -FOREWARNING -FOREWARNINGS -FOREWARNS -FORFEIT -FORFEITED -FORFEITURE -FORGAVE -FORGE -FORGED -FORGER -FORGERIES -FORGERY -FORGES -FORGET -FORGETFUL -FORGETFULNESS -FORGETS -FORGETTABLE -FORGETTABLY -FORGETTING -FORGING -FORGIVABLE -FORGIVABLY -FORGIVE -FORGIVEN -FORGIVENESS -FORGIVES -FORGIVING -FORGIVINGLY -FORGOT -FORGOTTEN -FORK -FORKED -FORKING -FORKLIFT -FORKS -FORLORN -FORLORNLY -FORM -FORMAL -FORMALISM -FORMALISMS -FORMALITIES -FORMALITY -FORMALIZATION -FORMALIZATIONS -FORMALIZE -FORMALIZED -FORMALIZES -FORMALIZING -FORMALLY -FORMANT -FORMANTS -FORMAT -FORMATION -FORMATIONS -FORMATIVE -FORMATIVELY -FORMATS -FORMATTED -FORMATTER -FORMATTERS -FORMATTING -FORMED -FORMER -FORMERLY -FORMICA -FORMICAS -FORMIDABLE -FORMING -FORMOSA -FORMOSAN -FORMS -FORMULA -FORMULAE -FORMULAS -FORMULATE -FORMULATED -FORMULATES -FORMULATING -FORMULATION -FORMULATIONS -FORMULATOR -FORMULATORS -FORNICATION -FORREST -FORSAKE -FORSAKEN -FORSAKES -FORSAKING -FORSYTHE -FORT -FORTE -FORTESCUE -FORTH -FORTHCOMING -FORTHRIGHT -FORTHWITH -FORTIER -FORTIES -FORTIETH -FORTIFICATION -FORTIFICATIONS -FORTIFIED -FORTIFIES -FORTIFY -FORTIFYING -FORTIORI -FORTITUDE -FORTNIGHT -FORTNIGHTLY -FORTRAN -FORTRAN -FORTRESS -FORTRESSES -FORTS -FORTUITOUS -FORTUITOUSLY -FORTUNATE -FORTUNATELY -FORTUNE -FORTUNES -FORTY -FORUM -FORUMS -FORWARD -FORWARDED -FORWARDER -FORWARDING -FORWARDNESS -FORWARDS -FOSS -FOSSIL -FOSTER -FOSTERED -FOSTERING -FOSTERS -FOUGHT -FOUL -FOULED -FOULEST -FOULING -FOULLY -FOULMOUTH -FOULNESS -FOULS -FOUND -FOUNDATION -FOUNDATIONS -FOUNDED -FOUNDER -FOUNDERED -FOUNDERS -FOUNDING -FOUNDLING -FOUNDRIES -FOUNDRY -FOUNDS -FOUNT -FOUNTAIN -FOUNTAINS -FOUNTS -FOUR -FOURFOLD -FOURIER -FOURS -FOURSCORE -FOURSOME -FOURSQUARE -FOURTEEN -FOURTEENS -FOURTEENTH -FOURTH -FOWL -FOWLER -FOWLS -FOX -FOXES -FOXHALL -FRACTION -FRACTIONAL -FRACTIONALLY -FRACTIONS -FRACTURE -FRACTURED -FRACTURES -FRACTURING -FRAGILE -FRAGMENT -FRAGMENTARY -FRAGMENTATION -FRAGMENTED -FRAGMENTING -FRAGMENTS -FRAGRANCE -FRAGRANCES -FRAGRANT -FRAGRANTLY -FRAIL -FRAILEST -FRAILTY -FRAME -FRAMED -FRAMER -FRAMES -FRAMEWORK -FRAMEWORKS -FRAMING -FRAN -FRANC -FRANCAISE -FRANCE -FRANCES -FRANCESCA -FRANCESCO -FRANCHISE -FRANCHISES -FRANCIE -FRANCINE -FRANCIS -FRANCISCAN -FRANCISCANS -FRANCISCO -FRANCIZE -FRANCIZES -FRANCO -FRANCOIS -FRANCOISE -FRANCS -FRANK -FRANKED -FRANKEL -FRANKER -FRANKEST -FRANKFORT -FRANKFURT -FRANKIE -FRANKING -FRANKLINIZATION -FRANKLINIZATIONS -FRANKLY -FRANKNESS -FRANKS -FRANNY -FRANTIC -FRANTICALLY -FRANZ -FRASER -FRATERNAL -FRATERNALLY -FRATERNITIES -FRATERNITY -FRAU -FRAUD -FRAUDS -FRAUDULENT -FRAUGHT -FRAY -FRAYED -FRAYING -FRAYNE -FRAYS -FRAZIER -FRAZZLE -FREAK -FREAKISH -FREAKS -FRECKLE -FRECKLED -FRECKLES -FRED -FREDDIE -FREDDY -FREDERIC -FREDERICK -FREDERICKS -FREDERICKSBURG -FREDERICO -FREDERICTON -FREDHOLM -FREDRICK -FREDRICKSON -FREE -FREED -FREEDMAN -FREEDOM -FREEDOMS -FREEING -FREEINGS -FREELY -FREEMAN -FREEMASON -FREEMASONRY -FREEMASONS -FREENESS -FREEPORT -FREER -FREES -FREEST -FREESTYLE -FREETOWN -FREEWAY -FREEWHEEL -FREEZE -FREEZER -FREEZERS -FREEZES -FREEZING -FREIDA -FREIGHT -FREIGHTED -FREIGHTER -FREIGHTERS -FREIGHTING -FREIGHTS -FRENCH -FRENCHIZE -FRENCHIZES -FRENCHMAN -FRENCHMEN -FRENETIC -FRENZIED -FRENZY -FREON -FREQUENCIES -FREQUENCY -FREQUENT -FREQUENTED -FREQUENTER -FREQUENTERS -FREQUENTING -FREQUENTLY -FREQUENTS -FRESCO -FRESCOES -FRESH -FRESHEN -FRESHENED -FRESHENER -FRESHENERS -FRESHENING -FRESHENS -FRESHER -FRESHEST -FRESHLY -FRESHMAN -FRESHMEN -FRESHNESS -FRESHWATER -FRESNEL -FRESNO -FRET -FRETFUL -FRETFULLY -FRETFULNESS -FREUD -FREUDIAN -FREUDIANISM -FREUDIANISMS -FREUDIANS -FREY -FREYA -FRIAR -FRIARS -FRICATIVE -FRICATIVES -FRICK -FRICTION -FRICTIONLESS -FRICTIONS -FRIDAY -FRIDAYS -FRIED -FRIEDMAN -FRIEDRICH -FRIEND -FRIENDLESS -FRIENDLIER -FRIENDLIEST -FRIENDLINESS -FRIENDLY -FRIENDS -FRIENDSHIP -FRIENDSHIPS -FRIES -FRIESLAND -FRIEZE -FRIEZES -FRIGATE -FRIGATES -FRIGGA -FRIGHT -FRIGHTEN -FRIGHTENED -FRIGHTENING -FRIGHTENINGLY -FRIGHTENS -FRIGHTFUL -FRIGHTFULLY -FRIGHTFULNESS -FRIGID -FRIGIDAIRE -FRILL -FRILLS -FRINGE -FRINGED -FRISBEE -FRISIA -FRISIAN -FRISK -FRISKED -FRISKING -FRISKS -FRISKY -FRITO -FRITTER -FRITZ -FRIVOLITY -FRIVOLOUS -FRIVOLOUSLY -FRO -FROCK -FROCKS -FROG -FROGS -FROLIC -FROLICS -FROM -FRONT -FRONTAGE -FRONTAL -FRONTED -FRONTIER -FRONTIERS -FRONTIERSMAN -FRONTIERSMEN -FRONTING -FRONTS -FROST -FROSTBELT -FROSTBITE -FROSTBITTEN -FROSTED -FROSTING -FROSTS -FROSTY -FROTH -FROTHING -FROTHY -FROWN -FROWNED -FROWNING -FROWNS -FROZE -FROZEN -FROZENLY -FRUEHAUF -FRUGAL -FRUGALLY -FRUIT -FRUITFUL -FRUITFULLY -FRUITFULNESS -FRUITION -FRUITLESS -FRUITLESSLY -FRUITS -FRUSTRATE -FRUSTRATED -FRUSTRATES -FRUSTRATING -FRUSTRATION -FRUSTRATIONS -FRY -FRYE -FUCHS -FUCHSIA -FUDGE -FUEL -FUELED -FUELING -FUELS -FUGITIVE -FUGITIVES -FUGUE -FUJI -FUJITSU -FULBRIGHT -FULBRIGHTS -FULCRUM -FULFILL -FULFILLED -FULFILLING -FULFILLMENT -FULFILLMENTS -FULFILLS -FULL -FULLER -FULLERTON -FULLEST -FULLNESS -FULLY -FULMINATE -FULTON -FUMBLE -FUMBLED -FUMBLING -FUME -FUMED -FUMES -FUMING -FUN -FUNCTION -FUNCTIONAL -FUNCTIONALITIES -FUNCTIONALITY -FUNCTIONALLY -FUNCTIONALS -FUNCTIONARY -FUNCTIONED -FUNCTIONING -FUNCTIONS -FUNCTOR -FUNCTORS -FUND -FUNDAMENTAL -FUNDAMENTALLY -FUNDAMENTALS -FUNDED -FUNDER -FUNDERS -FUNDING -FUNDS -FUNERAL -FUNERALS -FUNEREAL -FUNGAL -FUNGI -FUNGIBLE -FUNGICIDE -FUNGUS -FUNK -FUNNEL -FUNNELED -FUNNELING -FUNNELS -FUNNIER -FUNNIEST -FUNNILY -FUNNINESS -FUNNY -FUR -FURIES -FURIOUS -FURIOUSER -FURIOUSLY -FURLONG -FURLOUGH -FURMAN -FURNACE -FURNACES -FURNISH -FURNISHED -FURNISHES -FURNISHING -FURNISHINGS -FURNITURE -FURRIER -FURROW -FURROWED -FURROWS -FURRY -FURS -FURTHER -FURTHERED -FURTHERING -FURTHERMORE -FURTHERMOST -FURTHERS -FURTHEST -FURTIVE -FURTIVELY -FURTIVENESS -FURY -FUSE -FUSED -FUSES -FUSING -FUSION -FUSS -FUSSING -FUSSY -FUTILE -FUTILITY -FUTURE -FUTURES -FUTURISTIC -FUZZ -FUZZIER -FUZZINESS -FUZZY -GAB -GABARDINE -GABBING -GABERONES -GABLE -GABLED -GABLER -GABLES -GABON -GABORONE -GABRIEL -GABRIELLE -GAD -GADFLY -GADGET -GADGETRY -GADGETS -GAELIC -GAELICIZATION -GAELICIZATIONS -GAELICIZE -GAELICIZES -GAG -GAGGED -GAGGING -GAGING -GAGS -GAIETIES -GAIETY -GAIL -GAILY -GAIN -GAINED -GAINER -GAINERS -GAINES -GAINESVILLE -GAINFUL -GAINING -GAINS -GAIT -GAITED -GAITER -GAITERS -GAITHERSBURG -GALACTIC -GALAHAD -GALAPAGOS -GALATEA -GALATEAN -GALATEANS -GALATIA -GALATIANS -GALAXIES -GALAXY -GALBREATH -GALE -GALEN -GALILEAN -GALILEE -GALILEO -GALL -GALLAGHER -GALLANT -GALLANTLY -GALLANTRY -GALLANTS -GALLED -GALLERIED -GALLERIES -GALLERY -GALLEY -GALLEYS -GALLING -GALLON -GALLONS -GALLOP -GALLOPED -GALLOPER -GALLOPING -GALLOPS -GALLOWAY -GALLOWS -GALLS -GALLSTONE -GALLUP -GALOIS -GALT -GALVESTON -GALVIN -GALWAY -GAMBIA -GAMBIT -GAMBLE -GAMBLED -GAMBLER -GAMBLERS -GAMBLES -GAMBLING -GAMBOL -GAME -GAMED -GAMELY -GAMENESS -GAMES -GAMING -GAMMA -GANDER -GANDHI -GANDHIAN -GANG -GANGES -GANGLAND -GANGLING -GANGPLANK -GANGRENE -GANGS -GANGSTER -GANGSTERS -GANNETT -GANTRY -GANYMEDE -GAP -GAPE -GAPED -GAPES -GAPING -GAPS -GARAGE -GARAGED -GARAGES -GARB -GARBAGE -GARBAGES -GARBED -GARBLE -GARBLED -GARCIA -GARDEN -GARDENED -GARDENER -GARDENERS -GARDENING -GARDENS -GARDNER -GARFIELD -GARFUNKEL -GARGANTUAN -GARGLE -GARGLED -GARGLES -GARGLING -GARIBALDI -GARLAND -GARLANDED -GARLIC -GARMENT -GARMENTS -GARNER -GARNERED -GARNETT -GARNISH -GARRETT -GARRISON -GARRISONED -GARRISONIAN -GARRY -GARTER -GARTERS -GARTH -GARVEY -GARY -GAS -GASCONY -GASEOUS -GASEOUSLY -GASES -GASH -GASHES -GASKET -GASLIGHT -GASOLINE -GASP -GASPED -GASPEE -GASPING -GASPS -GASSED -GASSER -GASSET -GASSING -GASSINGS -GASSY -GASTON -GASTRIC -GASTROINTESTINAL -GASTRONOME -GASTRONOMY -GATE -GATED -GATES -GATEWAY -GATEWAYS -GATHER -GATHERED -GATHERER -GATHERERS -GATHERING -GATHERINGS -GATHERS -GATING -GATLINBURG -GATOR -GATSBY -GAUCHE -GAUDINESS -GAUDY -GAUGE -GAUGED -GAUGES -GAUGUIN -GAUL -GAULLE -GAULS -GAUNT -GAUNTLEY -GAUNTNESS -GAUSSIAN -GAUTAMA -GAUZE -GAVE -GAVEL -GAVIN -GAWK -GAWKY -GAY -GAYER -GAYEST -GAYETY -GAYLOR -GAYLORD -GAYLY -GAYNESS -GAYNOR -GAZE -GAZED -GAZELLE -GAZER -GAZERS -GAZES -GAZETTE -GAZING -GEAR -GEARED -GEARING -GEARS -GEARY -GECKO -GEESE -GEHRIG -GEIGER -GEIGY -GEISHA -GEL -GELATIN -GELATINE -GELATINOUS -GELD -GELLED -GELLING -GELS -GEM -GEMINI -GEMINID -GEMMA -GEMS -GENDER -GENDERS -GENE -GENEALOGY -GENERAL -GENERALIST -GENERALISTS -GENERALITIES -GENERALITY -GENERALIZATION -GENERALIZATIONS -GENERALIZE -GENERALIZED -GENERALIZER -GENERALIZERS -GENERALIZES -GENERALIZING -GENERALLY -GENERALS -GENERATE -GENERATED -GENERATES -GENERATING -GENERATION -GENERATIONS -GENERATIVE -GENERATOR -GENERATORS -GENERIC -GENERICALLY -GENEROSITIES -GENEROSITY -GENEROUS -GENEROUSLY -GENEROUSNESS -GENES -GENESCO -GENESIS -GENETIC -GENETICALLY -GENEVA -GENEVIEVE -GENIAL -GENIALLY -GENIE -GENIUS -GENIUSES -GENOA -GENRE -GENRES -GENT -GENTEEL -GENTILE -GENTLE -GENTLEMAN -GENTLEMANLY -GENTLEMEN -GENTLENESS -GENTLER -GENTLEST -GENTLEWOMAN -GENTLY -GENTRY -GENUINE -GENUINELY -GENUINENESS -GENUS -GEOCENTRIC -GEODESIC -GEODESY -GEODETIC -GEOFF -GEOFFREY -GEOGRAPHER -GEOGRAPHIC -GEOGRAPHICAL -GEOGRAPHICALLY -GEOGRAPHY -GEOLOGICAL -GEOLOGIST -GEOLOGISTS -GEOLOGY -GEOMETRIC -GEOMETRICAL -GEOMETRICALLY -GEOMETRICIAN -GEOMETRIES -GEOMETRY -GEOPHYSICAL -GEOPHYSICS -GEORGE -GEORGES -GEORGETOWN -GEORGIA -GEORGIAN -GEORGIANS -GEOSYNCHRONOUS -GERALD -GERALDINE -GERANIUM -GERARD -GERBER -GERBIL -GERHARD -GERHARDT -GERIATRIC -GERM -GERMAN -GERMANE -GERMANIA -GERMANIC -GERMANS -GERMANTOWN -GERMANY -GERMICIDE -GERMINAL -GERMINATE -GERMINATED -GERMINATES -GERMINATING -GERMINATION -GERMS -GEROME -GERRY -GERSHWIN -GERSHWINS -GERTRUDE -GERUND -GESTAPO -GESTURE -GESTURED -GESTURES -GESTURING -GET -GETAWAY -GETS -GETTER -GETTERS -GETTING -GETTY -GETTYSBURG -GEYSER -GHANA -GHANIAN -GHASTLY -GHENT -GHETTO -GHOST -GHOSTED -GHOSTLY -GHOSTS -GIACOMO -GIANT -GIANTS -GIBBERISH -GIBBONS -GIBBS -GIBBY -GIBRALTAR -GIBSON -GIDDINESS -GIDDINGS -GIDDY -GIDEON -GIFFORD -GIFT -GIFTED -GIFTS -GIG -GIGABIT -GIGABITS -GIGABYTE -GIGABYTES -GIGACYCLE -GIGAHERTZ -GIGANTIC -GIGAVOLT -GIGAWATT -GIGGLE -GIGGLED -GIGGLES -GIGGLING -GIL -GILBERTSON -GILCHRIST -GILD -GILDED -GILDING -GILDS -GILEAD -GILES -GILKSON -GILL -GILLESPIE -GILLETTE -GILLIGAN -GILLS -GILMORE -GILT -GIMBEL -GIMMICK -GIMMICKS -GIN -GINA -GINGER -GINGERBREAD -GINGERLY -GINGHAM -GINGHAMS -GINN -GINO -GINS -GINSBERG -GINSBURG -GIOCONDA -GIORGIO -GIOVANNI -GIPSIES -GIPSY -GIRAFFE -GIRAFFES -GIRD -GIRDER -GIRDERS -GIRDLE -GIRL -GIRLFRIEND -GIRLIE -GIRLISH -GIRLS -GIRT -GIRTH -GIST -GIULIANO -GIUSEPPE -GIVE -GIVEAWAY -GIVEN -GIVER -GIVERS -GIVES -GIVING -GLACIAL -GLACIER -GLACIERS -GLAD -GLADDEN -GLADDER -GLADDEST -GLADE -GLADIATOR -GLADLY -GLADNESS -GLADSTONE -GLADYS -GLAMOR -GLAMOROUS -GLAMOUR -GLANCE -GLANCED -GLANCES -GLANCING -GLAND -GLANDS -GLANDULAR -GLARE -GLARED -GLARES -GLARING -GLARINGLY -GLASGOW -GLASS -GLASSED -GLASSES -GLASSY -GLASWEGIAN -GLAUCOMA -GLAZE -GLAZED -GLAZER -GLAZES -GLAZING -GLEAM -GLEAMED -GLEAMING -GLEAMS -GLEAN -GLEANED -GLEANER -GLEANING -GLEANINGS -GLEANS -GLEASON -GLEE -GLEEFUL -GLEEFULLY -GLEES -GLEN -GLENDA -GLENDALE -GLENN -GLENS -GLIDDEN -GLIDE -GLIDED -GLIDER -GLIDERS -GLIDES -GLIMMER -GLIMMERED -GLIMMERING -GLIMMERS -GLIMPSE -GLIMPSED -GLIMPSES -GLINT -GLINTED -GLINTING -GLINTS -GLISTEN -GLISTENED -GLISTENING -GLISTENS -GLITCH -GLITTER -GLITTERED -GLITTERING -GLITTERS -GLOAT -GLOBAL -GLOBALLY -GLOBE -GLOBES -GLOBULAR -GLOBULARITY -GLOOM -GLOOMILY -GLOOMY -GLORIA -GLORIANA -GLORIES -GLORIFICATION -GLORIFIED -GLORIFIES -GLORIFY -GLORIOUS -GLORIOUSLY -GLORY -GLORYING -GLOSS -GLOSSARIES -GLOSSARY -GLOSSED -GLOSSES -GLOSSING -GLOSSY -GLOTTAL -GLOUCESTER -GLOVE -GLOVED -GLOVER -GLOVERS -GLOVES -GLOVING -GLOW -GLOWED -GLOWER -GLOWERS -GLOWING -GLOWINGLY -GLOWS -GLUE -GLUED -GLUES -GLUING -GLUT -GLUTTON -GLYNN -GNASH -GNAT -GNATS -GNAW -GNAWED -GNAWING -GNAWS -GNOME -GNOMON -GNU -GOA -GOAD -GOADED -GOAL -GOALS -GOAT -GOATEE -GOATEES -GOATS -GOBBLE -GOBBLED -GOBBLER -GOBBLERS -GOBBLES -GOBI -GOBLET -GOBLETS -GOBLIN -GOBLINS -GOD -GODDARD -GODDESS -GODDESSES -GODFATHER -GODFREY -GODHEAD -GODLIKE -GODLY -GODMOTHER -GODMOTHERS -GODOT -GODPARENT -GODS -GODSEND -GODSON -GODWIN -GODZILLA -GOES -GOETHE -GOFF -GOGGLES -GOGH -GOING -GOINGS -GOLD -GOLDA -GOLDBERG -GOLDEN -GOLDENLY -GOLDENNESS -GOLDENROD -GOLDFIELD -GOLDFISH -GOLDING -GOLDMAN -GOLDS -GOLDSMITH -GOLDSTEIN -GOLDSTINE -GOLDWATER -GOLETA -GOLF -GOLFER -GOLFERS -GOLFING -GOLIATH -GOLLY -GOMEZ -GONDOLA -GONE -GONER -GONG -GONGS -GONZALES -GONZALEZ -GOOD -GOODBY -GOODBYE -GOODE -GOODIES -GOODLY -GOODMAN -GOODNESS -GOODRICH -GOODS -GOODWILL -GOODWIN -GOODY -GOODYEAR -GOOF -GOOFED -GOOFS -GOOFY -GOOSE -GOPHER -GORDIAN -GORDON -GORE -GOREN -GORGE -GORGEOUS -GORGEOUSLY -GORGES -GORGING -GORHAM -GORILLA -GORILLAS -GORKY -GORTON -GORY -GOSH -GOSPEL -GOSPELERS -GOSPELS -GOSSIP -GOSSIPED -GOSSIPING -GOSSIPS -GOT -GOTHAM -GOTHIC -GOTHICALLY -GOTHICISM -GOTHICIZE -GOTHICIZED -GOTHICIZER -GOTHICIZERS -GOTHICIZES -GOTHICIZING -GOTO -GOTOS -GOTTEN -GOTTFRIED -GOUCHER -GOUDA -GOUGE -GOUGED -GOUGES -GOUGING -GOULD -GOURD -GOURMET -GOUT -GOVERN -GOVERNANCE -GOVERNED -GOVERNESS -GOVERNING -GOVERNMENT -GOVERNMENTAL -GOVERNMENTALLY -GOVERNMENTS -GOVERNOR -GOVERNORS -GOVERNS -GOWN -GOWNED -GOWNS -GRAB -GRABBED -GRABBER -GRABBERS -GRABBING -GRABBINGS -GRABS -GRACE -GRACED -GRACEFUL -GRACEFULLY -GRACEFULNESS -GRACES -GRACIE -GRACING -GRACIOUS -GRACIOUSLY -GRACIOUSNESS -GRAD -GRADATION -GRADATIONS -GRADE -GRADED -GRADER -GRADERS -GRADES -GRADIENT -GRADIENTS -GRADING -GRADINGS -GRADUAL -GRADUALLY -GRADUATE -GRADUATED -GRADUATES -GRADUATING -GRADUATION -GRADUATIONS -GRADY -GRAFF -GRAFT -GRAFTED -GRAFTER -GRAFTING -GRAFTON -GRAFTS -GRAHAM -GRAHAMS -GRAIL -GRAIN -GRAINED -GRAINING -GRAINS -GRAM -GRAMMAR -GRAMMARIAN -GRAMMARS -GRAMMATIC -GRAMMATICAL -GRAMMATICALLY -GRAMS -GRANARIES -GRANARY -GRAND -GRANDCHILD -GRANDCHILDREN -GRANDDAUGHTER -GRANDER -GRANDEST -GRANDEUR -GRANDFATHER -GRANDFATHERS -GRANDIOSE -GRANDLY -GRANDMA -GRANDMOTHER -GRANDMOTHERS -GRANDNEPHEW -GRANDNESS -GRANDNIECE -GRANDPA -GRANDPARENT -GRANDS -GRANDSON -GRANDSONS -GRANDSTAND -GRANGE -GRANITE -GRANNY -GRANOLA -GRANT -GRANTED -GRANTEE -GRANTER -GRANTING -GRANTOR -GRANTS -GRANULARITY -GRANULATE -GRANULATED -GRANULATES -GRANULATING -GRANVILLE -GRAPE -GRAPEFRUIT -GRAPES -GRAPEVINE -GRAPH -GRAPHED -GRAPHIC -GRAPHICAL -GRAPHICALLY -GRAPHICS -GRAPHING -GRAPHITE -GRAPHS -GRAPPLE -GRAPPLED -GRAPPLING -GRASP -GRASPABLE -GRASPED -GRASPING -GRASPINGLY -GRASPS -GRASS -GRASSED -GRASSERS -GRASSES -GRASSIER -GRASSIEST -GRASSLAND -GRASSY -GRATE -GRATED -GRATEFUL -GRATEFULLY -GRATEFULNESS -GRATER -GRATES -GRATIFICATION -GRATIFIED -GRATIFY -GRATIFYING -GRATING -GRATINGS -GRATIS -GRATITUDE -GRATUITIES -GRATUITOUS -GRATUITOUSLY -GRATUITOUSNESS -GRATUITY -GRAVE -GRAVEL -GRAVELLY -GRAVELY -GRAVEN -GRAVENESS -GRAVER -GRAVES -GRAVEST -GRAVESTONE -GRAVEYARD -GRAVITATE -GRAVITATION -GRAVITATIONAL -GRAVITY -GRAVY -GRAY -GRAYED -GRAYER -GRAYEST -GRAYING -GRAYNESS -GRAYSON -GRAZE -GRAZED -GRAZER -GRAZING -GREASE -GREASED -GREASES -GREASY -GREAT -GREATER -GREATEST -GREATLY -GREATNESS -GRECIAN -GRECIANIZE -GRECIANIZES -GREECE -GREED -GREEDILY -GREEDINESS -GREEDY -GREEK -GREEKIZE -GREEKIZES -GREEKS -GREEN -GREENBELT -GREENBERG -GREENBLATT -GREENBRIAR -GREENE -GREENER -GREENERY -GREENEST -GREENFELD -GREENFIELD -GREENGROCER -GREENHOUSE -GREENHOUSES -GREENING -GREENISH -GREENLAND -GREENLY -GREENNESS -GREENS -GREENSBORO -GREENSVILLE -GREENTREE -GREENVILLE -GREENWARE -GREENWICH -GREER -GREET -GREETED -GREETER -GREETING -GREETINGS -GREETS -GREG -GREGARIOUS -GREGG -GREGORIAN -GREGORY -GRENADE -GRENADES -GRENDEL -GRENIER -GRENOBLE -GRENVILLE -GRESHAM -GRETA -GRETCHEN -GREW -GREY -GREYEST -GREYHOUND -GREYING -GRID -GRIDDLE -GRIDIRON -GRIDS -GRIEF -GRIEFS -GRIEVANCE -GRIEVANCES -GRIEVE -GRIEVED -GRIEVER -GRIEVERS -GRIEVES -GRIEVING -GRIEVINGLY -GRIEVOUS -GRIEVOUSLY -GRIFFITH -GRILL -GRILLED -GRILLING -GRILLS -GRIM -GRIMACE -GRIMALDI -GRIME -GRIMED -GRIMES -GRIMLY -GRIMM -GRIMNESS -GRIN -GRIND -GRINDER -GRINDERS -GRINDING -GRINDINGS -GRINDS -GRINDSTONE -GRINDSTONES -GRINNING -GRINS -GRIP -GRIPE -GRIPED -GRIPES -GRIPING -GRIPPED -GRIPPING -GRIPPINGLY -GRIPS -GRIS -GRISLY -GRIST -GRISWOLD -GRIT -GRITS -GRITTY -GRIZZLY -GROAN -GROANED -GROANER -GROANERS -GROANING -GROANS -GROCER -GROCERIES -GROCERS -GROCERY -GROGGY -GROIN -GROOM -GROOMED -GROOMING -GROOMS -GROOT -GROOVE -GROOVED -GROOVES -GROPE -GROPED -GROPES -GROPING -GROSS -GROSSED -GROSSER -GROSSES -GROSSEST -GROSSET -GROSSING -GROSSLY -GROSSMAN -GROSSNESS -GROSVENOR -GROTESQUE -GROTESQUELY -GROTESQUES -GROTON -GROTTO -GROTTOS -GROUND -GROUNDED -GROUNDER -GROUNDERS -GROUNDING -GROUNDS -GROUNDWORK -GROUP -GROUPED -GROUPING -GROUPINGS -GROUPS -GROUSE -GROVE -GROVEL -GROVELED -GROVELING -GROVELS -GROVER -GROVERS -GROVES -GROW -GROWER -GROWERS -GROWING -GROWL -GROWLED -GROWLING -GROWLS -GROWN -GROWNUP -GROWNUPS -GROWS -GROWTH -GROWTHS -GRUB -GRUBBY -GRUBS -GRUDGE -GRUDGES -GRUDGINGLY -GRUESOME -GRUFF -GRUFFLY -GRUMBLE -GRUMBLED -GRUMBLES -GRUMBLING -GRUMMAN -GRUNT -GRUNTED -GRUNTING -GRUNTS -GRUSKY -GRUYERE -GUADALUPE -GUAM -GUANO -GUARANTEE -GUARANTEED -GUARANTEEING -GUARANTEER -GUARANTEERS -GUARANTEES -GUARANTY -GUARD -GUARDED -GUARDEDLY -GUARDHOUSE -GUARDIA -GUARDIAN -GUARDIANS -GUARDIANSHIP -GUARDING -GUARDS -GUATEMALA -GUATEMALAN -GUBERNATORIAL -GUELPH -GUENTHER -GUERRILLA -GUERRILLAS -GUESS -GUESSED -GUESSES -GUESSING -GUESSWORK -GUEST -GUESTS -GUGGENHEIM -GUHLEMAN -GUIANA -GUIDANCE -GUIDE -GUIDEBOOK -GUIDEBOOKS -GUIDED -GUIDELINE -GUIDELINES -GUIDES -GUIDING -GUILD -GUILDER -GUILDERS -GUILE -GUILFORD -GUILT -GUILTIER -GUILTIEST -GUILTILY -GUILTINESS -GUILTLESS -GUILTLESSLY -GUILTY -GUINEA -GUINEVERE -GUISE -GUISES -GUITAR -GUITARS -GUJARAT -GUJARATI -GULCH -GULCHES -GULF -GULFS -GULL -GULLAH -GULLED -GULLIES -GULLING -GULLS -GULLY -GULP -GULPED -GULPS -GUM -GUMMING -GUMPTION -GUMS -GUN -GUNDERSON -GUNFIRE -GUNMAN -GUNMEN -GUNNAR -GUNNED -GUNNER -GUNNERS -GUNNERY -GUNNING -GUNNY -GUNPLAY -GUNPOWDER -GUNS -GUNSHOT -GUNTHER -GURGLE -GURKHA -GURU -GUS -GUSH -GUSHED -GUSHER -GUSHES -GUSHING -GUST -GUSTAFSON -GUSTAV -GUSTAVE -GUSTAVUS -GUSTO -GUSTS -GUSTY -GUT -GUTENBERG -GUTHRIE -GUTS -GUTSY -GUTTER -GUTTERED -GUTTERS -GUTTING -GUTTURAL -GUY -GUYANA -GUYED -GUYER -GUYERS -GUYING -GUYS -GWEN -GWYN -GYMNASIUM -GYMNASIUMS -GYMNAST -GYMNASTIC -GYMNASTICS -GYMNASTS -GYPSIES -GYPSY -GYRO -GYROCOMPASS -GYROSCOPE -GYROSCOPES -HAAG -HAAS -HABEAS -HABERMAN -HABIB -HABIT -HABITAT -HABITATION -HABITATIONS -HABITATS -HABITS -HABITUAL -HABITUALLY -HABITUALNESS -HACK -HACKED -HACKER -HACKERS -HACKETT -HACKING -HACKNEYED -HACKS -HACKSAW -HAD -HADAMARD -HADDAD -HADDOCK -HADES -HADLEY -HADRIAN -HAFIZ -HAG -HAGEN -HAGER -HAGGARD -HAGGARDLY -HAGGLE -HAGSTROM -HAGUE -HAHN -HAIFA -HAIL -HAILED -HAILING -HAILS -HAILSTONE -HAILSTORM -HAINES -HAIR -HAIRCUT -HAIRCUTS -HAIRIER -HAIRINESS -HAIRLESS -HAIRPIN -HAIRS -HAIRY -HAITI -HAITIAN -HAL -HALCYON -HALE -HALER -HALEY -HALF -HALFHEARTED -HALFWAY -HALIFAX -HALL -HALLEY -HALLINAN -HALLMARK -HALLMARKS -HALLOW -HALLOWED -HALLOWEEN -HALLS -HALLUCINATE -HALLWAY -HALLWAYS -HALOGEN -HALPERN -HALSEY -HALSTEAD -HALT -HALTED -HALTER -HALTERS -HALTING -HALTINGLY -HALTS -HALVE -HALVED -HALVERS -HALVERSON -HALVES -HALVING -HAM -HAMAL -HAMBURG -HAMBURGER -HAMBURGERS -HAMEY -HAMILTON -HAMILTONIAN -HAMILTONIANS -HAMLET -HAMLETS -HAMLIN -HAMMER -HAMMERED -HAMMERING -HAMMERS -HAMMETT -HAMMING -HAMMOCK -HAMMOCKS -HAMMOND -HAMPER -HAMPERED -HAMPERS -HAMPSHIRE -HAMPTON -HAMS -HAMSTER -HAN -HANCOCK -HAND -HANDBAG -HANDBAGS -HANDBOOK -HANDBOOKS -HANDCUFF -HANDCUFFED -HANDCUFFING -HANDCUFFS -HANDED -HANDEL -HANDFUL -HANDFULS -HANDGUN -HANDICAP -HANDICAPPED -HANDICAPS -HANDIER -HANDIEST -HANDILY -HANDINESS -HANDING -HANDIWORK -HANDKERCHIEF -HANDKERCHIEFS -HANDLE -HANDLED -HANDLER -HANDLERS -HANDLES -HANDLING -HANDMAID -HANDOUT -HANDS -HANDSHAKE -HANDSHAKES -HANDSHAKING -HANDSOME -HANDSOMELY -HANDSOMENESS -HANDSOMER -HANDSOMEST -HANDWRITING -HANDWRITTEN -HANDY -HANEY -HANFORD -HANG -HANGAR -HANGARS -HANGED -HANGER -HANGERS -HANGING -HANGMAN -HANGMEN -HANGOUT -HANGOVER -HANGOVERS -HANGS -HANKEL -HANLEY -HANLON -HANNA -HANNAH -HANNIBAL -HANOI -HANOVER -HANOVERIAN -HANOVERIANIZE -HANOVERIANIZES -HANOVERIZE -HANOVERIZES -HANS -HANSEL -HANSEN -HANSON -HANUKKAH -HAP -HAPGOOD -HAPHAZARD -HAPHAZARDLY -HAPHAZARDNESS -HAPLESS -HAPLESSLY -HAPLESSNESS -HAPLY -HAPPEN -HAPPENED -HAPPENING -HAPPENINGS -HAPPENS -HAPPIER -HAPPIEST -HAPPILY -HAPPINESS -HAPPY -HAPSBURG -HARASS -HARASSED -HARASSES -HARASSING -HARASSMENT -HARBIN -HARBINGER -HARBOR -HARBORED -HARBORING -HARBORS -HARCOURT -HARD -HARDBOILED -HARDCOPY -HARDEN -HARDER -HARDEST -HARDHAT -HARDIN -HARDINESS -HARDING -HARDLY -HARDNESS -HARDSCRABBLE -HARDSHIP -HARDSHIPS -HARDWARE -HARDWIRED -HARDWORKING -HARDY -HARE -HARELIP -HAREM -HARES -HARK -HARKEN -HARLAN -HARLEM -HARLEY -HARLOT -HARLOTS -HARM -HARMED -HARMFUL -HARMFULLY -HARMFULNESS -HARMING -HARMLESS -HARMLESSLY -HARMLESSNESS -HARMON -HARMONIC -HARMONICS -HARMONIES -HARMONIOUS -HARMONIOUSLY -HARMONIOUSNESS -HARMONIST -HARMONISTIC -HARMONISTICALLY -HARMONIZE -HARMONY -HARMS -HARNESS -HARNESSED -HARNESSING -HAROLD -HARP -HARPER -HARPERS -HARPING -HARPY -HARRIED -HARRIER -HARRIET -HARRIMAN -HARRINGTON -HARRIS -HARRISBURG -HARRISON -HARRISONBURG -HARROW -HARROWED -HARROWING -HARROWS -HARRY -HARSH -HARSHER -HARSHLY -HARSHNESS -HART -HARTFORD -HARTLEY -HARTMAN -HARVARD -HARVARDIZE -HARVARDIZES -HARVEST -HARVESTED -HARVESTER -HARVESTING -HARVESTS -HARVEY -HARVEYIZE -HARVEYIZES -HARVEYS -HAS -HASH -HASHED -HASHER -HASHES -HASHING -HASHISH -HASKELL -HASKINS -HASSLE -HASTE -HASTEN -HASTENED -HASTENING -HASTENS -HASTILY -HASTINESS -HASTINGS -HASTY -HAT -HATCH -HATCHED -HATCHET -HATCHETS -HATCHING -HATCHURE -HATE -HATED -HATEFUL -HATEFULLY -HATEFULNESS -HATER -HATES -HATFIELD -HATHAWAY -HATING -HATRED -HATS -HATTERAS -HATTIE -HATTIESBURG -HATTIZE -HATTIZES -HAUGEN -HAUGHTILY -HAUGHTINESS -HAUGHTY -HAUL -HAULED -HAULER -HAULING -HAULS -HAUNCH -HAUNCHES -HAUNT -HAUNTED -HAUNTER -HAUNTING -HAUNTS -HAUSA -HAUSDORFF -HAUSER -HAVANA -HAVE -HAVEN -HAVENS -HAVES -HAVILLAND -HAVING -HAVOC -HAWAII -HAWAIIAN -HAWK -HAWKED -HAWKER -HAWKERS -HAWKINS -HAWKS -HAWLEY -HAWTHORNE -HAY -HAYDEN -HAYDN -HAYES -HAYING -HAYNES -HAYS -HAYSTACK -HAYWARD -HAYWOOD -HAZARD -HAZARDOUS -HAZARDS -HAZE -HAZEL -HAZES -HAZINESS -HAZY -HEAD -HEADACHE -HEADACHES -HEADED -HEADER -HEADERS -HEADGEAR -HEADING -HEADINGS -HEADLAND -HEADLANDS -HEADLIGHT -HEADLINE -HEADLINED -HEADLINES -HEADLINING -HEADLONG -HEADMASTER -HEADPHONE -HEADQUARTERS -HEADROOM -HEADS -HEADSET -HEADWAY -HEAL -HEALED -HEALER -HEALERS -HEALEY -HEALING -HEALS -HEALTH -HEALTHFUL -HEALTHFULLY -HEALTHFULNESS -HEALTHIER -HEALTHIEST -HEALTHILY -HEALTHINESS -HEALTHY -HEALY -HEAP -HEAPED -HEAPING -HEAPS -HEAR -HEARD -HEARER -HEARERS -HEARING -HEARINGS -HEARKEN -HEARS -HEARSAY -HEARST -HEART -HEARTBEAT -HEARTBREAK -HEARTEN -HEARTIEST -HEARTILY -HEARTINESS -HEARTLESS -HEARTS -HEARTWOOD -HEARTY -HEAT -HEATABLE -HEATED -HEATEDLY -HEATER -HEATERS -HEATH -HEATHEN -HEATHER -HEATHKIT -HEATHMAN -HEATING -HEATS -HEAVE -HEAVED -HEAVEN -HEAVENLY -HEAVENS -HEAVER -HEAVERS -HEAVES -HEAVIER -HEAVIEST -HEAVILY -HEAVINESS -HEAVING -HEAVY -HEAVYWEIGHT -HEBE -HEBRAIC -HEBRAICIZE -HEBRAICIZES -HEBREW -HEBREWS -HEBRIDES -HECATE -HECK -HECKLE -HECKMAN -HECTIC -HECUBA -HEDDA -HEDGE -HEDGED -HEDGEHOG -HEDGEHOGS -HEDGES -HEDONISM -HEDONIST -HEED -HEEDED -HEEDLESS -HEEDLESSLY -HEEDLESSNESS -HEEDS -HEEL -HEELED -HEELERS -HEELING -HEELS -HEFTY -HEGEL -HEGELIAN -HEGELIANIZE -HEGELIANIZES -HEGEMONY -HEIDEGGER -HEIDELBERG -HEIFER -HEIGHT -HEIGHTEN -HEIGHTENED -HEIGHTENING -HEIGHTENS -HEIGHTS -HEINE -HEINLEIN -HEINOUS -HEINOUSLY -HEINRICH -HEINZ -HEINZE -HEIR -HEIRESS -HEIRESSES -HEIRS -HEISENBERG -HEISER -HELD -HELEN -HELENA -HELENE -HELGA -HELICAL -HELICOPTER -HELIOCENTRIC -HELIOPOLIS -HELIUM -HELIX -HELL -HELLENIC -HELLENIZATION -HELLENIZATIONS -HELLENIZE -HELLENIZED -HELLENIZES -HELLENIZING -HELLESPONT -HELLFIRE -HELLISH -HELLMAN -HELLO -HELLS -HELM -HELMET -HELMETS -HELMHOLTZ -HELMSMAN -HELMUT -HELP -HELPED -HELPER -HELPERS -HELPFUL -HELPFULLY -HELPFULNESS -HELPING -HELPLESS -HELPLESSLY -HELPLESSNESS -HELPMATE -HELPS -HELSINKI -HELVETICA -HEM -HEMINGWAY -HEMISPHERE -HEMISPHERES -HEMLOCK -HEMLOCKS -HEMOGLOBIN -HEMORRHOID -HEMOSTAT -HEMOSTATS -HEMP -HEMPEN -HEMPSTEAD -HEMS -HEN -HENCE -HENCEFORTH -HENCHMAN -HENCHMEN -HENDERSON -HENDRICK -HENDRICKS -HENDRICKSON -HENDRIX -HENLEY -HENNESSEY -HENNESSY -HENNING -HENPECK -HENRI -HENRIETTA -HENS -HEPATITIS -HEPBURN -HER -HERA -HERACLITUS -HERALD -HERALDED -HERALDING -HERALDS -HERB -HERBERT -HERBIVORE -HERBIVOROUS -HERBS -HERCULEAN -HERCULES -HERD -HERDED -HERDER -HERDING -HERDS -HERE -HEREABOUT -HEREABOUTS -HEREAFTER -HEREBY -HEREDITARY -HEREDITY -HEREFORD -HEREIN -HEREINAFTER -HEREOF -HERES -HERESY -HERETIC -HERETICS -HERETO -HERETOFORE -HEREUNDER -HEREWITH -HERITAGE -HERITAGES -HERKIMER -HERMAN -HERMANN -HERMES -HERMETIC -HERMETICALLY -HERMIT -HERMITE -HERMITIAN -HERMITS -HERMOSA -HERNANDEZ -HERO -HERODOTUS -HEROES -HEROIC -HEROICALLY -HEROICS -HEROIN -HEROINE -HEROINES -HEROISM -HERON -HERONS -HERPES -HERR -HERRING -HERRINGS -HERRINGTON -HERS -HERSCHEL -HERSELF -HERSEY -HERSHEL -HERSHEY -HERTZ -HERTZOG -HESITANT -HESITANTLY -HESITATE -HESITATED -HESITATES -HESITATING -HESITATINGLY -HESITATION -HESITATIONS -HESPERUS -HESS -HESSE -HESSIAN -HESSIANS -HESTER -HETEROGENEITY -HETEROGENEOUS -HETEROGENEOUSLY -HETEROGENEOUSNESS -HETEROGENOUS -HETEROSEXUAL -HETMAN -HETTIE -HETTY -HEUBLEIN -HEURISTIC -HEURISTICALLY -HEURISTICS -HEUSEN -HEUSER -HEW -HEWED -HEWER -HEWETT -HEWITT -HEWLETT -HEWS -HEX -HEXADECIMAL -HEXAGON -HEXAGONAL -HEXAGONALLY -HEXAGONS -HEY -HEYWOOD -HIATT -HIAWATHA -HIBBARD -HIBERNATE -HIBERNIA -HICK -HICKEY -HICKEYS -HICKMAN -HICKOK -HICKORY -HICKS -HID -HIDDEN -HIDE -HIDEOUS -HIDEOUSLY -HIDEOUSNESS -HIDEOUT -HIDEOUTS -HIDES -HIDING -HIERARCHAL -HIERARCHIC -HIERARCHICAL -HIERARCHICALLY -HIERARCHIES -HIERARCHY -HIERONYMUS -HIGGINS -HIGH -HIGHER -HIGHEST -HIGHFIELD -HIGHLAND -HIGHLANDER -HIGHLANDS -HIGHLIGHT -HIGHLIGHTED -HIGHLIGHTING -HIGHLIGHTS -HIGHLY -HIGHNESS -HIGHNESSES -HIGHWAY -HIGHWAYMAN -HIGHWAYMEN -HIGHWAYS -HIJACK -HIJACKED -HIKE -HIKED -HIKER -HIKES -HIKING -HILARIOUS -HILARIOUSLY -HILARITY -HILBERT -HILDEBRAND -HILL -HILLARY -HILLBILLY -HILLCREST -HILLEL -HILLOCK -HILLS -HILLSBORO -HILLSDALE -HILLSIDE -HILLSIDES -HILLTOP -HILLTOPS -HILT -HILTON -HILTS -HIM -HIMALAYA -HIMALAYAS -HIMMLER -HIMSELF -HIND -HINDER -HINDERED -HINDERING -HINDERS -HINDI -HINDRANCE -HINDRANCES -HINDSIGHT -HINDU -HINDUISM -HINDUS -HINDUSTAN -HINES -HINGE -HINGED -HINGES -HINKLE -HINMAN -HINSDALE -HINT -HINTED -HINTING -HINTS -HIP -HIPPO -HIPPOCRATES -HIPPOCRATIC -HIPPOPOTAMUS -HIPS -HIRAM -HIRE -HIRED -HIRER -HIRERS -HIRES -HIREY -HIRING -HIRINGS -HIROSHI -HIROSHIMA -HIRSCH -HIS -HISPANIC -HISPANICIZE -HISPANICIZES -HISPANICS -HISS -HISSED -HISSES -HISSING -HISTOGRAM -HISTOGRAMS -HISTORIAN -HISTORIANS -HISTORIC -HISTORICAL -HISTORICALLY -HISTORIES -HISTORY -HIT -HITACHI -HITCH -HITCHCOCK -HITCHED -HITCHHIKE -HITCHHIKED -HITCHHIKER -HITCHHIKERS -HITCHHIKES -HITCHHIKING -HITCHING -HITHER -HITHERTO -HITLER -HITLERIAN -HITLERISM -HITLERITE -HITLERITES -HITS -HITTER -HITTERS -HITTING -HIVE -HOAGLAND -HOAR -HOARD -HOARDER -HOARDING -HOARINESS -HOARSE -HOARSELY -HOARSENESS -HOARY -HOBART -HOBBES -HOBBIES -HOBBLE -HOBBLED -HOBBLES -HOBBLING -HOBBS -HOBBY -HOBBYHORSE -HOBBYIST -HOBBYISTS -HOBDAY -HOBOKEN -HOCKEY -HODGEPODGE -HODGES -HODGKIN -HOE -HOES -HOFF -HOFFMAN -HOG -HOGGING -HOGS -HOIST -HOISTED -HOISTING -HOISTS -HOKAN -HOLBROOK -HOLCOMB -HOLD -HOLDEN -HOLDER -HOLDERS -HOLDING -HOLDINGS -HOLDS -HOLE -HOLED -HOLES -HOLIDAY -HOLIDAYS -HOLIES -HOLINESS -HOLISTIC -HOLLAND -HOLLANDAISE -HOLLANDER -HOLLERITH -HOLLINGSWORTH -HOLLISTER -HOLLOW -HOLLOWAY -HOLLOWED -HOLLOWING -HOLLOWLY -HOLLOWNESS -HOLLOWS -HOLLY -HOLLYWOOD -HOLLYWOODIZE -HOLLYWOODIZES -HOLM -HOLMAN -HOLMDEL -HOLMES -HOLOCAUST -HOLOCENE -HOLOGRAM -HOLOGRAMS -HOLST -HOLSTEIN -HOLY -HOLYOKE -HOLZMAN -HOM -HOMAGE -HOME -HOMED -HOMELESS -HOMELY -HOMEMADE -HOMEMAKER -HOMEMAKERS -HOMEOMORPHIC -HOMEOMORPHISM -HOMEOMORPHISMS -HOMEOPATH -HOMEOWNER -HOMER -HOMERIC -HOMERS -HOMES -HOMESICK -HOMESICKNESS -HOMESPUN -HOMESTEAD -HOMESTEADER -HOMESTEADERS -HOMESTEADS -HOMEWARD -HOMEWARDS -HOMEWORK -HOMICIDAL -HOMICIDE -HOMING -HOMO -HOMOGENEITIES -HOMOGENEITY -HOMOGENEOUS -HOMOGENEOUSLY -HOMOGENEOUSNESS -HOMOMORPHIC -HOMOMORPHISM -HOMOMORPHISMS -HOMOSEXUAL -HONDA -HONDO -HONDURAS -HONE -HONED -HONER -HONES -HONEST -HONESTLY -HONESTY -HONEY -HONEYBEE -HONEYCOMB -HONEYCOMBED -HONEYDEW -HONEYMOON -HONEYMOONED -HONEYMOONER -HONEYMOONERS -HONEYMOONING -HONEYMOONS -HONEYSUCKLE -HONEYWELL -HONING -HONOLULU -HONOR -HONORABLE -HONORABLENESS -HONORABLY -HONORARIES -HONORARIUM -HONORARY -HONORED -HONORER -HONORING -HONORS -HONSHU -HOOD -HOODED -HOODLUM -HOODS -HOODWINK -HOODWINKED -HOODWINKING -HOODWINKS -HOOF -HOOFS -HOOK -HOOKED -HOOKER -HOOKERS -HOOKING -HOOKS -HOOKUP -HOOKUPS -HOOP -HOOPER -HOOPS -HOOSIER -HOOSIERIZE -HOOSIERIZES -HOOT -HOOTED -HOOTER -HOOTING -HOOTS -HOOVER -HOOVERIZE -HOOVERIZES -HOOVES -HOP -HOPE -HOPED -HOPEFUL -HOPEFULLY -HOPEFULNESS -HOPEFULS -HOPELESS -HOPELESSLY -HOPELESSNESS -HOPES -HOPI -HOPING -HOPKINS -HOPKINSIAN -HOPPER -HOPPERS -HOPPING -HOPS -HORACE -HORATIO -HORDE -HORDES -HORIZON -HORIZONS -HORIZONTAL -HORIZONTALLY -HORMONE -HORMONES -HORN -HORNBLOWER -HORNED -HORNET -HORNETS -HORNS -HORNY -HOROWITZ -HORRENDOUS -HORRENDOUSLY -HORRIBLE -HORRIBLENESS -HORRIBLY -HORRID -HORRIDLY -HORRIFIED -HORRIFIES -HORRIFY -HORRIFYING -HORROR -HORRORS -HORSE -HORSEBACK -HORSEFLESH -HORSEFLY -HORSEMAN -HORSEPLAY -HORSEPOWER -HORSES -HORSESHOE -HORSESHOER -HORTICULTURE -HORTON -HORUS -HOSE -HOSES -HOSPITABLE -HOSPITABLY -HOSPITAL -HOSPITALITY -HOSPITALIZE -HOSPITALIZED -HOSPITALIZES -HOSPITALIZING -HOSPITALS -HOST -HOSTAGE -HOSTAGES -HOSTED -HOSTESS -HOSTESSES -HOSTILE -HOSTILELY -HOSTILITIES -HOSTILITY -HOSTING -HOSTS -HOT -HOTEL -HOTELS -HOTLY -HOTNESS -HOTTENTOT -HOTTER -HOTTEST -HOUDAILLE -HOUDINI -HOUGHTON -HOUND -HOUNDED -HOUNDING -HOUNDS -HOUR -HOURGLASS -HOURLY -HOURS -HOUSE -HOUSEBOAT -HOUSEBROKEN -HOUSED -HOUSEFLIES -HOUSEFLY -HOUSEHOLD -HOUSEHOLDER -HOUSEHOLDERS -HOUSEHOLDS -HOUSEKEEPER -HOUSEKEEPERS -HOUSEKEEPING -HOUSES -HOUSETOP -HOUSETOPS -HOUSEWIFE -HOUSEWIFELY -HOUSEWIVES -HOUSEWORK -HOUSING -HOUSTON -HOVEL -HOVELS -HOVER -HOVERED -HOVERING -HOVERS -HOW -HOWARD -HOWE -HOWELL -HOWEVER -HOWL -HOWLED -HOWLER -HOWLING -HOWLS -HOYT -HROTHGAR -HUB -HUBBARD -HUBBELL -HUBER -HUBERT -HUBRIS -HUBS -HUCK -HUDDLE -HUDDLED -HUDDLING -HUDSON -HUE -HUES -HUEY -HUFFMAN -HUG -HUGE -HUGELY -HUGENESS -HUGGING -HUGGINS -HUGH -HUGHES -HUGO -HUH -HULL -HULLS -HUM -HUMAN -HUMANE -HUMANELY -HUMANENESS -HUMANITARIAN -HUMANITIES -HUMANITY -HUMANLY -HUMANNESS -HUMANS -HUMBLE -HUMBLED -HUMBLENESS -HUMBLER -HUMBLEST -HUMBLING -HUMBLY -HUMBOLDT -HUMBUG -HUME -HUMERUS -HUMID -HUMIDIFICATION -HUMIDIFIED -HUMIDIFIER -HUMIDIFIERS -HUMIDIFIES -HUMIDIFY -HUMIDIFYING -HUMIDITY -HUMIDLY -HUMILIATE -HUMILIATED -HUMILIATES -HUMILIATING -HUMILIATION -HUMILIATIONS -HUMILITY -HUMMED -HUMMEL -HUMMING -HUMMINGBIRD -HUMOR -HUMORED -HUMORER -HUMORERS -HUMORING -HUMOROUS -HUMOROUSLY -HUMOROUSNESS -HUMORS -HUMP -HUMPBACK -HUMPED -HUMPHREY -HUMPTY -HUMS -HUN -HUNCH -HUNCHED -HUNCHES -HUNDRED -HUNDREDFOLD -HUNDREDS -HUNDREDTH -HUNG -HUNGARIAN -HUNGARY -HUNGER -HUNGERED -HUNGERING -HUNGERS -HUNGRIER -HUNGRIEST -HUNGRILY -HUNGRY -HUNK -HUNKS -HUNS -HUNT -HUNTED -HUNTER -HUNTERS -HUNTING -HUNTINGTON -HUNTLEY -HUNTS -HUNTSMAN -HUNTSVILLE -HURD -HURDLE -HURL -HURLED -HURLER -HURLERS -HURLING -HURON -HURONS -HURRAH -HURRICANE -HURRICANES -HURRIED -HURRIEDLY -HURRIES -HURRY -HURRYING -HURST -HURT -HURTING -HURTLE -HURTLING -HURTS -HURWITZ -HUSBAND -HUSBANDRY -HUSBANDS -HUSH -HUSHED -HUSHES -HUSHING -HUSK -HUSKED -HUSKER -HUSKINESS -HUSKING -HUSKS -HUSKY -HUSTLE -HUSTLED -HUSTLER -HUSTLES -HUSTLING -HUSTON -HUT -HUTCH -HUTCHINS -HUTCHINSON -HUTCHISON -HUTS -HUXLEY -HUXTABLE -HYACINTH -HYADES -HYANNIS -HYBRID -HYDE -HYDRA -HYDRANT -HYDRAULIC -HYDRO -HYDRODYNAMIC -HYDRODYNAMICS -HYDROGEN -HYDROGENS -HYENA -HYGIENE -HYMAN -HYMEN -HYMN -HYMNS -HYPER -HYPERBOLA -HYPERBOLIC -HYPERTEXT -HYPHEN -HYPHENATE -HYPHENS -HYPNOSIS -HYPNOTIC -HYPOCRISIES -HYPOCRISY -HYPOCRITE -HYPOCRITES -HYPODERMIC -HYPODERMICS -HYPOTHESES -HYPOTHESIS -HYPOTHESIZE -HYPOTHESIZED -HYPOTHESIZER -HYPOTHESIZES -HYPOTHESIZING -HYPOTHETICAL -HYPOTHETICALLY -HYSTERESIS -HYSTERICAL -HYSTERICALLY -IAN -IBERIA -IBERIAN -IBEX -IBID -IBIS -IBN -IBSEN -ICARUS -ICE -ICEBERG -ICEBERGS -ICEBOX -ICED -ICELAND -ICELANDIC -ICES -ICICLE -ICINESS -ICING -ICINGS -ICON -ICONOCLASM -ICONOCLAST -ICONS -ICOSAHEDRA -ICOSAHEDRAL -ICOSAHEDRON -ICY -IDA -IDAHO -IDEA -IDEAL -IDEALISM -IDEALISTIC -IDEALIZATION -IDEALIZATIONS -IDEALIZE -IDEALIZED -IDEALIZES -IDEALIZING -IDEALLY -IDEALS -IDEAS -IDEM -IDEMPOTENCY -IDEMPOTENT -IDENTICAL -IDENTICALLY -IDENTIFIABLE -IDENTIFIABLY -IDENTIFICATION -IDENTIFICATIONS -IDENTIFIED -IDENTIFIER -IDENTIFIERS -IDENTIFIES -IDENTIFY -IDENTIFYING -IDENTITIES -IDENTITY -IDEOLOGICAL -IDEOLOGICALLY -IDEOLOGY -IDIOCY -IDIOM -IDIOSYNCRASIES -IDIOSYNCRASY -IDIOSYNCRATIC -IDIOT -IDIOTIC -IDIOTS -IDLE -IDLED -IDLENESS -IDLER -IDLERS -IDLES -IDLEST -IDLING -IDLY -IDOL -IDOLATRY -IDOLS -IFNI -IGLOO -IGNITE -IGNITION -IGNOBLE -IGNOMINIOUS -IGNORAMUS -IGNORANCE -IGNORANT -IGNORANTLY -IGNORE -IGNORED -IGNORES -IGNORING -IGOR -IKE -ILIAD -ILIADIZE -ILIADIZES -ILL -ILLEGAL -ILLEGALITIES -ILLEGALITY -ILLEGALLY -ILLEGITIMATE -ILLICIT -ILLICITLY -ILLINOIS -ILLITERACY -ILLITERATE -ILLNESS -ILLNESSES -ILLOGICAL -ILLOGICALLY -ILLS -ILLUMINATE -ILLUMINATED -ILLUMINATES -ILLUMINATING -ILLUMINATION -ILLUMINATIONS -ILLUSION -ILLUSIONS -ILLUSIVE -ILLUSIVELY -ILLUSORY -ILLUSTRATE -ILLUSTRATED -ILLUSTRATES -ILLUSTRATING -ILLUSTRATION -ILLUSTRATIONS -ILLUSTRATIVE -ILLUSTRATIVELY -ILLUSTRATOR -ILLUSTRATORS -ILLUSTRIOUS -ILLUSTRIOUSNESS -ILLY -ILONA -ILYUSHIN -IMAGE -IMAGEN -IMAGERY -IMAGES -IMAGINABLE -IMAGINABLY -IMAGINARY -IMAGINATION -IMAGINATIONS -IMAGINATIVE -IMAGINATIVELY -IMAGINE -IMAGINED -IMAGINES -IMAGING -IMAGINING -IMAGININGS -IMBALANCE -IMBALANCES -IMBECILE -IMBIBE -IMBRIUM -IMITATE -IMITATED -IMITATES -IMITATING -IMITATION -IMITATIONS -IMITATIVE -IMMACULATE -IMMACULATELY -IMMATERIAL -IMMATERIALLY -IMMATURE -IMMATURITY -IMMEDIACIES -IMMEDIACY -IMMEDIATE -IMMEDIATELY -IMMEMORIAL -IMMENSE -IMMENSELY -IMMERSE -IMMERSED -IMMERSES -IMMERSION -IMMIGRANT -IMMIGRANTS -IMMIGRATE -IMMIGRATED -IMMIGRATES -IMMIGRATING -IMMIGRATION -IMMINENT -IMMINENTLY -IMMODERATE -IMMODEST -IMMORAL -IMMORTAL -IMMORTALITY -IMMORTALLY -IMMOVABILITY -IMMOVABLE -IMMOVABLY -IMMUNE -IMMUNITIES -IMMUNITY -IMMUNIZATION -IMMUTABLE -IMP -IMPACT -IMPACTED -IMPACTING -IMPACTION -IMPACTOR -IMPACTORS -IMPACTS -IMPAIR -IMPAIRED -IMPAIRING -IMPAIRS -IMPALE -IMPART -IMPARTED -IMPARTIAL -IMPARTIALLY -IMPARTS -IMPASSE -IMPASSIVE -IMPATIENCE -IMPATIENT -IMPATIENTLY -IMPEACH -IMPEACHABLE -IMPEACHED -IMPEACHMENT -IMPECCABLE -IMPEDANCE -IMPEDANCES -IMPEDE -IMPEDED -IMPEDES -IMPEDIMENT -IMPEDIMENTS -IMPEDING -IMPEL -IMPELLED -IMPELLING -IMPEND -IMPENDING -IMPENETRABILITY -IMPENETRABLE -IMPENETRABLY -IMPERATIVE -IMPERATIVELY -IMPERATIVES -IMPERCEIVABLE -IMPERCEPTIBLE -IMPERFECT -IMPERFECTION -IMPERFECTIONS -IMPERFECTLY -IMPERIAL -IMPERIALISM -IMPERIALIST -IMPERIALISTS -IMPERIL -IMPERILED -IMPERIOUS -IMPERIOUSLY -IMPERMANENCE -IMPERMANENT -IMPERMEABLE -IMPERMISSIBLE -IMPERSONAL -IMPERSONALLY -IMPERSONATE -IMPERSONATED -IMPERSONATES -IMPERSONATING -IMPERSONATION -IMPERSONATIONS -IMPERTINENT -IMPERTINENTLY -IMPERVIOUS -IMPERVIOUSLY -IMPETUOUS -IMPETUOUSLY -IMPETUS -IMPINGE -IMPINGED -IMPINGES -IMPINGING -IMPIOUS -IMPLACABLE -IMPLANT -IMPLANTED -IMPLANTING -IMPLANTS -IMPLAUSIBLE -IMPLEMENT -IMPLEMENTABLE -IMPLEMENTATION -IMPLEMENTATIONS -IMPLEMENTED -IMPLEMENTER -IMPLEMENTING -IMPLEMENTOR -IMPLEMENTORS -IMPLEMENTS -IMPLICANT -IMPLICANTS -IMPLICATE -IMPLICATED -IMPLICATES -IMPLICATING -IMPLICATION -IMPLICATIONS -IMPLICIT -IMPLICITLY -IMPLICITNESS -IMPLIED -IMPLIES -IMPLORE -IMPLORED -IMPLORING -IMPLY -IMPLYING -IMPOLITE -IMPORT -IMPORTANCE -IMPORTANT -IMPORTANTLY -IMPORTATION -IMPORTED -IMPORTER -IMPORTERS -IMPORTING -IMPORTS -IMPOSE -IMPOSED -IMPOSES -IMPOSING -IMPOSITION -IMPOSITIONS -IMPOSSIBILITIES -IMPOSSIBILITY -IMPOSSIBLE -IMPOSSIBLY -IMPOSTOR -IMPOSTORS -IMPOTENCE -IMPOTENCY -IMPOTENT -IMPOUND -IMPOVERISH -IMPOVERISHED -IMPOVERISHMENT -IMPRACTICABLE -IMPRACTICAL -IMPRACTICALITY -IMPRACTICALLY -IMPRECISE -IMPRECISELY -IMPRECISION -IMPREGNABLE -IMPREGNATE -IMPRESS -IMPRESSED -IMPRESSER -IMPRESSES -IMPRESSIBLE -IMPRESSING -IMPRESSION -IMPRESSIONABLE -IMPRESSIONIST -IMPRESSIONISTIC -IMPRESSIONS -IMPRESSIVE -IMPRESSIVELY -IMPRESSIVENESS -IMPRESSMENT -IMPRIMATUR -IMPRINT -IMPRINTED -IMPRINTING -IMPRINTS -IMPRISON -IMPRISONED -IMPRISONING -IMPRISONMENT -IMPRISONMENTS -IMPRISONS -IMPROBABILITY -IMPROBABLE -IMPROMPTU -IMPROPER -IMPROPERLY -IMPROPRIETY -IMPROVE -IMPROVED -IMPROVEMENT -IMPROVEMENTS -IMPROVES -IMPROVING -IMPROVISATION -IMPROVISATIONAL -IMPROVISATIONS -IMPROVISE -IMPROVISED -IMPROVISER -IMPROVISERS -IMPROVISES -IMPROVISING -IMPRUDENT -IMPS -IMPUDENT -IMPUDENTLY -IMPUGN -IMPULSE -IMPULSES -IMPULSION -IMPULSIVE -IMPUNITY -IMPURE -IMPURITIES -IMPURITY -IMPUTE -IMPUTED -INABILITY -INACCESSIBLE -INACCURACIES -INACCURACY -INACCURATE -INACTION -INACTIVATE -INACTIVE -INACTIVITY -INADEQUACIES -INADEQUACY -INADEQUATE -INADEQUATELY -INADEQUATENESS -INADMISSIBILITY -INADMISSIBLE -INADVERTENT -INADVERTENTLY -INADVISABLE -INALIENABLE -INALTERABLE -INANE -INANIMATE -INANIMATELY -INANNA -INAPPLICABLE -INAPPROACHABLE -INAPPROPRIATE -INAPPROPRIATENESS -INASMUCH -INATTENTION -INAUDIBLE -INAUGURAL -INAUGURATE -INAUGURATED -INAUGURATING -INAUGURATION -INAUSPICIOUS -INBOARD -INBOUND -INBREED -INCA -INCALCULABLE -INCANDESCENT -INCANTATION -INCAPABLE -INCAPACITATE -INCAPACITATING -INCARCERATE -INCARNATION -INCARNATIONS -INCAS -INCENDIARIES -INCENDIARY -INCENSE -INCENSED -INCENSES -INCENTIVE -INCENTIVES -INCEPTION -INCESSANT -INCESSANTLY -INCEST -INCESTUOUS -INCH -INCHED -INCHES -INCHING -INCIDENCE -INCIDENT -INCIDENTAL -INCIDENTALLY -INCIDENTALS -INCIDENTS -INCINERATE -INCIPIENT -INCISIVE -INCITE -INCITED -INCITEMENT -INCITES -INCITING -INCLEMENT -INCLINATION -INCLINATIONS -INCLINE -INCLINED -INCLINES -INCLINING -INCLOSE -INCLOSED -INCLOSES -INCLOSING -INCLUDE -INCLUDED -INCLUDES -INCLUDING -INCLUSION -INCLUSIONS -INCLUSIVE -INCLUSIVELY -INCLUSIVENESS -INCOHERENCE -INCOHERENT -INCOHERENTLY -INCOME -INCOMES -INCOMING -INCOMMENSURABLE -INCOMMENSURATE -INCOMMUNICABLE -INCOMPARABLE -INCOMPARABLY -INCOMPATIBILITIES -INCOMPATIBILITY -INCOMPATIBLE -INCOMPATIBLY -INCOMPETENCE -INCOMPETENT -INCOMPETENTS -INCOMPLETE -INCOMPLETELY -INCOMPLETENESS -INCOMPREHENSIBILITY -INCOMPREHENSIBLE -INCOMPREHENSIBLY -INCOMPREHENSION -INCOMPRESSIBLE -INCOMPUTABLE -INCONCEIVABLE -INCONCLUSIVE -INCONGRUITY -INCONGRUOUS -INCONSEQUENTIAL -INCONSEQUENTIALLY -INCONSIDERABLE -INCONSIDERATE -INCONSIDERATELY -INCONSIDERATENESS -INCONSISTENCIES -INCONSISTENCY -INCONSISTENT -INCONSISTENTLY -INCONSPICUOUS -INCONTESTABLE -INCONTROVERTIBLE -INCONTROVERTIBLY -INCONVENIENCE -INCONVENIENCED -INCONVENIENCES -INCONVENIENCING -INCONVENIENT -INCONVENIENTLY -INCONVERTIBLE -INCORPORATE -INCORPORATED -INCORPORATES -INCORPORATING -INCORPORATION -INCORRECT -INCORRECTLY -INCORRECTNESS -INCORRIGIBLE -INCREASE -INCREASED -INCREASES -INCREASING -INCREASINGLY -INCREDIBLE -INCREDIBLY -INCREDULITY -INCREDULOUS -INCREDULOUSLY -INCREMENT -INCREMENTAL -INCREMENTALLY -INCREMENTED -INCREMENTER -INCREMENTING -INCREMENTS -INCRIMINATE -INCUBATE -INCUBATED -INCUBATES -INCUBATING -INCUBATION -INCUBATOR -INCUBATORS -INCULCATE -INCUMBENT -INCUR -INCURABLE -INCURRED -INCURRING -INCURS -INCURSION -INDEBTED -INDEBTEDNESS -INDECENT -INDECIPHERABLE -INDECISION -INDECISIVE -INDEED -INDEFATIGABLE -INDEFENSIBLE -INDEFINITE -INDEFINITELY -INDEFINITENESS -INDELIBLE -INDEMNIFY -INDEMNITY -INDENT -INDENTATION -INDENTATIONS -INDENTED -INDENTING -INDENTS -INDENTURE -INDEPENDENCE -INDEPENDENT -INDEPENDENTLY -INDESCRIBABLE -INDESTRUCTIBLE -INDETERMINACIES -INDETERMINACY -INDETERMINATE -INDETERMINATELY -INDEX -INDEXABLE -INDEXED -INDEXES -INDEXING -INDIA -INDIAN -INDIANA -INDIANAPOLIS -INDIANS -INDICATE -INDICATED -INDICATES -INDICATING -INDICATION -INDICATIONS -INDICATIVE -INDICATOR -INDICATORS -INDICES -INDICT -INDICTMENT -INDICTMENTS -INDIES -INDIFFERENCE -INDIFFERENT -INDIFFERENTLY -INDIGENOUS -INDIGENOUSLY -INDIGENOUSNESS -INDIGESTIBLE -INDIGESTION -INDIGNANT -INDIGNANTLY -INDIGNATION -INDIGNITIES -INDIGNITY -INDIGO -INDIRA -INDIRECT -INDIRECTED -INDIRECTING -INDIRECTION -INDIRECTIONS -INDIRECTLY -INDIRECTS -INDISCREET -INDISCRETION -INDISCRIMINATE -INDISCRIMINATELY -INDISPENSABILITY -INDISPENSABLE -INDISPENSABLY -INDISPUTABLE -INDISTINCT -INDISTINGUISHABLE -INDIVIDUAL -INDIVIDUALISM -INDIVIDUALISTIC -INDIVIDUALITY -INDIVIDUALIZE -INDIVIDUALIZED -INDIVIDUALIZES -INDIVIDUALIZING -INDIVIDUALLY -INDIVIDUALS -INDIVISIBILITY -INDIVISIBLE -INDO -INDOCHINA -INDOCHINESE -INDOCTRINATE -INDOCTRINATED -INDOCTRINATES -INDOCTRINATING -INDOCTRINATION -INDOEUROPEAN -INDOLENT -INDOLENTLY -INDOMITABLE -INDONESIA -INDONESIAN -INDOOR -INDOORS -INDUBITABLE -INDUCE -INDUCED -INDUCEMENT -INDUCEMENTS -INDUCER -INDUCES -INDUCING -INDUCT -INDUCTANCE -INDUCTANCES -INDUCTED -INDUCTEE -INDUCTING -INDUCTION -INDUCTIONS -INDUCTIVE -INDUCTIVELY -INDUCTOR -INDUCTORS -INDUCTS -INDULGE -INDULGED -INDULGENCE -INDULGENCES -INDULGENT -INDULGING -INDUS -INDUSTRIAL -INDUSTRIALISM -INDUSTRIALIST -INDUSTRIALISTS -INDUSTRIALIZATION -INDUSTRIALIZED -INDUSTRIALLY -INDUSTRIALS -INDUSTRIES -INDUSTRIOUS -INDUSTRIOUSLY -INDUSTRIOUSNESS -INDUSTRY -INDY -INEFFECTIVE -INEFFECTIVELY -INEFFECTIVENESS -INEFFECTUAL -INEFFICIENCIES -INEFFICIENCY -INEFFICIENT -INEFFICIENTLY -INELEGANT -INELIGIBLE -INEPT -INEQUALITIES -INEQUALITY -INEQUITABLE -INEQUITY -INERT -INERTIA -INERTIAL -INERTLY -INERTNESS -INESCAPABLE -INESCAPABLY -INESSENTIAL -INESTIMABLE -INEVITABILITIES -INEVITABILITY -INEVITABLE -INEVITABLY -INEXACT -INEXCUSABLE -INEXCUSABLY -INEXHAUSTIBLE -INEXORABLE -INEXORABLY -INEXPENSIVE -INEXPENSIVELY -INEXPERIENCE -INEXPERIENCED -INEXPLICABLE -INFALLIBILITY -INFALLIBLE -INFALLIBLY -INFAMOUS -INFAMOUSLY -INFAMY -INFANCY -INFANT -INFANTILE -INFANTRY -INFANTRYMAN -INFANTRYMEN -INFANTS -INFARCT -INFATUATE -INFEASIBLE -INFECT -INFECTED -INFECTING -INFECTION -INFECTIONS -INFECTIOUS -INFECTIOUSLY -INFECTIVE -INFECTS -INFER -INFERENCE -INFERENCES -INFERENTIAL -INFERIOR -INFERIORITY -INFERIORS -INFERNAL -INFERNALLY -INFERNO -INFERNOS -INFERRED -INFERRING -INFERS -INFERTILE -INFEST -INFESTED -INFESTING -INFESTS -INFIDEL -INFIDELITY -INFIDELS -INFIGHTING -INFILTRATE -INFINITE -INFINITELY -INFINITENESS -INFINITESIMAL -INFINITIVE -INFINITIVES -INFINITUDE -INFINITUM -INFINITY -INFIRM -INFIRMARY -INFIRMITY -INFIX -INFLAME -INFLAMED -INFLAMMABLE -INFLAMMATION -INFLAMMATORY -INFLATABLE -INFLATE -INFLATED -INFLATER -INFLATES -INFLATING -INFLATION -INFLATIONARY -INFLEXIBILITY -INFLEXIBLE -INFLICT -INFLICTED -INFLICTING -INFLICTS -INFLOW -INFLUENCE -INFLUENCED -INFLUENCES -INFLUENCING -INFLUENTIAL -INFLUENTIALLY -INFLUENZA -INFORM -INFORMAL -INFORMALITY -INFORMALLY -INFORMANT -INFORMANTS -INFORMATICA -INFORMATION -INFORMATIONAL -INFORMATIVE -INFORMATIVELY -INFORMED -INFORMER -INFORMERS -INFORMING -INFORMS -INFRA -INFRARED -INFRASTRUCTURE -INFREQUENT -INFREQUENTLY -INFRINGE -INFRINGED -INFRINGEMENT -INFRINGEMENTS -INFRINGES -INFRINGING -INFURIATE -INFURIATED -INFURIATES -INFURIATING -INFURIATION -INFUSE -INFUSED -INFUSES -INFUSING -INFUSION -INFUSIONS -INGENIOUS -INGENIOUSLY -INGENIOUSNESS -INGENUITY -INGENUOUS -INGERSOLL -INGEST -INGESTION -INGLORIOUS -INGOT -INGRAM -INGRATE -INGRATIATE -INGRATITUDE -INGREDIENT -INGREDIENTS -INGROWN -INHABIT -INHABITABLE -INHABITANCE -INHABITANT -INHABITANTS -INHABITED -INHABITING -INHABITS -INHALE -INHALED -INHALER -INHALES -INHALING -INHERE -INHERENT -INHERENTLY -INHERES -INHERIT -INHERITABLE -INHERITANCE -INHERITANCES -INHERITED -INHERITING -INHERITOR -INHERITORS -INHERITRESS -INHERITRESSES -INHERITRICES -INHERITRIX -INHERITS -INHIBIT -INHIBITED -INHIBITING -INHIBITION -INHIBITIONS -INHIBITOR -INHIBITORS -INHIBITORY -INHIBITS -INHOMOGENEITIES -INHOMOGENEITY -INHOMOGENEOUS -INHOSPITABLE -INHUMAN -INHUMANE -INIMICAL -INIMITABLE -INIQUITIES -INIQUITY -INITIAL -INITIALED -INITIALING -INITIALIZATION -INITIALIZATIONS -INITIALIZE -INITIALIZED -INITIALIZER -INITIALIZERS -INITIALIZES -INITIALIZING -INITIALLY -INITIALS -INITIATE -INITIATED -INITIATES -INITIATING -INITIATION -INITIATIONS -INITIATIVE -INITIATIVES -INITIATOR -INITIATORS -INJECT -INJECTED -INJECTING -INJECTION -INJECTIONS -INJECTIVE -INJECTS -INJUDICIOUS -INJUN -INJUNCTION -INJUNCTIONS -INJUNS -INJURE -INJURED -INJURES -INJURIES -INJURING -INJURIOUS -INJURY -INJUSTICE -INJUSTICES -INK -INKED -INKER -INKERS -INKING -INKINGS -INKLING -INKLINGS -INKS -INLAID -INLAND -INLAY -INLET -INLETS -INLINE -INMAN -INMATE -INMATES -INN -INNARDS -INNATE -INNATELY -INNER -INNERMOST -INNING -INNINGS -INNOCENCE -INNOCENT -INNOCENTLY -INNOCENTS -INNOCUOUS -INNOCUOUSLY -INNOCUOUSNESS -INNOVATE -INNOVATION -INNOVATIONS -INNOVATIVE -INNS -INNUENDO -INNUMERABILITY -INNUMERABLE -INNUMERABLY -INOCULATE -INOPERABLE -INOPERATIVE -INOPPORTUNE -INORDINATE -INORDINATELY -INORGANIC -INPUT -INPUTS -INQUEST -INQUIRE -INQUIRED -INQUIRER -INQUIRERS -INQUIRES -INQUIRIES -INQUIRING -INQUIRY -INQUISITION -INQUISITIONS -INQUISITIVE -INQUISITIVELY -INQUISITIVENESS -INROAD -INROADS -INSANE -INSANELY -INSANITY -INSATIABLE -INSCRIBE -INSCRIBED -INSCRIBES -INSCRIBING -INSCRIPTION -INSCRIPTIONS -INSCRUTABLE -INSECT -INSECTICIDE -INSECTS -INSECURE -INSECURELY -INSEMINATE -INSENSIBLE -INSENSITIVE -INSENSITIVELY -INSENSITIVITY -INSEPARABLE -INSERT -INSERTED -INSERTING -INSERTION -INSERTIONS -INSERTS -INSET -INSIDE -INSIDER -INSIDERS -INSIDES -INSIDIOUS -INSIDIOUSLY -INSIDIOUSNESS -INSIGHT -INSIGHTFUL -INSIGHTS -INSIGNIA -INSIGNIFICANCE -INSIGNIFICANT -INSINCERE -INSINCERITY -INSINUATE -INSINUATED -INSINUATES -INSINUATING -INSINUATION -INSINUATIONS -INSIPID -INSIST -INSISTED -INSISTENCE -INSISTENT -INSISTENTLY -INSISTING -INSISTS -INSOFAR -INSOLENCE -INSOLENT -INSOLENTLY -INSOLUBLE -INSOLVABLE -INSOLVENT -INSOMNIA -INSOMNIAC -INSPECT -INSPECTED -INSPECTING -INSPECTION -INSPECTIONS -INSPECTOR -INSPECTORS -INSPECTS -INSPIRATION -INSPIRATIONS -INSPIRE -INSPIRED -INSPIRER -INSPIRES -INSPIRING -INSTABILITIES -INSTABILITY -INSTALL -INSTALLATION -INSTALLATIONS -INSTALLED -INSTALLER -INSTALLERS -INSTALLING -INSTALLMENT -INSTALLMENTS -INSTALLS -INSTANCE -INSTANCES -INSTANT -INSTANTANEOUS -INSTANTANEOUSLY -INSTANTER -INSTANTIATE -INSTANTIATED -INSTANTIATES -INSTANTIATING -INSTANTIATION -INSTANTIATIONS -INSTANTLY -INSTANTS -INSTEAD -INSTIGATE -INSTIGATED -INSTIGATES -INSTIGATING -INSTIGATOR -INSTIGATORS -INSTILL -INSTINCT -INSTINCTIVE -INSTINCTIVELY -INSTINCTS -INSTINCTUAL -INSTITUTE -INSTITUTED -INSTITUTER -INSTITUTERS -INSTITUTES -INSTITUTING -INSTITUTION -INSTITUTIONAL -INSTITUTIONALIZE -INSTITUTIONALIZED -INSTITUTIONALIZES -INSTITUTIONALIZING -INSTITUTIONALLY -INSTITUTIONS -INSTRUCT -INSTRUCTED -INSTRUCTING -INSTRUCTION -INSTRUCTIONAL -INSTRUCTIONS -INSTRUCTIVE -INSTRUCTIVELY -INSTRUCTOR -INSTRUCTORS -INSTRUCTS -INSTRUMENT -INSTRUMENTAL -INSTRUMENTALIST -INSTRUMENTALISTS -INSTRUMENTALLY -INSTRUMENTALS -INSTRUMENTATION -INSTRUMENTED -INSTRUMENTING -INSTRUMENTS -INSUBORDINATE -INSUFFERABLE -INSUFFICIENT -INSUFFICIENTLY -INSULAR -INSULATE -INSULATED -INSULATES -INSULATING -INSULATION -INSULATOR -INSULATORS -INSULIN -INSULT -INSULTED -INSULTING -INSULTS -INSUPERABLE -INSUPPORTABLE -INSURANCE -INSURE -INSURED -INSURER -INSURERS -INSURES -INSURGENT -INSURGENTS -INSURING -INSURMOUNTABLE -INSURRECTION -INSURRECTIONS -INTACT -INTANGIBLE -INTANGIBLES -INTEGER -INTEGERS -INTEGRABLE -INTEGRAL -INTEGRALS -INTEGRAND -INTEGRATE -INTEGRATED -INTEGRATES -INTEGRATING -INTEGRATION -INTEGRATIONS -INTEGRATIVE -INTEGRITY -INTEL -INTELLECT -INTELLECTS -INTELLECTUAL -INTELLECTUALLY -INTELLECTUALS -INTELLIGENCE -INTELLIGENT -INTELLIGENTLY -INTELLIGENTSIA -INTELLIGIBILITY -INTELLIGIBLE -INTELLIGIBLY -INTELSAT -INTEMPERATE -INTEND -INTENDED -INTENDING -INTENDS -INTENSE -INTENSELY -INTENSIFICATION -INTENSIFIED -INTENSIFIER -INTENSIFIERS -INTENSIFIES -INTENSIFY -INTENSIFYING -INTENSITIES -INTENSITY -INTENSIVE -INTENSIVELY -INTENT -INTENTION -INTENTIONAL -INTENTIONALLY -INTENTIONED -INTENTIONS -INTENTLY -INTENTNESS -INTENTS -INTER -INTERACT -INTERACTED -INTERACTING -INTERACTION -INTERACTIONS -INTERACTIVE -INTERACTIVELY -INTERACTIVITY -INTERACTS -INTERCEPT -INTERCEPTED -INTERCEPTING -INTERCEPTION -INTERCEPTOR -INTERCEPTS -INTERCHANGE -INTERCHANGEABILITY -INTERCHANGEABLE -INTERCHANGEABLY -INTERCHANGED -INTERCHANGER -INTERCHANGES -INTERCHANGING -INTERCHANGINGS -INTERCHANNEL -INTERCITY -INTERCOM -INTERCOMMUNICATE -INTERCOMMUNICATED -INTERCOMMUNICATES -INTERCOMMUNICATING -INTERCOMMUNICATION -INTERCONNECT -INTERCONNECTED -INTERCONNECTING -INTERCONNECTION -INTERCONNECTIONS -INTERCONNECTS -INTERCONTINENTAL -INTERCOURSE -INTERDATA -INTERDEPENDENCE -INTERDEPENDENCIES -INTERDEPENDENCY -INTERDEPENDENT -INTERDICT -INTERDICTION -INTERDISCIPLINARY -INTEREST -INTERESTED -INTERESTING -INTERESTINGLY -INTERESTS -INTERFACE -INTERFACED -INTERFACER -INTERFACES -INTERFACING -INTERFERE -INTERFERED -INTERFERENCE -INTERFERENCES -INTERFERES -INTERFERING -INTERFERINGLY -INTERFEROMETER -INTERFEROMETRIC -INTERFEROMETRY -INTERFRAME -INTERGROUP -INTERIM -INTERIOR -INTERIORS -INTERJECT -INTERLACE -INTERLACED -INTERLACES -INTERLACING -INTERLEAVE -INTERLEAVED -INTERLEAVES -INTERLEAVING -INTERLINK -INTERLINKED -INTERLINKS -INTERLISP -INTERMEDIARY -INTERMEDIATE -INTERMEDIATES -INTERMINABLE -INTERMINGLE -INTERMINGLED -INTERMINGLES -INTERMINGLING -INTERMISSION -INTERMITTENT -INTERMITTENTLY -INTERMIX -INTERMIXED -INTERMODULE -INTERN -INTERNAL -INTERNALIZE -INTERNALIZED -INTERNALIZES -INTERNALIZING -INTERNALLY -INTERNALS -INTERNATIONAL -INTERNATIONALITY -INTERNATIONALLY -INTERNED -INTERNET -INTERNET -INTERNETWORK -INTERNING -INTERNS -INTERNSHIP -INTEROFFICE -INTERPERSONAL -INTERPLAY -INTERPOL -INTERPOLATE -INTERPOLATED -INTERPOLATES -INTERPOLATING -INTERPOLATION -INTERPOLATIONS -INTERPOSE -INTERPOSED -INTERPOSES -INTERPOSING -INTERPRET -INTERPRETABLE -INTERPRETATION -INTERPRETATIONS -INTERPRETED -INTERPRETER -INTERPRETERS -INTERPRETING -INTERPRETIVE -INTERPRETIVELY -INTERPRETS -INTERPROCESS -INTERRELATE -INTERRELATED -INTERRELATES -INTERRELATING -INTERRELATION -INTERRELATIONS -INTERRELATIONSHIP -INTERRELATIONSHIPS -INTERROGATE -INTERROGATED -INTERROGATES -INTERROGATING -INTERROGATION -INTERROGATIONS -INTERROGATIVE -INTERRUPT -INTERRUPTED -INTERRUPTIBLE -INTERRUPTING -INTERRUPTION -INTERRUPTIONS -INTERRUPTIVE -INTERRUPTS -INTERSECT -INTERSECTED -INTERSECTING -INTERSECTION -INTERSECTIONS -INTERSECTS -INTERSPERSE -INTERSPERSED -INTERSPERSES -INTERSPERSING -INTERSPERSION -INTERSTAGE -INTERSTATE -INTERTWINE -INTERTWINED -INTERTWINES -INTERTWINING -INTERVAL -INTERVALS -INTERVENE -INTERVENED -INTERVENES -INTERVENING -INTERVENTION -INTERVENTIONS -INTERVIEW -INTERVIEWED -INTERVIEWEE -INTERVIEWER -INTERVIEWERS -INTERVIEWING -INTERVIEWS -INTERWOVEN -INTESTATE -INTESTINAL -INTESTINE -INTESTINES -INTIMACY -INTIMATE -INTIMATED -INTIMATELY -INTIMATING -INTIMATION -INTIMATIONS -INTIMIDATE -INTIMIDATED -INTIMIDATES -INTIMIDATING -INTIMIDATION -INTO -INTOLERABLE -INTOLERABLY -INTOLERANCE -INTOLERANT -INTONATION -INTONATIONS -INTONE -INTOXICANT -INTOXICATE -INTOXICATED -INTOXICATING -INTOXICATION -INTRACTABILITY -INTRACTABLE -INTRACTABLY -INTRAGROUP -INTRALINE -INTRAMURAL -INTRAMUSCULAR -INTRANSIGENT -INTRANSITIVE -INTRANSITIVELY -INTRAOFFICE -INTRAPROCESS -INTRASTATE -INTRAVENOUS -INTREPID -INTRICACIES -INTRICACY -INTRICATE -INTRICATELY -INTRIGUE -INTRIGUED -INTRIGUES -INTRIGUING -INTRINSIC -INTRINSICALLY -INTRODUCE -INTRODUCED -INTRODUCES -INTRODUCING -INTRODUCTION -INTRODUCTIONS -INTRODUCTORY -INTROSPECT -INTROSPECTION -INTROSPECTIONS -INTROSPECTIVE -INTROVERT -INTROVERTED -INTRUDE -INTRUDED -INTRUDER -INTRUDERS -INTRUDES -INTRUDING -INTRUSION -INTRUSIONS -INTRUST -INTUBATE -INTUBATED -INTUBATES -INTUBATION -INTUITION -INTUITIONIST -INTUITIONS -INTUITIVE -INTUITIVELY -INUNDATE -INVADE -INVADED -INVADER -INVADERS -INVADES -INVADING -INVALID -INVALIDATE -INVALIDATED -INVALIDATES -INVALIDATING -INVALIDATION -INVALIDATIONS -INVALIDITIES -INVALIDITY -INVALIDLY -INVALIDS -INVALUABLE -INVARIABLE -INVARIABLY -INVARIANCE -INVARIANT -INVARIANTLY -INVARIANTS -INVASION -INVASIONS -INVECTIVE -INVENT -INVENTED -INVENTING -INVENTION -INVENTIONS -INVENTIVE -INVENTIVELY -INVENTIVENESS -INVENTOR -INVENTORIES -INVENTORS -INVENTORY -INVENTS -INVERNESS -INVERSE -INVERSELY -INVERSES -INVERSION -INVERSIONS -INVERT -INVERTEBRATE -INVERTEBRATES -INVERTED -INVERTER -INVERTERS -INVERTIBLE -INVERTING -INVERTS -INVEST -INVESTED -INVESTIGATE -INVESTIGATED -INVESTIGATES -INVESTIGATING -INVESTIGATION -INVESTIGATIONS -INVESTIGATIVE -INVESTIGATOR -INVESTIGATORS -INVESTIGATORY -INVESTING -INVESTMENT -INVESTMENTS -INVESTOR -INVESTORS -INVESTS -INVETERATE -INVIGORATE -INVINCIBLE -INVISIBILITY -INVISIBLE -INVISIBLY -INVITATION -INVITATIONS -INVITE -INVITED -INVITES -INVITING -INVOCABLE -INVOCATION -INVOCATIONS -INVOICE -INVOICED -INVOICES -INVOICING -INVOKE -INVOKED -INVOKER -INVOKES -INVOKING -INVOLUNTARILY -INVOLUNTARY -INVOLVE -INVOLVED -INVOLVEMENT -INVOLVEMENTS -INVOLVES -INVOLVING -INWARD -INWARDLY -INWARDNESS -INWARDS -IODINE -ION -IONIAN -IONIANS -IONICIZATION -IONICIZATIONS -IONICIZE -IONICIZES -IONOSPHERE -IONOSPHERIC -IONS -IOTA -IOWA -IRA -IRAN -IRANIAN -IRANIANS -IRANIZE -IRANIZES -IRAQ -IRAQI -IRAQIS -IRATE -IRATELY -IRATENESS -IRE -IRELAND -IRENE -IRES -IRIS -IRISH -IRISHIZE -IRISHIZES -IRISHMAN -IRISHMEN -IRK -IRKED -IRKING -IRKS -IRKSOME -IRMA -IRON -IRONED -IRONIC -IRONICAL -IRONICALLY -IRONIES -IRONING -IRONINGS -IRONS -IRONY -IROQUOIS -IRRADIATE -IRRATIONAL -IRRATIONALLY -IRRATIONALS -IRRAWADDY -IRRECONCILABLE -IRRECOVERABLE -IRREDUCIBLE -IRREDUCIBLY -IRREFLEXIVE -IRREFUTABLE -IRREGULAR -IRREGULARITIES -IRREGULARITY -IRREGULARLY -IRREGULARS -IRRELEVANCE -IRRELEVANCES -IRRELEVANT -IRRELEVANTLY -IRREPLACEABLE -IRREPRESSIBLE -IRREPRODUCIBILITY -IRREPRODUCIBLE -IRRESISTIBLE -IRRESPECTIVE -IRRESPECTIVELY -IRRESPONSIBLE -IRRESPONSIBLY -IRRETRIEVABLY -IRREVERENT -IRREVERSIBILITY -IRREVERSIBLE -IRREVERSIBLY -IRREVOCABLE -IRREVOCABLY -IRRIGATE -IRRIGATED -IRRIGATES -IRRIGATING -IRRIGATION -IRRITABLE -IRRITANT -IRRITATE -IRRITATED -IRRITATES -IRRITATING -IRRITATION -IRRITATIONS -IRVIN -IRVINE -IRVING -IRWIN -ISAAC -ISAACS -ISAACSON -ISABEL -ISABELLA -ISADORE -ISAIAH -ISFAHAN -ISING -ISIS -ISLAM -ISLAMABAD -ISLAMIC -ISLAMIZATION -ISLAMIZATIONS -ISLAMIZE -ISLAMIZES -ISLAND -ISLANDER -ISLANDERS -ISLANDIA -ISLANDS -ISLE -ISLES -ISLET -ISLETS -ISOLATE -ISOLATED -ISOLATES -ISOLATING -ISOLATION -ISOLATIONS -ISOLDE -ISOMETRIC -ISOMORPHIC -ISOMORPHICALLY -ISOMORPHISM -ISOMORPHISMS -ISOTOPE -ISOTOPES -ISRAEL -ISRAELI -ISRAELIS -ISRAELITE -ISRAELITES -ISRAELITIZE -ISRAELITIZES -ISSUANCE -ISSUE -ISSUED -ISSUER -ISSUERS -ISSUES -ISSUING -ISTANBUL -ISTHMUS -ISTVAN -ITALIAN -ITALIANIZATION -ITALIANIZATIONS -ITALIANIZE -ITALIANIZER -ITALIANIZERS -ITALIANIZES -ITALIANS -ITALIC -ITALICIZE -ITALICIZED -ITALICS -ITALY -ITCH -ITCHES -ITCHING -ITEL -ITEM -ITEMIZATION -ITEMIZATIONS -ITEMIZE -ITEMIZED -ITEMIZES -ITEMIZING -ITEMS -ITERATE -ITERATED -ITERATES -ITERATING -ITERATION -ITERATIONS -ITERATIVE -ITERATIVELY -ITERATOR -ITERATORS -ITHACA -ITHACAN -ITINERARIES -ITINERARY -ITO -ITS -ITSELF -IVAN -IVANHOE -IVERSON -IVIES -IVORY -IVY -IZAAK -IZVESTIA -JAB -JABBED -JABBING -JABLONSKY -JABS -JACK -JACKASS -JACKET -JACKETED -JACKETS -JACKIE -JACKING -JACKKNIFE -JACKMAN -JACKPOT -JACKSON -JACKSONIAN -JACKSONS -JACKSONVILLE -JACKY -JACOB -JACOBEAN -JACOBI -JACOBIAN -JACOBINIZE -JACOBITE -JACOBS -JACOBSEN -JACOBSON -JACOBUS -JACOBY -JACQUELINE -JACQUES -JADE -JADED -JAEGER -JAGUAR -JAIL -JAILED -JAILER -JAILERS -JAILING -JAILS -JAIME -JAKARTA -JAKE -JAKES -JAM -JAMAICA -JAMAICAN -JAMES -JAMESON -JAMESTOWN -JAMMED -JAMMING -JAMS -JANE -JANEIRO -JANESVILLE -JANET -JANICE -JANIS -JANITOR -JANITORS -JANOS -JANSEN -JANSENIST -JANUARIES -JANUARY -JANUS -JAPAN -JAPANESE -JAPANIZATION -JAPANIZATIONS -JAPANIZE -JAPANIZED -JAPANIZES -JAPANIZING -JAR -JARGON -JARRED -JARRING -JARRINGLY -JARS -JARVIN -JASON -JASTROW -JAUNDICE -JAUNT -JAUNTINESS -JAUNTS -JAUNTY -JAVA -JAVANESE -JAVELIN -JAVELINS -JAW -JAWBONE -JAWS -JAY -JAYCEE -JAYCEES -JAZZ -JAZZY -JEALOUS -JEALOUSIES -JEALOUSLY -JEALOUSY -JEAN -JEANNE -JEANNIE -JEANS -JED -JEEP -JEEPS -JEER -JEERS -JEFF -JEFFERSON -JEFFERSONIAN -JEFFERSONIANS -JEFFREY -JEHOVAH -JELLIES -JELLO -JELLY -JELLYFISH -JENKINS -JENNIE -JENNIFER -JENNINGS -JENNY -JENSEN -JEOPARDIZE -JEOPARDIZED -JEOPARDIZES -JEOPARDIZING -JEOPARDY -JEREMIAH -JEREMY -JERES -JERICHO -JERK -JERKED -JERKINESS -JERKING -JERKINGS -JERKS -JERKY -JEROBOAM -JEROME -JERRY -JERSEY -JERSEYS -JERUSALEM -JESSE -JESSICA -JESSIE -JESSY -JEST -JESTED -JESTER -JESTING -JESTS -JESUIT -JESUITISM -JESUITIZE -JESUITIZED -JESUITIZES -JESUITIZING -JESUITS -JESUS -JET -JETLINER -JETS -JETTED -JETTING -JEW -JEWEL -JEWELED -JEWELER -JEWELL -JEWELLED -JEWELRIES -JEWELRY -JEWELS -JEWETT -JEWISH -JEWISHNESS -JEWS -JIFFY -JIG -JIGS -JIGSAW -JILL -JIM -JIMENEZ -JIMMIE -JINGLE -JINGLED -JINGLING -JINNY -JITTER -JITTERBUG -JITTERY -JOAN -JOANNA -JOANNE -JOAQUIN -JOB -JOBREL -JOBS -JOCKEY -JOCKSTRAP -JOCUND -JODY -JOE -JOEL -JOES -JOG -JOGGING -JOGS -JOHANN -JOHANNA -JOHANNES -JOHANNESBURG -JOHANSEN -JOHANSON -JOHN -JOHNNIE -JOHNNY -JOHNS -JOHNSEN -JOHNSON -JOHNSTON -JOHNSTOWN -JOIN -JOINED -JOINER -JOINERS -JOINING -JOINS -JOINT -JOINTLY -JOINTS -JOKE -JOKED -JOKER -JOKERS -JOKES -JOKING -JOKINGLY -JOLIET -JOLLA -JOLLY -JOLT -JOLTED -JOLTING -JOLTS -JON -JONAS -JONATHAN -JONATHANIZATION -JONATHANIZATIONS -JONES -JONESES -JONQUIL -JOPLIN -JORDAN -JORDANIAN -JORGE -JORGENSEN -JORGENSON -JOSE -JOSEF -JOSEPH -JOSEPHINE -JOSEPHSON -JOSEPHUS -JOSHUA -JOSIAH -JOSTLE -JOSTLED -JOSTLES -JOSTLING -JOT -JOTS -JOTTED -JOTTING -JOULE -JOURNAL -JOURNALISM -JOURNALIST -JOURNALISTS -JOURNALIZE -JOURNALIZED -JOURNALIZES -JOURNALIZING -JOURNALS -JOURNEY -JOURNEYED -JOURNEYING -JOURNEYINGS -JOURNEYMAN -JOURNEYMEN -JOURNEYS -JOUST -JOUSTED -JOUSTING -JOUSTS -JOVANOVICH -JOVE -JOVIAL -JOVIAN -JOY -JOYCE -JOYFUL -JOYFULLY -JOYOUS -JOYOUSLY -JOYOUSNESS -JOYRIDE -JOYS -JOYSTICK -JUAN -JUANITA -JUBAL -JUBILEE -JUDAICA -JUDAISM -JUDAS -JUDD -JUDDER -JUDDERED -JUDDERING -JUDDERS -JUDE -JUDEA -JUDGE -JUDGED -JUDGES -JUDGING -JUDGMENT -JUDGMENTS -JUDICIAL -JUDICIARY -JUDICIOUS -JUDICIOUSLY -JUDITH -JUDO -JUDSON -JUDY -JUG -JUGGLE -JUGGLER -JUGGLERS -JUGGLES -JUGGLING -JUGOSLAVIA -JUGS -JUICE -JUICES -JUICIEST -JUICY -JUKES -JULES -JULIA -JULIAN -JULIE -JULIES -JULIET -JULIO -JULIUS -JULY -JUMBLE -JUMBLED -JUMBLES -JUMBO -JUMP -JUMPED -JUMPER -JUMPERS -JUMPING -JUMPS -JUMPY -JUNCTION -JUNCTIONS -JUNCTURE -JUNCTURES -JUNE -JUNEAU -JUNES -JUNG -JUNGIAN -JUNGLE -JUNGLES -JUNIOR -JUNIORS -JUNIPER -JUNK -JUNKER -JUNKERS -JUNKS -JUNKY -JUNO -JUNTA -JUPITER -JURA -JURAS -JURASSIC -JURE -JURIES -JURISDICTION -JURISDICTIONS -JURISPRUDENCE -JURIST -JUROR -JURORS -JURY -JUST -JUSTICE -JUSTICES -JUSTIFIABLE -JUSTIFIABLY -JUSTIFICATION -JUSTIFICATIONS -JUSTIFIED -JUSTIFIER -JUSTIFIERS -JUSTIFIES -JUSTIFY -JUSTIFYING -JUSTINE -JUSTINIAN -JUSTLY -JUSTNESS -JUT -JUTISH -JUTLAND -JUTTING -JUVENILE -JUVENILES -JUXTAPOSE -JUXTAPOSED -JUXTAPOSES -JUXTAPOSING -KABUKI -KABUL -KADDISH -KAFKA -KAFKAESQUE -KAHN -KAJAR -KALAMAZOO -KALI -KALMUK -KAMCHATKA -KAMIKAZE -KAMIKAZES -KAMPALA -KAMPUCHEA -KANARESE -KANE -KANGAROO -KANJI -KANKAKEE -KANNADA -KANSAS -KANT -KANTIAN -KAPLAN -KAPPA -KARACHI -KARAMAZOV -KARATE -KAREN -KARL -KAROL -KARP -KASHMIR -KASKASKIA -KATE -KATHARINE -KATHERINE -KATHLEEN -KATHY -KATIE -KATMANDU -KATOWICE -KATZ -KAUFFMAN -KAUFMAN -KAY -KEATON -KEATS -KEEGAN -KEEL -KEELED -KEELING -KEELS -KEEN -KEENAN -KEENER -KEENEST -KEENLY -KEENNESS -KEEP -KEEPER -KEEPERS -KEEPING -KEEPS -KEITH -KELLER -KELLEY -KELLOGG -KELLY -KELSEY -KELVIN -KEMP -KEN -KENDALL -KENILWORTH -KENNAN -KENNECOTT -KENNEDY -KENNEL -KENNELS -KENNETH -KENNEY -KENNING -KENNY -KENOSHA -KENSINGTON -KENT -KENTON -KENTUCKY -KENYA -KENYON -KEPLER -KEPT -KERCHIEF -KERCHIEFS -KERMIT -KERN -KERNEL -KERNELS -KERNIGHAN -KEROSENE -KEROUAC -KERR -KESSLER -KETCHUP -KETTERING -KETTLE -KETTLES -KEVIN -KEWASKUM -KEWAUNEE -KEY -KEYBOARD -KEYBOARDS -KEYED -KEYES -KEYHOLE -KEYING -KEYNES -KEYNESIAN -KEYNOTE -KEYPAD -KEYPADS -KEYS -KEYSTROKE -KEYSTROKES -KEYWORD -KEYWORDS -KHARTOUM -KHMER -KHRUSHCHEV -KHRUSHCHEVS -KICK -KICKAPOO -KICKED -KICKER -KICKERS -KICKING -KICKOFF -KICKS -KID -KIDDE -KIDDED -KIDDIE -KIDDING -KIDNAP -KIDNAPPER -KIDNAPPERS -KIDNAPPING -KIDNAPPINGS -KIDNAPS -KIDNEY -KIDNEYS -KIDS -KIEFFER -KIEL -KIEV -KIEWIT -KIGALI -KIKUYU -KILGORE -KILIMANJARO -KILL -KILLEBREW -KILLED -KILLER -KILLERS -KILLING -KILLINGLY -KILLINGS -KILLJOY -KILLS -KILOBIT -KILOBITS -KILOBLOCK -KILOBYTE -KILOBYTES -KILOGRAM -KILOGRAMS -KILOHERTZ -KILOHM -KILOJOULE -KILOMETER -KILOMETERS -KILOTON -KILOVOLT -KILOWATT -KILOWORD -KIM -KIMBALL -KIMBERLY -KIMONO -KIN -KIND -KINDER -KINDERGARTEN -KINDEST -KINDHEARTED -KINDLE -KINDLED -KINDLES -KINDLING -KINDLY -KINDNESS -KINDRED -KINDS -KINETIC -KING -KINGDOM -KINGDOMS -KINGLY -KINGPIN -KINGS -KINGSBURY -KINGSLEY -KINGSTON -KINGSTOWN -KINGWOOD -KINK -KINKY -KINNEY -KINNICKINNIC -KINSEY -KINSHASHA -KINSHIP -KINSMAN -KIOSK -KIOWA -KIPLING -KIRBY -KIRCHNER -KIRCHOFF -KIRK -KIRKLAND -KIRKPATRICK -KIRKWOOD -KIROV -KISS -KISSED -KISSER -KISSERS -KISSES -KISSING -KIT -KITAKYUSHU -KITCHEN -KITCHENETTE -KITCHENS -KITE -KITED -KITES -KITING -KITS -KITTEN -KITTENISH -KITTENS -KITTY -KIWANIS -KLAN -KLAUS -KLAXON -KLEIN -KLEINROCK -KLINE -KLUDGE -KLUDGES -KLUX -KLYSTRON -KNACK -KNAPP -KNAPSACK -KNAPSACKS -KNAUER -KNAVE -KNAVES -KNEAD -KNEADS -KNEE -KNEECAP -KNEED -KNEEING -KNEEL -KNEELED -KNEELING -KNEELS -KNEES -KNELL -KNELLS -KNELT -KNEW -KNICKERBOCKER -KNICKERBOCKERS -KNIFE -KNIFED -KNIFES -KNIFING -KNIGHT -KNIGHTED -KNIGHTHOOD -KNIGHTING -KNIGHTLY -KNIGHTS -KNIGHTSBRIDGE -KNIT -KNITS -KNIVES -KNOB -KNOBELOCH -KNOBS -KNOCK -KNOCKDOWN -KNOCKED -KNOCKER -KNOCKERS -KNOCKING -KNOCKOUT -KNOCKS -KNOLL -KNOLLS -KNOSSOS -KNOT -KNOTS -KNOTT -KNOTTED -KNOTTING -KNOW -KNOWABLE -KNOWER -KNOWHOW -KNOWING -KNOWINGLY -KNOWLEDGE -KNOWLEDGEABLE -KNOWLES -KNOWLTON -KNOWN -KNOWS -KNOX -KNOXVILLE -KNUCKLE -KNUCKLED -KNUCKLES -KNUDSEN -KNUDSON -KNUTH -KNUTSEN -KNUTSON -KOALA -KOBAYASHI -KOCH -KOCHAB -KODACHROME -KODAK -KODIAK -KOENIG -KOENIGSBERG -KOHLER -KONG -KONRAD -KOPPERS -KORAN -KOREA -KOREAN -KOREANS -KOSHER -KOVACS -KOWALEWSKI -KOWALSKI -KOWLOON -KOWTOW -KRAEMER -KRAKATOA -KRAKOW -KRAMER -KRAUSE -KREBS -KREMLIN -KRESGE -KRIEGER -KRISHNA -KRISTIN -KRONECKER -KRUEGER -KRUGER -KRUSE -KUALA -KUDO -KUENNING -KUHN -KUMAR -KURD -KURDISH -KURT -KUWAIT -KUWAITI -KYOTO -LAB -LABAN -LABEL -LABELED -LABELING -LABELLED -LABELLER -LABELLERS -LABELLING -LABELS -LABOR -LABORATORIES -LABORATORY -LABORED -LABORER -LABORERS -LABORING -LABORINGS -LABORIOUS -LABORIOUSLY -LABORS -LABRADOR -LABS -LABYRINTH -LABYRINTHS -LAC -LACE -LACED -LACERATE -LACERATED -LACERATES -LACERATING -LACERATION -LACERATIONS -LACERTA -LACES -LACEY -LACHESIS -LACING -LACK -LACKAWANNA -LACKED -LACKEY -LACKING -LACKS -LACQUER -LACQUERED -LACQUERS -LACROSSE -LACY -LAD -LADDER -LADEN -LADIES -LADING -LADLE -LADS -LADY -LADYLIKE -LAFAYETTE -LAG -LAGER -LAGERS -LAGOON -LAGOONS -LAGOS -LAGRANGE -LAGRANGIAN -LAGS -LAGUERRE -LAGUNA -LAHORE -LAID -LAIDLAW -LAIN -LAIR -LAIRS -LAISSEZ -LAKE -LAKEHURST -LAKES -LAKEWOOD -LAMAR -LAMARCK -LAMB -LAMBDA -LAMBDAS -LAMBERT -LAMBS -LAME -LAMED -LAMELY -LAMENESS -LAMENT -LAMENTABLE -LAMENTATION -LAMENTATIONS -LAMENTED -LAMENTING -LAMENTS -LAMES -LAMINAR -LAMING -LAMP -LAMPLIGHT -LAMPOON -LAMPORT -LAMPREY -LAMPS -LANA -LANCASHIRE -LANCASTER -LANCE -LANCED -LANCELOT -LANCER -LANCES -LAND -LANDED -LANDER -LANDERS -LANDFILL -LANDING -LANDINGS -LANDIS -LANDLADIES -LANDLADY -LANDLORD -LANDLORDS -LANDMARK -LANDMARKS -LANDOWNER -LANDOWNERS -LANDS -LANDSCAPE -LANDSCAPED -LANDSCAPES -LANDSCAPING -LANDSLIDE -LANDWEHR -LANE -LANES -LANG -LANGE -LANGELAND -LANGFORD -LANGLEY -LANGMUIR -LANGUAGE -LANGUAGES -LANGUID -LANGUIDLY -LANGUIDNESS -LANGUISH -LANGUISHED -LANGUISHES -LANGUISHING -LANKA -LANSING -LANTERN -LANTERNS -LAO -LAOCOON -LAOS -LAOTIAN -LAOTIANS -LAP -LAPEL -LAPELS -LAPLACE -LAPLACIAN -LAPPING -LAPS -LAPSE -LAPSED -LAPSES -LAPSING -LARAMIE -LARD -LARDER -LAREDO -LARES -LARGE -LARGELY -LARGENESS -LARGER -LARGEST -LARK -LARKIN -LARKS -LARRY -LARS -LARSEN -LARSON -LARVA -LARVAE -LARYNX -LASCIVIOUS -LASER -LASERS -LASH -LASHED -LASHES -LASHING -LASHINGS -LASS -LASSES -LASSO -LAST -LASTED -LASTING -LASTLY -LASTS -LASZLO -LATCH -LATCHED -LATCHES -LATCHING -LATE -LATELY -LATENCY -LATENESS -LATENT -LATER -LATERAL -LATERALLY -LATERAN -LATEST -LATEX -LATHE -LATHROP -LATIN -LATINATE -LATINITY -LATINIZATION -LATINIZATIONS -LATINIZE -LATINIZED -LATINIZER -LATINIZERS -LATINIZES -LATINIZING -LATITUDE -LATITUDES -LATRINE -LATRINES -LATROBE -LATTER -LATTERLY -LATTICE -LATTICES -LATTIMER -LATVIA -LAUDABLE -LAUDERDALE -LAUE -LAUGH -LAUGHABLE -LAUGHABLY -LAUGHED -LAUGHING -LAUGHINGLY -LAUGHINGSTOCK -LAUGHLIN -LAUGHS -LAUGHTER -LAUNCH -LAUNCHED -LAUNCHER -LAUNCHES -LAUNCHING -LAUNCHINGS -LAUNDER -LAUNDERED -LAUNDERER -LAUNDERING -LAUNDERINGS -LAUNDERS -LAUNDROMAT -LAUNDROMATS -LAUNDRY -LAUREATE -LAUREL -LAURELS -LAUREN -LAURENCE -LAURENT -LAURENTIAN -LAURIE -LAUSANNE -LAVA -LAVATORIES -LAVATORY -LAVENDER -LAVISH -LAVISHED -LAVISHING -LAVISHLY -LAVOISIER -LAW -LAWBREAKER -LAWFORD -LAWFUL -LAWFULLY -LAWGIVER -LAWLESS -LAWLESSNESS -LAWN -LAWNS -LAWRENCE -LAWRENCEVILLE -LAWS -LAWSON -LAWSUIT -LAWSUITS -LAWYER -LAWYERS -LAX -LAXATIVE -LAY -LAYER -LAYERED -LAYERING -LAYERS -LAYING -LAYMAN -LAYMEN -LAYOFF -LAYOFFS -LAYOUT -LAYOUTS -LAYS -LAYTON -LAZARUS -LAZED -LAZIER -LAZIEST -LAZILY -LAZINESS -LAZING -LAZY -LAZYBONES -LEAD -LEADED -LEADEN -LEADER -LEADERS -LEADERSHIP -LEADERSHIPS -LEADING -LEADINGS -LEADS -LEAF -LEAFED -LEAFIEST -LEAFING -LEAFLESS -LEAFLET -LEAFLETS -LEAFY -LEAGUE -LEAGUED -LEAGUER -LEAGUERS -LEAGUES -LEAK -LEAKAGE -LEAKAGES -LEAKED -LEAKING -LEAKS -LEAKY -LEAN -LEANDER -LEANED -LEANER -LEANEST -LEANING -LEANNESS -LEANS -LEAP -LEAPED -LEAPFROG -LEAPING -LEAPS -LEAPT -LEAR -LEARN -LEARNED -LEARNER -LEARNERS -LEARNING -LEARNS -LEARY -LEASE -LEASED -LEASES -LEASH -LEASHES -LEASING -LEAST -LEATHER -LEATHERED -LEATHERN -LEATHERNECK -LEATHERS -LEAVE -LEAVED -LEAVEN -LEAVENED -LEAVENING -LEAVENWORTH -LEAVES -LEAVING -LEAVINGS -LEBANESE -LEBANON -LEBESGUE -LECHERY -LECTURE -LECTURED -LECTURER -LECTURERS -LECTURES -LECTURING -LED -LEDGE -LEDGER -LEDGERS -LEDGES -LEE -LEECH -LEECHES -LEEDS -LEEK -LEER -LEERY -LEES -LEEUWENHOEK -LEEWARD -LEEWAY -LEFT -LEFTIST -LEFTISTS -LEFTMOST -LEFTOVER -LEFTOVERS -LEFTWARD -LEG -LEGACIES -LEGACY -LEGAL -LEGALITY -LEGALIZATION -LEGALIZE -LEGALIZED -LEGALIZES -LEGALIZING -LEGALLY -LEGEND -LEGENDARY -LEGENDRE -LEGENDS -LEGER -LEGERS -LEGGED -LEGGINGS -LEGIBILITY -LEGIBLE -LEGIBLY -LEGION -LEGIONS -LEGISLATE -LEGISLATED -LEGISLATES -LEGISLATING -LEGISLATION -LEGISLATIVE -LEGISLATOR -LEGISLATORS -LEGISLATURE -LEGISLATURES -LEGITIMACY -LEGITIMATE -LEGITIMATELY -LEGS -LEGUME -LEHIGH -LEHMAN -LEIBNIZ -LEIDEN -LEIGH -LEIGHTON -LEILA -LEIPZIG -LEISURE -LEISURELY -LELAND -LEMKE -LEMMA -LEMMAS -LEMMING -LEMMINGS -LEMON -LEMONADE -LEMONS -LEMUEL -LEN -LENA -LEND -LENDER -LENDERS -LENDING -LENDS -LENGTH -LENGTHEN -LENGTHENED -LENGTHENING -LENGTHENS -LENGTHLY -LENGTHS -LENGTHWISE -LENGTHY -LENIENCY -LENIENT -LENIENTLY -LENIN -LENINGRAD -LENINISM -LENINIST -LENNOX -LENNY -LENORE -LENS -LENSES -LENT -LENTEN -LENTIL -LENTILS -LEO -LEON -LEONA -LEONARD -LEONARDO -LEONE -LEONID -LEOPARD -LEOPARDS -LEOPOLD -LEOPOLDVILLE -LEPER -LEPROSY -LEROY -LESBIAN -LESBIANS -LESLIE -LESOTHO -LESS -LESSEN -LESSENED -LESSENING -LESSENS -LESSER -LESSON -LESSONS -LESSOR -LEST -LESTER -LET -LETHAL -LETHE -LETITIA -LETS -LETTER -LETTERED -LETTERER -LETTERHEAD -LETTERING -LETTERS -LETTING -LETTUCE -LEUKEMIA -LEV -LEVEE -LEVEES -LEVEL -LEVELED -LEVELER -LEVELING -LEVELLED -LEVELLER -LEVELLEST -LEVELLING -LEVELLY -LEVELNESS -LEVELS -LEVER -LEVERAGE -LEVERS -LEVI -LEVIABLE -LEVIED -LEVIES -LEVIN -LEVINE -LEVIS -LEVITICUS -LEVITT -LEVITY -LEVY -LEVYING -LEW -LEWD -LEWDLY -LEWDNESS -LEWELLYN -LEXICAL -LEXICALLY -LEXICOGRAPHIC -LEXICOGRAPHICAL -LEXICOGRAPHICALLY -LEXICON -LEXICONS -LEXINGTON -LEYDEN -LIABILITIES -LIABILITY -LIABLE -LIAISON -LIAISONS -LIAR -LIARS -LIBEL -LIBELOUS -LIBERACE -LIBERAL -LIBERALIZE -LIBERALIZED -LIBERALIZES -LIBERALIZING -LIBERALLY -LIBERALS -LIBERATE -LIBERATED -LIBERATES -LIBERATING -LIBERATION -LIBERATOR -LIBERATORS -LIBERIA -LIBERTARIAN -LIBERTIES -LIBERTY -LIBIDO -LIBRARIAN -LIBRARIANS -LIBRARIES -LIBRARY -LIBRETTO -LIBREVILLE -LIBYA -LIBYAN -LICE -LICENSE -LICENSED -LICENSEE -LICENSES -LICENSING -LICENSOR -LICENTIOUS -LICHEN -LICHENS -LICHTER -LICK -LICKED -LICKING -LICKS -LICORICE -LID -LIDS -LIE -LIEBERMAN -LIECHTENSTEIN -LIED -LIEGE -LIEN -LIENS -LIES -LIEU -LIEUTENANT -LIEUTENANTS -LIFE -LIFEBLOOD -LIFEBOAT -LIFEGUARD -LIFELESS -LIFELESSNESS -LIFELIKE -LIFELONG -LIFER -LIFESPAN -LIFESTYLE -LIFESTYLES -LIFETIME -LIFETIMES -LIFT -LIFTED -LIFTER -LIFTERS -LIFTING -LIFTS -LIGAMENT -LIGATURE -LIGGET -LIGGETT -LIGHT -LIGHTED -LIGHTEN -LIGHTENS -LIGHTER -LIGHTERS -LIGHTEST -LIGHTFACE -LIGHTHEARTED -LIGHTHOUSE -LIGHTHOUSES -LIGHTING -LIGHTLY -LIGHTNESS -LIGHTNING -LIGHTNINGS -LIGHTS -LIGHTWEIGHT -LIKE -LIKED -LIKELIER -LIKELIEST -LIKELIHOOD -LIKELIHOODS -LIKELINESS -LIKELY -LIKEN -LIKENED -LIKENESS -LIKENESSES -LIKENING -LIKENS -LIKES -LIKEWISE -LIKING -LILA -LILAC -LILACS -LILIAN -LILIES -LILLIAN -LILLIPUT -LILLIPUTIAN -LILLIPUTIANIZE -LILLIPUTIANIZES -LILLY -LILY -LIMA -LIMAN -LIMB -LIMBER -LIMBO -LIMBS -LIME -LIMELIGHT -LIMERICK -LIMES -LIMESTONE -LIMIT -LIMITABILITY -LIMITABLY -LIMITATION -LIMITATIONS -LIMITED -LIMITER -LIMITERS -LIMITING -LIMITLESS -LIMITS -LIMOUSINE -LIMP -LIMPED -LIMPING -LIMPLY -LIMPNESS -LIMPS -LIN -LINCOLN -LIND -LINDA -LINDBERG -LINDBERGH -LINDEN -LINDHOLM -LINDQUIST -LINDSAY -LINDSEY -LINDSTROM -LINDY -LINE -LINEAR -LINEARITIES -LINEARITY -LINEARIZABLE -LINEARIZE -LINEARIZED -LINEARIZES -LINEARIZING -LINEARLY -LINED -LINEN -LINENS -LINER -LINERS -LINES -LINEUP -LINGER -LINGERED -LINGERIE -LINGERING -LINGERS -LINGO -LINGUA -LINGUIST -LINGUISTIC -LINGUISTICALLY -LINGUISTICS -LINGUISTS -LINING -LININGS -LINK -LINKAGE -LINKAGES -LINKED -LINKER -LINKERS -LINKING -LINKS -LINNAEUS -LINOLEUM -LINOTYPE -LINSEED -LINT -LINTON -LINUS -LINUX -LION -LIONEL -LIONESS -LIONESSES -LIONS -LIP -LIPPINCOTT -LIPS -LIPSCHITZ -LIPSCOMB -LIPSTICK -LIPTON -LIQUID -LIQUIDATE -LIQUIDATION -LIQUIDATIONS -LIQUIDITY -LIQUIDS -LIQUOR -LIQUORS -LISA -LISBON -LISE -LISP -LISPED -LISPING -LISPS -LISS -LISSAJOUS -LIST -LISTED -LISTEN -LISTENED -LISTENER -LISTENERS -LISTENING -LISTENS -LISTER -LISTERIZE -LISTERIZES -LISTERS -LISTING -LISTINGS -LISTLESS -LISTON -LISTS -LIT -LITANY -LITER -LITERACY -LITERAL -LITERALLY -LITERALNESS -LITERALS -LITERARY -LITERATE -LITERATURE -LITERATURES -LITERS -LITHE -LITHOGRAPH -LITHOGRAPHY -LITHUANIA -LITHUANIAN -LITIGANT -LITIGATE -LITIGATION -LITIGIOUS -LITMUS -LITTER -LITTERBUG -LITTERED -LITTERING -LITTERS -LITTLE -LITTLENESS -LITTLER -LITTLEST -LITTLETON -LITTON -LIVABLE -LIVABLY -LIVE -LIVED -LIVELIHOOD -LIVELY -LIVENESS -LIVER -LIVERIED -LIVERMORE -LIVERPOOL -LIVERPUDLIAN -LIVERS -LIVERY -LIVES -LIVESTOCK -LIVID -LIVING -LIVINGSTON -LIZ -LIZARD -LIZARDS -LIZZIE -LIZZY -LLOYD -LOAD -LOADED -LOADER -LOADERS -LOADING -LOADINGS -LOADS -LOAF -LOAFED -LOAFER -LOAN -LOANED -LOANING -LOANS -LOATH -LOATHE -LOATHED -LOATHING -LOATHLY -LOATHSOME -LOAVES -LOBBIED -LOBBIES -LOBBY -LOBBYING -LOBE -LOBES -LOBSTER -LOBSTERS -LOCAL -LOCALITIES -LOCALITY -LOCALIZATION -LOCALIZE -LOCALIZED -LOCALIZES -LOCALIZING -LOCALLY -LOCALS -LOCATE -LOCATED -LOCATES -LOCATING -LOCATION -LOCATIONS -LOCATIVE -LOCATIVES -LOCATOR -LOCATORS -LOCI -LOCK -LOCKE -LOCKED -LOCKER -LOCKERS -LOCKHART -LOCKHEED -LOCKIAN -LOCKING -LOCKINGS -LOCKOUT -LOCKOUTS -LOCKS -LOCKSMITH -LOCKSTEP -LOCKUP -LOCKUPS -LOCKWOOD -LOCOMOTION -LOCOMOTIVE -LOCOMOTIVES -LOCUS -LOCUST -LOCUSTS -LODGE -LODGED -LODGER -LODGES -LODGING -LODGINGS -LODOWICK -LOEB -LOFT -LOFTINESS -LOFTS -LOFTY -LOGAN -LOGARITHM -LOGARITHMIC -LOGARITHMICALLY -LOGARITHMS -LOGGED -LOGGER -LOGGERS -LOGGING -LOGIC -LOGICAL -LOGICALLY -LOGICIAN -LOGICIANS -LOGICS -LOGIN -LOGINS -LOGISTIC -LOGISTICS -LOGJAM -LOGO -LOGS -LOIN -LOINCLOTH -LOINS -LOIRE -LOIS -LOITER -LOITERED -LOITERER -LOITERING -LOITERS -LOKI -LOLA -LOMB -LOMBARD -LOMBARDY -LOME -LONDON -LONDONDERRY -LONDONER -LONDONIZATION -LONDONIZATIONS -LONDONIZE -LONDONIZES -LONE -LONELIER -LONELIEST -LONELINESS -LONELY -LONER -LONERS -LONESOME -LONG -LONGED -LONGER -LONGEST -LONGEVITY -LONGFELLOW -LONGHAND -LONGING -LONGINGS -LONGITUDE -LONGITUDES -LONGS -LONGSTANDING -LONGSTREET -LOOK -LOOKAHEAD -LOOKED -LOOKER -LOOKERS -LOOKING -LOOKOUT -LOOKS -LOOKUP -LOOKUPS -LOOM -LOOMED -LOOMING -LOOMIS -LOOMS -LOON -LOOP -LOOPED -LOOPHOLE -LOOPHOLES -LOOPING -LOOPS -LOOSE -LOOSED -LOOSELEAF -LOOSELY -LOOSEN -LOOSENED -LOOSENESS -LOOSENING -LOOSENS -LOOSER -LOOSES -LOOSEST -LOOSING -LOOT -LOOTED -LOOTER -LOOTING -LOOTS -LOPEZ -LOPSIDED -LORD -LORDLY -LORDS -LORDSHIP -LORE -LORELEI -LOREN -LORENTZIAN -LORENZ -LORETTA -LORINDA -LORRAINE -LORRY -LOS -LOSE -LOSER -LOSERS -LOSES -LOSING -LOSS -LOSSES -LOSSIER -LOSSIEST -LOSSY -LOST -LOT -LOTHARIO -LOTION -LOTS -LOTTE -LOTTERY -LOTTIE -LOTUS -LOU -LOUD -LOUDER -LOUDEST -LOUDLY -LOUDNESS -LOUDSPEAKER -LOUDSPEAKERS -LOUIS -LOUISA -LOUISE -LOUISIANA -LOUISIANAN -LOUISVILLE -LOUNGE -LOUNGED -LOUNGES -LOUNGING -LOUNSBURY -LOURDES -LOUSE -LOUSY -LOUT -LOUVRE -LOVABLE -LOVABLY -LOVE -LOVED -LOVEJOY -LOVELACE -LOVELAND -LOVELIER -LOVELIES -LOVELIEST -LOVELINESS -LOVELORN -LOVELY -LOVER -LOVERS -LOVES -LOVING -LOVINGLY -LOW -LOWE -LOWELL -LOWER -LOWERED -LOWERING -LOWERS -LOWEST -LOWLAND -LOWLANDS -LOWLIEST -LOWLY -LOWNESS -LOWRY -LOWS -LOY -LOYAL -LOYALLY -LOYALTIES -LOYALTY -LOYOLA -LUBBOCK -LUBELL -LUBRICANT -LUBRICATE -LUBRICATION -LUCAS -LUCERNE -LUCIA -LUCIAN -LUCID -LUCIEN -LUCIFER -LUCILLE -LUCIUS -LUCK -LUCKED -LUCKIER -LUCKIEST -LUCKILY -LUCKLESS -LUCKS -LUCKY -LUCRATIVE -LUCRETIA -LUCRETIUS -LUCY -LUDICROUS -LUDICROUSLY -LUDICROUSNESS -LUDLOW -LUDMILLA -LUDWIG -LUFTHANSA -LUFTWAFFE -LUGGAGE -LUIS -LUKE -LUKEWARM -LULL -LULLABY -LULLED -LULLS -LUMBER -LUMBERED -LUMBERING -LUMINOUS -LUMINOUSLY -LUMMOX -LUMP -LUMPED -LUMPING -LUMPS -LUMPUR -LUMPY -LUNAR -LUNATIC -LUNCH -LUNCHED -LUNCHEON -LUNCHEONS -LUNCHES -LUNCHING -LUND -LUNDBERG -LUNDQUIST -LUNG -LUNGED -LUNGS -LURA -LURCH -LURCHED -LURCHES -LURCHING -LURE -LURED -LURES -LURING -LURK -LURKED -LURKING -LURKS -LUSAKA -LUSCIOUS -LUSCIOUSLY -LUSCIOUSNESS -LUSH -LUST -LUSTER -LUSTFUL -LUSTILY -LUSTINESS -LUSTROUS -LUSTS -LUSTY -LUTE -LUTES -LUTHER -LUTHERAN -LUTHERANIZE -LUTHERANIZER -LUTHERANIZERS -LUTHERANIZES -LUTZ -LUXEMBOURG -LUXEMBURG -LUXURIANT -LUXURIANTLY -LUXURIES -LUXURIOUS -LUXURIOUSLY -LUXURY -LUZON -LYDIA -LYING -LYKES -LYLE -LYMAN -LYMPH -LYNCH -LYNCHBURG -LYNCHED -LYNCHER -LYNCHES -LYNDON -LYNN -LYNX -LYNXES -LYON -LYONS -LYRA -LYRE -LYRIC -LYRICS -LYSENKO -MABEL -MAC -MACADAMIA -MACARTHUR -MACARTHUR -MACASSAR -MACAULAY -MACAULAYAN -MACAULAYISM -MACAULAYISMS -MACBETH -MACDONALD -MACDONALD -MACDOUGALL -MACDOUGALL -MACDRAW -MACE -MACED -MACEDON -MACEDONIA -MACEDONIAN -MACES -MACGREGOR -MACGREGOR -MACH -MACHIAVELLI -MACHIAVELLIAN -MACHINATION -MACHINE -MACHINED -MACHINELIKE -MACHINERY -MACHINES -MACHINING -MACHO -MACINTOSH -MACINTOSH -MACINTOSH -MACKENZIE -MACKENZIE -MACKEREL -MACKEY -MACKINAC -MACKINAW -MACMAHON -MACMILLAN -MACMILLAN -MACON -MACPAINT -MACRO -MACROECONOMICS -MACROMOLECULE -MACROMOLECULES -MACROPHAGE -MACROS -MACROSCOPIC -MAD -MADAGASCAR -MADAM -MADAME -MADAMES -MADDEN -MADDENING -MADDER -MADDEST -MADDOX -MADE -MADEIRA -MADELEINE -MADELINE -MADHOUSE -MADHYA -MADISON -MADLY -MADMAN -MADMEN -MADNESS -MADONNA -MADONNAS -MADRAS -MADRID -MADSEN -MAE -MAELSTROM -MAESTRO -MAFIA -MAFIOSI -MAGAZINE -MAGAZINES -MAGDALENE -MAGELLAN -MAGELLANIC -MAGENTA -MAGGIE -MAGGOT -MAGGOTS -MAGIC -MAGICAL -MAGICALLY -MAGICIAN -MAGICIANS -MAGILL -MAGISTRATE -MAGISTRATES -MAGNA -MAGNESIUM -MAGNET -MAGNETIC -MAGNETICALLY -MAGNETISM -MAGNETISMS -MAGNETIZABLE -MAGNETIZED -MAGNETO -MAGNIFICATION -MAGNIFICENCE -MAGNIFICENT -MAGNIFICENTLY -MAGNIFIED -MAGNIFIER -MAGNIFIES -MAGNIFY -MAGNIFYING -MAGNITUDE -MAGNITUDES -MAGNOLIA -MAGNUM -MAGNUSON -MAGOG -MAGPIE -MAGRUDER -MAGUIRE -MAGUIRES -MAHARASHTRA -MAHAYANA -MAHAYANIST -MAHOGANY -MAHONEY -MAID -MAIDEN -MAIDENS -MAIDS -MAIER -MAIL -MAILABLE -MAILBOX -MAILBOXES -MAILED -MAILER -MAILING -MAILINGS -MAILMAN -MAILMEN -MAILS -MAIM -MAIMED -MAIMING -MAIMS -MAIN -MAINE -MAINFRAME -MAINFRAMES -MAINLAND -MAINLINE -MAINLY -MAINS -MAINSTAY -MAINSTREAM -MAINTAIN -MAINTAINABILITY -MAINTAINABLE -MAINTAINED -MAINTAINER -MAINTAINERS -MAINTAINING -MAINTAINS -MAINTENANCE -MAINTENANCES -MAIZE -MAJESTIC -MAJESTIES -MAJESTY -MAJOR -MAJORCA -MAJORED -MAJORING -MAJORITIES -MAJORITY -MAJORS -MAKABLE -MAKE -MAKER -MAKERS -MAKES -MAKESHIFT -MAKEUP -MAKEUPS -MAKING -MAKINGS -MALABAR -MALADIES -MALADY -MALAGASY -MALAMUD -MALARIA -MALAWI -MALAY -MALAYIZE -MALAYIZES -MALAYSIA -MALAYSIAN -MALCOLM -MALCONTENT -MALDEN -MALDIVE -MALE -MALEFACTOR -MALEFACTORS -MALENESS -MALES -MALEVOLENT -MALFORMED -MALFUNCTION -MALFUNCTIONED -MALFUNCTIONING -MALFUNCTIONS -MALI -MALIBU -MALICE -MALICIOUS -MALICIOUSLY -MALICIOUSNESS -MALIGN -MALIGNANT -MALIGNANTLY -MALL -MALLARD -MALLET -MALLETS -MALLORY -MALNUTRITION -MALONE -MALONEY -MALPRACTICE -MALRAUX -MALT -MALTA -MALTED -MALTESE -MALTHUS -MALTHUSIAN -MALTON -MALTS -MAMA -MAMMA -MAMMAL -MAMMALIAN -MAMMALS -MAMMAS -MAMMOTH -MAN -MANAGE -MANAGEABLE -MANAGEABLENESS -MANAGED -MANAGEMENT -MANAGEMENTS -MANAGER -MANAGERIAL -MANAGERS -MANAGES -MANAGING -MANAGUA -MANAMA -MANCHESTER -MANCHURIA -MANDARIN -MANDATE -MANDATED -MANDATES -MANDATING -MANDATORY -MANDELBROT -MANDIBLE -MANE -MANES -MANEUVER -MANEUVERED -MANEUVERING -MANEUVERS -MANFRED -MANGER -MANGERS -MANGLE -MANGLED -MANGLER -MANGLES -MANGLING -MANHATTAN -MANHATTANIZE -MANHATTANIZES -MANHOLE -MANHOOD -MANIA -MANIAC -MANIACAL -MANIACS -MANIC -MANICURE -MANICURED -MANICURES -MANICURING -MANIFEST -MANIFESTATION -MANIFESTATIONS -MANIFESTED -MANIFESTING -MANIFESTLY -MANIFESTS -MANIFOLD -MANIFOLDS -MANILA -MANIPULABILITY -MANIPULABLE -MANIPULATABLE -MANIPULATE -MANIPULATED -MANIPULATES -MANIPULATING -MANIPULATION -MANIPULATIONS -MANIPULATIVE -MANIPULATOR -MANIPULATORS -MANIPULATORY -MANITOBA -MANITOWOC -MANKIND -MANKOWSKI -MANLEY -MANLY -MANN -MANNED -MANNER -MANNERED -MANNERLY -MANNERS -MANNING -MANOMETER -MANOMETERS -MANOR -MANORS -MANPOWER -MANS -MANSFIELD -MANSION -MANSIONS -MANSLAUGHTER -MANTEL -MANTELS -MANTIS -MANTISSA -MANTISSAS -MANTLE -MANTLEPIECE -MANTLES -MANUAL -MANUALLY -MANUALS -MANUEL -MANUFACTURE -MANUFACTURED -MANUFACTURER -MANUFACTURERS -MANUFACTURES -MANUFACTURING -MANURE -MANUSCRIPT -MANUSCRIPTS -MANVILLE -MANY -MAO -MAORI -MAP -MAPLE -MAPLECREST -MAPLES -MAPPABLE -MAPPED -MAPPING -MAPPINGS -MAPS -MARATHON -MARBLE -MARBLES -MARBLING -MARC -MARCEAU -MARCEL -MARCELLO -MARCH -MARCHED -MARCHER -MARCHES -MARCHING -MARCIA -MARCO -MARCOTTE -MARCUS -MARCY -MARDI -MARDIS -MARE -MARES -MARGARET -MARGARINE -MARGERY -MARGIN -MARGINAL -MARGINALLY -MARGINS -MARGO -MARGUERITE -MARIANNE -MARIE -MARIETTA -MARIGOLD -MARIJUANA -MARILYN -MARIN -MARINA -MARINADE -MARINATE -MARINE -MARINER -MARINES -MARINO -MARIO -MARION -MARIONETTE -MARITAL -MARITIME -MARJORIE -MARJORY -MARK -MARKABLE -MARKED -MARKEDLY -MARKER -MARKERS -MARKET -MARKETABILITY -MARKETABLE -MARKETED -MARKETING -MARKETINGS -MARKETPLACE -MARKETPLACES -MARKETS -MARKHAM -MARKING -MARKINGS -MARKISM -MARKOV -MARKOVIAN -MARKOVITZ -MARKS -MARLBORO -MARLBOROUGH -MARLENE -MARLOWE -MARMALADE -MARMOT -MAROON -MARQUETTE -MARQUIS -MARRIAGE -MARRIAGEABLE -MARRIAGES -MARRIED -MARRIES -MARRIOTT -MARROW -MARRY -MARRYING -MARS -MARSEILLES -MARSH -MARSHA -MARSHAL -MARSHALED -MARSHALING -MARSHALL -MARSHALLED -MARSHALLING -MARSHALS -MARSHES -MARSHMALLOW -MART -MARTEN -MARTHA -MARTIAL -MARTIAN -MARTIANS -MARTINEZ -MARTINGALE -MARTINI -MARTINIQUE -MARTINSON -MARTS -MARTY -MARTYR -MARTYRDOM -MARTYRS -MARVEL -MARVELED -MARVELLED -MARVELLING -MARVELOUS -MARVELOUSLY -MARVELOUSNESS -MARVELS -MARVIN -MARX -MARXIAN -MARXISM -MARXISMS -MARXIST -MARY -MARYLAND -MARYLANDERS -MASCARA -MASCULINE -MASCULINELY -MASCULINITY -MASERU -MASH -MASHED -MASHES -MASHING -MASK -MASKABLE -MASKED -MASKER -MASKING -MASKINGS -MASKS -MASOCHIST -MASOCHISTS -MASON -MASONIC -MASONITE -MASONRY -MASONS -MASQUERADE -MASQUERADER -MASQUERADES -MASQUERADING -MASS -MASSACHUSETTS -MASSACRE -MASSACRED -MASSACRES -MASSAGE -MASSAGES -MASSAGING -MASSED -MASSES -MASSEY -MASSING -MASSIVE -MAST -MASTED -MASTER -MASTERED -MASTERFUL -MASTERFULLY -MASTERING -MASTERINGS -MASTERLY -MASTERMIND -MASTERPIECE -MASTERPIECES -MASTERS -MASTERY -MASTODON -MASTS -MASTURBATE -MASTURBATED -MASTURBATES -MASTURBATING -MASTURBATION -MAT -MATCH -MATCHABLE -MATCHED -MATCHER -MATCHERS -MATCHES -MATCHING -MATCHINGS -MATCHLESS -MATE -MATED -MATEO -MATER -MATERIAL -MATERIALIST -MATERIALIZE -MATERIALIZED -MATERIALIZES -MATERIALIZING -MATERIALLY -MATERIALS -MATERNAL -MATERNALLY -MATERNITY -MATES -MATH -MATHEMATICA -MATHEMATICAL -MATHEMATICALLY -MATHEMATICIAN -MATHEMATICIANS -MATHEMATICS -MATHEMATIK -MATHEWSON -MATHIAS -MATHIEU -MATILDA -MATING -MATINGS -MATISSE -MATISSES -MATRIARCH -MATRIARCHAL -MATRICES -MATRICULATE -MATRICULATION -MATRIMONIAL -MATRIMONY -MATRIX -MATROID -MATRON -MATRONLY -MATS -MATSON -MATSUMOTO -MATT -MATTED -MATTER -MATTERED -MATTERS -MATTHEW -MATTHEWS -MATTIE -MATTRESS -MATTRESSES -MATTSON -MATURATION -MATURE -MATURED -MATURELY -MATURES -MATURING -MATURITIES -MATURITY -MAUDE -MAUL -MAUREEN -MAURICE -MAURICIO -MAURINE -MAURITANIA -MAURITIUS -MAUSOLEUM -MAVERICK -MAVIS -MAWR -MAX -MAXIM -MAXIMA -MAXIMAL -MAXIMALLY -MAXIMILIAN -MAXIMIZE -MAXIMIZED -MAXIMIZER -MAXIMIZERS -MAXIMIZES -MAXIMIZING -MAXIMS -MAXIMUM -MAXIMUMS -MAXINE -MAXTOR -MAXWELL -MAXWELLIAN -MAY -MAYA -MAYANS -MAYBE -MAYER -MAYFAIR -MAYFLOWER -MAYHAP -MAYHEM -MAYNARD -MAYO -MAYONNAISE -MAYOR -MAYORAL -MAYORS -MAZDA -MAZE -MAZES -MBABANE -MCADAM -MCADAMS -MCALLISTER -MCBRIDE -MCCABE -MCCALL -MCCALLUM -MCCANN -MCCARTHY -MCCARTY -MCCAULEY -MCCLAIN -MCCLELLAN -MCCLURE -MCCLUSKEY -MCCONNEL -MCCONNELL -MCCORMICK -MCCOY -MCCRACKEN -MCCULLOUGH -MCDANIEL -MCDERMOTT -MCDONALD -MCDONNELL -MCDOUGALL -MCDOWELL -MCELHANEY -MCELROY -MCFADDEN -MCFARLAND -MCGEE -MCGILL -MCGINNIS -MCGOVERN -MCGOWAN -MCGRATH -MCGRAW -MCGREGOR -MCGUIRE -MCHUGH -MCINTOSH -MCINTYRE -MCKAY -MCKEE -MCKENNA -MCKENZIE -MCKEON -MCKESSON -MCKINLEY -MCKINNEY -MCKNIGHT -MCLANAHAN -MCLAUGHLIN -MCLEAN -MCLEOD -MCMAHON -MCMARTIN -MCMILLAN -MCMULLEN -MCNALLY -MCNAUGHTON -MCNEIL -MCNULTY -MCPHERSON -MEAD -MEADOW -MEADOWS -MEAGER -MEAGERLY -MEAGERNESS -MEAL -MEALS -MEALTIME -MEALY -MEAN -MEANDER -MEANDERED -MEANDERING -MEANDERS -MEANER -MEANEST -MEANING -MEANINGFUL -MEANINGFULLY -MEANINGFULNESS -MEANINGLESS -MEANINGLESSLY -MEANINGLESSNESS -MEANINGS -MEANLY -MEANNESS -MEANS -MEANT -MEANTIME -MEANWHILE -MEASLE -MEASLES -MEASURABLE -MEASURABLY -MEASURE -MEASURED -MEASUREMENT -MEASUREMENTS -MEASURER -MEASURES -MEASURING -MEAT -MEATS -MEATY -MECCA -MECHANIC -MECHANICAL -MECHANICALLY -MECHANICS -MECHANISM -MECHANISMS -MECHANIZATION -MECHANIZATIONS -MECHANIZE -MECHANIZED -MECHANIZES -MECHANIZING -MEDAL -MEDALLION -MEDALLIONS -MEDALS -MEDDLE -MEDDLED -MEDDLER -MEDDLES -MEDDLING -MEDEA -MEDFIELD -MEDFORD -MEDIA -MEDIAN -MEDIANS -MEDIATE -MEDIATED -MEDIATES -MEDIATING -MEDIATION -MEDIATIONS -MEDIATOR -MEDIC -MEDICAID -MEDICAL -MEDICALLY -MEDICARE -MEDICI -MEDICINAL -MEDICINALLY -MEDICINE -MEDICINES -MEDICIS -MEDICS -MEDIEVAL -MEDIOCRE -MEDIOCRITY -MEDITATE -MEDITATED -MEDITATES -MEDITATING -MEDITATION -MEDITATIONS -MEDITATIVE -MEDITERRANEAN -MEDITERRANEANIZATION -MEDITERRANEANIZATIONS -MEDITERRANEANIZE -MEDITERRANEANIZES -MEDIUM -MEDIUMS -MEDLEY -MEDUSA -MEDUSAN -MEEK -MEEKER -MEEKEST -MEEKLY -MEEKNESS -MEET -MEETING -MEETINGHOUSE -MEETINGS -MEETS -MEG -MEGABAUD -MEGABIT -MEGABITS -MEGABYTE -MEGABYTES -MEGAHERTZ -MEGALOMANIA -MEGATON -MEGAVOLT -MEGAWATT -MEGAWORD -MEGAWORDS -MEGOHM -MEIER -MEIJI -MEISTER -MEISTERSINGER -MEKONG -MEL -MELAMPUS -MELANCHOLY -MELANESIA -MELANESIAN -MELANIE -MELBOURNE -MELCHER -MELINDA -MELISANDE -MELISSA -MELLON -MELLOW -MELLOWED -MELLOWING -MELLOWNESS -MELLOWS -MELODIES -MELODIOUS -MELODIOUSLY -MELODIOUSNESS -MELODRAMA -MELODRAMAS -MELODRAMATIC -MELODY -MELON -MELONS -MELPOMENE -MELT -MELTED -MELTING -MELTINGLY -MELTS -MELVILLE -MELVIN -MEMBER -MEMBERS -MEMBERSHIP -MEMBERSHIPS -MEMBRANE -MEMENTO -MEMO -MEMOIR -MEMOIRS -MEMORABILIA -MEMORABLE -MEMORABLENESS -MEMORANDA -MEMORANDUM -MEMORIAL -MEMORIALLY -MEMORIALS -MEMORIES -MEMORIZATION -MEMORIZE -MEMORIZED -MEMORIZER -MEMORIZES -MEMORIZING -MEMORY -MEMORYLESS -MEMOS -MEMPHIS -MEN -MENACE -MENACED -MENACING -MENAGERIE -MENARCHE -MENCKEN -MEND -MENDACIOUS -MENDACITY -MENDED -MENDEL -MENDELIAN -MENDELIZE -MENDELIZES -MENDELSSOHN -MENDER -MENDING -MENDOZA -MENDS -MENELAUS -MENIAL -MENIALS -MENLO -MENNONITE -MENNONITES -MENOMINEE -MENORCA -MENS -MENSCH -MENSTRUATE -MENSURABLE -MENSURATION -MENTAL -MENTALITIES -MENTALITY -MENTALLY -MENTION -MENTIONABLE -MENTIONED -MENTIONER -MENTIONERS -MENTIONING -MENTIONS -MENTOR -MENTORS -MENU -MENUS -MENZIES -MEPHISTOPHELES -MERCANTILE -MERCATOR -MERCEDES -MERCENARIES -MERCENARINESS -MERCENARY -MERCHANDISE -MERCHANDISER -MERCHANDISING -MERCHANT -MERCHANTS -MERCIFUL -MERCIFULLY -MERCILESS -MERCILESSLY -MERCK -MERCURIAL -MERCURY -MERCY -MERE -MEREDITH -MERELY -MEREST -MERGE -MERGED -MERGER -MERGERS -MERGES -MERGING -MERIDIAN -MERINGUE -MERIT -MERITED -MERITING -MERITORIOUS -MERITORIOUSLY -MERITORIOUSNESS -MERITS -MERIWETHER -MERLE -MERMAID -MERRIAM -MERRICK -MERRIEST -MERRILL -MERRILY -MERRIMAC -MERRIMACK -MERRIMENT -MERRITT -MERRY -MERRYMAKE -MERVIN -MESCALINE -MESH -MESON -MESOPOTAMIA -MESOZOIC -MESQUITE -MESS -MESSAGE -MESSAGES -MESSED -MESSENGER -MESSENGERS -MESSES -MESSIAH -MESSIAHS -MESSIER -MESSIEST -MESSILY -MESSINESS -MESSING -MESSY -MET -META -METABOLIC -METABOLISM -METACIRCULAR -METACIRCULARITY -METAL -METALANGUAGE -METALLIC -METALLIZATION -METALLIZATIONS -METALLURGY -METALS -METAMATHEMATICAL -METAMORPHOSIS -METAPHOR -METAPHORICAL -METAPHORICALLY -METAPHORS -METAPHYSICAL -METAPHYSICALLY -METAPHYSICS -METAVARIABLE -METCALF -METE -METED -METEOR -METEORIC -METEORITE -METEORITIC -METEOROLOGY -METEORS -METER -METERING -METERS -METES -METHANE -METHOD -METHODICAL -METHODICALLY -METHODICALNESS -METHODISM -METHODIST -METHODISTS -METHODOLOGICAL -METHODOLOGICALLY -METHODOLOGIES -METHODOLOGISTS -METHODOLOGY -METHODS -METHUEN -METHUSELAH -METHUSELAHS -METICULOUSLY -METING -METRECAL -METRIC -METRICAL -METRICS -METRO -METRONOME -METROPOLIS -METROPOLITAN -METS -METTLE -METTLESOME -METZLER -MEW -MEWED -MEWS -MEXICAN -MEXICANIZE -MEXICANIZES -MEXICANS -MEXICO -MEYER -MEYERS -MIAMI -MIASMA -MICA -MICE -MICHAEL -MICHAELS -MICHEL -MICHELANGELO -MICHELE -MICHELIN -MICHELSON -MICHIGAN -MICK -MICKEY -MICKIE -MICKY -MICRO -MICROARCHITECTS -MICROARCHITECTURE -MICROARCHITECTURES -MICROBIAL -MICROBICIDAL -MICROBICIDE -MICROCODE -MICROCODED -MICROCODES -MICROCODING -MICROCOMPUTER -MICROCOMPUTERS -MICROCOSM -MICROCYCLE -MICROCYCLES -MICROECONOMICS -MICROELECTRONICS -MICROFILM -MICROFILMS -MICROGRAMMING -MICROINSTRUCTION -MICROINSTRUCTIONS -MICROJUMP -MICROJUMPS -MICROLEVEL -MICRON -MICRONESIA -MICRONESIAN -MICROOPERATIONS -MICROPHONE -MICROPHONES -MICROPHONING -MICROPORT -MICROPROCEDURE -MICROPROCEDURES -MICROPROCESSING -MICROPROCESSOR -MICROPROCESSORS -MICROPROGRAM -MICROPROGRAMMABLE -MICROPROGRAMMED -MICROPROGRAMMER -MICROPROGRAMMING -MICROPROGRAMS -MICROS -MICROSCOPE -MICROSCOPES -MICROSCOPIC -MICROSCOPY -MICROSECOND -MICROSECONDS -MICROSOFT -MICROSTORE -MICROSYSTEMS -MICROVAX -MICROVAXES -MICROWAVE -MICROWAVES -MICROWORD -MICROWORDS -MID -MIDAS -MIDDAY -MIDDLE -MIDDLEBURY -MIDDLEMAN -MIDDLEMEN -MIDDLES -MIDDLESEX -MIDDLETON -MIDDLETOWN -MIDDLING -MIDGET -MIDLANDIZE -MIDLANDIZES -MIDNIGHT -MIDNIGHTS -MIDPOINT -MIDPOINTS -MIDRANGE -MIDSCALE -MIDSECTION -MIDSHIPMAN -MIDSHIPMEN -MIDST -MIDSTREAM -MIDSTS -MIDSUMMER -MIDWAY -MIDWEEK -MIDWEST -MIDWESTERN -MIDWESTERNER -MIDWESTERNERS -MIDWIFE -MIDWINTER -MIDWIVES -MIEN -MIGHT -MIGHTIER -MIGHTIEST -MIGHTILY -MIGHTINESS -MIGHTY -MIGRANT -MIGRATE -MIGRATED -MIGRATES -MIGRATING -MIGRATION -MIGRATIONS -MIGRATORY -MIGUEL -MIKE -MIKHAIL -MIKOYAN -MILAN -MILD -MILDER -MILDEST -MILDEW -MILDLY -MILDNESS -MILDRED -MILE -MILEAGE -MILES -MILESTONE -MILESTONES -MILITANT -MILITANTLY -MILITARILY -MILITARISM -MILITARY -MILITIA -MILK -MILKED -MILKER -MILKERS -MILKINESS -MILKING -MILKMAID -MILKMAIDS -MILKS -MILKY -MILL -MILLARD -MILLED -MILLENNIUM -MILLER -MILLET -MILLIAMMETER -MILLIAMPERE -MILLIE -MILLIJOULE -MILLIKAN -MILLIMETER -MILLIMETERS -MILLINERY -MILLING -MILLINGTON -MILLION -MILLIONAIRE -MILLIONAIRES -MILLIONS -MILLIONTH -MILLIPEDE -MILLIPEDES -MILLISECOND -MILLISECONDS -MILLIVOLT -MILLIVOLTMETER -MILLIWATT -MILLS -MILLSTONE -MILLSTONES -MILNE -MILQUETOAST -MILQUETOASTS -MILTON -MILTONIAN -MILTONIC -MILTONISM -MILTONIST -MILTONIZE -MILTONIZED -MILTONIZES -MILTONIZING -MILWAUKEE -MIMEOGRAPH -MIMI -MIMIC -MIMICKED -MIMICKING -MIMICS -MINARET -MINCE -MINCED -MINCEMEAT -MINCES -MINCING -MIND -MINDANAO -MINDED -MINDFUL -MINDFULLY -MINDFULNESS -MINDING -MINDLESS -MINDLESSLY -MINDS -MINE -MINED -MINEFIELD -MINER -MINERAL -MINERALS -MINERS -MINERVA -MINES -MINESWEEPER -MINGLE -MINGLED -MINGLES -MINGLING -MINI -MINIATURE -MINIATURES -MINIATURIZATION -MINIATURIZE -MINIATURIZED -MINIATURIZES -MINIATURIZING -MINICOMPUTER -MINICOMPUTERS -MINIMA -MINIMAL -MINIMALLY -MINIMAX -MINIMIZATION -MINIMIZATIONS -MINIMIZE -MINIMIZED -MINIMIZER -MINIMIZERS -MINIMIZES -MINIMIZING -MINIMUM -MINING -MINION -MINIS -MINISTER -MINISTERED -MINISTERING -MINISTERS -MINISTRIES -MINISTRY -MINK -MINKS -MINNEAPOLIS -MINNESOTA -MINNIE -MINNOW -MINNOWS -MINOAN -MINOR -MINORING -MINORITIES -MINORITY -MINORS -MINOS -MINOTAUR -MINSK -MINSKY -MINSTREL -MINSTRELS -MINT -MINTED -MINTER -MINTING -MINTS -MINUEND -MINUET -MINUS -MINUSCULE -MINUTE -MINUTELY -MINUTEMAN -MINUTEMEN -MINUTENESS -MINUTER -MINUTES -MIOCENE -MIPS -MIRA -MIRACLE -MIRACLES -MIRACULOUS -MIRACULOUSLY -MIRAGE -MIRANDA -MIRE -MIRED -MIRES -MIRFAK -MIRIAM -MIRROR -MIRRORED -MIRRORING -MIRRORS -MIRTH -MISANTHROPE -MISBEHAVING -MISCALCULATION -MISCALCULATIONS -MISCARRIAGE -MISCARRY -MISCEGENATION -MISCELLANEOUS -MISCELLANEOUSLY -MISCELLANEOUSNESS -MISCHIEF -MISCHIEVOUS -MISCHIEVOUSLY -MISCHIEVOUSNESS -MISCONCEPTION -MISCONCEPTIONS -MISCONDUCT -MISCONSTRUE -MISCONSTRUED -MISCONSTRUES -MISDEMEANORS -MISER -MISERABLE -MISERABLENESS -MISERABLY -MISERIES -MISERLY -MISERS -MISERY -MISFIT -MISFITS -MISFORTUNE -MISFORTUNES -MISGIVING -MISGIVINGS -MISGUIDED -MISHAP -MISHAPS -MISINFORMED -MISJUDGED -MISJUDGMENT -MISLEAD -MISLEADING -MISLEADS -MISLED -MISMANAGEMENT -MISMATCH -MISMATCHED -MISMATCHES -MISMATCHING -MISNOMER -MISPLACE -MISPLACED -MISPLACES -MISPLACING -MISPRONUNCIATION -MISREPRESENTATION -MISREPRESENTATIONS -MISS -MISSED -MISSES -MISSHAPEN -MISSILE -MISSILES -MISSING -MISSION -MISSIONARIES -MISSIONARY -MISSIONER -MISSIONS -MISSISSIPPI -MISSISSIPPIAN -MISSISSIPPIANS -MISSIVE -MISSOULA -MISSOURI -MISSPELL -MISSPELLED -MISSPELLING -MISSPELLINGS -MISSPELLS -MISSY -MIST -MISTAKABLE -MISTAKE -MISTAKEN -MISTAKENLY -MISTAKES -MISTAKING -MISTED -MISTER -MISTERS -MISTINESS -MISTING -MISTLETOE -MISTRESS -MISTRUST -MISTRUSTED -MISTS -MISTY -MISTYPE -MISTYPED -MISTYPES -MISTYPING -MISUNDERSTAND -MISUNDERSTANDER -MISUNDERSTANDERS -MISUNDERSTANDING -MISUNDERSTANDINGS -MISUNDERSTOOD -MISUSE -MISUSED -MISUSES -MISUSING -MITCH -MITCHELL -MITER -MITIGATE -MITIGATED -MITIGATES -MITIGATING -MITIGATION -MITIGATIVE -MITRE -MITRES -MITTEN -MITTENS -MIX -MIXED -MIXER -MIXERS -MIXES -MIXING -MIXTURE -MIXTURES -MIXUP -MIZAR -MNEMONIC -MNEMONICALLY -MNEMONICS -MOAN -MOANED -MOANS -MOAT -MOATS -MOB -MOBIL -MOBILE -MOBILITY -MOBS -MOBSTER -MOCCASIN -MOCCASINS -MOCK -MOCKED -MOCKER -MOCKERY -MOCKING -MOCKINGBIRD -MOCKS -MOCKUP -MODAL -MODALITIES -MODALITY -MODALLY -MODE -MODEL -MODELED -MODELING -MODELINGS -MODELS -MODEM -MODEMS -MODERATE -MODERATED -MODERATELY -MODERATENESS -MODERATES -MODERATING -MODERATION -MODERN -MODERNITY -MODERNIZE -MODERNIZED -MODERNIZER -MODERNIZING -MODERNLY -MODERNNESS -MODERNS -MODES -MODEST -MODESTLY -MODESTO -MODESTY -MODICUM -MODIFIABILITY -MODIFIABLE -MODIFICATION -MODIFICATIONS -MODIFIED -MODIFIER -MODIFIERS -MODIFIES -MODIFY -MODIFYING -MODULA -MODULAR -MODULARITY -MODULARIZATION -MODULARIZE -MODULARIZED -MODULARIZES -MODULARIZING -MODULARLY -MODULATE -MODULATED -MODULATES -MODULATING -MODULATION -MODULATIONS -MODULATOR -MODULATORS -MODULE -MODULES -MODULI -MODULO -MODULUS -MODUS -MOE -MOEN -MOGADISCIO -MOGADISHU -MOGHUL -MOHAMMED -MOHAMMEDAN -MOHAMMEDANISM -MOHAMMEDANIZATION -MOHAMMEDANIZATIONS -MOHAMMEDANIZE -MOHAMMEDANIZES -MOHAWK -MOHR -MOINES -MOISEYEV -MOIST -MOISTEN -MOISTLY -MOISTNESS -MOISTURE -MOLAR -MOLASSES -MOLD -MOLDAVIA -MOLDED -MOLDER -MOLDING -MOLDS -MOLE -MOLECULAR -MOLECULE -MOLECULES -MOLEHILL -MOLES -MOLEST -MOLESTED -MOLESTING -MOLESTS -MOLIERE -MOLINE -MOLL -MOLLIE -MOLLIFY -MOLLUSK -MOLLY -MOLLYCODDLE -MOLOCH -MOLOCHIZE -MOLOCHIZES -MOLOTOV -MOLTEN -MOLUCCAS -MOMENT -MOMENTARILY -MOMENTARINESS -MOMENTARY -MOMENTOUS -MOMENTOUSLY -MOMENTOUSNESS -MOMENTS -MOMENTUM -MOMMY -MONA -MONACO -MONADIC -MONARCH -MONARCHIES -MONARCHS -MONARCHY -MONASH -MONASTERIES -MONASTERY -MONASTIC -MONDAY -MONDAYS -MONET -MONETARISM -MONETARY -MONEY -MONEYED -MONEYS -MONFORT -MONGOLIA -MONGOLIAN -MONGOLIANISM -MONGOOSE -MONICA -MONITOR -MONITORED -MONITORING -MONITORS -MONK -MONKEY -MONKEYED -MONKEYING -MONKEYS -MONKISH -MONKS -MONMOUTH -MONOALPHABETIC -MONOCEROS -MONOCHROMATIC -MONOCHROME -MONOCOTYLEDON -MONOCULAR -MONOGAMOUS -MONOGAMY -MONOGRAM -MONOGRAMS -MONOGRAPH -MONOGRAPHES -MONOGRAPHS -MONOLITH -MONOLITHIC -MONOLOGUE -MONONGAHELA -MONOPOLIES -MONOPOLIZE -MONOPOLIZED -MONOPOLIZING -MONOPOLY -MONOPROGRAMMED -MONOPROGRAMMING -MONOSTABLE -MONOTHEISM -MONOTONE -MONOTONIC -MONOTONICALLY -MONOTONICITY -MONOTONOUS -MONOTONOUSLY -MONOTONOUSNESS -MONOTONY -MONROE -MONROVIA -MONSANTO -MONSOON -MONSTER -MONSTERS -MONSTROSITY -MONSTROUS -MONSTROUSLY -MONT -MONTAGUE -MONTAIGNE -MONTANA -MONTANAN -MONTCLAIR -MONTENEGRIN -MONTENEGRO -MONTEREY -MONTEVERDI -MONTEVIDEO -MONTGOMERY -MONTH -MONTHLY -MONTHS -MONTICELLO -MONTMARTRE -MONTPELIER -MONTRACHET -MONTREAL -MONTY -MONUMENT -MONUMENTAL -MONUMENTALLY -MONUMENTS -MOO -MOOD -MOODINESS -MOODS -MOODY -MOON -MOONED -MOONEY -MOONING -MOONLIGHT -MOONLIGHTER -MOONLIGHTING -MOONLIKE -MOONLIT -MOONS -MOONSHINE -MOOR -MOORE -MOORED -MOORING -MOORINGS -MOORISH -MOORS -MOOSE -MOOT -MOP -MOPED -MOPS -MORAINE -MORAL -MORALE -MORALITIES -MORALITY -MORALLY -MORALS -MORAN -MORASS -MORATORIUM -MORAVIA -MORAVIAN -MORAVIANIZED -MORAVIANIZEDS -MORBID -MORBIDLY -MORBIDNESS -MORE -MOREHOUSE -MORELAND -MOREOVER -MORES -MORESBY -MORGAN -MORIARTY -MORIBUND -MORLEY -MORMON -MORN -MORNING -MORNINGS -MOROCCAN -MOROCCO -MORON -MOROSE -MORPHINE -MORPHISM -MORPHISMS -MORPHOLOGICAL -MORPHOLOGY -MORRILL -MORRIS -MORRISON -MORRISSEY -MORRISTOWN -MORROW -MORSE -MORSEL -MORSELS -MORTAL -MORTALITY -MORTALLY -MORTALS -MORTAR -MORTARED -MORTARING -MORTARS -MORTEM -MORTGAGE -MORTGAGES -MORTICIAN -MORTIFICATION -MORTIFIED -MORTIFIES -MORTIFY -MORTIFYING -MORTIMER -MORTON -MOSAIC -MOSAICS -MOSCONE -MOSCOW -MOSER -MOSES -MOSLEM -MOSLEMIZE -MOSLEMIZES -MOSLEMS -MOSQUE -MOSQUITO -MOSQUITOES -MOSS -MOSSBERG -MOSSES -MOSSY -MOST -MOSTLY -MOTEL -MOTELS -MOTH -MOTHBALL -MOTHBALLS -MOTHER -MOTHERED -MOTHERER -MOTHERERS -MOTHERHOOD -MOTHERING -MOTHERLAND -MOTHERLY -MOTHERS -MOTIF -MOTIFS -MOTION -MOTIONED -MOTIONING -MOTIONLESS -MOTIONLESSLY -MOTIONLESSNESS -MOTIONS -MOTIVATE -MOTIVATED -MOTIVATES -MOTIVATING -MOTIVATION -MOTIVATIONS -MOTIVE -MOTIVES -MOTLEY -MOTOR -MOTORCAR -MOTORCARS -MOTORCYCLE -MOTORCYCLES -MOTORING -MOTORIST -MOTORISTS -MOTORIZE -MOTORIZED -MOTORIZES -MOTORIZING -MOTOROLA -MOTORS -MOTTO -MOTTOES -MOULD -MOULDING -MOULTON -MOUND -MOUNDED -MOUNDS -MOUNT -MOUNTABLE -MOUNTAIN -MOUNTAINEER -MOUNTAINEERING -MOUNTAINEERS -MOUNTAINOUS -MOUNTAINOUSLY -MOUNTAINS -MOUNTED -MOUNTER -MOUNTING -MOUNTINGS -MOUNTS -MOURN -MOURNED -MOURNER -MOURNERS -MOURNFUL -MOURNFULLY -MOURNFULNESS -MOURNING -MOURNS -MOUSE -MOUSER -MOUSES -MOUSETRAP -MOUSY -MOUTH -MOUTHE -MOUTHED -MOUTHES -MOUTHFUL -MOUTHING -MOUTHPIECE -MOUTHS -MOUTON -MOVABLE -MOVE -MOVED -MOVEMENT -MOVEMENTS -MOVER -MOVERS -MOVES -MOVIE -MOVIES -MOVING -MOVINGS -MOW -MOWED -MOWER -MOWS -MOYER -MOZART -MUCH -MUCK -MUCKER -MUCKING -MUCUS -MUD -MUDD -MUDDIED -MUDDINESS -MUDDLE -MUDDLED -MUDDLEHEAD -MUDDLER -MUDDLERS -MUDDLES -MUDDLING -MUDDY -MUELLER -MUENSTER -MUFF -MUFFIN -MUFFINS -MUFFLE -MUFFLED -MUFFLER -MUFFLES -MUFFLING -MUFFS -MUG -MUGGING -MUGS -MUHAMMAD -MUIR -MUKDEN -MULATTO -MULBERRIES -MULBERRY -MULE -MULES -MULL -MULLAH -MULLEN -MULTI -MULTIBIT -MULTIBUS -MULTIBYTE -MULTICAST -MULTICASTING -MULTICASTS -MULTICELLULAR -MULTICOMPUTER -MULTICS -MULTICS -MULTIDIMENSIONAL -MULTILATERAL -MULTILAYER -MULTILAYERED -MULTILEVEL -MULTIMEDIA -MULTINATIONAL -MULTIPLE -MULTIPLES -MULTIPLEX -MULTIPLEXED -MULTIPLEXER -MULTIPLEXERS -MULTIPLEXES -MULTIPLEXING -MULTIPLEXOR -MULTIPLEXORS -MULTIPLICAND -MULTIPLICANDS -MULTIPLICATION -MULTIPLICATIONS -MULTIPLICATIVE -MULTIPLICATIVES -MULTIPLICITY -MULTIPLIED -MULTIPLIER -MULTIPLIERS -MULTIPLIES -MULTIPLY -MULTIPLYING -MULTIPROCESS -MULTIPROCESSING -MULTIPROCESSOR -MULTIPROCESSORS -MULTIPROGRAM -MULTIPROGRAMMED -MULTIPROGRAMMING -MULTISTAGE -MULTITUDE -MULTITUDES -MULTIUSER -MULTIVARIATE -MULTIWORD -MUMBLE -MUMBLED -MUMBLER -MUMBLERS -MUMBLES -MUMBLING -MUMBLINGS -MUMFORD -MUMMIES -MUMMY -MUNCH -MUNCHED -MUNCHING -MUNCIE -MUNDANE -MUNDANELY -MUNDT -MUNG -MUNICH -MUNICIPAL -MUNICIPALITIES -MUNICIPALITY -MUNICIPALLY -MUNITION -MUNITIONS -MUNROE -MUNSEY -MUNSON -MUONG -MURAL -MURDER -MURDERED -MURDERER -MURDERERS -MURDERING -MURDEROUS -MURDEROUSLY -MURDERS -MURIEL -MURKY -MURMUR -MURMURED -MURMURER -MURMURING -MURMURS -MURPHY -MURRAY -MURROW -MUSCAT -MUSCLE -MUSCLED -MUSCLES -MUSCLING -MUSCOVITE -MUSCOVY -MUSCULAR -MUSCULATURE -MUSE -MUSED -MUSES -MUSEUM -MUSEUMS -MUSH -MUSHROOM -MUSHROOMED -MUSHROOMING -MUSHROOMS -MUSHY -MUSIC -MUSICAL -MUSICALLY -MUSICALS -MUSICIAN -MUSICIANLY -MUSICIANS -MUSICOLOGY -MUSING -MUSINGS -MUSK -MUSKEGON -MUSKET -MUSKETS -MUSKOX -MUSKOXEN -MUSKRAT -MUSKRATS -MUSKS -MUSLIM -MUSLIMS -MUSLIN -MUSSEL -MUSSELS -MUSSOLINI -MUSSOLINIS -MUSSORGSKY -MUST -MUSTACHE -MUSTACHED -MUSTACHES -MUSTARD -MUSTER -MUSTINESS -MUSTS -MUSTY -MUTABILITY -MUTABLE -MUTABLENESS -MUTANDIS -MUTANT -MUTATE -MUTATED -MUTATES -MUTATING -MUTATION -MUTATIONS -MUTATIS -MUTATIVE -MUTE -MUTED -MUTELY -MUTENESS -MUTILATE -MUTILATED -MUTILATES -MUTILATING -MUTILATION -MUTINIES -MUTINY -MUTT -MUTTER -MUTTERED -MUTTERER -MUTTERERS -MUTTERING -MUTTERS -MUTTON -MUTUAL -MUTUALLY -MUZAK -MUZO -MUZZLE -MUZZLES -MYCENAE -MYCENAEAN -MYERS -MYNHEER -MYRA -MYRIAD -MYRON -MYRTLE -MYSELF -MYSORE -MYSTERIES -MYSTERIOUS -MYSTERIOUSLY -MYSTERIOUSNESS -MYSTERY -MYSTIC -MYSTICAL -MYSTICS -MYSTIFY -MYTH -MYTHICAL -MYTHOLOGIES -MYTHOLOGY -NAB -NABISCO -NABLA -NABLAS -NADIA -NADINE -NADIR -NAG -NAGASAKI -NAGGED -NAGGING -NAGOYA -NAGS -NAGY -NAIL -NAILED -NAILING -NAILS -NAIR -NAIROBI -NAIVE -NAIVELY -NAIVENESS -NAIVETE -NAKAMURA -NAKAYAMA -NAKED -NAKEDLY -NAKEDNESS -NAKOMA -NAME -NAMEABLE -NAMED -NAMELESS -NAMELESSLY -NAMELY -NAMER -NAMERS -NAMES -NAMESAKE -NAMESAKES -NAMING -NAN -NANCY -NANETTE -NANKING -NANOINSTRUCTION -NANOINSTRUCTIONS -NANOOK -NANOPROGRAM -NANOPROGRAMMING -NANOSECOND -NANOSECONDS -NANOSTORE -NANOSTORES -NANTUCKET -NAOMI -NAP -NAPKIN -NAPKINS -NAPLES -NAPOLEON -NAPOLEONIC -NAPOLEONIZE -NAPOLEONIZES -NAPS -NARBONNE -NARCISSUS -NARCOTIC -NARCOTICS -NARRAGANSETT -NARRATE -NARRATION -NARRATIVE -NARRATIVES -NARROW -NARROWED -NARROWER -NARROWEST -NARROWING -NARROWLY -NARROWNESS -NARROWS -NARY -NASA -NASAL -NASALLY -NASAS -NASH -NASHUA -NASHVILLE -NASSAU -NASTIER -NASTIEST -NASTILY -NASTINESS -NASTY -NAT -NATAL -NATALIE -NATCHEZ -NATE -NATHAN -NATHANIEL -NATION -NATIONAL -NATIONALIST -NATIONALISTS -NATIONALITIES -NATIONALITY -NATIONALIZATION -NATIONALIZE -NATIONALIZED -NATIONALIZES -NATIONALIZING -NATIONALLY -NATIONALS -NATIONHOOD -NATIONS -NATIONWIDE -NATIVE -NATIVELY -NATIVES -NATIVITY -NATO -NATOS -NATURAL -NATURALISM -NATURALIST -NATURALIZATION -NATURALLY -NATURALNESS -NATURALS -NATURE -NATURED -NATURES -NAUGHT -NAUGHTIER -NAUGHTINESS -NAUGHTY -NAUR -NAUSEA -NAUSEATE -NAUSEUM -NAVAHO -NAVAJO -NAVAL -NAVALLY -NAVEL -NAVIES -NAVIGABLE -NAVIGATE -NAVIGATED -NAVIGATES -NAVIGATING -NAVIGATION -NAVIGATOR -NAVIGATORS -NAVONA -NAVY -NAY -NAZARENE -NAZARETH -NAZI -NAZIS -NAZISM -NDJAMENA -NEAL -NEANDERTHAL -NEAPOLITAN -NEAR -NEARBY -NEARED -NEARER -NEAREST -NEARING -NEARLY -NEARNESS -NEARS -NEARSIGHTED -NEAT -NEATER -NEATEST -NEATLY -NEATNESS -NEBRASKA -NEBRASKAN -NEBUCHADNEZZAR -NEBULA -NEBULAR -NEBULOUS -NECESSARIES -NECESSARILY -NECESSARY -NECESSITATE -NECESSITATED -NECESSITATES -NECESSITATING -NECESSITATION -NECESSITIES -NECESSITY -NECK -NECKING -NECKLACE -NECKLACES -NECKLINE -NECKS -NECKTIE -NECKTIES -NECROSIS -NECTAR -NED -NEED -NEEDED -NEEDFUL -NEEDHAM -NEEDING -NEEDLE -NEEDLED -NEEDLER -NEEDLERS -NEEDLES -NEEDLESS -NEEDLESSLY -NEEDLESSNESS -NEEDLEWORK -NEEDLING -NEEDS -NEEDY -NEFF -NEGATE -NEGATED -NEGATES -NEGATING -NEGATION -NEGATIONS -NEGATIVE -NEGATIVELY -NEGATIVES -NEGATOR -NEGATORS -NEGLECT -NEGLECTED -NEGLECTING -NEGLECTS -NEGLIGEE -NEGLIGENCE -NEGLIGENT -NEGLIGIBLE -NEGOTIABLE -NEGOTIATE -NEGOTIATED -NEGOTIATES -NEGOTIATING -NEGOTIATION -NEGOTIATIONS -NEGRO -NEGROES -NEGROID -NEGROIZATION -NEGROIZATIONS -NEGROIZE -NEGROIZES -NEHRU -NEIGH -NEIGHBOR -NEIGHBORHOOD -NEIGHBORHOODS -NEIGHBORING -NEIGHBORLY -NEIGHBORS -NEIL -NEITHER -NELL -NELLIE -NELSEN -NELSON -NEMESIS -NEOCLASSIC -NEON -NEONATAL -NEOPHYTE -NEOPHYTES -NEPAL -NEPALI -NEPHEW -NEPHEWS -NEPTUNE -NERO -NERVE -NERVES -NERVOUS -NERVOUSLY -NERVOUSNESS -NESS -NEST -NESTED -NESTER -NESTING -NESTLE -NESTLED -NESTLES -NESTLING -NESTOR -NESTS -NET -NETHER -NETHERLANDS -NETS -NETTED -NETTING -NETTLE -NETTLED -NETWORK -NETWORKED -NETWORKING -NETWORKS -NEUMANN -NEURAL -NEURITIS -NEUROLOGICAL -NEUROLOGISTS -NEURON -NEURONS -NEUROSES -NEUROSIS -NEUROTIC -NEUTER -NEUTRAL -NEUTRALITIES -NEUTRALITY -NEUTRALIZE -NEUTRALIZED -NEUTRALIZING -NEUTRALLY -NEUTRINO -NEUTRINOS -NEUTRON -NEVA -NEVADA -NEVER -NEVERTHELESS -NEVINS -NEW -NEWARK -NEWBOLD -NEWBORN -NEWBURY -NEWBURYPORT -NEWCASTLE -NEWCOMER -NEWCOMERS -NEWELL -NEWER -NEWEST -NEWFOUNDLAND -NEWLY -NEWLYWED -NEWMAN -NEWMANIZE -NEWMANIZES -NEWNESS -NEWPORT -NEWS -NEWSCAST -NEWSGROUP -NEWSLETTER -NEWSLETTERS -NEWSMAN -NEWSMEN -NEWSPAPER -NEWSPAPERS -NEWSSTAND -NEWSWEEK -NEWSWEEKLY -NEWT -NEWTON -NEWTONIAN -NEXT -NGUYEN -NIAGARA -NIAMEY -NIBBLE -NIBBLED -NIBBLER -NIBBLERS -NIBBLES -NIBBLING -NIBELUNG -NICARAGUA -NICCOLO -NICE -NICELY -NICENESS -NICER -NICEST -NICHE -NICHOLAS -NICHOLLS -NICHOLS -NICHOLSON -NICK -NICKED -NICKEL -NICKELS -NICKER -NICKING -NICKLAUS -NICKNAME -NICKNAMED -NICKNAMES -NICKS -NICODEMUS -NICOSIA -NICOTINE -NIECE -NIECES -NIELSEN -NIELSON -NIETZSCHE -NIFTY -NIGER -NIGERIA -NIGERIAN -NIGH -NIGHT -NIGHTCAP -NIGHTCLUB -NIGHTFALL -NIGHTGOWN -NIGHTINGALE -NIGHTINGALES -NIGHTLY -NIGHTMARE -NIGHTMARES -NIGHTMARISH -NIGHTS -NIGHTTIME -NIHILISM -NIJINSKY -NIKKO -NIKOLAI -NIL -NILE -NILSEN -NILSSON -NIMBLE -NIMBLENESS -NIMBLER -NIMBLY -NIMBUS -NINA -NINE -NINEFOLD -NINES -NINETEEN -NINETEENS -NINETEENTH -NINETIES -NINETIETH -NINETY -NINEVEH -NINTH -NIOBE -NIP -NIPPLE -NIPPON -NIPPONIZE -NIPPONIZES -NIPS -NITRIC -NITROGEN -NITROUS -NITTY -NIXON -NOAH -NOBEL -NOBILITY -NOBLE -NOBLEMAN -NOBLENESS -NOBLER -NOBLES -NOBLEST -NOBLY -NOBODY -NOCTURNAL -NOCTURNALLY -NOD -NODAL -NODDED -NODDING -NODE -NODES -NODS -NODULAR -NODULE -NOEL -NOETHERIAN -NOISE -NOISELESS -NOISELESSLY -NOISES -NOISIER -NOISILY -NOISINESS -NOISY -NOLAN -NOLL -NOMENCLATURE -NOMINAL -NOMINALLY -NOMINATE -NOMINATED -NOMINATING -NOMINATION -NOMINATIVE -NOMINEE -NON -NONADAPTIVE -NONBIODEGRADABLE -NONBLOCKING -NONCE -NONCHALANT -NONCOMMERCIAL -NONCOMMUNICATION -NONCONSECUTIVELY -NONCONSERVATIVE -NONCRITICAL -NONCYCLIC -NONDECREASING -NONDESCRIPT -NONDESCRIPTLY -NONDESTRUCTIVELY -NONDETERMINACY -NONDETERMINATE -NONDETERMINATELY -NONDETERMINISM -NONDETERMINISTIC -NONDETERMINISTICALLY -NONE -NONEMPTY -NONETHELESS -NONEXISTENCE -NONEXISTENT -NONEXTENSIBLE -NONFUNCTIONAL -NONGOVERNMENTAL -NONIDEMPOTENT -NONINTERACTING -NONINTERFERENCE -NONINTERLEAVED -NONINTRUSIVE -NONINTUITIVE -NONINVERTING -NONLINEAR -NONLINEARITIES -NONLINEARITY -NONLINEARLY -NONLOCAL -NONMASKABLE -NONMATHEMATICAL -NONMILITARY -NONNEGATIVE -NONNEGLIGIBLE -NONNUMERICAL -NONOGENARIAN -NONORTHOGONAL -NONORTHOGONALITY -NONPERISHABLE -NONPERSISTENT -NONPORTABLE -NONPROCEDURAL -NONPROCEDURALLY -NONPROFIT -NONPROGRAMMABLE -NONPROGRAMMER -NONSEGMENTED -NONSENSE -NONSENSICAL -NONSEQUENTIAL -NONSPECIALIST -NONSPECIALISTS -NONSTANDARD -NONSYNCHRONOUS -NONTECHNICAL -NONTERMINAL -NONTERMINALS -NONTERMINATING -NONTERMINATION -NONTHERMAL -NONTRANSPARENT -NONTRIVIAL -NONUNIFORM -NONUNIFORMITY -NONZERO -NOODLE -NOOK -NOOKS -NOON -NOONDAY -NOONS -NOONTIDE -NOONTIME -NOOSE -NOR -NORA -NORDHOFF -NORDIC -NORDSTROM -NOREEN -NORFOLK -NORM -NORMA -NORMAL -NORMALCY -NORMALITY -NORMALIZATION -NORMALIZE -NORMALIZED -NORMALIZES -NORMALIZING -NORMALLY -NORMALS -NORMAN -NORMANDY -NORMANIZATION -NORMANIZATIONS -NORMANIZE -NORMANIZER -NORMANIZERS -NORMANIZES -NORMATIVE -NORMS -NORRIS -NORRISTOWN -NORSE -NORTH -NORTHAMPTON -NORTHBOUND -NORTHEAST -NORTHEASTER -NORTHEASTERN -NORTHERLY -NORTHERN -NORTHERNER -NORTHERNERS -NORTHERNLY -NORTHFIELD -NORTHROP -NORTHRUP -NORTHUMBERLAND -NORTHWARD -NORTHWARDS -NORTHWEST -NORTHWESTERN -NORTON -NORWALK -NORWAY -NORWEGIAN -NORWICH -NOSE -NOSED -NOSES -NOSING -NOSTALGIA -NOSTALGIC -NOSTRADAMUS -NOSTRAND -NOSTRIL -NOSTRILS -NOT -NOTABLE -NOTABLES -NOTABLY -NOTARIZE -NOTARIZED -NOTARIZES -NOTARIZING -NOTARY -NOTATION -NOTATIONAL -NOTATIONS -NOTCH -NOTCHED -NOTCHES -NOTCHING -NOTE -NOTEBOOK -NOTEBOOKS -NOTED -NOTES -NOTEWORTHY -NOTHING -NOTHINGNESS -NOTHINGS -NOTICE -NOTICEABLE -NOTICEABLY -NOTICED -NOTICES -NOTICING -NOTIFICATION -NOTIFICATIONS -NOTIFIED -NOTIFIER -NOTIFIERS -NOTIFIES -NOTIFY -NOTIFYING -NOTING -NOTION -NOTIONS -NOTORIETY -NOTORIOUS -NOTORIOUSLY -NOTRE -NOTTINGHAM -NOTWITHSTANDING -NOUAKCHOTT -NOUN -NOUNS -NOURISH -NOURISHED -NOURISHES -NOURISHING -NOURISHMENT -NOVAK -NOVEL -NOVELIST -NOVELISTS -NOVELS -NOVELTIES -NOVELTY -NOVEMBER -NOVEMBERS -NOVICE -NOVICES -NOVOSIBIRSK -NOW -NOWADAYS -NOWHERE -NOXIOUS -NOYES -NOZZLE -NUANCE -NUANCES -NUBIA -NUBIAN -NUBILE -NUCLEAR -NUCLEI -NUCLEIC -NUCLEOTIDE -NUCLEOTIDES -NUCLEUS -NUCLIDE -NUDE -NUDGE -NUDGED -NUDITY -NUGENT -NUGGET -NUISANCE -NUISANCES -NULL -NULLARY -NULLED -NULLIFIED -NULLIFIERS -NULLIFIES -NULLIFY -NULLIFYING -NULLS -NUMB -NUMBED -NUMBER -NUMBERED -NUMBERER -NUMBERING -NUMBERLESS -NUMBERS -NUMBING -NUMBLY -NUMBNESS -NUMBS -NUMERABLE -NUMERAL -NUMERALS -NUMERATOR -NUMERATORS -NUMERIC -NUMERICAL -NUMERICALLY -NUMERICS -NUMEROUS -NUMISMATIC -NUMISMATIST -NUN -NUNS -NUPTIAL -NURSE -NURSED -NURSERIES -NURSERY -NURSES -NURSING -NURTURE -NURTURED -NURTURES -NURTURING -NUT -NUTATE -NUTRIA -NUTRIENT -NUTRITION -NUTRITIOUS -NUTS -NUTSHELL -NUTSHELLS -NUZZLE -NYLON -NYMPH -NYMPHOMANIA -NYMPHOMANIAC -NYMPHS -NYQUIST -OAF -OAK -OAKEN -OAKLAND -OAKLEY -OAKMONT -OAKS -OAR -OARS -OASES -OASIS -OAT -OATEN -OATH -OATHS -OATMEAL -OATS -OBEDIENCE -OBEDIENCES -OBEDIENT -OBEDIENTLY -OBELISK -OBERLIN -OBERON -OBESE -OBEY -OBEYED -OBEYING -OBEYS -OBFUSCATE -OBFUSCATORY -OBITUARY -OBJECT -OBJECTED -OBJECTING -OBJECTION -OBJECTIONABLE -OBJECTIONS -OBJECTIVE -OBJECTIVELY -OBJECTIVES -OBJECTOR -OBJECTORS -OBJECTS -OBLIGATED -OBLIGATION -OBLIGATIONS -OBLIGATORY -OBLIGE -OBLIGED -OBLIGES -OBLIGING -OBLIGINGLY -OBLIQUE -OBLIQUELY -OBLIQUENESS -OBLITERATE -OBLITERATED -OBLITERATES -OBLITERATING -OBLITERATION -OBLIVION -OBLIVIOUS -OBLIVIOUSLY -OBLIVIOUSNESS -OBLONG -OBNOXIOUS -OBOE -OBSCENE -OBSCURE -OBSCURED -OBSCURELY -OBSCURER -OBSCURES -OBSCURING -OBSCURITIES -OBSCURITY -OBSEQUIOUS -OBSERVABLE -OBSERVANCE -OBSERVANCES -OBSERVANT -OBSERVATION -OBSERVATIONS -OBSERVATORY -OBSERVE -OBSERVED -OBSERVER -OBSERVERS -OBSERVES -OBSERVING -OBSESSION -OBSESSIONS -OBSESSIVE -OBSOLESCENCE -OBSOLESCENT -OBSOLETE -OBSOLETED -OBSOLETES -OBSOLETING -OBSTACLE -OBSTACLES -OBSTINACY -OBSTINATE -OBSTINATELY -OBSTRUCT -OBSTRUCTED -OBSTRUCTING -OBSTRUCTION -OBSTRUCTIONS -OBSTRUCTIVE -OBTAIN -OBTAINABLE -OBTAINABLY -OBTAINED -OBTAINING -OBTAINS -OBVIATE -OBVIATED -OBVIATES -OBVIATING -OBVIATION -OBVIATIONS -OBVIOUS -OBVIOUSLY -OBVIOUSNESS -OCCAM -OCCASION -OCCASIONAL -OCCASIONALLY -OCCASIONED -OCCASIONING -OCCASIONINGS -OCCASIONS -OCCIDENT -OCCIDENTAL -OCCIDENTALIZATION -OCCIDENTALIZATIONS -OCCIDENTALIZE -OCCIDENTALIZED -OCCIDENTALIZES -OCCIDENTALIZING -OCCIDENTALS -OCCIPITAL -OCCLUDE -OCCLUDED -OCCLUDES -OCCLUSION -OCCLUSIONS -OCCULT -OCCUPANCIES -OCCUPANCY -OCCUPANT -OCCUPANTS -OCCUPATION -OCCUPATIONAL -OCCUPATIONALLY -OCCUPATIONS -OCCUPIED -OCCUPIER -OCCUPIES -OCCUPY -OCCUPYING -OCCUR -OCCURRED -OCCURRENCE -OCCURRENCES -OCCURRING -OCCURS -OCEAN -OCEANIA -OCEANIC -OCEANOGRAPHY -OCEANS -OCONOMOWOC -OCTAGON -OCTAGONAL -OCTAHEDRA -OCTAHEDRAL -OCTAHEDRON -OCTAL -OCTANE -OCTAVE -OCTAVES -OCTAVIA -OCTET -OCTETS -OCTOBER -OCTOBERS -OCTOGENARIAN -OCTOPUS -ODD -ODDER -ODDEST -ODDITIES -ODDITY -ODDLY -ODDNESS -ODDS -ODE -ODERBERG -ODERBERGS -ODES -ODESSA -ODIN -ODIOUS -ODIOUSLY -ODIOUSNESS -ODIUM -ODOR -ODOROUS -ODOROUSLY -ODOROUSNESS -ODORS -ODYSSEUS -ODYSSEY -OEDIPAL -OEDIPALLY -OEDIPUS -OFF -OFFENBACH -OFFEND -OFFENDED -OFFENDER -OFFENDERS -OFFENDING -OFFENDS -OFFENSE -OFFENSES -OFFENSIVE -OFFENSIVELY -OFFENSIVENESS -OFFER -OFFERED -OFFERER -OFFERERS -OFFERING -OFFERINGS -OFFERS -OFFHAND -OFFICE -OFFICEMATE -OFFICER -OFFICERS -OFFICES -OFFICIAL -OFFICIALDOM -OFFICIALLY -OFFICIALS -OFFICIATE -OFFICIO -OFFICIOUS -OFFICIOUSLY -OFFICIOUSNESS -OFFING -OFFLOAD -OFFS -OFFSET -OFFSETS -OFFSETTING -OFFSHORE -OFFSPRING -OFT -OFTEN -OFTENTIMES -OGDEN -OHIO -OHM -OHMMETER -OIL -OILCLOTH -OILED -OILER -OILERS -OILIER -OILIEST -OILING -OILS -OILY -OINTMENT -OJIBWA -OKAMOTO -OKAY -OKINAWA -OKLAHOMA -OKLAHOMAN -OLAF -OLAV -OLD -OLDEN -OLDENBURG -OLDER -OLDEST -OLDNESS -OLDSMOBILE -OLDUVAI -OLDY -OLEANDER -OLEG -OLEOMARGARINE -OLGA -OLIGARCHY -OLIGOCENE -OLIN -OLIVE -OLIVER -OLIVERS -OLIVES -OLIVETTI -OLIVIA -OLIVIER -OLSEN -OLSON -OLYMPIA -OLYMPIAN -OLYMPIANIZE -OLYMPIANIZES -OLYMPIC -OLYMPICS -OLYMPUS -OMAHA -OMAN -OMEGA -OMELET -OMEN -OMENS -OMICRON -OMINOUS -OMINOUSLY -OMINOUSNESS -OMISSION -OMISSIONS -OMIT -OMITS -OMITTED -OMITTING -OMNIBUS -OMNIDIRECTIONAL -OMNIPOTENT -OMNIPRESENT -OMNISCIENT -OMNISCIENTLY -OMNIVORE -ONANISM -ONCE -ONCOLOGY -ONE -ONEIDA -ONENESS -ONEROUS -ONES -ONESELF -ONETIME -ONGOING -ONION -ONIONS -ONLINE -ONLOOKER -ONLY -ONONDAGA -ONRUSH -ONSET -ONSETS -ONSLAUGHT -ONTARIO -ONTO -ONTOLOGY -ONUS -ONWARD -ONWARDS -ONYX -OOZE -OOZED -OPACITY -OPAL -OPALS -OPAQUE -OPAQUELY -OPAQUENESS -OPCODE -OPEC -OPEL -OPEN -OPENED -OPENER -OPENERS -OPENING -OPENINGS -OPENLY -OPENNESS -OPENS -OPERA -OPERABLE -OPERAND -OPERANDI -OPERANDS -OPERAS -OPERATE -OPERATED -OPERATES -OPERATING -OPERATION -OPERATIONAL -OPERATIONALLY -OPERATIONS -OPERATIVE -OPERATIVES -OPERATOR -OPERATORS -OPERETTA -OPHIUCHUS -OPHIUCUS -OPIATE -OPINION -OPINIONS -OPIUM -OPOSSUM -OPPENHEIMER -OPPONENT -OPPONENTS -OPPORTUNE -OPPORTUNELY -OPPORTUNISM -OPPORTUNISTIC -OPPORTUNITIES -OPPORTUNITY -OPPOSABLE -OPPOSE -OPPOSED -OPPOSES -OPPOSING -OPPOSITE -OPPOSITELY -OPPOSITENESS -OPPOSITES -OPPOSITION -OPPRESS -OPPRESSED -OPPRESSES -OPPRESSING -OPPRESSION -OPPRESSIVE -OPPRESSOR -OPPRESSORS -OPPROBRIUM -OPT -OPTED -OPTHALMIC -OPTIC -OPTICAL -OPTICALLY -OPTICS -OPTIMA -OPTIMAL -OPTIMALITY -OPTIMALLY -OPTIMISM -OPTIMIST -OPTIMISTIC -OPTIMISTICALLY -OPTIMIZATION -OPTIMIZATIONS -OPTIMIZE -OPTIMIZED -OPTIMIZER -OPTIMIZERS -OPTIMIZES -OPTIMIZING -OPTIMUM -OPTING -OPTION -OPTIONAL -OPTIONALLY -OPTIONS -OPTOACOUSTIC -OPTOMETRIST -OPTOMETRY -OPTS -OPULENCE -OPULENT -OPUS -ORACLE -ORACLES -ORAL -ORALLY -ORANGE -ORANGES -ORANGUTAN -ORATION -ORATIONS -ORATOR -ORATORIES -ORATORS -ORATORY -ORB -ORBIT -ORBITAL -ORBITALLY -ORBITED -ORBITER -ORBITERS -ORBITING -ORBITS -ORCHARD -ORCHARDS -ORCHESTRA -ORCHESTRAL -ORCHESTRAS -ORCHESTRATE -ORCHID -ORCHIDS -ORDAIN -ORDAINED -ORDAINING -ORDAINS -ORDEAL -ORDER -ORDERED -ORDERING -ORDERINGS -ORDERLIES -ORDERLY -ORDERS -ORDINAL -ORDINANCE -ORDINANCES -ORDINARILY -ORDINARINESS -ORDINARY -ORDINATE -ORDINATES -ORDINATION -ORE -OREGANO -OREGON -OREGONIANS -ORES -ORESTEIA -ORESTES -ORGAN -ORGANIC -ORGANISM -ORGANISMS -ORGANIST -ORGANISTS -ORGANIZABLE -ORGANIZATION -ORGANIZATIONAL -ORGANIZATIONALLY -ORGANIZATIONS -ORGANIZE -ORGANIZED -ORGANIZER -ORGANIZERS -ORGANIZES -ORGANIZING -ORGANS -ORGASM -ORGIASTIC -ORGIES -ORGY -ORIENT -ORIENTAL -ORIENTALIZATION -ORIENTALIZATIONS -ORIENTALIZE -ORIENTALIZED -ORIENTALIZES -ORIENTALIZING -ORIENTALS -ORIENTATION -ORIENTATIONS -ORIENTED -ORIENTING -ORIENTS -ORIFICE -ORIFICES -ORIGIN -ORIGINAL -ORIGINALITY -ORIGINALLY -ORIGINALS -ORIGINATE -ORIGINATED -ORIGINATES -ORIGINATING -ORIGINATION -ORIGINATOR -ORIGINATORS -ORIGINS -ORIN -ORINOCO -ORIOLE -ORION -ORKNEY -ORLANDO -ORLEANS -ORLICK -ORLY -ORNAMENT -ORNAMENTAL -ORNAMENTALLY -ORNAMENTATION -ORNAMENTED -ORNAMENTING -ORNAMENTS -ORNATE -ORNERY -ORONO -ORPHAN -ORPHANAGE -ORPHANED -ORPHANS -ORPHEUS -ORPHIC -ORPHICALLY -ORR -ORTEGA -ORTHANT -ORTHODONTIST -ORTHODOX -ORTHODOXY -ORTHOGONAL -ORTHOGONALITY -ORTHOGONALLY -ORTHOPEDIC -ORVILLE -ORWELL -ORWELLIAN -OSAKA -OSBERT -OSBORN -OSBORNE -OSCAR -OSCILLATE -OSCILLATED -OSCILLATES -OSCILLATING -OSCILLATION -OSCILLATIONS -OSCILLATOR -OSCILLATORS -OSCILLATORY -OSCILLOSCOPE -OSCILLOSCOPES -OSGOOD -OSHKOSH -OSIRIS -OSLO -OSMOSIS -OSMOTIC -OSSIFY -OSTENSIBLE -OSTENSIBLY -OSTENTATIOUS -OSTEOPATH -OSTEOPATHIC -OSTEOPATHY -OSTEOPOROSIS -OSTRACISM -OSTRANDER -OSTRICH -OSTRICHES -OSWALD -OTHELLO -OTHER -OTHERS -OTHERWISE -OTHERWORLDLY -OTIS -OTT -OTTAWA -OTTER -OTTERS -OTTO -OTTOMAN -OTTOMANIZATION -OTTOMANIZATIONS -OTTOMANIZE -OTTOMANIZES -OUAGADOUGOU -OUCH -OUGHT -OUNCE -OUNCES -OUR -OURS -OURSELF -OURSELVES -OUST -OUT -OUTBOUND -OUTBREAK -OUTBREAKS -OUTBURST -OUTBURSTS -OUTCAST -OUTCASTS -OUTCOME -OUTCOMES -OUTCRIES -OUTCRY -OUTDATED -OUTDO -OUTDOOR -OUTDOORS -OUTER -OUTERMOST -OUTFIT -OUTFITS -OUTFITTED -OUTGOING -OUTGREW -OUTGROW -OUTGROWING -OUTGROWN -OUTGROWS -OUTGROWTH -OUTING -OUTLANDISH -OUTLAST -OUTLASTS -OUTLAW -OUTLAWED -OUTLAWING -OUTLAWS -OUTLAY -OUTLAYS -OUTLET -OUTLETS -OUTLINE -OUTLINED -OUTLINES -OUTLINING -OUTLIVE -OUTLIVED -OUTLIVES -OUTLIVING -OUTLOOK -OUTLYING -OUTNUMBERED -OUTPERFORM -OUTPERFORMED -OUTPERFORMING -OUTPERFORMS -OUTPOST -OUTPOSTS -OUTPUT -OUTPUTS -OUTPUTTING -OUTRAGE -OUTRAGED -OUTRAGEOUS -OUTRAGEOUSLY -OUTRAGES -OUTRIGHT -OUTRUN -OUTRUNS -OUTS -OUTSET -OUTSIDE -OUTSIDER -OUTSIDERS -OUTSKIRTS -OUTSTANDING -OUTSTANDINGLY -OUTSTRETCHED -OUTSTRIP -OUTSTRIPPED -OUTSTRIPPING -OUTSTRIPS -OUTVOTE -OUTVOTED -OUTVOTES -OUTVOTING -OUTWARD -OUTWARDLY -OUTWEIGH -OUTWEIGHED -OUTWEIGHING -OUTWEIGHS -OUTWIT -OUTWITS -OUTWITTED -OUTWITTING -OVAL -OVALS -OVARIES -OVARY -OVEN -OVENS -OVER -OVERALL -OVERALLS -OVERBOARD -OVERCAME -OVERCOAT -OVERCOATS -OVERCOME -OVERCOMES -OVERCOMING -OVERCROWD -OVERCROWDED -OVERCROWDING -OVERCROWDS -OVERDONE -OVERDOSE -OVERDRAFT -OVERDRAFTS -OVERDUE -OVEREMPHASIS -OVEREMPHASIZED -OVERESTIMATE -OVERESTIMATED -OVERESTIMATES -OVERESTIMATING -OVERESTIMATION -OVERFLOW -OVERFLOWED -OVERFLOWING -OVERFLOWS -OVERGROWN -OVERHANG -OVERHANGING -OVERHANGS -OVERHAUL -OVERHAULING -OVERHEAD -OVERHEADS -OVERHEAR -OVERHEARD -OVERHEARING -OVERHEARS -OVERJOY -OVERJOYED -OVERKILL -OVERLAND -OVERLAP -OVERLAPPED -OVERLAPPING -OVERLAPS -OVERLAY -OVERLAYING -OVERLAYS -OVERLOAD -OVERLOADED -OVERLOADING -OVERLOADS -OVERLOOK -OVERLOOKED -OVERLOOKING -OVERLOOKS -OVERLY -OVERNIGHT -OVERNIGHTER -OVERNIGHTERS -OVERPOWER -OVERPOWERED -OVERPOWERING -OVERPOWERS -OVERPRINT -OVERPRINTED -OVERPRINTING -OVERPRINTS -OVERPRODUCTION -OVERRIDDEN -OVERRIDE -OVERRIDES -OVERRIDING -OVERRODE -OVERRULE -OVERRULED -OVERRULES -OVERRUN -OVERRUNNING -OVERRUNS -OVERSEAS -OVERSEE -OVERSEEING -OVERSEER -OVERSEERS -OVERSEES -OVERSHADOW -OVERSHADOWED -OVERSHADOWING -OVERSHADOWS -OVERSHOOT -OVERSHOT -OVERSIGHT -OVERSIGHTS -OVERSIMPLIFIED -OVERSIMPLIFIES -OVERSIMPLIFY -OVERSIMPLIFYING -OVERSIZED -OVERSTATE -OVERSTATED -OVERSTATEMENT -OVERSTATEMENTS -OVERSTATES -OVERSTATING -OVERSTOCKS -OVERSUBSCRIBED -OVERT -OVERTAKE -OVERTAKEN -OVERTAKER -OVERTAKERS -OVERTAKES -OVERTAKING -OVERTHREW -OVERTHROW -OVERTHROWN -OVERTIME -OVERTLY -OVERTONE -OVERTONES -OVERTOOK -OVERTURE -OVERTURES -OVERTURN -OVERTURNED -OVERTURNING -OVERTURNS -OVERUSE -OVERVIEW -OVERVIEWS -OVERWHELM -OVERWHELMED -OVERWHELMING -OVERWHELMINGLY -OVERWHELMS -OVERWORK -OVERWORKED -OVERWORKING -OVERWORKS -OVERWRITE -OVERWRITES -OVERWRITING -OVERWRITTEN -OVERZEALOUS -OVID -OWE -OWED -OWEN -OWENS -OWES -OWING -OWL -OWLS -OWN -OWNED -OWNER -OWNERS -OWNERSHIP -OWNERSHIPS -OWNING -OWNS -OXEN -OXFORD -OXIDE -OXIDES -OXIDIZE -OXIDIZED -OXNARD -OXONIAN -OXYGEN -OYSTER -OYSTERS -OZARK -OZARKS -OZONE -OZZIE -PABLO -PABST -PACE -PACED -PACEMAKER -PACER -PACERS -PACES -PACIFIC -PACIFICATION -PACIFIED -PACIFIER -PACIFIES -PACIFISM -PACIFIST -PACIFY -PACING -PACK -PACKAGE -PACKAGED -PACKAGER -PACKAGERS -PACKAGES -PACKAGING -PACKAGINGS -PACKARD -PACKARDS -PACKED -PACKER -PACKERS -PACKET -PACKETS -PACKING -PACKS -PACKWOOD -PACT -PACTS -PAD -PADDED -PADDING -PADDLE -PADDOCK -PADDY -PADLOCK -PADS -PAGAN -PAGANINI -PAGANS -PAGE -PAGEANT -PAGEANTRY -PAGEANTS -PAGED -PAGER -PAGERS -PAGES -PAGINATE -PAGINATED -PAGINATES -PAGINATING -PAGINATION -PAGING -PAGODA -PAID -PAIL -PAILS -PAIN -PAINE -PAINED -PAINFUL -PAINFULLY -PAINLESS -PAINS -PAINSTAKING -PAINSTAKINGLY -PAINT -PAINTED -PAINTER -PAINTERS -PAINTING -PAINTINGS -PAINTS -PAIR -PAIRED -PAIRING -PAIRINGS -PAIRS -PAIRWISE -PAJAMA -PAJAMAS -PAKISTAN -PAKISTANI -PAKISTANIS -PAL -PALACE -PALACES -PALATE -PALATES -PALATINE -PALE -PALED -PALELY -PALENESS -PALEOLITHIC -PALEOZOIC -PALER -PALERMO -PALES -PALEST -PALESTINE -PALESTINIAN -PALFREY -PALINDROME -PALINDROMIC -PALING -PALL -PALLADIAN -PALLADIUM -PALLIATE -PALLIATIVE -PALLID -PALM -PALMED -PALMER -PALMING -PALMOLIVE -PALMS -PALMYRA -PALO -PALOMAR -PALPABLE -PALS -PALSY -PAM -PAMELA -PAMPER -PAMPHLET -PAMPHLETS -PAN -PANACEA -PANACEAS -PANAMA -PANAMANIAN -PANCAKE -PANCAKES -PANCHO -PANDA -PANDANUS -PANDAS -PANDEMIC -PANDEMONIUM -PANDER -PANDORA -PANE -PANEL -PANELED -PANELING -PANELIST -PANELISTS -PANELS -PANES -PANG -PANGAEA -PANGS -PANIC -PANICKED -PANICKING -PANICKY -PANICS -PANNED -PANNING -PANORAMA -PANORAMIC -PANS -PANSIES -PANSY -PANT -PANTED -PANTHEISM -PANTHEIST -PANTHEON -PANTHER -PANTHERS -PANTIES -PANTING -PANTOMIME -PANTRIES -PANTRY -PANTS -PANTY -PANTYHOSE -PAOLI -PAPA -PAPAL -PAPER -PAPERBACK -PAPERBACKS -PAPERED -PAPERER -PAPERERS -PAPERING -PAPERINGS -PAPERS -PAPERWEIGHT -PAPERWORK -PAPOOSE -PAPPAS -PAPUA -PAPYRUS -PAR -PARABOLA -PARABOLIC -PARABOLOID -PARABOLOIDAL -PARACHUTE -PARACHUTED -PARACHUTES -PARADE -PARADED -PARADES -PARADIGM -PARADIGMS -PARADING -PARADISE -PARADOX -PARADOXES -PARADOXICAL -PARADOXICALLY -PARAFFIN -PARAGON -PARAGONS -PARAGRAPH -PARAGRAPHING -PARAGRAPHS -PARAGUAY -PARAGUAYAN -PARAGUAYANS -PARAKEET -PARALLAX -PARALLEL -PARALLELED -PARALLELING -PARALLELISM -PARALLELIZE -PARALLELIZED -PARALLELIZES -PARALLELIZING -PARALLELOGRAM -PARALLELOGRAMS -PARALLELS -PARALYSIS -PARALYZE -PARALYZED -PARALYZES -PARALYZING -PARAMETER -PARAMETERIZABLE -PARAMETERIZATION -PARAMETERIZATIONS -PARAMETERIZE -PARAMETERIZED -PARAMETERIZES -PARAMETERIZING -PARAMETERLESS -PARAMETERS -PARAMETRIC -PARAMETRIZED -PARAMILITARY -PARAMOUNT -PARAMUS -PARANOIA -PARANOIAC -PARANOID -PARANORMAL -PARAPET -PARAPETS -PARAPHERNALIA -PARAPHRASE -PARAPHRASED -PARAPHRASES -PARAPHRASING -PARAPSYCHOLOGY -PARASITE -PARASITES -PARASITIC -PARASITICS -PARASOL -PARBOIL -PARC -PARCEL -PARCELED -PARCELING -PARCELS -PARCH -PARCHED -PARCHMENT -PARDON -PARDONABLE -PARDONABLY -PARDONED -PARDONER -PARDONERS -PARDONING -PARDONS -PARE -PAREGORIC -PARENT -PARENTAGE -PARENTAL -PARENTHESES -PARENTHESIS -PARENTHESIZED -PARENTHESIZES -PARENTHESIZING -PARENTHETIC -PARENTHETICAL -PARENTHETICALLY -PARENTHOOD -PARENTS -PARES -PARETO -PARIAH -PARIMUTUEL -PARING -PARINGS -PARIS -PARISH -PARISHES -PARISHIONER -PARISIAN -PARISIANIZATION -PARISIANIZATIONS -PARISIANIZE -PARISIANIZES -PARITY -PARK -PARKE -PARKED -PARKER -PARKERS -PARKERSBURG -PARKHOUSE -PARKING -PARKINSON -PARKINSONIAN -PARKLAND -PARKLIKE -PARKS -PARKWAY -PARLAY -PARLEY -PARLIAMENT -PARLIAMENTARIAN -PARLIAMENTARY -PARLIAMENTS -PARLOR -PARLORS -PARMESAN -PAROCHIAL -PARODY -PAROLE -PAROLED -PAROLES -PAROLING -PARR -PARRIED -PARRISH -PARROT -PARROTING -PARROTS -PARRS -PARRY -PARS -PARSE -PARSED -PARSER -PARSERS -PARSES -PARSI -PARSIFAL -PARSIMONY -PARSING -PARSINGS -PARSLEY -PARSON -PARSONS -PART -PARTAKE -PARTAKER -PARTAKES -PARTAKING -PARTED -PARTER -PARTERS -PARTHENON -PARTHIA -PARTIAL -PARTIALITY -PARTIALLY -PARTICIPANT -PARTICIPANTS -PARTICIPATE -PARTICIPATED -PARTICIPATES -PARTICIPATING -PARTICIPATION -PARTICIPLE -PARTICLE -PARTICLES -PARTICULAR -PARTICULARLY -PARTICULARS -PARTICULATE -PARTIES -PARTING -PARTINGS -PARTISAN -PARTISANS -PARTITION -PARTITIONED -PARTITIONING -PARTITIONS -PARTLY -PARTNER -PARTNERED -PARTNERS -PARTNERSHIP -PARTOOK -PARTRIDGE -PARTRIDGES -PARTS -PARTY -PASADENA -PASCAL -PASCAL -PASO -PASS -PASSAGE -PASSAGES -PASSAGEWAY -PASSAIC -PASSE -PASSED -PASSENGER -PASSENGERS -PASSER -PASSERS -PASSES -PASSING -PASSION -PASSIONATE -PASSIONATELY -PASSIONS -PASSIVATE -PASSIVE -PASSIVELY -PASSIVENESS -PASSIVITY -PASSOVER -PASSPORT -PASSPORTS -PASSWORD -PASSWORDS -PAST -PASTE -PASTED -PASTEL -PASTERNAK -PASTES -PASTEUR -PASTIME -PASTIMES -PASTING -PASTNESS -PASTOR -PASTORAL -PASTORS -PASTRY -PASTS -PASTURE -PASTURES -PAT -PATAGONIA -PATAGONIANS -PATCH -PATCHED -PATCHES -PATCHING -PATCHWORK -PATCHY -PATE -PATEN -PATENT -PATENTABLE -PATENTED -PATENTER -PATENTERS -PATENTING -PATENTLY -PATENTS -PATERNAL -PATERNALLY -PATERNOSTER -PATERSON -PATH -PATHETIC -PATHNAME -PATHNAMES -PATHOGEN -PATHOGENESIS -PATHOLOGICAL -PATHOLOGY -PATHOS -PATHS -PATHWAY -PATHWAYS -PATIENCE -PATIENT -PATIENTLY -PATIENTS -PATINA -PATIO -PATRIARCH -PATRIARCHAL -PATRIARCHS -PATRIARCHY -PATRICE -PATRICIA -PATRICIAN -PATRICIANS -PATRICK -PATRIMONIAL -PATRIMONY -PATRIOT -PATRIOTIC -PATRIOTISM -PATRIOTS -PATROL -PATROLLED -PATROLLING -PATROLMAN -PATROLMEN -PATROLS -PATRON -PATRONAGE -PATRONIZE -PATRONIZED -PATRONIZES -PATRONIZING -PATRONS -PATS -PATSIES -PATSY -PATTER -PATTERED -PATTERING -PATTERINGS -PATTERN -PATTERNED -PATTERNING -PATTERNS -PATTERS -PATTERSON -PATTI -PATTIES -PATTON -PATTY -PAUCITY -PAUL -PAULA -PAULETTE -PAULI -PAULINE -PAULING -PAULINIZE -PAULINIZES -PAULO -PAULSEN -PAULSON -PAULUS -PAUNCH -PAUNCHY -PAUPER -PAUSE -PAUSED -PAUSES -PAUSING -PAVE -PAVED -PAVEMENT -PAVEMENTS -PAVES -PAVILION -PAVILIONS -PAVING -PAVLOV -PAVLOVIAN -PAW -PAWING -PAWN -PAWNS -PAWNSHOP -PAWS -PAWTUCKET -PAY -PAYABLE -PAYCHECK -PAYCHECKS -PAYED -PAYER -PAYERS -PAYING -PAYMENT -PAYMENTS -PAYNE -PAYNES -PAYNIZE -PAYNIZES -PAYOFF -PAYOFFS -PAYROLL -PAYS -PAYSON -PAZ -PEA -PEABODY -PEACE -PEACEABLE -PEACEFUL -PEACEFULLY -PEACEFULNESS -PEACETIME -PEACH -PEACHES -PEACHTREE -PEACOCK -PEACOCKS -PEAK -PEAKED -PEAKS -PEAL -PEALE -PEALED -PEALING -PEALS -PEANUT -PEANUTS -PEAR -PEARCE -PEARL -PEARLS -PEARLY -PEARS -PEARSON -PEAS -PEASANT -PEASANTRY -PEASANTS -PEASE -PEAT -PEBBLE -PEBBLES -PECCARY -PECK -PECKED -PECKING -PECKS -PECOS -PECTORAL -PECULIAR -PECULIARITIES -PECULIARITY -PECULIARLY -PECUNIARY -PEDAGOGIC -PEDAGOGICAL -PEDAGOGICALLY -PEDAGOGY -PEDAL -PEDANT -PEDANTIC -PEDANTRY -PEDDLE -PEDDLER -PEDDLERS -PEDESTAL -PEDESTRIAN -PEDESTRIANS -PEDIATRIC -PEDIATRICIAN -PEDIATRICS -PEDIGREE -PEDRO -PEEK -PEEKED -PEEKING -PEEKS -PEEL -PEELED -PEELING -PEELS -PEEP -PEEPED -PEEPER -PEEPHOLE -PEEPING -PEEPS -PEER -PEERED -PEERING -PEERLESS -PEERS -PEG -PEGASUS -PEGBOARD -PEGGY -PEGS -PEIPING -PEJORATIVE -PEKING -PELHAM -PELICAN -PELLAGRA -PELOPONNESE -PELT -PELTING -PELTS -PELVIC -PELVIS -PEMBROKE -PEN -PENAL -PENALIZE -PENALIZED -PENALIZES -PENALIZING -PENALTIES -PENALTY -PENANCE -PENCE -PENCHANT -PENCIL -PENCILED -PENCILS -PEND -PENDANT -PENDED -PENDING -PENDLETON -PENDS -PENDULUM -PENDULUMS -PENELOPE -PENETRABLE -PENETRATE -PENETRATED -PENETRATES -PENETRATING -PENETRATINGLY -PENETRATION -PENETRATIONS -PENETRATIVE -PENETRATOR -PENETRATORS -PENGUIN -PENGUINS -PENH -PENICILLIN -PENINSULA -PENINSULAS -PENIS -PENISES -PENITENT -PENITENTIARY -PENN -PENNED -PENNIES -PENNILESS -PENNING -PENNSYLVANIA -PENNY -PENROSE -PENS -PENSACOLA -PENSION -PENSIONER -PENSIONS -PENSIVE -PENT -PENTAGON -PENTAGONS -PENTATEUCH -PENTECOST -PENTECOSTAL -PENTHOUSE -PENULTIMATE -PENUMBRA -PEONY -PEOPLE -PEOPLED -PEOPLES -PEORIA -PEP -PEPPER -PEPPERED -PEPPERING -PEPPERMINT -PEPPERONI -PEPPERS -PEPPERY -PEPPY -PEPSI -PEPSICO -PEPSICO -PEPTIDE -PER -PERCEIVABLE -PERCEIVABLY -PERCEIVE -PERCEIVED -PERCEIVER -PERCEIVERS -PERCEIVES -PERCEIVING -PERCENT -PERCENTAGE -PERCENTAGES -PERCENTILE -PERCENTILES -PERCENTS -PERCEPTIBLE -PERCEPTIBLY -PERCEPTION -PERCEPTIONS -PERCEPTIVE -PERCEPTIVELY -PERCEPTUAL -PERCEPTUALLY -PERCH -PERCHANCE -PERCHED -PERCHES -PERCHING -PERCIVAL -PERCUSSION -PERCUTANEOUS -PERCY -PEREMPTORY -PERENNIAL -PERENNIALLY -PEREZ -PERFECT -PERFECTED -PERFECTIBLE -PERFECTING -PERFECTION -PERFECTIONIST -PERFECTIONISTS -PERFECTLY -PERFECTNESS -PERFECTS -PERFORCE -PERFORM -PERFORMANCE -PERFORMANCES -PERFORMED -PERFORMER -PERFORMERS -PERFORMING -PERFORMS -PERFUME -PERFUMED -PERFUMES -PERFUMING -PERFUNCTORY -PERGAMON -PERHAPS -PERICLEAN -PERICLES -PERIHELION -PERIL -PERILLA -PERILOUS -PERILOUSLY -PERILS -PERIMETER -PERIOD -PERIODIC -PERIODICAL -PERIODICALLY -PERIODICALS -PERIODS -PERIPHERAL -PERIPHERALLY -PERIPHERALS -PERIPHERIES -PERIPHERY -PERISCOPE -PERISH -PERISHABLE -PERISHABLES -PERISHED -PERISHER -PERISHERS -PERISHES -PERISHING -PERJURE -PERJURY -PERK -PERKINS -PERKY -PERLE -PERMANENCE -PERMANENT -PERMANENTLY -PERMEABLE -PERMEATE -PERMEATED -PERMEATES -PERMEATING -PERMEATION -PERMIAN -PERMISSIBILITY -PERMISSIBLE -PERMISSIBLY -PERMISSION -PERMISSIONS -PERMISSIVE -PERMISSIVELY -PERMIT -PERMITS -PERMITTED -PERMITTING -PERMUTATION -PERMUTATIONS -PERMUTE -PERMUTED -PERMUTES -PERMUTING -PERNICIOUS -PERNOD -PEROXIDE -PERPENDICULAR -PERPENDICULARLY -PERPENDICULARS -PERPETRATE -PERPETRATED -PERPETRATES -PERPETRATING -PERPETRATION -PERPETRATIONS -PERPETRATOR -PERPETRATORS -PERPETUAL -PERPETUALLY -PERPETUATE -PERPETUATED -PERPETUATES -PERPETUATING -PERPETUATION -PERPETUITY -PERPLEX -PERPLEXED -PERPLEXING -PERPLEXITY -PERRY -PERSECUTE -PERSECUTED -PERSECUTES -PERSECUTING -PERSECUTION -PERSECUTOR -PERSECUTORS -PERSEID -PERSEPHONE -PERSEUS -PERSEVERANCE -PERSEVERE -PERSEVERED -PERSEVERES -PERSEVERING -PERSHING -PERSIA -PERSIAN -PERSIANIZATION -PERSIANIZATIONS -PERSIANIZE -PERSIANIZES -PERSIANS -PERSIST -PERSISTED -PERSISTENCE -PERSISTENT -PERSISTENTLY -PERSISTING -PERSISTS -PERSON -PERSONAGE -PERSONAGES -PERSONAL -PERSONALITIES -PERSONALITY -PERSONALIZATION -PERSONALIZE -PERSONALIZED -PERSONALIZES -PERSONALIZING -PERSONALLY -PERSONIFICATION -PERSONIFIED -PERSONIFIES -PERSONIFY -PERSONIFYING -PERSONNEL -PERSONS -PERSPECTIVE -PERSPECTIVES -PERSPICUOUS -PERSPICUOUSLY -PERSPIRATION -PERSPIRE -PERSUADABLE -PERSUADE -PERSUADED -PERSUADER -PERSUADERS -PERSUADES -PERSUADING -PERSUASION -PERSUASIONS -PERSUASIVE -PERSUASIVELY -PERSUASIVENESS -PERTAIN -PERTAINED -PERTAINING -PERTAINS -PERTH -PERTINENT -PERTURB -PERTURBATION -PERTURBATIONS -PERTURBED -PERU -PERUSAL -PERUSE -PERUSED -PERUSER -PERUSERS -PERUSES -PERUSING -PERUVIAN -PERUVIANIZE -PERUVIANIZES -PERUVIANS -PERVADE -PERVADED -PERVADES -PERVADING -PERVASIVE -PERVASIVELY -PERVERSION -PERVERT -PERVERTED -PERVERTS -PESSIMISM -PESSIMIST -PESSIMISTIC -PEST -PESTER -PESTICIDE -PESTILENCE -PESTILENT -PESTS -PET -PETAL -PETALS -PETE -PETER -PETERS -PETERSBURG -PETERSEN -PETERSON -PETITION -PETITIONED -PETITIONER -PETITIONING -PETITIONS -PETKIEWICZ -PETRI -PETROLEUM -PETS -PETTED -PETTER -PETTERS -PETTIBONE -PETTICOAT -PETTICOATS -PETTINESS -PETTING -PETTY -PETULANCE -PETULANT -PEUGEOT -PEW -PEWAUKEE -PEWS -PEWTER -PFIZER -PHAEDRA -PHANTOM -PHANTOMS -PHARMACEUTIC -PHARMACIST -PHARMACOLOGY -PHARMACOPOEIA -PHARMACY -PHASE -PHASED -PHASER -PHASERS -PHASES -PHASING -PHEASANT -PHEASANTS -PHELPS -PHENOMENA -PHENOMENAL -PHENOMENALLY -PHENOMENOLOGICAL -PHENOMENOLOGICALLY -PHENOMENOLOGIES -PHENOMENOLOGY -PHENOMENON -PHI -PHIGS -PHIL -PHILADELPHIA -PHILANTHROPY -PHILCO -PHILHARMONIC -PHILIP -PHILIPPE -PHILIPPIANS -PHILIPPINE -PHILIPPINES -PHILISTINE -PHILISTINES -PHILISTINIZE -PHILISTINIZES -PHILLIES -PHILLIP -PHILLIPS -PHILLY -PHILOSOPHER -PHILOSOPHERS -PHILOSOPHIC -PHILOSOPHICAL -PHILOSOPHICALLY -PHILOSOPHIES -PHILOSOPHIZE -PHILOSOPHIZED -PHILOSOPHIZER -PHILOSOPHIZERS -PHILOSOPHIZES -PHILOSOPHIZING -PHILOSOPHY -PHIPPS -PHOBOS -PHOENICIA -PHOENIX -PHONE -PHONED -PHONEME -PHONEMES -PHONEMIC -PHONES -PHONETIC -PHONETICS -PHONING -PHONOGRAPH -PHONOGRAPHS -PHONY -PHOSGENE -PHOSPHATE -PHOSPHATES -PHOSPHOR -PHOSPHORESCENT -PHOSPHORIC -PHOSPHORUS -PHOTO -PHOTOCOPIED -PHOTOCOPIER -PHOTOCOPIERS -PHOTOCOPIES -PHOTOCOPY -PHOTOCOPYING -PHOTODIODE -PHOTODIODES -PHOTOGENIC -PHOTOGRAPH -PHOTOGRAPHED -PHOTOGRAPHER -PHOTOGRAPHERS -PHOTOGRAPHIC -PHOTOGRAPHING -PHOTOGRAPHS -PHOTOGRAPHY -PHOTON -PHOTOS -PHOTOSENSITIVE -PHOTOTYPESETTER -PHOTOTYPESETTERS -PHRASE -PHRASED -PHRASEOLOGY -PHRASES -PHRASING -PHRASINGS -PHYLA -PHYLLIS -PHYLUM -PHYSIC -PHYSICAL -PHYSICALLY -PHYSICALNESS -PHYSICALS -PHYSICIAN -PHYSICIANS -PHYSICIST -PHYSICISTS -PHYSICS -PHYSIOLOGICAL -PHYSIOLOGICALLY -PHYSIOLOGY -PHYSIOTHERAPIST -PHYSIOTHERAPY -PHYSIQUE -PHYTOPLANKTON -PIANIST -PIANO -PIANOS -PICA -PICAS -PICASSO -PICAYUNE -PICCADILLY -PICCOLO -PICK -PICKAXE -PICKED -PICKER -PICKERING -PICKERS -PICKET -PICKETED -PICKETER -PICKETERS -PICKETING -PICKETS -PICKETT -PICKFORD -PICKING -PICKINGS -PICKLE -PICKLED -PICKLES -PICKLING -PICKMAN -PICKS -PICKUP -PICKUPS -PICKY -PICNIC -PICNICKED -PICNICKING -PICNICS -PICOFARAD -PICOJOULE -PICOSECOND -PICT -PICTORIAL -PICTORIALLY -PICTURE -PICTURED -PICTURES -PICTURESQUE -PICTURESQUENESS -PICTURING -PIDDLE -PIDGIN -PIE -PIECE -PIECED -PIECEMEAL -PIECES -PIECEWISE -PIECING -PIEDFORT -PIEDMONT -PIER -PIERCE -PIERCED -PIERCES -PIERCING -PIERRE -PIERS -PIERSON -PIES -PIETY -PIEZOELECTRIC -PIG -PIGEON -PIGEONHOLE -PIGEONS -PIGGISH -PIGGY -PIGGYBACK -PIGGYBACKED -PIGGYBACKING -PIGGYBACKS -PIGMENT -PIGMENTATION -PIGMENTED -PIGMENTS -PIGPEN -PIGS -PIGSKIN -PIGTAIL -PIKE -PIKER -PIKES -PILATE -PILE -PILED -PILERS -PILES -PILFER -PILFERAGE -PILGRIM -PILGRIMAGE -PILGRIMAGES -PILGRIMS -PILING -PILINGS -PILL -PILLAGE -PILLAGED -PILLAR -PILLARED -PILLARS -PILLORY -PILLOW -PILLOWS -PILLS -PILLSBURY -PILOT -PILOTING -PILOTS -PIMP -PIMPLE -PIN -PINAFORE -PINBALL -PINCH -PINCHED -PINCHES -PINCHING -PINCUSHION -PINE -PINEAPPLE -PINEAPPLES -PINED -PINEHURST -PINES -PING -PINHEAD -PINHOLE -PINING -PINION -PINK -PINKER -PINKEST -PINKIE -PINKISH -PINKLY -PINKNESS -PINKS -PINNACLE -PINNACLES -PINNED -PINNING -PINNINGS -PINOCHLE -PINPOINT -PINPOINTING -PINPOINTS -PINS -PINSCHER -PINSKY -PINT -PINTO -PINTS -PINWHEEL -PION -PIONEER -PIONEERED -PIONEERING -PIONEERS -PIOTR -PIOUS -PIOUSLY -PIP -PIPE -PIPED -PIPELINE -PIPELINED -PIPELINES -PIPELINING -PIPER -PIPERS -PIPES -PIPESTONE -PIPETTE -PIPING -PIQUE -PIRACY -PIRAEUS -PIRATE -PIRATES -PISA -PISCATAWAY -PISCES -PISS -PISTACHIO -PISTIL -PISTILS -PISTOL -PISTOLS -PISTON -PISTONS -PIT -PITCH -PITCHED -PITCHER -PITCHERS -PITCHES -PITCHFORK -PITCHING -PITEOUS -PITEOUSLY -PITFALL -PITFALLS -PITH -PITHED -PITHES -PITHIER -PITHIEST -PITHINESS -PITHING -PITHY -PITIABLE -PITIED -PITIER -PITIERS -PITIES -PITIFUL -PITIFULLY -PITILESS -PITILESSLY -PITNEY -PITS -PITT -PITTED -PITTSBURGH -PITTSBURGHERS -PITTSFIELD -PITTSTON -PITUITARY -PITY -PITYING -PITYINGLY -PIUS -PIVOT -PIVOTAL -PIVOTING -PIVOTS -PIXEL -PIXELS -PIZARRO -PIZZA -PLACARD -PLACARDS -PLACATE -PLACE -PLACEBO -PLACED -PLACEHOLDER -PLACEMENT -PLACEMENTS -PLACENTA -PLACENTAL -PLACER -PLACES -PLACID -PLACIDLY -PLACING -PLAGIARISM -PLAGIARIST -PLAGUE -PLAGUED -PLAGUES -PLAGUING -PLAID -PLAIDS -PLAIN -PLAINER -PLAINEST -PLAINFIELD -PLAINLY -PLAINNESS -PLAINS -PLAINTEXT -PLAINTEXTS -PLAINTIFF -PLAINTIFFS -PLAINTIVE -PLAINTIVELY -PLAINTIVENESS -PLAINVIEW -PLAIT -PLAITS -PLAN -PLANAR -PLANARITY -PLANCK -PLANE -PLANED -PLANELOAD -PLANER -PLANERS -PLANES -PLANET -PLANETARIA -PLANETARIUM -PLANETARY -PLANETESIMAL -PLANETOID -PLANETS -PLANING -PLANK -PLANKING -PLANKS -PLANKTON -PLANNED -PLANNER -PLANNERS -PLANNING -PLANOCONCAVE -PLANOCONVEX -PLANS -PLANT -PLANTATION -PLANTATIONS -PLANTED -PLANTER -PLANTERS -PLANTING -PLANTINGS -PLANTS -PLAQUE -PLASMA -PLASTER -PLASTERED -PLASTERER -PLASTERING -PLASTERS -PLASTIC -PLASTICITY -PLASTICS -PLATE -PLATEAU -PLATEAUS -PLATED -PLATELET -PLATELETS -PLATEN -PLATENS -PLATES -PLATFORM -PLATFORMS -PLATING -PLATINUM -PLATITUDE -PLATO -PLATONIC -PLATONISM -PLATONIST -PLATOON -PLATTE -PLATTER -PLATTERS -PLATTEVILLE -PLAUSIBILITY -PLAUSIBLE -PLAY -PLAYABLE -PLAYBACK -PLAYBOY -PLAYED -PLAYER -PLAYERS -PLAYFUL -PLAYFULLY -PLAYFULNESS -PLAYGROUND -PLAYGROUNDS -PLAYHOUSE -PLAYING -PLAYMATE -PLAYMATES -PLAYOFF -PLAYROOM -PLAYS -PLAYTHING -PLAYTHINGS -PLAYTIME -PLAYWRIGHT -PLAYWRIGHTS -PLAYWRITING -PLAZA -PLEA -PLEAD -PLEADED -PLEADER -PLEADING -PLEADS -PLEAS -PLEASANT -PLEASANTLY -PLEASANTNESS -PLEASE -PLEASED -PLEASES -PLEASING -PLEASINGLY -PLEASURE -PLEASURES -PLEAT -PLEBEIAN -PLEBIAN -PLEBISCITE -PLEBISCITES -PLEDGE -PLEDGED -PLEDGES -PLEIADES -PLEISTOCENE -PLENARY -PLENIPOTENTIARY -PLENTEOUS -PLENTIFUL -PLENTIFULLY -PLENTY -PLETHORA -PLEURISY -PLEXIGLAS -PLIABLE -PLIANT -PLIED -PLIERS -PLIES -PLIGHT -PLINY -PLIOCENE -PLOD -PLODDING -PLOT -PLOTS -PLOTTED -PLOTTER -PLOTTERS -PLOTTING -PLOW -PLOWED -PLOWER -PLOWING -PLOWMAN -PLOWS -PLOWSHARE -PLOY -PLOYS -PLUCK -PLUCKED -PLUCKING -PLUCKS -PLUCKY -PLUG -PLUGGABLE -PLUGGED -PLUGGING -PLUGS -PLUM -PLUMAGE -PLUMB -PLUMBED -PLUMBING -PLUMBS -PLUME -PLUMED -PLUMES -PLUMMET -PLUMMETING -PLUMP -PLUMPED -PLUMPNESS -PLUMS -PLUNDER -PLUNDERED -PLUNDERER -PLUNDERERS -PLUNDERING -PLUNDERS -PLUNGE -PLUNGED -PLUNGER -PLUNGERS -PLUNGES -PLUNGING -PLUNK -PLURAL -PLURALITY -PLURALS -PLUS -PLUSES -PLUSH -PLUTARCH -PLUTO -PLUTONIUM -PLY -PLYMOUTH -PLYWOOD -PNEUMATIC -PNEUMONIA -POACH -POACHER -POACHES -POCAHONTAS -POCKET -POCKETBOOK -POCKETBOOKS -POCKETED -POCKETFUL -POCKETING -POCKETS -POCONO -POCONOS -POD -PODIA -PODIUM -PODS -PODUNK -POE -POEM -POEMS -POET -POETIC -POETICAL -POETICALLY -POETICS -POETRIES -POETRY -POETS -POGO -POGROM -POIGNANCY -POIGNANT -POINCARE -POINDEXTER -POINT -POINTED -POINTEDLY -POINTER -POINTERS -POINTING -POINTLESS -POINTS -POINTY -POISE -POISED -POISES -POISON -POISONED -POISONER -POISONING -POISONOUS -POISONOUSNESS -POISONS -POISSON -POKE -POKED -POKER -POKERFACE -POKES -POKING -POLAND -POLAR -POLARIS -POLARITIES -POLARITY -POLAROID -POLE -POLECAT -POLED -POLEMIC -POLEMICS -POLES -POLICE -POLICED -POLICEMAN -POLICEMEN -POLICES -POLICIES -POLICING -POLICY -POLING -POLIO -POLISH -POLISHED -POLISHER -POLISHERS -POLISHES -POLISHING -POLITBURO -POLITE -POLITELY -POLITENESS -POLITER -POLITEST -POLITIC -POLITICAL -POLITICALLY -POLITICIAN -POLITICIANS -POLITICKING -POLITICS -POLK -POLKA -POLL -POLLARD -POLLED -POLLEN -POLLING -POLLOI -POLLS -POLLUTANT -POLLUTE -POLLUTED -POLLUTES -POLLUTING -POLLUTION -POLLUX -POLO -POLYALPHABETIC -POLYGON -POLYGONS -POLYHYMNIA -POLYMER -POLYMERS -POLYMORPHIC -POLYNESIA -POLYNESIAN -POLYNOMIAL -POLYNOMIALS -POLYPHEMUS -POLYTECHNIC -POLYTHEIST -POMERANIA -POMERANIAN -POMONA -POMP -POMPADOUR -POMPEII -POMPEY -POMPOSITY -POMPOUS -POMPOUSLY -POMPOUSNESS -PONCE -PONCHARTRAIN -PONCHO -POND -PONDER -PONDERED -PONDERING -PONDEROUS -PONDERS -PONDS -PONG -PONIES -PONTIAC -PONTIFF -PONTIFIC -PONTIFICATE -PONY -POOCH -POODLE -POOL -POOLE -POOLED -POOLING -POOLS -POOR -POORER -POOREST -POORLY -POORNESS -POP -POPCORN -POPE -POPEK -POPEKS -POPISH -POPLAR -POPLIN -POPPED -POPPIES -POPPING -POPPY -POPS -POPSICLE -POPSICLES -POPULACE -POPULAR -POPULARITY -POPULARIZATION -POPULARIZE -POPULARIZED -POPULARIZES -POPULARIZING -POPULARLY -POPULATE -POPULATED -POPULATES -POPULATING -POPULATION -POPULATIONS -POPULOUS -POPULOUSNESS -PORCELAIN -PORCH -PORCHES -PORCINE -PORCUPINE -PORCUPINES -PORE -PORED -PORES -PORING -PORK -PORKER -PORNOGRAPHER -PORNOGRAPHIC -PORNOGRAPHY -POROUS -PORPOISE -PORRIDGE -PORT -PORTABILITY -PORTABLE -PORTAGE -PORTAL -PORTALS -PORTE -PORTED -PORTEND -PORTENDED -PORTENDING -PORTENDS -PORTENT -PORTENTOUS -PORTER -PORTERHOUSE -PORTERS -PORTFOLIO -PORTFOLIOS -PORTIA -PORTICO -PORTING -PORTION -PORTIONS -PORTLAND -PORTLY -PORTMANTEAU -PORTO -PORTRAIT -PORTRAITS -PORTRAY -PORTRAYAL -PORTRAYED -PORTRAYING -PORTRAYS -PORTS -PORTSMOUTH -PORTUGAL -PORTUGUESE -POSE -POSED -POSEIDON -POSER -POSERS -POSES -POSH -POSING -POSIT -POSITED -POSITING -POSITION -POSITIONAL -POSITIONED -POSITIONING -POSITIONS -POSITIVE -POSITIVELY -POSITIVENESS -POSITIVES -POSITRON -POSITS -POSNER -POSSE -POSSESS -POSSESSED -POSSESSES -POSSESSING -POSSESSION -POSSESSIONAL -POSSESSIONS -POSSESSIVE -POSSESSIVELY -POSSESSIVENESS -POSSESSOR -POSSESSORS -POSSIBILITIES -POSSIBILITY -POSSIBLE -POSSIBLY -POSSUM -POSSUMS -POST -POSTAGE -POSTAL -POSTCARD -POSTCONDITION -POSTDOCTORAL -POSTED -POSTER -POSTERIOR -POSTERIORI -POSTERITY -POSTERS -POSTFIX -POSTGRADUATE -POSTING -POSTLUDE -POSTMAN -POSTMARK -POSTMASTER -POSTMASTERS -POSTMORTEM -POSTOPERATIVE -POSTORDER -POSTPONE -POSTPONED -POSTPONING -POSTPROCESS -POSTPROCESSOR -POSTS -POSTSCRIPT -POSTSCRIPTS -POSTULATE -POSTULATED -POSTULATES -POSTULATING -POSTULATION -POSTULATIONS -POSTURE -POSTURES -POT -POTABLE -POTASH -POTASSIUM -POTATO -POTATOES -POTBELLY -POTEMKIN -POTENT -POTENTATE -POTENTATES -POTENTIAL -POTENTIALITIES -POTENTIALITY -POTENTIALLY -POTENTIALS -POTENTIATING -POTENTIOMETER -POTENTIOMETERS -POTHOLE -POTION -POTLATCH -POTOMAC -POTPOURRI -POTS -POTSDAM -POTTAWATOMIE -POTTED -POTTER -POTTERS -POTTERY -POTTING -POTTS -POUCH -POUCHES -POUGHKEEPSIE -POULTICE -POULTRY -POUNCE -POUNCED -POUNCES -POUNCING -POUND -POUNDED -POUNDER -POUNDERS -POUNDING -POUNDS -POUR -POURED -POURER -POURERS -POURING -POURS -POUSSIN -POUSSINS -POUT -POUTED -POUTING -POUTS -POVERTY -POWDER -POWDERED -POWDERING -POWDERPUFF -POWDERS -POWDERY -POWELL -POWER -POWERED -POWERFUL -POWERFULLY -POWERFULNESS -POWERING -POWERLESS -POWERLESSLY -POWERLESSNESS -POWERS -POX -POYNTING -PRACTICABLE -PRACTICABLY -PRACTICAL -PRACTICALITY -PRACTICALLY -PRACTICE -PRACTICED -PRACTICES -PRACTICING -PRACTITIONER -PRACTITIONERS -PRADESH -PRADO -PRAGMATIC -PRAGMATICALLY -PRAGMATICS -PRAGMATISM -PRAGMATIST -PRAGUE -PRAIRIE -PRAISE -PRAISED -PRAISER -PRAISERS -PRAISES -PRAISEWORTHY -PRAISING -PRAISINGLY -PRANCE -PRANCED -PRANCER -PRANCING -PRANK -PRANKS -PRATE -PRATT -PRATTVILLE -PRAVDA -PRAY -PRAYED -PRAYER -PRAYERS -PRAYING -PREACH -PREACHED -PREACHER -PREACHERS -PREACHES -PREACHING -PREALLOCATE -PREALLOCATED -PREALLOCATING -PREAMBLE -PREAMBLES -PREASSIGN -PREASSIGNED -PREASSIGNING -PREASSIGNS -PRECAMBRIAN -PRECARIOUS -PRECARIOUSLY -PRECARIOUSNESS -PRECAUTION -PRECAUTIONS -PRECEDE -PRECEDED -PRECEDENCE -PRECEDENCES -PRECEDENT -PRECEDENTED -PRECEDENTS -PRECEDES -PRECEDING -PRECEPT -PRECEPTS -PRECESS -PRECESSION -PRECINCT -PRECINCTS -PRECIOUS -PRECIOUSLY -PRECIOUSNESS -PRECIPICE -PRECIPITABLE -PRECIPITATE -PRECIPITATED -PRECIPITATELY -PRECIPITATENESS -PRECIPITATES -PRECIPITATING -PRECIPITATION -PRECIPITOUS -PRECIPITOUSLY -PRECISE -PRECISELY -PRECISENESS -PRECISION -PRECISIONS -PRECLUDE -PRECLUDED -PRECLUDES -PRECLUDING -PRECOCIOUS -PRECOCIOUSLY -PRECOCITY -PRECOMPUTE -PRECOMPUTED -PRECOMPUTING -PRECONCEIVE -PRECONCEIVED -PRECONCEPTION -PRECONCEPTIONS -PRECONDITION -PRECONDITIONED -PRECONDITIONS -PRECURSOR -PRECURSORS -PREDATE -PREDATED -PREDATES -PREDATING -PREDATORY -PREDECESSOR -PREDECESSORS -PREDEFINE -PREDEFINED -PREDEFINES -PREDEFINING -PREDEFINITION -PREDEFINITIONS -PREDETERMINATION -PREDETERMINE -PREDETERMINED -PREDETERMINES -PREDETERMINING -PREDICAMENT -PREDICATE -PREDICATED -PREDICATES -PREDICATING -PREDICATION -PREDICATIONS -PREDICT -PREDICTABILITY -PREDICTABLE -PREDICTABLY -PREDICTED -PREDICTING -PREDICTION -PREDICTIONS -PREDICTIVE -PREDICTOR -PREDICTS -PREDILECTION -PREDILECTIONS -PREDISPOSITION -PREDOMINANT -PREDOMINANTLY -PREDOMINATE -PREDOMINATED -PREDOMINATELY -PREDOMINATES -PREDOMINATING -PREDOMINATION -PREEMINENCE -PREEMINENT -PREEMPT -PREEMPTED -PREEMPTING -PREEMPTION -PREEMPTIVE -PREEMPTOR -PREEMPTS -PREEN -PREEXISTING -PREFAB -PREFABRICATE -PREFACE -PREFACED -PREFACES -PREFACING -PREFER -PREFERABLE -PREFERABLY -PREFERENCE -PREFERENCES -PREFERENTIAL -PREFERENTIALLY -PREFERRED -PREFERRING -PREFERS -PREFIX -PREFIXED -PREFIXES -PREFIXING -PREGNANCY -PREGNANT -PREHISTORIC -PREINITIALIZE -PREINITIALIZED -PREINITIALIZES -PREINITIALIZING -PREJUDGE -PREJUDGED -PREJUDICE -PREJUDICED -PREJUDICES -PREJUDICIAL -PRELATE -PRELIMINARIES -PRELIMINARY -PRELUDE -PRELUDES -PREMATURE -PREMATURELY -PREMATURITY -PREMEDITATED -PREMEDITATION -PREMIER -PREMIERS -PREMISE -PREMISES -PREMIUM -PREMIUMS -PREMONITION -PRENATAL -PRENTICE -PRENTICED -PRENTICING -PREOCCUPATION -PREOCCUPIED -PREOCCUPIES -PREOCCUPY -PREP -PREPARATION -PREPARATIONS -PREPARATIVE -PREPARATIVES -PREPARATORY -PREPARE -PREPARED -PREPARES -PREPARING -PREPEND -PREPENDED -PREPENDING -PREPOSITION -PREPOSITIONAL -PREPOSITIONS -PREPOSTEROUS -PREPOSTEROUSLY -PREPROCESSED -PREPROCESSING -PREPROCESSOR -PREPROCESSORS -PREPRODUCTION -PREPROGRAMMED -PREREQUISITE -PREREQUISITES -PREROGATIVE -PREROGATIVES -PRESBYTERIAN -PRESBYTERIANISM -PRESBYTERIANIZE -PRESBYTERIANIZES -PRESCOTT -PRESCRIBE -PRESCRIBED -PRESCRIBES -PRESCRIPTION -PRESCRIPTIONS -PRESCRIPTIVE -PRESELECT -PRESELECTED -PRESELECTING -PRESELECTS -PRESENCE -PRESENCES -PRESENT -PRESENTATION -PRESENTATIONS -PRESENTED -PRESENTER -PRESENTING -PRESENTLY -PRESENTNESS -PRESENTS -PRESERVATION -PRESERVATIONS -PRESERVE -PRESERVED -PRESERVER -PRESERVERS -PRESERVES -PRESERVING -PRESET -PRESIDE -PRESIDED -PRESIDENCY -PRESIDENT -PRESIDENTIAL -PRESIDENTS -PRESIDES -PRESIDING -PRESLEY -PRESS -PRESSED -PRESSER -PRESSES -PRESSING -PRESSINGS -PRESSURE -PRESSURED -PRESSURES -PRESSURING -PRESSURIZE -PRESSURIZED -PRESTIDIGITATE -PRESTIGE -PRESTIGIOUS -PRESTON -PRESUMABLY -PRESUME -PRESUMED -PRESUMES -PRESUMING -PRESUMPTION -PRESUMPTIONS -PRESUMPTIVE -PRESUMPTUOUS -PRESUMPTUOUSNESS -PRESUPPOSE -PRESUPPOSED -PRESUPPOSES -PRESUPPOSING -PRESUPPOSITION -PRETEND -PRETENDED -PRETENDER -PRETENDERS -PRETENDING -PRETENDS -PRETENSE -PRETENSES -PRETENSION -PRETENSIONS -PRETENTIOUS -PRETENTIOUSLY -PRETENTIOUSNESS -PRETEXT -PRETEXTS -PRETORIA -PRETORIAN -PRETTIER -PRETTIEST -PRETTILY -PRETTINESS -PRETTY -PREVAIL -PREVAILED -PREVAILING -PREVAILINGLY -PREVAILS -PREVALENCE -PREVALENT -PREVALENTLY -PREVENT -PREVENTABLE -PREVENTABLY -PREVENTED -PREVENTING -PREVENTION -PREVENTIVE -PREVENTIVES -PREVENTS -PREVIEW -PREVIEWED -PREVIEWING -PREVIEWS -PREVIOUS -PREVIOUSLY -PREY -PREYED -PREYING -PREYS -PRIAM -PRICE -PRICED -PRICELESS -PRICER -PRICERS -PRICES -PRICING -PRICK -PRICKED -PRICKING -PRICKLY -PRICKS -PRIDE -PRIDED -PRIDES -PRIDING -PRIEST -PRIESTLEY -PRIGGISH -PRIM -PRIMA -PRIMACY -PRIMAL -PRIMARIES -PRIMARILY -PRIMARY -PRIMATE -PRIME -PRIMED -PRIMENESS -PRIMER -PRIMERS -PRIMES -PRIMEVAL -PRIMING -PRIMITIVE -PRIMITIVELY -PRIMITIVENESS -PRIMITIVES -PRIMROSE -PRINCE -PRINCELY -PRINCES -PRINCESS -PRINCESSES -PRINCETON -PRINCIPAL -PRINCIPALITIES -PRINCIPALITY -PRINCIPALLY -PRINCIPALS -PRINCIPIA -PRINCIPLE -PRINCIPLED -PRINCIPLES -PRINT -PRINTABLE -PRINTABLY -PRINTED -PRINTER -PRINTERS -PRINTING -PRINTOUT -PRINTS -PRIOR -PRIORI -PRIORITIES -PRIORITY -PRIORY -PRISCILLA -PRISM -PRISMS -PRISON -PRISONER -PRISONERS -PRISONS -PRISTINE -PRITCHARD -PRIVACIES -PRIVACY -PRIVATE -PRIVATELY -PRIVATES -PRIVATION -PRIVATIONS -PRIVIES -PRIVILEGE -PRIVILEGED -PRIVILEGES -PRIVY -PRIZE -PRIZED -PRIZER -PRIZERS -PRIZES -PRIZEWINNING -PRIZING -PRO -PROBABILISTIC -PROBABILISTICALLY -PROBABILITIES -PROBABILITY -PROBABLE -PROBABLY -PROBATE -PROBATED -PROBATES -PROBATING -PROBATION -PROBATIVE -PROBE -PROBED -PROBES -PROBING -PROBINGS -PROBITY -PROBLEM -PROBLEMATIC -PROBLEMATICAL -PROBLEMATICALLY -PROBLEMS -PROCAINE -PROCEDURAL -PROCEDURALLY -PROCEDURE -PROCEDURES -PROCEED -PROCEEDED -PROCEEDING -PROCEEDINGS -PROCEEDS -PROCESS -PROCESSED -PROCESSES -PROCESSING -PROCESSION -PROCESSOR -PROCESSORS -PROCLAIM -PROCLAIMED -PROCLAIMER -PROCLAIMERS -PROCLAIMING -PROCLAIMS -PROCLAMATION -PROCLAMATIONS -PROCLIVITIES -PROCLIVITY -PROCOTOLS -PROCRASTINATE -PROCRASTINATED -PROCRASTINATES -PROCRASTINATING -PROCRASTINATION -PROCREATE -PROCRUSTEAN -PROCRUSTEANIZE -PROCRUSTEANIZES -PROCRUSTES -PROCTER -PROCURE -PROCURED -PROCUREMENT -PROCUREMENTS -PROCURER -PROCURERS -PROCURES -PROCURING -PROCYON -PROD -PRODIGAL -PRODIGALLY -PRODIGIOUS -PRODIGY -PRODUCE -PRODUCED -PRODUCER -PRODUCERS -PRODUCES -PRODUCIBLE -PRODUCING -PRODUCT -PRODUCTION -PRODUCTIONS -PRODUCTIVE -PRODUCTIVELY -PRODUCTIVITY -PRODUCTS -PROFANE -PROFANELY -PROFESS -PROFESSED -PROFESSES -PROFESSING -PROFESSION -PROFESSIONAL -PROFESSIONALISM -PROFESSIONALLY -PROFESSIONALS -PROFESSIONS -PROFESSOR -PROFESSORIAL -PROFESSORS -PROFFER -PROFFERED -PROFFERS -PROFICIENCY -PROFICIENT -PROFICIENTLY -PROFILE -PROFILED -PROFILES -PROFILING -PROFIT -PROFITABILITY -PROFITABLE -PROFITABLY -PROFITED -PROFITEER -PROFITEERS -PROFITING -PROFITS -PROFITTED -PROFLIGATE -PROFOUND -PROFOUNDEST -PROFOUNDLY -PROFUNDITY -PROFUSE -PROFUSION -PROGENITOR -PROGENY -PROGNOSIS -PROGNOSTICATE -PROGRAM -PROGRAMMABILITY -PROGRAMMABLE -PROGRAMMED -PROGRAMMER -PROGRAMMERS -PROGRAMMING -PROGRAMS -PROGRESS -PROGRESSED -PROGRESSES -PROGRESSING -PROGRESSION -PROGRESSIONS -PROGRESSIVE -PROGRESSIVELY -PROHIBIT -PROHIBITED -PROHIBITING -PROHIBITION -PROHIBITIONS -PROHIBITIVE -PROHIBITIVELY -PROHIBITORY -PROHIBITS -PROJECT -PROJECTED -PROJECTILE -PROJECTING -PROJECTION -PROJECTIONS -PROJECTIVE -PROJECTIVELY -PROJECTOR -PROJECTORS -PROJECTS -PROKOFIEFF -PROKOFIEV -PROLATE -PROLEGOMENA -PROLETARIAT -PROLIFERATE -PROLIFERATED -PROLIFERATES -PROLIFERATING -PROLIFERATION -PROLIFIC -PROLIX -PROLOG -PROLOGUE -PROLONG -PROLONGATE -PROLONGED -PROLONGING -PROLONGS -PROMENADE -PROMENADES -PROMETHEAN -PROMETHEUS -PROMINENCE -PROMINENT -PROMINENTLY -PROMISCUOUS -PROMISE -PROMISED -PROMISES -PROMISING -PROMONTORY -PROMOTE -PROMOTED -PROMOTER -PROMOTERS -PROMOTES -PROMOTING -PROMOTION -PROMOTIONAL -PROMOTIONS -PROMPT -PROMPTED -PROMPTER -PROMPTEST -PROMPTING -PROMPTINGS -PROMPTLY -PROMPTNESS -PROMPTS -PROMULGATE -PROMULGATED -PROMULGATES -PROMULGATING -PROMULGATION -PRONE -PRONENESS -PRONG -PRONGED -PRONGS -PRONOUN -PRONOUNCE -PRONOUNCEABLE -PRONOUNCED -PRONOUNCEMENT -PRONOUNCEMENTS -PRONOUNCES -PRONOUNCING -PRONOUNS -PRONUNCIATION -PRONUNCIATIONS -PROOF -PROOFREAD -PROOFREADER -PROOFS -PROP -PROPAGANDA -PROPAGANDIST -PROPAGATE -PROPAGATED -PROPAGATES -PROPAGATING -PROPAGATION -PROPAGATIONS -PROPANE -PROPEL -PROPELLANT -PROPELLED -PROPELLER -PROPELLERS -PROPELLING -PROPELS -PROPENSITY -PROPER -PROPERLY -PROPERNESS -PROPERTIED -PROPERTIES -PROPERTY -PROPHECIES -PROPHECY -PROPHESIED -PROPHESIER -PROPHESIES -PROPHESY -PROPHET -PROPHETIC -PROPHETS -PROPITIOUS -PROPONENT -PROPONENTS -PROPORTION -PROPORTIONAL -PROPORTIONALLY -PROPORTIONATELY -PROPORTIONED -PROPORTIONING -PROPORTIONMENT -PROPORTIONS -PROPOS -PROPOSAL -PROPOSALS -PROPOSE -PROPOSED -PROPOSER -PROPOSES -PROPOSING -PROPOSITION -PROPOSITIONAL -PROPOSITIONALLY -PROPOSITIONED -PROPOSITIONING -PROPOSITIONS -PROPOUND -PROPOUNDED -PROPOUNDING -PROPOUNDS -PROPRIETARY -PROPRIETOR -PROPRIETORS -PROPRIETY -PROPS -PROPULSION -PROPULSIONS -PRORATE -PRORATED -PRORATES -PROS -PROSCENIUM -PROSCRIBE -PROSCRIPTION -PROSE -PROSECUTE -PROSECUTED -PROSECUTES -PROSECUTING -PROSECUTION -PROSECUTIONS -PROSECUTOR -PROSELYTIZE -PROSELYTIZED -PROSELYTIZES -PROSELYTIZING -PROSERPINE -PROSODIC -PROSODICS -PROSPECT -PROSPECTED -PROSPECTING -PROSPECTION -PROSPECTIONS -PROSPECTIVE -PROSPECTIVELY -PROSPECTIVES -PROSPECTOR -PROSPECTORS -PROSPECTS -PROSPECTUS -PROSPER -PROSPERED -PROSPERING -PROSPERITY -PROSPEROUS -PROSPERS -PROSTATE -PROSTHETIC -PROSTITUTE -PROSTITUTION -PROSTRATE -PROSTRATION -PROTAGONIST -PROTEAN -PROTECT -PROTECTED -PROTECTING -PROTECTION -PROTECTIONS -PROTECTIVE -PROTECTIVELY -PROTECTIVENESS -PROTECTOR -PROTECTORATE -PROTECTORS -PROTECTS -PROTEGE -PROTEGES -PROTEIN -PROTEINS -PROTEST -PROTESTANT -PROTESTANTISM -PROTESTANTIZE -PROTESTANTIZES -PROTESTATION -PROTESTATIONS -PROTESTED -PROTESTING -PROTESTINGLY -PROTESTOR -PROTESTS -PROTISTA -PROTOCOL -PROTOCOLS -PROTON -PROTONS -PROTOPHYTA -PROTOPLASM -PROTOTYPE -PROTOTYPED -PROTOTYPES -PROTOTYPICAL -PROTOTYPICALLY -PROTOTYPING -PROTOZOA -PROTOZOAN -PROTRACT -PROTRUDE -PROTRUDED -PROTRUDES -PROTRUDING -PROTRUSION -PROTRUSIONS -PROTUBERANT -PROUD -PROUDER -PROUDEST -PROUDLY -PROUST -PROVABILITY -PROVABLE -PROVABLY -PROVE -PROVED -PROVEN -PROVENANCE -PROVENCE -PROVER -PROVERB -PROVERBIAL -PROVERBS -PROVERS -PROVES -PROVIDE -PROVIDED -PROVIDENCE -PROVIDENT -PROVIDER -PROVIDERS -PROVIDES -PROVIDING -PROVINCE -PROVINCES -PROVINCIAL -PROVING -PROVISION -PROVISIONAL -PROVISIONALLY -PROVISIONED -PROVISIONING -PROVISIONS -PROVISO -PROVOCATION -PROVOKE -PROVOKED -PROVOKES -PROVOST -PROW -PROWESS -PROWL -PROWLED -PROWLER -PROWLERS -PROWLING -PROWS -PROXIMAL -PROXIMATE -PROXIMITY -PROXMIRE -PROXY -PRUDENCE -PRUDENT -PRUDENTIAL -PRUDENTLY -PRUNE -PRUNED -PRUNER -PRUNERS -PRUNES -PRUNING -PRURIENT -PRUSSIA -PRUSSIAN -PRUSSIANIZATION -PRUSSIANIZATIONS -PRUSSIANIZE -PRUSSIANIZER -PRUSSIANIZERS -PRUSSIANIZES -PRY -PRYING -PSALM -PSALMS -PSEUDO -PSEUDOFILES -PSEUDOINSTRUCTION -PSEUDOINSTRUCTIONS -PSEUDONYM -PSEUDOPARALLELISM -PSILOCYBIN -PSYCH -PSYCHE -PSYCHEDELIC -PSYCHES -PSYCHIATRIC -PSYCHIATRIST -PSYCHIATRISTS -PSYCHIATRY -PSYCHIC -PSYCHO -PSYCHOANALYSIS -PSYCHOANALYST -PSYCHOANALYTIC -PSYCHOBIOLOGY -PSYCHOLOGICAL -PSYCHOLOGICALLY -PSYCHOLOGIST -PSYCHOLOGISTS -PSYCHOLOGY -PSYCHOPATH -PSYCHOPATHIC -PSYCHOPHYSIC -PSYCHOSES -PSYCHOSIS -PSYCHOSOCIAL -PSYCHOSOMATIC -PSYCHOTHERAPEUTIC -PSYCHOTHERAPIST -PSYCHOTHERAPY -PSYCHOTIC -PTOLEMAIC -PTOLEMAISTS -PTOLEMY -PUB -PUBERTY -PUBLIC -PUBLICATION -PUBLICATIONS -PUBLICITY -PUBLICIZE -PUBLICIZED -PUBLICIZES -PUBLICIZING -PUBLICLY -PUBLISH -PUBLISHED -PUBLISHER -PUBLISHERS -PUBLISHES -PUBLISHING -PUBS -PUCCINI -PUCKER -PUCKERED -PUCKERING -PUCKERS -PUDDING -PUDDINGS -PUDDLE -PUDDLES -PUDDLING -PUERTO -PUFF -PUFFED -PUFFIN -PUFFING -PUFFS -PUGH -PUKE -PULASKI -PULITZER -PULL -PULLED -PULLER -PULLEY -PULLEYS -PULLING -PULLINGS -PULLMAN -PULLMANIZE -PULLMANIZES -PULLMANS -PULLOVER -PULLS -PULMONARY -PULP -PULPING -PULPIT -PULPITS -PULSAR -PULSATE -PULSATION -PULSATIONS -PULSE -PULSED -PULSES -PULSING -PUMA -PUMICE -PUMMEL -PUMP -PUMPED -PUMPING -PUMPKIN -PUMPKINS -PUMPS -PUN -PUNCH -PUNCHED -PUNCHER -PUNCHES -PUNCHING -PUNCTUAL -PUNCTUALLY -PUNCTUATION -PUNCTURE -PUNCTURED -PUNCTURES -PUNCTURING -PUNDIT -PUNGENT -PUNIC -PUNISH -PUNISHABLE -PUNISHED -PUNISHES -PUNISHING -PUNISHMENT -PUNISHMENTS -PUNITIVE -PUNJAB -PUNJABI -PUNS -PUNT -PUNTED -PUNTING -PUNTS -PUNY -PUP -PUPA -PUPIL -PUPILS -PUPPET -PUPPETEER -PUPPETS -PUPPIES -PUPPY -PUPS -PURCELL -PURCHASE -PURCHASED -PURCHASER -PURCHASERS -PURCHASES -PURCHASING -PURDUE -PURE -PURELY -PURER -PUREST -PURGATORY -PURGE -PURGED -PURGES -PURGING -PURIFICATION -PURIFICATIONS -PURIFIED -PURIFIER -PURIFIERS -PURIFIES -PURIFY -PURIFYING -PURINA -PURIST -PURITAN -PURITANIC -PURITANIZE -PURITANIZER -PURITANIZERS -PURITANIZES -PURITY -PURPLE -PURPLER -PURPLEST -PURPORT -PURPORTED -PURPORTEDLY -PURPORTER -PURPORTERS -PURPORTING -PURPORTS -PURPOSE -PURPOSED -PURPOSEFUL -PURPOSEFULLY -PURPOSELY -PURPOSES -PURPOSIVE -PURR -PURRED -PURRING -PURRS -PURSE -PURSED -PURSER -PURSES -PURSUANT -PURSUE -PURSUED -PURSUER -PURSUERS -PURSUES -PURSUING -PURSUIT -PURSUITS -PURVEYOR -PURVIEW -PUS -PUSAN -PUSEY -PUSH -PUSHBUTTON -PUSHDOWN -PUSHED -PUSHER -PUSHERS -PUSHES -PUSHING -PUSS -PUSSY -PUSSYCAT -PUT -PUTNAM -PUTS -PUTT -PUTTER -PUTTERING -PUTTERS -PUTTING -PUTTY -PUZZLE -PUZZLED -PUZZLEMENT -PUZZLER -PUZZLERS -PUZZLES -PUZZLING -PUZZLINGS -PYGMALION -PYGMIES -PYGMY -PYLE -PYONGYANG -PYOTR -PYRAMID -PYRAMIDS -PYRE -PYREX -PYRRHIC -PYTHAGORAS -PYTHAGOREAN -PYTHAGOREANIZE -PYTHAGOREANIZES -PYTHAGOREANS -PYTHON -QATAR -QUA -QUACK -QUACKED -QUACKERY -QUACKS -QUAD -QUADRANGLE -QUADRANGULAR -QUADRANT -QUADRANTS -QUADRATIC -QUADRATICAL -QUADRATICALLY -QUADRATICS -QUADRATURE -QUADRATURES -QUADRENNIAL -QUADRILATERAL -QUADRILLION -QUADRUPLE -QUADRUPLED -QUADRUPLES -QUADRUPLING -QUADRUPOLE -QUAFF -QUAGMIRE -QUAGMIRES -QUAHOG -QUAIL -QUAILS -QUAINT -QUAINTLY -QUAINTNESS -QUAKE -QUAKED -QUAKER -QUAKERESS -QUAKERIZATION -QUAKERIZATIONS -QUAKERIZE -QUAKERIZES -QUAKERS -QUAKES -QUAKING -QUALIFICATION -QUALIFICATIONS -QUALIFIED -QUALIFIER -QUALIFIERS -QUALIFIES -QUALIFY -QUALIFYING -QUALITATIVE -QUALITATIVELY -QUALITIES -QUALITY -QUALM -QUANDARIES -QUANDARY -QUANTA -QUANTICO -QUANTIFIABLE -QUANTIFICATION -QUANTIFICATIONS -QUANTIFIED -QUANTIFIER -QUANTIFIERS -QUANTIFIES -QUANTIFY -QUANTIFYING -QUANTILE -QUANTITATIVE -QUANTITATIVELY -QUANTITIES -QUANTITY -QUANTIZATION -QUANTIZE -QUANTIZED -QUANTIZES -QUANTIZING -QUANTUM -QUARANTINE -QUARANTINES -QUARANTINING -QUARK -QUARREL -QUARRELED -QUARRELING -QUARRELS -QUARRELSOME -QUARRIES -QUARRY -QUART -QUARTER -QUARTERBACK -QUARTERED -QUARTERING -QUARTERLY -QUARTERMASTER -QUARTERS -QUARTET -QUARTETS -QUARTILE -QUARTS -QUARTZ -QUARTZITE -QUASAR -QUASH -QUASHED -QUASHES -QUASHING -QUASI -QUASIMODO -QUATERNARY -QUAVER -QUAVERED -QUAVERING -QUAVERS -QUAY -QUEASY -QUEBEC -QUEEN -QUEENLY -QUEENS -QUEENSLAND -QUEER -QUEERER -QUEEREST -QUEERLY -QUEERNESS -QUELL -QUELLING -QUENCH -QUENCHED -QUENCHES -QUENCHING -QUERIED -QUERIES -QUERY -QUERYING -QUEST -QUESTED -QUESTER -QUESTERS -QUESTING -QUESTION -QUESTIONABLE -QUESTIONABLY -QUESTIONED -QUESTIONER -QUESTIONERS -QUESTIONING -QUESTIONINGLY -QUESTIONINGS -QUESTIONNAIRE -QUESTIONNAIRES -QUESTIONS -QUESTS -QUEUE -QUEUED -QUEUEING -QUEUER -QUEUERS -QUEUES -QUEUING -QUEZON -QUIBBLE -QUICHUA -QUICK -QUICKEN -QUICKENED -QUICKENING -QUICKENS -QUICKER -QUICKEST -QUICKIE -QUICKLIME -QUICKLY -QUICKNESS -QUICKSAND -QUICKSILVER -QUIESCENT -QUIET -QUIETED -QUIETER -QUIETEST -QUIETING -QUIETLY -QUIETNESS -QUIETS -QUIETUDE -QUILL -QUILT -QUILTED -QUILTING -QUILTS -QUINCE -QUININE -QUINN -QUINT -QUINTET -QUINTILLION -QUIP -QUIRINAL -QUIRK -QUIRKY -QUIT -QUITE -QUITO -QUITS -QUITTER -QUITTERS -QUITTING -QUIVER -QUIVERED -QUIVERING -QUIVERS -QUIXOTE -QUIXOTIC -QUIXOTISM -QUIZ -QUIZZED -QUIZZES -QUIZZICAL -QUIZZING -QUO -QUONSET -QUORUM -QUOTA -QUOTAS -QUOTATION -QUOTATIONS -QUOTE -QUOTED -QUOTES -QUOTH -QUOTIENT -QUOTIENTS -QUOTING -RABAT -RABBI -RABBIT -RABBITS -RABBLE -RABID -RABIES -RABIN -RACCOON -RACCOONS -RACE -RACED -RACER -RACERS -RACES -RACETRACK -RACHEL -RACHMANINOFF -RACIAL -RACIALLY -RACINE -RACING -RACK -RACKED -RACKET -RACKETEER -RACKETEERING -RACKETEERS -RACKETS -RACKING -RACKS -RADAR -RADARS -RADCLIFFE -RADIAL -RADIALLY -RADIAN -RADIANCE -RADIANT -RADIANTLY -RADIATE -RADIATED -RADIATES -RADIATING -RADIATION -RADIATIONS -RADIATOR -RADIATORS -RADICAL -RADICALLY -RADICALS -RADICES -RADII -RADIO -RADIOACTIVE -RADIOASTRONOMY -RADIOED -RADIOGRAPHY -RADIOING -RADIOLOGY -RADIOS -RADISH -RADISHES -RADIUM -RADIUS -RADIX -RADON -RAE -RAFAEL -RAFFERTY -RAFT -RAFTER -RAFTERS -RAFTS -RAG -RAGE -RAGED -RAGES -RAGGED -RAGGEDLY -RAGGEDNESS -RAGING -RAGS -RAGUSAN -RAGWEED -RAID -RAIDED -RAIDER -RAIDERS -RAIDING -RAIDS -RAIL -RAILED -RAILER -RAILERS -RAILING -RAILROAD -RAILROADED -RAILROADER -RAILROADERS -RAILROADING -RAILROADS -RAILS -RAILWAY -RAILWAYS -RAIMENT -RAIN -RAINBOW -RAINCOAT -RAINCOATS -RAINDROP -RAINDROPS -RAINED -RAINFALL -RAINIER -RAINIEST -RAINING -RAINS -RAINSTORM -RAINY -RAISE -RAISED -RAISER -RAISERS -RAISES -RAISIN -RAISING -RAKE -RAKED -RAKES -RAKING -RALEIGH -RALLIED -RALLIES -RALLY -RALLYING -RALPH -RALSTON -RAM -RAMADA -RAMAN -RAMBLE -RAMBLER -RAMBLES -RAMBLING -RAMBLINGS -RAMIFICATION -RAMIFICATIONS -RAMIREZ -RAMO -RAMONA -RAMP -RAMPAGE -RAMPANT -RAMPART -RAMPS -RAMROD -RAMS -RAMSEY -RAN -RANCH -RANCHED -RANCHER -RANCHERS -RANCHES -RANCHING -RANCID -RAND -RANDALL -RANDOLPH -RANDOM -RANDOMIZATION -RANDOMIZE -RANDOMIZED -RANDOMIZES -RANDOMLY -RANDOMNESS -RANDY -RANG -RANGE -RANGED -RANGELAND -RANGER -RANGERS -RANGES -RANGING -RANGOON -RANGY -RANIER -RANK -RANKED -RANKER -RANKERS -RANKEST -RANKIN -RANKINE -RANKING -RANKINGS -RANKLE -RANKLY -RANKNESS -RANKS -RANSACK -RANSACKED -RANSACKING -RANSACKS -RANSOM -RANSOMER -RANSOMING -RANSOMS -RANT -RANTED -RANTER -RANTERS -RANTING -RANTS -RAOUL -RAP -RAPACIOUS -RAPE -RAPED -RAPER -RAPES -RAPHAEL -RAPID -RAPIDITY -RAPIDLY -RAPIDS -RAPIER -RAPING -RAPPORT -RAPPROCHEMENT -RAPS -RAPT -RAPTLY -RAPTURE -RAPTURES -RAPTUROUS -RAPUNZEL -RARE -RARELY -RARENESS -RARER -RAREST -RARITAN -RARITY -RASCAL -RASCALLY -RASCALS -RASH -RASHER -RASHLY -RASHNESS -RASMUSSEN -RASP -RASPBERRY -RASPED -RASPING -RASPS -RASTER -RASTUS -RAT -RATE -RATED -RATER -RATERS -RATES -RATFOR -RATHER -RATIFICATION -RATIFIED -RATIFIES -RATIFY -RATIFYING -RATING -RATINGS -RATIO -RATION -RATIONAL -RATIONALE -RATIONALES -RATIONALITIES -RATIONALITY -RATIONALIZATION -RATIONALIZATIONS -RATIONALIZE -RATIONALIZED -RATIONALIZES -RATIONALIZING -RATIONALLY -RATIONALS -RATIONING -RATIONS -RATIOS -RATS -RATTLE -RATTLED -RATTLER -RATTLERS -RATTLES -RATTLESNAKE -RATTLESNAKES -RATTLING -RAUCOUS -RAUL -RAVAGE -RAVAGED -RAVAGER -RAVAGERS -RAVAGES -RAVAGING -RAVE -RAVED -RAVEN -RAVENING -RAVENOUS -RAVENOUSLY -RAVENS -RAVES -RAVINE -RAVINES -RAVING -RAVINGS -RAW -RAWER -RAWEST -RAWLINGS -RAWLINS -RAWLINSON -RAWLY -RAWNESS -RAWSON -RAY -RAYBURN -RAYLEIGH -RAYMOND -RAYMONDVILLE -RAYS -RAYTHEON -RAZE -RAZOR -RAZORS -REABBREVIATE -REABBREVIATED -REABBREVIATES -REABBREVIATING -REACH -REACHABILITY -REACHABLE -REACHABLY -REACHED -REACHER -REACHES -REACHING -REACQUIRED -REACT -REACTED -REACTING -REACTION -REACTIONARIES -REACTIONARY -REACTIONS -REACTIVATE -REACTIVATED -REACTIVATES -REACTIVATING -REACTIVATION -REACTIVE -REACTIVELY -REACTIVITY -REACTOR -REACTORS -REACTS -READ -READABILITY -READABLE -READER -READERS -READIED -READIER -READIES -READIEST -READILY -READINESS -READING -READINGS -READJUSTED -READOUT -READOUTS -READS -READY -READYING -REAGAN -REAL -REALEST -REALIGN -REALIGNED -REALIGNING -REALIGNS -REALISM -REALIST -REALISTIC -REALISTICALLY -REALISTS -REALITIES -REALITY -REALIZABLE -REALIZABLY -REALIZATION -REALIZATIONS -REALIZE -REALIZED -REALIZES -REALIZING -REALLOCATE -REALLY -REALM -REALMS -REALNESS -REALS -REALTOR -REAM -REANALYZE -REANALYZES -REANALYZING -REAP -REAPED -REAPER -REAPING -REAPPEAR -REAPPEARED -REAPPEARING -REAPPEARS -REAPPRAISAL -REAPPRAISALS -REAPS -REAR -REARED -REARING -REARRANGE -REARRANGEABLE -REARRANGED -REARRANGEMENT -REARRANGEMENTS -REARRANGES -REARRANGING -REARREST -REARRESTED -REARS -REASON -REASONABLE -REASONABLENESS -REASONABLY -REASONED -REASONER -REASONING -REASONINGS -REASONS -REASSEMBLE -REASSEMBLED -REASSEMBLES -REASSEMBLING -REASSEMBLY -REASSESSMENT -REASSESSMENTS -REASSIGN -REASSIGNED -REASSIGNING -REASSIGNMENT -REASSIGNMENTS -REASSIGNS -REASSURE -REASSURED -REASSURES -REASSURING -REAWAKEN -REAWAKENED -REAWAKENING -REAWAKENS -REBATE -REBATES -REBECCA -REBEL -REBELLED -REBELLING -REBELLION -REBELLIONS -REBELLIOUS -REBELLIOUSLY -REBELLIOUSNESS -REBELS -REBIND -REBINDING -REBINDS -REBOOT -REBOOTED -REBOOTING -REBOOTS -REBOUND -REBOUNDED -REBOUNDING -REBOUNDS -REBROADCAST -REBROADCASTING -REBROADCASTS -REBUFF -REBUFFED -REBUILD -REBUILDING -REBUILDS -REBUILT -REBUKE -REBUKED -REBUKES -REBUKING -REBUTTAL -REBUTTED -REBUTTING -RECALCITRANT -RECALCULATE -RECALCULATED -RECALCULATES -RECALCULATING -RECALCULATION -RECALCULATIONS -RECALIBRATE -RECALIBRATED -RECALIBRATES -RECALIBRATING -RECALL -RECALLED -RECALLING -RECALLS -RECANT -RECAPITULATE -RECAPITULATED -RECAPITULATES -RECAPITULATION -RECAPTURE -RECAPTURED -RECAPTURES -RECAPTURING -RECAST -RECASTING -RECASTS -RECEDE -RECEDED -RECEDES -RECEDING -RECEIPT -RECEIPTS -RECEIVABLE -RECEIVE -RECEIVED -RECEIVER -RECEIVERS -RECEIVES -RECEIVING -RECENT -RECENTLY -RECENTNESS -RECEPTACLE -RECEPTACLES -RECEPTION -RECEPTIONIST -RECEPTIONS -RECEPTIVE -RECEPTIVELY -RECEPTIVENESS -RECEPTIVITY -RECEPTOR -RECESS -RECESSED -RECESSES -RECESSION -RECESSIVE -RECIFE -RECIPE -RECIPES -RECIPIENT -RECIPIENTS -RECIPROCAL -RECIPROCALLY -RECIPROCATE -RECIPROCATED -RECIPROCATES -RECIPROCATING -RECIPROCATION -RECIPROCITY -RECIRCULATE -RECIRCULATED -RECIRCULATES -RECIRCULATING -RECITAL -RECITALS -RECITATION -RECITATIONS -RECITE -RECITED -RECITER -RECITES -RECITING -RECKLESS -RECKLESSLY -RECKLESSNESS -RECKON -RECKONED -RECKONER -RECKONING -RECKONINGS -RECKONS -RECLAIM -RECLAIMABLE -RECLAIMED -RECLAIMER -RECLAIMERS -RECLAIMING -RECLAIMS -RECLAMATION -RECLAMATIONS -RECLASSIFICATION -RECLASSIFIED -RECLASSIFIES -RECLASSIFY -RECLASSIFYING -RECLINE -RECLINING -RECODE -RECODED -RECODES -RECODING -RECOGNITION -RECOGNITIONS -RECOGNIZABILITY -RECOGNIZABLE -RECOGNIZABLY -RECOGNIZE -RECOGNIZED -RECOGNIZER -RECOGNIZERS -RECOGNIZES -RECOGNIZING -RECOIL -RECOILED -RECOILING -RECOILS -RECOLLECT -RECOLLECTED -RECOLLECTING -RECOLLECTION -RECOLLECTIONS -RECOMBINATION -RECOMBINE -RECOMBINED -RECOMBINES -RECOMBINING -RECOMMEND -RECOMMENDATION -RECOMMENDATIONS -RECOMMENDED -RECOMMENDER -RECOMMENDING -RECOMMENDS -RECOMPENSE -RECOMPILE -RECOMPILED -RECOMPILES -RECOMPILING -RECOMPUTE -RECOMPUTED -RECOMPUTES -RECOMPUTING -RECONCILE -RECONCILED -RECONCILER -RECONCILES -RECONCILIATION -RECONCILING -RECONFIGURABLE -RECONFIGURATION -RECONFIGURATIONS -RECONFIGURE -RECONFIGURED -RECONFIGURER -RECONFIGURES -RECONFIGURING -RECONNECT -RECONNECTED -RECONNECTING -RECONNECTION -RECONNECTS -RECONSIDER -RECONSIDERATION -RECONSIDERED -RECONSIDERING -RECONSIDERS -RECONSTITUTED -RECONSTRUCT -RECONSTRUCTED -RECONSTRUCTING -RECONSTRUCTION -RECONSTRUCTS -RECONVERTED -RECONVERTS -RECORD -RECORDED -RECORDER -RECORDERS -RECORDING -RECORDINGS -RECORDS -RECOUNT -RECOUNTED -RECOUNTING -RECOUNTS -RECOURSE -RECOVER -RECOVERABLE -RECOVERED -RECOVERIES -RECOVERING -RECOVERS -RECOVERY -RECREATE -RECREATED -RECREATES -RECREATING -RECREATION -RECREATIONAL -RECREATIONS -RECREATIVE -RECRUIT -RECRUITED -RECRUITER -RECRUITING -RECRUITS -RECTA -RECTANGLE -RECTANGLES -RECTANGULAR -RECTIFY -RECTOR -RECTORS -RECTUM -RECTUMS -RECUPERATE -RECUR -RECURRENCE -RECURRENCES -RECURRENT -RECURRENTLY -RECURRING -RECURS -RECURSE -RECURSED -RECURSES -RECURSING -RECURSION -RECURSIONS -RECURSIVE -RECURSIVELY -RECYCLABLE -RECYCLE -RECYCLED -RECYCLES -RECYCLING -RED -REDBREAST -REDCOAT -REDDEN -REDDENED -REDDER -REDDEST -REDDISH -REDDISHNESS -REDECLARE -REDECLARED -REDECLARES -REDECLARING -REDEEM -REDEEMED -REDEEMER -REDEEMERS -REDEEMING -REDEEMS -REDEFINE -REDEFINED -REDEFINES -REDEFINING -REDEFINITION -REDEFINITIONS -REDEMPTION -REDESIGN -REDESIGNED -REDESIGNING -REDESIGNS -REDEVELOPMENT -REDFORD -REDHEAD -REDHOOK -REDIRECT -REDIRECTED -REDIRECTING -REDIRECTION -REDIRECTIONS -REDISPLAY -REDISPLAYED -REDISPLAYING -REDISPLAYS -REDISTRIBUTE -REDISTRIBUTED -REDISTRIBUTES -REDISTRIBUTING -REDLY -REDMOND -REDNECK -REDNESS -REDO -REDONE -REDOUBLE -REDOUBLED -REDRAW -REDRAWN -REDRESS -REDRESSED -REDRESSES -REDRESSING -REDS -REDSTONE -REDUCE -REDUCED -REDUCER -REDUCERS -REDUCES -REDUCIBILITY -REDUCIBLE -REDUCIBLY -REDUCING -REDUCTION -REDUCTIONS -REDUNDANCIES -REDUNDANCY -REDUNDANT -REDUNDANTLY -REDWOOD -REED -REEDS -REEDUCATION -REEDVILLE -REEF -REEFER -REEFS -REEL -REELECT -REELECTED -REELECTING -REELECTS -REELED -REELER -REELING -REELS -REEMPHASIZE -REEMPHASIZED -REEMPHASIZES -REEMPHASIZING -REENABLED -REENFORCEMENT -REENTER -REENTERED -REENTERING -REENTERS -REENTRANT -REESE -REESTABLISH -REESTABLISHED -REESTABLISHES -REESTABLISHING -REEVALUATE -REEVALUATED -REEVALUATES -REEVALUATING -REEVALUATION -REEVES -REEXAMINE -REEXAMINED -REEXAMINES -REEXAMINING -REEXECUTED -REFER -REFEREE -REFEREED -REFEREEING -REFEREES -REFERENCE -REFERENCED -REFERENCER -REFERENCES -REFERENCING -REFERENDA -REFERENDUM -REFERENDUMS -REFERENT -REFERENTIAL -REFERENTIALITY -REFERENTIALLY -REFERENTS -REFERRAL -REFERRALS -REFERRED -REFERRING -REFERS -REFILL -REFILLABLE -REFILLED -REFILLING -REFILLS -REFINE -REFINED -REFINEMENT -REFINEMENTS -REFINER -REFINERY -REFINES -REFINING -REFLECT -REFLECTED -REFLECTING -REFLECTION -REFLECTIONS -REFLECTIVE -REFLECTIVELY -REFLECTIVITY -REFLECTOR -REFLECTORS -REFLECTS -REFLEX -REFLEXES -REFLEXIVE -REFLEXIVELY -REFLEXIVENESS -REFLEXIVITY -REFORESTATION -REFORM -REFORMABLE -REFORMAT -REFORMATION -REFORMATORY -REFORMATS -REFORMATTED -REFORMATTING -REFORMED -REFORMER -REFORMERS -REFORMING -REFORMS -REFORMULATE -REFORMULATED -REFORMULATES -REFORMULATING -REFORMULATION -REFRACT -REFRACTED -REFRACTION -REFRACTORY -REFRAGMENT -REFRAIN -REFRAINED -REFRAINING -REFRAINS -REFRESH -REFRESHED -REFRESHER -REFRESHERS -REFRESHES -REFRESHING -REFRESHINGLY -REFRESHMENT -REFRESHMENTS -REFRIGERATE -REFRIGERATOR -REFRIGERATORS -REFUEL -REFUELED -REFUELING -REFUELS -REFUGE -REFUGEE -REFUGEES -REFUSAL -REFUSE -REFUSED -REFUSES -REFUSING -REFUTABLE -REFUTATION -REFUTE -REFUTED -REFUTER -REFUTES -REFUTING -REGAIN -REGAINED -REGAINING -REGAINS -REGAL -REGALED -REGALLY -REGARD -REGARDED -REGARDING -REGARDLESS -REGARDS -REGATTA -REGENERATE -REGENERATED -REGENERATES -REGENERATING -REGENERATION -REGENERATIVE -REGENERATOR -REGENERATORS -REGENT -REGENTS -REGIME -REGIMEN -REGIMENT -REGIMENTATION -REGIMENTED -REGIMENTS -REGIMES -REGINA -REGINALD -REGION -REGIONAL -REGIONALLY -REGIONS -REGIS -REGISTER -REGISTERED -REGISTERING -REGISTERS -REGISTRAR -REGISTRATION -REGISTRATIONS -REGISTRY -REGRESS -REGRESSED -REGRESSES -REGRESSING -REGRESSION -REGRESSIONS -REGRESSIVE -REGRET -REGRETFUL -REGRETFULLY -REGRETS -REGRETTABLE -REGRETTABLY -REGRETTED -REGRETTING -REGROUP -REGROUPED -REGROUPING -REGULAR -REGULARITIES -REGULARITY -REGULARLY -REGULARS -REGULATE -REGULATED -REGULATES -REGULATING -REGULATION -REGULATIONS -REGULATIVE -REGULATOR -REGULATORS -REGULATORY -REGULUS -REHABILITATE -REHEARSAL -REHEARSALS -REHEARSE -REHEARSED -REHEARSER -REHEARSES -REHEARSING -REICH -REICHENBERG -REICHSTAG -REID -REIGN -REIGNED -REIGNING -REIGNS -REILLY -REIMBURSABLE -REIMBURSE -REIMBURSED -REIMBURSEMENT -REIMBURSEMENTS -REIN -REINCARNATE -REINCARNATED -REINCARNATION -REINDEER -REINED -REINFORCE -REINFORCED -REINFORCEMENT -REINFORCEMENTS -REINFORCER -REINFORCES -REINFORCING -REINHARD -REINHARDT -REINHOLD -REINITIALIZE -REINITIALIZED -REINITIALIZING -REINS -REINSERT -REINSERTED -REINSERTING -REINSERTS -REINSTATE -REINSTATED -REINSTATEMENT -REINSTATES -REINSTATING -REINTERPRET -REINTERPRETED -REINTERPRETING -REINTERPRETS -REINTRODUCE -REINTRODUCED -REINTRODUCES -REINTRODUCING -REINVENT -REINVENTED -REINVENTING -REINVENTS -REITERATE -REITERATED -REITERATES -REITERATING -REITERATION -REJECT -REJECTED -REJECTING -REJECTION -REJECTIONS -REJECTOR -REJECTORS -REJECTS -REJOICE -REJOICED -REJOICER -REJOICES -REJOICING -REJOIN -REJOINDER -REJOINED -REJOINING -REJOINS -RELABEL -RELABELED -RELABELING -RELABELLED -RELABELLING -RELABELS -RELAPSE -RELATE -RELATED -RELATER -RELATES -RELATING -RELATION -RELATIONAL -RELATIONALLY -RELATIONS -RELATIONSHIP -RELATIONSHIPS -RELATIVE -RELATIVELY -RELATIVENESS -RELATIVES -RELATIVISM -RELATIVISTIC -RELATIVISTICALLY -RELATIVITY -RELAX -RELAXATION -RELAXATIONS -RELAXED -RELAXER -RELAXES -RELAXING -RELAY -RELAYED -RELAYING -RELAYS -RELEASE -RELEASED -RELEASES -RELEASING -RELEGATE -RELEGATED -RELEGATES -RELEGATING -RELENT -RELENTED -RELENTING -RELENTLESS -RELENTLESSLY -RELENTLESSNESS -RELENTS -RELEVANCE -RELEVANCES -RELEVANT -RELEVANTLY -RELIABILITY -RELIABLE -RELIABLY -RELIANCE -RELIANT -RELIC -RELICS -RELIED -RELIEF -RELIES -RELIEVE -RELIEVED -RELIEVER -RELIEVERS -RELIEVES -RELIEVING -RELIGION -RELIGIONS -RELIGIOUS -RELIGIOUSLY -RELIGIOUSNESS -RELINK -RELINQUISH -RELINQUISHED -RELINQUISHES -RELINQUISHING -RELISH -RELISHED -RELISHES -RELISHING -RELIVE -RELIVES -RELIVING -RELOAD -RELOADED -RELOADER -RELOADING -RELOADS -RELOCATABLE -RELOCATE -RELOCATED -RELOCATES -RELOCATING -RELOCATION -RELOCATIONS -RELUCTANCE -RELUCTANT -RELUCTANTLY -RELY -RELYING -REMAIN -REMAINDER -REMAINDERS -REMAINED -REMAINING -REMAINS -REMARK -REMARKABLE -REMARKABLENESS -REMARKABLY -REMARKED -REMARKING -REMARKS -REMBRANDT -REMEDIAL -REMEDIED -REMEDIES -REMEDY -REMEDYING -REMEMBER -REMEMBERED -REMEMBERING -REMEMBERS -REMEMBRANCE -REMEMBRANCES -REMIND -REMINDED -REMINDER -REMINDERS -REMINDING -REMINDS -REMINGTON -REMINISCENCE -REMINISCENCES -REMINISCENT -REMINISCENTLY -REMISS -REMISSION -REMIT -REMITTANCE -REMNANT -REMNANTS -REMODEL -REMODELED -REMODELING -REMODELS -REMONSTRATE -REMONSTRATED -REMONSTRATES -REMONSTRATING -REMONSTRATION -REMONSTRATIVE -REMORSE -REMORSEFUL -REMOTE -REMOTELY -REMOTENESS -REMOTEST -REMOVABLE -REMOVAL -REMOVALS -REMOVE -REMOVED -REMOVER -REMOVES -REMOVING -REMUNERATE -REMUNERATION -REMUS -REMY -RENA -RENAISSANCE -RENAL -RENAME -RENAMED -RENAMES -RENAMING -RENAULT -RENAULTS -REND -RENDER -RENDERED -RENDERING -RENDERINGS -RENDERS -RENDEZVOUS -RENDING -RENDITION -RENDITIONS -RENDS -RENE -RENEE -RENEGADE -RENEGOTIABLE -RENEW -RENEWABLE -RENEWAL -RENEWED -RENEWER -RENEWING -RENEWS -RENO -RENOIR -RENOUNCE -RENOUNCES -RENOUNCING -RENOVATE -RENOVATED -RENOVATION -RENOWN -RENOWNED -RENSSELAER -RENT -RENTAL -RENTALS -RENTED -RENTING -RENTS -RENUMBER -RENUMBERING -RENUMBERS -RENUNCIATE -RENUNCIATION -RENVILLE -REOCCUR -REOPEN -REOPENED -REOPENING -REOPENS -REORDER -REORDERED -REORDERING -REORDERS -REORGANIZATION -REORGANIZATIONS -REORGANIZE -REORGANIZED -REORGANIZES -REORGANIZING -REPACKAGE -REPAID -REPAIR -REPAIRED -REPAIRER -REPAIRING -REPAIRMAN -REPAIRMEN -REPAIRS -REPARATION -REPARATIONS -REPARTEE -REPARTITION -REPAST -REPASTS -REPAY -REPAYING -REPAYS -REPEAL -REPEALED -REPEALER -REPEALING -REPEALS -REPEAT -REPEATABLE -REPEATED -REPEATEDLY -REPEATER -REPEATERS -REPEATING -REPEATS -REPEL -REPELLED -REPELLENT -REPELS -REPENT -REPENTANCE -REPENTED -REPENTING -REPENTS -REPERCUSSION -REPERCUSSIONS -REPERTOIRE -REPERTORY -REPETITION -REPETITIONS -REPETITIOUS -REPETITIVE -REPETITIVELY -REPETITIVENESS -REPHRASE -REPHRASED -REPHRASES -REPHRASING -REPINE -REPLACE -REPLACEABLE -REPLACED -REPLACEMENT -REPLACEMENTS -REPLACER -REPLACES -REPLACING -REPLAY -REPLAYED -REPLAYING -REPLAYS -REPLENISH -REPLENISHED -REPLENISHES -REPLENISHING -REPLETE -REPLETENESS -REPLETION -REPLICA -REPLICAS -REPLICATE -REPLICATED -REPLICATES -REPLICATING -REPLICATION -REPLICATIONS -REPLIED -REPLIES -REPLY -REPLYING -REPORT -REPORTED -REPORTEDLY -REPORTER -REPORTERS -REPORTING -REPORTS -REPOSE -REPOSED -REPOSES -REPOSING -REPOSITION -REPOSITIONED -REPOSITIONING -REPOSITIONS -REPOSITORIES -REPOSITORY -REPREHENSIBLE -REPRESENT -REPRESENTABLE -REPRESENTABLY -REPRESENTATION -REPRESENTATIONAL -REPRESENTATIONALLY -REPRESENTATIONS -REPRESENTATIVE -REPRESENTATIVELY -REPRESENTATIVENESS -REPRESENTATIVES -REPRESENTED -REPRESENTING -REPRESENTS -REPRESS -REPRESSED -REPRESSES -REPRESSING -REPRESSION -REPRESSIONS -REPRESSIVE -REPRIEVE -REPRIEVED -REPRIEVES -REPRIEVING -REPRIMAND -REPRINT -REPRINTED -REPRINTING -REPRINTS -REPRISAL -REPRISALS -REPROACH -REPROACHED -REPROACHES -REPROACHING -REPROBATE -REPRODUCE -REPRODUCED -REPRODUCER -REPRODUCERS -REPRODUCES -REPRODUCIBILITIES -REPRODUCIBILITY -REPRODUCIBLE -REPRODUCIBLY -REPRODUCING -REPRODUCTION -REPRODUCTIONS -REPROGRAM -REPROGRAMMED -REPROGRAMMING -REPROGRAMS -REPROOF -REPROVE -REPROVER -REPTILE -REPTILES -REPTILIAN -REPUBLIC -REPUBLICAN -REPUBLICANS -REPUBLICS -REPUDIATE -REPUDIATED -REPUDIATES -REPUDIATING -REPUDIATION -REPUDIATIONS -REPUGNANT -REPULSE -REPULSED -REPULSES -REPULSING -REPULSION -REPULSIONS -REPULSIVE -REPUTABLE -REPUTABLY -REPUTATION -REPUTATIONS -REPUTE -REPUTED -REPUTEDLY -REPUTES -REQUEST -REQUESTED -REQUESTER -REQUESTERS -REQUESTING -REQUESTS -REQUIRE -REQUIRED -REQUIREMENT -REQUIREMENTS -REQUIRES -REQUIRING -REQUISITE -REQUISITES -REQUISITION -REQUISITIONED -REQUISITIONING -REQUISITIONS -REREAD -REREGISTER -REROUTE -REROUTED -REROUTES -REROUTING -RERUN -RERUNS -RESCHEDULE -RESCIND -RESCUE -RESCUED -RESCUER -RESCUERS -RESCUES -RESCUING -RESEARCH -RESEARCHED -RESEARCHER -RESEARCHERS -RESEARCHES -RESEARCHING -RESELECT -RESELECTED -RESELECTING -RESELECTS -RESELL -RESELLING -RESEMBLANCE -RESEMBLANCES -RESEMBLE -RESEMBLED -RESEMBLES -RESEMBLING -RESENT -RESENTED -RESENTFUL -RESENTFULLY -RESENTING -RESENTMENT -RESENTS -RESERPINE -RESERVATION -RESERVATIONS -RESERVE -RESERVED -RESERVER -RESERVES -RESERVING -RESERVOIR -RESERVOIRS -RESET -RESETS -RESETTING -RESETTINGS -RESIDE -RESIDED -RESIDENCE -RESIDENCES -RESIDENT -RESIDENTIAL -RESIDENTIALLY -RESIDENTS -RESIDES -RESIDING -RESIDUAL -RESIDUE -RESIDUES -RESIGN -RESIGNATION -RESIGNATIONS -RESIGNED -RESIGNING -RESIGNS -RESILIENT -RESIN -RESINS -RESIST -RESISTABLE -RESISTANCE -RESISTANCES -RESISTANT -RESISTANTLY -RESISTED -RESISTIBLE -RESISTING -RESISTIVE -RESISTIVITY -RESISTOR -RESISTORS -RESISTS -RESOLUTE -RESOLUTELY -RESOLUTENESS -RESOLUTION -RESOLUTIONS -RESOLVABLE -RESOLVE -RESOLVED -RESOLVER -RESOLVERS -RESOLVES -RESOLVING -RESONANCE -RESONANCES -RESONANT -RESONATE -RESORT -RESORTED -RESORTING -RESORTS -RESOUND -RESOUNDING -RESOUNDS -RESOURCE -RESOURCEFUL -RESOURCEFULLY -RESOURCEFULNESS -RESOURCES -RESPECT -RESPECTABILITY -RESPECTABLE -RESPECTABLY -RESPECTED -RESPECTER -RESPECTFUL -RESPECTFULLY -RESPECTFULNESS -RESPECTING -RESPECTIVE -RESPECTIVELY -RESPECTS -RESPIRATION -RESPIRATOR -RESPIRATORY -RESPITE -RESPLENDENT -RESPLENDENTLY -RESPOND -RESPONDED -RESPONDENT -RESPONDENTS -RESPONDER -RESPONDING -RESPONDS -RESPONSE -RESPONSES -RESPONSIBILITIES -RESPONSIBILITY -RESPONSIBLE -RESPONSIBLENESS -RESPONSIBLY -RESPONSIVE -RESPONSIVELY -RESPONSIVENESS -REST -RESTART -RESTARTED -RESTARTING -RESTARTS -RESTATE -RESTATED -RESTATEMENT -RESTATES -RESTATING -RESTAURANT -RESTAURANTS -RESTAURATEUR -RESTED -RESTFUL -RESTFULLY -RESTFULNESS -RESTING -RESTITUTION -RESTIVE -RESTLESS -RESTLESSLY -RESTLESSNESS -RESTORATION -RESTORATIONS -RESTORE -RESTORED -RESTORER -RESTORERS -RESTORES -RESTORING -RESTRAIN -RESTRAINED -RESTRAINER -RESTRAINERS -RESTRAINING -RESTRAINS -RESTRAINT -RESTRAINTS -RESTRICT -RESTRICTED -RESTRICTING -RESTRICTION -RESTRICTIONS -RESTRICTIVE -RESTRICTIVELY -RESTRICTS -RESTROOM -RESTRUCTURE -RESTRUCTURED -RESTRUCTURES -RESTRUCTURING -RESTS -RESULT -RESULTANT -RESULTANTLY -RESULTANTS -RESULTED -RESULTING -RESULTS -RESUMABLE -RESUME -RESUMED -RESUMES -RESUMING -RESUMPTION -RESUMPTIONS -RESURGENT -RESURRECT -RESURRECTED -RESURRECTING -RESURRECTION -RESURRECTIONS -RESURRECTOR -RESURRECTORS -RESURRECTS -RESUSCITATE -RESYNCHRONIZATION -RESYNCHRONIZE -RESYNCHRONIZED -RESYNCHRONIZING -RETAIL -RETAILER -RETAILERS -RETAILING -RETAIN -RETAINED -RETAINER -RETAINERS -RETAINING -RETAINMENT -RETAINS -RETALIATE -RETALIATION -RETALIATORY -RETARD -RETARDED -RETARDER -RETARDING -RETCH -RETENTION -RETENTIONS -RETENTIVE -RETENTIVELY -RETENTIVENESS -RETICLE -RETICLES -RETICULAR -RETICULATE -RETICULATED -RETICULATELY -RETICULATES -RETICULATING -RETICULATION -RETINA -RETINAL -RETINAS -RETINUE -RETIRE -RETIRED -RETIREE -RETIREMENT -RETIREMENTS -RETIRES -RETIRING -RETORT -RETORTED -RETORTS -RETRACE -RETRACED -RETRACES -RETRACING -RETRACT -RETRACTED -RETRACTING -RETRACTION -RETRACTIONS -RETRACTS -RETRAIN -RETRAINED -RETRAINING -RETRAINS -RETRANSLATE -RETRANSLATED -RETRANSMISSION -RETRANSMISSIONS -RETRANSMIT -RETRANSMITS -RETRANSMITTED -RETRANSMITTING -RETREAT -RETREATED -RETREATING -RETREATS -RETRIBUTION -RETRIED -RETRIER -RETRIERS -RETRIES -RETRIEVABLE -RETRIEVAL -RETRIEVALS -RETRIEVE -RETRIEVED -RETRIEVER -RETRIEVERS -RETRIEVES -RETRIEVING -RETROACTIVE -RETROACTIVELY -RETROFIT -RETROFITTING -RETROGRADE -RETROSPECT -RETROSPECTION -RETROSPECTIVE -RETRY -RETRYING -RETURN -RETURNABLE -RETURNED -RETURNER -RETURNING -RETURNS -RETYPE -RETYPED -RETYPES -RETYPING -REUB -REUBEN -REUNION -REUNIONS -REUNITE -REUNITED -REUNITING -REUSABLE -REUSE -REUSED -REUSES -REUSING -REUTERS -REUTHER -REVAMP -REVAMPED -REVAMPING -REVAMPS -REVEAL -REVEALED -REVEALING -REVEALS -REVEL -REVELATION -REVELATIONS -REVELED -REVELER -REVELING -REVELRY -REVELS -REVENGE -REVENGER -REVENUE -REVENUERS -REVENUES -REVERBERATE -REVERE -REVERED -REVERENCE -REVEREND -REVERENDS -REVERENT -REVERENTLY -REVERES -REVERIE -REVERIFIED -REVERIFIES -REVERIFY -REVERIFYING -REVERING -REVERSAL -REVERSALS -REVERSE -REVERSED -REVERSELY -REVERSER -REVERSES -REVERSIBLE -REVERSING -REVERSION -REVERT -REVERTED -REVERTING -REVERTS -REVIEW -REVIEWED -REVIEWER -REVIEWERS -REVIEWING -REVIEWS -REVILE -REVILED -REVILER -REVILING -REVISE -REVISED -REVISER -REVISES -REVISING -REVISION -REVISIONARY -REVISIONS -REVISIT -REVISITED -REVISITING -REVISITS -REVIVAL -REVIVALS -REVIVE -REVIVED -REVIVER -REVIVES -REVIVING -REVOCABLE -REVOCATION -REVOKE -REVOKED -REVOKER -REVOKES -REVOKING -REVOLT -REVOLTED -REVOLTER -REVOLTING -REVOLTINGLY -REVOLTS -REVOLUTION -REVOLUTIONARIES -REVOLUTIONARY -REVOLUTIONIZE -REVOLUTIONIZED -REVOLUTIONIZER -REVOLUTIONS -REVOLVE -REVOLVED -REVOLVER -REVOLVERS -REVOLVES -REVOLVING -REVULSION -REWARD -REWARDED -REWARDING -REWARDINGLY -REWARDS -REWIND -REWINDING -REWINDS -REWIRE -REWORK -REWORKED -REWORKING -REWORKS -REWOUND -REWRITE -REWRITES -REWRITING -REWRITTEN -REX -REYKJAVIK -REYNOLDS -RHAPSODY -RHEA -RHEIMS -RHEINHOLDT -RHENISH -RHESUS -RHETORIC -RHEUMATIC -RHEUMATISM -RHINE -RHINESTONE -RHINO -RHINOCEROS -RHO -RHODA -RHODE -RHODES -RHODESIA -RHODODENDRON -RHOMBIC -RHOMBUS -RHUBARB -RHYME -RHYMED -RHYMES -RHYMING -RHYTHM -RHYTHMIC -RHYTHMICALLY -RHYTHMS -RIB -RIBALD -RIBBED -RIBBING -RIBBON -RIBBONS -RIBOFLAVIN -RIBONUCLEIC -RIBS -RICA -RICAN -RICANISM -RICANS -RICE -RICH -RICHARD -RICHARDS -RICHARDSON -RICHER -RICHES -RICHEST -RICHEY -RICHFIELD -RICHLAND -RICHLY -RICHMOND -RICHNESS -RICHTER -RICK -RICKENBAUGH -RICKETS -RICKETTSIA -RICKETY -RICKSHAW -RICKSHAWS -RICO -RICOCHET -RID -RIDDANCE -RIDDEN -RIDDING -RIDDLE -RIDDLED -RIDDLES -RIDDLING -RIDE -RIDER -RIDERS -RIDES -RIDGE -RIDGEFIELD -RIDGEPOLE -RIDGES -RIDGWAY -RIDICULE -RIDICULED -RIDICULES -RIDICULING -RIDICULOUS -RIDICULOUSLY -RIDICULOUSNESS -RIDING -RIDS -RIEMANN -RIEMANNIAN -RIFLE -RIFLED -RIFLEMAN -RIFLER -RIFLES -RIFLING -RIFT -RIG -RIGA -RIGEL -RIGGING -RIGGS -RIGHT -RIGHTED -RIGHTEOUS -RIGHTEOUSLY -RIGHTEOUSNESS -RIGHTER -RIGHTFUL -RIGHTFULLY -RIGHTFULNESS -RIGHTING -RIGHTLY -RIGHTMOST -RIGHTNESS -RIGHTS -RIGHTWARD -RIGID -RIGIDITY -RIGIDLY -RIGOR -RIGOROUS -RIGOROUSLY -RIGORS -RIGS -RILEY -RILKE -RILL -RIM -RIME -RIMS -RIND -RINDS -RINEHART -RING -RINGED -RINGER -RINGERS -RINGING -RINGINGLY -RINGINGS -RINGS -RINGSIDE -RINK -RINSE -RINSED -RINSER -RINSES -RINSING -RIO -RIORDAN -RIOT -RIOTED -RIOTER -RIOTERS -RIOTING -RIOTOUS -RIOTS -RIP -RIPE -RIPELY -RIPEN -RIPENESS -RIPLEY -RIPOFF -RIPPED -RIPPING -RIPPLE -RIPPLED -RIPPLES -RIPPLING -RIPS -RISC -RISE -RISEN -RISER -RISERS -RISES -RISING -RISINGS -RISK -RISKED -RISKING -RISKS -RISKY -RITCHIE -RITE -RITES -RITTER -RITUAL -RITUALLY -RITUALS -RITZ -RIVAL -RIVALED -RIVALLED -RIVALLING -RIVALRIES -RIVALRY -RIVALS -RIVER -RIVERBANK -RIVERFRONT -RIVERS -RIVERSIDE -RIVERVIEW -RIVET -RIVETER -RIVETS -RIVIERA -RIVULET -RIVULETS -RIYADH -ROACH -ROAD -ROADBED -ROADBLOCK -ROADS -ROADSIDE -ROADSTER -ROADSTERS -ROADWAY -ROADWAYS -ROAM -ROAMED -ROAMING -ROAMS -ROAR -ROARED -ROARER -ROARING -ROARS -ROAST -ROASTED -ROASTER -ROASTING -ROASTS -ROB -ROBBED -ROBBER -ROBBERIES -ROBBERS -ROBBERY -ROBBIE -ROBBIN -ROBBING -ROBBINS -ROBE -ROBED -ROBERT -ROBERTA -ROBERTO -ROBERTS -ROBERTSON -ROBERTSONS -ROBES -ROBIN -ROBING -ROBINS -ROBINSON -ROBINSONVILLE -ROBOT -ROBOTIC -ROBOTICS -ROBOTS -ROBS -ROBUST -ROBUSTLY -ROBUSTNESS -ROCCO -ROCHESTER -ROCHFORD -ROCK -ROCKABYE -ROCKAWAY -ROCKAWAYS -ROCKED -ROCKEFELLER -ROCKER -ROCKERS -ROCKET -ROCKETED -ROCKETING -ROCKETS -ROCKFORD -ROCKIES -ROCKING -ROCKLAND -ROCKS -ROCKVILLE -ROCKWELL -ROCKY -ROD -RODE -RODENT -RODENTS -RODEO -RODGERS -RODNEY -RODRIGUEZ -RODS -ROE -ROENTGEN -ROGER -ROGERS -ROGUE -ROGUES -ROLAND -ROLE -ROLES -ROLL -ROLLBACK -ROLLED -ROLLER -ROLLERS -ROLLIE -ROLLING -ROLLINS -ROLLS -ROMAN -ROMANCE -ROMANCER -ROMANCERS -ROMANCES -ROMANCING -ROMANESQUE -ROMANIA -ROMANIZATIONS -ROMANIZER -ROMANIZERS -ROMANIZES -ROMANO -ROMANS -ROMANTIC -ROMANTICS -ROME -ROMELDALE -ROMEO -ROMP -ROMPED -ROMPER -ROMPING -ROMPS -ROMULUS -RON -RONALD -RONNIE -ROOF -ROOFED -ROOFER -ROOFING -ROOFS -ROOFTOP -ROOK -ROOKIE -ROOM -ROOMED -ROOMER -ROOMERS -ROOMFUL -ROOMING -ROOMMATE -ROOMS -ROOMY -ROONEY -ROOSEVELT -ROOSEVELTIAN -ROOST -ROOSTER -ROOSTERS -ROOT -ROOTED -ROOTER -ROOTING -ROOTS -ROPE -ROPED -ROPER -ROPERS -ROPES -ROPING -ROQUEMORE -RORSCHACH -ROSA -ROSABELLE -ROSALIE -ROSARY -ROSE -ROSEBUD -ROSEBUDS -ROSEBUSH -ROSELAND -ROSELLA -ROSEMARY -ROSEN -ROSENBERG -ROSENBLUM -ROSENTHAL -ROSENZWEIG -ROSES -ROSETTA -ROSETTE -ROSIE -ROSINESS -ROSS -ROSSI -ROSTER -ROSTRUM -ROSWELL -ROSY -ROT -ROTARIAN -ROTARIANS -ROTARY -ROTATE -ROTATED -ROTATES -ROTATING -ROTATION -ROTATIONAL -ROTATIONS -ROTATOR -ROTH -ROTHSCHILD -ROTOR -ROTS -ROTTEN -ROTTENNESS -ROTTERDAM -ROTTING -ROTUND -ROTUNDA -ROUGE -ROUGH -ROUGHED -ROUGHEN -ROUGHER -ROUGHEST -ROUGHLY -ROUGHNECK -ROUGHNESS -ROULETTE -ROUND -ROUNDABOUT -ROUNDED -ROUNDEDNESS -ROUNDER -ROUNDEST -ROUNDHEAD -ROUNDHOUSE -ROUNDING -ROUNDLY -ROUNDNESS -ROUNDOFF -ROUNDS -ROUNDTABLE -ROUNDUP -ROUNDWORM -ROURKE -ROUSE -ROUSED -ROUSES -ROUSING -ROUSSEAU -ROUSTABOUT -ROUT -ROUTE -ROUTED -ROUTER -ROUTERS -ROUTES -ROUTINE -ROUTINELY -ROUTINES -ROUTING -ROUTINGS -ROVE -ROVED -ROVER -ROVES -ROVING -ROW -ROWBOAT -ROWDY -ROWE -ROWED -ROWENA -ROWER -ROWING -ROWLAND -ROWLEY -ROWS -ROXBURY -ROXY -ROY -ROYAL -ROYALIST -ROYALISTS -ROYALLY -ROYALTIES -ROYALTY -ROYCE -ROZELLE -RUANDA -RUB -RUBAIYAT -RUBBED -RUBBER -RUBBERS -RUBBERY -RUBBING -RUBBISH -RUBBLE -RUBDOWN -RUBE -RUBEN -RUBENS -RUBIES -RUBIN -RUBLE -RUBLES -RUBOUT -RUBS -RUBY -RUDDER -RUDDERS -RUDDINESS -RUDDY -RUDE -RUDELY -RUDENESS -RUDIMENT -RUDIMENTARY -RUDIMENTS -RUDOLF -RUDOLPH -RUDY -RUDYARD -RUE -RUEFULLY -RUFFIAN -RUFFIANLY -RUFFIANS -RUFFLE -RUFFLED -RUFFLES -RUFUS -RUG -RUGGED -RUGGEDLY -RUGGEDNESS -RUGS -RUIN -RUINATION -RUINATIONS -RUINED -RUINING -RUINOUS -RUINOUSLY -RUINS -RULE -RULED -RULER -RULERS -RULES -RULING -RULINGS -RUM -RUMANIA -RUMANIAN -RUMANIANS -RUMBLE -RUMBLED -RUMBLER -RUMBLES -RUMBLING -RUMEN -RUMFORD -RUMMAGE -RUMMEL -RUMMY -RUMOR -RUMORED -RUMORS -RUMP -RUMPLE -RUMPLED -RUMPLY -RUMPUS -RUN -RUNAWAY -RUNDOWN -RUNG -RUNGE -RUNGS -RUNNABLE -RUNNER -RUNNERS -RUNNING -RUNNYMEDE -RUNOFF -RUNS -RUNT -RUNTIME -RUNYON -RUPEE -RUPPERT -RUPTURE -RUPTURED -RUPTURES -RUPTURING -RURAL -RURALLY -RUSH -RUSHED -RUSHER -RUSHES -RUSHING -RUSHMORE -RUSS -RUSSELL -RUSSET -RUSSIA -RUSSIAN -RUSSIANIZATIONS -RUSSIANIZES -RUSSIANS -RUSSO -RUST -RUSTED -RUSTIC -RUSTICATE -RUSTICATED -RUSTICATES -RUSTICATING -RUSTICATION -RUSTING -RUSTLE -RUSTLED -RUSTLER -RUSTLERS -RUSTLING -RUSTS -RUSTY -RUT -RUTGERS -RUTH -RUTHERFORD -RUTHLESS -RUTHLESSLY -RUTHLESSNESS -RUTLAND -RUTLEDGE -RUTS -RWANDA -RYAN -RYDBERG -RYDER -RYE -SABBATH -SABBATHIZE -SABBATHIZES -SABBATICAL -SABER -SABERS -SABINA -SABINE -SABLE -SABLES -SABOTAGE -SACHS -SACK -SACKER -SACKING -SACKS -SACRAMENT -SACRAMENTO -SACRED -SACREDLY -SACREDNESS -SACRIFICE -SACRIFICED -SACRIFICER -SACRIFICERS -SACRIFICES -SACRIFICIAL -SACRIFICIALLY -SACRIFICING -SACRILEGE -SACRILEGIOUS -SACROSANCT -SAD -SADDEN -SADDENED -SADDENS -SADDER -SADDEST -SADDLE -SADDLEBAG -SADDLED -SADDLES -SADIE -SADISM -SADIST -SADISTIC -SADISTICALLY -SADISTS -SADLER -SADLY -SADNESS -SAFARI -SAFE -SAFEGUARD -SAFEGUARDED -SAFEGUARDING -SAFEGUARDS -SAFEKEEPING -SAFELY -SAFENESS -SAFER -SAFES -SAFEST -SAFETIES -SAFETY -SAFFRON -SAG -SAGA -SAGACIOUS -SAGACITY -SAGE -SAGEBRUSH -SAGELY -SAGES -SAGGING -SAGINAW -SAGITTAL -SAGITTARIUS -SAGS -SAGUARO -SAHARA -SAID -SAIGON -SAIL -SAILBOAT -SAILED -SAILFISH -SAILING -SAILOR -SAILORLY -SAILORS -SAILS -SAINT -SAINTED -SAINTHOOD -SAINTLY -SAINTS -SAKE -SAKES -SAL -SALAAM -SALABLE -SALAD -SALADS -SALAMANDER -SALAMI -SALARIED -SALARIES -SALARY -SALE -SALEM -SALERNO -SALES -SALESGIRL -SALESIAN -SALESLADY -SALESMAN -SALESMEN -SALESPERSON -SALIENT -SALINA -SALINE -SALISBURY -SALISH -SALIVA -SALIVARY -SALIVATE -SALK -SALLE -SALLIES -SALLOW -SALLY -SALLYING -SALMON -SALON -SALONS -SALOON -SALOONS -SALT -SALTED -SALTER -SALTERS -SALTIER -SALTIEST -SALTINESS -SALTING -SALTON -SALTS -SALTY -SALUTARY -SALUTATION -SALUTATIONS -SALUTE -SALUTED -SALUTES -SALUTING -SALVADOR -SALVADORAN -SALVAGE -SALVAGED -SALVAGER -SALVAGES -SALVAGING -SALVATION -SALVATORE -SALVE -SALVER -SALVES -SALZ -SAM -SAMARITAN -SAME -SAMENESS -SAMMY -SAMOA -SAMOAN -SAMPLE -SAMPLED -SAMPLER -SAMPLERS -SAMPLES -SAMPLING -SAMPLINGS -SAMPSON -SAMSON -SAMUEL -SAMUELS -SAMUELSON -SAN -SANA -SANATORIA -SANATORIUM -SANBORN -SANCHEZ -SANCHO -SANCTIFICATION -SANCTIFIED -SANCTIFY -SANCTIMONIOUS -SANCTION -SANCTIONED -SANCTIONING -SANCTIONS -SANCTITY -SANCTUARIES -SANCTUARY -SANCTUM -SAND -SANDAL -SANDALS -SANDBAG -SANDBURG -SANDED -SANDER -SANDERLING -SANDERS -SANDERSON -SANDIA -SANDING -SANDMAN -SANDPAPER -SANDRA -SANDS -SANDSTONE -SANDUSKY -SANDWICH -SANDWICHES -SANDY -SANE -SANELY -SANER -SANEST -SANFORD -SANG -SANGUINE -SANHEDRIN -SANITARIUM -SANITARY -SANITATION -SANITY -SANK -SANSKRIT -SANSKRITIC -SANSKRITIZE -SANTA -SANTAYANA -SANTIAGO -SANTO -SAO -SAP -SAPIENS -SAPLING -SAPLINGS -SAPPHIRE -SAPPHO -SAPS -SAPSUCKER -SARA -SARACEN -SARACENS -SARAH -SARAN -SARASOTA -SARATOGA -SARCASM -SARCASMS -SARCASTIC -SARDINE -SARDINIA -SARDONIC -SARGENT -SARI -SARTRE -SASH -SASKATCHEWAN -SASKATOON -SAT -SATAN -SATANIC -SATANISM -SATANIST -SATCHEL -SATCHELS -SATE -SATED -SATELLITE -SATELLITES -SATES -SATIN -SATING -SATIRE -SATIRES -SATIRIC -SATISFACTION -SATISFACTIONS -SATISFACTORILY -SATISFACTORY -SATISFIABILITY -SATISFIABLE -SATISFIED -SATISFIES -SATISFY -SATISFYING -SATURATE -SATURATED -SATURATES -SATURATING -SATURATION -SATURDAY -SATURDAYS -SATURN -SATURNALIA -SATURNISM -SATYR -SAUCE -SAUCEPAN -SAUCEPANS -SAUCER -SAUCERS -SAUCES -SAUCY -SAUD -SAUDI -SAUKVILLE -SAUL -SAULT -SAUNDERS -SAUNTER -SAUSAGE -SAUSAGES -SAVAGE -SAVAGED -SAVAGELY -SAVAGENESS -SAVAGER -SAVAGERS -SAVAGES -SAVAGING -SAVANNAH -SAVE -SAVED -SAVER -SAVERS -SAVES -SAVING -SAVINGS -SAVIOR -SAVIORS -SAVIOUR -SAVONAROLA -SAVOR -SAVORED -SAVORING -SAVORS -SAVORY -SAVOY -SAVOYARD -SAVOYARDS -SAW -SAWDUST -SAWED -SAWFISH -SAWING -SAWMILL -SAWMILLS -SAWS -SAWTOOTH -SAX -SAXON -SAXONIZATION -SAXONIZATIONS -SAXONIZE -SAXONIZES -SAXONS -SAXONY -SAXOPHONE -SAXTON -SAY -SAYER -SAYERS -SAYING -SAYINGS -SAYS -SCAB -SCABBARD -SCABBARDS -SCABROUS -SCAFFOLD -SCAFFOLDING -SCAFFOLDINGS -SCAFFOLDS -SCALA -SCALABLE -SCALAR -SCALARS -SCALD -SCALDED -SCALDING -SCALE -SCALED -SCALES -SCALING -SCALINGS -SCALLOP -SCALLOPED -SCALLOPS -SCALP -SCALPS -SCALY -SCAMPER -SCAMPERING -SCAMPERS -SCAN -SCANDAL -SCANDALOUS -SCANDALS -SCANDINAVIA -SCANDINAVIAN -SCANDINAVIANS -SCANNED -SCANNER -SCANNERS -SCANNING -SCANS -SCANT -SCANTIER -SCANTIEST -SCANTILY -SCANTINESS -SCANTLY -SCANTY -SCAPEGOAT -SCAR -SCARBOROUGH -SCARCE -SCARCELY -SCARCENESS -SCARCER -SCARCITY -SCARE -SCARECROW -SCARED -SCARES -SCARF -SCARING -SCARLATTI -SCARLET -SCARS -SCARSDALE -SCARVES -SCARY -SCATTER -SCATTERBRAIN -SCATTERED -SCATTERING -SCATTERS -SCENARIO -SCENARIOS -SCENE -SCENERY -SCENES -SCENIC -SCENT -SCENTED -SCENTS -SCEPTER -SCEPTERS -SCHAEFER -SCHAEFFER -SCHAFER -SCHAFFNER -SCHANTZ -SCHAPIRO -SCHEDULABLE -SCHEDULE -SCHEDULED -SCHEDULER -SCHEDULERS -SCHEDULES -SCHEDULING -SCHEHERAZADE -SCHELLING -SCHEMA -SCHEMAS -SCHEMATA -SCHEMATIC -SCHEMATICALLY -SCHEMATICS -SCHEME -SCHEMED -SCHEMER -SCHEMERS -SCHEMES -SCHEMING -SCHILLER -SCHISM -SCHIZOPHRENIA -SCHLESINGER -SCHLITZ -SCHLOSS -SCHMIDT -SCHMITT -SCHNABEL -SCHNEIDER -SCHOENBERG -SCHOFIELD -SCHOLAR -SCHOLARLY -SCHOLARS -SCHOLARSHIP -SCHOLARSHIPS -SCHOLASTIC -SCHOLASTICALLY -SCHOLASTICS -SCHOOL -SCHOOLBOY -SCHOOLBOYS -SCHOOLED -SCHOOLER -SCHOOLERS -SCHOOLHOUSE -SCHOOLHOUSES -SCHOOLING -SCHOOLMASTER -SCHOOLMASTERS -SCHOOLROOM -SCHOOLROOMS -SCHOOLS -SCHOONER -SCHOPENHAUER -SCHOTTKY -SCHROEDER -SCHROEDINGER -SCHUBERT -SCHULTZ -SCHULZ -SCHUMACHER -SCHUMAN -SCHUMANN -SCHUSTER -SCHUYLER -SCHUYLKILL -SCHWAB -SCHWARTZ -SCHWEITZER -SCIENCE -SCIENCES -SCIENTIFIC -SCIENTIFICALLY -SCIENTIST -SCIENTISTS -SCISSOR -SCISSORED -SCISSORING -SCISSORS -SCLEROSIS -SCLEROTIC -SCOFF -SCOFFED -SCOFFER -SCOFFING -SCOFFS -SCOLD -SCOLDED -SCOLDING -SCOLDS -SCOOP -SCOOPED -SCOOPING -SCOOPS -SCOOT -SCOPE -SCOPED -SCOPES -SCOPING -SCORCH -SCORCHED -SCORCHER -SCORCHES -SCORCHING -SCORE -SCOREBOARD -SCORECARD -SCORED -SCORER -SCORERS -SCORES -SCORING -SCORINGS -SCORN -SCORNED -SCORNER -SCORNFUL -SCORNFULLY -SCORNING -SCORNS -SCORPIO -SCORPION -SCORPIONS -SCOT -SCOTCH -SCOTCHGARD -SCOTCHMAN -SCOTIA -SCOTIAN -SCOTLAND -SCOTS -SCOTSMAN -SCOTSMEN -SCOTT -SCOTTISH -SCOTTSDALE -SCOTTY -SCOUNDREL -SCOUNDRELS -SCOUR -SCOURED -SCOURGE -SCOURING -SCOURS -SCOUT -SCOUTED -SCOUTING -SCOUTS -SCOW -SCOWL -SCOWLED -SCOWLING -SCOWLS -SCRAM -SCRAMBLE -SCRAMBLED -SCRAMBLER -SCRAMBLES -SCRAMBLING -SCRANTON -SCRAP -SCRAPE -SCRAPED -SCRAPER -SCRAPERS -SCRAPES -SCRAPING -SCRAPINGS -SCRAPPED -SCRAPS -SCRATCH -SCRATCHED -SCRATCHER -SCRATCHERS -SCRATCHES -SCRATCHING -SCRATCHY -SCRAWL -SCRAWLED -SCRAWLING -SCRAWLS -SCRAWNY -SCREAM -SCREAMED -SCREAMER -SCREAMERS -SCREAMING -SCREAMS -SCREECH -SCREECHED -SCREECHES -SCREECHING -SCREEN -SCREENED -SCREENING -SCREENINGS -SCREENPLAY -SCREENS -SCREW -SCREWBALL -SCREWDRIVER -SCREWED -SCREWING -SCREWS -SCRIBBLE -SCRIBBLED -SCRIBBLER -SCRIBBLES -SCRIBE -SCRIBES -SCRIBING -SCRIBNERS -SCRIMMAGE -SCRIPPS -SCRIPT -SCRIPTS -SCRIPTURE -SCRIPTURES -SCROLL -SCROLLED -SCROLLING -SCROLLS -SCROOGE -SCROUNGE -SCRUB -SCRUMPTIOUS -SCRUPLE -SCRUPULOUS -SCRUPULOUSLY -SCRUTINIZE -SCRUTINIZED -SCRUTINIZING -SCRUTINY -SCUBA -SCUD -SCUFFLE -SCUFFLED -SCUFFLES -SCUFFLING -SCULPT -SCULPTED -SCULPTOR -SCULPTORS -SCULPTS -SCULPTURE -SCULPTURED -SCULPTURES -SCURRIED -SCURRY -SCURVY -SCUTTLE -SCUTTLED -SCUTTLES -SCUTTLING -SCYLLA -SCYTHE -SCYTHES -SCYTHIA -SEA -SEABOARD -SEABORG -SEABROOK -SEACOAST -SEACOASTS -SEAFOOD -SEAGATE -SEAGRAM -SEAGULL -SEAHORSE -SEAL -SEALED -SEALER -SEALING -SEALS -SEALY -SEAM -SEAMAN -SEAMED -SEAMEN -SEAMING -SEAMS -SEAMY -SEAN -SEAPORT -SEAPORTS -SEAQUARIUM -SEAR -SEARCH -SEARCHED -SEARCHER -SEARCHERS -SEARCHES -SEARCHING -SEARCHINGLY -SEARCHINGS -SEARCHLIGHT -SEARED -SEARING -SEARINGLY -SEARS -SEAS -SEASHORE -SEASHORES -SEASIDE -SEASON -SEASONABLE -SEASONABLY -SEASONAL -SEASONALLY -SEASONED -SEASONER -SEASONERS -SEASONING -SEASONINGS -SEASONS -SEAT -SEATED -SEATING -SEATS -SEATTLE -SEAWARD -SEAWEED -SEBASTIAN -SECANT -SECEDE -SECEDED -SECEDES -SECEDING -SECESSION -SECLUDE -SECLUDED -SECLUSION -SECOND -SECONDARIES -SECONDARILY -SECONDARY -SECONDED -SECONDER -SECONDERS -SECONDHAND -SECONDING -SECONDLY -SECONDS -SECRECY -SECRET -SECRETARIAL -SECRETARIAT -SECRETARIES -SECRETARY -SECRETE -SECRETED -SECRETES -SECRETING -SECRETION -SECRETIONS -SECRETIVE -SECRETIVELY -SECRETLY -SECRETS -SECT -SECTARIAN -SECTION -SECTIONAL -SECTIONED -SECTIONING -SECTIONS -SECTOR -SECTORS -SECTS -SECULAR -SECURE -SECURED -SECURELY -SECURES -SECURING -SECURINGS -SECURITIES -SECURITY -SEDAN -SEDATE -SEDGE -SEDGWICK -SEDIMENT -SEDIMENTARY -SEDIMENTS -SEDITION -SEDITIOUS -SEDUCE -SEDUCED -SEDUCER -SEDUCERS -SEDUCES -SEDUCING -SEDUCTION -SEDUCTIVE -SEE -SEED -SEEDED -SEEDER -SEEDERS -SEEDING -SEEDINGS -SEEDLING -SEEDLINGS -SEEDS -SEEDY -SEEING -SEEK -SEEKER -SEEKERS -SEEKING -SEEKS -SEELEY -SEEM -SEEMED -SEEMING -SEEMINGLY -SEEMLY -SEEMS -SEEN -SEEP -SEEPAGE -SEEPED -SEEPING -SEEPS -SEER -SEERS -SEERSUCKER -SEES -SEETHE -SEETHED -SEETHES -SEETHING -SEGMENT -SEGMENTATION -SEGMENTATIONS -SEGMENTED -SEGMENTING -SEGMENTS -SEGOVIA -SEGREGATE -SEGREGATED -SEGREGATES -SEGREGATING -SEGREGATION -SEGUNDO -SEIDEL -SEISMIC -SEISMOGRAPH -SEISMOLOGY -SEIZE -SEIZED -SEIZES -SEIZING -SEIZURE -SEIZURES -SELDOM -SELECT -SELECTED -SELECTING -SELECTION -SELECTIONS -SELECTIVE -SELECTIVELY -SELECTIVITY -SELECTMAN -SELECTMEN -SELECTOR -SELECTORS -SELECTRIC -SELECTS -SELENA -SELENIUM -SELF -SELFISH -SELFISHLY -SELFISHNESS -SELFRIDGE -SELFSAME -SELKIRK -SELL -SELLER -SELLERS -SELLING -SELLOUT -SELLS -SELMA -SELTZER -SELVES -SELWYN -SEMANTIC -SEMANTICAL -SEMANTICALLY -SEMANTICIST -SEMANTICISTS -SEMANTICS -SEMAPHORE -SEMAPHORES -SEMBLANCE -SEMESTER -SEMESTERS -SEMI -SEMIAUTOMATED -SEMICOLON -SEMICOLONS -SEMICONDUCTOR -SEMICONDUCTORS -SEMINAL -SEMINAR -SEMINARIAN -SEMINARIES -SEMINARS -SEMINARY -SEMINOLE -SEMIPERMANENT -SEMIPERMANENTLY -SEMIRAMIS -SEMITE -SEMITIC -SEMITICIZE -SEMITICIZES -SEMITIZATION -SEMITIZATIONS -SEMITIZE -SEMITIZES -SENATE -SENATES -SENATOR -SENATORIAL -SENATORS -SEND -SENDER -SENDERS -SENDING -SENDS -SENECA -SENEGAL -SENILE -SENIOR -SENIORITY -SENIORS -SENSATION -SENSATIONAL -SENSATIONALLY -SENSATIONS -SENSE -SENSED -SENSELESS -SENSELESSLY -SENSELESSNESS -SENSES -SENSIBILITIES -SENSIBILITY -SENSIBLE -SENSIBLY -SENSING -SENSITIVE -SENSITIVELY -SENSITIVENESS -SENSITIVES -SENSITIVITIES -SENSITIVITY -SENSOR -SENSORS -SENSORY -SENSUAL -SENSUOUS -SENT -SENTENCE -SENTENCED -SENTENCES -SENTENCING -SENTENTIAL -SENTIMENT -SENTIMENTAL -SENTIMENTALLY -SENTIMENTS -SENTINEL -SENTINELS -SENTRIES -SENTRY -SEOUL -SEPARABLE -SEPARATE -SEPARATED -SEPARATELY -SEPARATENESS -SEPARATES -SEPARATING -SEPARATION -SEPARATIONS -SEPARATOR -SEPARATORS -SEPIA -SEPOY -SEPT -SEPTEMBER -SEPTEMBERS -SEPULCHER -SEPULCHERS -SEQUEL -SEQUELS -SEQUENCE -SEQUENCED -SEQUENCER -SEQUENCERS -SEQUENCES -SEQUENCING -SEQUENCINGS -SEQUENTIAL -SEQUENTIALITY -SEQUENTIALIZE -SEQUENTIALIZED -SEQUENTIALIZES -SEQUENTIALIZING -SEQUENTIALLY -SEQUESTER -SEQUOIA -SERAFIN -SERBIA -SERBIAN -SERBIANS -SERENDIPITOUS -SERENDIPITY -SERENE -SERENELY -SERENITY -SERF -SERFS -SERGEANT -SERGEANTS -SERGEI -SERIAL -SERIALIZABILITY -SERIALIZABLE -SERIALIZATION -SERIALIZATIONS -SERIALIZE -SERIALIZED -SERIALIZES -SERIALIZING -SERIALLY -SERIALS -SERIES -SERIF -SERIOUS -SERIOUSLY -SERIOUSNESS -SERMON -SERMONS -SERPENS -SERPENT -SERPENTINE -SERPENTS -SERRA -SERUM -SERUMS -SERVANT -SERVANTS -SERVE -SERVED -SERVER -SERVERS -SERVES -SERVICE -SERVICEABILITY -SERVICEABLE -SERVICED -SERVICEMAN -SERVICEMEN -SERVICES -SERVICING -SERVILE -SERVING -SERVINGS -SERVITUDE -SERVO -SERVOMECHANISM -SESAME -SESSION -SESSIONS -SET -SETBACK -SETH -SETS -SETTABLE -SETTER -SETTERS -SETTING -SETTINGS -SETTLE -SETTLED -SETTLEMENT -SETTLEMENTS -SETTLER -SETTLERS -SETTLES -SETTLING -SETUP -SETUPS -SEVEN -SEVENFOLD -SEVENS -SEVENTEEN -SEVENTEENS -SEVENTEENTH -SEVENTH -SEVENTIES -SEVENTIETH -SEVENTY -SEVER -SEVERAL -SEVERALFOLD -SEVERALLY -SEVERANCE -SEVERE -SEVERED -SEVERELY -SEVERER -SEVEREST -SEVERING -SEVERITIES -SEVERITY -SEVERN -SEVERS -SEVILLE -SEW -SEWAGE -SEWARD -SEWED -SEWER -SEWERS -SEWING -SEWS -SEX -SEXED -SEXES -SEXIST -SEXTANS -SEXTET -SEXTILLION -SEXTON -SEXTUPLE -SEXTUPLET -SEXUAL -SEXUALITY -SEXUALLY -SEXY -SEYCHELLES -SEYMOUR -SHABBY -SHACK -SHACKED -SHACKLE -SHACKLED -SHACKLES -SHACKLING -SHACKS -SHADE -SHADED -SHADES -SHADIER -SHADIEST -SHADILY -SHADINESS -SHADING -SHADINGS -SHADOW -SHADOWED -SHADOWING -SHADOWS -SHADOWY -SHADY -SHAFER -SHAFFER -SHAFT -SHAFTS -SHAGGY -SHAKABLE -SHAKABLY -SHAKE -SHAKEDOWN -SHAKEN -SHAKER -SHAKERS -SHAKES -SHAKESPEARE -SHAKESPEAREAN -SHAKESPEARIAN -SHAKESPEARIZE -SHAKESPEARIZES -SHAKINESS -SHAKING -SHAKY -SHALE -SHALL -SHALLOW -SHALLOWER -SHALLOWLY -SHALLOWNESS -SHAM -SHAMBLES -SHAME -SHAMED -SHAMEFUL -SHAMEFULLY -SHAMELESS -SHAMELESSLY -SHAMES -SHAMING -SHAMPOO -SHAMROCK -SHAMS -SHANGHAI -SHANGHAIED -SHANGHAIING -SHANGHAIINGS -SHANGHAIS -SHANNON -SHANTIES -SHANTUNG -SHANTY -SHAPE -SHAPED -SHAPELESS -SHAPELESSLY -SHAPELESSNESS -SHAPELY -SHAPER -SHAPERS -SHAPES -SHAPING -SHAPIRO -SHARABLE -SHARD -SHARE -SHAREABLE -SHARECROPPER -SHARECROPPERS -SHARED -SHAREHOLDER -SHAREHOLDERS -SHARER -SHARERS -SHARES -SHARI -SHARING -SHARK -SHARKS -SHARON -SHARP -SHARPE -SHARPEN -SHARPENED -SHARPENING -SHARPENS -SHARPER -SHARPEST -SHARPLY -SHARPNESS -SHARPSHOOT -SHASTA -SHATTER -SHATTERED -SHATTERING -SHATTERPROOF -SHATTERS -SHATTUCK -SHAVE -SHAVED -SHAVEN -SHAVES -SHAVING -SHAVINGS -SHAWANO -SHAWL -SHAWLS -SHAWNEE -SHE -SHEA -SHEAF -SHEAR -SHEARED -SHEARER -SHEARING -SHEARS -SHEATH -SHEATHING -SHEATHS -SHEAVES -SHEBOYGAN -SHED -SHEDDING -SHEDIR -SHEDS -SHEEHAN -SHEEN -SHEEP -SHEEPSKIN -SHEER -SHEERED -SHEET -SHEETED -SHEETING -SHEETS -SHEFFIELD -SHEIK -SHEILA -SHELBY -SHELDON -SHELF -SHELL -SHELLED -SHELLER -SHELLEY -SHELLING -SHELLS -SHELTER -SHELTERED -SHELTERING -SHELTERS -SHELTON -SHELVE -SHELVED -SHELVES -SHELVING -SHENANDOAH -SHENANIGAN -SHEPARD -SHEPHERD -SHEPHERDS -SHEPPARD -SHERATON -SHERBET -SHERIDAN -SHERIFF -SHERIFFS -SHERLOCK -SHERMAN -SHERRILL -SHERRY -SHERWIN -SHERWOOD -SHIBBOLETH -SHIED -SHIELD -SHIELDED -SHIELDING -SHIELDS -SHIES -SHIFT -SHIFTED -SHIFTER -SHIFTERS -SHIFTIER -SHIFTIEST -SHIFTILY -SHIFTINESS -SHIFTING -SHIFTS -SHIFTY -SHIITE -SHIITES -SHILL -SHILLING -SHILLINGS -SHILLONG -SHILOH -SHIMMER -SHIMMERING -SHIN -SHINBONE -SHINE -SHINED -SHINER -SHINERS -SHINES -SHINGLE -SHINGLES -SHINING -SHININGLY -SHINTO -SHINTOISM -SHINTOIZE -SHINTOIZES -SHINY -SHIP -SHIPBOARD -SHIPBUILDING -SHIPLEY -SHIPMATE -SHIPMENT -SHIPMENTS -SHIPPED -SHIPPER -SHIPPERS -SHIPPING -SHIPS -SHIPSHAPE -SHIPWRECK -SHIPWRECKED -SHIPWRECKS -SHIPYARD -SHIRE -SHIRK -SHIRKER -SHIRKING -SHIRKS -SHIRLEY -SHIRT -SHIRTING -SHIRTS -SHIT -SHIVA -SHIVER -SHIVERED -SHIVERER -SHIVERING -SHIVERS -SHMUEL -SHOAL -SHOALS -SHOCK -SHOCKED -SHOCKER -SHOCKERS -SHOCKING -SHOCKINGLY -SHOCKLEY -SHOCKS -SHOD -SHODDY -SHOE -SHOED -SHOEHORN -SHOEING -SHOELACE -SHOEMAKER -SHOES -SHOESTRING -SHOJI -SHONE -SHOOK -SHOOT -SHOOTER -SHOOTERS -SHOOTING -SHOOTINGS -SHOOTS -SHOP -SHOPKEEPER -SHOPKEEPERS -SHOPPED -SHOPPER -SHOPPERS -SHOPPING -SHOPS -SHOPWORN -SHORE -SHORELINE -SHORES -SHOREWOOD -SHORN -SHORT -SHORTAGE -SHORTAGES -SHORTCOMING -SHORTCOMINGS -SHORTCUT -SHORTCUTS -SHORTED -SHORTEN -SHORTENED -SHORTENING -SHORTENS -SHORTER -SHORTEST -SHORTFALL -SHORTHAND -SHORTHANDED -SHORTING -SHORTISH -SHORTLY -SHORTNESS -SHORTS -SHORTSIGHTED -SHORTSTOP -SHOSHONE -SHOT -SHOTGUN -SHOTGUNS -SHOTS -SHOULD -SHOULDER -SHOULDERED -SHOULDERING -SHOULDERS -SHOUT -SHOUTED -SHOUTER -SHOUTERS -SHOUTING -SHOUTS -SHOVE -SHOVED -SHOVEL -SHOVELED -SHOVELS -SHOVES -SHOVING -SHOW -SHOWBOAT -SHOWCASE -SHOWDOWN -SHOWED -SHOWER -SHOWERED -SHOWERING -SHOWERS -SHOWING -SHOWINGS -SHOWN -SHOWPIECE -SHOWROOM -SHOWS -SHOWY -SHRANK -SHRAPNEL -SHRED -SHREDDER -SHREDDING -SHREDS -SHREVEPORT -SHREW -SHREWD -SHREWDEST -SHREWDLY -SHREWDNESS -SHREWS -SHRIEK -SHRIEKED -SHRIEKING -SHRIEKS -SHRILL -SHRILLED -SHRILLING -SHRILLNESS -SHRILLY -SHRIMP -SHRINE -SHRINES -SHRINK -SHRINKABLE -SHRINKAGE -SHRINKING -SHRINKS -SHRIVEL -SHRIVELED -SHROUD -SHROUDED -SHRUB -SHRUBBERY -SHRUBS -SHRUG -SHRUGS -SHRUNK -SHRUNKEN -SHU -SHUDDER -SHUDDERED -SHUDDERING -SHUDDERS -SHUFFLE -SHUFFLEBOARD -SHUFFLED -SHUFFLES -SHUFFLING -SHULMAN -SHUN -SHUNS -SHUNT -SHUT -SHUTDOWN -SHUTDOWNS -SHUTOFF -SHUTOUT -SHUTS -SHUTTER -SHUTTERED -SHUTTERS -SHUTTING -SHUTTLE -SHUTTLECOCK -SHUTTLED -SHUTTLES -SHUTTLING -SHY -SHYLOCK -SHYLOCKIAN -SHYLY -SHYNESS -SIAM -SIAMESE -SIAN -SIBERIA -SIBERIAN -SIBLEY -SIBLING -SIBLINGS -SICILIAN -SICILIANA -SICILIANS -SICILY -SICK -SICKEN -SICKER -SICKEST -SICKLE -SICKLY -SICKNESS -SICKNESSES -SICKROOM -SIDE -SIDEARM -SIDEBAND -SIDEBOARD -SIDEBOARDS -SIDEBURNS -SIDECAR -SIDED -SIDELIGHT -SIDELIGHTS -SIDELINE -SIDEREAL -SIDES -SIDESADDLE -SIDESHOW -SIDESTEP -SIDETRACK -SIDEWALK -SIDEWALKS -SIDEWAYS -SIDEWISE -SIDING -SIDINGS -SIDNEY -SIEGE -SIEGEL -SIEGES -SIEGFRIED -SIEGLINDA -SIEGMUND -SIEMENS -SIENA -SIERRA -SIEVE -SIEVES -SIFFORD -SIFT -SIFTED -SIFTER -SIFTING -SIGGRAPH -SIGH -SIGHED -SIGHING -SIGHS -SIGHT -SIGHTED -SIGHTING -SIGHTINGS -SIGHTLY -SIGHTS -SIGHTSEEING -SIGMA -SIGMUND -SIGN -SIGNAL -SIGNALED -SIGNALING -SIGNALLED -SIGNALLING -SIGNALLY -SIGNALS -SIGNATURE -SIGNATURES -SIGNED -SIGNER -SIGNERS -SIGNET -SIGNIFICANCE -SIGNIFICANT -SIGNIFICANTLY -SIGNIFICANTS -SIGNIFICATION -SIGNIFIED -SIGNIFIES -SIGNIFY -SIGNIFYING -SIGNING -SIGNS -SIKH -SIKHES -SIKHS -SIKKIM -SIKKIMESE -SIKORSKY -SILAS -SILENCE -SILENCED -SILENCER -SILENCERS -SILENCES -SILENCING -SILENT -SILENTLY -SILHOUETTE -SILHOUETTED -SILHOUETTES -SILICA -SILICATE -SILICON -SILICONE -SILK -SILKEN -SILKIER -SILKIEST -SILKILY -SILKINE -SILKS -SILKY -SILL -SILLIEST -SILLINESS -SILLS -SILLY -SILO -SILT -SILTED -SILTING -SILTS -SILVER -SILVERED -SILVERING -SILVERMAN -SILVERS -SILVERSMITH -SILVERSTEIN -SILVERWARE -SILVERY -SIMILAR -SIMILARITIES -SIMILARITY -SIMILARLY -SIMILE -SIMILITUDE -SIMLA -SIMMER -SIMMERED -SIMMERING -SIMMERS -SIMMONS -SIMMONSVILLE -SIMMS -SIMON -SIMONS -SIMONSON -SIMPLE -SIMPLEMINDED -SIMPLENESS -SIMPLER -SIMPLEST -SIMPLETON -SIMPLEX -SIMPLICITIES -SIMPLICITY -SIMPLIFICATION -SIMPLIFICATIONS -SIMPLIFIED -SIMPLIFIER -SIMPLIFIERS -SIMPLIFIES -SIMPLIFY -SIMPLIFYING -SIMPLISTIC -SIMPLY -SIMPSON -SIMS -SIMULA -SIMULA -SIMULATE -SIMULATED -SIMULATES -SIMULATING -SIMULATION -SIMULATIONS -SIMULATOR -SIMULATORS -SIMULCAST -SIMULTANEITY -SIMULTANEOUS -SIMULTANEOUSLY -SINAI -SINATRA -SINBAD -SINCE -SINCERE -SINCERELY -SINCEREST -SINCERITY -SINCLAIR -SINE -SINES -SINEW -SINEWS -SINEWY -SINFUL -SINFULLY -SINFULNESS -SING -SINGABLE -SINGAPORE -SINGBORG -SINGE -SINGED -SINGER -SINGERS -SINGING -SINGINGLY -SINGLE -SINGLED -SINGLEHANDED -SINGLENESS -SINGLES -SINGLET -SINGLETON -SINGLETONS -SINGLING -SINGLY -SINGS -SINGSONG -SINGULAR -SINGULARITIES -SINGULARITY -SINGULARLY -SINISTER -SINK -SINKED -SINKER -SINKERS -SINKHOLE -SINKING -SINKS -SINNED -SINNER -SINNERS -SINNING -SINS -SINUOUS -SINUS -SINUSOID -SINUSOIDAL -SINUSOIDS -SIOUX -SIP -SIPHON -SIPHONING -SIPPING -SIPS -SIR -SIRE -SIRED -SIREN -SIRENS -SIRES -SIRIUS -SIRS -SIRUP -SISTER -SISTERLY -SISTERS -SISTINE -SISYPHEAN -SISYPHUS -SIT -SITE -SITED -SITES -SITING -SITS -SITTER -SITTERS -SITTING -SITTINGS -SITU -SITUATE -SITUATED -SITUATES -SITUATING -SITUATION -SITUATIONAL -SITUATIONALLY -SITUATIONS -SIVA -SIX -SIXES -SIXFOLD -SIXGUN -SIXPENCE -SIXTEEN -SIXTEENS -SIXTEENTH -SIXTH -SIXTIES -SIXTIETH -SIXTY -SIZABLE -SIZE -SIZED -SIZES -SIZING -SIZINGS -SIZZLE -SKATE -SKATED -SKATER -SKATERS -SKATES -SKATING -SKELETAL -SKELETON -SKELETONS -SKEPTIC -SKEPTICAL -SKEPTICALLY -SKEPTICISM -SKEPTICS -SKETCH -SKETCHBOOK -SKETCHED -SKETCHES -SKETCHILY -SKETCHING -SKETCHPAD -SKETCHY -SKEW -SKEWED -SKEWER -SKEWERS -SKEWING -SKEWS -SKI -SKID -SKIDDING -SKIED -SKIES -SKIFF -SKIING -SKILL -SKILLED -SKILLET -SKILLFUL -SKILLFULLY -SKILLFULNESS -SKILLS -SKIM -SKIMMED -SKIMMING -SKIMP -SKIMPED -SKIMPING -SKIMPS -SKIMPY -SKIMS -SKIN -SKINDIVE -SKINNED -SKINNER -SKINNERS -SKINNING -SKINNY -SKINS -SKIP -SKIPPED -SKIPPER -SKIPPERS -SKIPPING -SKIPPY -SKIPS -SKIRMISH -SKIRMISHED -SKIRMISHER -SKIRMISHERS -SKIRMISHES -SKIRMISHING -SKIRT -SKIRTED -SKIRTING -SKIRTS -SKIS -SKIT -SKOPJE -SKULK -SKULKED -SKULKER -SKULKING -SKULKS -SKULL -SKULLCAP -SKULLDUGGERY -SKULLS -SKUNK -SKUNKS -SKY -SKYE -SKYHOOK -SKYJACK -SKYLARK -SKYLARKING -SKYLARKS -SKYLIGHT -SKYLIGHTS -SKYLINE -SKYROCKETS -SKYSCRAPER -SKYSCRAPERS -SLAB -SLACK -SLACKEN -SLACKER -SLACKING -SLACKLY -SLACKNESS -SLACKS -SLAIN -SLAM -SLAMMED -SLAMMING -SLAMS -SLANDER -SLANDERER -SLANDEROUS -SLANDERS -SLANG -SLANT -SLANTED -SLANTING -SLANTS -SLAP -SLAPPED -SLAPPING -SLAPS -SLAPSTICK -SLASH -SLASHED -SLASHES -SLASHING -SLAT -SLATE -SLATED -SLATER -SLATES -SLATS -SLAUGHTER -SLAUGHTERED -SLAUGHTERHOUSE -SLAUGHTERING -SLAUGHTERS -SLAV -SLAVE -SLAVER -SLAVERY -SLAVES -SLAVIC -SLAVICIZE -SLAVICIZES -SLAVISH -SLAVIZATION -SLAVIZATIONS -SLAVIZE -SLAVIZES -SLAVONIC -SLAVONICIZE -SLAVONICIZES -SLAVS -SLAY -SLAYER -SLAYERS -SLAYING -SLAYS -SLED -SLEDDING -SLEDGE -SLEDGEHAMMER -SLEDGES -SLEDS -SLEEK -SLEEP -SLEEPER -SLEEPERS -SLEEPILY -SLEEPINESS -SLEEPING -SLEEPLESS -SLEEPLESSLY -SLEEPLESSNESS -SLEEPS -SLEEPWALK -SLEEPY -SLEET -SLEEVE -SLEEVES -SLEIGH -SLEIGHS -SLEIGHT -SLENDER -SLENDERER -SLEPT -SLESINGER -SLEUTH -SLEW -SLEWING -SLICE -SLICED -SLICER -SLICERS -SLICES -SLICING -SLICK -SLICKER -SLICKERS -SLICKS -SLID -SLIDE -SLIDER -SLIDERS -SLIDES -SLIDING -SLIGHT -SLIGHTED -SLIGHTER -SLIGHTEST -SLIGHTING -SLIGHTLY -SLIGHTNESS -SLIGHTS -SLIM -SLIME -SLIMED -SLIMLY -SLIMY -SLING -SLINGING -SLINGS -SLINGSHOT -SLIP -SLIPPAGE -SLIPPED -SLIPPER -SLIPPERINESS -SLIPPERS -SLIPPERY -SLIPPING -SLIPS -SLIT -SLITHER -SLITS -SLIVER -SLOAN -SLOANE -SLOB -SLOCUM -SLOGAN -SLOGANS -SLOOP -SLOP -SLOPE -SLOPED -SLOPER -SLOPERS -SLOPES -SLOPING -SLOPPED -SLOPPINESS -SLOPPING -SLOPPY -SLOPS -SLOT -SLOTH -SLOTHFUL -SLOTHS -SLOTS -SLOTTED -SLOTTING -SLOUCH -SLOUCHED -SLOUCHES -SLOUCHING -SLOVAKIA -SLOVENIA -SLOW -SLOWDOWN -SLOWED -SLOWER -SLOWEST -SLOWING -SLOWLY -SLOWNESS -SLOWS -SLUDGE -SLUG -SLUGGISH -SLUGGISHLY -SLUGGISHNESS -SLUGS -SLUICE -SLUM -SLUMBER -SLUMBERED -SLUMMING -SLUMP -SLUMPED -SLUMPS -SLUMS -SLUNG -SLUR -SLURP -SLURRING -SLURRY -SLURS -SLY -SLYLY -SMACK -SMACKED -SMACKING -SMACKS -SMALL -SMALLER -SMALLEST -SMALLEY -SMALLISH -SMALLNESS -SMALLPOX -SMALLTIME -SMALLWOOD -SMART -SMARTED -SMARTER -SMARTEST -SMARTLY -SMARTNESS -SMASH -SMASHED -SMASHER -SMASHERS -SMASHES -SMASHING -SMASHINGLY -SMATTERING -SMEAR -SMEARED -SMEARING -SMEARS -SMELL -SMELLED -SMELLING -SMELLS -SMELLY -SMELT -SMELTER -SMELTS -SMILE -SMILED -SMILES -SMILING -SMILINGLY -SMIRK -SMITE -SMITH -SMITHEREENS -SMITHFIELD -SMITHS -SMITHSON -SMITHSONIAN -SMITHTOWN -SMITHY -SMITTEN -SMOCK -SMOCKING -SMOCKS -SMOG -SMOKABLE -SMOKE -SMOKED -SMOKER -SMOKERS -SMOKES -SMOKESCREEN -SMOKESTACK -SMOKIES -SMOKING -SMOKY -SMOLDER -SMOLDERED -SMOLDERING -SMOLDERS -SMOOCH -SMOOTH -SMOOTHBORE -SMOOTHED -SMOOTHER -SMOOTHES -SMOOTHEST -SMOOTHING -SMOOTHLY -SMOOTHNESS -SMOTE -SMOTHER -SMOTHERED -SMOTHERING -SMOTHERS -SMUCKER -SMUDGE -SMUG -SMUGGLE -SMUGGLED -SMUGGLER -SMUGGLERS -SMUGGLES -SMUGGLING -SMUT -SMUTTY -SMYRNA -SMYTHE -SNACK -SNAFU -SNAG -SNAIL -SNAILS -SNAKE -SNAKED -SNAKELIKE -SNAKES -SNAP -SNAPDRAGON -SNAPPED -SNAPPER -SNAPPERS -SNAPPILY -SNAPPING -SNAPPY -SNAPS -SNAPSHOT -SNAPSHOTS -SNARE -SNARED -SNARES -SNARING -SNARK -SNARL -SNARLED -SNARLING -SNATCH -SNATCHED -SNATCHES -SNATCHING -SNAZZY -SNEAD -SNEAK -SNEAKED -SNEAKER -SNEAKERS -SNEAKIER -SNEAKIEST -SNEAKILY -SNEAKINESS -SNEAKING -SNEAKS -SNEAKY -SNEED -SNEER -SNEERED -SNEERING -SNEERS -SNEEZE -SNEEZED -SNEEZES -SNEEZING -SNIDER -SNIFF -SNIFFED -SNIFFING -SNIFFLE -SNIFFS -SNIFTER -SNIGGER -SNIP -SNIPE -SNIPPET -SNIVEL -SNOB -SNOBBERY -SNOBBISH -SNODGRASS -SNOOP -SNOOPED -SNOOPING -SNOOPS -SNOOPY -SNORE -SNORED -SNORES -SNORING -SNORKEL -SNORT -SNORTED -SNORTING -SNORTS -SNOTTY -SNOUT -SNOUTS -SNOW -SNOWBALL -SNOWBELT -SNOWED -SNOWFALL -SNOWFLAKE -SNOWIER -SNOWIEST -SNOWILY -SNOWING -SNOWMAN -SNOWMEN -SNOWS -SNOWSHOE -SNOWSHOES -SNOWSTORM -SNOWY -SNUB -SNUFF -SNUFFED -SNUFFER -SNUFFING -SNUFFS -SNUG -SNUGGLE -SNUGGLED -SNUGGLES -SNUGGLING -SNUGLY -SNUGNESS -SNYDER -SOAK -SOAKED -SOAKING -SOAKS -SOAP -SOAPED -SOAPING -SOAPS -SOAPY -SOAR -SOARED -SOARING -SOARS -SOB -SOBBING -SOBER -SOBERED -SOBERING -SOBERLY -SOBERNESS -SOBERS -SOBRIETY -SOBS -SOCCER -SOCIABILITY -SOCIABLE -SOCIABLY -SOCIAL -SOCIALISM -SOCIALIST -SOCIALISTS -SOCIALIZE -SOCIALIZED -SOCIALIZES -SOCIALIZING -SOCIALLY -SOCIETAL -SOCIETIES -SOCIETY -SOCIOECONOMIC -SOCIOLOGICAL -SOCIOLOGICALLY -SOCIOLOGIST -SOCIOLOGISTS -SOCIOLOGY -SOCK -SOCKED -SOCKET -SOCKETS -SOCKING -SOCKS -SOCRATES -SOCRATIC -SOD -SODA -SODDY -SODIUM -SODOMY -SODS -SOFA -SOFAS -SOFIA -SOFT -SOFTBALL -SOFTEN -SOFTENED -SOFTENING -SOFTENS -SOFTER -SOFTEST -SOFTLY -SOFTNESS -SOFTWARE -SOFTWARES -SOGGY -SOIL -SOILED -SOILING -SOILS -SOIREE -SOJOURN -SOJOURNER -SOJOURNERS -SOL -SOLACE -SOLACED -SOLAR -SOLD -SOLDER -SOLDERED -SOLDIER -SOLDIERING -SOLDIERLY -SOLDIERS -SOLE -SOLELY -SOLEMN -SOLEMNITY -SOLEMNLY -SOLEMNNESS -SOLENOID -SOLES -SOLICIT -SOLICITATION -SOLICITED -SOLICITING -SOLICITOR -SOLICITOUS -SOLICITS -SOLICITUDE -SOLID -SOLIDARITY -SOLIDIFICATION -SOLIDIFIED -SOLIDIFIES -SOLIDIFY -SOLIDIFYING -SOLIDITY -SOLIDLY -SOLIDNESS -SOLIDS -SOLILOQUY -SOLITAIRE -SOLITARY -SOLITUDE -SOLITUDES -SOLLY -SOLO -SOLOMON -SOLON -SOLOS -SOLOVIEV -SOLSTICE -SOLUBILITY -SOLUBLE -SOLUTION -SOLUTIONS -SOLVABLE -SOLVE -SOLVED -SOLVENT -SOLVENTS -SOLVER -SOLVERS -SOLVES -SOLVING -SOMALI -SOMALIA -SOMALIS -SOMATIC -SOMBER -SOMBERLY -SOME -SOMEBODY -SOMEDAY -SOMEHOW -SOMEONE -SOMEPLACE -SOMERS -SOMERSAULT -SOMERSET -SOMERVILLE -SOMETHING -SOMETIME -SOMETIMES -SOMEWHAT -SOMEWHERE -SOMMELIER -SOMMERFELD -SOMNOLENT -SON -SONAR -SONATA -SONENBERG -SONG -SONGBOOK -SONGS -SONIC -SONNET -SONNETS -SONNY -SONOMA -SONORA -SONS -SONY -SOON -SOONER -SOONEST -SOOT -SOOTH -SOOTHE -SOOTHED -SOOTHER -SOOTHES -SOOTHING -SOOTHSAYER -SOPHIA -SOPHIAS -SOPHIE -SOPHISTICATED -SOPHISTICATION -SOPHISTRY -SOPHOCLEAN -SOPHOCLES -SOPHOMORE -SOPHOMORES -SOPRANO -SORCERER -SORCERERS -SORCERY -SORDID -SORDIDLY -SORDIDNESS -SORE -SORELY -SORENESS -SORENSEN -SORENSON -SORER -SORES -SOREST -SORGHUM -SORORITY -SORREL -SORRENTINE -SORRIER -SORRIEST -SORROW -SORROWFUL -SORROWFULLY -SORROWS -SORRY -SORT -SORTED -SORTER -SORTERS -SORTIE -SORTING -SORTS -SOUGHT -SOUL -SOULFUL -SOULS -SOUND -SOUNDED -SOUNDER -SOUNDEST -SOUNDING -SOUNDINGS -SOUNDLY -SOUNDNESS -SOUNDPROOF -SOUNDS -SOUP -SOUPED -SOUPS -SOUR -SOURCE -SOURCES -SOURDOUGH -SOURED -SOURER -SOUREST -SOURING -SOURLY -SOURNESS -SOURS -SOUSA -SOUTH -SOUTHAMPTON -SOUTHBOUND -SOUTHEAST -SOUTHEASTERN -SOUTHERN -SOUTHERNER -SOUTHERNERS -SOUTHERNMOST -SOUTHERNWOOD -SOUTHEY -SOUTHFIELD -SOUTHLAND -SOUTHPAW -SOUTHWARD -SOUTHWEST -SOUTHWESTERN -SOUVENIR -SOVEREIGN -SOVEREIGNS -SOVEREIGNTY -SOVIET -SOVIETS -SOW -SOWN -SOY -SOYA -SOYBEAN -SPA -SPACE -SPACECRAFT -SPACED -SPACER -SPACERS -SPACES -SPACESHIP -SPACESHIPS -SPACESUIT -SPACEWAR -SPACING -SPACINGS -SPACIOUS -SPADED -SPADES -SPADING -SPAFFORD -SPAHN -SPAIN -SPALDING -SPAN -SPANDREL -SPANIARD -SPANIARDIZATION -SPANIARDIZATIONS -SPANIARDIZE -SPANIARDIZES -SPANIARDS -SPANIEL -SPANISH -SPANISHIZE -SPANISHIZES -SPANK -SPANKED -SPANKING -SPANKS -SPANNED -SPANNER -SPANNERS -SPANNING -SPANS -SPARC -SPARCSTATION -SPARE -SPARED -SPARELY -SPARENESS -SPARER -SPARES -SPAREST -SPARING -SPARINGLY -SPARK -SPARKED -SPARKING -SPARKLE -SPARKLING -SPARKMAN -SPARKS -SPARRING -SPARROW -SPARROWS -SPARSE -SPARSELY -SPARSENESS -SPARSER -SPARSEST -SPARTA -SPARTAN -SPARTANIZE -SPARTANIZES -SPASM -SPASTIC -SPAT -SPATE -SPATES -SPATIAL -SPATIALLY -SPATTER -SPATTERED -SPATULA -SPAULDING -SPAWN -SPAWNED -SPAWNING -SPAWNS -SPAYED -SPEAK -SPEAKABLE -SPEAKEASY -SPEAKER -SPEAKERPHONE -SPEAKERPHONES -SPEAKERS -SPEAKING -SPEAKS -SPEAR -SPEARED -SPEARMINT -SPEARS -SPEC -SPECIAL -SPECIALIST -SPECIALISTS -SPECIALIZATION -SPECIALIZATIONS -SPECIALIZE -SPECIALIZED -SPECIALIZES -SPECIALIZING -SPECIALLY -SPECIALS -SPECIALTIES -SPECIALTY -SPECIE -SPECIES -SPECIFIABLE -SPECIFIC -SPECIFICALLY -SPECIFICATION -SPECIFICATIONS -SPECIFICITY -SPECIFICS -SPECIFIED -SPECIFIER -SPECIFIERS -SPECIFIES -SPECIFY -SPECIFYING -SPECIMEN -SPECIMENS -SPECIOUS -SPECK -SPECKLE -SPECKLED -SPECKLES -SPECKS -SPECTACLE -SPECTACLED -SPECTACLES -SPECTACULAR -SPECTACULARLY -SPECTATOR -SPECTATORS -SPECTER -SPECTERS -SPECTOR -SPECTRA -SPECTRAL -SPECTROGRAM -SPECTROGRAMS -SPECTROGRAPH -SPECTROGRAPHIC -SPECTROGRAPHY -SPECTROMETER -SPECTROPHOTOMETER -SPECTROPHOTOMETRY -SPECTROSCOPE -SPECTROSCOPIC -SPECTROSCOPY -SPECTRUM -SPECULATE -SPECULATED -SPECULATES -SPECULATING -SPECULATION -SPECULATIONS -SPECULATIVE -SPECULATOR -SPECULATORS -SPED -SPEECH -SPEECHES -SPEECHLESS -SPEECHLESSNESS -SPEED -SPEEDBOAT -SPEEDED -SPEEDER -SPEEDERS -SPEEDILY -SPEEDING -SPEEDOMETER -SPEEDS -SPEEDUP -SPEEDUPS -SPEEDY -SPELL -SPELLBOUND -SPELLED -SPELLER -SPELLERS -SPELLING -SPELLINGS -SPELLS -SPENCER -SPENCERIAN -SPEND -SPENDER -SPENDERS -SPENDING -SPENDS -SPENGLERIAN -SPENT -SPERM -SPERRY -SPHERE -SPHERES -SPHERICAL -SPHERICALLY -SPHEROID -SPHEROIDAL -SPHINX -SPICA -SPICE -SPICED -SPICES -SPICINESS -SPICY -SPIDER -SPIDERS -SPIDERY -SPIEGEL -SPIES -SPIGOT -SPIKE -SPIKED -SPIKES -SPILL -SPILLED -SPILLER -SPILLING -SPILLS -SPILT -SPIN -SPINACH -SPINAL -SPINALLY -SPINDLE -SPINDLED -SPINDLING -SPINE -SPINNAKER -SPINNER -SPINNERS -SPINNING -SPINOFF -SPINS -SPINSTER -SPINY -SPIRAL -SPIRALED -SPIRALING -SPIRALLY -SPIRE -SPIRES -SPIRIT -SPIRITED -SPIRITEDLY -SPIRITING -SPIRITS -SPIRITUAL -SPIRITUALLY -SPIRITUALS -SPIRO -SPIT -SPITE -SPITED -SPITEFUL -SPITEFULLY -SPITEFULNESS -SPITES -SPITFIRE -SPITING -SPITS -SPITTING -SPITTLE -SPITZ -SPLASH -SPLASHED -SPLASHES -SPLASHING -SPLASHY -SPLEEN -SPLENDID -SPLENDIDLY -SPLENDOR -SPLENETIC -SPLICE -SPLICED -SPLICER -SPLICERS -SPLICES -SPLICING -SPLICINGS -SPLINE -SPLINES -SPLINT -SPLINTER -SPLINTERED -SPLINTERS -SPLINTERY -SPLIT -SPLITS -SPLITTER -SPLITTERS -SPLITTING -SPLURGE -SPOIL -SPOILAGE -SPOILED -SPOILER -SPOILERS -SPOILING -SPOILS -SPOKANE -SPOKE -SPOKED -SPOKEN -SPOKES -SPOKESMAN -SPOKESMEN -SPONGE -SPONGED -SPONGER -SPONGERS -SPONGES -SPONGING -SPONGY -SPONSOR -SPONSORED -SPONSORING -SPONSORS -SPONSORSHIP -SPONTANEITY -SPONTANEOUS -SPONTANEOUSLY -SPOOF -SPOOK -SPOOKY -SPOOL -SPOOLED -SPOOLER -SPOOLERS -SPOOLING -SPOOLS -SPOON -SPOONED -SPOONFUL -SPOONING -SPOONS -SPORADIC -SPORE -SPORES -SPORT -SPORTED -SPORTING -SPORTINGLY -SPORTIVE -SPORTS -SPORTSMAN -SPORTSMEN -SPORTSWEAR -SPORTSWRITER -SPORTSWRITING -SPORTY -SPOSATO -SPOT -SPOTLESS -SPOTLESSLY -SPOTLIGHT -SPOTS -SPOTTED -SPOTTER -SPOTTERS -SPOTTING -SPOTTY -SPOUSE -SPOUSES -SPOUT -SPOUTED -SPOUTING -SPOUTS -SPRAGUE -SPRAIN -SPRANG -SPRAWL -SPRAWLED -SPRAWLING -SPRAWLS -SPRAY -SPRAYED -SPRAYER -SPRAYING -SPRAYS -SPREAD -SPREADER -SPREADERS -SPREADING -SPREADINGS -SPREADS -SPREADSHEET -SPREE -SPREES -SPRIG -SPRIGHTLY -SPRING -SPRINGBOARD -SPRINGER -SPRINGERS -SPRINGFIELD -SPRINGIER -SPRINGIEST -SPRINGINESS -SPRINGING -SPRINGS -SPRINGTIME -SPRINGY -SPRINKLE -SPRINKLED -SPRINKLER -SPRINKLES -SPRINKLING -SPRINT -SPRINTED -SPRINTER -SPRINTERS -SPRINTING -SPRINTS -SPRITE -SPROCKET -SPROUL -SPROUT -SPROUTED -SPROUTING -SPRUCE -SPRUCED -SPRUNG -SPUDS -SPUN -SPUNK -SPUR -SPURIOUS -SPURN -SPURNED -SPURNING -SPURNS -SPURS -SPURT -SPURTED -SPURTING -SPURTS -SPUTTER -SPUTTERED -SPY -SPYGLASS -SPYING -SQUABBLE -SQUABBLED -SQUABBLES -SQUABBLING -SQUAD -SQUADRON -SQUADRONS -SQUADS -SQUALID -SQUALL -SQUALLS -SQUANDER -SQUARE -SQUARED -SQUARELY -SQUARENESS -SQUARER -SQUARES -SQUAREST -SQUARESVILLE -SQUARING -SQUASH -SQUASHED -SQUASHING -SQUAT -SQUATS -SQUATTING -SQUAW -SQUAWK -SQUAWKED -SQUAWKING -SQUAWKS -SQUEAK -SQUEAKED -SQUEAKING -SQUEAKS -SQUEAKY -SQUEAL -SQUEALED -SQUEALING -SQUEALS -SQUEAMISH -SQUEEZE -SQUEEZED -SQUEEZER -SQUEEZES -SQUEEZING -SQUELCH -SQUIBB -SQUID -SQUINT -SQUINTED -SQUINTING -SQUIRE -SQUIRES -SQUIRM -SQUIRMED -SQUIRMS -SQUIRMY -SQUIRREL -SQUIRRELED -SQUIRRELING -SQUIRRELS -SQUIRT -SQUISHY -SRI -STAB -STABBED -STABBING -STABILE -STABILITIES -STABILITY -STABILIZE -STABILIZED -STABILIZER -STABILIZERS -STABILIZES -STABILIZING -STABLE -STABLED -STABLER -STABLES -STABLING -STABLY -STABS -STACK -STACKED -STACKING -STACKS -STACY -STADIA -STADIUM -STAFF -STAFFED -STAFFER -STAFFERS -STAFFING -STAFFORD -STAFFORDSHIRE -STAFFS -STAG -STAGE -STAGECOACH -STAGECOACHES -STAGED -STAGER -STAGERS -STAGES -STAGGER -STAGGERED -STAGGERING -STAGGERS -STAGING -STAGNANT -STAGNATE -STAGNATION -STAGS -STAHL -STAID -STAIN -STAINED -STAINING -STAINLESS -STAINS -STAIR -STAIRCASE -STAIRCASES -STAIRS -STAIRWAY -STAIRWAYS -STAIRWELL -STAKE -STAKED -STAKES -STALACTITE -STALE -STALEMATE -STALEY -STALIN -STALINIST -STALINS -STALK -STALKED -STALKING -STALL -STALLED -STALLING -STALLINGS -STALLION -STALLS -STALWART -STALWARTLY -STAMEN -STAMENS -STAMFORD -STAMINA -STAMMER -STAMMERED -STAMMERER -STAMMERING -STAMMERS -STAMP -STAMPED -STAMPEDE -STAMPEDED -STAMPEDES -STAMPEDING -STAMPER -STAMPERS -STAMPING -STAMPS -STAN -STANCH -STANCHEST -STANCHION -STAND -STANDARD -STANDARDIZATION -STANDARDIZE -STANDARDIZED -STANDARDIZES -STANDARDIZING -STANDARDLY -STANDARDS -STANDBY -STANDING -STANDINGS -STANDISH -STANDOFF -STANDPOINT -STANDPOINTS -STANDS -STANDSTILL -STANFORD -STANHOPE -STANLEY -STANS -STANTON -STANZA -STANZAS -STAPHYLOCOCCUS -STAPLE -STAPLER -STAPLES -STAPLETON -STAPLING -STAR -STARBOARD -STARCH -STARCHED -STARDOM -STARE -STARED -STARER -STARES -STARFISH -STARGATE -STARING -STARK -STARKEY -STARKLY -STARLET -STARLIGHT -STARLING -STARR -STARRED -STARRING -STARRY -STARS -START -STARTED -STARTER -STARTERS -STARTING -STARTLE -STARTLED -STARTLES -STARTLING -STARTS -STARTUP -STARTUPS -STARVATION -STARVE -STARVED -STARVES -STARVING -STATE -STATED -STATELY -STATEMENT -STATEMENTS -STATEN -STATES -STATESMAN -STATESMANLIKE -STATESMEN -STATEWIDE -STATIC -STATICALLY -STATING -STATION -STATIONARY -STATIONED -STATIONER -STATIONERY -STATIONING -STATIONMASTER -STATIONS -STATISTIC -STATISTICAL -STATISTICALLY -STATISTICIAN -STATISTICIANS -STATISTICS -STATLER -STATUE -STATUES -STATUESQUE -STATUESQUELY -STATUESQUENESS -STATUETTE -STATURE -STATUS -STATUSES -STATUTE -STATUTES -STATUTORILY -STATUTORINESS -STATUTORY -STAUFFER -STAUNCH -STAUNCHEST -STAUNCHLY -STAUNTON -STAVE -STAVED -STAVES -STAY -STAYED -STAYING -STAYS -STEAD -STEADFAST -STEADFASTLY -STEADFASTNESS -STEADIED -STEADIER -STEADIES -STEADIEST -STEADILY -STEADINESS -STEADY -STEADYING -STEAK -STEAKS -STEAL -STEALER -STEALING -STEALS -STEALTH -STEALTHILY -STEALTHY -STEAM -STEAMBOAT -STEAMBOATS -STEAMED -STEAMER -STEAMERS -STEAMING -STEAMS -STEAMSHIP -STEAMSHIPS -STEAMY -STEARNS -STEED -STEEL -STEELE -STEELED -STEELERS -STEELING -STEELMAKER -STEELS -STEELY -STEEN -STEEP -STEEPED -STEEPER -STEEPEST -STEEPING -STEEPLE -STEEPLES -STEEPLY -STEEPNESS -STEEPS -STEER -STEERABLE -STEERED -STEERING -STEERS -STEFAN -STEGOSAURUS -STEINBECK -STEINBERG -STEINER -STELLA -STELLAR -STEM -STEMMED -STEMMING -STEMS -STENCH -STENCHES -STENCIL -STENCILS -STENDHAL -STENDLER -STENOGRAPHER -STENOGRAPHERS -STENOTYPE -STEP -STEPCHILD -STEPHAN -STEPHANIE -STEPHEN -STEPHENS -STEPHENSON -STEPMOTHER -STEPMOTHERS -STEPPED -STEPPER -STEPPING -STEPS -STEPSON -STEPWISE -STEREO -STEREOS -STEREOSCOPIC -STEREOTYPE -STEREOTYPED -STEREOTYPES -STEREOTYPICAL -STERILE -STERILIZATION -STERILIZATIONS -STERILIZE -STERILIZED -STERILIZER -STERILIZES -STERILIZING -STERLING -STERN -STERNBERG -STERNLY -STERNNESS -STERNO -STERNS -STETHOSCOPE -STETSON -STETSONS -STEUBEN -STEVE -STEVEDORE -STEVEN -STEVENS -STEVENSON -STEVIE -STEW -STEWARD -STEWARDESS -STEWARDS -STEWART -STEWED -STEWS -STICK -STICKER -STICKERS -STICKIER -STICKIEST -STICKILY -STICKINESS -STICKING -STICKLEBACK -STICKS -STICKY -STIFF -STIFFEN -STIFFENS -STIFFER -STIFFEST -STIFFLY -STIFFNESS -STIFFS -STIFLE -STIFLED -STIFLES -STIFLING -STIGMA -STIGMATA -STILE -STILES -STILETTO -STILL -STILLBIRTH -STILLBORN -STILLED -STILLER -STILLEST -STILLING -STILLNESS -STILLS -STILLWELL -STILT -STILTS -STIMSON -STIMULANT -STIMULANTS -STIMULATE -STIMULATED -STIMULATES -STIMULATING -STIMULATION -STIMULATIONS -STIMULATIVE -STIMULI -STIMULUS -STING -STINGING -STINGS -STINGY -STINK -STINKER -STINKERS -STINKING -STINKS -STINT -STIPEND -STIPENDS -STIPULATE -STIPULATED -STIPULATES -STIPULATING -STIPULATION -STIPULATIONS -STIR -STIRLING -STIRRED -STIRRER -STIRRERS -STIRRING -STIRRINGLY -STIRRINGS -STIRRUP -STIRS -STITCH -STITCHED -STITCHES -STITCHING -STOCHASTIC -STOCHASTICALLY -STOCK -STOCKADE -STOCKADES -STOCKBROKER -STOCKED -STOCKER -STOCKERS -STOCKHOLDER -STOCKHOLDERS -STOCKHOLM -STOCKING -STOCKINGS -STOCKPILE -STOCKROOM -STOCKS -STOCKTON -STOCKY -STODGY -STOICHIOMETRY -STOKE -STOKES -STOLE -STOLEN -STOLES -STOLID -STOMACH -STOMACHED -STOMACHER -STOMACHES -STOMACHING -STOMP -STONE -STONED -STONEHENGE -STONES -STONING -STONY -STOOD -STOOGE -STOOL -STOOP -STOOPED -STOOPING -STOOPS -STOP -STOPCOCK -STOPCOCKS -STOPGAP -STOPOVER -STOPPABLE -STOPPAGE -STOPPED -STOPPER -STOPPERS -STOPPING -STOPS -STOPWATCH -STORAGE -STORAGES -STORE -STORED -STOREHOUSE -STOREHOUSES -STOREKEEPER -STOREROOM -STORES -STOREY -STOREYED -STOREYS -STORIED -STORIES -STORING -STORK -STORKS -STORM -STORMED -STORMIER -STORMIEST -STORMINESS -STORMING -STORMS -STORMY -STORY -STORYBOARD -STORYTELLER -STOUFFER -STOUT -STOUTER -STOUTEST -STOUTLY -STOUTNESS -STOVE -STOVES -STOW -STOWE -STOWED -STRADDLE -STRAFE -STRAGGLE -STRAGGLED -STRAGGLER -STRAGGLERS -STRAGGLES -STRAGGLING -STRAIGHT -STRAIGHTAWAY -STRAIGHTEN -STRAIGHTENED -STRAIGHTENS -STRAIGHTER -STRAIGHTEST -STRAIGHTFORWARD -STRAIGHTFORWARDLY -STRAIGHTFORWARDNESS -STRAIGHTNESS -STRAIGHTWAY -STRAIN -STRAINED -STRAINER -STRAINERS -STRAINING -STRAINS -STRAIT -STRAITEN -STRAITS -STRAND -STRANDED -STRANDING -STRANDS -STRANGE -STRANGELY -STRANGENESS -STRANGER -STRANGERS -STRANGEST -STRANGLE -STRANGLED -STRANGLER -STRANGLERS -STRANGLES -STRANGLING -STRANGLINGS -STRANGULATION -STRANGULATIONS -STRAP -STRAPS -STRASBOURG -STRATAGEM -STRATAGEMS -STRATEGIC -STRATEGIES -STRATEGIST -STRATEGY -STRATFORD -STRATIFICATION -STRATIFICATIONS -STRATIFIED -STRATIFIES -STRATIFY -STRATOSPHERE -STRATOSPHERIC -STRATTON -STRATUM -STRAUSS -STRAVINSKY -STRAW -STRAWBERRIES -STRAWBERRY -STRAWS -STRAY -STRAYED -STRAYS -STREAK -STREAKED -STREAKS -STREAM -STREAMED -STREAMER -STREAMERS -STREAMING -STREAMLINE -STREAMLINED -STREAMLINER -STREAMLINES -STREAMLINING -STREAMS -STREET -STREETCAR -STREETCARS -STREETERS -STREETS -STRENGTH -STRENGTHEN -STRENGTHENED -STRENGTHENER -STRENGTHENING -STRENGTHENS -STRENGTHS -STRENUOUS -STRENUOUSLY -STREPTOCOCCUS -STRESS -STRESSED -STRESSES -STRESSFUL -STRESSING -STRETCH -STRETCHED -STRETCHER -STRETCHERS -STRETCHES -STRETCHING -STREW -STREWN -STREWS -STRICKEN -STRICKLAND -STRICT -STRICTER -STRICTEST -STRICTLY -STRICTNESS -STRICTURE -STRIDE -STRIDER -STRIDES -STRIDING -STRIFE -STRIKE -STRIKEBREAKER -STRIKER -STRIKERS -STRIKES -STRIKING -STRIKINGLY -STRINDBERG -STRING -STRINGED -STRINGENT -STRINGENTLY -STRINGER -STRINGERS -STRINGIER -STRINGIEST -STRINGINESS -STRINGING -STRINGS -STRINGY -STRIP -STRIPE -STRIPED -STRIPES -STRIPPED -STRIPPER -STRIPPERS -STRIPPING -STRIPS -STRIPTEASE -STRIVE -STRIVEN -STRIVES -STRIVING -STRIVINGS -STROBE -STROBED -STROBES -STROBOSCOPIC -STRODE -STROKE -STROKED -STROKER -STROKERS -STROKES -STROKING -STROLL -STROLLED -STROLLER -STROLLING -STROLLS -STROM -STROMBERG -STRONG -STRONGER -STRONGEST -STRONGHEART -STRONGHOLD -STRONGLY -STRONTIUM -STROVE -STRUCK -STRUCTURAL -STRUCTURALLY -STRUCTURE -STRUCTURED -STRUCTURER -STRUCTURES -STRUCTURING -STRUGGLE -STRUGGLED -STRUGGLES -STRUGGLING -STRUNG -STRUT -STRUTS -STRUTTING -STRYCHNINE -STU -STUART -STUB -STUBBLE -STUBBLEFIELD -STUBBLEFIELDS -STUBBORN -STUBBORNLY -STUBBORNNESS -STUBBY -STUBS -STUCCO -STUCK -STUD -STUDEBAKER -STUDENT -STUDENTS -STUDIED -STUDIES -STUDIO -STUDIOS -STUDIOUS -STUDIOUSLY -STUDS -STUDY -STUDYING -STUFF -STUFFED -STUFFIER -STUFFIEST -STUFFING -STUFFS -STUFFY -STUMBLE -STUMBLED -STUMBLES -STUMBLING -STUMP -STUMPED -STUMPING -STUMPS -STUN -STUNG -STUNNING -STUNNINGLY -STUNT -STUNTS -STUPEFY -STUPEFYING -STUPENDOUS -STUPENDOUSLY -STUPID -STUPIDEST -STUPIDITIES -STUPIDITY -STUPIDLY -STUPOR -STURBRIDGE -STURDINESS -STURDY -STURGEON -STURM -STUTTER -STUTTGART -STUYVESANT -STYGIAN -STYLE -STYLED -STYLER -STYLERS -STYLES -STYLI -STYLING -STYLISH -STYLISHLY -STYLISHNESS -STYLISTIC -STYLISTICALLY -STYLIZED -STYLUS -STYROFOAM -STYX -SUAVE -SUB -SUBATOMIC -SUBCHANNEL -SUBCHANNELS -SUBCLASS -SUBCLASSES -SUBCOMMITTEES -SUBCOMPONENT -SUBCOMPONENTS -SUBCOMPUTATION -SUBCOMPUTATIONS -SUBCONSCIOUS -SUBCONSCIOUSLY -SUBCULTURE -SUBCULTURES -SUBCYCLE -SUBCYCLES -SUBDIRECTORIES -SUBDIRECTORY -SUBDIVIDE -SUBDIVIDED -SUBDIVIDES -SUBDIVIDING -SUBDIVISION -SUBDIVISIONS -SUBDOMAINS -SUBDUE -SUBDUED -SUBDUES -SUBDUING -SUBEXPRESSION -SUBEXPRESSIONS -SUBFIELD -SUBFIELDS -SUBFILE -SUBFILES -SUBGOAL -SUBGOALS -SUBGRAPH -SUBGRAPHS -SUBGROUP -SUBGROUPS -SUBINTERVAL -SUBINTERVALS -SUBJECT -SUBJECTED -SUBJECTING -SUBJECTION -SUBJECTIVE -SUBJECTIVELY -SUBJECTIVITY -SUBJECTS -SUBLANGUAGE -SUBLANGUAGES -SUBLAYER -SUBLAYERS -SUBLIMATION -SUBLIMATIONS -SUBLIME -SUBLIMED -SUBLIST -SUBLISTS -SUBMARINE -SUBMARINER -SUBMARINERS -SUBMARINES -SUBMERGE -SUBMERGED -SUBMERGES -SUBMERGING -SUBMISSION -SUBMISSIONS -SUBMISSIVE -SUBMIT -SUBMITS -SUBMITTAL -SUBMITTED -SUBMITTING -SUBMODE -SUBMODES -SUBMODULE -SUBMODULES -SUBMULTIPLEXED -SUBNET -SUBNETS -SUBNETWORK -SUBNETWORKS -SUBOPTIMAL -SUBORDINATE -SUBORDINATED -SUBORDINATES -SUBORDINATION -SUBPARTS -SUBPHASES -SUBPOENA -SUBPROBLEM -SUBPROBLEMS -SUBPROCESSES -SUBPROGRAM -SUBPROGRAMS -SUBPROJECT -SUBPROOF -SUBPROOFS -SUBRANGE -SUBRANGES -SUBROUTINE -SUBROUTINES -SUBS -SUBSCHEMA -SUBSCHEMAS -SUBSCRIBE -SUBSCRIBED -SUBSCRIBER -SUBSCRIBERS -SUBSCRIBES -SUBSCRIBING -SUBSCRIPT -SUBSCRIPTED -SUBSCRIPTING -SUBSCRIPTION -SUBSCRIPTIONS -SUBSCRIPTS -SUBSECTION -SUBSECTIONS -SUBSEGMENT -SUBSEGMENTS -SUBSEQUENCE -SUBSEQUENCES -SUBSEQUENT -SUBSEQUENTLY -SUBSERVIENT -SUBSET -SUBSETS -SUBSIDE -SUBSIDED -SUBSIDES -SUBSIDIARIES -SUBSIDIARY -SUBSIDIES -SUBSIDING -SUBSIDIZE -SUBSIDIZED -SUBSIDIZES -SUBSIDIZING -SUBSIDY -SUBSIST -SUBSISTED -SUBSISTENCE -SUBSISTENT -SUBSISTING -SUBSISTS -SUBSLOT -SUBSLOTS -SUBSPACE -SUBSPACES -SUBSTANCE -SUBSTANCES -SUBSTANTIAL -SUBSTANTIALLY -SUBSTANTIATE -SUBSTANTIATED -SUBSTANTIATES -SUBSTANTIATING -SUBSTANTIATION -SUBSTANTIATIONS -SUBSTANTIVE -SUBSTANTIVELY -SUBSTANTIVITY -SUBSTATION -SUBSTATIONS -SUBSTITUTABILITY -SUBSTITUTABLE -SUBSTITUTE -SUBSTITUTED -SUBSTITUTES -SUBSTITUTING -SUBSTITUTION -SUBSTITUTIONS -SUBSTRATE -SUBSTRATES -SUBSTRING -SUBSTRINGS -SUBSTRUCTURE -SUBSTRUCTURES -SUBSUME -SUBSUMED -SUBSUMES -SUBSUMING -SUBSYSTEM -SUBSYSTEMS -SUBTASK -SUBTASKS -SUBTERFUGE -SUBTERRANEAN -SUBTITLE -SUBTITLED -SUBTITLES -SUBTLE -SUBTLENESS -SUBTLER -SUBTLEST -SUBTLETIES -SUBTLETY -SUBTLY -SUBTOTAL -SUBTRACT -SUBTRACTED -SUBTRACTING -SUBTRACTION -SUBTRACTIONS -SUBTRACTOR -SUBTRACTORS -SUBTRACTS -SUBTRAHEND -SUBTRAHENDS -SUBTREE -SUBTREES -SUBUNIT -SUBUNITS -SUBURB -SUBURBAN -SUBURBIA -SUBURBS -SUBVERSION -SUBVERSIVE -SUBVERT -SUBVERTED -SUBVERTER -SUBVERTING -SUBVERTS -SUBWAY -SUBWAYS -SUCCEED -SUCCEEDED -SUCCEEDING -SUCCEEDS -SUCCESS -SUCCESSES -SUCCESSFUL -SUCCESSFULLY -SUCCESSION -SUCCESSIONS -SUCCESSIVE -SUCCESSIVELY -SUCCESSOR -SUCCESSORS -SUCCINCT -SUCCINCTLY -SUCCINCTNESS -SUCCOR -SUCCUMB -SUCCUMBED -SUCCUMBING -SUCCUMBS -SUCH -SUCK -SUCKED -SUCKER -SUCKERS -SUCKING -SUCKLE -SUCKLING -SUCKS -SUCTION -SUDAN -SUDANESE -SUDANIC -SUDDEN -SUDDENLY -SUDDENNESS -SUDS -SUDSING -SUE -SUED -SUES -SUEZ -SUFFER -SUFFERANCE -SUFFERED -SUFFERER -SUFFERERS -SUFFERING -SUFFERINGS -SUFFERS -SUFFICE -SUFFICED -SUFFICES -SUFFICIENCY -SUFFICIENT -SUFFICIENTLY -SUFFICING -SUFFIX -SUFFIXED -SUFFIXER -SUFFIXES -SUFFIXING -SUFFOCATE -SUFFOCATED -SUFFOCATES -SUFFOCATING -SUFFOCATION -SUFFOLK -SUFFRAGE -SUFFRAGETTE -SUGAR -SUGARED -SUGARING -SUGARINGS -SUGARS -SUGGEST -SUGGESTED -SUGGESTIBLE -SUGGESTING -SUGGESTION -SUGGESTIONS -SUGGESTIVE -SUGGESTIVELY -SUGGESTS -SUICIDAL -SUICIDALLY -SUICIDE -SUICIDES -SUING -SUIT -SUITABILITY -SUITABLE -SUITABLENESS -SUITABLY -SUITCASE -SUITCASES -SUITE -SUITED -SUITERS -SUITES -SUITING -SUITOR -SUITORS -SUITS -SUKARNO -SULFA -SULFUR -SULFURIC -SULFUROUS -SULK -SULKED -SULKINESS -SULKING -SULKS -SULKY -SULLEN -SULLENLY -SULLENNESS -SULLIVAN -SULPHATE -SULPHUR -SULPHURED -SULPHURIC -SULTAN -SULTANS -SULTRY -SULZBERGER -SUM -SUMAC -SUMATRA -SUMERIA -SUMERIAN -SUMMAND -SUMMANDS -SUMMARIES -SUMMARILY -SUMMARIZATION -SUMMARIZATIONS -SUMMARIZE -SUMMARIZED -SUMMARIZES -SUMMARIZING -SUMMARY -SUMMATION -SUMMATIONS -SUMMED -SUMMER -SUMMERDALE -SUMMERS -SUMMERTIME -SUMMING -SUMMIT -SUMMITRY -SUMMON -SUMMONED -SUMMONER -SUMMONERS -SUMMONING -SUMMONS -SUMMONSES -SUMNER -SUMPTUOUS -SUMS -SUMTER -SUN -SUNBEAM -SUNBEAMS -SUNBELT -SUNBONNET -SUNBURN -SUNBURNT -SUNDAY -SUNDAYS -SUNDER -SUNDIAL -SUNDOWN -SUNDRIES -SUNDRY -SUNFLOWER -SUNG -SUNGLASS -SUNGLASSES -SUNK -SUNKEN -SUNLIGHT -SUNLIT -SUNNED -SUNNING -SUNNY -SUNNYVALE -SUNRISE -SUNS -SUNSET -SUNSHINE -SUNSPOT -SUNTAN -SUNTANNED -SUNTANNING -SUPER -SUPERB -SUPERBLOCK -SUPERBLY -SUPERCOMPUTER -SUPERCOMPUTERS -SUPEREGO -SUPEREGOS -SUPERFICIAL -SUPERFICIALLY -SUPERFLUITIES -SUPERFLUITY -SUPERFLUOUS -SUPERFLUOUSLY -SUPERGROUP -SUPERGROUPS -SUPERHUMAN -SUPERHUMANLY -SUPERIMPOSE -SUPERIMPOSED -SUPERIMPOSES -SUPERIMPOSING -SUPERINTEND -SUPERINTENDENT -SUPERINTENDENTS -SUPERIOR -SUPERIORITY -SUPERIORS -SUPERLATIVE -SUPERLATIVELY -SUPERLATIVES -SUPERMARKET -SUPERMARKETS -SUPERMINI -SUPERMINIS -SUPERNATURAL -SUPERPOSE -SUPERPOSED -SUPERPOSES -SUPERPOSING -SUPERPOSITION -SUPERSCRIPT -SUPERSCRIPTED -SUPERSCRIPTING -SUPERSCRIPTS -SUPERSEDE -SUPERSEDED -SUPERSEDES -SUPERSEDING -SUPERSET -SUPERSETS -SUPERSTITION -SUPERSTITIONS -SUPERSTITIOUS -SUPERUSER -SUPERVISE -SUPERVISED -SUPERVISES -SUPERVISING -SUPERVISION -SUPERVISOR -SUPERVISORS -SUPERVISORY -SUPINE -SUPPER -SUPPERS -SUPPLANT -SUPPLANTED -SUPPLANTING -SUPPLANTS -SUPPLE -SUPPLEMENT -SUPPLEMENTAL -SUPPLEMENTARY -SUPPLEMENTED -SUPPLEMENTING -SUPPLEMENTS -SUPPLENESS -SUPPLICATION -SUPPLIED -SUPPLIER -SUPPLIERS -SUPPLIES -SUPPLY -SUPPLYING -SUPPORT -SUPPORTABLE -SUPPORTED -SUPPORTER -SUPPORTERS -SUPPORTING -SUPPORTINGLY -SUPPORTIVE -SUPPORTIVELY -SUPPORTS -SUPPOSE -SUPPOSED -SUPPOSEDLY -SUPPOSES -SUPPOSING -SUPPOSITION -SUPPOSITIONS -SUPPRESS -SUPPRESSED -SUPPRESSES -SUPPRESSING -SUPPRESSION -SUPPRESSOR -SUPPRESSORS -SUPRANATIONAL -SUPREMACY -SUPREME -SUPREMELY -SURCHARGE -SURE -SURELY -SURENESS -SURETIES -SURETY -SURF -SURFACE -SURFACED -SURFACENESS -SURFACES -SURFACING -SURGE -SURGED -SURGEON -SURGEONS -SURGERY -SURGES -SURGICAL -SURGICALLY -SURGING -SURLINESS -SURLY -SURMISE -SURMISED -SURMISES -SURMOUNT -SURMOUNTED -SURMOUNTING -SURMOUNTS -SURNAME -SURNAMES -SURPASS -SURPASSED -SURPASSES -SURPASSING -SURPLUS -SURPLUSES -SURPRISE -SURPRISED -SURPRISES -SURPRISING -SURPRISINGLY -SURREAL -SURRENDER -SURRENDERED -SURRENDERING -SURRENDERS -SURREPTITIOUS -SURREY -SURROGATE -SURROGATES -SURROUND -SURROUNDED -SURROUNDING -SURROUNDINGS -SURROUNDS -SURTAX -SURVEY -SURVEYED -SURVEYING -SURVEYOR -SURVEYORS -SURVEYS -SURVIVAL -SURVIVALS -SURVIVE -SURVIVED -SURVIVES -SURVIVING -SURVIVOR -SURVIVORS -SUS -SUSAN -SUSANNE -SUSCEPTIBLE -SUSIE -SUSPECT -SUSPECTED -SUSPECTING -SUSPECTS -SUSPEND -SUSPENDED -SUSPENDER -SUSPENDERS -SUSPENDING -SUSPENDS -SUSPENSE -SUSPENSES -SUSPENSION -SUSPENSIONS -SUSPICION -SUSPICIONS -SUSPICIOUS -SUSPICIOUSLY -SUSQUEHANNA -SUSSEX -SUSTAIN -SUSTAINED -SUSTAINING -SUSTAINS -SUSTENANCE -SUTHERLAND -SUTTON -SUTURE -SUTURES -SUWANEE -SUZANNE -SUZERAINTY -SUZUKI -SVELTE -SVETLANA -SWAB -SWABBING -SWAGGER -SWAGGERED -SWAGGERING -SWAHILI -SWAIN -SWAINS -SWALLOW -SWALLOWED -SWALLOWING -SWALLOWS -SWALLOWTAIL -SWAM -SWAMI -SWAMP -SWAMPED -SWAMPING -SWAMPS -SWAMPY -SWAN -SWANK -SWANKY -SWANLIKE -SWANS -SWANSEA -SWANSON -SWAP -SWAPPED -SWAPPING -SWAPS -SWARM -SWARMED -SWARMING -SWARMS -SWARTHMORE -SWARTHOUT -SWARTHY -SWARTZ -SWASTIKA -SWAT -SWATTED -SWAY -SWAYED -SWAYING -SWAZILAND -SWEAR -SWEARER -SWEARING -SWEARS -SWEAT -SWEATED -SWEATER -SWEATERS -SWEATING -SWEATS -SWEATSHIRT -SWEATY -SWEDE -SWEDEN -SWEDES -SWEDISH -SWEENEY -SWEENEYS -SWEEP -SWEEPER -SWEEPERS -SWEEPING -SWEEPINGS -SWEEPS -SWEEPSTAKES -SWEET -SWEETEN -SWEETENED -SWEETENER -SWEETENERS -SWEETENING -SWEETENINGS -SWEETENS -SWEETER -SWEETEST -SWEETHEART -SWEETHEARTS -SWEETISH -SWEETLY -SWEETNESS -SWEETS -SWELL -SWELLED -SWELLING -SWELLINGS -SWELLS -SWELTER -SWENSON -SWEPT -SWERVE -SWERVED -SWERVES -SWERVING -SWIFT -SWIFTER -SWIFTEST -SWIFTLY -SWIFTNESS -SWIM -SWIMMER -SWIMMERS -SWIMMING -SWIMMINGLY -SWIMS -SWIMSUIT -SWINBURNE -SWINDLE -SWINE -SWING -SWINGER -SWINGERS -SWINGING -SWINGS -SWINK -SWIPE -SWIRL -SWIRLED -SWIRLING -SWISH -SWISHED -SWISS -SWITCH -SWITCHBLADE -SWITCHBOARD -SWITCHBOARDS -SWITCHED -SWITCHER -SWITCHERS -SWITCHES -SWITCHING -SWITCHINGS -SWITCHMAN -SWITZER -SWITZERLAND -SWIVEL -SWIZZLE -SWOLLEN -SWOON -SWOOP -SWOOPED -SWOOPING -SWOOPS -SWORD -SWORDFISH -SWORDS -SWORE -SWORN -SWUM -SWUNG -SYBIL -SYCAMORE -SYCOPHANT -SYCOPHANTIC -SYDNEY -SYKES -SYLLABLE -SYLLABLES -SYLLOGISM -SYLLOGISMS -SYLLOGISTIC -SYLOW -SYLVAN -SYLVANIA -SYLVESTER -SYLVIA -SYLVIE -SYMBIOSIS -SYMBIOTIC -SYMBOL -SYMBOLIC -SYMBOLICALLY -SYMBOLICS -SYMBOLISM -SYMBOLIZATION -SYMBOLIZE -SYMBOLIZED -SYMBOLIZES -SYMBOLIZING -SYMBOLS -SYMINGTON -SYMMETRIC -SYMMETRICAL -SYMMETRICALLY -SYMMETRIES -SYMMETRY -SYMPATHETIC -SYMPATHIES -SYMPATHIZE -SYMPATHIZED -SYMPATHIZER -SYMPATHIZERS -SYMPATHIZES -SYMPATHIZING -SYMPATHIZINGLY -SYMPATHY -SYMPHONIC -SYMPHONIES -SYMPHONY -SYMPOSIA -SYMPOSIUM -SYMPOSIUMS -SYMPTOM -SYMPTOMATIC -SYMPTOMS -SYNAGOGUE -SYNAPSE -SYNAPSES -SYNAPTIC -SYNCHRONISM -SYNCHRONIZATION -SYNCHRONIZE -SYNCHRONIZED -SYNCHRONIZER -SYNCHRONIZERS -SYNCHRONIZES -SYNCHRONIZING -SYNCHRONOUS -SYNCHRONOUSLY -SYNCHRONY -SYNCHROTRON -SYNCOPATE -SYNDICATE -SYNDICATED -SYNDICATES -SYNDICATION -SYNDROME -SYNDROMES -SYNERGISM -SYNERGISTIC -SYNERGY -SYNGE -SYNOD -SYNONYM -SYNONYMOUS -SYNONYMOUSLY -SYNONYMS -SYNOPSES -SYNOPSIS -SYNTACTIC -SYNTACTICAL -SYNTACTICALLY -SYNTAX -SYNTAXES -SYNTHESIS -SYNTHESIZE -SYNTHESIZED -SYNTHESIZER -SYNTHESIZERS -SYNTHESIZES -SYNTHESIZING -SYNTHETIC -SYNTHETICS -SYRACUSE -SYRIA -SYRIAN -SYRIANIZE -SYRIANIZES -SYRIANS -SYRINGE -SYRINGES -SYRUP -SYRUPY -SYSTEM -SYSTEMATIC -SYSTEMATICALLY -SYSTEMATIZE -SYSTEMATIZED -SYSTEMATIZES -SYSTEMATIZING -SYSTEMIC -SYSTEMS -SYSTEMWIDE -SZILARD -TAB -TABERNACLE -TABERNACLES -TABLE -TABLEAU -TABLEAUS -TABLECLOTH -TABLECLOTHS -TABLED -TABLES -TABLESPOON -TABLESPOONFUL -TABLESPOONFULS -TABLESPOONS -TABLET -TABLETS -TABLING -TABOO -TABOOS -TABS -TABULAR -TABULATE -TABULATED -TABULATES -TABULATING -TABULATION -TABULATIONS -TABULATOR -TABULATORS -TACHOMETER -TACHOMETERS -TACIT -TACITLY -TACITUS -TACK -TACKED -TACKING -TACKLE -TACKLES -TACOMA -TACT -TACTIC -TACTICS -TACTILE -TAFT -TAG -TAGGED -TAGGING -TAGS -TAHITI -TAHOE -TAIL -TAILED -TAILING -TAILOR -TAILORED -TAILORING -TAILORS -TAILS -TAINT -TAINTED -TAIPEI -TAIWAN -TAIWANESE -TAKE -TAKEN -TAKER -TAKERS -TAKES -TAKING -TAKINGS -TALE -TALENT -TALENTED -TALENTS -TALES -TALK -TALKATIVE -TALKATIVELY -TALKATIVENESS -TALKED -TALKER -TALKERS -TALKIE -TALKING -TALKS -TALL -TALLADEGA -TALLAHASSEE -TALLAHATCHIE -TALLAHOOSA -TALLCHIEF -TALLER -TALLEST -TALLEYRAND -TALLNESS -TALLOW -TALLY -TALMUD -TALMUDISM -TALMUDIZATION -TALMUDIZATIONS -TALMUDIZE -TALMUDIZES -TAME -TAMED -TAMELY -TAMENESS -TAMER -TAMES -TAMIL -TAMING -TAMMANY -TAMMANYIZE -TAMMANYIZES -TAMPA -TAMPER -TAMPERED -TAMPERING -TAMPERS -TAN -TANAKA -TANANARIVE -TANDEM -TANG -TANGANYIKA -TANGENT -TANGENTIAL -TANGENTS -TANGIBLE -TANGIBLY -TANGLE -TANGLED -TANGY -TANK -TANKER -TANKERS -TANKS -TANNENBAUM -TANNER -TANNERS -TANTALIZING -TANTALIZINGLY -TANTALUS -TANTAMOUNT -TANTRUM -TANTRUMS -TANYA -TANZANIA -TAOISM -TAOIST -TAOS -TAP -TAPE -TAPED -TAPER -TAPERED -TAPERING -TAPERS -TAPES -TAPESTRIES -TAPESTRY -TAPING -TAPINGS -TAPPED -TAPPER -TAPPERS -TAPPING -TAPROOT -TAPROOTS -TAPS -TAR -TARA -TARBELL -TARDINESS -TARDY -TARGET -TARGETED -TARGETING -TARGETS -TARIFF -TARIFFS -TARRY -TARRYTOWN -TART -TARTARY -TARTLY -TARTNESS -TARTUFFE -TARZAN -TASK -TASKED -TASKING -TASKS -TASMANIA -TASS -TASSEL -TASSELS -TASTE -TASTED -TASTEFUL -TASTEFULLY -TASTEFULNESS -TASTELESS -TASTELESSLY -TASTER -TASTERS -TASTES -TASTING -TATE -TATTER -TATTERED -TATTOO -TATTOOED -TATTOOS -TAU -TAUGHT -TAUNT -TAUNTED -TAUNTER -TAUNTING -TAUNTS -TAURUS -TAUT -TAUTLY -TAUTNESS -TAUTOLOGICAL -TAUTOLOGICALLY -TAUTOLOGIES -TAUTOLOGY -TAVERN -TAVERNS -TAWNEY -TAWNY -TAX -TAXABLE -TAXATION -TAXED -TAXES -TAXI -TAXICAB -TAXICABS -TAXIED -TAXIING -TAXING -TAXIS -TAXONOMIC -TAXONOMICALLY -TAXONOMY -TAXPAYER -TAXPAYERS -TAYLOR -TAYLORIZE -TAYLORIZES -TAYLORS -TCHAIKOVSKY -TEA -TEACH -TEACHABLE -TEACHER -TEACHERS -TEACHES -TEACHING -TEACHINGS -TEACUP -TEAM -TEAMED -TEAMING -TEAMS -TEAR -TEARED -TEARFUL -TEARFULLY -TEARING -TEARS -TEAS -TEASE -TEASED -TEASES -TEASING -TEASPOON -TEASPOONFUL -TEASPOONFULS -TEASPOONS -TECHNICAL -TECHNICALITIES -TECHNICALITY -TECHNICALLY -TECHNICIAN -TECHNICIANS -TECHNION -TECHNIQUE -TECHNIQUES -TECHNOLOGICAL -TECHNOLOGICALLY -TECHNOLOGIES -TECHNOLOGIST -TECHNOLOGISTS -TECHNOLOGY -TED -TEDDY -TEDIOUS -TEDIOUSLY -TEDIOUSNESS -TEDIUM -TEEM -TEEMED -TEEMING -TEEMS -TEEN -TEENAGE -TEENAGED -TEENAGER -TEENAGERS -TEENS -TEETH -TEETHE -TEETHED -TEETHES -TEETHING -TEFLON -TEGUCIGALPA -TEHERAN -TEHRAN -TEKTRONIX -TELECOMMUNICATION -TELECOMMUNICATIONS -TELEDYNE -TELEFUNKEN -TELEGRAM -TELEGRAMS -TELEGRAPH -TELEGRAPHED -TELEGRAPHER -TELEGRAPHERS -TELEGRAPHIC -TELEGRAPHING -TELEGRAPHS -TELEMANN -TELEMETRY -TELEOLOGICAL -TELEOLOGICALLY -TELEOLOGY -TELEPATHY -TELEPHONE -TELEPHONED -TELEPHONER -TELEPHONERS -TELEPHONES -TELEPHONIC -TELEPHONING -TELEPHONY -TELEPROCESSING -TELESCOPE -TELESCOPED -TELESCOPES -TELESCOPING -TELETEX -TELETEXT -TELETYPE -TELETYPES -TELEVISE -TELEVISED -TELEVISES -TELEVISING -TELEVISION -TELEVISIONS -TELEVISOR -TELEVISORS -TELEX -TELL -TELLER -TELLERS -TELLING -TELLS -TELNET -TELNET -TEMPER -TEMPERAMENT -TEMPERAMENTAL -TEMPERAMENTS -TEMPERANCE -TEMPERATE -TEMPERATELY -TEMPERATENESS -TEMPERATURE -TEMPERATURES -TEMPERED -TEMPERING -TEMPERS -TEMPEST -TEMPESTUOUS -TEMPESTUOUSLY -TEMPLATE -TEMPLATES -TEMPLE -TEMPLEMAN -TEMPLES -TEMPLETON -TEMPORAL -TEMPORALLY -TEMPORARIES -TEMPORARILY -TEMPORARY -TEMPT -TEMPTATION -TEMPTATIONS -TEMPTED -TEMPTER -TEMPTERS -TEMPTING -TEMPTINGLY -TEMPTS -TEN -TENACIOUS -TENACIOUSLY -TENANT -TENANTS -TEND -TENDED -TENDENCIES -TENDENCY -TENDER -TENDERLY -TENDERNESS -TENDERS -TENDING -TENDS -TENEMENT -TENEMENTS -TENEX -TENEX -TENFOLD -TENNECO -TENNESSEE -TENNEY -TENNIS -TENNYSON -TENOR -TENORS -TENS -TENSE -TENSED -TENSELY -TENSENESS -TENSER -TENSES -TENSEST -TENSING -TENSION -TENSIONS -TENT -TENTACLE -TENTACLED -TENTACLES -TENTATIVE -TENTATIVELY -TENTED -TENTH -TENTING -TENTS -TENURE -TERESA -TERM -TERMED -TERMINAL -TERMINALLY -TERMINALS -TERMINATE -TERMINATED -TERMINATES -TERMINATING -TERMINATION -TERMINATIONS -TERMINATOR -TERMINATORS -TERMING -TERMINOLOGIES -TERMINOLOGY -TERMINUS -TERMS -TERMWISE -TERNARY -TERPSICHORE -TERRA -TERRACE -TERRACED -TERRACES -TERRAIN -TERRAINS -TERRAN -TERRE -TERRESTRIAL -TERRESTRIALS -TERRIBLE -TERRIBLY -TERRIER -TERRIERS -TERRIFIC -TERRIFIED -TERRIFIES -TERRIFY -TERRIFYING -TERRITORIAL -TERRITORIES -TERRITORY -TERROR -TERRORISM -TERRORIST -TERRORISTIC -TERRORISTS -TERRORIZE -TERRORIZED -TERRORIZES -TERRORIZING -TERRORS -TERTIARY -TESS -TESSIE -TEST -TESTABILITY -TESTABLE -TESTAMENT -TESTAMENTS -TESTED -TESTER -TESTERS -TESTICLE -TESTICLES -TESTIFIED -TESTIFIER -TESTIFIERS -TESTIFIES -TESTIFY -TESTIFYING -TESTIMONIES -TESTIMONY -TESTING -TESTINGS -TESTS -TEUTONIC -TEX -TEX -TEXACO -TEXAN -TEXANS -TEXAS -TEXASES -TEXT -TEXTBOOK -TEXTBOOKS -TEXTILE -TEXTILES -TEXTRON -TEXTS -TEXTUAL -TEXTUALLY -TEXTURE -TEXTURED -TEXTURES -THAI -THAILAND -THALIA -THAMES -THAN -THANK -THANKED -THANKFUL -THANKFULLY -THANKFULNESS -THANKING -THANKLESS -THANKLESSLY -THANKLESSNESS -THANKS -THANKSGIVING -THANKSGIVINGS -THAT -THATCH -THATCHES -THATS -THAW -THAWED -THAWING -THAWS -THAYER -THE -THEA -THEATER -THEATERS -THEATRICAL -THEATRICALLY -THEATRICALS -THEBES -THEFT -THEFTS -THEIR -THEIRS -THELMA -THEM -THEMATIC -THEME -THEMES -THEMSELVES -THEN -THENCE -THENCEFORTH -THEODORE -THEODOSIAN -THEODOSIUS -THEOLOGICAL -THEOLOGY -THEOREM -THEOREMS -THEORETIC -THEORETICAL -THEORETICALLY -THEORETICIANS -THEORIES -THEORIST -THEORISTS -THEORIZATION -THEORIZATIONS -THEORIZE -THEORIZED -THEORIZER -THEORIZERS -THEORIZES -THEORIZING -THEORY -THERAPEUTIC -THERAPIES -THERAPIST -THERAPISTS -THERAPY -THERE -THEREABOUTS -THEREAFTER -THEREBY -THEREFORE -THEREIN -THEREOF -THEREON -THERESA -THERETO -THEREUPON -THEREWITH -THERMAL -THERMODYNAMIC -THERMODYNAMICS -THERMOFAX -THERMOMETER -THERMOMETERS -THERMOSTAT -THERMOSTATS -THESE -THESES -THESEUS -THESIS -THESSALONIAN -THESSALY -THETIS -THEY -THICK -THICKEN -THICKENS -THICKER -THICKEST -THICKET -THICKETS -THICKLY -THICKNESS -THIEF -THIENSVILLE -THIEVE -THIEVES -THIEVING -THIGH -THIGHS -THIMBLE -THIMBLES -THIMBU -THIN -THING -THINGS -THINK -THINKABLE -THINKABLY -THINKER -THINKERS -THINKING -THINKS -THINLY -THINNER -THINNESS -THINNEST -THIRD -THIRDLY -THIRDS -THIRST -THIRSTED -THIRSTS -THIRSTY -THIRTEEN -THIRTEENS -THIRTEENTH -THIRTIES -THIRTIETH -THIRTY -THIS -THISTLE -THOMAS -THOMISTIC -THOMPSON -THOMSON -THONG -THOR -THOREAU -THORN -THORNBURG -THORNS -THORNTON -THORNY -THOROUGH -THOROUGHFARE -THOROUGHFARES -THOROUGHLY -THOROUGHNESS -THORPE -THORSTEIN -THOSE -THOUGH -THOUGHT -THOUGHTFUL -THOUGHTFULLY -THOUGHTFULNESS -THOUGHTLESS -THOUGHTLESSLY -THOUGHTLESSNESS -THOUGHTS -THOUSAND -THOUSANDS -THOUSANDTH -THRACE -THRACIAN -THRASH -THRASHED -THRASHER -THRASHES -THRASHING -THREAD -THREADED -THREADER -THREADERS -THREADING -THREADS -THREAT -THREATEN -THREATENED -THREATENING -THREATENS -THREATS -THREE -THREEFOLD -THREES -THREESCORE -THRESHOLD -THRESHOLDS -THREW -THRICE -THRIFT -THRIFTY -THRILL -THRILLED -THRILLER -THRILLERS -THRILLING -THRILLINGLY -THRILLS -THRIVE -THRIVED -THRIVES -THRIVING -THROAT -THROATED -THROATS -THROB -THROBBED -THROBBING -THROBS -THRONE -THRONEBERRY -THRONES -THRONG -THRONGS -THROTTLE -THROTTLED -THROTTLES -THROTTLING -THROUGH -THROUGHOUT -THROUGHPUT -THROW -THROWER -THROWING -THROWN -THROWS -THRUSH -THRUST -THRUSTER -THRUSTERS -THRUSTING -THRUSTS -THUBAN -THUD -THUDS -THUG -THUGS -THULE -THUMB -THUMBED -THUMBING -THUMBS -THUMP -THUMPED -THUMPING -THUNDER -THUNDERBOLT -THUNDERBOLTS -THUNDERED -THUNDERER -THUNDERERS -THUNDERING -THUNDERS -THUNDERSTORM -THUNDERSTORMS -THURBER -THURMAN -THURSDAY -THURSDAYS -THUS -THUSLY -THWART -THWARTED -THWARTING -THWARTS -THYSELF -TIBER -TIBET -TIBETAN -TIBURON -TICK -TICKED -TICKER -TICKERS -TICKET -TICKETS -TICKING -TICKLE -TICKLED -TICKLES -TICKLING -TICKLISH -TICKS -TICONDEROGA -TIDAL -TIDALLY -TIDE -TIDED -TIDES -TIDIED -TIDINESS -TIDING -TIDINGS -TIDY -TIDYING -TIE -TIECK -TIED -TIENTSIN -TIER -TIERS -TIES -TIFFANY -TIGER -TIGERS -TIGHT -TIGHTEN -TIGHTENED -TIGHTENER -TIGHTENERS -TIGHTENING -TIGHTENINGS -TIGHTENS -TIGHTER -TIGHTEST -TIGHTLY -TIGHTNESS -TIGRIS -TIJUANA -TILDE -TILE -TILED -TILES -TILING -TILL -TILLABLE -TILLED -TILLER -TILLERS -TILLICH -TILLIE -TILLING -TILLS -TILT -TILTED -TILTING -TILTS -TIM -TIMBER -TIMBERED -TIMBERING -TIMBERS -TIME -TIMED -TIMELESS -TIMELESSLY -TIMELESSNESS -TIMELY -TIMEOUT -TIMEOUTS -TIMER -TIMERS -TIMES -TIMESHARE -TIMESHARES -TIMESHARING -TIMESTAMP -TIMESTAMPS -TIMETABLE -TIMETABLES -TIMEX -TIMID -TIMIDITY -TIMIDLY -TIMING -TIMINGS -TIMMY -TIMON -TIMONIZE -TIMONIZES -TIMS -TIN -TINA -TINCTURE -TINGE -TINGED -TINGLE -TINGLED -TINGLES -TINGLING -TINIER -TINIEST -TINILY -TININESS -TINKER -TINKERED -TINKERING -TINKERS -TINKLE -TINKLED -TINKLES -TINKLING -TINNIER -TINNIEST -TINNILY -TINNINESS -TINNY -TINS -TINSELTOWN -TINT -TINTED -TINTING -TINTS -TINY -TIOGA -TIP -TIPPECANOE -TIPPED -TIPPER -TIPPERARY -TIPPERS -TIPPING -TIPS -TIPTOE -TIRANA -TIRE -TIRED -TIREDLY -TIRELESS -TIRELESSLY -TIRELESSNESS -TIRES -TIRESOME -TIRESOMELY -TIRESOMENESS -TIRING -TISSUE -TISSUES -TIT -TITAN -TITHE -TITHER -TITHES -TITHING -TITLE -TITLED -TITLES -TITO -TITS -TITTER -TITTERS -TITUS -TOAD -TOADS -TOAST -TOASTED -TOASTER -TOASTING -TOASTS -TOBACCO -TOBAGO -TOBY -TODAY -TODAYS -TODD -TOE -TOES -TOGETHER -TOGETHERNESS -TOGGLE -TOGGLED -TOGGLES -TOGGLING -TOGO -TOIL -TOILED -TOILER -TOILET -TOILETS -TOILING -TOILS -TOKEN -TOKENS -TOKYO -TOLAND -TOLD -TOLEDO -TOLERABILITY -TOLERABLE -TOLERABLY -TOLERANCE -TOLERANCES -TOLERANT -TOLERANTLY -TOLERATE -TOLERATED -TOLERATES -TOLERATING -TOLERATION -TOLL -TOLLED -TOLLEY -TOLLS -TOLSTOY -TOM -TOMAHAWK -TOMAHAWKS -TOMATO -TOMATOES -TOMB -TOMBIGBEE -TOMBS -TOMLINSON -TOMMIE -TOMOGRAPHY -TOMORROW -TOMORROWS -TOMPKINS -TON -TONE -TONED -TONER -TONES -TONGS -TONGUE -TONGUED -TONGUES -TONI -TONIC -TONICS -TONIGHT -TONING -TONIO -TONNAGE -TONS -TONSIL -TOO -TOOK -TOOL -TOOLED -TOOLER -TOOLERS -TOOLING -TOOLS -TOOMEY -TOOTH -TOOTHBRUSH -TOOTHBRUSHES -TOOTHPASTE -TOOTHPICK -TOOTHPICKS -TOP -TOPEKA -TOPER -TOPIC -TOPICAL -TOPICALLY -TOPICS -TOPMOST -TOPOGRAPHY -TOPOLOGICAL -TOPOLOGIES -TOPOLOGY -TOPPLE -TOPPLED -TOPPLES -TOPPLING -TOPS -TOPSY -TORAH -TORCH -TORCHES -TORE -TORIES -TORMENT -TORMENTED -TORMENTER -TORMENTERS -TORMENTING -TORN -TORNADO -TORNADOES -TORONTO -TORPEDO -TORPEDOES -TORQUE -TORQUEMADA -TORRANCE -TORRENT -TORRENTS -TORRID -TORTOISE -TORTOISES -TORTURE -TORTURED -TORTURER -TORTURERS -TORTURES -TORTURING -TORUS -TORUSES -TORY -TORYIZE -TORYIZES -TOSCA -TOSCANINI -TOSHIBA -TOSS -TOSSED -TOSSES -TOSSING -TOTAL -TOTALED -TOTALING -TOTALITIES -TOTALITY -TOTALLED -TOTALLER -TOTALLERS -TOTALLING -TOTALLY -TOTALS -TOTO -TOTTER -TOTTERED -TOTTERING -TOTTERS -TOUCH -TOUCHABLE -TOUCHED -TOUCHES -TOUCHIER -TOUCHIEST -TOUCHILY -TOUCHINESS -TOUCHING -TOUCHINGLY -TOUCHY -TOUGH -TOUGHEN -TOUGHER -TOUGHEST -TOUGHLY -TOUGHNESS -TOULOUSE -TOUR -TOURED -TOURING -TOURIST -TOURISTS -TOURNAMENT -TOURNAMENTS -TOURS -TOW -TOWARD -TOWARDS -TOWED -TOWEL -TOWELING -TOWELLED -TOWELLING -TOWELS -TOWER -TOWERED -TOWERING -TOWERS -TOWN -TOWNLEY -TOWNS -TOWNSEND -TOWNSHIP -TOWNSHIPS -TOWSLEY -TOY -TOYED -TOYING -TOYNBEE -TOYOTA -TOYS -TRACE -TRACEABLE -TRACED -TRACER -TRACERS -TRACES -TRACING -TRACINGS -TRACK -TRACKED -TRACKER -TRACKERS -TRACKING -TRACKS -TRACT -TRACTABILITY -TRACTABLE -TRACTARIANS -TRACTIVE -TRACTOR -TRACTORS -TRACTS -TRACY -TRADE -TRADED -TRADEMARK -TRADEMARKS -TRADEOFF -TRADEOFFS -TRADER -TRADERS -TRADES -TRADESMAN -TRADING -TRADITION -TRADITIONAL -TRADITIONALLY -TRADITIONS -TRAFFIC -TRAFFICKED -TRAFFICKER -TRAFFICKERS -TRAFFICKING -TRAFFICS -TRAGEDIES -TRAGEDY -TRAGIC -TRAGICALLY -TRAIL -TRAILED -TRAILER -TRAILERS -TRAILING -TRAILINGS -TRAILS -TRAIN -TRAINED -TRAINEE -TRAINEES -TRAINER -TRAINERS -TRAINING -TRAINS -TRAIT -TRAITOR -TRAITORS -TRAITS -TRAJECTORIES -TRAJECTORY -TRAMP -TRAMPED -TRAMPING -TRAMPLE -TRAMPLED -TRAMPLER -TRAMPLES -TRAMPLING -TRAMPS -TRANCE -TRANCES -TRANQUIL -TRANQUILITY -TRANQUILLY -TRANSACT -TRANSACTION -TRANSACTIONS -TRANSATLANTIC -TRANSCEIVE -TRANSCEIVER -TRANSCEIVERS -TRANSCEND -TRANSCENDED -TRANSCENDENT -TRANSCENDING -TRANSCENDS -TRANSCONTINENTAL -TRANSCRIBE -TRANSCRIBED -TRANSCRIBER -TRANSCRIBERS -TRANSCRIBES -TRANSCRIBING -TRANSCRIPT -TRANSCRIPTION -TRANSCRIPTIONS -TRANSCRIPTS -TRANSFER -TRANSFERABILITY -TRANSFERABLE -TRANSFERAL -TRANSFERALS -TRANSFERENCE -TRANSFERRED -TRANSFERRER -TRANSFERRERS -TRANSFERRING -TRANSFERS -TRANSFINITE -TRANSFORM -TRANSFORMABLE -TRANSFORMATION -TRANSFORMATIONAL -TRANSFORMATIONS -TRANSFORMED -TRANSFORMER -TRANSFORMERS -TRANSFORMING -TRANSFORMS -TRANSGRESS -TRANSGRESSED -TRANSGRESSION -TRANSGRESSIONS -TRANSIENCE -TRANSIENCY -TRANSIENT -TRANSIENTLY -TRANSIENTS -TRANSISTOR -TRANSISTORIZE -TRANSISTORIZED -TRANSISTORIZING -TRANSISTORS -TRANSIT -TRANSITE -TRANSITION -TRANSITIONAL -TRANSITIONED -TRANSITIONS -TRANSITIVE -TRANSITIVELY -TRANSITIVENESS -TRANSITIVITY -TRANSITORY -TRANSLATABILITY -TRANSLATABLE -TRANSLATE -TRANSLATED -TRANSLATES -TRANSLATING -TRANSLATION -TRANSLATIONAL -TRANSLATIONS -TRANSLATOR -TRANSLATORS -TRANSLUCENT -TRANSMISSION -TRANSMISSIONS -TRANSMIT -TRANSMITS -TRANSMITTAL -TRANSMITTED -TRANSMITTER -TRANSMITTERS -TRANSMITTING -TRANSMOGRIFICATION -TRANSMOGRIFY -TRANSPACIFIC -TRANSPARENCIES -TRANSPARENCY -TRANSPARENT -TRANSPARENTLY -TRANSPIRE -TRANSPIRED -TRANSPIRES -TRANSPIRING -TRANSPLANT -TRANSPLANTED -TRANSPLANTING -TRANSPLANTS -TRANSPONDER -TRANSPONDERS -TRANSPORT -TRANSPORTABILITY -TRANSPORTATION -TRANSPORTED -TRANSPORTER -TRANSPORTERS -TRANSPORTING -TRANSPORTS -TRANSPOSE -TRANSPOSED -TRANSPOSES -TRANSPOSING -TRANSPOSITION -TRANSPUTER -TRANSVAAL -TRANSYLVANIA -TRAP -TRAPEZOID -TRAPEZOIDAL -TRAPEZOIDS -TRAPPED -TRAPPER -TRAPPERS -TRAPPING -TRAPPINGS -TRAPS -TRASH -TRASTEVERE -TRAUMA -TRAUMATIC -TRAVAIL -TRAVEL -TRAVELED -TRAVELER -TRAVELERS -TRAVELING -TRAVELINGS -TRAVELS -TRAVERSAL -TRAVERSALS -TRAVERSE -TRAVERSED -TRAVERSES -TRAVERSING -TRAVESTIES -TRAVESTY -TRAVIS -TRAY -TRAYS -TREACHERIES -TREACHEROUS -TREACHEROUSLY -TREACHERY -TREAD -TREADING -TREADS -TREADWELL -TREASON -TREASURE -TREASURED -TREASURER -TREASURES -TREASURIES -TREASURING -TREASURY -TREAT -TREATED -TREATIES -TREATING -TREATISE -TREATISES -TREATMENT -TREATMENTS -TREATS -TREATY -TREBLE -TREE -TREES -TREETOP -TREETOPS -TREK -TREKS -TREMBLE -TREMBLED -TREMBLES -TREMBLING -TREMENDOUS -TREMENDOUSLY -TREMOR -TREMORS -TRENCH -TRENCHER -TRENCHES -TREND -TRENDING -TRENDS -TRENTON -TRESPASS -TRESPASSED -TRESPASSER -TRESPASSERS -TRESPASSES -TRESS -TRESSES -TREVELYAN -TRIAL -TRIALS -TRIANGLE -TRIANGLES -TRIANGULAR -TRIANGULARLY -TRIANGULUM -TRIANON -TRIASSIC -TRIBAL -TRIBE -TRIBES -TRIBUNAL -TRIBUNALS -TRIBUNE -TRIBUNES -TRIBUTARY -TRIBUTE -TRIBUTES -TRICERATOPS -TRICHINELLA -TRICHOTOMY -TRICK -TRICKED -TRICKIER -TRICKIEST -TRICKINESS -TRICKING -TRICKLE -TRICKLED -TRICKLES -TRICKLING -TRICKS -TRICKY -TRIED -TRIER -TRIERS -TRIES -TRIFLE -TRIFLER -TRIFLES -TRIFLING -TRIGGER -TRIGGERED -TRIGGERING -TRIGGERS -TRIGONOMETRIC -TRIGONOMETRY -TRIGRAM -TRIGRAMS -TRIHEDRAL -TRILATERAL -TRILL -TRILLED -TRILLION -TRILLIONS -TRILLIONTH -TRIM -TRIMBLE -TRIMLY -TRIMMED -TRIMMER -TRIMMEST -TRIMMING -TRIMMINGS -TRIMNESS -TRIMS -TRINIDAD -TRINKET -TRINKETS -TRIO -TRIP -TRIPLE -TRIPLED -TRIPLES -TRIPLET -TRIPLETS -TRIPLETT -TRIPLING -TRIPOD -TRIPS -TRISTAN -TRIUMPH -TRIUMPHAL -TRIUMPHANT -TRIUMPHANTLY -TRIUMPHED -TRIUMPHING -TRIUMPHS -TRIVIA -TRIVIAL -TRIVIALITIES -TRIVIALITY -TRIVIALLY -TROBRIAND -TROD -TROJAN -TROLL -TROLLEY -TROLLEYS -TROLLS -TROOP -TROOPER -TROOPERS -TROOPS -TROPEZ -TROPHIES -TROPHY -TROPIC -TROPICAL -TROPICS -TROT -TROTS -TROTSKY -TROUBLE -TROUBLED -TROUBLEMAKER -TROUBLEMAKERS -TROUBLES -TROUBLESHOOT -TROUBLESHOOTER -TROUBLESHOOTERS -TROUBLESHOOTING -TROUBLESHOOTS -TROUBLESOME -TROUBLESOMELY -TROUBLING -TROUGH -TROUSER -TROUSERS -TROUT -TROUTMAN -TROWEL -TROWELS -TROY -TRUANT -TRUANTS -TRUCE -TRUCK -TRUCKED -TRUCKEE -TRUCKER -TRUCKERS -TRUCKING -TRUCKS -TRUDEAU -TRUDGE -TRUDGED -TRUDY -TRUE -TRUED -TRUER -TRUES -TRUEST -TRUING -TRUISM -TRUISMS -TRUJILLO -TRUK -TRULY -TRUMAN -TRUMBULL -TRUMP -TRUMPED -TRUMPET -TRUMPETER -TRUMPS -TRUNCATE -TRUNCATED -TRUNCATES -TRUNCATING -TRUNCATION -TRUNCATIONS -TRUNK -TRUNKS -TRUST -TRUSTED -TRUSTEE -TRUSTEES -TRUSTFUL -TRUSTFULLY -TRUSTFULNESS -TRUSTING -TRUSTINGLY -TRUSTS -TRUSTWORTHINESS -TRUSTWORTHY -TRUSTY -TRUTH -TRUTHFUL -TRUTHFULLY -TRUTHFULNESS -TRUTHS -TRY -TRYING -TSUNEMATSU -TUB -TUBE -TUBER -TUBERCULOSIS -TUBERS -TUBES -TUBING -TUBS -TUCK -TUCKED -TUCKER -TUCKING -TUCKS -TUCSON -TUDOR -TUESDAY -TUESDAYS -TUFT -TUFTS -TUG -TUGS -TUITION -TULANE -TULIP -TULIPS -TULSA -TUMBLE -TUMBLED -TUMBLER -TUMBLERS -TUMBLES -TUMBLING -TUMOR -TUMORS -TUMULT -TUMULTS -TUMULTUOUS -TUNABLE -TUNE -TUNED -TUNER -TUNERS -TUNES -TUNIC -TUNICS -TUNING -TUNIS -TUNISIA -TUNISIAN -TUNNEL -TUNNELED -TUNNELS -TUPLE -TUPLES -TURBAN -TURBANS -TURBULENCE -TURBULENT -TURBULENTLY -TURF -TURGID -TURGIDLY -TURIN -TURING -TURKEY -TURKEYS -TURKISH -TURKIZE -TURKIZES -TURMOIL -TURMOILS -TURN -TURNABLE -TURNAROUND -TURNED -TURNER -TURNERS -TURNING -TURNINGS -TURNIP -TURNIPS -TURNOVER -TURNS -TURPENTINE -TURQUOISE -TURRET -TURRETS -TURTLE -TURTLENECK -TURTLES -TUSCALOOSA -TUSCAN -TUSCANIZE -TUSCANIZES -TUSCANY -TUSCARORA -TUSKEGEE -TUTANKHAMEN -TUTANKHAMON -TUTANKHAMUN -TUTENKHAMON -TUTOR -TUTORED -TUTORIAL -TUTORIALS -TUTORING -TUTORS -TUTTLE -TWAIN -TWANG -TWAS -TWEED -TWELFTH -TWELVE -TWELVES -TWENTIES -TWENTIETH -TWENTY -TWICE -TWIG -TWIGS -TWILIGHT -TWILIGHTS -TWILL -TWIN -TWINE -TWINED -TWINER -TWINKLE -TWINKLED -TWINKLER -TWINKLES -TWINKLING -TWINS -TWIRL -TWIRLED -TWIRLER -TWIRLING -TWIRLS -TWIST -TWISTED -TWISTER -TWISTERS -TWISTING -TWISTS -TWITCH -TWITCHED -TWITCHING -TWITTER -TWITTERED -TWITTERING -TWO -TWOFOLD -TWOMBLY -TWOS -TYBURN -TYING -TYLER -TYLERIZE -TYLERIZES -TYNDALL -TYPE -TYPED -TYPEOUT -TYPES -TYPESETTER -TYPEWRITER -TYPEWRITERS -TYPHOID -TYPHON -TYPICAL -TYPICALLY -TYPICALNESS -TYPIFIED -TYPIFIES -TYPIFY -TYPIFYING -TYPING -TYPIST -TYPISTS -TYPO -TYPOGRAPHIC -TYPOGRAPHICAL -TYPOGRAPHICALLY -TYPOGRAPHY -TYRANNICAL -TYRANNOSAURUS -TYRANNY -TYRANT -TYRANTS -TYSON -TZELTAL -UBIQUITOUS -UBIQUITOUSLY -UBIQUITY -UDALL -UGANDA -UGH -UGLIER -UGLIEST -UGLINESS -UGLY -UKRAINE -UKRAINIAN -UKRAINIANS -ULAN -ULCER -ULCERS -ULLMAN -ULSTER -ULTIMATE -ULTIMATELY -ULTRA -ULTRASONIC -ULTRIX -ULTRIX -ULYSSES -UMBRAGE -UMBRELLA -UMBRELLAS -UMPIRE -UMPIRES -UNABATED -UNABBREVIATED -UNABLE -UNACCEPTABILITY -UNACCEPTABLE -UNACCEPTABLY -UNACCOUNTABLE -UNACCUSTOMED -UNACHIEVABLE -UNACKNOWLEDGED -UNADULTERATED -UNAESTHETICALLY -UNAFFECTED -UNAFFECTEDLY -UNAFFECTEDNESS -UNAIDED -UNALIENABILITY -UNALIENABLE -UNALTERABLY -UNALTERED -UNAMBIGUOUS -UNAMBIGUOUSLY -UNAMBITIOUS -UNANALYZABLE -UNANIMITY -UNANIMOUS -UNANIMOUSLY -UNANSWERABLE -UNANSWERED -UNANTICIPATED -UNARMED -UNARY -UNASSAILABLE -UNASSIGNED -UNASSISTED -UNATTAINABILITY -UNATTAINABLE -UNATTENDED -UNATTRACTIVE -UNATTRACTIVELY -UNAUTHORIZED -UNAVAILABILITY -UNAVAILABLE -UNAVOIDABLE -UNAVOIDABLY -UNAWARE -UNAWARENESS -UNAWARES -UNBALANCED -UNBEARABLE -UNBECOMING -UNBELIEVABLE -UNBIASED -UNBIND -UNBLOCK -UNBLOCKED -UNBLOCKING -UNBLOCKS -UNBORN -UNBOUND -UNBOUNDED -UNBREAKABLE -UNBRIDLED -UNBROKEN -UNBUFFERED -UNCANCELLED -UNCANNY -UNCAPITALIZED -UNCAUGHT -UNCERTAIN -UNCERTAINLY -UNCERTAINTIES -UNCERTAINTY -UNCHANGEABLE -UNCHANGED -UNCHANGING -UNCLAIMED -UNCLASSIFIED -UNCLE -UNCLEAN -UNCLEANLY -UNCLEANNESS -UNCLEAR -UNCLEARED -UNCLES -UNCLOSED -UNCOMFORTABLE -UNCOMFORTABLY -UNCOMMITTED -UNCOMMON -UNCOMMONLY -UNCOMPROMISING -UNCOMPUTABLE -UNCONCERNED -UNCONCERNEDLY -UNCONDITIONAL -UNCONDITIONALLY -UNCONNECTED -UNCONSCIONABLE -UNCONSCIOUS -UNCONSCIOUSLY -UNCONSCIOUSNESS -UNCONSTITUTIONAL -UNCONSTRAINED -UNCONTROLLABILITY -UNCONTROLLABLE -UNCONTROLLABLY -UNCONTROLLED -UNCONVENTIONAL -UNCONVENTIONALLY -UNCONVINCED -UNCONVINCING -UNCOORDINATED -UNCORRECTABLE -UNCORRECTED -UNCOUNTABLE -UNCOUNTABLY -UNCOUTH -UNCOVER -UNCOVERED -UNCOVERING -UNCOVERS -UNDAMAGED -UNDAUNTED -UNDAUNTEDLY -UNDECIDABLE -UNDECIDED -UNDECLARED -UNDECOMPOSABLE -UNDEFINABILITY -UNDEFINED -UNDELETED -UNDENIABLE -UNDENIABLY -UNDER -UNDERBRUSH -UNDERDONE -UNDERESTIMATE -UNDERESTIMATED -UNDERESTIMATES -UNDERESTIMATING -UNDERESTIMATION -UNDERFLOW -UNDERFLOWED -UNDERFLOWING -UNDERFLOWS -UNDERFOOT -UNDERGO -UNDERGOES -UNDERGOING -UNDERGONE -UNDERGRADUATE -UNDERGRADUATES -UNDERGROUND -UNDERLIE -UNDERLIES -UNDERLINE -UNDERLINED -UNDERLINES -UNDERLING -UNDERLINGS -UNDERLINING -UNDERLININGS -UNDERLOADED -UNDERLYING -UNDERMINE -UNDERMINED -UNDERMINES -UNDERMINING -UNDERNEATH -UNDERPINNING -UNDERPINNINGS -UNDERPLAY -UNDERPLAYED -UNDERPLAYING -UNDERPLAYS -UNDERSCORE -UNDERSCORED -UNDERSCORES -UNDERSTAND -UNDERSTANDABILITY -UNDERSTANDABLE -UNDERSTANDABLY -UNDERSTANDING -UNDERSTANDINGLY -UNDERSTANDINGS -UNDERSTANDS -UNDERSTATED -UNDERSTOOD -UNDERTAKE -UNDERTAKEN -UNDERTAKER -UNDERTAKERS -UNDERTAKES -UNDERTAKING -UNDERTAKINGS -UNDERTOOK -UNDERWATER -UNDERWAY -UNDERWEAR -UNDERWENT -UNDERWORLD -UNDERWRITE -UNDERWRITER -UNDERWRITERS -UNDERWRITES -UNDERWRITING -UNDESIRABILITY -UNDESIRABLE -UNDETECTABLE -UNDETECTED -UNDETERMINED -UNDEVELOPED -UNDID -UNDIMINISHED -UNDIRECTED -UNDISCIPLINED -UNDISCOVERED -UNDISTURBED -UNDIVIDED -UNDO -UNDOCUMENTED -UNDOES -UNDOING -UNDOINGS -UNDONE -UNDOUBTEDLY -UNDRESS -UNDRESSED -UNDRESSES -UNDRESSING -UNDUE -UNDULY -UNEASILY -UNEASINESS -UNEASY -UNECONOMIC -UNECONOMICAL -UNEMBELLISHED -UNEMPLOYED -UNEMPLOYMENT -UNENCRYPTED -UNENDING -UNENLIGHTENING -UNEQUAL -UNEQUALED -UNEQUALLY -UNEQUIVOCAL -UNEQUIVOCALLY -UNESCO -UNESSENTIAL -UNEVALUATED -UNEVEN -UNEVENLY -UNEVENNESS -UNEVENTFUL -UNEXCUSED -UNEXPANDED -UNEXPECTED -UNEXPECTEDLY -UNEXPLAINED -UNEXPLORED -UNEXTENDED -UNFAIR -UNFAIRLY -UNFAIRNESS -UNFAITHFUL -UNFAITHFULLY -UNFAITHFULNESS -UNFAMILIAR -UNFAMILIARITY -UNFAMILIARLY -UNFAVORABLE -UNFETTERED -UNFINISHED -UNFIT -UNFITNESS -UNFLAGGING -UNFOLD -UNFOLDED -UNFOLDING -UNFOLDS -UNFORESEEN -UNFORGEABLE -UNFORGIVING -UNFORMATTED -UNFORTUNATE -UNFORTUNATELY -UNFORTUNATES -UNFOUNDED -UNFRIENDLINESS -UNFRIENDLY -UNFULFILLED -UNGRAMMATICAL -UNGRATEFUL -UNGRATEFULLY -UNGRATEFULNESS -UNGROUNDED -UNGUARDED -UNGUIDED -UNHAPPIER -UNHAPPIEST -UNHAPPILY -UNHAPPINESS -UNHAPPY -UNHARMED -UNHEALTHY -UNHEARD -UNHEEDED -UNIBUS -UNICORN -UNICORNS -UNICYCLE -UNIDENTIFIED -UNIDIRECTIONAL -UNIDIRECTIONALITY -UNIDIRECTIONALLY -UNIFICATION -UNIFICATIONS -UNIFIED -UNIFIER -UNIFIERS -UNIFIES -UNIFORM -UNIFORMED -UNIFORMITY -UNIFORMLY -UNIFORMS -UNIFY -UNIFYING -UNILLUMINATING -UNIMAGINABLE -UNIMPEDED -UNIMPLEMENTED -UNIMPORTANT -UNINDENTED -UNINITIALIZED -UNINSULATED -UNINTELLIGIBLE -UNINTENDED -UNINTENTIONAL -UNINTENTIONALLY -UNINTERESTING -UNINTERESTINGLY -UNINTERPRETED -UNINTERRUPTED -UNINTERRUPTEDLY -UNION -UNIONIZATION -UNIONIZE -UNIONIZED -UNIONIZER -UNIONIZERS -UNIONIZES -UNIONIZING -UNIONS -UNIPLUS -UNIPROCESSOR -UNIQUE -UNIQUELY -UNIQUENESS -UNIROYAL -UNISOFT -UNISON -UNIT -UNITARIAN -UNITARIANIZE -UNITARIANIZES -UNITARIANS -UNITE -UNITED -UNITES -UNITIES -UNITING -UNITS -UNITY -UNIVAC -UNIVALVE -UNIVALVES -UNIVERSAL -UNIVERSALITY -UNIVERSALLY -UNIVERSALS -UNIVERSE -UNIVERSES -UNIVERSITIES -UNIVERSITY -UNIX -UNIX -UNJUST -UNJUSTIFIABLE -UNJUSTIFIED -UNJUSTLY -UNKIND -UNKINDLY -UNKINDNESS -UNKNOWABLE -UNKNOWING -UNKNOWINGLY -UNKNOWN -UNKNOWNS -UNLABELLED -UNLAWFUL -UNLAWFULLY -UNLEASH -UNLEASHED -UNLEASHES -UNLEASHING -UNLESS -UNLIKE -UNLIKELY -UNLIKENESS -UNLIMITED -UNLINK -UNLINKED -UNLINKING -UNLINKS -UNLOAD -UNLOADED -UNLOADING -UNLOADS -UNLOCK -UNLOCKED -UNLOCKING -UNLOCKS -UNLUCKY -UNMANAGEABLE -UNMANAGEABLY -UNMANNED -UNMARKED -UNMARRIED -UNMASK -UNMASKED -UNMATCHED -UNMENTIONABLE -UNMERCIFUL -UNMERCIFULLY -UNMISTAKABLE -UNMISTAKABLY -UNMODIFIED -UNMOVED -UNNAMED -UNNATURAL -UNNATURALLY -UNNATURALNESS -UNNECESSARILY -UNNECESSARY -UNNEEDED -UNNERVE -UNNERVED -UNNERVES -UNNERVING -UNNOTICED -UNOBSERVABLE -UNOBSERVED -UNOBTAINABLE -UNOCCUPIED -UNOFFICIAL -UNOFFICIALLY -UNOPENED -UNORDERED -UNPACK -UNPACKED -UNPACKING -UNPACKS -UNPAID -UNPARALLELED -UNPARSED -UNPLANNED -UNPLEASANT -UNPLEASANTLY -UNPLEASANTNESS -UNPLUG -UNPOPULAR -UNPOPULARITY -UNPRECEDENTED -UNPREDICTABLE -UNPREDICTABLY -UNPRESCRIBED -UNPRESERVED -UNPRIMED -UNPROFITABLE -UNPROJECTED -UNPROTECTED -UNPROVABILITY -UNPROVABLE -UNPROVEN -UNPUBLISHED -UNQUALIFIED -UNQUALIFIEDLY -UNQUESTIONABLY -UNQUESTIONED -UNQUOTED -UNRAVEL -UNRAVELED -UNRAVELING -UNRAVELS -UNREACHABLE -UNREAL -UNREALISTIC -UNREALISTICALLY -UNREASONABLE -UNREASONABLENESS -UNREASONABLY -UNRECOGNIZABLE -UNRECOGNIZED -UNREGULATED -UNRELATED -UNRELIABILITY -UNRELIABLE -UNREPORTED -UNREPRESENTABLE -UNRESOLVED -UNRESPONSIVE -UNREST -UNRESTRAINED -UNRESTRICTED -UNRESTRICTEDLY -UNRESTRICTIVE -UNROLL -UNROLLED -UNROLLING -UNROLLS -UNRULY -UNSAFE -UNSAFELY -UNSANITARY -UNSATISFACTORY -UNSATISFIABILITY -UNSATISFIABLE -UNSATISFIED -UNSATISFYING -UNSCRUPULOUS -UNSEEDED -UNSEEN -UNSELECTED -UNSELFISH -UNSELFISHLY -UNSELFISHNESS -UNSENT -UNSETTLED -UNSETTLING -UNSHAKEN -UNSHARED -UNSIGNED -UNSKILLED -UNSLOTTED -UNSOLVABLE -UNSOLVED -UNSOPHISTICATED -UNSOUND -UNSPEAKABLE -UNSPECIFIED -UNSTABLE -UNSTEADINESS -UNSTEADY -UNSTRUCTURED -UNSUCCESSFUL -UNSUCCESSFULLY -UNSUITABLE -UNSUITED -UNSUPPORTED -UNSURE -UNSURPRISING -UNSURPRISINGLY -UNSYNCHRONIZED -UNTAGGED -UNTAPPED -UNTENABLE -UNTERMINATED -UNTESTED -UNTHINKABLE -UNTHINKING -UNTIDINESS -UNTIDY -UNTIE -UNTIED -UNTIES -UNTIL -UNTIMELY -UNTO -UNTOLD -UNTOUCHABLE -UNTOUCHABLES -UNTOUCHED -UNTOWARD -UNTRAINED -UNTRANSLATED -UNTREATED -UNTRIED -UNTRUE -UNTRUTHFUL -UNTRUTHFULNESS -UNTYING -UNUSABLE -UNUSED -UNUSUAL -UNUSUALLY -UNVARYING -UNVEIL -UNVEILED -UNVEILING -UNVEILS -UNWANTED -UNWELCOME -UNWHOLESOME -UNWIELDINESS -UNWIELDY -UNWILLING -UNWILLINGLY -UNWILLINGNESS -UNWIND -UNWINDER -UNWINDERS -UNWINDING -UNWINDS -UNWISE -UNWISELY -UNWISER -UNWISEST -UNWITTING -UNWITTINGLY -UNWORTHINESS -UNWORTHY -UNWOUND -UNWRAP -UNWRAPPED -UNWRAPPING -UNWRAPS -UNWRITTEN -UPBRAID -UPCOMING -UPDATE -UPDATED -UPDATER -UPDATES -UPDATING -UPGRADE -UPGRADED -UPGRADES -UPGRADING -UPHELD -UPHILL -UPHOLD -UPHOLDER -UPHOLDERS -UPHOLDING -UPHOLDS -UPHOLSTER -UPHOLSTERED -UPHOLSTERER -UPHOLSTERING -UPHOLSTERS -UPKEEP -UPLAND -UPLANDS -UPLIFT -UPLINK -UPLINKS -UPLOAD -UPON -UPPER -UPPERMOST -UPRIGHT -UPRIGHTLY -UPRIGHTNESS -UPRISING -UPRISINGS -UPROAR -UPROOT -UPROOTED -UPROOTING -UPROOTS -UPSET -UPSETS -UPSHOT -UPSHOTS -UPSIDE -UPSTAIRS -UPSTREAM -UPTON -UPTURN -UPTURNED -UPTURNING -UPTURNS -UPWARD -UPWARDS -URANIA -URANUS -URBAN -URBANA -URCHIN -URCHINS -URDU -URGE -URGED -URGENT -URGENTLY -URGES -URGING -URGINGS -URI -URINATE -URINATED -URINATES -URINATING -URINATION -URINE -URIS -URN -URNS -URQUHART -URSA -URSULA -URSULINE -URUGUAY -URUGUAYAN -URUGUAYANS -USABILITY -USABLE -USABLY -USAGE -USAGES -USE -USED -USEFUL -USEFULLY -USEFULNESS -USELESS -USELESSLY -USELESSNESS -USENET -USENIX -USER -USERS -USES -USHER -USHERED -USHERING -USHERS -USING -USUAL -USUALLY -USURP -USURPED -USURPER -UTAH -UTENSIL -UTENSILS -UTICA -UTILITIES -UTILITY -UTILIZATION -UTILIZATIONS -UTILIZE -UTILIZED -UTILIZES -UTILIZING -UTMOST -UTOPIA -UTOPIAN -UTOPIANIZE -UTOPIANIZES -UTOPIANS -UTRECHT -UTTER -UTTERANCE -UTTERANCES -UTTERED -UTTERING -UTTERLY -UTTERMOST -UTTERS -UZI -VACANCIES -VACANCY -VACANT -VACANTLY -VACATE -VACATED -VACATES -VACATING -VACATION -VACATIONED -VACATIONER -VACATIONERS -VACATIONING -VACATIONS -VACUO -VACUOUS -VACUOUSLY -VACUUM -VACUUMED -VACUUMING -VADUZ -VAGABOND -VAGABONDS -VAGARIES -VAGARY -VAGINA -VAGINAS -VAGRANT -VAGRANTLY -VAGUE -VAGUELY -VAGUENESS -VAGUER -VAGUEST -VAIL -VAIN -VAINLY -VALE -VALENCE -VALENCES -VALENTINE -VALENTINES -VALERIE -VALERY -VALES -VALET -VALETS -VALHALLA -VALIANT -VALIANTLY -VALID -VALIDATE -VALIDATED -VALIDATES -VALIDATING -VALIDATION -VALIDITY -VALIDLY -VALIDNESS -VALKYRIE -VALLETTA -VALLEY -VALLEYS -VALOIS -VALOR -VALPARAISO -VALUABLE -VALUABLES -VALUABLY -VALUATION -VALUATIONS -VALUE -VALUED -VALUER -VALUERS -VALUES -VALUING -VALVE -VALVES -VAMPIRE -VAN -VANCE -VANCEMENT -VANCOUVER -VANDALIZE -VANDALIZED -VANDALIZES -VANDALIZING -VANDENBERG -VANDERBILT -VANDERBURGH -VANDERPOEL -VANE -VANES -VANESSA -VANGUARD -VANILLA -VANISH -VANISHED -VANISHER -VANISHES -VANISHING -VANISHINGLY -VANITIES -VANITY -VANQUISH -VANQUISHED -VANQUISHES -VANQUISHING -VANS -VANTAGE -VAPOR -VAPORING -VAPORS -VARIABILITY -VARIABLE -VARIABLENESS -VARIABLES -VARIABLY -VARIAN -VARIANCE -VARIANCES -VARIANT -VARIANTLY -VARIANTS -VARIATION -VARIATIONS -VARIED -VARIES -VARIETIES -VARIETY -VARIOUS -VARIOUSLY -VARITYPE -VARITYPING -VARNISH -VARNISHES -VARY -VARYING -VARYINGS -VASE -VASES -VASQUEZ -VASSAL -VASSAR -VAST -VASTER -VASTEST -VASTLY -VASTNESS -VAT -VATICAN -VATICANIZATION -VATICANIZATIONS -VATICANIZE -VATICANIZES -VATS -VAUDEVILLE -VAUDOIS -VAUGHAN -VAUGHN -VAULT -VAULTED -VAULTER -VAULTING -VAULTS -VAUNT -VAUNTED -VAX -VAXES -VEAL -VECTOR -VECTORIZATION -VECTORIZING -VECTORS -VEDA -VEER -VEERED -VEERING -VEERS -VEGA -VEGANISM -VEGAS -VEGETABLE -VEGETABLES -VEGETARIAN -VEGETARIANS -VEGETATE -VEGETATED -VEGETATES -VEGETATING -VEGETATION -VEGETATIVE -VEHEMENCE -VEHEMENT -VEHEMENTLY -VEHICLE -VEHICLES -VEHICULAR -VEIL -VEILED -VEILING -VEILS -VEIN -VEINED -VEINING -VEINS -VELA -VELASQUEZ -VELLA -VELOCITIES -VELOCITY -VELVET -VENDOR -VENDORS -VENERABLE -VENERATION -VENETIAN -VENETO -VENEZUELA -VENEZUELAN -VENGEANCE -VENIAL -VENICE -VENISON -VENN -VENOM -VENOMOUS -VENOMOUSLY -VENT -VENTED -VENTILATE -VENTILATED -VENTILATES -VENTILATING -VENTILATION -VENTRICLE -VENTRICLES -VENTS -VENTURA -VENTURE -VENTURED -VENTURER -VENTURERS -VENTURES -VENTURING -VENTURINGS -VENUS -VENUSIAN -VENUSIANS -VERA -VERACITY -VERANDA -VERANDAS -VERB -VERBAL -VERBALIZE -VERBALIZED -VERBALIZES -VERBALIZING -VERBALLY -VERBOSE -VERBS -VERDE -VERDERER -VERDI -VERDICT -VERDURE -VERGE -VERGER -VERGES -VERGIL -VERIFIABILITY -VERIFIABLE -VERIFICATION -VERIFICATIONS -VERIFIED -VERIFIER -VERIFIERS -VERIFIES -VERIFY -VERIFYING -VERILY -VERITABLE -VERLAG -VERMIN -VERMONT -VERN -VERNA -VERNACULAR -VERNE -VERNON -VERONA -VERONICA -VERSA -VERSAILLES -VERSATEC -VERSATILE -VERSATILITY -VERSE -VERSED -VERSES -VERSING -VERSION -VERSIONS -VERSUS -VERTEBRATE -VERTEBRATES -VERTEX -VERTICAL -VERTICALLY -VERTICALNESS -VERTICES -VERY -VESSEL -VESSELS -VEST -VESTED -VESTIGE -VESTIGES -VESTIGIAL -VESTS -VESUVIUS -VETERAN -VETERANS -VETERINARIAN -VETERINARIANS -VETERINARY -VETO -VETOED -VETOER -VETOES -VEX -VEXATION -VEXED -VEXES -VEXING -VIA -VIABILITY -VIABLE -VIABLY -VIAL -VIALS -VIBRATE -VIBRATED -VIBRATING -VIBRATION -VIBRATIONS -VIBRATOR -VIC -VICE -VICEROY -VICES -VICHY -VICINITY -VICIOUS -VICIOUSLY -VICIOUSNESS -VICISSITUDE -VICISSITUDES -VICKERS -VICKSBURG -VICKY -VICTIM -VICTIMIZE -VICTIMIZED -VICTIMIZER -VICTIMIZERS -VICTIMIZES -VICTIMIZING -VICTIMS -VICTOR -VICTORIA -VICTORIAN -VICTORIANIZE -VICTORIANIZES -VICTORIANS -VICTORIES -VICTORIOUS -VICTORIOUSLY -VICTORS -VICTORY -VICTROLA -VICTUAL -VICTUALER -VICTUALS -VIDA -VIDAL -VIDEO -VIDEOTAPE -VIDEOTAPES -VIDEOTEX -VIE -VIED -VIENNA -VIENNESE -VIENTIANE -VIER -VIES -VIET -VIETNAM -VIETNAMESE -VIEW -VIEWABLE -VIEWED -VIEWER -VIEWERS -VIEWING -VIEWPOINT -VIEWPOINTS -VIEWS -VIGILANCE -VIGILANT -VIGILANTE -VIGILANTES -VIGILANTLY -VIGNETTE -VIGNETTES -VIGOR -VIGOROUS -VIGOROUSLY -VIKING -VIKINGS -VIKRAM -VILE -VILELY -VILENESS -VILIFICATION -VILIFICATIONS -VILIFIED -VILIFIES -VILIFY -VILIFYING -VILLA -VILLAGE -VILLAGER -VILLAGERS -VILLAGES -VILLAIN -VILLAINOUS -VILLAINOUSLY -VILLAINOUSNESS -VILLAINS -VILLAINY -VILLAS -VINCE -VINCENT -VINCI -VINDICATE -VINDICATED -VINDICATION -VINDICTIVE -VINDICTIVELY -VINDICTIVENESS -VINE -VINEGAR -VINES -VINEYARD -VINEYARDS -VINSON -VINTAGE -VIOLATE -VIOLATED -VIOLATES -VIOLATING -VIOLATION -VIOLATIONS -VIOLATOR -VIOLATORS -VIOLENCE -VIOLENT -VIOLENTLY -VIOLET -VIOLETS -VIOLIN -VIOLINIST -VIOLINISTS -VIOLINS -VIPER -VIPERS -VIRGIL -VIRGIN -VIRGINIA -VIRGINIAN -VIRGINIANS -VIRGINITY -VIRGINS -VIRGO -VIRTUAL -VIRTUALLY -VIRTUE -VIRTUES -VIRTUOSO -VIRTUOSOS -VIRTUOUS -VIRTUOUSLY -VIRULENT -VIRUS -VIRUSES -VISA -VISAGE -VISAS -VISCOUNT -VISCOUNTS -VISCOUS -VISHNU -VISIBILITY -VISIBLE -VISIBLY -VISIGOTH -VISIGOTHS -VISION -VISIONARY -VISIONS -VISIT -VISITATION -VISITATIONS -VISITED -VISITING -VISITOR -VISITORS -VISITS -VISOR -VISORS -VISTA -VISTAS -VISUAL -VISUALIZE -VISUALIZED -VISUALIZER -VISUALIZES -VISUALIZING -VISUALLY -VITA -VITAE -VITAL -VITALITY -VITALLY -VITALS -VITO -VITUS -VIVALDI -VIVIAN -VIVID -VIVIDLY -VIVIDNESS -VIZIER -VLADIMIR -VLADIVOSTOK -VOCABULARIES -VOCABULARY -VOCAL -VOCALLY -VOCALS -VOCATION -VOCATIONAL -VOCATIONALLY -VOCATIONS -VOGEL -VOGUE -VOICE -VOICED -VOICER -VOICERS -VOICES -VOICING -VOID -VOIDED -VOIDER -VOIDING -VOIDS -VOLATILE -VOLATILITIES -VOLATILITY -VOLCANIC -VOLCANO -VOLCANOS -VOLITION -VOLKSWAGEN -VOLKSWAGENS -VOLLEY -VOLLEYBALL -VOLLEYBALLS -VOLSTEAD -VOLT -VOLTA -VOLTAGE -VOLTAGES -VOLTAIRE -VOLTERRA -VOLTS -VOLUME -VOLUMES -VOLUNTARILY -VOLUNTARY -VOLUNTEER -VOLUNTEERED -VOLUNTEERING -VOLUNTEERS -VOLVO -VOMIT -VOMITED -VOMITING -VOMITS -VORTEX -VOSS -VOTE -VOTED -VOTER -VOTERS -VOTES -VOTING -VOTIVE -VOUCH -VOUCHER -VOUCHERS -VOUCHES -VOUCHING -VOUGHT -VOW -VOWED -VOWEL -VOWELS -VOWER -VOWING -VOWS -VOYAGE -VOYAGED -VOYAGER -VOYAGERS -VOYAGES -VOYAGING -VOYAGINGS -VREELAND -VULCAN -VULCANISM -VULGAR -VULGARLY -VULNERABILITIES -VULNERABILITY -VULNERABLE -VULTURE -VULTURES -WAALS -WABASH -WACKE -WACKY -WACO -WADE -WADED -WADER -WADES -WADING -WADSWORTH -WAFER -WAFERS -WAFFLE -WAFFLES -WAFT -WAG -WAGE -WAGED -WAGER -WAGERS -WAGES -WAGING -WAGNER -WAGNERIAN -WAGNERIZE -WAGNERIZES -WAGON -WAGONER -WAGONS -WAGS -WAHL -WAIL -WAILED -WAILING -WAILS -WAINWRIGHT -WAIST -WAISTCOAT -WAISTCOATS -WAISTS -WAIT -WAITE -WAITED -WAITER -WAITERS -WAITING -WAITRESS -WAITRESSES -WAITS -WAIVE -WAIVED -WAIVER -WAIVERABLE -WAIVES -WAIVING -WAKE -WAKED -WAKEFIELD -WAKEN -WAKENED -WAKENING -WAKES -WAKEUP -WAKING -WALBRIDGE -WALCOTT -WALDEN -WALDENSIAN -WALDO -WALDORF -WALDRON -WALES -WALFORD -WALGREEN -WALK -WALKED -WALKER -WALKERS -WALKING -WALKS -WALL -WALLACE -WALLED -WALLENSTEIN -WALLER -WALLET -WALLETS -WALLING -WALLIS -WALLOW -WALLOWED -WALLOWING -WALLOWS -WALLS -WALNUT -WALNUTS -WALPOLE -WALRUS -WALRUSES -WALSH -WALT -WALTER -WALTERS -WALTHAM -WALTON -WALTZ -WALTZED -WALTZES -WALTZING -WALWORTH -WAN -WAND -WANDER -WANDERED -WANDERER -WANDERERS -WANDERING -WANDERINGS -WANDERS -WANE -WANED -WANES -WANG -WANING -WANLY -WANSEE -WANSLEY -WANT -WANTED -WANTING -WANTON -WANTONLY -WANTONNESS -WANTS -WAPATO -WAPPINGER -WAR -WARBLE -WARBLED -WARBLER -WARBLES -WARBLING -WARBURTON -WARD -WARDEN -WARDENS -WARDER -WARDROBE -WARDROBES -WARDS -WARE -WAREHOUSE -WAREHOUSES -WAREHOUSING -WARES -WARFARE -WARFIELD -WARILY -WARINESS -WARING -WARLIKE -WARM -WARMED -WARMER -WARMERS -WARMEST -WARMING -WARMLY -WARMS -WARMTH -WARN -WARNED -WARNER -WARNING -WARNINGLY -WARNINGS -WARNOCK -WARNS -WARP -WARPED -WARPING -WARPS -WARRANT -WARRANTED -WARRANTIES -WARRANTING -WARRANTS -WARRANTY -WARRED -WARRING -WARRIOR -WARRIORS -WARS -WARSAW -WARSHIP -WARSHIPS -WART -WARTIME -WARTS -WARWICK -WARY -WAS -WASH -WASHBURN -WASHED -WASHER -WASHERS -WASHES -WASHING -WASHINGS -WASHINGTON -WASHOE -WASP -WASPS -WASSERMAN -WASTE -WASTED -WASTEFUL -WASTEFULLY -WASTEFULNESS -WASTES -WASTING -WATANABE -WATCH -WATCHED -WATCHER -WATCHERS -WATCHES -WATCHFUL -WATCHFULLY -WATCHFULNESS -WATCHING -WATCHINGS -WATCHMAN -WATCHWORD -WATCHWORDS -WATER -WATERBURY -WATERED -WATERFALL -WATERFALLS -WATERGATE -WATERHOUSE -WATERING -WATERINGS -WATERLOO -WATERMAN -WATERPROOF -WATERPROOFING -WATERS -WATERTOWN -WATERWAY -WATERWAYS -WATERY -WATKINS -WATSON -WATTENBERG -WATTERSON -WATTS -WAUKESHA -WAUNONA -WAUPACA -WAUPUN -WAUSAU -WAUWATOSA -WAVE -WAVED -WAVEFORM -WAVEFORMS -WAVEFRONT -WAVEFRONTS -WAVEGUIDES -WAVELAND -WAVELENGTH -WAVELENGTHS -WAVER -WAVERS -WAVES -WAVING -WAX -WAXED -WAXEN -WAXER -WAXERS -WAXES -WAXING -WAXY -WAY -WAYNE -WAYNESBORO -WAYS -WAYSIDE -WAYWARD -WEAK -WEAKEN -WEAKENED -WEAKENING -WEAKENS -WEAKER -WEAKEST -WEAKLY -WEAKNESS -WEAKNESSES -WEALTH -WEALTHIEST -WEALTHS -WEALTHY -WEAN -WEANED -WEANING -WEAPON -WEAPONS -WEAR -WEARABLE -WEARER -WEARIED -WEARIER -WEARIEST -WEARILY -WEARINESS -WEARING -WEARISOME -WEARISOMELY -WEARS -WEARY -WEARYING -WEASEL -WEASELS -WEATHER -WEATHERCOCK -WEATHERCOCKS -WEATHERED -WEATHERFORD -WEATHERING -WEATHERS -WEAVE -WEAVER -WEAVES -WEAVING -WEB -WEBB -WEBBER -WEBS -WEBSTER -WEBSTERVILLE -WEDDED -WEDDING -WEDDINGS -WEDGE -WEDGED -WEDGES -WEDGING -WEDLOCK -WEDNESDAY -WEDNESDAYS -WEDS -WEE -WEED -WEEDS -WEEK -WEEKEND -WEEKENDS -WEEKLY -WEEKS -WEEP -WEEPER -WEEPING -WEEPS -WEHR -WEI -WEIBULL -WEIDER -WEIDMAN -WEIERSTRASS -WEIGH -WEIGHED -WEIGHING -WEIGHINGS -WEIGHS -WEIGHT -WEIGHTED -WEIGHTING -WEIGHTS -WEIGHTY -WEINBERG -WEINER -WEINSTEIN -WEIRD -WEIRDLY -WEISENHEIMER -WEISS -WEISSMAN -WEISSMULLER -WELCH -WELCHER -WELCHES -WELCOME -WELCOMED -WELCOMES -WELCOMING -WELD -WELDED -WELDER -WELDING -WELDON -WELDS -WELDWOOD -WELFARE -WELL -WELLED -WELLER -WELLES -WELLESLEY -WELLING -WELLINGTON -WELLMAN -WELLS -WELLSVILLE -WELMERS -WELSH -WELTON -WENCH -WENCHES -WENDELL -WENDY -WENT -WENTWORTH -WEPT -WERE -WERNER -WERTHER -WESLEY -WESLEYAN -WESSON -WEST -WESTBOUND -WESTBROOK -WESTCHESTER -WESTERN -WESTERNER -WESTERNERS -WESTFIELD -WESTHAMPTON -WESTINGHOUSE -WESTMINSTER -WESTMORE -WESTON -WESTPHALIA -WESTPORT -WESTWARD -WESTWARDS -WESTWOOD -WET -WETLY -WETNESS -WETS -WETTED -WETTER -WETTEST -WETTING -WEYERHAUSER -WHACK -WHACKED -WHACKING -WHACKS -WHALE -WHALEN -WHALER -WHALES -WHALING -WHARF -WHARTON -WHARVES -WHAT -WHATEVER -WHATLEY -WHATSOEVER -WHEAT -WHEATEN -WHEATLAND -WHEATON -WHEATSTONE -WHEEL -WHEELED -WHEELER -WHEELERS -WHEELING -WHEELINGS -WHEELOCK -WHEELS -WHELAN -WHELLER -WHELP -WHEN -WHENCE -WHENEVER -WHERE -WHEREABOUTS -WHEREAS -WHEREBY -WHEREIN -WHEREUPON -WHEREVER -WHETHER -WHICH -WHICHEVER -WHILE -WHIM -WHIMPER -WHIMPERED -WHIMPERING -WHIMPERS -WHIMS -WHIMSICAL -WHIMSICALLY -WHIMSIES -WHIMSY -WHINE -WHINED -WHINES -WHINING -WHIP -WHIPPANY -WHIPPED -WHIPPER -WHIPPERS -WHIPPING -WHIPPINGS -WHIPPLE -WHIPS -WHIRL -WHIRLED -WHIRLING -WHIRLPOOL -WHIRLPOOLS -WHIRLS -WHIRLWIND -WHIRR -WHIRRING -WHISK -WHISKED -WHISKER -WHISKERS -WHISKEY -WHISKING -WHISKS -WHISPER -WHISPERED -WHISPERING -WHISPERINGS -WHISPERS -WHISTLE -WHISTLED -WHISTLER -WHISTLERS -WHISTLES -WHISTLING -WHIT -WHITAKER -WHITCOMB -WHITE -WHITEHALL -WHITEHORSE -WHITELEAF -WHITELEY -WHITELY -WHITEN -WHITENED -WHITENER -WHITENERS -WHITENESS -WHITENING -WHITENS -WHITER -WHITES -WHITESPACE -WHITEST -WHITEWASH -WHITEWASHED -WHITEWATER -WHITFIELD -WHITING -WHITLOCK -WHITMAN -WHITMANIZE -WHITMANIZES -WHITNEY -WHITTAKER -WHITTIER -WHITTLE -WHITTLED -WHITTLES -WHITTLING -WHIZ -WHIZZED -WHIZZES -WHIZZING -WHO -WHOEVER -WHOLE -WHOLEHEARTED -WHOLEHEARTEDLY -WHOLENESS -WHOLES -WHOLESALE -WHOLESALER -WHOLESALERS -WHOLESOME -WHOLESOMENESS -WHOLLY -WHOM -WHOMEVER -WHOOP -WHOOPED -WHOOPING -WHOOPS -WHORE -WHORES -WHORL -WHORLS -WHOSE -WHY -WICHITA -WICK -WICKED -WICKEDLY -WICKEDNESS -WICKER -WICKS -WIDE -WIDEBAND -WIDELY -WIDEN -WIDENED -WIDENER -WIDENING -WIDENS -WIDER -WIDESPREAD -WIDEST -WIDGET -WIDOW -WIDOWED -WIDOWER -WIDOWERS -WIDOWS -WIDTH -WIDTHS -WIELAND -WIELD -WIELDED -WIELDER -WIELDING -WIELDS -WIER -WIFE -WIFELY -WIG -WIGGINS -WIGHTMAN -WIGS -WIGWAM -WILBUR -WILCOX -WILD -WILDCAT -WILDCATS -WILDER -WILDERNESS -WILDEST -WILDLY -WILDNESS -WILE -WILES -WILEY -WILFRED -WILHELM -WILHELMINA -WILINESS -WILKES -WILKIE -WILKINS -WILKINSON -WILL -WILLA -WILLAMETTE -WILLARD -WILLCOX -WILLED -WILLEM -WILLFUL -WILLFULLY -WILLIAM -WILLIAMS -WILLIAMSBURG -WILLIAMSON -WILLIE -WILLIED -WILLIES -WILLING -WILLINGLY -WILLINGNESS -WILLIS -WILLISSON -WILLOUGHBY -WILLOW -WILLOWS -WILLS -WILLY -WILMA -WILMETTE -WILMINGTON -WILSHIRE -WILSON -WILSONIAN -WILT -WILTED -WILTING -WILTS -WILTSHIRE -WILY -WIN -WINCE -WINCED -WINCES -WINCHELL -WINCHESTER -WINCING -WIND -WINDED -WINDER -WINDERS -WINDING -WINDMILL -WINDMILLS -WINDOW -WINDOWS -WINDS -WINDSOR -WINDY -WINE -WINED -WINEHEAD -WINER -WINERS -WINES -WINFIELD -WING -WINGED -WINGING -WINGS -WINIFRED -WINING -WINK -WINKED -WINKER -WINKING -WINKS -WINNEBAGO -WINNER -WINNERS -WINNETKA -WINNIE -WINNING -WINNINGLY -WINNINGS -WINNIPEG -WINNIPESAUKEE -WINOGRAD -WINOOSKI -WINS -WINSBOROUGH -WINSETT -WINSLOW -WINSTON -WINTER -WINTERED -WINTERING -WINTERS -WINTHROP -WINTRY -WIPE -WIPED -WIPER -WIPERS -WIPES -WIPING -WIRE -WIRED -WIRELESS -WIRES -WIRETAP -WIRETAPPERS -WIRETAPPING -WIRETAPS -WIRINESS -WIRING -WIRY -WISCONSIN -WISDOM -WISDOMS -WISE -WISED -WISELY -WISENHEIMER -WISER -WISEST -WISH -WISHED -WISHER -WISHERS -WISHES -WISHFUL -WISHING -WISP -WISPS -WISTFUL -WISTFULLY -WISTFULNESS -WIT -WITCH -WITCHCRAFT -WITCHES -WITCHING -WITH -WITHAL -WITHDRAW -WITHDRAWAL -WITHDRAWALS -WITHDRAWING -WITHDRAWN -WITHDRAWS -WITHDREW -WITHER -WITHERS -WITHERSPOON -WITHHELD -WITHHOLD -WITHHOLDER -WITHHOLDERS -WITHHOLDING -WITHHOLDINGS -WITHHOLDS -WITHIN -WITHOUT -WITHSTAND -WITHSTANDING -WITHSTANDS -WITHSTOOD -WITNESS -WITNESSED -WITNESSES -WITNESSING -WITS -WITT -WITTGENSTEIN -WITTY -WIVES -WIZARD -WIZARDS -WOE -WOEFUL -WOEFULLY -WOKE -WOLCOTT -WOLF -WOLFE -WOLFF -WOLFGANG -WOLVERTON -WOLVES -WOMAN -WOMANHOOD -WOMANLY -WOMB -WOMBS -WOMEN -WON -WONDER -WONDERED -WONDERFUL -WONDERFULLY -WONDERFULNESS -WONDERING -WONDERINGLY -WONDERMENT -WONDERS -WONDROUS -WONDROUSLY -WONG -WONT -WONTED -WOO -WOOD -WOODARD -WOODBERRY -WOODBURY -WOODCHUCK -WOODCHUCKS -WOODCOCK -WOODCOCKS -WOODED -WOODEN -WOODENLY -WOODENNESS -WOODLAND -WOODLAWN -WOODMAN -WOODPECKER -WOODPECKERS -WOODROW -WOODS -WOODSTOCK -WOODWARD -WOODWARDS -WOODWORK -WOODWORKING -WOODY -WOOED -WOOER -WOOF -WOOFED -WOOFER -WOOFERS -WOOFING -WOOFS -WOOING -WOOL -WOOLEN -WOOLLY -WOOLS -WOOLWORTH -WOONSOCKET -WOOS -WOOSTER -WORCESTER -WORCESTERSHIRE -WORD -WORDED -WORDILY -WORDINESS -WORDING -WORDS -WORDSWORTH -WORDY -WORE -WORK -WORKABLE -WORKABLY -WORKBENCH -WORKBENCHES -WORKBOOK -WORKBOOKS -WORKED -WORKER -WORKERS -WORKHORSE -WORKHORSES -WORKING -WORKINGMAN -WORKINGS -WORKLOAD -WORKMAN -WORKMANSHIP -WORKMEN -WORKS -WORKSHOP -WORKSHOPS -WORKSPACE -WORKSTATION -WORKSTATIONS -WORLD -WORLDLINESS -WORLDLY -WORLDS -WORLDWIDE -WORM -WORMED -WORMING -WORMS -WORN -WORRIED -WORRIER -WORRIERS -WORRIES -WORRISOME -WORRY -WORRYING -WORRYINGLY -WORSE -WORSHIP -WORSHIPED -WORSHIPER -WORSHIPFUL -WORSHIPING -WORSHIPS -WORST -WORSTED -WORTH -WORTHIEST -WORTHINESS -WORTHINGTON -WORTHLESS -WORTHLESSNESS -WORTHS -WORTHWHILE -WORTHWHILENESS -WORTHY -WOTAN -WOULD -WOUND -WOUNDED -WOUNDING -WOUNDS -WOVE -WOVEN -WRANGLE -WRANGLED -WRANGLER -WRAP -WRAPAROUND -WRAPPED -WRAPPER -WRAPPERS -WRAPPING -WRAPPINGS -WRAPS -WRATH -WREAK -WREAKS -WREATH -WREATHED -WREATHES -WRECK -WRECKAGE -WRECKED -WRECKER -WRECKERS -WRECKING -WRECKS -WREN -WRENCH -WRENCHED -WRENCHES -WRENCHING -WRENS -WREST -WRESTLE -WRESTLER -WRESTLES -WRESTLING -WRESTLINGS -WRETCH -WRETCHED -WRETCHEDNESS -WRETCHES -WRIGGLE -WRIGGLED -WRIGGLER -WRIGGLES -WRIGGLING -WRIGLEY -WRING -WRINGER -WRINGS -WRINKLE -WRINKLED -WRINKLES -WRIST -WRISTS -WRISTWATCH -WRISTWATCHES -WRIT -WRITABLE -WRITE -WRITER -WRITERS -WRITES -WRITHE -WRITHED -WRITHES -WRITHING -WRITING -WRITINGS -WRITS -WRITTEN -WRONG -WRONGED -WRONGING -WRONGLY -WRONGS -WRONSKIAN -WROTE -WROUGHT -WRUNG -WUHAN -WYANDOTTE -WYATT -WYETH -WYLIE -WYMAN -WYNER -WYNN -WYOMING -XANTHUS -XAVIER -XEBEC -XENAKIS -XENIA -XENIX -XEROX -XEROXED -XEROXES -XEROXING -XERXES -XHOSA -YAGI -YAKIMA -YALE -YALIES -YALTA -YAMAHA -YANK -YANKED -YANKEE -YANKEES -YANKING -YANKS -YANKTON -YAOUNDE -YAQUI -YARD -YARDS -YARDSTICK -YARDSTICKS -YARMOUTH -YARN -YARNS -YATES -YAUNDE -YAWN -YAWNER -YAWNING -YEA -YEAGER -YEAR -YEARLY -YEARN -YEARNED -YEARNING -YEARNINGS -YEARS -YEAS -YEAST -YEASTS -YEATS -YELL -YELLED -YELLER -YELLING -YELLOW -YELLOWED -YELLOWER -YELLOWEST -YELLOWING -YELLOWISH -YELLOWKNIFE -YELLOWNESS -YELLOWS -YELLOWSTONE -YELP -YELPED -YELPING -YELPS -YEMEN -YENTL -YEOMAN -YEOMEN -YERKES -YES -YESTERDAY -YESTERDAYS -YET -YIDDISH -YIELD -YIELDED -YIELDING -YIELDS -YODER -YOKE -YOKES -YOKNAPATAWPHA -YOKOHAMA -YOKUTS -YON -YONDER -YONKERS -YORICK -YORK -YORKER -YORKERS -YORKSHIRE -YORKTOWN -YOSEMITE -YOST -YOU -YOUNG -YOUNGER -YOUNGEST -YOUNGLY -YOUNGSTER -YOUNGSTERS -YOUNGSTOWN -YOUR -YOURS -YOURSELF -YOURSELVES -YOUTH -YOUTHES -YOUTHFUL -YOUTHFULLY -YOUTHFULNESS -YPSILANTI -YUBA -YUCATAN -YUGOSLAV -YUGOSLAVIA -YUGOSLAVIAN -YUGOSLAVIANS -YUH -YUKI -YUKON -YURI -YVES -YVETTE -ZACHARY -ZAGREB -ZAIRE -ZAMBIA -ZAN -ZANZIBAR -ZEAL -ZEALAND -ZEALOUS -ZEALOUSLY -ZEALOUSNESS -ZEBRA -ZEBRAS -ZEFFIRELLI -ZEISS -ZELLERBACH -ZEN -ZENITH -ZENNIST -ZERO -ZEROED -ZEROES -ZEROING -ZEROS -ZEROTH -ZEST -ZEUS -ZIEGFELD -ZIEGFELDS -ZIEGLER -ZIGGY -ZIGZAG -ZILLIONS -ZIMMERMAN -ZINC -ZION -ZIONISM -ZIONIST -ZIONISTS -ZIONS -ZODIAC -ZOE -ZOMBA -ZONAL -ZONALLY -ZONE -ZONED -ZONES -ZONING -ZOO -ZOOLOGICAL -ZOOLOGICALLY -ZOOM -ZOOMS -ZOOS -ZORN -ZOROASTER -ZOROASTRIAN -ZULU -ZULUS +AARHUS +AARON +ABABA +ABACK +ABAFT +ABANDON +ABANDONED +ABANDONING +ABANDONMENT +ABANDONS +ABASE +ABASED +ABASEMENT +ABASEMENTS +ABASES +ABASH +ABASHED +ABASHES +ABASHING +ABASING +ABATE +ABATED +ABATEMENT +ABATEMENTS +ABATER +ABATES +ABATING +ABBA +ABBE +ABBEY +ABBEYS +ABBOT +ABBOTS +ABBOTT +ABBREVIATE +ABBREVIATED +ABBREVIATES +ABBREVIATING +ABBREVIATION +ABBREVIATIONS +ABBY +ABDOMEN +ABDOMENS +ABDOMINAL +ABDUCT +ABDUCTED +ABDUCTION +ABDUCTIONS +ABDUCTOR +ABDUCTORS +ABDUCTS +ABE +ABED +ABEL +ABELIAN +ABELSON +ABERDEEN +ABERNATHY +ABERRANT +ABERRATION +ABERRATIONS +ABET +ABETS +ABETTED +ABETTER +ABETTING +ABEYANCE +ABHOR +ABHORRED +ABHORRENT +ABHORRER +ABHORRING +ABHORS +ABIDE +ABIDED +ABIDES +ABIDING +ABIDJAN +ABIGAIL +ABILENE +ABILITIES +ABILITY +ABJECT +ABJECTION +ABJECTIONS +ABJECTLY +ABJECTNESS +ABJURE +ABJURED +ABJURES +ABJURING +ABLATE +ABLATED +ABLATES +ABLATING +ABLATION +ABLATIVE +ABLAZE +ABLE +ABLER +ABLEST +ABLY +ABNER +ABNORMAL +ABNORMALITIES +ABNORMALITY +ABNORMALLY +ABO +ABOARD +ABODE +ABODES +ABOLISH +ABOLISHED +ABOLISHER +ABOLISHERS +ABOLISHES +ABOLISHING +ABOLISHMENT +ABOLISHMENTS +ABOLITION +ABOLITIONIST +ABOLITIONISTS +ABOMINABLE +ABOMINATE +ABORIGINAL +ABORIGINE +ABORIGINES +ABORT +ABORTED +ABORTING +ABORTION +ABORTIONS +ABORTIVE +ABORTIVELY +ABORTS +ABOS +ABOUND +ABOUNDED +ABOUNDING +ABOUNDS +ABOUT +ABOVE +ABOVEBOARD +ABOVEGROUND +ABOVEMENTIONED +ABRADE +ABRADED +ABRADES +ABRADING +ABRAHAM +ABRAM +ABRAMS +ABRAMSON +ABRASION +ABRASIONS +ABRASIVE +ABREACTION +ABREACTIONS +ABREAST +ABRIDGE +ABRIDGED +ABRIDGES +ABRIDGING +ABRIDGMENT +ABROAD +ABROGATE +ABROGATED +ABROGATES +ABROGATING +ABRUPT +ABRUPTLY +ABRUPTNESS +ABSCESS +ABSCESSED +ABSCESSES +ABSCISSA +ABSCISSAS +ABSCOND +ABSCONDED +ABSCONDING +ABSCONDS +ABSENCE +ABSENCES +ABSENT +ABSENTED +ABSENTEE +ABSENTEEISM +ABSENTEES +ABSENTIA +ABSENTING +ABSENTLY +ABSENTMINDED +ABSENTS +ABSINTHE +ABSOLUTE +ABSOLUTELY +ABSOLUTENESS +ABSOLUTES +ABSOLUTION +ABSOLVE +ABSOLVED +ABSOLVES +ABSOLVING +ABSORB +ABSORBED +ABSORBENCY +ABSORBENT +ABSORBER +ABSORBING +ABSORBS +ABSORPTION +ABSORPTIONS +ABSORPTIVE +ABSTAIN +ABSTAINED +ABSTAINER +ABSTAINING +ABSTAINS +ABSTENTION +ABSTENTIONS +ABSTINENCE +ABSTRACT +ABSTRACTED +ABSTRACTING +ABSTRACTION +ABSTRACTIONISM +ABSTRACTIONIST +ABSTRACTIONS +ABSTRACTLY +ABSTRACTNESS +ABSTRACTOR +ABSTRACTORS +ABSTRACTS +ABSTRUSE +ABSTRUSENESS +ABSURD +ABSURDITIES +ABSURDITY +ABSURDLY +ABU +ABUNDANCE +ABUNDANT +ABUNDANTLY +ABUSE +ABUSED +ABUSES +ABUSING +ABUSIVE +ABUT +ABUTMENT +ABUTS +ABUTTED +ABUTTER +ABUTTERS +ABUTTING +ABYSMAL +ABYSMALLY +ABYSS +ABYSSES +ABYSSINIA +ABYSSINIAN +ABYSSINIANS +ACACIA +ACADEMIA +ACADEMIC +ACADEMICALLY +ACADEMICS +ACADEMIES +ACADEMY +ACADIA +ACAPULCO +ACCEDE +ACCEDED +ACCEDES +ACCELERATE +ACCELERATED +ACCELERATES +ACCELERATING +ACCELERATION +ACCELERATIONS +ACCELERATOR +ACCELERATORS +ACCELEROMETER +ACCELEROMETERS +ACCENT +ACCENTED +ACCENTING +ACCENTS +ACCENTUAL +ACCENTUATE +ACCENTUATED +ACCENTUATES +ACCENTUATING +ACCENTUATION +ACCEPT +ACCEPTABILITY +ACCEPTABLE +ACCEPTABLY +ACCEPTANCE +ACCEPTANCES +ACCEPTED +ACCEPTER +ACCEPTERS +ACCEPTING +ACCEPTOR +ACCEPTORS +ACCEPTS +ACCESS +ACCESSED +ACCESSES +ACCESSIBILITY +ACCESSIBLE +ACCESSIBLY +ACCESSING +ACCESSION +ACCESSIONS +ACCESSORIES +ACCESSORS +ACCESSORY +ACCIDENT +ACCIDENTAL +ACCIDENTALLY +ACCIDENTLY +ACCIDENTS +ACCLAIM +ACCLAIMED +ACCLAIMING +ACCLAIMS +ACCLAMATION +ACCLIMATE +ACCLIMATED +ACCLIMATES +ACCLIMATING +ACCLIMATIZATION +ACCLIMATIZED +ACCOLADE +ACCOLADES +ACCOMMODATE +ACCOMMODATED +ACCOMMODATES +ACCOMMODATING +ACCOMMODATION +ACCOMMODATIONS +ACCOMPANIED +ACCOMPANIES +ACCOMPANIMENT +ACCOMPANIMENTS +ACCOMPANIST +ACCOMPANISTS +ACCOMPANY +ACCOMPANYING +ACCOMPLICE +ACCOMPLICES +ACCOMPLISH +ACCOMPLISHED +ACCOMPLISHER +ACCOMPLISHERS +ACCOMPLISHES +ACCOMPLISHING +ACCOMPLISHMENT +ACCOMPLISHMENTS +ACCORD +ACCORDANCE +ACCORDED +ACCORDER +ACCORDERS +ACCORDING +ACCORDINGLY +ACCORDION +ACCORDIONS +ACCORDS +ACCOST +ACCOSTED +ACCOSTING +ACCOSTS +ACCOUNT +ACCOUNTABILITY +ACCOUNTABLE +ACCOUNTABLY +ACCOUNTANCY +ACCOUNTANT +ACCOUNTANTS +ACCOUNTED +ACCOUNTING +ACCOUNTS +ACCRA +ACCREDIT +ACCREDITATION +ACCREDITATIONS +ACCREDITED +ACCRETION +ACCRETIONS +ACCRUE +ACCRUED +ACCRUES +ACCRUING +ACCULTURATE +ACCULTURATED +ACCULTURATES +ACCULTURATING +ACCULTURATION +ACCUMULATE +ACCUMULATED +ACCUMULATES +ACCUMULATING +ACCUMULATION +ACCUMULATIONS +ACCUMULATOR +ACCUMULATORS +ACCURACIES +ACCURACY +ACCURATE +ACCURATELY +ACCURATENESS +ACCURSED +ACCUSAL +ACCUSATION +ACCUSATIONS +ACCUSATIVE +ACCUSE +ACCUSED +ACCUSER +ACCUSES +ACCUSING +ACCUSINGLY +ACCUSTOM +ACCUSTOMED +ACCUSTOMING +ACCUSTOMS +ACE +ACES +ACETATE +ACETONE +ACETYLENE +ACHAEAN +ACHAEANS +ACHE +ACHED +ACHES +ACHIEVABLE +ACHIEVE +ACHIEVED +ACHIEVEMENT +ACHIEVEMENTS +ACHIEVER +ACHIEVERS +ACHIEVES +ACHIEVING +ACHILLES +ACHING +ACID +ACIDIC +ACIDITIES +ACIDITY +ACIDLY +ACIDS +ACIDULOUS +ACKERMAN +ACKLEY +ACKNOWLEDGE +ACKNOWLEDGEABLE +ACKNOWLEDGED +ACKNOWLEDGEMENT +ACKNOWLEDGEMENTS +ACKNOWLEDGER +ACKNOWLEDGERS +ACKNOWLEDGES +ACKNOWLEDGING +ACKNOWLEDGMENT +ACKNOWLEDGMENTS +ACME +ACNE +ACOLYTE +ACOLYTES +ACORN +ACORNS +ACOUSTIC +ACOUSTICAL +ACOUSTICALLY +ACOUSTICIAN +ACOUSTICS +ACQUAINT +ACQUAINTANCE +ACQUAINTANCES +ACQUAINTED +ACQUAINTING +ACQUAINTS +ACQUIESCE +ACQUIESCED +ACQUIESCENCE +ACQUIESCENT +ACQUIESCES +ACQUIESCING +ACQUIRABLE +ACQUIRE +ACQUIRED +ACQUIRES +ACQUIRING +ACQUISITION +ACQUISITIONS +ACQUISITIVE +ACQUISITIVENESS +ACQUIT +ACQUITS +ACQUITTAL +ACQUITTED +ACQUITTER +ACQUITTING +ACRE +ACREAGE +ACRES +ACRID +ACRIMONIOUS +ACRIMONY +ACROBAT +ACROBATIC +ACROBATICS +ACROBATS +ACRONYM +ACRONYMS +ACROPOLIS +ACROSS +ACRYLIC +ACT +ACTA +ACTAEON +ACTED +ACTING +ACTINIUM +ACTINOMETER +ACTINOMETERS +ACTION +ACTIONS +ACTIVATE +ACTIVATED +ACTIVATES +ACTIVATING +ACTIVATION +ACTIVATIONS +ACTIVATOR +ACTIVATORS +ACTIVE +ACTIVELY +ACTIVISM +ACTIVIST +ACTIVISTS +ACTIVITIES +ACTIVITY +ACTON +ACTOR +ACTORS +ACTRESS +ACTRESSES +ACTS +ACTUAL +ACTUALITIES +ACTUALITY +ACTUALIZATION +ACTUALLY +ACTUALS +ACTUARIAL +ACTUARIALLY +ACTUATE +ACTUATED +ACTUATES +ACTUATING +ACTUATOR +ACTUATORS +ACUITY +ACUMEN +ACUTE +ACUTELY +ACUTENESS +ACYCLIC +ACYCLICALLY +ADA +ADAGE +ADAGES +ADAGIO +ADAGIOS +ADAIR +ADAM +ADAMANT +ADAMANTLY +ADAMS +ADAMSON +ADAPT +ADAPTABILITY +ADAPTABLE +ADAPTATION +ADAPTATIONS +ADAPTED +ADAPTER +ADAPTERS +ADAPTING +ADAPTIVE +ADAPTIVELY +ADAPTOR +ADAPTORS +ADAPTS +ADD +ADDED +ADDEND +ADDENDA +ADDENDUM +ADDER +ADDERS +ADDICT +ADDICTED +ADDICTING +ADDICTION +ADDICTIONS +ADDICTS +ADDING +ADDIS +ADDISON +ADDITION +ADDITIONAL +ADDITIONALLY +ADDITIONS +ADDITIVE +ADDITIVES +ADDITIVITY +ADDRESS +ADDRESSABILITY +ADDRESSABLE +ADDRESSED +ADDRESSEE +ADDRESSEES +ADDRESSER +ADDRESSERS +ADDRESSES +ADDRESSING +ADDRESSOGRAPH +ADDS +ADDUCE +ADDUCED +ADDUCES +ADDUCIBLE +ADDUCING +ADDUCT +ADDUCTED +ADDUCTING +ADDUCTION +ADDUCTOR +ADDUCTS +ADELAIDE +ADELE +ADELIA +ADEN +ADEPT +ADEQUACIES +ADEQUACY +ADEQUATE +ADEQUATELY +ADHERE +ADHERED +ADHERENCE +ADHERENT +ADHERENTS +ADHERER +ADHERERS +ADHERES +ADHERING +ADHESION +ADHESIONS +ADHESIVE +ADHESIVES +ADIABATIC +ADIABATICALLY +ADIEU +ADIRONDACK +ADIRONDACKS +ADJACENCY +ADJACENT +ADJECTIVE +ADJECTIVES +ADJOIN +ADJOINED +ADJOINING +ADJOINS +ADJOURN +ADJOURNED +ADJOURNING +ADJOURNMENT +ADJOURNS +ADJUDGE +ADJUDGED +ADJUDGES +ADJUDGING +ADJUDICATE +ADJUDICATED +ADJUDICATES +ADJUDICATING +ADJUDICATION +ADJUDICATIONS +ADJUNCT +ADJUNCTS +ADJURE +ADJURED +ADJURES +ADJURING +ADJUST +ADJUSTABLE +ADJUSTABLY +ADJUSTED +ADJUSTER +ADJUSTERS +ADJUSTING +ADJUSTMENT +ADJUSTMENTS +ADJUSTOR +ADJUSTORS +ADJUSTS +ADJUTANT +ADJUTANTS +ADKINS +ADLER +ADLERIAN +ADMINISTER +ADMINISTERED +ADMINISTERING +ADMINISTERINGS +ADMINISTERS +ADMINISTRABLE +ADMINISTRATE +ADMINISTRATION +ADMINISTRATIONS +ADMINISTRATIVE +ADMINISTRATIVELY +ADMINISTRATOR +ADMINISTRATORS +ADMIRABLE +ADMIRABLY +ADMIRAL +ADMIRALS +ADMIRALTY +ADMIRATION +ADMIRATIONS +ADMIRE +ADMIRED +ADMIRER +ADMIRERS +ADMIRES +ADMIRING +ADMIRINGLY +ADMISSIBILITY +ADMISSIBLE +ADMISSION +ADMISSIONS +ADMIT +ADMITS +ADMITTANCE +ADMITTED +ADMITTEDLY +ADMITTER +ADMITTERS +ADMITTING +ADMIX +ADMIXED +ADMIXES +ADMIXTURE +ADMONISH +ADMONISHED +ADMONISHES +ADMONISHING +ADMONISHMENT +ADMONISHMENTS +ADMONITION +ADMONITIONS +ADO +ADOBE +ADOLESCENCE +ADOLESCENT +ADOLESCENTS +ADOLPH +ADOLPHUS +ADONIS +ADOPT +ADOPTED +ADOPTER +ADOPTERS +ADOPTING +ADOPTION +ADOPTIONS +ADOPTIVE +ADOPTS +ADORABLE +ADORATION +ADORE +ADORED +ADORES +ADORN +ADORNED +ADORNMENT +ADORNMENTS +ADORNS +ADRENAL +ADRENALINE +ADRIAN +ADRIATIC +ADRIENNE +ADRIFT +ADROIT +ADROITNESS +ADS +ADSORB +ADSORBED +ADSORBING +ADSORBS +ADSORPTION +ADULATE +ADULATING +ADULATION +ADULT +ADULTERATE +ADULTERATED +ADULTERATES +ADULTERATING +ADULTERER +ADULTERERS +ADULTEROUS +ADULTEROUSLY +ADULTERY +ADULTHOOD +ADULTS +ADUMBRATE +ADUMBRATED +ADUMBRATES +ADUMBRATING +ADUMBRATION +ADVANCE +ADVANCED +ADVANCEMENT +ADVANCEMENTS +ADVANCES +ADVANCING +ADVANTAGE +ADVANTAGED +ADVANTAGEOUS +ADVANTAGEOUSLY +ADVANTAGES +ADVENT +ADVENTIST +ADVENTISTS +ADVENTITIOUS +ADVENTURE +ADVENTURED +ADVENTURER +ADVENTURERS +ADVENTURES +ADVENTURING +ADVENTUROUS +ADVERB +ADVERBIAL +ADVERBS +ADVERSARIES +ADVERSARY +ADVERSE +ADVERSELY +ADVERSITIES +ADVERSITY +ADVERT +ADVERTISE +ADVERTISED +ADVERTISEMENT +ADVERTISEMENTS +ADVERTISER +ADVERTISERS +ADVERTISES +ADVERTISING +ADVICE +ADVISABILITY +ADVISABLE +ADVISABLY +ADVISE +ADVISED +ADVISEDLY +ADVISEE +ADVISEES +ADVISEMENT +ADVISEMENTS +ADVISER +ADVISERS +ADVISES +ADVISING +ADVISOR +ADVISORS +ADVISORY +ADVOCACY +ADVOCATE +ADVOCATED +ADVOCATES +ADVOCATING +AEGEAN +AEGIS +AENEAS +AENEID +AEOLUS +AERATE +AERATED +AERATES +AERATING +AERATION +AERATOR +AERATORS +AERIAL +AERIALS +AEROACOUSTIC +AEROBACTER +AEROBIC +AEROBICS +AERODYNAMIC +AERODYNAMICS +AERONAUTIC +AERONAUTICAL +AERONAUTICS +AEROSOL +AEROSOLIZE +AEROSOLS +AEROSPACE +AESCHYLUS +AESOP +AESTHETIC +AESTHETICALLY +AESTHETICS +AFAR +AFFABLE +AFFAIR +AFFAIRS +AFFECT +AFFECTATION +AFFECTATIONS +AFFECTED +AFFECTING +AFFECTINGLY +AFFECTION +AFFECTIONATE +AFFECTIONATELY +AFFECTIONS +AFFECTIVE +AFFECTS +AFFERENT +AFFIANCED +AFFIDAVIT +AFFIDAVITS +AFFILIATE +AFFILIATED +AFFILIATES +AFFILIATING +AFFILIATION +AFFILIATIONS +AFFINITIES +AFFINITY +AFFIRM +AFFIRMATION +AFFIRMATIONS +AFFIRMATIVE +AFFIRMATIVELY +AFFIRMED +AFFIRMING +AFFIRMS +AFFIX +AFFIXED +AFFIXES +AFFIXING +AFFLICT +AFFLICTED +AFFLICTING +AFFLICTION +AFFLICTIONS +AFFLICTIVE +AFFLICTS +AFFLUENCE +AFFLUENT +AFFORD +AFFORDABLE +AFFORDED +AFFORDING +AFFORDS +AFFRICATE +AFFRICATES +AFFRIGHT +AFFRONT +AFFRONTED +AFFRONTING +AFFRONTS +AFGHAN +AFGHANISTAN +AFGHANS +AFICIONADO +AFIELD +AFIRE +AFLAME +AFLOAT +AFOOT +AFORE +AFOREMENTIONED +AFORESAID +AFORETHOUGHT +AFOUL +AFRAID +AFRESH +AFRICA +AFRICAN +AFRICANIZATION +AFRICANIZATIONS +AFRICANIZE +AFRICANIZED +AFRICANIZES +AFRICANIZING +AFRICANS +AFRIKAANS +AFRIKANER +AFRIKANERS +AFT +AFTER +AFTEREFFECT +AFTERGLOW +AFTERIMAGE +AFTERLIFE +AFTERMATH +AFTERMOST +AFTERNOON +AFTERNOONS +AFTERSHOCK +AFTERSHOCKS +AFTERTHOUGHT +AFTERTHOUGHTS +AFTERWARD +AFTERWARDS +AGAIN +AGAINST +AGAMEMNON +AGAPE +AGAR +AGATE +AGATES +AGATHA +AGE +AGED +AGEE +AGELESS +AGENCIES +AGENCY +AGENDA +AGENDAS +AGENT +AGENTS +AGER +AGERS +AGES +AGGIE +AGGIES +AGGLOMERATE +AGGLOMERATED +AGGLOMERATES +AGGLOMERATION +AGGLUTINATE +AGGLUTINATED +AGGLUTINATES +AGGLUTINATING +AGGLUTINATION +AGGLUTININ +AGGLUTININS +AGGRANDIZE +AGGRAVATE +AGGRAVATED +AGGRAVATES +AGGRAVATION +AGGREGATE +AGGREGATED +AGGREGATELY +AGGREGATES +AGGREGATING +AGGREGATION +AGGREGATIONS +AGGRESSION +AGGRESSIONS +AGGRESSIVE +AGGRESSIVELY +AGGRESSIVENESS +AGGRESSOR +AGGRESSORS +AGGRIEVE +AGGRIEVED +AGGRIEVES +AGGRIEVING +AGHAST +AGILE +AGILELY +AGILITY +AGING +AGITATE +AGITATED +AGITATES +AGITATING +AGITATION +AGITATIONS +AGITATOR +AGITATORS +AGLEAM +AGLOW +AGNES +AGNEW +AGNOSTIC +AGNOSTICS +AGO +AGOG +AGONIES +AGONIZE +AGONIZED +AGONIZES +AGONIZING +AGONIZINGLY +AGONY +AGRARIAN +AGREE +AGREEABLE +AGREEABLY +AGREED +AGREEING +AGREEMENT +AGREEMENTS +AGREER +AGREERS +AGREES +AGRICOLA +AGRICULTURAL +AGRICULTURALLY +AGRICULTURE +AGUE +AGWAY +AHEAD +AHMADABAD +AHMEDABAD +AID +AIDA +AIDE +AIDED +AIDES +AIDING +AIDS +AIKEN +AIL +AILEEN +AILERON +AILERONS +AILING +AILMENT +AILMENTS +AIM +AIMED +AIMER +AIMERS +AIMING +AIMLESS +AIMLESSLY +AIMS +AINU +AINUS +AIR +AIRBAG +AIRBAGS +AIRBORNE +AIRBUS +AIRCRAFT +AIRDROP +AIRDROPS +AIRED +AIREDALE +AIRER +AIRERS +AIRES +AIRFARE +AIRFIELD +AIRFIELDS +AIRFLOW +AIRFOIL +AIRFOILS +AIRFRAME +AIRFRAMES +AIRILY +AIRING +AIRINGS +AIRLESS +AIRLIFT +AIRLIFTS +AIRLINE +AIRLINER +AIRLINES +AIRLOCK +AIRLOCKS +AIRMAIL +AIRMAILS +AIRMAN +AIRMEN +AIRPLANE +AIRPLANES +AIRPORT +AIRPORTS +AIRS +AIRSHIP +AIRSHIPS +AIRSPACE +AIRSPEED +AIRSTRIP +AIRSTRIPS +AIRTIGHT +AIRWAY +AIRWAYS +AIRY +AISLE +AITKEN +AJAR +AJAX +AKERS +AKIMBO +AKIN +AKRON +ALABAMA +ALABAMANS +ALABAMIAN +ALABASTER +ALACRITY +ALADDIN +ALAMEDA +ALAMO +ALAMOS +ALAN +ALAR +ALARM +ALARMED +ALARMING +ALARMINGLY +ALARMIST +ALARMS +ALAS +ALASKA +ALASKAN +ALASTAIR +ALBA +ALBACORE +ALBANIA +ALBANIAN +ALBANIANS +ALBANY +ALBATROSS +ALBEIT +ALBERICH +ALBERT +ALBERTA +ALBERTO +ALBRECHT +ALBRIGHT +ALBUM +ALBUMIN +ALBUMS +ALBUQUERQUE +ALCESTIS +ALCHEMY +ALCIBIADES +ALCMENA +ALCOA +ALCOHOL +ALCOHOLIC +ALCOHOLICS +ALCOHOLISM +ALCOHOLS +ALCOTT +ALCOVE +ALCOVES +ALDEBARAN +ALDEN +ALDER +ALDERMAN +ALDERMEN +ALDRICH +ALE +ALEC +ALECK +ALEE +ALERT +ALERTED +ALERTEDLY +ALERTER +ALERTERS +ALERTING +ALERTLY +ALERTNESS +ALERTS +ALEUT +ALEUTIAN +ALEX +ALEXANDER +ALEXANDRA +ALEXANDRE +ALEXANDRIA +ALEXANDRINE +ALEXEI +ALEXIS +ALFA +ALFALFA +ALFONSO +ALFRED +ALFREDO +ALFRESCO +ALGA +ALGAE +ALGAECIDE +ALGEBRA +ALGEBRAIC +ALGEBRAICALLY +ALGEBRAS +ALGENIB +ALGER +ALGERIA +ALGERIAN +ALGIERS +ALGINATE +ALGOL +ALGOL +ALGONQUIAN +ALGONQUIN +ALGORITHM +ALGORITHMIC +ALGORITHMICALLY +ALGORITHMS +ALHAMBRA +ALI +ALIAS +ALIASED +ALIASES +ALIASING +ALIBI +ALIBIS +ALICE +ALICIA +ALIEN +ALIENATE +ALIENATED +ALIENATES +ALIENATING +ALIENATION +ALIENS +ALIGHT +ALIGN +ALIGNED +ALIGNING +ALIGNMENT +ALIGNMENTS +ALIGNS +ALIKE +ALIMENT +ALIMENTS +ALIMONY +ALISON +ALISTAIR +ALIVE +ALKALI +ALKALINE +ALKALIS +ALKALOID +ALKALOIDS +ALKYL +ALL +ALLAH +ALLAN +ALLAY +ALLAYED +ALLAYING +ALLAYS +ALLEGATION +ALLEGATIONS +ALLEGE +ALLEGED +ALLEGEDLY +ALLEGES +ALLEGHENIES +ALLEGHENY +ALLEGIANCE +ALLEGIANCES +ALLEGING +ALLEGORIC +ALLEGORICAL +ALLEGORICALLY +ALLEGORIES +ALLEGORY +ALLEGRA +ALLEGRETTO +ALLEGRETTOS +ALLELE +ALLELES +ALLEMANDE +ALLEN +ALLENDALE +ALLENTOWN +ALLERGIC +ALLERGIES +ALLERGY +ALLEVIATE +ALLEVIATED +ALLEVIATES +ALLEVIATING +ALLEVIATION +ALLEY +ALLEYS +ALLEYWAY +ALLEYWAYS +ALLIANCE +ALLIANCES +ALLIED +ALLIES +ALLIGATOR +ALLIGATORS +ALLIS +ALLISON +ALLITERATION +ALLITERATIONS +ALLITERATIVE +ALLOCATABLE +ALLOCATE +ALLOCATED +ALLOCATES +ALLOCATING +ALLOCATION +ALLOCATIONS +ALLOCATOR +ALLOCATORS +ALLOPHONE +ALLOPHONES +ALLOPHONIC +ALLOT +ALLOTMENT +ALLOTMENTS +ALLOTS +ALLOTTED +ALLOTTER +ALLOTTING +ALLOW +ALLOWABLE +ALLOWABLY +ALLOWANCE +ALLOWANCES +ALLOWED +ALLOWING +ALLOWS +ALLOY +ALLOYS +ALLSTATE +ALLUDE +ALLUDED +ALLUDES +ALLUDING +ALLURE +ALLUREMENT +ALLURING +ALLUSION +ALLUSIONS +ALLUSIVE +ALLUSIVENESS +ALLY +ALLYING +ALLYN +ALMA +ALMADEN +ALMANAC +ALMANACS +ALMIGHTY +ALMOND +ALMONDS +ALMONER +ALMOST +ALMS +ALMSMAN +ALNICO +ALOE +ALOES +ALOFT +ALOHA +ALONE +ALONENESS +ALONG +ALONGSIDE +ALOOF +ALOOFNESS +ALOUD +ALPERT +ALPHA +ALPHABET +ALPHABETIC +ALPHABETICAL +ALPHABETICALLY +ALPHABETICS +ALPHABETIZE +ALPHABETIZED +ALPHABETIZES +ALPHABETIZING +ALPHABETS +ALPHANUMERIC +ALPHERATZ +ALPHONSE +ALPINE +ALPS +ALREADY +ALSATIAN +ALSATIANS +ALSO +ALSOP +ALTAIR +ALTAR +ALTARS +ALTER +ALTERABLE +ALTERATION +ALTERATIONS +ALTERCATION +ALTERCATIONS +ALTERED +ALTERER +ALTERERS +ALTERING +ALTERNATE +ALTERNATED +ALTERNATELY +ALTERNATES +ALTERNATING +ALTERNATION +ALTERNATIONS +ALTERNATIVE +ALTERNATIVELY +ALTERNATIVES +ALTERNATOR +ALTERNATORS +ALTERS +ALTHAEA +ALTHOUGH +ALTITUDE +ALTITUDES +ALTOGETHER +ALTON +ALTOS +ALTRUISM +ALTRUIST +ALTRUISTIC +ALTRUISTICALLY +ALUM +ALUMINUM +ALUMNA +ALUMNAE +ALUMNI +ALUMNUS +ALUNDUM +ALVA +ALVAREZ +ALVEOLAR +ALVEOLI +ALVEOLUS +ALVIN +ALWAYS +ALYSSA +AMADEUS +AMAIN +AMALGAM +AMALGAMATE +AMALGAMATED +AMALGAMATES +AMALGAMATING +AMALGAMATION +AMALGAMS +AMANDA +AMANUENSIS +AMARETTO +AMARILLO +AMASS +AMASSED +AMASSES +AMASSING +AMATEUR +AMATEURISH +AMATEURISHNESS +AMATEURISM +AMATEURS +AMATORY +AMAZE +AMAZED +AMAZEDLY +AMAZEMENT +AMAZER +AMAZERS +AMAZES +AMAZING +AMAZINGLY +AMAZON +AMAZONS +AMBASSADOR +AMBASSADORS +AMBER +AMBIANCE +AMBIDEXTROUS +AMBIDEXTROUSLY +AMBIENT +AMBIGUITIES +AMBIGUITY +AMBIGUOUS +AMBIGUOUSLY +AMBITION +AMBITIONS +AMBITIOUS +AMBITIOUSLY +AMBIVALENCE +AMBIVALENT +AMBIVALENTLY +AMBLE +AMBLED +AMBLER +AMBLES +AMBLING +AMBROSIAL +AMBULANCE +AMBULANCES +AMBULATORY +AMBUSCADE +AMBUSH +AMBUSHED +AMBUSHES +AMDAHL +AMELIA +AMELIORATE +AMELIORATED +AMELIORATING +AMELIORATION +AMEN +AMENABLE +AMEND +AMENDED +AMENDING +AMENDMENT +AMENDMENTS +AMENDS +AMENITIES +AMENITY +AMENORRHEA +AMERADA +AMERICA +AMERICAN +AMERICANA +AMERICANISM +AMERICANIZATION +AMERICANIZATIONS +AMERICANIZE +AMERICANIZER +AMERICANIZERS +AMERICANIZES +AMERICANS +AMERICAS +AMERICIUM +AMES +AMHARIC +AMHERST +AMIABLE +AMICABLE +AMICABLY +AMID +AMIDE +AMIDST +AMIGA +AMIGO +AMINO +AMISS +AMITY +AMMAN +AMMERMAN +AMMO +AMMONIA +AMMONIAC +AMMONIUM +AMMUNITION +AMNESTY +AMOCO +AMOEBA +AMOEBAE +AMOEBAS +AMOK +AMONG +AMONGST +AMONTILLADO +AMORAL +AMORALITY +AMORIST +AMOROUS +AMORPHOUS +AMORPHOUSLY +AMORTIZE +AMORTIZED +AMORTIZES +AMORTIZING +AMOS +AMOUNT +AMOUNTED +AMOUNTER +AMOUNTERS +AMOUNTING +AMOUNTS +AMOUR +AMPERAGE +AMPERE +AMPERES +AMPERSAND +AMPERSANDS +AMPEX +AMPHETAMINE +AMPHETAMINES +AMPHIBIAN +AMPHIBIANS +AMPHIBIOUS +AMPHIBIOUSLY +AMPHIBOLOGY +AMPHITHEATER +AMPHITHEATERS +AMPLE +AMPLIFICATION +AMPLIFIED +AMPLIFIER +AMPLIFIERS +AMPLIFIES +AMPLIFY +AMPLIFYING +AMPLITUDE +AMPLITUDES +AMPLY +AMPOULE +AMPOULES +AMPUTATE +AMPUTATED +AMPUTATES +AMPUTATING +AMSTERDAM +AMTRAK +AMULET +AMULETS +AMUSE +AMUSED +AMUSEDLY +AMUSEMENT +AMUSEMENTS +AMUSER +AMUSERS +AMUSES +AMUSING +AMUSINGLY +AMY +AMYL +ANABAPTIST +ANABAPTISTS +ANABEL +ANACHRONISM +ANACHRONISMS +ANACHRONISTICALLY +ANACONDA +ANACONDAS +ANACREON +ANAEROBIC +ANAGRAM +ANAGRAMS +ANAHEIM +ANAL +ANALECTS +ANALOG +ANALOGICAL +ANALOGIES +ANALOGOUS +ANALOGOUSLY +ANALOGUE +ANALOGUES +ANALOGY +ANALYSES +ANALYSIS +ANALYST +ANALYSTS +ANALYTIC +ANALYTICAL +ANALYTICALLY +ANALYTICITIES +ANALYTICITY +ANALYZABLE +ANALYZE +ANALYZED +ANALYZER +ANALYZERS +ANALYZES +ANALYZING +ANAPHORA +ANAPHORIC +ANAPHORICALLY +ANAPLASMOSIS +ANARCHIC +ANARCHICAL +ANARCHISM +ANARCHIST +ANARCHISTS +ANARCHY +ANASTASIA +ANASTOMOSES +ANASTOMOSIS +ANASTOMOTIC +ANATHEMA +ANATOLE +ANATOLIA +ANATOLIAN +ANATOMIC +ANATOMICAL +ANATOMICALLY +ANATOMY +ANCESTOR +ANCESTORS +ANCESTRAL +ANCESTRY +ANCHOR +ANCHORAGE +ANCHORAGES +ANCHORED +ANCHORING +ANCHORITE +ANCHORITISM +ANCHORS +ANCHOVIES +ANCHOVY +ANCIENT +ANCIENTLY +ANCIENTS +ANCILLARY +AND +ANDALUSIA +ANDALUSIAN +ANDALUSIANS +ANDEAN +ANDERS +ANDERSEN +ANDERSON +ANDES +ANDING +ANDORRA +ANDOVER +ANDRE +ANDREA +ANDREI +ANDREW +ANDREWS +ANDROMACHE +ANDROMEDA +ANDY +ANECDOTAL +ANECDOTE +ANECDOTES +ANECHOIC +ANEMIA +ANEMIC +ANEMOMETER +ANEMOMETERS +ANEMOMETRY +ANEMONE +ANESTHESIA +ANESTHETIC +ANESTHETICALLY +ANESTHETICS +ANESTHETIZE +ANESTHETIZED +ANESTHETIZES +ANESTHETIZING +ANEW +ANGEL +ANGELA +ANGELENO +ANGELENOS +ANGELES +ANGELIC +ANGELICA +ANGELINA +ANGELINE +ANGELO +ANGELS +ANGER +ANGERED +ANGERING +ANGERS +ANGIE +ANGIOGRAPHY +ANGLE +ANGLED +ANGLER +ANGLERS +ANGLES +ANGLIA +ANGLICAN +ANGLICANISM +ANGLICANIZE +ANGLICANIZES +ANGLICANS +ANGLING +ANGLO +ANGLOPHILIA +ANGLOPHOBIA +ANGOLA +ANGORA +ANGRIER +ANGRIEST +ANGRILY +ANGRY +ANGST +ANGSTROM +ANGUISH +ANGUISHED +ANGULAR +ANGULARLY +ANGUS +ANHEUSER +ANHYDROUS +ANHYDROUSLY +ANILINE +ANIMAL +ANIMALS +ANIMATE +ANIMATED +ANIMATEDLY +ANIMATELY +ANIMATENESS +ANIMATES +ANIMATING +ANIMATION +ANIMATIONS +ANIMATOR +ANIMATORS +ANIMISM +ANIMIZED +ANIMOSITY +ANION +ANIONIC +ANIONS +ANISE +ANISEIKONIC +ANISOTROPIC +ANISOTROPY +ANITA +ANKARA +ANKLE +ANKLES +ANN +ANNA +ANNAL +ANNALIST +ANNALISTIC +ANNALS +ANNAPOLIS +ANNE +ANNETTE +ANNEX +ANNEXATION +ANNEXED +ANNEXES +ANNEXING +ANNIE +ANNIHILATE +ANNIHILATED +ANNIHILATES +ANNIHILATING +ANNIHILATION +ANNIVERSARIES +ANNIVERSARY +ANNOTATE +ANNOTATED +ANNOTATES +ANNOTATING +ANNOTATION +ANNOTATIONS +ANNOUNCE +ANNOUNCED +ANNOUNCEMENT +ANNOUNCEMENTS +ANNOUNCER +ANNOUNCERS +ANNOUNCES +ANNOUNCING +ANNOY +ANNOYANCE +ANNOYANCES +ANNOYED +ANNOYER +ANNOYERS +ANNOYING +ANNOYINGLY +ANNOYS +ANNUAL +ANNUALLY +ANNUALS +ANNUITY +ANNUL +ANNULAR +ANNULI +ANNULLED +ANNULLING +ANNULMENT +ANNULMENTS +ANNULS +ANNULUS +ANNUM +ANNUNCIATE +ANNUNCIATED +ANNUNCIATES +ANNUNCIATING +ANNUNCIATOR +ANNUNCIATORS +ANODE +ANODES +ANODIZE +ANODIZED +ANODIZES +ANOINT +ANOINTED +ANOINTING +ANOINTS +ANOMALIES +ANOMALOUS +ANOMALOUSLY +ANOMALY +ANOMIC +ANOMIE +ANON +ANONYMITY +ANONYMOUS +ANONYMOUSLY +ANOREXIA +ANOTHER +ANSELM +ANSELMO +ANSI +ANSWER +ANSWERABLE +ANSWERED +ANSWERER +ANSWERERS +ANSWERING +ANSWERS +ANT +ANTAEUS +ANTAGONISM +ANTAGONISMS +ANTAGONIST +ANTAGONISTIC +ANTAGONISTICALLY +ANTAGONISTS +ANTAGONIZE +ANTAGONIZED +ANTAGONIZES +ANTAGONIZING +ANTARCTIC +ANTARCTICA +ANTARES +ANTE +ANTEATER +ANTEATERS +ANTECEDENT +ANTECEDENTS +ANTEDATE +ANTELOPE +ANTELOPES +ANTENNA +ANTENNAE +ANTENNAS +ANTERIOR +ANTHEM +ANTHEMS +ANTHER +ANTHOLOGIES +ANTHOLOGY +ANTHONY +ANTHRACITE +ANTHROPOLOGICAL +ANTHROPOLOGICALLY +ANTHROPOLOGIST +ANTHROPOLOGISTS +ANTHROPOLOGY +ANTHROPOMORPHIC +ANTHROPOMORPHICALLY +ANTI +ANTIBACTERIAL +ANTIBIOTIC +ANTIBIOTICS +ANTIBODIES +ANTIBODY +ANTIC +ANTICIPATE +ANTICIPATED +ANTICIPATES +ANTICIPATING +ANTICIPATION +ANTICIPATIONS +ANTICIPATORY +ANTICOAGULATION +ANTICOMPETITIVE +ANTICS +ANTIDISESTABLISHMENTARIANISM +ANTIDOTE +ANTIDOTES +ANTIETAM +ANTIFORMANT +ANTIFUNDAMENTALIST +ANTIGEN +ANTIGENS +ANTIGONE +ANTIHISTORICAL +ANTILLES +ANTIMICROBIAL +ANTIMONY +ANTINOMIAN +ANTINOMY +ANTIOCH +ANTIPATHY +ANTIPHONAL +ANTIPODE +ANTIPODES +ANTIQUARIAN +ANTIQUARIANS +ANTIQUATE +ANTIQUATED +ANTIQUE +ANTIQUES +ANTIQUITIES +ANTIQUITY +ANTIREDEPOSITION +ANTIRESONANCE +ANTIRESONATOR +ANTISEMITIC +ANTISEMITISM +ANTISEPTIC +ANTISERA +ANTISERUM +ANTISLAVERY +ANTISOCIAL +ANTISUBMARINE +ANTISYMMETRIC +ANTISYMMETRY +ANTITHESIS +ANTITHETICAL +ANTITHYROID +ANTITOXIN +ANTITOXINS +ANTITRUST +ANTLER +ANTLERED +ANTOINE +ANTOINETTE +ANTON +ANTONIO +ANTONOVICS +ANTONY +ANTS +ANTWERP +ANUS +ANVIL +ANVILS +ANXIETIES +ANXIETY +ANXIOUS +ANXIOUSLY +ANY +ANYBODY +ANYHOW +ANYMORE +ANYONE +ANYPLACE +ANYTHING +ANYTIME +ANYWAY +ANYWHERE +AORTA +APACE +APACHES +APALACHICOLA +APART +APARTMENT +APARTMENTS +APATHETIC +APATHY +APE +APED +APERIODIC +APERIODICITY +APERTURE +APES +APETALOUS +APEX +APHASIA +APHASIC +APHELION +APHID +APHIDS +APHONIC +APHORISM +APHORISMS +APHRODITE +APIARIES +APIARY +APICAL +APIECE +APING +APISH +APLENTY +APLOMB +APOCALYPSE +APOCALYPTIC +APOCRYPHA +APOCRYPHAL +APOGEE +APOGEES +APOLLINAIRE +APOLLO +APOLLONIAN +APOLOGETIC +APOLOGETICALLY +APOLOGIA +APOLOGIES +APOLOGIST +APOLOGISTS +APOLOGIZE +APOLOGIZED +APOLOGIZES +APOLOGIZING +APOLOGY +APOSTATE +APOSTLE +APOSTLES +APOSTOLIC +APOSTROPHE +APOSTROPHES +APOTHECARY +APOTHEGM +APOTHEOSES +APOTHEOSIS +APPALACHIA +APPALACHIAN +APPALACHIANS +APPALL +APPALLED +APPALLING +APPALLINGLY +APPALOOSAS +APPANAGE +APPARATUS +APPAREL +APPARELED +APPARENT +APPARENTLY +APPARITION +APPARITIONS +APPEAL +APPEALED +APPEALER +APPEALERS +APPEALING +APPEALINGLY +APPEALS +APPEAR +APPEARANCE +APPEARANCES +APPEARED +APPEARER +APPEARERS +APPEARING +APPEARS +APPEASE +APPEASED +APPEASEMENT +APPEASES +APPEASING +APPELLANT +APPELLANTS +APPELLATE +APPELLATION +APPEND +APPENDAGE +APPENDAGES +APPENDED +APPENDER +APPENDERS +APPENDICES +APPENDICITIS +APPENDING +APPENDIX +APPENDIXES +APPENDS +APPERTAIN +APPERTAINS +APPETITE +APPETITES +APPETIZER +APPETIZING +APPIA +APPIAN +APPLAUD +APPLAUDED +APPLAUDING +APPLAUDS +APPLAUSE +APPLE +APPLEBY +APPLEJACK +APPLES +APPLETON +APPLIANCE +APPLIANCES +APPLICABILITY +APPLICABLE +APPLICANT +APPLICANTS +APPLICATION +APPLICATIONS +APPLICATIVE +APPLICATIVELY +APPLICATOR +APPLICATORS +APPLIED +APPLIER +APPLIERS +APPLIES +APPLIQUE +APPLY +APPLYING +APPOINT +APPOINTED +APPOINTEE +APPOINTEES +APPOINTER +APPOINTERS +APPOINTING +APPOINTIVE +APPOINTMENT +APPOINTMENTS +APPOINTS +APPOMATTOX +APPORTION +APPORTIONED +APPORTIONING +APPORTIONMENT +APPORTIONMENTS +APPORTIONS +APPOSITE +APPRAISAL +APPRAISALS +APPRAISE +APPRAISED +APPRAISER +APPRAISERS +APPRAISES +APPRAISING +APPRAISINGLY +APPRECIABLE +APPRECIABLY +APPRECIATE +APPRECIATED +APPRECIATES +APPRECIATING +APPRECIATION +APPRECIATIONS +APPRECIATIVE +APPRECIATIVELY +APPREHEND +APPREHENDED +APPREHENSIBLE +APPREHENSION +APPREHENSIONS +APPREHENSIVE +APPREHENSIVELY +APPREHENSIVENESS +APPRENTICE +APPRENTICED +APPRENTICES +APPRENTICESHIP +APPRISE +APPRISED +APPRISES +APPRISING +APPROACH +APPROACHABILITY +APPROACHABLE +APPROACHED +APPROACHER +APPROACHERS +APPROACHES +APPROACHING +APPROBATE +APPROBATION +APPROPRIATE +APPROPRIATED +APPROPRIATELY +APPROPRIATENESS +APPROPRIATES +APPROPRIATING +APPROPRIATION +APPROPRIATIONS +APPROPRIATOR +APPROPRIATORS +APPROVAL +APPROVALS +APPROVE +APPROVED +APPROVER +APPROVERS +APPROVES +APPROVING +APPROVINGLY +APPROXIMATE +APPROXIMATED +APPROXIMATELY +APPROXIMATES +APPROXIMATING +APPROXIMATION +APPROXIMATIONS +APPURTENANCE +APPURTENANCES +APRICOT +APRICOTS +APRIL +APRILS +APRON +APRONS +APROPOS +APSE +APSIS +APT +APTITUDE +APTITUDES +APTLY +APTNESS +AQUA +AQUARIA +AQUARIUM +AQUARIUS +AQUATIC +AQUEDUCT +AQUEDUCTS +AQUEOUS +AQUIFER +AQUIFERS +AQUILA +AQUINAS +ARAB +ARABESQUE +ARABIA +ARABIAN +ARABIANIZE +ARABIANIZES +ARABIANS +ARABIC +ARABICIZE +ARABICIZES +ARABLE +ARABS +ARABY +ARACHNE +ARACHNID +ARACHNIDS +ARAMCO +ARAPAHO +ARBITER +ARBITERS +ARBITRARILY +ARBITRARINESS +ARBITRARY +ARBITRATE +ARBITRATED +ARBITRATES +ARBITRATING +ARBITRATION +ARBITRATOR +ARBITRATORS +ARBOR +ARBOREAL +ARBORS +ARC +ARCADE +ARCADED +ARCADES +ARCADIA +ARCADIAN +ARCANE +ARCED +ARCH +ARCHAIC +ARCHAICALLY +ARCHAICNESS +ARCHAISM +ARCHAIZE +ARCHANGEL +ARCHANGELS +ARCHBISHOP +ARCHDIOCESE +ARCHDIOCESES +ARCHED +ARCHENEMY +ARCHEOLOGICAL +ARCHEOLOGIST +ARCHEOLOGY +ARCHER +ARCHERS +ARCHERY +ARCHES +ARCHETYPE +ARCHFOOL +ARCHIBALD +ARCHIE +ARCHIMEDES +ARCHING +ARCHIPELAGO +ARCHIPELAGOES +ARCHITECT +ARCHITECTONIC +ARCHITECTS +ARCHITECTURAL +ARCHITECTURALLY +ARCHITECTURE +ARCHITECTURES +ARCHIVAL +ARCHIVE +ARCHIVED +ARCHIVER +ARCHIVERS +ARCHIVES +ARCHIVING +ARCHIVIST +ARCHLY +ARCING +ARCLIKE +ARCO +ARCS +ARCSINE +ARCTANGENT +ARCTIC +ARCTURUS +ARDEN +ARDENT +ARDENTLY +ARDOR +ARDUOUS +ARDUOUSLY +ARDUOUSNESS +ARE +AREA +AREAS +ARENA +ARENAS +AREQUIPA +ARES +ARGENTINA +ARGENTINIAN +ARGIVE +ARGO +ARGON +ARGONAUT +ARGONAUTS +ARGONNE +ARGOS +ARGOT +ARGUABLE +ARGUABLY +ARGUE +ARGUED +ARGUER +ARGUERS +ARGUES +ARGUING +ARGUMENT +ARGUMENTATION +ARGUMENTATIVE +ARGUMENTS +ARGUS +ARIADNE +ARIANISM +ARIANIST +ARIANISTS +ARID +ARIDITY +ARIES +ARIGHT +ARISE +ARISEN +ARISER +ARISES +ARISING +ARISINGS +ARISTOCRACY +ARISTOCRAT +ARISTOCRATIC +ARISTOCRATICALLY +ARISTOCRATS +ARISTOTELIAN +ARISTOTLE +ARITHMETIC +ARITHMETICAL +ARITHMETICALLY +ARITHMETICS +ARITHMETIZE +ARITHMETIZED +ARITHMETIZES +ARIZONA +ARK +ARKANSAN +ARKANSAS +ARLEN +ARLENE +ARLINGTON +ARM +ARMADA +ARMADILLO +ARMADILLOS +ARMAGEDDON +ARMAGNAC +ARMAMENT +ARMAMENTS +ARMATA +ARMCHAIR +ARMCHAIRS +ARMCO +ARMED +ARMENIA +ARMENIAN +ARMER +ARMERS +ARMFUL +ARMHOLE +ARMIES +ARMING +ARMISTICE +ARMLOAD +ARMONK +ARMOR +ARMORED +ARMORER +ARMORY +ARMOUR +ARMPIT +ARMPITS +ARMS +ARMSTRONG +ARMY +ARNOLD +AROMA +AROMAS +AROMATIC +AROSE +AROUND +AROUSAL +AROUSE +AROUSED +AROUSES +AROUSING +ARPA +ARPANET +ARPANET +ARPEGGIO +ARPEGGIOS +ARRACK +ARRAGON +ARRAIGN +ARRAIGNED +ARRAIGNING +ARRAIGNMENT +ARRAIGNMENTS +ARRAIGNS +ARRANGE +ARRANGED +ARRANGEMENT +ARRANGEMENTS +ARRANGER +ARRANGERS +ARRANGES +ARRANGING +ARRANT +ARRAY +ARRAYED +ARRAYS +ARREARS +ARREST +ARRESTED +ARRESTER +ARRESTERS +ARRESTING +ARRESTINGLY +ARRESTOR +ARRESTORS +ARRESTS +ARRHENIUS +ARRIVAL +ARRIVALS +ARRIVE +ARRIVED +ARRIVES +ARRIVING +ARROGANCE +ARROGANT +ARROGANTLY +ARROGATE +ARROGATED +ARROGATES +ARROGATING +ARROGATION +ARROW +ARROWED +ARROWHEAD +ARROWHEADS +ARROWS +ARROYO +ARROYOS +ARSENAL +ARSENALS +ARSENIC +ARSINE +ARSON +ART +ARTEMIA +ARTEMIS +ARTERIAL +ARTERIES +ARTERIOLAR +ARTERIOLE +ARTERIOLES +ARTERIOSCLEROSIS +ARTERY +ARTFUL +ARTFULLY +ARTFULNESS +ARTHRITIS +ARTHROPOD +ARTHROPODS +ARTHUR +ARTICHOKE +ARTICHOKES +ARTICLE +ARTICLES +ARTICULATE +ARTICULATED +ARTICULATELY +ARTICULATENESS +ARTICULATES +ARTICULATING +ARTICULATION +ARTICULATIONS +ARTICULATOR +ARTICULATORS +ARTICULATORY +ARTIE +ARTIFACT +ARTIFACTS +ARTIFICE +ARTIFICER +ARTIFICES +ARTIFICIAL +ARTIFICIALITIES +ARTIFICIALITY +ARTIFICIALLY +ARTIFICIALNESS +ARTILLERIST +ARTILLERY +ARTISAN +ARTISANS +ARTIST +ARTISTIC +ARTISTICALLY +ARTISTRY +ARTISTS +ARTLESS +ARTS +ARTURO +ARTWORK +ARUBA +ARYAN +ARYANS +ASBESTOS +ASCEND +ASCENDANCY +ASCENDANT +ASCENDED +ASCENDENCY +ASCENDENT +ASCENDER +ASCENDERS +ASCENDING +ASCENDS +ASCENSION +ASCENSIONS +ASCENT +ASCERTAIN +ASCERTAINABLE +ASCERTAINED +ASCERTAINING +ASCERTAINS +ASCETIC +ASCETICISM +ASCETICS +ASCII +ASCOT +ASCRIBABLE +ASCRIBE +ASCRIBED +ASCRIBES +ASCRIBING +ASCRIPTION +ASEPTIC +ASH +ASHAMED +ASHAMEDLY +ASHEN +ASHER +ASHES +ASHEVILLE +ASHLAND +ASHLEY +ASHMAN +ASHMOLEAN +ASHORE +ASHTRAY +ASHTRAYS +ASIA +ASIAN +ASIANS +ASIATIC +ASIATICIZATION +ASIATICIZATIONS +ASIATICIZE +ASIATICIZES +ASIATICS +ASIDE +ASILOMAR +ASININE +ASK +ASKANCE +ASKED +ASKER +ASKERS +ASKEW +ASKING +ASKS +ASLEEP +ASOCIAL +ASP +ASPARAGUS +ASPECT +ASPECTS +ASPEN +ASPERSION +ASPERSIONS +ASPHALT +ASPHYXIA +ASPIC +ASPIRANT +ASPIRANTS +ASPIRATE +ASPIRATED +ASPIRATES +ASPIRATING +ASPIRATION +ASPIRATIONS +ASPIRATOR +ASPIRATORS +ASPIRE +ASPIRED +ASPIRES +ASPIRIN +ASPIRING +ASPIRINS +ASS +ASSAIL +ASSAILANT +ASSAILANTS +ASSAILED +ASSAILING +ASSAILS +ASSAM +ASSASSIN +ASSASSINATE +ASSASSINATED +ASSASSINATES +ASSASSINATING +ASSASSINATION +ASSASSINATIONS +ASSASSINS +ASSAULT +ASSAULTED +ASSAULTING +ASSAULTS +ASSAY +ASSAYED +ASSAYING +ASSEMBLAGE +ASSEMBLAGES +ASSEMBLE +ASSEMBLED +ASSEMBLER +ASSEMBLERS +ASSEMBLES +ASSEMBLIES +ASSEMBLING +ASSEMBLY +ASSENT +ASSENTED +ASSENTER +ASSENTING +ASSENTS +ASSERT +ASSERTED +ASSERTER +ASSERTERS +ASSERTING +ASSERTION +ASSERTIONS +ASSERTIVE +ASSERTIVELY +ASSERTIVENESS +ASSERTS +ASSES +ASSESS +ASSESSED +ASSESSES +ASSESSING +ASSESSMENT +ASSESSMENTS +ASSESSOR +ASSESSORS +ASSET +ASSETS +ASSIDUITY +ASSIDUOUS +ASSIDUOUSLY +ASSIGN +ASSIGNABLE +ASSIGNED +ASSIGNEE +ASSIGNEES +ASSIGNER +ASSIGNERS +ASSIGNING +ASSIGNMENT +ASSIGNMENTS +ASSIGNS +ASSIMILATE +ASSIMILATED +ASSIMILATES +ASSIMILATING +ASSIMILATION +ASSIMILATIONS +ASSIST +ASSISTANCE +ASSISTANCES +ASSISTANT +ASSISTANTS +ASSISTANTSHIP +ASSISTANTSHIPS +ASSISTED +ASSISTING +ASSISTS +ASSOCIATE +ASSOCIATED +ASSOCIATES +ASSOCIATING +ASSOCIATION +ASSOCIATIONAL +ASSOCIATIONS +ASSOCIATIVE +ASSOCIATIVELY +ASSOCIATIVITY +ASSOCIATOR +ASSOCIATORS +ASSONANCE +ASSONANT +ASSORT +ASSORTED +ASSORTMENT +ASSORTMENTS +ASSORTS +ASSUAGE +ASSUAGED +ASSUAGES +ASSUME +ASSUMED +ASSUMES +ASSUMING +ASSUMPTION +ASSUMPTIONS +ASSURANCE +ASSURANCES +ASSURE +ASSURED +ASSUREDLY +ASSURER +ASSURERS +ASSURES +ASSURING +ASSURINGLY +ASSYRIA +ASSYRIAN +ASSYRIANIZE +ASSYRIANIZES +ASSYRIOLOGY +ASTAIRE +ASTAIRES +ASTARTE +ASTATINE +ASTER +ASTERISK +ASTERISKS +ASTEROID +ASTEROIDAL +ASTEROIDS +ASTERS +ASTHMA +ASTON +ASTONISH +ASTONISHED +ASTONISHES +ASTONISHING +ASTONISHINGLY +ASTONISHMENT +ASTOR +ASTORIA +ASTOUND +ASTOUNDED +ASTOUNDING +ASTOUNDS +ASTRAL +ASTRAY +ASTRIDE +ASTRINGENCY +ASTRINGENT +ASTROLOGY +ASTRONAUT +ASTRONAUTICS +ASTRONAUTS +ASTRONOMER +ASTRONOMERS +ASTRONOMICAL +ASTRONOMICALLY +ASTRONOMY +ASTROPHYSICAL +ASTROPHYSICS +ASTUTE +ASTUTELY +ASTUTENESS +ASUNCION +ASUNDER +ASYLUM +ASYMMETRIC +ASYMMETRICALLY +ASYMMETRY +ASYMPTOMATICALLY +ASYMPTOTE +ASYMPTOTES +ASYMPTOTIC +ASYMPTOTICALLY +ASYNCHRONISM +ASYNCHRONOUS +ASYNCHRONOUSLY +ASYNCHRONY +ATALANTA +ATARI +ATAVISTIC +ATCHISON +ATE +ATEMPORAL +ATHABASCAN +ATHEISM +ATHEIST +ATHEISTIC +ATHEISTS +ATHENA +ATHENIAN +ATHENIANS +ATHENS +ATHEROSCLEROSIS +ATHLETE +ATHLETES +ATHLETIC +ATHLETICISM +ATHLETICS +ATKINS +ATKINSON +ATLANTA +ATLANTIC +ATLANTICA +ATLANTIS +ATLAS +ATMOSPHERE +ATMOSPHERES +ATMOSPHERIC +ATOLL +ATOLLS +ATOM +ATOMIC +ATOMICALLY +ATOMICS +ATOMIZATION +ATOMIZE +ATOMIZED +ATOMIZES +ATOMIZING +ATOMS +ATONAL +ATONALLY +ATONE +ATONED +ATONEMENT +ATONES +ATOP +ATREUS +ATROCIOUS +ATROCIOUSLY +ATROCITIES +ATROCITY +ATROPHIC +ATROPHIED +ATROPHIES +ATROPHY +ATROPHYING +ATROPOS +ATTACH +ATTACHE +ATTACHED +ATTACHER +ATTACHERS +ATTACHES +ATTACHING +ATTACHMENT +ATTACHMENTS +ATTACK +ATTACKABLE +ATTACKED +ATTACKER +ATTACKERS +ATTACKING +ATTACKS +ATTAIN +ATTAINABLE +ATTAINABLY +ATTAINED +ATTAINER +ATTAINERS +ATTAINING +ATTAINMENT +ATTAINMENTS +ATTAINS +ATTEMPT +ATTEMPTED +ATTEMPTER +ATTEMPTERS +ATTEMPTING +ATTEMPTS +ATTEND +ATTENDANCE +ATTENDANCES +ATTENDANT +ATTENDANTS +ATTENDED +ATTENDEE +ATTENDEES +ATTENDER +ATTENDERS +ATTENDING +ATTENDS +ATTENTION +ATTENTIONAL +ATTENTIONALITY +ATTENTIONS +ATTENTIVE +ATTENTIVELY +ATTENTIVENESS +ATTENUATE +ATTENUATED +ATTENUATES +ATTENUATING +ATTENUATION +ATTENUATOR +ATTENUATORS +ATTEST +ATTESTED +ATTESTING +ATTESTS +ATTIC +ATTICA +ATTICS +ATTIRE +ATTIRED +ATTIRES +ATTIRING +ATTITUDE +ATTITUDES +ATTITUDINAL +ATTLEE +ATTORNEY +ATTORNEYS +ATTRACT +ATTRACTED +ATTRACTING +ATTRACTION +ATTRACTIONS +ATTRACTIVE +ATTRACTIVELY +ATTRACTIVENESS +ATTRACTOR +ATTRACTORS +ATTRACTS +ATTRIBUTABLE +ATTRIBUTE +ATTRIBUTED +ATTRIBUTES +ATTRIBUTING +ATTRIBUTION +ATTRIBUTIONS +ATTRIBUTIVE +ATTRIBUTIVELY +ATTRITION +ATTUNE +ATTUNED +ATTUNES +ATTUNING +ATWATER +ATWOOD +ATYPICAL +ATYPICALLY +AUBERGE +AUBREY +AUBURN +AUCKLAND +AUCTION +AUCTIONEER +AUCTIONEERS +AUDACIOUS +AUDACIOUSLY +AUDACIOUSNESS +AUDACITY +AUDIBLE +AUDIBLY +AUDIENCE +AUDIENCES +AUDIO +AUDIOGRAM +AUDIOGRAMS +AUDIOLOGICAL +AUDIOLOGIST +AUDIOLOGISTS +AUDIOLOGY +AUDIOMETER +AUDIOMETERS +AUDIOMETRIC +AUDIOMETRY +AUDIT +AUDITED +AUDITING +AUDITION +AUDITIONED +AUDITIONING +AUDITIONS +AUDITOR +AUDITORIUM +AUDITORS +AUDITORY +AUDITS +AUDREY +AUDUBON +AUERBACH +AUGEAN +AUGER +AUGERS +AUGHT +AUGMENT +AUGMENTATION +AUGMENTED +AUGMENTING +AUGMENTS +AUGUR +AUGURS +AUGUST +AUGUSTA +AUGUSTAN +AUGUSTINE +AUGUSTLY +AUGUSTNESS +AUGUSTUS +AUNT +AUNTS +AURA +AURAL +AURALLY +AURAS +AURELIUS +AUREOLE +AUREOMYCIN +AURIGA +AURORA +AUSCHWITZ +AUSCULTATE +AUSCULTATED +AUSCULTATES +AUSCULTATING +AUSCULTATION +AUSCULTATIONS +AUSPICE +AUSPICES +AUSPICIOUS +AUSPICIOUSLY +AUSTERE +AUSTERELY +AUSTERITY +AUSTIN +AUSTRALIA +AUSTRALIAN +AUSTRALIANIZE +AUSTRALIANIZES +AUSTRALIS +AUSTRIA +AUSTRIAN +AUSTRIANIZE +AUSTRIANIZES +AUTHENTIC +AUTHENTICALLY +AUTHENTICATE +AUTHENTICATED +AUTHENTICATES +AUTHENTICATING +AUTHENTICATION +AUTHENTICATIONS +AUTHENTICATOR +AUTHENTICATORS +AUTHENTICITY +AUTHOR +AUTHORED +AUTHORING +AUTHORITARIAN +AUTHORITARIANISM +AUTHORITATIVE +AUTHORITATIVELY +AUTHORITIES +AUTHORITY +AUTHORIZATION +AUTHORIZATIONS +AUTHORIZE +AUTHORIZED +AUTHORIZER +AUTHORIZERS +AUTHORIZES +AUTHORIZING +AUTHORS +AUTHORSHIP +AUTISM +AUTISTIC +AUTO +AUTOBIOGRAPHIC +AUTOBIOGRAPHICAL +AUTOBIOGRAPHIES +AUTOBIOGRAPHY +AUTOCOLLIMATOR +AUTOCORRELATE +AUTOCORRELATION +AUTOCRACIES +AUTOCRACY +AUTOCRAT +AUTOCRATIC +AUTOCRATICALLY +AUTOCRATS +AUTODECREMENT +AUTODECREMENTED +AUTODECREMENTS +AUTODIALER +AUTOFLUORESCENCE +AUTOGRAPH +AUTOGRAPHED +AUTOGRAPHING +AUTOGRAPHS +AUTOINCREMENT +AUTOINCREMENTED +AUTOINCREMENTS +AUTOINDEX +AUTOINDEXING +AUTOMATA +AUTOMATE +AUTOMATED +AUTOMATES +AUTOMATIC +AUTOMATICALLY +AUTOMATING +AUTOMATION +AUTOMATON +AUTOMOBILE +AUTOMOBILES +AUTOMOTIVE +AUTONAVIGATOR +AUTONAVIGATORS +AUTONOMIC +AUTONOMOUS +AUTONOMOUSLY +AUTONOMY +AUTOPILOT +AUTOPILOTS +AUTOPSIED +AUTOPSIES +AUTOPSY +AUTOREGRESSIVE +AUTOS +AUTOSUGGESTIBILITY +AUTOTRANSFORMER +AUTUMN +AUTUMNAL +AUTUMNS +AUXILIARIES +AUXILIARY +AVAIL +AVAILABILITIES +AVAILABILITY +AVAILABLE +AVAILABLY +AVAILED +AVAILER +AVAILERS +AVAILING +AVAILS +AVALANCHE +AVALANCHED +AVALANCHES +AVALANCHING +AVANT +AVARICE +AVARICIOUS +AVARICIOUSLY +AVENGE +AVENGED +AVENGER +AVENGES +AVENGING +AVENTINE +AVENTINO +AVENUE +AVENUES +AVER +AVERAGE +AVERAGED +AVERAGES +AVERAGING +AVERNUS +AVERRED +AVERRER +AVERRING +AVERS +AVERSE +AVERSION +AVERSIONS +AVERT +AVERTED +AVERTING +AVERTS +AVERY +AVESTA +AVIAN +AVIARIES +AVIARY +AVIATION +AVIATOR +AVIATORS +AVID +AVIDITY +AVIDLY +AVIGNON +AVIONIC +AVIONICS +AVIS +AVIV +AVOCADO +AVOCADOS +AVOCATION +AVOCATIONS +AVOGADRO +AVOID +AVOIDABLE +AVOIDABLY +AVOIDANCE +AVOIDED +AVOIDER +AVOIDERS +AVOIDING +AVOIDS +AVON +AVOUCH +AVOW +AVOWAL +AVOWED +AVOWS +AWAIT +AWAITED +AWAITING +AWAITS +AWAKE +AWAKEN +AWAKENED +AWAKENING +AWAKENS +AWAKES +AWAKING +AWARD +AWARDED +AWARDER +AWARDERS +AWARDING +AWARDS +AWARE +AWARENESS +AWASH +AWAY +AWE +AWED +AWESOME +AWFUL +AWFULLY +AWFULNESS +AWHILE +AWKWARD +AWKWARDLY +AWKWARDNESS +AWL +AWLS +AWNING +AWNINGS +AWOKE +AWRY +AXED +AXEL +AXER +AXERS +AXES +AXIAL +AXIALLY +AXING +AXIOLOGICAL +AXIOM +AXIOMATIC +AXIOMATICALLY +AXIOMATIZATION +AXIOMATIZATIONS +AXIOMATIZE +AXIOMATIZED +AXIOMATIZES +AXIOMATIZING +AXIOMS +AXIS +AXLE +AXLES +AXOLOTL +AXOLOTLS +AXON +AXONS +AYE +AYERS +AYES +AYLESBURY +AZALEA +AZALEAS +AZERBAIJAN +AZIMUTH +AZIMUTHS +AZORES +AZTEC +AZTECAN +AZURE +BABBAGE +BABBLE +BABBLED +BABBLES +BABBLING +BABCOCK +BABE +BABEL +BABELIZE +BABELIZES +BABES +BABIED +BABIES +BABKA +BABOON +BABOONS +BABUL +BABY +BABYHOOD +BABYING +BABYISH +BABYLON +BABYLONIAN +BABYLONIANS +BABYLONIZE +BABYLONIZES +BABYSIT +BABYSITTING +BACCALAUREATE +BACCHUS +BACH +BACHELOR +BACHELORS +BACILLI +BACILLUS +BACK +BACKACHE +BACKACHES +BACKARROW +BACKBEND +BACKBENDS +BACKBOARD +BACKBONE +BACKBONES +BACKDROP +BACKDROPS +BACKED +BACKER +BACKERS +BACKFILL +BACKFIRING +BACKGROUND +BACKGROUNDS +BACKHAND +BACKING +BACKLASH +BACKLOG +BACKLOGGED +BACKLOGS +BACKORDER +BACKPACK +BACKPACKS +BACKPLANE +BACKPLANES +BACKPLATE +BACKS +BACKSCATTER +BACKSCATTERED +BACKSCATTERING +BACKSCATTERS +BACKSIDE +BACKSLASH +BACKSLASHES +BACKSPACE +BACKSPACED +BACKSPACES +BACKSPACING +BACKSTAGE +BACKSTAIRS +BACKSTITCH +BACKSTITCHED +BACKSTITCHES +BACKSTITCHING +BACKSTOP +BACKTRACK +BACKTRACKED +BACKTRACKER +BACKTRACKERS +BACKTRACKING +BACKTRACKS +BACKUP +BACKUPS +BACKUS +BACKWARD +BACKWARDNESS +BACKWARDS +BACKWATER +BACKWATERS +BACKWOODS +BACKYARD +BACKYARDS +BACON +BACTERIA +BACTERIAL +BACTERIUM +BAD +BADE +BADEN +BADGE +BADGER +BADGERED +BADGERING +BADGERS +BADGES +BADLANDS +BADLY +BADMINTON +BADNESS +BAFFIN +BAFFLE +BAFFLED +BAFFLER +BAFFLERS +BAFFLING +BAG +BAGATELLE +BAGATELLES +BAGEL +BAGELS +BAGGAGE +BAGGED +BAGGER +BAGGERS +BAGGING +BAGGY +BAGHDAD +BAGLEY +BAGPIPE +BAGPIPES +BAGRODIA +BAGRODIAS +BAGS +BAH +BAHAMA +BAHAMAS +BAHREIN +BAIL +BAILEY +BAILEYS +BAILIFF +BAILIFFS +BAILING +BAIRD +BAIRDI +BAIRN +BAIT +BAITED +BAITER +BAITING +BAITS +BAJA +BAKE +BAKED +BAKELITE +BAKER +BAKERIES +BAKERS +BAKERSFIELD +BAKERY +BAKES +BAKHTIARI +BAKING +BAKLAVA +BAKU +BALALAIKA +BALALAIKAS +BALANCE +BALANCED +BALANCER +BALANCERS +BALANCES +BALANCING +BALBOA +BALCONIES +BALCONY +BALD +BALDING +BALDLY +BALDNESS +BALDWIN +BALE +BALEFUL +BALER +BALES +BALFOUR +BALI +BALINESE +BALK +BALKAN +BALKANIZATION +BALKANIZATIONS +BALKANIZE +BALKANIZED +BALKANIZES +BALKANIZING +BALKANS +BALKED +BALKINESS +BALKING +BALKS +BALKY +BALL +BALLAD +BALLADS +BALLARD +BALLARDS +BALLAST +BALLASTS +BALLED +BALLER +BALLERINA +BALLERINAS +BALLERS +BALLET +BALLETS +BALLGOWN +BALLING +BALLISTIC +BALLISTICS +BALLOON +BALLOONED +BALLOONER +BALLOONERS +BALLOONING +BALLOONS +BALLOT +BALLOTS +BALLPARK +BALLPARKS +BALLPLAYER +BALLPLAYERS +BALLROOM +BALLROOMS +BALLS +BALLYHOO +BALM +BALMS +BALMY +BALSA +BALSAM +BALTIC +BALTIMORE +BALTIMOREAN +BALUSTRADE +BALUSTRADES +BALZAC +BAMAKO +BAMBERGER +BAMBI +BAMBOO +BAN +BANACH +BANAL +BANALLY +BANANA +BANANAS +BANBURY +BANCROFT +BAND +BANDAGE +BANDAGED +BANDAGES +BANDAGING +BANDED +BANDIED +BANDIES +BANDING +BANDIT +BANDITS +BANDPASS +BANDS +BANDSTAND +BANDSTANDS +BANDWAGON +BANDWAGONS +BANDWIDTH +BANDWIDTHS +BANDY +BANDYING +BANE +BANEFUL +BANG +BANGED +BANGING +BANGLADESH +BANGLE +BANGLES +BANGOR +BANGS +BANGUI +BANISH +BANISHED +BANISHES +BANISHING +BANISHMENT +BANISTER +BANISTERS +BANJO +BANJOS +BANK +BANKED +BANKER +BANKERS +BANKING +BANKRUPT +BANKRUPTCIES +BANKRUPTCY +BANKRUPTED +BANKRUPTING +BANKRUPTS +BANKS +BANNED +BANNER +BANNERS +BANNING +BANQUET +BANQUETING +BANQUETINGS +BANQUETS +BANS +BANSHEE +BANSHEES +BANTAM +BANTER +BANTERED +BANTERING +BANTERS +BANTU +BANTUS +BAPTISM +BAPTISMAL +BAPTISMS +BAPTIST +BAPTISTE +BAPTISTERY +BAPTISTRIES +BAPTISTRY +BAPTISTS +BAPTIZE +BAPTIZED +BAPTIZES +BAPTIZING +BAR +BARB +BARBADOS +BARBARA +BARBARIAN +BARBARIANS +BARBARIC +BARBARISM +BARBARITIES +BARBARITY +BARBAROUS +BARBAROUSLY +BARBECUE +BARBECUED +BARBECUES +BARBED +BARBELL +BARBELLS +BARBER +BARBITAL +BARBITURATE +BARBITURATES +BARBOUR +BARBS +BARCELONA +BARCLAY +BARD +BARDS +BARE +BARED +BAREFACED +BAREFOOT +BAREFOOTED +BARELY +BARENESS +BARER +BARES +BAREST +BARFLIES +BARFLY +BARGAIN +BARGAINED +BARGAINING +BARGAINS +BARGE +BARGES +BARGING +BARHOP +BARING +BARITONE +BARITONES +BARIUM +BARK +BARKED +BARKER +BARKERS +BARKING +BARKS +BARLEY +BARLOW +BARN +BARNABAS +BARNARD +BARNES +BARNET +BARNETT +BARNEY +BARNHARD +BARNS +BARNSTORM +BARNSTORMED +BARNSTORMING +BARNSTORMS +BARNUM +BARNYARD +BARNYARDS +BAROMETER +BAROMETERS +BAROMETRIC +BARON +BARONESS +BARONIAL +BARONIES +BARONS +BARONY +BAROQUE +BAROQUENESS +BARR +BARRACK +BARRACKS +BARRAGE +BARRAGES +BARRED +BARREL +BARRELLED +BARRELLING +BARRELS +BARREN +BARRENNESS +BARRETT +BARRICADE +BARRICADES +BARRIER +BARRIERS +BARRING +BARRINGER +BARRINGTON +BARRON +BARROW +BARRY +BARRYMORE +BARRYMORES +BARS +BARSTOW +BART +BARTENDER +BARTENDERS +BARTER +BARTERED +BARTERING +BARTERS +BARTH +BARTHOLOMEW +BARTLETT +BARTOK +BARTON +BASAL +BASALT +BASCOM +BASE +BASEBALL +BASEBALLS +BASEBAND +BASEBOARD +BASEBOARDS +BASED +BASEL +BASELESS +BASELINE +BASELINES +BASELY +BASEMAN +BASEMENT +BASEMENTS +BASENESS +BASER +BASES +BASH +BASHED +BASHES +BASHFUL +BASHFULNESS +BASHING +BASIC +BASIC +BASIC +BASICALLY +BASICS +BASIE +BASIL +BASIN +BASING +BASINS +BASIS +BASK +BASKED +BASKET +BASKETBALL +BASKETBALLS +BASKETS +BASKING +BASQUE +BASS +BASSES +BASSET +BASSETT +BASSINET +BASSINETS +BASTARD +BASTARDS +BASTE +BASTED +BASTES +BASTING +BASTION +BASTIONS +BAT +BATAVIA +BATCH +BATCHED +BATCHELDER +BATCHES +BATEMAN +BATES +BATH +BATHE +BATHED +BATHER +BATHERS +BATHES +BATHING +BATHOS +BATHROBE +BATHROBES +BATHROOM +BATHROOMS +BATHS +BATHTUB +BATHTUBS +BATHURST +BATISTA +BATON +BATONS +BATOR +BATS +BATTALION +BATTALIONS +BATTED +BATTELLE +BATTEN +BATTENS +BATTER +BATTERED +BATTERIES +BATTERING +BATTERS +BATTERY +BATTING +BATTLE +BATTLED +BATTLEFIELD +BATTLEFIELDS +BATTLEFRONT +BATTLEFRONTS +BATTLEGROUND +BATTLEGROUNDS +BATTLEMENT +BATTLEMENTS +BATTLER +BATTLERS +BATTLES +BATTLESHIP +BATTLESHIPS +BATTLING +BAUBLE +BAUBLES +BAUD +BAUDELAIRE +BAUER +BAUHAUS +BAUSCH +BAUXITE +BAVARIA +BAVARIAN +BAWDY +BAWL +BAWLED +BAWLING +BAWLS +BAXTER +BAY +BAYDA +BAYED +BAYES +BAYESIAN +BAYING +BAYLOR +BAYONET +BAYONETS +BAYONNE +BAYOU +BAYOUS +BAYPORT +BAYREUTH +BAYS +BAZAAR +BAZAARS +BEACH +BEACHED +BEACHES +BEACHHEAD +BEACHHEADS +BEACHING +BEACON +BEACONS +BEAD +BEADED +BEADING +BEADLE +BEADLES +BEADS +BEADY +BEAGLE +BEAGLES +BEAK +BEAKED +BEAKER +BEAKERS +BEAKS +BEAM +BEAMED +BEAMER +BEAMERS +BEAMING +BEAMS +BEAN +BEANBAG +BEANED +BEANER +BEANERS +BEANING +BEANS +BEAR +BEARABLE +BEARABLY +BEARD +BEARDED +BEARDLESS +BEARDS +BEARDSLEY +BEARER +BEARERS +BEARING +BEARINGS +BEARISH +BEARS +BEAST +BEASTLY +BEASTS +BEAT +BEATABLE +BEATABLY +BEATEN +BEATER +BEATERS +BEATIFIC +BEATIFICATION +BEATIFY +BEATING +BEATINGS +BEATITUDE +BEATITUDES +BEATNIK +BEATNIKS +BEATRICE +BEATS +BEAU +BEAUCHAMPS +BEAUJOLAIS +BEAUMONT +BEAUREGARD +BEAUS +BEAUTEOUS +BEAUTEOUSLY +BEAUTIES +BEAUTIFICATIONS +BEAUTIFIED +BEAUTIFIER +BEAUTIFIERS +BEAUTIFIES +BEAUTIFUL +BEAUTIFULLY +BEAUTIFY +BEAUTIFYING +BEAUTY +BEAVER +BEAVERS +BEAVERTON +BECALM +BECALMED +BECALMING +BECALMS +BECAME +BECAUSE +BECHTEL +BECK +BECKER +BECKMAN +BECKON +BECKONED +BECKONING +BECKONS +BECKY +BECOME +BECOMES +BECOMING +BECOMINGLY +BED +BEDAZZLE +BEDAZZLED +BEDAZZLEMENT +BEDAZZLES +BEDAZZLING +BEDBUG +BEDBUGS +BEDDED +BEDDER +BEDDERS +BEDDING +BEDEVIL +BEDEVILED +BEDEVILING +BEDEVILS +BEDFAST +BEDFORD +BEDLAM +BEDPOST +BEDPOSTS +BEDRAGGLE +BEDRAGGLED +BEDRIDDEN +BEDROCK +BEDROOM +BEDROOMS +BEDS +BEDSIDE +BEDSPREAD +BEDSPREADS +BEDSPRING +BEDSPRINGS +BEDSTEAD +BEDSTEADS +BEDTIME +BEE +BEEBE +BEECH +BEECHAM +BEECHEN +BEECHER +BEEF +BEEFED +BEEFER +BEEFERS +BEEFING +BEEFS +BEEFSTEAK +BEEFY +BEEHIVE +BEEHIVES +BEEN +BEEP +BEEPS +BEER +BEERS +BEES +BEET +BEETHOVEN +BEETLE +BEETLED +BEETLES +BEETLING +BEETS +BEFALL +BEFALLEN +BEFALLING +BEFALLS +BEFELL +BEFIT +BEFITS +BEFITTED +BEFITTING +BEFOG +BEFOGGED +BEFOGGING +BEFORE +BEFOREHAND +BEFOUL +BEFOULED +BEFOULING +BEFOULS +BEFRIEND +BEFRIENDED +BEFRIENDING +BEFRIENDS +BEFUDDLE +BEFUDDLED +BEFUDDLES +BEFUDDLING +BEG +BEGAN +BEGET +BEGETS +BEGETTING +BEGGAR +BEGGARLY +BEGGARS +BEGGARY +BEGGED +BEGGING +BEGIN +BEGINNER +BEGINNERS +BEGINNING +BEGINNINGS +BEGINS +BEGOT +BEGOTTEN +BEGRUDGE +BEGRUDGED +BEGRUDGES +BEGRUDGING +BEGRUDGINGLY +BEGS +BEGUILE +BEGUILED +BEGUILES +BEGUILING +BEGUN +BEHALF +BEHAVE +BEHAVED +BEHAVES +BEHAVING +BEHAVIOR +BEHAVIORAL +BEHAVIORALLY +BEHAVIORISM +BEHAVIORISTIC +BEHAVIORS +BEHEAD +BEHEADING +BEHELD +BEHEMOTH +BEHEMOTHS +BEHEST +BEHIND +BEHOLD +BEHOLDEN +BEHOLDER +BEHOLDERS +BEHOLDING +BEHOLDS +BEHOOVE +BEHOOVES +BEIGE +BEIJING +BEING +BEINGS +BEIRUT +BELA +BELABOR +BELABORED +BELABORING +BELABORS +BELATED +BELATEDLY +BELAY +BELAYED +BELAYING +BELAYS +BELCH +BELCHED +BELCHES +BELCHING +BELFAST +BELFRIES +BELFRY +BELGIAN +BELGIANS +BELGIUM +BELGRADE +BELIE +BELIED +BELIEF +BELIEFS +BELIES +BELIEVABLE +BELIEVABLY +BELIEVE +BELIEVED +BELIEVER +BELIEVERS +BELIEVES +BELIEVING +BELITTLE +BELITTLED +BELITTLES +BELITTLING +BELIZE +BELL +BELLA +BELLAMY +BELLATRIX +BELLBOY +BELLBOYS +BELLE +BELLES +BELLEVILLE +BELLHOP +BELLHOPS +BELLICOSE +BELLICOSITY +BELLIES +BELLIGERENCE +BELLIGERENT +BELLIGERENTLY +BELLIGERENTS +BELLINGHAM +BELLINI +BELLMAN +BELLMEN +BELLOVIN +BELLOW +BELLOWED +BELLOWING +BELLOWS +BELLS +BELLUM +BELLWETHER +BELLWETHERS +BELLWOOD +BELLY +BELLYACHE +BELLYFULL +BELMONT +BELOIT +BELONG +BELONGED +BELONGING +BELONGINGS +BELONGS +BELOVED +BELOW +BELSHAZZAR +BELT +BELTED +BELTING +BELTON +BELTS +BELTSVILLE +BELUSHI +BELY +BELYING +BEMOAN +BEMOANED +BEMOANING +BEMOANS +BEN +BENARES +BENCH +BENCHED +BENCHES +BENCHMARK +BENCHMARKING +BENCHMARKS +BEND +BENDABLE +BENDER +BENDERS +BENDING +BENDIX +BENDS +BENEATH +BENEDICT +BENEDICTINE +BENEDICTION +BENEDICTIONS +BENEDIKT +BENEFACTOR +BENEFACTORS +BENEFICENCE +BENEFICENCES +BENEFICENT +BENEFICIAL +BENEFICIALLY +BENEFICIARIES +BENEFICIARY +BENEFIT +BENEFITED +BENEFITING +BENEFITS +BENEFITTED +BENEFITTING +BENELUX +BENEVOLENCE +BENEVOLENT +BENGAL +BENGALI +BENIGHTED +BENIGN +BENIGNLY +BENJAMIN +BENNETT +BENNINGTON +BENNY +BENSON +BENT +BENTHAM +BENTLEY +BENTLEYS +BENTON +BENZ +BENZEDRINE +BENZENE +BEOGRAD +BEOWULF +BEQUEATH +BEQUEATHAL +BEQUEATHED +BEQUEATHING +BEQUEATHS +BEQUEST +BEQUESTS +BERATE +BERATED +BERATES +BERATING +BEREA +BEREAVE +BEREAVED +BEREAVEMENT +BEREAVEMENTS +BEREAVES +BEREAVING +BEREFT +BERENICES +BERESFORD +BERET +BERETS +BERGEN +BERGLAND +BERGLUND +BERGMAN +BERGSON +BERGSTEN +BERGSTROM +BERIBBONED +BERIBERI +BERINGER +BERKELEY +BERKELIUM +BERKOWITZ +BERKSHIRE +BERKSHIRES +BERLIN +BERLINER +BERLINERS +BERLINIZE +BERLINIZES +BERLIOZ +BERLITZ +BERMAN +BERMUDA +BERN +BERNADINE +BERNARD +BERNARDINE +BERNARDINO +BERNARDO +BERNE +BERNET +BERNHARD +BERNICE +BERNIE +BERNIECE +BERNINI +BERNOULLI +BERNSTEIN +BERRA +BERRIES +BERRY +BERSERK +BERT +BERTH +BERTHA +BERTHS +BERTIE +BERTRAM +BERTRAND +BERWICK +BERYL +BERYLLIUM +BESEECH +BESEECHES +BESEECHING +BESET +BESETS +BESETTING +BESIDE +BESIDES +BESIEGE +BESIEGED +BESIEGER +BESIEGERS +BESIEGING +BESMIRCH +BESMIRCHED +BESMIRCHES +BESMIRCHING +BESOTTED +BESOTTER +BESOTTING +BESOUGHT +BESPEAK +BESPEAKS +BESPECTACLED +BESPOKE +BESS +BESSEL +BESSEMER +BESSEMERIZE +BESSEMERIZES +BESSIE +BEST +BESTED +BESTIAL +BESTING +BESTIR +BESTIRRING +BESTOW +BESTOWAL +BESTOWED +BESTS +BESTSELLER +BESTSELLERS +BESTSELLING +BET +BETA +BETATRON +BETEL +BETELGEUSE +BETHESDA +BETHLEHEM +BETIDE +BETRAY +BETRAYAL +BETRAYED +BETRAYER +BETRAYING +BETRAYS +BETROTH +BETROTHAL +BETROTHED +BETS +BETSEY +BETSY +BETTE +BETTER +BETTERED +BETTERING +BETTERMENT +BETTERMENTS +BETTERS +BETTIES +BETTING +BETTY +BETWEEN +BETWIXT +BEVEL +BEVELED +BEVELING +BEVELS +BEVERAGE +BEVERAGES +BEVERLY +BEVY +BEWAIL +BEWAILED +BEWAILING +BEWAILS +BEWARE +BEWHISKERED +BEWILDER +BEWILDERED +BEWILDERING +BEWILDERINGLY +BEWILDERMENT +BEWILDERS +BEWITCH +BEWITCHED +BEWITCHES +BEWITCHING +BEYOND +BHUTAN +BIALYSTOK +BIANCO +BIANNUAL +BIAS +BIASED +BIASES +BIASING +BIB +BIBBED +BIBBING +BIBLE +BIBLES +BIBLICAL +BIBLICALLY +BIBLIOGRAPHIC +BIBLIOGRAPHICAL +BIBLIOGRAPHIES +BIBLIOGRAPHY +BIBLIOPHILE +BIBS +BICAMERAL +BICARBONATE +BICENTENNIAL +BICEP +BICEPS +BICKER +BICKERED +BICKERING +BICKERS +BICONCAVE +BICONNECTED +BICONVEX +BICYCLE +BICYCLED +BICYCLER +BICYCLERS +BICYCLES +BICYCLING +BID +BIDDABLE +BIDDEN +BIDDER +BIDDERS +BIDDIES +BIDDING +BIDDLE +BIDDY +BIDE +BIDIRECTIONAL +BIDS +BIEN +BIENNIAL +BIENNIUM +BIENVILLE +BIER +BIERCE +BIFOCAL +BIFOCALS +BIFURCATE +BIG +BIGELOW +BIGGER +BIGGEST +BIGGS +BIGHT +BIGHTS +BIGNESS +BIGOT +BIGOTED +BIGOTRY +BIGOTS +BIHARMONIC +BIJECTION +BIJECTIONS +BIJECTIVE +BIJECTIVELY +BIKE +BIKES +BIKING +BIKINI +BIKINIS +BILABIAL +BILATERAL +BILATERALLY +BILBAO +BILBO +BILE +BILGE +BILGES +BILINEAR +BILINGUAL +BILK +BILKED +BILKING +BILKS +BILL +BILLBOARD +BILLBOARDS +BILLED +BILLER +BILLERS +BILLET +BILLETED +BILLETING +BILLETS +BILLIARD +BILLIARDS +BILLIE +BILLIKEN +BILLIKENS +BILLING +BILLINGS +BILLION +BILLIONS +BILLIONTH +BILLOW +BILLOWED +BILLOWS +BILLS +BILTMORE +BIMETALLIC +BIMETALLISM +BIMINI +BIMODAL +BIMOLECULAR +BIMONTHLIES +BIMONTHLY +BIN +BINARIES +BINARY +BINAURAL +BIND +BINDER +BINDERS +BINDING +BINDINGS +BINDS +BING +BINGE +BINGES +BINGHAM +BINGHAMTON +BINGO +BINI +BINOCULAR +BINOCULARS +BINOMIAL +BINS +BINUCLEAR +BIOCHEMICAL +BIOCHEMIST +BIOCHEMISTRY +BIOFEEDBACK +BIOGRAPHER +BIOGRAPHERS +BIOGRAPHIC +BIOGRAPHICAL +BIOGRAPHICALLY +BIOGRAPHIES +BIOGRAPHY +BIOLOGICAL +BIOLOGICALLY +BIOLOGIST +BIOLOGISTS +BIOLOGY +BIOMEDICAL +BIOMEDICINE +BIOPHYSICAL +BIOPHYSICIST +BIOPHYSICS +BIOPSIES +BIOPSY +BIOSCIENCE +BIOSPHERE +BIOSTATISTIC +BIOSYNTHESIZE +BIOTA +BIOTIC +BIPARTISAN +BIPARTITE +BIPED +BIPEDS +BIPLANE +BIPLANES +BIPOLAR +BIRACIAL +BIRCH +BIRCHEN +BIRCHES +BIRD +BIRDBATH +BIRDBATHS +BIRDIE +BIRDIED +BIRDIES +BIRDLIKE +BIRDS +BIREFRINGENCE +BIREFRINGENT +BIRGIT +BIRMINGHAM +BIRMINGHAMIZE +BIRMINGHAMIZES +BIRTH +BIRTHDAY +BIRTHDAYS +BIRTHED +BIRTHPLACE +BIRTHPLACES +BIRTHRIGHT +BIRTHRIGHTS +BIRTHS +BISCAYNE +BISCUIT +BISCUITS +BISECT +BISECTED +BISECTING +BISECTION +BISECTIONS +BISECTOR +BISECTORS +BISECTS +BISHOP +BISHOPS +BISMARCK +BISMARK +BISMUTH +BISON +BISONS +BISQUE +BISQUES +BISSAU +BISTABLE +BISTATE +BIT +BITCH +BITCHES +BITE +BITER +BITERS +BITES +BITING +BITINGLY +BITMAP +BITNET +BITS +BITTEN +BITTER +BITTERER +BITTEREST +BITTERLY +BITTERNESS +BITTERNUT +BITTERROOT +BITTERS +BITTERSWEET +BITUMEN +BITUMINOUS +BITWISE +BIVALVE +BIVALVES +BIVARIATE +BIVOUAC +BIVOUACS +BIWEEKLY +BIZARRE +BIZET +BLAB +BLABBED +BLABBERMOUTH +BLABBERMOUTHS +BLABBING +BLABS +BLACK +BLACKBERRIES +BLACKBERRY +BLACKBIRD +BLACKBIRDS +BLACKBOARD +BLACKBOARDS +BLACKBURN +BLACKED +BLACKEN +BLACKENED +BLACKENING +BLACKENS +BLACKER +BLACKEST +BLACKFEET +BLACKFOOT +BLACKFOOTS +BLACKING +BLACKJACK +BLACKJACKS +BLACKLIST +BLACKLISTED +BLACKLISTING +BLACKLISTS +BLACKLY +BLACKMAIL +BLACKMAILED +BLACKMAILER +BLACKMAILERS +BLACKMAILING +BLACKMAILS +BLACKMAN +BLACKMER +BLACKNESS +BLACKOUT +BLACKOUTS +BLACKS +BLACKSMITH +BLACKSMITHS +BLACKSTONE +BLACKWELL +BLACKWELLS +BLADDER +BLADDERS +BLADE +BLADES +BLAINE +BLAIR +BLAKE +BLAKEY +BLAMABLE +BLAME +BLAMED +BLAMELESS +BLAMELESSNESS +BLAMER +BLAMERS +BLAMES +BLAMEWORTHY +BLAMING +BLANCH +BLANCHARD +BLANCHE +BLANCHED +BLANCHES +BLANCHING +BLAND +BLANDLY +BLANDNESS +BLANK +BLANKED +BLANKER +BLANKEST +BLANKET +BLANKETED +BLANKETER +BLANKETERS +BLANKETING +BLANKETS +BLANKING +BLANKLY +BLANKNESS +BLANKS +BLANTON +BLARE +BLARED +BLARES +BLARING +BLASE +BLASPHEME +BLASPHEMED +BLASPHEMES +BLASPHEMIES +BLASPHEMING +BLASPHEMOUS +BLASPHEMOUSLY +BLASPHEMOUSNESS +BLASPHEMY +BLAST +BLASTED +BLASTER +BLASTERS +BLASTING +BLASTS +BLATANT +BLATANTLY +BLATZ +BLAZE +BLAZED +BLAZER +BLAZERS +BLAZES +BLAZING +BLEACH +BLEACHED +BLEACHER +BLEACHERS +BLEACHES +BLEACHING +BLEAK +BLEAKER +BLEAKLY +BLEAKNESS +BLEAR +BLEARY +BLEAT +BLEATING +BLEATS +BLED +BLEED +BLEEDER +BLEEDING +BLEEDINGS +BLEEDS +BLEEKER +BLEMISH +BLEMISHES +BLEND +BLENDED +BLENDER +BLENDING +BLENDS +BLENHEIM +BLESS +BLESSED +BLESSING +BLESSINGS +BLEW +BLIGHT +BLIGHTED +BLIMP +BLIMPS +BLIND +BLINDED +BLINDER +BLINDERS +BLINDFOLD +BLINDFOLDED +BLINDFOLDING +BLINDFOLDS +BLINDING +BLINDINGLY +BLINDLY +BLINDNESS +BLINDS +BLINK +BLINKED +BLINKER +BLINKERS +BLINKING +BLINKS +BLINN +BLIP +BLIPS +BLISS +BLISSFUL +BLISSFULLY +BLISTER +BLISTERED +BLISTERING +BLISTERS +BLITHE +BLITHELY +BLITZ +BLITZES +BLITZKRIEG +BLIZZARD +BLIZZARDS +BLOAT +BLOATED +BLOATER +BLOATING +BLOATS +BLOB +BLOBS +BLOC +BLOCH +BLOCK +BLOCKADE +BLOCKADED +BLOCKADES +BLOCKADING +BLOCKAGE +BLOCKAGES +BLOCKED +BLOCKER +BLOCKERS +BLOCKHOUSE +BLOCKHOUSES +BLOCKING +BLOCKS +BLOCS +BLOKE +BLOKES +BLOMBERG +BLOMQUIST +BLOND +BLONDE +BLONDES +BLONDS +BLOOD +BLOODBATH +BLOODED +BLOODHOUND +BLOODHOUNDS +BLOODIED +BLOODIEST +BLOODLESS +BLOODS +BLOODSHED +BLOODSHOT +BLOODSTAIN +BLOODSTAINED +BLOODSTAINS +BLOODSTREAM +BLOODY +BLOOM +BLOOMED +BLOOMERS +BLOOMFIELD +BLOOMING +BLOOMINGTON +BLOOMS +BLOOPER +BLOSSOM +BLOSSOMED +BLOSSOMS +BLOT +BLOTS +BLOTTED +BLOTTING +BLOUSE +BLOUSES +BLOW +BLOWER +BLOWERS +BLOWFISH +BLOWING +BLOWN +BLOWOUT +BLOWS +BLOWUP +BLUBBER +BLUDGEON +BLUDGEONED +BLUDGEONING +BLUDGEONS +BLUE +BLUEBERRIES +BLUEBERRY +BLUEBIRD +BLUEBIRDS +BLUEBONNET +BLUEBONNETS +BLUEFISH +BLUENESS +BLUEPRINT +BLUEPRINTS +BLUER +BLUES +BLUEST +BLUESTOCKING +BLUFF +BLUFFING +BLUFFS +BLUING +BLUISH +BLUM +BLUMENTHAL +BLUNDER +BLUNDERBUSS +BLUNDERED +BLUNDERING +BLUNDERINGS +BLUNDERS +BLUNT +BLUNTED +BLUNTER +BLUNTEST +BLUNTING +BLUNTLY +BLUNTNESS +BLUNTS +BLUR +BLURB +BLURRED +BLURRING +BLURRY +BLURS +BLURT +BLURTED +BLURTING +BLURTS +BLUSH +BLUSHED +BLUSHES +BLUSHING +BLUSTER +BLUSTERED +BLUSTERING +BLUSTERS +BLUSTERY +BLYTHE +BOA +BOAR +BOARD +BOARDED +BOARDER +BOARDERS +BOARDING +BOARDINGHOUSE +BOARDINGHOUSES +BOARDS +BOARSH +BOAST +BOASTED +BOASTER +BOASTERS +BOASTFUL +BOASTFULLY +BOASTING +BOASTINGS +BOASTS +BOAT +BOATER +BOATERS +BOATHOUSE +BOATHOUSES +BOATING +BOATLOAD +BOATLOADS +BOATMAN +BOATMEN +BOATS +BOATSMAN +BOATSMEN +BOATSWAIN +BOATSWAINS +BOATYARD +BOATYARDS +BOB +BOBBED +BOBBIE +BOBBIN +BOBBING +BOBBINS +BOBBSEY +BOBBY +BOBOLINK +BOBOLINKS +BOBROW +BOBS +BOBWHITE +BOBWHITES +BOCA +BODE +BODENHEIM +BODES +BODICE +BODIED +BODIES +BODILY +BODLEIAN +BODY +BODYBUILDER +BODYBUILDERS +BODYBUILDING +BODYGUARD +BODYGUARDS +BODYWEIGHT +BOEING +BOEOTIA +BOEOTIAN +BOER +BOERS +BOG +BOGART +BOGARTIAN +BOGEYMEN +BOGGED +BOGGLE +BOGGLED +BOGGLES +BOGGLING +BOGOTA +BOGS +BOGUS +BOHEME +BOHEMIA +BOHEMIAN +BOHEMIANISM +BOHR +BOIL +BOILED +BOILER +BOILERPLATE +BOILERS +BOILING +BOILS +BOIS +BOISE +BOISTEROUS +BOISTEROUSLY +BOLD +BOLDER +BOLDEST +BOLDFACE +BOLDLY +BOLDNESS +BOLIVIA +BOLIVIAN +BOLL +BOLOGNA +BOLSHEVIK +BOLSHEVIKS +BOLSHEVISM +BOLSHEVIST +BOLSHEVISTIC +BOLSHOI +BOLSTER +BOLSTERED +BOLSTERING +BOLSTERS +BOLT +BOLTED +BOLTING +BOLTON +BOLTS +BOLTZMANN +BOMB +BOMBARD +BOMBARDED +BOMBARDING +BOMBARDMENT +BOMBARDS +BOMBAST +BOMBASTIC +BOMBAY +BOMBED +BOMBER +BOMBERS +BOMBING +BOMBINGS +BOMBPROOF +BOMBS +BONANZA +BONANZAS +BONAPARTE +BONAVENTURE +BOND +BONDAGE +BONDED +BONDER +BONDERS +BONDING +BONDS +BONDSMAN +BONDSMEN +BONE +BONED +BONER +BONERS +BONES +BONFIRE +BONFIRES +BONG +BONHAM +BONIFACE +BONING +BONN +BONNET +BONNETED +BONNETS +BONNEVILLE +BONNIE +BONNY +BONTEMPO +BONUS +BONUSES +BONY +BOO +BOOB +BOOBOO +BOOBY +BOOK +BOOKCASE +BOOKCASES +BOOKED +BOOKER +BOOKERS +BOOKIE +BOOKIES +BOOKING +BOOKINGS +BOOKISH +BOOKKEEPER +BOOKKEEPERS +BOOKKEEPING +BOOKLET +BOOKLETS +BOOKMARK +BOOKS +BOOKSELLER +BOOKSELLERS +BOOKSHELF +BOOKSHELVES +BOOKSTORE +BOOKSTORES +BOOKWORM +BOOLEAN +BOOLEANS +BOOM +BOOMED +BOOMERANG +BOOMERANGS +BOOMING +BOOMS +BOON +BOONE +BOONTON +BOOR +BOORISH +BOORS +BOOS +BOOST +BOOSTED +BOOSTER +BOOSTING +BOOSTS +BOOT +BOOTABLE +BOOTED +BOOTES +BOOTH +BOOTHS +BOOTING +BOOTLE +BOOTLEG +BOOTLEGGED +BOOTLEGGER +BOOTLEGGERS +BOOTLEGGING +BOOTLEGS +BOOTS +BOOTSTRAP +BOOTSTRAPPED +BOOTSTRAPPING +BOOTSTRAPS +BOOTY +BOOZE +BORATE +BORATES +BORAX +BORDEAUX +BORDELLO +BORDELLOS +BORDEN +BORDER +BORDERED +BORDERING +BORDERINGS +BORDERLAND +BORDERLANDS +BORDERLINE +BORDERS +BORE +BOREALIS +BOREAS +BORED +BOREDOM +BORER +BORES +BORG +BORIC +BORING +BORIS +BORN +BORNE +BORNEO +BORON +BOROUGH +BOROUGHS +BORROUGHS +BORROW +BORROWED +BORROWER +BORROWERS +BORROWING +BORROWS +BOSCH +BOSE +BOSOM +BOSOMS +BOSPORUS +BOSS +BOSSED +BOSSES +BOSTITCH +BOSTON +BOSTONIAN +BOSTONIANS +BOSUN +BOSWELL +BOSWELLIZE +BOSWELLIZES +BOTANICAL +BOTANIST +BOTANISTS +BOTANY +BOTCH +BOTCHED +BOTCHER +BOTCHERS +BOTCHES +BOTCHING +BOTH +BOTHER +BOTHERED +BOTHERING +BOTHERS +BOTHERSOME +BOTSWANA +BOTTLE +BOTTLED +BOTTLENECK +BOTTLENECKS +BOTTLER +BOTTLERS +BOTTLES +BOTTLING +BOTTOM +BOTTOMED +BOTTOMING +BOTTOMLESS +BOTTOMS +BOTULINUS +BOTULISM +BOUCHER +BOUFFANT +BOUGH +BOUGHS +BOUGHT +BOULDER +BOULDERS +BOULEVARD +BOULEVARDS +BOUNCE +BOUNCED +BOUNCER +BOUNCES +BOUNCING +BOUNCY +BOUND +BOUNDARIES +BOUNDARY +BOUNDED +BOUNDEN +BOUNDING +BOUNDLESS +BOUNDLESSNESS +BOUNDS +BOUNTEOUS +BOUNTEOUSLY +BOUNTIES +BOUNTIFUL +BOUNTY +BOUQUET +BOUQUETS +BOURBAKI +BOURBON +BOURGEOIS +BOURGEOISIE +BOURNE +BOUSTROPHEDON +BOUSTROPHEDONIC +BOUT +BOUTIQUE +BOUTS +BOUVIER +BOVINE +BOVINES +BOW +BOWDITCH +BOWDLERIZE +BOWDLERIZED +BOWDLERIZES +BOWDLERIZING +BOWDOIN +BOWED +BOWEL +BOWELS +BOWEN +BOWER +BOWERS +BOWES +BOWING +BOWL +BOWLED +BOWLER +BOWLERS +BOWLINE +BOWLINES +BOWLING +BOWLS +BOWMAN +BOWS +BOWSTRING +BOWSTRINGS +BOX +BOXCAR +BOXCARS +BOXED +BOXER +BOXERS +BOXES +BOXFORD +BOXING +BOXTOP +BOXTOPS +BOXWOOD +BOY +BOYCE +BOYCOTT +BOYCOTTED +BOYCOTTS +BOYD +BOYFRIEND +BOYFRIENDS +BOYHOOD +BOYISH +BOYISHNESS +BOYLE +BOYLSTON +BOYS +BRA +BRACE +BRACED +BRACELET +BRACELETS +BRACES +BRACING +BRACKET +BRACKETED +BRACKETING +BRACKETS +BRACKISH +BRADBURY +BRADFORD +BRADLEY +BRADSHAW +BRADY +BRAE +BRAES +BRAG +BRAGG +BRAGGED +BRAGGER +BRAGGING +BRAGS +BRAHMAPUTRA +BRAHMS +BRAHMSIAN +BRAID +BRAIDED +BRAIDING +BRAIDS +BRAILLE +BRAIN +BRAINARD +BRAINARDS +BRAINCHILD +BRAINED +BRAINING +BRAINS +BRAINSTEM +BRAINSTEMS +BRAINSTORM +BRAINSTORMS +BRAINWASH +BRAINWASHED +BRAINWASHES +BRAINWASHING +BRAINY +BRAKE +BRAKED +BRAKEMAN +BRAKES +BRAKING +BRAMBLE +BRAMBLES +BRAMBLY +BRAN +BRANCH +BRANCHED +BRANCHES +BRANCHING +BRANCHINGS +BRANCHVILLE +BRAND +BRANDED +BRANDEIS +BRANDEL +BRANDENBURG +BRANDING +BRANDISH +BRANDISHES +BRANDISHING +BRANDON +BRANDS +BRANDT +BRANDY +BRANDYWINE +BRANIFF +BRANNON +BRAS +BRASH +BRASHLY +BRASHNESS +BRASILIA +BRASS +BRASSES +BRASSIERE +BRASSTOWN +BRASSY +BRAT +BRATS +BRAUN +BRAVADO +BRAVE +BRAVED +BRAVELY +BRAVENESS +BRAVER +BRAVERY +BRAVES +BRAVEST +BRAVING +BRAVO +BRAVOS +BRAWL +BRAWLER +BRAWLING +BRAWN +BRAY +BRAYED +BRAYER +BRAYING +BRAYS +BRAZE +BRAZED +BRAZEN +BRAZENLY +BRAZENNESS +BRAZES +BRAZIER +BRAZIERS +BRAZIL +BRAZILIAN +BRAZING +BRAZZAVILLE +BREACH +BREACHED +BREACHER +BREACHERS +BREACHES +BREACHING +BREAD +BREADBOARD +BREADBOARDS +BREADBOX +BREADBOXES +BREADED +BREADING +BREADS +BREADTH +BREADWINNER +BREADWINNERS +BREAK +BREAKABLE +BREAKABLES +BREAKAGE +BREAKAWAY +BREAKDOWN +BREAKDOWNS +BREAKER +BREAKERS +BREAKFAST +BREAKFASTED +BREAKFASTER +BREAKFASTERS +BREAKFASTING +BREAKFASTS +BREAKING +BREAKPOINT +BREAKPOINTS +BREAKS +BREAKTHROUGH +BREAKTHROUGHES +BREAKTHROUGHS +BREAKUP +BREAKWATER +BREAKWATERS +BREAST +BREASTED +BREASTS +BREASTWORK +BREASTWORKS +BREATH +BREATHABLE +BREATHE +BREATHED +BREATHER +BREATHERS +BREATHES +BREATHING +BREATHLESS +BREATHLESSLY +BREATHS +BREATHTAKING +BREATHTAKINGLY +BREATHY +BRED +BREECH +BREECHES +BREED +BREEDER +BREEDING +BREEDS +BREEZE +BREEZES +BREEZILY +BREEZY +BREMEN +BREMSSTRAHLUNG +BRENDA +BRENDAN +BRENNAN +BRENNER +BRENT +BRESENHAM +BREST +BRETHREN +BRETON +BRETONS +BRETT +BREVE +BREVET +BREVETED +BREVETING +BREVETS +BREVITY +BREW +BREWED +BREWER +BREWERIES +BREWERS +BREWERY +BREWING +BREWS +BREWSTER +BRIAN +BRIAR +BRIARS +BRIBE +BRIBED +BRIBER +BRIBERS +BRIBERY +BRIBES +BRIBING +BRICE +BRICK +BRICKBAT +BRICKED +BRICKER +BRICKLAYER +BRICKLAYERS +BRICKLAYING +BRICKS +BRIDAL +BRIDE +BRIDEGROOM +BRIDES +BRIDESMAID +BRIDESMAIDS +BRIDEWELL +BRIDGE +BRIDGEABLE +BRIDGED +BRIDGEHEAD +BRIDGEHEADS +BRIDGEPORT +BRIDGES +BRIDGET +BRIDGETOWN +BRIDGEWATER +BRIDGEWORK +BRIDGING +BRIDLE +BRIDLED +BRIDLES +BRIDLING +BRIE +BRIEF +BRIEFCASE +BRIEFCASES +BRIEFED +BRIEFER +BRIEFEST +BRIEFING +BRIEFINGS +BRIEFLY +BRIEFNESS +BRIEFS +BRIEN +BRIER +BRIG +BRIGADE +BRIGADES +BRIGADIER +BRIGADIERS +BRIGADOON +BRIGANTINE +BRIGGS +BRIGHAM +BRIGHT +BRIGHTEN +BRIGHTENED +BRIGHTENER +BRIGHTENERS +BRIGHTENING +BRIGHTENS +BRIGHTER +BRIGHTEST +BRIGHTLY +BRIGHTNESS +BRIGHTON +BRIGS +BRILLIANCE +BRILLIANCY +BRILLIANT +BRILLIANTLY +BRILLOUIN +BRIM +BRIMFUL +BRIMMED +BRIMMING +BRIMSTONE +BRINDISI +BRINDLE +BRINDLED +BRINE +BRING +BRINGER +BRINGERS +BRINGING +BRINGS +BRINK +BRINKLEY +BRINKMANSHIP +BRINY +BRISBANE +BRISK +BRISKER +BRISKLY +BRISKNESS +BRISTLE +BRISTLED +BRISTLES +BRISTLING +BRISTOL +BRITAIN +BRITANNIC +BRITANNICA +BRITCHES +BRITISH +BRITISHER +BRITISHLY +BRITON +BRITONS +BRITTANY +BRITTEN +BRITTLE +BRITTLENESS +BROACH +BROACHED +BROACHES +BROACHING +BROAD +BROADBAND +BROADCAST +BROADCASTED +BROADCASTER +BROADCASTERS +BROADCASTING +BROADCASTINGS +BROADCASTS +BROADEN +BROADENED +BROADENER +BROADENERS +BROADENING +BROADENINGS +BROADENS +BROADER +BROADEST +BROADLY +BROADNESS +BROADSIDE +BROADWAY +BROCADE +BROCADED +BROCCOLI +BROCHURE +BROCHURES +BROCK +BROGLIE +BROIL +BROILED +BROILER +BROILERS +BROILING +BROILS +BROKE +BROKEN +BROKENLY +BROKENNESS +BROKER +BROKERAGE +BROKERS +BROMFIELD +BROMIDE +BROMIDES +BROMINE +BROMLEY +BRONCHI +BRONCHIAL +BRONCHIOLE +BRONCHIOLES +BRONCHITIS +BRONCHUS +BRONTOSAURUS +BRONX +BRONZE +BRONZED +BRONZES +BROOCH +BROOCHES +BROOD +BROODER +BROODING +BROODS +BROOK +BROOKDALE +BROOKE +BROOKED +BROOKFIELD +BROOKHAVEN +BROOKLINE +BROOKLYN +BROOKMONT +BROOKS +BROOM +BROOMS +BROOMSTICK +BROOMSTICKS +BROTH +BROTHEL +BROTHELS +BROTHER +BROTHERHOOD +BROTHERLINESS +BROTHERLY +BROTHERS +BROUGHT +BROW +BROWBEAT +BROWBEATEN +BROWBEATING +BROWBEATS +BROWN +BROWNE +BROWNED +BROWNELL +BROWNER +BROWNEST +BROWNIAN +BROWNIE +BROWNIES +BROWNING +BROWNISH +BROWNNESS +BROWNS +BROWS +BROWSE +BROWSING +BRUCE +BRUCKNER +BRUEGEL +BRUISE +BRUISED +BRUISES +BRUISING +BRUMIDI +BRUNCH +BRUNCHES +BRUNETTE +BRUNHILDE +BRUNO +BRUNSWICK +BRUNT +BRUSH +BRUSHED +BRUSHES +BRUSHFIRE +BRUSHFIRES +BRUSHING +BRUSHLIKE +BRUSHY +BRUSQUE +BRUSQUELY +BRUSSELS +BRUTAL +BRUTALITIES +BRUTALITY +BRUTALIZE +BRUTALIZED +BRUTALIZES +BRUTALIZING +BRUTALLY +BRUTE +BRUTES +BRUTISH +BRUXELLES +BRYAN +BRYANT +BRYCE +BRYN +BUBBLE +BUBBLED +BUBBLES +BUBBLING +BUBBLY +BUCHANAN +BUCHAREST +BUCHENWALD +BUCHWALD +BUCK +BUCKBOARD +BUCKBOARDS +BUCKED +BUCKET +BUCKETS +BUCKING +BUCKLE +BUCKLED +BUCKLER +BUCKLES +BUCKLEY +BUCKLING +BUCKNELL +BUCKS +BUCKSHOT +BUCKSKIN +BUCKSKINS +BUCKWHEAT +BUCKY +BUCOLIC +BUD +BUDAPEST +BUDD +BUDDED +BUDDHA +BUDDHISM +BUDDHIST +BUDDHISTS +BUDDIES +BUDDING +BUDDY +BUDGE +BUDGED +BUDGES +BUDGET +BUDGETARY +BUDGETED +BUDGETER +BUDGETERS +BUDGETING +BUDGETS +BUDGING +BUDS +BUDWEISER +BUDWEISERS +BUEHRING +BUENA +BUENOS +BUFF +BUFFALO +BUFFALOES +BUFFER +BUFFERED +BUFFERING +BUFFERS +BUFFET +BUFFETED +BUFFETING +BUFFETINGS +BUFFETS +BUFFOON +BUFFOONS +BUFFS +BUG +BUGABOO +BUGATTI +BUGEYED +BUGGED +BUGGER +BUGGERS +BUGGIES +BUGGING +BUGGY +BUGLE +BUGLED +BUGLER +BUGLES +BUGLING +BUGS +BUICK +BUILD +BUILDER +BUILDERS +BUILDING +BUILDINGS +BUILDS +BUILDUP +BUILDUPS +BUILT +BUILTIN +BUJUMBURA +BULB +BULBA +BULBS +BULGARIA +BULGARIAN +BULGE +BULGED +BULGING +BULK +BULKED +BULKHEAD +BULKHEADS +BULKS +BULKY +BULL +BULLDOG +BULLDOGS +BULLDOZE +BULLDOZED +BULLDOZER +BULLDOZES +BULLDOZING +BULLED +BULLET +BULLETIN +BULLETINS +BULLETS +BULLFROG +BULLIED +BULLIES +BULLING +BULLION +BULLISH +BULLOCK +BULLS +BULLSEYE +BULLY +BULLYING +BULWARK +BUM +BUMBLE +BUMBLEBEE +BUMBLEBEES +BUMBLED +BUMBLER +BUMBLERS +BUMBLES +BUMBLING +BUMBRY +BUMMED +BUMMING +BUMP +BUMPED +BUMPER +BUMPERS +BUMPING +BUMPS +BUMPTIOUS +BUMPTIOUSLY +BUMPTIOUSNESS +BUMS +BUN +BUNCH +BUNCHED +BUNCHES +BUNCHING +BUNDESTAG +BUNDLE +BUNDLED +BUNDLES +BUNDLING +BUNDOORA +BUNDY +BUNGALOW +BUNGALOWS +BUNGLE +BUNGLED +BUNGLER +BUNGLERS +BUNGLES +BUNGLING +BUNION +BUNIONS +BUNK +BUNKER +BUNKERED +BUNKERS +BUNKHOUSE +BUNKHOUSES +BUNKMATE +BUNKMATES +BUNKS +BUNNIES +BUNNY +BUNS +BUNSEN +BUNT +BUNTED +BUNTER +BUNTERS +BUNTING +BUNTS +BUNYAN +BUOY +BUOYANCY +BUOYANT +BUOYED +BUOYS +BURBANK +BURCH +BURDEN +BURDENED +BURDENING +BURDENS +BURDENSOME +BUREAU +BUREAUCRACIES +BUREAUCRACY +BUREAUCRAT +BUREAUCRATIC +BUREAUCRATS +BUREAUS +BURGEON +BURGEONED +BURGEONING +BURGESS +BURGESSES +BURGHER +BURGHERS +BURGLAR +BURGLARIES +BURGLARIZE +BURGLARIZED +BURGLARIZES +BURGLARIZING +BURGLARPROOF +BURGLARPROOFED +BURGLARPROOFING +BURGLARPROOFS +BURGLARS +BURGLARY +BURGUNDIAN +BURGUNDIES +BURGUNDY +BURIAL +BURIED +BURIES +BURKE +BURKES +BURL +BURLESQUE +BURLESQUES +BURLINGAME +BURLINGTON +BURLY +BURMA +BURMESE +BURN +BURNE +BURNED +BURNER +BURNERS +BURNES +BURNETT +BURNHAM +BURNING +BURNINGLY +BURNINGS +BURNISH +BURNISHED +BURNISHES +BURNISHING +BURNS +BURNSIDE +BURNSIDES +BURNT +BURNTLY +BURNTNESS +BURP +BURPED +BURPING +BURPS +BURR +BURROUGHS +BURROW +BURROWED +BURROWER +BURROWING +BURROWS +BURRS +BURSA +BURSITIS +BURST +BURSTINESS +BURSTING +BURSTS +BURSTY +BURT +BURTON +BURTT +BURUNDI +BURY +BURYING +BUS +BUSBOY +BUSBOYS +BUSCH +BUSED +BUSES +BUSH +BUSHEL +BUSHELS +BUSHES +BUSHING +BUSHNELL +BUSHWHACK +BUSHWHACKED +BUSHWHACKING +BUSHWHACKS +BUSHY +BUSIED +BUSIER +BUSIEST +BUSILY +BUSINESS +BUSINESSES +BUSINESSLIKE +BUSINESSMAN +BUSINESSMEN +BUSING +BUSS +BUSSED +BUSSES +BUSSING +BUST +BUSTARD +BUSTARDS +BUSTED +BUSTER +BUSTLE +BUSTLING +BUSTS +BUSY +BUT +BUTANE +BUTCHER +BUTCHERED +BUTCHERS +BUTCHERY +BUTLER +BUTLERS +BUTT +BUTTE +BUTTED +BUTTER +BUTTERBALL +BUTTERCUP +BUTTERED +BUTTERER +BUTTERERS +BUTTERFAT +BUTTERFIELD +BUTTERFLIES +BUTTERFLY +BUTTERING +BUTTERMILK +BUTTERNUT +BUTTERS +BUTTERY +BUTTES +BUTTING +BUTTOCK +BUTTOCKS +BUTTON +BUTTONED +BUTTONHOLE +BUTTONHOLES +BUTTONING +BUTTONS +BUTTRESS +BUTTRESSED +BUTTRESSES +BUTTRESSING +BUTTRICK +BUTTS +BUTYL +BUTYRATE +BUXOM +BUXTEHUDE +BUXTON +BUY +BUYER +BUYERS +BUYING +BUYS +BUZZ +BUZZARD +BUZZARDS +BUZZED +BUZZER +BUZZES +BUZZING +BUZZWORD +BUZZWORDS +BUZZY +BYE +BYERS +BYGONE +BYLAW +BYLAWS +BYLINE +BYLINES +BYPASS +BYPASSED +BYPASSES +BYPASSING +BYPRODUCT +BYPRODUCTS +BYRD +BYRNE +BYRON +BYRONIC +BYRONISM +BYRONIZE +BYRONIZES +BYSTANDER +BYSTANDERS +BYTE +BYTES +BYWAY +BYWAYS +BYWORD +BYWORDS +BYZANTINE +BYZANTINIZE +BYZANTINIZES +BYZANTIUM +CAB +CABAL +CABANA +CABARET +CABBAGE +CABBAGES +CABDRIVER +CABIN +CABINET +CABINETS +CABINS +CABLE +CABLED +CABLES +CABLING +CABOOSE +CABOT +CABS +CACHE +CACHED +CACHES +CACHING +CACKLE +CACKLED +CACKLER +CACKLES +CACKLING +CACTI +CACTUS +CADAVER +CADENCE +CADENCED +CADILLAC +CADILLACS +CADRES +CADY +CAESAR +CAESARIAN +CAESARIZE +CAESARIZES +CAFE +CAFES +CAFETERIA +CAGE +CAGED +CAGER +CAGERS +CAGES +CAGING +CAHILL +CAIMAN +CAIN +CAINE +CAIRN +CAIRO +CAJOLE +CAJOLED +CAJOLES +CAJOLING +CAJUN +CAJUNS +CAKE +CAKED +CAKES +CAKING +CALAIS +CALAMITIES +CALAMITOUS +CALAMITY +CALCEOLARIA +CALCIFY +CALCIUM +CALCOMP +CALCOMP +CALCOMP +CALCULATE +CALCULATED +CALCULATES +CALCULATING +CALCULATION +CALCULATIONS +CALCULATIVE +CALCULATOR +CALCULATORS +CALCULI +CALCULUS +CALCUTTA +CALDER +CALDERA +CALDWELL +CALEB +CALENDAR +CALENDARS +CALF +CALFSKIN +CALGARY +CALHOUN +CALIBER +CALIBERS +CALIBRATE +CALIBRATED +CALIBRATES +CALIBRATING +CALIBRATION +CALIBRATIONS +CALICO +CALIFORNIA +CALIFORNIAN +CALIFORNIANS +CALIGULA +CALIPH +CALIPHS +CALKINS +CALL +CALLABLE +CALLAGHAN +CALLAHAN +CALLAN +CALLED +CALLER +CALLERS +CALLING +CALLIOPE +CALLISTO +CALLOUS +CALLOUSED +CALLOUSLY +CALLOUSNESS +CALLS +CALLUS +CALM +CALMED +CALMER +CALMEST +CALMING +CALMINGLY +CALMLY +CALMNESS +CALMS +CALORIC +CALORIE +CALORIES +CALORIMETER +CALORIMETRIC +CALORIMETRY +CALTECH +CALUMNY +CALVARY +CALVE +CALVERT +CALVES +CALVIN +CALVINIST +CALVINIZE +CALVINIZES +CALYPSO +CAM +CAMBODIA +CAMBRIAN +CAMBRIDGE +CAMDEN +CAME +CAMEL +CAMELOT +CAMELS +CAMEMBERT +CAMERA +CAMERAMAN +CAMERAMEN +CAMERAS +CAMERON +CAMEROON +CAMEROUN +CAMILLA +CAMILLE +CAMINO +CAMOUFLAGE +CAMOUFLAGED +CAMOUFLAGES +CAMOUFLAGING +CAMP +CAMPAIGN +CAMPAIGNED +CAMPAIGNER +CAMPAIGNERS +CAMPAIGNING +CAMPAIGNS +CAMPBELL +CAMPBELLSPORT +CAMPED +CAMPER +CAMPERS +CAMPFIRE +CAMPGROUND +CAMPING +CAMPS +CAMPSITE +CAMPUS +CAMPUSES +CAN +CANAAN +CANADA +CANADIAN +CANADIANIZATION +CANADIANIZATIONS +CANADIANIZE +CANADIANIZES +CANADIANS +CANAL +CANALS +CANARIES +CANARY +CANAVERAL +CANBERRA +CANCEL +CANCELED +CANCELING +CANCELLATION +CANCELLATIONS +CANCELS +CANCER +CANCEROUS +CANCERS +CANDACE +CANDID +CANDIDACY +CANDIDATE +CANDIDATES +CANDIDE +CANDIDLY +CANDIDNESS +CANDIED +CANDIES +CANDLE +CANDLELIGHT +CANDLER +CANDLES +CANDLESTICK +CANDLESTICKS +CANDLEWICK +CANDOR +CANDY +CANE +CANER +CANFIELD +CANINE +CANIS +CANISTER +CANKER +CANKERWORM +CANNABIS +CANNED +CANNEL +CANNER +CANNERS +CANNERY +CANNIBAL +CANNIBALIZE +CANNIBALIZED +CANNIBALIZES +CANNIBALIZING +CANNIBALS +CANNING +CANNISTER +CANNISTERS +CANNON +CANNONBALL +CANNONS +CANNOT +CANNY +CANOE +CANOES +CANOGA +CANON +CANONIC +CANONICAL +CANONICALIZATION +CANONICALIZE +CANONICALIZED +CANONICALIZES +CANONICALIZING +CANONICALLY +CANONICALS +CANONS +CANOPUS +CANOPY +CANS +CANT +CANTABRIGIAN +CANTALOUPE +CANTANKEROUS +CANTANKEROUSLY +CANTEEN +CANTERBURY +CANTILEVER +CANTO +CANTON +CANTONESE +CANTONS +CANTOR +CANTORS +CANUTE +CANVAS +CANVASES +CANVASS +CANVASSED +CANVASSER +CANVASSERS +CANVASSES +CANVASSING +CANYON +CANYONS +CAP +CAPABILITIES +CAPABILITY +CAPABLE +CAPABLY +CAPACIOUS +CAPACIOUSLY +CAPACIOUSNESS +CAPACITANCE +CAPACITANCES +CAPACITIES +CAPACITIVE +CAPACITOR +CAPACITORS +CAPACITY +CAPE +CAPER +CAPERS +CAPES +CAPET +CAPETOWN +CAPILLARY +CAPISTRANO +CAPITA +CAPITAL +CAPITALISM +CAPITALIST +CAPITALISTS +CAPITALIZATION +CAPITALIZATIONS +CAPITALIZE +CAPITALIZED +CAPITALIZER +CAPITALIZERS +CAPITALIZES +CAPITALIZING +CAPITALLY +CAPITALS +CAPITAN +CAPITOL +CAPITOLINE +CAPITOLS +CAPPED +CAPPING +CAPPY +CAPRICE +CAPRICIOUS +CAPRICIOUSLY +CAPRICIOUSNESS +CAPRICORN +CAPS +CAPSICUM +CAPSTAN +CAPSTONE +CAPSULE +CAPTAIN +CAPTAINED +CAPTAINING +CAPTAINS +CAPTION +CAPTIONS +CAPTIVATE +CAPTIVATED +CAPTIVATES +CAPTIVATING +CAPTIVATION +CAPTIVE +CAPTIVES +CAPTIVITY +CAPTOR +CAPTORS +CAPTURE +CAPTURED +CAPTURER +CAPTURERS +CAPTURES +CAPTURING +CAPUTO +CAPYBARA +CAR +CARACAS +CARAMEL +CARAVAN +CARAVANS +CARAWAY +CARBOHYDRATE +CARBOLIC +CARBOLOY +CARBON +CARBONATE +CARBONATES +CARBONATION +CARBONDALE +CARBONE +CARBONES +CARBONIC +CARBONIZATION +CARBONIZE +CARBONIZED +CARBONIZER +CARBONIZERS +CARBONIZES +CARBONIZING +CARBONS +CARBORUNDUM +CARBUNCLE +CARCASS +CARCASSES +CARCINOGEN +CARCINOGENIC +CARCINOMA +CARD +CARDBOARD +CARDER +CARDIAC +CARDIFF +CARDINAL +CARDINALITIES +CARDINALITY +CARDINALLY +CARDINALS +CARDIOD +CARDIOLOGY +CARDIOVASCULAR +CARDS +CARE +CARED +CAREEN +CAREER +CAREERS +CAREFREE +CAREFUL +CAREFULLY +CAREFULNESS +CARELESS +CARELESSLY +CARELESSNESS +CARES +CARESS +CARESSED +CARESSER +CARESSES +CARESSING +CARET +CARETAKER +CAREY +CARGILL +CARGO +CARGOES +CARIB +CARIBBEAN +CARIBOU +CARICATURE +CARING +CARL +CARLA +CARLETON +CARLETONIAN +CARLIN +CARLISLE +CARLO +CARLOAD +CARLSBAD +CARLSBADS +CARLSON +CARLTON +CARLYLE +CARMELA +CARMEN +CARMICHAEL +CARNAGE +CARNAL +CARNATION +CARNEGIE +CARNIVAL +CARNIVALS +CARNIVOROUS +CARNIVOROUSLY +CAROL +CAROLINA +CAROLINAS +CAROLINE +CAROLINGIAN +CAROLINIAN +CAROLINIANS +CAROLS +CAROLYN +CARP +CARPATHIA +CARPATHIANS +CARPENTER +CARPENTERS +CARPENTRY +CARPET +CARPETED +CARPETING +CARPETS +CARPORT +CARR +CARRARA +CARRIAGE +CARRIAGES +CARRIE +CARRIED +CARRIER +CARRIERS +CARRIES +CARRION +CARROLL +CARROT +CARROTS +CARRUTHERS +CARRY +CARRYING +CARRYOVER +CARRYOVERS +CARS +CARSON +CART +CARTED +CARTEL +CARTER +CARTERS +CARTESIAN +CARTHAGE +CARTHAGINIAN +CARTILAGE +CARTING +CARTOGRAPHER +CARTOGRAPHIC +CARTOGRAPHY +CARTON +CARTONS +CARTOON +CARTOONS +CARTRIDGE +CARTRIDGES +CARTS +CARTWHEEL +CARTY +CARUSO +CARVE +CARVED +CARVER +CARVES +CARVING +CARVINGS +CASANOVA +CASCADABLE +CASCADE +CASCADED +CASCADES +CASCADING +CASE +CASED +CASEMENT +CASEMENTS +CASES +CASEWORK +CASEY +CASH +CASHED +CASHER +CASHERS +CASHES +CASHEW +CASHIER +CASHIERS +CASHING +CASHMERE +CASING +CASINGS +CASINO +CASK +CASKET +CASKETS +CASKS +CASPIAN +CASSANDRA +CASSEROLE +CASSEROLES +CASSETTE +CASSIOPEIA +CASSITE +CASSITES +CASSIUS +CASSOCK +CAST +CASTE +CASTER +CASTERS +CASTES +CASTIGATE +CASTILLO +CASTING +CASTLE +CASTLED +CASTLES +CASTOR +CASTRO +CASTROISM +CASTS +CASUAL +CASUALLY +CASUALNESS +CASUALS +CASUALTIES +CASUALTY +CAT +CATACLYSMIC +CATALAN +CATALINA +CATALOG +CATALOGED +CATALOGER +CATALOGING +CATALOGS +CATALONIA +CATALYST +CATALYSTS +CATALYTIC +CATAPULT +CATARACT +CATASTROPHE +CATASTROPHES +CATASTROPHIC +CATAWBA +CATCH +CATCHABLE +CATCHER +CATCHERS +CATCHES +CATCHING +CATEGORICAL +CATEGORICALLY +CATEGORIES +CATEGORIZATION +CATEGORIZE +CATEGORIZED +CATEGORIZER +CATEGORIZERS +CATEGORIZES +CATEGORIZING +CATEGORY +CATER +CATERED +CATERER +CATERING +CATERPILLAR +CATERPILLARS +CATERS +CATHEDRAL +CATHEDRALS +CATHERINE +CATHERWOOD +CATHETER +CATHETERS +CATHODE +CATHODES +CATHOLIC +CATHOLICISM +CATHOLICISMS +CATHOLICS +CATHY +CATLIKE +CATNIP +CATS +CATSKILL +CATSKILLS +CATSUP +CATTAIL +CATTLE +CATTLEMAN +CATTLEMEN +CAUCASIAN +CAUCASIANS +CAUCASUS +CAUCHY +CAUCUS +CAUGHT +CAULDRON +CAULDRONS +CAULIFLOWER +CAULK +CAUSAL +CAUSALITY +CAUSALLY +CAUSATION +CAUSATIONS +CAUSE +CAUSED +CAUSER +CAUSES +CAUSEWAY +CAUSEWAYS +CAUSING +CAUSTIC +CAUSTICLY +CAUSTICS +CAUTION +CAUTIONED +CAUTIONER +CAUTIONERS +CAUTIONING +CAUTIONINGS +CAUTIONS +CAUTIOUS +CAUTIOUSLY +CAUTIOUSNESS +CAVALIER +CAVALIERLY +CAVALIERNESS +CAVALRY +CAVE +CAVEAT +CAVEATS +CAVED +CAVEMAN +CAVEMEN +CAVENDISH +CAVERN +CAVERNOUS +CAVERNS +CAVES +CAVIAR +CAVIL +CAVINESS +CAVING +CAVITIES +CAVITY +CAW +CAWING +CAYLEY +CAYUGA +CEASE +CEASED +CEASELESS +CEASELESSLY +CEASELESSNESS +CEASES +CEASING +CECIL +CECILIA +CECROPIA +CEDAR +CEDE +CEDED +CEDING +CEDRIC +CEILING +CEILINGS +CELANESE +CELEBES +CELEBRATE +CELEBRATED +CELEBRATES +CELEBRATING +CELEBRATION +CELEBRATIONS +CELEBRITIES +CELEBRITY +CELERITY +CELERY +CELESTE +CELESTIAL +CELESTIALLY +CELIA +CELL +CELLAR +CELLARS +CELLED +CELLIST +CELLISTS +CELLOPHANE +CELLS +CELLULAR +CELLULOSE +CELSIUS +CELT +CELTIC +CELTICIZE +CELTICIZES +CEMENT +CEMENTED +CEMENTING +CEMENTS +CEMETERIES +CEMETERY +CENOZOIC +CENSOR +CENSORED +CENSORING +CENSORS +CENSORSHIP +CENSURE +CENSURED +CENSURER +CENSURES +CENSUS +CENSUSES +CENT +CENTAUR +CENTENARY +CENTENNIAL +CENTER +CENTERED +CENTERING +CENTERPIECE +CENTERPIECES +CENTERS +CENTIGRADE +CENTIMETER +CENTIMETERS +CENTIPEDE +CENTIPEDES +CENTRAL +CENTRALIA +CENTRALISM +CENTRALIST +CENTRALIZATION +CENTRALIZE +CENTRALIZED +CENTRALIZES +CENTRALIZING +CENTRALLY +CENTREX +CENTREX +CENTRIFUGAL +CENTRIFUGE +CENTRIPETAL +CENTRIST +CENTROID +CENTS +CENTURIES +CENTURY +CEPHEUS +CERAMIC +CERBERUS +CEREAL +CEREALS +CEREBELLUM +CEREBRAL +CEREMONIAL +CEREMONIALLY +CEREMONIALNESS +CEREMONIES +CEREMONY +CERES +CERN +CERTAIN +CERTAINLY +CERTAINTIES +CERTAINTY +CERTIFIABLE +CERTIFICATE +CERTIFICATES +CERTIFICATION +CERTIFICATIONS +CERTIFIED +CERTIFIER +CERTIFIERS +CERTIFIES +CERTIFY +CERTIFYING +CERVANTES +CESARE +CESSATION +CESSATIONS +CESSNA +CETUS +CEYLON +CEZANNE +CEZANNES +CHABLIS +CHABLISES +CHAD +CHADWICK +CHAFE +CHAFER +CHAFF +CHAFFER +CHAFFEY +CHAFFING +CHAFING +CHAGRIN +CHAIN +CHAINED +CHAINING +CHAINS +CHAIR +CHAIRED +CHAIRING +CHAIRLADY +CHAIRMAN +CHAIRMEN +CHAIRPERSON +CHAIRPERSONS +CHAIRS +CHAIRWOMAN +CHAIRWOMEN +CHALICE +CHALICES +CHALK +CHALKED +CHALKING +CHALKS +CHALLENGE +CHALLENGED +CHALLENGER +CHALLENGERS +CHALLENGES +CHALLENGING +CHALMERS +CHAMBER +CHAMBERED +CHAMBERLAIN +CHAMBERLAINS +CHAMBERMAID +CHAMBERS +CHAMELEON +CHAMPAGNE +CHAMPAIGN +CHAMPION +CHAMPIONED +CHAMPIONING +CHAMPIONS +CHAMPIONSHIP +CHAMPIONSHIPS +CHAMPLAIN +CHANCE +CHANCED +CHANCELLOR +CHANCELLORSVILLE +CHANCERY +CHANCES +CHANCING +CHANDELIER +CHANDELIERS +CHANDIGARH +CHANG +CHANGE +CHANGEABILITY +CHANGEABLE +CHANGEABLY +CHANGED +CHANGEOVER +CHANGER +CHANGERS +CHANGES +CHANGING +CHANNEL +CHANNELED +CHANNELING +CHANNELLED +CHANNELLER +CHANNELLERS +CHANNELLING +CHANNELS +CHANNING +CHANT +CHANTED +CHANTER +CHANTICLEER +CHANTICLEERS +CHANTILLY +CHANTING +CHANTS +CHAO +CHAOS +CHAOTIC +CHAP +CHAPEL +CHAPELS +CHAPERON +CHAPERONE +CHAPERONED +CHAPLAIN +CHAPLAINS +CHAPLIN +CHAPMAN +CHAPS +CHAPTER +CHAPTERS +CHAR +CHARACTER +CHARACTERISTIC +CHARACTERISTICALLY +CHARACTERISTICS +CHARACTERIZABLE +CHARACTERIZATION +CHARACTERIZATIONS +CHARACTERIZE +CHARACTERIZED +CHARACTERIZER +CHARACTERIZERS +CHARACTERIZES +CHARACTERIZING +CHARACTERS +CHARCOAL +CHARCOALED +CHARGE +CHARGEABLE +CHARGED +CHARGER +CHARGERS +CHARGES +CHARGING +CHARIOT +CHARIOTS +CHARISMA +CHARISMATIC +CHARITABLE +CHARITABLENESS +CHARITIES +CHARITY +CHARLEMAGNE +CHARLEMAGNES +CHARLES +CHARLESTON +CHARLEY +CHARLIE +CHARLOTTE +CHARLOTTESVILLE +CHARM +CHARMED +CHARMER +CHARMERS +CHARMING +CHARMINGLY +CHARMS +CHARON +CHARS +CHART +CHARTA +CHARTABLE +CHARTED +CHARTER +CHARTERED +CHARTERING +CHARTERS +CHARTING +CHARTINGS +CHARTRES +CHARTREUSE +CHARTS +CHARYBDIS +CHASE +CHASED +CHASER +CHASERS +CHASES +CHASING +CHASM +CHASMS +CHASSIS +CHASTE +CHASTELY +CHASTENESS +CHASTISE +CHASTISED +CHASTISER +CHASTISERS +CHASTISES +CHASTISING +CHASTITY +CHAT +CHATEAU +CHATEAUS +CHATHAM +CHATTAHOOCHEE +CHATTANOOGA +CHATTEL +CHATTER +CHATTERED +CHATTERER +CHATTERING +CHATTERS +CHATTING +CHATTY +CHAUCER +CHAUFFEUR +CHAUFFEURED +CHAUNCEY +CHAUTAUQUA +CHEAP +CHEAPEN +CHEAPENED +CHEAPENING +CHEAPENS +CHEAPER +CHEAPEST +CHEAPLY +CHEAPNESS +CHEAT +CHEATED +CHEATER +CHEATERS +CHEATING +CHEATS +CHECK +CHECKABLE +CHECKBOOK +CHECKBOOKS +CHECKED +CHECKER +CHECKERBOARD +CHECKERBOARDED +CHECKERBOARDING +CHECKERS +CHECKING +CHECKLIST +CHECKOUT +CHECKPOINT +CHECKPOINTS +CHECKS +CHECKSUM +CHECKSUMMED +CHECKSUMMING +CHECKSUMS +CHECKUP +CHEEK +CHEEKBONE +CHEEKS +CHEEKY +CHEER +CHEERED +CHEERER +CHEERFUL +CHEERFULLY +CHEERFULNESS +CHEERILY +CHEERINESS +CHEERING +CHEERLEADER +CHEERLESS +CHEERLESSLY +CHEERLESSNESS +CHEERS +CHEERY +CHEESE +CHEESECLOTH +CHEESES +CHEESY +CHEETAH +CHEF +CHEFS +CHEKHOV +CHELSEA +CHEMICAL +CHEMICALLY +CHEMICALS +CHEMISE +CHEMIST +CHEMISTRIES +CHEMISTRY +CHEMISTS +CHEN +CHENEY +CHENG +CHERISH +CHERISHED +CHERISHES +CHERISHING +CHERITON +CHEROKEE +CHEROKEES +CHERRIES +CHERRY +CHERUB +CHERUBIM +CHERUBS +CHERYL +CHESAPEAKE +CHESHIRE +CHESS +CHEST +CHESTER +CHESTERFIELD +CHESTERTON +CHESTNUT +CHESTNUTS +CHESTS +CHEVROLET +CHEVY +CHEW +CHEWED +CHEWER +CHEWERS +CHEWING +CHEWS +CHEYENNE +CHEYENNES +CHIANG +CHIC +CHICAGO +CHICAGOAN +CHICAGOANS +CHICANA +CHICANAS +CHICANERY +CHICANO +CHICANOS +CHICK +CHICKADEE +CHICKADEES +CHICKASAWS +CHICKEN +CHICKENS +CHICKS +CHIDE +CHIDED +CHIDES +CHIDING +CHIEF +CHIEFLY +CHIEFS +CHIEFTAIN +CHIEFTAINS +CHIFFON +CHILD +CHILDBIRTH +CHILDHOOD +CHILDISH +CHILDISHLY +CHILDISHNESS +CHILDLIKE +CHILDREN +CHILE +CHILEAN +CHILES +CHILI +CHILL +CHILLED +CHILLER +CHILLERS +CHILLIER +CHILLINESS +CHILLING +CHILLINGLY +CHILLS +CHILLY +CHIME +CHIMERA +CHIMES +CHIMNEY +CHIMNEYS +CHIMPANZEE +CHIN +CHINA +CHINAMAN +CHINAMEN +CHINAS +CHINATOWN +CHINESE +CHING +CHINK +CHINKED +CHINKS +CHINNED +CHINNER +CHINNERS +CHINNING +CHINOOK +CHINS +CHINTZ +CHIP +CHIPMUNK +CHIPMUNKS +CHIPPENDALE +CHIPPEWA +CHIPS +CHIROPRACTOR +CHIRP +CHIRPED +CHIRPING +CHIRPS +CHISEL +CHISELED +CHISELER +CHISELS +CHISHOLM +CHIT +CHIVALROUS +CHIVALROUSLY +CHIVALROUSNESS +CHIVALRY +CHLOE +CHLORINE +CHLOROFORM +CHLOROPHYLL +CHLOROPLAST +CHLOROPLASTS +CHOCK +CHOCKS +CHOCOLATE +CHOCOLATES +CHOCTAW +CHOCTAWS +CHOICE +CHOICES +CHOICEST +CHOIR +CHOIRS +CHOKE +CHOKED +CHOKER +CHOKERS +CHOKES +CHOKING +CHOLERA +CHOMSKY +CHOOSE +CHOOSER +CHOOSERS +CHOOSES +CHOOSING +CHOP +CHOPIN +CHOPPED +CHOPPER +CHOPPERS +CHOPPING +CHOPPY +CHOPS +CHORAL +CHORD +CHORDATE +CHORDED +CHORDING +CHORDS +CHORE +CHOREOGRAPH +CHOREOGRAPHY +CHORES +CHORING +CHORTLE +CHORUS +CHORUSED +CHORUSES +CHOSE +CHOSEN +CHOU +CHOWDER +CHRIS +CHRIST +CHRISTEN +CHRISTENDOM +CHRISTENED +CHRISTENING +CHRISTENS +CHRISTENSEN +CHRISTENSON +CHRISTIAN +CHRISTIANA +CHRISTIANITY +CHRISTIANIZATION +CHRISTIANIZATIONS +CHRISTIANIZE +CHRISTIANIZER +CHRISTIANIZERS +CHRISTIANIZES +CHRISTIANIZING +CHRISTIANS +CHRISTIANSEN +CHRISTIANSON +CHRISTIE +CHRISTINA +CHRISTINE +CHRISTLIKE +CHRISTMAS +CHRISTOFFEL +CHRISTOPH +CHRISTOPHER +CHRISTY +CHROMATOGRAM +CHROMATOGRAPH +CHROMATOGRAPHY +CHROME +CHROMIUM +CHROMOSPHERE +CHRONIC +CHRONICLE +CHRONICLED +CHRONICLER +CHRONICLERS +CHRONICLES +CHRONOGRAPH +CHRONOGRAPHY +CHRONOLOGICAL +CHRONOLOGICALLY +CHRONOLOGIES +CHRONOLOGY +CHRYSANTHEMUM +CHRYSLER +CHUBBIER +CHUBBIEST +CHUBBINESS +CHUBBY +CHUCK +CHUCKLE +CHUCKLED +CHUCKLES +CHUCKS +CHUM +CHUNGKING +CHUNK +CHUNKS +CHUNKY +CHURCH +CHURCHES +CHURCHGOER +CHURCHGOING +CHURCHILL +CHURCHILLIAN +CHURCHLY +CHURCHMAN +CHURCHMEN +CHURCHWOMAN +CHURCHWOMEN +CHURCHYARD +CHURCHYARDS +CHURN +CHURNED +CHURNING +CHURNS +CHUTE +CHUTES +CHUTZPAH +CICADA +CICERO +CICERONIAN +CICERONIANIZE +CICERONIANIZES +CIDER +CIGAR +CIGARETTE +CIGARETTES +CIGARS +CILIA +CINCINNATI +CINDER +CINDERELLA +CINDERS +CINDY +CINEMA +CINEMATIC +CINERAMA +CINNAMON +CIPHER +CIPHERS +CIPHERTEXT +CIPHERTEXTS +CIRCA +CIRCE +CIRCLE +CIRCLED +CIRCLES +CIRCLET +CIRCLING +CIRCUIT +CIRCUITOUS +CIRCUITOUSLY +CIRCUITRY +CIRCUITS +CIRCULANT +CIRCULAR +CIRCULARITY +CIRCULARLY +CIRCULATE +CIRCULATED +CIRCULATES +CIRCULATING +CIRCULATION +CIRCUMCISE +CIRCUMCISION +CIRCUMFERENCE +CIRCUMFLEX +CIRCUMLOCUTION +CIRCUMLOCUTIONS +CIRCUMNAVIGATE +CIRCUMNAVIGATED +CIRCUMNAVIGATES +CIRCUMPOLAR +CIRCUMSCRIBE +CIRCUMSCRIBED +CIRCUMSCRIBING +CIRCUMSCRIPTION +CIRCUMSPECT +CIRCUMSPECTION +CIRCUMSPECTLY +CIRCUMSTANCE +CIRCUMSTANCED +CIRCUMSTANCES +CIRCUMSTANTIAL +CIRCUMSTANTIALLY +CIRCUMVENT +CIRCUMVENTABLE +CIRCUMVENTED +CIRCUMVENTING +CIRCUMVENTS +CIRCUS +CIRCUSES +CISTERN +CISTERNS +CITADEL +CITADELS +CITATION +CITATIONS +CITE +CITED +CITES +CITIES +CITING +CITIZEN +CITIZENS +CITIZENSHIP +CITROEN +CITRUS +CITY +CITYSCAPE +CITYWIDE +CIVET +CIVIC +CIVICS +CIVIL +CIVILIAN +CIVILIANS +CIVILITY +CIVILIZATION +CIVILIZATIONS +CIVILIZE +CIVILIZED +CIVILIZES +CIVILIZING +CIVILLY +CLAD +CLADDING +CLAIM +CLAIMABLE +CLAIMANT +CLAIMANTS +CLAIMED +CLAIMING +CLAIMS +CLAIRE +CLAIRVOYANT +CLAIRVOYANTLY +CLAM +CLAMBER +CLAMBERED +CLAMBERING +CLAMBERS +CLAMOR +CLAMORED +CLAMORING +CLAMOROUS +CLAMORS +CLAMP +CLAMPED +CLAMPING +CLAMPS +CLAMS +CLAN +CLANDESTINE +CLANG +CLANGED +CLANGING +CLANGS +CLANK +CLANNISH +CLAP +CLAPBOARD +CLAPEYRON +CLAPPING +CLAPS +CLARA +CLARE +CLAREMONT +CLARENCE +CLARENDON +CLARIFICATION +CLARIFICATIONS +CLARIFIED +CLARIFIES +CLARIFY +CLARIFYING +CLARINET +CLARITY +CLARK +CLARKE +CLARRIDGE +CLASH +CLASHED +CLASHES +CLASHING +CLASP +CLASPED +CLASPING +CLASPS +CLASS +CLASSED +CLASSES +CLASSIC +CLASSICAL +CLASSICALLY +CLASSICS +CLASSIFIABLE +CLASSIFICATION +CLASSIFICATIONS +CLASSIFIED +CLASSIFIER +CLASSIFIERS +CLASSIFIES +CLASSIFY +CLASSIFYING +CLASSMATE +CLASSMATES +CLASSROOM +CLASSROOMS +CLASSY +CLATTER +CLATTERED +CLATTERING +CLAUDE +CLAUDIA +CLAUDIO +CLAUS +CLAUSE +CLAUSEN +CLAUSES +CLAUSIUS +CLAUSTROPHOBIA +CLAUSTROPHOBIC +CLAW +CLAWED +CLAWING +CLAWS +CLAY +CLAYS +CLAYTON +CLEAN +CLEANED +CLEANER +CLEANERS +CLEANEST +CLEANING +CLEANLINESS +CLEANLY +CLEANNESS +CLEANS +CLEANSE +CLEANSED +CLEANSER +CLEANSERS +CLEANSES +CLEANSING +CLEANUP +CLEAR +CLEARANCE +CLEARANCES +CLEARED +CLEARER +CLEAREST +CLEARING +CLEARINGS +CLEARLY +CLEARNESS +CLEARS +CLEARWATER +CLEAVAGE +CLEAVE +CLEAVED +CLEAVER +CLEAVERS +CLEAVES +CLEAVING +CLEFT +CLEFTS +CLEMENCY +CLEMENS +CLEMENT +CLEMENTE +CLEMSON +CLENCH +CLENCHED +CLENCHES +CLERGY +CLERGYMAN +CLERGYMEN +CLERICAL +CLERK +CLERKED +CLERKING +CLERKS +CLEVELAND +CLEVER +CLEVERER +CLEVEREST +CLEVERLY +CLEVERNESS +CLICHE +CLICHES +CLICK +CLICKED +CLICKING +CLICKS +CLIENT +CLIENTELE +CLIENTS +CLIFF +CLIFFORD +CLIFFS +CLIFTON +CLIMATE +CLIMATES +CLIMATIC +CLIMATICALLY +CLIMATOLOGY +CLIMAX +CLIMAXED +CLIMAXES +CLIMB +CLIMBED +CLIMBER +CLIMBERS +CLIMBING +CLIMBS +CLIME +CLIMES +CLINCH +CLINCHED +CLINCHER +CLINCHES +CLING +CLINGING +CLINGS +CLINIC +CLINICAL +CLINICALLY +CLINICIAN +CLINICS +CLINK +CLINKED +CLINKER +CLINT +CLINTON +CLIO +CLIP +CLIPBOARD +CLIPPED +CLIPPER +CLIPPERS +CLIPPING +CLIPPINGS +CLIPS +CLIQUE +CLIQUES +CLITORIS +CLIVE +CLOAK +CLOAKROOM +CLOAKS +CLOBBER +CLOBBERED +CLOBBERING +CLOBBERS +CLOCK +CLOCKED +CLOCKER +CLOCKERS +CLOCKING +CLOCKINGS +CLOCKS +CLOCKWATCHER +CLOCKWISE +CLOCKWORK +CLOD +CLODS +CLOG +CLOGGED +CLOGGING +CLOGS +CLOISTER +CLOISTERS +CLONE +CLONED +CLONES +CLONING +CLOSE +CLOSED +CLOSELY +CLOSENESS +CLOSENESSES +CLOSER +CLOSERS +CLOSES +CLOSEST +CLOSET +CLOSETED +CLOSETS +CLOSEUP +CLOSING +CLOSURE +CLOSURES +CLOT +CLOTH +CLOTHE +CLOTHED +CLOTHES +CLOTHESHORSE +CLOTHESLINE +CLOTHING +CLOTHO +CLOTTING +CLOTURE +CLOUD +CLOUDBURST +CLOUDED +CLOUDIER +CLOUDIEST +CLOUDINESS +CLOUDING +CLOUDLESS +CLOUDS +CLOUDY +CLOUT +CLOVE +CLOVER +CLOVES +CLOWN +CLOWNING +CLOWNS +CLUB +CLUBBED +CLUBBING +CLUBHOUSE +CLUBROOM +CLUBS +CLUCK +CLUCKED +CLUCKING +CLUCKS +CLUE +CLUES +CLUJ +CLUMP +CLUMPED +CLUMPING +CLUMPS +CLUMSILY +CLUMSINESS +CLUMSY +CLUNG +CLUSTER +CLUSTERED +CLUSTERING +CLUSTERINGS +CLUSTERS +CLUTCH +CLUTCHED +CLUTCHES +CLUTCHING +CLUTTER +CLUTTERED +CLUTTERING +CLUTTERS +CLYDE +CLYTEMNESTRA +COACH +COACHED +COACHER +COACHES +COACHING +COACHMAN +COACHMEN +COAGULATE +COAL +COALESCE +COALESCED +COALESCES +COALESCING +COALITION +COALS +COARSE +COARSELY +COARSEN +COARSENED +COARSENESS +COARSER +COARSEST +COAST +COASTAL +COASTED +COASTER +COASTERS +COASTING +COASTLINE +COASTS +COAT +COATED +COATES +COATING +COATINGS +COATS +COATTAIL +COAUTHOR +COAX +COAXED +COAXER +COAXES +COAXIAL +COAXING +COBALT +COBB +COBBLE +COBBLER +COBBLERS +COBBLESTONE +COBOL +COBOL +COBRA +COBWEB +COBWEBS +COCA +COCAINE +COCHISE +COCHRAN +COCHRANE +COCK +COCKED +COCKING +COCKPIT +COCKROACH +COCKS +COCKTAIL +COCKTAILS +COCKY +COCO +COCOA +COCONUT +COCONUTS +COCOON +COCOONS +COD +CODDINGTON +CODDLE +CODE +CODED +CODEINE +CODER +CODERS +CODES +CODEWORD +CODEWORDS +CODFISH +CODICIL +CODIFICATION +CODIFICATIONS +CODIFIED +CODIFIER +CODIFIERS +CODIFIES +CODIFY +CODIFYING +CODING +CODINGS +CODPIECE +CODY +COED +COEDITOR +COEDUCATION +COEFFICIENT +COEFFICIENTS +COEQUAL +COERCE +COERCED +COERCES +COERCIBLE +COERCING +COERCION +COERCIVE +COEXIST +COEXISTED +COEXISTENCE +COEXISTING +COEXISTS +COFACTOR +COFFEE +COFFEECUP +COFFEEPOT +COFFEES +COFFER +COFFERS +COFFEY +COFFIN +COFFINS +COFFMAN +COG +COGENT +COGENTLY +COGITATE +COGITATED +COGITATES +COGITATING +COGITATION +COGNAC +COGNITION +COGNITIVE +COGNITIVELY +COGNIZANCE +COGNIZANT +COGS +COHABITATION +COHABITATIONS +COHEN +COHERE +COHERED +COHERENCE +COHERENT +COHERENTLY +COHERES +COHERING +COHESION +COHESIVE +COHESIVELY +COHESIVENESS +COHN +COHORT +COIL +COILED +COILING +COILS +COIN +COINAGE +COINCIDE +COINCIDED +COINCIDENCE +COINCIDENCES +COINCIDENT +COINCIDENTAL +COINCIDES +COINCIDING +COINED +COINER +COINING +COINS +COKE +COKES +COLANDER +COLBY +COLD +COLDER +COLDEST +COLDLY +COLDNESS +COLDS +COLE +COLEMAN +COLERIDGE +COLETTE +COLGATE +COLICKY +COLIFORM +COLISEUM +COLLABORATE +COLLABORATED +COLLABORATES +COLLABORATING +COLLABORATION +COLLABORATIONS +COLLABORATIVE +COLLABORATOR +COLLABORATORS +COLLAGEN +COLLAPSE +COLLAPSED +COLLAPSES +COLLAPSIBLE +COLLAPSING +COLLAR +COLLARBONE +COLLARED +COLLARING +COLLARS +COLLATE +COLLATERAL +COLLEAGUE +COLLEAGUES +COLLECT +COLLECTED +COLLECTIBLE +COLLECTING +COLLECTION +COLLECTIONS +COLLECTIVE +COLLECTIVELY +COLLECTIVES +COLLECTOR +COLLECTORS +COLLECTS +COLLEGE +COLLEGES +COLLEGIAN +COLLEGIATE +COLLIDE +COLLIDED +COLLIDES +COLLIDING +COLLIE +COLLIER +COLLIES +COLLINS +COLLISION +COLLISIONS +COLLOIDAL +COLLOQUIA +COLLOQUIAL +COLLOQUIUM +COLLOQUY +COLLUSION +COLOGNE +COLOMBIA +COLOMBIAN +COLOMBIANS +COLOMBO +COLON +COLONEL +COLONELS +COLONIAL +COLONIALLY +COLONIALS +COLONIES +COLONIST +COLONISTS +COLONIZATION +COLONIZE +COLONIZED +COLONIZER +COLONIZERS +COLONIZES +COLONIZING +COLONS +COLONY +COLOR +COLORADO +COLORED +COLORER +COLORERS +COLORFUL +COLORING +COLORINGS +COLORLESS +COLORS +COLOSSAL +COLOSSEUM +COLT +COLTS +COLUMBIA +COLUMBIAN +COLUMBUS +COLUMN +COLUMNIZE +COLUMNIZED +COLUMNIZES +COLUMNIZING +COLUMNS +COMANCHE +COMB +COMBAT +COMBATANT +COMBATANTS +COMBATED +COMBATING +COMBATIVE +COMBATS +COMBED +COMBER +COMBERS +COMBINATION +COMBINATIONAL +COMBINATIONS +COMBINATOR +COMBINATORIAL +COMBINATORIALLY +COMBINATORIC +COMBINATORICS +COMBINATORS +COMBINE +COMBINED +COMBINES +COMBING +COMBINGS +COMBINING +COMBS +COMBUSTIBLE +COMBUSTION +COMDEX +COME +COMEBACK +COMEDIAN +COMEDIANS +COMEDIC +COMEDIES +COMEDY +COMELINESS +COMELY +COMER +COMERS +COMES +COMESTIBLE +COMET +COMETARY +COMETS +COMFORT +COMFORTABILITIES +COMFORTABILITY +COMFORTABLE +COMFORTABLY +COMFORTED +COMFORTER +COMFORTERS +COMFORTING +COMFORTINGLY +COMFORTS +COMIC +COMICAL +COMICALLY +COMICS +COMINFORM +COMING +COMINGS +COMMA +COMMAND +COMMANDANT +COMMANDANTS +COMMANDED +COMMANDEER +COMMANDER +COMMANDERS +COMMANDING +COMMANDINGLY +COMMANDMENT +COMMANDMENTS +COMMANDO +COMMANDS +COMMAS +COMMEMORATE +COMMEMORATED +COMMEMORATES +COMMEMORATING +COMMEMORATION +COMMEMORATIVE +COMMENCE +COMMENCED +COMMENCEMENT +COMMENCEMENTS +COMMENCES +COMMENCING +COMMEND +COMMENDATION +COMMENDATIONS +COMMENDED +COMMENDING +COMMENDS +COMMENSURATE +COMMENT +COMMENTARIES +COMMENTARY +COMMENTATOR +COMMENTATORS +COMMENTED +COMMENTING +COMMENTS +COMMERCE +COMMERCIAL +COMMERCIALLY +COMMERCIALNESS +COMMERCIALS +COMMISSION +COMMISSIONED +COMMISSIONER +COMMISSIONERS +COMMISSIONING +COMMISSIONS +COMMIT +COMMITMENT +COMMITMENTS +COMMITS +COMMITTED +COMMITTEE +COMMITTEEMAN +COMMITTEEMEN +COMMITTEES +COMMITTEEWOMAN +COMMITTEEWOMEN +COMMITTING +COMMODITIES +COMMODITY +COMMODORE +COMMODORES +COMMON +COMMONALITIES +COMMONALITY +COMMONER +COMMONERS +COMMONEST +COMMONLY +COMMONNESS +COMMONPLACE +COMMONPLACES +COMMONS +COMMONWEALTH +COMMONWEALTHS +COMMOTION +COMMUNAL +COMMUNALLY +COMMUNE +COMMUNES +COMMUNICANT +COMMUNICANTS +COMMUNICATE +COMMUNICATED +COMMUNICATES +COMMUNICATING +COMMUNICATION +COMMUNICATIONS +COMMUNICATIVE +COMMUNICATOR +COMMUNICATORS +COMMUNION +COMMUNIST +COMMUNISTS +COMMUNITIES +COMMUNITY +COMMUTATIVE +COMMUTATIVITY +COMMUTE +COMMUTED +COMMUTER +COMMUTERS +COMMUTES +COMMUTING +COMPACT +COMPACTED +COMPACTER +COMPACTEST +COMPACTING +COMPACTION +COMPACTLY +COMPACTNESS +COMPACTOR +COMPACTORS +COMPACTS +COMPANIES +COMPANION +COMPANIONABLE +COMPANIONS +COMPANIONSHIP +COMPANY +COMPARABILITY +COMPARABLE +COMPARABLY +COMPARATIVE +COMPARATIVELY +COMPARATIVES +COMPARATOR +COMPARATORS +COMPARE +COMPARED +COMPARES +COMPARING +COMPARISON +COMPARISONS +COMPARTMENT +COMPARTMENTALIZE +COMPARTMENTALIZED +COMPARTMENTALIZES +COMPARTMENTALIZING +COMPARTMENTED +COMPARTMENTS +COMPASS +COMPASSION +COMPASSIONATE +COMPASSIONATELY +COMPATIBILITIES +COMPATIBILITY +COMPATIBLE +COMPATIBLES +COMPATIBLY +COMPEL +COMPELLED +COMPELLING +COMPELLINGLY +COMPELS +COMPENDIUM +COMPENSATE +COMPENSATED +COMPENSATES +COMPENSATING +COMPENSATION +COMPENSATIONS +COMPENSATORY +COMPETE +COMPETED +COMPETENCE +COMPETENCY +COMPETENT +COMPETENTLY +COMPETES +COMPETING +COMPETITION +COMPETITIONS +COMPETITIVE +COMPETITIVELY +COMPETITOR +COMPETITORS +COMPILATION +COMPILATIONS +COMPILE +COMPILED +COMPILER +COMPILERS +COMPILES +COMPILING +COMPLACENCY +COMPLAIN +COMPLAINED +COMPLAINER +COMPLAINERS +COMPLAINING +COMPLAINS +COMPLAINT +COMPLAINTS +COMPLEMENT +COMPLEMENTARY +COMPLEMENTED +COMPLEMENTER +COMPLEMENTERS +COMPLEMENTING +COMPLEMENTS +COMPLETE +COMPLETED +COMPLETELY +COMPLETENESS +COMPLETES +COMPLETING +COMPLETION +COMPLETIONS +COMPLEX +COMPLEXES +COMPLEXION +COMPLEXITIES +COMPLEXITY +COMPLEXLY +COMPLIANCE +COMPLIANT +COMPLICATE +COMPLICATED +COMPLICATES +COMPLICATING +COMPLICATION +COMPLICATIONS +COMPLICATOR +COMPLICATORS +COMPLICITY +COMPLIED +COMPLIMENT +COMPLIMENTARY +COMPLIMENTED +COMPLIMENTER +COMPLIMENTERS +COMPLIMENTING +COMPLIMENTS +COMPLY +COMPLYING +COMPONENT +COMPONENTRY +COMPONENTS +COMPONENTWISE +COMPOSE +COMPOSED +COMPOSEDLY +COMPOSER +COMPOSERS +COMPOSES +COMPOSING +COMPOSITE +COMPOSITES +COMPOSITION +COMPOSITIONAL +COMPOSITIONS +COMPOST +COMPOSURE +COMPOUND +COMPOUNDED +COMPOUNDING +COMPOUNDS +COMPREHEND +COMPREHENDED +COMPREHENDING +COMPREHENDS +COMPREHENSIBILITY +COMPREHENSIBLE +COMPREHENSION +COMPREHENSIVE +COMPREHENSIVELY +COMPRESS +COMPRESSED +COMPRESSES +COMPRESSIBLE +COMPRESSING +COMPRESSION +COMPRESSIVE +COMPRESSOR +COMPRISE +COMPRISED +COMPRISES +COMPRISING +COMPROMISE +COMPROMISED +COMPROMISER +COMPROMISERS +COMPROMISES +COMPROMISING +COMPROMISINGLY +COMPTON +COMPTROLLER +COMPTROLLERS +COMPULSION +COMPULSIONS +COMPULSIVE +COMPULSORY +COMPUNCTION +COMPUSERVE +COMPUTABILITY +COMPUTABLE +COMPUTATION +COMPUTATIONAL +COMPUTATIONALLY +COMPUTATIONS +COMPUTE +COMPUTED +COMPUTER +COMPUTERIZE +COMPUTERIZED +COMPUTERIZES +COMPUTERIZING +COMPUTERS +COMPUTES +COMPUTING +COMRADE +COMRADELY +COMRADES +COMRADESHIP +CON +CONAKRY +CONANT +CONCATENATE +CONCATENATED +CONCATENATES +CONCATENATING +CONCATENATION +CONCATENATIONS +CONCAVE +CONCEAL +CONCEALED +CONCEALER +CONCEALERS +CONCEALING +CONCEALMENT +CONCEALS +CONCEDE +CONCEDED +CONCEDES +CONCEDING +CONCEIT +CONCEITED +CONCEITS +CONCEIVABLE +CONCEIVABLY +CONCEIVE +CONCEIVED +CONCEIVES +CONCEIVING +CONCENTRATE +CONCENTRATED +CONCENTRATES +CONCENTRATING +CONCENTRATION +CONCENTRATIONS +CONCENTRATOR +CONCENTRATORS +CONCENTRIC +CONCEPT +CONCEPTION +CONCEPTIONS +CONCEPTS +CONCEPTUAL +CONCEPTUALIZATION +CONCEPTUALIZATIONS +CONCEPTUALIZE +CONCEPTUALIZED +CONCEPTUALIZES +CONCEPTUALIZING +CONCEPTUALLY +CONCERN +CONCERNED +CONCERNEDLY +CONCERNING +CONCERNS +CONCERT +CONCERTED +CONCERTMASTER +CONCERTO +CONCERTS +CONCESSION +CONCESSIONS +CONCILIATE +CONCILIATORY +CONCISE +CONCISELY +CONCISENESS +CONCLAVE +CONCLUDE +CONCLUDED +CONCLUDES +CONCLUDING +CONCLUSION +CONCLUSIONS +CONCLUSIVE +CONCLUSIVELY +CONCOCT +CONCOMITANT +CONCORD +CONCORDANT +CONCORDE +CONCORDIA +CONCOURSE +CONCRETE +CONCRETELY +CONCRETENESS +CONCRETES +CONCRETION +CONCUBINE +CONCUR +CONCURRED +CONCURRENCE +CONCURRENCIES +CONCURRENCY +CONCURRENT +CONCURRENTLY +CONCURRING +CONCURS +CONCUSSION +CONDEMN +CONDEMNATION +CONDEMNATIONS +CONDEMNED +CONDEMNER +CONDEMNERS +CONDEMNING +CONDEMNS +CONDENSATION +CONDENSE +CONDENSED +CONDENSER +CONDENSES +CONDENSING +CONDESCEND +CONDESCENDING +CONDITION +CONDITIONAL +CONDITIONALLY +CONDITIONALS +CONDITIONED +CONDITIONER +CONDITIONERS +CONDITIONING +CONDITIONS +CONDOM +CONDONE +CONDONED +CONDONES +CONDONING +CONDUCE +CONDUCIVE +CONDUCIVENESS +CONDUCT +CONDUCTANCE +CONDUCTED +CONDUCTING +CONDUCTION +CONDUCTIVE +CONDUCTIVITY +CONDUCTOR +CONDUCTORS +CONDUCTS +CONDUIT +CONE +CONES +CONESTOGA +CONFECTIONERY +CONFEDERACY +CONFEDERATE +CONFEDERATES +CONFEDERATION +CONFEDERATIONS +CONFER +CONFEREE +CONFERENCE +CONFERENCES +CONFERRED +CONFERRER +CONFERRERS +CONFERRING +CONFERS +CONFESS +CONFESSED +CONFESSES +CONFESSING +CONFESSION +CONFESSIONS +CONFESSOR +CONFESSORS +CONFIDANT +CONFIDANTS +CONFIDE +CONFIDED +CONFIDENCE +CONFIDENCES +CONFIDENT +CONFIDENTIAL +CONFIDENTIALITY +CONFIDENTIALLY +CONFIDENTLY +CONFIDES +CONFIDING +CONFIDINGLY +CONFIGURABLE +CONFIGURATION +CONFIGURATIONS +CONFIGURE +CONFIGURED +CONFIGURES +CONFIGURING +CONFINE +CONFINED +CONFINEMENT +CONFINEMENTS +CONFINER +CONFINES +CONFINING +CONFIRM +CONFIRMATION +CONFIRMATIONS +CONFIRMATORY +CONFIRMED +CONFIRMING +CONFIRMS +CONFISCATE +CONFISCATED +CONFISCATES +CONFISCATING +CONFISCATION +CONFISCATIONS +CONFLAGRATION +CONFLICT +CONFLICTED +CONFLICTING +CONFLICTS +CONFLUENT +CONFOCAL +CONFORM +CONFORMAL +CONFORMANCE +CONFORMED +CONFORMING +CONFORMITY +CONFORMS +CONFOUND +CONFOUNDED +CONFOUNDING +CONFOUNDS +CONFRONT +CONFRONTATION +CONFRONTATIONS +CONFRONTED +CONFRONTER +CONFRONTERS +CONFRONTING +CONFRONTS +CONFUCIAN +CONFUCIANISM +CONFUCIUS +CONFUSE +CONFUSED +CONFUSER +CONFUSERS +CONFUSES +CONFUSING +CONFUSINGLY +CONFUSION +CONFUSIONS +CONGENIAL +CONGENIALLY +CONGENITAL +CONGEST +CONGESTED +CONGESTION +CONGESTIVE +CONGLOMERATE +CONGO +CONGOLESE +CONGRATULATE +CONGRATULATED +CONGRATULATION +CONGRATULATIONS +CONGRATULATORY +CONGREGATE +CONGREGATED +CONGREGATES +CONGREGATING +CONGREGATION +CONGREGATIONS +CONGRESS +CONGRESSES +CONGRESSIONAL +CONGRESSIONALLY +CONGRESSMAN +CONGRESSMEN +CONGRESSWOMAN +CONGRESSWOMEN +CONGRUENCE +CONGRUENT +CONIC +CONIFER +CONIFEROUS +CONJECTURE +CONJECTURED +CONJECTURES +CONJECTURING +CONJOINED +CONJUGAL +CONJUGATE +CONJUNCT +CONJUNCTED +CONJUNCTION +CONJUNCTIONS +CONJUNCTIVE +CONJUNCTIVELY +CONJUNCTS +CONJUNCTURE +CONJURE +CONJURED +CONJURER +CONJURES +CONJURING +CONKLIN +CONLEY +CONNALLY +CONNECT +CONNECTED +CONNECTEDNESS +CONNECTICUT +CONNECTING +CONNECTION +CONNECTIONLESS +CONNECTIONS +CONNECTIVE +CONNECTIVES +CONNECTIVITY +CONNECTOR +CONNECTORS +CONNECTS +CONNELLY +CONNER +CONNIE +CONNIVANCE +CONNIVE +CONNOISSEUR +CONNOISSEURS +CONNORS +CONNOTATION +CONNOTATIVE +CONNOTE +CONNOTED +CONNOTES +CONNOTING +CONNUBIAL +CONQUER +CONQUERABLE +CONQUERED +CONQUERER +CONQUERERS +CONQUERING +CONQUEROR +CONQUERORS +CONQUERS +CONQUEST +CONQUESTS +CONRAD +CONRAIL +CONSCIENCE +CONSCIENCES +CONSCIENTIOUS +CONSCIENTIOUSLY +CONSCIOUS +CONSCIOUSLY +CONSCIOUSNESS +CONSCRIPT +CONSCRIPTION +CONSECRATE +CONSECRATION +CONSECUTIVE +CONSECUTIVELY +CONSENSUAL +CONSENSUS +CONSENT +CONSENTED +CONSENTER +CONSENTERS +CONSENTING +CONSENTS +CONSEQUENCE +CONSEQUENCES +CONSEQUENT +CONSEQUENTIAL +CONSEQUENTIALITIES +CONSEQUENTIALITY +CONSEQUENTLY +CONSEQUENTS +CONSERVATION +CONSERVATIONIST +CONSERVATIONISTS +CONSERVATIONS +CONSERVATISM +CONSERVATIVE +CONSERVATIVELY +CONSERVATIVES +CONSERVATOR +CONSERVE +CONSERVED +CONSERVES +CONSERVING +CONSIDER +CONSIDERABLE +CONSIDERABLY +CONSIDERATE +CONSIDERATELY +CONSIDERATION +CONSIDERATIONS +CONSIDERED +CONSIDERING +CONSIDERS +CONSIGN +CONSIGNED +CONSIGNING +CONSIGNS +CONSIST +CONSISTED +CONSISTENCY +CONSISTENT +CONSISTENTLY +CONSISTING +CONSISTS +CONSOLABLE +CONSOLATION +CONSOLATIONS +CONSOLE +CONSOLED +CONSOLER +CONSOLERS +CONSOLES +CONSOLIDATE +CONSOLIDATED +CONSOLIDATES +CONSOLIDATING +CONSOLIDATION +CONSOLING +CONSOLINGLY +CONSONANT +CONSONANTS +CONSORT +CONSORTED +CONSORTING +CONSORTIUM +CONSORTS +CONSPICUOUS +CONSPICUOUSLY +CONSPIRACIES +CONSPIRACY +CONSPIRATOR +CONSPIRATORS +CONSPIRE +CONSPIRED +CONSPIRES +CONSPIRING +CONSTABLE +CONSTABLES +CONSTANCE +CONSTANCY +CONSTANT +CONSTANTINE +CONSTANTINOPLE +CONSTANTLY +CONSTANTS +CONSTELLATION +CONSTELLATIONS +CONSTERNATION +CONSTITUENCIES +CONSTITUENCY +CONSTITUENT +CONSTITUENTS +CONSTITUTE +CONSTITUTED +CONSTITUTES +CONSTITUTING +CONSTITUTION +CONSTITUTIONAL +CONSTITUTIONALITY +CONSTITUTIONALLY +CONSTITUTIONS +CONSTITUTIVE +CONSTRAIN +CONSTRAINED +CONSTRAINING +CONSTRAINS +CONSTRAINT +CONSTRAINTS +CONSTRICT +CONSTRUCT +CONSTRUCTED +CONSTRUCTIBILITY +CONSTRUCTIBLE +CONSTRUCTING +CONSTRUCTION +CONSTRUCTIONS +CONSTRUCTIVE +CONSTRUCTIVELY +CONSTRUCTOR +CONSTRUCTORS +CONSTRUCTS +CONSTRUE +CONSTRUED +CONSTRUING +CONSUL +CONSULAR +CONSULATE +CONSULATES +CONSULS +CONSULT +CONSULTANT +CONSULTANTS +CONSULTATION +CONSULTATIONS +CONSULTATIVE +CONSULTED +CONSULTING +CONSULTS +CONSUMABLE +CONSUME +CONSUMED +CONSUMER +CONSUMERS +CONSUMES +CONSUMING +CONSUMMATE +CONSUMMATED +CONSUMMATELY +CONSUMMATION +CONSUMPTION +CONSUMPTIONS +CONSUMPTIVE +CONSUMPTIVELY +CONTACT +CONTACTED +CONTACTING +CONTACTS +CONTAGION +CONTAGIOUS +CONTAGIOUSLY +CONTAIN +CONTAINABLE +CONTAINED +CONTAINER +CONTAINERS +CONTAINING +CONTAINMENT +CONTAINMENTS +CONTAINS +CONTAMINATE +CONTAMINATED +CONTAMINATES +CONTAMINATING +CONTAMINATION +CONTEMPLATE +CONTEMPLATED +CONTEMPLATES +CONTEMPLATING +CONTEMPLATION +CONTEMPLATIONS +CONTEMPLATIVE +CONTEMPORARIES +CONTEMPORARINESS +CONTEMPORARY +CONTEMPT +CONTEMPTIBLE +CONTEMPTUOUS +CONTEMPTUOUSLY +CONTEND +CONTENDED +CONTENDER +CONTENDERS +CONTENDING +CONTENDS +CONTENT +CONTENTED +CONTENTING +CONTENTION +CONTENTIONS +CONTENTLY +CONTENTMENT +CONTENTS +CONTEST +CONTESTABLE +CONTESTANT +CONTESTED +CONTESTER +CONTESTERS +CONTESTING +CONTESTS +CONTEXT +CONTEXTS +CONTEXTUAL +CONTEXTUALLY +CONTIGUITY +CONTIGUOUS +CONTIGUOUSLY +CONTINENT +CONTINENTAL +CONTINENTALLY +CONTINENTS +CONTINGENCIES +CONTINGENCY +CONTINGENT +CONTINGENTS +CONTINUAL +CONTINUALLY +CONTINUANCE +CONTINUANCES +CONTINUATION +CONTINUATIONS +CONTINUE +CONTINUED +CONTINUES +CONTINUING +CONTINUITIES +CONTINUITY +CONTINUOUS +CONTINUOUSLY +CONTINUUM +CONTORTIONS +CONTOUR +CONTOURED +CONTOURING +CONTOURS +CONTRABAND +CONTRACEPTION +CONTRACEPTIVE +CONTRACT +CONTRACTED +CONTRACTING +CONTRACTION +CONTRACTIONS +CONTRACTOR +CONTRACTORS +CONTRACTS +CONTRACTUAL +CONTRACTUALLY +CONTRADICT +CONTRADICTED +CONTRADICTING +CONTRADICTION +CONTRADICTIONS +CONTRADICTORY +CONTRADICTS +CONTRADISTINCTION +CONTRADISTINCTIONS +CONTRAPOSITIVE +CONTRAPOSITIVES +CONTRAPTION +CONTRAPTIONS +CONTRARINESS +CONTRARY +CONTRAST +CONTRASTED +CONTRASTER +CONTRASTERS +CONTRASTING +CONTRASTINGLY +CONTRASTS +CONTRIBUTE +CONTRIBUTED +CONTRIBUTES +CONTRIBUTING +CONTRIBUTION +CONTRIBUTIONS +CONTRIBUTOR +CONTRIBUTORILY +CONTRIBUTORS +CONTRIBUTORY +CONTRITE +CONTRITION +CONTRIVANCE +CONTRIVANCES +CONTRIVE +CONTRIVED +CONTRIVER +CONTRIVES +CONTRIVING +CONTROL +CONTROLLABILITY +CONTROLLABLE +CONTROLLABLY +CONTROLLED +CONTROLLER +CONTROLLERS +CONTROLLING +CONTROLS +CONTROVERSIAL +CONTROVERSIES +CONTROVERSY +CONTROVERTIBLE +CONTUMACIOUS +CONTUMACY +CONUNDRUM +CONUNDRUMS +CONVAIR +CONVALESCENT +CONVECT +CONVENE +CONVENED +CONVENES +CONVENIENCE +CONVENIENCES +CONVENIENT +CONVENIENTLY +CONVENING +CONVENT +CONVENTION +CONVENTIONAL +CONVENTIONALLY +CONVENTIONS +CONVENTS +CONVERGE +CONVERGED +CONVERGENCE +CONVERGENT +CONVERGES +CONVERGING +CONVERSANT +CONVERSANTLY +CONVERSATION +CONVERSATIONAL +CONVERSATIONALLY +CONVERSATIONS +CONVERSE +CONVERSED +CONVERSELY +CONVERSES +CONVERSING +CONVERSION +CONVERSIONS +CONVERT +CONVERTED +CONVERTER +CONVERTERS +CONVERTIBILITY +CONVERTIBLE +CONVERTING +CONVERTS +CONVEX +CONVEY +CONVEYANCE +CONVEYANCES +CONVEYED +CONVEYER +CONVEYERS +CONVEYING +CONVEYOR +CONVEYS +CONVICT +CONVICTED +CONVICTING +CONVICTION +CONVICTIONS +CONVICTS +CONVINCE +CONVINCED +CONVINCER +CONVINCERS +CONVINCES +CONVINCING +CONVINCINGLY +CONVIVIAL +CONVOKE +CONVOLUTED +CONVOLUTION +CONVOY +CONVOYED +CONVOYING +CONVOYS +CONVULSE +CONVULSION +CONVULSIONS +CONWAY +COO +COOING +COOK +COOKBOOK +COOKE +COOKED +COOKERY +COOKIE +COOKIES +COOKING +COOKS +COOKY +COOL +COOLED +COOLER +COOLERS +COOLEST +COOLEY +COOLIDGE +COOLIE +COOLIES +COOLING +COOLLY +COOLNESS +COOLS +COON +COONS +COOP +COOPED +COOPER +COOPERATE +COOPERATED +COOPERATES +COOPERATING +COOPERATION +COOPERATIONS +COOPERATIVE +COOPERATIVELY +COOPERATIVES +COOPERATOR +COOPERATORS +COOPERS +COOPS +COORDINATE +COORDINATED +COORDINATES +COORDINATING +COORDINATION +COORDINATIONS +COORDINATOR +COORDINATORS +COORS +COP +COPE +COPED +COPELAND +COPENHAGEN +COPERNICAN +COPERNICUS +COPES +COPIED +COPIER +COPIERS +COPIES +COPING +COPINGS +COPIOUS +COPIOUSLY +COPIOUSNESS +COPLANAR +COPPER +COPPERFIELD +COPPERHEAD +COPPERS +COPRA +COPROCESSOR +COPS +COPSE +COPY +COPYING +COPYRIGHT +COPYRIGHTABLE +COPYRIGHTED +COPYRIGHTS +COPYWRITER +COQUETTE +CORAL +CORBETT +CORCORAN +CORD +CORDED +CORDER +CORDIAL +CORDIALITY +CORDIALLY +CORDS +CORE +CORED +CORER +CORERS +CORES +COREY +CORIANDER +CORING +CORINTH +CORINTHIAN +CORINTHIANIZE +CORINTHIANIZES +CORINTHIANS +CORIOLANUS +CORK +CORKED +CORKER +CORKERS +CORKING +CORKS +CORKSCREW +CORMORANT +CORN +CORNEA +CORNELIA +CORNELIAN +CORNELIUS +CORNELL +CORNER +CORNERED +CORNERS +CORNERSTONE +CORNERSTONES +CORNET +CORNFIELD +CORNFIELDS +CORNING +CORNISH +CORNMEAL +CORNS +CORNSTARCH +CORNUCOPIA +CORNWALL +CORNWALLIS +CORNY +COROLLARIES +COROLLARY +CORONADO +CORONARIES +CORONARY +CORONATION +CORONER +CORONET +CORONETS +COROUTINE +COROUTINES +CORPORAL +CORPORALS +CORPORATE +CORPORATELY +CORPORATION +CORPORATIONS +CORPS +CORPSE +CORPSES +CORPULENT +CORPUS +CORPUSCULAR +CORRAL +CORRECT +CORRECTABLE +CORRECTED +CORRECTING +CORRECTION +CORRECTIONS +CORRECTIVE +CORRECTIVELY +CORRECTIVES +CORRECTLY +CORRECTNESS +CORRECTOR +CORRECTS +CORRELATE +CORRELATED +CORRELATES +CORRELATING +CORRELATION +CORRELATIONS +CORRELATIVE +CORRESPOND +CORRESPONDED +CORRESPONDENCE +CORRESPONDENCES +CORRESPONDENT +CORRESPONDENTS +CORRESPONDING +CORRESPONDINGLY +CORRESPONDS +CORRIDOR +CORRIDORS +CORRIGENDA +CORRIGENDUM +CORRIGIBLE +CORROBORATE +CORROBORATED +CORROBORATES +CORROBORATING +CORROBORATION +CORROBORATIONS +CORROBORATIVE +CORRODE +CORROSION +CORROSIVE +CORRUGATE +CORRUPT +CORRUPTED +CORRUPTER +CORRUPTIBLE +CORRUPTING +CORRUPTION +CORRUPTIONS +CORRUPTS +CORSET +CORSICA +CORSICAN +CORTEX +CORTEZ +CORTICAL +CORTLAND +CORVALLIS +CORVUS +CORYDORAS +COSGROVE +COSINE +COSINES +COSMETIC +COSMETICS +COSMIC +COSMOLOGY +COSMOPOLITAN +COSMOS +COSPONSOR +COSSACK +COST +COSTA +COSTED +COSTELLO +COSTING +COSTLY +COSTS +COSTUME +COSTUMED +COSTUMER +COSTUMES +COSTUMING +COSY +COT +COTANGENT +COTILLION +COTS +COTTAGE +COTTAGER +COTTAGES +COTTON +COTTONMOUTH +COTTONS +COTTONSEED +COTTONWOOD +COTTRELL +COTYLEDON +COTYLEDONS +COUCH +COUCHED +COUCHES +COUCHING +COUGAR +COUGH +COUGHED +COUGHING +COUGHS +COULD +COULOMB +COULTER +COUNCIL +COUNCILLOR +COUNCILLORS +COUNCILMAN +COUNCILMEN +COUNCILS +COUNCILWOMAN +COUNCILWOMEN +COUNSEL +COUNSELED +COUNSELING +COUNSELLED +COUNSELLING +COUNSELLOR +COUNSELLORS +COUNSELOR +COUNSELORS +COUNSELS +COUNT +COUNTABLE +COUNTABLY +COUNTED +COUNTENANCE +COUNTER +COUNTERACT +COUNTERACTED +COUNTERACTING +COUNTERACTIVE +COUNTERARGUMENT +COUNTERATTACK +COUNTERBALANCE +COUNTERCLOCKWISE +COUNTERED +COUNTEREXAMPLE +COUNTEREXAMPLES +COUNTERFEIT +COUNTERFEITED +COUNTERFEITER +COUNTERFEITING +COUNTERFLOW +COUNTERING +COUNTERINTUITIVE +COUNTERMAN +COUNTERMEASURE +COUNTERMEASURES +COUNTERMEN +COUNTERPART +COUNTERPARTS +COUNTERPOINT +COUNTERPOINTING +COUNTERPOISE +COUNTERPRODUCTIVE +COUNTERPROPOSAL +COUNTERREVOLUTION +COUNTERS +COUNTERSINK +COUNTERSUNK +COUNTESS +COUNTIES +COUNTING +COUNTLESS +COUNTRIES +COUNTRY +COUNTRYMAN +COUNTRYMEN +COUNTRYSIDE +COUNTRYWIDE +COUNTS +COUNTY +COUNTYWIDE +COUPLE +COUPLED +COUPLER +COUPLERS +COUPLES +COUPLING +COUPLINGS +COUPON +COUPONS +COURAGE +COURAGEOUS +COURAGEOUSLY +COURIER +COURIERS +COURSE +COURSED +COURSER +COURSES +COURSING +COURT +COURTED +COURTEOUS +COURTEOUSLY +COURTER +COURTERS +COURTESAN +COURTESIES +COURTESY +COURTHOUSE +COURTHOUSES +COURTIER +COURTIERS +COURTING +COURTLY +COURTNEY +COURTROOM +COURTROOMS +COURTS +COURTSHIP +COURTYARD +COURTYARDS +COUSIN +COUSINS +COVALENT +COVARIANT +COVE +COVENANT +COVENANTS +COVENT +COVENTRY +COVER +COVERABLE +COVERAGE +COVERED +COVERING +COVERINGS +COVERLET +COVERLETS +COVERS +COVERT +COVERTLY +COVES +COVET +COVETED +COVETING +COVETOUS +COVETOUSNESS +COVETS +COW +COWAN +COWARD +COWARDICE +COWARDLY +COWBOY +COWBOYS +COWED +COWER +COWERED +COWERER +COWERERS +COWERING +COWERINGLY +COWERS +COWHERD +COWHIDE +COWING +COWL +COWLICK +COWLING +COWLS +COWORKER +COWS +COWSLIP +COWSLIPS +COYOTE +COYOTES +COYPU +COZIER +COZINESS +COZY +CRAB +CRABAPPLE +CRABS +CRACK +CRACKED +CRACKER +CRACKERS +CRACKING +CRACKLE +CRACKLED +CRACKLES +CRACKLING +CRACKPOT +CRACKS +CRADLE +CRADLED +CRADLES +CRAFT +CRAFTED +CRAFTER +CRAFTINESS +CRAFTING +CRAFTS +CRAFTSMAN +CRAFTSMEN +CRAFTSPEOPLE +CRAFTSPERSON +CRAFTY +CRAG +CRAGGY +CRAGS +CRAIG +CRAM +CRAMER +CRAMMING +CRAMP +CRAMPS +CRAMS +CRANBERRIES +CRANBERRY +CRANDALL +CRANE +CRANES +CRANFORD +CRANIA +CRANIUM +CRANK +CRANKCASE +CRANKED +CRANKIER +CRANKIEST +CRANKILY +CRANKING +CRANKS +CRANKSHAFT +CRANKY +CRANNY +CRANSTON +CRASH +CRASHED +CRASHER +CRASHERS +CRASHES +CRASHING +CRASS +CRATE +CRATER +CRATERS +CRATES +CRAVAT +CRAVATS +CRAVE +CRAVED +CRAVEN +CRAVES +CRAVING +CRAWFORD +CRAWL +CRAWLED +CRAWLER +CRAWLERS +CRAWLING +CRAWLS +CRAY +CRAYON +CRAYS +CRAZE +CRAZED +CRAZES +CRAZIER +CRAZIEST +CRAZILY +CRAZINESS +CRAZING +CRAZY +CREAK +CREAKED +CREAKING +CREAKS +CREAKY +CREAM +CREAMED +CREAMER +CREAMERS +CREAMERY +CREAMING +CREAMS +CREAMY +CREASE +CREASED +CREASES +CREASING +CREATE +CREATED +CREATES +CREATING +CREATION +CREATIONS +CREATIVE +CREATIVELY +CREATIVENESS +CREATIVITY +CREATOR +CREATORS +CREATURE +CREATURES +CREDENCE +CREDENTIAL +CREDIBILITY +CREDIBLE +CREDIBLY +CREDIT +CREDITABLE +CREDITABLY +CREDITED +CREDITING +CREDITOR +CREDITORS +CREDITS +CREDULITY +CREDULOUS +CREDULOUSNESS +CREE +CREED +CREEDS +CREEK +CREEKS +CREEP +CREEPER +CREEPERS +CREEPING +CREEPS +CREEPY +CREIGHTON +CREMATE +CREMATED +CREMATES +CREMATING +CREMATION +CREMATIONS +CREMATORY +CREOLE +CREON +CREPE +CREPT +CRESCENT +CRESCENTS +CREST +CRESTED +CRESTFALLEN +CRESTS +CRESTVIEW +CRETACEOUS +CRETACEOUSLY +CRETAN +CRETE +CRETIN +CREVICE +CREVICES +CREW +CREWCUT +CREWED +CREWING +CREWS +CRIB +CRIBS +CRICKET +CRICKETS +CRIED +CRIER +CRIERS +CRIES +CRIME +CRIMEA +CRIMEAN +CRIMES +CRIMINAL +CRIMINALLY +CRIMINALS +CRIMINATE +CRIMSON +CRIMSONING +CRINGE +CRINGED +CRINGES +CRINGING +CRIPPLE +CRIPPLED +CRIPPLES +CRIPPLING +CRISES +CRISIS +CRISP +CRISPIN +CRISPLY +CRISPNESS +CRISSCROSS +CRITERIA +CRITERION +CRITIC +CRITICAL +CRITICALLY +CRITICISM +CRITICISMS +CRITICIZE +CRITICIZED +CRITICIZES +CRITICIZING +CRITICS +CRITIQUE +CRITIQUES +CRITIQUING +CRITTER +CROAK +CROAKED +CROAKING +CROAKS +CROATIA +CROATIAN +CROCHET +CROCHETS +CROCK +CROCKERY +CROCKETT +CROCKS +CROCODILE +CROCUS +CROFT +CROIX +CROMWELL +CROMWELLIAN +CROOK +CROOKED +CROOKS +CROP +CROPPED +CROPPER +CROPPERS +CROPPING +CROPS +CROSBY +CROSS +CROSSABLE +CROSSBAR +CROSSBARS +CROSSED +CROSSER +CROSSERS +CROSSES +CROSSING +CROSSINGS +CROSSLY +CROSSOVER +CROSSOVERS +CROSSPOINT +CROSSROAD +CROSSTALK +CROSSWALK +CROSSWORD +CROSSWORDS +CROTCH +CROTCHETY +CROUCH +CROUCHED +CROUCHING +CROW +CROWD +CROWDED +CROWDER +CROWDING +CROWDS +CROWED +CROWING +CROWLEY +CROWN +CROWNED +CROWNING +CROWNS +CROWS +CROYDON +CRUCIAL +CRUCIALLY +CRUCIBLE +CRUCIFIED +CRUCIFIES +CRUCIFIX +CRUCIFIXION +CRUCIFY +CRUCIFYING +CRUD +CRUDDY +CRUDE +CRUDELY +CRUDENESS +CRUDER +CRUDEST +CRUEL +CRUELER +CRUELEST +CRUELLY +CRUELTY +CRUICKSHANK +CRUISE +CRUISER +CRUISERS +CRUISES +CRUISING +CRUMB +CRUMBLE +CRUMBLED +CRUMBLES +CRUMBLING +CRUMBLY +CRUMBS +CRUMMY +CRUMPLE +CRUMPLED +CRUMPLES +CRUMPLING +CRUNCH +CRUNCHED +CRUNCHES +CRUNCHIER +CRUNCHIEST +CRUNCHING +CRUNCHY +CRUSADE +CRUSADER +CRUSADERS +CRUSADES +CRUSADING +CRUSH +CRUSHABLE +CRUSHED +CRUSHER +CRUSHERS +CRUSHES +CRUSHING +CRUSHINGLY +CRUSOE +CRUST +CRUSTACEAN +CRUSTACEANS +CRUSTS +CRUTCH +CRUTCHES +CRUX +CRUXES +CRUZ +CRY +CRYING +CRYOGENIC +CRYPT +CRYPTANALYSIS +CRYPTANALYST +CRYPTANALYTIC +CRYPTIC +CRYPTOGRAM +CRYPTOGRAPHER +CRYPTOGRAPHIC +CRYPTOGRAPHICALLY +CRYPTOGRAPHY +CRYPTOLOGIST +CRYPTOLOGY +CRYSTAL +CRYSTALLINE +CRYSTALLIZE +CRYSTALLIZED +CRYSTALLIZES +CRYSTALLIZING +CRYSTALS +CUB +CUBA +CUBAN +CUBANIZE +CUBANIZES +CUBANS +CUBBYHOLE +CUBE +CUBED +CUBES +CUBIC +CUBS +CUCKOO +CUCKOOS +CUCUMBER +CUCUMBERS +CUDDLE +CUDDLED +CUDDLY +CUDGEL +CUDGELS +CUE +CUED +CUES +CUFF +CUFFLINK +CUFFS +CUISINE +CULBERTSON +CULINARY +CULL +CULLED +CULLER +CULLING +CULLS +CULMINATE +CULMINATED +CULMINATES +CULMINATING +CULMINATION +CULPA +CULPABLE +CULPRIT +CULPRITS +CULT +CULTIVABLE +CULTIVATE +CULTIVATED +CULTIVATES +CULTIVATING +CULTIVATION +CULTIVATIONS +CULTIVATOR +CULTIVATORS +CULTS +CULTURAL +CULTURALLY +CULTURE +CULTURED +CULTURES +CULTURING +CULVER +CULVERS +CUMBERLAND +CUMBERSOME +CUMMINGS +CUMMINS +CUMULATIVE +CUMULATIVELY +CUNARD +CUNNILINGUS +CUNNING +CUNNINGHAM +CUNNINGLY +CUP +CUPBOARD +CUPBOARDS +CUPERTINO +CUPFUL +CUPID +CUPPED +CUPPING +CUPS +CURABLE +CURABLY +CURB +CURBING +CURBS +CURD +CURDLE +CURE +CURED +CURES +CURFEW +CURFEWS +CURING +CURIOSITIES +CURIOSITY +CURIOUS +CURIOUSER +CURIOUSEST +CURIOUSLY +CURL +CURLED +CURLER +CURLERS +CURLICUE +CURLING +CURLS +CURLY +CURRAN +CURRANT +CURRANTS +CURRENCIES +CURRENCY +CURRENT +CURRENTLY +CURRENTNESS +CURRENTS +CURRICULAR +CURRICULUM +CURRICULUMS +CURRIED +CURRIES +CURRY +CURRYING +CURS +CURSE +CURSED +CURSES +CURSING +CURSIVE +CURSOR +CURSORILY +CURSORS +CURSORY +CURT +CURTAIL +CURTAILED +CURTAILS +CURTAIN +CURTAINED +CURTAINS +CURTATE +CURTIS +CURTLY +CURTNESS +CURTSIES +CURTSY +CURVACEOUS +CURVATURE +CURVE +CURVED +CURVES +CURVILINEAR +CURVING +CUSHING +CUSHION +CUSHIONED +CUSHIONING +CUSHIONS +CUSHMAN +CUSP +CUSPS +CUSTARD +CUSTER +CUSTODIAL +CUSTODIAN +CUSTODIANS +CUSTODY +CUSTOM +CUSTOMARILY +CUSTOMARY +CUSTOMER +CUSTOMERS +CUSTOMIZABLE +CUSTOMIZATION +CUSTOMIZATIONS +CUSTOMIZE +CUSTOMIZED +CUSTOMIZER +CUSTOMIZERS +CUSTOMIZES +CUSTOMIZING +CUSTOMS +CUT +CUTANEOUS +CUTBACK +CUTE +CUTEST +CUTLASS +CUTLET +CUTOFF +CUTOUT +CUTOVER +CUTS +CUTTER +CUTTERS +CUTTHROAT +CUTTING +CUTTINGLY +CUTTINGS +CUTTLEFISH +CUVIER +CUZCO +CYANAMID +CYANIDE +CYBERNETIC +CYBERNETICS +CYBERSPACE +CYCLADES +CYCLE +CYCLED +CYCLES +CYCLIC +CYCLICALLY +CYCLING +CYCLOID +CYCLOIDAL +CYCLOIDS +CYCLONE +CYCLONES +CYCLOPS +CYCLOTRON +CYCLOTRONS +CYGNUS +CYLINDER +CYLINDERS +CYLINDRICAL +CYMBAL +CYMBALS +CYNIC +CYNICAL +CYNICALLY +CYNTHIA +CYPRESS +CYPRIAN +CYPRIOT +CYPRUS +CYRIL +CYRILLIC +CYRUS +CYST +CYSTS +CYTOLOGY +CYTOPLASM +CZAR +CZECH +CZECHIZATION +CZECHIZATIONS +CZECHOSLOVAKIA +CZERNIAK +DABBLE +DABBLED +DABBLER +DABBLES +DABBLING +DACCA +DACRON +DACTYL +DACTYLIC +DAD +DADA +DADAISM +DADAIST +DADAISTIC +DADDY +DADE +DADS +DAEDALUS +DAEMON +DAEMONS +DAFFODIL +DAFFODILS +DAGGER +DAHL +DAHLIA +DAHOMEY +DAILEY +DAILIES +DAILY +DAIMLER +DAINTILY +DAINTINESS +DAINTY +DAIRY +DAIRYLEA +DAISIES +DAISY +DAKAR +DAKOTA +DALE +DALES +DALEY +DALHOUSIE +DALI +DALLAS +DALTON +DALY +DALZELL +DAM +DAMAGE +DAMAGED +DAMAGER +DAMAGERS +DAMAGES +DAMAGING +DAMASCUS +DAMASK +DAME +DAMMING +DAMN +DAMNATION +DAMNED +DAMNING +DAMNS +DAMOCLES +DAMON +DAMP +DAMPEN +DAMPENS +DAMPER +DAMPING +DAMPNESS +DAMS +DAMSEL +DAMSELS +DAN +DANA +DANBURY +DANCE +DANCED +DANCER +DANCERS +DANCES +DANCING +DANDELION +DANDELIONS +DANDY +DANE +DANES +DANGER +DANGEROUS +DANGEROUSLY +DANGERS +DANGLE +DANGLED +DANGLES +DANGLING +DANIEL +DANIELS +DANIELSON +DANISH +DANIZATION +DANIZATIONS +DANIZE +DANIZES +DANNY +DANTE +DANUBE +DANUBIAN +DANVILLE +DANZIG +DAPHNE +DAR +DARE +DARED +DARER +DARERS +DARES +DARESAY +DARING +DARINGLY +DARIUS +DARK +DARKEN +DARKER +DARKEST +DARKLY +DARKNESS +DARKROOM +DARLENE +DARLING +DARLINGS +DARLINGTON +DARN +DARNED +DARNER +DARNING +DARNS +DARPA +DARRELL +DARROW +DARRY +DART +DARTED +DARTER +DARTING +DARTMOUTH +DARTS +DARWIN +DARWINIAN +DARWINISM +DARWINISTIC +DARWINIZE +DARWINIZES +DASH +DASHBOARD +DASHED +DASHER +DASHERS +DASHES +DASHING +DASHINGLY +DATA +DATABASE +DATABASES +DATAGRAM +DATAGRAMS +DATAMATION +DATAMEDIA +DATE +DATED +DATELINE +DATER +DATES +DATING +DATIVE +DATSUN +DATUM +DAUGHERTY +DAUGHTER +DAUGHTERLY +DAUGHTERS +DAUNT +DAUNTED +DAUNTLESS +DAVE +DAVID +DAVIDSON +DAVIE +DAVIES +DAVINICH +DAVIS +DAVISON +DAVY +DAWN +DAWNED +DAWNING +DAWNS +DAWSON +DAY +DAYBREAK +DAYDREAM +DAYDREAMING +DAYDREAMS +DAYLIGHT +DAYLIGHTS +DAYS +DAYTIME +DAYTON +DAYTONA +DAZE +DAZED +DAZZLE +DAZZLED +DAZZLER +DAZZLES +DAZZLING +DAZZLINGLY +DEACON +DEACONS +DEACTIVATE +DEAD +DEADEN +DEADLINE +DEADLINES +DEADLOCK +DEADLOCKED +DEADLOCKING +DEADLOCKS +DEADLY +DEADNESS +DEADWOOD +DEAF +DEAFEN +DEAFER +DEAFEST +DEAFNESS +DEAL +DEALER +DEALERS +DEALERSHIP +DEALING +DEALINGS +DEALLOCATE +DEALLOCATED +DEALLOCATING +DEALLOCATION +DEALLOCATIONS +DEALS +DEALT +DEAN +DEANE +DEANNA +DEANS +DEAR +DEARBORN +DEARER +DEAREST +DEARLY +DEARNESS +DEARTH +DEARTHS +DEATH +DEATHBED +DEATHLY +DEATHS +DEBACLE +DEBAR +DEBASE +DEBATABLE +DEBATE +DEBATED +DEBATER +DEBATERS +DEBATES +DEBATING +DEBAUCH +DEBAUCHERY +DEBBIE +DEBBY +DEBILITATE +DEBILITATED +DEBILITATES +DEBILITATING +DEBILITY +DEBIT +DEBITED +DEBORAH +DEBRA +DEBRIEF +DEBRIS +DEBT +DEBTOR +DEBTS +DEBUG +DEBUGGED +DEBUGGER +DEBUGGERS +DEBUGGING +DEBUGS +DEBUNK +DEBUSSY +DEBUTANTE +DEC +DECADE +DECADENCE +DECADENT +DECADENTLY +DECADES +DECAL +DECATHLON +DECATUR +DECAY +DECAYED +DECAYING +DECAYS +DECCA +DECEASE +DECEASED +DECEASES +DECEASING +DECEDENT +DECEIT +DECEITFUL +DECEITFULLY +DECEITFULNESS +DECEIVE +DECEIVED +DECEIVER +DECEIVERS +DECEIVES +DECEIVING +DECELERATE +DECELERATED +DECELERATES +DECELERATING +DECELERATION +DECEMBER +DECEMBERS +DECENCIES +DECENCY +DECENNIAL +DECENT +DECENTLY +DECENTRALIZATION +DECENTRALIZED +DECEPTION +DECEPTIONS +DECEPTIVE +DECEPTIVELY +DECERTIFY +DECIBEL +DECIDABILITY +DECIDABLE +DECIDE +DECIDED +DECIDEDLY +DECIDES +DECIDING +DECIDUOUS +DECIMAL +DECIMALS +DECIMATE +DECIMATED +DECIMATES +DECIMATING +DECIMATION +DECIPHER +DECIPHERED +DECIPHERER +DECIPHERING +DECIPHERS +DECISION +DECISIONS +DECISIVE +DECISIVELY +DECISIVENESS +DECK +DECKED +DECKER +DECKING +DECKINGS +DECKS +DECLARATION +DECLARATIONS +DECLARATIVE +DECLARATIVELY +DECLARATIVES +DECLARATOR +DECLARATORY +DECLARE +DECLARED +DECLARER +DECLARERS +DECLARES +DECLARING +DECLASSIFY +DECLINATION +DECLINATIONS +DECLINE +DECLINED +DECLINER +DECLINERS +DECLINES +DECLINING +DECNET +DECODE +DECODED +DECODER +DECODERS +DECODES +DECODING +DECODINGS +DECOLLETAGE +DECOLLIMATE +DECOMPILE +DECOMPOSABILITY +DECOMPOSABLE +DECOMPOSE +DECOMPOSED +DECOMPOSES +DECOMPOSING +DECOMPOSITION +DECOMPOSITIONS +DECOMPRESS +DECOMPRESSION +DECORATE +DECORATED +DECORATES +DECORATING +DECORATION +DECORATIONS +DECORATIVE +DECORUM +DECOUPLE +DECOUPLED +DECOUPLES +DECOUPLING +DECOY +DECOYS +DECREASE +DECREASED +DECREASES +DECREASING +DECREASINGLY +DECREE +DECREED +DECREEING +DECREES +DECREMENT +DECREMENTED +DECREMENTING +DECREMENTS +DECRYPT +DECRYPTED +DECRYPTING +DECRYPTION +DECRYPTS +DECSTATION +DECSYSTEM +DECTAPE +DEDICATE +DEDICATED +DEDICATES +DEDICATING +DEDICATION +DEDUCE +DEDUCED +DEDUCER +DEDUCES +DEDUCIBLE +DEDUCING +DEDUCT +DEDUCTED +DEDUCTIBLE +DEDUCTING +DEDUCTION +DEDUCTIONS +DEDUCTIVE +DEE +DEED +DEEDED +DEEDING +DEEDS +DEEM +DEEMED +DEEMING +DEEMPHASIZE +DEEMPHASIZED +DEEMPHASIZES +DEEMPHASIZING +DEEMS +DEEP +DEEPEN +DEEPENED +DEEPENING +DEEPENS +DEEPER +DEEPEST +DEEPLY +DEEPS +DEER +DEERE +DEFACE +DEFAULT +DEFAULTED +DEFAULTER +DEFAULTING +DEFAULTS +DEFEAT +DEFEATED +DEFEATING +DEFEATS +DEFECATE +DEFECT +DEFECTED +DEFECTING +DEFECTION +DEFECTIONS +DEFECTIVE +DEFECTS +DEFEND +DEFENDANT +DEFENDANTS +DEFENDED +DEFENDER +DEFENDERS +DEFENDING +DEFENDS +DEFENESTRATE +DEFENESTRATED +DEFENESTRATES +DEFENESTRATING +DEFENESTRATION +DEFENSE +DEFENSELESS +DEFENSES +DEFENSIBLE +DEFENSIVE +DEFER +DEFERENCE +DEFERMENT +DEFERMENTS +DEFERRABLE +DEFERRED +DEFERRER +DEFERRERS +DEFERRING +DEFERS +DEFIANCE +DEFIANT +DEFIANTLY +DEFICIENCIES +DEFICIENCY +DEFICIENT +DEFICIT +DEFICITS +DEFIED +DEFIES +DEFILE +DEFILING +DEFINABLE +DEFINE +DEFINED +DEFINER +DEFINES +DEFINING +DEFINITE +DEFINITELY +DEFINITENESS +DEFINITION +DEFINITIONAL +DEFINITIONS +DEFINITIVE +DEFLATE +DEFLATER +DEFLECT +DEFOCUS +DEFOE +DEFOREST +DEFORESTATION +DEFORM +DEFORMATION +DEFORMATIONS +DEFORMED +DEFORMITIES +DEFORMITY +DEFRAUD +DEFRAY +DEFROST +DEFTLY +DEFUNCT +DEFY +DEFYING +DEGENERACY +DEGENERATE +DEGENERATED +DEGENERATES +DEGENERATING +DEGENERATION +DEGENERATIVE +DEGRADABLE +DEGRADATION +DEGRADATIONS +DEGRADE +DEGRADED +DEGRADES +DEGRADING +DEGREE +DEGREES +DEHUMIDIFY +DEHYDRATE +DEIFY +DEIGN +DEIGNED +DEIGNING +DEIGNS +DEIMOS +DEIRDRE +DEIRDRES +DEITIES +DEITY +DEJECTED +DEJECTEDLY +DEKALB +DEKASTERE +DEL +DELANEY +DELANO +DELAWARE +DELAY +DELAYED +DELAYING +DELAYS +DELEGATE +DELEGATED +DELEGATES +DELEGATING +DELEGATION +DELEGATIONS +DELETE +DELETED +DELETER +DELETERIOUS +DELETES +DELETING +DELETION +DELETIONS +DELFT +DELHI +DELIA +DELIBERATE +DELIBERATED +DELIBERATELY +DELIBERATENESS +DELIBERATES +DELIBERATING +DELIBERATION +DELIBERATIONS +DELIBERATIVE +DELIBERATOR +DELIBERATORS +DELICACIES +DELICACY +DELICATE +DELICATELY +DELICATESSEN +DELICIOUS +DELICIOUSLY +DELIGHT +DELIGHTED +DELIGHTEDLY +DELIGHTFUL +DELIGHTFULLY +DELIGHTING +DELIGHTS +DELILAH +DELIMIT +DELIMITATION +DELIMITED +DELIMITER +DELIMITERS +DELIMITING +DELIMITS +DELINEAMENT +DELINEATE +DELINEATED +DELINEATES +DELINEATING +DELINEATION +DELINQUENCY +DELINQUENT +DELIRIOUS +DELIRIOUSLY +DELIRIUM +DELIVER +DELIVERABLE +DELIVERABLES +DELIVERANCE +DELIVERED +DELIVERER +DELIVERERS +DELIVERIES +DELIVERING +DELIVERS +DELIVERY +DELL +DELLA +DELLS +DELLWOOD +DELMARVA +DELPHI +DELPHIC +DELPHICALLY +DELPHINUS +DELTA +DELTAS +DELUDE +DELUDED +DELUDES +DELUDING +DELUGE +DELUGED +DELUGES +DELUSION +DELUSIONS +DELUXE +DELVE +DELVES +DELVING +DEMAGNIFY +DEMAGOGUE +DEMAND +DEMANDED +DEMANDER +DEMANDING +DEMANDINGLY +DEMANDS +DEMARCATE +DEMEANOR +DEMENTED +DEMERIT +DEMETER +DEMIGOD +DEMISE +DEMO +DEMOCRACIES +DEMOCRACY +DEMOCRAT +DEMOCRATIC +DEMOCRATICALLY +DEMOCRATS +DEMODULATE +DEMODULATOR +DEMOGRAPHIC +DEMOLISH +DEMOLISHED +DEMOLISHES +DEMOLITION +DEMON +DEMONIAC +DEMONIC +DEMONS +DEMONSTRABLE +DEMONSTRATE +DEMONSTRATED +DEMONSTRATES +DEMONSTRATING +DEMONSTRATION +DEMONSTRATIONS +DEMONSTRATIVE +DEMONSTRATIVELY +DEMONSTRATOR +DEMONSTRATORS +DEMORALIZE +DEMORALIZED +DEMORALIZES +DEMORALIZING +DEMORGAN +DEMOTE +DEMOUNTABLE +DEMPSEY +DEMULTIPLEX +DEMULTIPLEXED +DEMULTIPLEXER +DEMULTIPLEXERS +DEMULTIPLEXING +DEMUR +DEMYTHOLOGIZE +DEN +DENATURE +DENEB +DENEBOLA +DENEEN +DENIABLE +DENIAL +DENIALS +DENIED +DENIER +DENIES +DENIGRATE +DENIGRATED +DENIGRATES +DENIGRATING +DENIZEN +DENMARK +DENNIS +DENNY +DENOMINATE +DENOMINATION +DENOMINATIONS +DENOMINATOR +DENOMINATORS +DENOTABLE +DENOTATION +DENOTATIONAL +DENOTATIONALLY +DENOTATIONS +DENOTATIVE +DENOTE +DENOTED +DENOTES +DENOTING +DENOUNCE +DENOUNCED +DENOUNCES +DENOUNCING +DENS +DENSE +DENSELY +DENSENESS +DENSER +DENSEST +DENSITIES +DENSITY +DENT +DENTAL +DENTALLY +DENTED +DENTING +DENTIST +DENTISTRY +DENTISTS +DENTON +DENTS +DENTURE +DENUDE +DENUMERABLE +DENUNCIATE +DENUNCIATION +DENVER +DENY +DENYING +DEODORANT +DEOXYRIBONUCLEIC +DEPART +DEPARTED +DEPARTING +DEPARTMENT +DEPARTMENTAL +DEPARTMENTS +DEPARTS +DEPARTURE +DEPARTURES +DEPEND +DEPENDABILITY +DEPENDABLE +DEPENDABLY +DEPENDED +DEPENDENCE +DEPENDENCIES +DEPENDENCY +DEPENDENT +DEPENDENTLY +DEPENDENTS +DEPENDING +DEPENDS +DEPICT +DEPICTED +DEPICTING +DEPICTS +DEPLETE +DEPLETED +DEPLETES +DEPLETING +DEPLETION +DEPLETIONS +DEPLORABLE +DEPLORE +DEPLORED +DEPLORES +DEPLORING +DEPLOY +DEPLOYED +DEPLOYING +DEPLOYMENT +DEPLOYMENTS +DEPLOYS +DEPORT +DEPORTATION +DEPORTEE +DEPORTMENT +DEPOSE +DEPOSED +DEPOSES +DEPOSIT +DEPOSITARY +DEPOSITED +DEPOSITING +DEPOSITION +DEPOSITIONS +DEPOSITOR +DEPOSITORS +DEPOSITORY +DEPOSITS +DEPOT +DEPOTS +DEPRAVE +DEPRAVED +DEPRAVITY +DEPRECATE +DEPRECIATE +DEPRECIATED +DEPRECIATES +DEPRECIATION +DEPRESS +DEPRESSED +DEPRESSES +DEPRESSING +DEPRESSION +DEPRESSIONS +DEPRIVATION +DEPRIVATIONS +DEPRIVE +DEPRIVED +DEPRIVES +DEPRIVING +DEPTH +DEPTHS +DEPUTIES +DEPUTY +DEQUEUE +DEQUEUED +DEQUEUES +DEQUEUING +DERAIL +DERAILED +DERAILING +DERAILS +DERBY +DERBYSHIRE +DEREFERENCE +DEREGULATE +DEREGULATED +DEREK +DERIDE +DERISION +DERIVABLE +DERIVATION +DERIVATIONS +DERIVATIVE +DERIVATIVES +DERIVE +DERIVED +DERIVES +DERIVING +DEROGATORY +DERRICK +DERRIERE +DERVISH +DES +DESCARTES +DESCEND +DESCENDANT +DESCENDANTS +DESCENDED +DESCENDENT +DESCENDER +DESCENDERS +DESCENDING +DESCENDS +DESCENT +DESCENTS +DESCRIBABLE +DESCRIBE +DESCRIBED +DESCRIBER +DESCRIBES +DESCRIBING +DESCRIPTION +DESCRIPTIONS +DESCRIPTIVE +DESCRIPTIVELY +DESCRIPTIVES +DESCRIPTOR +DESCRIPTORS +DESCRY +DESECRATE +DESEGREGATE +DESERT +DESERTED +DESERTER +DESERTERS +DESERTING +DESERTION +DESERTIONS +DESERTS +DESERVE +DESERVED +DESERVES +DESERVING +DESERVINGLY +DESERVINGS +DESIDERATA +DESIDERATUM +DESIGN +DESIGNATE +DESIGNATED +DESIGNATES +DESIGNATING +DESIGNATION +DESIGNATIONS +DESIGNATOR +DESIGNATORS +DESIGNED +DESIGNER +DESIGNERS +DESIGNING +DESIGNS +DESIRABILITY +DESIRABLE +DESIRABLY +DESIRE +DESIRED +DESIRES +DESIRING +DESIROUS +DESIST +DESK +DESKS +DESKTOP +DESMOND +DESOLATE +DESOLATELY +DESOLATION +DESOLATIONS +DESPAIR +DESPAIRED +DESPAIRING +DESPAIRINGLY +DESPAIRS +DESPATCH +DESPATCHED +DESPERADO +DESPERATE +DESPERATELY +DESPERATION +DESPICABLE +DESPISE +DESPISED +DESPISES +DESPISING +DESPITE +DESPOIL +DESPONDENT +DESPOT +DESPOTIC +DESPOTISM +DESPOTS +DESSERT +DESSERTS +DESSICATE +DESTABILIZE +DESTINATION +DESTINATIONS +DESTINE +DESTINED +DESTINIES +DESTINY +DESTITUTE +DESTITUTION +DESTROY +DESTROYED +DESTROYER +DESTROYERS +DESTROYING +DESTROYS +DESTRUCT +DESTRUCTION +DESTRUCTIONS +DESTRUCTIVE +DESTRUCTIVELY +DESTRUCTIVENESS +DESTRUCTOR +DESTUFF +DESTUFFING +DESTUFFS +DESUETUDE +DESULTORY +DESYNCHRONIZE +DETACH +DETACHED +DETACHER +DETACHES +DETACHING +DETACHMENT +DETACHMENTS +DETAIL +DETAILED +DETAILING +DETAILS +DETAIN +DETAINED +DETAINING +DETAINS +DETECT +DETECTABLE +DETECTABLY +DETECTED +DETECTING +DETECTION +DETECTIONS +DETECTIVE +DETECTIVES +DETECTOR +DETECTORS +DETECTS +DETENTE +DETENTION +DETER +DETERGENT +DETERIORATE +DETERIORATED +DETERIORATES +DETERIORATING +DETERIORATION +DETERMINABLE +DETERMINACY +DETERMINANT +DETERMINANTS +DETERMINATE +DETERMINATELY +DETERMINATION +DETERMINATIONS +DETERMINATIVE +DETERMINE +DETERMINED +DETERMINER +DETERMINERS +DETERMINES +DETERMINING +DETERMINISM +DETERMINISTIC +DETERMINISTICALLY +DETERRED +DETERRENT +DETERRING +DETEST +DETESTABLE +DETESTED +DETOUR +DETRACT +DETRACTOR +DETRACTORS +DETRACTS +DETRIMENT +DETRIMENTAL +DETROIT +DEUCE +DEUS +DEUTERIUM +DEUTSCH +DEVASTATE +DEVASTATED +DEVASTATES +DEVASTATING +DEVASTATION +DEVELOP +DEVELOPED +DEVELOPER +DEVELOPERS +DEVELOPING +DEVELOPMENT +DEVELOPMENTAL +DEVELOPMENTS +DEVELOPS +DEVIANT +DEVIANTS +DEVIATE +DEVIATED +DEVIATES +DEVIATING +DEVIATION +DEVIATIONS +DEVICE +DEVICES +DEVIL +DEVILISH +DEVILISHLY +DEVILS +DEVIOUS +DEVISE +DEVISED +DEVISES +DEVISING +DEVISINGS +DEVOID +DEVOLVE +DEVON +DEVONSHIRE +DEVOTE +DEVOTED +DEVOTEDLY +DEVOTEE +DEVOTEES +DEVOTES +DEVOTING +DEVOTION +DEVOTIONS +DEVOUR +DEVOURED +DEVOURER +DEVOURS +DEVOUT +DEVOUTLY +DEVOUTNESS +DEW +DEWDROP +DEWDROPS +DEWEY +DEWITT +DEWY +DEXEDRINE +DEXTERITY +DHABI +DIABETES +DIABETIC +DIABOLIC +DIACHRONIC +DIACRITICAL +DIADEM +DIAGNOSABLE +DIAGNOSE +DIAGNOSED +DIAGNOSES +DIAGNOSING +DIAGNOSIS +DIAGNOSTIC +DIAGNOSTICIAN +DIAGNOSTICS +DIAGONAL +DIAGONALLY +DIAGONALS +DIAGRAM +DIAGRAMMABLE +DIAGRAMMATIC +DIAGRAMMATICALLY +DIAGRAMMED +DIAGRAMMER +DIAGRAMMERS +DIAGRAMMING +DIAGRAMS +DIAL +DIALECT +DIALECTIC +DIALECTS +DIALED +DIALER +DIALERS +DIALING +DIALOG +DIALOGS +DIALOGUE +DIALOGUES +DIALS +DIALUP +DIALYSIS +DIAMAGNETIC +DIAMETER +DIAMETERS +DIAMETRIC +DIAMETRICALLY +DIAMOND +DIAMONDS +DIANA +DIANE +DIANNE +DIAPER +DIAPERS +DIAPHRAGM +DIAPHRAGMS +DIARIES +DIARRHEA +DIARY +DIATRIBE +DIATRIBES +DIBBLE +DICE +DICHOTOMIZE +DICHOTOMY +DICKENS +DICKERSON +DICKINSON +DICKSON +DICKY +DICTATE +DICTATED +DICTATES +DICTATING +DICTATION +DICTATIONS +DICTATOR +DICTATORIAL +DICTATORS +DICTATORSHIP +DICTION +DICTIONARIES +DICTIONARY +DICTUM +DICTUMS +DID +DIDACTIC +DIDDLE +DIDO +DIE +DIEBOLD +DIED +DIEGO +DIEHARD +DIELECTRIC +DIELECTRICS +DIEM +DIES +DIESEL +DIET +DIETARY +DIETER +DIETERS +DIETETIC +DIETICIAN +DIETITIAN +DIETITIANS +DIETRICH +DIETS +DIETZ +DIFFER +DIFFERED +DIFFERENCE +DIFFERENCES +DIFFERENT +DIFFERENTIABLE +DIFFERENTIAL +DIFFERENTIALS +DIFFERENTIATE +DIFFERENTIATED +DIFFERENTIATES +DIFFERENTIATING +DIFFERENTIATION +DIFFERENTIATIONS +DIFFERENTIATORS +DIFFERENTLY +DIFFERER +DIFFERERS +DIFFERING +DIFFERS +DIFFICULT +DIFFICULTIES +DIFFICULTLY +DIFFICULTY +DIFFRACT +DIFFUSE +DIFFUSED +DIFFUSELY +DIFFUSER +DIFFUSERS +DIFFUSES +DIFFUSIBLE +DIFFUSING +DIFFUSION +DIFFUSIONS +DIFFUSIVE +DIG +DIGEST +DIGESTED +DIGESTIBLE +DIGESTING +DIGESTION +DIGESTIVE +DIGESTS +DIGGER +DIGGERS +DIGGING +DIGGINGS +DIGIT +DIGITAL +DIGITALIS +DIGITALLY +DIGITIZATION +DIGITIZE +DIGITIZED +DIGITIZES +DIGITIZING +DIGITS +DIGNIFIED +DIGNIFY +DIGNITARY +DIGNITIES +DIGNITY +DIGRAM +DIGRESS +DIGRESSED +DIGRESSES +DIGRESSING +DIGRESSION +DIGRESSIONS +DIGRESSIVE +DIGS +DIHEDRAL +DIJKSTRA +DIJON +DIKE +DIKES +DILAPIDATE +DILATATION +DILATE +DILATED +DILATES +DILATING +DILATION +DILDO +DILEMMA +DILEMMAS +DILIGENCE +DILIGENT +DILIGENTLY +DILL +DILLON +DILOGARITHM +DILUTE +DILUTED +DILUTES +DILUTING +DILUTION +DIM +DIMAGGIO +DIME +DIMENSION +DIMENSIONAL +DIMENSIONALITY +DIMENSIONALLY +DIMENSIONED +DIMENSIONING +DIMENSIONS +DIMES +DIMINISH +DIMINISHED +DIMINISHES +DIMINISHING +DIMINUTION +DIMINUTIVE +DIMLY +DIMMED +DIMMER +DIMMERS +DIMMEST +DIMMING +DIMNESS +DIMPLE +DIMS +DIN +DINAH +DINE +DINED +DINER +DINERS +DINES +DING +DINGHY +DINGINESS +DINGO +DINGY +DINING +DINNER +DINNERS +DINNERTIME +DINNERWARE +DINOSAUR +DINT +DIOCLETIAN +DIODE +DIODES +DIOGENES +DION +DIONYSIAN +DIONYSUS +DIOPHANTINE +DIOPTER +DIORAMA +DIOXIDE +DIP +DIPHTHERIA +DIPHTHONG +DIPLOMA +DIPLOMACY +DIPLOMAS +DIPLOMAT +DIPLOMATIC +DIPLOMATS +DIPOLE +DIPPED +DIPPER +DIPPERS +DIPPING +DIPPINGS +DIPS +DIRAC +DIRE +DIRECT +DIRECTED +DIRECTING +DIRECTION +DIRECTIONAL +DIRECTIONALITY +DIRECTIONALLY +DIRECTIONS +DIRECTIVE +DIRECTIVES +DIRECTLY +DIRECTNESS +DIRECTOR +DIRECTORATE +DIRECTORIES +DIRECTORS +DIRECTORY +DIRECTRICES +DIRECTRIX +DIRECTS +DIRGE +DIRGES +DIRICHLET +DIRT +DIRTIER +DIRTIEST +DIRTILY +DIRTINESS +DIRTS +DIRTY +DIS +DISABILITIES +DISABILITY +DISABLE +DISABLED +DISABLER +DISABLERS +DISABLES +DISABLING +DISADVANTAGE +DISADVANTAGEOUS +DISADVANTAGES +DISAFFECTED +DISAFFECTION +DISAGREE +DISAGREEABLE +DISAGREED +DISAGREEING +DISAGREEMENT +DISAGREEMENTS +DISAGREES +DISALLOW +DISALLOWED +DISALLOWING +DISALLOWS +DISAMBIGUATE +DISAMBIGUATED +DISAMBIGUATES +DISAMBIGUATING +DISAMBIGUATION +DISAMBIGUATIONS +DISAPPEAR +DISAPPEARANCE +DISAPPEARANCES +DISAPPEARED +DISAPPEARING +DISAPPEARS +DISAPPOINT +DISAPPOINTED +DISAPPOINTING +DISAPPOINTMENT +DISAPPOINTMENTS +DISAPPROVAL +DISAPPROVE +DISAPPROVED +DISAPPROVES +DISARM +DISARMAMENT +DISARMED +DISARMING +DISARMS +DISASSEMBLE +DISASSEMBLED +DISASSEMBLES +DISASSEMBLING +DISASSEMBLY +DISASTER +DISASTERS +DISASTROUS +DISASTROUSLY +DISBAND +DISBANDED +DISBANDING +DISBANDS +DISBURSE +DISBURSED +DISBURSEMENT +DISBURSEMENTS +DISBURSES +DISBURSING +DISC +DISCARD +DISCARDED +DISCARDING +DISCARDS +DISCERN +DISCERNED +DISCERNIBILITY +DISCERNIBLE +DISCERNIBLY +DISCERNING +DISCERNINGLY +DISCERNMENT +DISCERNS +DISCHARGE +DISCHARGED +DISCHARGES +DISCHARGING +DISCIPLE +DISCIPLES +DISCIPLINARY +DISCIPLINE +DISCIPLINED +DISCIPLINES +DISCIPLINING +DISCLAIM +DISCLAIMED +DISCLAIMER +DISCLAIMS +DISCLOSE +DISCLOSED +DISCLOSES +DISCLOSING +DISCLOSURE +DISCLOSURES +DISCOMFORT +DISCONCERT +DISCONCERTING +DISCONCERTINGLY +DISCONNECT +DISCONNECTED +DISCONNECTING +DISCONNECTION +DISCONNECTS +DISCONTENT +DISCONTENTED +DISCONTINUANCE +DISCONTINUE +DISCONTINUED +DISCONTINUES +DISCONTINUITIES +DISCONTINUITY +DISCONTINUOUS +DISCORD +DISCORDANT +DISCOUNT +DISCOUNTED +DISCOUNTING +DISCOUNTS +DISCOURAGE +DISCOURAGED +DISCOURAGEMENT +DISCOURAGES +DISCOURAGING +DISCOURSE +DISCOURSES +DISCOVER +DISCOVERED +DISCOVERER +DISCOVERERS +DISCOVERIES +DISCOVERING +DISCOVERS +DISCOVERY +DISCREDIT +DISCREDITED +DISCREET +DISCREETLY +DISCREPANCIES +DISCREPANCY +DISCRETE +DISCRETELY +DISCRETENESS +DISCRETION +DISCRETIONARY +DISCRIMINANT +DISCRIMINATE +DISCRIMINATED +DISCRIMINATES +DISCRIMINATING +DISCRIMINATION +DISCRIMINATORY +DISCS +DISCUSS +DISCUSSANT +DISCUSSED +DISCUSSES +DISCUSSING +DISCUSSION +DISCUSSIONS +DISDAIN +DISDAINING +DISDAINS +DISEASE +DISEASED +DISEASES +DISEMBOWEL +DISENGAGE +DISENGAGED +DISENGAGES +DISENGAGING +DISENTANGLE +DISENTANGLING +DISFIGURE +DISFIGURED +DISFIGURES +DISFIGURING +DISGORGE +DISGRACE +DISGRACED +DISGRACEFUL +DISGRACEFULLY +DISGRACES +DISGRUNTLE +DISGRUNTLED +DISGUISE +DISGUISED +DISGUISES +DISGUST +DISGUSTED +DISGUSTEDLY +DISGUSTFUL +DISGUSTING +DISGUSTINGLY +DISGUSTS +DISH +DISHEARTEN +DISHEARTENING +DISHED +DISHES +DISHEVEL +DISHING +DISHONEST +DISHONESTLY +DISHONESTY +DISHONOR +DISHONORABLE +DISHONORED +DISHONORING +DISHONORS +DISHWASHER +DISHWASHERS +DISHWASHING +DISHWATER +DISILLUSION +DISILLUSIONED +DISILLUSIONING +DISILLUSIONMENT +DISILLUSIONMENTS +DISINCLINED +DISINGENUOUS +DISINTERESTED +DISINTERESTEDNESS +DISJOINT +DISJOINTED +DISJOINTLY +DISJOINTNESS +DISJUNCT +DISJUNCTION +DISJUNCTIONS +DISJUNCTIVE +DISJUNCTIVELY +DISJUNCTS +DISK +DISKETTE +DISKETTES +DISKS +DISLIKE +DISLIKED +DISLIKES +DISLIKING +DISLOCATE +DISLOCATED +DISLOCATES +DISLOCATING +DISLOCATION +DISLOCATIONS +DISLODGE +DISLODGED +DISMAL +DISMALLY +DISMAY +DISMAYED +DISMAYING +DISMEMBER +DISMEMBERED +DISMEMBERMENT +DISMEMBERS +DISMISS +DISMISSAL +DISMISSALS +DISMISSED +DISMISSER +DISMISSERS +DISMISSES +DISMISSING +DISMOUNT +DISMOUNTED +DISMOUNTING +DISMOUNTS +DISNEY +DISNEYLAND +DISOBEDIENCE +DISOBEDIENT +DISOBEY +DISOBEYED +DISOBEYING +DISOBEYS +DISORDER +DISORDERED +DISORDERLY +DISORDERS +DISORGANIZED +DISOWN +DISOWNED +DISOWNING +DISOWNS +DISPARAGE +DISPARATE +DISPARITIES +DISPARITY +DISPASSIONATE +DISPATCH +DISPATCHED +DISPATCHER +DISPATCHERS +DISPATCHES +DISPATCHING +DISPEL +DISPELL +DISPELLED +DISPELLING +DISPELS +DISPENSARY +DISPENSATION +DISPENSE +DISPENSED +DISPENSER +DISPENSERS +DISPENSES +DISPENSING +DISPERSAL +DISPERSE +DISPERSED +DISPERSES +DISPERSING +DISPERSION +DISPERSIONS +DISPLACE +DISPLACED +DISPLACEMENT +DISPLACEMENTS +DISPLACES +DISPLACING +DISPLAY +DISPLAYABLE +DISPLAYED +DISPLAYER +DISPLAYING +DISPLAYS +DISPLEASE +DISPLEASED +DISPLEASES +DISPLEASING +DISPLEASURE +DISPOSABLE +DISPOSAL +DISPOSALS +DISPOSE +DISPOSED +DISPOSER +DISPOSES +DISPOSING +DISPOSITION +DISPOSITIONS +DISPOSSESSED +DISPROPORTIONATE +DISPROVE +DISPROVED +DISPROVES +DISPROVING +DISPUTE +DISPUTED +DISPUTER +DISPUTERS +DISPUTES +DISPUTING +DISQUALIFICATION +DISQUALIFIED +DISQUALIFIES +DISQUALIFY +DISQUALIFYING +DISQUIET +DISQUIETING +DISRAELI +DISREGARD +DISREGARDED +DISREGARDING +DISREGARDS +DISRESPECTFUL +DISRUPT +DISRUPTED +DISRUPTING +DISRUPTION +DISRUPTIONS +DISRUPTIVE +DISRUPTS +DISSATISFACTION +DISSATISFACTIONS +DISSATISFACTORY +DISSATISFIED +DISSECT +DISSECTS +DISSEMBLE +DISSEMINATE +DISSEMINATED +DISSEMINATES +DISSEMINATING +DISSEMINATION +DISSENSION +DISSENSIONS +DISSENT +DISSENTED +DISSENTER +DISSENTERS +DISSENTING +DISSENTS +DISSERTATION +DISSERTATIONS +DISSERVICE +DISSIDENT +DISSIDENTS +DISSIMILAR +DISSIMILARITIES +DISSIMILARITY +DISSIPATE +DISSIPATED +DISSIPATES +DISSIPATING +DISSIPATION +DISSOCIATE +DISSOCIATED +DISSOCIATES +DISSOCIATING +DISSOCIATION +DISSOLUTION +DISSOLUTIONS +DISSOLVE +DISSOLVED +DISSOLVES +DISSOLVING +DISSONANT +DISSUADE +DISTAFF +DISTAL +DISTALLY +DISTANCE +DISTANCES +DISTANT +DISTANTLY +DISTASTE +DISTASTEFUL +DISTASTEFULLY +DISTASTES +DISTEMPER +DISTEMPERED +DISTEMPERS +DISTILL +DISTILLATION +DISTILLED +DISTILLER +DISTILLERS +DISTILLERY +DISTILLING +DISTILLS +DISTINCT +DISTINCTION +DISTINCTIONS +DISTINCTIVE +DISTINCTIVELY +DISTINCTIVENESS +DISTINCTLY +DISTINCTNESS +DISTINGUISH +DISTINGUISHABLE +DISTINGUISHED +DISTINGUISHES +DISTINGUISHING +DISTORT +DISTORTED +DISTORTING +DISTORTION +DISTORTIONS +DISTORTS +DISTRACT +DISTRACTED +DISTRACTING +DISTRACTION +DISTRACTIONS +DISTRACTS +DISTRAUGHT +DISTRESS +DISTRESSED +DISTRESSES +DISTRESSING +DISTRIBUTE +DISTRIBUTED +DISTRIBUTES +DISTRIBUTING +DISTRIBUTION +DISTRIBUTIONAL +DISTRIBUTIONS +DISTRIBUTIVE +DISTRIBUTIVITY +DISTRIBUTOR +DISTRIBUTORS +DISTRICT +DISTRICTS +DISTRUST +DISTRUSTED +DISTURB +DISTURBANCE +DISTURBANCES +DISTURBED +DISTURBER +DISTURBING +DISTURBINGLY +DISTURBS +DISUSE +DITCH +DITCHES +DITHER +DITTO +DITTY +DITZEL +DIURNAL +DIVAN +DIVANS +DIVE +DIVED +DIVER +DIVERGE +DIVERGED +DIVERGENCE +DIVERGENCES +DIVERGENT +DIVERGES +DIVERGING +DIVERS +DIVERSE +DIVERSELY +DIVERSIFICATION +DIVERSIFIED +DIVERSIFIES +DIVERSIFY +DIVERSIFYING +DIVERSION +DIVERSIONARY +DIVERSIONS +DIVERSITIES +DIVERSITY +DIVERT +DIVERTED +DIVERTING +DIVERTS +DIVES +DIVEST +DIVESTED +DIVESTING +DIVESTITURE +DIVESTS +DIVIDE +DIVIDED +DIVIDEND +DIVIDENDS +DIVIDER +DIVIDERS +DIVIDES +DIVIDING +DIVINE +DIVINELY +DIVINER +DIVING +DIVINING +DIVINITIES +DIVINITY +DIVISIBILITY +DIVISIBLE +DIVISION +DIVISIONAL +DIVISIONS +DIVISIVE +DIVISOR +DIVISORS +DIVORCE +DIVORCED +DIVORCEE +DIVULGE +DIVULGED +DIVULGES +DIVULGING +DIXIE +DIXIECRATS +DIXIELAND +DIXON +DIZZINESS +DIZZY +DJAKARTA +DMITRI +DNIEPER +DOBBIN +DOBBS +DOBERMAN +DOC +DOCILE +DOCK +DOCKED +DOCKET +DOCKS +DOCKSIDE +DOCKYARD +DOCTOR +DOCTORAL +DOCTORATE +DOCTORATES +DOCTORED +DOCTORS +DOCTRINAIRE +DOCTRINAL +DOCTRINE +DOCTRINES +DOCUMENT +DOCUMENTARIES +DOCUMENTARY +DOCUMENTATION +DOCUMENTATIONS +DOCUMENTED +DOCUMENTER +DOCUMENTERS +DOCUMENTING +DOCUMENTS +DODD +DODECAHEDRA +DODECAHEDRAL +DODECAHEDRON +DODGE +DODGED +DODGER +DODGERS +DODGING +DODINGTON +DODSON +DOE +DOER +DOERS +DOES +DOG +DOGE +DOGGED +DOGGEDLY +DOGGEDNESS +DOGGING +DOGHOUSE +DOGMA +DOGMAS +DOGMATIC +DOGMATISM +DOGS +DOGTOWN +DOHERTY +DOING +DOINGS +DOLAN +DOLDRUM +DOLE +DOLED +DOLEFUL +DOLEFULLY +DOLES +DOLL +DOLLAR +DOLLARS +DOLLIES +DOLLS +DOLLY +DOLORES +DOLPHIN +DOLPHINS +DOMAIN +DOMAINS +DOME +DOMED +DOMENICO +DOMES +DOMESDAY +DOMESTIC +DOMESTICALLY +DOMESTICATE +DOMESTICATED +DOMESTICATES +DOMESTICATING +DOMESTICATION +DOMICILE +DOMINANCE +DOMINANT +DOMINANTLY +DOMINATE +DOMINATED +DOMINATES +DOMINATING +DOMINATION +DOMINEER +DOMINEERING +DOMINGO +DOMINIC +DOMINICAN +DOMINICANS +DOMINICK +DOMINION +DOMINIQUE +DOMINO +DON +DONAHUE +DONALD +DONALDSON +DONATE +DONATED +DONATES +DONATING +DONATION +DONE +DONECK +DONKEY +DONKEYS +DONNA +DONNELLY +DONNER +DONNYBROOK +DONOR +DONOVAN +DONS +DOODLE +DOOLEY +DOOLITTLE +DOOM +DOOMED +DOOMING +DOOMS +DOOMSDAY +DOOR +DOORBELL +DOORKEEPER +DOORMAN +DOORMEN +DOORS +DOORSTEP +DOORSTEPS +DOORWAY +DOORWAYS +DOPE +DOPED +DOPER +DOPERS +DOPES +DOPING +DOPPLER +DORA +DORADO +DORCAS +DORCHESTER +DOREEN +DORIA +DORIC +DORICIZE +DORICIZES +DORIS +DORMANT +DORMITORIES +DORMITORY +DOROTHEA +DOROTHY +DORSET +DORTMUND +DOSAGE +DOSE +DOSED +DOSES +DOSSIER +DOSSIERS +DOSTOEVSKY +DOT +DOTE +DOTED +DOTES +DOTING +DOTINGLY +DOTS +DOTTED +DOTTING +DOUBLE +DOUBLED +DOUBLEDAY +DOUBLEHEADER +DOUBLER +DOUBLERS +DOUBLES +DOUBLET +DOUBLETON +DOUBLETS +DOUBLING +DOUBLOON +DOUBLY +DOUBT +DOUBTABLE +DOUBTED +DOUBTER +DOUBTERS +DOUBTFUL +DOUBTFULLY +DOUBTING +DOUBTLESS +DOUBTLESSLY +DOUBTS +DOUG +DOUGH +DOUGHERTY +DOUGHNUT +DOUGHNUTS +DOUGLAS +DOUGLASS +DOVE +DOVER +DOVES +DOVETAIL +DOW +DOWAGER +DOWEL +DOWLING +DOWN +DOWNCAST +DOWNED +DOWNERS +DOWNEY +DOWNFALL +DOWNFALLEN +DOWNGRADE +DOWNHILL +DOWNING +DOWNLINK +DOWNLINKS +DOWNLOAD +DOWNLOADED +DOWNLOADING +DOWNLOADS +DOWNPLAY +DOWNPLAYED +DOWNPLAYING +DOWNPLAYS +DOWNPOUR +DOWNRIGHT +DOWNS +DOWNSIDE +DOWNSTAIRS +DOWNSTREAM +DOWNTOWN +DOWNTOWNS +DOWNTRODDEN +DOWNTURN +DOWNWARD +DOWNWARDS +DOWNY +DOWRY +DOYLE +DOZE +DOZED +DOZEN +DOZENS +DOZENTH +DOZES +DOZING +DRAB +DRACO +DRACONIAN +DRAFT +DRAFTED +DRAFTEE +DRAFTER +DRAFTERS +DRAFTING +DRAFTS +DRAFTSMAN +DRAFTSMEN +DRAFTY +DRAG +DRAGGED +DRAGGING +DRAGNET +DRAGON +DRAGONFLY +DRAGONHEAD +DRAGONS +DRAGOON +DRAGOONED +DRAGOONS +DRAGS +DRAIN +DRAINAGE +DRAINED +DRAINER +DRAINING +DRAINS +DRAKE +DRAM +DRAMA +DRAMAMINE +DRAMAS +DRAMATIC +DRAMATICALLY +DRAMATICS +DRAMATIST +DRAMATISTS +DRANK +DRAPE +DRAPED +DRAPER +DRAPERIES +DRAPERS +DRAPERY +DRAPES +DRASTIC +DRASTICALLY +DRAUGHT +DRAUGHTS +DRAVIDIAN +DRAW +DRAWBACK +DRAWBACKS +DRAWBRIDGE +DRAWBRIDGES +DRAWER +DRAWERS +DRAWING +DRAWINGS +DRAWL +DRAWLED +DRAWLING +DRAWLS +DRAWN +DRAWNLY +DRAWNNESS +DRAWS +DREAD +DREADED +DREADFUL +DREADFULLY +DREADING +DREADNOUGHT +DREADS +DREAM +DREAMBOAT +DREAMED +DREAMER +DREAMERS +DREAMILY +DREAMING +DREAMLIKE +DREAMS +DREAMT +DREAMY +DREARINESS +DREARY +DREDGE +DREGS +DRENCH +DRENCHED +DRENCHES +DRENCHING +DRESS +DRESSED +DRESSER +DRESSERS +DRESSES +DRESSING +DRESSINGS +DRESSMAKER +DRESSMAKERS +DREW +DREXEL +DREYFUSS +DRIED +DRIER +DRIERS +DRIES +DRIEST +DRIFT +DRIFTED +DRIFTER +DRIFTERS +DRIFTING +DRIFTS +DRILL +DRILLED +DRILLER +DRILLING +DRILLS +DRILY +DRINK +DRINKABLE +DRINKER +DRINKERS +DRINKING +DRINKS +DRIP +DRIPPING +DRIPPY +DRIPS +DRISCOLL +DRIVE +DRIVEN +DRIVER +DRIVERS +DRIVES +DRIVEWAY +DRIVEWAYS +DRIVING +DRIZZLE +DRIZZLY +DROLL +DROMEDARY +DRONE +DRONES +DROOL +DROOP +DROOPED +DROOPING +DROOPS +DROOPY +DROP +DROPLET +DROPOUT +DROPPED +DROPPER +DROPPERS +DROPPING +DROPPINGS +DROPS +DROSOPHILA +DROUGHT +DROUGHTS +DROVE +DROVER +DROVERS +DROVES +DROWN +DROWNED +DROWNING +DROWNINGS +DROWNS +DROWSINESS +DROWSY +DRUBBING +DRUDGE +DRUDGERY +DRUG +DRUGGIST +DRUGGISTS +DRUGS +DRUGSTORE +DRUM +DRUMHEAD +DRUMMED +DRUMMER +DRUMMERS +DRUMMING +DRUMMOND +DRUMS +DRUNK +DRUNKARD +DRUNKARDS +DRUNKEN +DRUNKENNESS +DRUNKER +DRUNKLY +DRUNKS +DRURY +DRY +DRYDEN +DRYING +DRYLY +DUAL +DUALISM +DUALITIES +DUALITY +DUANE +DUB +DUBBED +DUBHE +DUBIOUS +DUBIOUSLY +DUBIOUSNESS +DUBLIN +DUBS +DUBUQUE +DUCHESS +DUCHESSES +DUCHY +DUCK +DUCKED +DUCKING +DUCKLING +DUCKS +DUCT +DUCTS +DUD +DUDLEY +DUE +DUEL +DUELING +DUELS +DUES +DUET +DUFFY +DUG +DUGAN +DUKE +DUKES +DULL +DULLED +DULLER +DULLES +DULLEST +DULLING +DULLNESS +DULLS +DULLY +DULUTH +DULY +DUMB +DUMBBELL +DUMBBELLS +DUMBER +DUMBEST +DUMBLY +DUMBNESS +DUMMIES +DUMMY +DUMP +DUMPED +DUMPER +DUMPING +DUMPS +DUMPTY +DUNBAR +DUNCAN +DUNCE +DUNCES +DUNDEE +DUNE +DUNEDIN +DUNES +DUNG +DUNGEON +DUNGEONS +DUNHAM +DUNK +DUNKIRK +DUNLAP +DUNLOP +DUNN +DUNNE +DUPE +DUPLEX +DUPLICABLE +DUPLICATE +DUPLICATED +DUPLICATES +DUPLICATING +DUPLICATION +DUPLICATIONS +DUPLICATOR +DUPLICATORS +DUPLICITY +DUPONT +DUPONT +DUPONTS +DUPONTS +DUQUESNE +DURABILITIES +DURABILITY +DURABLE +DURABLY +DURANGO +DURATION +DURATIONS +DURER +DURERS +DURESS +DURHAM +DURING +DURKEE +DURKIN +DURRELL +DURWARD +DUSENBERG +DUSENBURY +DUSK +DUSKINESS +DUSKY +DUSSELDORF +DUST +DUSTBIN +DUSTED +DUSTER +DUSTERS +DUSTIER +DUSTIEST +DUSTIN +DUSTING +DUSTS +DUSTY +DUTCH +DUTCHESS +DUTCHMAN +DUTCHMEN +DUTIES +DUTIFUL +DUTIFULLY +DUTIFULNESS +DUTTON +DUTY +DVORAK +DWARF +DWARFED +DWARFS +DWARVES +DWELL +DWELLED +DWELLER +DWELLERS +DWELLING +DWELLINGS +DWELLS +DWELT +DWIGHT +DWINDLE +DWINDLED +DWINDLING +DWYER +DYAD +DYADIC +DYE +DYED +DYEING +DYER +DYERS +DYES +DYING +DYKE +DYLAN +DYNAMIC +DYNAMICALLY +DYNAMICS +DYNAMISM +DYNAMITE +DYNAMITED +DYNAMITES +DYNAMITING +DYNAMO +DYNASTIC +DYNASTIES +DYNASTY +DYNE +DYSENTERY +DYSPEPTIC +DYSTROPHY +EACH +EAGAN +EAGER +EAGERLY +EAGERNESS +EAGLE +EAGLES +EAR +EARDRUM +EARED +EARL +EARLIER +EARLIEST +EARLINESS +EARLS +EARLY +EARMARK +EARMARKED +EARMARKING +EARMARKINGS +EARMARKS +EARN +EARNED +EARNER +EARNERS +EARNEST +EARNESTLY +EARNESTNESS +EARNING +EARNINGS +EARNS +EARP +EARPHONE +EARRING +EARRINGS +EARS +EARSPLITTING +EARTH +EARTHEN +EARTHENWARE +EARTHLINESS +EARTHLING +EARTHLY +EARTHMAN +EARTHMEN +EARTHMOVER +EARTHQUAKE +EARTHQUAKES +EARTHS +EARTHWORM +EARTHWORMS +EARTHY +EASE +EASED +EASEL +EASEMENT +EASEMENTS +EASES +EASIER +EASIEST +EASILY +EASINESS +EASING +EAST +EASTBOUND +EASTER +EASTERN +EASTERNER +EASTERNERS +EASTERNMOST +EASTHAMPTON +EASTLAND +EASTMAN +EASTWARD +EASTWARDS +EASTWICK +EASTWOOD +EASY +EASYGOING +EAT +EATEN +EATER +EATERS +EATING +EATINGS +EATON +EATS +EAVES +EAVESDROP +EAVESDROPPED +EAVESDROPPER +EAVESDROPPERS +EAVESDROPPING +EAVESDROPS +EBB +EBBING +EBBS +EBEN +EBONY +ECCENTRIC +ECCENTRICITIES +ECCENTRICITY +ECCENTRICS +ECCLES +ECCLESIASTICAL +ECHELON +ECHO +ECHOED +ECHOES +ECHOING +ECLECTIC +ECLIPSE +ECLIPSED +ECLIPSES +ECLIPSING +ECLIPTIC +ECOLE +ECOLOGY +ECONOMETRIC +ECONOMETRICA +ECONOMIC +ECONOMICAL +ECONOMICALLY +ECONOMICS +ECONOMIES +ECONOMIST +ECONOMISTS +ECONOMIZE +ECONOMIZED +ECONOMIZER +ECONOMIZERS +ECONOMIZES +ECONOMIZING +ECONOMY +ECOSYSTEM +ECSTASY +ECSTATIC +ECUADOR +ECUADORIAN +EDDIE +EDDIES +EDDY +EDEN +EDENIZATION +EDENIZATIONS +EDENIZE +EDENIZES +EDGAR +EDGE +EDGED +EDGERTON +EDGES +EDGEWATER +EDGEWOOD +EDGING +EDIBLE +EDICT +EDICTS +EDIFICE +EDIFICES +EDINBURGH +EDISON +EDIT +EDITED +EDITH +EDITING +EDITION +EDITIONS +EDITOR +EDITORIAL +EDITORIALLY +EDITORIALS +EDITORS +EDITS +EDMONDS +EDMONDSON +EDMONTON +EDMUND +EDNA +EDSGER +EDUARD +EDUARDO +EDUCABLE +EDUCATE +EDUCATED +EDUCATES +EDUCATING +EDUCATION +EDUCATIONAL +EDUCATIONALLY +EDUCATIONS +EDUCATOR +EDUCATORS +EDWARD +EDWARDIAN +EDWARDINE +EDWARDS +EDWIN +EDWINA +EEL +EELGRASS +EELS +EERIE +EERILY +EFFECT +EFFECTED +EFFECTING +EFFECTIVE +EFFECTIVELY +EFFECTIVENESS +EFFECTOR +EFFECTORS +EFFECTS +EFFECTUALLY +EFFECTUATE +EFFEMINATE +EFFICACY +EFFICIENCIES +EFFICIENCY +EFFICIENT +EFFICIENTLY +EFFIE +EFFIGY +EFFORT +EFFORTLESS +EFFORTLESSLY +EFFORTLESSNESS +EFFORTS +EGALITARIAN +EGAN +EGG +EGGED +EGGHEAD +EGGING +EGGPLANT +EGGS +EGGSHELL +EGO +EGOCENTRIC +EGOS +EGOTISM +EGOTIST +EGYPT +EGYPTIAN +EGYPTIANIZATION +EGYPTIANIZATIONS +EGYPTIANIZE +EGYPTIANIZES +EGYPTIANS +EGYPTIZE +EGYPTIZES +EGYPTOLOGY +EHRLICH +EICHMANN +EIFFEL +EIGENFUNCTION +EIGENSTATE +EIGENVALUE +EIGENVALUES +EIGENVECTOR +EIGHT +EIGHTEEN +EIGHTEENS +EIGHTEENTH +EIGHTFOLD +EIGHTH +EIGHTHES +EIGHTIES +EIGHTIETH +EIGHTS +EIGHTY +EILEEN +EINSTEIN +EINSTEINIAN +EIRE +EISENHOWER +EISNER +EITHER +EJACULATE +EJACULATED +EJACULATES +EJACULATING +EJACULATION +EJACULATIONS +EJECT +EJECTED +EJECTING +EJECTS +EKBERG +EKE +EKED +EKES +EKSTROM +EKTACHROME +ELABORATE +ELABORATED +ELABORATELY +ELABORATENESS +ELABORATES +ELABORATING +ELABORATION +ELABORATIONS +ELABORATORS +ELAINE +ELAPSE +ELAPSED +ELAPSES +ELAPSING +ELASTIC +ELASTICALLY +ELASTICITY +ELBA +ELBOW +ELBOWING +ELBOWS +ELDER +ELDERLY +ELDERS +ELDEST +ELDON +ELEANOR +ELEAZAR +ELECT +ELECTED +ELECTING +ELECTION +ELECTIONS +ELECTIVE +ELECTIVES +ELECTOR +ELECTORAL +ELECTORATE +ELECTORS +ELECTRA +ELECTRIC +ELECTRICAL +ELECTRICALLY +ELECTRICALNESS +ELECTRICIAN +ELECTRICITY +ELECTRIFICATION +ELECTRIFY +ELECTRIFYING +ELECTRO +ELECTROCARDIOGRAM +ELECTROCARDIOGRAPH +ELECTROCUTE +ELECTROCUTED +ELECTROCUTES +ELECTROCUTING +ELECTROCUTION +ELECTROCUTIONS +ELECTRODE +ELECTRODES +ELECTROENCEPHALOGRAM +ELECTROENCEPHALOGRAPH +ELECTROENCEPHALOGRAPHY +ELECTROLYSIS +ELECTROLYTE +ELECTROLYTES +ELECTROLYTIC +ELECTROMAGNETIC +ELECTROMECHANICAL +ELECTRON +ELECTRONIC +ELECTRONICALLY +ELECTRONICS +ELECTRONS +ELECTROPHORESIS +ELECTROPHORUS +ELECTS +ELEGANCE +ELEGANT +ELEGANTLY +ELEGY +ELEMENT +ELEMENTAL +ELEMENTALS +ELEMENTARY +ELEMENTS +ELENA +ELEPHANT +ELEPHANTS +ELEVATE +ELEVATED +ELEVATES +ELEVATION +ELEVATOR +ELEVATORS +ELEVEN +ELEVENS +ELEVENTH +ELF +ELGIN +ELI +ELICIT +ELICITED +ELICITING +ELICITS +ELIDE +ELIGIBILITY +ELIGIBLE +ELIJAH +ELIMINATE +ELIMINATED +ELIMINATES +ELIMINATING +ELIMINATION +ELIMINATIONS +ELIMINATOR +ELIMINATORS +ELINOR +ELIOT +ELISABETH +ELISHA +ELISION +ELITE +ELITIST +ELIZABETH +ELIZABETHAN +ELIZABETHANIZE +ELIZABETHANIZES +ELIZABETHANS +ELK +ELKHART +ELKS +ELLA +ELLEN +ELLIE +ELLIOT +ELLIOTT +ELLIPSE +ELLIPSES +ELLIPSIS +ELLIPSOID +ELLIPSOIDAL +ELLIPSOIDS +ELLIPTIC +ELLIPTICAL +ELLIPTICALLY +ELLIS +ELLISON +ELLSWORTH +ELLWOOD +ELM +ELMER +ELMHURST +ELMIRA +ELMS +ELMSFORD +ELOISE +ELOPE +ELOQUENCE +ELOQUENT +ELOQUENTLY +ELROY +ELSE +ELSEVIER +ELSEWHERE +ELSIE +ELSINORE +ELTON +ELUCIDATE +ELUCIDATED +ELUCIDATES +ELUCIDATING +ELUCIDATION +ELUDE +ELUDED +ELUDES +ELUDING +ELUSIVE +ELUSIVELY +ELUSIVENESS +ELVES +ELVIS +ELY +ELYSEE +ELYSEES +ELYSIUM +EMACIATE +EMACIATED +EMACS +EMANATE +EMANATING +EMANCIPATE +EMANCIPATION +EMANUEL +EMASCULATE +EMBALM +EMBARGO +EMBARGOES +EMBARK +EMBARKED +EMBARKS +EMBARRASS +EMBARRASSED +EMBARRASSES +EMBARRASSING +EMBARRASSMENT +EMBASSIES +EMBASSY +EMBED +EMBEDDED +EMBEDDING +EMBEDS +EMBELLISH +EMBELLISHED +EMBELLISHES +EMBELLISHING +EMBELLISHMENT +EMBELLISHMENTS +EMBER +EMBEZZLE +EMBLEM +EMBODIED +EMBODIES +EMBODIMENT +EMBODIMENTS +EMBODY +EMBODYING +EMBOLDEN +EMBRACE +EMBRACED +EMBRACES +EMBRACING +EMBROIDER +EMBROIDERED +EMBROIDERIES +EMBROIDERS +EMBROIDERY +EMBROIL +EMBRYO +EMBRYOLOGY +EMBRYOS +EMERALD +EMERALDS +EMERGE +EMERGED +EMERGENCE +EMERGENCIES +EMERGENCY +EMERGENT +EMERGES +EMERGING +EMERITUS +EMERSON +EMERY +EMIGRANT +EMIGRANTS +EMIGRATE +EMIGRATED +EMIGRATES +EMIGRATING +EMIGRATION +EMIL +EMILE +EMILIO +EMILY +EMINENCE +EMINENT +EMINENTLY +EMISSARY +EMISSION +EMIT +EMITS +EMITTED +EMITTER +EMITTING +EMMA +EMMANUEL +EMMETT +EMORY +EMOTION +EMOTIONAL +EMOTIONALLY +EMOTIONS +EMPATHY +EMPEROR +EMPERORS +EMPHASES +EMPHASIS +EMPHASIZE +EMPHASIZED +EMPHASIZES +EMPHASIZING +EMPHATIC +EMPHATICALLY +EMPIRE +EMPIRES +EMPIRICAL +EMPIRICALLY +EMPIRICIST +EMPIRICISTS +EMPLOY +EMPLOYABLE +EMPLOYED +EMPLOYEE +EMPLOYEES +EMPLOYER +EMPLOYERS +EMPLOYING +EMPLOYMENT +EMPLOYMENTS +EMPLOYS +EMPORIUM +EMPOWER +EMPOWERED +EMPOWERING +EMPOWERS +EMPRESS +EMPTIED +EMPTIER +EMPTIES +EMPTIEST +EMPTILY +EMPTINESS +EMPTY +EMPTYING +EMULATE +EMULATED +EMULATES +EMULATING +EMULATION +EMULATIONS +EMULATOR +EMULATORS +ENABLE +ENABLED +ENABLER +ENABLERS +ENABLES +ENABLING +ENACT +ENACTED +ENACTING +ENACTMENT +ENACTS +ENAMEL +ENAMELED +ENAMELING +ENAMELS +ENCAMP +ENCAMPED +ENCAMPING +ENCAMPS +ENCAPSULATE +ENCAPSULATED +ENCAPSULATES +ENCAPSULATING +ENCAPSULATION +ENCASED +ENCHANT +ENCHANTED +ENCHANTER +ENCHANTING +ENCHANTMENT +ENCHANTRESS +ENCHANTS +ENCIPHER +ENCIPHERED +ENCIPHERING +ENCIPHERS +ENCIRCLE +ENCIRCLED +ENCIRCLES +ENCLOSE +ENCLOSED +ENCLOSES +ENCLOSING +ENCLOSURE +ENCLOSURES +ENCODE +ENCODED +ENCODER +ENCODERS +ENCODES +ENCODING +ENCODINGS +ENCOMPASS +ENCOMPASSED +ENCOMPASSES +ENCOMPASSING +ENCORE +ENCOUNTER +ENCOUNTERED +ENCOUNTERING +ENCOUNTERS +ENCOURAGE +ENCOURAGED +ENCOURAGEMENT +ENCOURAGEMENTS +ENCOURAGES +ENCOURAGING +ENCOURAGINGLY +ENCROACH +ENCRUST +ENCRYPT +ENCRYPTED +ENCRYPTING +ENCRYPTION +ENCRYPTIONS +ENCRYPTS +ENCUMBER +ENCUMBERED +ENCUMBERING +ENCUMBERS +ENCYCLOPEDIA +ENCYCLOPEDIAS +ENCYCLOPEDIC +END +ENDANGER +ENDANGERED +ENDANGERING +ENDANGERS +ENDEAR +ENDEARED +ENDEARING +ENDEARS +ENDEAVOR +ENDEAVORED +ENDEAVORING +ENDEAVORS +ENDED +ENDEMIC +ENDER +ENDERS +ENDGAME +ENDICOTT +ENDING +ENDINGS +ENDLESS +ENDLESSLY +ENDLESSNESS +ENDORSE +ENDORSED +ENDORSEMENT +ENDORSES +ENDORSING +ENDOW +ENDOWED +ENDOWING +ENDOWMENT +ENDOWMENTS +ENDOWS +ENDPOINT +ENDS +ENDURABLE +ENDURABLY +ENDURANCE +ENDURE +ENDURED +ENDURES +ENDURING +ENDURINGLY +ENEMA +ENEMAS +ENEMIES +ENEMY +ENERGETIC +ENERGIES +ENERGIZE +ENERGY +ENERVATE +ENFEEBLE +ENFIELD +ENFORCE +ENFORCEABLE +ENFORCED +ENFORCEMENT +ENFORCER +ENFORCERS +ENFORCES +ENFORCING +ENFRANCHISE +ENG +ENGAGE +ENGAGED +ENGAGEMENT +ENGAGEMENTS +ENGAGES +ENGAGING +ENGAGINGLY +ENGEL +ENGELS +ENGENDER +ENGENDERED +ENGENDERING +ENGENDERS +ENGINE +ENGINEER +ENGINEERED +ENGINEERING +ENGINEERS +ENGINES +ENGLAND +ENGLANDER +ENGLANDERS +ENGLE +ENGLEWOOD +ENGLISH +ENGLISHIZE +ENGLISHIZES +ENGLISHMAN +ENGLISHMEN +ENGRAVE +ENGRAVED +ENGRAVER +ENGRAVES +ENGRAVING +ENGRAVINGS +ENGROSS +ENGROSSED +ENGROSSING +ENGULF +ENHANCE +ENHANCED +ENHANCEMENT +ENHANCEMENTS +ENHANCES +ENHANCING +ENID +ENIGMA +ENIGMATIC +ENJOIN +ENJOINED +ENJOINING +ENJOINS +ENJOY +ENJOYABLE +ENJOYABLY +ENJOYED +ENJOYING +ENJOYMENT +ENJOYS +ENLARGE +ENLARGED +ENLARGEMENT +ENLARGEMENTS +ENLARGER +ENLARGERS +ENLARGES +ENLARGING +ENLIGHTEN +ENLIGHTENED +ENLIGHTENING +ENLIGHTENMENT +ENLIST +ENLISTED +ENLISTMENT +ENLISTS +ENLIVEN +ENLIVENED +ENLIVENING +ENLIVENS +ENMITIES +ENMITY +ENNOBLE +ENNOBLED +ENNOBLES +ENNOBLING +ENNUI +ENOCH +ENORMITIES +ENORMITY +ENORMOUS +ENORMOUSLY +ENOS +ENOUGH +ENQUEUE +ENQUEUED +ENQUEUES +ENQUIRE +ENQUIRED +ENQUIRER +ENQUIRES +ENQUIRY +ENRAGE +ENRAGED +ENRAGES +ENRAGING +ENRAPTURE +ENRICH +ENRICHED +ENRICHES +ENRICHING +ENRICO +ENROLL +ENROLLED +ENROLLING +ENROLLMENT +ENROLLMENTS +ENROLLS +ENSEMBLE +ENSEMBLES +ENSIGN +ENSIGNS +ENSLAVE +ENSLAVED +ENSLAVES +ENSLAVING +ENSNARE +ENSNARED +ENSNARES +ENSNARING +ENSOLITE +ENSUE +ENSUED +ENSUES +ENSUING +ENSURE +ENSURED +ENSURER +ENSURERS +ENSURES +ENSURING +ENTAIL +ENTAILED +ENTAILING +ENTAILS +ENTANGLE +ENTER +ENTERED +ENTERING +ENTERPRISE +ENTERPRISES +ENTERPRISING +ENTERS +ENTERTAIN +ENTERTAINED +ENTERTAINER +ENTERTAINERS +ENTERTAINING +ENTERTAININGLY +ENTERTAINMENT +ENTERTAINMENTS +ENTERTAINS +ENTHUSIASM +ENTHUSIASMS +ENTHUSIAST +ENTHUSIASTIC +ENTHUSIASTICALLY +ENTHUSIASTS +ENTICE +ENTICED +ENTICER +ENTICERS +ENTICES +ENTICING +ENTIRE +ENTIRELY +ENTIRETIES +ENTIRETY +ENTITIES +ENTITLE +ENTITLED +ENTITLES +ENTITLING +ENTITY +ENTOMB +ENTRANCE +ENTRANCED +ENTRANCES +ENTRAP +ENTREAT +ENTREATED +ENTREATY +ENTREE +ENTRENCH +ENTRENCHED +ENTRENCHES +ENTRENCHING +ENTREPRENEUR +ENTREPRENEURIAL +ENTREPRENEURS +ENTRIES +ENTROPY +ENTRUST +ENTRUSTED +ENTRUSTING +ENTRUSTS +ENTRY +ENUMERABLE +ENUMERATE +ENUMERATED +ENUMERATES +ENUMERATING +ENUMERATION +ENUMERATIVE +ENUMERATOR +ENUMERATORS +ENUNCIATION +ENVELOP +ENVELOPE +ENVELOPED +ENVELOPER +ENVELOPES +ENVELOPING +ENVELOPS +ENVIED +ENVIES +ENVIOUS +ENVIOUSLY +ENVIOUSNESS +ENVIRON +ENVIRONING +ENVIRONMENT +ENVIRONMENTAL +ENVIRONMENTS +ENVIRONS +ENVISAGE +ENVISAGED +ENVISAGES +ENVISION +ENVISIONED +ENVISIONING +ENVISIONS +ENVOY +ENVOYS +ENVY +ENZYME +EOCENE +EPAULET +EPAULETS +EPHEMERAL +EPHESIAN +EPHESIANS +EPHESUS +EPHRAIM +EPIC +EPICENTER +EPICS +EPICUREAN +EPICURIZE +EPICURIZES +EPICURUS +EPIDEMIC +EPIDEMICS +EPIDERMIS +EPIGRAM +EPILEPTIC +EPILOGUE +EPIPHANY +EPISCOPAL +EPISCOPALIAN +EPISCOPALIANIZE +EPISCOPALIANIZES +EPISODE +EPISODES +EPISTEMOLOGICAL +EPISTEMOLOGY +EPISTLE +EPISTLES +EPITAPH +EPITAPHS +EPITAXIAL +EPITAXIALLY +EPITHET +EPITHETS +EPITOMIZE +EPITOMIZED +EPITOMIZES +EPITOMIZING +EPOCH +EPOCHS +EPSILON +EPSOM +EPSTEIN +EQUAL +EQUALED +EQUALING +EQUALITIES +EQUALITY +EQUALIZATION +EQUALIZE +EQUALIZED +EQUALIZER +EQUALIZERS +EQUALIZES +EQUALIZING +EQUALLY +EQUALS +EQUATE +EQUATED +EQUATES +EQUATING +EQUATION +EQUATIONS +EQUATOR +EQUATORIAL +EQUATORS +EQUESTRIAN +EQUIDISTANT +EQUILATERAL +EQUILIBRATE +EQUILIBRIA +EQUILIBRIUM +EQUILIBRIUMS +EQUINOX +EQUIP +EQUIPMENT +EQUIPOISE +EQUIPPED +EQUIPPING +EQUIPS +EQUITABLE +EQUITABLY +EQUITY +EQUIVALENCE +EQUIVALENCES +EQUIVALENT +EQUIVALENTLY +EQUIVALENTS +EQUIVOCAL +EQUIVOCALLY +ERA +ERADICATE +ERADICATED +ERADICATES +ERADICATING +ERADICATION +ERAS +ERASABLE +ERASE +ERASED +ERASER +ERASERS +ERASES +ERASING +ERASMUS +ERASTUS +ERASURE +ERATO +ERATOSTHENES +ERE +ERECT +ERECTED +ERECTING +ERECTION +ERECTIONS +ERECTOR +ERECTORS +ERECTS +ERG +ERGO +ERGODIC +ERIC +ERICH +ERICKSON +ERICSSON +ERIE +ERIK +ERIKSON +ERIS +ERLANG +ERLENMEYER +ERLENMEYERS +ERMINE +ERMINES +ERNE +ERNEST +ERNESTINE +ERNIE +ERNST +ERODE +EROS +EROSION +EROTIC +EROTICA +ERR +ERRAND +ERRANT +ERRATA +ERRATIC +ERRATUM +ERRED +ERRING +ERRINGLY +ERROL +ERRONEOUS +ERRONEOUSLY +ERRONEOUSNESS +ERROR +ERRORS +ERRS +ERSATZ +ERSKINE +ERUDITE +ERUPT +ERUPTION +ERVIN +ERWIN +ESCALATE +ESCALATED +ESCALATES +ESCALATING +ESCALATION +ESCAPABLE +ESCAPADE +ESCAPADES +ESCAPE +ESCAPED +ESCAPEE +ESCAPEES +ESCAPES +ESCAPING +ESCHERICHIA +ESCHEW +ESCHEWED +ESCHEWING +ESCHEWS +ESCORT +ESCORTED +ESCORTING +ESCORTS +ESCROW +ESKIMO +ESKIMOIZED +ESKIMOIZEDS +ESKIMOS +ESMARK +ESOTERIC +ESPAGNOL +ESPECIAL +ESPECIALLY +ESPIONAGE +ESPOSITO +ESPOUSE +ESPOUSED +ESPOUSES +ESPOUSING +ESPRIT +ESPY +ESQUIRE +ESQUIRES +ESSAY +ESSAYED +ESSAYS +ESSEN +ESSENCE +ESSENCES +ESSENIZE +ESSENIZES +ESSENTIAL +ESSENTIALLY +ESSENTIALS +ESSEX +ESTABLISH +ESTABLISHED +ESTABLISHES +ESTABLISHING +ESTABLISHMENT +ESTABLISHMENTS +ESTATE +ESTATES +ESTEEM +ESTEEMED +ESTEEMING +ESTEEMS +ESTELLA +ESTES +ESTHER +ESTHETICS +ESTIMATE +ESTIMATED +ESTIMATES +ESTIMATING +ESTIMATION +ESTIMATIONS +ESTONIA +ESTONIAN +ETCH +ETCHING +ETERNAL +ETERNALLY +ETERNITIES +ETERNITY +ETHAN +ETHEL +ETHER +ETHEREAL +ETHEREALLY +ETHERNET +ETHERNETS +ETHERS +ETHIC +ETHICAL +ETHICALLY +ETHICS +ETHIOPIA +ETHIOPIANS +ETHNIC +ETIQUETTE +ETRURIA +ETRUSCAN +ETYMOLOGY +EUCALYPTUS +EUCHARIST +EUCLID +EUCLIDEAN +EUGENE +EUGENIA +EULER +EULERIAN +EUMENIDES +EUNICE +EUNUCH +EUNUCHS +EUPHEMISM +EUPHEMISMS +EUPHORIA +EUPHORIC +EUPHRATES +EURASIA +EURASIAN +EUREKA +EURIPIDES +EUROPA +EUROPE +EUROPEAN +EUROPEANIZATION +EUROPEANIZATIONS +EUROPEANIZE +EUROPEANIZED +EUROPEANIZES +EUROPEANS +EURYDICE +EUTERPE +EUTHANASIA +EVA +EVACUATE +EVACUATED +EVACUATION +EVADE +EVADED +EVADES +EVADING +EVALUATE +EVALUATED +EVALUATES +EVALUATING +EVALUATION +EVALUATIONS +EVALUATIVE +EVALUATOR +EVALUATORS +EVANGELINE +EVANS +EVANSTON +EVANSVILLE +EVAPORATE +EVAPORATED +EVAPORATING +EVAPORATION +EVAPORATIVE +EVASION +EVASIVE +EVE +EVELYN +EVEN +EVENED +EVENHANDED +EVENHANDEDLY +EVENHANDEDNESS +EVENING +EVENINGS +EVENLY +EVENNESS +EVENS +EVENSEN +EVENT +EVENTFUL +EVENTFULLY +EVENTS +EVENTUAL +EVENTUALITIES +EVENTUALITY +EVENTUALLY +EVER +EVEREADY +EVEREST +EVERETT +EVERGLADE +EVERGLADES +EVERGREEN +EVERHART +EVERLASTING +EVERLASTINGLY +EVERMORE +EVERY +EVERYBODY +EVERYDAY +EVERYONE +EVERYTHING +EVERYWHERE +EVICT +EVICTED +EVICTING +EVICTION +EVICTIONS +EVICTS +EVIDENCE +EVIDENCED +EVIDENCES +EVIDENCING +EVIDENT +EVIDENTLY +EVIL +EVILLER +EVILLY +EVILS +EVINCE +EVINCED +EVINCES +EVOKE +EVOKED +EVOKES +EVOKING +EVOLUTE +EVOLUTES +EVOLUTION +EVOLUTIONARY +EVOLUTIONS +EVOLVE +EVOLVED +EVOLVES +EVOLVING +EWE +EWEN +EWES +EWING +EXACERBATE +EXACERBATED +EXACERBATES +EXACERBATING +EXACERBATION +EXACERBATIONS +EXACT +EXACTED +EXACTING +EXACTINGLY +EXACTION +EXACTIONS +EXACTITUDE +EXACTLY +EXACTNESS +EXACTS +EXAGGERATE +EXAGGERATED +EXAGGERATES +EXAGGERATING +EXAGGERATION +EXAGGERATIONS +EXALT +EXALTATION +EXALTED +EXALTING +EXALTS +EXAM +EXAMINATION +EXAMINATIONS +EXAMINE +EXAMINED +EXAMINER +EXAMINERS +EXAMINES +EXAMINING +EXAMPLE +EXAMPLES +EXAMS +EXASPERATE +EXASPERATED +EXASPERATES +EXASPERATING +EXASPERATION +EXCAVATE +EXCAVATED +EXCAVATES +EXCAVATING +EXCAVATION +EXCAVATIONS +EXCEED +EXCEEDED +EXCEEDING +EXCEEDINGLY +EXCEEDS +EXCEL +EXCELLED +EXCELLENCE +EXCELLENCES +EXCELLENCY +EXCELLENT +EXCELLENTLY +EXCELLING +EXCELS +EXCEPT +EXCEPTED +EXCEPTING +EXCEPTION +EXCEPTIONABLE +EXCEPTIONAL +EXCEPTIONALLY +EXCEPTIONS +EXCEPTS +EXCERPT +EXCERPTED +EXCERPTS +EXCESS +EXCESSES +EXCESSIVE +EXCESSIVELY +EXCHANGE +EXCHANGEABLE +EXCHANGED +EXCHANGES +EXCHANGING +EXCHEQUER +EXCHEQUERS +EXCISE +EXCISED +EXCISES +EXCISING +EXCISION +EXCITABLE +EXCITATION +EXCITATIONS +EXCITE +EXCITED +EXCITEDLY +EXCITEMENT +EXCITES +EXCITING +EXCITINGLY +EXCITON +EXCLAIM +EXCLAIMED +EXCLAIMER +EXCLAIMERS +EXCLAIMING +EXCLAIMS +EXCLAMATION +EXCLAMATIONS +EXCLAMATORY +EXCLUDE +EXCLUDED +EXCLUDES +EXCLUDING +EXCLUSION +EXCLUSIONARY +EXCLUSIONS +EXCLUSIVE +EXCLUSIVELY +EXCLUSIVENESS +EXCLUSIVITY +EXCOMMUNICATE +EXCOMMUNICATED +EXCOMMUNICATES +EXCOMMUNICATING +EXCOMMUNICATION +EXCRETE +EXCRETED +EXCRETES +EXCRETING +EXCRETION +EXCRETIONS +EXCRETORY +EXCRUCIATE +EXCURSION +EXCURSIONS +EXCUSABLE +EXCUSABLY +EXCUSE +EXCUSED +EXCUSES +EXCUSING +EXEC +EXECUTABLE +EXECUTE +EXECUTED +EXECUTES +EXECUTING +EXECUTION +EXECUTIONAL +EXECUTIONER +EXECUTIONS +EXECUTIVE +EXECUTIVES +EXECUTOR +EXECUTORS +EXEMPLAR +EXEMPLARY +EXEMPLIFICATION +EXEMPLIFIED +EXEMPLIFIER +EXEMPLIFIERS +EXEMPLIFIES +EXEMPLIFY +EXEMPLIFYING +EXEMPT +EXEMPTED +EXEMPTING +EXEMPTION +EXEMPTS +EXERCISE +EXERCISED +EXERCISER +EXERCISERS +EXERCISES +EXERCISING +EXERT +EXERTED +EXERTING +EXERTION +EXERTIONS +EXERTS +EXETER +EXHALE +EXHALED +EXHALES +EXHALING +EXHAUST +EXHAUSTED +EXHAUSTEDLY +EXHAUSTING +EXHAUSTION +EXHAUSTIVE +EXHAUSTIVELY +EXHAUSTS +EXHIBIT +EXHIBITED +EXHIBITING +EXHIBITION +EXHIBITIONS +EXHIBITOR +EXHIBITORS +EXHIBITS +EXHILARATE +EXHORT +EXHORTATION +EXHORTATIONS +EXHUME +EXIGENCY +EXILE +EXILED +EXILES +EXILING +EXIST +EXISTED +EXISTENCE +EXISTENT +EXISTENTIAL +EXISTENTIALISM +EXISTENTIALIST +EXISTENTIALISTS +EXISTENTIALLY +EXISTING +EXISTS +EXIT +EXITED +EXITING +EXITS +EXODUS +EXORBITANT +EXORBITANTLY +EXORCISM +EXORCIST +EXOSKELETON +EXOTIC +EXPAND +EXPANDABLE +EXPANDED +EXPANDER +EXPANDERS +EXPANDING +EXPANDS +EXPANSE +EXPANSES +EXPANSIBLE +EXPANSION +EXPANSIONISM +EXPANSIONS +EXPANSIVE +EXPECT +EXPECTANCY +EXPECTANT +EXPECTANTLY +EXPECTATION +EXPECTATIONS +EXPECTED +EXPECTEDLY +EXPECTING +EXPECTINGLY +EXPECTS +EXPEDIENCY +EXPEDIENT +EXPEDIENTLY +EXPEDITE +EXPEDITED +EXPEDITES +EXPEDITING +EXPEDITION +EXPEDITIONS +EXPEDITIOUS +EXPEDITIOUSLY +EXPEL +EXPELLED +EXPELLING +EXPELS +EXPEND +EXPENDABLE +EXPENDED +EXPENDING +EXPENDITURE +EXPENDITURES +EXPENDS +EXPENSE +EXPENSES +EXPENSIVE +EXPENSIVELY +EXPERIENCE +EXPERIENCED +EXPERIENCES +EXPERIENCING +EXPERIMENT +EXPERIMENTAL +EXPERIMENTALLY +EXPERIMENTATION +EXPERIMENTATIONS +EXPERIMENTED +EXPERIMENTER +EXPERIMENTERS +EXPERIMENTING +EXPERIMENTS +EXPERT +EXPERTISE +EXPERTLY +EXPERTNESS +EXPERTS +EXPIRATION +EXPIRATIONS +EXPIRE +EXPIRED +EXPIRES +EXPIRING +EXPLAIN +EXPLAINABLE +EXPLAINED +EXPLAINER +EXPLAINERS +EXPLAINING +EXPLAINS +EXPLANATION +EXPLANATIONS +EXPLANATORY +EXPLETIVE +EXPLICIT +EXPLICITLY +EXPLICITNESS +EXPLODE +EXPLODED +EXPLODES +EXPLODING +EXPLOIT +EXPLOITABLE +EXPLOITATION +EXPLOITATIONS +EXPLOITED +EXPLOITER +EXPLOITERS +EXPLOITING +EXPLOITS +EXPLORATION +EXPLORATIONS +EXPLORATORY +EXPLORE +EXPLORED +EXPLORER +EXPLORERS +EXPLORES +EXPLORING +EXPLOSION +EXPLOSIONS +EXPLOSIVE +EXPLOSIVELY +EXPLOSIVES +EXPONENT +EXPONENTIAL +EXPONENTIALLY +EXPONENTIALS +EXPONENTIATE +EXPONENTIATED +EXPONENTIATES +EXPONENTIATING +EXPONENTIATION +EXPONENTIATIONS +EXPONENTS +EXPORT +EXPORTATION +EXPORTED +EXPORTER +EXPORTERS +EXPORTING +EXPORTS +EXPOSE +EXPOSED +EXPOSER +EXPOSERS +EXPOSES +EXPOSING +EXPOSITION +EXPOSITIONS +EXPOSITORY +EXPOSURE +EXPOSURES +EXPOUND +EXPOUNDED +EXPOUNDER +EXPOUNDING +EXPOUNDS +EXPRESS +EXPRESSED +EXPRESSES +EXPRESSIBILITY +EXPRESSIBLE +EXPRESSIBLY +EXPRESSING +EXPRESSION +EXPRESSIONS +EXPRESSIVE +EXPRESSIVELY +EXPRESSIVENESS +EXPRESSLY +EXPULSION +EXPUNGE +EXPUNGED +EXPUNGES +EXPUNGING +EXPURGATE +EXQUISITE +EXQUISITELY +EXQUISITENESS +EXTANT +EXTEMPORANEOUS +EXTEND +EXTENDABLE +EXTENDED +EXTENDING +EXTENDS +EXTENSIBILITY +EXTENSIBLE +EXTENSION +EXTENSIONS +EXTENSIVE +EXTENSIVELY +EXTENT +EXTENTS +EXTENUATE +EXTENUATED +EXTENUATING +EXTENUATION +EXTERIOR +EXTERIORS +EXTERMINATE +EXTERMINATED +EXTERMINATES +EXTERMINATING +EXTERMINATION +EXTERNAL +EXTERNALLY +EXTINCT +EXTINCTION +EXTINGUISH +EXTINGUISHED +EXTINGUISHER +EXTINGUISHES +EXTINGUISHING +EXTIRPATE +EXTOL +EXTORT +EXTORTED +EXTORTION +EXTRA +EXTRACT +EXTRACTED +EXTRACTING +EXTRACTION +EXTRACTIONS +EXTRACTOR +EXTRACTORS +EXTRACTS +EXTRACURRICULAR +EXTRAMARITAL +EXTRANEOUS +EXTRANEOUSLY +EXTRANEOUSNESS +EXTRAORDINARILY +EXTRAORDINARINESS +EXTRAORDINARY +EXTRAPOLATE +EXTRAPOLATED +EXTRAPOLATES +EXTRAPOLATING +EXTRAPOLATION +EXTRAPOLATIONS +EXTRAS +EXTRATERRESTRIAL +EXTRAVAGANCE +EXTRAVAGANT +EXTRAVAGANTLY +EXTRAVAGANZA +EXTREMAL +EXTREME +EXTREMELY +EXTREMES +EXTREMIST +EXTREMISTS +EXTREMITIES +EXTREMITY +EXTRICATE +EXTRINSIC +EXTROVERT +EXUBERANCE +EXULT +EXULTATION +EXXON +EYE +EYEBALL +EYEBROW +EYEBROWS +EYED +EYEFUL +EYEGLASS +EYEGLASSES +EYEING +EYELASH +EYELID +EYELIDS +EYEPIECE +EYEPIECES +EYER +EYERS +EYES +EYESIGHT +EYEWITNESS +EYEWITNESSES +EYING +EZEKIEL +EZRA +FABER +FABIAN +FABLE +FABLED +FABLES +FABRIC +FABRICATE +FABRICATED +FABRICATES +FABRICATING +FABRICATION +FABRICS +FABULOUS +FABULOUSLY +FACADE +FACADED +FACADES +FACE +FACED +FACES +FACET +FACETED +FACETS +FACIAL +FACILE +FACILELY +FACILITATE +FACILITATED +FACILITATES +FACILITATING +FACILITIES +FACILITY +FACING +FACINGS +FACSIMILE +FACSIMILES +FACT +FACTION +FACTIONS +FACTIOUS +FACTO +FACTOR +FACTORED +FACTORIAL +FACTORIES +FACTORING +FACTORIZATION +FACTORIZATIONS +FACTORS +FACTORY +FACTS +FACTUAL +FACTUALLY +FACULTIES +FACULTY +FADE +FADED +FADEOUT +FADER +FADERS +FADES +FADING +FAFNIR +FAG +FAGIN +FAGS +FAHEY +FAHRENHEIT +FAHRENHEITS +FAIL +FAILED +FAILING +FAILINGS +FAILS +FAILSOFT +FAILURE +FAILURES +FAIN +FAINT +FAINTED +FAINTER +FAINTEST +FAINTING +FAINTLY +FAINTNESS +FAINTS +FAIR +FAIRBANKS +FAIRCHILD +FAIRER +FAIREST +FAIRFAX +FAIRFIELD +FAIRIES +FAIRING +FAIRLY +FAIRMONT +FAIRNESS +FAIRPORT +FAIRS +FAIRVIEW +FAIRY +FAIRYLAND +FAITH +FAITHFUL +FAITHFULLY +FAITHFULNESS +FAITHLESS +FAITHLESSLY +FAITHLESSNESS +FAITHS +FAKE +FAKED +FAKER +FAKES +FAKING +FALCON +FALCONER +FALCONS +FALK +FALKLAND +FALKLANDS +FALL +FALLACIES +FALLACIOUS +FALLACY +FALLEN +FALLIBILITY +FALLIBLE +FALLING +FALLOPIAN +FALLOUT +FALLOW +FALLS +FALMOUTH +FALSE +FALSEHOOD +FALSEHOODS +FALSELY +FALSENESS +FALSIFICATION +FALSIFIED +FALSIFIES +FALSIFY +FALSIFYING +FALSITY +FALSTAFF +FALTER +FALTERED +FALTERS +FAME +FAMED +FAMES +FAMILIAL +FAMILIAR +FAMILIARITIES +FAMILIARITY +FAMILIARIZATION +FAMILIARIZE +FAMILIARIZED +FAMILIARIZES +FAMILIARIZING +FAMILIARLY +FAMILIARNESS +FAMILIES +FAMILISM +FAMILY +FAMINE +FAMINES +FAMISH +FAMOUS +FAMOUSLY +FAN +FANATIC +FANATICISM +FANATICS +FANCIED +FANCIER +FANCIERS +FANCIES +FANCIEST +FANCIFUL +FANCIFULLY +FANCILY +FANCINESS +FANCY +FANCYING +FANFARE +FANFOLD +FANG +FANGLED +FANGS +FANNED +FANNIES +FANNING +FANNY +FANOUT +FANS +FANTASIES +FANTASIZE +FANTASTIC +FANTASY +FAQ +FAR +FARAD +FARADAY +FARAWAY +FARBER +FARCE +FARCES +FARE +FARED +FARES +FAREWELL +FAREWELLS +FARFETCHED +FARGO +FARINA +FARING +FARKAS +FARLEY +FARM +FARMED +FARMER +FARMERS +FARMHOUSE +FARMHOUSES +FARMING +FARMINGTON +FARMLAND +FARMS +FARMYARD +FARMYARDS +FARNSWORTH +FARRELL +FARSIGHTED +FARTHER +FARTHEST +FARTHING +FASCICLE +FASCINATE +FASCINATED +FASCINATES +FASCINATING +FASCINATION +FASCISM +FASCIST +FASHION +FASHIONABLE +FASHIONABLY +FASHIONED +FASHIONING +FASHIONS +FAST +FASTED +FASTEN +FASTENED +FASTENER +FASTENERS +FASTENING +FASTENINGS +FASTENS +FASTER +FASTEST +FASTIDIOUS +FASTING +FASTNESS +FASTS +FAT +FATAL +FATALITIES +FATALITY +FATALLY +FATALS +FATE +FATED +FATEFUL +FATES +FATHER +FATHERED +FATHERLAND +FATHERLY +FATHERS +FATHOM +FATHOMED +FATHOMING +FATHOMS +FATIGUE +FATIGUED +FATIGUES +FATIGUING +FATIMA +FATNESS +FATS +FATTEN +FATTENED +FATTENER +FATTENERS +FATTENING +FATTENS +FATTER +FATTEST +FATTY +FAUCET +FAULKNER +FAULKNERIAN +FAULT +FAULTED +FAULTING +FAULTLESS +FAULTLESSLY +FAULTS +FAULTY +FAUN +FAUNA +FAUNTLEROY +FAUST +FAUSTIAN +FAUSTUS +FAVOR +FAVORABLE +FAVORABLY +FAVORED +FAVORER +FAVORING +FAVORITE +FAVORITES +FAVORITISM +FAVORS +FAWKES +FAWN +FAWNED +FAWNING +FAWNS +FAYETTE +FAYETTEVILLE +FAZE +FEAR +FEARED +FEARFUL +FEARFULLY +FEARING +FEARLESS +FEARLESSLY +FEARLESSNESS +FEARS +FEARSOME +FEASIBILITY +FEASIBLE +FEAST +FEASTED +FEASTING +FEASTS +FEAT +FEATHER +FEATHERBED +FEATHERBEDDING +FEATHERED +FEATHERER +FEATHERERS +FEATHERING +FEATHERMAN +FEATHERS +FEATHERWEIGHT +FEATHERY +FEATS +FEATURE +FEATURED +FEATURES +FEATURING +FEBRUARIES +FEBRUARY +FECUND +FED +FEDDERS +FEDERAL +FEDERALIST +FEDERALLY +FEDERALS +FEDERATION +FEDORA +FEE +FEEBLE +FEEBLENESS +FEEBLER +FEEBLEST +FEEBLY +FEED +FEEDBACK +FEEDER +FEEDERS +FEEDING +FEEDINGS +FEEDS +FEEL +FEELER +FEELERS +FEELING +FEELINGLY +FEELINGS +FEELS +FEENEY +FEES +FEET +FEIGN +FEIGNED +FEIGNING +FELDER +FELDMAN +FELICE +FELICIA +FELICITIES +FELICITY +FELINE +FELIX +FELL +FELLATIO +FELLED +FELLING +FELLINI +FELLOW +FELLOWS +FELLOWSHIP +FELLOWSHIPS +FELON +FELONIOUS +FELONY +FELT +FELTS +FEMALE +FEMALES +FEMININE +FEMININITY +FEMINISM +FEMINIST +FEMUR +FEMURS +FEN +FENCE +FENCED +FENCER +FENCERS +FENCES +FENCING +FEND +FENTON +FENWICK +FERBER +FERDINAND +FERDINANDO +FERGUSON +FERMAT +FERMENT +FERMENTATION +FERMENTATIONS +FERMENTED +FERMENTING +FERMENTS +FERMI +FERN +FERNANDO +FERNS +FEROCIOUS +FEROCIOUSLY +FEROCIOUSNESS +FEROCITY +FERREIRA +FERRER +FERRET +FERRIED +FERRIES +FERRITE +FERRY +FERTILE +FERTILELY +FERTILITY +FERTILIZATION +FERTILIZE +FERTILIZED +FERTILIZER +FERTILIZERS +FERTILIZES +FERTILIZING +FERVENT +FERVENTLY +FERVOR +FERVORS +FESS +FESTIVAL +FESTIVALS +FESTIVE +FESTIVELY +FESTIVITIES +FESTIVITY +FETAL +FETCH +FETCHED +FETCHES +FETCHING +FETCHINGLY +FETID +FETISH +FETTER +FETTERED +FETTERS +FETTLE +FETUS +FEUD +FEUDAL +FEUDALISM +FEUDS +FEVER +FEVERED +FEVERISH +FEVERISHLY +FEVERS +FEW +FEWER +FEWEST +FEWNESS +FIANCE +FIANCEE +FIASCO +FIAT +FIB +FIBBING +FIBER +FIBERGLAS +FIBERS +FIBONACCI +FIBROSITIES +FIBROSITY +FIBROUS +FIBROUSLY +FICKLE +FICKLENESS +FICTION +FICTIONAL +FICTIONALLY +FICTIONS +FICTITIOUS +FICTITIOUSLY +FIDDLE +FIDDLED +FIDDLER +FIDDLES +FIDDLESTICK +FIDDLESTICKS +FIDDLING +FIDEL +FIDELITY +FIDGET +FIDUCIAL +FIEF +FIEFDOM +FIELD +FIELDED +FIELDER +FIELDERS +FIELDING +FIELDS +FIELDWORK +FIEND +FIENDISH +FIERCE +FIERCELY +FIERCENESS +FIERCER +FIERCEST +FIERY +FIFE +FIFTEEN +FIFTEENS +FIFTEENTH +FIFTH +FIFTIES +FIFTIETH +FIFTY +FIG +FIGARO +FIGHT +FIGHTER +FIGHTERS +FIGHTING +FIGHTS +FIGS +FIGURATIVE +FIGURATIVELY +FIGURE +FIGURED +FIGURES +FIGURING +FIGURINGS +FIJI +FIJIAN +FIJIANS +FILAMENT +FILAMENTS +FILE +FILED +FILENAME +FILENAMES +FILER +FILES +FILIAL +FILIBUSTER +FILING +FILINGS +FILIPINO +FILIPINOS +FILIPPO +FILL +FILLABLE +FILLED +FILLER +FILLERS +FILLING +FILLINGS +FILLMORE +FILLS +FILLY +FILM +FILMED +FILMING +FILMS +FILTER +FILTERED +FILTERING +FILTERS +FILTH +FILTHIER +FILTHIEST +FILTHINESS +FILTHY +FIN +FINAL +FINALITY +FINALIZATION +FINALIZE +FINALIZED +FINALIZES +FINALIZING +FINALLY +FINALS +FINANCE +FINANCED +FINANCES +FINANCIAL +FINANCIALLY +FINANCIER +FINANCIERS +FINANCING +FIND +FINDER +FINDERS +FINDING +FINDINGS +FINDS +FINE +FINED +FINELY +FINENESS +FINER +FINES +FINESSE +FINESSED +FINESSING +FINEST +FINGER +FINGERED +FINGERING +FINGERINGS +FINGERNAIL +FINGERPRINT +FINGERPRINTS +FINGERS +FINGERTIP +FINICKY +FINING +FINISH +FINISHED +FINISHER +FINISHERS +FINISHES +FINISHING +FINITE +FINITELY +FINITENESS +FINK +FINLAND +FINLEY +FINN +FINNEGAN +FINNISH +FINNS +FINNY +FINS +FIORELLO +FIORI +FIR +FIRE +FIREARM +FIREARMS +FIREBOAT +FIREBREAK +FIREBUG +FIRECRACKER +FIRED +FIREFLIES +FIREFLY +FIREHOUSE +FIRELIGHT +FIREMAN +FIREMEN +FIREPLACE +FIREPLACES +FIREPOWER +FIREPROOF +FIRER +FIRERS +FIRES +FIRESIDE +FIRESTONE +FIREWALL +FIREWOOD +FIREWORKS +FIRING +FIRINGS +FIRM +FIRMAMENT +FIRMED +FIRMER +FIRMEST +FIRMING +FIRMLY +FIRMNESS +FIRMS +FIRMWARE +FIRST +FIRSTHAND +FIRSTLY +FIRSTS +FISCAL +FISCALLY +FISCHBEIN +FISCHER +FISH +FISHED +FISHER +FISHERMAN +FISHERMEN +FISHERS +FISHERY +FISHES +FISHING +FISHKILL +FISHMONGER +FISHPOND +FISHY +FISK +FISKE +FISSION +FISSURE +FISSURED +FIST +FISTED +FISTICUFF +FISTS +FIT +FITCH +FITCHBURG +FITFUL +FITFULLY +FITLY +FITNESS +FITS +FITTED +FITTER +FITTERS +FITTING +FITTINGLY +FITTINGS +FITZGERALD +FITZPATRICK +FITZROY +FIVE +FIVEFOLD +FIVES +FIX +FIXATE +FIXATED +FIXATES +FIXATING +FIXATION +FIXATIONS +FIXED +FIXEDLY +FIXEDNESS +FIXER +FIXERS +FIXES +FIXING +FIXINGS +FIXTURE +FIXTURES +FIZEAU +FIZZLE +FIZZLED +FLABBERGAST +FLABBERGASTED +FLACK +FLAG +FLAGELLATE +FLAGGED +FLAGGING +FLAGLER +FLAGPOLE +FLAGRANT +FLAGRANTLY +FLAGS +FLAGSTAFF +FLAIL +FLAIR +FLAK +FLAKE +FLAKED +FLAKES +FLAKING +FLAKY +FLAM +FLAMBOYANT +FLAME +FLAMED +FLAMER +FLAMERS +FLAMES +FLAMING +FLAMMABLE +FLANAGAN +FLANDERS +FLANK +FLANKED +FLANKER +FLANKING +FLANKS +FLANNEL +FLANNELS +FLAP +FLAPS +FLARE +FLARED +FLARES +FLARING +FLASH +FLASHBACK +FLASHED +FLASHER +FLASHERS +FLASHES +FLASHING +FLASHLIGHT +FLASHLIGHTS +FLASHY +FLASK +FLAT +FLATBED +FLATLY +FLATNESS +FLATS +FLATTEN +FLATTENED +FLATTENING +FLATTER +FLATTERED +FLATTERER +FLATTERING +FLATTERY +FLATTEST +FLATULENT +FLATUS +FLATWORM +FLAUNT +FLAUNTED +FLAUNTING +FLAUNTS +FLAVOR +FLAVORED +FLAVORING +FLAVORINGS +FLAVORS +FLAW +FLAWED +FLAWLESS +FLAWLESSLY +FLAWS +FLAX +FLAXEN +FLEA +FLEAS +FLED +FLEDERMAUS +FLEDGED +FLEDGLING +FLEDGLINGS +FLEE +FLEECE +FLEECES +FLEECY +FLEEING +FLEES +FLEET +FLEETEST +FLEETING +FLEETLY +FLEETNESS +FLEETS +FLEISCHMAN +FLEISHER +FLEMING +FLEMINGS +FLEMISH +FLEMISHED +FLEMISHES +FLEMISHING +FLESH +FLESHED +FLESHES +FLESHING +FLESHLY +FLESHY +FLETCHER +FLETCHERIZE +FLETCHERIZES +FLEW +FLEX +FLEXIBILITIES +FLEXIBILITY +FLEXIBLE +FLEXIBLY +FLICK +FLICKED +FLICKER +FLICKERING +FLICKING +FLICKS +FLIER +FLIERS +FLIES +FLIGHT +FLIGHTS +FLIMSY +FLINCH +FLINCHED +FLINCHES +FLINCHING +FLING +FLINGS +FLINT +FLINTY +FLIP +FLIPFLOP +FLIPPED +FLIPS +FLIRT +FLIRTATION +FLIRTATIOUS +FLIRTED +FLIRTING +FLIRTS +FLIT +FLITTING +FLO +FLOAT +FLOATED +FLOATER +FLOATING +FLOATS +FLOCK +FLOCKED +FLOCKING +FLOCKS +FLOG +FLOGGING +FLOOD +FLOODED +FLOODING +FLOODLIGHT +FLOODLIT +FLOODS +FLOOR +FLOORED +FLOORING +FLOORINGS +FLOORS +FLOP +FLOPPIES +FLOPPILY +FLOPPING +FLOPPY +FLOPS +FLORA +FLORAL +FLORENCE +FLORENTINE +FLORID +FLORIDA +FLORIDIAN +FLORIDIANS +FLORIN +FLORIST +FLOSS +FLOSSED +FLOSSES +FLOSSING +FLOTATION +FLOTILLA +FLOUNDER +FLOUNDERED +FLOUNDERING +FLOUNDERS +FLOUR +FLOURED +FLOURISH +FLOURISHED +FLOURISHES +FLOURISHING +FLOW +FLOWCHART +FLOWCHARTING +FLOWCHARTS +FLOWED +FLOWER +FLOWERED +FLOWERINESS +FLOWERING +FLOWERPOT +FLOWERS +FLOWERY +FLOWING +FLOWN +FLOWS +FLOYD +FLU +FLUCTUATE +FLUCTUATES +FLUCTUATING +FLUCTUATION +FLUCTUATIONS +FLUE +FLUENCY +FLUENT +FLUENTLY +FLUFF +FLUFFIER +FLUFFIEST +FLUFFY +FLUID +FLUIDITY +FLUIDLY +FLUIDS +FLUKE +FLUNG +FLUNKED +FLUORESCE +FLUORESCENT +FLURRIED +FLURRY +FLUSH +FLUSHED +FLUSHES +FLUSHING +FLUTE +FLUTED +FLUTING +FLUTTER +FLUTTERED +FLUTTERING +FLUTTERS +FLUX +FLY +FLYABLE +FLYER +FLYERS +FLYING +FLYNN +FOAL +FOAM +FOAMED +FOAMING +FOAMS +FOAMY +FOB +FOBBING +FOCAL +FOCALLY +FOCI +FOCUS +FOCUSED +FOCUSES +FOCUSING +FOCUSSED +FODDER +FOE +FOES +FOG +FOGARTY +FOGGED +FOGGIER +FOGGIEST +FOGGILY +FOGGING +FOGGY +FOGS +FOGY +FOIBLE +FOIL +FOILED +FOILING +FOILS +FOIST +FOLD +FOLDED +FOLDER +FOLDERS +FOLDING +FOLDOUT +FOLDS +FOLEY +FOLIAGE +FOLK +FOLKLORE +FOLKS +FOLKSONG +FOLKSY +FOLLIES +FOLLOW +FOLLOWED +FOLLOWER +FOLLOWERS +FOLLOWING +FOLLOWINGS +FOLLOWS +FOLLY +FOLSOM +FOMALHAUT +FOND +FONDER +FONDLE +FONDLED +FONDLES +FONDLING +FONDLY +FONDNESS +FONT +FONTAINE +FONTAINEBLEAU +FONTANA +FONTS +FOOD +FOODS +FOODSTUFF +FOODSTUFFS +FOOL +FOOLED +FOOLHARDY +FOOLING +FOOLISH +FOOLISHLY +FOOLISHNESS +FOOLPROOF +FOOLS +FOOT +FOOTAGE +FOOTBALL +FOOTBALLS +FOOTBRIDGE +FOOTE +FOOTED +FOOTER +FOOTERS +FOOTFALL +FOOTHILL +FOOTHOLD +FOOTING +FOOTMAN +FOOTNOTE +FOOTNOTES +FOOTPATH +FOOTPRINT +FOOTPRINTS +FOOTSTEP +FOOTSTEPS +FOR +FORAGE +FORAGED +FORAGES +FORAGING +FORAY +FORAYS +FORBADE +FORBEAR +FORBEARANCE +FORBEARS +FORBES +FORBID +FORBIDDEN +FORBIDDING +FORBIDS +FORCE +FORCED +FORCEFUL +FORCEFULLY +FORCEFULNESS +FORCER +FORCES +FORCIBLE +FORCIBLY +FORCING +FORD +FORDHAM +FORDS +FORE +FOREARM +FOREARMS +FOREBODING +FORECAST +FORECASTED +FORECASTER +FORECASTERS +FORECASTING +FORECASTLE +FORECASTS +FOREFATHER +FOREFATHERS +FOREFINGER +FOREFINGERS +FOREGO +FOREGOES +FOREGOING +FOREGONE +FOREGROUND +FOREHEAD +FOREHEADS +FOREIGN +FOREIGNER +FOREIGNERS +FOREIGNS +FOREMAN +FOREMOST +FORENOON +FORENSIC +FORERUNNERS +FORESEE +FORESEEABLE +FORESEEN +FORESEES +FORESIGHT +FORESIGHTED +FOREST +FORESTALL +FORESTALLED +FORESTALLING +FORESTALLMENT +FORESTALLS +FORESTED +FORESTER +FORESTERS +FORESTRY +FORESTS +FORETELL +FORETELLING +FORETELLS +FORETOLD +FOREVER +FOREWARN +FOREWARNED +FOREWARNING +FOREWARNINGS +FOREWARNS +FORFEIT +FORFEITED +FORFEITURE +FORGAVE +FORGE +FORGED +FORGER +FORGERIES +FORGERY +FORGES +FORGET +FORGETFUL +FORGETFULNESS +FORGETS +FORGETTABLE +FORGETTABLY +FORGETTING +FORGING +FORGIVABLE +FORGIVABLY +FORGIVE +FORGIVEN +FORGIVENESS +FORGIVES +FORGIVING +FORGIVINGLY +FORGOT +FORGOTTEN +FORK +FORKED +FORKING +FORKLIFT +FORKS +FORLORN +FORLORNLY +FORM +FORMAL +FORMALISM +FORMALISMS +FORMALITIES +FORMALITY +FORMALIZATION +FORMALIZATIONS +FORMALIZE +FORMALIZED +FORMALIZES +FORMALIZING +FORMALLY +FORMANT +FORMANTS +FORMAT +FORMATION +FORMATIONS +FORMATIVE +FORMATIVELY +FORMATS +FORMATTED +FORMATTER +FORMATTERS +FORMATTING +FORMED +FORMER +FORMERLY +FORMICA +FORMICAS +FORMIDABLE +FORMING +FORMOSA +FORMOSAN +FORMS +FORMULA +FORMULAE +FORMULAS +FORMULATE +FORMULATED +FORMULATES +FORMULATING +FORMULATION +FORMULATIONS +FORMULATOR +FORMULATORS +FORNICATION +FORREST +FORSAKE +FORSAKEN +FORSAKES +FORSAKING +FORSYTHE +FORT +FORTE +FORTESCUE +FORTH +FORTHCOMING +FORTHRIGHT +FORTHWITH +FORTIER +FORTIES +FORTIETH +FORTIFICATION +FORTIFICATIONS +FORTIFIED +FORTIFIES +FORTIFY +FORTIFYING +FORTIORI +FORTITUDE +FORTNIGHT +FORTNIGHTLY +FORTRAN +FORTRAN +FORTRESS +FORTRESSES +FORTS +FORTUITOUS +FORTUITOUSLY +FORTUNATE +FORTUNATELY +FORTUNE +FORTUNES +FORTY +FORUM +FORUMS +FORWARD +FORWARDED +FORWARDER +FORWARDING +FORWARDNESS +FORWARDS +FOSS +FOSSIL +FOSTER +FOSTERED +FOSTERING +FOSTERS +FOUGHT +FOUL +FOULED +FOULEST +FOULING +FOULLY +FOULMOUTH +FOULNESS +FOULS +FOUND +FOUNDATION +FOUNDATIONS +FOUNDED +FOUNDER +FOUNDERED +FOUNDERS +FOUNDING +FOUNDLING +FOUNDRIES +FOUNDRY +FOUNDS +FOUNT +FOUNTAIN +FOUNTAINS +FOUNTS +FOUR +FOURFOLD +FOURIER +FOURS +FOURSCORE +FOURSOME +FOURSQUARE +FOURTEEN +FOURTEENS +FOURTEENTH +FOURTH +FOWL +FOWLER +FOWLS +FOX +FOXES +FOXHALL +FRACTION +FRACTIONAL +FRACTIONALLY +FRACTIONS +FRACTURE +FRACTURED +FRACTURES +FRACTURING +FRAGILE +FRAGMENT +FRAGMENTARY +FRAGMENTATION +FRAGMENTED +FRAGMENTING +FRAGMENTS +FRAGRANCE +FRAGRANCES +FRAGRANT +FRAGRANTLY +FRAIL +FRAILEST +FRAILTY +FRAME +FRAMED +FRAMER +FRAMES +FRAMEWORK +FRAMEWORKS +FRAMING +FRAN +FRANC +FRANCAISE +FRANCE +FRANCES +FRANCESCA +FRANCESCO +FRANCHISE +FRANCHISES +FRANCIE +FRANCINE +FRANCIS +FRANCISCAN +FRANCISCANS +FRANCISCO +FRANCIZE +FRANCIZES +FRANCO +FRANCOIS +FRANCOISE +FRANCS +FRANK +FRANKED +FRANKEL +FRANKER +FRANKEST +FRANKFORT +FRANKFURT +FRANKIE +FRANKING +FRANKLINIZATION +FRANKLINIZATIONS +FRANKLY +FRANKNESS +FRANKS +FRANNY +FRANTIC +FRANTICALLY +FRANZ +FRASER +FRATERNAL +FRATERNALLY +FRATERNITIES +FRATERNITY +FRAU +FRAUD +FRAUDS +FRAUDULENT +FRAUGHT +FRAY +FRAYED +FRAYING +FRAYNE +FRAYS +FRAZIER +FRAZZLE +FREAK +FREAKISH +FREAKS +FRECKLE +FRECKLED +FRECKLES +FRED +FREDDIE +FREDDY +FREDERIC +FREDERICK +FREDERICKS +FREDERICKSBURG +FREDERICO +FREDERICTON +FREDHOLM +FREDRICK +FREDRICKSON +FREE +FREED +FREEDMAN +FREEDOM +FREEDOMS +FREEING +FREEINGS +FREELY +FREEMAN +FREEMASON +FREEMASONRY +FREEMASONS +FREENESS +FREEPORT +FREER +FREES +FREEST +FREESTYLE +FREETOWN +FREEWAY +FREEWHEEL +FREEZE +FREEZER +FREEZERS +FREEZES +FREEZING +FREIDA +FREIGHT +FREIGHTED +FREIGHTER +FREIGHTERS +FREIGHTING +FREIGHTS +FRENCH +FRENCHIZE +FRENCHIZES +FRENCHMAN +FRENCHMEN +FRENETIC +FRENZIED +FRENZY +FREON +FREQUENCIES +FREQUENCY +FREQUENT +FREQUENTED +FREQUENTER +FREQUENTERS +FREQUENTING +FREQUENTLY +FREQUENTS +FRESCO +FRESCOES +FRESH +FRESHEN +FRESHENED +FRESHENER +FRESHENERS +FRESHENING +FRESHENS +FRESHER +FRESHEST +FRESHLY +FRESHMAN +FRESHMEN +FRESHNESS +FRESHWATER +FRESNEL +FRESNO +FRET +FRETFUL +FRETFULLY +FRETFULNESS +FREUD +FREUDIAN +FREUDIANISM +FREUDIANISMS +FREUDIANS +FREY +FREYA +FRIAR +FRIARS +FRICATIVE +FRICATIVES +FRICK +FRICTION +FRICTIONLESS +FRICTIONS +FRIDAY +FRIDAYS +FRIED +FRIEDMAN +FRIEDRICH +FRIEND +FRIENDLESS +FRIENDLIER +FRIENDLIEST +FRIENDLINESS +FRIENDLY +FRIENDS +FRIENDSHIP +FRIENDSHIPS +FRIES +FRIESLAND +FRIEZE +FRIEZES +FRIGATE +FRIGATES +FRIGGA +FRIGHT +FRIGHTEN +FRIGHTENED +FRIGHTENING +FRIGHTENINGLY +FRIGHTENS +FRIGHTFUL +FRIGHTFULLY +FRIGHTFULNESS +FRIGID +FRIGIDAIRE +FRILL +FRILLS +FRINGE +FRINGED +FRISBEE +FRISIA +FRISIAN +FRISK +FRISKED +FRISKING +FRISKS +FRISKY +FRITO +FRITTER +FRITZ +FRIVOLITY +FRIVOLOUS +FRIVOLOUSLY +FRO +FROCK +FROCKS +FROG +FROGS +FROLIC +FROLICS +FROM +FRONT +FRONTAGE +FRONTAL +FRONTED +FRONTIER +FRONTIERS +FRONTIERSMAN +FRONTIERSMEN +FRONTING +FRONTS +FROST +FROSTBELT +FROSTBITE +FROSTBITTEN +FROSTED +FROSTING +FROSTS +FROSTY +FROTH +FROTHING +FROTHY +FROWN +FROWNED +FROWNING +FROWNS +FROZE +FROZEN +FROZENLY +FRUEHAUF +FRUGAL +FRUGALLY +FRUIT +FRUITFUL +FRUITFULLY +FRUITFULNESS +FRUITION +FRUITLESS +FRUITLESSLY +FRUITS +FRUSTRATE +FRUSTRATED +FRUSTRATES +FRUSTRATING +FRUSTRATION +FRUSTRATIONS +FRY +FRYE +FUCHS +FUCHSIA +FUDGE +FUEL +FUELED +FUELING +FUELS +FUGITIVE +FUGITIVES +FUGUE +FUJI +FUJITSU +FULBRIGHT +FULBRIGHTS +FULCRUM +FULFILL +FULFILLED +FULFILLING +FULFILLMENT +FULFILLMENTS +FULFILLS +FULL +FULLER +FULLERTON +FULLEST +FULLNESS +FULLY +FULMINATE +FULTON +FUMBLE +FUMBLED +FUMBLING +FUME +FUMED +FUMES +FUMING +FUN +FUNCTION +FUNCTIONAL +FUNCTIONALITIES +FUNCTIONALITY +FUNCTIONALLY +FUNCTIONALS +FUNCTIONARY +FUNCTIONED +FUNCTIONING +FUNCTIONS +FUNCTOR +FUNCTORS +FUND +FUNDAMENTAL +FUNDAMENTALLY +FUNDAMENTALS +FUNDED +FUNDER +FUNDERS +FUNDING +FUNDS +FUNERAL +FUNERALS +FUNEREAL +FUNGAL +FUNGI +FUNGIBLE +FUNGICIDE +FUNGUS +FUNK +FUNNEL +FUNNELED +FUNNELING +FUNNELS +FUNNIER +FUNNIEST +FUNNILY +FUNNINESS +FUNNY +FUR +FURIES +FURIOUS +FURIOUSER +FURIOUSLY +FURLONG +FURLOUGH +FURMAN +FURNACE +FURNACES +FURNISH +FURNISHED +FURNISHES +FURNISHING +FURNISHINGS +FURNITURE +FURRIER +FURROW +FURROWED +FURROWS +FURRY +FURS +FURTHER +FURTHERED +FURTHERING +FURTHERMORE +FURTHERMOST +FURTHERS +FURTHEST +FURTIVE +FURTIVELY +FURTIVENESS +FURY +FUSE +FUSED +FUSES +FUSING +FUSION +FUSS +FUSSING +FUSSY +FUTILE +FUTILITY +FUTURE +FUTURES +FUTURISTIC +FUZZ +FUZZIER +FUZZINESS +FUZZY +GAB +GABARDINE +GABBING +GABERONES +GABLE +GABLED +GABLER +GABLES +GABON +GABORONE +GABRIEL +GABRIELLE +GAD +GADFLY +GADGET +GADGETRY +GADGETS +GAELIC +GAELICIZATION +GAELICIZATIONS +GAELICIZE +GAELICIZES +GAG +GAGGED +GAGGING +GAGING +GAGS +GAIETIES +GAIETY +GAIL +GAILY +GAIN +GAINED +GAINER +GAINERS +GAINES +GAINESVILLE +GAINFUL +GAINING +GAINS +GAIT +GAITED +GAITER +GAITERS +GAITHERSBURG +GALACTIC +GALAHAD +GALAPAGOS +GALATEA +GALATEAN +GALATEANS +GALATIA +GALATIANS +GALAXIES +GALAXY +GALBREATH +GALE +GALEN +GALILEAN +GALILEE +GALILEO +GALL +GALLAGHER +GALLANT +GALLANTLY +GALLANTRY +GALLANTS +GALLED +GALLERIED +GALLERIES +GALLERY +GALLEY +GALLEYS +GALLING +GALLON +GALLONS +GALLOP +GALLOPED +GALLOPER +GALLOPING +GALLOPS +GALLOWAY +GALLOWS +GALLS +GALLSTONE +GALLUP +GALOIS +GALT +GALVESTON +GALVIN +GALWAY +GAMBIA +GAMBIT +GAMBLE +GAMBLED +GAMBLER +GAMBLERS +GAMBLES +GAMBLING +GAMBOL +GAME +GAMED +GAMELY +GAMENESS +GAMES +GAMING +GAMMA +GANDER +GANDHI +GANDHIAN +GANG +GANGES +GANGLAND +GANGLING +GANGPLANK +GANGRENE +GANGS +GANGSTER +GANGSTERS +GANNETT +GANTRY +GANYMEDE +GAP +GAPE +GAPED +GAPES +GAPING +GAPS +GARAGE +GARAGED +GARAGES +GARB +GARBAGE +GARBAGES +GARBED +GARBLE +GARBLED +GARCIA +GARDEN +GARDENED +GARDENER +GARDENERS +GARDENING +GARDENS +GARDNER +GARFIELD +GARFUNKEL +GARGANTUAN +GARGLE +GARGLED +GARGLES +GARGLING +GARIBALDI +GARLAND +GARLANDED +GARLIC +GARMENT +GARMENTS +GARNER +GARNERED +GARNETT +GARNISH +GARRETT +GARRISON +GARRISONED +GARRISONIAN +GARRY +GARTER +GARTERS +GARTH +GARVEY +GARY +GAS +GASCONY +GASEOUS +GASEOUSLY +GASES +GASH +GASHES +GASKET +GASLIGHT +GASOLINE +GASP +GASPED +GASPEE +GASPING +GASPS +GASSED +GASSER +GASSET +GASSING +GASSINGS +GASSY +GASTON +GASTRIC +GASTROINTESTINAL +GASTRONOME +GASTRONOMY +GATE +GATED +GATES +GATEWAY +GATEWAYS +GATHER +GATHERED +GATHERER +GATHERERS +GATHERING +GATHERINGS +GATHERS +GATING +GATLINBURG +GATOR +GATSBY +GAUCHE +GAUDINESS +GAUDY +GAUGE +GAUGED +GAUGES +GAUGUIN +GAUL +GAULLE +GAULS +GAUNT +GAUNTLEY +GAUNTNESS +GAUSSIAN +GAUTAMA +GAUZE +GAVE +GAVEL +GAVIN +GAWK +GAWKY +GAY +GAYER +GAYEST +GAYETY +GAYLOR +GAYLORD +GAYLY +GAYNESS +GAYNOR +GAZE +GAZED +GAZELLE +GAZER +GAZERS +GAZES +GAZETTE +GAZING +GEAR +GEARED +GEARING +GEARS +GEARY +GECKO +GEESE +GEHRIG +GEIGER +GEIGY +GEISHA +GEL +GELATIN +GELATINE +GELATINOUS +GELD +GELLED +GELLING +GELS +GEM +GEMINI +GEMINID +GEMMA +GEMS +GENDER +GENDERS +GENE +GENEALOGY +GENERAL +GENERALIST +GENERALISTS +GENERALITIES +GENERALITY +GENERALIZATION +GENERALIZATIONS +GENERALIZE +GENERALIZED +GENERALIZER +GENERALIZERS +GENERALIZES +GENERALIZING +GENERALLY +GENERALS +GENERATE +GENERATED +GENERATES +GENERATING +GENERATION +GENERATIONS +GENERATIVE +GENERATOR +GENERATORS +GENERIC +GENERICALLY +GENEROSITIES +GENEROSITY +GENEROUS +GENEROUSLY +GENEROUSNESS +GENES +GENESCO +GENESIS +GENETIC +GENETICALLY +GENEVA +GENEVIEVE +GENIAL +GENIALLY +GENIE +GENIUS +GENIUSES +GENOA +GENRE +GENRES +GENT +GENTEEL +GENTILE +GENTLE +GENTLEMAN +GENTLEMANLY +GENTLEMEN +GENTLENESS +GENTLER +GENTLEST +GENTLEWOMAN +GENTLY +GENTRY +GENUINE +GENUINELY +GENUINENESS +GENUS +GEOCENTRIC +GEODESIC +GEODESY +GEODETIC +GEOFF +GEOFFREY +GEOGRAPHER +GEOGRAPHIC +GEOGRAPHICAL +GEOGRAPHICALLY +GEOGRAPHY +GEOLOGICAL +GEOLOGIST +GEOLOGISTS +GEOLOGY +GEOMETRIC +GEOMETRICAL +GEOMETRICALLY +GEOMETRICIAN +GEOMETRIES +GEOMETRY +GEOPHYSICAL +GEOPHYSICS +GEORGE +GEORGES +GEORGETOWN +GEORGIA +GEORGIAN +GEORGIANS +GEOSYNCHRONOUS +GERALD +GERALDINE +GERANIUM +GERARD +GERBER +GERBIL +GERHARD +GERHARDT +GERIATRIC +GERM +GERMAN +GERMANE +GERMANIA +GERMANIC +GERMANS +GERMANTOWN +GERMANY +GERMICIDE +GERMINAL +GERMINATE +GERMINATED +GERMINATES +GERMINATING +GERMINATION +GERMS +GEROME +GERRY +GERSHWIN +GERSHWINS +GERTRUDE +GERUND +GESTAPO +GESTURE +GESTURED +GESTURES +GESTURING +GET +GETAWAY +GETS +GETTER +GETTERS +GETTING +GETTY +GETTYSBURG +GEYSER +GHANA +GHANIAN +GHASTLY +GHENT +GHETTO +GHOST +GHOSTED +GHOSTLY +GHOSTS +GIACOMO +GIANT +GIANTS +GIBBERISH +GIBBONS +GIBBS +GIBBY +GIBRALTAR +GIBSON +GIDDINESS +GIDDINGS +GIDDY +GIDEON +GIFFORD +GIFT +GIFTED +GIFTS +GIG +GIGABIT +GIGABITS +GIGABYTE +GIGABYTES +GIGACYCLE +GIGAHERTZ +GIGANTIC +GIGAVOLT +GIGAWATT +GIGGLE +GIGGLED +GIGGLES +GIGGLING +GIL +GILBERTSON +GILCHRIST +GILD +GILDED +GILDING +GILDS +GILEAD +GILES +GILKSON +GILL +GILLESPIE +GILLETTE +GILLIGAN +GILLS +GILMORE +GILT +GIMBEL +GIMMICK +GIMMICKS +GIN +GINA +GINGER +GINGERBREAD +GINGERLY +GINGHAM +GINGHAMS +GINN +GINO +GINS +GINSBERG +GINSBURG +GIOCONDA +GIORGIO +GIOVANNI +GIPSIES +GIPSY +GIRAFFE +GIRAFFES +GIRD +GIRDER +GIRDERS +GIRDLE +GIRL +GIRLFRIEND +GIRLIE +GIRLISH +GIRLS +GIRT +GIRTH +GIST +GIULIANO +GIUSEPPE +GIVE +GIVEAWAY +GIVEN +GIVER +GIVERS +GIVES +GIVING +GLACIAL +GLACIER +GLACIERS +GLAD +GLADDEN +GLADDER +GLADDEST +GLADE +GLADIATOR +GLADLY +GLADNESS +GLADSTONE +GLADYS +GLAMOR +GLAMOROUS +GLAMOUR +GLANCE +GLANCED +GLANCES +GLANCING +GLAND +GLANDS +GLANDULAR +GLARE +GLARED +GLARES +GLARING +GLARINGLY +GLASGOW +GLASS +GLASSED +GLASSES +GLASSY +GLASWEGIAN +GLAUCOMA +GLAZE +GLAZED +GLAZER +GLAZES +GLAZING +GLEAM +GLEAMED +GLEAMING +GLEAMS +GLEAN +GLEANED +GLEANER +GLEANING +GLEANINGS +GLEANS +GLEASON +GLEE +GLEEFUL +GLEEFULLY +GLEES +GLEN +GLENDA +GLENDALE +GLENN +GLENS +GLIDDEN +GLIDE +GLIDED +GLIDER +GLIDERS +GLIDES +GLIMMER +GLIMMERED +GLIMMERING +GLIMMERS +GLIMPSE +GLIMPSED +GLIMPSES +GLINT +GLINTED +GLINTING +GLINTS +GLISTEN +GLISTENED +GLISTENING +GLISTENS +GLITCH +GLITTER +GLITTERED +GLITTERING +GLITTERS +GLOAT +GLOBAL +GLOBALLY +GLOBE +GLOBES +GLOBULAR +GLOBULARITY +GLOOM +GLOOMILY +GLOOMY +GLORIA +GLORIANA +GLORIES +GLORIFICATION +GLORIFIED +GLORIFIES +GLORIFY +GLORIOUS +GLORIOUSLY +GLORY +GLORYING +GLOSS +GLOSSARIES +GLOSSARY +GLOSSED +GLOSSES +GLOSSING +GLOSSY +GLOTTAL +GLOUCESTER +GLOVE +GLOVED +GLOVER +GLOVERS +GLOVES +GLOVING +GLOW +GLOWED +GLOWER +GLOWERS +GLOWING +GLOWINGLY +GLOWS +GLUE +GLUED +GLUES +GLUING +GLUT +GLUTTON +GLYNN +GNASH +GNAT +GNATS +GNAW +GNAWED +GNAWING +GNAWS +GNOME +GNOMON +GNU +GOA +GOAD +GOADED +GOAL +GOALS +GOAT +GOATEE +GOATEES +GOATS +GOBBLE +GOBBLED +GOBBLER +GOBBLERS +GOBBLES +GOBI +GOBLET +GOBLETS +GOBLIN +GOBLINS +GOD +GODDARD +GODDESS +GODDESSES +GODFATHER +GODFREY +GODHEAD +GODLIKE +GODLY +GODMOTHER +GODMOTHERS +GODOT +GODPARENT +GODS +GODSEND +GODSON +GODWIN +GODZILLA +GOES +GOETHE +GOFF +GOGGLES +GOGH +GOING +GOINGS +GOLD +GOLDA +GOLDBERG +GOLDEN +GOLDENLY +GOLDENNESS +GOLDENROD +GOLDFIELD +GOLDFISH +GOLDING +GOLDMAN +GOLDS +GOLDSMITH +GOLDSTEIN +GOLDSTINE +GOLDWATER +GOLETA +GOLF +GOLFER +GOLFERS +GOLFING +GOLIATH +GOLLY +GOMEZ +GONDOLA +GONE +GONER +GONG +GONGS +GONZALES +GONZALEZ +GOOD +GOODBY +GOODBYE +GOODE +GOODIES +GOODLY +GOODMAN +GOODNESS +GOODRICH +GOODS +GOODWILL +GOODWIN +GOODY +GOODYEAR +GOOF +GOOFED +GOOFS +GOOFY +GOOSE +GOPHER +GORDIAN +GORDON +GORE +GOREN +GORGE +GORGEOUS +GORGEOUSLY +GORGES +GORGING +GORHAM +GORILLA +GORILLAS +GORKY +GORTON +GORY +GOSH +GOSPEL +GOSPELERS +GOSPELS +GOSSIP +GOSSIPED +GOSSIPING +GOSSIPS +GOT +GOTHAM +GOTHIC +GOTHICALLY +GOTHICISM +GOTHICIZE +GOTHICIZED +GOTHICIZER +GOTHICIZERS +GOTHICIZES +GOTHICIZING +GOTO +GOTOS +GOTTEN +GOTTFRIED +GOUCHER +GOUDA +GOUGE +GOUGED +GOUGES +GOUGING +GOULD +GOURD +GOURMET +GOUT +GOVERN +GOVERNANCE +GOVERNED +GOVERNESS +GOVERNING +GOVERNMENT +GOVERNMENTAL +GOVERNMENTALLY +GOVERNMENTS +GOVERNOR +GOVERNORS +GOVERNS +GOWN +GOWNED +GOWNS +GRAB +GRABBED +GRABBER +GRABBERS +GRABBING +GRABBINGS +GRABS +GRACE +GRACED +GRACEFUL +GRACEFULLY +GRACEFULNESS +GRACES +GRACIE +GRACING +GRACIOUS +GRACIOUSLY +GRACIOUSNESS +GRAD +GRADATION +GRADATIONS +GRADE +GRADED +GRADER +GRADERS +GRADES +GRADIENT +GRADIENTS +GRADING +GRADINGS +GRADUAL +GRADUALLY +GRADUATE +GRADUATED +GRADUATES +GRADUATING +GRADUATION +GRADUATIONS +GRADY +GRAFF +GRAFT +GRAFTED +GRAFTER +GRAFTING +GRAFTON +GRAFTS +GRAHAM +GRAHAMS +GRAIL +GRAIN +GRAINED +GRAINING +GRAINS +GRAM +GRAMMAR +GRAMMARIAN +GRAMMARS +GRAMMATIC +GRAMMATICAL +GRAMMATICALLY +GRAMS +GRANARIES +GRANARY +GRAND +GRANDCHILD +GRANDCHILDREN +GRANDDAUGHTER +GRANDER +GRANDEST +GRANDEUR +GRANDFATHER +GRANDFATHERS +GRANDIOSE +GRANDLY +GRANDMA +GRANDMOTHER +GRANDMOTHERS +GRANDNEPHEW +GRANDNESS +GRANDNIECE +GRANDPA +GRANDPARENT +GRANDS +GRANDSON +GRANDSONS +GRANDSTAND +GRANGE +GRANITE +GRANNY +GRANOLA +GRANT +GRANTED +GRANTEE +GRANTER +GRANTING +GRANTOR +GRANTS +GRANULARITY +GRANULATE +GRANULATED +GRANULATES +GRANULATING +GRANVILLE +GRAPE +GRAPEFRUIT +GRAPES +GRAPEVINE +GRAPH +GRAPHED +GRAPHIC +GRAPHICAL +GRAPHICALLY +GRAPHICS +GRAPHING +GRAPHITE +GRAPHS +GRAPPLE +GRAPPLED +GRAPPLING +GRASP +GRASPABLE +GRASPED +GRASPING +GRASPINGLY +GRASPS +GRASS +GRASSED +GRASSERS +GRASSES +GRASSIER +GRASSIEST +GRASSLAND +GRASSY +GRATE +GRATED +GRATEFUL +GRATEFULLY +GRATEFULNESS +GRATER +GRATES +GRATIFICATION +GRATIFIED +GRATIFY +GRATIFYING +GRATING +GRATINGS +GRATIS +GRATITUDE +GRATUITIES +GRATUITOUS +GRATUITOUSLY +GRATUITOUSNESS +GRATUITY +GRAVE +GRAVEL +GRAVELLY +GRAVELY +GRAVEN +GRAVENESS +GRAVER +GRAVES +GRAVEST +GRAVESTONE +GRAVEYARD +GRAVITATE +GRAVITATION +GRAVITATIONAL +GRAVITY +GRAVY +GRAY +GRAYED +GRAYER +GRAYEST +GRAYING +GRAYNESS +GRAYSON +GRAZE +GRAZED +GRAZER +GRAZING +GREASE +GREASED +GREASES +GREASY +GREAT +GREATER +GREATEST +GREATLY +GREATNESS +GRECIAN +GRECIANIZE +GRECIANIZES +GREECE +GREED +GREEDILY +GREEDINESS +GREEDY +GREEK +GREEKIZE +GREEKIZES +GREEKS +GREEN +GREENBELT +GREENBERG +GREENBLATT +GREENBRIAR +GREENE +GREENER +GREENERY +GREENEST +GREENFELD +GREENFIELD +GREENGROCER +GREENHOUSE +GREENHOUSES +GREENING +GREENISH +GREENLAND +GREENLY +GREENNESS +GREENS +GREENSBORO +GREENSVILLE +GREENTREE +GREENVILLE +GREENWARE +GREENWICH +GREER +GREET +GREETED +GREETER +GREETING +GREETINGS +GREETS +GREG +GREGARIOUS +GREGG +GREGORIAN +GREGORY +GRENADE +GRENADES +GRENDEL +GRENIER +GRENOBLE +GRENVILLE +GRESHAM +GRETA +GRETCHEN +GREW +GREY +GREYEST +GREYHOUND +GREYING +GRID +GRIDDLE +GRIDIRON +GRIDS +GRIEF +GRIEFS +GRIEVANCE +GRIEVANCES +GRIEVE +GRIEVED +GRIEVER +GRIEVERS +GRIEVES +GRIEVING +GRIEVINGLY +GRIEVOUS +GRIEVOUSLY +GRIFFITH +GRILL +GRILLED +GRILLING +GRILLS +GRIM +GRIMACE +GRIMALDI +GRIME +GRIMED +GRIMES +GRIMLY +GRIMM +GRIMNESS +GRIN +GRIND +GRINDER +GRINDERS +GRINDING +GRINDINGS +GRINDS +GRINDSTONE +GRINDSTONES +GRINNING +GRINS +GRIP +GRIPE +GRIPED +GRIPES +GRIPING +GRIPPED +GRIPPING +GRIPPINGLY +GRIPS +GRIS +GRISLY +GRIST +GRISWOLD +GRIT +GRITS +GRITTY +GRIZZLY +GROAN +GROANED +GROANER +GROANERS +GROANING +GROANS +GROCER +GROCERIES +GROCERS +GROCERY +GROGGY +GROIN +GROOM +GROOMED +GROOMING +GROOMS +GROOT +GROOVE +GROOVED +GROOVES +GROPE +GROPED +GROPES +GROPING +GROSS +GROSSED +GROSSER +GROSSES +GROSSEST +GROSSET +GROSSING +GROSSLY +GROSSMAN +GROSSNESS +GROSVENOR +GROTESQUE +GROTESQUELY +GROTESQUES +GROTON +GROTTO +GROTTOS +GROUND +GROUNDED +GROUNDER +GROUNDERS +GROUNDING +GROUNDS +GROUNDWORK +GROUP +GROUPED +GROUPING +GROUPINGS +GROUPS +GROUSE +GROVE +GROVEL +GROVELED +GROVELING +GROVELS +GROVER +GROVERS +GROVES +GROW +GROWER +GROWERS +GROWING +GROWL +GROWLED +GROWLING +GROWLS +GROWN +GROWNUP +GROWNUPS +GROWS +GROWTH +GROWTHS +GRUB +GRUBBY +GRUBS +GRUDGE +GRUDGES +GRUDGINGLY +GRUESOME +GRUFF +GRUFFLY +GRUMBLE +GRUMBLED +GRUMBLES +GRUMBLING +GRUMMAN +GRUNT +GRUNTED +GRUNTING +GRUNTS +GRUSKY +GRUYERE +GUADALUPE +GUAM +GUANO +GUARANTEE +GUARANTEED +GUARANTEEING +GUARANTEER +GUARANTEERS +GUARANTEES +GUARANTY +GUARD +GUARDED +GUARDEDLY +GUARDHOUSE +GUARDIA +GUARDIAN +GUARDIANS +GUARDIANSHIP +GUARDING +GUARDS +GUATEMALA +GUATEMALAN +GUBERNATORIAL +GUELPH +GUENTHER +GUERRILLA +GUERRILLAS +GUESS +GUESSED +GUESSES +GUESSING +GUESSWORK +GUEST +GUESTS +GUGGENHEIM +GUHLEMAN +GUIANA +GUIDANCE +GUIDE +GUIDEBOOK +GUIDEBOOKS +GUIDED +GUIDELINE +GUIDELINES +GUIDES +GUIDING +GUILD +GUILDER +GUILDERS +GUILE +GUILFORD +GUILT +GUILTIER +GUILTIEST +GUILTILY +GUILTINESS +GUILTLESS +GUILTLESSLY +GUILTY +GUINEA +GUINEVERE +GUISE +GUISES +GUITAR +GUITARS +GUJARAT +GUJARATI +GULCH +GULCHES +GULF +GULFS +GULL +GULLAH +GULLED +GULLIES +GULLING +GULLS +GULLY +GULP +GULPED +GULPS +GUM +GUMMING +GUMPTION +GUMS +GUN +GUNDERSON +GUNFIRE +GUNMAN +GUNMEN +GUNNAR +GUNNED +GUNNER +GUNNERS +GUNNERY +GUNNING +GUNNY +GUNPLAY +GUNPOWDER +GUNS +GUNSHOT +GUNTHER +GURGLE +GURKHA +GURU +GUS +GUSH +GUSHED +GUSHER +GUSHES +GUSHING +GUST +GUSTAFSON +GUSTAV +GUSTAVE +GUSTAVUS +GUSTO +GUSTS +GUSTY +GUT +GUTENBERG +GUTHRIE +GUTS +GUTSY +GUTTER +GUTTERED +GUTTERS +GUTTING +GUTTURAL +GUY +GUYANA +GUYED +GUYER +GUYERS +GUYING +GUYS +GWEN +GWYN +GYMNASIUM +GYMNASIUMS +GYMNAST +GYMNASTIC +GYMNASTICS +GYMNASTS +GYPSIES +GYPSY +GYRO +GYROCOMPASS +GYROSCOPE +GYROSCOPES +HAAG +HAAS +HABEAS +HABERMAN +HABIB +HABIT +HABITAT +HABITATION +HABITATIONS +HABITATS +HABITS +HABITUAL +HABITUALLY +HABITUALNESS +HACK +HACKED +HACKER +HACKERS +HACKETT +HACKING +HACKNEYED +HACKS +HACKSAW +HAD +HADAMARD +HADDAD +HADDOCK +HADES +HADLEY +HADRIAN +HAFIZ +HAG +HAGEN +HAGER +HAGGARD +HAGGARDLY +HAGGLE +HAGSTROM +HAGUE +HAHN +HAIFA +HAIL +HAILED +HAILING +HAILS +HAILSTONE +HAILSTORM +HAINES +HAIR +HAIRCUT +HAIRCUTS +HAIRIER +HAIRINESS +HAIRLESS +HAIRPIN +HAIRS +HAIRY +HAITI +HAITIAN +HAL +HALCYON +HALE +HALER +HALEY +HALF +HALFHEARTED +HALFWAY +HALIFAX +HALL +HALLEY +HALLINAN +HALLMARK +HALLMARKS +HALLOW +HALLOWED +HALLOWEEN +HALLS +HALLUCINATE +HALLWAY +HALLWAYS +HALOGEN +HALPERN +HALSEY +HALSTEAD +HALT +HALTED +HALTER +HALTERS +HALTING +HALTINGLY +HALTS +HALVE +HALVED +HALVERS +HALVERSON +HALVES +HALVING +HAM +HAMAL +HAMBURG +HAMBURGER +HAMBURGERS +HAMEY +HAMILTON +HAMILTONIAN +HAMILTONIANS +HAMLET +HAMLETS +HAMLIN +HAMMER +HAMMERED +HAMMERING +HAMMERS +HAMMETT +HAMMING +HAMMOCK +HAMMOCKS +HAMMOND +HAMPER +HAMPERED +HAMPERS +HAMPSHIRE +HAMPTON +HAMS +HAMSTER +HAN +HANCOCK +HAND +HANDBAG +HANDBAGS +HANDBOOK +HANDBOOKS +HANDCUFF +HANDCUFFED +HANDCUFFING +HANDCUFFS +HANDED +HANDEL +HANDFUL +HANDFULS +HANDGUN +HANDICAP +HANDICAPPED +HANDICAPS +HANDIER +HANDIEST +HANDILY +HANDINESS +HANDING +HANDIWORK +HANDKERCHIEF +HANDKERCHIEFS +HANDLE +HANDLED +HANDLER +HANDLERS +HANDLES +HANDLING +HANDMAID +HANDOUT +HANDS +HANDSHAKE +HANDSHAKES +HANDSHAKING +HANDSOME +HANDSOMELY +HANDSOMENESS +HANDSOMER +HANDSOMEST +HANDWRITING +HANDWRITTEN +HANDY +HANEY +HANFORD +HANG +HANGAR +HANGARS +HANGED +HANGER +HANGERS +HANGING +HANGMAN +HANGMEN +HANGOUT +HANGOVER +HANGOVERS +HANGS +HANKEL +HANLEY +HANLON +HANNA +HANNAH +HANNIBAL +HANOI +HANOVER +HANOVERIAN +HANOVERIANIZE +HANOVERIANIZES +HANOVERIZE +HANOVERIZES +HANS +HANSEL +HANSEN +HANSON +HANUKKAH +HAP +HAPGOOD +HAPHAZARD +HAPHAZARDLY +HAPHAZARDNESS +HAPLESS +HAPLESSLY +HAPLESSNESS +HAPLY +HAPPEN +HAPPENED +HAPPENING +HAPPENINGS +HAPPENS +HAPPIER +HAPPIEST +HAPPILY +HAPPINESS +HAPPY +HAPSBURG +HARASS +HARASSED +HARASSES +HARASSING +HARASSMENT +HARBIN +HARBINGER +HARBOR +HARBORED +HARBORING +HARBORS +HARCOURT +HARD +HARDBOILED +HARDCOPY +HARDEN +HARDER +HARDEST +HARDHAT +HARDIN +HARDINESS +HARDING +HARDLY +HARDNESS +HARDSCRABBLE +HARDSHIP +HARDSHIPS +HARDWARE +HARDWIRED +HARDWORKING +HARDY +HARE +HARELIP +HAREM +HARES +HARK +HARKEN +HARLAN +HARLEM +HARLEY +HARLOT +HARLOTS +HARM +HARMED +HARMFUL +HARMFULLY +HARMFULNESS +HARMING +HARMLESS +HARMLESSLY +HARMLESSNESS +HARMON +HARMONIC +HARMONICS +HARMONIES +HARMONIOUS +HARMONIOUSLY +HARMONIOUSNESS +HARMONIST +HARMONISTIC +HARMONISTICALLY +HARMONIZE +HARMONY +HARMS +HARNESS +HARNESSED +HARNESSING +HAROLD +HARP +HARPER +HARPERS +HARPING +HARPY +HARRIED +HARRIER +HARRIET +HARRIMAN +HARRINGTON +HARRIS +HARRISBURG +HARRISON +HARRISONBURG +HARROW +HARROWED +HARROWING +HARROWS +HARRY +HARSH +HARSHER +HARSHLY +HARSHNESS +HART +HARTFORD +HARTLEY +HARTMAN +HARVARD +HARVARDIZE +HARVARDIZES +HARVEST +HARVESTED +HARVESTER +HARVESTING +HARVESTS +HARVEY +HARVEYIZE +HARVEYIZES +HARVEYS +HAS +HASH +HASHED +HASHER +HASHES +HASHING +HASHISH +HASKELL +HASKINS +HASSLE +HASTE +HASTEN +HASTENED +HASTENING +HASTENS +HASTILY +HASTINESS +HASTINGS +HASTY +HAT +HATCH +HATCHED +HATCHET +HATCHETS +HATCHING +HATCHURE +HATE +HATED +HATEFUL +HATEFULLY +HATEFULNESS +HATER +HATES +HATFIELD +HATHAWAY +HATING +HATRED +HATS +HATTERAS +HATTIE +HATTIESBURG +HATTIZE +HATTIZES +HAUGEN +HAUGHTILY +HAUGHTINESS +HAUGHTY +HAUL +HAULED +HAULER +HAULING +HAULS +HAUNCH +HAUNCHES +HAUNT +HAUNTED +HAUNTER +HAUNTING +HAUNTS +HAUSA +HAUSDORFF +HAUSER +HAVANA +HAVE +HAVEN +HAVENS +HAVES +HAVILLAND +HAVING +HAVOC +HAWAII +HAWAIIAN +HAWK +HAWKED +HAWKER +HAWKERS +HAWKINS +HAWKS +HAWLEY +HAWTHORNE +HAY +HAYDEN +HAYDN +HAYES +HAYING +HAYNES +HAYS +HAYSTACK +HAYWARD +HAYWOOD +HAZARD +HAZARDOUS +HAZARDS +HAZE +HAZEL +HAZES +HAZINESS +HAZY +HEAD +HEADACHE +HEADACHES +HEADED +HEADER +HEADERS +HEADGEAR +HEADING +HEADINGS +HEADLAND +HEADLANDS +HEADLIGHT +HEADLINE +HEADLINED +HEADLINES +HEADLINING +HEADLONG +HEADMASTER +HEADPHONE +HEADQUARTERS +HEADROOM +HEADS +HEADSET +HEADWAY +HEAL +HEALED +HEALER +HEALERS +HEALEY +HEALING +HEALS +HEALTH +HEALTHFUL +HEALTHFULLY +HEALTHFULNESS +HEALTHIER +HEALTHIEST +HEALTHILY +HEALTHINESS +HEALTHY +HEALY +HEAP +HEAPED +HEAPING +HEAPS +HEAR +HEARD +HEARER +HEARERS +HEARING +HEARINGS +HEARKEN +HEARS +HEARSAY +HEARST +HEART +HEARTBEAT +HEARTBREAK +HEARTEN +HEARTIEST +HEARTILY +HEARTINESS +HEARTLESS +HEARTS +HEARTWOOD +HEARTY +HEAT +HEATABLE +HEATED +HEATEDLY +HEATER +HEATERS +HEATH +HEATHEN +HEATHER +HEATHKIT +HEATHMAN +HEATING +HEATS +HEAVE +HEAVED +HEAVEN +HEAVENLY +HEAVENS +HEAVER +HEAVERS +HEAVES +HEAVIER +HEAVIEST +HEAVILY +HEAVINESS +HEAVING +HEAVY +HEAVYWEIGHT +HEBE +HEBRAIC +HEBRAICIZE +HEBRAICIZES +HEBREW +HEBREWS +HEBRIDES +HECATE +HECK +HECKLE +HECKMAN +HECTIC +HECUBA +HEDDA +HEDGE +HEDGED +HEDGEHOG +HEDGEHOGS +HEDGES +HEDONISM +HEDONIST +HEED +HEEDED +HEEDLESS +HEEDLESSLY +HEEDLESSNESS +HEEDS +HEEL +HEELED +HEELERS +HEELING +HEELS +HEFTY +HEGEL +HEGELIAN +HEGELIANIZE +HEGELIANIZES +HEGEMONY +HEIDEGGER +HEIDELBERG +HEIFER +HEIGHT +HEIGHTEN +HEIGHTENED +HEIGHTENING +HEIGHTENS +HEIGHTS +HEINE +HEINLEIN +HEINOUS +HEINOUSLY +HEINRICH +HEINZ +HEINZE +HEIR +HEIRESS +HEIRESSES +HEIRS +HEISENBERG +HEISER +HELD +HELEN +HELENA +HELENE +HELGA +HELICAL +HELICOPTER +HELIOCENTRIC +HELIOPOLIS +HELIUM +HELIX +HELL +HELLENIC +HELLENIZATION +HELLENIZATIONS +HELLENIZE +HELLENIZED +HELLENIZES +HELLENIZING +HELLESPONT +HELLFIRE +HELLISH +HELLMAN +HELLO +HELLS +HELM +HELMET +HELMETS +HELMHOLTZ +HELMSMAN +HELMUT +HELP +HELPED +HELPER +HELPERS +HELPFUL +HELPFULLY +HELPFULNESS +HELPING +HELPLESS +HELPLESSLY +HELPLESSNESS +HELPMATE +HELPS +HELSINKI +HELVETICA +HEM +HEMINGWAY +HEMISPHERE +HEMISPHERES +HEMLOCK +HEMLOCKS +HEMOGLOBIN +HEMORRHOID +HEMOSTAT +HEMOSTATS +HEMP +HEMPEN +HEMPSTEAD +HEMS +HEN +HENCE +HENCEFORTH +HENCHMAN +HENCHMEN +HENDERSON +HENDRICK +HENDRICKS +HENDRICKSON +HENDRIX +HENLEY +HENNESSEY +HENNESSY +HENNING +HENPECK +HENRI +HENRIETTA +HENS +HEPATITIS +HEPBURN +HER +HERA +HERACLITUS +HERALD +HERALDED +HERALDING +HERALDS +HERB +HERBERT +HERBIVORE +HERBIVOROUS +HERBS +HERCULEAN +HERCULES +HERD +HERDED +HERDER +HERDING +HERDS +HERE +HEREABOUT +HEREABOUTS +HEREAFTER +HEREBY +HEREDITARY +HEREDITY +HEREFORD +HEREIN +HEREINAFTER +HEREOF +HERES +HERESY +HERETIC +HERETICS +HERETO +HERETOFORE +HEREUNDER +HEREWITH +HERITAGE +HERITAGES +HERKIMER +HERMAN +HERMANN +HERMES +HERMETIC +HERMETICALLY +HERMIT +HERMITE +HERMITIAN +HERMITS +HERMOSA +HERNANDEZ +HERO +HERODOTUS +HEROES +HEROIC +HEROICALLY +HEROICS +HEROIN +HEROINE +HEROINES +HEROISM +HERON +HERONS +HERPES +HERR +HERRING +HERRINGS +HERRINGTON +HERS +HERSCHEL +HERSELF +HERSEY +HERSHEL +HERSHEY +HERTZ +HERTZOG +HESITANT +HESITANTLY +HESITATE +HESITATED +HESITATES +HESITATING +HESITATINGLY +HESITATION +HESITATIONS +HESPERUS +HESS +HESSE +HESSIAN +HESSIANS +HESTER +HETEROGENEITY +HETEROGENEOUS +HETEROGENEOUSLY +HETEROGENEOUSNESS +HETEROGENOUS +HETEROSEXUAL +HETMAN +HETTIE +HETTY +HEUBLEIN +HEURISTIC +HEURISTICALLY +HEURISTICS +HEUSEN +HEUSER +HEW +HEWED +HEWER +HEWETT +HEWITT +HEWLETT +HEWS +HEX +HEXADECIMAL +HEXAGON +HEXAGONAL +HEXAGONALLY +HEXAGONS +HEY +HEYWOOD +HIATT +HIAWATHA +HIBBARD +HIBERNATE +HIBERNIA +HICK +HICKEY +HICKEYS +HICKMAN +HICKOK +HICKORY +HICKS +HID +HIDDEN +HIDE +HIDEOUS +HIDEOUSLY +HIDEOUSNESS +HIDEOUT +HIDEOUTS +HIDES +HIDING +HIERARCHAL +HIERARCHIC +HIERARCHICAL +HIERARCHICALLY +HIERARCHIES +HIERARCHY +HIERONYMUS +HIGGINS +HIGH +HIGHER +HIGHEST +HIGHFIELD +HIGHLAND +HIGHLANDER +HIGHLANDS +HIGHLIGHT +HIGHLIGHTED +HIGHLIGHTING +HIGHLIGHTS +HIGHLY +HIGHNESS +HIGHNESSES +HIGHWAY +HIGHWAYMAN +HIGHWAYMEN +HIGHWAYS +HIJACK +HIJACKED +HIKE +HIKED +HIKER +HIKES +HIKING +HILARIOUS +HILARIOUSLY +HILARITY +HILBERT +HILDEBRAND +HILL +HILLARY +HILLBILLY +HILLCREST +HILLEL +HILLOCK +HILLS +HILLSBORO +HILLSDALE +HILLSIDE +HILLSIDES +HILLTOP +HILLTOPS +HILT +HILTON +HILTS +HIM +HIMALAYA +HIMALAYAS +HIMMLER +HIMSELF +HIND +HINDER +HINDERED +HINDERING +HINDERS +HINDI +HINDRANCE +HINDRANCES +HINDSIGHT +HINDU +HINDUISM +HINDUS +HINDUSTAN +HINES +HINGE +HINGED +HINGES +HINKLE +HINMAN +HINSDALE +HINT +HINTED +HINTING +HINTS +HIP +HIPPO +HIPPOCRATES +HIPPOCRATIC +HIPPOPOTAMUS +HIPS +HIRAM +HIRE +HIRED +HIRER +HIRERS +HIRES +HIREY +HIRING +HIRINGS +HIROSHI +HIROSHIMA +HIRSCH +HIS +HISPANIC +HISPANICIZE +HISPANICIZES +HISPANICS +HISS +HISSED +HISSES +HISSING +HISTOGRAM +HISTOGRAMS +HISTORIAN +HISTORIANS +HISTORIC +HISTORICAL +HISTORICALLY +HISTORIES +HISTORY +HIT +HITACHI +HITCH +HITCHCOCK +HITCHED +HITCHHIKE +HITCHHIKED +HITCHHIKER +HITCHHIKERS +HITCHHIKES +HITCHHIKING +HITCHING +HITHER +HITHERTO +HITLER +HITLERIAN +HITLERISM +HITLERITE +HITLERITES +HITS +HITTER +HITTERS +HITTING +HIVE +HOAGLAND +HOAR +HOARD +HOARDER +HOARDING +HOARINESS +HOARSE +HOARSELY +HOARSENESS +HOARY +HOBART +HOBBES +HOBBIES +HOBBLE +HOBBLED +HOBBLES +HOBBLING +HOBBS +HOBBY +HOBBYHORSE +HOBBYIST +HOBBYISTS +HOBDAY +HOBOKEN +HOCKEY +HODGEPODGE +HODGES +HODGKIN +HOE +HOES +HOFF +HOFFMAN +HOG +HOGGING +HOGS +HOIST +HOISTED +HOISTING +HOISTS +HOKAN +HOLBROOK +HOLCOMB +HOLD +HOLDEN +HOLDER +HOLDERS +HOLDING +HOLDINGS +HOLDS +HOLE +HOLED +HOLES +HOLIDAY +HOLIDAYS +HOLIES +HOLINESS +HOLISTIC +HOLLAND +HOLLANDAISE +HOLLANDER +HOLLERITH +HOLLINGSWORTH +HOLLISTER +HOLLOW +HOLLOWAY +HOLLOWED +HOLLOWING +HOLLOWLY +HOLLOWNESS +HOLLOWS +HOLLY +HOLLYWOOD +HOLLYWOODIZE +HOLLYWOODIZES +HOLM +HOLMAN +HOLMDEL +HOLMES +HOLOCAUST +HOLOCENE +HOLOGRAM +HOLOGRAMS +HOLST +HOLSTEIN +HOLY +HOLYOKE +HOLZMAN +HOM +HOMAGE +HOME +HOMED +HOMELESS +HOMELY +HOMEMADE +HOMEMAKER +HOMEMAKERS +HOMEOMORPHIC +HOMEOMORPHISM +HOMEOMORPHISMS +HOMEOPATH +HOMEOWNER +HOMER +HOMERIC +HOMERS +HOMES +HOMESICK +HOMESICKNESS +HOMESPUN +HOMESTEAD +HOMESTEADER +HOMESTEADERS +HOMESTEADS +HOMEWARD +HOMEWARDS +HOMEWORK +HOMICIDAL +HOMICIDE +HOMING +HOMO +HOMOGENEITIES +HOMOGENEITY +HOMOGENEOUS +HOMOGENEOUSLY +HOMOGENEOUSNESS +HOMOMORPHIC +HOMOMORPHISM +HOMOMORPHISMS +HOMOSEXUAL +HONDA +HONDO +HONDURAS +HONE +HONED +HONER +HONES +HONEST +HONESTLY +HONESTY +HONEY +HONEYBEE +HONEYCOMB +HONEYCOMBED +HONEYDEW +HONEYMOON +HONEYMOONED +HONEYMOONER +HONEYMOONERS +HONEYMOONING +HONEYMOONS +HONEYSUCKLE +HONEYWELL +HONING +HONOLULU +HONOR +HONORABLE +HONORABLENESS +HONORABLY +HONORARIES +HONORARIUM +HONORARY +HONORED +HONORER +HONORING +HONORS +HONSHU +HOOD +HOODED +HOODLUM +HOODS +HOODWINK +HOODWINKED +HOODWINKING +HOODWINKS +HOOF +HOOFS +HOOK +HOOKED +HOOKER +HOOKERS +HOOKING +HOOKS +HOOKUP +HOOKUPS +HOOP +HOOPER +HOOPS +HOOSIER +HOOSIERIZE +HOOSIERIZES +HOOT +HOOTED +HOOTER +HOOTING +HOOTS +HOOVER +HOOVERIZE +HOOVERIZES +HOOVES +HOP +HOPE +HOPED +HOPEFUL +HOPEFULLY +HOPEFULNESS +HOPEFULS +HOPELESS +HOPELESSLY +HOPELESSNESS +HOPES +HOPI +HOPING +HOPKINS +HOPKINSIAN +HOPPER +HOPPERS +HOPPING +HOPS +HORACE +HORATIO +HORDE +HORDES +HORIZON +HORIZONS +HORIZONTAL +HORIZONTALLY +HORMONE +HORMONES +HORN +HORNBLOWER +HORNED +HORNET +HORNETS +HORNS +HORNY +HOROWITZ +HORRENDOUS +HORRENDOUSLY +HORRIBLE +HORRIBLENESS +HORRIBLY +HORRID +HORRIDLY +HORRIFIED +HORRIFIES +HORRIFY +HORRIFYING +HORROR +HORRORS +HORSE +HORSEBACK +HORSEFLESH +HORSEFLY +HORSEMAN +HORSEPLAY +HORSEPOWER +HORSES +HORSESHOE +HORSESHOER +HORTICULTURE +HORTON +HORUS +HOSE +HOSES +HOSPITABLE +HOSPITABLY +HOSPITAL +HOSPITALITY +HOSPITALIZE +HOSPITALIZED +HOSPITALIZES +HOSPITALIZING +HOSPITALS +HOST +HOSTAGE +HOSTAGES +HOSTED +HOSTESS +HOSTESSES +HOSTILE +HOSTILELY +HOSTILITIES +HOSTILITY +HOSTING +HOSTS +HOT +HOTEL +HOTELS +HOTLY +HOTNESS +HOTTENTOT +HOTTER +HOTTEST +HOUDAILLE +HOUDINI +HOUGHTON +HOUND +HOUNDED +HOUNDING +HOUNDS +HOUR +HOURGLASS +HOURLY +HOURS +HOUSE +HOUSEBOAT +HOUSEBROKEN +HOUSED +HOUSEFLIES +HOUSEFLY +HOUSEHOLD +HOUSEHOLDER +HOUSEHOLDERS +HOUSEHOLDS +HOUSEKEEPER +HOUSEKEEPERS +HOUSEKEEPING +HOUSES +HOUSETOP +HOUSETOPS +HOUSEWIFE +HOUSEWIFELY +HOUSEWIVES +HOUSEWORK +HOUSING +HOUSTON +HOVEL +HOVELS +HOVER +HOVERED +HOVERING +HOVERS +HOW +HOWARD +HOWE +HOWELL +HOWEVER +HOWL +HOWLED +HOWLER +HOWLING +HOWLS +HOYT +HROTHGAR +HUB +HUBBARD +HUBBELL +HUBER +HUBERT +HUBRIS +HUBS +HUCK +HUDDLE +HUDDLED +HUDDLING +HUDSON +HUE +HUES +HUEY +HUFFMAN +HUG +HUGE +HUGELY +HUGENESS +HUGGING +HUGGINS +HUGH +HUGHES +HUGO +HUH +HULL +HULLS +HUM +HUMAN +HUMANE +HUMANELY +HUMANENESS +HUMANITARIAN +HUMANITIES +HUMANITY +HUMANLY +HUMANNESS +HUMANS +HUMBLE +HUMBLED +HUMBLENESS +HUMBLER +HUMBLEST +HUMBLING +HUMBLY +HUMBOLDT +HUMBUG +HUME +HUMERUS +HUMID +HUMIDIFICATION +HUMIDIFIED +HUMIDIFIER +HUMIDIFIERS +HUMIDIFIES +HUMIDIFY +HUMIDIFYING +HUMIDITY +HUMIDLY +HUMILIATE +HUMILIATED +HUMILIATES +HUMILIATING +HUMILIATION +HUMILIATIONS +HUMILITY +HUMMED +HUMMEL +HUMMING +HUMMINGBIRD +HUMOR +HUMORED +HUMORER +HUMORERS +HUMORING +HUMOROUS +HUMOROUSLY +HUMOROUSNESS +HUMORS +HUMP +HUMPBACK +HUMPED +HUMPHREY +HUMPTY +HUMS +HUN +HUNCH +HUNCHED +HUNCHES +HUNDRED +HUNDREDFOLD +HUNDREDS +HUNDREDTH +HUNG +HUNGARIAN +HUNGARY +HUNGER +HUNGERED +HUNGERING +HUNGERS +HUNGRIER +HUNGRIEST +HUNGRILY +HUNGRY +HUNK +HUNKS +HUNS +HUNT +HUNTED +HUNTER +HUNTERS +HUNTING +HUNTINGTON +HUNTLEY +HUNTS +HUNTSMAN +HUNTSVILLE +HURD +HURDLE +HURL +HURLED +HURLER +HURLERS +HURLING +HURON +HURONS +HURRAH +HURRICANE +HURRICANES +HURRIED +HURRIEDLY +HURRIES +HURRY +HURRYING +HURST +HURT +HURTING +HURTLE +HURTLING +HURTS +HURWITZ +HUSBAND +HUSBANDRY +HUSBANDS +HUSH +HUSHED +HUSHES +HUSHING +HUSK +HUSKED +HUSKER +HUSKINESS +HUSKING +HUSKS +HUSKY +HUSTLE +HUSTLED +HUSTLER +HUSTLES +HUSTLING +HUSTON +HUT +HUTCH +HUTCHINS +HUTCHINSON +HUTCHISON +HUTS +HUXLEY +HUXTABLE +HYACINTH +HYADES +HYANNIS +HYBRID +HYDE +HYDRA +HYDRANT +HYDRAULIC +HYDRO +HYDRODYNAMIC +HYDRODYNAMICS +HYDROGEN +HYDROGENS +HYENA +HYGIENE +HYMAN +HYMEN +HYMN +HYMNS +HYPER +HYPERBOLA +HYPERBOLIC +HYPERTEXT +HYPHEN +HYPHENATE +HYPHENS +HYPNOSIS +HYPNOTIC +HYPOCRISIES +HYPOCRISY +HYPOCRITE +HYPOCRITES +HYPODERMIC +HYPODERMICS +HYPOTHESES +HYPOTHESIS +HYPOTHESIZE +HYPOTHESIZED +HYPOTHESIZER +HYPOTHESIZES +HYPOTHESIZING +HYPOTHETICAL +HYPOTHETICALLY +HYSTERESIS +HYSTERICAL +HYSTERICALLY +IAN +IBERIA +IBERIAN +IBEX +IBID +IBIS +IBN +IBSEN +ICARUS +ICE +ICEBERG +ICEBERGS +ICEBOX +ICED +ICELAND +ICELANDIC +ICES +ICICLE +ICINESS +ICING +ICINGS +ICON +ICONOCLASM +ICONOCLAST +ICONS +ICOSAHEDRA +ICOSAHEDRAL +ICOSAHEDRON +ICY +IDA +IDAHO +IDEA +IDEAL +IDEALISM +IDEALISTIC +IDEALIZATION +IDEALIZATIONS +IDEALIZE +IDEALIZED +IDEALIZES +IDEALIZING +IDEALLY +IDEALS +IDEAS +IDEM +IDEMPOTENCY +IDEMPOTENT +IDENTICAL +IDENTICALLY +IDENTIFIABLE +IDENTIFIABLY +IDENTIFICATION +IDENTIFICATIONS +IDENTIFIED +IDENTIFIER +IDENTIFIERS +IDENTIFIES +IDENTIFY +IDENTIFYING +IDENTITIES +IDENTITY +IDEOLOGICAL +IDEOLOGICALLY +IDEOLOGY +IDIOCY +IDIOM +IDIOSYNCRASIES +IDIOSYNCRASY +IDIOSYNCRATIC +IDIOT +IDIOTIC +IDIOTS +IDLE +IDLED +IDLENESS +IDLER +IDLERS +IDLES +IDLEST +IDLING +IDLY +IDOL +IDOLATRY +IDOLS +IFNI +IGLOO +IGNITE +IGNITION +IGNOBLE +IGNOMINIOUS +IGNORAMUS +IGNORANCE +IGNORANT +IGNORANTLY +IGNORE +IGNORED +IGNORES +IGNORING +IGOR +IKE +ILIAD +ILIADIZE +ILIADIZES +ILL +ILLEGAL +ILLEGALITIES +ILLEGALITY +ILLEGALLY +ILLEGITIMATE +ILLICIT +ILLICITLY +ILLINOIS +ILLITERACY +ILLITERATE +ILLNESS +ILLNESSES +ILLOGICAL +ILLOGICALLY +ILLS +ILLUMINATE +ILLUMINATED +ILLUMINATES +ILLUMINATING +ILLUMINATION +ILLUMINATIONS +ILLUSION +ILLUSIONS +ILLUSIVE +ILLUSIVELY +ILLUSORY +ILLUSTRATE +ILLUSTRATED +ILLUSTRATES +ILLUSTRATING +ILLUSTRATION +ILLUSTRATIONS +ILLUSTRATIVE +ILLUSTRATIVELY +ILLUSTRATOR +ILLUSTRATORS +ILLUSTRIOUS +ILLUSTRIOUSNESS +ILLY +ILONA +ILYUSHIN +IMAGE +IMAGEN +IMAGERY +IMAGES +IMAGINABLE +IMAGINABLY +IMAGINARY +IMAGINATION +IMAGINATIONS +IMAGINATIVE +IMAGINATIVELY +IMAGINE +IMAGINED +IMAGINES +IMAGING +IMAGINING +IMAGININGS +IMBALANCE +IMBALANCES +IMBECILE +IMBIBE +IMBRIUM +IMITATE +IMITATED +IMITATES +IMITATING +IMITATION +IMITATIONS +IMITATIVE +IMMACULATE +IMMACULATELY +IMMATERIAL +IMMATERIALLY +IMMATURE +IMMATURITY +IMMEDIACIES +IMMEDIACY +IMMEDIATE +IMMEDIATELY +IMMEMORIAL +IMMENSE +IMMENSELY +IMMERSE +IMMERSED +IMMERSES +IMMERSION +IMMIGRANT +IMMIGRANTS +IMMIGRATE +IMMIGRATED +IMMIGRATES +IMMIGRATING +IMMIGRATION +IMMINENT +IMMINENTLY +IMMODERATE +IMMODEST +IMMORAL +IMMORTAL +IMMORTALITY +IMMORTALLY +IMMOVABILITY +IMMOVABLE +IMMOVABLY +IMMUNE +IMMUNITIES +IMMUNITY +IMMUNIZATION +IMMUTABLE +IMP +IMPACT +IMPACTED +IMPACTING +IMPACTION +IMPACTOR +IMPACTORS +IMPACTS +IMPAIR +IMPAIRED +IMPAIRING +IMPAIRS +IMPALE +IMPART +IMPARTED +IMPARTIAL +IMPARTIALLY +IMPARTS +IMPASSE +IMPASSIVE +IMPATIENCE +IMPATIENT +IMPATIENTLY +IMPEACH +IMPEACHABLE +IMPEACHED +IMPEACHMENT +IMPECCABLE +IMPEDANCE +IMPEDANCES +IMPEDE +IMPEDED +IMPEDES +IMPEDIMENT +IMPEDIMENTS +IMPEDING +IMPEL +IMPELLED +IMPELLING +IMPEND +IMPENDING +IMPENETRABILITY +IMPENETRABLE +IMPENETRABLY +IMPERATIVE +IMPERATIVELY +IMPERATIVES +IMPERCEIVABLE +IMPERCEPTIBLE +IMPERFECT +IMPERFECTION +IMPERFECTIONS +IMPERFECTLY +IMPERIAL +IMPERIALISM +IMPERIALIST +IMPERIALISTS +IMPERIL +IMPERILED +IMPERIOUS +IMPERIOUSLY +IMPERMANENCE +IMPERMANENT +IMPERMEABLE +IMPERMISSIBLE +IMPERSONAL +IMPERSONALLY +IMPERSONATE +IMPERSONATED +IMPERSONATES +IMPERSONATING +IMPERSONATION +IMPERSONATIONS +IMPERTINENT +IMPERTINENTLY +IMPERVIOUS +IMPERVIOUSLY +IMPETUOUS +IMPETUOUSLY +IMPETUS +IMPINGE +IMPINGED +IMPINGES +IMPINGING +IMPIOUS +IMPLACABLE +IMPLANT +IMPLANTED +IMPLANTING +IMPLANTS +IMPLAUSIBLE +IMPLEMENT +IMPLEMENTABLE +IMPLEMENTATION +IMPLEMENTATIONS +IMPLEMENTED +IMPLEMENTER +IMPLEMENTING +IMPLEMENTOR +IMPLEMENTORS +IMPLEMENTS +IMPLICANT +IMPLICANTS +IMPLICATE +IMPLICATED +IMPLICATES +IMPLICATING +IMPLICATION +IMPLICATIONS +IMPLICIT +IMPLICITLY +IMPLICITNESS +IMPLIED +IMPLIES +IMPLORE +IMPLORED +IMPLORING +IMPLY +IMPLYING +IMPOLITE +IMPORT +IMPORTANCE +IMPORTANT +IMPORTANTLY +IMPORTATION +IMPORTED +IMPORTER +IMPORTERS +IMPORTING +IMPORTS +IMPOSE +IMPOSED +IMPOSES +IMPOSING +IMPOSITION +IMPOSITIONS +IMPOSSIBILITIES +IMPOSSIBILITY +IMPOSSIBLE +IMPOSSIBLY +IMPOSTOR +IMPOSTORS +IMPOTENCE +IMPOTENCY +IMPOTENT +IMPOUND +IMPOVERISH +IMPOVERISHED +IMPOVERISHMENT +IMPRACTICABLE +IMPRACTICAL +IMPRACTICALITY +IMPRACTICALLY +IMPRECISE +IMPRECISELY +IMPRECISION +IMPREGNABLE +IMPREGNATE +IMPRESS +IMPRESSED +IMPRESSER +IMPRESSES +IMPRESSIBLE +IMPRESSING +IMPRESSION +IMPRESSIONABLE +IMPRESSIONIST +IMPRESSIONISTIC +IMPRESSIONS +IMPRESSIVE +IMPRESSIVELY +IMPRESSIVENESS +IMPRESSMENT +IMPRIMATUR +IMPRINT +IMPRINTED +IMPRINTING +IMPRINTS +IMPRISON +IMPRISONED +IMPRISONING +IMPRISONMENT +IMPRISONMENTS +IMPRISONS +IMPROBABILITY +IMPROBABLE +IMPROMPTU +IMPROPER +IMPROPERLY +IMPROPRIETY +IMPROVE +IMPROVED +IMPROVEMENT +IMPROVEMENTS +IMPROVES +IMPROVING +IMPROVISATION +IMPROVISATIONAL +IMPROVISATIONS +IMPROVISE +IMPROVISED +IMPROVISER +IMPROVISERS +IMPROVISES +IMPROVISING +IMPRUDENT +IMPS +IMPUDENT +IMPUDENTLY +IMPUGN +IMPULSE +IMPULSES +IMPULSION +IMPULSIVE +IMPUNITY +IMPURE +IMPURITIES +IMPURITY +IMPUTE +IMPUTED +INABILITY +INACCESSIBLE +INACCURACIES +INACCURACY +INACCURATE +INACTION +INACTIVATE +INACTIVE +INACTIVITY +INADEQUACIES +INADEQUACY +INADEQUATE +INADEQUATELY +INADEQUATENESS +INADMISSIBILITY +INADMISSIBLE +INADVERTENT +INADVERTENTLY +INADVISABLE +INALIENABLE +INALTERABLE +INANE +INANIMATE +INANIMATELY +INANNA +INAPPLICABLE +INAPPROACHABLE +INAPPROPRIATE +INAPPROPRIATENESS +INASMUCH +INATTENTION +INAUDIBLE +INAUGURAL +INAUGURATE +INAUGURATED +INAUGURATING +INAUGURATION +INAUSPICIOUS +INBOARD +INBOUND +INBREED +INCA +INCALCULABLE +INCANDESCENT +INCANTATION +INCAPABLE +INCAPACITATE +INCAPACITATING +INCARCERATE +INCARNATION +INCARNATIONS +INCAS +INCENDIARIES +INCENDIARY +INCENSE +INCENSED +INCENSES +INCENTIVE +INCENTIVES +INCEPTION +INCESSANT +INCESSANTLY +INCEST +INCESTUOUS +INCH +INCHED +INCHES +INCHING +INCIDENCE +INCIDENT +INCIDENTAL +INCIDENTALLY +INCIDENTALS +INCIDENTS +INCINERATE +INCIPIENT +INCISIVE +INCITE +INCITED +INCITEMENT +INCITES +INCITING +INCLEMENT +INCLINATION +INCLINATIONS +INCLINE +INCLINED +INCLINES +INCLINING +INCLOSE +INCLOSED +INCLOSES +INCLOSING +INCLUDE +INCLUDED +INCLUDES +INCLUDING +INCLUSION +INCLUSIONS +INCLUSIVE +INCLUSIVELY +INCLUSIVENESS +INCOHERENCE +INCOHERENT +INCOHERENTLY +INCOME +INCOMES +INCOMING +INCOMMENSURABLE +INCOMMENSURATE +INCOMMUNICABLE +INCOMPARABLE +INCOMPARABLY +INCOMPATIBILITIES +INCOMPATIBILITY +INCOMPATIBLE +INCOMPATIBLY +INCOMPETENCE +INCOMPETENT +INCOMPETENTS +INCOMPLETE +INCOMPLETELY +INCOMPLETENESS +INCOMPREHENSIBILITY +INCOMPREHENSIBLE +INCOMPREHENSIBLY +INCOMPREHENSION +INCOMPRESSIBLE +INCOMPUTABLE +INCONCEIVABLE +INCONCLUSIVE +INCONGRUITY +INCONGRUOUS +INCONSEQUENTIAL +INCONSEQUENTIALLY +INCONSIDERABLE +INCONSIDERATE +INCONSIDERATELY +INCONSIDERATENESS +INCONSISTENCIES +INCONSISTENCY +INCONSISTENT +INCONSISTENTLY +INCONSPICUOUS +INCONTESTABLE +INCONTROVERTIBLE +INCONTROVERTIBLY +INCONVENIENCE +INCONVENIENCED +INCONVENIENCES +INCONVENIENCING +INCONVENIENT +INCONVENIENTLY +INCONVERTIBLE +INCORPORATE +INCORPORATED +INCORPORATES +INCORPORATING +INCORPORATION +INCORRECT +INCORRECTLY +INCORRECTNESS +INCORRIGIBLE +INCREASE +INCREASED +INCREASES +INCREASING +INCREASINGLY +INCREDIBLE +INCREDIBLY +INCREDULITY +INCREDULOUS +INCREDULOUSLY +INCREMENT +INCREMENTAL +INCREMENTALLY +INCREMENTED +INCREMENTER +INCREMENTING +INCREMENTS +INCRIMINATE +INCUBATE +INCUBATED +INCUBATES +INCUBATING +INCUBATION +INCUBATOR +INCUBATORS +INCULCATE +INCUMBENT +INCUR +INCURABLE +INCURRED +INCURRING +INCURS +INCURSION +INDEBTED +INDEBTEDNESS +INDECENT +INDECIPHERABLE +INDECISION +INDECISIVE +INDEED +INDEFATIGABLE +INDEFENSIBLE +INDEFINITE +INDEFINITELY +INDEFINITENESS +INDELIBLE +INDEMNIFY +INDEMNITY +INDENT +INDENTATION +INDENTATIONS +INDENTED +INDENTING +INDENTS +INDENTURE +INDEPENDENCE +INDEPENDENT +INDEPENDENTLY +INDESCRIBABLE +INDESTRUCTIBLE +INDETERMINACIES +INDETERMINACY +INDETERMINATE +INDETERMINATELY +INDEX +INDEXABLE +INDEXED +INDEXES +INDEXING +INDIA +INDIAN +INDIANA +INDIANAPOLIS +INDIANS +INDICATE +INDICATED +INDICATES +INDICATING +INDICATION +INDICATIONS +INDICATIVE +INDICATOR +INDICATORS +INDICES +INDICT +INDICTMENT +INDICTMENTS +INDIES +INDIFFERENCE +INDIFFERENT +INDIFFERENTLY +INDIGENOUS +INDIGENOUSLY +INDIGENOUSNESS +INDIGESTIBLE +INDIGESTION +INDIGNANT +INDIGNANTLY +INDIGNATION +INDIGNITIES +INDIGNITY +INDIGO +INDIRA +INDIRECT +INDIRECTED +INDIRECTING +INDIRECTION +INDIRECTIONS +INDIRECTLY +INDIRECTS +INDISCREET +INDISCRETION +INDISCRIMINATE +INDISCRIMINATELY +INDISPENSABILITY +INDISPENSABLE +INDISPENSABLY +INDISPUTABLE +INDISTINCT +INDISTINGUISHABLE +INDIVIDUAL +INDIVIDUALISM +INDIVIDUALISTIC +INDIVIDUALITY +INDIVIDUALIZE +INDIVIDUALIZED +INDIVIDUALIZES +INDIVIDUALIZING +INDIVIDUALLY +INDIVIDUALS +INDIVISIBILITY +INDIVISIBLE +INDO +INDOCHINA +INDOCHINESE +INDOCTRINATE +INDOCTRINATED +INDOCTRINATES +INDOCTRINATING +INDOCTRINATION +INDOEUROPEAN +INDOLENT +INDOLENTLY +INDOMITABLE +INDONESIA +INDONESIAN +INDOOR +INDOORS +INDUBITABLE +INDUCE +INDUCED +INDUCEMENT +INDUCEMENTS +INDUCER +INDUCES +INDUCING +INDUCT +INDUCTANCE +INDUCTANCES +INDUCTED +INDUCTEE +INDUCTING +INDUCTION +INDUCTIONS +INDUCTIVE +INDUCTIVELY +INDUCTOR +INDUCTORS +INDUCTS +INDULGE +INDULGED +INDULGENCE +INDULGENCES +INDULGENT +INDULGING +INDUS +INDUSTRIAL +INDUSTRIALISM +INDUSTRIALIST +INDUSTRIALISTS +INDUSTRIALIZATION +INDUSTRIALIZED +INDUSTRIALLY +INDUSTRIALS +INDUSTRIES +INDUSTRIOUS +INDUSTRIOUSLY +INDUSTRIOUSNESS +INDUSTRY +INDY +INEFFECTIVE +INEFFECTIVELY +INEFFECTIVENESS +INEFFECTUAL +INEFFICIENCIES +INEFFICIENCY +INEFFICIENT +INEFFICIENTLY +INELEGANT +INELIGIBLE +INEPT +INEQUALITIES +INEQUALITY +INEQUITABLE +INEQUITY +INERT +INERTIA +INERTIAL +INERTLY +INERTNESS +INESCAPABLE +INESCAPABLY +INESSENTIAL +INESTIMABLE +INEVITABILITIES +INEVITABILITY +INEVITABLE +INEVITABLY +INEXACT +INEXCUSABLE +INEXCUSABLY +INEXHAUSTIBLE +INEXORABLE +INEXORABLY +INEXPENSIVE +INEXPENSIVELY +INEXPERIENCE +INEXPERIENCED +INEXPLICABLE +INFALLIBILITY +INFALLIBLE +INFALLIBLY +INFAMOUS +INFAMOUSLY +INFAMY +INFANCY +INFANT +INFANTILE +INFANTRY +INFANTRYMAN +INFANTRYMEN +INFANTS +INFARCT +INFATUATE +INFEASIBLE +INFECT +INFECTED +INFECTING +INFECTION +INFECTIONS +INFECTIOUS +INFECTIOUSLY +INFECTIVE +INFECTS +INFER +INFERENCE +INFERENCES +INFERENTIAL +INFERIOR +INFERIORITY +INFERIORS +INFERNAL +INFERNALLY +INFERNO +INFERNOS +INFERRED +INFERRING +INFERS +INFERTILE +INFEST +INFESTED +INFESTING +INFESTS +INFIDEL +INFIDELITY +INFIDELS +INFIGHTING +INFILTRATE +INFINITE +INFINITELY +INFINITENESS +INFINITESIMAL +INFINITIVE +INFINITIVES +INFINITUDE +INFINITUM +INFINITY +INFIRM +INFIRMARY +INFIRMITY +INFIX +INFLAME +INFLAMED +INFLAMMABLE +INFLAMMATION +INFLAMMATORY +INFLATABLE +INFLATE +INFLATED +INFLATER +INFLATES +INFLATING +INFLATION +INFLATIONARY +INFLEXIBILITY +INFLEXIBLE +INFLICT +INFLICTED +INFLICTING +INFLICTS +INFLOW +INFLUENCE +INFLUENCED +INFLUENCES +INFLUENCING +INFLUENTIAL +INFLUENTIALLY +INFLUENZA +INFORM +INFORMAL +INFORMALITY +INFORMALLY +INFORMANT +INFORMANTS +INFORMATICA +INFORMATION +INFORMATIONAL +INFORMATIVE +INFORMATIVELY +INFORMED +INFORMER +INFORMERS +INFORMING +INFORMS +INFRA +INFRARED +INFRASTRUCTURE +INFREQUENT +INFREQUENTLY +INFRINGE +INFRINGED +INFRINGEMENT +INFRINGEMENTS +INFRINGES +INFRINGING +INFURIATE +INFURIATED +INFURIATES +INFURIATING +INFURIATION +INFUSE +INFUSED +INFUSES +INFUSING +INFUSION +INFUSIONS +INGENIOUS +INGENIOUSLY +INGENIOUSNESS +INGENUITY +INGENUOUS +INGERSOLL +INGEST +INGESTION +INGLORIOUS +INGOT +INGRAM +INGRATE +INGRATIATE +INGRATITUDE +INGREDIENT +INGREDIENTS +INGROWN +INHABIT +INHABITABLE +INHABITANCE +INHABITANT +INHABITANTS +INHABITED +INHABITING +INHABITS +INHALE +INHALED +INHALER +INHALES +INHALING +INHERE +INHERENT +INHERENTLY +INHERES +INHERIT +INHERITABLE +INHERITANCE +INHERITANCES +INHERITED +INHERITING +INHERITOR +INHERITORS +INHERITRESS +INHERITRESSES +INHERITRICES +INHERITRIX +INHERITS +INHIBIT +INHIBITED +INHIBITING +INHIBITION +INHIBITIONS +INHIBITOR +INHIBITORS +INHIBITORY +INHIBITS +INHOMOGENEITIES +INHOMOGENEITY +INHOMOGENEOUS +INHOSPITABLE +INHUMAN +INHUMANE +INIMICAL +INIMITABLE +INIQUITIES +INIQUITY +INITIAL +INITIALED +INITIALING +INITIALIZATION +INITIALIZATIONS +INITIALIZE +INITIALIZED +INITIALIZER +INITIALIZERS +INITIALIZES +INITIALIZING +INITIALLY +INITIALS +INITIATE +INITIATED +INITIATES +INITIATING +INITIATION +INITIATIONS +INITIATIVE +INITIATIVES +INITIATOR +INITIATORS +INJECT +INJECTED +INJECTING +INJECTION +INJECTIONS +INJECTIVE +INJECTS +INJUDICIOUS +INJUN +INJUNCTION +INJUNCTIONS +INJUNS +INJURE +INJURED +INJURES +INJURIES +INJURING +INJURIOUS +INJURY +INJUSTICE +INJUSTICES +INK +INKED +INKER +INKERS +INKING +INKINGS +INKLING +INKLINGS +INKS +INLAID +INLAND +INLAY +INLET +INLETS +INLINE +INMAN +INMATE +INMATES +INN +INNARDS +INNATE +INNATELY +INNER +INNERMOST +INNING +INNINGS +INNOCENCE +INNOCENT +INNOCENTLY +INNOCENTS +INNOCUOUS +INNOCUOUSLY +INNOCUOUSNESS +INNOVATE +INNOVATION +INNOVATIONS +INNOVATIVE +INNS +INNUENDO +INNUMERABILITY +INNUMERABLE +INNUMERABLY +INOCULATE +INOPERABLE +INOPERATIVE +INOPPORTUNE +INORDINATE +INORDINATELY +INORGANIC +INPUT +INPUTS +INQUEST +INQUIRE +INQUIRED +INQUIRER +INQUIRERS +INQUIRES +INQUIRIES +INQUIRING +INQUIRY +INQUISITION +INQUISITIONS +INQUISITIVE +INQUISITIVELY +INQUISITIVENESS +INROAD +INROADS +INSANE +INSANELY +INSANITY +INSATIABLE +INSCRIBE +INSCRIBED +INSCRIBES +INSCRIBING +INSCRIPTION +INSCRIPTIONS +INSCRUTABLE +INSECT +INSECTICIDE +INSECTS +INSECURE +INSECURELY +INSEMINATE +INSENSIBLE +INSENSITIVE +INSENSITIVELY +INSENSITIVITY +INSEPARABLE +INSERT +INSERTED +INSERTING +INSERTION +INSERTIONS +INSERTS +INSET +INSIDE +INSIDER +INSIDERS +INSIDES +INSIDIOUS +INSIDIOUSLY +INSIDIOUSNESS +INSIGHT +INSIGHTFUL +INSIGHTS +INSIGNIA +INSIGNIFICANCE +INSIGNIFICANT +INSINCERE +INSINCERITY +INSINUATE +INSINUATED +INSINUATES +INSINUATING +INSINUATION +INSINUATIONS +INSIPID +INSIST +INSISTED +INSISTENCE +INSISTENT +INSISTENTLY +INSISTING +INSISTS +INSOFAR +INSOLENCE +INSOLENT +INSOLENTLY +INSOLUBLE +INSOLVABLE +INSOLVENT +INSOMNIA +INSOMNIAC +INSPECT +INSPECTED +INSPECTING +INSPECTION +INSPECTIONS +INSPECTOR +INSPECTORS +INSPECTS +INSPIRATION +INSPIRATIONS +INSPIRE +INSPIRED +INSPIRER +INSPIRES +INSPIRING +INSTABILITIES +INSTABILITY +INSTALL +INSTALLATION +INSTALLATIONS +INSTALLED +INSTALLER +INSTALLERS +INSTALLING +INSTALLMENT +INSTALLMENTS +INSTALLS +INSTANCE +INSTANCES +INSTANT +INSTANTANEOUS +INSTANTANEOUSLY +INSTANTER +INSTANTIATE +INSTANTIATED +INSTANTIATES +INSTANTIATING +INSTANTIATION +INSTANTIATIONS +INSTANTLY +INSTANTS +INSTEAD +INSTIGATE +INSTIGATED +INSTIGATES +INSTIGATING +INSTIGATOR +INSTIGATORS +INSTILL +INSTINCT +INSTINCTIVE +INSTINCTIVELY +INSTINCTS +INSTINCTUAL +INSTITUTE +INSTITUTED +INSTITUTER +INSTITUTERS +INSTITUTES +INSTITUTING +INSTITUTION +INSTITUTIONAL +INSTITUTIONALIZE +INSTITUTIONALIZED +INSTITUTIONALIZES +INSTITUTIONALIZING +INSTITUTIONALLY +INSTITUTIONS +INSTRUCT +INSTRUCTED +INSTRUCTING +INSTRUCTION +INSTRUCTIONAL +INSTRUCTIONS +INSTRUCTIVE +INSTRUCTIVELY +INSTRUCTOR +INSTRUCTORS +INSTRUCTS +INSTRUMENT +INSTRUMENTAL +INSTRUMENTALIST +INSTRUMENTALISTS +INSTRUMENTALLY +INSTRUMENTALS +INSTRUMENTATION +INSTRUMENTED +INSTRUMENTING +INSTRUMENTS +INSUBORDINATE +INSUFFERABLE +INSUFFICIENT +INSUFFICIENTLY +INSULAR +INSULATE +INSULATED +INSULATES +INSULATING +INSULATION +INSULATOR +INSULATORS +INSULIN +INSULT +INSULTED +INSULTING +INSULTS +INSUPERABLE +INSUPPORTABLE +INSURANCE +INSURE +INSURED +INSURER +INSURERS +INSURES +INSURGENT +INSURGENTS +INSURING +INSURMOUNTABLE +INSURRECTION +INSURRECTIONS +INTACT +INTANGIBLE +INTANGIBLES +INTEGER +INTEGERS +INTEGRABLE +INTEGRAL +INTEGRALS +INTEGRAND +INTEGRATE +INTEGRATED +INTEGRATES +INTEGRATING +INTEGRATION +INTEGRATIONS +INTEGRATIVE +INTEGRITY +INTEL +INTELLECT +INTELLECTS +INTELLECTUAL +INTELLECTUALLY +INTELLECTUALS +INTELLIGENCE +INTELLIGENT +INTELLIGENTLY +INTELLIGENTSIA +INTELLIGIBILITY +INTELLIGIBLE +INTELLIGIBLY +INTELSAT +INTEMPERATE +INTEND +INTENDED +INTENDING +INTENDS +INTENSE +INTENSELY +INTENSIFICATION +INTENSIFIED +INTENSIFIER +INTENSIFIERS +INTENSIFIES +INTENSIFY +INTENSIFYING +INTENSITIES +INTENSITY +INTENSIVE +INTENSIVELY +INTENT +INTENTION +INTENTIONAL +INTENTIONALLY +INTENTIONED +INTENTIONS +INTENTLY +INTENTNESS +INTENTS +INTER +INTERACT +INTERACTED +INTERACTING +INTERACTION +INTERACTIONS +INTERACTIVE +INTERACTIVELY +INTERACTIVITY +INTERACTS +INTERCEPT +INTERCEPTED +INTERCEPTING +INTERCEPTION +INTERCEPTOR +INTERCEPTS +INTERCHANGE +INTERCHANGEABILITY +INTERCHANGEABLE +INTERCHANGEABLY +INTERCHANGED +INTERCHANGER +INTERCHANGES +INTERCHANGING +INTERCHANGINGS +INTERCHANNEL +INTERCITY +INTERCOM +INTERCOMMUNICATE +INTERCOMMUNICATED +INTERCOMMUNICATES +INTERCOMMUNICATING +INTERCOMMUNICATION +INTERCONNECT +INTERCONNECTED +INTERCONNECTING +INTERCONNECTION +INTERCONNECTIONS +INTERCONNECTS +INTERCONTINENTAL +INTERCOURSE +INTERDATA +INTERDEPENDENCE +INTERDEPENDENCIES +INTERDEPENDENCY +INTERDEPENDENT +INTERDICT +INTERDICTION +INTERDISCIPLINARY +INTEREST +INTERESTED +INTERESTING +INTERESTINGLY +INTERESTS +INTERFACE +INTERFACED +INTERFACER +INTERFACES +INTERFACING +INTERFERE +INTERFERED +INTERFERENCE +INTERFERENCES +INTERFERES +INTERFERING +INTERFERINGLY +INTERFEROMETER +INTERFEROMETRIC +INTERFEROMETRY +INTERFRAME +INTERGROUP +INTERIM +INTERIOR +INTERIORS +INTERJECT +INTERLACE +INTERLACED +INTERLACES +INTERLACING +INTERLEAVE +INTERLEAVED +INTERLEAVES +INTERLEAVING +INTERLINK +INTERLINKED +INTERLINKS +INTERLISP +INTERMEDIARY +INTERMEDIATE +INTERMEDIATES +INTERMINABLE +INTERMINGLE +INTERMINGLED +INTERMINGLES +INTERMINGLING +INTERMISSION +INTERMITTENT +INTERMITTENTLY +INTERMIX +INTERMIXED +INTERMODULE +INTERN +INTERNAL +INTERNALIZE +INTERNALIZED +INTERNALIZES +INTERNALIZING +INTERNALLY +INTERNALS +INTERNATIONAL +INTERNATIONALITY +INTERNATIONALLY +INTERNED +INTERNET +INTERNET +INTERNETWORK +INTERNING +INTERNS +INTERNSHIP +INTEROFFICE +INTERPERSONAL +INTERPLAY +INTERPOL +INTERPOLATE +INTERPOLATED +INTERPOLATES +INTERPOLATING +INTERPOLATION +INTERPOLATIONS +INTERPOSE +INTERPOSED +INTERPOSES +INTERPOSING +INTERPRET +INTERPRETABLE +INTERPRETATION +INTERPRETATIONS +INTERPRETED +INTERPRETER +INTERPRETERS +INTERPRETING +INTERPRETIVE +INTERPRETIVELY +INTERPRETS +INTERPROCESS +INTERRELATE +INTERRELATED +INTERRELATES +INTERRELATING +INTERRELATION +INTERRELATIONS +INTERRELATIONSHIP +INTERRELATIONSHIPS +INTERROGATE +INTERROGATED +INTERROGATES +INTERROGATING +INTERROGATION +INTERROGATIONS +INTERROGATIVE +INTERRUPT +INTERRUPTED +INTERRUPTIBLE +INTERRUPTING +INTERRUPTION +INTERRUPTIONS +INTERRUPTIVE +INTERRUPTS +INTERSECT +INTERSECTED +INTERSECTING +INTERSECTION +INTERSECTIONS +INTERSECTS +INTERSPERSE +INTERSPERSED +INTERSPERSES +INTERSPERSING +INTERSPERSION +INTERSTAGE +INTERSTATE +INTERTWINE +INTERTWINED +INTERTWINES +INTERTWINING +INTERVAL +INTERVALS +INTERVENE +INTERVENED +INTERVENES +INTERVENING +INTERVENTION +INTERVENTIONS +INTERVIEW +INTERVIEWED +INTERVIEWEE +INTERVIEWER +INTERVIEWERS +INTERVIEWING +INTERVIEWS +INTERWOVEN +INTESTATE +INTESTINAL +INTESTINE +INTESTINES +INTIMACY +INTIMATE +INTIMATED +INTIMATELY +INTIMATING +INTIMATION +INTIMATIONS +INTIMIDATE +INTIMIDATED +INTIMIDATES +INTIMIDATING +INTIMIDATION +INTO +INTOLERABLE +INTOLERABLY +INTOLERANCE +INTOLERANT +INTONATION +INTONATIONS +INTONE +INTOXICANT +INTOXICATE +INTOXICATED +INTOXICATING +INTOXICATION +INTRACTABILITY +INTRACTABLE +INTRACTABLY +INTRAGROUP +INTRALINE +INTRAMURAL +INTRAMUSCULAR +INTRANSIGENT +INTRANSITIVE +INTRANSITIVELY +INTRAOFFICE +INTRAPROCESS +INTRASTATE +INTRAVENOUS +INTREPID +INTRICACIES +INTRICACY +INTRICATE +INTRICATELY +INTRIGUE +INTRIGUED +INTRIGUES +INTRIGUING +INTRINSIC +INTRINSICALLY +INTRODUCE +INTRODUCED +INTRODUCES +INTRODUCING +INTRODUCTION +INTRODUCTIONS +INTRODUCTORY +INTROSPECT +INTROSPECTION +INTROSPECTIONS +INTROSPECTIVE +INTROVERT +INTROVERTED +INTRUDE +INTRUDED +INTRUDER +INTRUDERS +INTRUDES +INTRUDING +INTRUSION +INTRUSIONS +INTRUST +INTUBATE +INTUBATED +INTUBATES +INTUBATION +INTUITION +INTUITIONIST +INTUITIONS +INTUITIVE +INTUITIVELY +INUNDATE +INVADE +INVADED +INVADER +INVADERS +INVADES +INVADING +INVALID +INVALIDATE +INVALIDATED +INVALIDATES +INVALIDATING +INVALIDATION +INVALIDATIONS +INVALIDITIES +INVALIDITY +INVALIDLY +INVALIDS +INVALUABLE +INVARIABLE +INVARIABLY +INVARIANCE +INVARIANT +INVARIANTLY +INVARIANTS +INVASION +INVASIONS +INVECTIVE +INVENT +INVENTED +INVENTING +INVENTION +INVENTIONS +INVENTIVE +INVENTIVELY +INVENTIVENESS +INVENTOR +INVENTORIES +INVENTORS +INVENTORY +INVENTS +INVERNESS +INVERSE +INVERSELY +INVERSES +INVERSION +INVERSIONS +INVERT +INVERTEBRATE +INVERTEBRATES +INVERTED +INVERTER +INVERTERS +INVERTIBLE +INVERTING +INVERTS +INVEST +INVESTED +INVESTIGATE +INVESTIGATED +INVESTIGATES +INVESTIGATING +INVESTIGATION +INVESTIGATIONS +INVESTIGATIVE +INVESTIGATOR +INVESTIGATORS +INVESTIGATORY +INVESTING +INVESTMENT +INVESTMENTS +INVESTOR +INVESTORS +INVESTS +INVETERATE +INVIGORATE +INVINCIBLE +INVISIBILITY +INVISIBLE +INVISIBLY +INVITATION +INVITATIONS +INVITE +INVITED +INVITES +INVITING +INVOCABLE +INVOCATION +INVOCATIONS +INVOICE +INVOICED +INVOICES +INVOICING +INVOKE +INVOKED +INVOKER +INVOKES +INVOKING +INVOLUNTARILY +INVOLUNTARY +INVOLVE +INVOLVED +INVOLVEMENT +INVOLVEMENTS +INVOLVES +INVOLVING +INWARD +INWARDLY +INWARDNESS +INWARDS +IODINE +ION +IONIAN +IONIANS +IONICIZATION +IONICIZATIONS +IONICIZE +IONICIZES +IONOSPHERE +IONOSPHERIC +IONS +IOTA +IOWA +IRA +IRAN +IRANIAN +IRANIANS +IRANIZE +IRANIZES +IRAQ +IRAQI +IRAQIS +IRATE +IRATELY +IRATENESS +IRE +IRELAND +IRENE +IRES +IRIS +IRISH +IRISHIZE +IRISHIZES +IRISHMAN +IRISHMEN +IRK +IRKED +IRKING +IRKS +IRKSOME +IRMA +IRON +IRONED +IRONIC +IRONICAL +IRONICALLY +IRONIES +IRONING +IRONINGS +IRONS +IRONY +IROQUOIS +IRRADIATE +IRRATIONAL +IRRATIONALLY +IRRATIONALS +IRRAWADDY +IRRECONCILABLE +IRRECOVERABLE +IRREDUCIBLE +IRREDUCIBLY +IRREFLEXIVE +IRREFUTABLE +IRREGULAR +IRREGULARITIES +IRREGULARITY +IRREGULARLY +IRREGULARS +IRRELEVANCE +IRRELEVANCES +IRRELEVANT +IRRELEVANTLY +IRREPLACEABLE +IRREPRESSIBLE +IRREPRODUCIBILITY +IRREPRODUCIBLE +IRRESISTIBLE +IRRESPECTIVE +IRRESPECTIVELY +IRRESPONSIBLE +IRRESPONSIBLY +IRRETRIEVABLY +IRREVERENT +IRREVERSIBILITY +IRREVERSIBLE +IRREVERSIBLY +IRREVOCABLE +IRREVOCABLY +IRRIGATE +IRRIGATED +IRRIGATES +IRRIGATING +IRRIGATION +IRRITABLE +IRRITANT +IRRITATE +IRRITATED +IRRITATES +IRRITATING +IRRITATION +IRRITATIONS +IRVIN +IRVINE +IRVING +IRWIN +ISAAC +ISAACS +ISAACSON +ISABEL +ISABELLA +ISADORE +ISAIAH +ISFAHAN +ISING +ISIS +ISLAM +ISLAMABAD +ISLAMIC +ISLAMIZATION +ISLAMIZATIONS +ISLAMIZE +ISLAMIZES +ISLAND +ISLANDER +ISLANDERS +ISLANDIA +ISLANDS +ISLE +ISLES +ISLET +ISLETS +ISOLATE +ISOLATED +ISOLATES +ISOLATING +ISOLATION +ISOLATIONS +ISOLDE +ISOMETRIC +ISOMORPHIC +ISOMORPHICALLY +ISOMORPHISM +ISOMORPHISMS +ISOTOPE +ISOTOPES +ISRAEL +ISRAELI +ISRAELIS +ISRAELITE +ISRAELITES +ISRAELITIZE +ISRAELITIZES +ISSUANCE +ISSUE +ISSUED +ISSUER +ISSUERS +ISSUES +ISSUING +ISTANBUL +ISTHMUS +ISTVAN +ITALIAN +ITALIANIZATION +ITALIANIZATIONS +ITALIANIZE +ITALIANIZER +ITALIANIZERS +ITALIANIZES +ITALIANS +ITALIC +ITALICIZE +ITALICIZED +ITALICS +ITALY +ITCH +ITCHES +ITCHING +ITEL +ITEM +ITEMIZATION +ITEMIZATIONS +ITEMIZE +ITEMIZED +ITEMIZES +ITEMIZING +ITEMS +ITERATE +ITERATED +ITERATES +ITERATING +ITERATION +ITERATIONS +ITERATIVE +ITERATIVELY +ITERATOR +ITERATORS +ITHACA +ITHACAN +ITINERARIES +ITINERARY +ITO +ITS +ITSELF +IVAN +IVANHOE +IVERSON +IVIES +IVORY +IVY +IZAAK +IZVESTIA +JAB +JABBED +JABBING +JABLONSKY +JABS +JACK +JACKASS +JACKET +JACKETED +JACKETS +JACKIE +JACKING +JACKKNIFE +JACKMAN +JACKPOT +JACKSON +JACKSONIAN +JACKSONS +JACKSONVILLE +JACKY +JACOB +JACOBEAN +JACOBI +JACOBIAN +JACOBINIZE +JACOBITE +JACOBS +JACOBSEN +JACOBSON +JACOBUS +JACOBY +JACQUELINE +JACQUES +JADE +JADED +JAEGER +JAGUAR +JAIL +JAILED +JAILER +JAILERS +JAILING +JAILS +JAIME +JAKARTA +JAKE +JAKES +JAM +JAMAICA +JAMAICAN +JAMES +JAMESON +JAMESTOWN +JAMMED +JAMMING +JAMS +JANE +JANEIRO +JANESVILLE +JANET +JANICE +JANIS +JANITOR +JANITORS +JANOS +JANSEN +JANSENIST +JANUARIES +JANUARY +JANUS +JAPAN +JAPANESE +JAPANIZATION +JAPANIZATIONS +JAPANIZE +JAPANIZED +JAPANIZES +JAPANIZING +JAR +JARGON +JARRED +JARRING +JARRINGLY +JARS +JARVIN +JASON +JASTROW +JAUNDICE +JAUNT +JAUNTINESS +JAUNTS +JAUNTY +JAVA +JAVANESE +JAVELIN +JAVELINS +JAW +JAWBONE +JAWS +JAY +JAYCEE +JAYCEES +JAZZ +JAZZY +JEALOUS +JEALOUSIES +JEALOUSLY +JEALOUSY +JEAN +JEANNE +JEANNIE +JEANS +JED +JEEP +JEEPS +JEER +JEERS +JEFF +JEFFERSON +JEFFERSONIAN +JEFFERSONIANS +JEFFREY +JEHOVAH +JELLIES +JELLO +JELLY +JELLYFISH +JENKINS +JENNIE +JENNIFER +JENNINGS +JENNY +JENSEN +JEOPARDIZE +JEOPARDIZED +JEOPARDIZES +JEOPARDIZING +JEOPARDY +JEREMIAH +JEREMY +JERES +JERICHO +JERK +JERKED +JERKINESS +JERKING +JERKINGS +JERKS +JERKY +JEROBOAM +JEROME +JERRY +JERSEY +JERSEYS +JERUSALEM +JESSE +JESSICA +JESSIE +JESSY +JEST +JESTED +JESTER +JESTING +JESTS +JESUIT +JESUITISM +JESUITIZE +JESUITIZED +JESUITIZES +JESUITIZING +JESUITS +JESUS +JET +JETLINER +JETS +JETTED +JETTING +JEW +JEWEL +JEWELED +JEWELER +JEWELL +JEWELLED +JEWELRIES +JEWELRY +JEWELS +JEWETT +JEWISH +JEWISHNESS +JEWS +JIFFY +JIG +JIGS +JIGSAW +JILL +JIM +JIMENEZ +JIMMIE +JINGLE +JINGLED +JINGLING +JINNY +JITTER +JITTERBUG +JITTERY +JOAN +JOANNA +JOANNE +JOAQUIN +JOB +JOBREL +JOBS +JOCKEY +JOCKSTRAP +JOCUND +JODY +JOE +JOEL +JOES +JOG +JOGGING +JOGS +JOHANN +JOHANNA +JOHANNES +JOHANNESBURG +JOHANSEN +JOHANSON +JOHN +JOHNNIE +JOHNNY +JOHNS +JOHNSEN +JOHNSON +JOHNSTON +JOHNSTOWN +JOIN +JOINED +JOINER +JOINERS +JOINING +JOINS +JOINT +JOINTLY +JOINTS +JOKE +JOKED +JOKER +JOKERS +JOKES +JOKING +JOKINGLY +JOLIET +JOLLA +JOLLY +JOLT +JOLTED +JOLTING +JOLTS +JON +JONAS +JONATHAN +JONATHANIZATION +JONATHANIZATIONS +JONES +JONESES +JONQUIL +JOPLIN +JORDAN +JORDANIAN +JORGE +JORGENSEN +JORGENSON +JOSE +JOSEF +JOSEPH +JOSEPHINE +JOSEPHSON +JOSEPHUS +JOSHUA +JOSIAH +JOSTLE +JOSTLED +JOSTLES +JOSTLING +JOT +JOTS +JOTTED +JOTTING +JOULE +JOURNAL +JOURNALISM +JOURNALIST +JOURNALISTS +JOURNALIZE +JOURNALIZED +JOURNALIZES +JOURNALIZING +JOURNALS +JOURNEY +JOURNEYED +JOURNEYING +JOURNEYINGS +JOURNEYMAN +JOURNEYMEN +JOURNEYS +JOUST +JOUSTED +JOUSTING +JOUSTS +JOVANOVICH +JOVE +JOVIAL +JOVIAN +JOY +JOYCE +JOYFUL +JOYFULLY +JOYOUS +JOYOUSLY +JOYOUSNESS +JOYRIDE +JOYS +JOYSTICK +JUAN +JUANITA +JUBAL +JUBILEE +JUDAICA +JUDAISM +JUDAS +JUDD +JUDDER +JUDDERED +JUDDERING +JUDDERS +JUDE +JUDEA +JUDGE +JUDGED +JUDGES +JUDGING +JUDGMENT +JUDGMENTS +JUDICIAL +JUDICIARY +JUDICIOUS +JUDICIOUSLY +JUDITH +JUDO +JUDSON +JUDY +JUG +JUGGLE +JUGGLER +JUGGLERS +JUGGLES +JUGGLING +JUGOSLAVIA +JUGS +JUICE +JUICES +JUICIEST +JUICY +JUKES +JULES +JULIA +JULIAN +JULIE +JULIES +JULIET +JULIO +JULIUS +JULY +JUMBLE +JUMBLED +JUMBLES +JUMBO +JUMP +JUMPED +JUMPER +JUMPERS +JUMPING +JUMPS +JUMPY +JUNCTION +JUNCTIONS +JUNCTURE +JUNCTURES +JUNE +JUNEAU +JUNES +JUNG +JUNGIAN +JUNGLE +JUNGLES +JUNIOR +JUNIORS +JUNIPER +JUNK +JUNKER +JUNKERS +JUNKS +JUNKY +JUNO +JUNTA +JUPITER +JURA +JURAS +JURASSIC +JURE +JURIES +JURISDICTION +JURISDICTIONS +JURISPRUDENCE +JURIST +JUROR +JURORS +JURY +JUST +JUSTICE +JUSTICES +JUSTIFIABLE +JUSTIFIABLY +JUSTIFICATION +JUSTIFICATIONS +JUSTIFIED +JUSTIFIER +JUSTIFIERS +JUSTIFIES +JUSTIFY +JUSTIFYING +JUSTINE +JUSTINIAN +JUSTLY +JUSTNESS +JUT +JUTISH +JUTLAND +JUTTING +JUVENILE +JUVENILES +JUXTAPOSE +JUXTAPOSED +JUXTAPOSES +JUXTAPOSING +KABUKI +KABUL +KADDISH +KAFKA +KAFKAESQUE +KAHN +KAJAR +KALAMAZOO +KALI +KALMUK +KAMCHATKA +KAMIKAZE +KAMIKAZES +KAMPALA +KAMPUCHEA +KANARESE +KANE +KANGAROO +KANJI +KANKAKEE +KANNADA +KANSAS +KANT +KANTIAN +KAPLAN +KAPPA +KARACHI +KARAMAZOV +KARATE +KAREN +KARL +KAROL +KARP +KASHMIR +KASKASKIA +KATE +KATHARINE +KATHERINE +KATHLEEN +KATHY +KATIE +KATMANDU +KATOWICE +KATZ +KAUFFMAN +KAUFMAN +KAY +KEATON +KEATS +KEEGAN +KEEL +KEELED +KEELING +KEELS +KEEN +KEENAN +KEENER +KEENEST +KEENLY +KEENNESS +KEEP +KEEPER +KEEPERS +KEEPING +KEEPS +KEITH +KELLER +KELLEY +KELLOGG +KELLY +KELSEY +KELVIN +KEMP +KEN +KENDALL +KENILWORTH +KENNAN +KENNECOTT +KENNEDY +KENNEL +KENNELS +KENNETH +KENNEY +KENNING +KENNY +KENOSHA +KENSINGTON +KENT +KENTON +KENTUCKY +KENYA +KENYON +KEPLER +KEPT +KERCHIEF +KERCHIEFS +KERMIT +KERN +KERNEL +KERNELS +KERNIGHAN +KEROSENE +KEROUAC +KERR +KESSLER +KETCHUP +KETTERING +KETTLE +KETTLES +KEVIN +KEWASKUM +KEWAUNEE +KEY +KEYBOARD +KEYBOARDS +KEYED +KEYES +KEYHOLE +KEYING +KEYNES +KEYNESIAN +KEYNOTE +KEYPAD +KEYPADS +KEYS +KEYSTROKE +KEYSTROKES +KEYWORD +KEYWORDS +KHARTOUM +KHMER +KHRUSHCHEV +KHRUSHCHEVS +KICK +KICKAPOO +KICKED +KICKER +KICKERS +KICKING +KICKOFF +KICKS +KID +KIDDE +KIDDED +KIDDIE +KIDDING +KIDNAP +KIDNAPPER +KIDNAPPERS +KIDNAPPING +KIDNAPPINGS +KIDNAPS +KIDNEY +KIDNEYS +KIDS +KIEFFER +KIEL +KIEV +KIEWIT +KIGALI +KIKUYU +KILGORE +KILIMANJARO +KILL +KILLEBREW +KILLED +KILLER +KILLERS +KILLING +KILLINGLY +KILLINGS +KILLJOY +KILLS +KILOBIT +KILOBITS +KILOBLOCK +KILOBYTE +KILOBYTES +KILOGRAM +KILOGRAMS +KILOHERTZ +KILOHM +KILOJOULE +KILOMETER +KILOMETERS +KILOTON +KILOVOLT +KILOWATT +KILOWORD +KIM +KIMBALL +KIMBERLY +KIMONO +KIN +KIND +KINDER +KINDERGARTEN +KINDEST +KINDHEARTED +KINDLE +KINDLED +KINDLES +KINDLING +KINDLY +KINDNESS +KINDRED +KINDS +KINETIC +KING +KINGDOM +KINGDOMS +KINGLY +KINGPIN +KINGS +KINGSBURY +KINGSLEY +KINGSTON +KINGSTOWN +KINGWOOD +KINK +KINKY +KINNEY +KINNICKINNIC +KINSEY +KINSHASHA +KINSHIP +KINSMAN +KIOSK +KIOWA +KIPLING +KIRBY +KIRCHNER +KIRCHOFF +KIRK +KIRKLAND +KIRKPATRICK +KIRKWOOD +KIROV +KISS +KISSED +KISSER +KISSERS +KISSES +KISSING +KIT +KITAKYUSHU +KITCHEN +KITCHENETTE +KITCHENS +KITE +KITED +KITES +KITING +KITS +KITTEN +KITTENISH +KITTENS +KITTY +KIWANIS +KLAN +KLAUS +KLAXON +KLEIN +KLEINROCK +KLINE +KLUDGE +KLUDGES +KLUX +KLYSTRON +KNACK +KNAPP +KNAPSACK +KNAPSACKS +KNAUER +KNAVE +KNAVES +KNEAD +KNEADS +KNEE +KNEECAP +KNEED +KNEEING +KNEEL +KNEELED +KNEELING +KNEELS +KNEES +KNELL +KNELLS +KNELT +KNEW +KNICKERBOCKER +KNICKERBOCKERS +KNIFE +KNIFED +KNIFES +KNIFING +KNIGHT +KNIGHTED +KNIGHTHOOD +KNIGHTING +KNIGHTLY +KNIGHTS +KNIGHTSBRIDGE +KNIT +KNITS +KNIVES +KNOB +KNOBELOCH +KNOBS +KNOCK +KNOCKDOWN +KNOCKED +KNOCKER +KNOCKERS +KNOCKING +KNOCKOUT +KNOCKS +KNOLL +KNOLLS +KNOSSOS +KNOT +KNOTS +KNOTT +KNOTTED +KNOTTING +KNOW +KNOWABLE +KNOWER +KNOWHOW +KNOWING +KNOWINGLY +KNOWLEDGE +KNOWLEDGEABLE +KNOWLES +KNOWLTON +KNOWN +KNOWS +KNOX +KNOXVILLE +KNUCKLE +KNUCKLED +KNUCKLES +KNUDSEN +KNUDSON +KNUTH +KNUTSEN +KNUTSON +KOALA +KOBAYASHI +KOCH +KOCHAB +KODACHROME +KODAK +KODIAK +KOENIG +KOENIGSBERG +KOHLER +KONG +KONRAD +KOPPERS +KORAN +KOREA +KOREAN +KOREANS +KOSHER +KOVACS +KOWALEWSKI +KOWALSKI +KOWLOON +KOWTOW +KRAEMER +KRAKATOA +KRAKOW +KRAMER +KRAUSE +KREBS +KREMLIN +KRESGE +KRIEGER +KRISHNA +KRISTIN +KRONECKER +KRUEGER +KRUGER +KRUSE +KUALA +KUDO +KUENNING +KUHN +KUMAR +KURD +KURDISH +KURT +KUWAIT +KUWAITI +KYOTO +LAB +LABAN +LABEL +LABELED +LABELING +LABELLED +LABELLER +LABELLERS +LABELLING +LABELS +LABOR +LABORATORIES +LABORATORY +LABORED +LABORER +LABORERS +LABORING +LABORINGS +LABORIOUS +LABORIOUSLY +LABORS +LABRADOR +LABS +LABYRINTH +LABYRINTHS +LAC +LACE +LACED +LACERATE +LACERATED +LACERATES +LACERATING +LACERATION +LACERATIONS +LACERTA +LACES +LACEY +LACHESIS +LACING +LACK +LACKAWANNA +LACKED +LACKEY +LACKING +LACKS +LACQUER +LACQUERED +LACQUERS +LACROSSE +LACY +LAD +LADDER +LADEN +LADIES +LADING +LADLE +LADS +LADY +LADYLIKE +LAFAYETTE +LAG +LAGER +LAGERS +LAGOON +LAGOONS +LAGOS +LAGRANGE +LAGRANGIAN +LAGS +LAGUERRE +LAGUNA +LAHORE +LAID +LAIDLAW +LAIN +LAIR +LAIRS +LAISSEZ +LAKE +LAKEHURST +LAKES +LAKEWOOD +LAMAR +LAMARCK +LAMB +LAMBDA +LAMBDAS +LAMBERT +LAMBS +LAME +LAMED +LAMELY +LAMENESS +LAMENT +LAMENTABLE +LAMENTATION +LAMENTATIONS +LAMENTED +LAMENTING +LAMENTS +LAMES +LAMINAR +LAMING +LAMP +LAMPLIGHT +LAMPOON +LAMPORT +LAMPREY +LAMPS +LANA +LANCASHIRE +LANCASTER +LANCE +LANCED +LANCELOT +LANCER +LANCES +LAND +LANDED +LANDER +LANDERS +LANDFILL +LANDING +LANDINGS +LANDIS +LANDLADIES +LANDLADY +LANDLORD +LANDLORDS +LANDMARK +LANDMARKS +LANDOWNER +LANDOWNERS +LANDS +LANDSCAPE +LANDSCAPED +LANDSCAPES +LANDSCAPING +LANDSLIDE +LANDWEHR +LANE +LANES +LANG +LANGE +LANGELAND +LANGFORD +LANGLEY +LANGMUIR +LANGUAGE +LANGUAGES +LANGUID +LANGUIDLY +LANGUIDNESS +LANGUISH +LANGUISHED +LANGUISHES +LANGUISHING +LANKA +LANSING +LANTERN +LANTERNS +LAO +LAOCOON +LAOS +LAOTIAN +LAOTIANS +LAP +LAPEL +LAPELS +LAPLACE +LAPLACIAN +LAPPING +LAPS +LAPSE +LAPSED +LAPSES +LAPSING +LARAMIE +LARD +LARDER +LAREDO +LARES +LARGE +LARGELY +LARGENESS +LARGER +LARGEST +LARK +LARKIN +LARKS +LARRY +LARS +LARSEN +LARSON +LARVA +LARVAE +LARYNX +LASCIVIOUS +LASER +LASERS +LASH +LASHED +LASHES +LASHING +LASHINGS +LASS +LASSES +LASSO +LAST +LASTED +LASTING +LASTLY +LASTS +LASZLO +LATCH +LATCHED +LATCHES +LATCHING +LATE +LATELY +LATENCY +LATENESS +LATENT +LATER +LATERAL +LATERALLY +LATERAN +LATEST +LATEX +LATHE +LATHROP +LATIN +LATINATE +LATINITY +LATINIZATION +LATINIZATIONS +LATINIZE +LATINIZED +LATINIZER +LATINIZERS +LATINIZES +LATINIZING +LATITUDE +LATITUDES +LATRINE +LATRINES +LATROBE +LATTER +LATTERLY +LATTICE +LATTICES +LATTIMER +LATVIA +LAUDABLE +LAUDERDALE +LAUE +LAUGH +LAUGHABLE +LAUGHABLY +LAUGHED +LAUGHING +LAUGHINGLY +LAUGHINGSTOCK +LAUGHLIN +LAUGHS +LAUGHTER +LAUNCH +LAUNCHED +LAUNCHER +LAUNCHES +LAUNCHING +LAUNCHINGS +LAUNDER +LAUNDERED +LAUNDERER +LAUNDERING +LAUNDERINGS +LAUNDERS +LAUNDROMAT +LAUNDROMATS +LAUNDRY +LAUREATE +LAUREL +LAURELS +LAUREN +LAURENCE +LAURENT +LAURENTIAN +LAURIE +LAUSANNE +LAVA +LAVATORIES +LAVATORY +LAVENDER +LAVISH +LAVISHED +LAVISHING +LAVISHLY +LAVOISIER +LAW +LAWBREAKER +LAWFORD +LAWFUL +LAWFULLY +LAWGIVER +LAWLESS +LAWLESSNESS +LAWN +LAWNS +LAWRENCE +LAWRENCEVILLE +LAWS +LAWSON +LAWSUIT +LAWSUITS +LAWYER +LAWYERS +LAX +LAXATIVE +LAY +LAYER +LAYERED +LAYERING +LAYERS +LAYING +LAYMAN +LAYMEN +LAYOFF +LAYOFFS +LAYOUT +LAYOUTS +LAYS +LAYTON +LAZARUS +LAZED +LAZIER +LAZIEST +LAZILY +LAZINESS +LAZING +LAZY +LAZYBONES +LEAD +LEADED +LEADEN +LEADER +LEADERS +LEADERSHIP +LEADERSHIPS +LEADING +LEADINGS +LEADS +LEAF +LEAFED +LEAFIEST +LEAFING +LEAFLESS +LEAFLET +LEAFLETS +LEAFY +LEAGUE +LEAGUED +LEAGUER +LEAGUERS +LEAGUES +LEAK +LEAKAGE +LEAKAGES +LEAKED +LEAKING +LEAKS +LEAKY +LEAN +LEANDER +LEANED +LEANER +LEANEST +LEANING +LEANNESS +LEANS +LEAP +LEAPED +LEAPFROG +LEAPING +LEAPS +LEAPT +LEAR +LEARN +LEARNED +LEARNER +LEARNERS +LEARNING +LEARNS +LEARY +LEASE +LEASED +LEASES +LEASH +LEASHES +LEASING +LEAST +LEATHER +LEATHERED +LEATHERN +LEATHERNECK +LEATHERS +LEAVE +LEAVED +LEAVEN +LEAVENED +LEAVENING +LEAVENWORTH +LEAVES +LEAVING +LEAVINGS +LEBANESE +LEBANON +LEBESGUE +LECHERY +LECTURE +LECTURED +LECTURER +LECTURERS +LECTURES +LECTURING +LED +LEDGE +LEDGER +LEDGERS +LEDGES +LEE +LEECH +LEECHES +LEEDS +LEEK +LEER +LEERY +LEES +LEEUWENHOEK +LEEWARD +LEEWAY +LEFT +LEFTIST +LEFTISTS +LEFTMOST +LEFTOVER +LEFTOVERS +LEFTWARD +LEG +LEGACIES +LEGACY +LEGAL +LEGALITY +LEGALIZATION +LEGALIZE +LEGALIZED +LEGALIZES +LEGALIZING +LEGALLY +LEGEND +LEGENDARY +LEGENDRE +LEGENDS +LEGER +LEGERS +LEGGED +LEGGINGS +LEGIBILITY +LEGIBLE +LEGIBLY +LEGION +LEGIONS +LEGISLATE +LEGISLATED +LEGISLATES +LEGISLATING +LEGISLATION +LEGISLATIVE +LEGISLATOR +LEGISLATORS +LEGISLATURE +LEGISLATURES +LEGITIMACY +LEGITIMATE +LEGITIMATELY +LEGS +LEGUME +LEHIGH +LEHMAN +LEIBNIZ +LEIDEN +LEIGH +LEIGHTON +LEILA +LEIPZIG +LEISURE +LEISURELY +LELAND +LEMKE +LEMMA +LEMMAS +LEMMING +LEMMINGS +LEMON +LEMONADE +LEMONS +LEMUEL +LEN +LENA +LEND +LENDER +LENDERS +LENDING +LENDS +LENGTH +LENGTHEN +LENGTHENED +LENGTHENING +LENGTHENS +LENGTHLY +LENGTHS +LENGTHWISE +LENGTHY +LENIENCY +LENIENT +LENIENTLY +LENIN +LENINGRAD +LENINISM +LENINIST +LENNOX +LENNY +LENORE +LENS +LENSES +LENT +LENTEN +LENTIL +LENTILS +LEO +LEON +LEONA +LEONARD +LEONARDO +LEONE +LEONID +LEOPARD +LEOPARDS +LEOPOLD +LEOPOLDVILLE +LEPER +LEPROSY +LEROY +LESBIAN +LESBIANS +LESLIE +LESOTHO +LESS +LESSEN +LESSENED +LESSENING +LESSENS +LESSER +LESSON +LESSONS +LESSOR +LEST +LESTER +LET +LETHAL +LETHE +LETITIA +LETS +LETTER +LETTERED +LETTERER +LETTERHEAD +LETTERING +LETTERS +LETTING +LETTUCE +LEUKEMIA +LEV +LEVEE +LEVEES +LEVEL +LEVELED +LEVELER +LEVELING +LEVELLED +LEVELLER +LEVELLEST +LEVELLING +LEVELLY +LEVELNESS +LEVELS +LEVER +LEVERAGE +LEVERS +LEVI +LEVIABLE +LEVIED +LEVIES +LEVIN +LEVINE +LEVIS +LEVITICUS +LEVITT +LEVITY +LEVY +LEVYING +LEW +LEWD +LEWDLY +LEWDNESS +LEWELLYN +LEXICAL +LEXICALLY +LEXICOGRAPHIC +LEXICOGRAPHICAL +LEXICOGRAPHICALLY +LEXICON +LEXICONS +LEXINGTON +LEYDEN +LIABILITIES +LIABILITY +LIABLE +LIAISON +LIAISONS +LIAR +LIARS +LIBEL +LIBELOUS +LIBERACE +LIBERAL +LIBERALIZE +LIBERALIZED +LIBERALIZES +LIBERALIZING +LIBERALLY +LIBERALS +LIBERATE +LIBERATED +LIBERATES +LIBERATING +LIBERATION +LIBERATOR +LIBERATORS +LIBERIA +LIBERTARIAN +LIBERTIES +LIBERTY +LIBIDO +LIBRARIAN +LIBRARIANS +LIBRARIES +LIBRARY +LIBRETTO +LIBREVILLE +LIBYA +LIBYAN +LICE +LICENSE +LICENSED +LICENSEE +LICENSES +LICENSING +LICENSOR +LICENTIOUS +LICHEN +LICHENS +LICHTER +LICK +LICKED +LICKING +LICKS +LICORICE +LID +LIDS +LIE +LIEBERMAN +LIECHTENSTEIN +LIED +LIEGE +LIEN +LIENS +LIES +LIEU +LIEUTENANT +LIEUTENANTS +LIFE +LIFEBLOOD +LIFEBOAT +LIFEGUARD +LIFELESS +LIFELESSNESS +LIFELIKE +LIFELONG +LIFER +LIFESPAN +LIFESTYLE +LIFESTYLES +LIFETIME +LIFETIMES +LIFT +LIFTED +LIFTER +LIFTERS +LIFTING +LIFTS +LIGAMENT +LIGATURE +LIGGET +LIGGETT +LIGHT +LIGHTED +LIGHTEN +LIGHTENS +LIGHTER +LIGHTERS +LIGHTEST +LIGHTFACE +LIGHTHEARTED +LIGHTHOUSE +LIGHTHOUSES +LIGHTING +LIGHTLY +LIGHTNESS +LIGHTNING +LIGHTNINGS +LIGHTS +LIGHTWEIGHT +LIKE +LIKED +LIKELIER +LIKELIEST +LIKELIHOOD +LIKELIHOODS +LIKELINESS +LIKELY +LIKEN +LIKENED +LIKENESS +LIKENESSES +LIKENING +LIKENS +LIKES +LIKEWISE +LIKING +LILA +LILAC +LILACS +LILIAN +LILIES +LILLIAN +LILLIPUT +LILLIPUTIAN +LILLIPUTIANIZE +LILLIPUTIANIZES +LILLY +LILY +LIMA +LIMAN +LIMB +LIMBER +LIMBO +LIMBS +LIME +LIMELIGHT +LIMERICK +LIMES +LIMESTONE +LIMIT +LIMITABILITY +LIMITABLY +LIMITATION +LIMITATIONS +LIMITED +LIMITER +LIMITERS +LIMITING +LIMITLESS +LIMITS +LIMOUSINE +LIMP +LIMPED +LIMPING +LIMPLY +LIMPNESS +LIMPS +LIN +LINCOLN +LIND +LINDA +LINDBERG +LINDBERGH +LINDEN +LINDHOLM +LINDQUIST +LINDSAY +LINDSEY +LINDSTROM +LINDY +LINE +LINEAR +LINEARITIES +LINEARITY +LINEARIZABLE +LINEARIZE +LINEARIZED +LINEARIZES +LINEARIZING +LINEARLY +LINED +LINEN +LINENS +LINER +LINERS +LINES +LINEUP +LINGER +LINGERED +LINGERIE +LINGERING +LINGERS +LINGO +LINGUA +LINGUIST +LINGUISTIC +LINGUISTICALLY +LINGUISTICS +LINGUISTS +LINING +LININGS +LINK +LINKAGE +LINKAGES +LINKED +LINKER +LINKERS +LINKING +LINKS +LINNAEUS +LINOLEUM +LINOTYPE +LINSEED +LINT +LINTON +LINUS +LINUX +LION +LIONEL +LIONESS +LIONESSES +LIONS +LIP +LIPPINCOTT +LIPS +LIPSCHITZ +LIPSCOMB +LIPSTICK +LIPTON +LIQUID +LIQUIDATE +LIQUIDATION +LIQUIDATIONS +LIQUIDITY +LIQUIDS +LIQUOR +LIQUORS +LISA +LISBON +LISE +LISP +LISPED +LISPING +LISPS +LISS +LISSAJOUS +LIST +LISTED +LISTEN +LISTENED +LISTENER +LISTENERS +LISTENING +LISTENS +LISTER +LISTERIZE +LISTERIZES +LISTERS +LISTING +LISTINGS +LISTLESS +LISTON +LISTS +LIT +LITANY +LITER +LITERACY +LITERAL +LITERALLY +LITERALNESS +LITERALS +LITERARY +LITERATE +LITERATURE +LITERATURES +LITERS +LITHE +LITHOGRAPH +LITHOGRAPHY +LITHUANIA +LITHUANIAN +LITIGANT +LITIGATE +LITIGATION +LITIGIOUS +LITMUS +LITTER +LITTERBUG +LITTERED +LITTERING +LITTERS +LITTLE +LITTLENESS +LITTLER +LITTLEST +LITTLETON +LITTON +LIVABLE +LIVABLY +LIVE +LIVED +LIVELIHOOD +LIVELY +LIVENESS +LIVER +LIVERIED +LIVERMORE +LIVERPOOL +LIVERPUDLIAN +LIVERS +LIVERY +LIVES +LIVESTOCK +LIVID +LIVING +LIVINGSTON +LIZ +LIZARD +LIZARDS +LIZZIE +LIZZY +LLOYD +LOAD +LOADED +LOADER +LOADERS +LOADING +LOADINGS +LOADS +LOAF +LOAFED +LOAFER +LOAN +LOANED +LOANING +LOANS +LOATH +LOATHE +LOATHED +LOATHING +LOATHLY +LOATHSOME +LOAVES +LOBBIED +LOBBIES +LOBBY +LOBBYING +LOBE +LOBES +LOBSTER +LOBSTERS +LOCAL +LOCALITIES +LOCALITY +LOCALIZATION +LOCALIZE +LOCALIZED +LOCALIZES +LOCALIZING +LOCALLY +LOCALS +LOCATE +LOCATED +LOCATES +LOCATING +LOCATION +LOCATIONS +LOCATIVE +LOCATIVES +LOCATOR +LOCATORS +LOCI +LOCK +LOCKE +LOCKED +LOCKER +LOCKERS +LOCKHART +LOCKHEED +LOCKIAN +LOCKING +LOCKINGS +LOCKOUT +LOCKOUTS +LOCKS +LOCKSMITH +LOCKSTEP +LOCKUP +LOCKUPS +LOCKWOOD +LOCOMOTION +LOCOMOTIVE +LOCOMOTIVES +LOCUS +LOCUST +LOCUSTS +LODGE +LODGED +LODGER +LODGES +LODGING +LODGINGS +LODOWICK +LOEB +LOFT +LOFTINESS +LOFTS +LOFTY +LOGAN +LOGARITHM +LOGARITHMIC +LOGARITHMICALLY +LOGARITHMS +LOGGED +LOGGER +LOGGERS +LOGGING +LOGIC +LOGICAL +LOGICALLY +LOGICIAN +LOGICIANS +LOGICS +LOGIN +LOGINS +LOGISTIC +LOGISTICS +LOGJAM +LOGO +LOGS +LOIN +LOINCLOTH +LOINS +LOIRE +LOIS +LOITER +LOITERED +LOITERER +LOITERING +LOITERS +LOKI +LOLA +LOMB +LOMBARD +LOMBARDY +LOME +LONDON +LONDONDERRY +LONDONER +LONDONIZATION +LONDONIZATIONS +LONDONIZE +LONDONIZES +LONE +LONELIER +LONELIEST +LONELINESS +LONELY +LONER +LONERS +LONESOME +LONG +LONGED +LONGER +LONGEST +LONGEVITY +LONGFELLOW +LONGHAND +LONGING +LONGINGS +LONGITUDE +LONGITUDES +LONGS +LONGSTANDING +LONGSTREET +LOOK +LOOKAHEAD +LOOKED +LOOKER +LOOKERS +LOOKING +LOOKOUT +LOOKS +LOOKUP +LOOKUPS +LOOM +LOOMED +LOOMING +LOOMIS +LOOMS +LOON +LOOP +LOOPED +LOOPHOLE +LOOPHOLES +LOOPING +LOOPS +LOOSE +LOOSED +LOOSELEAF +LOOSELY +LOOSEN +LOOSENED +LOOSENESS +LOOSENING +LOOSENS +LOOSER +LOOSES +LOOSEST +LOOSING +LOOT +LOOTED +LOOTER +LOOTING +LOOTS +LOPEZ +LOPSIDED +LORD +LORDLY +LORDS +LORDSHIP +LORE +LORELEI +LOREN +LORENTZIAN +LORENZ +LORETTA +LORINDA +LORRAINE +LORRY +LOS +LOSE +LOSER +LOSERS +LOSES +LOSING +LOSS +LOSSES +LOSSIER +LOSSIEST +LOSSY +LOST +LOT +LOTHARIO +LOTION +LOTS +LOTTE +LOTTERY +LOTTIE +LOTUS +LOU +LOUD +LOUDER +LOUDEST +LOUDLY +LOUDNESS +LOUDSPEAKER +LOUDSPEAKERS +LOUIS +LOUISA +LOUISE +LOUISIANA +LOUISIANAN +LOUISVILLE +LOUNGE +LOUNGED +LOUNGES +LOUNGING +LOUNSBURY +LOURDES +LOUSE +LOUSY +LOUT +LOUVRE +LOVABLE +LOVABLY +LOVE +LOVED +LOVEJOY +LOVELACE +LOVELAND +LOVELIER +LOVELIES +LOVELIEST +LOVELINESS +LOVELORN +LOVELY +LOVER +LOVERS +LOVES +LOVING +LOVINGLY +LOW +LOWE +LOWELL +LOWER +LOWERED +LOWERING +LOWERS +LOWEST +LOWLAND +LOWLANDS +LOWLIEST +LOWLY +LOWNESS +LOWRY +LOWS +LOY +LOYAL +LOYALLY +LOYALTIES +LOYALTY +LOYOLA +LUBBOCK +LUBELL +LUBRICANT +LUBRICATE +LUBRICATION +LUCAS +LUCERNE +LUCIA +LUCIAN +LUCID +LUCIEN +LUCIFER +LUCILLE +LUCIUS +LUCK +LUCKED +LUCKIER +LUCKIEST +LUCKILY +LUCKLESS +LUCKS +LUCKY +LUCRATIVE +LUCRETIA +LUCRETIUS +LUCY +LUDICROUS +LUDICROUSLY +LUDICROUSNESS +LUDLOW +LUDMILLA +LUDWIG +LUFTHANSA +LUFTWAFFE +LUGGAGE +LUIS +LUKE +LUKEWARM +LULL +LULLABY +LULLED +LULLS +LUMBER +LUMBERED +LUMBERING +LUMINOUS +LUMINOUSLY +LUMMOX +LUMP +LUMPED +LUMPING +LUMPS +LUMPUR +LUMPY +LUNAR +LUNATIC +LUNCH +LUNCHED +LUNCHEON +LUNCHEONS +LUNCHES +LUNCHING +LUND +LUNDBERG +LUNDQUIST +LUNG +LUNGED +LUNGS +LURA +LURCH +LURCHED +LURCHES +LURCHING +LURE +LURED +LURES +LURING +LURK +LURKED +LURKING +LURKS +LUSAKA +LUSCIOUS +LUSCIOUSLY +LUSCIOUSNESS +LUSH +LUST +LUSTER +LUSTFUL +LUSTILY +LUSTINESS +LUSTROUS +LUSTS +LUSTY +LUTE +LUTES +LUTHER +LUTHERAN +LUTHERANIZE +LUTHERANIZER +LUTHERANIZERS +LUTHERANIZES +LUTZ +LUXEMBOURG +LUXEMBURG +LUXURIANT +LUXURIANTLY +LUXURIES +LUXURIOUS +LUXURIOUSLY +LUXURY +LUZON +LYDIA +LYING +LYKES +LYLE +LYMAN +LYMPH +LYNCH +LYNCHBURG +LYNCHED +LYNCHER +LYNCHES +LYNDON +LYNN +LYNX +LYNXES +LYON +LYONS +LYRA +LYRE +LYRIC +LYRICS +LYSENKO +MABEL +MAC +MACADAMIA +MACARTHUR +MACARTHUR +MACASSAR +MACAULAY +MACAULAYAN +MACAULAYISM +MACAULAYISMS +MACBETH +MACDONALD +MACDONALD +MACDOUGALL +MACDOUGALL +MACDRAW +MACE +MACED +MACEDON +MACEDONIA +MACEDONIAN +MACES +MACGREGOR +MACGREGOR +MACH +MACHIAVELLI +MACHIAVELLIAN +MACHINATION +MACHINE +MACHINED +MACHINELIKE +MACHINERY +MACHINES +MACHINING +MACHO +MACINTOSH +MACINTOSH +MACINTOSH +MACKENZIE +MACKENZIE +MACKEREL +MACKEY +MACKINAC +MACKINAW +MACMAHON +MACMILLAN +MACMILLAN +MACON +MACPAINT +MACRO +MACROECONOMICS +MACROMOLECULE +MACROMOLECULES +MACROPHAGE +MACROS +MACROSCOPIC +MAD +MADAGASCAR +MADAM +MADAME +MADAMES +MADDEN +MADDENING +MADDER +MADDEST +MADDOX +MADE +MADEIRA +MADELEINE +MADELINE +MADHOUSE +MADHYA +MADISON +MADLY +MADMAN +MADMEN +MADNESS +MADONNA +MADONNAS +MADRAS +MADRID +MADSEN +MAE +MAELSTROM +MAESTRO +MAFIA +MAFIOSI +MAGAZINE +MAGAZINES +MAGDALENE +MAGELLAN +MAGELLANIC +MAGENTA +MAGGIE +MAGGOT +MAGGOTS +MAGIC +MAGICAL +MAGICALLY +MAGICIAN +MAGICIANS +MAGILL +MAGISTRATE +MAGISTRATES +MAGNA +MAGNESIUM +MAGNET +MAGNETIC +MAGNETICALLY +MAGNETISM +MAGNETISMS +MAGNETIZABLE +MAGNETIZED +MAGNETO +MAGNIFICATION +MAGNIFICENCE +MAGNIFICENT +MAGNIFICENTLY +MAGNIFIED +MAGNIFIER +MAGNIFIES +MAGNIFY +MAGNIFYING +MAGNITUDE +MAGNITUDES +MAGNOLIA +MAGNUM +MAGNUSON +MAGOG +MAGPIE +MAGRUDER +MAGUIRE +MAGUIRES +MAHARASHTRA +MAHAYANA +MAHAYANIST +MAHOGANY +MAHONEY +MAID +MAIDEN +MAIDENS +MAIDS +MAIER +MAIL +MAILABLE +MAILBOX +MAILBOXES +MAILED +MAILER +MAILING +MAILINGS +MAILMAN +MAILMEN +MAILS +MAIM +MAIMED +MAIMING +MAIMS +MAIN +MAINE +MAINFRAME +MAINFRAMES +MAINLAND +MAINLINE +MAINLY +MAINS +MAINSTAY +MAINSTREAM +MAINTAIN +MAINTAINABILITY +MAINTAINABLE +MAINTAINED +MAINTAINER +MAINTAINERS +MAINTAINING +MAINTAINS +MAINTENANCE +MAINTENANCES +MAIZE +MAJESTIC +MAJESTIES +MAJESTY +MAJOR +MAJORCA +MAJORED +MAJORING +MAJORITIES +MAJORITY +MAJORS +MAKABLE +MAKE +MAKER +MAKERS +MAKES +MAKESHIFT +MAKEUP +MAKEUPS +MAKING +MAKINGS +MALABAR +MALADIES +MALADY +MALAGASY +MALAMUD +MALARIA +MALAWI +MALAY +MALAYIZE +MALAYIZES +MALAYSIA +MALAYSIAN +MALCOLM +MALCONTENT +MALDEN +MALDIVE +MALE +MALEFACTOR +MALEFACTORS +MALENESS +MALES +MALEVOLENT +MALFORMED +MALFUNCTION +MALFUNCTIONED +MALFUNCTIONING +MALFUNCTIONS +MALI +MALIBU +MALICE +MALICIOUS +MALICIOUSLY +MALICIOUSNESS +MALIGN +MALIGNANT +MALIGNANTLY +MALL +MALLARD +MALLET +MALLETS +MALLORY +MALNUTRITION +MALONE +MALONEY +MALPRACTICE +MALRAUX +MALT +MALTA +MALTED +MALTESE +MALTHUS +MALTHUSIAN +MALTON +MALTS +MAMA +MAMMA +MAMMAL +MAMMALIAN +MAMMALS +MAMMAS +MAMMOTH +MAN +MANAGE +MANAGEABLE +MANAGEABLENESS +MANAGED +MANAGEMENT +MANAGEMENTS +MANAGER +MANAGERIAL +MANAGERS +MANAGES +MANAGING +MANAGUA +MANAMA +MANCHESTER +MANCHURIA +MANDARIN +MANDATE +MANDATED +MANDATES +MANDATING +MANDATORY +MANDELBROT +MANDIBLE +MANE +MANES +MANEUVER +MANEUVERED +MANEUVERING +MANEUVERS +MANFRED +MANGER +MANGERS +MANGLE +MANGLED +MANGLER +MANGLES +MANGLING +MANHATTAN +MANHATTANIZE +MANHATTANIZES +MANHOLE +MANHOOD +MANIA +MANIAC +MANIACAL +MANIACS +MANIC +MANICURE +MANICURED +MANICURES +MANICURING +MANIFEST +MANIFESTATION +MANIFESTATIONS +MANIFESTED +MANIFESTING +MANIFESTLY +MANIFESTS +MANIFOLD +MANIFOLDS +MANILA +MANIPULABILITY +MANIPULABLE +MANIPULATABLE +MANIPULATE +MANIPULATED +MANIPULATES +MANIPULATING +MANIPULATION +MANIPULATIONS +MANIPULATIVE +MANIPULATOR +MANIPULATORS +MANIPULATORY +MANITOBA +MANITOWOC +MANKIND +MANKOWSKI +MANLEY +MANLY +MANN +MANNED +MANNER +MANNERED +MANNERLY +MANNERS +MANNING +MANOMETER +MANOMETERS +MANOR +MANORS +MANPOWER +MANS +MANSFIELD +MANSION +MANSIONS +MANSLAUGHTER +MANTEL +MANTELS +MANTIS +MANTISSA +MANTISSAS +MANTLE +MANTLEPIECE +MANTLES +MANUAL +MANUALLY +MANUALS +MANUEL +MANUFACTURE +MANUFACTURED +MANUFACTURER +MANUFACTURERS +MANUFACTURES +MANUFACTURING +MANURE +MANUSCRIPT +MANUSCRIPTS +MANVILLE +MANY +MAO +MAORI +MAP +MAPLE +MAPLECREST +MAPLES +MAPPABLE +MAPPED +MAPPING +MAPPINGS +MAPS +MARATHON +MARBLE +MARBLES +MARBLING +MARC +MARCEAU +MARCEL +MARCELLO +MARCH +MARCHED +MARCHER +MARCHES +MARCHING +MARCIA +MARCO +MARCOTTE +MARCUS +MARCY +MARDI +MARDIS +MARE +MARES +MARGARET +MARGARINE +MARGERY +MARGIN +MARGINAL +MARGINALLY +MARGINS +MARGO +MARGUERITE +MARIANNE +MARIE +MARIETTA +MARIGOLD +MARIJUANA +MARILYN +MARIN +MARINA +MARINADE +MARINATE +MARINE +MARINER +MARINES +MARINO +MARIO +MARION +MARIONETTE +MARITAL +MARITIME +MARJORIE +MARJORY +MARK +MARKABLE +MARKED +MARKEDLY +MARKER +MARKERS +MARKET +MARKETABILITY +MARKETABLE +MARKETED +MARKETING +MARKETINGS +MARKETPLACE +MARKETPLACES +MARKETS +MARKHAM +MARKING +MARKINGS +MARKISM +MARKOV +MARKOVIAN +MARKOVITZ +MARKS +MARLBORO +MARLBOROUGH +MARLENE +MARLOWE +MARMALADE +MARMOT +MAROON +MARQUETTE +MARQUIS +MARRIAGE +MARRIAGEABLE +MARRIAGES +MARRIED +MARRIES +MARRIOTT +MARROW +MARRY +MARRYING +MARS +MARSEILLES +MARSH +MARSHA +MARSHAL +MARSHALED +MARSHALING +MARSHALL +MARSHALLED +MARSHALLING +MARSHALS +MARSHES +MARSHMALLOW +MART +MARTEN +MARTHA +MARTIAL +MARTIAN +MARTIANS +MARTINEZ +MARTINGALE +MARTINI +MARTINIQUE +MARTINSON +MARTS +MARTY +MARTYR +MARTYRDOM +MARTYRS +MARVEL +MARVELED +MARVELLED +MARVELLING +MARVELOUS +MARVELOUSLY +MARVELOUSNESS +MARVELS +MARVIN +MARX +MARXIAN +MARXISM +MARXISMS +MARXIST +MARY +MARYLAND +MARYLANDERS +MASCARA +MASCULINE +MASCULINELY +MASCULINITY +MASERU +MASH +MASHED +MASHES +MASHING +MASK +MASKABLE +MASKED +MASKER +MASKING +MASKINGS +MASKS +MASOCHIST +MASOCHISTS +MASON +MASONIC +MASONITE +MASONRY +MASONS +MASQUERADE +MASQUERADER +MASQUERADES +MASQUERADING +MASS +MASSACHUSETTS +MASSACRE +MASSACRED +MASSACRES +MASSAGE +MASSAGES +MASSAGING +MASSED +MASSES +MASSEY +MASSING +MASSIVE +MAST +MASTED +MASTER +MASTERED +MASTERFUL +MASTERFULLY +MASTERING +MASTERINGS +MASTERLY +MASTERMIND +MASTERPIECE +MASTERPIECES +MASTERS +MASTERY +MASTODON +MASTS +MASTURBATE +MASTURBATED +MASTURBATES +MASTURBATING +MASTURBATION +MAT +MATCH +MATCHABLE +MATCHED +MATCHER +MATCHERS +MATCHES +MATCHING +MATCHINGS +MATCHLESS +MATE +MATED +MATEO +MATER +MATERIAL +MATERIALIST +MATERIALIZE +MATERIALIZED +MATERIALIZES +MATERIALIZING +MATERIALLY +MATERIALS +MATERNAL +MATERNALLY +MATERNITY +MATES +MATH +MATHEMATICA +MATHEMATICAL +MATHEMATICALLY +MATHEMATICIAN +MATHEMATICIANS +MATHEMATICS +MATHEMATIK +MATHEWSON +MATHIAS +MATHIEU +MATILDA +MATING +MATINGS +MATISSE +MATISSES +MATRIARCH +MATRIARCHAL +MATRICES +MATRICULATE +MATRICULATION +MATRIMONIAL +MATRIMONY +MATRIX +MATROID +MATRON +MATRONLY +MATS +MATSON +MATSUMOTO +MATT +MATTED +MATTER +MATTERED +MATTERS +MATTHEW +MATTHEWS +MATTIE +MATTRESS +MATTRESSES +MATTSON +MATURATION +MATURE +MATURED +MATURELY +MATURES +MATURING +MATURITIES +MATURITY +MAUDE +MAUL +MAUREEN +MAURICE +MAURICIO +MAURINE +MAURITANIA +MAURITIUS +MAUSOLEUM +MAVERICK +MAVIS +MAWR +MAX +MAXIM +MAXIMA +MAXIMAL +MAXIMALLY +MAXIMILIAN +MAXIMIZE +MAXIMIZED +MAXIMIZER +MAXIMIZERS +MAXIMIZES +MAXIMIZING +MAXIMS +MAXIMUM +MAXIMUMS +MAXINE +MAXTOR +MAXWELL +MAXWELLIAN +MAY +MAYA +MAYANS +MAYBE +MAYER +MAYFAIR +MAYFLOWER +MAYHAP +MAYHEM +MAYNARD +MAYO +MAYONNAISE +MAYOR +MAYORAL +MAYORS +MAZDA +MAZE +MAZES +MBABANE +MCADAM +MCADAMS +MCALLISTER +MCBRIDE +MCCABE +MCCALL +MCCALLUM +MCCANN +MCCARTHY +MCCARTY +MCCAULEY +MCCLAIN +MCCLELLAN +MCCLURE +MCCLUSKEY +MCCONNEL +MCCONNELL +MCCORMICK +MCCOY +MCCRACKEN +MCCULLOUGH +MCDANIEL +MCDERMOTT +MCDONALD +MCDONNELL +MCDOUGALL +MCDOWELL +MCELHANEY +MCELROY +MCFADDEN +MCFARLAND +MCGEE +MCGILL +MCGINNIS +MCGOVERN +MCGOWAN +MCGRATH +MCGRAW +MCGREGOR +MCGUIRE +MCHUGH +MCINTOSH +MCINTYRE +MCKAY +MCKEE +MCKENNA +MCKENZIE +MCKEON +MCKESSON +MCKINLEY +MCKINNEY +MCKNIGHT +MCLANAHAN +MCLAUGHLIN +MCLEAN +MCLEOD +MCMAHON +MCMARTIN +MCMILLAN +MCMULLEN +MCNALLY +MCNAUGHTON +MCNEIL +MCNULTY +MCPHERSON +MEAD +MEADOW +MEADOWS +MEAGER +MEAGERLY +MEAGERNESS +MEAL +MEALS +MEALTIME +MEALY +MEAN +MEANDER +MEANDERED +MEANDERING +MEANDERS +MEANER +MEANEST +MEANING +MEANINGFUL +MEANINGFULLY +MEANINGFULNESS +MEANINGLESS +MEANINGLESSLY +MEANINGLESSNESS +MEANINGS +MEANLY +MEANNESS +MEANS +MEANT +MEANTIME +MEANWHILE +MEASLE +MEASLES +MEASURABLE +MEASURABLY +MEASURE +MEASURED +MEASUREMENT +MEASUREMENTS +MEASURER +MEASURES +MEASURING +MEAT +MEATS +MEATY +MECCA +MECHANIC +MECHANICAL +MECHANICALLY +MECHANICS +MECHANISM +MECHANISMS +MECHANIZATION +MECHANIZATIONS +MECHANIZE +MECHANIZED +MECHANIZES +MECHANIZING +MEDAL +MEDALLION +MEDALLIONS +MEDALS +MEDDLE +MEDDLED +MEDDLER +MEDDLES +MEDDLING +MEDEA +MEDFIELD +MEDFORD +MEDIA +MEDIAN +MEDIANS +MEDIATE +MEDIATED +MEDIATES +MEDIATING +MEDIATION +MEDIATIONS +MEDIATOR +MEDIC +MEDICAID +MEDICAL +MEDICALLY +MEDICARE +MEDICI +MEDICINAL +MEDICINALLY +MEDICINE +MEDICINES +MEDICIS +MEDICS +MEDIEVAL +MEDIOCRE +MEDIOCRITY +MEDITATE +MEDITATED +MEDITATES +MEDITATING +MEDITATION +MEDITATIONS +MEDITATIVE +MEDITERRANEAN +MEDITERRANEANIZATION +MEDITERRANEANIZATIONS +MEDITERRANEANIZE +MEDITERRANEANIZES +MEDIUM +MEDIUMS +MEDLEY +MEDUSA +MEDUSAN +MEEK +MEEKER +MEEKEST +MEEKLY +MEEKNESS +MEET +MEETING +MEETINGHOUSE +MEETINGS +MEETS +MEG +MEGABAUD +MEGABIT +MEGABITS +MEGABYTE +MEGABYTES +MEGAHERTZ +MEGALOMANIA +MEGATON +MEGAVOLT +MEGAWATT +MEGAWORD +MEGAWORDS +MEGOHM +MEIER +MEIJI +MEISTER +MEISTERSINGER +MEKONG +MEL +MELAMPUS +MELANCHOLY +MELANESIA +MELANESIAN +MELANIE +MELBOURNE +MELCHER +MELINDA +MELISANDE +MELISSA +MELLON +MELLOW +MELLOWED +MELLOWING +MELLOWNESS +MELLOWS +MELODIES +MELODIOUS +MELODIOUSLY +MELODIOUSNESS +MELODRAMA +MELODRAMAS +MELODRAMATIC +MELODY +MELON +MELONS +MELPOMENE +MELT +MELTED +MELTING +MELTINGLY +MELTS +MELVILLE +MELVIN +MEMBER +MEMBERS +MEMBERSHIP +MEMBERSHIPS +MEMBRANE +MEMENTO +MEMO +MEMOIR +MEMOIRS +MEMORABILIA +MEMORABLE +MEMORABLENESS +MEMORANDA +MEMORANDUM +MEMORIAL +MEMORIALLY +MEMORIALS +MEMORIES +MEMORIZATION +MEMORIZE +MEMORIZED +MEMORIZER +MEMORIZES +MEMORIZING +MEMORY +MEMORYLESS +MEMOS +MEMPHIS +MEN +MENACE +MENACED +MENACING +MENAGERIE +MENARCHE +MENCKEN +MEND +MENDACIOUS +MENDACITY +MENDED +MENDEL +MENDELIAN +MENDELIZE +MENDELIZES +MENDELSSOHN +MENDER +MENDING +MENDOZA +MENDS +MENELAUS +MENIAL +MENIALS +MENLO +MENNONITE +MENNONITES +MENOMINEE +MENORCA +MENS +MENSCH +MENSTRUATE +MENSURABLE +MENSURATION +MENTAL +MENTALITIES +MENTALITY +MENTALLY +MENTION +MENTIONABLE +MENTIONED +MENTIONER +MENTIONERS +MENTIONING +MENTIONS +MENTOR +MENTORS +MENU +MENUS +MENZIES +MEPHISTOPHELES +MERCANTILE +MERCATOR +MERCEDES +MERCENARIES +MERCENARINESS +MERCENARY +MERCHANDISE +MERCHANDISER +MERCHANDISING +MERCHANT +MERCHANTS +MERCIFUL +MERCIFULLY +MERCILESS +MERCILESSLY +MERCK +MERCURIAL +MERCURY +MERCY +MERE +MEREDITH +MERELY +MEREST +MERGE +MERGED +MERGER +MERGERS +MERGES +MERGING +MERIDIAN +MERINGUE +MERIT +MERITED +MERITING +MERITORIOUS +MERITORIOUSLY +MERITORIOUSNESS +MERITS +MERIWETHER +MERLE +MERMAID +MERRIAM +MERRICK +MERRIEST +MERRILL +MERRILY +MERRIMAC +MERRIMACK +MERRIMENT +MERRITT +MERRY +MERRYMAKE +MERVIN +MESCALINE +MESH +MESON +MESOPOTAMIA +MESOZOIC +MESQUITE +MESS +MESSAGE +MESSAGES +MESSED +MESSENGER +MESSENGERS +MESSES +MESSIAH +MESSIAHS +MESSIER +MESSIEST +MESSILY +MESSINESS +MESSING +MESSY +MET +META +METABOLIC +METABOLISM +METACIRCULAR +METACIRCULARITY +METAL +METALANGUAGE +METALLIC +METALLIZATION +METALLIZATIONS +METALLURGY +METALS +METAMATHEMATICAL +METAMORPHOSIS +METAPHOR +METAPHORICAL +METAPHORICALLY +METAPHORS +METAPHYSICAL +METAPHYSICALLY +METAPHYSICS +METAVARIABLE +METCALF +METE +METED +METEOR +METEORIC +METEORITE +METEORITIC +METEOROLOGY +METEORS +METER +METERING +METERS +METES +METHANE +METHOD +METHODICAL +METHODICALLY +METHODICALNESS +METHODISM +METHODIST +METHODISTS +METHODOLOGICAL +METHODOLOGICALLY +METHODOLOGIES +METHODOLOGISTS +METHODOLOGY +METHODS +METHUEN +METHUSELAH +METHUSELAHS +METICULOUSLY +METING +METRECAL +METRIC +METRICAL +METRICS +METRO +METRONOME +METROPOLIS +METROPOLITAN +METS +METTLE +METTLESOME +METZLER +MEW +MEWED +MEWS +MEXICAN +MEXICANIZE +MEXICANIZES +MEXICANS +MEXICO +MEYER +MEYERS +MIAMI +MIASMA +MICA +MICE +MICHAEL +MICHAELS +MICHEL +MICHELANGELO +MICHELE +MICHELIN +MICHELSON +MICHIGAN +MICK +MICKEY +MICKIE +MICKY +MICRO +MICROARCHITECTS +MICROARCHITECTURE +MICROARCHITECTURES +MICROBIAL +MICROBICIDAL +MICROBICIDE +MICROCODE +MICROCODED +MICROCODES +MICROCODING +MICROCOMPUTER +MICROCOMPUTERS +MICROCOSM +MICROCYCLE +MICROCYCLES +MICROECONOMICS +MICROELECTRONICS +MICROFILM +MICROFILMS +MICROGRAMMING +MICROINSTRUCTION +MICROINSTRUCTIONS +MICROJUMP +MICROJUMPS +MICROLEVEL +MICRON +MICRONESIA +MICRONESIAN +MICROOPERATIONS +MICROPHONE +MICROPHONES +MICROPHONING +MICROPORT +MICROPROCEDURE +MICROPROCEDURES +MICROPROCESSING +MICROPROCESSOR +MICROPROCESSORS +MICROPROGRAM +MICROPROGRAMMABLE +MICROPROGRAMMED +MICROPROGRAMMER +MICROPROGRAMMING +MICROPROGRAMS +MICROS +MICROSCOPE +MICROSCOPES +MICROSCOPIC +MICROSCOPY +MICROSECOND +MICROSECONDS +MICROSOFT +MICROSTORE +MICROSYSTEMS +MICROVAX +MICROVAXES +MICROWAVE +MICROWAVES +MICROWORD +MICROWORDS +MID +MIDAS +MIDDAY +MIDDLE +MIDDLEBURY +MIDDLEMAN +MIDDLEMEN +MIDDLES +MIDDLESEX +MIDDLETON +MIDDLETOWN +MIDDLING +MIDGET +MIDLANDIZE +MIDLANDIZES +MIDNIGHT +MIDNIGHTS +MIDPOINT +MIDPOINTS +MIDRANGE +MIDSCALE +MIDSECTION +MIDSHIPMAN +MIDSHIPMEN +MIDST +MIDSTREAM +MIDSTS +MIDSUMMER +MIDWAY +MIDWEEK +MIDWEST +MIDWESTERN +MIDWESTERNER +MIDWESTERNERS +MIDWIFE +MIDWINTER +MIDWIVES +MIEN +MIGHT +MIGHTIER +MIGHTIEST +MIGHTILY +MIGHTINESS +MIGHTY +MIGRANT +MIGRATE +MIGRATED +MIGRATES +MIGRATING +MIGRATION +MIGRATIONS +MIGRATORY +MIGUEL +MIKE +MIKHAIL +MIKOYAN +MILAN +MILD +MILDER +MILDEST +MILDEW +MILDLY +MILDNESS +MILDRED +MILE +MILEAGE +MILES +MILESTONE +MILESTONES +MILITANT +MILITANTLY +MILITARILY +MILITARISM +MILITARY +MILITIA +MILK +MILKED +MILKER +MILKERS +MILKINESS +MILKING +MILKMAID +MILKMAIDS +MILKS +MILKY +MILL +MILLARD +MILLED +MILLENNIUM +MILLER +MILLET +MILLIAMMETER +MILLIAMPERE +MILLIE +MILLIJOULE +MILLIKAN +MILLIMETER +MILLIMETERS +MILLINERY +MILLING +MILLINGTON +MILLION +MILLIONAIRE +MILLIONAIRES +MILLIONS +MILLIONTH +MILLIPEDE +MILLIPEDES +MILLISECOND +MILLISECONDS +MILLIVOLT +MILLIVOLTMETER +MILLIWATT +MILLS +MILLSTONE +MILLSTONES +MILNE +MILQUETOAST +MILQUETOASTS +MILTON +MILTONIAN +MILTONIC +MILTONISM +MILTONIST +MILTONIZE +MILTONIZED +MILTONIZES +MILTONIZING +MILWAUKEE +MIMEOGRAPH +MIMI +MIMIC +MIMICKED +MIMICKING +MIMICS +MINARET +MINCE +MINCED +MINCEMEAT +MINCES +MINCING +MIND +MINDANAO +MINDED +MINDFUL +MINDFULLY +MINDFULNESS +MINDING +MINDLESS +MINDLESSLY +MINDS +MINE +MINED +MINEFIELD +MINER +MINERAL +MINERALS +MINERS +MINERVA +MINES +MINESWEEPER +MINGLE +MINGLED +MINGLES +MINGLING +MINI +MINIATURE +MINIATURES +MINIATURIZATION +MINIATURIZE +MINIATURIZED +MINIATURIZES +MINIATURIZING +MINICOMPUTER +MINICOMPUTERS +MINIMA +MINIMAL +MINIMALLY +MINIMAX +MINIMIZATION +MINIMIZATIONS +MINIMIZE +MINIMIZED +MINIMIZER +MINIMIZERS +MINIMIZES +MINIMIZING +MINIMUM +MINING +MINION +MINIS +MINISTER +MINISTERED +MINISTERING +MINISTERS +MINISTRIES +MINISTRY +MINK +MINKS +MINNEAPOLIS +MINNESOTA +MINNIE +MINNOW +MINNOWS +MINOAN +MINOR +MINORING +MINORITIES +MINORITY +MINORS +MINOS +MINOTAUR +MINSK +MINSKY +MINSTREL +MINSTRELS +MINT +MINTED +MINTER +MINTING +MINTS +MINUEND +MINUET +MINUS +MINUSCULE +MINUTE +MINUTELY +MINUTEMAN +MINUTEMEN +MINUTENESS +MINUTER +MINUTES +MIOCENE +MIPS +MIRA +MIRACLE +MIRACLES +MIRACULOUS +MIRACULOUSLY +MIRAGE +MIRANDA +MIRE +MIRED +MIRES +MIRFAK +MIRIAM +MIRROR +MIRRORED +MIRRORING +MIRRORS +MIRTH +MISANTHROPE +MISBEHAVING +MISCALCULATION +MISCALCULATIONS +MISCARRIAGE +MISCARRY +MISCEGENATION +MISCELLANEOUS +MISCELLANEOUSLY +MISCELLANEOUSNESS +MISCHIEF +MISCHIEVOUS +MISCHIEVOUSLY +MISCHIEVOUSNESS +MISCONCEPTION +MISCONCEPTIONS +MISCONDUCT +MISCONSTRUE +MISCONSTRUED +MISCONSTRUES +MISDEMEANORS +MISER +MISERABLE +MISERABLENESS +MISERABLY +MISERIES +MISERLY +MISERS +MISERY +MISFIT +MISFITS +MISFORTUNE +MISFORTUNES +MISGIVING +MISGIVINGS +MISGUIDED +MISHAP +MISHAPS +MISINFORMED +MISJUDGED +MISJUDGMENT +MISLEAD +MISLEADING +MISLEADS +MISLED +MISMANAGEMENT +MISMATCH +MISMATCHED +MISMATCHES +MISMATCHING +MISNOMER +MISPLACE +MISPLACED +MISPLACES +MISPLACING +MISPRONUNCIATION +MISREPRESENTATION +MISREPRESENTATIONS +MISS +MISSED +MISSES +MISSHAPEN +MISSILE +MISSILES +MISSING +MISSION +MISSIONARIES +MISSIONARY +MISSIONER +MISSIONS +MISSISSIPPI +MISSISSIPPIAN +MISSISSIPPIANS +MISSIVE +MISSOULA +MISSOURI +MISSPELL +MISSPELLED +MISSPELLING +MISSPELLINGS +MISSPELLS +MISSY +MIST +MISTAKABLE +MISTAKE +MISTAKEN +MISTAKENLY +MISTAKES +MISTAKING +MISTED +MISTER +MISTERS +MISTINESS +MISTING +MISTLETOE +MISTRESS +MISTRUST +MISTRUSTED +MISTS +MISTY +MISTYPE +MISTYPED +MISTYPES +MISTYPING +MISUNDERSTAND +MISUNDERSTANDER +MISUNDERSTANDERS +MISUNDERSTANDING +MISUNDERSTANDINGS +MISUNDERSTOOD +MISUSE +MISUSED +MISUSES +MISUSING +MITCH +MITCHELL +MITER +MITIGATE +MITIGATED +MITIGATES +MITIGATING +MITIGATION +MITIGATIVE +MITRE +MITRES +MITTEN +MITTENS +MIX +MIXED +MIXER +MIXERS +MIXES +MIXING +MIXTURE +MIXTURES +MIXUP +MIZAR +MNEMONIC +MNEMONICALLY +MNEMONICS +MOAN +MOANED +MOANS +MOAT +MOATS +MOB +MOBIL +MOBILE +MOBILITY +MOBS +MOBSTER +MOCCASIN +MOCCASINS +MOCK +MOCKED +MOCKER +MOCKERY +MOCKING +MOCKINGBIRD +MOCKS +MOCKUP +MODAL +MODALITIES +MODALITY +MODALLY +MODE +MODEL +MODELED +MODELING +MODELINGS +MODELS +MODEM +MODEMS +MODERATE +MODERATED +MODERATELY +MODERATENESS +MODERATES +MODERATING +MODERATION +MODERN +MODERNITY +MODERNIZE +MODERNIZED +MODERNIZER +MODERNIZING +MODERNLY +MODERNNESS +MODERNS +MODES +MODEST +MODESTLY +MODESTO +MODESTY +MODICUM +MODIFIABILITY +MODIFIABLE +MODIFICATION +MODIFICATIONS +MODIFIED +MODIFIER +MODIFIERS +MODIFIES +MODIFY +MODIFYING +MODULA +MODULAR +MODULARITY +MODULARIZATION +MODULARIZE +MODULARIZED +MODULARIZES +MODULARIZING +MODULARLY +MODULATE +MODULATED +MODULATES +MODULATING +MODULATION +MODULATIONS +MODULATOR +MODULATORS +MODULE +MODULES +MODULI +MODULO +MODULUS +MODUS +MOE +MOEN +MOGADISCIO +MOGADISHU +MOGHUL +MOHAMMED +MOHAMMEDAN +MOHAMMEDANISM +MOHAMMEDANIZATION +MOHAMMEDANIZATIONS +MOHAMMEDANIZE +MOHAMMEDANIZES +MOHAWK +MOHR +MOINES +MOISEYEV +MOIST +MOISTEN +MOISTLY +MOISTNESS +MOISTURE +MOLAR +MOLASSES +MOLD +MOLDAVIA +MOLDED +MOLDER +MOLDING +MOLDS +MOLE +MOLECULAR +MOLECULE +MOLECULES +MOLEHILL +MOLES +MOLEST +MOLESTED +MOLESTING +MOLESTS +MOLIERE +MOLINE +MOLL +MOLLIE +MOLLIFY +MOLLUSK +MOLLY +MOLLYCODDLE +MOLOCH +MOLOCHIZE +MOLOCHIZES +MOLOTOV +MOLTEN +MOLUCCAS +MOMENT +MOMENTARILY +MOMENTARINESS +MOMENTARY +MOMENTOUS +MOMENTOUSLY +MOMENTOUSNESS +MOMENTS +MOMENTUM +MOMMY +MONA +MONACO +MONADIC +MONARCH +MONARCHIES +MONARCHS +MONARCHY +MONASH +MONASTERIES +MONASTERY +MONASTIC +MONDAY +MONDAYS +MONET +MONETARISM +MONETARY +MONEY +MONEYED +MONEYS +MONFORT +MONGOLIA +MONGOLIAN +MONGOLIANISM +MONGOOSE +MONICA +MONITOR +MONITORED +MONITORING +MONITORS +MONK +MONKEY +MONKEYED +MONKEYING +MONKEYS +MONKISH +MONKS +MONMOUTH +MONOALPHABETIC +MONOCEROS +MONOCHROMATIC +MONOCHROME +MONOCOTYLEDON +MONOCULAR +MONOGAMOUS +MONOGAMY +MONOGRAM +MONOGRAMS +MONOGRAPH +MONOGRAPHES +MONOGRAPHS +MONOLITH +MONOLITHIC +MONOLOGUE +MONONGAHELA +MONOPOLIES +MONOPOLIZE +MONOPOLIZED +MONOPOLIZING +MONOPOLY +MONOPROGRAMMED +MONOPROGRAMMING +MONOSTABLE +MONOTHEISM +MONOTONE +MONOTONIC +MONOTONICALLY +MONOTONICITY +MONOTONOUS +MONOTONOUSLY +MONOTONOUSNESS +MONOTONY +MONROE +MONROVIA +MONSANTO +MONSOON +MONSTER +MONSTERS +MONSTROSITY +MONSTROUS +MONSTROUSLY +MONT +MONTAGUE +MONTAIGNE +MONTANA +MONTANAN +MONTCLAIR +MONTENEGRIN +MONTENEGRO +MONTEREY +MONTEVERDI +MONTEVIDEO +MONTGOMERY +MONTH +MONTHLY +MONTHS +MONTICELLO +MONTMARTRE +MONTPELIER +MONTRACHET +MONTREAL +MONTY +MONUMENT +MONUMENTAL +MONUMENTALLY +MONUMENTS +MOO +MOOD +MOODINESS +MOODS +MOODY +MOON +MOONED +MOONEY +MOONING +MOONLIGHT +MOONLIGHTER +MOONLIGHTING +MOONLIKE +MOONLIT +MOONS +MOONSHINE +MOOR +MOORE +MOORED +MOORING +MOORINGS +MOORISH +MOORS +MOOSE +MOOT +MOP +MOPED +MOPS +MORAINE +MORAL +MORALE +MORALITIES +MORALITY +MORALLY +MORALS +MORAN +MORASS +MORATORIUM +MORAVIA +MORAVIAN +MORAVIANIZED +MORAVIANIZEDS +MORBID +MORBIDLY +MORBIDNESS +MORE +MOREHOUSE +MORELAND +MOREOVER +MORES +MORESBY +MORGAN +MORIARTY +MORIBUND +MORLEY +MORMON +MORN +MORNING +MORNINGS +MOROCCAN +MOROCCO +MORON +MOROSE +MORPHINE +MORPHISM +MORPHISMS +MORPHOLOGICAL +MORPHOLOGY +MORRILL +MORRIS +MORRISON +MORRISSEY +MORRISTOWN +MORROW +MORSE +MORSEL +MORSELS +MORTAL +MORTALITY +MORTALLY +MORTALS +MORTAR +MORTARED +MORTARING +MORTARS +MORTEM +MORTGAGE +MORTGAGES +MORTICIAN +MORTIFICATION +MORTIFIED +MORTIFIES +MORTIFY +MORTIFYING +MORTIMER +MORTON +MOSAIC +MOSAICS +MOSCONE +MOSCOW +MOSER +MOSES +MOSLEM +MOSLEMIZE +MOSLEMIZES +MOSLEMS +MOSQUE +MOSQUITO +MOSQUITOES +MOSS +MOSSBERG +MOSSES +MOSSY +MOST +MOSTLY +MOTEL +MOTELS +MOTH +MOTHBALL +MOTHBALLS +MOTHER +MOTHERED +MOTHERER +MOTHERERS +MOTHERHOOD +MOTHERING +MOTHERLAND +MOTHERLY +MOTHERS +MOTIF +MOTIFS +MOTION +MOTIONED +MOTIONING +MOTIONLESS +MOTIONLESSLY +MOTIONLESSNESS +MOTIONS +MOTIVATE +MOTIVATED +MOTIVATES +MOTIVATING +MOTIVATION +MOTIVATIONS +MOTIVE +MOTIVES +MOTLEY +MOTOR +MOTORCAR +MOTORCARS +MOTORCYCLE +MOTORCYCLES +MOTORING +MOTORIST +MOTORISTS +MOTORIZE +MOTORIZED +MOTORIZES +MOTORIZING +MOTOROLA +MOTORS +MOTTO +MOTTOES +MOULD +MOULDING +MOULTON +MOUND +MOUNDED +MOUNDS +MOUNT +MOUNTABLE +MOUNTAIN +MOUNTAINEER +MOUNTAINEERING +MOUNTAINEERS +MOUNTAINOUS +MOUNTAINOUSLY +MOUNTAINS +MOUNTED +MOUNTER +MOUNTING +MOUNTINGS +MOUNTS +MOURN +MOURNED +MOURNER +MOURNERS +MOURNFUL +MOURNFULLY +MOURNFULNESS +MOURNING +MOURNS +MOUSE +MOUSER +MOUSES +MOUSETRAP +MOUSY +MOUTH +MOUTHE +MOUTHED +MOUTHES +MOUTHFUL +MOUTHING +MOUTHPIECE +MOUTHS +MOUTON +MOVABLE +MOVE +MOVED +MOVEMENT +MOVEMENTS +MOVER +MOVERS +MOVES +MOVIE +MOVIES +MOVING +MOVINGS +MOW +MOWED +MOWER +MOWS +MOYER +MOZART +MUCH +MUCK +MUCKER +MUCKING +MUCUS +MUD +MUDD +MUDDIED +MUDDINESS +MUDDLE +MUDDLED +MUDDLEHEAD +MUDDLER +MUDDLERS +MUDDLES +MUDDLING +MUDDY +MUELLER +MUENSTER +MUFF +MUFFIN +MUFFINS +MUFFLE +MUFFLED +MUFFLER +MUFFLES +MUFFLING +MUFFS +MUG +MUGGING +MUGS +MUHAMMAD +MUIR +MUKDEN +MULATTO +MULBERRIES +MULBERRY +MULE +MULES +MULL +MULLAH +MULLEN +MULTI +MULTIBIT +MULTIBUS +MULTIBYTE +MULTICAST +MULTICASTING +MULTICASTS +MULTICELLULAR +MULTICOMPUTER +MULTICS +MULTICS +MULTIDIMENSIONAL +MULTILATERAL +MULTILAYER +MULTILAYERED +MULTILEVEL +MULTIMEDIA +MULTINATIONAL +MULTIPLE +MULTIPLES +MULTIPLEX +MULTIPLEXED +MULTIPLEXER +MULTIPLEXERS +MULTIPLEXES +MULTIPLEXING +MULTIPLEXOR +MULTIPLEXORS +MULTIPLICAND +MULTIPLICANDS +MULTIPLICATION +MULTIPLICATIONS +MULTIPLICATIVE +MULTIPLICATIVES +MULTIPLICITY +MULTIPLIED +MULTIPLIER +MULTIPLIERS +MULTIPLIES +MULTIPLY +MULTIPLYING +MULTIPROCESS +MULTIPROCESSING +MULTIPROCESSOR +MULTIPROCESSORS +MULTIPROGRAM +MULTIPROGRAMMED +MULTIPROGRAMMING +MULTISTAGE +MULTITUDE +MULTITUDES +MULTIUSER +MULTIVARIATE +MULTIWORD +MUMBLE +MUMBLED +MUMBLER +MUMBLERS +MUMBLES +MUMBLING +MUMBLINGS +MUMFORD +MUMMIES +MUMMY +MUNCH +MUNCHED +MUNCHING +MUNCIE +MUNDANE +MUNDANELY +MUNDT +MUNG +MUNICH +MUNICIPAL +MUNICIPALITIES +MUNICIPALITY +MUNICIPALLY +MUNITION +MUNITIONS +MUNROE +MUNSEY +MUNSON +MUONG +MURAL +MURDER +MURDERED +MURDERER +MURDERERS +MURDERING +MURDEROUS +MURDEROUSLY +MURDERS +MURIEL +MURKY +MURMUR +MURMURED +MURMURER +MURMURING +MURMURS +MURPHY +MURRAY +MURROW +MUSCAT +MUSCLE +MUSCLED +MUSCLES +MUSCLING +MUSCOVITE +MUSCOVY +MUSCULAR +MUSCULATURE +MUSE +MUSED +MUSES +MUSEUM +MUSEUMS +MUSH +MUSHROOM +MUSHROOMED +MUSHROOMING +MUSHROOMS +MUSHY +MUSIC +MUSICAL +MUSICALLY +MUSICALS +MUSICIAN +MUSICIANLY +MUSICIANS +MUSICOLOGY +MUSING +MUSINGS +MUSK +MUSKEGON +MUSKET +MUSKETS +MUSKOX +MUSKOXEN +MUSKRAT +MUSKRATS +MUSKS +MUSLIM +MUSLIMS +MUSLIN +MUSSEL +MUSSELS +MUSSOLINI +MUSSOLINIS +MUSSORGSKY +MUST +MUSTACHE +MUSTACHED +MUSTACHES +MUSTARD +MUSTER +MUSTINESS +MUSTS +MUSTY +MUTABILITY +MUTABLE +MUTABLENESS +MUTANDIS +MUTANT +MUTATE +MUTATED +MUTATES +MUTATING +MUTATION +MUTATIONS +MUTATIS +MUTATIVE +MUTE +MUTED +MUTELY +MUTENESS +MUTILATE +MUTILATED +MUTILATES +MUTILATING +MUTILATION +MUTINIES +MUTINY +MUTT +MUTTER +MUTTERED +MUTTERER +MUTTERERS +MUTTERING +MUTTERS +MUTTON +MUTUAL +MUTUALLY +MUZAK +MUZO +MUZZLE +MUZZLES +MYCENAE +MYCENAEAN +MYERS +MYNHEER +MYRA +MYRIAD +MYRON +MYRTLE +MYSELF +MYSORE +MYSTERIES +MYSTERIOUS +MYSTERIOUSLY +MYSTERIOUSNESS +MYSTERY +MYSTIC +MYSTICAL +MYSTICS +MYSTIFY +MYTH +MYTHICAL +MYTHOLOGIES +MYTHOLOGY +NAB +NABISCO +NABLA +NABLAS +NADIA +NADINE +NADIR +NAG +NAGASAKI +NAGGED +NAGGING +NAGOYA +NAGS +NAGY +NAIL +NAILED +NAILING +NAILS +NAIR +NAIROBI +NAIVE +NAIVELY +NAIVENESS +NAIVETE +NAKAMURA +NAKAYAMA +NAKED +NAKEDLY +NAKEDNESS +NAKOMA +NAME +NAMEABLE +NAMED +NAMELESS +NAMELESSLY +NAMELY +NAMER +NAMERS +NAMES +NAMESAKE +NAMESAKES +NAMING +NAN +NANCY +NANETTE +NANKING +NANOINSTRUCTION +NANOINSTRUCTIONS +NANOOK +NANOPROGRAM +NANOPROGRAMMING +NANOSECOND +NANOSECONDS +NANOSTORE +NANOSTORES +NANTUCKET +NAOMI +NAP +NAPKIN +NAPKINS +NAPLES +NAPOLEON +NAPOLEONIC +NAPOLEONIZE +NAPOLEONIZES +NAPS +NARBONNE +NARCISSUS +NARCOTIC +NARCOTICS +NARRAGANSETT +NARRATE +NARRATION +NARRATIVE +NARRATIVES +NARROW +NARROWED +NARROWER +NARROWEST +NARROWING +NARROWLY +NARROWNESS +NARROWS +NARY +NASA +NASAL +NASALLY +NASAS +NASH +NASHUA +NASHVILLE +NASSAU +NASTIER +NASTIEST +NASTILY +NASTINESS +NASTY +NAT +NATAL +NATALIE +NATCHEZ +NATE +NATHAN +NATHANIEL +NATION +NATIONAL +NATIONALIST +NATIONALISTS +NATIONALITIES +NATIONALITY +NATIONALIZATION +NATIONALIZE +NATIONALIZED +NATIONALIZES +NATIONALIZING +NATIONALLY +NATIONALS +NATIONHOOD +NATIONS +NATIONWIDE +NATIVE +NATIVELY +NATIVES +NATIVITY +NATO +NATOS +NATURAL +NATURALISM +NATURALIST +NATURALIZATION +NATURALLY +NATURALNESS +NATURALS +NATURE +NATURED +NATURES +NAUGHT +NAUGHTIER +NAUGHTINESS +NAUGHTY +NAUR +NAUSEA +NAUSEATE +NAUSEUM +NAVAHO +NAVAJO +NAVAL +NAVALLY +NAVEL +NAVIES +NAVIGABLE +NAVIGATE +NAVIGATED +NAVIGATES +NAVIGATING +NAVIGATION +NAVIGATOR +NAVIGATORS +NAVONA +NAVY +NAY +NAZARENE +NAZARETH +NAZI +NAZIS +NAZISM +NDJAMENA +NEAL +NEANDERTHAL +NEAPOLITAN +NEAR +NEARBY +NEARED +NEARER +NEAREST +NEARING +NEARLY +NEARNESS +NEARS +NEARSIGHTED +NEAT +NEATER +NEATEST +NEATLY +NEATNESS +NEBRASKA +NEBRASKAN +NEBUCHADNEZZAR +NEBULA +NEBULAR +NEBULOUS +NECESSARIES +NECESSARILY +NECESSARY +NECESSITATE +NECESSITATED +NECESSITATES +NECESSITATING +NECESSITATION +NECESSITIES +NECESSITY +NECK +NECKING +NECKLACE +NECKLACES +NECKLINE +NECKS +NECKTIE +NECKTIES +NECROSIS +NECTAR +NED +NEED +NEEDED +NEEDFUL +NEEDHAM +NEEDING +NEEDLE +NEEDLED +NEEDLER +NEEDLERS +NEEDLES +NEEDLESS +NEEDLESSLY +NEEDLESSNESS +NEEDLEWORK +NEEDLING +NEEDS +NEEDY +NEFF +NEGATE +NEGATED +NEGATES +NEGATING +NEGATION +NEGATIONS +NEGATIVE +NEGATIVELY +NEGATIVES +NEGATOR +NEGATORS +NEGLECT +NEGLECTED +NEGLECTING +NEGLECTS +NEGLIGEE +NEGLIGENCE +NEGLIGENT +NEGLIGIBLE +NEGOTIABLE +NEGOTIATE +NEGOTIATED +NEGOTIATES +NEGOTIATING +NEGOTIATION +NEGOTIATIONS +NEGRO +NEGROES +NEGROID +NEGROIZATION +NEGROIZATIONS +NEGROIZE +NEGROIZES +NEHRU +NEIGH +NEIGHBOR +NEIGHBORHOOD +NEIGHBORHOODS +NEIGHBORING +NEIGHBORLY +NEIGHBORS +NEIL +NEITHER +NELL +NELLIE +NELSEN +NELSON +NEMESIS +NEOCLASSIC +NEON +NEONATAL +NEOPHYTE +NEOPHYTES +NEPAL +NEPALI +NEPHEW +NEPHEWS +NEPTUNE +NERO +NERVE +NERVES +NERVOUS +NERVOUSLY +NERVOUSNESS +NESS +NEST +NESTED +NESTER +NESTING +NESTLE +NESTLED +NESTLES +NESTLING +NESTOR +NESTS +NET +NETHER +NETHERLANDS +NETS +NETTED +NETTING +NETTLE +NETTLED +NETWORK +NETWORKED +NETWORKING +NETWORKS +NEUMANN +NEURAL +NEURITIS +NEUROLOGICAL +NEUROLOGISTS +NEURON +NEURONS +NEUROSES +NEUROSIS +NEUROTIC +NEUTER +NEUTRAL +NEUTRALITIES +NEUTRALITY +NEUTRALIZE +NEUTRALIZED +NEUTRALIZING +NEUTRALLY +NEUTRINO +NEUTRINOS +NEUTRON +NEVA +NEVADA +NEVER +NEVERTHELESS +NEVINS +NEW +NEWARK +NEWBOLD +NEWBORN +NEWBURY +NEWBURYPORT +NEWCASTLE +NEWCOMER +NEWCOMERS +NEWELL +NEWER +NEWEST +NEWFOUNDLAND +NEWLY +NEWLYWED +NEWMAN +NEWMANIZE +NEWMANIZES +NEWNESS +NEWPORT +NEWS +NEWSCAST +NEWSGROUP +NEWSLETTER +NEWSLETTERS +NEWSMAN +NEWSMEN +NEWSPAPER +NEWSPAPERS +NEWSSTAND +NEWSWEEK +NEWSWEEKLY +NEWT +NEWTON +NEWTONIAN +NEXT +NGUYEN +NIAGARA +NIAMEY +NIBBLE +NIBBLED +NIBBLER +NIBBLERS +NIBBLES +NIBBLING +NIBELUNG +NICARAGUA +NICCOLO +NICE +NICELY +NICENESS +NICER +NICEST +NICHE +NICHOLAS +NICHOLLS +NICHOLS +NICHOLSON +NICK +NICKED +NICKEL +NICKELS +NICKER +NICKING +NICKLAUS +NICKNAME +NICKNAMED +NICKNAMES +NICKS +NICODEMUS +NICOSIA +NICOTINE +NIECE +NIECES +NIELSEN +NIELSON +NIETZSCHE +NIFTY +NIGER +NIGERIA +NIGERIAN +NIGH +NIGHT +NIGHTCAP +NIGHTCLUB +NIGHTFALL +NIGHTGOWN +NIGHTINGALE +NIGHTINGALES +NIGHTLY +NIGHTMARE +NIGHTMARES +NIGHTMARISH +NIGHTS +NIGHTTIME +NIHILISM +NIJINSKY +NIKKO +NIKOLAI +NIL +NILE +NILSEN +NILSSON +NIMBLE +NIMBLENESS +NIMBLER +NIMBLY +NIMBUS +NINA +NINE +NINEFOLD +NINES +NINETEEN +NINETEENS +NINETEENTH +NINETIES +NINETIETH +NINETY +NINEVEH +NINTH +NIOBE +NIP +NIPPLE +NIPPON +NIPPONIZE +NIPPONIZES +NIPS +NITRIC +NITROGEN +NITROUS +NITTY +NIXON +NOAH +NOBEL +NOBILITY +NOBLE +NOBLEMAN +NOBLENESS +NOBLER +NOBLES +NOBLEST +NOBLY +NOBODY +NOCTURNAL +NOCTURNALLY +NOD +NODAL +NODDED +NODDING +NODE +NODES +NODS +NODULAR +NODULE +NOEL +NOETHERIAN +NOISE +NOISELESS +NOISELESSLY +NOISES +NOISIER +NOISILY +NOISINESS +NOISY +NOLAN +NOLL +NOMENCLATURE +NOMINAL +NOMINALLY +NOMINATE +NOMINATED +NOMINATING +NOMINATION +NOMINATIVE +NOMINEE +NON +NONADAPTIVE +NONBIODEGRADABLE +NONBLOCKING +NONCE +NONCHALANT +NONCOMMERCIAL +NONCOMMUNICATION +NONCONSECUTIVELY +NONCONSERVATIVE +NONCRITICAL +NONCYCLIC +NONDECREASING +NONDESCRIPT +NONDESCRIPTLY +NONDESTRUCTIVELY +NONDETERMINACY +NONDETERMINATE +NONDETERMINATELY +NONDETERMINISM +NONDETERMINISTIC +NONDETERMINISTICALLY +NONE +NONEMPTY +NONETHELESS +NONEXISTENCE +NONEXISTENT +NONEXTENSIBLE +NONFUNCTIONAL +NONGOVERNMENTAL +NONIDEMPOTENT +NONINTERACTING +NONINTERFERENCE +NONINTERLEAVED +NONINTRUSIVE +NONINTUITIVE +NONINVERTING +NONLINEAR +NONLINEARITIES +NONLINEARITY +NONLINEARLY +NONLOCAL +NONMASKABLE +NONMATHEMATICAL +NONMILITARY +NONNEGATIVE +NONNEGLIGIBLE +NONNUMERICAL +NONOGENARIAN +NONORTHOGONAL +NONORTHOGONALITY +NONPERISHABLE +NONPERSISTENT +NONPORTABLE +NONPROCEDURAL +NONPROCEDURALLY +NONPROFIT +NONPROGRAMMABLE +NONPROGRAMMER +NONSEGMENTED +NONSENSE +NONSENSICAL +NONSEQUENTIAL +NONSPECIALIST +NONSPECIALISTS +NONSTANDARD +NONSYNCHRONOUS +NONTECHNICAL +NONTERMINAL +NONTERMINALS +NONTERMINATING +NONTERMINATION +NONTHERMAL +NONTRANSPARENT +NONTRIVIAL +NONUNIFORM +NONUNIFORMITY +NONZERO +NOODLE +NOOK +NOOKS +NOON +NOONDAY +NOONS +NOONTIDE +NOONTIME +NOOSE +NOR +NORA +NORDHOFF +NORDIC +NORDSTROM +NOREEN +NORFOLK +NORM +NORMA +NORMAL +NORMALCY +NORMALITY +NORMALIZATION +NORMALIZE +NORMALIZED +NORMALIZES +NORMALIZING +NORMALLY +NORMALS +NORMAN +NORMANDY +NORMANIZATION +NORMANIZATIONS +NORMANIZE +NORMANIZER +NORMANIZERS +NORMANIZES +NORMATIVE +NORMS +NORRIS +NORRISTOWN +NORSE +NORTH +NORTHAMPTON +NORTHBOUND +NORTHEAST +NORTHEASTER +NORTHEASTERN +NORTHERLY +NORTHERN +NORTHERNER +NORTHERNERS +NORTHERNLY +NORTHFIELD +NORTHROP +NORTHRUP +NORTHUMBERLAND +NORTHWARD +NORTHWARDS +NORTHWEST +NORTHWESTERN +NORTON +NORWALK +NORWAY +NORWEGIAN +NORWICH +NOSE +NOSED +NOSES +NOSING +NOSTALGIA +NOSTALGIC +NOSTRADAMUS +NOSTRAND +NOSTRIL +NOSTRILS +NOT +NOTABLE +NOTABLES +NOTABLY +NOTARIZE +NOTARIZED +NOTARIZES +NOTARIZING +NOTARY +NOTATION +NOTATIONAL +NOTATIONS +NOTCH +NOTCHED +NOTCHES +NOTCHING +NOTE +NOTEBOOK +NOTEBOOKS +NOTED +NOTES +NOTEWORTHY +NOTHING +NOTHINGNESS +NOTHINGS +NOTICE +NOTICEABLE +NOTICEABLY +NOTICED +NOTICES +NOTICING +NOTIFICATION +NOTIFICATIONS +NOTIFIED +NOTIFIER +NOTIFIERS +NOTIFIES +NOTIFY +NOTIFYING +NOTING +NOTION +NOTIONS +NOTORIETY +NOTORIOUS +NOTORIOUSLY +NOTRE +NOTTINGHAM +NOTWITHSTANDING +NOUAKCHOTT +NOUN +NOUNS +NOURISH +NOURISHED +NOURISHES +NOURISHING +NOURISHMENT +NOVAK +NOVEL +NOVELIST +NOVELISTS +NOVELS +NOVELTIES +NOVELTY +NOVEMBER +NOVEMBERS +NOVICE +NOVICES +NOVOSIBIRSK +NOW +NOWADAYS +NOWHERE +NOXIOUS +NOYES +NOZZLE +NUANCE +NUANCES +NUBIA +NUBIAN +NUBILE +NUCLEAR +NUCLEI +NUCLEIC +NUCLEOTIDE +NUCLEOTIDES +NUCLEUS +NUCLIDE +NUDE +NUDGE +NUDGED +NUDITY +NUGENT +NUGGET +NUISANCE +NUISANCES +NULL +NULLARY +NULLED +NULLIFIED +NULLIFIERS +NULLIFIES +NULLIFY +NULLIFYING +NULLS +NUMB +NUMBED +NUMBER +NUMBERED +NUMBERER +NUMBERING +NUMBERLESS +NUMBERS +NUMBING +NUMBLY +NUMBNESS +NUMBS +NUMERABLE +NUMERAL +NUMERALS +NUMERATOR +NUMERATORS +NUMERIC +NUMERICAL +NUMERICALLY +NUMERICS +NUMEROUS +NUMISMATIC +NUMISMATIST +NUN +NUNS +NUPTIAL +NURSE +NURSED +NURSERIES +NURSERY +NURSES +NURSING +NURTURE +NURTURED +NURTURES +NURTURING +NUT +NUTATE +NUTRIA +NUTRIENT +NUTRITION +NUTRITIOUS +NUTS +NUTSHELL +NUTSHELLS +NUZZLE +NYLON +NYMPH +NYMPHOMANIA +NYMPHOMANIAC +NYMPHS +NYQUIST +OAF +OAK +OAKEN +OAKLAND +OAKLEY +OAKMONT +OAKS +OAR +OARS +OASES +OASIS +OAT +OATEN +OATH +OATHS +OATMEAL +OATS +OBEDIENCE +OBEDIENCES +OBEDIENT +OBEDIENTLY +OBELISK +OBERLIN +OBERON +OBESE +OBEY +OBEYED +OBEYING +OBEYS +OBFUSCATE +OBFUSCATORY +OBITUARY +OBJECT +OBJECTED +OBJECTING +OBJECTION +OBJECTIONABLE +OBJECTIONS +OBJECTIVE +OBJECTIVELY +OBJECTIVES +OBJECTOR +OBJECTORS +OBJECTS +OBLIGATED +OBLIGATION +OBLIGATIONS +OBLIGATORY +OBLIGE +OBLIGED +OBLIGES +OBLIGING +OBLIGINGLY +OBLIQUE +OBLIQUELY +OBLIQUENESS +OBLITERATE +OBLITERATED +OBLITERATES +OBLITERATING +OBLITERATION +OBLIVION +OBLIVIOUS +OBLIVIOUSLY +OBLIVIOUSNESS +OBLONG +OBNOXIOUS +OBOE +OBSCENE +OBSCURE +OBSCURED +OBSCURELY +OBSCURER +OBSCURES +OBSCURING +OBSCURITIES +OBSCURITY +OBSEQUIOUS +OBSERVABLE +OBSERVANCE +OBSERVANCES +OBSERVANT +OBSERVATION +OBSERVATIONS +OBSERVATORY +OBSERVE +OBSERVED +OBSERVER +OBSERVERS +OBSERVES +OBSERVING +OBSESSION +OBSESSIONS +OBSESSIVE +OBSOLESCENCE +OBSOLESCENT +OBSOLETE +OBSOLETED +OBSOLETES +OBSOLETING +OBSTACLE +OBSTACLES +OBSTINACY +OBSTINATE +OBSTINATELY +OBSTRUCT +OBSTRUCTED +OBSTRUCTING +OBSTRUCTION +OBSTRUCTIONS +OBSTRUCTIVE +OBTAIN +OBTAINABLE +OBTAINABLY +OBTAINED +OBTAINING +OBTAINS +OBVIATE +OBVIATED +OBVIATES +OBVIATING +OBVIATION +OBVIATIONS +OBVIOUS +OBVIOUSLY +OBVIOUSNESS +OCCAM +OCCASION +OCCASIONAL +OCCASIONALLY +OCCASIONED +OCCASIONING +OCCASIONINGS +OCCASIONS +OCCIDENT +OCCIDENTAL +OCCIDENTALIZATION +OCCIDENTALIZATIONS +OCCIDENTALIZE +OCCIDENTALIZED +OCCIDENTALIZES +OCCIDENTALIZING +OCCIDENTALS +OCCIPITAL +OCCLUDE +OCCLUDED +OCCLUDES +OCCLUSION +OCCLUSIONS +OCCULT +OCCUPANCIES +OCCUPANCY +OCCUPANT +OCCUPANTS +OCCUPATION +OCCUPATIONAL +OCCUPATIONALLY +OCCUPATIONS +OCCUPIED +OCCUPIER +OCCUPIES +OCCUPY +OCCUPYING +OCCUR +OCCURRED +OCCURRENCE +OCCURRENCES +OCCURRING +OCCURS +OCEAN +OCEANIA +OCEANIC +OCEANOGRAPHY +OCEANS +OCONOMOWOC +OCTAGON +OCTAGONAL +OCTAHEDRA +OCTAHEDRAL +OCTAHEDRON +OCTAL +OCTANE +OCTAVE +OCTAVES +OCTAVIA +OCTET +OCTETS +OCTOBER +OCTOBERS +OCTOGENARIAN +OCTOPUS +ODD +ODDER +ODDEST +ODDITIES +ODDITY +ODDLY +ODDNESS +ODDS +ODE +ODERBERG +ODERBERGS +ODES +ODESSA +ODIN +ODIOUS +ODIOUSLY +ODIOUSNESS +ODIUM +ODOR +ODOROUS +ODOROUSLY +ODOROUSNESS +ODORS +ODYSSEUS +ODYSSEY +OEDIPAL +OEDIPALLY +OEDIPUS +OFF +OFFENBACH +OFFEND +OFFENDED +OFFENDER +OFFENDERS +OFFENDING +OFFENDS +OFFENSE +OFFENSES +OFFENSIVE +OFFENSIVELY +OFFENSIVENESS +OFFER +OFFERED +OFFERER +OFFERERS +OFFERING +OFFERINGS +OFFERS +OFFHAND +OFFICE +OFFICEMATE +OFFICER +OFFICERS +OFFICES +OFFICIAL +OFFICIALDOM +OFFICIALLY +OFFICIALS +OFFICIATE +OFFICIO +OFFICIOUS +OFFICIOUSLY +OFFICIOUSNESS +OFFING +OFFLOAD +OFFS +OFFSET +OFFSETS +OFFSETTING +OFFSHORE +OFFSPRING +OFT +OFTEN +OFTENTIMES +OGDEN +OHIO +OHM +OHMMETER +OIL +OILCLOTH +OILED +OILER +OILERS +OILIER +OILIEST +OILING +OILS +OILY +OINTMENT +OJIBWA +OKAMOTO +OKAY +OKINAWA +OKLAHOMA +OKLAHOMAN +OLAF +OLAV +OLD +OLDEN +OLDENBURG +OLDER +OLDEST +OLDNESS +OLDSMOBILE +OLDUVAI +OLDY +OLEANDER +OLEG +OLEOMARGARINE +OLGA +OLIGARCHY +OLIGOCENE +OLIN +OLIVE +OLIVER +OLIVERS +OLIVES +OLIVETTI +OLIVIA +OLIVIER +OLSEN +OLSON +OLYMPIA +OLYMPIAN +OLYMPIANIZE +OLYMPIANIZES +OLYMPIC +OLYMPICS +OLYMPUS +OMAHA +OMAN +OMEGA +OMELET +OMEN +OMENS +OMICRON +OMINOUS +OMINOUSLY +OMINOUSNESS +OMISSION +OMISSIONS +OMIT +OMITS +OMITTED +OMITTING +OMNIBUS +OMNIDIRECTIONAL +OMNIPOTENT +OMNIPRESENT +OMNISCIENT +OMNISCIENTLY +OMNIVORE +ONANISM +ONCE +ONCOLOGY +ONE +ONEIDA +ONENESS +ONEROUS +ONES +ONESELF +ONETIME +ONGOING +ONION +ONIONS +ONLINE +ONLOOKER +ONLY +ONONDAGA +ONRUSH +ONSET +ONSETS +ONSLAUGHT +ONTARIO +ONTO +ONTOLOGY +ONUS +ONWARD +ONWARDS +ONYX +OOZE +OOZED +OPACITY +OPAL +OPALS +OPAQUE +OPAQUELY +OPAQUENESS +OPCODE +OPEC +OPEL +OPEN +OPENED +OPENER +OPENERS +OPENING +OPENINGS +OPENLY +OPENNESS +OPENS +OPERA +OPERABLE +OPERAND +OPERANDI +OPERANDS +OPERAS +OPERATE +OPERATED +OPERATES +OPERATING +OPERATION +OPERATIONAL +OPERATIONALLY +OPERATIONS +OPERATIVE +OPERATIVES +OPERATOR +OPERATORS +OPERETTA +OPHIUCHUS +OPHIUCUS +OPIATE +OPINION +OPINIONS +OPIUM +OPOSSUM +OPPENHEIMER +OPPONENT +OPPONENTS +OPPORTUNE +OPPORTUNELY +OPPORTUNISM +OPPORTUNISTIC +OPPORTUNITIES +OPPORTUNITY +OPPOSABLE +OPPOSE +OPPOSED +OPPOSES +OPPOSING +OPPOSITE +OPPOSITELY +OPPOSITENESS +OPPOSITES +OPPOSITION +OPPRESS +OPPRESSED +OPPRESSES +OPPRESSING +OPPRESSION +OPPRESSIVE +OPPRESSOR +OPPRESSORS +OPPROBRIUM +OPT +OPTED +OPTHALMIC +OPTIC +OPTICAL +OPTICALLY +OPTICS +OPTIMA +OPTIMAL +OPTIMALITY +OPTIMALLY +OPTIMISM +OPTIMIST +OPTIMISTIC +OPTIMISTICALLY +OPTIMIZATION +OPTIMIZATIONS +OPTIMIZE +OPTIMIZED +OPTIMIZER +OPTIMIZERS +OPTIMIZES +OPTIMIZING +OPTIMUM +OPTING +OPTION +OPTIONAL +OPTIONALLY +OPTIONS +OPTOACOUSTIC +OPTOMETRIST +OPTOMETRY +OPTS +OPULENCE +OPULENT +OPUS +ORACLE +ORACLES +ORAL +ORALLY +ORANGE +ORANGES +ORANGUTAN +ORATION +ORATIONS +ORATOR +ORATORIES +ORATORS +ORATORY +ORB +ORBIT +ORBITAL +ORBITALLY +ORBITED +ORBITER +ORBITERS +ORBITING +ORBITS +ORCHARD +ORCHARDS +ORCHESTRA +ORCHESTRAL +ORCHESTRAS +ORCHESTRATE +ORCHID +ORCHIDS +ORDAIN +ORDAINED +ORDAINING +ORDAINS +ORDEAL +ORDER +ORDERED +ORDERING +ORDERINGS +ORDERLIES +ORDERLY +ORDERS +ORDINAL +ORDINANCE +ORDINANCES +ORDINARILY +ORDINARINESS +ORDINARY +ORDINATE +ORDINATES +ORDINATION +ORE +OREGANO +OREGON +OREGONIANS +ORES +ORESTEIA +ORESTES +ORGAN +ORGANIC +ORGANISM +ORGANISMS +ORGANIST +ORGANISTS +ORGANIZABLE +ORGANIZATION +ORGANIZATIONAL +ORGANIZATIONALLY +ORGANIZATIONS +ORGANIZE +ORGANIZED +ORGANIZER +ORGANIZERS +ORGANIZES +ORGANIZING +ORGANS +ORGASM +ORGIASTIC +ORGIES +ORGY +ORIENT +ORIENTAL +ORIENTALIZATION +ORIENTALIZATIONS +ORIENTALIZE +ORIENTALIZED +ORIENTALIZES +ORIENTALIZING +ORIENTALS +ORIENTATION +ORIENTATIONS +ORIENTED +ORIENTING +ORIENTS +ORIFICE +ORIFICES +ORIGIN +ORIGINAL +ORIGINALITY +ORIGINALLY +ORIGINALS +ORIGINATE +ORIGINATED +ORIGINATES +ORIGINATING +ORIGINATION +ORIGINATOR +ORIGINATORS +ORIGINS +ORIN +ORINOCO +ORIOLE +ORION +ORKNEY +ORLANDO +ORLEANS +ORLICK +ORLY +ORNAMENT +ORNAMENTAL +ORNAMENTALLY +ORNAMENTATION +ORNAMENTED +ORNAMENTING +ORNAMENTS +ORNATE +ORNERY +ORONO +ORPHAN +ORPHANAGE +ORPHANED +ORPHANS +ORPHEUS +ORPHIC +ORPHICALLY +ORR +ORTEGA +ORTHANT +ORTHODONTIST +ORTHODOX +ORTHODOXY +ORTHOGONAL +ORTHOGONALITY +ORTHOGONALLY +ORTHOPEDIC +ORVILLE +ORWELL +ORWELLIAN +OSAKA +OSBERT +OSBORN +OSBORNE +OSCAR +OSCILLATE +OSCILLATED +OSCILLATES +OSCILLATING +OSCILLATION +OSCILLATIONS +OSCILLATOR +OSCILLATORS +OSCILLATORY +OSCILLOSCOPE +OSCILLOSCOPES +OSGOOD +OSHKOSH +OSIRIS +OSLO +OSMOSIS +OSMOTIC +OSSIFY +OSTENSIBLE +OSTENSIBLY +OSTENTATIOUS +OSTEOPATH +OSTEOPATHIC +OSTEOPATHY +OSTEOPOROSIS +OSTRACISM +OSTRANDER +OSTRICH +OSTRICHES +OSWALD +OTHELLO +OTHER +OTHERS +OTHERWISE +OTHERWORLDLY +OTIS +OTT +OTTAWA +OTTER +OTTERS +OTTO +OTTOMAN +OTTOMANIZATION +OTTOMANIZATIONS +OTTOMANIZE +OTTOMANIZES +OUAGADOUGOU +OUCH +OUGHT +OUNCE +OUNCES +OUR +OURS +OURSELF +OURSELVES +OUST +OUT +OUTBOUND +OUTBREAK +OUTBREAKS +OUTBURST +OUTBURSTS +OUTCAST +OUTCASTS +OUTCOME +OUTCOMES +OUTCRIES +OUTCRY +OUTDATED +OUTDO +OUTDOOR +OUTDOORS +OUTER +OUTERMOST +OUTFIT +OUTFITS +OUTFITTED +OUTGOING +OUTGREW +OUTGROW +OUTGROWING +OUTGROWN +OUTGROWS +OUTGROWTH +OUTING +OUTLANDISH +OUTLAST +OUTLASTS +OUTLAW +OUTLAWED +OUTLAWING +OUTLAWS +OUTLAY +OUTLAYS +OUTLET +OUTLETS +OUTLINE +OUTLINED +OUTLINES +OUTLINING +OUTLIVE +OUTLIVED +OUTLIVES +OUTLIVING +OUTLOOK +OUTLYING +OUTNUMBERED +OUTPERFORM +OUTPERFORMED +OUTPERFORMING +OUTPERFORMS +OUTPOST +OUTPOSTS +OUTPUT +OUTPUTS +OUTPUTTING +OUTRAGE +OUTRAGED +OUTRAGEOUS +OUTRAGEOUSLY +OUTRAGES +OUTRIGHT +OUTRUN +OUTRUNS +OUTS +OUTSET +OUTSIDE +OUTSIDER +OUTSIDERS +OUTSKIRTS +OUTSTANDING +OUTSTANDINGLY +OUTSTRETCHED +OUTSTRIP +OUTSTRIPPED +OUTSTRIPPING +OUTSTRIPS +OUTVOTE +OUTVOTED +OUTVOTES +OUTVOTING +OUTWARD +OUTWARDLY +OUTWEIGH +OUTWEIGHED +OUTWEIGHING +OUTWEIGHS +OUTWIT +OUTWITS +OUTWITTED +OUTWITTING +OVAL +OVALS +OVARIES +OVARY +OVEN +OVENS +OVER +OVERALL +OVERALLS +OVERBOARD +OVERCAME +OVERCOAT +OVERCOATS +OVERCOME +OVERCOMES +OVERCOMING +OVERCROWD +OVERCROWDED +OVERCROWDING +OVERCROWDS +OVERDONE +OVERDOSE +OVERDRAFT +OVERDRAFTS +OVERDUE +OVEREMPHASIS +OVEREMPHASIZED +OVERESTIMATE +OVERESTIMATED +OVERESTIMATES +OVERESTIMATING +OVERESTIMATION +OVERFLOW +OVERFLOWED +OVERFLOWING +OVERFLOWS +OVERGROWN +OVERHANG +OVERHANGING +OVERHANGS +OVERHAUL +OVERHAULING +OVERHEAD +OVERHEADS +OVERHEAR +OVERHEARD +OVERHEARING +OVERHEARS +OVERJOY +OVERJOYED +OVERKILL +OVERLAND +OVERLAP +OVERLAPPED +OVERLAPPING +OVERLAPS +OVERLAY +OVERLAYING +OVERLAYS +OVERLOAD +OVERLOADED +OVERLOADING +OVERLOADS +OVERLOOK +OVERLOOKED +OVERLOOKING +OVERLOOKS +OVERLY +OVERNIGHT +OVERNIGHTER +OVERNIGHTERS +OVERPOWER +OVERPOWERED +OVERPOWERING +OVERPOWERS +OVERPRINT +OVERPRINTED +OVERPRINTING +OVERPRINTS +OVERPRODUCTION +OVERRIDDEN +OVERRIDE +OVERRIDES +OVERRIDING +OVERRODE +OVERRULE +OVERRULED +OVERRULES +OVERRUN +OVERRUNNING +OVERRUNS +OVERSEAS +OVERSEE +OVERSEEING +OVERSEER +OVERSEERS +OVERSEES +OVERSHADOW +OVERSHADOWED +OVERSHADOWING +OVERSHADOWS +OVERSHOOT +OVERSHOT +OVERSIGHT +OVERSIGHTS +OVERSIMPLIFIED +OVERSIMPLIFIES +OVERSIMPLIFY +OVERSIMPLIFYING +OVERSIZED +OVERSTATE +OVERSTATED +OVERSTATEMENT +OVERSTATEMENTS +OVERSTATES +OVERSTATING +OVERSTOCKS +OVERSUBSCRIBED +OVERT +OVERTAKE +OVERTAKEN +OVERTAKER +OVERTAKERS +OVERTAKES +OVERTAKING +OVERTHREW +OVERTHROW +OVERTHROWN +OVERTIME +OVERTLY +OVERTONE +OVERTONES +OVERTOOK +OVERTURE +OVERTURES +OVERTURN +OVERTURNED +OVERTURNING +OVERTURNS +OVERUSE +OVERVIEW +OVERVIEWS +OVERWHELM +OVERWHELMED +OVERWHELMING +OVERWHELMINGLY +OVERWHELMS +OVERWORK +OVERWORKED +OVERWORKING +OVERWORKS +OVERWRITE +OVERWRITES +OVERWRITING +OVERWRITTEN +OVERZEALOUS +OVID +OWE +OWED +OWEN +OWENS +OWES +OWING +OWL +OWLS +OWN +OWNED +OWNER +OWNERS +OWNERSHIP +OWNERSHIPS +OWNING +OWNS +OXEN +OXFORD +OXIDE +OXIDES +OXIDIZE +OXIDIZED +OXNARD +OXONIAN +OXYGEN +OYSTER +OYSTERS +OZARK +OZARKS +OZONE +OZZIE +PABLO +PABST +PACE +PACED +PACEMAKER +PACER +PACERS +PACES +PACIFIC +PACIFICATION +PACIFIED +PACIFIER +PACIFIES +PACIFISM +PACIFIST +PACIFY +PACING +PACK +PACKAGE +PACKAGED +PACKAGER +PACKAGERS +PACKAGES +PACKAGING +PACKAGINGS +PACKARD +PACKARDS +PACKED +PACKER +PACKERS +PACKET +PACKETS +PACKING +PACKS +PACKWOOD +PACT +PACTS +PAD +PADDED +PADDING +PADDLE +PADDOCK +PADDY +PADLOCK +PADS +PAGAN +PAGANINI +PAGANS +PAGE +PAGEANT +PAGEANTRY +PAGEANTS +PAGED +PAGER +PAGERS +PAGES +PAGINATE +PAGINATED +PAGINATES +PAGINATING +PAGINATION +PAGING +PAGODA +PAID +PAIL +PAILS +PAIN +PAINE +PAINED +PAINFUL +PAINFULLY +PAINLESS +PAINS +PAINSTAKING +PAINSTAKINGLY +PAINT +PAINTED +PAINTER +PAINTERS +PAINTING +PAINTINGS +PAINTS +PAIR +PAIRED +PAIRING +PAIRINGS +PAIRS +PAIRWISE +PAJAMA +PAJAMAS +PAKISTAN +PAKISTANI +PAKISTANIS +PAL +PALACE +PALACES +PALATE +PALATES +PALATINE +PALE +PALED +PALELY +PALENESS +PALEOLITHIC +PALEOZOIC +PALER +PALERMO +PALES +PALEST +PALESTINE +PALESTINIAN +PALFREY +PALINDROME +PALINDROMIC +PALING +PALL +PALLADIAN +PALLADIUM +PALLIATE +PALLIATIVE +PALLID +PALM +PALMED +PALMER +PALMING +PALMOLIVE +PALMS +PALMYRA +PALO +PALOMAR +PALPABLE +PALS +PALSY +PAM +PAMELA +PAMPER +PAMPHLET +PAMPHLETS +PAN +PANACEA +PANACEAS +PANAMA +PANAMANIAN +PANCAKE +PANCAKES +PANCHO +PANDA +PANDANUS +PANDAS +PANDEMIC +PANDEMONIUM +PANDER +PANDORA +PANE +PANEL +PANELED +PANELING +PANELIST +PANELISTS +PANELS +PANES +PANG +PANGAEA +PANGS +PANIC +PANICKED +PANICKING +PANICKY +PANICS +PANNED +PANNING +PANORAMA +PANORAMIC +PANS +PANSIES +PANSY +PANT +PANTED +PANTHEISM +PANTHEIST +PANTHEON +PANTHER +PANTHERS +PANTIES +PANTING +PANTOMIME +PANTRIES +PANTRY +PANTS +PANTY +PANTYHOSE +PAOLI +PAPA +PAPAL +PAPER +PAPERBACK +PAPERBACKS +PAPERED +PAPERER +PAPERERS +PAPERING +PAPERINGS +PAPERS +PAPERWEIGHT +PAPERWORK +PAPOOSE +PAPPAS +PAPUA +PAPYRUS +PAR +PARABOLA +PARABOLIC +PARABOLOID +PARABOLOIDAL +PARACHUTE +PARACHUTED +PARACHUTES +PARADE +PARADED +PARADES +PARADIGM +PARADIGMS +PARADING +PARADISE +PARADOX +PARADOXES +PARADOXICAL +PARADOXICALLY +PARAFFIN +PARAGON +PARAGONS +PARAGRAPH +PARAGRAPHING +PARAGRAPHS +PARAGUAY +PARAGUAYAN +PARAGUAYANS +PARAKEET +PARALLAX +PARALLEL +PARALLELED +PARALLELING +PARALLELISM +PARALLELIZE +PARALLELIZED +PARALLELIZES +PARALLELIZING +PARALLELOGRAM +PARALLELOGRAMS +PARALLELS +PARALYSIS +PARALYZE +PARALYZED +PARALYZES +PARALYZING +PARAMETER +PARAMETERIZABLE +PARAMETERIZATION +PARAMETERIZATIONS +PARAMETERIZE +PARAMETERIZED +PARAMETERIZES +PARAMETERIZING +PARAMETERLESS +PARAMETERS +PARAMETRIC +PARAMETRIZED +PARAMILITARY +PARAMOUNT +PARAMUS +PARANOIA +PARANOIAC +PARANOID +PARANORMAL +PARAPET +PARAPETS +PARAPHERNALIA +PARAPHRASE +PARAPHRASED +PARAPHRASES +PARAPHRASING +PARAPSYCHOLOGY +PARASITE +PARASITES +PARASITIC +PARASITICS +PARASOL +PARBOIL +PARC +PARCEL +PARCELED +PARCELING +PARCELS +PARCH +PARCHED +PARCHMENT +PARDON +PARDONABLE +PARDONABLY +PARDONED +PARDONER +PARDONERS +PARDONING +PARDONS +PARE +PAREGORIC +PARENT +PARENTAGE +PARENTAL +PARENTHESES +PARENTHESIS +PARENTHESIZED +PARENTHESIZES +PARENTHESIZING +PARENTHETIC +PARENTHETICAL +PARENTHETICALLY +PARENTHOOD +PARENTS +PARES +PARETO +PARIAH +PARIMUTUEL +PARING +PARINGS +PARIS +PARISH +PARISHES +PARISHIONER +PARISIAN +PARISIANIZATION +PARISIANIZATIONS +PARISIANIZE +PARISIANIZES +PARITY +PARK +PARKE +PARKED +PARKER +PARKERS +PARKERSBURG +PARKHOUSE +PARKING +PARKINSON +PARKINSONIAN +PARKLAND +PARKLIKE +PARKS +PARKWAY +PARLAY +PARLEY +PARLIAMENT +PARLIAMENTARIAN +PARLIAMENTARY +PARLIAMENTS +PARLOR +PARLORS +PARMESAN +PAROCHIAL +PARODY +PAROLE +PAROLED +PAROLES +PAROLING +PARR +PARRIED +PARRISH +PARROT +PARROTING +PARROTS +PARRS +PARRY +PARS +PARSE +PARSED +PARSER +PARSERS +PARSES +PARSI +PARSIFAL +PARSIMONY +PARSING +PARSINGS +PARSLEY +PARSON +PARSONS +PART +PARTAKE +PARTAKER +PARTAKES +PARTAKING +PARTED +PARTER +PARTERS +PARTHENON +PARTHIA +PARTIAL +PARTIALITY +PARTIALLY +PARTICIPANT +PARTICIPANTS +PARTICIPATE +PARTICIPATED +PARTICIPATES +PARTICIPATING +PARTICIPATION +PARTICIPLE +PARTICLE +PARTICLES +PARTICULAR +PARTICULARLY +PARTICULARS +PARTICULATE +PARTIES +PARTING +PARTINGS +PARTISAN +PARTISANS +PARTITION +PARTITIONED +PARTITIONING +PARTITIONS +PARTLY +PARTNER +PARTNERED +PARTNERS +PARTNERSHIP +PARTOOK +PARTRIDGE +PARTRIDGES +PARTS +PARTY +PASADENA +PASCAL +PASCAL +PASO +PASS +PASSAGE +PASSAGES +PASSAGEWAY +PASSAIC +PASSE +PASSED +PASSENGER +PASSENGERS +PASSER +PASSERS +PASSES +PASSING +PASSION +PASSIONATE +PASSIONATELY +PASSIONS +PASSIVATE +PASSIVE +PASSIVELY +PASSIVENESS +PASSIVITY +PASSOVER +PASSPORT +PASSPORTS +PASSWORD +PASSWORDS +PAST +PASTE +PASTED +PASTEL +PASTERNAK +PASTES +PASTEUR +PASTIME +PASTIMES +PASTING +PASTNESS +PASTOR +PASTORAL +PASTORS +PASTRY +PASTS +PASTURE +PASTURES +PAT +PATAGONIA +PATAGONIANS +PATCH +PATCHED +PATCHES +PATCHING +PATCHWORK +PATCHY +PATE +PATEN +PATENT +PATENTABLE +PATENTED +PATENTER +PATENTERS +PATENTING +PATENTLY +PATENTS +PATERNAL +PATERNALLY +PATERNOSTER +PATERSON +PATH +PATHETIC +PATHNAME +PATHNAMES +PATHOGEN +PATHOGENESIS +PATHOLOGICAL +PATHOLOGY +PATHOS +PATHS +PATHWAY +PATHWAYS +PATIENCE +PATIENT +PATIENTLY +PATIENTS +PATINA +PATIO +PATRIARCH +PATRIARCHAL +PATRIARCHS +PATRIARCHY +PATRICE +PATRICIA +PATRICIAN +PATRICIANS +PATRICK +PATRIMONIAL +PATRIMONY +PATRIOT +PATRIOTIC +PATRIOTISM +PATRIOTS +PATROL +PATROLLED +PATROLLING +PATROLMAN +PATROLMEN +PATROLS +PATRON +PATRONAGE +PATRONIZE +PATRONIZED +PATRONIZES +PATRONIZING +PATRONS +PATS +PATSIES +PATSY +PATTER +PATTERED +PATTERING +PATTERINGS +PATTERN +PATTERNED +PATTERNING +PATTERNS +PATTERS +PATTERSON +PATTI +PATTIES +PATTON +PATTY +PAUCITY +PAUL +PAULA +PAULETTE +PAULI +PAULINE +PAULING +PAULINIZE +PAULINIZES +PAULO +PAULSEN +PAULSON +PAULUS +PAUNCH +PAUNCHY +PAUPER +PAUSE +PAUSED +PAUSES +PAUSING +PAVE +PAVED +PAVEMENT +PAVEMENTS +PAVES +PAVILION +PAVILIONS +PAVING +PAVLOV +PAVLOVIAN +PAW +PAWING +PAWN +PAWNS +PAWNSHOP +PAWS +PAWTUCKET +PAY +PAYABLE +PAYCHECK +PAYCHECKS +PAYED +PAYER +PAYERS +PAYING +PAYMENT +PAYMENTS +PAYNE +PAYNES +PAYNIZE +PAYNIZES +PAYOFF +PAYOFFS +PAYROLL +PAYS +PAYSON +PAZ +PEA +PEABODY +PEACE +PEACEABLE +PEACEFUL +PEACEFULLY +PEACEFULNESS +PEACETIME +PEACH +PEACHES +PEACHTREE +PEACOCK +PEACOCKS +PEAK +PEAKED +PEAKS +PEAL +PEALE +PEALED +PEALING +PEALS +PEANUT +PEANUTS +PEAR +PEARCE +PEARL +PEARLS +PEARLY +PEARS +PEARSON +PEAS +PEASANT +PEASANTRY +PEASANTS +PEASE +PEAT +PEBBLE +PEBBLES +PECCARY +PECK +PECKED +PECKING +PECKS +PECOS +PECTORAL +PECULIAR +PECULIARITIES +PECULIARITY +PECULIARLY +PECUNIARY +PEDAGOGIC +PEDAGOGICAL +PEDAGOGICALLY +PEDAGOGY +PEDAL +PEDANT +PEDANTIC +PEDANTRY +PEDDLE +PEDDLER +PEDDLERS +PEDESTAL +PEDESTRIAN +PEDESTRIANS +PEDIATRIC +PEDIATRICIAN +PEDIATRICS +PEDIGREE +PEDRO +PEEK +PEEKED +PEEKING +PEEKS +PEEL +PEELED +PEELING +PEELS +PEEP +PEEPED +PEEPER +PEEPHOLE +PEEPING +PEEPS +PEER +PEERED +PEERING +PEERLESS +PEERS +PEG +PEGASUS +PEGBOARD +PEGGY +PEGS +PEIPING +PEJORATIVE +PEKING +PELHAM +PELICAN +PELLAGRA +PELOPONNESE +PELT +PELTING +PELTS +PELVIC +PELVIS +PEMBROKE +PEN +PENAL +PENALIZE +PENALIZED +PENALIZES +PENALIZING +PENALTIES +PENALTY +PENANCE +PENCE +PENCHANT +PENCIL +PENCILED +PENCILS +PEND +PENDANT +PENDED +PENDING +PENDLETON +PENDS +PENDULUM +PENDULUMS +PENELOPE +PENETRABLE +PENETRATE +PENETRATED +PENETRATES +PENETRATING +PENETRATINGLY +PENETRATION +PENETRATIONS +PENETRATIVE +PENETRATOR +PENETRATORS +PENGUIN +PENGUINS +PENH +PENICILLIN +PENINSULA +PENINSULAS +PENIS +PENISES +PENITENT +PENITENTIARY +PENN +PENNED +PENNIES +PENNILESS +PENNING +PENNSYLVANIA +PENNY +PENROSE +PENS +PENSACOLA +PENSION +PENSIONER +PENSIONS +PENSIVE +PENT +PENTAGON +PENTAGONS +PENTATEUCH +PENTECOST +PENTECOSTAL +PENTHOUSE +PENULTIMATE +PENUMBRA +PEONY +PEOPLE +PEOPLED +PEOPLES +PEORIA +PEP +PEPPER +PEPPERED +PEPPERING +PEPPERMINT +PEPPERONI +PEPPERS +PEPPERY +PEPPY +PEPSI +PEPSICO +PEPSICO +PEPTIDE +PER +PERCEIVABLE +PERCEIVABLY +PERCEIVE +PERCEIVED +PERCEIVER +PERCEIVERS +PERCEIVES +PERCEIVING +PERCENT +PERCENTAGE +PERCENTAGES +PERCENTILE +PERCENTILES +PERCENTS +PERCEPTIBLE +PERCEPTIBLY +PERCEPTION +PERCEPTIONS +PERCEPTIVE +PERCEPTIVELY +PERCEPTUAL +PERCEPTUALLY +PERCH +PERCHANCE +PERCHED +PERCHES +PERCHING +PERCIVAL +PERCUSSION +PERCUTANEOUS +PERCY +PEREMPTORY +PERENNIAL +PERENNIALLY +PEREZ +PERFECT +PERFECTED +PERFECTIBLE +PERFECTING +PERFECTION +PERFECTIONIST +PERFECTIONISTS +PERFECTLY +PERFECTNESS +PERFECTS +PERFORCE +PERFORM +PERFORMANCE +PERFORMANCES +PERFORMED +PERFORMER +PERFORMERS +PERFORMING +PERFORMS +PERFUME +PERFUMED +PERFUMES +PERFUMING +PERFUNCTORY +PERGAMON +PERHAPS +PERICLEAN +PERICLES +PERIHELION +PERIL +PERILLA +PERILOUS +PERILOUSLY +PERILS +PERIMETER +PERIOD +PERIODIC +PERIODICAL +PERIODICALLY +PERIODICALS +PERIODS +PERIPHERAL +PERIPHERALLY +PERIPHERALS +PERIPHERIES +PERIPHERY +PERISCOPE +PERISH +PERISHABLE +PERISHABLES +PERISHED +PERISHER +PERISHERS +PERISHES +PERISHING +PERJURE +PERJURY +PERK +PERKINS +PERKY +PERLE +PERMANENCE +PERMANENT +PERMANENTLY +PERMEABLE +PERMEATE +PERMEATED +PERMEATES +PERMEATING +PERMEATION +PERMIAN +PERMISSIBILITY +PERMISSIBLE +PERMISSIBLY +PERMISSION +PERMISSIONS +PERMISSIVE +PERMISSIVELY +PERMIT +PERMITS +PERMITTED +PERMITTING +PERMUTATION +PERMUTATIONS +PERMUTE +PERMUTED +PERMUTES +PERMUTING +PERNICIOUS +PERNOD +PEROXIDE +PERPENDICULAR +PERPENDICULARLY +PERPENDICULARS +PERPETRATE +PERPETRATED +PERPETRATES +PERPETRATING +PERPETRATION +PERPETRATIONS +PERPETRATOR +PERPETRATORS +PERPETUAL +PERPETUALLY +PERPETUATE +PERPETUATED +PERPETUATES +PERPETUATING +PERPETUATION +PERPETUITY +PERPLEX +PERPLEXED +PERPLEXING +PERPLEXITY +PERRY +PERSECUTE +PERSECUTED +PERSECUTES +PERSECUTING +PERSECUTION +PERSECUTOR +PERSECUTORS +PERSEID +PERSEPHONE +PERSEUS +PERSEVERANCE +PERSEVERE +PERSEVERED +PERSEVERES +PERSEVERING +PERSHING +PERSIA +PERSIAN +PERSIANIZATION +PERSIANIZATIONS +PERSIANIZE +PERSIANIZES +PERSIANS +PERSIST +PERSISTED +PERSISTENCE +PERSISTENT +PERSISTENTLY +PERSISTING +PERSISTS +PERSON +PERSONAGE +PERSONAGES +PERSONAL +PERSONALITIES +PERSONALITY +PERSONALIZATION +PERSONALIZE +PERSONALIZED +PERSONALIZES +PERSONALIZING +PERSONALLY +PERSONIFICATION +PERSONIFIED +PERSONIFIES +PERSONIFY +PERSONIFYING +PERSONNEL +PERSONS +PERSPECTIVE +PERSPECTIVES +PERSPICUOUS +PERSPICUOUSLY +PERSPIRATION +PERSPIRE +PERSUADABLE +PERSUADE +PERSUADED +PERSUADER +PERSUADERS +PERSUADES +PERSUADING +PERSUASION +PERSUASIONS +PERSUASIVE +PERSUASIVELY +PERSUASIVENESS +PERTAIN +PERTAINED +PERTAINING +PERTAINS +PERTH +PERTINENT +PERTURB +PERTURBATION +PERTURBATIONS +PERTURBED +PERU +PERUSAL +PERUSE +PERUSED +PERUSER +PERUSERS +PERUSES +PERUSING +PERUVIAN +PERUVIANIZE +PERUVIANIZES +PERUVIANS +PERVADE +PERVADED +PERVADES +PERVADING +PERVASIVE +PERVASIVELY +PERVERSION +PERVERT +PERVERTED +PERVERTS +PESSIMISM +PESSIMIST +PESSIMISTIC +PEST +PESTER +PESTICIDE +PESTILENCE +PESTILENT +PESTS +PET +PETAL +PETALS +PETE +PETER +PETERS +PETERSBURG +PETERSEN +PETERSON +PETITION +PETITIONED +PETITIONER +PETITIONING +PETITIONS +PETKIEWICZ +PETRI +PETROLEUM +PETS +PETTED +PETTER +PETTERS +PETTIBONE +PETTICOAT +PETTICOATS +PETTINESS +PETTING +PETTY +PETULANCE +PETULANT +PEUGEOT +PEW +PEWAUKEE +PEWS +PEWTER +PFIZER +PHAEDRA +PHANTOM +PHANTOMS +PHARMACEUTIC +PHARMACIST +PHARMACOLOGY +PHARMACOPOEIA +PHARMACY +PHASE +PHASED +PHASER +PHASERS +PHASES +PHASING +PHEASANT +PHEASANTS +PHELPS +PHENOMENA +PHENOMENAL +PHENOMENALLY +PHENOMENOLOGICAL +PHENOMENOLOGICALLY +PHENOMENOLOGIES +PHENOMENOLOGY +PHENOMENON +PHI +PHIGS +PHIL +PHILADELPHIA +PHILANTHROPY +PHILCO +PHILHARMONIC +PHILIP +PHILIPPE +PHILIPPIANS +PHILIPPINE +PHILIPPINES +PHILISTINE +PHILISTINES +PHILISTINIZE +PHILISTINIZES +PHILLIES +PHILLIP +PHILLIPS +PHILLY +PHILOSOPHER +PHILOSOPHERS +PHILOSOPHIC +PHILOSOPHICAL +PHILOSOPHICALLY +PHILOSOPHIES +PHILOSOPHIZE +PHILOSOPHIZED +PHILOSOPHIZER +PHILOSOPHIZERS +PHILOSOPHIZES +PHILOSOPHIZING +PHILOSOPHY +PHIPPS +PHOBOS +PHOENICIA +PHOENIX +PHONE +PHONED +PHONEME +PHONEMES +PHONEMIC +PHONES +PHONETIC +PHONETICS +PHONING +PHONOGRAPH +PHONOGRAPHS +PHONY +PHOSGENE +PHOSPHATE +PHOSPHATES +PHOSPHOR +PHOSPHORESCENT +PHOSPHORIC +PHOSPHORUS +PHOTO +PHOTOCOPIED +PHOTOCOPIER +PHOTOCOPIERS +PHOTOCOPIES +PHOTOCOPY +PHOTOCOPYING +PHOTODIODE +PHOTODIODES +PHOTOGENIC +PHOTOGRAPH +PHOTOGRAPHED +PHOTOGRAPHER +PHOTOGRAPHERS +PHOTOGRAPHIC +PHOTOGRAPHING +PHOTOGRAPHS +PHOTOGRAPHY +PHOTON +PHOTOS +PHOTOSENSITIVE +PHOTOTYPESETTER +PHOTOTYPESETTERS +PHRASE +PHRASED +PHRASEOLOGY +PHRASES +PHRASING +PHRASINGS +PHYLA +PHYLLIS +PHYLUM +PHYSIC +PHYSICAL +PHYSICALLY +PHYSICALNESS +PHYSICALS +PHYSICIAN +PHYSICIANS +PHYSICIST +PHYSICISTS +PHYSICS +PHYSIOLOGICAL +PHYSIOLOGICALLY +PHYSIOLOGY +PHYSIOTHERAPIST +PHYSIOTHERAPY +PHYSIQUE +PHYTOPLANKTON +PIANIST +PIANO +PIANOS +PICA +PICAS +PICASSO +PICAYUNE +PICCADILLY +PICCOLO +PICK +PICKAXE +PICKED +PICKER +PICKERING +PICKERS +PICKET +PICKETED +PICKETER +PICKETERS +PICKETING +PICKETS +PICKETT +PICKFORD +PICKING +PICKINGS +PICKLE +PICKLED +PICKLES +PICKLING +PICKMAN +PICKS +PICKUP +PICKUPS +PICKY +PICNIC +PICNICKED +PICNICKING +PICNICS +PICOFARAD +PICOJOULE +PICOSECOND +PICT +PICTORIAL +PICTORIALLY +PICTURE +PICTURED +PICTURES +PICTURESQUE +PICTURESQUENESS +PICTURING +PIDDLE +PIDGIN +PIE +PIECE +PIECED +PIECEMEAL +PIECES +PIECEWISE +PIECING +PIEDFORT +PIEDMONT +PIER +PIERCE +PIERCED +PIERCES +PIERCING +PIERRE +PIERS +PIERSON +PIES +PIETY +PIEZOELECTRIC +PIG +PIGEON +PIGEONHOLE +PIGEONS +PIGGISH +PIGGY +PIGGYBACK +PIGGYBACKED +PIGGYBACKING +PIGGYBACKS +PIGMENT +PIGMENTATION +PIGMENTED +PIGMENTS +PIGPEN +PIGS +PIGSKIN +PIGTAIL +PIKE +PIKER +PIKES +PILATE +PILE +PILED +PILERS +PILES +PILFER +PILFERAGE +PILGRIM +PILGRIMAGE +PILGRIMAGES +PILGRIMS +PILING +PILINGS +PILL +PILLAGE +PILLAGED +PILLAR +PILLARED +PILLARS +PILLORY +PILLOW +PILLOWS +PILLS +PILLSBURY +PILOT +PILOTING +PILOTS +PIMP +PIMPLE +PIN +PINAFORE +PINBALL +PINCH +PINCHED +PINCHES +PINCHING +PINCUSHION +PINE +PINEAPPLE +PINEAPPLES +PINED +PINEHURST +PINES +PING +PINHEAD +PINHOLE +PINING +PINION +PINK +PINKER +PINKEST +PINKIE +PINKISH +PINKLY +PINKNESS +PINKS +PINNACLE +PINNACLES +PINNED +PINNING +PINNINGS +PINOCHLE +PINPOINT +PINPOINTING +PINPOINTS +PINS +PINSCHER +PINSKY +PINT +PINTO +PINTS +PINWHEEL +PION +PIONEER +PIONEERED +PIONEERING +PIONEERS +PIOTR +PIOUS +PIOUSLY +PIP +PIPE +PIPED +PIPELINE +PIPELINED +PIPELINES +PIPELINING +PIPER +PIPERS +PIPES +PIPESTONE +PIPETTE +PIPING +PIQUE +PIRACY +PIRAEUS +PIRATE +PIRATES +PISA +PISCATAWAY +PISCES +PISS +PISTACHIO +PISTIL +PISTILS +PISTOL +PISTOLS +PISTON +PISTONS +PIT +PITCH +PITCHED +PITCHER +PITCHERS +PITCHES +PITCHFORK +PITCHING +PITEOUS +PITEOUSLY +PITFALL +PITFALLS +PITH +PITHED +PITHES +PITHIER +PITHIEST +PITHINESS +PITHING +PITHY +PITIABLE +PITIED +PITIER +PITIERS +PITIES +PITIFUL +PITIFULLY +PITILESS +PITILESSLY +PITNEY +PITS +PITT +PITTED +PITTSBURGH +PITTSBURGHERS +PITTSFIELD +PITTSTON +PITUITARY +PITY +PITYING +PITYINGLY +PIUS +PIVOT +PIVOTAL +PIVOTING +PIVOTS +PIXEL +PIXELS +PIZARRO +PIZZA +PLACARD +PLACARDS +PLACATE +PLACE +PLACEBO +PLACED +PLACEHOLDER +PLACEMENT +PLACEMENTS +PLACENTA +PLACENTAL +PLACER +PLACES +PLACID +PLACIDLY +PLACING +PLAGIARISM +PLAGIARIST +PLAGUE +PLAGUED +PLAGUES +PLAGUING +PLAID +PLAIDS +PLAIN +PLAINER +PLAINEST +PLAINFIELD +PLAINLY +PLAINNESS +PLAINS +PLAINTEXT +PLAINTEXTS +PLAINTIFF +PLAINTIFFS +PLAINTIVE +PLAINTIVELY +PLAINTIVENESS +PLAINVIEW +PLAIT +PLAITS +PLAN +PLANAR +PLANARITY +PLANCK +PLANE +PLANED +PLANELOAD +PLANER +PLANERS +PLANES +PLANET +PLANETARIA +PLANETARIUM +PLANETARY +PLANETESIMAL +PLANETOID +PLANETS +PLANING +PLANK +PLANKING +PLANKS +PLANKTON +PLANNED +PLANNER +PLANNERS +PLANNING +PLANOCONCAVE +PLANOCONVEX +PLANS +PLANT +PLANTATION +PLANTATIONS +PLANTED +PLANTER +PLANTERS +PLANTING +PLANTINGS +PLANTS +PLAQUE +PLASMA +PLASTER +PLASTERED +PLASTERER +PLASTERING +PLASTERS +PLASTIC +PLASTICITY +PLASTICS +PLATE +PLATEAU +PLATEAUS +PLATED +PLATELET +PLATELETS +PLATEN +PLATENS +PLATES +PLATFORM +PLATFORMS +PLATING +PLATINUM +PLATITUDE +PLATO +PLATONIC +PLATONISM +PLATONIST +PLATOON +PLATTE +PLATTER +PLATTERS +PLATTEVILLE +PLAUSIBILITY +PLAUSIBLE +PLAY +PLAYABLE +PLAYBACK +PLAYBOY +PLAYED +PLAYER +PLAYERS +PLAYFUL +PLAYFULLY +PLAYFULNESS +PLAYGROUND +PLAYGROUNDS +PLAYHOUSE +PLAYING +PLAYMATE +PLAYMATES +PLAYOFF +PLAYROOM +PLAYS +PLAYTHING +PLAYTHINGS +PLAYTIME +PLAYWRIGHT +PLAYWRIGHTS +PLAYWRITING +PLAZA +PLEA +PLEAD +PLEADED +PLEADER +PLEADING +PLEADS +PLEAS +PLEASANT +PLEASANTLY +PLEASANTNESS +PLEASE +PLEASED +PLEASES +PLEASING +PLEASINGLY +PLEASURE +PLEASURES +PLEAT +PLEBEIAN +PLEBIAN +PLEBISCITE +PLEBISCITES +PLEDGE +PLEDGED +PLEDGES +PLEIADES +PLEISTOCENE +PLENARY +PLENIPOTENTIARY +PLENTEOUS +PLENTIFUL +PLENTIFULLY +PLENTY +PLETHORA +PLEURISY +PLEXIGLAS +PLIABLE +PLIANT +PLIED +PLIERS +PLIES +PLIGHT +PLINY +PLIOCENE +PLOD +PLODDING +PLOT +PLOTS +PLOTTED +PLOTTER +PLOTTERS +PLOTTING +PLOW +PLOWED +PLOWER +PLOWING +PLOWMAN +PLOWS +PLOWSHARE +PLOY +PLOYS +PLUCK +PLUCKED +PLUCKING +PLUCKS +PLUCKY +PLUG +PLUGGABLE +PLUGGED +PLUGGING +PLUGS +PLUM +PLUMAGE +PLUMB +PLUMBED +PLUMBING +PLUMBS +PLUME +PLUMED +PLUMES +PLUMMET +PLUMMETING +PLUMP +PLUMPED +PLUMPNESS +PLUMS +PLUNDER +PLUNDERED +PLUNDERER +PLUNDERERS +PLUNDERING +PLUNDERS +PLUNGE +PLUNGED +PLUNGER +PLUNGERS +PLUNGES +PLUNGING +PLUNK +PLURAL +PLURALITY +PLURALS +PLUS +PLUSES +PLUSH +PLUTARCH +PLUTO +PLUTONIUM +PLY +PLYMOUTH +PLYWOOD +PNEUMATIC +PNEUMONIA +POACH +POACHER +POACHES +POCAHONTAS +POCKET +POCKETBOOK +POCKETBOOKS +POCKETED +POCKETFUL +POCKETING +POCKETS +POCONO +POCONOS +POD +PODIA +PODIUM +PODS +PODUNK +POE +POEM +POEMS +POET +POETIC +POETICAL +POETICALLY +POETICS +POETRIES +POETRY +POETS +POGO +POGROM +POIGNANCY +POIGNANT +POINCARE +POINDEXTER +POINT +POINTED +POINTEDLY +POINTER +POINTERS +POINTING +POINTLESS +POINTS +POINTY +POISE +POISED +POISES +POISON +POISONED +POISONER +POISONING +POISONOUS +POISONOUSNESS +POISONS +POISSON +POKE +POKED +POKER +POKERFACE +POKES +POKING +POLAND +POLAR +POLARIS +POLARITIES +POLARITY +POLAROID +POLE +POLECAT +POLED +POLEMIC +POLEMICS +POLES +POLICE +POLICED +POLICEMAN +POLICEMEN +POLICES +POLICIES +POLICING +POLICY +POLING +POLIO +POLISH +POLISHED +POLISHER +POLISHERS +POLISHES +POLISHING +POLITBURO +POLITE +POLITELY +POLITENESS +POLITER +POLITEST +POLITIC +POLITICAL +POLITICALLY +POLITICIAN +POLITICIANS +POLITICKING +POLITICS +POLK +POLKA +POLL +POLLARD +POLLED +POLLEN +POLLING +POLLOI +POLLS +POLLUTANT +POLLUTE +POLLUTED +POLLUTES +POLLUTING +POLLUTION +POLLUX +POLO +POLYALPHABETIC +POLYGON +POLYGONS +POLYHYMNIA +POLYMER +POLYMERS +POLYMORPHIC +POLYNESIA +POLYNESIAN +POLYNOMIAL +POLYNOMIALS +POLYPHEMUS +POLYTECHNIC +POLYTHEIST +POMERANIA +POMERANIAN +POMONA +POMP +POMPADOUR +POMPEII +POMPEY +POMPOSITY +POMPOUS +POMPOUSLY +POMPOUSNESS +PONCE +PONCHARTRAIN +PONCHO +POND +PONDER +PONDERED +PONDERING +PONDEROUS +PONDERS +PONDS +PONG +PONIES +PONTIAC +PONTIFF +PONTIFIC +PONTIFICATE +PONY +POOCH +POODLE +POOL +POOLE +POOLED +POOLING +POOLS +POOR +POORER +POOREST +POORLY +POORNESS +POP +POPCORN +POPE +POPEK +POPEKS +POPISH +POPLAR +POPLIN +POPPED +POPPIES +POPPING +POPPY +POPS +POPSICLE +POPSICLES +POPULACE +POPULAR +POPULARITY +POPULARIZATION +POPULARIZE +POPULARIZED +POPULARIZES +POPULARIZING +POPULARLY +POPULATE +POPULATED +POPULATES +POPULATING +POPULATION +POPULATIONS +POPULOUS +POPULOUSNESS +PORCELAIN +PORCH +PORCHES +PORCINE +PORCUPINE +PORCUPINES +PORE +PORED +PORES +PORING +PORK +PORKER +PORNOGRAPHER +PORNOGRAPHIC +PORNOGRAPHY +POROUS +PORPOISE +PORRIDGE +PORT +PORTABILITY +PORTABLE +PORTAGE +PORTAL +PORTALS +PORTE +PORTED +PORTEND +PORTENDED +PORTENDING +PORTENDS +PORTENT +PORTENTOUS +PORTER +PORTERHOUSE +PORTERS +PORTFOLIO +PORTFOLIOS +PORTIA +PORTICO +PORTING +PORTION +PORTIONS +PORTLAND +PORTLY +PORTMANTEAU +PORTO +PORTRAIT +PORTRAITS +PORTRAY +PORTRAYAL +PORTRAYED +PORTRAYING +PORTRAYS +PORTS +PORTSMOUTH +PORTUGAL +PORTUGUESE +POSE +POSED +POSEIDON +POSER +POSERS +POSES +POSH +POSING +POSIT +POSITED +POSITING +POSITION +POSITIONAL +POSITIONED +POSITIONING +POSITIONS +POSITIVE +POSITIVELY +POSITIVENESS +POSITIVES +POSITRON +POSITS +POSNER +POSSE +POSSESS +POSSESSED +POSSESSES +POSSESSING +POSSESSION +POSSESSIONAL +POSSESSIONS +POSSESSIVE +POSSESSIVELY +POSSESSIVENESS +POSSESSOR +POSSESSORS +POSSIBILITIES +POSSIBILITY +POSSIBLE +POSSIBLY +POSSUM +POSSUMS +POST +POSTAGE +POSTAL +POSTCARD +POSTCONDITION +POSTDOCTORAL +POSTED +POSTER +POSTERIOR +POSTERIORI +POSTERITY +POSTERS +POSTFIX +POSTGRADUATE +POSTING +POSTLUDE +POSTMAN +POSTMARK +POSTMASTER +POSTMASTERS +POSTMORTEM +POSTOPERATIVE +POSTORDER +POSTPONE +POSTPONED +POSTPONING +POSTPROCESS +POSTPROCESSOR +POSTS +POSTSCRIPT +POSTSCRIPTS +POSTULATE +POSTULATED +POSTULATES +POSTULATING +POSTULATION +POSTULATIONS +POSTURE +POSTURES +POT +POTABLE +POTASH +POTASSIUM +POTATO +POTATOES +POTBELLY +POTEMKIN +POTENT +POTENTATE +POTENTATES +POTENTIAL +POTENTIALITIES +POTENTIALITY +POTENTIALLY +POTENTIALS +POTENTIATING +POTENTIOMETER +POTENTIOMETERS +POTHOLE +POTION +POTLATCH +POTOMAC +POTPOURRI +POTS +POTSDAM +POTTAWATOMIE +POTTED +POTTER +POTTERS +POTTERY +POTTING +POTTS +POUCH +POUCHES +POUGHKEEPSIE +POULTICE +POULTRY +POUNCE +POUNCED +POUNCES +POUNCING +POUND +POUNDED +POUNDER +POUNDERS +POUNDING +POUNDS +POUR +POURED +POURER +POURERS +POURING +POURS +POUSSIN +POUSSINS +POUT +POUTED +POUTING +POUTS +POVERTY +POWDER +POWDERED +POWDERING +POWDERPUFF +POWDERS +POWDERY +POWELL +POWER +POWERED +POWERFUL +POWERFULLY +POWERFULNESS +POWERING +POWERLESS +POWERLESSLY +POWERLESSNESS +POWERS +POX +POYNTING +PRACTICABLE +PRACTICABLY +PRACTICAL +PRACTICALITY +PRACTICALLY +PRACTICE +PRACTICED +PRACTICES +PRACTICING +PRACTITIONER +PRACTITIONERS +PRADESH +PRADO +PRAGMATIC +PRAGMATICALLY +PRAGMATICS +PRAGMATISM +PRAGMATIST +PRAGUE +PRAIRIE +PRAISE +PRAISED +PRAISER +PRAISERS +PRAISES +PRAISEWORTHY +PRAISING +PRAISINGLY +PRANCE +PRANCED +PRANCER +PRANCING +PRANK +PRANKS +PRATE +PRATT +PRATTVILLE +PRAVDA +PRAY +PRAYED +PRAYER +PRAYERS +PRAYING +PREACH +PREACHED +PREACHER +PREACHERS +PREACHES +PREACHING +PREALLOCATE +PREALLOCATED +PREALLOCATING +PREAMBLE +PREAMBLES +PREASSIGN +PREASSIGNED +PREASSIGNING +PREASSIGNS +PRECAMBRIAN +PRECARIOUS +PRECARIOUSLY +PRECARIOUSNESS +PRECAUTION +PRECAUTIONS +PRECEDE +PRECEDED +PRECEDENCE +PRECEDENCES +PRECEDENT +PRECEDENTED +PRECEDENTS +PRECEDES +PRECEDING +PRECEPT +PRECEPTS +PRECESS +PRECESSION +PRECINCT +PRECINCTS +PRECIOUS +PRECIOUSLY +PRECIOUSNESS +PRECIPICE +PRECIPITABLE +PRECIPITATE +PRECIPITATED +PRECIPITATELY +PRECIPITATENESS +PRECIPITATES +PRECIPITATING +PRECIPITATION +PRECIPITOUS +PRECIPITOUSLY +PRECISE +PRECISELY +PRECISENESS +PRECISION +PRECISIONS +PRECLUDE +PRECLUDED +PRECLUDES +PRECLUDING +PRECOCIOUS +PRECOCIOUSLY +PRECOCITY +PRECOMPUTE +PRECOMPUTED +PRECOMPUTING +PRECONCEIVE +PRECONCEIVED +PRECONCEPTION +PRECONCEPTIONS +PRECONDITION +PRECONDITIONED +PRECONDITIONS +PRECURSOR +PRECURSORS +PREDATE +PREDATED +PREDATES +PREDATING +PREDATORY +PREDECESSOR +PREDECESSORS +PREDEFINE +PREDEFINED +PREDEFINES +PREDEFINING +PREDEFINITION +PREDEFINITIONS +PREDETERMINATION +PREDETERMINE +PREDETERMINED +PREDETERMINES +PREDETERMINING +PREDICAMENT +PREDICATE +PREDICATED +PREDICATES +PREDICATING +PREDICATION +PREDICATIONS +PREDICT +PREDICTABILITY +PREDICTABLE +PREDICTABLY +PREDICTED +PREDICTING +PREDICTION +PREDICTIONS +PREDICTIVE +PREDICTOR +PREDICTS +PREDILECTION +PREDILECTIONS +PREDISPOSITION +PREDOMINANT +PREDOMINANTLY +PREDOMINATE +PREDOMINATED +PREDOMINATELY +PREDOMINATES +PREDOMINATING +PREDOMINATION +PREEMINENCE +PREEMINENT +PREEMPT +PREEMPTED +PREEMPTING +PREEMPTION +PREEMPTIVE +PREEMPTOR +PREEMPTS +PREEN +PREEXISTING +PREFAB +PREFABRICATE +PREFACE +PREFACED +PREFACES +PREFACING +PREFER +PREFERABLE +PREFERABLY +PREFERENCE +PREFERENCES +PREFERENTIAL +PREFERENTIALLY +PREFERRED +PREFERRING +PREFERS +PREFIX +PREFIXED +PREFIXES +PREFIXING +PREGNANCY +PREGNANT +PREHISTORIC +PREINITIALIZE +PREINITIALIZED +PREINITIALIZES +PREINITIALIZING +PREJUDGE +PREJUDGED +PREJUDICE +PREJUDICED +PREJUDICES +PREJUDICIAL +PRELATE +PRELIMINARIES +PRELIMINARY +PRELUDE +PRELUDES +PREMATURE +PREMATURELY +PREMATURITY +PREMEDITATED +PREMEDITATION +PREMIER +PREMIERS +PREMISE +PREMISES +PREMIUM +PREMIUMS +PREMONITION +PRENATAL +PRENTICE +PRENTICED +PRENTICING +PREOCCUPATION +PREOCCUPIED +PREOCCUPIES +PREOCCUPY +PREP +PREPARATION +PREPARATIONS +PREPARATIVE +PREPARATIVES +PREPARATORY +PREPARE +PREPARED +PREPARES +PREPARING +PREPEND +PREPENDED +PREPENDING +PREPOSITION +PREPOSITIONAL +PREPOSITIONS +PREPOSTEROUS +PREPOSTEROUSLY +PREPROCESSED +PREPROCESSING +PREPROCESSOR +PREPROCESSORS +PREPRODUCTION +PREPROGRAMMED +PREREQUISITE +PREREQUISITES +PREROGATIVE +PREROGATIVES +PRESBYTERIAN +PRESBYTERIANISM +PRESBYTERIANIZE +PRESBYTERIANIZES +PRESCOTT +PRESCRIBE +PRESCRIBED +PRESCRIBES +PRESCRIPTION +PRESCRIPTIONS +PRESCRIPTIVE +PRESELECT +PRESELECTED +PRESELECTING +PRESELECTS +PRESENCE +PRESENCES +PRESENT +PRESENTATION +PRESENTATIONS +PRESENTED +PRESENTER +PRESENTING +PRESENTLY +PRESENTNESS +PRESENTS +PRESERVATION +PRESERVATIONS +PRESERVE +PRESERVED +PRESERVER +PRESERVERS +PRESERVES +PRESERVING +PRESET +PRESIDE +PRESIDED +PRESIDENCY +PRESIDENT +PRESIDENTIAL +PRESIDENTS +PRESIDES +PRESIDING +PRESLEY +PRESS +PRESSED +PRESSER +PRESSES +PRESSING +PRESSINGS +PRESSURE +PRESSURED +PRESSURES +PRESSURING +PRESSURIZE +PRESSURIZED +PRESTIDIGITATE +PRESTIGE +PRESTIGIOUS +PRESTON +PRESUMABLY +PRESUME +PRESUMED +PRESUMES +PRESUMING +PRESUMPTION +PRESUMPTIONS +PRESUMPTIVE +PRESUMPTUOUS +PRESUMPTUOUSNESS +PRESUPPOSE +PRESUPPOSED +PRESUPPOSES +PRESUPPOSING +PRESUPPOSITION +PRETEND +PRETENDED +PRETENDER +PRETENDERS +PRETENDING +PRETENDS +PRETENSE +PRETENSES +PRETENSION +PRETENSIONS +PRETENTIOUS +PRETENTIOUSLY +PRETENTIOUSNESS +PRETEXT +PRETEXTS +PRETORIA +PRETORIAN +PRETTIER +PRETTIEST +PRETTILY +PRETTINESS +PRETTY +PREVAIL +PREVAILED +PREVAILING +PREVAILINGLY +PREVAILS +PREVALENCE +PREVALENT +PREVALENTLY +PREVENT +PREVENTABLE +PREVENTABLY +PREVENTED +PREVENTING +PREVENTION +PREVENTIVE +PREVENTIVES +PREVENTS +PREVIEW +PREVIEWED +PREVIEWING +PREVIEWS +PREVIOUS +PREVIOUSLY +PREY +PREYED +PREYING +PREYS +PRIAM +PRICE +PRICED +PRICELESS +PRICER +PRICERS +PRICES +PRICING +PRICK +PRICKED +PRICKING +PRICKLY +PRICKS +PRIDE +PRIDED +PRIDES +PRIDING +PRIEST +PRIESTLEY +PRIGGISH +PRIM +PRIMA +PRIMACY +PRIMAL +PRIMARIES +PRIMARILY +PRIMARY +PRIMATE +PRIME +PRIMED +PRIMENESS +PRIMER +PRIMERS +PRIMES +PRIMEVAL +PRIMING +PRIMITIVE +PRIMITIVELY +PRIMITIVENESS +PRIMITIVES +PRIMROSE +PRINCE +PRINCELY +PRINCES +PRINCESS +PRINCESSES +PRINCETON +PRINCIPAL +PRINCIPALITIES +PRINCIPALITY +PRINCIPALLY +PRINCIPALS +PRINCIPIA +PRINCIPLE +PRINCIPLED +PRINCIPLES +PRINT +PRINTABLE +PRINTABLY +PRINTED +PRINTER +PRINTERS +PRINTING +PRINTOUT +PRINTS +PRIOR +PRIORI +PRIORITIES +PRIORITY +PRIORY +PRISCILLA +PRISM +PRISMS +PRISON +PRISONER +PRISONERS +PRISONS +PRISTINE +PRITCHARD +PRIVACIES +PRIVACY +PRIVATE +PRIVATELY +PRIVATES +PRIVATION +PRIVATIONS +PRIVIES +PRIVILEGE +PRIVILEGED +PRIVILEGES +PRIVY +PRIZE +PRIZED +PRIZER +PRIZERS +PRIZES +PRIZEWINNING +PRIZING +PRO +PROBABILISTIC +PROBABILISTICALLY +PROBABILITIES +PROBABILITY +PROBABLE +PROBABLY +PROBATE +PROBATED +PROBATES +PROBATING +PROBATION +PROBATIVE +PROBE +PROBED +PROBES +PROBING +PROBINGS +PROBITY +PROBLEM +PROBLEMATIC +PROBLEMATICAL +PROBLEMATICALLY +PROBLEMS +PROCAINE +PROCEDURAL +PROCEDURALLY +PROCEDURE +PROCEDURES +PROCEED +PROCEEDED +PROCEEDING +PROCEEDINGS +PROCEEDS +PROCESS +PROCESSED +PROCESSES +PROCESSING +PROCESSION +PROCESSOR +PROCESSORS +PROCLAIM +PROCLAIMED +PROCLAIMER +PROCLAIMERS +PROCLAIMING +PROCLAIMS +PROCLAMATION +PROCLAMATIONS +PROCLIVITIES +PROCLIVITY +PROCOTOLS +PROCRASTINATE +PROCRASTINATED +PROCRASTINATES +PROCRASTINATING +PROCRASTINATION +PROCREATE +PROCRUSTEAN +PROCRUSTEANIZE +PROCRUSTEANIZES +PROCRUSTES +PROCTER +PROCURE +PROCURED +PROCUREMENT +PROCUREMENTS +PROCURER +PROCURERS +PROCURES +PROCURING +PROCYON +PROD +PRODIGAL +PRODIGALLY +PRODIGIOUS +PRODIGY +PRODUCE +PRODUCED +PRODUCER +PRODUCERS +PRODUCES +PRODUCIBLE +PRODUCING +PRODUCT +PRODUCTION +PRODUCTIONS +PRODUCTIVE +PRODUCTIVELY +PRODUCTIVITY +PRODUCTS +PROFANE +PROFANELY +PROFESS +PROFESSED +PROFESSES +PROFESSING +PROFESSION +PROFESSIONAL +PROFESSIONALISM +PROFESSIONALLY +PROFESSIONALS +PROFESSIONS +PROFESSOR +PROFESSORIAL +PROFESSORS +PROFFER +PROFFERED +PROFFERS +PROFICIENCY +PROFICIENT +PROFICIENTLY +PROFILE +PROFILED +PROFILES +PROFILING +PROFIT +PROFITABILITY +PROFITABLE +PROFITABLY +PROFITED +PROFITEER +PROFITEERS +PROFITING +PROFITS +PROFITTED +PROFLIGATE +PROFOUND +PROFOUNDEST +PROFOUNDLY +PROFUNDITY +PROFUSE +PROFUSION +PROGENITOR +PROGENY +PROGNOSIS +PROGNOSTICATE +PROGRAM +PROGRAMMABILITY +PROGRAMMABLE +PROGRAMMED +PROGRAMMER +PROGRAMMERS +PROGRAMMING +PROGRAMS +PROGRESS +PROGRESSED +PROGRESSES +PROGRESSING +PROGRESSION +PROGRESSIONS +PROGRESSIVE +PROGRESSIVELY +PROHIBIT +PROHIBITED +PROHIBITING +PROHIBITION +PROHIBITIONS +PROHIBITIVE +PROHIBITIVELY +PROHIBITORY +PROHIBITS +PROJECT +PROJECTED +PROJECTILE +PROJECTING +PROJECTION +PROJECTIONS +PROJECTIVE +PROJECTIVELY +PROJECTOR +PROJECTORS +PROJECTS +PROKOFIEFF +PROKOFIEV +PROLATE +PROLEGOMENA +PROLETARIAT +PROLIFERATE +PROLIFERATED +PROLIFERATES +PROLIFERATING +PROLIFERATION +PROLIFIC +PROLIX +PROLOG +PROLOGUE +PROLONG +PROLONGATE +PROLONGED +PROLONGING +PROLONGS +PROMENADE +PROMENADES +PROMETHEAN +PROMETHEUS +PROMINENCE +PROMINENT +PROMINENTLY +PROMISCUOUS +PROMISE +PROMISED +PROMISES +PROMISING +PROMONTORY +PROMOTE +PROMOTED +PROMOTER +PROMOTERS +PROMOTES +PROMOTING +PROMOTION +PROMOTIONAL +PROMOTIONS +PROMPT +PROMPTED +PROMPTER +PROMPTEST +PROMPTING +PROMPTINGS +PROMPTLY +PROMPTNESS +PROMPTS +PROMULGATE +PROMULGATED +PROMULGATES +PROMULGATING +PROMULGATION +PRONE +PRONENESS +PRONG +PRONGED +PRONGS +PRONOUN +PRONOUNCE +PRONOUNCEABLE +PRONOUNCED +PRONOUNCEMENT +PRONOUNCEMENTS +PRONOUNCES +PRONOUNCING +PRONOUNS +PRONUNCIATION +PRONUNCIATIONS +PROOF +PROOFREAD +PROOFREADER +PROOFS +PROP +PROPAGANDA +PROPAGANDIST +PROPAGATE +PROPAGATED +PROPAGATES +PROPAGATING +PROPAGATION +PROPAGATIONS +PROPANE +PROPEL +PROPELLANT +PROPELLED +PROPELLER +PROPELLERS +PROPELLING +PROPELS +PROPENSITY +PROPER +PROPERLY +PROPERNESS +PROPERTIED +PROPERTIES +PROPERTY +PROPHECIES +PROPHECY +PROPHESIED +PROPHESIER +PROPHESIES +PROPHESY +PROPHET +PROPHETIC +PROPHETS +PROPITIOUS +PROPONENT +PROPONENTS +PROPORTION +PROPORTIONAL +PROPORTIONALLY +PROPORTIONATELY +PROPORTIONED +PROPORTIONING +PROPORTIONMENT +PROPORTIONS +PROPOS +PROPOSAL +PROPOSALS +PROPOSE +PROPOSED +PROPOSER +PROPOSES +PROPOSING +PROPOSITION +PROPOSITIONAL +PROPOSITIONALLY +PROPOSITIONED +PROPOSITIONING +PROPOSITIONS +PROPOUND +PROPOUNDED +PROPOUNDING +PROPOUNDS +PROPRIETARY +PROPRIETOR +PROPRIETORS +PROPRIETY +PROPS +PROPULSION +PROPULSIONS +PRORATE +PRORATED +PRORATES +PROS +PROSCENIUM +PROSCRIBE +PROSCRIPTION +PROSE +PROSECUTE +PROSECUTED +PROSECUTES +PROSECUTING +PROSECUTION +PROSECUTIONS +PROSECUTOR +PROSELYTIZE +PROSELYTIZED +PROSELYTIZES +PROSELYTIZING +PROSERPINE +PROSODIC +PROSODICS +PROSPECT +PROSPECTED +PROSPECTING +PROSPECTION +PROSPECTIONS +PROSPECTIVE +PROSPECTIVELY +PROSPECTIVES +PROSPECTOR +PROSPECTORS +PROSPECTS +PROSPECTUS +PROSPER +PROSPERED +PROSPERING +PROSPERITY +PROSPEROUS +PROSPERS +PROSTATE +PROSTHETIC +PROSTITUTE +PROSTITUTION +PROSTRATE +PROSTRATION +PROTAGONIST +PROTEAN +PROTECT +PROTECTED +PROTECTING +PROTECTION +PROTECTIONS +PROTECTIVE +PROTECTIVELY +PROTECTIVENESS +PROTECTOR +PROTECTORATE +PROTECTORS +PROTECTS +PROTEGE +PROTEGES +PROTEIN +PROTEINS +PROTEST +PROTESTANT +PROTESTANTISM +PROTESTANTIZE +PROTESTANTIZES +PROTESTATION +PROTESTATIONS +PROTESTED +PROTESTING +PROTESTINGLY +PROTESTOR +PROTESTS +PROTISTA +PROTOCOL +PROTOCOLS +PROTON +PROTONS +PROTOPHYTA +PROTOPLASM +PROTOTYPE +PROTOTYPED +PROTOTYPES +PROTOTYPICAL +PROTOTYPICALLY +PROTOTYPING +PROTOZOA +PROTOZOAN +PROTRACT +PROTRUDE +PROTRUDED +PROTRUDES +PROTRUDING +PROTRUSION +PROTRUSIONS +PROTUBERANT +PROUD +PROUDER +PROUDEST +PROUDLY +PROUST +PROVABILITY +PROVABLE +PROVABLY +PROVE +PROVED +PROVEN +PROVENANCE +PROVENCE +PROVER +PROVERB +PROVERBIAL +PROVERBS +PROVERS +PROVES +PROVIDE +PROVIDED +PROVIDENCE +PROVIDENT +PROVIDER +PROVIDERS +PROVIDES +PROVIDING +PROVINCE +PROVINCES +PROVINCIAL +PROVING +PROVISION +PROVISIONAL +PROVISIONALLY +PROVISIONED +PROVISIONING +PROVISIONS +PROVISO +PROVOCATION +PROVOKE +PROVOKED +PROVOKES +PROVOST +PROW +PROWESS +PROWL +PROWLED +PROWLER +PROWLERS +PROWLING +PROWS +PROXIMAL +PROXIMATE +PROXIMITY +PROXMIRE +PROXY +PRUDENCE +PRUDENT +PRUDENTIAL +PRUDENTLY +PRUNE +PRUNED +PRUNER +PRUNERS +PRUNES +PRUNING +PRURIENT +PRUSSIA +PRUSSIAN +PRUSSIANIZATION +PRUSSIANIZATIONS +PRUSSIANIZE +PRUSSIANIZER +PRUSSIANIZERS +PRUSSIANIZES +PRY +PRYING +PSALM +PSALMS +PSEUDO +PSEUDOFILES +PSEUDOINSTRUCTION +PSEUDOINSTRUCTIONS +PSEUDONYM +PSEUDOPARALLELISM +PSILOCYBIN +PSYCH +PSYCHE +PSYCHEDELIC +PSYCHES +PSYCHIATRIC +PSYCHIATRIST +PSYCHIATRISTS +PSYCHIATRY +PSYCHIC +PSYCHO +PSYCHOANALYSIS +PSYCHOANALYST +PSYCHOANALYTIC +PSYCHOBIOLOGY +PSYCHOLOGICAL +PSYCHOLOGICALLY +PSYCHOLOGIST +PSYCHOLOGISTS +PSYCHOLOGY +PSYCHOPATH +PSYCHOPATHIC +PSYCHOPHYSIC +PSYCHOSES +PSYCHOSIS +PSYCHOSOCIAL +PSYCHOSOMATIC +PSYCHOTHERAPEUTIC +PSYCHOTHERAPIST +PSYCHOTHERAPY +PSYCHOTIC +PTOLEMAIC +PTOLEMAISTS +PTOLEMY +PUB +PUBERTY +PUBLIC +PUBLICATION +PUBLICATIONS +PUBLICITY +PUBLICIZE +PUBLICIZED +PUBLICIZES +PUBLICIZING +PUBLICLY +PUBLISH +PUBLISHED +PUBLISHER +PUBLISHERS +PUBLISHES +PUBLISHING +PUBS +PUCCINI +PUCKER +PUCKERED +PUCKERING +PUCKERS +PUDDING +PUDDINGS +PUDDLE +PUDDLES +PUDDLING +PUERTO +PUFF +PUFFED +PUFFIN +PUFFING +PUFFS +PUGH +PUKE +PULASKI +PULITZER +PULL +PULLED +PULLER +PULLEY +PULLEYS +PULLING +PULLINGS +PULLMAN +PULLMANIZE +PULLMANIZES +PULLMANS +PULLOVER +PULLS +PULMONARY +PULP +PULPING +PULPIT +PULPITS +PULSAR +PULSATE +PULSATION +PULSATIONS +PULSE +PULSED +PULSES +PULSING +PUMA +PUMICE +PUMMEL +PUMP +PUMPED +PUMPING +PUMPKIN +PUMPKINS +PUMPS +PUN +PUNCH +PUNCHED +PUNCHER +PUNCHES +PUNCHING +PUNCTUAL +PUNCTUALLY +PUNCTUATION +PUNCTURE +PUNCTURED +PUNCTURES +PUNCTURING +PUNDIT +PUNGENT +PUNIC +PUNISH +PUNISHABLE +PUNISHED +PUNISHES +PUNISHING +PUNISHMENT +PUNISHMENTS +PUNITIVE +PUNJAB +PUNJABI +PUNS +PUNT +PUNTED +PUNTING +PUNTS +PUNY +PUP +PUPA +PUPIL +PUPILS +PUPPET +PUPPETEER +PUPPETS +PUPPIES +PUPPY +PUPS +PURCELL +PURCHASE +PURCHASED +PURCHASER +PURCHASERS +PURCHASES +PURCHASING +PURDUE +PURE +PURELY +PURER +PUREST +PURGATORY +PURGE +PURGED +PURGES +PURGING +PURIFICATION +PURIFICATIONS +PURIFIED +PURIFIER +PURIFIERS +PURIFIES +PURIFY +PURIFYING +PURINA +PURIST +PURITAN +PURITANIC +PURITANIZE +PURITANIZER +PURITANIZERS +PURITANIZES +PURITY +PURPLE +PURPLER +PURPLEST +PURPORT +PURPORTED +PURPORTEDLY +PURPORTER +PURPORTERS +PURPORTING +PURPORTS +PURPOSE +PURPOSED +PURPOSEFUL +PURPOSEFULLY +PURPOSELY +PURPOSES +PURPOSIVE +PURR +PURRED +PURRING +PURRS +PURSE +PURSED +PURSER +PURSES +PURSUANT +PURSUE +PURSUED +PURSUER +PURSUERS +PURSUES +PURSUING +PURSUIT +PURSUITS +PURVEYOR +PURVIEW +PUS +PUSAN +PUSEY +PUSH +PUSHBUTTON +PUSHDOWN +PUSHED +PUSHER +PUSHERS +PUSHES +PUSHING +PUSS +PUSSY +PUSSYCAT +PUT +PUTNAM +PUTS +PUTT +PUTTER +PUTTERING +PUTTERS +PUTTING +PUTTY +PUZZLE +PUZZLED +PUZZLEMENT +PUZZLER +PUZZLERS +PUZZLES +PUZZLING +PUZZLINGS +PYGMALION +PYGMIES +PYGMY +PYLE +PYONGYANG +PYOTR +PYRAMID +PYRAMIDS +PYRE +PYREX +PYRRHIC +PYTHAGORAS +PYTHAGOREAN +PYTHAGOREANIZE +PYTHAGOREANIZES +PYTHAGOREANS +PYTHON +QATAR +QUA +QUACK +QUACKED +QUACKERY +QUACKS +QUAD +QUADRANGLE +QUADRANGULAR +QUADRANT +QUADRANTS +QUADRATIC +QUADRATICAL +QUADRATICALLY +QUADRATICS +QUADRATURE +QUADRATURES +QUADRENNIAL +QUADRILATERAL +QUADRILLION +QUADRUPLE +QUADRUPLED +QUADRUPLES +QUADRUPLING +QUADRUPOLE +QUAFF +QUAGMIRE +QUAGMIRES +QUAHOG +QUAIL +QUAILS +QUAINT +QUAINTLY +QUAINTNESS +QUAKE +QUAKED +QUAKER +QUAKERESS +QUAKERIZATION +QUAKERIZATIONS +QUAKERIZE +QUAKERIZES +QUAKERS +QUAKES +QUAKING +QUALIFICATION +QUALIFICATIONS +QUALIFIED +QUALIFIER +QUALIFIERS +QUALIFIES +QUALIFY +QUALIFYING +QUALITATIVE +QUALITATIVELY +QUALITIES +QUALITY +QUALM +QUANDARIES +QUANDARY +QUANTA +QUANTICO +QUANTIFIABLE +QUANTIFICATION +QUANTIFICATIONS +QUANTIFIED +QUANTIFIER +QUANTIFIERS +QUANTIFIES +QUANTIFY +QUANTIFYING +QUANTILE +QUANTITATIVE +QUANTITATIVELY +QUANTITIES +QUANTITY +QUANTIZATION +QUANTIZE +QUANTIZED +QUANTIZES +QUANTIZING +QUANTUM +QUARANTINE +QUARANTINES +QUARANTINING +QUARK +QUARREL +QUARRELED +QUARRELING +QUARRELS +QUARRELSOME +QUARRIES +QUARRY +QUART +QUARTER +QUARTERBACK +QUARTERED +QUARTERING +QUARTERLY +QUARTERMASTER +QUARTERS +QUARTET +QUARTETS +QUARTILE +QUARTS +QUARTZ +QUARTZITE +QUASAR +QUASH +QUASHED +QUASHES +QUASHING +QUASI +QUASIMODO +QUATERNARY +QUAVER +QUAVERED +QUAVERING +QUAVERS +QUAY +QUEASY +QUEBEC +QUEEN +QUEENLY +QUEENS +QUEENSLAND +QUEER +QUEERER +QUEEREST +QUEERLY +QUEERNESS +QUELL +QUELLING +QUENCH +QUENCHED +QUENCHES +QUENCHING +QUERIED +QUERIES +QUERY +QUERYING +QUEST +QUESTED +QUESTER +QUESTERS +QUESTING +QUESTION +QUESTIONABLE +QUESTIONABLY +QUESTIONED +QUESTIONER +QUESTIONERS +QUESTIONING +QUESTIONINGLY +QUESTIONINGS +QUESTIONNAIRE +QUESTIONNAIRES +QUESTIONS +QUESTS +QUEUE +QUEUED +QUEUEING +QUEUER +QUEUERS +QUEUES +QUEUING +QUEZON +QUIBBLE +QUICHUA +QUICK +QUICKEN +QUICKENED +QUICKENING +QUICKENS +QUICKER +QUICKEST +QUICKIE +QUICKLIME +QUICKLY +QUICKNESS +QUICKSAND +QUICKSILVER +QUIESCENT +QUIET +QUIETED +QUIETER +QUIETEST +QUIETING +QUIETLY +QUIETNESS +QUIETS +QUIETUDE +QUILL +QUILT +QUILTED +QUILTING +QUILTS +QUINCE +QUININE +QUINN +QUINT +QUINTET +QUINTILLION +QUIP +QUIRINAL +QUIRK +QUIRKY +QUIT +QUITE +QUITO +QUITS +QUITTER +QUITTERS +QUITTING +QUIVER +QUIVERED +QUIVERING +QUIVERS +QUIXOTE +QUIXOTIC +QUIXOTISM +QUIZ +QUIZZED +QUIZZES +QUIZZICAL +QUIZZING +QUO +QUONSET +QUORUM +QUOTA +QUOTAS +QUOTATION +QUOTATIONS +QUOTE +QUOTED +QUOTES +QUOTH +QUOTIENT +QUOTIENTS +QUOTING +RABAT +RABBI +RABBIT +RABBITS +RABBLE +RABID +RABIES +RABIN +RACCOON +RACCOONS +RACE +RACED +RACER +RACERS +RACES +RACETRACK +RACHEL +RACHMANINOFF +RACIAL +RACIALLY +RACINE +RACING +RACK +RACKED +RACKET +RACKETEER +RACKETEERING +RACKETEERS +RACKETS +RACKING +RACKS +RADAR +RADARS +RADCLIFFE +RADIAL +RADIALLY +RADIAN +RADIANCE +RADIANT +RADIANTLY +RADIATE +RADIATED +RADIATES +RADIATING +RADIATION +RADIATIONS +RADIATOR +RADIATORS +RADICAL +RADICALLY +RADICALS +RADICES +RADII +RADIO +RADIOACTIVE +RADIOASTRONOMY +RADIOED +RADIOGRAPHY +RADIOING +RADIOLOGY +RADIOS +RADISH +RADISHES +RADIUM +RADIUS +RADIX +RADON +RAE +RAFAEL +RAFFERTY +RAFT +RAFTER +RAFTERS +RAFTS +RAG +RAGE +RAGED +RAGES +RAGGED +RAGGEDLY +RAGGEDNESS +RAGING +RAGS +RAGUSAN +RAGWEED +RAID +RAIDED +RAIDER +RAIDERS +RAIDING +RAIDS +RAIL +RAILED +RAILER +RAILERS +RAILING +RAILROAD +RAILROADED +RAILROADER +RAILROADERS +RAILROADING +RAILROADS +RAILS +RAILWAY +RAILWAYS +RAIMENT +RAIN +RAINBOW +RAINCOAT +RAINCOATS +RAINDROP +RAINDROPS +RAINED +RAINFALL +RAINIER +RAINIEST +RAINING +RAINS +RAINSTORM +RAINY +RAISE +RAISED +RAISER +RAISERS +RAISES +RAISIN +RAISING +RAKE +RAKED +RAKES +RAKING +RALEIGH +RALLIED +RALLIES +RALLY +RALLYING +RALPH +RALSTON +RAM +RAMADA +RAMAN +RAMBLE +RAMBLER +RAMBLES +RAMBLING +RAMBLINGS +RAMIFICATION +RAMIFICATIONS +RAMIREZ +RAMO +RAMONA +RAMP +RAMPAGE +RAMPANT +RAMPART +RAMPS +RAMROD +RAMS +RAMSEY +RAN +RANCH +RANCHED +RANCHER +RANCHERS +RANCHES +RANCHING +RANCID +RAND +RANDALL +RANDOLPH +RANDOM +RANDOMIZATION +RANDOMIZE +RANDOMIZED +RANDOMIZES +RANDOMLY +RANDOMNESS +RANDY +RANG +RANGE +RANGED +RANGELAND +RANGER +RANGERS +RANGES +RANGING +RANGOON +RANGY +RANIER +RANK +RANKED +RANKER +RANKERS +RANKEST +RANKIN +RANKINE +RANKING +RANKINGS +RANKLE +RANKLY +RANKNESS +RANKS +RANSACK +RANSACKED +RANSACKING +RANSACKS +RANSOM +RANSOMER +RANSOMING +RANSOMS +RANT +RANTED +RANTER +RANTERS +RANTING +RANTS +RAOUL +RAP +RAPACIOUS +RAPE +RAPED +RAPER +RAPES +RAPHAEL +RAPID +RAPIDITY +RAPIDLY +RAPIDS +RAPIER +RAPING +RAPPORT +RAPPROCHEMENT +RAPS +RAPT +RAPTLY +RAPTURE +RAPTURES +RAPTUROUS +RAPUNZEL +RARE +RARELY +RARENESS +RARER +RAREST +RARITAN +RARITY +RASCAL +RASCALLY +RASCALS +RASH +RASHER +RASHLY +RASHNESS +RASMUSSEN +RASP +RASPBERRY +RASPED +RASPING +RASPS +RASTER +RASTUS +RAT +RATE +RATED +RATER +RATERS +RATES +RATFOR +RATHER +RATIFICATION +RATIFIED +RATIFIES +RATIFY +RATIFYING +RATING +RATINGS +RATIO +RATION +RATIONAL +RATIONALE +RATIONALES +RATIONALITIES +RATIONALITY +RATIONALIZATION +RATIONALIZATIONS +RATIONALIZE +RATIONALIZED +RATIONALIZES +RATIONALIZING +RATIONALLY +RATIONALS +RATIONING +RATIONS +RATIOS +RATS +RATTLE +RATTLED +RATTLER +RATTLERS +RATTLES +RATTLESNAKE +RATTLESNAKES +RATTLING +RAUCOUS +RAUL +RAVAGE +RAVAGED +RAVAGER +RAVAGERS +RAVAGES +RAVAGING +RAVE +RAVED +RAVEN +RAVENING +RAVENOUS +RAVENOUSLY +RAVENS +RAVES +RAVINE +RAVINES +RAVING +RAVINGS +RAW +RAWER +RAWEST +RAWLINGS +RAWLINS +RAWLINSON +RAWLY +RAWNESS +RAWSON +RAY +RAYBURN +RAYLEIGH +RAYMOND +RAYMONDVILLE +RAYS +RAYTHEON +RAZE +RAZOR +RAZORS +REABBREVIATE +REABBREVIATED +REABBREVIATES +REABBREVIATING +REACH +REACHABILITY +REACHABLE +REACHABLY +REACHED +REACHER +REACHES +REACHING +REACQUIRED +REACT +REACTED +REACTING +REACTION +REACTIONARIES +REACTIONARY +REACTIONS +REACTIVATE +REACTIVATED +REACTIVATES +REACTIVATING +REACTIVATION +REACTIVE +REACTIVELY +REACTIVITY +REACTOR +REACTORS +REACTS +READ +READABILITY +READABLE +READER +READERS +READIED +READIER +READIES +READIEST +READILY +READINESS +READING +READINGS +READJUSTED +READOUT +READOUTS +READS +READY +READYING +REAGAN +REAL +REALEST +REALIGN +REALIGNED +REALIGNING +REALIGNS +REALISM +REALIST +REALISTIC +REALISTICALLY +REALISTS +REALITIES +REALITY +REALIZABLE +REALIZABLY +REALIZATION +REALIZATIONS +REALIZE +REALIZED +REALIZES +REALIZING +REALLOCATE +REALLY +REALM +REALMS +REALNESS +REALS +REALTOR +REAM +REANALYZE +REANALYZES +REANALYZING +REAP +REAPED +REAPER +REAPING +REAPPEAR +REAPPEARED +REAPPEARING +REAPPEARS +REAPPRAISAL +REAPPRAISALS +REAPS +REAR +REARED +REARING +REARRANGE +REARRANGEABLE +REARRANGED +REARRANGEMENT +REARRANGEMENTS +REARRANGES +REARRANGING +REARREST +REARRESTED +REARS +REASON +REASONABLE +REASONABLENESS +REASONABLY +REASONED +REASONER +REASONING +REASONINGS +REASONS +REASSEMBLE +REASSEMBLED +REASSEMBLES +REASSEMBLING +REASSEMBLY +REASSESSMENT +REASSESSMENTS +REASSIGN +REASSIGNED +REASSIGNING +REASSIGNMENT +REASSIGNMENTS +REASSIGNS +REASSURE +REASSURED +REASSURES +REASSURING +REAWAKEN +REAWAKENED +REAWAKENING +REAWAKENS +REBATE +REBATES +REBECCA +REBEL +REBELLED +REBELLING +REBELLION +REBELLIONS +REBELLIOUS +REBELLIOUSLY +REBELLIOUSNESS +REBELS +REBIND +REBINDING +REBINDS +REBOOT +REBOOTED +REBOOTING +REBOOTS +REBOUND +REBOUNDED +REBOUNDING +REBOUNDS +REBROADCAST +REBROADCASTING +REBROADCASTS +REBUFF +REBUFFED +REBUILD +REBUILDING +REBUILDS +REBUILT +REBUKE +REBUKED +REBUKES +REBUKING +REBUTTAL +REBUTTED +REBUTTING +RECALCITRANT +RECALCULATE +RECALCULATED +RECALCULATES +RECALCULATING +RECALCULATION +RECALCULATIONS +RECALIBRATE +RECALIBRATED +RECALIBRATES +RECALIBRATING +RECALL +RECALLED +RECALLING +RECALLS +RECANT +RECAPITULATE +RECAPITULATED +RECAPITULATES +RECAPITULATION +RECAPTURE +RECAPTURED +RECAPTURES +RECAPTURING +RECAST +RECASTING +RECASTS +RECEDE +RECEDED +RECEDES +RECEDING +RECEIPT +RECEIPTS +RECEIVABLE +RECEIVE +RECEIVED +RECEIVER +RECEIVERS +RECEIVES +RECEIVING +RECENT +RECENTLY +RECENTNESS +RECEPTACLE +RECEPTACLES +RECEPTION +RECEPTIONIST +RECEPTIONS +RECEPTIVE +RECEPTIVELY +RECEPTIVENESS +RECEPTIVITY +RECEPTOR +RECESS +RECESSED +RECESSES +RECESSION +RECESSIVE +RECIFE +RECIPE +RECIPES +RECIPIENT +RECIPIENTS +RECIPROCAL +RECIPROCALLY +RECIPROCATE +RECIPROCATED +RECIPROCATES +RECIPROCATING +RECIPROCATION +RECIPROCITY +RECIRCULATE +RECIRCULATED +RECIRCULATES +RECIRCULATING +RECITAL +RECITALS +RECITATION +RECITATIONS +RECITE +RECITED +RECITER +RECITES +RECITING +RECKLESS +RECKLESSLY +RECKLESSNESS +RECKON +RECKONED +RECKONER +RECKONING +RECKONINGS +RECKONS +RECLAIM +RECLAIMABLE +RECLAIMED +RECLAIMER +RECLAIMERS +RECLAIMING +RECLAIMS +RECLAMATION +RECLAMATIONS +RECLASSIFICATION +RECLASSIFIED +RECLASSIFIES +RECLASSIFY +RECLASSIFYING +RECLINE +RECLINING +RECODE +RECODED +RECODES +RECODING +RECOGNITION +RECOGNITIONS +RECOGNIZABILITY +RECOGNIZABLE +RECOGNIZABLY +RECOGNIZE +RECOGNIZED +RECOGNIZER +RECOGNIZERS +RECOGNIZES +RECOGNIZING +RECOIL +RECOILED +RECOILING +RECOILS +RECOLLECT +RECOLLECTED +RECOLLECTING +RECOLLECTION +RECOLLECTIONS +RECOMBINATION +RECOMBINE +RECOMBINED +RECOMBINES +RECOMBINING +RECOMMEND +RECOMMENDATION +RECOMMENDATIONS +RECOMMENDED +RECOMMENDER +RECOMMENDING +RECOMMENDS +RECOMPENSE +RECOMPILE +RECOMPILED +RECOMPILES +RECOMPILING +RECOMPUTE +RECOMPUTED +RECOMPUTES +RECOMPUTING +RECONCILE +RECONCILED +RECONCILER +RECONCILES +RECONCILIATION +RECONCILING +RECONFIGURABLE +RECONFIGURATION +RECONFIGURATIONS +RECONFIGURE +RECONFIGURED +RECONFIGURER +RECONFIGURES +RECONFIGURING +RECONNECT +RECONNECTED +RECONNECTING +RECONNECTION +RECONNECTS +RECONSIDER +RECONSIDERATION +RECONSIDERED +RECONSIDERING +RECONSIDERS +RECONSTITUTED +RECONSTRUCT +RECONSTRUCTED +RECONSTRUCTING +RECONSTRUCTION +RECONSTRUCTS +RECONVERTED +RECONVERTS +RECORD +RECORDED +RECORDER +RECORDERS +RECORDING +RECORDINGS +RECORDS +RECOUNT +RECOUNTED +RECOUNTING +RECOUNTS +RECOURSE +RECOVER +RECOVERABLE +RECOVERED +RECOVERIES +RECOVERING +RECOVERS +RECOVERY +RECREATE +RECREATED +RECREATES +RECREATING +RECREATION +RECREATIONAL +RECREATIONS +RECREATIVE +RECRUIT +RECRUITED +RECRUITER +RECRUITING +RECRUITS +RECTA +RECTANGLE +RECTANGLES +RECTANGULAR +RECTIFY +RECTOR +RECTORS +RECTUM +RECTUMS +RECUPERATE +RECUR +RECURRENCE +RECURRENCES +RECURRENT +RECURRENTLY +RECURRING +RECURS +RECURSE +RECURSED +RECURSES +RECURSING +RECURSION +RECURSIONS +RECURSIVE +RECURSIVELY +RECYCLABLE +RECYCLE +RECYCLED +RECYCLES +RECYCLING +RED +REDBREAST +REDCOAT +REDDEN +REDDENED +REDDER +REDDEST +REDDISH +REDDISHNESS +REDECLARE +REDECLARED +REDECLARES +REDECLARING +REDEEM +REDEEMED +REDEEMER +REDEEMERS +REDEEMING +REDEEMS +REDEFINE +REDEFINED +REDEFINES +REDEFINING +REDEFINITION +REDEFINITIONS +REDEMPTION +REDESIGN +REDESIGNED +REDESIGNING +REDESIGNS +REDEVELOPMENT +REDFORD +REDHEAD +REDHOOK +REDIRECT +REDIRECTED +REDIRECTING +REDIRECTION +REDIRECTIONS +REDISPLAY +REDISPLAYED +REDISPLAYING +REDISPLAYS +REDISTRIBUTE +REDISTRIBUTED +REDISTRIBUTES +REDISTRIBUTING +REDLY +REDMOND +REDNECK +REDNESS +REDO +REDONE +REDOUBLE +REDOUBLED +REDRAW +REDRAWN +REDRESS +REDRESSED +REDRESSES +REDRESSING +REDS +REDSTONE +REDUCE +REDUCED +REDUCER +REDUCERS +REDUCES +REDUCIBILITY +REDUCIBLE +REDUCIBLY +REDUCING +REDUCTION +REDUCTIONS +REDUNDANCIES +REDUNDANCY +REDUNDANT +REDUNDANTLY +REDWOOD +REED +REEDS +REEDUCATION +REEDVILLE +REEF +REEFER +REEFS +REEL +REELECT +REELECTED +REELECTING +REELECTS +REELED +REELER +REELING +REELS +REEMPHASIZE +REEMPHASIZED +REEMPHASIZES +REEMPHASIZING +REENABLED +REENFORCEMENT +REENTER +REENTERED +REENTERING +REENTERS +REENTRANT +REESE +REESTABLISH +REESTABLISHED +REESTABLISHES +REESTABLISHING +REEVALUATE +REEVALUATED +REEVALUATES +REEVALUATING +REEVALUATION +REEVES +REEXAMINE +REEXAMINED +REEXAMINES +REEXAMINING +REEXECUTED +REFER +REFEREE +REFEREED +REFEREEING +REFEREES +REFERENCE +REFERENCED +REFERENCER +REFERENCES +REFERENCING +REFERENDA +REFERENDUM +REFERENDUMS +REFERENT +REFERENTIAL +REFERENTIALITY +REFERENTIALLY +REFERENTS +REFERRAL +REFERRALS +REFERRED +REFERRING +REFERS +REFILL +REFILLABLE +REFILLED +REFILLING +REFILLS +REFINE +REFINED +REFINEMENT +REFINEMENTS +REFINER +REFINERY +REFINES +REFINING +REFLECT +REFLECTED +REFLECTING +REFLECTION +REFLECTIONS +REFLECTIVE +REFLECTIVELY +REFLECTIVITY +REFLECTOR +REFLECTORS +REFLECTS +REFLEX +REFLEXES +REFLEXIVE +REFLEXIVELY +REFLEXIVENESS +REFLEXIVITY +REFORESTATION +REFORM +REFORMABLE +REFORMAT +REFORMATION +REFORMATORY +REFORMATS +REFORMATTED +REFORMATTING +REFORMED +REFORMER +REFORMERS +REFORMING +REFORMS +REFORMULATE +REFORMULATED +REFORMULATES +REFORMULATING +REFORMULATION +REFRACT +REFRACTED +REFRACTION +REFRACTORY +REFRAGMENT +REFRAIN +REFRAINED +REFRAINING +REFRAINS +REFRESH +REFRESHED +REFRESHER +REFRESHERS +REFRESHES +REFRESHING +REFRESHINGLY +REFRESHMENT +REFRESHMENTS +REFRIGERATE +REFRIGERATOR +REFRIGERATORS +REFUEL +REFUELED +REFUELING +REFUELS +REFUGE +REFUGEE +REFUGEES +REFUSAL +REFUSE +REFUSED +REFUSES +REFUSING +REFUTABLE +REFUTATION +REFUTE +REFUTED +REFUTER +REFUTES +REFUTING +REGAIN +REGAINED +REGAINING +REGAINS +REGAL +REGALED +REGALLY +REGARD +REGARDED +REGARDING +REGARDLESS +REGARDS +REGATTA +REGENERATE +REGENERATED +REGENERATES +REGENERATING +REGENERATION +REGENERATIVE +REGENERATOR +REGENERATORS +REGENT +REGENTS +REGIME +REGIMEN +REGIMENT +REGIMENTATION +REGIMENTED +REGIMENTS +REGIMES +REGINA +REGINALD +REGION +REGIONAL +REGIONALLY +REGIONS +REGIS +REGISTER +REGISTERED +REGISTERING +REGISTERS +REGISTRAR +REGISTRATION +REGISTRATIONS +REGISTRY +REGRESS +REGRESSED +REGRESSES +REGRESSING +REGRESSION +REGRESSIONS +REGRESSIVE +REGRET +REGRETFUL +REGRETFULLY +REGRETS +REGRETTABLE +REGRETTABLY +REGRETTED +REGRETTING +REGROUP +REGROUPED +REGROUPING +REGULAR +REGULARITIES +REGULARITY +REGULARLY +REGULARS +REGULATE +REGULATED +REGULATES +REGULATING +REGULATION +REGULATIONS +REGULATIVE +REGULATOR +REGULATORS +REGULATORY +REGULUS +REHABILITATE +REHEARSAL +REHEARSALS +REHEARSE +REHEARSED +REHEARSER +REHEARSES +REHEARSING +REICH +REICHENBERG +REICHSTAG +REID +REIGN +REIGNED +REIGNING +REIGNS +REILLY +REIMBURSABLE +REIMBURSE +REIMBURSED +REIMBURSEMENT +REIMBURSEMENTS +REIN +REINCARNATE +REINCARNATED +REINCARNATION +REINDEER +REINED +REINFORCE +REINFORCED +REINFORCEMENT +REINFORCEMENTS +REINFORCER +REINFORCES +REINFORCING +REINHARD +REINHARDT +REINHOLD +REINITIALIZE +REINITIALIZED +REINITIALIZING +REINS +REINSERT +REINSERTED +REINSERTING +REINSERTS +REINSTATE +REINSTATED +REINSTATEMENT +REINSTATES +REINSTATING +REINTERPRET +REINTERPRETED +REINTERPRETING +REINTERPRETS +REINTRODUCE +REINTRODUCED +REINTRODUCES +REINTRODUCING +REINVENT +REINVENTED +REINVENTING +REINVENTS +REITERATE +REITERATED +REITERATES +REITERATING +REITERATION +REJECT +REJECTED +REJECTING +REJECTION +REJECTIONS +REJECTOR +REJECTORS +REJECTS +REJOICE +REJOICED +REJOICER +REJOICES +REJOICING +REJOIN +REJOINDER +REJOINED +REJOINING +REJOINS +RELABEL +RELABELED +RELABELING +RELABELLED +RELABELLING +RELABELS +RELAPSE +RELATE +RELATED +RELATER +RELATES +RELATING +RELATION +RELATIONAL +RELATIONALLY +RELATIONS +RELATIONSHIP +RELATIONSHIPS +RELATIVE +RELATIVELY +RELATIVENESS +RELATIVES +RELATIVISM +RELATIVISTIC +RELATIVISTICALLY +RELATIVITY +RELAX +RELAXATION +RELAXATIONS +RELAXED +RELAXER +RELAXES +RELAXING +RELAY +RELAYED +RELAYING +RELAYS +RELEASE +RELEASED +RELEASES +RELEASING +RELEGATE +RELEGATED +RELEGATES +RELEGATING +RELENT +RELENTED +RELENTING +RELENTLESS +RELENTLESSLY +RELENTLESSNESS +RELENTS +RELEVANCE +RELEVANCES +RELEVANT +RELEVANTLY +RELIABILITY +RELIABLE +RELIABLY +RELIANCE +RELIANT +RELIC +RELICS +RELIED +RELIEF +RELIES +RELIEVE +RELIEVED +RELIEVER +RELIEVERS +RELIEVES +RELIEVING +RELIGION +RELIGIONS +RELIGIOUS +RELIGIOUSLY +RELIGIOUSNESS +RELINK +RELINQUISH +RELINQUISHED +RELINQUISHES +RELINQUISHING +RELISH +RELISHED +RELISHES +RELISHING +RELIVE +RELIVES +RELIVING +RELOAD +RELOADED +RELOADER +RELOADING +RELOADS +RELOCATABLE +RELOCATE +RELOCATED +RELOCATES +RELOCATING +RELOCATION +RELOCATIONS +RELUCTANCE +RELUCTANT +RELUCTANTLY +RELY +RELYING +REMAIN +REMAINDER +REMAINDERS +REMAINED +REMAINING +REMAINS +REMARK +REMARKABLE +REMARKABLENESS +REMARKABLY +REMARKED +REMARKING +REMARKS +REMBRANDT +REMEDIAL +REMEDIED +REMEDIES +REMEDY +REMEDYING +REMEMBER +REMEMBERED +REMEMBERING +REMEMBERS +REMEMBRANCE +REMEMBRANCES +REMIND +REMINDED +REMINDER +REMINDERS +REMINDING +REMINDS +REMINGTON +REMINISCENCE +REMINISCENCES +REMINISCENT +REMINISCENTLY +REMISS +REMISSION +REMIT +REMITTANCE +REMNANT +REMNANTS +REMODEL +REMODELED +REMODELING +REMODELS +REMONSTRATE +REMONSTRATED +REMONSTRATES +REMONSTRATING +REMONSTRATION +REMONSTRATIVE +REMORSE +REMORSEFUL +REMOTE +REMOTELY +REMOTENESS +REMOTEST +REMOVABLE +REMOVAL +REMOVALS +REMOVE +REMOVED +REMOVER +REMOVES +REMOVING +REMUNERATE +REMUNERATION +REMUS +REMY +RENA +RENAISSANCE +RENAL +RENAME +RENAMED +RENAMES +RENAMING +RENAULT +RENAULTS +REND +RENDER +RENDERED +RENDERING +RENDERINGS +RENDERS +RENDEZVOUS +RENDING +RENDITION +RENDITIONS +RENDS +RENE +RENEE +RENEGADE +RENEGOTIABLE +RENEW +RENEWABLE +RENEWAL +RENEWED +RENEWER +RENEWING +RENEWS +RENO +RENOIR +RENOUNCE +RENOUNCES +RENOUNCING +RENOVATE +RENOVATED +RENOVATION +RENOWN +RENOWNED +RENSSELAER +RENT +RENTAL +RENTALS +RENTED +RENTING +RENTS +RENUMBER +RENUMBERING +RENUMBERS +RENUNCIATE +RENUNCIATION +RENVILLE +REOCCUR +REOPEN +REOPENED +REOPENING +REOPENS +REORDER +REORDERED +REORDERING +REORDERS +REORGANIZATION +REORGANIZATIONS +REORGANIZE +REORGANIZED +REORGANIZES +REORGANIZING +REPACKAGE +REPAID +REPAIR +REPAIRED +REPAIRER +REPAIRING +REPAIRMAN +REPAIRMEN +REPAIRS +REPARATION +REPARATIONS +REPARTEE +REPARTITION +REPAST +REPASTS +REPAY +REPAYING +REPAYS +REPEAL +REPEALED +REPEALER +REPEALING +REPEALS +REPEAT +REPEATABLE +REPEATED +REPEATEDLY +REPEATER +REPEATERS +REPEATING +REPEATS +REPEL +REPELLED +REPELLENT +REPELS +REPENT +REPENTANCE +REPENTED +REPENTING +REPENTS +REPERCUSSION +REPERCUSSIONS +REPERTOIRE +REPERTORY +REPETITION +REPETITIONS +REPETITIOUS +REPETITIVE +REPETITIVELY +REPETITIVENESS +REPHRASE +REPHRASED +REPHRASES +REPHRASING +REPINE +REPLACE +REPLACEABLE +REPLACED +REPLACEMENT +REPLACEMENTS +REPLACER +REPLACES +REPLACING +REPLAY +REPLAYED +REPLAYING +REPLAYS +REPLENISH +REPLENISHED +REPLENISHES +REPLENISHING +REPLETE +REPLETENESS +REPLETION +REPLICA +REPLICAS +REPLICATE +REPLICATED +REPLICATES +REPLICATING +REPLICATION +REPLICATIONS +REPLIED +REPLIES +REPLY +REPLYING +REPORT +REPORTED +REPORTEDLY +REPORTER +REPORTERS +REPORTING +REPORTS +REPOSE +REPOSED +REPOSES +REPOSING +REPOSITION +REPOSITIONED +REPOSITIONING +REPOSITIONS +REPOSITORIES +REPOSITORY +REPREHENSIBLE +REPRESENT +REPRESENTABLE +REPRESENTABLY +REPRESENTATION +REPRESENTATIONAL +REPRESENTATIONALLY +REPRESENTATIONS +REPRESENTATIVE +REPRESENTATIVELY +REPRESENTATIVENESS +REPRESENTATIVES +REPRESENTED +REPRESENTING +REPRESENTS +REPRESS +REPRESSED +REPRESSES +REPRESSING +REPRESSION +REPRESSIONS +REPRESSIVE +REPRIEVE +REPRIEVED +REPRIEVES +REPRIEVING +REPRIMAND +REPRINT +REPRINTED +REPRINTING +REPRINTS +REPRISAL +REPRISALS +REPROACH +REPROACHED +REPROACHES +REPROACHING +REPROBATE +REPRODUCE +REPRODUCED +REPRODUCER +REPRODUCERS +REPRODUCES +REPRODUCIBILITIES +REPRODUCIBILITY +REPRODUCIBLE +REPRODUCIBLY +REPRODUCING +REPRODUCTION +REPRODUCTIONS +REPROGRAM +REPROGRAMMED +REPROGRAMMING +REPROGRAMS +REPROOF +REPROVE +REPROVER +REPTILE +REPTILES +REPTILIAN +REPUBLIC +REPUBLICAN +REPUBLICANS +REPUBLICS +REPUDIATE +REPUDIATED +REPUDIATES +REPUDIATING +REPUDIATION +REPUDIATIONS +REPUGNANT +REPULSE +REPULSED +REPULSES +REPULSING +REPULSION +REPULSIONS +REPULSIVE +REPUTABLE +REPUTABLY +REPUTATION +REPUTATIONS +REPUTE +REPUTED +REPUTEDLY +REPUTES +REQUEST +REQUESTED +REQUESTER +REQUESTERS +REQUESTING +REQUESTS +REQUIRE +REQUIRED +REQUIREMENT +REQUIREMENTS +REQUIRES +REQUIRING +REQUISITE +REQUISITES +REQUISITION +REQUISITIONED +REQUISITIONING +REQUISITIONS +REREAD +REREGISTER +REROUTE +REROUTED +REROUTES +REROUTING +RERUN +RERUNS +RESCHEDULE +RESCIND +RESCUE +RESCUED +RESCUER +RESCUERS +RESCUES +RESCUING +RESEARCH +RESEARCHED +RESEARCHER +RESEARCHERS +RESEARCHES +RESEARCHING +RESELECT +RESELECTED +RESELECTING +RESELECTS +RESELL +RESELLING +RESEMBLANCE +RESEMBLANCES +RESEMBLE +RESEMBLED +RESEMBLES +RESEMBLING +RESENT +RESENTED +RESENTFUL +RESENTFULLY +RESENTING +RESENTMENT +RESENTS +RESERPINE +RESERVATION +RESERVATIONS +RESERVE +RESERVED +RESERVER +RESERVES +RESERVING +RESERVOIR +RESERVOIRS +RESET +RESETS +RESETTING +RESETTINGS +RESIDE +RESIDED +RESIDENCE +RESIDENCES +RESIDENT +RESIDENTIAL +RESIDENTIALLY +RESIDENTS +RESIDES +RESIDING +RESIDUAL +RESIDUE +RESIDUES +RESIGN +RESIGNATION +RESIGNATIONS +RESIGNED +RESIGNING +RESIGNS +RESILIENT +RESIN +RESINS +RESIST +RESISTABLE +RESISTANCE +RESISTANCES +RESISTANT +RESISTANTLY +RESISTED +RESISTIBLE +RESISTING +RESISTIVE +RESISTIVITY +RESISTOR +RESISTORS +RESISTS +RESOLUTE +RESOLUTELY +RESOLUTENESS +RESOLUTION +RESOLUTIONS +RESOLVABLE +RESOLVE +RESOLVED +RESOLVER +RESOLVERS +RESOLVES +RESOLVING +RESONANCE +RESONANCES +RESONANT +RESONATE +RESORT +RESORTED +RESORTING +RESORTS +RESOUND +RESOUNDING +RESOUNDS +RESOURCE +RESOURCEFUL +RESOURCEFULLY +RESOURCEFULNESS +RESOURCES +RESPECT +RESPECTABILITY +RESPECTABLE +RESPECTABLY +RESPECTED +RESPECTER +RESPECTFUL +RESPECTFULLY +RESPECTFULNESS +RESPECTING +RESPECTIVE +RESPECTIVELY +RESPECTS +RESPIRATION +RESPIRATOR +RESPIRATORY +RESPITE +RESPLENDENT +RESPLENDENTLY +RESPOND +RESPONDED +RESPONDENT +RESPONDENTS +RESPONDER +RESPONDING +RESPONDS +RESPONSE +RESPONSES +RESPONSIBILITIES +RESPONSIBILITY +RESPONSIBLE +RESPONSIBLENESS +RESPONSIBLY +RESPONSIVE +RESPONSIVELY +RESPONSIVENESS +REST +RESTART +RESTARTED +RESTARTING +RESTARTS +RESTATE +RESTATED +RESTATEMENT +RESTATES +RESTATING +RESTAURANT +RESTAURANTS +RESTAURATEUR +RESTED +RESTFUL +RESTFULLY +RESTFULNESS +RESTING +RESTITUTION +RESTIVE +RESTLESS +RESTLESSLY +RESTLESSNESS +RESTORATION +RESTORATIONS +RESTORE +RESTORED +RESTORER +RESTORERS +RESTORES +RESTORING +RESTRAIN +RESTRAINED +RESTRAINER +RESTRAINERS +RESTRAINING +RESTRAINS +RESTRAINT +RESTRAINTS +RESTRICT +RESTRICTED +RESTRICTING +RESTRICTION +RESTRICTIONS +RESTRICTIVE +RESTRICTIVELY +RESTRICTS +RESTROOM +RESTRUCTURE +RESTRUCTURED +RESTRUCTURES +RESTRUCTURING +RESTS +RESULT +RESULTANT +RESULTANTLY +RESULTANTS +RESULTED +RESULTING +RESULTS +RESUMABLE +RESUME +RESUMED +RESUMES +RESUMING +RESUMPTION +RESUMPTIONS +RESURGENT +RESURRECT +RESURRECTED +RESURRECTING +RESURRECTION +RESURRECTIONS +RESURRECTOR +RESURRECTORS +RESURRECTS +RESUSCITATE +RESYNCHRONIZATION +RESYNCHRONIZE +RESYNCHRONIZED +RESYNCHRONIZING +RETAIL +RETAILER +RETAILERS +RETAILING +RETAIN +RETAINED +RETAINER +RETAINERS +RETAINING +RETAINMENT +RETAINS +RETALIATE +RETALIATION +RETALIATORY +RETARD +RETARDED +RETARDER +RETARDING +RETCH +RETENTION +RETENTIONS +RETENTIVE +RETENTIVELY +RETENTIVENESS +RETICLE +RETICLES +RETICULAR +RETICULATE +RETICULATED +RETICULATELY +RETICULATES +RETICULATING +RETICULATION +RETINA +RETINAL +RETINAS +RETINUE +RETIRE +RETIRED +RETIREE +RETIREMENT +RETIREMENTS +RETIRES +RETIRING +RETORT +RETORTED +RETORTS +RETRACE +RETRACED +RETRACES +RETRACING +RETRACT +RETRACTED +RETRACTING +RETRACTION +RETRACTIONS +RETRACTS +RETRAIN +RETRAINED +RETRAINING +RETRAINS +RETRANSLATE +RETRANSLATED +RETRANSMISSION +RETRANSMISSIONS +RETRANSMIT +RETRANSMITS +RETRANSMITTED +RETRANSMITTING +RETREAT +RETREATED +RETREATING +RETREATS +RETRIBUTION +RETRIED +RETRIER +RETRIERS +RETRIES +RETRIEVABLE +RETRIEVAL +RETRIEVALS +RETRIEVE +RETRIEVED +RETRIEVER +RETRIEVERS +RETRIEVES +RETRIEVING +RETROACTIVE +RETROACTIVELY +RETROFIT +RETROFITTING +RETROGRADE +RETROSPECT +RETROSPECTION +RETROSPECTIVE +RETRY +RETRYING +RETURN +RETURNABLE +RETURNED +RETURNER +RETURNING +RETURNS +RETYPE +RETYPED +RETYPES +RETYPING +REUB +REUBEN +REUNION +REUNIONS +REUNITE +REUNITED +REUNITING +REUSABLE +REUSE +REUSED +REUSES +REUSING +REUTERS +REUTHER +REVAMP +REVAMPED +REVAMPING +REVAMPS +REVEAL +REVEALED +REVEALING +REVEALS +REVEL +REVELATION +REVELATIONS +REVELED +REVELER +REVELING +REVELRY +REVELS +REVENGE +REVENGER +REVENUE +REVENUERS +REVENUES +REVERBERATE +REVERE +REVERED +REVERENCE +REVEREND +REVERENDS +REVERENT +REVERENTLY +REVERES +REVERIE +REVERIFIED +REVERIFIES +REVERIFY +REVERIFYING +REVERING +REVERSAL +REVERSALS +REVERSE +REVERSED +REVERSELY +REVERSER +REVERSES +REVERSIBLE +REVERSING +REVERSION +REVERT +REVERTED +REVERTING +REVERTS +REVIEW +REVIEWED +REVIEWER +REVIEWERS +REVIEWING +REVIEWS +REVILE +REVILED +REVILER +REVILING +REVISE +REVISED +REVISER +REVISES +REVISING +REVISION +REVISIONARY +REVISIONS +REVISIT +REVISITED +REVISITING +REVISITS +REVIVAL +REVIVALS +REVIVE +REVIVED +REVIVER +REVIVES +REVIVING +REVOCABLE +REVOCATION +REVOKE +REVOKED +REVOKER +REVOKES +REVOKING +REVOLT +REVOLTED +REVOLTER +REVOLTING +REVOLTINGLY +REVOLTS +REVOLUTION +REVOLUTIONARIES +REVOLUTIONARY +REVOLUTIONIZE +REVOLUTIONIZED +REVOLUTIONIZER +REVOLUTIONS +REVOLVE +REVOLVED +REVOLVER +REVOLVERS +REVOLVES +REVOLVING +REVULSION +REWARD +REWARDED +REWARDING +REWARDINGLY +REWARDS +REWIND +REWINDING +REWINDS +REWIRE +REWORK +REWORKED +REWORKING +REWORKS +REWOUND +REWRITE +REWRITES +REWRITING +REWRITTEN +REX +REYKJAVIK +REYNOLDS +RHAPSODY +RHEA +RHEIMS +RHEINHOLDT +RHENISH +RHESUS +RHETORIC +RHEUMATIC +RHEUMATISM +RHINE +RHINESTONE +RHINO +RHINOCEROS +RHO +RHODA +RHODE +RHODES +RHODESIA +RHODODENDRON +RHOMBIC +RHOMBUS +RHUBARB +RHYME +RHYMED +RHYMES +RHYMING +RHYTHM +RHYTHMIC +RHYTHMICALLY +RHYTHMS +RIB +RIBALD +RIBBED +RIBBING +RIBBON +RIBBONS +RIBOFLAVIN +RIBONUCLEIC +RIBS +RICA +RICAN +RICANISM +RICANS +RICE +RICH +RICHARD +RICHARDS +RICHARDSON +RICHER +RICHES +RICHEST +RICHEY +RICHFIELD +RICHLAND +RICHLY +RICHMOND +RICHNESS +RICHTER +RICK +RICKENBAUGH +RICKETS +RICKETTSIA +RICKETY +RICKSHAW +RICKSHAWS +RICO +RICOCHET +RID +RIDDANCE +RIDDEN +RIDDING +RIDDLE +RIDDLED +RIDDLES +RIDDLING +RIDE +RIDER +RIDERS +RIDES +RIDGE +RIDGEFIELD +RIDGEPOLE +RIDGES +RIDGWAY +RIDICULE +RIDICULED +RIDICULES +RIDICULING +RIDICULOUS +RIDICULOUSLY +RIDICULOUSNESS +RIDING +RIDS +RIEMANN +RIEMANNIAN +RIFLE +RIFLED +RIFLEMAN +RIFLER +RIFLES +RIFLING +RIFT +RIG +RIGA +RIGEL +RIGGING +RIGGS +RIGHT +RIGHTED +RIGHTEOUS +RIGHTEOUSLY +RIGHTEOUSNESS +RIGHTER +RIGHTFUL +RIGHTFULLY +RIGHTFULNESS +RIGHTING +RIGHTLY +RIGHTMOST +RIGHTNESS +RIGHTS +RIGHTWARD +RIGID +RIGIDITY +RIGIDLY +RIGOR +RIGOROUS +RIGOROUSLY +RIGORS +RIGS +RILEY +RILKE +RILL +RIM +RIME +RIMS +RIND +RINDS +RINEHART +RING +RINGED +RINGER +RINGERS +RINGING +RINGINGLY +RINGINGS +RINGS +RINGSIDE +RINK +RINSE +RINSED +RINSER +RINSES +RINSING +RIO +RIORDAN +RIOT +RIOTED +RIOTER +RIOTERS +RIOTING +RIOTOUS +RIOTS +RIP +RIPE +RIPELY +RIPEN +RIPENESS +RIPLEY +RIPOFF +RIPPED +RIPPING +RIPPLE +RIPPLED +RIPPLES +RIPPLING +RIPS +RISC +RISE +RISEN +RISER +RISERS +RISES +RISING +RISINGS +RISK +RISKED +RISKING +RISKS +RISKY +RITCHIE +RITE +RITES +RITTER +RITUAL +RITUALLY +RITUALS +RITZ +RIVAL +RIVALED +RIVALLED +RIVALLING +RIVALRIES +RIVALRY +RIVALS +RIVER +RIVERBANK +RIVERFRONT +RIVERS +RIVERSIDE +RIVERVIEW +RIVET +RIVETER +RIVETS +RIVIERA +RIVULET +RIVULETS +RIYADH +ROACH +ROAD +ROADBED +ROADBLOCK +ROADS +ROADSIDE +ROADSTER +ROADSTERS +ROADWAY +ROADWAYS +ROAM +ROAMED +ROAMING +ROAMS +ROAR +ROARED +ROARER +ROARING +ROARS +ROAST +ROASTED +ROASTER +ROASTING +ROASTS +ROB +ROBBED +ROBBER +ROBBERIES +ROBBERS +ROBBERY +ROBBIE +ROBBIN +ROBBING +ROBBINS +ROBE +ROBED +ROBERT +ROBERTA +ROBERTO +ROBERTS +ROBERTSON +ROBERTSONS +ROBES +ROBIN +ROBING +ROBINS +ROBINSON +ROBINSONVILLE +ROBOT +ROBOTIC +ROBOTICS +ROBOTS +ROBS +ROBUST +ROBUSTLY +ROBUSTNESS +ROCCO +ROCHESTER +ROCHFORD +ROCK +ROCKABYE +ROCKAWAY +ROCKAWAYS +ROCKED +ROCKEFELLER +ROCKER +ROCKERS +ROCKET +ROCKETED +ROCKETING +ROCKETS +ROCKFORD +ROCKIES +ROCKING +ROCKLAND +ROCKS +ROCKVILLE +ROCKWELL +ROCKY +ROD +RODE +RODENT +RODENTS +RODEO +RODGERS +RODNEY +RODRIGUEZ +RODS +ROE +ROENTGEN +ROGER +ROGERS +ROGUE +ROGUES +ROLAND +ROLE +ROLES +ROLL +ROLLBACK +ROLLED +ROLLER +ROLLERS +ROLLIE +ROLLING +ROLLINS +ROLLS +ROMAN +ROMANCE +ROMANCER +ROMANCERS +ROMANCES +ROMANCING +ROMANESQUE +ROMANIA +ROMANIZATIONS +ROMANIZER +ROMANIZERS +ROMANIZES +ROMANO +ROMANS +ROMANTIC +ROMANTICS +ROME +ROMELDALE +ROMEO +ROMP +ROMPED +ROMPER +ROMPING +ROMPS +ROMULUS +RON +RONALD +RONNIE +ROOF +ROOFED +ROOFER +ROOFING +ROOFS +ROOFTOP +ROOK +ROOKIE +ROOM +ROOMED +ROOMER +ROOMERS +ROOMFUL +ROOMING +ROOMMATE +ROOMS +ROOMY +ROONEY +ROOSEVELT +ROOSEVELTIAN +ROOST +ROOSTER +ROOSTERS +ROOT +ROOTED +ROOTER +ROOTING +ROOTS +ROPE +ROPED +ROPER +ROPERS +ROPES +ROPING +ROQUEMORE +RORSCHACH +ROSA +ROSABELLE +ROSALIE +ROSARY +ROSE +ROSEBUD +ROSEBUDS +ROSEBUSH +ROSELAND +ROSELLA +ROSEMARY +ROSEN +ROSENBERG +ROSENBLUM +ROSENTHAL +ROSENZWEIG +ROSES +ROSETTA +ROSETTE +ROSIE +ROSINESS +ROSS +ROSSI +ROSTER +ROSTRUM +ROSWELL +ROSY +ROT +ROTARIAN +ROTARIANS +ROTARY +ROTATE +ROTATED +ROTATES +ROTATING +ROTATION +ROTATIONAL +ROTATIONS +ROTATOR +ROTH +ROTHSCHILD +ROTOR +ROTS +ROTTEN +ROTTENNESS +ROTTERDAM +ROTTING +ROTUND +ROTUNDA +ROUGE +ROUGH +ROUGHED +ROUGHEN +ROUGHER +ROUGHEST +ROUGHLY +ROUGHNECK +ROUGHNESS +ROULETTE +ROUND +ROUNDABOUT +ROUNDED +ROUNDEDNESS +ROUNDER +ROUNDEST +ROUNDHEAD +ROUNDHOUSE +ROUNDING +ROUNDLY +ROUNDNESS +ROUNDOFF +ROUNDS +ROUNDTABLE +ROUNDUP +ROUNDWORM +ROURKE +ROUSE +ROUSED +ROUSES +ROUSING +ROUSSEAU +ROUSTABOUT +ROUT +ROUTE +ROUTED +ROUTER +ROUTERS +ROUTES +ROUTINE +ROUTINELY +ROUTINES +ROUTING +ROUTINGS +ROVE +ROVED +ROVER +ROVES +ROVING +ROW +ROWBOAT +ROWDY +ROWE +ROWED +ROWENA +ROWER +ROWING +ROWLAND +ROWLEY +ROWS +ROXBURY +ROXY +ROY +ROYAL +ROYALIST +ROYALISTS +ROYALLY +ROYALTIES +ROYALTY +ROYCE +ROZELLE +RUANDA +RUB +RUBAIYAT +RUBBED +RUBBER +RUBBERS +RUBBERY +RUBBING +RUBBISH +RUBBLE +RUBDOWN +RUBE +RUBEN +RUBENS +RUBIES +RUBIN +RUBLE +RUBLES +RUBOUT +RUBS +RUBY +RUDDER +RUDDERS +RUDDINESS +RUDDY +RUDE +RUDELY +RUDENESS +RUDIMENT +RUDIMENTARY +RUDIMENTS +RUDOLF +RUDOLPH +RUDY +RUDYARD +RUE +RUEFULLY +RUFFIAN +RUFFIANLY +RUFFIANS +RUFFLE +RUFFLED +RUFFLES +RUFUS +RUG +RUGGED +RUGGEDLY +RUGGEDNESS +RUGS +RUIN +RUINATION +RUINATIONS +RUINED +RUINING +RUINOUS +RUINOUSLY +RUINS +RULE +RULED +RULER +RULERS +RULES +RULING +RULINGS +RUM +RUMANIA +RUMANIAN +RUMANIANS +RUMBLE +RUMBLED +RUMBLER +RUMBLES +RUMBLING +RUMEN +RUMFORD +RUMMAGE +RUMMEL +RUMMY +RUMOR +RUMORED +RUMORS +RUMP +RUMPLE +RUMPLED +RUMPLY +RUMPUS +RUN +RUNAWAY +RUNDOWN +RUNG +RUNGE +RUNGS +RUNNABLE +RUNNER +RUNNERS +RUNNING +RUNNYMEDE +RUNOFF +RUNS +RUNT +RUNTIME +RUNYON +RUPEE +RUPPERT +RUPTURE +RUPTURED +RUPTURES +RUPTURING +RURAL +RURALLY +RUSH +RUSHED +RUSHER +RUSHES +RUSHING +RUSHMORE +RUSS +RUSSELL +RUSSET +RUSSIA +RUSSIAN +RUSSIANIZATIONS +RUSSIANIZES +RUSSIANS +RUSSO +RUST +RUSTED +RUSTIC +RUSTICATE +RUSTICATED +RUSTICATES +RUSTICATING +RUSTICATION +RUSTING +RUSTLE +RUSTLED +RUSTLER +RUSTLERS +RUSTLING +RUSTS +RUSTY +RUT +RUTGERS +RUTH +RUTHERFORD +RUTHLESS +RUTHLESSLY +RUTHLESSNESS +RUTLAND +RUTLEDGE +RUTS +RWANDA +RYAN +RYDBERG +RYDER +RYE +SABBATH +SABBATHIZE +SABBATHIZES +SABBATICAL +SABER +SABERS +SABINA +SABINE +SABLE +SABLES +SABOTAGE +SACHS +SACK +SACKER +SACKING +SACKS +SACRAMENT +SACRAMENTO +SACRED +SACREDLY +SACREDNESS +SACRIFICE +SACRIFICED +SACRIFICER +SACRIFICERS +SACRIFICES +SACRIFICIAL +SACRIFICIALLY +SACRIFICING +SACRILEGE +SACRILEGIOUS +SACROSANCT +SAD +SADDEN +SADDENED +SADDENS +SADDER +SADDEST +SADDLE +SADDLEBAG +SADDLED +SADDLES +SADIE +SADISM +SADIST +SADISTIC +SADISTICALLY +SADISTS +SADLER +SADLY +SADNESS +SAFARI +SAFE +SAFEGUARD +SAFEGUARDED +SAFEGUARDING +SAFEGUARDS +SAFEKEEPING +SAFELY +SAFENESS +SAFER +SAFES +SAFEST +SAFETIES +SAFETY +SAFFRON +SAG +SAGA +SAGACIOUS +SAGACITY +SAGE +SAGEBRUSH +SAGELY +SAGES +SAGGING +SAGINAW +SAGITTAL +SAGITTARIUS +SAGS +SAGUARO +SAHARA +SAID +SAIGON +SAIL +SAILBOAT +SAILED +SAILFISH +SAILING +SAILOR +SAILORLY +SAILORS +SAILS +SAINT +SAINTED +SAINTHOOD +SAINTLY +SAINTS +SAKE +SAKES +SAL +SALAAM +SALABLE +SALAD +SALADS +SALAMANDER +SALAMI +SALARIED +SALARIES +SALARY +SALE +SALEM +SALERNO +SALES +SALESGIRL +SALESIAN +SALESLADY +SALESMAN +SALESMEN +SALESPERSON +SALIENT +SALINA +SALINE +SALISBURY +SALISH +SALIVA +SALIVARY +SALIVATE +SALK +SALLE +SALLIES +SALLOW +SALLY +SALLYING +SALMON +SALON +SALONS +SALOON +SALOONS +SALT +SALTED +SALTER +SALTERS +SALTIER +SALTIEST +SALTINESS +SALTING +SALTON +SALTS +SALTY +SALUTARY +SALUTATION +SALUTATIONS +SALUTE +SALUTED +SALUTES +SALUTING +SALVADOR +SALVADORAN +SALVAGE +SALVAGED +SALVAGER +SALVAGES +SALVAGING +SALVATION +SALVATORE +SALVE +SALVER +SALVES +SALZ +SAM +SAMARITAN +SAME +SAMENESS +SAMMY +SAMOA +SAMOAN +SAMPLE +SAMPLED +SAMPLER +SAMPLERS +SAMPLES +SAMPLING +SAMPLINGS +SAMPSON +SAMSON +SAMUEL +SAMUELS +SAMUELSON +SAN +SANA +SANATORIA +SANATORIUM +SANBORN +SANCHEZ +SANCHO +SANCTIFICATION +SANCTIFIED +SANCTIFY +SANCTIMONIOUS +SANCTION +SANCTIONED +SANCTIONING +SANCTIONS +SANCTITY +SANCTUARIES +SANCTUARY +SANCTUM +SAND +SANDAL +SANDALS +SANDBAG +SANDBURG +SANDED +SANDER +SANDERLING +SANDERS +SANDERSON +SANDIA +SANDING +SANDMAN +SANDPAPER +SANDRA +SANDS +SANDSTONE +SANDUSKY +SANDWICH +SANDWICHES +SANDY +SANE +SANELY +SANER +SANEST +SANFORD +SANG +SANGUINE +SANHEDRIN +SANITARIUM +SANITARY +SANITATION +SANITY +SANK +SANSKRIT +SANSKRITIC +SANSKRITIZE +SANTA +SANTAYANA +SANTIAGO +SANTO +SAO +SAP +SAPIENS +SAPLING +SAPLINGS +SAPPHIRE +SAPPHO +SAPS +SAPSUCKER +SARA +SARACEN +SARACENS +SARAH +SARAN +SARASOTA +SARATOGA +SARCASM +SARCASMS +SARCASTIC +SARDINE +SARDINIA +SARDONIC +SARGENT +SARI +SARTRE +SASH +SASKATCHEWAN +SASKATOON +SAT +SATAN +SATANIC +SATANISM +SATANIST +SATCHEL +SATCHELS +SATE +SATED +SATELLITE +SATELLITES +SATES +SATIN +SATING +SATIRE +SATIRES +SATIRIC +SATISFACTION +SATISFACTIONS +SATISFACTORILY +SATISFACTORY +SATISFIABILITY +SATISFIABLE +SATISFIED +SATISFIES +SATISFY +SATISFYING +SATURATE +SATURATED +SATURATES +SATURATING +SATURATION +SATURDAY +SATURDAYS +SATURN +SATURNALIA +SATURNISM +SATYR +SAUCE +SAUCEPAN +SAUCEPANS +SAUCER +SAUCERS +SAUCES +SAUCY +SAUD +SAUDI +SAUKVILLE +SAUL +SAULT +SAUNDERS +SAUNTER +SAUSAGE +SAUSAGES +SAVAGE +SAVAGED +SAVAGELY +SAVAGENESS +SAVAGER +SAVAGERS +SAVAGES +SAVAGING +SAVANNAH +SAVE +SAVED +SAVER +SAVERS +SAVES +SAVING +SAVINGS +SAVIOR +SAVIORS +SAVIOUR +SAVONAROLA +SAVOR +SAVORED +SAVORING +SAVORS +SAVORY +SAVOY +SAVOYARD +SAVOYARDS +SAW +SAWDUST +SAWED +SAWFISH +SAWING +SAWMILL +SAWMILLS +SAWS +SAWTOOTH +SAX +SAXON +SAXONIZATION +SAXONIZATIONS +SAXONIZE +SAXONIZES +SAXONS +SAXONY +SAXOPHONE +SAXTON +SAY +SAYER +SAYERS +SAYING +SAYINGS +SAYS +SCAB +SCABBARD +SCABBARDS +SCABROUS +SCAFFOLD +SCAFFOLDING +SCAFFOLDINGS +SCAFFOLDS +SCALA +SCALABLE +SCALAR +SCALARS +SCALD +SCALDED +SCALDING +SCALE +SCALED +SCALES +SCALING +SCALINGS +SCALLOP +SCALLOPED +SCALLOPS +SCALP +SCALPS +SCALY +SCAMPER +SCAMPERING +SCAMPERS +SCAN +SCANDAL +SCANDALOUS +SCANDALS +SCANDINAVIA +SCANDINAVIAN +SCANDINAVIANS +SCANNED +SCANNER +SCANNERS +SCANNING +SCANS +SCANT +SCANTIER +SCANTIEST +SCANTILY +SCANTINESS +SCANTLY +SCANTY +SCAPEGOAT +SCAR +SCARBOROUGH +SCARCE +SCARCELY +SCARCENESS +SCARCER +SCARCITY +SCARE +SCARECROW +SCARED +SCARES +SCARF +SCARING +SCARLATTI +SCARLET +SCARS +SCARSDALE +SCARVES +SCARY +SCATTER +SCATTERBRAIN +SCATTERED +SCATTERING +SCATTERS +SCENARIO +SCENARIOS +SCENE +SCENERY +SCENES +SCENIC +SCENT +SCENTED +SCENTS +SCEPTER +SCEPTERS +SCHAEFER +SCHAEFFER +SCHAFER +SCHAFFNER +SCHANTZ +SCHAPIRO +SCHEDULABLE +SCHEDULE +SCHEDULED +SCHEDULER +SCHEDULERS +SCHEDULES +SCHEDULING +SCHEHERAZADE +SCHELLING +SCHEMA +SCHEMAS +SCHEMATA +SCHEMATIC +SCHEMATICALLY +SCHEMATICS +SCHEME +SCHEMED +SCHEMER +SCHEMERS +SCHEMES +SCHEMING +SCHILLER +SCHISM +SCHIZOPHRENIA +SCHLESINGER +SCHLITZ +SCHLOSS +SCHMIDT +SCHMITT +SCHNABEL +SCHNEIDER +SCHOENBERG +SCHOFIELD +SCHOLAR +SCHOLARLY +SCHOLARS +SCHOLARSHIP +SCHOLARSHIPS +SCHOLASTIC +SCHOLASTICALLY +SCHOLASTICS +SCHOOL +SCHOOLBOY +SCHOOLBOYS +SCHOOLED +SCHOOLER +SCHOOLERS +SCHOOLHOUSE +SCHOOLHOUSES +SCHOOLING +SCHOOLMASTER +SCHOOLMASTERS +SCHOOLROOM +SCHOOLROOMS +SCHOOLS +SCHOONER +SCHOPENHAUER +SCHOTTKY +SCHROEDER +SCHROEDINGER +SCHUBERT +SCHULTZ +SCHULZ +SCHUMACHER +SCHUMAN +SCHUMANN +SCHUSTER +SCHUYLER +SCHUYLKILL +SCHWAB +SCHWARTZ +SCHWEITZER +SCIENCE +SCIENCES +SCIENTIFIC +SCIENTIFICALLY +SCIENTIST +SCIENTISTS +SCISSOR +SCISSORED +SCISSORING +SCISSORS +SCLEROSIS +SCLEROTIC +SCOFF +SCOFFED +SCOFFER +SCOFFING +SCOFFS +SCOLD +SCOLDED +SCOLDING +SCOLDS +SCOOP +SCOOPED +SCOOPING +SCOOPS +SCOOT +SCOPE +SCOPED +SCOPES +SCOPING +SCORCH +SCORCHED +SCORCHER +SCORCHES +SCORCHING +SCORE +SCOREBOARD +SCORECARD +SCORED +SCORER +SCORERS +SCORES +SCORING +SCORINGS +SCORN +SCORNED +SCORNER +SCORNFUL +SCORNFULLY +SCORNING +SCORNS +SCORPIO +SCORPION +SCORPIONS +SCOT +SCOTCH +SCOTCHGARD +SCOTCHMAN +SCOTIA +SCOTIAN +SCOTLAND +SCOTS +SCOTSMAN +SCOTSMEN +SCOTT +SCOTTISH +SCOTTSDALE +SCOTTY +SCOUNDREL +SCOUNDRELS +SCOUR +SCOURED +SCOURGE +SCOURING +SCOURS +SCOUT +SCOUTED +SCOUTING +SCOUTS +SCOW +SCOWL +SCOWLED +SCOWLING +SCOWLS +SCRAM +SCRAMBLE +SCRAMBLED +SCRAMBLER +SCRAMBLES +SCRAMBLING +SCRANTON +SCRAP +SCRAPE +SCRAPED +SCRAPER +SCRAPERS +SCRAPES +SCRAPING +SCRAPINGS +SCRAPPED +SCRAPS +SCRATCH +SCRATCHED +SCRATCHER +SCRATCHERS +SCRATCHES +SCRATCHING +SCRATCHY +SCRAWL +SCRAWLED +SCRAWLING +SCRAWLS +SCRAWNY +SCREAM +SCREAMED +SCREAMER +SCREAMERS +SCREAMING +SCREAMS +SCREECH +SCREECHED +SCREECHES +SCREECHING +SCREEN +SCREENED +SCREENING +SCREENINGS +SCREENPLAY +SCREENS +SCREW +SCREWBALL +SCREWDRIVER +SCREWED +SCREWING +SCREWS +SCRIBBLE +SCRIBBLED +SCRIBBLER +SCRIBBLES +SCRIBE +SCRIBES +SCRIBING +SCRIBNERS +SCRIMMAGE +SCRIPPS +SCRIPT +SCRIPTS +SCRIPTURE +SCRIPTURES +SCROLL +SCROLLED +SCROLLING +SCROLLS +SCROOGE +SCROUNGE +SCRUB +SCRUMPTIOUS +SCRUPLE +SCRUPULOUS +SCRUPULOUSLY +SCRUTINIZE +SCRUTINIZED +SCRUTINIZING +SCRUTINY +SCUBA +SCUD +SCUFFLE +SCUFFLED +SCUFFLES +SCUFFLING +SCULPT +SCULPTED +SCULPTOR +SCULPTORS +SCULPTS +SCULPTURE +SCULPTURED +SCULPTURES +SCURRIED +SCURRY +SCURVY +SCUTTLE +SCUTTLED +SCUTTLES +SCUTTLING +SCYLLA +SCYTHE +SCYTHES +SCYTHIA +SEA +SEABOARD +SEABORG +SEABROOK +SEACOAST +SEACOASTS +SEAFOOD +SEAGATE +SEAGRAM +SEAGULL +SEAHORSE +SEAL +SEALED +SEALER +SEALING +SEALS +SEALY +SEAM +SEAMAN +SEAMED +SEAMEN +SEAMING +SEAMS +SEAMY +SEAN +SEAPORT +SEAPORTS +SEAQUARIUM +SEAR +SEARCH +SEARCHED +SEARCHER +SEARCHERS +SEARCHES +SEARCHING +SEARCHINGLY +SEARCHINGS +SEARCHLIGHT +SEARED +SEARING +SEARINGLY +SEARS +SEAS +SEASHORE +SEASHORES +SEASIDE +SEASON +SEASONABLE +SEASONABLY +SEASONAL +SEASONALLY +SEASONED +SEASONER +SEASONERS +SEASONING +SEASONINGS +SEASONS +SEAT +SEATED +SEATING +SEATS +SEATTLE +SEAWARD +SEAWEED +SEBASTIAN +SECANT +SECEDE +SECEDED +SECEDES +SECEDING +SECESSION +SECLUDE +SECLUDED +SECLUSION +SECOND +SECONDARIES +SECONDARILY +SECONDARY +SECONDED +SECONDER +SECONDERS +SECONDHAND +SECONDING +SECONDLY +SECONDS +SECRECY +SECRET +SECRETARIAL +SECRETARIAT +SECRETARIES +SECRETARY +SECRETE +SECRETED +SECRETES +SECRETING +SECRETION +SECRETIONS +SECRETIVE +SECRETIVELY +SECRETLY +SECRETS +SECT +SECTARIAN +SECTION +SECTIONAL +SECTIONED +SECTIONING +SECTIONS +SECTOR +SECTORS +SECTS +SECULAR +SECURE +SECURED +SECURELY +SECURES +SECURING +SECURINGS +SECURITIES +SECURITY +SEDAN +SEDATE +SEDGE +SEDGWICK +SEDIMENT +SEDIMENTARY +SEDIMENTS +SEDITION +SEDITIOUS +SEDUCE +SEDUCED +SEDUCER +SEDUCERS +SEDUCES +SEDUCING +SEDUCTION +SEDUCTIVE +SEE +SEED +SEEDED +SEEDER +SEEDERS +SEEDING +SEEDINGS +SEEDLING +SEEDLINGS +SEEDS +SEEDY +SEEING +SEEK +SEEKER +SEEKERS +SEEKING +SEEKS +SEELEY +SEEM +SEEMED +SEEMING +SEEMINGLY +SEEMLY +SEEMS +SEEN +SEEP +SEEPAGE +SEEPED +SEEPING +SEEPS +SEER +SEERS +SEERSUCKER +SEES +SEETHE +SEETHED +SEETHES +SEETHING +SEGMENT +SEGMENTATION +SEGMENTATIONS +SEGMENTED +SEGMENTING +SEGMENTS +SEGOVIA +SEGREGATE +SEGREGATED +SEGREGATES +SEGREGATING +SEGREGATION +SEGUNDO +SEIDEL +SEISMIC +SEISMOGRAPH +SEISMOLOGY +SEIZE +SEIZED +SEIZES +SEIZING +SEIZURE +SEIZURES +SELDOM +SELECT +SELECTED +SELECTING +SELECTION +SELECTIONS +SELECTIVE +SELECTIVELY +SELECTIVITY +SELECTMAN +SELECTMEN +SELECTOR +SELECTORS +SELECTRIC +SELECTS +SELENA +SELENIUM +SELF +SELFISH +SELFISHLY +SELFISHNESS +SELFRIDGE +SELFSAME +SELKIRK +SELL +SELLER +SELLERS +SELLING +SELLOUT +SELLS +SELMA +SELTZER +SELVES +SELWYN +SEMANTIC +SEMANTICAL +SEMANTICALLY +SEMANTICIST +SEMANTICISTS +SEMANTICS +SEMAPHORE +SEMAPHORES +SEMBLANCE +SEMESTER +SEMESTERS +SEMI +SEMIAUTOMATED +SEMICOLON +SEMICOLONS +SEMICONDUCTOR +SEMICONDUCTORS +SEMINAL +SEMINAR +SEMINARIAN +SEMINARIES +SEMINARS +SEMINARY +SEMINOLE +SEMIPERMANENT +SEMIPERMANENTLY +SEMIRAMIS +SEMITE +SEMITIC +SEMITICIZE +SEMITICIZES +SEMITIZATION +SEMITIZATIONS +SEMITIZE +SEMITIZES +SENATE +SENATES +SENATOR +SENATORIAL +SENATORS +SEND +SENDER +SENDERS +SENDING +SENDS +SENECA +SENEGAL +SENILE +SENIOR +SENIORITY +SENIORS +SENSATION +SENSATIONAL +SENSATIONALLY +SENSATIONS +SENSE +SENSED +SENSELESS +SENSELESSLY +SENSELESSNESS +SENSES +SENSIBILITIES +SENSIBILITY +SENSIBLE +SENSIBLY +SENSING +SENSITIVE +SENSITIVELY +SENSITIVENESS +SENSITIVES +SENSITIVITIES +SENSITIVITY +SENSOR +SENSORS +SENSORY +SENSUAL +SENSUOUS +SENT +SENTENCE +SENTENCED +SENTENCES +SENTENCING +SENTENTIAL +SENTIMENT +SENTIMENTAL +SENTIMENTALLY +SENTIMENTS +SENTINEL +SENTINELS +SENTRIES +SENTRY +SEOUL +SEPARABLE +SEPARATE +SEPARATED +SEPARATELY +SEPARATENESS +SEPARATES +SEPARATING +SEPARATION +SEPARATIONS +SEPARATOR +SEPARATORS +SEPIA +SEPOY +SEPT +SEPTEMBER +SEPTEMBERS +SEPULCHER +SEPULCHERS +SEQUEL +SEQUELS +SEQUENCE +SEQUENCED +SEQUENCER +SEQUENCERS +SEQUENCES +SEQUENCING +SEQUENCINGS +SEQUENTIAL +SEQUENTIALITY +SEQUENTIALIZE +SEQUENTIALIZED +SEQUENTIALIZES +SEQUENTIALIZING +SEQUENTIALLY +SEQUESTER +SEQUOIA +SERAFIN +SERBIA +SERBIAN +SERBIANS +SERENDIPITOUS +SERENDIPITY +SERENE +SERENELY +SERENITY +SERF +SERFS +SERGEANT +SERGEANTS +SERGEI +SERIAL +SERIALIZABILITY +SERIALIZABLE +SERIALIZATION +SERIALIZATIONS +SERIALIZE +SERIALIZED +SERIALIZES +SERIALIZING +SERIALLY +SERIALS +SERIES +SERIF +SERIOUS +SERIOUSLY +SERIOUSNESS +SERMON +SERMONS +SERPENS +SERPENT +SERPENTINE +SERPENTS +SERRA +SERUM +SERUMS +SERVANT +SERVANTS +SERVE +SERVED +SERVER +SERVERS +SERVES +SERVICE +SERVICEABILITY +SERVICEABLE +SERVICED +SERVICEMAN +SERVICEMEN +SERVICES +SERVICING +SERVILE +SERVING +SERVINGS +SERVITUDE +SERVO +SERVOMECHANISM +SESAME +SESSION +SESSIONS +SET +SETBACK +SETH +SETS +SETTABLE +SETTER +SETTERS +SETTING +SETTINGS +SETTLE +SETTLED +SETTLEMENT +SETTLEMENTS +SETTLER +SETTLERS +SETTLES +SETTLING +SETUP +SETUPS +SEVEN +SEVENFOLD +SEVENS +SEVENTEEN +SEVENTEENS +SEVENTEENTH +SEVENTH +SEVENTIES +SEVENTIETH +SEVENTY +SEVER +SEVERAL +SEVERALFOLD +SEVERALLY +SEVERANCE +SEVERE +SEVERED +SEVERELY +SEVERER +SEVEREST +SEVERING +SEVERITIES +SEVERITY +SEVERN +SEVERS +SEVILLE +SEW +SEWAGE +SEWARD +SEWED +SEWER +SEWERS +SEWING +SEWS +SEX +SEXED +SEXES +SEXIST +SEXTANS +SEXTET +SEXTILLION +SEXTON +SEXTUPLE +SEXTUPLET +SEXUAL +SEXUALITY +SEXUALLY +SEXY +SEYCHELLES +SEYMOUR +SHABBY +SHACK +SHACKED +SHACKLE +SHACKLED +SHACKLES +SHACKLING +SHACKS +SHADE +SHADED +SHADES +SHADIER +SHADIEST +SHADILY +SHADINESS +SHADING +SHADINGS +SHADOW +SHADOWED +SHADOWING +SHADOWS +SHADOWY +SHADY +SHAFER +SHAFFER +SHAFT +SHAFTS +SHAGGY +SHAKABLE +SHAKABLY +SHAKE +SHAKEDOWN +SHAKEN +SHAKER +SHAKERS +SHAKES +SHAKESPEARE +SHAKESPEAREAN +SHAKESPEARIAN +SHAKESPEARIZE +SHAKESPEARIZES +SHAKINESS +SHAKING +SHAKY +SHALE +SHALL +SHALLOW +SHALLOWER +SHALLOWLY +SHALLOWNESS +SHAM +SHAMBLES +SHAME +SHAMED +SHAMEFUL +SHAMEFULLY +SHAMELESS +SHAMELESSLY +SHAMES +SHAMING +SHAMPOO +SHAMROCK +SHAMS +SHANGHAI +SHANGHAIED +SHANGHAIING +SHANGHAIINGS +SHANGHAIS +SHANNON +SHANTIES +SHANTUNG +SHANTY +SHAPE +SHAPED +SHAPELESS +SHAPELESSLY +SHAPELESSNESS +SHAPELY +SHAPER +SHAPERS +SHAPES +SHAPING +SHAPIRO +SHARABLE +SHARD +SHARE +SHAREABLE +SHARECROPPER +SHARECROPPERS +SHARED +SHAREHOLDER +SHAREHOLDERS +SHARER +SHARERS +SHARES +SHARI +SHARING +SHARK +SHARKS +SHARON +SHARP +SHARPE +SHARPEN +SHARPENED +SHARPENING +SHARPENS +SHARPER +SHARPEST +SHARPLY +SHARPNESS +SHARPSHOOT +SHASTA +SHATTER +SHATTERED +SHATTERING +SHATTERPROOF +SHATTERS +SHATTUCK +SHAVE +SHAVED +SHAVEN +SHAVES +SHAVING +SHAVINGS +SHAWANO +SHAWL +SHAWLS +SHAWNEE +SHE +SHEA +SHEAF +SHEAR +SHEARED +SHEARER +SHEARING +SHEARS +SHEATH +SHEATHING +SHEATHS +SHEAVES +SHEBOYGAN +SHED +SHEDDING +SHEDIR +SHEDS +SHEEHAN +SHEEN +SHEEP +SHEEPSKIN +SHEER +SHEERED +SHEET +SHEETED +SHEETING +SHEETS +SHEFFIELD +SHEIK +SHEILA +SHELBY +SHELDON +SHELF +SHELL +SHELLED +SHELLER +SHELLEY +SHELLING +SHELLS +SHELTER +SHELTERED +SHELTERING +SHELTERS +SHELTON +SHELVE +SHELVED +SHELVES +SHELVING +SHENANDOAH +SHENANIGAN +SHEPARD +SHEPHERD +SHEPHERDS +SHEPPARD +SHERATON +SHERBET +SHERIDAN +SHERIFF +SHERIFFS +SHERLOCK +SHERMAN +SHERRILL +SHERRY +SHERWIN +SHERWOOD +SHIBBOLETH +SHIED +SHIELD +SHIELDED +SHIELDING +SHIELDS +SHIES +SHIFT +SHIFTED +SHIFTER +SHIFTERS +SHIFTIER +SHIFTIEST +SHIFTILY +SHIFTINESS +SHIFTING +SHIFTS +SHIFTY +SHIITE +SHIITES +SHILL +SHILLING +SHILLINGS +SHILLONG +SHILOH +SHIMMER +SHIMMERING +SHIN +SHINBONE +SHINE +SHINED +SHINER +SHINERS +SHINES +SHINGLE +SHINGLES +SHINING +SHININGLY +SHINTO +SHINTOISM +SHINTOIZE +SHINTOIZES +SHINY +SHIP +SHIPBOARD +SHIPBUILDING +SHIPLEY +SHIPMATE +SHIPMENT +SHIPMENTS +SHIPPED +SHIPPER +SHIPPERS +SHIPPING +SHIPS +SHIPSHAPE +SHIPWRECK +SHIPWRECKED +SHIPWRECKS +SHIPYARD +SHIRE +SHIRK +SHIRKER +SHIRKING +SHIRKS +SHIRLEY +SHIRT +SHIRTING +SHIRTS +SHIT +SHIVA +SHIVER +SHIVERED +SHIVERER +SHIVERING +SHIVERS +SHMUEL +SHOAL +SHOALS +SHOCK +SHOCKED +SHOCKER +SHOCKERS +SHOCKING +SHOCKINGLY +SHOCKLEY +SHOCKS +SHOD +SHODDY +SHOE +SHOED +SHOEHORN +SHOEING +SHOELACE +SHOEMAKER +SHOES +SHOESTRING +SHOJI +SHONE +SHOOK +SHOOT +SHOOTER +SHOOTERS +SHOOTING +SHOOTINGS +SHOOTS +SHOP +SHOPKEEPER +SHOPKEEPERS +SHOPPED +SHOPPER +SHOPPERS +SHOPPING +SHOPS +SHOPWORN +SHORE +SHORELINE +SHORES +SHOREWOOD +SHORN +SHORT +SHORTAGE +SHORTAGES +SHORTCOMING +SHORTCOMINGS +SHORTCUT +SHORTCUTS +SHORTED +SHORTEN +SHORTENED +SHORTENING +SHORTENS +SHORTER +SHORTEST +SHORTFALL +SHORTHAND +SHORTHANDED +SHORTING +SHORTISH +SHORTLY +SHORTNESS +SHORTS +SHORTSIGHTED +SHORTSTOP +SHOSHONE +SHOT +SHOTGUN +SHOTGUNS +SHOTS +SHOULD +SHOULDER +SHOULDERED +SHOULDERING +SHOULDERS +SHOUT +SHOUTED +SHOUTER +SHOUTERS +SHOUTING +SHOUTS +SHOVE +SHOVED +SHOVEL +SHOVELED +SHOVELS +SHOVES +SHOVING +SHOW +SHOWBOAT +SHOWCASE +SHOWDOWN +SHOWED +SHOWER +SHOWERED +SHOWERING +SHOWERS +SHOWING +SHOWINGS +SHOWN +SHOWPIECE +SHOWROOM +SHOWS +SHOWY +SHRANK +SHRAPNEL +SHRED +SHREDDER +SHREDDING +SHREDS +SHREVEPORT +SHREW +SHREWD +SHREWDEST +SHREWDLY +SHREWDNESS +SHREWS +SHRIEK +SHRIEKED +SHRIEKING +SHRIEKS +SHRILL +SHRILLED +SHRILLING +SHRILLNESS +SHRILLY +SHRIMP +SHRINE +SHRINES +SHRINK +SHRINKABLE +SHRINKAGE +SHRINKING +SHRINKS +SHRIVEL +SHRIVELED +SHROUD +SHROUDED +SHRUB +SHRUBBERY +SHRUBS +SHRUG +SHRUGS +SHRUNK +SHRUNKEN +SHU +SHUDDER +SHUDDERED +SHUDDERING +SHUDDERS +SHUFFLE +SHUFFLEBOARD +SHUFFLED +SHUFFLES +SHUFFLING +SHULMAN +SHUN +SHUNS +SHUNT +SHUT +SHUTDOWN +SHUTDOWNS +SHUTOFF +SHUTOUT +SHUTS +SHUTTER +SHUTTERED +SHUTTERS +SHUTTING +SHUTTLE +SHUTTLECOCK +SHUTTLED +SHUTTLES +SHUTTLING +SHY +SHYLOCK +SHYLOCKIAN +SHYLY +SHYNESS +SIAM +SIAMESE +SIAN +SIBERIA +SIBERIAN +SIBLEY +SIBLING +SIBLINGS +SICILIAN +SICILIANA +SICILIANS +SICILY +SICK +SICKEN +SICKER +SICKEST +SICKLE +SICKLY +SICKNESS +SICKNESSES +SICKROOM +SIDE +SIDEARM +SIDEBAND +SIDEBOARD +SIDEBOARDS +SIDEBURNS +SIDECAR +SIDED +SIDELIGHT +SIDELIGHTS +SIDELINE +SIDEREAL +SIDES +SIDESADDLE +SIDESHOW +SIDESTEP +SIDETRACK +SIDEWALK +SIDEWALKS +SIDEWAYS +SIDEWISE +SIDING +SIDINGS +SIDNEY +SIEGE +SIEGEL +SIEGES +SIEGFRIED +SIEGLINDA +SIEGMUND +SIEMENS +SIENA +SIERRA +SIEVE +SIEVES +SIFFORD +SIFT +SIFTED +SIFTER +SIFTING +SIGGRAPH +SIGH +SIGHED +SIGHING +SIGHS +SIGHT +SIGHTED +SIGHTING +SIGHTINGS +SIGHTLY +SIGHTS +SIGHTSEEING +SIGMA +SIGMUND +SIGN +SIGNAL +SIGNALED +SIGNALING +SIGNALLED +SIGNALLING +SIGNALLY +SIGNALS +SIGNATURE +SIGNATURES +SIGNED +SIGNER +SIGNERS +SIGNET +SIGNIFICANCE +SIGNIFICANT +SIGNIFICANTLY +SIGNIFICANTS +SIGNIFICATION +SIGNIFIED +SIGNIFIES +SIGNIFY +SIGNIFYING +SIGNING +SIGNS +SIKH +SIKHES +SIKHS +SIKKIM +SIKKIMESE +SIKORSKY +SILAS +SILENCE +SILENCED +SILENCER +SILENCERS +SILENCES +SILENCING +SILENT +SILENTLY +SILHOUETTE +SILHOUETTED +SILHOUETTES +SILICA +SILICATE +SILICON +SILICONE +SILK +SILKEN +SILKIER +SILKIEST +SILKILY +SILKINE +SILKS +SILKY +SILL +SILLIEST +SILLINESS +SILLS +SILLY +SILO +SILT +SILTED +SILTING +SILTS +SILVER +SILVERED +SILVERING +SILVERMAN +SILVERS +SILVERSMITH +SILVERSTEIN +SILVERWARE +SILVERY +SIMILAR +SIMILARITIES +SIMILARITY +SIMILARLY +SIMILE +SIMILITUDE +SIMLA +SIMMER +SIMMERED +SIMMERING +SIMMERS +SIMMONS +SIMMONSVILLE +SIMMS +SIMON +SIMONS +SIMONSON +SIMPLE +SIMPLEMINDED +SIMPLENESS +SIMPLER +SIMPLEST +SIMPLETON +SIMPLEX +SIMPLICITIES +SIMPLICITY +SIMPLIFICATION +SIMPLIFICATIONS +SIMPLIFIED +SIMPLIFIER +SIMPLIFIERS +SIMPLIFIES +SIMPLIFY +SIMPLIFYING +SIMPLISTIC +SIMPLY +SIMPSON +SIMS +SIMULA +SIMULA +SIMULATE +SIMULATED +SIMULATES +SIMULATING +SIMULATION +SIMULATIONS +SIMULATOR +SIMULATORS +SIMULCAST +SIMULTANEITY +SIMULTANEOUS +SIMULTANEOUSLY +SINAI +SINATRA +SINBAD +SINCE +SINCERE +SINCERELY +SINCEREST +SINCERITY +SINCLAIR +SINE +SINES +SINEW +SINEWS +SINEWY +SINFUL +SINFULLY +SINFULNESS +SING +SINGABLE +SINGAPORE +SINGBORG +SINGE +SINGED +SINGER +SINGERS +SINGING +SINGINGLY +SINGLE +SINGLED +SINGLEHANDED +SINGLENESS +SINGLES +SINGLET +SINGLETON +SINGLETONS +SINGLING +SINGLY +SINGS +SINGSONG +SINGULAR +SINGULARITIES +SINGULARITY +SINGULARLY +SINISTER +SINK +SINKED +SINKER +SINKERS +SINKHOLE +SINKING +SINKS +SINNED +SINNER +SINNERS +SINNING +SINS +SINUOUS +SINUS +SINUSOID +SINUSOIDAL +SINUSOIDS +SIOUX +SIP +SIPHON +SIPHONING +SIPPING +SIPS +SIR +SIRE +SIRED +SIREN +SIRENS +SIRES +SIRIUS +SIRS +SIRUP +SISTER +SISTERLY +SISTERS +SISTINE +SISYPHEAN +SISYPHUS +SIT +SITE +SITED +SITES +SITING +SITS +SITTER +SITTERS +SITTING +SITTINGS +SITU +SITUATE +SITUATED +SITUATES +SITUATING +SITUATION +SITUATIONAL +SITUATIONALLY +SITUATIONS +SIVA +SIX +SIXES +SIXFOLD +SIXGUN +SIXPENCE +SIXTEEN +SIXTEENS +SIXTEENTH +SIXTH +SIXTIES +SIXTIETH +SIXTY +SIZABLE +SIZE +SIZED +SIZES +SIZING +SIZINGS +SIZZLE +SKATE +SKATED +SKATER +SKATERS +SKATES +SKATING +SKELETAL +SKELETON +SKELETONS +SKEPTIC +SKEPTICAL +SKEPTICALLY +SKEPTICISM +SKEPTICS +SKETCH +SKETCHBOOK +SKETCHED +SKETCHES +SKETCHILY +SKETCHING +SKETCHPAD +SKETCHY +SKEW +SKEWED +SKEWER +SKEWERS +SKEWING +SKEWS +SKI +SKID +SKIDDING +SKIED +SKIES +SKIFF +SKIING +SKILL +SKILLED +SKILLET +SKILLFUL +SKILLFULLY +SKILLFULNESS +SKILLS +SKIM +SKIMMED +SKIMMING +SKIMP +SKIMPED +SKIMPING +SKIMPS +SKIMPY +SKIMS +SKIN +SKINDIVE +SKINNED +SKINNER +SKINNERS +SKINNING +SKINNY +SKINS +SKIP +SKIPPED +SKIPPER +SKIPPERS +SKIPPING +SKIPPY +SKIPS +SKIRMISH +SKIRMISHED +SKIRMISHER +SKIRMISHERS +SKIRMISHES +SKIRMISHING +SKIRT +SKIRTED +SKIRTING +SKIRTS +SKIS +SKIT +SKOPJE +SKULK +SKULKED +SKULKER +SKULKING +SKULKS +SKULL +SKULLCAP +SKULLDUGGERY +SKULLS +SKUNK +SKUNKS +SKY +SKYE +SKYHOOK +SKYJACK +SKYLARK +SKYLARKING +SKYLARKS +SKYLIGHT +SKYLIGHTS +SKYLINE +SKYROCKETS +SKYSCRAPER +SKYSCRAPERS +SLAB +SLACK +SLACKEN +SLACKER +SLACKING +SLACKLY +SLACKNESS +SLACKS +SLAIN +SLAM +SLAMMED +SLAMMING +SLAMS +SLANDER +SLANDERER +SLANDEROUS +SLANDERS +SLANG +SLANT +SLANTED +SLANTING +SLANTS +SLAP +SLAPPED +SLAPPING +SLAPS +SLAPSTICK +SLASH +SLASHED +SLASHES +SLASHING +SLAT +SLATE +SLATED +SLATER +SLATES +SLATS +SLAUGHTER +SLAUGHTERED +SLAUGHTERHOUSE +SLAUGHTERING +SLAUGHTERS +SLAV +SLAVE +SLAVER +SLAVERY +SLAVES +SLAVIC +SLAVICIZE +SLAVICIZES +SLAVISH +SLAVIZATION +SLAVIZATIONS +SLAVIZE +SLAVIZES +SLAVONIC +SLAVONICIZE +SLAVONICIZES +SLAVS +SLAY +SLAYER +SLAYERS +SLAYING +SLAYS +SLED +SLEDDING +SLEDGE +SLEDGEHAMMER +SLEDGES +SLEDS +SLEEK +SLEEP +SLEEPER +SLEEPERS +SLEEPILY +SLEEPINESS +SLEEPING +SLEEPLESS +SLEEPLESSLY +SLEEPLESSNESS +SLEEPS +SLEEPWALK +SLEEPY +SLEET +SLEEVE +SLEEVES +SLEIGH +SLEIGHS +SLEIGHT +SLENDER +SLENDERER +SLEPT +SLESINGER +SLEUTH +SLEW +SLEWING +SLICE +SLICED +SLICER +SLICERS +SLICES +SLICING +SLICK +SLICKER +SLICKERS +SLICKS +SLID +SLIDE +SLIDER +SLIDERS +SLIDES +SLIDING +SLIGHT +SLIGHTED +SLIGHTER +SLIGHTEST +SLIGHTING +SLIGHTLY +SLIGHTNESS +SLIGHTS +SLIM +SLIME +SLIMED +SLIMLY +SLIMY +SLING +SLINGING +SLINGS +SLINGSHOT +SLIP +SLIPPAGE +SLIPPED +SLIPPER +SLIPPERINESS +SLIPPERS +SLIPPERY +SLIPPING +SLIPS +SLIT +SLITHER +SLITS +SLIVER +SLOAN +SLOANE +SLOB +SLOCUM +SLOGAN +SLOGANS +SLOOP +SLOP +SLOPE +SLOPED +SLOPER +SLOPERS +SLOPES +SLOPING +SLOPPED +SLOPPINESS +SLOPPING +SLOPPY +SLOPS +SLOT +SLOTH +SLOTHFUL +SLOTHS +SLOTS +SLOTTED +SLOTTING +SLOUCH +SLOUCHED +SLOUCHES +SLOUCHING +SLOVAKIA +SLOVENIA +SLOW +SLOWDOWN +SLOWED +SLOWER +SLOWEST +SLOWING +SLOWLY +SLOWNESS +SLOWS +SLUDGE +SLUG +SLUGGISH +SLUGGISHLY +SLUGGISHNESS +SLUGS +SLUICE +SLUM +SLUMBER +SLUMBERED +SLUMMING +SLUMP +SLUMPED +SLUMPS +SLUMS +SLUNG +SLUR +SLURP +SLURRING +SLURRY +SLURS +SLY +SLYLY +SMACK +SMACKED +SMACKING +SMACKS +SMALL +SMALLER +SMALLEST +SMALLEY +SMALLISH +SMALLNESS +SMALLPOX +SMALLTIME +SMALLWOOD +SMART +SMARTED +SMARTER +SMARTEST +SMARTLY +SMARTNESS +SMASH +SMASHED +SMASHER +SMASHERS +SMASHES +SMASHING +SMASHINGLY +SMATTERING +SMEAR +SMEARED +SMEARING +SMEARS +SMELL +SMELLED +SMELLING +SMELLS +SMELLY +SMELT +SMELTER +SMELTS +SMILE +SMILED +SMILES +SMILING +SMILINGLY +SMIRK +SMITE +SMITH +SMITHEREENS +SMITHFIELD +SMITHS +SMITHSON +SMITHSONIAN +SMITHTOWN +SMITHY +SMITTEN +SMOCK +SMOCKING +SMOCKS +SMOG +SMOKABLE +SMOKE +SMOKED +SMOKER +SMOKERS +SMOKES +SMOKESCREEN +SMOKESTACK +SMOKIES +SMOKING +SMOKY +SMOLDER +SMOLDERED +SMOLDERING +SMOLDERS +SMOOCH +SMOOTH +SMOOTHBORE +SMOOTHED +SMOOTHER +SMOOTHES +SMOOTHEST +SMOOTHING +SMOOTHLY +SMOOTHNESS +SMOTE +SMOTHER +SMOTHERED +SMOTHERING +SMOTHERS +SMUCKER +SMUDGE +SMUG +SMUGGLE +SMUGGLED +SMUGGLER +SMUGGLERS +SMUGGLES +SMUGGLING +SMUT +SMUTTY +SMYRNA +SMYTHE +SNACK +SNAFU +SNAG +SNAIL +SNAILS +SNAKE +SNAKED +SNAKELIKE +SNAKES +SNAP +SNAPDRAGON +SNAPPED +SNAPPER +SNAPPERS +SNAPPILY +SNAPPING +SNAPPY +SNAPS +SNAPSHOT +SNAPSHOTS +SNARE +SNARED +SNARES +SNARING +SNARK +SNARL +SNARLED +SNARLING +SNATCH +SNATCHED +SNATCHES +SNATCHING +SNAZZY +SNEAD +SNEAK +SNEAKED +SNEAKER +SNEAKERS +SNEAKIER +SNEAKIEST +SNEAKILY +SNEAKINESS +SNEAKING +SNEAKS +SNEAKY +SNEED +SNEER +SNEERED +SNEERING +SNEERS +SNEEZE +SNEEZED +SNEEZES +SNEEZING +SNIDER +SNIFF +SNIFFED +SNIFFING +SNIFFLE +SNIFFS +SNIFTER +SNIGGER +SNIP +SNIPE +SNIPPET +SNIVEL +SNOB +SNOBBERY +SNOBBISH +SNODGRASS +SNOOP +SNOOPED +SNOOPING +SNOOPS +SNOOPY +SNORE +SNORED +SNORES +SNORING +SNORKEL +SNORT +SNORTED +SNORTING +SNORTS +SNOTTY +SNOUT +SNOUTS +SNOW +SNOWBALL +SNOWBELT +SNOWED +SNOWFALL +SNOWFLAKE +SNOWIER +SNOWIEST +SNOWILY +SNOWING +SNOWMAN +SNOWMEN +SNOWS +SNOWSHOE +SNOWSHOES +SNOWSTORM +SNOWY +SNUB +SNUFF +SNUFFED +SNUFFER +SNUFFING +SNUFFS +SNUG +SNUGGLE +SNUGGLED +SNUGGLES +SNUGGLING +SNUGLY +SNUGNESS +SNYDER +SOAK +SOAKED +SOAKING +SOAKS +SOAP +SOAPED +SOAPING +SOAPS +SOAPY +SOAR +SOARED +SOARING +SOARS +SOB +SOBBING +SOBER +SOBERED +SOBERING +SOBERLY +SOBERNESS +SOBERS +SOBRIETY +SOBS +SOCCER +SOCIABILITY +SOCIABLE +SOCIABLY +SOCIAL +SOCIALISM +SOCIALIST +SOCIALISTS +SOCIALIZE +SOCIALIZED +SOCIALIZES +SOCIALIZING +SOCIALLY +SOCIETAL +SOCIETIES +SOCIETY +SOCIOECONOMIC +SOCIOLOGICAL +SOCIOLOGICALLY +SOCIOLOGIST +SOCIOLOGISTS +SOCIOLOGY +SOCK +SOCKED +SOCKET +SOCKETS +SOCKING +SOCKS +SOCRATES +SOCRATIC +SOD +SODA +SODDY +SODIUM +SODOMY +SODS +SOFA +SOFAS +SOFIA +SOFT +SOFTBALL +SOFTEN +SOFTENED +SOFTENING +SOFTENS +SOFTER +SOFTEST +SOFTLY +SOFTNESS +SOFTWARE +SOFTWARES +SOGGY +SOIL +SOILED +SOILING +SOILS +SOIREE +SOJOURN +SOJOURNER +SOJOURNERS +SOL +SOLACE +SOLACED +SOLAR +SOLD +SOLDER +SOLDERED +SOLDIER +SOLDIERING +SOLDIERLY +SOLDIERS +SOLE +SOLELY +SOLEMN +SOLEMNITY +SOLEMNLY +SOLEMNNESS +SOLENOID +SOLES +SOLICIT +SOLICITATION +SOLICITED +SOLICITING +SOLICITOR +SOLICITOUS +SOLICITS +SOLICITUDE +SOLID +SOLIDARITY +SOLIDIFICATION +SOLIDIFIED +SOLIDIFIES +SOLIDIFY +SOLIDIFYING +SOLIDITY +SOLIDLY +SOLIDNESS +SOLIDS +SOLILOQUY +SOLITAIRE +SOLITARY +SOLITUDE +SOLITUDES +SOLLY +SOLO +SOLOMON +SOLON +SOLOS +SOLOVIEV +SOLSTICE +SOLUBILITY +SOLUBLE +SOLUTION +SOLUTIONS +SOLVABLE +SOLVE +SOLVED +SOLVENT +SOLVENTS +SOLVER +SOLVERS +SOLVES +SOLVING +SOMALI +SOMALIA +SOMALIS +SOMATIC +SOMBER +SOMBERLY +SOME +SOMEBODY +SOMEDAY +SOMEHOW +SOMEONE +SOMEPLACE +SOMERS +SOMERSAULT +SOMERSET +SOMERVILLE +SOMETHING +SOMETIME +SOMETIMES +SOMEWHAT +SOMEWHERE +SOMMELIER +SOMMERFELD +SOMNOLENT +SON +SONAR +SONATA +SONENBERG +SONG +SONGBOOK +SONGS +SONIC +SONNET +SONNETS +SONNY +SONOMA +SONORA +SONS +SONY +SOON +SOONER +SOONEST +SOOT +SOOTH +SOOTHE +SOOTHED +SOOTHER +SOOTHES +SOOTHING +SOOTHSAYER +SOPHIA +SOPHIAS +SOPHIE +SOPHISTICATED +SOPHISTICATION +SOPHISTRY +SOPHOCLEAN +SOPHOCLES +SOPHOMORE +SOPHOMORES +SOPRANO +SORCERER +SORCERERS +SORCERY +SORDID +SORDIDLY +SORDIDNESS +SORE +SORELY +SORENESS +SORENSEN +SORENSON +SORER +SORES +SOREST +SORGHUM +SORORITY +SORREL +SORRENTINE +SORRIER +SORRIEST +SORROW +SORROWFUL +SORROWFULLY +SORROWS +SORRY +SORT +SORTED +SORTER +SORTERS +SORTIE +SORTING +SORTS +SOUGHT +SOUL +SOULFUL +SOULS +SOUND +SOUNDED +SOUNDER +SOUNDEST +SOUNDING +SOUNDINGS +SOUNDLY +SOUNDNESS +SOUNDPROOF +SOUNDS +SOUP +SOUPED +SOUPS +SOUR +SOURCE +SOURCES +SOURDOUGH +SOURED +SOURER +SOUREST +SOURING +SOURLY +SOURNESS +SOURS +SOUSA +SOUTH +SOUTHAMPTON +SOUTHBOUND +SOUTHEAST +SOUTHEASTERN +SOUTHERN +SOUTHERNER +SOUTHERNERS +SOUTHERNMOST +SOUTHERNWOOD +SOUTHEY +SOUTHFIELD +SOUTHLAND +SOUTHPAW +SOUTHWARD +SOUTHWEST +SOUTHWESTERN +SOUVENIR +SOVEREIGN +SOVEREIGNS +SOVEREIGNTY +SOVIET +SOVIETS +SOW +SOWN +SOY +SOYA +SOYBEAN +SPA +SPACE +SPACECRAFT +SPACED +SPACER +SPACERS +SPACES +SPACESHIP +SPACESHIPS +SPACESUIT +SPACEWAR +SPACING +SPACINGS +SPACIOUS +SPADED +SPADES +SPADING +SPAFFORD +SPAHN +SPAIN +SPALDING +SPAN +SPANDREL +SPANIARD +SPANIARDIZATION +SPANIARDIZATIONS +SPANIARDIZE +SPANIARDIZES +SPANIARDS +SPANIEL +SPANISH +SPANISHIZE +SPANISHIZES +SPANK +SPANKED +SPANKING +SPANKS +SPANNED +SPANNER +SPANNERS +SPANNING +SPANS +SPARC +SPARCSTATION +SPARE +SPARED +SPARELY +SPARENESS +SPARER +SPARES +SPAREST +SPARING +SPARINGLY +SPARK +SPARKED +SPARKING +SPARKLE +SPARKLING +SPARKMAN +SPARKS +SPARRING +SPARROW +SPARROWS +SPARSE +SPARSELY +SPARSENESS +SPARSER +SPARSEST +SPARTA +SPARTAN +SPARTANIZE +SPARTANIZES +SPASM +SPASTIC +SPAT +SPATE +SPATES +SPATIAL +SPATIALLY +SPATTER +SPATTERED +SPATULA +SPAULDING +SPAWN +SPAWNED +SPAWNING +SPAWNS +SPAYED +SPEAK +SPEAKABLE +SPEAKEASY +SPEAKER +SPEAKERPHONE +SPEAKERPHONES +SPEAKERS +SPEAKING +SPEAKS +SPEAR +SPEARED +SPEARMINT +SPEARS +SPEC +SPECIAL +SPECIALIST +SPECIALISTS +SPECIALIZATION +SPECIALIZATIONS +SPECIALIZE +SPECIALIZED +SPECIALIZES +SPECIALIZING +SPECIALLY +SPECIALS +SPECIALTIES +SPECIALTY +SPECIE +SPECIES +SPECIFIABLE +SPECIFIC +SPECIFICALLY +SPECIFICATION +SPECIFICATIONS +SPECIFICITY +SPECIFICS +SPECIFIED +SPECIFIER +SPECIFIERS +SPECIFIES +SPECIFY +SPECIFYING +SPECIMEN +SPECIMENS +SPECIOUS +SPECK +SPECKLE +SPECKLED +SPECKLES +SPECKS +SPECTACLE +SPECTACLED +SPECTACLES +SPECTACULAR +SPECTACULARLY +SPECTATOR +SPECTATORS +SPECTER +SPECTERS +SPECTOR +SPECTRA +SPECTRAL +SPECTROGRAM +SPECTROGRAMS +SPECTROGRAPH +SPECTROGRAPHIC +SPECTROGRAPHY +SPECTROMETER +SPECTROPHOTOMETER +SPECTROPHOTOMETRY +SPECTROSCOPE +SPECTROSCOPIC +SPECTROSCOPY +SPECTRUM +SPECULATE +SPECULATED +SPECULATES +SPECULATING +SPECULATION +SPECULATIONS +SPECULATIVE +SPECULATOR +SPECULATORS +SPED +SPEECH +SPEECHES +SPEECHLESS +SPEECHLESSNESS +SPEED +SPEEDBOAT +SPEEDED +SPEEDER +SPEEDERS +SPEEDILY +SPEEDING +SPEEDOMETER +SPEEDS +SPEEDUP +SPEEDUPS +SPEEDY +SPELL +SPELLBOUND +SPELLED +SPELLER +SPELLERS +SPELLING +SPELLINGS +SPELLS +SPENCER +SPENCERIAN +SPEND +SPENDER +SPENDERS +SPENDING +SPENDS +SPENGLERIAN +SPENT +SPERM +SPERRY +SPHERE +SPHERES +SPHERICAL +SPHERICALLY +SPHEROID +SPHEROIDAL +SPHINX +SPICA +SPICE +SPICED +SPICES +SPICINESS +SPICY +SPIDER +SPIDERS +SPIDERY +SPIEGEL +SPIES +SPIGOT +SPIKE +SPIKED +SPIKES +SPILL +SPILLED +SPILLER +SPILLING +SPILLS +SPILT +SPIN +SPINACH +SPINAL +SPINALLY +SPINDLE +SPINDLED +SPINDLING +SPINE +SPINNAKER +SPINNER +SPINNERS +SPINNING +SPINOFF +SPINS +SPINSTER +SPINY +SPIRAL +SPIRALED +SPIRALING +SPIRALLY +SPIRE +SPIRES +SPIRIT +SPIRITED +SPIRITEDLY +SPIRITING +SPIRITS +SPIRITUAL +SPIRITUALLY +SPIRITUALS +SPIRO +SPIT +SPITE +SPITED +SPITEFUL +SPITEFULLY +SPITEFULNESS +SPITES +SPITFIRE +SPITING +SPITS +SPITTING +SPITTLE +SPITZ +SPLASH +SPLASHED +SPLASHES +SPLASHING +SPLASHY +SPLEEN +SPLENDID +SPLENDIDLY +SPLENDOR +SPLENETIC +SPLICE +SPLICED +SPLICER +SPLICERS +SPLICES +SPLICING +SPLICINGS +SPLINE +SPLINES +SPLINT +SPLINTER +SPLINTERED +SPLINTERS +SPLINTERY +SPLIT +SPLITS +SPLITTER +SPLITTERS +SPLITTING +SPLURGE +SPOIL +SPOILAGE +SPOILED +SPOILER +SPOILERS +SPOILING +SPOILS +SPOKANE +SPOKE +SPOKED +SPOKEN +SPOKES +SPOKESMAN +SPOKESMEN +SPONGE +SPONGED +SPONGER +SPONGERS +SPONGES +SPONGING +SPONGY +SPONSOR +SPONSORED +SPONSORING +SPONSORS +SPONSORSHIP +SPONTANEITY +SPONTANEOUS +SPONTANEOUSLY +SPOOF +SPOOK +SPOOKY +SPOOL +SPOOLED +SPOOLER +SPOOLERS +SPOOLING +SPOOLS +SPOON +SPOONED +SPOONFUL +SPOONING +SPOONS +SPORADIC +SPORE +SPORES +SPORT +SPORTED +SPORTING +SPORTINGLY +SPORTIVE +SPORTS +SPORTSMAN +SPORTSMEN +SPORTSWEAR +SPORTSWRITER +SPORTSWRITING +SPORTY +SPOSATO +SPOT +SPOTLESS +SPOTLESSLY +SPOTLIGHT +SPOTS +SPOTTED +SPOTTER +SPOTTERS +SPOTTING +SPOTTY +SPOUSE +SPOUSES +SPOUT +SPOUTED +SPOUTING +SPOUTS +SPRAGUE +SPRAIN +SPRANG +SPRAWL +SPRAWLED +SPRAWLING +SPRAWLS +SPRAY +SPRAYED +SPRAYER +SPRAYING +SPRAYS +SPREAD +SPREADER +SPREADERS +SPREADING +SPREADINGS +SPREADS +SPREADSHEET +SPREE +SPREES +SPRIG +SPRIGHTLY +SPRING +SPRINGBOARD +SPRINGER +SPRINGERS +SPRINGFIELD +SPRINGIER +SPRINGIEST +SPRINGINESS +SPRINGING +SPRINGS +SPRINGTIME +SPRINGY +SPRINKLE +SPRINKLED +SPRINKLER +SPRINKLES +SPRINKLING +SPRINT +SPRINTED +SPRINTER +SPRINTERS +SPRINTING +SPRINTS +SPRITE +SPROCKET +SPROUL +SPROUT +SPROUTED +SPROUTING +SPRUCE +SPRUCED +SPRUNG +SPUDS +SPUN +SPUNK +SPUR +SPURIOUS +SPURN +SPURNED +SPURNING +SPURNS +SPURS +SPURT +SPURTED +SPURTING +SPURTS +SPUTTER +SPUTTERED +SPY +SPYGLASS +SPYING +SQUABBLE +SQUABBLED +SQUABBLES +SQUABBLING +SQUAD +SQUADRON +SQUADRONS +SQUADS +SQUALID +SQUALL +SQUALLS +SQUANDER +SQUARE +SQUARED +SQUARELY +SQUARENESS +SQUARER +SQUARES +SQUAREST +SQUARESVILLE +SQUARING +SQUASH +SQUASHED +SQUASHING +SQUAT +SQUATS +SQUATTING +SQUAW +SQUAWK +SQUAWKED +SQUAWKING +SQUAWKS +SQUEAK +SQUEAKED +SQUEAKING +SQUEAKS +SQUEAKY +SQUEAL +SQUEALED +SQUEALING +SQUEALS +SQUEAMISH +SQUEEZE +SQUEEZED +SQUEEZER +SQUEEZES +SQUEEZING +SQUELCH +SQUIBB +SQUID +SQUINT +SQUINTED +SQUINTING +SQUIRE +SQUIRES +SQUIRM +SQUIRMED +SQUIRMS +SQUIRMY +SQUIRREL +SQUIRRELED +SQUIRRELING +SQUIRRELS +SQUIRT +SQUISHY +SRI +STAB +STABBED +STABBING +STABILE +STABILITIES +STABILITY +STABILIZE +STABILIZED +STABILIZER +STABILIZERS +STABILIZES +STABILIZING +STABLE +STABLED +STABLER +STABLES +STABLING +STABLY +STABS +STACK +STACKED +STACKING +STACKS +STACY +STADIA +STADIUM +STAFF +STAFFED +STAFFER +STAFFERS +STAFFING +STAFFORD +STAFFORDSHIRE +STAFFS +STAG +STAGE +STAGECOACH +STAGECOACHES +STAGED +STAGER +STAGERS +STAGES +STAGGER +STAGGERED +STAGGERING +STAGGERS +STAGING +STAGNANT +STAGNATE +STAGNATION +STAGS +STAHL +STAID +STAIN +STAINED +STAINING +STAINLESS +STAINS +STAIR +STAIRCASE +STAIRCASES +STAIRS +STAIRWAY +STAIRWAYS +STAIRWELL +STAKE +STAKED +STAKES +STALACTITE +STALE +STALEMATE +STALEY +STALIN +STALINIST +STALINS +STALK +STALKED +STALKING +STALL +STALLED +STALLING +STALLINGS +STALLION +STALLS +STALWART +STALWARTLY +STAMEN +STAMENS +STAMFORD +STAMINA +STAMMER +STAMMERED +STAMMERER +STAMMERING +STAMMERS +STAMP +STAMPED +STAMPEDE +STAMPEDED +STAMPEDES +STAMPEDING +STAMPER +STAMPERS +STAMPING +STAMPS +STAN +STANCH +STANCHEST +STANCHION +STAND +STANDARD +STANDARDIZATION +STANDARDIZE +STANDARDIZED +STANDARDIZES +STANDARDIZING +STANDARDLY +STANDARDS +STANDBY +STANDING +STANDINGS +STANDISH +STANDOFF +STANDPOINT +STANDPOINTS +STANDS +STANDSTILL +STANFORD +STANHOPE +STANLEY +STANS +STANTON +STANZA +STANZAS +STAPHYLOCOCCUS +STAPLE +STAPLER +STAPLES +STAPLETON +STAPLING +STAR +STARBOARD +STARCH +STARCHED +STARDOM +STARE +STARED +STARER +STARES +STARFISH +STARGATE +STARING +STARK +STARKEY +STARKLY +STARLET +STARLIGHT +STARLING +STARR +STARRED +STARRING +STARRY +STARS +START +STARTED +STARTER +STARTERS +STARTING +STARTLE +STARTLED +STARTLES +STARTLING +STARTS +STARTUP +STARTUPS +STARVATION +STARVE +STARVED +STARVES +STARVING +STATE +STATED +STATELY +STATEMENT +STATEMENTS +STATEN +STATES +STATESMAN +STATESMANLIKE +STATESMEN +STATEWIDE +STATIC +STATICALLY +STATING +STATION +STATIONARY +STATIONED +STATIONER +STATIONERY +STATIONING +STATIONMASTER +STATIONS +STATISTIC +STATISTICAL +STATISTICALLY +STATISTICIAN +STATISTICIANS +STATISTICS +STATLER +STATUE +STATUES +STATUESQUE +STATUESQUELY +STATUESQUENESS +STATUETTE +STATURE +STATUS +STATUSES +STATUTE +STATUTES +STATUTORILY +STATUTORINESS +STATUTORY +STAUFFER +STAUNCH +STAUNCHEST +STAUNCHLY +STAUNTON +STAVE +STAVED +STAVES +STAY +STAYED +STAYING +STAYS +STEAD +STEADFAST +STEADFASTLY +STEADFASTNESS +STEADIED +STEADIER +STEADIES +STEADIEST +STEADILY +STEADINESS +STEADY +STEADYING +STEAK +STEAKS +STEAL +STEALER +STEALING +STEALS +STEALTH +STEALTHILY +STEALTHY +STEAM +STEAMBOAT +STEAMBOATS +STEAMED +STEAMER +STEAMERS +STEAMING +STEAMS +STEAMSHIP +STEAMSHIPS +STEAMY +STEARNS +STEED +STEEL +STEELE +STEELED +STEELERS +STEELING +STEELMAKER +STEELS +STEELY +STEEN +STEEP +STEEPED +STEEPER +STEEPEST +STEEPING +STEEPLE +STEEPLES +STEEPLY +STEEPNESS +STEEPS +STEER +STEERABLE +STEERED +STEERING +STEERS +STEFAN +STEGOSAURUS +STEINBECK +STEINBERG +STEINER +STELLA +STELLAR +STEM +STEMMED +STEMMING +STEMS +STENCH +STENCHES +STENCIL +STENCILS +STENDHAL +STENDLER +STENOGRAPHER +STENOGRAPHERS +STENOTYPE +STEP +STEPCHILD +STEPHAN +STEPHANIE +STEPHEN +STEPHENS +STEPHENSON +STEPMOTHER +STEPMOTHERS +STEPPED +STEPPER +STEPPING +STEPS +STEPSON +STEPWISE +STEREO +STEREOS +STEREOSCOPIC +STEREOTYPE +STEREOTYPED +STEREOTYPES +STEREOTYPICAL +STERILE +STERILIZATION +STERILIZATIONS +STERILIZE +STERILIZED +STERILIZER +STERILIZES +STERILIZING +STERLING +STERN +STERNBERG +STERNLY +STERNNESS +STERNO +STERNS +STETHOSCOPE +STETSON +STETSONS +STEUBEN +STEVE +STEVEDORE +STEVEN +STEVENS +STEVENSON +STEVIE +STEW +STEWARD +STEWARDESS +STEWARDS +STEWART +STEWED +STEWS +STICK +STICKER +STICKERS +STICKIER +STICKIEST +STICKILY +STICKINESS +STICKING +STICKLEBACK +STICKS +STICKY +STIFF +STIFFEN +STIFFENS +STIFFER +STIFFEST +STIFFLY +STIFFNESS +STIFFS +STIFLE +STIFLED +STIFLES +STIFLING +STIGMA +STIGMATA +STILE +STILES +STILETTO +STILL +STILLBIRTH +STILLBORN +STILLED +STILLER +STILLEST +STILLING +STILLNESS +STILLS +STILLWELL +STILT +STILTS +STIMSON +STIMULANT +STIMULANTS +STIMULATE +STIMULATED +STIMULATES +STIMULATING +STIMULATION +STIMULATIONS +STIMULATIVE +STIMULI +STIMULUS +STING +STINGING +STINGS +STINGY +STINK +STINKER +STINKERS +STINKING +STINKS +STINT +STIPEND +STIPENDS +STIPULATE +STIPULATED +STIPULATES +STIPULATING +STIPULATION +STIPULATIONS +STIR +STIRLING +STIRRED +STIRRER +STIRRERS +STIRRING +STIRRINGLY +STIRRINGS +STIRRUP +STIRS +STITCH +STITCHED +STITCHES +STITCHING +STOCHASTIC +STOCHASTICALLY +STOCK +STOCKADE +STOCKADES +STOCKBROKER +STOCKED +STOCKER +STOCKERS +STOCKHOLDER +STOCKHOLDERS +STOCKHOLM +STOCKING +STOCKINGS +STOCKPILE +STOCKROOM +STOCKS +STOCKTON +STOCKY +STODGY +STOICHIOMETRY +STOKE +STOKES +STOLE +STOLEN +STOLES +STOLID +STOMACH +STOMACHED +STOMACHER +STOMACHES +STOMACHING +STOMP +STONE +STONED +STONEHENGE +STONES +STONING +STONY +STOOD +STOOGE +STOOL +STOOP +STOOPED +STOOPING +STOOPS +STOP +STOPCOCK +STOPCOCKS +STOPGAP +STOPOVER +STOPPABLE +STOPPAGE +STOPPED +STOPPER +STOPPERS +STOPPING +STOPS +STOPWATCH +STORAGE +STORAGES +STORE +STORED +STOREHOUSE +STOREHOUSES +STOREKEEPER +STOREROOM +STORES +STOREY +STOREYED +STOREYS +STORIED +STORIES +STORING +STORK +STORKS +STORM +STORMED +STORMIER +STORMIEST +STORMINESS +STORMING +STORMS +STORMY +STORY +STORYBOARD +STORYTELLER +STOUFFER +STOUT +STOUTER +STOUTEST +STOUTLY +STOUTNESS +STOVE +STOVES +STOW +STOWE +STOWED +STRADDLE +STRAFE +STRAGGLE +STRAGGLED +STRAGGLER +STRAGGLERS +STRAGGLES +STRAGGLING +STRAIGHT +STRAIGHTAWAY +STRAIGHTEN +STRAIGHTENED +STRAIGHTENS +STRAIGHTER +STRAIGHTEST +STRAIGHTFORWARD +STRAIGHTFORWARDLY +STRAIGHTFORWARDNESS +STRAIGHTNESS +STRAIGHTWAY +STRAIN +STRAINED +STRAINER +STRAINERS +STRAINING +STRAINS +STRAIT +STRAITEN +STRAITS +STRAND +STRANDED +STRANDING +STRANDS +STRANGE +STRANGELY +STRANGENESS +STRANGER +STRANGERS +STRANGEST +STRANGLE +STRANGLED +STRANGLER +STRANGLERS +STRANGLES +STRANGLING +STRANGLINGS +STRANGULATION +STRANGULATIONS +STRAP +STRAPS +STRASBOURG +STRATAGEM +STRATAGEMS +STRATEGIC +STRATEGIES +STRATEGIST +STRATEGY +STRATFORD +STRATIFICATION +STRATIFICATIONS +STRATIFIED +STRATIFIES +STRATIFY +STRATOSPHERE +STRATOSPHERIC +STRATTON +STRATUM +STRAUSS +STRAVINSKY +STRAW +STRAWBERRIES +STRAWBERRY +STRAWS +STRAY +STRAYED +STRAYS +STREAK +STREAKED +STREAKS +STREAM +STREAMED +STREAMER +STREAMERS +STREAMING +STREAMLINE +STREAMLINED +STREAMLINER +STREAMLINES +STREAMLINING +STREAMS +STREET +STREETCAR +STREETCARS +STREETERS +STREETS +STRENGTH +STRENGTHEN +STRENGTHENED +STRENGTHENER +STRENGTHENING +STRENGTHENS +STRENGTHS +STRENUOUS +STRENUOUSLY +STREPTOCOCCUS +STRESS +STRESSED +STRESSES +STRESSFUL +STRESSING +STRETCH +STRETCHED +STRETCHER +STRETCHERS +STRETCHES +STRETCHING +STREW +STREWN +STREWS +STRICKEN +STRICKLAND +STRICT +STRICTER +STRICTEST +STRICTLY +STRICTNESS +STRICTURE +STRIDE +STRIDER +STRIDES +STRIDING +STRIFE +STRIKE +STRIKEBREAKER +STRIKER +STRIKERS +STRIKES +STRIKING +STRIKINGLY +STRINDBERG +STRING +STRINGED +STRINGENT +STRINGENTLY +STRINGER +STRINGERS +STRINGIER +STRINGIEST +STRINGINESS +STRINGING +STRINGS +STRINGY +STRIP +STRIPE +STRIPED +STRIPES +STRIPPED +STRIPPER +STRIPPERS +STRIPPING +STRIPS +STRIPTEASE +STRIVE +STRIVEN +STRIVES +STRIVING +STRIVINGS +STROBE +STROBED +STROBES +STROBOSCOPIC +STRODE +STROKE +STROKED +STROKER +STROKERS +STROKES +STROKING +STROLL +STROLLED +STROLLER +STROLLING +STROLLS +STROM +STROMBERG +STRONG +STRONGER +STRONGEST +STRONGHEART +STRONGHOLD +STRONGLY +STRONTIUM +STROVE +STRUCK +STRUCTURAL +STRUCTURALLY +STRUCTURE +STRUCTURED +STRUCTURER +STRUCTURES +STRUCTURING +STRUGGLE +STRUGGLED +STRUGGLES +STRUGGLING +STRUNG +STRUT +STRUTS +STRUTTING +STRYCHNINE +STU +STUART +STUB +STUBBLE +STUBBLEFIELD +STUBBLEFIELDS +STUBBORN +STUBBORNLY +STUBBORNNESS +STUBBY +STUBS +STUCCO +STUCK +STUD +STUDEBAKER +STUDENT +STUDENTS +STUDIED +STUDIES +STUDIO +STUDIOS +STUDIOUS +STUDIOUSLY +STUDS +STUDY +STUDYING +STUFF +STUFFED +STUFFIER +STUFFIEST +STUFFING +STUFFS +STUFFY +STUMBLE +STUMBLED +STUMBLES +STUMBLING +STUMP +STUMPED +STUMPING +STUMPS +STUN +STUNG +STUNNING +STUNNINGLY +STUNT +STUNTS +STUPEFY +STUPEFYING +STUPENDOUS +STUPENDOUSLY +STUPID +STUPIDEST +STUPIDITIES +STUPIDITY +STUPIDLY +STUPOR +STURBRIDGE +STURDINESS +STURDY +STURGEON +STURM +STUTTER +STUTTGART +STUYVESANT +STYGIAN +STYLE +STYLED +STYLER +STYLERS +STYLES +STYLI +STYLING +STYLISH +STYLISHLY +STYLISHNESS +STYLISTIC +STYLISTICALLY +STYLIZED +STYLUS +STYROFOAM +STYX +SUAVE +SUB +SUBATOMIC +SUBCHANNEL +SUBCHANNELS +SUBCLASS +SUBCLASSES +SUBCOMMITTEES +SUBCOMPONENT +SUBCOMPONENTS +SUBCOMPUTATION +SUBCOMPUTATIONS +SUBCONSCIOUS +SUBCONSCIOUSLY +SUBCULTURE +SUBCULTURES +SUBCYCLE +SUBCYCLES +SUBDIRECTORIES +SUBDIRECTORY +SUBDIVIDE +SUBDIVIDED +SUBDIVIDES +SUBDIVIDING +SUBDIVISION +SUBDIVISIONS +SUBDOMAINS +SUBDUE +SUBDUED +SUBDUES +SUBDUING +SUBEXPRESSION +SUBEXPRESSIONS +SUBFIELD +SUBFIELDS +SUBFILE +SUBFILES +SUBGOAL +SUBGOALS +SUBGRAPH +SUBGRAPHS +SUBGROUP +SUBGROUPS +SUBINTERVAL +SUBINTERVALS +SUBJECT +SUBJECTED +SUBJECTING +SUBJECTION +SUBJECTIVE +SUBJECTIVELY +SUBJECTIVITY +SUBJECTS +SUBLANGUAGE +SUBLANGUAGES +SUBLAYER +SUBLAYERS +SUBLIMATION +SUBLIMATIONS +SUBLIME +SUBLIMED +SUBLIST +SUBLISTS +SUBMARINE +SUBMARINER +SUBMARINERS +SUBMARINES +SUBMERGE +SUBMERGED +SUBMERGES +SUBMERGING +SUBMISSION +SUBMISSIONS +SUBMISSIVE +SUBMIT +SUBMITS +SUBMITTAL +SUBMITTED +SUBMITTING +SUBMODE +SUBMODES +SUBMODULE +SUBMODULES +SUBMULTIPLEXED +SUBNET +SUBNETS +SUBNETWORK +SUBNETWORKS +SUBOPTIMAL +SUBORDINATE +SUBORDINATED +SUBORDINATES +SUBORDINATION +SUBPARTS +SUBPHASES +SUBPOENA +SUBPROBLEM +SUBPROBLEMS +SUBPROCESSES +SUBPROGRAM +SUBPROGRAMS +SUBPROJECT +SUBPROOF +SUBPROOFS +SUBRANGE +SUBRANGES +SUBROUTINE +SUBROUTINES +SUBS +SUBSCHEMA +SUBSCHEMAS +SUBSCRIBE +SUBSCRIBED +SUBSCRIBER +SUBSCRIBERS +SUBSCRIBES +SUBSCRIBING +SUBSCRIPT +SUBSCRIPTED +SUBSCRIPTING +SUBSCRIPTION +SUBSCRIPTIONS +SUBSCRIPTS +SUBSECTION +SUBSECTIONS +SUBSEGMENT +SUBSEGMENTS +SUBSEQUENCE +SUBSEQUENCES +SUBSEQUENT +SUBSEQUENTLY +SUBSERVIENT +SUBSET +SUBSETS +SUBSIDE +SUBSIDED +SUBSIDES +SUBSIDIARIES +SUBSIDIARY +SUBSIDIES +SUBSIDING +SUBSIDIZE +SUBSIDIZED +SUBSIDIZES +SUBSIDIZING +SUBSIDY +SUBSIST +SUBSISTED +SUBSISTENCE +SUBSISTENT +SUBSISTING +SUBSISTS +SUBSLOT +SUBSLOTS +SUBSPACE +SUBSPACES +SUBSTANCE +SUBSTANCES +SUBSTANTIAL +SUBSTANTIALLY +SUBSTANTIATE +SUBSTANTIATED +SUBSTANTIATES +SUBSTANTIATING +SUBSTANTIATION +SUBSTANTIATIONS +SUBSTANTIVE +SUBSTANTIVELY +SUBSTANTIVITY +SUBSTATION +SUBSTATIONS +SUBSTITUTABILITY +SUBSTITUTABLE +SUBSTITUTE +SUBSTITUTED +SUBSTITUTES +SUBSTITUTING +SUBSTITUTION +SUBSTITUTIONS +SUBSTRATE +SUBSTRATES +SUBSTRING +SUBSTRINGS +SUBSTRUCTURE +SUBSTRUCTURES +SUBSUME +SUBSUMED +SUBSUMES +SUBSUMING +SUBSYSTEM +SUBSYSTEMS +SUBTASK +SUBTASKS +SUBTERFUGE +SUBTERRANEAN +SUBTITLE +SUBTITLED +SUBTITLES +SUBTLE +SUBTLENESS +SUBTLER +SUBTLEST +SUBTLETIES +SUBTLETY +SUBTLY +SUBTOTAL +SUBTRACT +SUBTRACTED +SUBTRACTING +SUBTRACTION +SUBTRACTIONS +SUBTRACTOR +SUBTRACTORS +SUBTRACTS +SUBTRAHEND +SUBTRAHENDS +SUBTREE +SUBTREES +SUBUNIT +SUBUNITS +SUBURB +SUBURBAN +SUBURBIA +SUBURBS +SUBVERSION +SUBVERSIVE +SUBVERT +SUBVERTED +SUBVERTER +SUBVERTING +SUBVERTS +SUBWAY +SUBWAYS +SUCCEED +SUCCEEDED +SUCCEEDING +SUCCEEDS +SUCCESS +SUCCESSES +SUCCESSFUL +SUCCESSFULLY +SUCCESSION +SUCCESSIONS +SUCCESSIVE +SUCCESSIVELY +SUCCESSOR +SUCCESSORS +SUCCINCT +SUCCINCTLY +SUCCINCTNESS +SUCCOR +SUCCUMB +SUCCUMBED +SUCCUMBING +SUCCUMBS +SUCH +SUCK +SUCKED +SUCKER +SUCKERS +SUCKING +SUCKLE +SUCKLING +SUCKS +SUCTION +SUDAN +SUDANESE +SUDANIC +SUDDEN +SUDDENLY +SUDDENNESS +SUDS +SUDSING +SUE +SUED +SUES +SUEZ +SUFFER +SUFFERANCE +SUFFERED +SUFFERER +SUFFERERS +SUFFERING +SUFFERINGS +SUFFERS +SUFFICE +SUFFICED +SUFFICES +SUFFICIENCY +SUFFICIENT +SUFFICIENTLY +SUFFICING +SUFFIX +SUFFIXED +SUFFIXER +SUFFIXES +SUFFIXING +SUFFOCATE +SUFFOCATED +SUFFOCATES +SUFFOCATING +SUFFOCATION +SUFFOLK +SUFFRAGE +SUFFRAGETTE +SUGAR +SUGARED +SUGARING +SUGARINGS +SUGARS +SUGGEST +SUGGESTED +SUGGESTIBLE +SUGGESTING +SUGGESTION +SUGGESTIONS +SUGGESTIVE +SUGGESTIVELY +SUGGESTS +SUICIDAL +SUICIDALLY +SUICIDE +SUICIDES +SUING +SUIT +SUITABILITY +SUITABLE +SUITABLENESS +SUITABLY +SUITCASE +SUITCASES +SUITE +SUITED +SUITERS +SUITES +SUITING +SUITOR +SUITORS +SUITS +SUKARNO +SULFA +SULFUR +SULFURIC +SULFUROUS +SULK +SULKED +SULKINESS +SULKING +SULKS +SULKY +SULLEN +SULLENLY +SULLENNESS +SULLIVAN +SULPHATE +SULPHUR +SULPHURED +SULPHURIC +SULTAN +SULTANS +SULTRY +SULZBERGER +SUM +SUMAC +SUMATRA +SUMERIA +SUMERIAN +SUMMAND +SUMMANDS +SUMMARIES +SUMMARILY +SUMMARIZATION +SUMMARIZATIONS +SUMMARIZE +SUMMARIZED +SUMMARIZES +SUMMARIZING +SUMMARY +SUMMATION +SUMMATIONS +SUMMED +SUMMER +SUMMERDALE +SUMMERS +SUMMERTIME +SUMMING +SUMMIT +SUMMITRY +SUMMON +SUMMONED +SUMMONER +SUMMONERS +SUMMONING +SUMMONS +SUMMONSES +SUMNER +SUMPTUOUS +SUMS +SUMTER +SUN +SUNBEAM +SUNBEAMS +SUNBELT +SUNBONNET +SUNBURN +SUNBURNT +SUNDAY +SUNDAYS +SUNDER +SUNDIAL +SUNDOWN +SUNDRIES +SUNDRY +SUNFLOWER +SUNG +SUNGLASS +SUNGLASSES +SUNK +SUNKEN +SUNLIGHT +SUNLIT +SUNNED +SUNNING +SUNNY +SUNNYVALE +SUNRISE +SUNS +SUNSET +SUNSHINE +SUNSPOT +SUNTAN +SUNTANNED +SUNTANNING +SUPER +SUPERB +SUPERBLOCK +SUPERBLY +SUPERCOMPUTER +SUPERCOMPUTERS +SUPEREGO +SUPEREGOS +SUPERFICIAL +SUPERFICIALLY +SUPERFLUITIES +SUPERFLUITY +SUPERFLUOUS +SUPERFLUOUSLY +SUPERGROUP +SUPERGROUPS +SUPERHUMAN +SUPERHUMANLY +SUPERIMPOSE +SUPERIMPOSED +SUPERIMPOSES +SUPERIMPOSING +SUPERINTEND +SUPERINTENDENT +SUPERINTENDENTS +SUPERIOR +SUPERIORITY +SUPERIORS +SUPERLATIVE +SUPERLATIVELY +SUPERLATIVES +SUPERMARKET +SUPERMARKETS +SUPERMINI +SUPERMINIS +SUPERNATURAL +SUPERPOSE +SUPERPOSED +SUPERPOSES +SUPERPOSING +SUPERPOSITION +SUPERSCRIPT +SUPERSCRIPTED +SUPERSCRIPTING +SUPERSCRIPTS +SUPERSEDE +SUPERSEDED +SUPERSEDES +SUPERSEDING +SUPERSET +SUPERSETS +SUPERSTITION +SUPERSTITIONS +SUPERSTITIOUS +SUPERUSER +SUPERVISE +SUPERVISED +SUPERVISES +SUPERVISING +SUPERVISION +SUPERVISOR +SUPERVISORS +SUPERVISORY +SUPINE +SUPPER +SUPPERS +SUPPLANT +SUPPLANTED +SUPPLANTING +SUPPLANTS +SUPPLE +SUPPLEMENT +SUPPLEMENTAL +SUPPLEMENTARY +SUPPLEMENTED +SUPPLEMENTING +SUPPLEMENTS +SUPPLENESS +SUPPLICATION +SUPPLIED +SUPPLIER +SUPPLIERS +SUPPLIES +SUPPLY +SUPPLYING +SUPPORT +SUPPORTABLE +SUPPORTED +SUPPORTER +SUPPORTERS +SUPPORTING +SUPPORTINGLY +SUPPORTIVE +SUPPORTIVELY +SUPPORTS +SUPPOSE +SUPPOSED +SUPPOSEDLY +SUPPOSES +SUPPOSING +SUPPOSITION +SUPPOSITIONS +SUPPRESS +SUPPRESSED +SUPPRESSES +SUPPRESSING +SUPPRESSION +SUPPRESSOR +SUPPRESSORS +SUPRANATIONAL +SUPREMACY +SUPREME +SUPREMELY +SURCHARGE +SURE +SURELY +SURENESS +SURETIES +SURETY +SURF +SURFACE +SURFACED +SURFACENESS +SURFACES +SURFACING +SURGE +SURGED +SURGEON +SURGEONS +SURGERY +SURGES +SURGICAL +SURGICALLY +SURGING +SURLINESS +SURLY +SURMISE +SURMISED +SURMISES +SURMOUNT +SURMOUNTED +SURMOUNTING +SURMOUNTS +SURNAME +SURNAMES +SURPASS +SURPASSED +SURPASSES +SURPASSING +SURPLUS +SURPLUSES +SURPRISE +SURPRISED +SURPRISES +SURPRISING +SURPRISINGLY +SURREAL +SURRENDER +SURRENDERED +SURRENDERING +SURRENDERS +SURREPTITIOUS +SURREY +SURROGATE +SURROGATES +SURROUND +SURROUNDED +SURROUNDING +SURROUNDINGS +SURROUNDS +SURTAX +SURVEY +SURVEYED +SURVEYING +SURVEYOR +SURVEYORS +SURVEYS +SURVIVAL +SURVIVALS +SURVIVE +SURVIVED +SURVIVES +SURVIVING +SURVIVOR +SURVIVORS +SUS +SUSAN +SUSANNE +SUSCEPTIBLE +SUSIE +SUSPECT +SUSPECTED +SUSPECTING +SUSPECTS +SUSPEND +SUSPENDED +SUSPENDER +SUSPENDERS +SUSPENDING +SUSPENDS +SUSPENSE +SUSPENSES +SUSPENSION +SUSPENSIONS +SUSPICION +SUSPICIONS +SUSPICIOUS +SUSPICIOUSLY +SUSQUEHANNA +SUSSEX +SUSTAIN +SUSTAINED +SUSTAINING +SUSTAINS +SUSTENANCE +SUTHERLAND +SUTTON +SUTURE +SUTURES +SUWANEE +SUZANNE +SUZERAINTY +SUZUKI +SVELTE +SVETLANA +SWAB +SWABBING +SWAGGER +SWAGGERED +SWAGGERING +SWAHILI +SWAIN +SWAINS +SWALLOW +SWALLOWED +SWALLOWING +SWALLOWS +SWALLOWTAIL +SWAM +SWAMI +SWAMP +SWAMPED +SWAMPING +SWAMPS +SWAMPY +SWAN +SWANK +SWANKY +SWANLIKE +SWANS +SWANSEA +SWANSON +SWAP +SWAPPED +SWAPPING +SWAPS +SWARM +SWARMED +SWARMING +SWARMS +SWARTHMORE +SWARTHOUT +SWARTHY +SWARTZ +SWASTIKA +SWAT +SWATTED +SWAY +SWAYED +SWAYING +SWAZILAND +SWEAR +SWEARER +SWEARING +SWEARS +SWEAT +SWEATED +SWEATER +SWEATERS +SWEATING +SWEATS +SWEATSHIRT +SWEATY +SWEDE +SWEDEN +SWEDES +SWEDISH +SWEENEY +SWEENEYS +SWEEP +SWEEPER +SWEEPERS +SWEEPING +SWEEPINGS +SWEEPS +SWEEPSTAKES +SWEET +SWEETEN +SWEETENED +SWEETENER +SWEETENERS +SWEETENING +SWEETENINGS +SWEETENS +SWEETER +SWEETEST +SWEETHEART +SWEETHEARTS +SWEETISH +SWEETLY +SWEETNESS +SWEETS +SWELL +SWELLED +SWELLING +SWELLINGS +SWELLS +SWELTER +SWENSON +SWEPT +SWERVE +SWERVED +SWERVES +SWERVING +SWIFT +SWIFTER +SWIFTEST +SWIFTLY +SWIFTNESS +SWIM +SWIMMER +SWIMMERS +SWIMMING +SWIMMINGLY +SWIMS +SWIMSUIT +SWINBURNE +SWINDLE +SWINE +SWING +SWINGER +SWINGERS +SWINGING +SWINGS +SWINK +SWIPE +SWIRL +SWIRLED +SWIRLING +SWISH +SWISHED +SWISS +SWITCH +SWITCHBLADE +SWITCHBOARD +SWITCHBOARDS +SWITCHED +SWITCHER +SWITCHERS +SWITCHES +SWITCHING +SWITCHINGS +SWITCHMAN +SWITZER +SWITZERLAND +SWIVEL +SWIZZLE +SWOLLEN +SWOON +SWOOP +SWOOPED +SWOOPING +SWOOPS +SWORD +SWORDFISH +SWORDS +SWORE +SWORN +SWUM +SWUNG +SYBIL +SYCAMORE +SYCOPHANT +SYCOPHANTIC +SYDNEY +SYKES +SYLLABLE +SYLLABLES +SYLLOGISM +SYLLOGISMS +SYLLOGISTIC +SYLOW +SYLVAN +SYLVANIA +SYLVESTER +SYLVIA +SYLVIE +SYMBIOSIS +SYMBIOTIC +SYMBOL +SYMBOLIC +SYMBOLICALLY +SYMBOLICS +SYMBOLISM +SYMBOLIZATION +SYMBOLIZE +SYMBOLIZED +SYMBOLIZES +SYMBOLIZING +SYMBOLS +SYMINGTON +SYMMETRIC +SYMMETRICAL +SYMMETRICALLY +SYMMETRIES +SYMMETRY +SYMPATHETIC +SYMPATHIES +SYMPATHIZE +SYMPATHIZED +SYMPATHIZER +SYMPATHIZERS +SYMPATHIZES +SYMPATHIZING +SYMPATHIZINGLY +SYMPATHY +SYMPHONIC +SYMPHONIES +SYMPHONY +SYMPOSIA +SYMPOSIUM +SYMPOSIUMS +SYMPTOM +SYMPTOMATIC +SYMPTOMS +SYNAGOGUE +SYNAPSE +SYNAPSES +SYNAPTIC +SYNCHRONISM +SYNCHRONIZATION +SYNCHRONIZE +SYNCHRONIZED +SYNCHRONIZER +SYNCHRONIZERS +SYNCHRONIZES +SYNCHRONIZING +SYNCHRONOUS +SYNCHRONOUSLY +SYNCHRONY +SYNCHROTRON +SYNCOPATE +SYNDICATE +SYNDICATED +SYNDICATES +SYNDICATION +SYNDROME +SYNDROMES +SYNERGISM +SYNERGISTIC +SYNERGY +SYNGE +SYNOD +SYNONYM +SYNONYMOUS +SYNONYMOUSLY +SYNONYMS +SYNOPSES +SYNOPSIS +SYNTACTIC +SYNTACTICAL +SYNTACTICALLY +SYNTAX +SYNTAXES +SYNTHESIS +SYNTHESIZE +SYNTHESIZED +SYNTHESIZER +SYNTHESIZERS +SYNTHESIZES +SYNTHESIZING +SYNTHETIC +SYNTHETICS +SYRACUSE +SYRIA +SYRIAN +SYRIANIZE +SYRIANIZES +SYRIANS +SYRINGE +SYRINGES +SYRUP +SYRUPY +SYSTEM +SYSTEMATIC +SYSTEMATICALLY +SYSTEMATIZE +SYSTEMATIZED +SYSTEMATIZES +SYSTEMATIZING +SYSTEMIC +SYSTEMS +SYSTEMWIDE +SZILARD +TAB +TABERNACLE +TABERNACLES +TABLE +TABLEAU +TABLEAUS +TABLECLOTH +TABLECLOTHS +TABLED +TABLES +TABLESPOON +TABLESPOONFUL +TABLESPOONFULS +TABLESPOONS +TABLET +TABLETS +TABLING +TABOO +TABOOS +TABS +TABULAR +TABULATE +TABULATED +TABULATES +TABULATING +TABULATION +TABULATIONS +TABULATOR +TABULATORS +TACHOMETER +TACHOMETERS +TACIT +TACITLY +TACITUS +TACK +TACKED +TACKING +TACKLE +TACKLES +TACOMA +TACT +TACTIC +TACTICS +TACTILE +TAFT +TAG +TAGGED +TAGGING +TAGS +TAHITI +TAHOE +TAIL +TAILED +TAILING +TAILOR +TAILORED +TAILORING +TAILORS +TAILS +TAINT +TAINTED +TAIPEI +TAIWAN +TAIWANESE +TAKE +TAKEN +TAKER +TAKERS +TAKES +TAKING +TAKINGS +TALE +TALENT +TALENTED +TALENTS +TALES +TALK +TALKATIVE +TALKATIVELY +TALKATIVENESS +TALKED +TALKER +TALKERS +TALKIE +TALKING +TALKS +TALL +TALLADEGA +TALLAHASSEE +TALLAHATCHIE +TALLAHOOSA +TALLCHIEF +TALLER +TALLEST +TALLEYRAND +TALLNESS +TALLOW +TALLY +TALMUD +TALMUDISM +TALMUDIZATION +TALMUDIZATIONS +TALMUDIZE +TALMUDIZES +TAME +TAMED +TAMELY +TAMENESS +TAMER +TAMES +TAMIL +TAMING +TAMMANY +TAMMANYIZE +TAMMANYIZES +TAMPA +TAMPER +TAMPERED +TAMPERING +TAMPERS +TAN +TANAKA +TANANARIVE +TANDEM +TANG +TANGANYIKA +TANGENT +TANGENTIAL +TANGENTS +TANGIBLE +TANGIBLY +TANGLE +TANGLED +TANGY +TANK +TANKER +TANKERS +TANKS +TANNENBAUM +TANNER +TANNERS +TANTALIZING +TANTALIZINGLY +TANTALUS +TANTAMOUNT +TANTRUM +TANTRUMS +TANYA +TANZANIA +TAOISM +TAOIST +TAOS +TAP +TAPE +TAPED +TAPER +TAPERED +TAPERING +TAPERS +TAPES +TAPESTRIES +TAPESTRY +TAPING +TAPINGS +TAPPED +TAPPER +TAPPERS +TAPPING +TAPROOT +TAPROOTS +TAPS +TAR +TARA +TARBELL +TARDINESS +TARDY +TARGET +TARGETED +TARGETING +TARGETS +TARIFF +TARIFFS +TARRY +TARRYTOWN +TART +TARTARY +TARTLY +TARTNESS +TARTUFFE +TARZAN +TASK +TASKED +TASKING +TASKS +TASMANIA +TASS +TASSEL +TASSELS +TASTE +TASTED +TASTEFUL +TASTEFULLY +TASTEFULNESS +TASTELESS +TASTELESSLY +TASTER +TASTERS +TASTES +TASTING +TATE +TATTER +TATTERED +TATTOO +TATTOOED +TATTOOS +TAU +TAUGHT +TAUNT +TAUNTED +TAUNTER +TAUNTING +TAUNTS +TAURUS +TAUT +TAUTLY +TAUTNESS +TAUTOLOGICAL +TAUTOLOGICALLY +TAUTOLOGIES +TAUTOLOGY +TAVERN +TAVERNS +TAWNEY +TAWNY +TAX +TAXABLE +TAXATION +TAXED +TAXES +TAXI +TAXICAB +TAXICABS +TAXIED +TAXIING +TAXING +TAXIS +TAXONOMIC +TAXONOMICALLY +TAXONOMY +TAXPAYER +TAXPAYERS +TAYLOR +TAYLORIZE +TAYLORIZES +TAYLORS +TCHAIKOVSKY +TEA +TEACH +TEACHABLE +TEACHER +TEACHERS +TEACHES +TEACHING +TEACHINGS +TEACUP +TEAM +TEAMED +TEAMING +TEAMS +TEAR +TEARED +TEARFUL +TEARFULLY +TEARING +TEARS +TEAS +TEASE +TEASED +TEASES +TEASING +TEASPOON +TEASPOONFUL +TEASPOONFULS +TEASPOONS +TECHNICAL +TECHNICALITIES +TECHNICALITY +TECHNICALLY +TECHNICIAN +TECHNICIANS +TECHNION +TECHNIQUE +TECHNIQUES +TECHNOLOGICAL +TECHNOLOGICALLY +TECHNOLOGIES +TECHNOLOGIST +TECHNOLOGISTS +TECHNOLOGY +TED +TEDDY +TEDIOUS +TEDIOUSLY +TEDIOUSNESS +TEDIUM +TEEM +TEEMED +TEEMING +TEEMS +TEEN +TEENAGE +TEENAGED +TEENAGER +TEENAGERS +TEENS +TEETH +TEETHE +TEETHED +TEETHES +TEETHING +TEFLON +TEGUCIGALPA +TEHERAN +TEHRAN +TEKTRONIX +TELECOMMUNICATION +TELECOMMUNICATIONS +TELEDYNE +TELEFUNKEN +TELEGRAM +TELEGRAMS +TELEGRAPH +TELEGRAPHED +TELEGRAPHER +TELEGRAPHERS +TELEGRAPHIC +TELEGRAPHING +TELEGRAPHS +TELEMANN +TELEMETRY +TELEOLOGICAL +TELEOLOGICALLY +TELEOLOGY +TELEPATHY +TELEPHONE +TELEPHONED +TELEPHONER +TELEPHONERS +TELEPHONES +TELEPHONIC +TELEPHONING +TELEPHONY +TELEPROCESSING +TELESCOPE +TELESCOPED +TELESCOPES +TELESCOPING +TELETEX +TELETEXT +TELETYPE +TELETYPES +TELEVISE +TELEVISED +TELEVISES +TELEVISING +TELEVISION +TELEVISIONS +TELEVISOR +TELEVISORS +TELEX +TELL +TELLER +TELLERS +TELLING +TELLS +TELNET +TELNET +TEMPER +TEMPERAMENT +TEMPERAMENTAL +TEMPERAMENTS +TEMPERANCE +TEMPERATE +TEMPERATELY +TEMPERATENESS +TEMPERATURE +TEMPERATURES +TEMPERED +TEMPERING +TEMPERS +TEMPEST +TEMPESTUOUS +TEMPESTUOUSLY +TEMPLATE +TEMPLATES +TEMPLE +TEMPLEMAN +TEMPLES +TEMPLETON +TEMPORAL +TEMPORALLY +TEMPORARIES +TEMPORARILY +TEMPORARY +TEMPT +TEMPTATION +TEMPTATIONS +TEMPTED +TEMPTER +TEMPTERS +TEMPTING +TEMPTINGLY +TEMPTS +TEN +TENACIOUS +TENACIOUSLY +TENANT +TENANTS +TEND +TENDED +TENDENCIES +TENDENCY +TENDER +TENDERLY +TENDERNESS +TENDERS +TENDING +TENDS +TENEMENT +TENEMENTS +TENEX +TENEX +TENFOLD +TENNECO +TENNESSEE +TENNEY +TENNIS +TENNYSON +TENOR +TENORS +TENS +TENSE +TENSED +TENSELY +TENSENESS +TENSER +TENSES +TENSEST +TENSING +TENSION +TENSIONS +TENT +TENTACLE +TENTACLED +TENTACLES +TENTATIVE +TENTATIVELY +TENTED +TENTH +TENTING +TENTS +TENURE +TERESA +TERM +TERMED +TERMINAL +TERMINALLY +TERMINALS +TERMINATE +TERMINATED +TERMINATES +TERMINATING +TERMINATION +TERMINATIONS +TERMINATOR +TERMINATORS +TERMING +TERMINOLOGIES +TERMINOLOGY +TERMINUS +TERMS +TERMWISE +TERNARY +TERPSICHORE +TERRA +TERRACE +TERRACED +TERRACES +TERRAIN +TERRAINS +TERRAN +TERRE +TERRESTRIAL +TERRESTRIALS +TERRIBLE +TERRIBLY +TERRIER +TERRIERS +TERRIFIC +TERRIFIED +TERRIFIES +TERRIFY +TERRIFYING +TERRITORIAL +TERRITORIES +TERRITORY +TERROR +TERRORISM +TERRORIST +TERRORISTIC +TERRORISTS +TERRORIZE +TERRORIZED +TERRORIZES +TERRORIZING +TERRORS +TERTIARY +TESS +TESSIE +TEST +TESTABILITY +TESTABLE +TESTAMENT +TESTAMENTS +TESTED +TESTER +TESTERS +TESTICLE +TESTICLES +TESTIFIED +TESTIFIER +TESTIFIERS +TESTIFIES +TESTIFY +TESTIFYING +TESTIMONIES +TESTIMONY +TESTING +TESTINGS +TESTS +TEUTONIC +TEX +TEX +TEXACO +TEXAN +TEXANS +TEXAS +TEXASES +TEXT +TEXTBOOK +TEXTBOOKS +TEXTILE +TEXTILES +TEXTRON +TEXTS +TEXTUAL +TEXTUALLY +TEXTURE +TEXTURED +TEXTURES +THAI +THAILAND +THALIA +THAMES +THAN +THANK +THANKED +THANKFUL +THANKFULLY +THANKFULNESS +THANKING +THANKLESS +THANKLESSLY +THANKLESSNESS +THANKS +THANKSGIVING +THANKSGIVINGS +THAT +THATCH +THATCHES +THATS +THAW +THAWED +THAWING +THAWS +THAYER +THE +THEA +THEATER +THEATERS +THEATRICAL +THEATRICALLY +THEATRICALS +THEBES +THEFT +THEFTS +THEIR +THEIRS +THELMA +THEM +THEMATIC +THEME +THEMES +THEMSELVES +THEN +THENCE +THENCEFORTH +THEODORE +THEODOSIAN +THEODOSIUS +THEOLOGICAL +THEOLOGY +THEOREM +THEOREMS +THEORETIC +THEORETICAL +THEORETICALLY +THEORETICIANS +THEORIES +THEORIST +THEORISTS +THEORIZATION +THEORIZATIONS +THEORIZE +THEORIZED +THEORIZER +THEORIZERS +THEORIZES +THEORIZING +THEORY +THERAPEUTIC +THERAPIES +THERAPIST +THERAPISTS +THERAPY +THERE +THEREABOUTS +THEREAFTER +THEREBY +THEREFORE +THEREIN +THEREOF +THEREON +THERESA +THERETO +THEREUPON +THEREWITH +THERMAL +THERMODYNAMIC +THERMODYNAMICS +THERMOFAX +THERMOMETER +THERMOMETERS +THERMOSTAT +THERMOSTATS +THESE +THESES +THESEUS +THESIS +THESSALONIAN +THESSALY +THETIS +THEY +THICK +THICKEN +THICKENS +THICKER +THICKEST +THICKET +THICKETS +THICKLY +THICKNESS +THIEF +THIENSVILLE +THIEVE +THIEVES +THIEVING +THIGH +THIGHS +THIMBLE +THIMBLES +THIMBU +THIN +THING +THINGS +THINK +THINKABLE +THINKABLY +THINKER +THINKERS +THINKING +THINKS +THINLY +THINNER +THINNESS +THINNEST +THIRD +THIRDLY +THIRDS +THIRST +THIRSTED +THIRSTS +THIRSTY +THIRTEEN +THIRTEENS +THIRTEENTH +THIRTIES +THIRTIETH +THIRTY +THIS +THISTLE +THOMAS +THOMISTIC +THOMPSON +THOMSON +THONG +THOR +THOREAU +THORN +THORNBURG +THORNS +THORNTON +THORNY +THOROUGH +THOROUGHFARE +THOROUGHFARES +THOROUGHLY +THOROUGHNESS +THORPE +THORSTEIN +THOSE +THOUGH +THOUGHT +THOUGHTFUL +THOUGHTFULLY +THOUGHTFULNESS +THOUGHTLESS +THOUGHTLESSLY +THOUGHTLESSNESS +THOUGHTS +THOUSAND +THOUSANDS +THOUSANDTH +THRACE +THRACIAN +THRASH +THRASHED +THRASHER +THRASHES +THRASHING +THREAD +THREADED +THREADER +THREADERS +THREADING +THREADS +THREAT +THREATEN +THREATENED +THREATENING +THREATENS +THREATS +THREE +THREEFOLD +THREES +THREESCORE +THRESHOLD +THRESHOLDS +THREW +THRICE +THRIFT +THRIFTY +THRILL +THRILLED +THRILLER +THRILLERS +THRILLING +THRILLINGLY +THRILLS +THRIVE +THRIVED +THRIVES +THRIVING +THROAT +THROATED +THROATS +THROB +THROBBED +THROBBING +THROBS +THRONE +THRONEBERRY +THRONES +THRONG +THRONGS +THROTTLE +THROTTLED +THROTTLES +THROTTLING +THROUGH +THROUGHOUT +THROUGHPUT +THROW +THROWER +THROWING +THROWN +THROWS +THRUSH +THRUST +THRUSTER +THRUSTERS +THRUSTING +THRUSTS +THUBAN +THUD +THUDS +THUG +THUGS +THULE +THUMB +THUMBED +THUMBING +THUMBS +THUMP +THUMPED +THUMPING +THUNDER +THUNDERBOLT +THUNDERBOLTS +THUNDERED +THUNDERER +THUNDERERS +THUNDERING +THUNDERS +THUNDERSTORM +THUNDERSTORMS +THURBER +THURMAN +THURSDAY +THURSDAYS +THUS +THUSLY +THWART +THWARTED +THWARTING +THWARTS +THYSELF +TIBER +TIBET +TIBETAN +TIBURON +TICK +TICKED +TICKER +TICKERS +TICKET +TICKETS +TICKING +TICKLE +TICKLED +TICKLES +TICKLING +TICKLISH +TICKS +TICONDEROGA +TIDAL +TIDALLY +TIDE +TIDED +TIDES +TIDIED +TIDINESS +TIDING +TIDINGS +TIDY +TIDYING +TIE +TIECK +TIED +TIENTSIN +TIER +TIERS +TIES +TIFFANY +TIGER +TIGERS +TIGHT +TIGHTEN +TIGHTENED +TIGHTENER +TIGHTENERS +TIGHTENING +TIGHTENINGS +TIGHTENS +TIGHTER +TIGHTEST +TIGHTLY +TIGHTNESS +TIGRIS +TIJUANA +TILDE +TILE +TILED +TILES +TILING +TILL +TILLABLE +TILLED +TILLER +TILLERS +TILLICH +TILLIE +TILLING +TILLS +TILT +TILTED +TILTING +TILTS +TIM +TIMBER +TIMBERED +TIMBERING +TIMBERS +TIME +TIMED +TIMELESS +TIMELESSLY +TIMELESSNESS +TIMELY +TIMEOUT +TIMEOUTS +TIMER +TIMERS +TIMES +TIMESHARE +TIMESHARES +TIMESHARING +TIMESTAMP +TIMESTAMPS +TIMETABLE +TIMETABLES +TIMEX +TIMID +TIMIDITY +TIMIDLY +TIMING +TIMINGS +TIMMY +TIMON +TIMONIZE +TIMONIZES +TIMS +TIN +TINA +TINCTURE +TINGE +TINGED +TINGLE +TINGLED +TINGLES +TINGLING +TINIER +TINIEST +TINILY +TININESS +TINKER +TINKERED +TINKERING +TINKERS +TINKLE +TINKLED +TINKLES +TINKLING +TINNIER +TINNIEST +TINNILY +TINNINESS +TINNY +TINS +TINSELTOWN +TINT +TINTED +TINTING +TINTS +TINY +TIOGA +TIP +TIPPECANOE +TIPPED +TIPPER +TIPPERARY +TIPPERS +TIPPING +TIPS +TIPTOE +TIRANA +TIRE +TIRED +TIREDLY +TIRELESS +TIRELESSLY +TIRELESSNESS +TIRES +TIRESOME +TIRESOMELY +TIRESOMENESS +TIRING +TISSUE +TISSUES +TIT +TITAN +TITHE +TITHER +TITHES +TITHING +TITLE +TITLED +TITLES +TITO +TITS +TITTER +TITTERS +TITUS +TOAD +TOADS +TOAST +TOASTED +TOASTER +TOASTING +TOASTS +TOBACCO +TOBAGO +TOBY +TODAY +TODAYS +TODD +TOE +TOES +TOGETHER +TOGETHERNESS +TOGGLE +TOGGLED +TOGGLES +TOGGLING +TOGO +TOIL +TOILED +TOILER +TOILET +TOILETS +TOILING +TOILS +TOKEN +TOKENS +TOKYO +TOLAND +TOLD +TOLEDO +TOLERABILITY +TOLERABLE +TOLERABLY +TOLERANCE +TOLERANCES +TOLERANT +TOLERANTLY +TOLERATE +TOLERATED +TOLERATES +TOLERATING +TOLERATION +TOLL +TOLLED +TOLLEY +TOLLS +TOLSTOY +TOM +TOMAHAWK +TOMAHAWKS +TOMATO +TOMATOES +TOMB +TOMBIGBEE +TOMBS +TOMLINSON +TOMMIE +TOMOGRAPHY +TOMORROW +TOMORROWS +TOMPKINS +TON +TONE +TONED +TONER +TONES +TONGS +TONGUE +TONGUED +TONGUES +TONI +TONIC +TONICS +TONIGHT +TONING +TONIO +TONNAGE +TONS +TONSIL +TOO +TOOK +TOOL +TOOLED +TOOLER +TOOLERS +TOOLING +TOOLS +TOOMEY +TOOTH +TOOTHBRUSH +TOOTHBRUSHES +TOOTHPASTE +TOOTHPICK +TOOTHPICKS +TOP +TOPEKA +TOPER +TOPIC +TOPICAL +TOPICALLY +TOPICS +TOPMOST +TOPOGRAPHY +TOPOLOGICAL +TOPOLOGIES +TOPOLOGY +TOPPLE +TOPPLED +TOPPLES +TOPPLING +TOPS +TOPSY +TORAH +TORCH +TORCHES +TORE +TORIES +TORMENT +TORMENTED +TORMENTER +TORMENTERS +TORMENTING +TORN +TORNADO +TORNADOES +TORONTO +TORPEDO +TORPEDOES +TORQUE +TORQUEMADA +TORRANCE +TORRENT +TORRENTS +TORRID +TORTOISE +TORTOISES +TORTURE +TORTURED +TORTURER +TORTURERS +TORTURES +TORTURING +TORUS +TORUSES +TORY +TORYIZE +TORYIZES +TOSCA +TOSCANINI +TOSHIBA +TOSS +TOSSED +TOSSES +TOSSING +TOTAL +TOTALED +TOTALING +TOTALITIES +TOTALITY +TOTALLED +TOTALLER +TOTALLERS +TOTALLING +TOTALLY +TOTALS +TOTO +TOTTER +TOTTERED +TOTTERING +TOTTERS +TOUCH +TOUCHABLE +TOUCHED +TOUCHES +TOUCHIER +TOUCHIEST +TOUCHILY +TOUCHINESS +TOUCHING +TOUCHINGLY +TOUCHY +TOUGH +TOUGHEN +TOUGHER +TOUGHEST +TOUGHLY +TOUGHNESS +TOULOUSE +TOUR +TOURED +TOURING +TOURIST +TOURISTS +TOURNAMENT +TOURNAMENTS +TOURS +TOW +TOWARD +TOWARDS +TOWED +TOWEL +TOWELING +TOWELLED +TOWELLING +TOWELS +TOWER +TOWERED +TOWERING +TOWERS +TOWN +TOWNLEY +TOWNS +TOWNSEND +TOWNSHIP +TOWNSHIPS +TOWSLEY +TOY +TOYED +TOYING +TOYNBEE +TOYOTA +TOYS +TRACE +TRACEABLE +TRACED +TRACER +TRACERS +TRACES +TRACING +TRACINGS +TRACK +TRACKED +TRACKER +TRACKERS +TRACKING +TRACKS +TRACT +TRACTABILITY +TRACTABLE +TRACTARIANS +TRACTIVE +TRACTOR +TRACTORS +TRACTS +TRACY +TRADE +TRADED +TRADEMARK +TRADEMARKS +TRADEOFF +TRADEOFFS +TRADER +TRADERS +TRADES +TRADESMAN +TRADING +TRADITION +TRADITIONAL +TRADITIONALLY +TRADITIONS +TRAFFIC +TRAFFICKED +TRAFFICKER +TRAFFICKERS +TRAFFICKING +TRAFFICS +TRAGEDIES +TRAGEDY +TRAGIC +TRAGICALLY +TRAIL +TRAILED +TRAILER +TRAILERS +TRAILING +TRAILINGS +TRAILS +TRAIN +TRAINED +TRAINEE +TRAINEES +TRAINER +TRAINERS +TRAINING +TRAINS +TRAIT +TRAITOR +TRAITORS +TRAITS +TRAJECTORIES +TRAJECTORY +TRAMP +TRAMPED +TRAMPING +TRAMPLE +TRAMPLED +TRAMPLER +TRAMPLES +TRAMPLING +TRAMPS +TRANCE +TRANCES +TRANQUIL +TRANQUILITY +TRANQUILLY +TRANSACT +TRANSACTION +TRANSACTIONS +TRANSATLANTIC +TRANSCEIVE +TRANSCEIVER +TRANSCEIVERS +TRANSCEND +TRANSCENDED +TRANSCENDENT +TRANSCENDING +TRANSCENDS +TRANSCONTINENTAL +TRANSCRIBE +TRANSCRIBED +TRANSCRIBER +TRANSCRIBERS +TRANSCRIBES +TRANSCRIBING +TRANSCRIPT +TRANSCRIPTION +TRANSCRIPTIONS +TRANSCRIPTS +TRANSFER +TRANSFERABILITY +TRANSFERABLE +TRANSFERAL +TRANSFERALS +TRANSFERENCE +TRANSFERRED +TRANSFERRER +TRANSFERRERS +TRANSFERRING +TRANSFERS +TRANSFINITE +TRANSFORM +TRANSFORMABLE +TRANSFORMATION +TRANSFORMATIONAL +TRANSFORMATIONS +TRANSFORMED +TRANSFORMER +TRANSFORMERS +TRANSFORMING +TRANSFORMS +TRANSGRESS +TRANSGRESSED +TRANSGRESSION +TRANSGRESSIONS +TRANSIENCE +TRANSIENCY +TRANSIENT +TRANSIENTLY +TRANSIENTS +TRANSISTOR +TRANSISTORIZE +TRANSISTORIZED +TRANSISTORIZING +TRANSISTORS +TRANSIT +TRANSITE +TRANSITION +TRANSITIONAL +TRANSITIONED +TRANSITIONS +TRANSITIVE +TRANSITIVELY +TRANSITIVENESS +TRANSITIVITY +TRANSITORY +TRANSLATABILITY +TRANSLATABLE +TRANSLATE +TRANSLATED +TRANSLATES +TRANSLATING +TRANSLATION +TRANSLATIONAL +TRANSLATIONS +TRANSLATOR +TRANSLATORS +TRANSLUCENT +TRANSMISSION +TRANSMISSIONS +TRANSMIT +TRANSMITS +TRANSMITTAL +TRANSMITTED +TRANSMITTER +TRANSMITTERS +TRANSMITTING +TRANSMOGRIFICATION +TRANSMOGRIFY +TRANSPACIFIC +TRANSPARENCIES +TRANSPARENCY +TRANSPARENT +TRANSPARENTLY +TRANSPIRE +TRANSPIRED +TRANSPIRES +TRANSPIRING +TRANSPLANT +TRANSPLANTED +TRANSPLANTING +TRANSPLANTS +TRANSPONDER +TRANSPONDERS +TRANSPORT +TRANSPORTABILITY +TRANSPORTATION +TRANSPORTED +TRANSPORTER +TRANSPORTERS +TRANSPORTING +TRANSPORTS +TRANSPOSE +TRANSPOSED +TRANSPOSES +TRANSPOSING +TRANSPOSITION +TRANSPUTER +TRANSVAAL +TRANSYLVANIA +TRAP +TRAPEZOID +TRAPEZOIDAL +TRAPEZOIDS +TRAPPED +TRAPPER +TRAPPERS +TRAPPING +TRAPPINGS +TRAPS +TRASH +TRASTEVERE +TRAUMA +TRAUMATIC +TRAVAIL +TRAVEL +TRAVELED +TRAVELER +TRAVELERS +TRAVELING +TRAVELINGS +TRAVELS +TRAVERSAL +TRAVERSALS +TRAVERSE +TRAVERSED +TRAVERSES +TRAVERSING +TRAVESTIES +TRAVESTY +TRAVIS +TRAY +TRAYS +TREACHERIES +TREACHEROUS +TREACHEROUSLY +TREACHERY +TREAD +TREADING +TREADS +TREADWELL +TREASON +TREASURE +TREASURED +TREASURER +TREASURES +TREASURIES +TREASURING +TREASURY +TREAT +TREATED +TREATIES +TREATING +TREATISE +TREATISES +TREATMENT +TREATMENTS +TREATS +TREATY +TREBLE +TREE +TREES +TREETOP +TREETOPS +TREK +TREKS +TREMBLE +TREMBLED +TREMBLES +TREMBLING +TREMENDOUS +TREMENDOUSLY +TREMOR +TREMORS +TRENCH +TRENCHER +TRENCHES +TREND +TRENDING +TRENDS +TRENTON +TRESPASS +TRESPASSED +TRESPASSER +TRESPASSERS +TRESPASSES +TRESS +TRESSES +TREVELYAN +TRIAL +TRIALS +TRIANGLE +TRIANGLES +TRIANGULAR +TRIANGULARLY +TRIANGULUM +TRIANON +TRIASSIC +TRIBAL +TRIBE +TRIBES +TRIBUNAL +TRIBUNALS +TRIBUNE +TRIBUNES +TRIBUTARY +TRIBUTE +TRIBUTES +TRICERATOPS +TRICHINELLA +TRICHOTOMY +TRICK +TRICKED +TRICKIER +TRICKIEST +TRICKINESS +TRICKING +TRICKLE +TRICKLED +TRICKLES +TRICKLING +TRICKS +TRICKY +TRIED +TRIER +TRIERS +TRIES +TRIFLE +TRIFLER +TRIFLES +TRIFLING +TRIGGER +TRIGGERED +TRIGGERING +TRIGGERS +TRIGONOMETRIC +TRIGONOMETRY +TRIGRAM +TRIGRAMS +TRIHEDRAL +TRILATERAL +TRILL +TRILLED +TRILLION +TRILLIONS +TRILLIONTH +TRIM +TRIMBLE +TRIMLY +TRIMMED +TRIMMER +TRIMMEST +TRIMMING +TRIMMINGS +TRIMNESS +TRIMS +TRINIDAD +TRINKET +TRINKETS +TRIO +TRIP +TRIPLE +TRIPLED +TRIPLES +TRIPLET +TRIPLETS +TRIPLETT +TRIPLING +TRIPOD +TRIPS +TRISTAN +TRIUMPH +TRIUMPHAL +TRIUMPHANT +TRIUMPHANTLY +TRIUMPHED +TRIUMPHING +TRIUMPHS +TRIVIA +TRIVIAL +TRIVIALITIES +TRIVIALITY +TRIVIALLY +TROBRIAND +TROD +TROJAN +TROLL +TROLLEY +TROLLEYS +TROLLS +TROOP +TROOPER +TROOPERS +TROOPS +TROPEZ +TROPHIES +TROPHY +TROPIC +TROPICAL +TROPICS +TROT +TROTS +TROTSKY +TROUBLE +TROUBLED +TROUBLEMAKER +TROUBLEMAKERS +TROUBLES +TROUBLESHOOT +TROUBLESHOOTER +TROUBLESHOOTERS +TROUBLESHOOTING +TROUBLESHOOTS +TROUBLESOME +TROUBLESOMELY +TROUBLING +TROUGH +TROUSER +TROUSERS +TROUT +TROUTMAN +TROWEL +TROWELS +TROY +TRUANT +TRUANTS +TRUCE +TRUCK +TRUCKED +TRUCKEE +TRUCKER +TRUCKERS +TRUCKING +TRUCKS +TRUDEAU +TRUDGE +TRUDGED +TRUDY +TRUE +TRUED +TRUER +TRUES +TRUEST +TRUING +TRUISM +TRUISMS +TRUJILLO +TRUK +TRULY +TRUMAN +TRUMBULL +TRUMP +TRUMPED +TRUMPET +TRUMPETER +TRUMPS +TRUNCATE +TRUNCATED +TRUNCATES +TRUNCATING +TRUNCATION +TRUNCATIONS +TRUNK +TRUNKS +TRUST +TRUSTED +TRUSTEE +TRUSTEES +TRUSTFUL +TRUSTFULLY +TRUSTFULNESS +TRUSTING +TRUSTINGLY +TRUSTS +TRUSTWORTHINESS +TRUSTWORTHY +TRUSTY +TRUTH +TRUTHFUL +TRUTHFULLY +TRUTHFULNESS +TRUTHS +TRY +TRYING +TSUNEMATSU +TUB +TUBE +TUBER +TUBERCULOSIS +TUBERS +TUBES +TUBING +TUBS +TUCK +TUCKED +TUCKER +TUCKING +TUCKS +TUCSON +TUDOR +TUESDAY +TUESDAYS +TUFT +TUFTS +TUG +TUGS +TUITION +TULANE +TULIP +TULIPS +TULSA +TUMBLE +TUMBLED +TUMBLER +TUMBLERS +TUMBLES +TUMBLING +TUMOR +TUMORS +TUMULT +TUMULTS +TUMULTUOUS +TUNABLE +TUNE +TUNED +TUNER +TUNERS +TUNES +TUNIC +TUNICS +TUNING +TUNIS +TUNISIA +TUNISIAN +TUNNEL +TUNNELED +TUNNELS +TUPLE +TUPLES +TURBAN +TURBANS +TURBULENCE +TURBULENT +TURBULENTLY +TURF +TURGID +TURGIDLY +TURIN +TURING +TURKEY +TURKEYS +TURKISH +TURKIZE +TURKIZES +TURMOIL +TURMOILS +TURN +TURNABLE +TURNAROUND +TURNED +TURNER +TURNERS +TURNING +TURNINGS +TURNIP +TURNIPS +TURNOVER +TURNS +TURPENTINE +TURQUOISE +TURRET +TURRETS +TURTLE +TURTLENECK +TURTLES +TUSCALOOSA +TUSCAN +TUSCANIZE +TUSCANIZES +TUSCANY +TUSCARORA +TUSKEGEE +TUTANKHAMEN +TUTANKHAMON +TUTANKHAMUN +TUTENKHAMON +TUTOR +TUTORED +TUTORIAL +TUTORIALS +TUTORING +TUTORS +TUTTLE +TWAIN +TWANG +TWAS +TWEED +TWELFTH +TWELVE +TWELVES +TWENTIES +TWENTIETH +TWENTY +TWICE +TWIG +TWIGS +TWILIGHT +TWILIGHTS +TWILL +TWIN +TWINE +TWINED +TWINER +TWINKLE +TWINKLED +TWINKLER +TWINKLES +TWINKLING +TWINS +TWIRL +TWIRLED +TWIRLER +TWIRLING +TWIRLS +TWIST +TWISTED +TWISTER +TWISTERS +TWISTING +TWISTS +TWITCH +TWITCHED +TWITCHING +TWITTER +TWITTERED +TWITTERING +TWO +TWOFOLD +TWOMBLY +TWOS +TYBURN +TYING +TYLER +TYLERIZE +TYLERIZES +TYNDALL +TYPE +TYPED +TYPEOUT +TYPES +TYPESETTER +TYPEWRITER +TYPEWRITERS +TYPHOID +TYPHON +TYPICAL +TYPICALLY +TYPICALNESS +TYPIFIED +TYPIFIES +TYPIFY +TYPIFYING +TYPING +TYPIST +TYPISTS +TYPO +TYPOGRAPHIC +TYPOGRAPHICAL +TYPOGRAPHICALLY +TYPOGRAPHY +TYRANNICAL +TYRANNOSAURUS +TYRANNY +TYRANT +TYRANTS +TYSON +TZELTAL +UBIQUITOUS +UBIQUITOUSLY +UBIQUITY +UDALL +UGANDA +UGH +UGLIER +UGLIEST +UGLINESS +UGLY +UKRAINE +UKRAINIAN +UKRAINIANS +ULAN +ULCER +ULCERS +ULLMAN +ULSTER +ULTIMATE +ULTIMATELY +ULTRA +ULTRASONIC +ULTRIX +ULTRIX +ULYSSES +UMBRAGE +UMBRELLA +UMBRELLAS +UMPIRE +UMPIRES +UNABATED +UNABBREVIATED +UNABLE +UNACCEPTABILITY +UNACCEPTABLE +UNACCEPTABLY +UNACCOUNTABLE +UNACCUSTOMED +UNACHIEVABLE +UNACKNOWLEDGED +UNADULTERATED +UNAESTHETICALLY +UNAFFECTED +UNAFFECTEDLY +UNAFFECTEDNESS +UNAIDED +UNALIENABILITY +UNALIENABLE +UNALTERABLY +UNALTERED +UNAMBIGUOUS +UNAMBIGUOUSLY +UNAMBITIOUS +UNANALYZABLE +UNANIMITY +UNANIMOUS +UNANIMOUSLY +UNANSWERABLE +UNANSWERED +UNANTICIPATED +UNARMED +UNARY +UNASSAILABLE +UNASSIGNED +UNASSISTED +UNATTAINABILITY +UNATTAINABLE +UNATTENDED +UNATTRACTIVE +UNATTRACTIVELY +UNAUTHORIZED +UNAVAILABILITY +UNAVAILABLE +UNAVOIDABLE +UNAVOIDABLY +UNAWARE +UNAWARENESS +UNAWARES +UNBALANCED +UNBEARABLE +UNBECOMING +UNBELIEVABLE +UNBIASED +UNBIND +UNBLOCK +UNBLOCKED +UNBLOCKING +UNBLOCKS +UNBORN +UNBOUND +UNBOUNDED +UNBREAKABLE +UNBRIDLED +UNBROKEN +UNBUFFERED +UNCANCELLED +UNCANNY +UNCAPITALIZED +UNCAUGHT +UNCERTAIN +UNCERTAINLY +UNCERTAINTIES +UNCERTAINTY +UNCHANGEABLE +UNCHANGED +UNCHANGING +UNCLAIMED +UNCLASSIFIED +UNCLE +UNCLEAN +UNCLEANLY +UNCLEANNESS +UNCLEAR +UNCLEARED +UNCLES +UNCLOSED +UNCOMFORTABLE +UNCOMFORTABLY +UNCOMMITTED +UNCOMMON +UNCOMMONLY +UNCOMPROMISING +UNCOMPUTABLE +UNCONCERNED +UNCONCERNEDLY +UNCONDITIONAL +UNCONDITIONALLY +UNCONNECTED +UNCONSCIONABLE +UNCONSCIOUS +UNCONSCIOUSLY +UNCONSCIOUSNESS +UNCONSTITUTIONAL +UNCONSTRAINED +UNCONTROLLABILITY +UNCONTROLLABLE +UNCONTROLLABLY +UNCONTROLLED +UNCONVENTIONAL +UNCONVENTIONALLY +UNCONVINCED +UNCONVINCING +UNCOORDINATED +UNCORRECTABLE +UNCORRECTED +UNCOUNTABLE +UNCOUNTABLY +UNCOUTH +UNCOVER +UNCOVERED +UNCOVERING +UNCOVERS +UNDAMAGED +UNDAUNTED +UNDAUNTEDLY +UNDECIDABLE +UNDECIDED +UNDECLARED +UNDECOMPOSABLE +UNDEFINABILITY +UNDEFINED +UNDELETED +UNDENIABLE +UNDENIABLY +UNDER +UNDERBRUSH +UNDERDONE +UNDERESTIMATE +UNDERESTIMATED +UNDERESTIMATES +UNDERESTIMATING +UNDERESTIMATION +UNDERFLOW +UNDERFLOWED +UNDERFLOWING +UNDERFLOWS +UNDERFOOT +UNDERGO +UNDERGOES +UNDERGOING +UNDERGONE +UNDERGRADUATE +UNDERGRADUATES +UNDERGROUND +UNDERLIE +UNDERLIES +UNDERLINE +UNDERLINED +UNDERLINES +UNDERLING +UNDERLINGS +UNDERLINING +UNDERLININGS +UNDERLOADED +UNDERLYING +UNDERMINE +UNDERMINED +UNDERMINES +UNDERMINING +UNDERNEATH +UNDERPINNING +UNDERPINNINGS +UNDERPLAY +UNDERPLAYED +UNDERPLAYING +UNDERPLAYS +UNDERSCORE +UNDERSCORED +UNDERSCORES +UNDERSTAND +UNDERSTANDABILITY +UNDERSTANDABLE +UNDERSTANDABLY +UNDERSTANDING +UNDERSTANDINGLY +UNDERSTANDINGS +UNDERSTANDS +UNDERSTATED +UNDERSTOOD +UNDERTAKE +UNDERTAKEN +UNDERTAKER +UNDERTAKERS +UNDERTAKES +UNDERTAKING +UNDERTAKINGS +UNDERTOOK +UNDERWATER +UNDERWAY +UNDERWEAR +UNDERWENT +UNDERWORLD +UNDERWRITE +UNDERWRITER +UNDERWRITERS +UNDERWRITES +UNDERWRITING +UNDESIRABILITY +UNDESIRABLE +UNDETECTABLE +UNDETECTED +UNDETERMINED +UNDEVELOPED +UNDID +UNDIMINISHED +UNDIRECTED +UNDISCIPLINED +UNDISCOVERED +UNDISTURBED +UNDIVIDED +UNDO +UNDOCUMENTED +UNDOES +UNDOING +UNDOINGS +UNDONE +UNDOUBTEDLY +UNDRESS +UNDRESSED +UNDRESSES +UNDRESSING +UNDUE +UNDULY +UNEASILY +UNEASINESS +UNEASY +UNECONOMIC +UNECONOMICAL +UNEMBELLISHED +UNEMPLOYED +UNEMPLOYMENT +UNENCRYPTED +UNENDING +UNENLIGHTENING +UNEQUAL +UNEQUALED +UNEQUALLY +UNEQUIVOCAL +UNEQUIVOCALLY +UNESCO +UNESSENTIAL +UNEVALUATED +UNEVEN +UNEVENLY +UNEVENNESS +UNEVENTFUL +UNEXCUSED +UNEXPANDED +UNEXPECTED +UNEXPECTEDLY +UNEXPLAINED +UNEXPLORED +UNEXTENDED +UNFAIR +UNFAIRLY +UNFAIRNESS +UNFAITHFUL +UNFAITHFULLY +UNFAITHFULNESS +UNFAMILIAR +UNFAMILIARITY +UNFAMILIARLY +UNFAVORABLE +UNFETTERED +UNFINISHED +UNFIT +UNFITNESS +UNFLAGGING +UNFOLD +UNFOLDED +UNFOLDING +UNFOLDS +UNFORESEEN +UNFORGEABLE +UNFORGIVING +UNFORMATTED +UNFORTUNATE +UNFORTUNATELY +UNFORTUNATES +UNFOUNDED +UNFRIENDLINESS +UNFRIENDLY +UNFULFILLED +UNGRAMMATICAL +UNGRATEFUL +UNGRATEFULLY +UNGRATEFULNESS +UNGROUNDED +UNGUARDED +UNGUIDED +UNHAPPIER +UNHAPPIEST +UNHAPPILY +UNHAPPINESS +UNHAPPY +UNHARMED +UNHEALTHY +UNHEARD +UNHEEDED +UNIBUS +UNICORN +UNICORNS +UNICYCLE +UNIDENTIFIED +UNIDIRECTIONAL +UNIDIRECTIONALITY +UNIDIRECTIONALLY +UNIFICATION +UNIFICATIONS +UNIFIED +UNIFIER +UNIFIERS +UNIFIES +UNIFORM +UNIFORMED +UNIFORMITY +UNIFORMLY +UNIFORMS +UNIFY +UNIFYING +UNILLUMINATING +UNIMAGINABLE +UNIMPEDED +UNIMPLEMENTED +UNIMPORTANT +UNINDENTED +UNINITIALIZED +UNINSULATED +UNINTELLIGIBLE +UNINTENDED +UNINTENTIONAL +UNINTENTIONALLY +UNINTERESTING +UNINTERESTINGLY +UNINTERPRETED +UNINTERRUPTED +UNINTERRUPTEDLY +UNION +UNIONIZATION +UNIONIZE +UNIONIZED +UNIONIZER +UNIONIZERS +UNIONIZES +UNIONIZING +UNIONS +UNIPLUS +UNIPROCESSOR +UNIQUE +UNIQUELY +UNIQUENESS +UNIROYAL +UNISOFT +UNISON +UNIT +UNITARIAN +UNITARIANIZE +UNITARIANIZES +UNITARIANS +UNITE +UNITED +UNITES +UNITIES +UNITING +UNITS +UNITY +UNIVAC +UNIVALVE +UNIVALVES +UNIVERSAL +UNIVERSALITY +UNIVERSALLY +UNIVERSALS +UNIVERSE +UNIVERSES +UNIVERSITIES +UNIVERSITY +UNIX +UNIX +UNJUST +UNJUSTIFIABLE +UNJUSTIFIED +UNJUSTLY +UNKIND +UNKINDLY +UNKINDNESS +UNKNOWABLE +UNKNOWING +UNKNOWINGLY +UNKNOWN +UNKNOWNS +UNLABELLED +UNLAWFUL +UNLAWFULLY +UNLEASH +UNLEASHED +UNLEASHES +UNLEASHING +UNLESS +UNLIKE +UNLIKELY +UNLIKENESS +UNLIMITED +UNLINK +UNLINKED +UNLINKING +UNLINKS +UNLOAD +UNLOADED +UNLOADING +UNLOADS +UNLOCK +UNLOCKED +UNLOCKING +UNLOCKS +UNLUCKY +UNMANAGEABLE +UNMANAGEABLY +UNMANNED +UNMARKED +UNMARRIED +UNMASK +UNMASKED +UNMATCHED +UNMENTIONABLE +UNMERCIFUL +UNMERCIFULLY +UNMISTAKABLE +UNMISTAKABLY +UNMODIFIED +UNMOVED +UNNAMED +UNNATURAL +UNNATURALLY +UNNATURALNESS +UNNECESSARILY +UNNECESSARY +UNNEEDED +UNNERVE +UNNERVED +UNNERVES +UNNERVING +UNNOTICED +UNOBSERVABLE +UNOBSERVED +UNOBTAINABLE +UNOCCUPIED +UNOFFICIAL +UNOFFICIALLY +UNOPENED +UNORDERED +UNPACK +UNPACKED +UNPACKING +UNPACKS +UNPAID +UNPARALLELED +UNPARSED +UNPLANNED +UNPLEASANT +UNPLEASANTLY +UNPLEASANTNESS +UNPLUG +UNPOPULAR +UNPOPULARITY +UNPRECEDENTED +UNPREDICTABLE +UNPREDICTABLY +UNPRESCRIBED +UNPRESERVED +UNPRIMED +UNPROFITABLE +UNPROJECTED +UNPROTECTED +UNPROVABILITY +UNPROVABLE +UNPROVEN +UNPUBLISHED +UNQUALIFIED +UNQUALIFIEDLY +UNQUESTIONABLY +UNQUESTIONED +UNQUOTED +UNRAVEL +UNRAVELED +UNRAVELING +UNRAVELS +UNREACHABLE +UNREAL +UNREALISTIC +UNREALISTICALLY +UNREASONABLE +UNREASONABLENESS +UNREASONABLY +UNRECOGNIZABLE +UNRECOGNIZED +UNREGULATED +UNRELATED +UNRELIABILITY +UNRELIABLE +UNREPORTED +UNREPRESENTABLE +UNRESOLVED +UNRESPONSIVE +UNREST +UNRESTRAINED +UNRESTRICTED +UNRESTRICTEDLY +UNRESTRICTIVE +UNROLL +UNROLLED +UNROLLING +UNROLLS +UNRULY +UNSAFE +UNSAFELY +UNSANITARY +UNSATISFACTORY +UNSATISFIABILITY +UNSATISFIABLE +UNSATISFIED +UNSATISFYING +UNSCRUPULOUS +UNSEEDED +UNSEEN +UNSELECTED +UNSELFISH +UNSELFISHLY +UNSELFISHNESS +UNSENT +UNSETTLED +UNSETTLING +UNSHAKEN +UNSHARED +UNSIGNED +UNSKILLED +UNSLOTTED +UNSOLVABLE +UNSOLVED +UNSOPHISTICATED +UNSOUND +UNSPEAKABLE +UNSPECIFIED +UNSTABLE +UNSTEADINESS +UNSTEADY +UNSTRUCTURED +UNSUCCESSFUL +UNSUCCESSFULLY +UNSUITABLE +UNSUITED +UNSUPPORTED +UNSURE +UNSURPRISING +UNSURPRISINGLY +UNSYNCHRONIZED +UNTAGGED +UNTAPPED +UNTENABLE +UNTERMINATED +UNTESTED +UNTHINKABLE +UNTHINKING +UNTIDINESS +UNTIDY +UNTIE +UNTIED +UNTIES +UNTIL +UNTIMELY +UNTO +UNTOLD +UNTOUCHABLE +UNTOUCHABLES +UNTOUCHED +UNTOWARD +UNTRAINED +UNTRANSLATED +UNTREATED +UNTRIED +UNTRUE +UNTRUTHFUL +UNTRUTHFULNESS +UNTYING +UNUSABLE +UNUSED +UNUSUAL +UNUSUALLY +UNVARYING +UNVEIL +UNVEILED +UNVEILING +UNVEILS +UNWANTED +UNWELCOME +UNWHOLESOME +UNWIELDINESS +UNWIELDY +UNWILLING +UNWILLINGLY +UNWILLINGNESS +UNWIND +UNWINDER +UNWINDERS +UNWINDING +UNWINDS +UNWISE +UNWISELY +UNWISER +UNWISEST +UNWITTING +UNWITTINGLY +UNWORTHINESS +UNWORTHY +UNWOUND +UNWRAP +UNWRAPPED +UNWRAPPING +UNWRAPS +UNWRITTEN +UPBRAID +UPCOMING +UPDATE +UPDATED +UPDATER +UPDATES +UPDATING +UPGRADE +UPGRADED +UPGRADES +UPGRADING +UPHELD +UPHILL +UPHOLD +UPHOLDER +UPHOLDERS +UPHOLDING +UPHOLDS +UPHOLSTER +UPHOLSTERED +UPHOLSTERER +UPHOLSTERING +UPHOLSTERS +UPKEEP +UPLAND +UPLANDS +UPLIFT +UPLINK +UPLINKS +UPLOAD +UPON +UPPER +UPPERMOST +UPRIGHT +UPRIGHTLY +UPRIGHTNESS +UPRISING +UPRISINGS +UPROAR +UPROOT +UPROOTED +UPROOTING +UPROOTS +UPSET +UPSETS +UPSHOT +UPSHOTS +UPSIDE +UPSTAIRS +UPSTREAM +UPTON +UPTURN +UPTURNED +UPTURNING +UPTURNS +UPWARD +UPWARDS +URANIA +URANUS +URBAN +URBANA +URCHIN +URCHINS +URDU +URGE +URGED +URGENT +URGENTLY +URGES +URGING +URGINGS +URI +URINATE +URINATED +URINATES +URINATING +URINATION +URINE +URIS +URN +URNS +URQUHART +URSA +URSULA +URSULINE +URUGUAY +URUGUAYAN +URUGUAYANS +USABILITY +USABLE +USABLY +USAGE +USAGES +USE +USED +USEFUL +USEFULLY +USEFULNESS +USELESS +USELESSLY +USELESSNESS +USENET +USENIX +USER +USERS +USES +USHER +USHERED +USHERING +USHERS +USING +USUAL +USUALLY +USURP +USURPED +USURPER +UTAH +UTENSIL +UTENSILS +UTICA +UTILITIES +UTILITY +UTILIZATION +UTILIZATIONS +UTILIZE +UTILIZED +UTILIZES +UTILIZING +UTMOST +UTOPIA +UTOPIAN +UTOPIANIZE +UTOPIANIZES +UTOPIANS +UTRECHT +UTTER +UTTERANCE +UTTERANCES +UTTERED +UTTERING +UTTERLY +UTTERMOST +UTTERS +UZI +VACANCIES +VACANCY +VACANT +VACANTLY +VACATE +VACATED +VACATES +VACATING +VACATION +VACATIONED +VACATIONER +VACATIONERS +VACATIONING +VACATIONS +VACUO +VACUOUS +VACUOUSLY +VACUUM +VACUUMED +VACUUMING +VADUZ +VAGABOND +VAGABONDS +VAGARIES +VAGARY +VAGINA +VAGINAS +VAGRANT +VAGRANTLY +VAGUE +VAGUELY +VAGUENESS +VAGUER +VAGUEST +VAIL +VAIN +VAINLY +VALE +VALENCE +VALENCES +VALENTINE +VALENTINES +VALERIE +VALERY +VALES +VALET +VALETS +VALHALLA +VALIANT +VALIANTLY +VALID +VALIDATE +VALIDATED +VALIDATES +VALIDATING +VALIDATION +VALIDITY +VALIDLY +VALIDNESS +VALKYRIE +VALLETTA +VALLEY +VALLEYS +VALOIS +VALOR +VALPARAISO +VALUABLE +VALUABLES +VALUABLY +VALUATION +VALUATIONS +VALUE +VALUED +VALUER +VALUERS +VALUES +VALUING +VALVE +VALVES +VAMPIRE +VAN +VANCE +VANCEMENT +VANCOUVER +VANDALIZE +VANDALIZED +VANDALIZES +VANDALIZING +VANDENBERG +VANDERBILT +VANDERBURGH +VANDERPOEL +VANE +VANES +VANESSA +VANGUARD +VANILLA +VANISH +VANISHED +VANISHER +VANISHES +VANISHING +VANISHINGLY +VANITIES +VANITY +VANQUISH +VANQUISHED +VANQUISHES +VANQUISHING +VANS +VANTAGE +VAPOR +VAPORING +VAPORS +VARIABILITY +VARIABLE +VARIABLENESS +VARIABLES +VARIABLY +VARIAN +VARIANCE +VARIANCES +VARIANT +VARIANTLY +VARIANTS +VARIATION +VARIATIONS +VARIED +VARIES +VARIETIES +VARIETY +VARIOUS +VARIOUSLY +VARITYPE +VARITYPING +VARNISH +VARNISHES +VARY +VARYING +VARYINGS +VASE +VASES +VASQUEZ +VASSAL +VASSAR +VAST +VASTER +VASTEST +VASTLY +VASTNESS +VAT +VATICAN +VATICANIZATION +VATICANIZATIONS +VATICANIZE +VATICANIZES +VATS +VAUDEVILLE +VAUDOIS +VAUGHAN +VAUGHN +VAULT +VAULTED +VAULTER +VAULTING +VAULTS +VAUNT +VAUNTED +VAX +VAXES +VEAL +VECTOR +VECTORIZATION +VECTORIZING +VECTORS +VEDA +VEER +VEERED +VEERING +VEERS +VEGA +VEGANISM +VEGAS +VEGETABLE +VEGETABLES +VEGETARIAN +VEGETARIANS +VEGETATE +VEGETATED +VEGETATES +VEGETATING +VEGETATION +VEGETATIVE +VEHEMENCE +VEHEMENT +VEHEMENTLY +VEHICLE +VEHICLES +VEHICULAR +VEIL +VEILED +VEILING +VEILS +VEIN +VEINED +VEINING +VEINS +VELA +VELASQUEZ +VELLA +VELOCITIES +VELOCITY +VELVET +VENDOR +VENDORS +VENERABLE +VENERATION +VENETIAN +VENETO +VENEZUELA +VENEZUELAN +VENGEANCE +VENIAL +VENICE +VENISON +VENN +VENOM +VENOMOUS +VENOMOUSLY +VENT +VENTED +VENTILATE +VENTILATED +VENTILATES +VENTILATING +VENTILATION +VENTRICLE +VENTRICLES +VENTS +VENTURA +VENTURE +VENTURED +VENTURER +VENTURERS +VENTURES +VENTURING +VENTURINGS +VENUS +VENUSIAN +VENUSIANS +VERA +VERACITY +VERANDA +VERANDAS +VERB +VERBAL +VERBALIZE +VERBALIZED +VERBALIZES +VERBALIZING +VERBALLY +VERBOSE +VERBS +VERDE +VERDERER +VERDI +VERDICT +VERDURE +VERGE +VERGER +VERGES +VERGIL +VERIFIABILITY +VERIFIABLE +VERIFICATION +VERIFICATIONS +VERIFIED +VERIFIER +VERIFIERS +VERIFIES +VERIFY +VERIFYING +VERILY +VERITABLE +VERLAG +VERMIN +VERMONT +VERN +VERNA +VERNACULAR +VERNE +VERNON +VERONA +VERONICA +VERSA +VERSAILLES +VERSATEC +VERSATILE +VERSATILITY +VERSE +VERSED +VERSES +VERSING +VERSION +VERSIONS +VERSUS +VERTEBRATE +VERTEBRATES +VERTEX +VERTICAL +VERTICALLY +VERTICALNESS +VERTICES +VERY +VESSEL +VESSELS +VEST +VESTED +VESTIGE +VESTIGES +VESTIGIAL +VESTS +VESUVIUS +VETERAN +VETERANS +VETERINARIAN +VETERINARIANS +VETERINARY +VETO +VETOED +VETOER +VETOES +VEX +VEXATION +VEXED +VEXES +VEXING +VIA +VIABILITY +VIABLE +VIABLY +VIAL +VIALS +VIBRATE +VIBRATED +VIBRATING +VIBRATION +VIBRATIONS +VIBRATOR +VIC +VICE +VICEROY +VICES +VICHY +VICINITY +VICIOUS +VICIOUSLY +VICIOUSNESS +VICISSITUDE +VICISSITUDES +VICKERS +VICKSBURG +VICKY +VICTIM +VICTIMIZE +VICTIMIZED +VICTIMIZER +VICTIMIZERS +VICTIMIZES +VICTIMIZING +VICTIMS +VICTOR +VICTORIA +VICTORIAN +VICTORIANIZE +VICTORIANIZES +VICTORIANS +VICTORIES +VICTORIOUS +VICTORIOUSLY +VICTORS +VICTORY +VICTROLA +VICTUAL +VICTUALER +VICTUALS +VIDA +VIDAL +VIDEO +VIDEOTAPE +VIDEOTAPES +VIDEOTEX +VIE +VIED +VIENNA +VIENNESE +VIENTIANE +VIER +VIES +VIET +VIETNAM +VIETNAMESE +VIEW +VIEWABLE +VIEWED +VIEWER +VIEWERS +VIEWING +VIEWPOINT +VIEWPOINTS +VIEWS +VIGILANCE +VIGILANT +VIGILANTE +VIGILANTES +VIGILANTLY +VIGNETTE +VIGNETTES +VIGOR +VIGOROUS +VIGOROUSLY +VIKING +VIKINGS +VIKRAM +VILE +VILELY +VILENESS +VILIFICATION +VILIFICATIONS +VILIFIED +VILIFIES +VILIFY +VILIFYING +VILLA +VILLAGE +VILLAGER +VILLAGERS +VILLAGES +VILLAIN +VILLAINOUS +VILLAINOUSLY +VILLAINOUSNESS +VILLAINS +VILLAINY +VILLAS +VINCE +VINCENT +VINCI +VINDICATE +VINDICATED +VINDICATION +VINDICTIVE +VINDICTIVELY +VINDICTIVENESS +VINE +VINEGAR +VINES +VINEYARD +VINEYARDS +VINSON +VINTAGE +VIOLATE +VIOLATED +VIOLATES +VIOLATING +VIOLATION +VIOLATIONS +VIOLATOR +VIOLATORS +VIOLENCE +VIOLENT +VIOLENTLY +VIOLET +VIOLETS +VIOLIN +VIOLINIST +VIOLINISTS +VIOLINS +VIPER +VIPERS +VIRGIL +VIRGIN +VIRGINIA +VIRGINIAN +VIRGINIANS +VIRGINITY +VIRGINS +VIRGO +VIRTUAL +VIRTUALLY +VIRTUE +VIRTUES +VIRTUOSO +VIRTUOSOS +VIRTUOUS +VIRTUOUSLY +VIRULENT +VIRUS +VIRUSES +VISA +VISAGE +VISAS +VISCOUNT +VISCOUNTS +VISCOUS +VISHNU +VISIBILITY +VISIBLE +VISIBLY +VISIGOTH +VISIGOTHS +VISION +VISIONARY +VISIONS +VISIT +VISITATION +VISITATIONS +VISITED +VISITING +VISITOR +VISITORS +VISITS +VISOR +VISORS +VISTA +VISTAS +VISUAL +VISUALIZE +VISUALIZED +VISUALIZER +VISUALIZES +VISUALIZING +VISUALLY +VITA +VITAE +VITAL +VITALITY +VITALLY +VITALS +VITO +VITUS +VIVALDI +VIVIAN +VIVID +VIVIDLY +VIVIDNESS +VIZIER +VLADIMIR +VLADIVOSTOK +VOCABULARIES +VOCABULARY +VOCAL +VOCALLY +VOCALS +VOCATION +VOCATIONAL +VOCATIONALLY +VOCATIONS +VOGEL +VOGUE +VOICE +VOICED +VOICER +VOICERS +VOICES +VOICING +VOID +VOIDED +VOIDER +VOIDING +VOIDS +VOLATILE +VOLATILITIES +VOLATILITY +VOLCANIC +VOLCANO +VOLCANOS +VOLITION +VOLKSWAGEN +VOLKSWAGENS +VOLLEY +VOLLEYBALL +VOLLEYBALLS +VOLSTEAD +VOLT +VOLTA +VOLTAGE +VOLTAGES +VOLTAIRE +VOLTERRA +VOLTS +VOLUME +VOLUMES +VOLUNTARILY +VOLUNTARY +VOLUNTEER +VOLUNTEERED +VOLUNTEERING +VOLUNTEERS +VOLVO +VOMIT +VOMITED +VOMITING +VOMITS +VORTEX +VOSS +VOTE +VOTED +VOTER +VOTERS +VOTES +VOTING +VOTIVE +VOUCH +VOUCHER +VOUCHERS +VOUCHES +VOUCHING +VOUGHT +VOW +VOWED +VOWEL +VOWELS +VOWER +VOWING +VOWS +VOYAGE +VOYAGED +VOYAGER +VOYAGERS +VOYAGES +VOYAGING +VOYAGINGS +VREELAND +VULCAN +VULCANISM +VULGAR +VULGARLY +VULNERABILITIES +VULNERABILITY +VULNERABLE +VULTURE +VULTURES +WAALS +WABASH +WACKE +WACKY +WACO +WADE +WADED +WADER +WADES +WADING +WADSWORTH +WAFER +WAFERS +WAFFLE +WAFFLES +WAFT +WAG +WAGE +WAGED +WAGER +WAGERS +WAGES +WAGING +WAGNER +WAGNERIAN +WAGNERIZE +WAGNERIZES +WAGON +WAGONER +WAGONS +WAGS +WAHL +WAIL +WAILED +WAILING +WAILS +WAINWRIGHT +WAIST +WAISTCOAT +WAISTCOATS +WAISTS +WAIT +WAITE +WAITED +WAITER +WAITERS +WAITING +WAITRESS +WAITRESSES +WAITS +WAIVE +WAIVED +WAIVER +WAIVERABLE +WAIVES +WAIVING +WAKE +WAKED +WAKEFIELD +WAKEN +WAKENED +WAKENING +WAKES +WAKEUP +WAKING +WALBRIDGE +WALCOTT +WALDEN +WALDENSIAN +WALDO +WALDORF +WALDRON +WALES +WALFORD +WALGREEN +WALK +WALKED +WALKER +WALKERS +WALKING +WALKS +WALL +WALLACE +WALLED +WALLENSTEIN +WALLER +WALLET +WALLETS +WALLING +WALLIS +WALLOW +WALLOWED +WALLOWING +WALLOWS +WALLS +WALNUT +WALNUTS +WALPOLE +WALRUS +WALRUSES +WALSH +WALT +WALTER +WALTERS +WALTHAM +WALTON +WALTZ +WALTZED +WALTZES +WALTZING +WALWORTH +WAN +WAND +WANDER +WANDERED +WANDERER +WANDERERS +WANDERING +WANDERINGS +WANDERS +WANE +WANED +WANES +WANG +WANING +WANLY +WANSEE +WANSLEY +WANT +WANTED +WANTING +WANTON +WANTONLY +WANTONNESS +WANTS +WAPATO +WAPPINGER +WAR +WARBLE +WARBLED +WARBLER +WARBLES +WARBLING +WARBURTON +WARD +WARDEN +WARDENS +WARDER +WARDROBE +WARDROBES +WARDS +WARE +WAREHOUSE +WAREHOUSES +WAREHOUSING +WARES +WARFARE +WARFIELD +WARILY +WARINESS +WARING +WARLIKE +WARM +WARMED +WARMER +WARMERS +WARMEST +WARMING +WARMLY +WARMS +WARMTH +WARN +WARNED +WARNER +WARNING +WARNINGLY +WARNINGS +WARNOCK +WARNS +WARP +WARPED +WARPING +WARPS +WARRANT +WARRANTED +WARRANTIES +WARRANTING +WARRANTS +WARRANTY +WARRED +WARRING +WARRIOR +WARRIORS +WARS +WARSAW +WARSHIP +WARSHIPS +WART +WARTIME +WARTS +WARWICK +WARY +WAS +WASH +WASHBURN +WASHED +WASHER +WASHERS +WASHES +WASHING +WASHINGS +WASHINGTON +WASHOE +WASP +WASPS +WASSERMAN +WASTE +WASTED +WASTEFUL +WASTEFULLY +WASTEFULNESS +WASTES +WASTING +WATANABE +WATCH +WATCHED +WATCHER +WATCHERS +WATCHES +WATCHFUL +WATCHFULLY +WATCHFULNESS +WATCHING +WATCHINGS +WATCHMAN +WATCHWORD +WATCHWORDS +WATER +WATERBURY +WATERED +WATERFALL +WATERFALLS +WATERGATE +WATERHOUSE +WATERING +WATERINGS +WATERLOO +WATERMAN +WATERPROOF +WATERPROOFING +WATERS +WATERTOWN +WATERWAY +WATERWAYS +WATERY +WATKINS +WATSON +WATTENBERG +WATTERSON +WATTS +WAUKESHA +WAUNONA +WAUPACA +WAUPUN +WAUSAU +WAUWATOSA +WAVE +WAVED +WAVEFORM +WAVEFORMS +WAVEFRONT +WAVEFRONTS +WAVEGUIDES +WAVELAND +WAVELENGTH +WAVELENGTHS +WAVER +WAVERS +WAVES +WAVING +WAX +WAXED +WAXEN +WAXER +WAXERS +WAXES +WAXING +WAXY +WAY +WAYNE +WAYNESBORO +WAYS +WAYSIDE +WAYWARD +WEAK +WEAKEN +WEAKENED +WEAKENING +WEAKENS +WEAKER +WEAKEST +WEAKLY +WEAKNESS +WEAKNESSES +WEALTH +WEALTHIEST +WEALTHS +WEALTHY +WEAN +WEANED +WEANING +WEAPON +WEAPONS +WEAR +WEARABLE +WEARER +WEARIED +WEARIER +WEARIEST +WEARILY +WEARINESS +WEARING +WEARISOME +WEARISOMELY +WEARS +WEARY +WEARYING +WEASEL +WEASELS +WEATHER +WEATHERCOCK +WEATHERCOCKS +WEATHERED +WEATHERFORD +WEATHERING +WEATHERS +WEAVE +WEAVER +WEAVES +WEAVING +WEB +WEBB +WEBBER +WEBS +WEBSTER +WEBSTERVILLE +WEDDED +WEDDING +WEDDINGS +WEDGE +WEDGED +WEDGES +WEDGING +WEDLOCK +WEDNESDAY +WEDNESDAYS +WEDS +WEE +WEED +WEEDS +WEEK +WEEKEND +WEEKENDS +WEEKLY +WEEKS +WEEP +WEEPER +WEEPING +WEEPS +WEHR +WEI +WEIBULL +WEIDER +WEIDMAN +WEIERSTRASS +WEIGH +WEIGHED +WEIGHING +WEIGHINGS +WEIGHS +WEIGHT +WEIGHTED +WEIGHTING +WEIGHTS +WEIGHTY +WEINBERG +WEINER +WEINSTEIN +WEIRD +WEIRDLY +WEISENHEIMER +WEISS +WEISSMAN +WEISSMULLER +WELCH +WELCHER +WELCHES +WELCOME +WELCOMED +WELCOMES +WELCOMING +WELD +WELDED +WELDER +WELDING +WELDON +WELDS +WELDWOOD +WELFARE +WELL +WELLED +WELLER +WELLES +WELLESLEY +WELLING +WELLINGTON +WELLMAN +WELLS +WELLSVILLE +WELMERS +WELSH +WELTON +WENCH +WENCHES +WENDELL +WENDY +WENT +WENTWORTH +WEPT +WERE +WERNER +WERTHER +WESLEY +WESLEYAN +WESSON +WEST +WESTBOUND +WESTBROOK +WESTCHESTER +WESTERN +WESTERNER +WESTERNERS +WESTFIELD +WESTHAMPTON +WESTINGHOUSE +WESTMINSTER +WESTMORE +WESTON +WESTPHALIA +WESTPORT +WESTWARD +WESTWARDS +WESTWOOD +WET +WETLY +WETNESS +WETS +WETTED +WETTER +WETTEST +WETTING +WEYERHAUSER +WHACK +WHACKED +WHACKING +WHACKS +WHALE +WHALEN +WHALER +WHALES +WHALING +WHARF +WHARTON +WHARVES +WHAT +WHATEVER +WHATLEY +WHATSOEVER +WHEAT +WHEATEN +WHEATLAND +WHEATON +WHEATSTONE +WHEEL +WHEELED +WHEELER +WHEELERS +WHEELING +WHEELINGS +WHEELOCK +WHEELS +WHELAN +WHELLER +WHELP +WHEN +WHENCE +WHENEVER +WHERE +WHEREABOUTS +WHEREAS +WHEREBY +WHEREIN +WHEREUPON +WHEREVER +WHETHER +WHICH +WHICHEVER +WHILE +WHIM +WHIMPER +WHIMPERED +WHIMPERING +WHIMPERS +WHIMS +WHIMSICAL +WHIMSICALLY +WHIMSIES +WHIMSY +WHINE +WHINED +WHINES +WHINING +WHIP +WHIPPANY +WHIPPED +WHIPPER +WHIPPERS +WHIPPING +WHIPPINGS +WHIPPLE +WHIPS +WHIRL +WHIRLED +WHIRLING +WHIRLPOOL +WHIRLPOOLS +WHIRLS +WHIRLWIND +WHIRR +WHIRRING +WHISK +WHISKED +WHISKER +WHISKERS +WHISKEY +WHISKING +WHISKS +WHISPER +WHISPERED +WHISPERING +WHISPERINGS +WHISPERS +WHISTLE +WHISTLED +WHISTLER +WHISTLERS +WHISTLES +WHISTLING +WHIT +WHITAKER +WHITCOMB +WHITE +WHITEHALL +WHITEHORSE +WHITELEAF +WHITELEY +WHITELY +WHITEN +WHITENED +WHITENER +WHITENERS +WHITENESS +WHITENING +WHITENS +WHITER +WHITES +WHITESPACE +WHITEST +WHITEWASH +WHITEWASHED +WHITEWATER +WHITFIELD +WHITING +WHITLOCK +WHITMAN +WHITMANIZE +WHITMANIZES +WHITNEY +WHITTAKER +WHITTIER +WHITTLE +WHITTLED +WHITTLES +WHITTLING +WHIZ +WHIZZED +WHIZZES +WHIZZING +WHO +WHOEVER +WHOLE +WHOLEHEARTED +WHOLEHEARTEDLY +WHOLENESS +WHOLES +WHOLESALE +WHOLESALER +WHOLESALERS +WHOLESOME +WHOLESOMENESS +WHOLLY +WHOM +WHOMEVER +WHOOP +WHOOPED +WHOOPING +WHOOPS +WHORE +WHORES +WHORL +WHORLS +WHOSE +WHY +WICHITA +WICK +WICKED +WICKEDLY +WICKEDNESS +WICKER +WICKS +WIDE +WIDEBAND +WIDELY +WIDEN +WIDENED +WIDENER +WIDENING +WIDENS +WIDER +WIDESPREAD +WIDEST +WIDGET +WIDOW +WIDOWED +WIDOWER +WIDOWERS +WIDOWS +WIDTH +WIDTHS +WIELAND +WIELD +WIELDED +WIELDER +WIELDING +WIELDS +WIER +WIFE +WIFELY +WIG +WIGGINS +WIGHTMAN +WIGS +WIGWAM +WILBUR +WILCOX +WILD +WILDCAT +WILDCATS +WILDER +WILDERNESS +WILDEST +WILDLY +WILDNESS +WILE +WILES +WILEY +WILFRED +WILHELM +WILHELMINA +WILINESS +WILKES +WILKIE +WILKINS +WILKINSON +WILL +WILLA +WILLAMETTE +WILLARD +WILLCOX +WILLED +WILLEM +WILLFUL +WILLFULLY +WILLIAM +WILLIAMS +WILLIAMSBURG +WILLIAMSON +WILLIE +WILLIED +WILLIES +WILLING +WILLINGLY +WILLINGNESS +WILLIS +WILLISSON +WILLOUGHBY +WILLOW +WILLOWS +WILLS +WILLY +WILMA +WILMETTE +WILMINGTON +WILSHIRE +WILSON +WILSONIAN +WILT +WILTED +WILTING +WILTS +WILTSHIRE +WILY +WIN +WINCE +WINCED +WINCES +WINCHELL +WINCHESTER +WINCING +WIND +WINDED +WINDER +WINDERS +WINDING +WINDMILL +WINDMILLS +WINDOW +WINDOWS +WINDS +WINDSOR +WINDY +WINE +WINED +WINEHEAD +WINER +WINERS +WINES +WINFIELD +WING +WINGED +WINGING +WINGS +WINIFRED +WINING +WINK +WINKED +WINKER +WINKING +WINKS +WINNEBAGO +WINNER +WINNERS +WINNETKA +WINNIE +WINNING +WINNINGLY +WINNINGS +WINNIPEG +WINNIPESAUKEE +WINOGRAD +WINOOSKI +WINS +WINSBOROUGH +WINSETT +WINSLOW +WINSTON +WINTER +WINTERED +WINTERING +WINTERS +WINTHROP +WINTRY +WIPE +WIPED +WIPER +WIPERS +WIPES +WIPING +WIRE +WIRED +WIRELESS +WIRES +WIRETAP +WIRETAPPERS +WIRETAPPING +WIRETAPS +WIRINESS +WIRING +WIRY +WISCONSIN +WISDOM +WISDOMS +WISE +WISED +WISELY +WISENHEIMER +WISER +WISEST +WISH +WISHED +WISHER +WISHERS +WISHES +WISHFUL +WISHING +WISP +WISPS +WISTFUL +WISTFULLY +WISTFULNESS +WIT +WITCH +WITCHCRAFT +WITCHES +WITCHING +WITH +WITHAL +WITHDRAW +WITHDRAWAL +WITHDRAWALS +WITHDRAWING +WITHDRAWN +WITHDRAWS +WITHDREW +WITHER +WITHERS +WITHERSPOON +WITHHELD +WITHHOLD +WITHHOLDER +WITHHOLDERS +WITHHOLDING +WITHHOLDINGS +WITHHOLDS +WITHIN +WITHOUT +WITHSTAND +WITHSTANDING +WITHSTANDS +WITHSTOOD +WITNESS +WITNESSED +WITNESSES +WITNESSING +WITS +WITT +WITTGENSTEIN +WITTY +WIVES +WIZARD +WIZARDS +WOE +WOEFUL +WOEFULLY +WOKE +WOLCOTT +WOLF +WOLFE +WOLFF +WOLFGANG +WOLVERTON +WOLVES +WOMAN +WOMANHOOD +WOMANLY +WOMB +WOMBS +WOMEN +WON +WONDER +WONDERED +WONDERFUL +WONDERFULLY +WONDERFULNESS +WONDERING +WONDERINGLY +WONDERMENT +WONDERS +WONDROUS +WONDROUSLY +WONG +WONT +WONTED +WOO +WOOD +WOODARD +WOODBERRY +WOODBURY +WOODCHUCK +WOODCHUCKS +WOODCOCK +WOODCOCKS +WOODED +WOODEN +WOODENLY +WOODENNESS +WOODLAND +WOODLAWN +WOODMAN +WOODPECKER +WOODPECKERS +WOODROW +WOODS +WOODSTOCK +WOODWARD +WOODWARDS +WOODWORK +WOODWORKING +WOODY +WOOED +WOOER +WOOF +WOOFED +WOOFER +WOOFERS +WOOFING +WOOFS +WOOING +WOOL +WOOLEN +WOOLLY +WOOLS +WOOLWORTH +WOONSOCKET +WOOS +WOOSTER +WORCESTER +WORCESTERSHIRE +WORD +WORDED +WORDILY +WORDINESS +WORDING +WORDS +WORDSWORTH +WORDY +WORE +WORK +WORKABLE +WORKABLY +WORKBENCH +WORKBENCHES +WORKBOOK +WORKBOOKS +WORKED +WORKER +WORKERS +WORKHORSE +WORKHORSES +WORKING +WORKINGMAN +WORKINGS +WORKLOAD +WORKMAN +WORKMANSHIP +WORKMEN +WORKS +WORKSHOP +WORKSHOPS +WORKSPACE +WORKSTATION +WORKSTATIONS +WORLD +WORLDLINESS +WORLDLY +WORLDS +WORLDWIDE +WORM +WORMED +WORMING +WORMS +WORN +WORRIED +WORRIER +WORRIERS +WORRIES +WORRISOME +WORRY +WORRYING +WORRYINGLY +WORSE +WORSHIP +WORSHIPED +WORSHIPER +WORSHIPFUL +WORSHIPING +WORSHIPS +WORST +WORSTED +WORTH +WORTHIEST +WORTHINESS +WORTHINGTON +WORTHLESS +WORTHLESSNESS +WORTHS +WORTHWHILE +WORTHWHILENESS +WORTHY +WOTAN +WOULD +WOUND +WOUNDED +WOUNDING +WOUNDS +WOVE +WOVEN +WRANGLE +WRANGLED +WRANGLER +WRAP +WRAPAROUND +WRAPPED +WRAPPER +WRAPPERS +WRAPPING +WRAPPINGS +WRAPS +WRATH +WREAK +WREAKS +WREATH +WREATHED +WREATHES +WRECK +WRECKAGE +WRECKED +WRECKER +WRECKERS +WRECKING +WRECKS +WREN +WRENCH +WRENCHED +WRENCHES +WRENCHING +WRENS +WREST +WRESTLE +WRESTLER +WRESTLES +WRESTLING +WRESTLINGS +WRETCH +WRETCHED +WRETCHEDNESS +WRETCHES +WRIGGLE +WRIGGLED +WRIGGLER +WRIGGLES +WRIGGLING +WRIGLEY +WRING +WRINGER +WRINGS +WRINKLE +WRINKLED +WRINKLES +WRIST +WRISTS +WRISTWATCH +WRISTWATCHES +WRIT +WRITABLE +WRITE +WRITER +WRITERS +WRITES +WRITHE +WRITHED +WRITHES +WRITHING +WRITING +WRITINGS +WRITS +WRITTEN +WRONG +WRONGED +WRONGING +WRONGLY +WRONGS +WRONSKIAN +WROTE +WROUGHT +WRUNG +WUHAN +WYANDOTTE +WYATT +WYETH +WYLIE +WYMAN +WYNER +WYNN +WYOMING +XANTHUS +XAVIER +XEBEC +XENAKIS +XENIA +XENIX +XEROX +XEROXED +XEROXES +XEROXING +XERXES +XHOSA +YAGI +YAKIMA +YALE +YALIES +YALTA +YAMAHA +YANK +YANKED +YANKEE +YANKEES +YANKING +YANKS +YANKTON +YAOUNDE +YAQUI +YARD +YARDS +YARDSTICK +YARDSTICKS +YARMOUTH +YARN +YARNS +YATES +YAUNDE +YAWN +YAWNER +YAWNING +YEA +YEAGER +YEAR +YEARLY +YEARN +YEARNED +YEARNING +YEARNINGS +YEARS +YEAS +YEAST +YEASTS +YEATS +YELL +YELLED +YELLER +YELLING +YELLOW +YELLOWED +YELLOWER +YELLOWEST +YELLOWING +YELLOWISH +YELLOWKNIFE +YELLOWNESS +YELLOWS +YELLOWSTONE +YELP +YELPED +YELPING +YELPS +YEMEN +YENTL +YEOMAN +YEOMEN +YERKES +YES +YESTERDAY +YESTERDAYS +YET +YIDDISH +YIELD +YIELDED +YIELDING +YIELDS +YODER +YOKE +YOKES +YOKNAPATAWPHA +YOKOHAMA +YOKUTS +YON +YONDER +YONKERS +YORICK +YORK +YORKER +YORKERS +YORKSHIRE +YORKTOWN +YOSEMITE +YOST +YOU +YOUNG +YOUNGER +YOUNGEST +YOUNGLY +YOUNGSTER +YOUNGSTERS +YOUNGSTOWN +YOUR +YOURS +YOURSELF +YOURSELVES +YOUTH +YOUTHES +YOUTHFUL +YOUTHFULLY +YOUTHFULNESS +YPSILANTI +YUBA +YUCATAN +YUGOSLAV +YUGOSLAVIA +YUGOSLAVIAN +YUGOSLAVIANS +YUH +YUKI +YUKON +YURI +YVES +YVETTE +ZACHARY +ZAGREB +ZAIRE +ZAMBIA +ZAN +ZANZIBAR +ZEAL +ZEALAND +ZEALOUS +ZEALOUSLY +ZEALOUSNESS +ZEBRA +ZEBRAS +ZEFFIRELLI +ZEISS +ZELLERBACH +ZEN +ZENITH +ZENNIST +ZERO +ZEROED +ZEROES +ZEROING +ZEROS +ZEROTH +ZEST +ZEUS +ZIEGFELD +ZIEGFELDS +ZIEGLER +ZIGGY +ZIGZAG +ZILLIONS +ZIMMERMAN +ZINC +ZION +ZIONISM +ZIONIST +ZIONISTS +ZIONS +ZODIAC +ZOE +ZOMBA +ZONAL +ZONALLY +ZONE +ZONED +ZONES +ZONING +ZOO +ZOOLOGICAL +ZOOLOGICALLY +ZOOM +ZOOMS +ZOOS +ZORN +ZOROASTER +ZOROASTRIAN +ZULU +ZULUS ZURICH \ No newline at end of file diff --git a/other/euclidean_gcd.py b/other/euclidean_gcd.py index 6fe269ecdc5e..fb92dc6b4ecd 100644 --- a/other/euclidean_gcd.py +++ b/other/euclidean_gcd.py @@ -1,23 +1,23 @@ -from __future__ import print_function - - -# https://en.wikipedia.org/wiki/Euclidean_algorithm - -def euclidean_gcd(a, b): - while b: - t = b - b = a % b - a = t - return a - - -def main(): - print("GCD(3, 5) = " + str(euclidean_gcd(3, 5))) - print("GCD(5, 3) = " + str(euclidean_gcd(5, 3))) - print("GCD(1, 3) = " + str(euclidean_gcd(1, 3))) - print("GCD(3, 6) = " + str(euclidean_gcd(3, 6))) - print("GCD(6, 3) = " + str(euclidean_gcd(6, 3))) - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +# https://en.wikipedia.org/wiki/Euclidean_algorithm + +def euclidean_gcd(a, b): + while b: + t = b + b = a % b + a = t + return a + + +def main(): + print("GCD(3, 5) = " + str(euclidean_gcd(3, 5))) + print("GCD(5, 3) = " + str(euclidean_gcd(5, 3))) + print("GCD(1, 3) = " + str(euclidean_gcd(1, 3))) + print("GCD(3, 6) = " + str(euclidean_gcd(3, 6))) + print("GCD(6, 3) = " + str(euclidean_gcd(6, 3))) + + +if __name__ == '__main__': + main() diff --git a/other/finding_Primes.py b/other/finding_Primes.py index 055be67439fc..0ba7897cf64b 100644 --- a/other/finding_Primes.py +++ b/other/finding_Primes.py @@ -1,22 +1,22 @@ -''' --The sieve of Eratosthenes is an algorithm used to find prime numbers, less than or equal to a given value. --Illustration: https://upload.wikimedia.org/wikipedia/commons/b/b9/Sieve_of_Eratosthenes_animation.gif -''' -from __future__ import print_function - -from math import sqrt - - -def SOE(n): - check = round(sqrt(n)) # Need not check for multiples past the square root of n - - sieve = [False if i < 2 else True for i in range(n + 1)] # Set every index to False except for index 0 and 1 - - for i in range(2, check): - if (sieve[i] == True): # If i is a prime - for j in range(i + i, n + 1, i): # Step through the list in increments of i(the multiples of the prime) - sieve[j] = False # Sets every multiple of i to False - - for i in range(n + 1): - if (sieve[i] == True): - print(i, end=" ") +''' +-The sieve of Eratosthenes is an algorithm used to find prime numbers, less than or equal to a given value. +-Illustration: https://upload.wikimedia.org/wikipedia/commons/b/b9/Sieve_of_Eratosthenes_animation.gif +''' +from __future__ import print_function + +from math import sqrt + + +def SOE(n): + check = round(sqrt(n)) # Need not check for multiples past the square root of n + + sieve = [False if i < 2 else True for i in range(n + 1)] # Set every index to False except for index 0 and 1 + + for i in range(2, check): + if (sieve[i] == True): # If i is a prime + for j in range(i + i, n + 1, i): # Step through the list in increments of i(the multiples of the prime) + sieve[j] = False # Sets every multiple of i to False + + for i in range(n + 1): + if (sieve[i] == True): + print(i, end=" ") diff --git a/other/fischer_yates_shuffle.py b/other/fischer_yates_shuffle.py index 9a6b9f76cc8e..64e91cd59140 100644 --- a/other/fischer_yates_shuffle.py +++ b/other/fischer_yates_shuffle.py @@ -1,24 +1,24 @@ -#!/usr/bin/python -# encoding=utf8 -""" -The Fisher–Yates shuffle is an algorithm for generating a random permutation of a finite sequence. -For more details visit -wikipedia/Fischer-Yates-Shuffle. -""" -import random - - -def FYshuffle(LIST): - for i in range(len(LIST)): - a = random.randint(0, len(LIST) - 1) - b = random.randint(0, len(LIST) - 1) - LIST[a], LIST[b] = LIST[b], LIST[a] - return LIST - - -if __name__ == '__main__': - integers = [0, 1, 2, 3, 4, 5, 6, 7] - strings = ['python', 'says', 'hello', '!'] - print('Fisher-Yates Shuffle:') - print('List', integers, strings) - print('FY Shuffle', FYshuffle(integers), FYshuffle(strings)) +#!/usr/bin/python +# encoding=utf8 +""" +The Fisher–Yates shuffle is an algorithm for generating a random permutation of a finite sequence. +For more details visit +wikipedia/Fischer-Yates-Shuffle. +""" +import random + + +def FYshuffle(LIST): + for i in range(len(LIST)): + a = random.randint(0, len(LIST) - 1) + b = random.randint(0, len(LIST) - 1) + LIST[a], LIST[b] = LIST[b], LIST[a] + return LIST + + +if __name__ == '__main__': + integers = [0, 1, 2, 3, 4, 5, 6, 7] + strings = ['python', 'says', 'hello', '!'] + print('Fisher-Yates Shuffle:') + print('List', integers, strings) + print('FY Shuffle', FYshuffle(integers), FYshuffle(strings)) diff --git a/other/frequency_finder.py b/other/frequency_finder.py index c6f41bd3ef47..40ef24b73b8c 100644 --- a/other/frequency_finder.py +++ b/other/frequency_finder.py @@ -1,74 +1,74 @@ -# Frequency Finder - -# frequency taken from http://en.wikipedia.org/wiki/Letter_frequency -englishLetterFreq = {'E': 12.70, 'T': 9.06, 'A': 8.17, 'O': 7.51, 'I': 6.97, - 'N': 6.75, 'S': 6.33, 'H': 6.09, 'R': 5.99, 'D': 4.25, - 'L': 4.03, 'C': 2.78, 'U': 2.76, 'M': 2.41, 'W': 2.36, - 'F': 2.23, 'G': 2.02, 'Y': 1.97, 'P': 1.93, 'B': 1.29, - 'V': 0.98, 'K': 0.77, 'J': 0.15, 'X': 0.15, 'Q': 0.10, - 'Z': 0.07} -ETAOIN = 'ETAOINSHRDLCUMWFGYPBVKJXQZ' -LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' - - -def getLetterCount(message): - letterCount = {'A': 0, 'B': 0, 'C': 0, 'D': 0, 'E': 0, 'F': 0, 'G': 0, 'H': 0, - 'I': 0, 'J': 0, 'K': 0, 'L': 0, 'M': 0, 'N': 0, 'O': 0, 'P': 0, - 'Q': 0, 'R': 0, 'S': 0, 'T': 0, 'U': 0, 'V': 0, 'W': 0, 'X': 0, - 'Y': 0, 'Z': 0} - for letter in message.upper(): - if letter in LETTERS: - letterCount[letter] += 1 - - return letterCount - - -def getItemAtIndexZero(x): - return x[0] - - -def getFrequencyOrder(message): - letterToFreq = getLetterCount(message) - freqToLetter = {} - for letter in LETTERS: - if letterToFreq[letter] not in freqToLetter: - freqToLetter[letterToFreq[letter]] = [letter] - else: - freqToLetter[letterToFreq[letter]].append(letter) - - for freq in freqToLetter: - freqToLetter[freq].sort(key=ETAOIN.find, reverse=True) - freqToLetter[freq] = ''.join(freqToLetter[freq]) - - freqPairs = list(freqToLetter.items()) - freqPairs.sort(key=getItemAtIndexZero, reverse=True) - - freqOrder = [] - for freqPair in freqPairs: - freqOrder.append(freqPair[1]) - - return ''.join(freqOrder) - - -def englishFreqMatchScore(message): - ''' - >>> englishFreqMatchScore('Hello World') - 1 - ''' - freqOrder = getFrequencyOrder(message) - matchScore = 0 - for commonLetter in ETAOIN[:6]: - if commonLetter in freqOrder[:6]: - matchScore += 1 - - for uncommonLetter in ETAOIN[-6:]: - if uncommonLetter in freqOrder[-6:]: - matchScore += 1 - - return matchScore - - -if __name__ == '__main__': - import doctest - - doctest.testmod() +# Frequency Finder + +# frequency taken from http://en.wikipedia.org/wiki/Letter_frequency +englishLetterFreq = {'E': 12.70, 'T': 9.06, 'A': 8.17, 'O': 7.51, 'I': 6.97, + 'N': 6.75, 'S': 6.33, 'H': 6.09, 'R': 5.99, 'D': 4.25, + 'L': 4.03, 'C': 2.78, 'U': 2.76, 'M': 2.41, 'W': 2.36, + 'F': 2.23, 'G': 2.02, 'Y': 1.97, 'P': 1.93, 'B': 1.29, + 'V': 0.98, 'K': 0.77, 'J': 0.15, 'X': 0.15, 'Q': 0.10, + 'Z': 0.07} +ETAOIN = 'ETAOINSHRDLCUMWFGYPBVKJXQZ' +LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + + +def getLetterCount(message): + letterCount = {'A': 0, 'B': 0, 'C': 0, 'D': 0, 'E': 0, 'F': 0, 'G': 0, 'H': 0, + 'I': 0, 'J': 0, 'K': 0, 'L': 0, 'M': 0, 'N': 0, 'O': 0, 'P': 0, + 'Q': 0, 'R': 0, 'S': 0, 'T': 0, 'U': 0, 'V': 0, 'W': 0, 'X': 0, + 'Y': 0, 'Z': 0} + for letter in message.upper(): + if letter in LETTERS: + letterCount[letter] += 1 + + return letterCount + + +def getItemAtIndexZero(x): + return x[0] + + +def getFrequencyOrder(message): + letterToFreq = getLetterCount(message) + freqToLetter = {} + for letter in LETTERS: + if letterToFreq[letter] not in freqToLetter: + freqToLetter[letterToFreq[letter]] = [letter] + else: + freqToLetter[letterToFreq[letter]].append(letter) + + for freq in freqToLetter: + freqToLetter[freq].sort(key=ETAOIN.find, reverse=True) + freqToLetter[freq] = ''.join(freqToLetter[freq]) + + freqPairs = list(freqToLetter.items()) + freqPairs.sort(key=getItemAtIndexZero, reverse=True) + + freqOrder = [] + for freqPair in freqPairs: + freqOrder.append(freqPair[1]) + + return ''.join(freqOrder) + + +def englishFreqMatchScore(message): + ''' + >>> englishFreqMatchScore('Hello World') + 1 + ''' + freqOrder = getFrequencyOrder(message) + matchScore = 0 + for commonLetter in ETAOIN[:6]: + if commonLetter in freqOrder[:6]: + matchScore += 1 + + for uncommonLetter in ETAOIN[-6:]: + if uncommonLetter in freqOrder[-6:]: + matchScore += 1 + + return matchScore + + +if __name__ == '__main__': + import doctest + + doctest.testmod() diff --git a/other/game_of_life/game_o_life.py b/other/game_of_life/game_o_life.py index cfaef5fc6c2a..ea13fd19e551 100644 --- a/other/game_of_life/game_o_life.py +++ b/other/game_of_life/game_o_life.py @@ -1,127 +1,127 @@ -'''Conway's Game Of Life, Author Anurag Kumar(mailto:anuragkumarak95@gmail.com) - -Requirements: - - numpy - - random - - time - - matplotlib - -Python: - - 3.5 - -Usage: - - $python3 game_o_life - -Game-Of-Life Rules: - - 1. - Any live cell with fewer than two live neighbours - dies, as if caused by under-population. - 2. - Any live cell with two or three live neighbours lives - on to the next generation. - 3. - Any live cell with more than three live neighbours - dies, as if by over-population. - 4. - Any dead cell with exactly three live neighbours be- - comes a live cell, as if by reproduction. - ''' -import random -import sys - -import numpy as np -from matplotlib import pyplot as plt -from matplotlib.colors import ListedColormap - -usage_doc = 'Usage of script: script_nama ' - -choice = [0] * 100 + [1] * 10 -random.shuffle(choice) - - -def create_canvas(size): - canvas = [[False for i in range(size)] for j in range(size)] - return canvas - - -def seed(canvas): - for i, row in enumerate(canvas): - for j, _ in enumerate(row): - canvas[i][j] = bool(random.getrandbits(1)) - - -def run(canvas): - ''' This function runs the rules of game through all points, and changes their status accordingly.(in the same canvas) - @Args: - -- - canvas : canvas of population to run the rules on. - - @returns: - -- - None - ''' - canvas = np.array(canvas) - next_gen_canvas = np.array(create_canvas(canvas.shape[0])) - for r, row in enumerate(canvas): - for c, pt in enumerate(row): - # print(r-1,r+2,c-1,c+2) - next_gen_canvas[r][c] = __judge_point(pt, canvas[r - 1:r + 2, c - 1:c + 2]) - - canvas = next_gen_canvas - del next_gen_canvas # cleaning memory as we move on. - return canvas.tolist() - - -def __judge_point(pt, neighbours): - dead = 0 - alive = 0 - # finding dead or alive neighbours count. - for i in neighbours: - for status in i: - if status: - alive += 1 - else: - dead += 1 - - # handling duplicate entry for focus pt. - if pt: - alive -= 1 - else: - dead -= 1 - - # running the rules of game here. - state = pt - if pt: - if alive < 2: - state = False - elif alive == 2 or alive == 3: - state = True - elif alive > 3: - state = False - else: - if alive == 3: - state = True - - return state - - -if __name__ == '__main__': - if len(sys.argv) != 2: raise Exception(usage_doc) - - canvas_size = int(sys.argv[1]) - # main working structure of this module. - c = create_canvas(canvas_size) - seed(c) - fig, ax = plt.subplots() - fig.show() - cmap = ListedColormap(['w', 'k']) - try: - while True: - c = run(c) - ax.matshow(c, cmap=cmap) - fig.canvas.draw() - ax.cla() - except KeyboardInterrupt: - # do nothing. - pass +'''Conway's Game Of Life, Author Anurag Kumar(mailto:anuragkumarak95@gmail.com) + +Requirements: + - numpy + - random + - time + - matplotlib + +Python: + - 3.5 + +Usage: + - $python3 game_o_life + +Game-Of-Life Rules: + + 1. + Any live cell with fewer than two live neighbours + dies, as if caused by under-population. + 2. + Any live cell with two or three live neighbours lives + on to the next generation. + 3. + Any live cell with more than three live neighbours + dies, as if by over-population. + 4. + Any dead cell with exactly three live neighbours be- + comes a live cell, as if by reproduction. + ''' +import random +import sys + +import numpy as np +from matplotlib import pyplot as plt +from matplotlib.colors import ListedColormap + +usage_doc = 'Usage of script: script_nama ' + +choice = [0] * 100 + [1] * 10 +random.shuffle(choice) + + +def create_canvas(size): + canvas = [[False for i in range(size)] for j in range(size)] + return canvas + + +def seed(canvas): + for i, row in enumerate(canvas): + for j, _ in enumerate(row): + canvas[i][j] = bool(random.getrandbits(1)) + + +def run(canvas): + ''' This function runs the rules of game through all points, and changes their status accordingly.(in the same canvas) + @Args: + -- + canvas : canvas of population to run the rules on. + + @returns: + -- + None + ''' + canvas = np.array(canvas) + next_gen_canvas = np.array(create_canvas(canvas.shape[0])) + for r, row in enumerate(canvas): + for c, pt in enumerate(row): + # print(r-1,r+2,c-1,c+2) + next_gen_canvas[r][c] = __judge_point(pt, canvas[r - 1:r + 2, c - 1:c + 2]) + + canvas = next_gen_canvas + del next_gen_canvas # cleaning memory as we move on. + return canvas.tolist() + + +def __judge_point(pt, neighbours): + dead = 0 + alive = 0 + # finding dead or alive neighbours count. + for i in neighbours: + for status in i: + if status: + alive += 1 + else: + dead += 1 + + # handling duplicate entry for focus pt. + if pt: + alive -= 1 + else: + dead -= 1 + + # running the rules of game here. + state = pt + if pt: + if alive < 2: + state = False + elif alive == 2 or alive == 3: + state = True + elif alive > 3: + state = False + else: + if alive == 3: + state = True + + return state + + +if __name__ == '__main__': + if len(sys.argv) != 2: raise Exception(usage_doc) + + canvas_size = int(sys.argv[1]) + # main working structure of this module. + c = create_canvas(canvas_size) + seed(c) + fig, ax = plt.subplots() + fig.show() + cmap = ListedColormap(['w', 'k']) + try: + while True: + c = run(c) + ax.matshow(c, cmap=cmap) + fig.canvas.draw() + ax.cla() + except KeyboardInterrupt: + # do nothing. + pass diff --git a/other/linear_congruential_generator.py b/other/linear_congruential_generator.py index 246f140078bd..166eff7325bd 100644 --- a/other/linear_congruential_generator.py +++ b/other/linear_congruential_generator.py @@ -1,38 +1,38 @@ -from __future__ import print_function - -__author__ = "Tobias Carryer" - -from time import time - - -class LinearCongruentialGenerator(object): - """ - A pseudorandom number generator. - """ - - def __init__(self, multiplier, increment, modulo, seed=int(time())): - """ - These parameters are saved and used when nextNumber() is called. - - modulo is the largest number that can be generated (exclusive). The most - efficent values are powers of 2. 2^32 is a common value. - """ - self.multiplier = multiplier - self.increment = increment - self.modulo = modulo - self.seed = seed - - def next_number(self): - """ - The smallest number that can be generated is zero. - The largest number that can be generated is modulo-1. modulo is set in the constructor. - """ - self.seed = (self.multiplier * self.seed + self.increment) % self.modulo - return self.seed - - -if __name__ == "__main__": - # Show the LCG in action. - lcg = LinearCongruentialGenerator(1664525, 1013904223, 2 << 31) - while True: - print(lcg.next_number()) +from __future__ import print_function + +__author__ = "Tobias Carryer" + +from time import time + + +class LinearCongruentialGenerator(object): + """ + A pseudorandom number generator. + """ + + def __init__(self, multiplier, increment, modulo, seed=int(time())): + """ + These parameters are saved and used when nextNumber() is called. + + modulo is the largest number that can be generated (exclusive). The most + efficent values are powers of 2. 2^32 is a common value. + """ + self.multiplier = multiplier + self.increment = increment + self.modulo = modulo + self.seed = seed + + def next_number(self): + """ + The smallest number that can be generated is zero. + The largest number that can be generated is modulo-1. modulo is set in the constructor. + """ + self.seed = (self.multiplier * self.seed + self.increment) % self.modulo + return self.seed + + +if __name__ == "__main__": + # Show the LCG in action. + lcg = LinearCongruentialGenerator(1664525, 1013904223, 2 << 31) + while True: + print(lcg.next_number()) diff --git a/other/n_queens.py b/other/n_queens.py index 86522e5e2eed..e3f10b9e08d1 100644 --- a/other/n_queens.py +++ b/other/n_queens.py @@ -1,79 +1,79 @@ -#! /usr/bin/python3 -import sys - - -def nqueens(board_width): - board = [0] - current_row = 0 - while True: - conflict = False - - for review_index in range(0, current_row): - left = board[review_index] - (current_row - review_index) - right = board[review_index] + (current_row - review_index); - if (board[current_row] == board[review_index] or (left >= 0 and left == board[current_row]) or (right < board_width and right == board[current_row])): - conflict = True; - break - - if (current_row == 0 and conflict == False): - board.append(0) - current_row = 1 - continue - - if (conflict == True): - board[current_row] += 1 - - if (current_row == 0 and board[current_row] == board_width): - print("No solution exists for specificed board size.") - return None - - while True: - if (board[current_row] == board_width): - board[current_row] = 0 - if (current_row == 0): - print("No solution exists for specificed board size.") - return None - - board.pop() - current_row -= 1 - board[current_row] += 1 - - if board[current_row] != board_width: - break - else: - current_row += 1 - if (current_row == board_width): - break - - board.append(0) - return board - - -def print_board(board): - if (board == None): - return - - board_width = len(board) - for row in range(board_width): - line_print = [] - for column in range(board_width): - if column == board[row]: - line_print.append("Q") - else: - line_print.append(".") - print(line_print) - - -if __name__ == '__main__': - default_width = 8 - for arg in sys.argv: - if (arg.isdecimal() and int(arg) > 3): - default_width = int(arg) - break - - if (default_width == 8): - print("Running algorithm with board size of 8. Specify an alternative Chess board size for N-Queens as a command line argument.") - - board = nqueens(default_width) - print(board) - print_board(board) +#! /usr/bin/python3 +import sys + + +def nqueens(board_width): + board = [0] + current_row = 0 + while True: + conflict = False + + for review_index in range(0, current_row): + left = board[review_index] - (current_row - review_index) + right = board[review_index] + (current_row - review_index); + if (board[current_row] == board[review_index] or (left >= 0 and left == board[current_row]) or (right < board_width and right == board[current_row])): + conflict = True; + break + + if (current_row == 0 and conflict == False): + board.append(0) + current_row = 1 + continue + + if (conflict == True): + board[current_row] += 1 + + if (current_row == 0 and board[current_row] == board_width): + print("No solution exists for specificed board size.") + return None + + while True: + if (board[current_row] == board_width): + board[current_row] = 0 + if (current_row == 0): + print("No solution exists for specificed board size.") + return None + + board.pop() + current_row -= 1 + board[current_row] += 1 + + if board[current_row] != board_width: + break + else: + current_row += 1 + if (current_row == board_width): + break + + board.append(0) + return board + + +def print_board(board): + if (board == None): + return + + board_width = len(board) + for row in range(board_width): + line_print = [] + for column in range(board_width): + if column == board[row]: + line_print.append("Q") + else: + line_print.append(".") + print(line_print) + + +if __name__ == '__main__': + default_width = 8 + for arg in sys.argv: + if (arg.isdecimal() and int(arg) > 3): + default_width = int(arg) + break + + if (default_width == 8): + print("Running algorithm with board size of 8. Specify an alternative Chess board size for N-Queens as a command line argument.") + + board = nqueens(default_width) + print(board) + print_board(board) diff --git a/other/nested_brackets.py b/other/nested_brackets.py index 1d991424167e..94f80836f853 100644 --- a/other/nested_brackets.py +++ b/other/nested_brackets.py @@ -1,48 +1,48 @@ -''' -The nested brackets problem is a problem that determines if a sequence of -brackets are properly nested. A sequence of brackets s is considered properly nested -if any of the following conditions are true: - - - s is empty - - s has the form (U) or [U] or {U} where U is a properly nested string - - s has the form VW where V and W are properly nested strings - -For example, the string "()()[()]" is properly nested but "[(()]" is not. - -The function called is_balanced takes as input a string S which is a sequence of brackets and -returns true if S is nested and false otherwise. - -''' -from __future__ import print_function - - -def is_balanced(S): - stack = [] - open_brackets = set({'(', '[', '{'}) - closed_brackets = set({')', ']', '}'}) - open_to_closed = dict({'{': '}', '[': ']', '(': ')'}) - - for i in range(len(S)): - - if S[i] in open_brackets: - stack.append(S[i]) - - elif S[i] in closed_brackets: - if len(stack) == 0 or (len(stack) > 0 and open_to_closed[stack.pop()] != S[i]): - return False - - return len(stack) == 0 - - -def main(): - S = input("Enter sequence of brackets: ") - - if is_balanced(S): - print((S, "is balanced")) - - else: - print((S, "is not balanced")) - - -if __name__ == "__main__": - main() +''' +The nested brackets problem is a problem that determines if a sequence of +brackets are properly nested. A sequence of brackets s is considered properly nested +if any of the following conditions are true: + + - s is empty + - s has the form (U) or [U] or {U} where U is a properly nested string + - s has the form VW where V and W are properly nested strings + +For example, the string "()()[()]" is properly nested but "[(()]" is not. + +The function called is_balanced takes as input a string S which is a sequence of brackets and +returns true if S is nested and false otherwise. + +''' +from __future__ import print_function + + +def is_balanced(S): + stack = [] + open_brackets = set({'(', '[', '{'}) + closed_brackets = set({')', ']', '}'}) + open_to_closed = dict({'{': '}', '[': ']', '(': ')'}) + + for i in range(len(S)): + + if S[i] in open_brackets: + stack.append(S[i]) + + elif S[i] in closed_brackets: + if len(stack) == 0 or (len(stack) > 0 and open_to_closed[stack.pop()] != S[i]): + return False + + return len(stack) == 0 + + +def main(): + S = input("Enter sequence of brackets: ") + + if is_balanced(S): + print((S, "is balanced")) + + else: + print((S, "is not balanced")) + + +if __name__ == "__main__": + main() diff --git a/other/palindrome.py b/other/palindrome.py index 990ec844f9fb..08ff523605c5 100644 --- a/other/palindrome.py +++ b/other/palindrome.py @@ -1,31 +1,31 @@ -# Program to find whether given string is palindrome or not -def is_palindrome(str): - start_i = 0 - end_i = len(str) - 1 - while start_i < end_i: - if str[start_i] == str[end_i]: - start_i += 1 - end_i -= 1 - else: - return False - return True - - -# Recursive method -def recursive_palindrome(str): - if len(str) <= 1: - return True - if str[0] == str[len(str) - 1]: - return recursive_palindrome(str[1:-1]) - else: - return False - - -def main(): - str = 'ama' - print(recursive_palindrome(str.lower())) - print(is_palindrome(str.lower())) - - -if __name__ == '__main__': - main() +# Program to find whether given string is palindrome or not +def is_palindrome(str): + start_i = 0 + end_i = len(str) - 1 + while start_i < end_i: + if str[start_i] == str[end_i]: + start_i += 1 + end_i -= 1 + else: + return False + return True + + +# Recursive method +def recursive_palindrome(str): + if len(str) <= 1: + return True + if str[0] == str[len(str) - 1]: + return recursive_palindrome(str[1:-1]) + else: + return False + + +def main(): + str = 'ama' + print(recursive_palindrome(str.lower())) + print(is_palindrome(str.lower())) + + +if __name__ == '__main__': + main() diff --git a/other/password_generator.py b/other/password_generator.py index 99a7881911f7..1db2f7a79792 100644 --- a/other/password_generator.py +++ b/other/password_generator.py @@ -1,36 +1,36 @@ -from __future__ import print_function - -import random -import string - -letters = [letter for letter in string.ascii_letters] -digits = [digit for digit in string.digits] -symbols = [symbol for symbol in string.punctuation] -chars = letters + digits + symbols -random.shuffle(chars) - -min_length = 8 -max_length = 16 -password = ''.join(random.choice(chars) for x in range(random.randint(min_length, max_length))) -print('Password: ' + password) -print('[ If you are thinking of using this passsword, You better save it. ]') - - -# ALTERNATIVE METHODS -# ctbi= characters that must be in password -# i= how many letters or characters the password length will be -def password_generator(ctbi, i): - # Password generator = full boot with random_number, random_letters, and random_character FUNCTIONS - pass # Put your code here... - - -def random_number(ctbi, i): - pass # Put your code here... - - -def random_letters(ctbi, i): - pass # Put your code here... - - -def random_characters(ctbi, i): - pass # Put your code here... +from __future__ import print_function + +import random +import string + +letters = [letter for letter in string.ascii_letters] +digits = [digit for digit in string.digits] +symbols = [symbol for symbol in string.punctuation] +chars = letters + digits + symbols +random.shuffle(chars) + +min_length = 8 +max_length = 16 +password = ''.join(random.choice(chars) for x in range(random.randint(min_length, max_length))) +print('Password: ' + password) +print('[ If you are thinking of using this passsword, You better save it. ]') + + +# ALTERNATIVE METHODS +# ctbi= characters that must be in password +# i= how many letters or characters the password length will be +def password_generator(ctbi, i): + # Password generator = full boot with random_number, random_letters, and random_character FUNCTIONS + pass # Put your code here... + + +def random_number(ctbi, i): + pass # Put your code here... + + +def random_letters(ctbi, i): + pass # Put your code here... + + +def random_characters(ctbi, i): + pass # Put your code here... diff --git a/other/primelib.py b/other/primelib.py index d686a3f404e1..1b8e4b26a5e6 100644 --- a/other/primelib.py +++ b/other/primelib.py @@ -1,605 +1,605 @@ -# -*- coding: utf-8 -*- -""" -Created on Thu Oct 5 16:44:23 2017 - -@author: Christian Bender - -This python library contains some useful functions to deal with -prime numbers and whole numbers. - -Overview: - -isPrime(number) -sieveEr(N) -getPrimeNumbers(N) -primeFactorization(number) -greatestPrimeFactor(number) -smallestPrimeFactor(number) -getPrime(n) -getPrimesBetween(pNumber1, pNumber2) - ----- - -isEven(number) -isOdd(number) -gcd(number1, number2) // greatest common divisor -kgV(number1, number2) // least common multiple -getDivisors(number) // all divisors of 'number' inclusive 1, number -isPerfectNumber(number) - -NEW-FUNCTIONS - -simplifyFraction(numerator, denominator) -factorial (n) // n! -fib (n) // calculate the n-th fibonacci term. - ------ - -goldbach(number) // Goldbach's assumption - -""" - - -def isPrime(number): - """ - input: positive integer 'number' - returns true if 'number' is prime otherwise false. - """ - import math # for function sqrt - - # precondition - assert isinstance(number, int) and (number >= 0), \ - "'number' must been an int and positive" - - status = True - - # 0 and 1 are none primes. - if number <= 1: - status = False - - for divisor in range(2, int(round(math.sqrt(number))) + 1): - - # if 'number' divisible by 'divisor' then sets 'status' - # of false and break up the loop. - if number % divisor == 0: - status = False - break - - # precondition - assert isinstance(status, bool), "'status' must been from type bool" - - return status - - -# ------------------------------------------ - -def sieveEr(N): - """ - input: positive integer 'N' > 2 - returns a list of prime numbers from 2 up to N. - - This function implements the algorithm called - sieve of erathostenes. - - """ - - # precondition - assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" - - # beginList: conatins all natural numbers from 2 upt to N - beginList = [x for x in range(2, N + 1)] - - ans = [] # this list will be returns. - - # actual sieve of erathostenes - for i in range(len(beginList)): - - for j in range(i + 1, len(beginList)): - - if (beginList[i] != 0) and \ - (beginList[j] % beginList[i] == 0): - beginList[j] = 0 - - # filters actual prime numbers. - ans = [x for x in beginList if x != 0] - - # precondition - assert isinstance(ans, list), "'ans' must been from type list" - - return ans - - -# -------------------------------- - -def getPrimeNumbers(N): - """ - input: positive integer 'N' > 2 - returns a list of prime numbers from 2 up to N (inclusive) - This function is more efficient as function 'sieveEr(...)' - """ - - # precondition - assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" - - ans = [] - - # iterates over all numbers between 2 up to N+1 - # if a number is prime then appends to list 'ans' - for number in range(2, N + 1): - - if isPrime(number): - ans.append(number) - - # precondition - assert isinstance(ans, list), "'ans' must been from type list" - - return ans - - -# ----------------------------------------- - -def primeFactorization(number): - """ - input: positive integer 'number' - returns a list of the prime number factors of 'number' - """ - - # precondition - assert isinstance(number, int) and number >= 0, \ - "'number' must been an int and >= 0" - - ans = [] # this list will be returns of the function. - - # potential prime number factors. - - factor = 2 - - quotient = number - - if number == 0 or number == 1: - - ans.append(number) - - # if 'number' not prime then builds the prime factorization of 'number' - elif not isPrime(number): - - while (quotient != 1): - - if isPrime(factor) and (quotient % factor == 0): - ans.append(factor) - quotient /= factor - else: - factor += 1 - - else: - ans.append(number) - - # precondition - assert isinstance(ans, list), "'ans' must been from type list" - - return ans - - -# ----------------------------------------- - -def greatestPrimeFactor(number): - """ - input: positive integer 'number' >= 0 - returns the greatest prime number factor of 'number' - """ - - # precondition - assert isinstance(number, int) and (number >= 0), \ - "'number' bust been an int and >= 0" - - ans = 0 - - # prime factorization of 'number' - primeFactors = primeFactorization(number) - - ans = max(primeFactors) - - # precondition - assert isinstance(ans, int), "'ans' must been from type int" - - return ans - - -# ---------------------------------------------- - - -def smallestPrimeFactor(number): - """ - input: integer 'number' >= 0 - returns the smallest prime number factor of 'number' - """ - - # precondition - assert isinstance(number, int) and (number >= 0), \ - "'number' bust been an int and >= 0" - - ans = 0 - - # prime factorization of 'number' - primeFactors = primeFactorization(number) - - ans = min(primeFactors) - - # precondition - assert isinstance(ans, int), "'ans' must been from type int" - - return ans - - -# ---------------------- - -def isEven(number): - """ - input: integer 'number' - returns true if 'number' is even, otherwise false. - """ - - # precondition - assert isinstance(number, int), "'number' must been an int" - assert isinstance(number % 2 == 0, bool), "compare bust been from type bool" - - return number % 2 == 0 - - -# ------------------------ - -def isOdd(number): - """ - input: integer 'number' - returns true if 'number' is odd, otherwise false. - """ - - # precondition - assert isinstance(number, int), "'number' must been an int" - assert isinstance(number % 2 != 0, bool), "compare bust been from type bool" - - return number % 2 != 0 - - -# ------------------------ - - -def goldbach(number): - """ - Goldbach's assumption - input: a even positive integer 'number' > 2 - returns a list of two prime numbers whose sum is equal to 'number' - """ - - # precondition - assert isinstance(number, int) and (number > 2) and isEven(number), \ - "'number' must been an int, even and > 2" - - ans = [] # this list will returned - - # creates a list of prime numbers between 2 up to 'number' - primeNumbers = getPrimeNumbers(number) - lenPN = len(primeNumbers) - - # run variable for while-loops. - i = 0 - j = 1 - - # exit variable. for break up the loops - loop = True - - while (i < lenPN and loop): - - j = i + 1 - - while (j < lenPN and loop): - - if primeNumbers[i] + primeNumbers[j] == number: - loop = False - ans.append(primeNumbers[i]) - ans.append(primeNumbers[j]) - - j += 1 - - i += 1 - - # precondition - assert isinstance(ans, list) and (len(ans) == 2) and \ - (ans[0] + ans[1] == number) and isPrime(ans[0]) and isPrime(ans[1]), \ - "'ans' must contains two primes. And sum of elements must been eq 'number'" - - return ans - - -# ---------------------------------------------- - -def gcd(number1, number2): - """ - Greatest common divisor - input: two positive integer 'number1' and 'number2' - returns the greatest common divisor of 'number1' and 'number2' - """ - - # precondition - assert isinstance(number1, int) and isinstance(number2, int) \ - and (number1 >= 0) and (number2 >= 0), \ - "'number1' and 'number2' must been positive integer." - - rest = 0 - - while number2 != 0: - rest = number1 % number2 - number1 = number2 - number2 = rest - - # precondition - assert isinstance(number1, int) and (number1 >= 0), \ - "'number' must been from type int and positive" - - return number1 - - -# ---------------------------------------------------- - -def kgV(number1, number2): - """ - Least common multiple - input: two positive integer 'number1' and 'number2' - returns the least common multiple of 'number1' and 'number2' - """ - - # precondition - assert isinstance(number1, int) and isinstance(number2, int) \ - and (number1 >= 1) and (number2 >= 1), \ - "'number1' and 'number2' must been positive integer." - - ans = 1 # actual answer that will be return. - - # for kgV (x,1) - if number1 > 1 and number2 > 1: - - # builds the prime factorization of 'number1' and 'number2' - primeFac1 = primeFactorization(number1) - primeFac2 = primeFactorization(number2) - - elif number1 == 1 or number2 == 1: - - primeFac1 = [] - primeFac2 = [] - ans = max(number1, number2) - - count1 = 0 - count2 = 0 - - done = [] # captured numbers int both 'primeFac1' and 'primeFac2' - - # iterates through primeFac1 - for n in primeFac1: - - if n not in done: - - if n in primeFac2: - - count1 = primeFac1.count(n) - count2 = primeFac2.count(n) - - for i in range(max(count1, count2)): - ans *= n - - else: - - count1 = primeFac1.count(n) - - for i in range(count1): - ans *= n - - done.append(n) - - # iterates through primeFac2 - for n in primeFac2: - - if n not in done: - - count2 = primeFac2.count(n) - - for i in range(count2): - ans *= n - - done.append(n) - - # precondition - assert isinstance(ans, int) and (ans >= 0), \ - "'ans' must been from type int and positive" - - return ans - - -# ---------------------------------- - -def getPrime(n): - """ - Gets the n-th prime number. - input: positive integer 'n' >= 0 - returns the n-th prime number, beginning at index 0 - """ - - # precondition - assert isinstance(n, int) and (n >= 0), "'number' must been a positive int" - - index = 0 - ans = 2 # this variable holds the answer - - while index < n: - - index += 1 - - ans += 1 # counts to the next number - - # if ans not prime then - # runs to the next prime number. - while not isPrime(ans): - ans += 1 - - # precondition - assert isinstance(ans, int) and isPrime(ans), \ - "'ans' must been a prime number and from type int" - - return ans - - -# --------------------------------------------------- - -def getPrimesBetween(pNumber1, pNumber2): - """ - input: prime numbers 'pNumber1' and 'pNumber2' - pNumber1 < pNumber2 - returns a list of all prime numbers between 'pNumber1' (exclusiv) - and 'pNumber2' (exclusiv) - """ - - # precondition - assert isPrime(pNumber1) and isPrime(pNumber2) and (pNumber1 < pNumber2), \ - "The arguments must been prime numbers and 'pNumber1' < 'pNumber2'" - - number = pNumber1 + 1 # jump to the next number - - ans = [] # this list will be returns. - - # if number is not prime then - # fetch the next prime number. - while not isPrime(number): - number += 1 - - while number < pNumber2: - - ans.append(number) - - number += 1 - - # fetch the next prime number. - while not isPrime(number): - number += 1 - - # precondition - assert isinstance(ans, list) and ans[0] != pNumber1 \ - and ans[len(ans) - 1] != pNumber2, \ - "'ans' must been a list without the arguments" - - # 'ans' contains not 'pNumber1' and 'pNumber2' ! - return ans - - -# ---------------------------------------------------- - -def getDivisors(n): - """ - input: positive integer 'n' >= 1 - returns all divisors of n (inclusive 1 and 'n') - """ - - # precondition - assert isinstance(n, int) and (n >= 1), "'n' must been int and >= 1" - - ans = [] # will be returned. - - for divisor in range(1, n + 1): - - if n % divisor == 0: - ans.append(divisor) - - # precondition - assert ans[0] == 1 and ans[len(ans) - 1] == n, \ - "Error in function getDivisiors(...)" - - return ans - - -# ---------------------------------------------------- - - -def isPerfectNumber(number): - """ - input: positive integer 'number' > 1 - returns true if 'number' is a perfect number otherwise false. - """ - - # precondition - assert isinstance(number, int) and (number > 1), \ - "'number' must been an int and >= 1" - - divisors = getDivisors(number) - - # precondition - assert isinstance(divisors, list) and (divisors[0] == 1) and \ - (divisors[len(divisors) - 1] == number), \ - "Error in help-function getDivisiors(...)" - - # summed all divisors up to 'number' (exclusive), hence [:-1] - return sum(divisors[:-1]) == number - - -# ------------------------------------------------------------ - -def simplifyFraction(numerator, denominator): - """ - input: two integer 'numerator' and 'denominator' - assumes: 'denominator' != 0 - returns: a tuple with simplify numerator and denominator. - """ - - # precondition - assert isinstance(numerator, int) and isinstance(denominator, int) \ - and (denominator != 0), \ - "The arguments must been from type int and 'denominator' != 0" - - # build the greatest common divisor of numerator and denominator. - gcdOfFraction = gcd(abs(numerator), abs(denominator)) - - # precondition - assert isinstance(gcdOfFraction, int) and (numerator % gcdOfFraction == 0) \ - and (denominator % gcdOfFraction == 0), \ - "Error in function gcd(...,...)" - - return (numerator // gcdOfFraction, denominator // gcdOfFraction) - - -# ----------------------------------------------------------------- - -def factorial(n): - """ - input: positive integer 'n' - returns the factorial of 'n' (n!) - """ - - # precondition - assert isinstance(n, int) and (n >= 0), "'n' must been a int and >= 0" - - ans = 1 # this will be return. - - for factor in range(1, n + 1): - ans *= factor - - return ans - - -# ------------------------------------------------------------------- - -def fib(n): - """ - input: positive integer 'n' - returns the n-th fibonacci term , indexing by 0 - """ - - # precondition - assert isinstance(n, int) and (n >= 0), "'n' must been an int and >= 0" - - tmp = 0 - fib1 = 1 - ans = 1 # this will be return - - for i in range(n - 1): - tmp = ans - ans += fib1 - fib1 = tmp - - return ans +# -*- coding: utf-8 -*- +""" +Created on Thu Oct 5 16:44:23 2017 + +@author: Christian Bender + +This python library contains some useful functions to deal with +prime numbers and whole numbers. + +Overview: + +isPrime(number) +sieveEr(N) +getPrimeNumbers(N) +primeFactorization(number) +greatestPrimeFactor(number) +smallestPrimeFactor(number) +getPrime(n) +getPrimesBetween(pNumber1, pNumber2) + +---- + +isEven(number) +isOdd(number) +gcd(number1, number2) // greatest common divisor +kgV(number1, number2) // least common multiple +getDivisors(number) // all divisors of 'number' inclusive 1, number +isPerfectNumber(number) + +NEW-FUNCTIONS + +simplifyFraction(numerator, denominator) +factorial (n) // n! +fib (n) // calculate the n-th fibonacci term. + +----- + +goldbach(number) // Goldbach's assumption + +""" + + +def isPrime(number): + """ + input: positive integer 'number' + returns true if 'number' is prime otherwise false. + """ + import math # for function sqrt + + # precondition + assert isinstance(number, int) and (number >= 0), \ + "'number' must been an int and positive" + + status = True + + # 0 and 1 are none primes. + if number <= 1: + status = False + + for divisor in range(2, int(round(math.sqrt(number))) + 1): + + # if 'number' divisible by 'divisor' then sets 'status' + # of false and break up the loop. + if number % divisor == 0: + status = False + break + + # precondition + assert isinstance(status, bool), "'status' must been from type bool" + + return status + + +# ------------------------------------------ + +def sieveEr(N): + """ + input: positive integer 'N' > 2 + returns a list of prime numbers from 2 up to N. + + This function implements the algorithm called + sieve of erathostenes. + + """ + + # precondition + assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" + + # beginList: conatins all natural numbers from 2 upt to N + beginList = [x for x in range(2, N + 1)] + + ans = [] # this list will be returns. + + # actual sieve of erathostenes + for i in range(len(beginList)): + + for j in range(i + 1, len(beginList)): + + if (beginList[i] != 0) and \ + (beginList[j] % beginList[i] == 0): + beginList[j] = 0 + + # filters actual prime numbers. + ans = [x for x in beginList if x != 0] + + # precondition + assert isinstance(ans, list), "'ans' must been from type list" + + return ans + + +# -------------------------------- + +def getPrimeNumbers(N): + """ + input: positive integer 'N' > 2 + returns a list of prime numbers from 2 up to N (inclusive) + This function is more efficient as function 'sieveEr(...)' + """ + + # precondition + assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" + + ans = [] + + # iterates over all numbers between 2 up to N+1 + # if a number is prime then appends to list 'ans' + for number in range(2, N + 1): + + if isPrime(number): + ans.append(number) + + # precondition + assert isinstance(ans, list), "'ans' must been from type list" + + return ans + + +# ----------------------------------------- + +def primeFactorization(number): + """ + input: positive integer 'number' + returns a list of the prime number factors of 'number' + """ + + # precondition + assert isinstance(number, int) and number >= 0, \ + "'number' must been an int and >= 0" + + ans = [] # this list will be returns of the function. + + # potential prime number factors. + + factor = 2 + + quotient = number + + if number == 0 or number == 1: + + ans.append(number) + + # if 'number' not prime then builds the prime factorization of 'number' + elif not isPrime(number): + + while (quotient != 1): + + if isPrime(factor) and (quotient % factor == 0): + ans.append(factor) + quotient /= factor + else: + factor += 1 + + else: + ans.append(number) + + # precondition + assert isinstance(ans, list), "'ans' must been from type list" + + return ans + + +# ----------------------------------------- + +def greatestPrimeFactor(number): + """ + input: positive integer 'number' >= 0 + returns the greatest prime number factor of 'number' + """ + + # precondition + assert isinstance(number, int) and (number >= 0), \ + "'number' bust been an int and >= 0" + + ans = 0 + + # prime factorization of 'number' + primeFactors = primeFactorization(number) + + ans = max(primeFactors) + + # precondition + assert isinstance(ans, int), "'ans' must been from type int" + + return ans + + +# ---------------------------------------------- + + +def smallestPrimeFactor(number): + """ + input: integer 'number' >= 0 + returns the smallest prime number factor of 'number' + """ + + # precondition + assert isinstance(number, int) and (number >= 0), \ + "'number' bust been an int and >= 0" + + ans = 0 + + # prime factorization of 'number' + primeFactors = primeFactorization(number) + + ans = min(primeFactors) + + # precondition + assert isinstance(ans, int), "'ans' must been from type int" + + return ans + + +# ---------------------- + +def isEven(number): + """ + input: integer 'number' + returns true if 'number' is even, otherwise false. + """ + + # precondition + assert isinstance(number, int), "'number' must been an int" + assert isinstance(number % 2 == 0, bool), "compare bust been from type bool" + + return number % 2 == 0 + + +# ------------------------ + +def isOdd(number): + """ + input: integer 'number' + returns true if 'number' is odd, otherwise false. + """ + + # precondition + assert isinstance(number, int), "'number' must been an int" + assert isinstance(number % 2 != 0, bool), "compare bust been from type bool" + + return number % 2 != 0 + + +# ------------------------ + + +def goldbach(number): + """ + Goldbach's assumption + input: a even positive integer 'number' > 2 + returns a list of two prime numbers whose sum is equal to 'number' + """ + + # precondition + assert isinstance(number, int) and (number > 2) and isEven(number), \ + "'number' must been an int, even and > 2" + + ans = [] # this list will returned + + # creates a list of prime numbers between 2 up to 'number' + primeNumbers = getPrimeNumbers(number) + lenPN = len(primeNumbers) + + # run variable for while-loops. + i = 0 + j = 1 + + # exit variable. for break up the loops + loop = True + + while (i < lenPN and loop): + + j = i + 1 + + while (j < lenPN and loop): + + if primeNumbers[i] + primeNumbers[j] == number: + loop = False + ans.append(primeNumbers[i]) + ans.append(primeNumbers[j]) + + j += 1 + + i += 1 + + # precondition + assert isinstance(ans, list) and (len(ans) == 2) and \ + (ans[0] + ans[1] == number) and isPrime(ans[0]) and isPrime(ans[1]), \ + "'ans' must contains two primes. And sum of elements must been eq 'number'" + + return ans + + +# ---------------------------------------------- + +def gcd(number1, number2): + """ + Greatest common divisor + input: two positive integer 'number1' and 'number2' + returns the greatest common divisor of 'number1' and 'number2' + """ + + # precondition + assert isinstance(number1, int) and isinstance(number2, int) \ + and (number1 >= 0) and (number2 >= 0), \ + "'number1' and 'number2' must been positive integer." + + rest = 0 + + while number2 != 0: + rest = number1 % number2 + number1 = number2 + number2 = rest + + # precondition + assert isinstance(number1, int) and (number1 >= 0), \ + "'number' must been from type int and positive" + + return number1 + + +# ---------------------------------------------------- + +def kgV(number1, number2): + """ + Least common multiple + input: two positive integer 'number1' and 'number2' + returns the least common multiple of 'number1' and 'number2' + """ + + # precondition + assert isinstance(number1, int) and isinstance(number2, int) \ + and (number1 >= 1) and (number2 >= 1), \ + "'number1' and 'number2' must been positive integer." + + ans = 1 # actual answer that will be return. + + # for kgV (x,1) + if number1 > 1 and number2 > 1: + + # builds the prime factorization of 'number1' and 'number2' + primeFac1 = primeFactorization(number1) + primeFac2 = primeFactorization(number2) + + elif number1 == 1 or number2 == 1: + + primeFac1 = [] + primeFac2 = [] + ans = max(number1, number2) + + count1 = 0 + count2 = 0 + + done = [] # captured numbers int both 'primeFac1' and 'primeFac2' + + # iterates through primeFac1 + for n in primeFac1: + + if n not in done: + + if n in primeFac2: + + count1 = primeFac1.count(n) + count2 = primeFac2.count(n) + + for i in range(max(count1, count2)): + ans *= n + + else: + + count1 = primeFac1.count(n) + + for i in range(count1): + ans *= n + + done.append(n) + + # iterates through primeFac2 + for n in primeFac2: + + if n not in done: + + count2 = primeFac2.count(n) + + for i in range(count2): + ans *= n + + done.append(n) + + # precondition + assert isinstance(ans, int) and (ans >= 0), \ + "'ans' must been from type int and positive" + + return ans + + +# ---------------------------------- + +def getPrime(n): + """ + Gets the n-th prime number. + input: positive integer 'n' >= 0 + returns the n-th prime number, beginning at index 0 + """ + + # precondition + assert isinstance(n, int) and (n >= 0), "'number' must been a positive int" + + index = 0 + ans = 2 # this variable holds the answer + + while index < n: + + index += 1 + + ans += 1 # counts to the next number + + # if ans not prime then + # runs to the next prime number. + while not isPrime(ans): + ans += 1 + + # precondition + assert isinstance(ans, int) and isPrime(ans), \ + "'ans' must been a prime number and from type int" + + return ans + + +# --------------------------------------------------- + +def getPrimesBetween(pNumber1, pNumber2): + """ + input: prime numbers 'pNumber1' and 'pNumber2' + pNumber1 < pNumber2 + returns a list of all prime numbers between 'pNumber1' (exclusiv) + and 'pNumber2' (exclusiv) + """ + + # precondition + assert isPrime(pNumber1) and isPrime(pNumber2) and (pNumber1 < pNumber2), \ + "The arguments must been prime numbers and 'pNumber1' < 'pNumber2'" + + number = pNumber1 + 1 # jump to the next number + + ans = [] # this list will be returns. + + # if number is not prime then + # fetch the next prime number. + while not isPrime(number): + number += 1 + + while number < pNumber2: + + ans.append(number) + + number += 1 + + # fetch the next prime number. + while not isPrime(number): + number += 1 + + # precondition + assert isinstance(ans, list) and ans[0] != pNumber1 \ + and ans[len(ans) - 1] != pNumber2, \ + "'ans' must been a list without the arguments" + + # 'ans' contains not 'pNumber1' and 'pNumber2' ! + return ans + + +# ---------------------------------------------------- + +def getDivisors(n): + """ + input: positive integer 'n' >= 1 + returns all divisors of n (inclusive 1 and 'n') + """ + + # precondition + assert isinstance(n, int) and (n >= 1), "'n' must been int and >= 1" + + ans = [] # will be returned. + + for divisor in range(1, n + 1): + + if n % divisor == 0: + ans.append(divisor) + + # precondition + assert ans[0] == 1 and ans[len(ans) - 1] == n, \ + "Error in function getDivisiors(...)" + + return ans + + +# ---------------------------------------------------- + + +def isPerfectNumber(number): + """ + input: positive integer 'number' > 1 + returns true if 'number' is a perfect number otherwise false. + """ + + # precondition + assert isinstance(number, int) and (number > 1), \ + "'number' must been an int and >= 1" + + divisors = getDivisors(number) + + # precondition + assert isinstance(divisors, list) and (divisors[0] == 1) and \ + (divisors[len(divisors) - 1] == number), \ + "Error in help-function getDivisiors(...)" + + # summed all divisors up to 'number' (exclusive), hence [:-1] + return sum(divisors[:-1]) == number + + +# ------------------------------------------------------------ + +def simplifyFraction(numerator, denominator): + """ + input: two integer 'numerator' and 'denominator' + assumes: 'denominator' != 0 + returns: a tuple with simplify numerator and denominator. + """ + + # precondition + assert isinstance(numerator, int) and isinstance(denominator, int) \ + and (denominator != 0), \ + "The arguments must been from type int and 'denominator' != 0" + + # build the greatest common divisor of numerator and denominator. + gcdOfFraction = gcd(abs(numerator), abs(denominator)) + + # precondition + assert isinstance(gcdOfFraction, int) and (numerator % gcdOfFraction == 0) \ + and (denominator % gcdOfFraction == 0), \ + "Error in function gcd(...,...)" + + return (numerator // gcdOfFraction, denominator // gcdOfFraction) + + +# ----------------------------------------------------------------- + +def factorial(n): + """ + input: positive integer 'n' + returns the factorial of 'n' (n!) + """ + + # precondition + assert isinstance(n, int) and (n >= 0), "'n' must been a int and >= 0" + + ans = 1 # this will be return. + + for factor in range(1, n + 1): + ans *= factor + + return ans + + +# ------------------------------------------------------------------- + +def fib(n): + """ + input: positive integer 'n' + returns the n-th fibonacci term , indexing by 0 + """ + + # precondition + assert isinstance(n, int) and (n >= 0), "'n' must been an int and >= 0" + + tmp = 0 + fib1 = 1 + ans = 1 # this will be return + + for i in range(n - 1): + tmp = ans + ans += fib1 + fib1 = tmp + + return ans diff --git a/other/sierpinski_triangle.py b/other/sierpinski_triangle.py index 1af411090806..3cd726dd196a 100644 --- a/other/sierpinski_triangle.py +++ b/other/sierpinski_triangle.py @@ -1,69 +1,69 @@ -#!/usr/bin/python -# encoding=utf8 - -'''Author Anurag Kumar | anuragkumarak95@gmail.com | git/anuragkumarak95 - -Simple example of Fractal generation using recursive function. - -What is Sierpinski Triangle? ->>The Sierpinski triangle (also with the original orthography Sierpinski), also called the Sierpinski gasket or the Sierpinski Sieve, -is a fractal and attractive fixed set with the overall shape of an equilateral triangle, subdivided recursively into smaller -equilateral triangles. Originally constructed as a curve, this is one of the basic examples of self-similar sets, i.e., -it is a mathematically generated pattern that can be reproducible at any magnification or reduction. It is named after -the Polish mathematician Wacław Sierpinski, but appeared as a decorative pattern many centuries prior to the work of Sierpinski. - -Requirements(pip): - - turtle - -Python: - - 2.6 - -Usage: - - $python sierpinski_triangle.py - -Credits: This code was written by editing the code from http://www.riannetrujillo.com/blog/python-fractal/ - -''' -import sys -import turtle - -PROGNAME = 'Sierpinski Triangle' -if len(sys.argv) != 2: - raise Exception('right format for using this script: $python fractals.py ') - -myPen = turtle.Turtle() -myPen.ht() -myPen.speed(5) -myPen.pencolor('red') - -points = [[-175, -125], [0, 175], [175, -125]] # size of triangle - - -def getMid(p1, p2): - return ((p1[0] + p2[0]) / 2, (p1[1] + p2[1]) / 2) # find midpoint - - -def triangle(points, depth): - myPen.up() - myPen.goto(points[0][0], points[0][1]) - myPen.down() - myPen.goto(points[1][0], points[1][1]) - myPen.goto(points[2][0], points[2][1]) - myPen.goto(points[0][0], points[0][1]) - - if depth > 0: - triangle([points[0], - getMid(points[0], points[1]), - getMid(points[0], points[2])], - depth - 1) - triangle([points[1], - getMid(points[0], points[1]), - getMid(points[1], points[2])], - depth - 1) - triangle([points[2], - getMid(points[2], points[1]), - getMid(points[0], points[2])], - depth - 1) - - -triangle(points, int(sys.argv[1])) +#!/usr/bin/python +# encoding=utf8 + +'''Author Anurag Kumar | anuragkumarak95@gmail.com | git/anuragkumarak95 + +Simple example of Fractal generation using recursive function. + +What is Sierpinski Triangle? +>>The Sierpinski triangle (also with the original orthography Sierpinski), also called the Sierpinski gasket or the Sierpinski Sieve, +is a fractal and attractive fixed set with the overall shape of an equilateral triangle, subdivided recursively into smaller +equilateral triangles. Originally constructed as a curve, this is one of the basic examples of self-similar sets, i.e., +it is a mathematically generated pattern that can be reproducible at any magnification or reduction. It is named after +the Polish mathematician Wacław Sierpinski, but appeared as a decorative pattern many centuries prior to the work of Sierpinski. + +Requirements(pip): + - turtle + +Python: + - 2.6 + +Usage: + - $python sierpinski_triangle.py + +Credits: This code was written by editing the code from http://www.riannetrujillo.com/blog/python-fractal/ + +''' +import sys +import turtle + +PROGNAME = 'Sierpinski Triangle' +if len(sys.argv) != 2: + raise Exception('right format for using this script: $python fractals.py ') + +myPen = turtle.Turtle() +myPen.ht() +myPen.speed(5) +myPen.pencolor('red') + +points = [[-175, -125], [0, 175], [175, -125]] # size of triangle + + +def getMid(p1, p2): + return ((p1[0] + p2[0]) / 2, (p1[1] + p2[1]) / 2) # find midpoint + + +def triangle(points, depth): + myPen.up() + myPen.goto(points[0][0], points[0][1]) + myPen.down() + myPen.goto(points[1][0], points[1][1]) + myPen.goto(points[2][0], points[2][1]) + myPen.goto(points[0][0], points[0][1]) + + if depth > 0: + triangle([points[0], + getMid(points[0], points[1]), + getMid(points[0], points[2])], + depth - 1) + triangle([points[1], + getMid(points[0], points[1]), + getMid(points[1], points[2])], + depth - 1) + triangle([points[2], + getMid(points[2], points[1]), + getMid(points[0], points[2])], + depth - 1) + + +triangle(points, int(sys.argv[1])) diff --git a/other/tower_of_hanoi.py b/other/tower_of_hanoi.py index a6848b2e4913..c76e4ad6ecad 100644 --- a/other/tower_of_hanoi.py +++ b/other/tower_of_hanoi.py @@ -1,31 +1,31 @@ -from __future__ import print_function - - -def moveTower(height, fromPole, toPole, withPole): - ''' - >>> moveTower(3, 'A', 'B', 'C') - moving disk from A to B - moving disk from A to C - moving disk from B to C - moving disk from A to B - moving disk from C to A - moving disk from C to B - moving disk from A to B - ''' - if height >= 1: - moveTower(height - 1, fromPole, withPole, toPole) - moveDisk(fromPole, toPole) - moveTower(height - 1, withPole, toPole, fromPole) - - -def moveDisk(fp, tp): - print(('moving disk from', fp, 'to', tp)) - - -def main(): - height = int(input('Height of hanoi: ')) - moveTower(height, 'A', 'B', 'C') - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +def moveTower(height, fromPole, toPole, withPole): + ''' + >>> moveTower(3, 'A', 'B', 'C') + moving disk from A to B + moving disk from A to C + moving disk from B to C + moving disk from A to B + moving disk from C to A + moving disk from C to B + moving disk from A to B + ''' + if height >= 1: + moveTower(height - 1, fromPole, withPole, toPole) + moveDisk(fromPole, toPole) + moveTower(height - 1, withPole, toPole, fromPole) + + +def moveDisk(fp, tp): + print(('moving disk from', fp, 'to', tp)) + + +def main(): + height = int(input('Height of hanoi: ')) + moveTower(height, 'A', 'B', 'C') + + +if __name__ == '__main__': + main() diff --git a/other/two_sum.py b/other/two_sum.py index 7c67ae97d801..9d02f40b44d1 100644 --- a/other/two_sum.py +++ b/other/two_sum.py @@ -1,30 +1,30 @@ -""" -Given an array of integers, return indices of the two numbers such that they add up to a specific target. - -You may assume that each input would have exactly one solution, and you may not use the same element twice. - -Example: -Given nums = [2, 7, 11, 15], target = 9, - -Because nums[0] + nums[1] = 2 + 7 = 9, -return [0, 1]. -""" -from __future__ import print_function - - -def twoSum(nums, target): - """ - :type nums: List[int] - :type target: int - :rtype: List[int] - """ - chk_map = {} - for index, val in enumerate(nums): - compl = target - val - if compl in chk_map: - indices = [chk_map[compl], index] - print(indices) - return [indices] - else: - chk_map[val] = index - return False +""" +Given an array of integers, return indices of the two numbers such that they add up to a specific target. + +You may assume that each input would have exactly one solution, and you may not use the same element twice. + +Example: +Given nums = [2, 7, 11, 15], target = 9, + +Because nums[0] + nums[1] = 2 + 7 = 9, +return [0, 1]. +""" +from __future__ import print_function + + +def twoSum(nums, target): + """ + :type nums: List[int] + :type target: int + :rtype: List[int] + """ + chk_map = {} + for index, val in enumerate(nums): + compl = target - val + if compl in chk_map: + indices = [chk_map[compl], index] + print(indices) + return [indices] + else: + chk_map[val] = index + return False diff --git a/other/word_patterns.py b/other/word_patterns.py index 87365f210625..6a6184588129 100644 --- a/other/word_patterns.py +++ b/other/word_patterns.py @@ -1,44 +1,44 @@ -from __future__ import print_function - -import pprint -import time - - -def getWordPattern(word): - word = word.upper() - nextNum = 0 - letterNums = {} - wordPattern = [] - - for letter in word: - if letter not in letterNums: - letterNums[letter] = str(nextNum) - nextNum += 1 - wordPattern.append(letterNums[letter]) - return '.'.join(wordPattern) - - -def main(): - startTime = time.time() - allPatterns = {} - - with open('Dictionary.txt') as fo: - wordList = fo.read().split('\n') - - for word in wordList: - pattern = getWordPattern(word) - - if pattern not in allPatterns: - allPatterns[pattern] = [word] - else: - allPatterns[pattern].append(word) - - with open('Word Patterns.txt', 'w') as fo: - fo.write(pprint.pformat(allPatterns)) - - totalTime = round(time.time() - startTime, 2) - print(('Done! [', totalTime, 'seconds ]')) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import pprint +import time + + +def getWordPattern(word): + word = word.upper() + nextNum = 0 + letterNums = {} + wordPattern = [] + + for letter in word: + if letter not in letterNums: + letterNums[letter] = str(nextNum) + nextNum += 1 + wordPattern.append(letterNums[letter]) + return '.'.join(wordPattern) + + +def main(): + startTime = time.time() + allPatterns = {} + + with open('Dictionary.txt') as fo: + wordList = fo.read().split('\n') + + for word in wordList: + pattern = getWordPattern(word) + + if pattern not in allPatterns: + allPatterns[pattern] = [word] + else: + allPatterns[pattern].append(word) + + with open('Word Patterns.txt', 'w') as fo: + fo.write(pprint.pformat(allPatterns)) + + totalTime = round(time.time() - startTime, 2) + print(('Done! [', totalTime, 'seconds ]')) + + +if __name__ == '__main__': + main() diff --git a/other/words b/other/words index 4be557ed63be..cb957d1ef6d6 100644 --- a/other/words +++ b/other/words @@ -1,235886 +1,235886 @@ -A -a -aa -aal -aalii -aam -Aani -aardvark -aardwolf -Aaron -Aaronic -Aaronical -Aaronite -Aaronitic -Aaru -Ab -aba -Ababdeh -Ababua -abac -abaca -abacate -abacay -abacinate -abacination -abaciscus -abacist -aback -abactinal -abactinally -abaction -abactor -abaculus -abacus -Abadite -abaff -abaft -abaisance -abaiser -abaissed -abalienate -abalienation -abalone -Abama -abampere -abandon -abandonable -abandoned -abandonedly -abandonee -abandoner -abandonment -Abanic -Abantes -abaptiston -Abarambo -Abaris -abarthrosis -abarticular -abarticulation -abas -abase -abased -abasedly -abasedness -abasement -abaser -Abasgi -abash -abashed -abashedly -abashedness -abashless -abashlessly -abashment -abasia -abasic -abask -Abassin -abastardize -abatable -abate -abatement -abater -abatis -abatised -abaton -abator -abattoir -Abatua -abature -abave -abaxial -abaxile -abaze -abb -Abba -abbacomes -abbacy -Abbadide -abbas -abbasi -abbassi -Abbasside -abbatial -abbatical -abbess -abbey -abbeystede -Abbie -abbot -abbotcy -abbotnullius -abbotship -abbreviate -abbreviately -abbreviation -abbreviator -abbreviatory -abbreviature -Abby -abcoulomb -abdal -abdat -Abderian -Abderite -abdest -abdicable -abdicant -abdicate -abdication -abdicative -abdicator -Abdiel -abditive -abditory -abdomen -abdominal -Abdominales -abdominalian -abdominally -abdominoanterior -abdominocardiac -abdominocentesis -abdominocystic -abdominogenital -abdominohysterectomy -abdominohysterotomy -abdominoposterior -abdominoscope -abdominoscopy -abdominothoracic -abdominous -abdominovaginal -abdominovesical -abduce -abducens -abducent -abduct -abduction -abductor -Abe -abeam -abear -abearance -abecedarian -abecedarium -abecedary -abed -abeigh -Abel -abele -Abelia -Abelian -Abelicea -Abelite -abelite -Abelmoschus -abelmosk -Abelonian -abeltree -Abencerrages -abenteric -abepithymia -Aberdeen -aberdevine -Aberdonian -Aberia -aberrance -aberrancy -aberrant -aberrate -aberration -aberrational -aberrator -aberrometer -aberroscope -aberuncator -abet -abetment -abettal -abettor -abevacuation -abey -abeyance -abeyancy -abeyant -abfarad -abhenry -abhiseka -abhominable -abhor -abhorrence -abhorrency -abhorrent -abhorrently -abhorrer -abhorrible -abhorring -Abhorson -abidal -abidance -abide -abider -abidi -abiding -abidingly -abidingness -Abie -Abies -abietate -abietene -abietic -abietin -Abietineae -abietineous -abietinic -Abiezer -Abigail -abigail -abigailship -abigeat -abigeus -abilao -ability -abilla -abilo -abintestate -abiogenesis -abiogenesist -abiogenetic -abiogenetical -abiogenetically -abiogenist -abiogenous -abiogeny -abiological -abiologically -abiology -abiosis -abiotic -abiotrophic -abiotrophy -Abipon -abir -abirritant -abirritate -abirritation -abirritative -abiston -Abitibi -abiuret -abject -abjectedness -abjection -abjective -abjectly -abjectness -abjoint -abjudge -abjudicate -abjudication -abjunction -abjunctive -abjuration -abjuratory -abjure -abjurement -abjurer -abkar -abkari -Abkhas -Abkhasian -ablach -ablactate -ablactation -ablare -ablastemic -ablastous -ablate -ablation -ablatitious -ablatival -ablative -ablator -ablaut -ablaze -able -ableeze -ablegate -ableness -ablepharia -ablepharon -ablepharous -Ablepharus -ablepsia -ableptical -ableptically -abler -ablest -ablewhackets -ablins -abloom -ablow -ablude -abluent -ablush -ablution -ablutionary -abluvion -ably -abmho -Abnaki -abnegate -abnegation -abnegative -abnegator -Abner -abnerval -abnet -abneural -abnormal -abnormalism -abnormalist -abnormality -abnormalize -abnormally -abnormalness -abnormity -abnormous -abnumerable -Abo -aboard -Abobra -abode -abodement -abody -abohm -aboil -abolish -abolisher -abolishment -abolition -abolitionary -abolitionism -abolitionist -abolitionize -abolla -aboma -abomasum -abomasus -abominable -abominableness -abominably -abominate -abomination -abominator -abomine -Abongo -aboon -aborad -aboral -aborally -abord -aboriginal -aboriginality -aboriginally -aboriginary -aborigine -abort -aborted -aborticide -abortient -abortifacient -abortin -abortion -abortional -abortionist -abortive -abortively -abortiveness -abortus -abouchement -abound -abounder -abounding -aboundingly -about -abouts -above -aboveboard -abovedeck -aboveground -aboveproof -abovestairs -abox -abracadabra -abrachia -abradant -abrade -abrader -Abraham -Abrahamic -Abrahamidae -Abrahamite -Abrahamitic -abraid -Abram -Abramis -abranchial -abranchialism -abranchian -Abranchiata -abranchiate -abranchious -abrasax -abrase -abrash -abrasiometer -abrasion -abrasive -abrastol -abraum -abraxas -abreact -abreaction -abreast -abrenounce -abret -abrico -abridge -abridgeable -abridged -abridgedly -abridger -abridgment -abrim -abrin -abristle -abroach -abroad -Abrocoma -abrocome -abrogable -abrogate -abrogation -abrogative -abrogator -Abroma -Abronia -abrook -abrotanum -abrotine -abrupt -abruptedly -abruption -abruptly -abruptness -Abrus -Absalom -absampere -Absaroka -absarokite -abscess -abscessed -abscession -abscessroot -abscind -abscise -abscision -absciss -abscissa -abscissae -abscisse -abscission -absconce -abscond -absconded -abscondedly -abscondence -absconder -absconsa -abscoulomb -absence -absent -absentation -absentee -absenteeism -absenteeship -absenter -absently -absentment -absentmindedly -absentness -absfarad -abshenry -Absi -absinthe -absinthial -absinthian -absinthiate -absinthic -absinthin -absinthine -absinthism -absinthismic -absinthium -absinthol -absit -absmho -absohm -absolute -absolutely -absoluteness -absolution -absolutism -absolutist -absolutistic -absolutistically -absolutive -absolutization -absolutize -absolutory -absolvable -absolvatory -absolve -absolvent -absolver -absolvitor -absolvitory -absonant -absonous -absorb -absorbability -absorbable -absorbed -absorbedly -absorbedness -absorbefacient -absorbency -absorbent -absorber -absorbing -absorbingly -absorbition -absorpt -absorptance -absorptiometer -absorptiometric -absorption -absorptive -absorptively -absorptiveness -absorptivity -absquatulate -abstain -abstainer -abstainment -abstemious -abstemiously -abstemiousness -abstention -abstentionist -abstentious -absterge -abstergent -abstersion -abstersive -abstersiveness -abstinence -abstinency -abstinent -abstinential -abstinently -abstract -abstracted -abstractedly -abstractedness -abstracter -abstraction -abstractional -abstractionism -abstractionist -abstractitious -abstractive -abstractively -abstractiveness -abstractly -abstractness -abstractor -abstrahent -abstricted -abstriction -abstruse -abstrusely -abstruseness -abstrusion -abstrusity -absume -absumption -absurd -absurdity -absurdly -absurdness -absvolt -Absyrtus -abterminal -abthain -abthainrie -abthainry -abthanage -Abu -abu -abucco -abulia -abulic -abulomania -abuna -abundance -abundancy -abundant -Abundantia -abundantly -abura -aburabozu -aburban -aburst -aburton -abusable -abuse -abusedly -abusee -abuseful -abusefully -abusefulness -abuser -abusion -abusious -abusive -abusively -abusiveness -abut -Abuta -Abutilon -abutment -abuttal -abutter -abutting -abuzz -abvolt -abwab -aby -abysm -abysmal -abysmally -abyss -abyssal -Abyssinian -abyssobenthonic -abyssolith -abyssopelagic -acacatechin -acacatechol -acacetin -Acacia -Acacian -acaciin -acacin -academe -academial -academian -Academic -academic -academical -academically -academicals -academician -academicism -academism -academist -academite -academization -academize -Academus -academy -Acadia -acadialite -Acadian -Acadie -Acaena -acajou -acaleph -Acalepha -Acalephae -acalephan -acalephoid -acalycal -acalycine -acalycinous -acalyculate -Acalypha -Acalypterae -Acalyptrata -Acalyptratae -acalyptrate -Acamar -acampsia -acana -acanaceous -acanonical -acanth -acantha -Acanthaceae -acanthaceous -acanthad -Acantharia -Acanthia -acanthial -acanthin -acanthine -acanthion -acanthite -acanthocarpous -Acanthocephala -acanthocephalan -Acanthocephali -acanthocephalous -Acanthocereus -acanthocladous -Acanthodea -acanthodean -Acanthodei -Acanthodes -acanthodian -Acanthodidae -Acanthodii -Acanthodini -acanthoid -Acantholimon -acanthological -acanthology -acantholysis -acanthoma -Acanthomeridae -acanthon -Acanthopanax -Acanthophis -acanthophorous -acanthopod -acanthopodous -acanthopomatous -acanthopore -acanthopteran -Acanthopteri -acanthopterous -acanthopterygian -Acanthopterygii -acanthosis -acanthous -Acanthuridae -Acanthurus -acanthus -acapnia -acapnial -acapsular -acapu -acapulco -acara -Acarapis -acardia -acardiac -acari -acarian -acariasis -acaricidal -acaricide -acarid -Acarida -Acaridea -acaridean -acaridomatium -acariform -Acarina -acarine -acarinosis -acarocecidium -acarodermatitis -acaroid -acarol -acarologist -acarology -acarophilous -acarophobia -acarotoxic -acarpelous -acarpous -Acarus -Acastus -acatalectic -acatalepsia -acatalepsy -acataleptic -acatallactic -acatamathesia -acataphasia -acataposis -acatastasia -acatastatic -acate -acategorical -acatery -acatharsia -acatharsy -acatholic -acaudal -acaudate -acaulescent -acauline -acaulose -acaulous -acca -accede -accedence -acceder -accelerable -accelerando -accelerant -accelerate -accelerated -acceleratedly -acceleration -accelerative -accelerator -acceleratory -accelerograph -accelerometer -accend -accendibility -accendible -accension -accensor -accent -accentless -accentor -accentuable -accentual -accentuality -accentually -accentuate -accentuation -accentuator -accentus -accept -acceptability -acceptable -acceptableness -acceptably -acceptance -acceptancy -acceptant -acceptation -accepted -acceptedly -accepter -acceptilate -acceptilation -acception -acceptive -acceptor -acceptress -accerse -accersition -accersitor -access -accessarily -accessariness -accessary -accessaryship -accessibility -accessible -accessibly -accession -accessional -accessioner -accessive -accessively -accessless -accessorial -accessorily -accessoriness -accessorius -accessory -accidence -accidency -accident -accidental -accidentalism -accidentalist -accidentality -accidentally -accidentalness -accidented -accidential -accidentiality -accidently -accidia -accidie -accinge -accipient -Accipiter -accipitral -accipitrary -Accipitres -accipitrine -accismus -accite -acclaim -acclaimable -acclaimer -acclamation -acclamator -acclamatory -acclimatable -acclimatation -acclimate -acclimatement -acclimation -acclimatizable -acclimatization -acclimatize -acclimatizer -acclimature -acclinal -acclinate -acclivitous -acclivity -acclivous -accloy -accoast -accoil -accolade -accoladed -accolated -accolent -accolle -accombination -accommodable -accommodableness -accommodate -accommodately -accommodateness -accommodating -accommodatingly -accommodation -accommodational -accommodative -accommodativeness -accommodator -accompanier -accompaniment -accompanimental -accompanist -accompany -accompanyist -accompletive -accomplice -accompliceship -accomplicity -accomplish -accomplishable -accomplished -accomplisher -accomplishment -accomplisht -accompt -accord -accordable -accordance -accordancy -accordant -accordantly -accorder -according -accordingly -accordion -accordionist -accorporate -accorporation -accost -accostable -accosted -accouche -accouchement -accoucheur -accoucheuse -account -accountability -accountable -accountableness -accountably -accountancy -accountant -accountantship -accounting -accountment -accouple -accouplement -accouter -accouterment -accoy -accredit -accreditate -accreditation -accredited -accreditment -accrementitial -accrementition -accresce -accrescence -accrescent -accretal -accrete -accretion -accretionary -accretive -accroach -accroides -accrual -accrue -accruement -accruer -accubation -accubitum -accubitus -accultural -acculturate -acculturation -acculturize -accumbency -accumbent -accumber -accumulable -accumulate -accumulation -accumulativ -accumulative -accumulatively -accumulativeness -accumulator -accuracy -accurate -accurately -accurateness -accurse -accursed -accursedly -accursedness -accusable -accusably -accusal -accusant -accusation -accusatival -accusative -accusatively -accusatorial -accusatorially -accusatory -accusatrix -accuse -accused -accuser -accusingly -accusive -accustom -accustomed -accustomedly -accustomedness -ace -aceacenaphthene -aceanthrene -aceanthrenequinone -acecaffine -aceconitic -acedia -acediamine -acediast -acedy -Aceldama -Acemetae -Acemetic -acenaphthene -acenaphthenyl -acenaphthylene -acentric -acentrous -aceologic -aceology -acephal -Acephala -acephalan -Acephali -acephalia -Acephalina -acephaline -acephalism -acephalist -Acephalite -acephalocyst -acephalous -acephalus -Acer -Aceraceae -aceraceous -Acerae -Acerata -acerate -Acerates -acerathere -Aceratherium -aceratosis -acerb -Acerbas -acerbate -acerbic -acerbity -acerdol -acerin -acerose -acerous -acerra -acertannin -acervate -acervately -acervation -acervative -acervose -acervuline -acervulus -acescence -acescency -acescent -aceship -acesodyne -Acestes -acetabular -Acetabularia -acetabuliferous -acetabuliform -acetabulous -acetabulum -acetacetic -acetal -acetaldehydase -acetaldehyde -acetaldehydrase -acetalization -acetalize -acetamide -acetamidin -acetamidine -acetamido -acetaminol -acetanilid -acetanilide -acetanion -acetaniside -acetanisidide -acetannin -acetarious -acetarsone -acetate -acetated -acetation -acetbromamide -acetenyl -acethydrazide -acetic -acetification -acetifier -acetify -acetimeter -acetimetry -acetin -acetize -acetmethylanilide -acetnaphthalide -acetoacetanilide -acetoacetate -acetoacetic -acetoamidophenol -acetoarsenite -Acetobacter -acetobenzoic -acetobromanilide -acetochloral -acetocinnamene -acetoin -acetol -acetolysis -acetolytic -acetometer -acetometrical -acetometrically -acetometry -acetomorphine -acetonaphthone -acetonate -acetonation -acetone -acetonemia -acetonemic -acetonic -acetonitrile -acetonization -acetonize -acetonuria -acetonurometer -acetonyl -acetonylacetone -acetonylidene -acetophenetide -acetophenin -acetophenine -acetophenone -acetopiperone -acetopyrin -acetosalicylic -acetose -acetosity -acetosoluble -acetothienone -acetotoluide -acetotoluidine -acetous -acetoveratrone -acetoxime -acetoxyl -acetoxyphthalide -acetphenetid -acetphenetidin -acetract -acettoluide -acetum -aceturic -acetyl -acetylacetonates -acetylacetone -acetylamine -acetylate -acetylation -acetylator -acetylbenzene -acetylbenzoate -acetylbenzoic -acetylbiuret -acetylcarbazole -acetylcellulose -acetylcholine -acetylcyanide -acetylenation -acetylene -acetylenediurein -acetylenic -acetylenyl -acetylfluoride -acetylglycine -acetylhydrazine -acetylic -acetylide -acetyliodide -acetylizable -acetylization -acetylize -acetylizer -acetylmethylcarbinol -acetylperoxide -acetylphenol -acetylphenylhydrazine -acetylrosaniline -acetylsalicylate -acetylsalol -acetyltannin -acetylthymol -acetyltropeine -acetylurea -ach -Achaean -Achaemenian -Achaemenid -Achaemenidae -Achaemenidian -Achaenodon -Achaeta -achaetous -achage -Achagua -Achakzai -achalasia -Achamoth -Achango -achar -Achariaceae -Achariaceous -achate -Achates -Achatina -Achatinella -Achatinidae -ache -acheilia -acheilous -acheiria -acheirous -acheirus -Achen -achene -achenial -achenium -achenocarp -achenodium -acher -Achernar -Acheronian -Acherontic -Acherontical -achete -Achetidae -Acheulean -acheweed -achievable -achieve -achievement -achiever -achigan -achilary -achill -Achillea -Achillean -Achilleid -achilleine -Achillize -achillobursitis -achillodynia -achime -Achimenes -Achinese -aching -achingly -achira -Achitophel -achlamydate -Achlamydeae -achlamydeous -achlorhydria -achlorophyllous -achloropsia -Achmetha -acholia -acholic -Acholoe -acholous -acholuria -acholuric -Achomawi -achondrite -achondritic -achondroplasia -achondroplastic -achor -achordal -Achordata -achordate -Achorion -Achras -achree -achroacyte -Achroanthes -achrodextrin -achrodextrinase -achroglobin -achroiocythaemia -achroiocythemia -achroite -achroma -achromacyte -achromasia -achromat -achromate -Achromatiaceae -achromatic -achromatically -achromaticity -achromatin -achromatinic -achromatism -Achromatium -achromatizable -achromatization -achromatize -achromatocyte -achromatolysis -achromatope -achromatophile -achromatopia -achromatopsia -achromatopsy -achromatosis -achromatous -achromaturia -achromia -achromic -Achromobacter -Achromobacterieae -achromoderma -achromophilous -achromotrichia -achromous -achronical -achroodextrin -achroodextrinase -achroous -achropsia -achtehalber -achtel -achtelthaler -Achuas -achy -achylia -achylous -achymia -achymous -Achyranthes -Achyrodes -acichloride -acicula -acicular -acicularly -aciculate -aciculated -aciculum -acid -Acidanthera -Acidaspis -acidemia -acider -acidic -acidiferous -acidifiable -acidifiant -acidific -acidification -acidifier -acidify -acidimeter -acidimetric -acidimetrical -acidimetrically -acidimetry -acidite -acidity -acidize -acidly -acidness -acidoid -acidology -acidometer -acidometry -acidophile -acidophilic -acidophilous -acidoproteolytic -acidosis -acidosteophyte -acidotic -acidproof -acidulate -acidulent -acidulous -aciduric -acidyl -acier -acierage -Acieral -acierate -acieration -aciform -aciliate -aciliated -Acilius -acinaceous -acinaces -acinacifolious -acinaciform -acinar -acinarious -acinary -Acineta -Acinetae -acinetan -Acinetaria -acinetarian -acinetic -acinetiform -Acinetina -acinetinan -acinic -aciniform -acinose -acinotubular -acinous -acinus -Acipenser -Acipenseres -acipenserid -Acipenseridae -acipenserine -acipenseroid -Acipenseroidei -Acis -aciurgy -acker -ackey -ackman -acknow -acknowledge -acknowledgeable -acknowledged -acknowledgedly -acknowledger -aclastic -acle -acleidian -acleistous -Aclemon -aclidian -aclinal -aclinic -acloud -aclys -Acmaea -Acmaeidae -acmatic -acme -acmesthesia -acmic -Acmispon -acmite -acne -acneform -acneiform -acnemia -Acnida -acnodal -acnode -Acocanthera -acocantherin -acock -acockbill -acocotl -Acoela -Acoelomata -acoelomate -acoelomatous -Acoelomi -acoelomous -acoelous -Acoemetae -Acoemeti -Acoemetic -acoin -acoine -Acolapissa -acold -Acolhua -Acolhuan -acologic -acology -acolous -acoluthic -acolyte -acolythate -Acoma -acoma -acomia -acomous -aconative -acondylose -acondylous -acone -aconic -aconin -aconine -aconital -aconite -aconitia -aconitic -aconitin -aconitine -Aconitum -Acontias -acontium -Acontius -aconuresis -acopic -acopon -acopyrin -acopyrine -acor -acorea -acoria -acorn -acorned -Acorus -acosmic -acosmism -acosmist -acosmistic -acotyledon -acotyledonous -acouasm -acouchi -acouchy -acoumeter -acoumetry -acouometer -acouophonia -acoupa -acousmata -acousmatic -acoustic -acoustical -acoustically -acoustician -acousticolateral -Acousticon -acoustics -acquaint -acquaintance -acquaintanceship -acquaintancy -acquaintant -acquainted -acquaintedness -acquest -acquiesce -acquiescement -acquiescence -acquiescency -acquiescent -acquiescently -acquiescer -acquiescingly -acquirability -acquirable -acquire -acquired -acquirement -acquirenda -acquirer -acquisible -acquisite -acquisited -acquisition -acquisitive -acquisitively -acquisitiveness -acquisitor -acquisitum -acquist -acquit -acquitment -acquittal -acquittance -acquitter -Acrab -acracy -acraein -Acraeinae -acraldehyde -Acrania -acranial -acraniate -acrasia -Acrasiaceae -Acrasiales -Acrasida -Acrasieae -Acraspeda -acraspedote -acratia -acraturesis -acrawl -acraze -acre -acreable -acreage -acreak -acream -acred -Acredula -acreman -acrestaff -acrid -acridan -acridian -acridic -Acrididae -Acridiidae -acridine -acridinic -acridinium -acridity -Acridium -acridly -acridness -acridone -acridonium -acridophagus -acridyl -acriflavin -acriflavine -acrimonious -acrimoniously -acrimoniousness -acrimony -acrindoline -acrinyl -acrisia -Acrisius -Acrita -acritan -acrite -acritical -acritol -Acroa -acroaesthesia -acroama -acroamatic -acroamatics -acroanesthesia -acroarthritis -acroasphyxia -acroataxia -acroatic -acrobacy -acrobat -Acrobates -acrobatholithic -acrobatic -acrobatical -acrobatically -acrobatics -acrobatism -acroblast -acrobryous -acrobystitis -Acrocarpi -acrocarpous -acrocephalia -acrocephalic -acrocephalous -acrocephaly -Acrocera -Acroceratidae -Acroceraunian -Acroceridae -Acrochordidae -Acrochordinae -acrochordon -Acroclinium -Acrocomia -acroconidium -acrocontracture -acrocoracoid -acrocyanosis -acrocyst -acrodactylum -acrodermatitis -acrodont -acrodontism -acrodrome -acrodromous -Acrodus -acrodynia -acroesthesia -acrogamous -acrogamy -acrogen -acrogenic -acrogenous -acrogenously -acrography -Acrogynae -acrogynae -acrogynous -acrolein -acrolith -acrolithan -acrolithic -acrologic -acrologically -acrologism -acrologue -acrology -acromania -acromastitis -acromegalia -acromegalic -acromegaly -acromelalgia -acrometer -acromial -acromicria -acromioclavicular -acromiocoracoid -acromiodeltoid -acromiohumeral -acromiohyoid -acromion -acromioscapular -acromiosternal -acromiothoracic -acromonogrammatic -acromphalus -Acromyodi -acromyodian -acromyodic -acromyodous -acromyotonia -acromyotonus -acron -acronarcotic -acroneurosis -acronical -acronically -acronyc -acronych -Acronycta -acronyctous -acronym -acronymic -acronymize -acronymous -acronyx -acrook -acroparalysis -acroparesthesia -acropathology -acropathy -acropetal -acropetally -acrophobia -acrophonetic -acrophonic -acrophony -acropodium -acropoleis -acropolis -acropolitan -Acropora -acrorhagus -acrorrheuma -acrosarc -acrosarcum -acroscleriasis -acroscleroderma -acroscopic -acrose -acrosome -acrosphacelus -acrospire -acrospore -acrosporous -across -acrostic -acrostical -acrostically -acrostichal -Acrosticheae -acrostichic -acrostichoid -Acrostichum -acrosticism -acrostolion -acrostolium -acrotarsial -acrotarsium -acroteleutic -acroterial -acroteric -acroterium -Acrothoracica -acrotic -acrotism -acrotomous -Acrotreta -Acrotretidae -acrotrophic -acrotrophoneurosis -Acrux -Acrydium -acryl -acrylaldehyde -acrylate -acrylic -acrylonitrile -acrylyl -act -acta -actability -actable -Actaea -Actaeaceae -Actaeon -Actaeonidae -Actiad -Actian -actification -actifier -actify -actin -actinal -actinally -actinautographic -actinautography -actine -actinenchyma -acting -Actinia -actinian -Actiniaria -actiniarian -actinic -actinically -Actinidia -Actinidiaceae -actiniferous -actiniform -actinine -actiniochrome -actiniohematin -Actiniomorpha -actinism -Actinistia -actinium -actinobacillosis -Actinobacillus -actinoblast -actinobranch -actinobranchia -actinocarp -actinocarpic -actinocarpous -actinochemistry -actinocrinid -Actinocrinidae -actinocrinite -Actinocrinus -actinocutitis -actinodermatitis -actinodielectric -actinodrome -actinodromous -actinoelectric -actinoelectrically -actinoelectricity -actinogonidiate -actinogram -actinograph -actinography -actinoid -Actinoida -Actinoidea -actinolite -actinolitic -actinologous -actinologue -actinology -actinomere -actinomeric -actinometer -actinometric -actinometrical -actinometry -actinomorphic -actinomorphous -actinomorphy -Actinomyces -Actinomycetaceae -Actinomycetales -actinomycete -actinomycetous -actinomycin -actinomycoma -actinomycosis -actinomycotic -Actinomyxidia -Actinomyxidiida -actinon -Actinonema -actinoneuritis -actinophone -actinophonic -actinophore -actinophorous -actinophryan -Actinophrys -Actinopoda -actinopraxis -actinopteran -Actinopteri -actinopterous -actinopterygian -Actinopterygii -actinopterygious -actinoscopy -actinosoma -actinosome -Actinosphaerium -actinost -actinostereoscopy -actinostomal -actinostome -actinotherapeutic -actinotherapeutics -actinotherapy -actinotoxemia -actinotrichium -actinotrocha -actinouranium -Actinozoa -actinozoal -actinozoan -actinozoon -actinula -action -actionable -actionably -actional -actionary -actioner -actionize -actionless -Actipylea -Actium -activable -activate -activation -activator -active -actively -activeness -activin -activism -activist -activital -activity -activize -actless -actomyosin -acton -actor -actorship -actress -Acts -actu -actual -actualism -actualist -actualistic -actuality -actualization -actualize -actually -actualness -actuarial -actuarially -actuarian -actuary -actuaryship -actuation -actuator -acture -acturience -actutate -acuaesthesia -Acuan -acuate -acuation -Acubens -acuclosure -acuductor -acuesthesia -acuity -aculea -Aculeata -aculeate -aculeated -aculeiform -aculeolate -aculeolus -aculeus -acumen -acuminate -acumination -acuminose -acuminous -acuminulate -acupress -acupressure -acupunctuate -acupunctuation -acupuncturation -acupuncturator -acupuncture -acurative -acushla -acutangular -acutate -acute -acutely -acutenaculum -acuteness -acutiator -acutifoliate -Acutilinguae -acutilingual -acutilobate -acutiplantar -acutish -acutograve -acutonodose -acutorsion -acyanoblepsia -acyanopsia -acyclic -acyesis -acyetic -acyl -acylamido -acylamidobenzene -acylamino -acylate -acylation -acylogen -acyloin -acyloxy -acyloxymethane -acyrological -acyrology -acystia -ad -Ada -adactyl -adactylia -adactylism -adactylous -Adad -adad -adage -adagial -adagietto -adagio -Adai -Adaize -Adam -adamant -adamantean -adamantine -adamantinoma -adamantoblast -adamantoblastoma -adamantoid -adamantoma -adamas -Adamastor -adambulacral -adamellite -Adamhood -Adamic -Adamical -Adamically -adamine -Adamite -adamite -Adamitic -Adamitical -Adamitism -Adamsia -adamsite -adance -adangle -Adansonia -Adapa -adapid -Adapis -adapt -adaptability -adaptable -adaptation -adaptational -adaptationally -adaptative -adaptedness -adapter -adaption -adaptional -adaptionism -adaptitude -adaptive -adaptively -adaptiveness -adaptometer -adaptor -adaptorial -Adar -adarme -adat -adati -adatom -adaunt -adaw -adawe -adawlut -adawn -adaxial -aday -adays -adazzle -adcraft -add -Adda -adda -addability -addable -addax -addebted -added -addedly -addend -addenda -addendum -adder -adderbolt -adderfish -adderspit -adderwort -addibility -addible -addicent -addict -addicted -addictedness -addiction -Addie -addiment -Addisonian -Addisoniana -additament -additamentary -addition -additional -additionally -additionary -additionist -addititious -additive -additively -additivity -additory -addle -addlebrain -addlebrained -addlehead -addleheaded -addleheadedly -addleheadedness -addlement -addleness -addlepate -addlepated -addlepatedness -addleplot -addlings -addlins -addorsed -address -addressee -addresser -addressful -Addressograph -addressor -addrest -Addu -adduce -adducent -adducer -adducible -adduct -adduction -adductive -adductor -Addy -Ade -ade -adead -adeem -adeep -Adela -Adelaide -Adelarthra -Adelarthrosomata -adelarthrosomatous -Adelbert -Adelea -Adeleidae -Adelges -Adelia -Adelina -Adeline -adeling -adelite -Adeliza -adelocerous -Adelochorda -adelocodonic -adelomorphic -adelomorphous -adelopod -Adelops -Adelphi -Adelphian -adelphogamy -Adelphoi -adelpholite -adelphophagy -ademonist -adempted -ademption -adenalgia -adenalgy -Adenanthera -adenase -adenasthenia -adendric -adendritic -adenectomy -adenectopia -adenectopic -adenemphractic -adenemphraxis -adenia -adeniform -adenine -adenitis -adenization -adenoacanthoma -adenoblast -adenocancroid -adenocarcinoma -adenocarcinomatous -adenocele -adenocellulitis -adenochondroma -adenochondrosarcoma -adenochrome -adenocyst -adenocystoma -adenocystomatous -adenodermia -adenodiastasis -adenodynia -adenofibroma -adenofibrosis -adenogenesis -adenogenous -adenographer -adenographic -adenographical -adenography -adenohypersthenia -adenoid -adenoidal -adenoidism -adenoliomyofibroma -adenolipoma -adenolipomatosis -adenologaditis -adenological -adenology -adenolymphocele -adenolymphoma -adenoma -adenomalacia -adenomatome -adenomatous -adenomeningeal -adenometritis -adenomycosis -adenomyofibroma -adenomyoma -adenomyxoma -adenomyxosarcoma -adenoncus -adenoneural -adenoneure -adenopathy -adenopharyngeal -adenopharyngitis -adenophlegmon -Adenophora -adenophore -adenophorous -adenophthalmia -adenophyllous -adenophyma -adenopodous -adenosarcoma -adenosclerosis -adenose -adenosine -adenosis -adenostemonous -Adenostoma -adenotome -adenotomic -adenotomy -adenotyphoid -adenotyphus -adenyl -adenylic -Adeodatus -Adeona -Adephaga -adephagan -adephagia -adephagous -adept -adeptness -adeptship -adequacy -adequate -adequately -adequateness -adequation -adequative -adermia -adermin -Adessenarian -adet -adevism -adfected -adfix -adfluxion -adglutinate -Adhafera -adhaka -adhamant -Adhara -adharma -adhere -adherence -adherency -adherent -adherently -adherer -adherescence -adherescent -adhesion -adhesional -adhesive -adhesively -adhesivemeter -adhesiveness -adhibit -adhibition -adiabatic -adiabatically -adiabolist -adiactinic -adiadochokinesis -adiagnostic -adiantiform -Adiantum -adiaphon -adiaphonon -adiaphoral -adiaphoresis -adiaphoretic -adiaphorism -adiaphorist -adiaphoristic -adiaphorite -adiaphoron -adiaphorous -adiate -adiathermal -adiathermancy -adiathermanous -adiathermic -adiathetic -adiation -Adib -Adicea -adicity -Adiel -adieu -adieux -Adigei -Adighe -Adigranth -adigranth -Adin -Adinida -adinidan -adinole -adion -adipate -adipescent -adipic -adipinic -adipocele -adipocellulose -adipocere -adipoceriform -adipocerous -adipocyte -adipofibroma -adipogenic -adipogenous -adipoid -adipolysis -adipolytic -adipoma -adipomatous -adipometer -adipopexia -adipopexis -adipose -adiposeness -adiposis -adiposity -adiposogenital -adiposuria -adipous -adipsia -adipsic -adipsous -adipsy -adipyl -Adirondack -adit -adital -aditus -adjacency -adjacent -adjacently -adjag -adject -adjection -adjectional -adjectival -adjectivally -adjective -adjectively -adjectivism -adjectivitis -adjiger -adjoin -adjoined -adjoinedly -adjoining -adjoint -adjourn -adjournal -adjournment -adjudge -adjudgeable -adjudger -adjudgment -adjudicate -adjudication -adjudicative -adjudicator -adjudicature -adjunct -adjunction -adjunctive -adjunctively -adjunctly -adjuration -adjuratory -adjure -adjurer -adjust -adjustable -adjustably -adjustage -adjustation -adjuster -adjustive -adjustment -adjutage -adjutancy -adjutant -adjutantship -adjutorious -adjutory -adjutrice -adjuvant -Adlai -adlay -adless -adlet -Adlumia -adlumidine -adlumine -adman -admarginate -admaxillary -admeasure -admeasurement -admeasurer -admedial -admedian -admensuration -admi -adminicle -adminicula -adminicular -adminiculary -adminiculate -adminiculation -adminiculum -administer -administerd -administerial -administrable -administrant -administrate -administration -administrational -administrative -administratively -administrator -administratorship -administratress -administratrices -administratrix -admirability -admirable -admirableness -admirably -admiral -admiralship -admiralty -admiration -admirative -admirator -admire -admired -admiredly -admirer -admiring -admiringly -admissibility -admissible -admissibleness -admissibly -admission -admissive -admissory -admit -admittable -admittance -admitted -admittedly -admittee -admitter -admittible -admix -admixtion -admixture -admonish -admonisher -admonishingly -admonishment -admonition -admonitioner -admonitionist -admonitive -admonitively -admonitor -admonitorial -admonitorily -admonitory -admonitrix -admortization -adnascence -adnascent -adnate -adnation -adnephrine -adnerval -adneural -adnex -adnexal -adnexed -adnexitis -adnexopexy -adnominal -adnominally -adnomination -adnoun -ado -adobe -adolesce -adolescence -adolescency -adolescent -adolescently -Adolph -Adolphus -Adonai -Adonean -Adonia -Adoniad -Adonian -Adonic -adonidin -adonin -Adoniram -Adonis -adonite -adonitol -adonize -adoperate -adoperation -adopt -adoptability -adoptable -adoptant -adoptative -adopted -adoptedly -adoptee -adopter -adoptian -adoptianism -adoptianist -adoption -adoptional -adoptionism -adoptionist -adoptious -adoptive -adoptively -adorability -adorable -adorableness -adorably -adoral -adorally -adorant -Adorantes -adoration -adoratory -adore -adorer -Adoretus -adoringly -adorn -adorner -adorningly -adornment -adosculation -adossed -adoulie -adown -Adoxa -Adoxaceae -adoxaceous -adoxography -adoxy -adoze -adpao -adpress -adpromission -adradial -adradially -adradius -Adramelech -Adrammelech -adread -adream -adreamed -adreamt -adrectal -adrenal -adrenalectomize -adrenalectomy -Adrenalin -adrenaline -adrenalize -adrenalone -adrenergic -adrenin -adrenine -adrenochrome -adrenocortical -adrenocorticotropic -adrenolysis -adrenolytic -adrenotropic -Adrian -Adriana -Adriatic -Adrienne -adrift -adrip -adroit -adroitly -adroitness -adroop -adrop -adrostral -adrowse -adrue -adry -adsbud -adscendent -adscititious -adscititiously -adscript -adscripted -adscription -adscriptitious -adscriptitius -adscriptive -adsessor -adsheart -adsignification -adsignify -adsmith -adsmithing -adsorb -adsorbable -adsorbate -adsorbent -adsorption -adsorptive -adstipulate -adstipulation -adstipulator -adterminal -adtevac -adular -adularescence -adularia -adulate -adulation -adulator -adulatory -adulatress -Adullam -Adullamite -adult -adulter -adulterant -adulterate -adulterately -adulterateness -adulteration -adulterator -adulterer -adulteress -adulterine -adulterize -adulterous -adulterously -adultery -adulthood -adulticidal -adulticide -adultness -adultoid -adumbral -adumbrant -adumbrate -adumbration -adumbrative -adumbratively -adunc -aduncate -aduncated -aduncity -aduncous -adusk -adust -adustion -adustiosis -Advaita -advance -advanceable -advanced -advancedness -advancement -advancer -advancing -advancingly -advancive -advantage -advantageous -advantageously -advantageousness -advection -advectitious -advective -advehent -advene -advenience -advenient -Advent -advential -Adventism -Adventist -adventitia -adventitious -adventitiously -adventitiousness -adventive -adventual -adventure -adventureful -adventurement -adventurer -adventureship -adventuresome -adventuresomely -adventuresomeness -adventuress -adventurish -adventurous -adventurously -adventurousness -adverb -adverbial -adverbiality -adverbialize -adverbially -adverbiation -adversant -adversaria -adversarious -adversary -adversative -adversatively -adverse -adversely -adverseness -adversifoliate -adversifolious -adversity -advert -advertence -advertency -advertent -advertently -advertisable -advertise -advertisee -advertisement -advertiser -advertising -advice -adviceful -advisability -advisable -advisableness -advisably -advisal -advisatory -advise -advised -advisedly -advisedness -advisee -advisement -adviser -advisership -advisive -advisiveness -advisor -advisorily -advisory -advocacy -advocate -advocateship -advocatess -advocation -advocator -advocatory -advocatress -advocatrice -advocatrix -advolution -advowee -advowson -ady -adynamia -adynamic -adynamy -adyta -adyton -adytum -adz -adze -adzer -adzooks -ae -Aeacides -Aeacus -Aeaean -Aechmophorus -aecial -Aecidiaceae -aecidial -aecidioform -Aecidiomycetes -aecidiospore -aecidiostage -aecidium -aeciospore -aeciostage -aecioteliospore -aeciotelium -aecium -aedeagus -Aedes -aedicula -aedile -aedileship -aedilian -aedilic -aedilitian -aedility -aedoeagus -aefald -aefaldness -aefaldy -aefauld -aegagropila -aegagropile -aegagrus -Aegean -aegerian -aegeriid -Aegeriidae -Aegialitis -aegicrania -Aegina -Aeginetan -Aeginetic -Aegipan -aegirine -aegirinolite -aegirite -aegis -Aegisthus -Aegithalos -Aegithognathae -aegithognathism -aegithognathous -Aegle -Aegopodium -aegrotant -aegyptilla -aegyrite -aeluroid -Aeluroidea -aelurophobe -aelurophobia -aeluropodous -aenach -aenean -aeneolithic -aeneous -aenigmatite -aeolharmonica -Aeolia -Aeolian -Aeolic -Aeolicism -aeolid -Aeolidae -Aeolididae -aeolina -aeoline -aeolipile -Aeolis -Aeolism -Aeolist -aeolistic -aeolodicon -aeolodion -aeolomelodicon -aeolopantalon -aeolotropic -aeolotropism -aeolotropy -aeolsklavier -aeon -aeonial -aeonian -aeonist -Aepyceros -Aepyornis -Aepyornithidae -Aepyornithiformes -Aequi -Aequian -Aequiculi -Aequipalpia -aequoreal -aer -aerage -aerarian -aerarium -aerate -aeration -aerator -aerenchyma -aerenterectasia -aerial -aerialist -aeriality -aerially -aerialness -aeric -aerical -Aerides -aerie -aeried -aerifaction -aeriferous -aerification -aeriform -aerify -aero -Aerobacter -aerobate -aerobatic -aerobatics -aerobe -aerobian -aerobic -aerobically -aerobiologic -aerobiological -aerobiologically -aerobiologist -aerobiology -aerobion -aerobiont -aerobioscope -aerobiosis -aerobiotic -aerobiotically -aerobious -aerobium -aeroboat -Aerobranchia -aerobranchiate -aerobus -aerocamera -aerocartograph -Aerocharidae -aerocolpos -aerocraft -aerocurve -aerocyst -aerodermectasia -aerodone -aerodonetic -aerodonetics -aerodrome -aerodromics -aerodynamic -aerodynamical -aerodynamicist -aerodynamics -aerodyne -aeroembolism -aeroenterectasia -aerofoil -aerogel -aerogen -aerogenes -aerogenesis -aerogenic -aerogenically -aerogenous -aerogeologist -aerogeology -aerognosy -aerogram -aerograph -aerographer -aerographic -aerographical -aerographics -aerography -aerogun -aerohydrodynamic -aerohydropathy -aerohydroplane -aerohydrotherapy -aerohydrous -aeroides -aerolite -aerolith -aerolithology -aerolitic -aerolitics -aerologic -aerological -aerologist -aerology -aeromaechanic -aeromancer -aeromancy -aeromantic -aeromarine -aeromechanical -aeromechanics -aerometeorograph -aerometer -aerometric -aerometry -aeromotor -aeronat -aeronaut -aeronautic -aeronautical -aeronautically -aeronautics -aeronautism -aeronef -aeroneurosis -aeropathy -Aerope -aeroperitoneum -aeroperitonia -aerophagia -aerophagist -aerophagy -aerophane -aerophilatelic -aerophilatelist -aerophilately -aerophile -aerophilic -aerophilous -aerophobia -aerophobic -aerophone -aerophor -aerophore -aerophotography -aerophysical -aerophysics -aerophyte -aeroplane -aeroplaner -aeroplanist -aeropleustic -aeroporotomy -aeroscepsis -aeroscepsy -aeroscope -aeroscopic -aeroscopically -aeroscopy -aerose -aerosiderite -aerosiderolite -Aerosol -aerosol -aerosphere -aerosporin -aerostat -aerostatic -aerostatical -aerostatics -aerostation -aerosteam -aerotactic -aerotaxis -aerotechnical -aerotherapeutics -aerotherapy -aerotonometer -aerotonometric -aerotonometry -aerotropic -aerotropism -aeroyacht -aeruginous -aerugo -aery -aes -Aeschylean -Aeschynanthus -Aeschynomene -aeschynomenous -Aesculaceae -aesculaceous -Aesculapian -Aesculapius -Aesculus -Aesopian -Aesopic -aesthete -aesthetic -aesthetical -aesthetically -aesthetician -aestheticism -aestheticist -aestheticize -aesthetics -aesthiology -aesthophysiology -Aestii -aethalioid -aethalium -aetheogam -aetheogamic -aetheogamous -aethered -Aethionema -aethogen -aethrioscope -Aethusa -Aetian -aetiogenic -aetiotropic -aetiotropically -Aetobatidae -Aetobatus -Aetolian -Aetomorphae -aetosaur -aetosaurian -Aetosaurus -aevia -aface -afaint -Afar -afar -afara -afear -afeard -afeared -afebrile -Afenil -afernan -afetal -affa -affability -affable -affableness -affably -affabrous -affair -affaite -affect -affectable -affectate -affectation -affectationist -affected -affectedly -affectedness -affecter -affectibility -affectible -affecting -affectingly -affection -affectional -affectionally -affectionate -affectionately -affectionateness -affectioned -affectious -affective -affectively -affectivity -affeer -affeerer -affeerment -affeir -affenpinscher -affenspalte -afferent -affettuoso -affiance -affiancer -affiant -affidation -affidavit -affidavy -affiliable -affiliate -affiliation -affinal -affination -affine -affined -affinely -affinitative -affinitatively -affinite -affinition -affinitive -affinity -affirm -affirmable -affirmably -affirmance -affirmant -affirmation -affirmative -affirmatively -affirmatory -affirmer -affirmingly -affix -affixal -affixation -affixer -affixion -affixture -afflation -afflatus -afflict -afflicted -afflictedness -afflicter -afflicting -afflictingly -affliction -afflictionless -afflictive -afflictively -affluence -affluent -affluently -affluentness -afflux -affluxion -afforce -afforcement -afford -affordable -afforest -afforestable -afforestation -afforestment -afformative -affranchise -affranchisement -affray -affrayer -affreight -affreighter -affreightment -affricate -affricated -affrication -affricative -affright -affrighted -affrightedly -affrighter -affrightful -affrightfully -affrightingly -affrightment -affront -affronte -affronted -affrontedly -affrontedness -affronter -affronting -affrontingly -affrontingness -affrontive -affrontiveness -affrontment -affuse -affusion -affy -Afghan -afghani -afield -Afifi -afikomen -afire -aflagellar -aflame -aflare -aflat -aflaunt -aflicker -aflight -afloat -aflow -aflower -afluking -aflush -aflutter -afoam -afoot -afore -aforehand -aforenamed -aforesaid -aforethought -aforetime -aforetimes -afortiori -afoul -afraid -afraidness -Aframerican -Afrasia -Afrasian -afreet -afresh -afret -Afric -African -Africana -Africanism -Africanist -Africanization -Africanize -Africanoid -Africanthropus -Afridi -Afrikaans -Afrikander -Afrikanderdom -Afrikanderism -Afrikaner -Afrogaea -Afrogaean -afront -afrown -Afshah -Afshar -aft -aftaba -after -afteract -afterage -afterattack -afterband -afterbeat -afterbirth -afterblow -afterbody -afterbrain -afterbreach -afterbreast -afterburner -afterburning -aftercare -aftercareer -aftercast -aftercataract -aftercause -afterchance -afterchrome -afterchurch -afterclap -afterclause -aftercome -aftercomer -aftercoming -aftercooler -aftercost -aftercourse -aftercrop -aftercure -afterdamp -afterdate -afterdays -afterdeck -afterdinner -afterdrain -afterdrops -aftereffect -afterend -aftereye -afterfall -afterfame -afterfeed -afterfermentation -afterform -afterfriend -afterfruits -afterfuture -aftergame -aftergas -afterglide -afterglow -aftergo -aftergood -aftergrass -aftergrave -aftergrief -aftergrind -aftergrowth -afterguard -afterguns -afterhand -afterharm -afterhatch -afterhelp -afterhend -afterhold -afterhope -afterhours -afterimage -afterimpression -afterings -afterking -afterknowledge -afterlife -afterlifetime -afterlight -afterloss -afterlove -aftermark -aftermarriage -aftermass -aftermast -aftermath -aftermatter -aftermeal -aftermilk -aftermost -afternight -afternoon -afternoons -afternose -afternote -afteroar -afterpain -afterpart -afterpast -afterpeak -afterpiece -afterplanting -afterplay -afterpressure -afterproof -afterrake -afterreckoning -afterrider -afterripening -afterroll -afterschool -aftersend -aftersensation -aftershaft -aftershafted -aftershine -aftership -aftershock -aftersong -aftersound -afterspeech -afterspring -afterstain -afterstate -afterstorm -afterstrain -afterstretch -afterstudy -afterswarm -afterswarming -afterswell -aftertan -aftertask -aftertaste -afterthinker -afterthought -afterthoughted -afterthrift -aftertime -aftertimes -aftertouch -aftertreatment -aftertrial -afterturn -aftervision -afterwale -afterwar -afterward -afterwards -afterwash -afterwhile -afterwisdom -afterwise -afterwit -afterwitted -afterwork -afterworking -afterworld -afterwrath -afterwrist -aftmost -Aftonian -aftosa -aftward -aftwards -afunction -afunctional -afwillite -Afzelia -aga -agabanee -agacante -agacella -Agaces -Agade -Agag -again -against -againstand -agal -agalactia -agalactic -agalactous -agalawood -agalaxia -agalaxy -Agalena -Agalenidae -Agalinis -agalite -agalloch -agallochum -agallop -agalma -agalmatolite -agalwood -Agama -agama -Agamae -Agamemnon -agamete -agami -agamian -agamic -agamically -agamid -Agamidae -agamobium -agamogenesis -agamogenetic -agamogenetically -agamogony -agamoid -agamont -agamospore -agamous -agamy -aganglionic -Aganice -Aganippe -Agao -Agaonidae -Agapanthus -agape -Agapemone -Agapemonian -Agapemonist -Agapemonite -agapetae -agapeti -agapetid -Agapetidae -Agapornis -agar -agaric -agaricaceae -agaricaceous -Agaricales -agaricic -agariciform -agaricin -agaricine -agaricoid -Agaricus -Agaristidae -agarita -Agarum -agarwal -agasp -Agastache -Agastreae -agastric -agastroneuria -agate -agateware -Agatha -Agathaea -Agathaumas -agathin -Agathis -agathism -agathist -agathodaemon -agathodaemonic -agathokakological -agathology -Agathosma -agatiferous -agatiform -agatine -agatize -agatoid -agaty -Agau -Agave -agavose -Agawam -Agaz -agaze -agazed -Agdistis -age -aged -agedly -agedness -agee -Agelacrinites -Agelacrinitidae -Agelaius -Agelaus -ageless -agelessness -agelong -agen -Agena -agency -agenda -agendum -agenesia -agenesic -agenesis -agennetic -agent -agentess -agential -agentival -agentive -agentry -agentship -ageometrical -ager -Ageratum -ageusia -ageusic -ageustia -agger -aggerate -aggeration -aggerose -Aggie -agglomerant -agglomerate -agglomerated -agglomeratic -agglomeration -agglomerative -agglomerator -agglutinability -agglutinable -agglutinant -agglutinate -agglutination -agglutinationist -agglutinative -agglutinator -agglutinin -agglutinize -agglutinogen -agglutinogenic -agglutinoid -agglutinoscope -agglutogenic -aggradation -aggradational -aggrade -aggrandizable -aggrandize -aggrandizement -aggrandizer -aggrate -aggravate -aggravating -aggravatingly -aggravation -aggravative -aggravator -aggregable -aggregant -Aggregata -Aggregatae -aggregate -aggregately -aggregateness -aggregation -aggregative -aggregator -aggregatory -aggress -aggressin -aggression -aggressionist -aggressive -aggressively -aggressiveness -aggressor -aggrievance -aggrieve -aggrieved -aggrievedly -aggrievedness -aggrievement -aggroup -aggroupment -aggry -aggur -agha -Aghan -aghanee -aghast -aghastness -Aghlabite -Aghorapanthi -Aghori -Agialid -Agib -Agiel -agilawood -agile -agilely -agileness -agility -agillawood -aging -agio -agiotage -agist -agistator -agistment -agistor -agitable -agitant -agitate -agitatedly -agitation -agitational -agitationist -agitative -agitator -agitatorial -agitatrix -agitprop -Agkistrodon -agla -Aglaia -aglance -Aglaonema -Aglaos -aglaozonia -aglare -Aglaspis -Aglauros -agleaf -agleam -aglet -aglethead -agley -aglimmer -aglint -Aglipayan -Aglipayano -aglitter -aglobulia -Aglossa -aglossal -aglossate -aglossia -aglow -aglucon -aglutition -aglycosuric -Aglypha -aglyphodont -Aglyphodonta -Aglyphodontia -aglyphous -agmatine -agmatology -agminate -agminated -agnail -agname -agnamed -agnate -Agnatha -agnathia -agnathic -Agnathostomata -agnathostomatous -agnathous -agnatic -agnatically -agnation -agnel -Agnes -agnification -agnize -Agnoetae -Agnoete -Agnoetism -agnoiology -Agnoite -agnomen -agnomical -agnominal -agnomination -agnosia -agnosis -agnostic -agnostically -agnosticism -Agnostus -agnosy -Agnotozoic -agnus -ago -agog -agoge -agogic -agogics -agoho -agoing -agomensin -agomphiasis -agomphious -agomphosis -agon -agonal -agone -agoniada -agoniadin -agoniatite -Agoniatites -agonic -agonied -agonist -Agonista -agonistarch -agonistic -agonistically -agonistics -agonium -agonize -agonizedly -agonizer -agonizingly -Agonostomus -agonothete -agonothetic -agony -agora -agoranome -agoraphobia -agouara -agouta -agouti -agpaite -agpaitic -Agra -agraffee -agrah -agral -agrammatical -agrammatism -Agrania -agranulocyte -agranulocytosis -agranuloplastic -Agrapha -agraphia -agraphic -agrarian -agrarianism -agrarianize -agrarianly -Agrauleum -agre -agree -agreeability -agreeable -agreeableness -agreeably -agreed -agreeing -agreeingly -agreement -agreer -agregation -agrege -agrestal -agrestial -agrestian -agrestic -agria -agricere -agricole -agricolist -agricolite -agricolous -agricultor -agricultural -agriculturalist -agriculturally -agriculture -agriculturer -agriculturist -Agrilus -Agrimonia -agrimony -agrimotor -agrin -Agriochoeridae -Agriochoerus -agriological -agriologist -agriology -Agrionia -agrionid -Agrionidae -Agriotes -Agriotypidae -Agriotypus -agrise -agrito -agroan -agrobiologic -agrobiological -agrobiologically -agrobiologist -agrobiology -agrogeological -agrogeologically -agrogeology -agrologic -agrological -agrologically -agrology -agrom -Agromyza -agromyzid -Agromyzidae -agronome -agronomial -agronomic -agronomical -agronomics -agronomist -agronomy -agroof -agrope -Agropyron -Agrostemma -agrosteral -Agrostis -agrostographer -agrostographic -agrostographical -agrostography -agrostologic -agrostological -agrostologist -agrostology -agrotechny -Agrotis -aground -agrufe -agruif -agrypnia -agrypnotic -agsam -agua -aguacate -Aguacateca -aguavina -Agudist -ague -aguelike -agueproof -agueweed -aguey -aguilarite -aguilawood -aguinaldo -aguirage -aguish -aguishly -aguishness -agunah -agush -agust -agy -Agyieus -agynarious -agynary -agynous -agyrate -agyria -Ah -ah -aha -ahaaina -ahankara -Ahantchuyuk -ahartalav -ahaunch -ahead -aheap -ahem -Ahepatokla -Ahet -ahey -ahimsa -ahind -ahint -Ahir -ahluwalia -ahmadi -Ahmadiya -Ahmed -Ahmet -Ahnfeltia -aho -Ahom -ahong -ahorse -ahorseback -Ahousaht -ahoy -Ahrendahronon -Ahriman -Ahrimanian -ahsan -Aht -Ahtena -ahu -ahuatle -ahuehuete -ahull -ahum -ahungered -ahungry -ahunt -ahura -ahush -ahwal -ahypnia -ai -Aias -Aiawong -aichmophobia -aid -aidable -aidance -aidant -aide -Aidenn -aider -Aides -aidful -aidless -aiel -aigialosaur -Aigialosauridae -Aigialosaurus -aiglet -aigremore -aigrette -aiguille -aiguillesque -aiguillette -aiguilletted -aikinite -ail -ailantery -ailanthic -Ailanthus -ailantine -ailanto -aile -Aileen -aileron -ailette -Ailie -ailing -aillt -ailment -ailsyte -Ailuridae -ailuro -ailuroid -Ailuroidea -Ailuropoda -Ailuropus -Ailurus -ailweed -aim -Aimak -aimara -Aimee -aimer -aimful -aimfully -aiming -aimless -aimlessly -aimlessness -Aimore -aimworthiness -ainaleh -ainhum -ainoi -ainsell -aint -Ainu -aion -aionial -air -Aira -airable -airampo -airan -airbound -airbrained -airbrush -aircraft -aircraftman -aircraftsman -aircraftswoman -aircraftwoman -aircrew -aircrewman -airdock -airdrome -airdrop -aire -Airedale -airedale -airer -airfield -airfoil -airframe -airfreight -airfreighter -airgraphics -airhead -airiferous -airified -airily -airiness -airing -airish -airless -airlift -airlike -airliner -airmail -airman -airmanship -airmark -airmarker -airmonger -airohydrogen -airometer -airpark -airphobia -airplane -airplanist -airport -airproof -airscape -airscrew -airship -airsick -airsickness -airstrip -airt -airtight -airtightly -airtightness -airward -airwards -airway -airwayman -airwoman -airworthiness -airworthy -airy -aischrolatreia -aiseweed -aisle -aisled -aisleless -aisling -Aissaoua -Aissor -aisteoir -Aistopoda -Aistopodes -ait -aitch -aitchbone -aitchless -aitchpiece -aitesis -aithochroi -aition -aitiotropic -Aitkenite -Aitutakian -aiwan -Aix -aizle -Aizoaceae -aizoaceous -Aizoon -Ajaja -ajaja -ajangle -ajar -ajari -Ajatasatru -ajava -ajhar -ajivika -ajog -ajoint -ajowan -Ajuga -ajutment -ak -Aka -aka -Akal -akala -Akali -akalimba -akamatsu -Akamnik -Akan -Akanekunik -Akania -Akaniaceae -akaroa -akasa -Akawai -akazga -akazgine -akcheh -ake -akeake -akebi -Akebia -akee -akeki -akeley -akenobeite -akepiro -akerite -akey -Akha -Akhissar -Akhlame -Akhmimic -akhoond -akhrot -akhyana -akia -Akim -akimbo -akin -akindle -akinesia -akinesic -akinesis -akinete -akinetic -Akiskemikinik -Akiyenik -Akka -Akkad -Akkadian -Akkadist -akmudar -akmuddar -aknee -ako -akoasm -akoasma -akoluthia -akonge -Akontae -Akoulalion -akov -akpek -Akra -akra -Akrabattine -akroasis -akrochordite -akroterion -Aktistetae -Aktistete -Aktivismus -Aktivist -aku -akuammine -akule -akund -Akwapim -Al -al -ala -Alabama -Alabaman -Alabamian -alabamide -alabamine -alabandite -alabarch -alabaster -alabastos -alabastrian -alabastrine -alabastrites -alabastron -alabastrum -alacha -alack -alackaday -alacreatine -alacreatinine -alacrify -alacritous -alacrity -Alactaga -alada -Aladdin -Aladdinize -Aladfar -Aladinist -alaihi -Alain -alaite -Alaki -Alala -alala -alalite -alalonga -alalunga -alalus -Alamanni -Alamannian -Alamannic -alameda -alamo -alamodality -alamonti -alamosite -alamoth -Alan -alan -aland -Alangiaceae -alangin -alangine -Alangium -alani -alanine -alannah -Alans -alantic -alantin -alantol -alantolactone -alantolic -alanyl -alar -Alarbus -alares -Alaria -Alaric -alarm -alarmable -alarmed -alarmedly -alarming -alarmingly -alarmism -alarmist -Alarodian -alarum -alary -alas -Alascan -Alaska -alaskaite -Alaskan -alaskite -Alastair -Alaster -alastrim -alate -alated -alatern -alaternus -alation -Alauda -Alaudidae -alaudine -Alaunian -Alawi -Alb -alb -alba -albacore -albahaca -Albainn -Alban -alban -Albanenses -Albanensian -Albania -Albanian -albanite -Albany -albarco -albardine -albarello -albarium -albaspidin -albata -Albatros -albatross -albe -albedo -albedograph -albee -albeit -Alberene -Albert -Alberta -albertin -Albertina -Albertine -Albertinian -Albertist -albertite -Alberto -albertustaler -albertype -albescence -albescent -albespine -albetad -Albi -Albian -albicans -albicant -albication -albiculi -albification -albificative -albiflorous -albify -Albigenses -Albigensian -Albigensianism -Albin -albinal -albiness -albinic -albinism -albinistic -albino -albinoism -albinotic -albinuria -Albion -Albireo -albite -albitic -albitite -albitization -albitophyre -Albizzia -albocarbon -albocinereous -Albococcus -albocracy -Alboin -albolite -albolith -albopannin -albopruinose -alboranite -Albrecht -Albright -albronze -Albruna -Albuca -Albuginaceae -albuginea -albugineous -albuginitis -albugo -album -albumean -albumen -albumenization -albumenize -albumenizer -albumimeter -albumin -albuminate -albuminaturia -albuminiferous -albuminiform -albuminimeter -albuminimetry -albuminiparous -albuminization -albuminize -albuminocholia -albuminofibrin -albuminogenous -albuminoid -albuminoidal -albuminolysis -albuminometer -albuminometry -albuminone -albuminorrhea -albuminoscope -albuminose -albuminosis -albuminous -albuminousness -albuminuria -albuminuric -albumoid -albumoscope -albumose -albumosuria -alburn -alburnous -alburnum -albus -albutannin -Albyn -Alca -Alcaaba -Alcae -Alcaic -alcaide -alcalde -alcaldeship -alcaldia -Alcaligenes -alcalizate -Alcalzar -alcamine -alcanna -Alcantara -Alcantarines -alcarraza -alcatras -alcazar -Alcedines -Alcedinidae -Alcedininae -Alcedo -alcelaphine -Alcelaphus -Alces -alchemic -alchemical -alchemically -Alchemilla -alchemist -alchemistic -alchemistical -alchemistry -alchemize -alchemy -alchera -alcheringa -alchimy -alchitran -alchochoden -Alchornea -alchymy -Alcibiadean -Alcicornium -Alcidae -alcidine -alcine -Alcippe -alclad -alco -alcoate -alcogel -alcogene -alcohate -alcohol -alcoholate -alcoholature -alcoholdom -alcoholemia -alcoholic -alcoholically -alcoholicity -alcoholimeter -alcoholism -alcoholist -alcoholizable -alcoholization -alcoholize -alcoholmeter -alcoholmetric -alcoholomania -alcoholometer -alcoholometric -alcoholometrical -alcoholometry -alcoholophilia -alcoholuria -alcoholysis -alcoholytic -Alcor -Alcoran -Alcoranic -Alcoranist -alcornoco -alcornoque -alcosol -Alcotate -alcove -alcovinometer -Alcuinian -alcyon -Alcyonacea -alcyonacean -Alcyonaria -alcyonarian -Alcyone -Alcyones -Alcyoniaceae -alcyonic -alcyoniform -Alcyonium -alcyonoid -aldamine -aldane -aldazin -aldazine -aldeament -Aldebaran -aldebaranium -aldehol -aldehydase -aldehyde -aldehydic -aldehydine -aldehydrol -alder -Alderamin -alderman -aldermanate -aldermancy -aldermaness -aldermanic -aldermanical -aldermanity -aldermanlike -aldermanly -aldermanry -aldermanship -aldern -Alderney -alderwoman -Aldhafara -Aldhafera -aldim -aldime -aldimine -Aldine -aldine -aldoheptose -aldohexose -aldoketene -aldol -aldolization -aldolize -aldononose -aldopentose -aldose -aldoside -aldoxime -Aldrovanda -Aldus -ale -Alea -aleak -aleatory -alebench -aleberry -Alebion -alec -alecithal -alecize -Aleck -aleconner -alecost -Alectoria -alectoria -Alectorides -alectoridine -alectorioid -Alectoris -alectoromachy -alectoromancy -Alectoromorphae -alectoromorphous -Alectoropodes -alectoropodous -Alectrion -Alectrionidae -alectryomachy -alectryomancy -Alectryon -alecup -alee -alef -alefnull -aleft -alefzero -alegar -alehoof -alehouse -Alejandro -alem -alemana -Alemanni -Alemannian -Alemannic -Alemannish -alembic -alembicate -alembroth -Alemite -alemite -alemmal -alemonger -alen -Alencon -Aleochara -aleph -alephs -alephzero -alepidote -alepole -alepot -Aleppine -Aleppo -alerce -alerse -alert -alertly -alertness -alesan -alestake -aletap -aletaster -Alethea -alethiology -alethopteis -alethopteroid -alethoscope -aletocyte -Aletris -alette -aleukemic -Aleurites -aleuritic -Aleurobius -Aleurodes -Aleurodidae -aleuromancy -aleurometer -aleuronat -aleurone -aleuronic -aleuroscope -Aleut -Aleutian -Aleutic -aleutite -alevin -alewife -Alex -Alexander -alexanders -Alexandra -Alexandreid -Alexandrian -Alexandrianism -Alexandrina -Alexandrine -alexandrite -Alexas -Alexia -alexia -Alexian -alexic -alexin -alexinic -alexipharmacon -alexipharmacum -alexipharmic -alexipharmical -alexipyretic -Alexis -alexiteric -alexiterical -Alexius -aleyard -Aleyrodes -aleyrodid -Aleyrodidae -Alf -alf -alfa -alfaje -alfalfa -alfaqui -alfaquin -alfenide -alfet -alfilaria -alfileria -alfilerilla -alfilerillo -alfiona -Alfirk -alfonsin -alfonso -alforja -Alfred -Alfreda -alfresco -alfridaric -alfridary -Alfur -Alfurese -Alfuro -alga -algae -algaecide -algaeological -algaeologist -algaeology -algaesthesia -algaesthesis -algal -algalia -Algaroth -algarroba -algarrobilla -algarrobin -Algarsife -Algarsyf -algate -Algebar -algebra -algebraic -algebraical -algebraically -algebraist -algebraization -algebraize -Algedi -algedo -algedonic -algedonics -algefacient -Algenib -Algerian -Algerine -algerine -Algernon -algesia -algesic -algesis -algesthesis -algetic -Algic -algic -algid -algidity -algidness -Algieba -algific -algin -alginate -algine -alginic -alginuresis -algiomuscular -algist -algivorous -algocyan -algodoncillo -algodonite -algoesthesiometer -algogenic -algoid -Algol -algolagnia -algolagnic -algolagnist -algolagny -algological -algologist -algology -Algoman -algometer -algometric -algometrical -algometrically -algometry -Algomian -Algomic -Algonkian -Algonquian -Algonquin -algophilia -algophilist -algophobia -algor -Algorab -Algores -algorism -algorismic -algorist -algoristic -algorithm -algorithmic -algosis -algous -algovite -algraphic -algraphy -alguazil -algum -Algy -Alhagi -Alhambra -Alhambraic -Alhambresque -Alhena -alhenna -alias -Alibamu -alibangbang -alibi -alibility -alible -Alicant -Alice -alichel -Alichino -Alicia -Alick -alicoche -alictisal -alicyclic -Alida -alidade -Alids -alien -alienability -alienable -alienage -alienate -alienation -alienator -aliency -alienee -aliener -alienicola -alienigenate -alienism -alienist -alienize -alienor -alienship -aliethmoid -aliethmoidal -alif -aliferous -aliform -aligerous -alight -align -aligner -alignment -aligreek -aliipoe -alike -alikeness -alikewise -Alikuluf -Alikulufan -alilonghi -alima -aliment -alimental -alimentally -alimentariness -alimentary -alimentation -alimentative -alimentatively -alimentativeness -alimenter -alimentic -alimentive -alimentiveness -alimentotherapy -alimentum -alimonied -alimony -alin -alinasal -Aline -alineation -alintatao -aliofar -Alioth -alipata -aliped -aliphatic -alipterion -aliptes -aliptic -aliquant -aliquot -aliseptal -alish -alisier -Alisma -Alismaceae -alismaceous -alismad -alismal -Alismales -Alismataceae -alismoid -aliso -Alison -alison -alisonite -alisp -alisphenoid -alisphenoidal -alist -Alister -alit -alite -alitrunk -aliturgic -aliturgical -aliunde -alive -aliveness -alivincular -Alix -aliyah -alizarate -alizari -alizarin -aljoba -alk -alkahest -alkahestic -alkahestica -alkahestical -Alkaid -alkalamide -alkalemia -alkalescence -alkalescency -alkalescent -alkali -alkalic -alkaliferous -alkalifiable -alkalify -alkaligen -alkaligenous -alkalimeter -alkalimetric -alkalimetrical -alkalimetrically -alkalimetry -alkaline -alkalinity -alkalinization -alkalinize -alkalinuria -alkalizable -alkalizate -alkalization -alkalize -alkalizer -alkaloid -alkaloidal -alkalometry -alkalosis -alkalous -Alkalurops -alkamin -alkamine -alkane -alkanet -Alkanna -alkannin -Alkaphrah -alkapton -alkaptonuria -alkaptonuric -alkargen -alkarsin -alkekengi -alkene -alkenna -alkenyl -alkermes -Alkes -alkide -alkine -alkool -Alkoran -Alkoranic -alkoxide -alkoxy -alkoxyl -alky -alkyd -alkyl -alkylamine -alkylate -alkylation -alkylene -alkylic -alkylidene -alkylize -alkylogen -alkyloxy -alkyne -all -allabuta -allactite -allaeanthus -allagite -allagophyllous -allagostemonous -Allah -allalinite -Allamanda -allamotti -Allan -allan -allanite -allanitic -allantiasis -allantochorion -allantoic -allantoid -allantoidal -Allantoidea -allantoidean -allantoidian -allantoin -allantoinase -allantoinuria -allantois -allantoxaidin -allanturic -Allasch -allassotonic -allative -allatrate -allay -allayer -allayment -allbone -Alle -allecret -allectory -allegate -allegation -allegator -allege -allegeable -allegedly -allegement -alleger -Alleghenian -Allegheny -allegiance -allegiancy -allegiant -allegoric -allegorical -allegorically -allegoricalness -allegorism -allegorist -allegorister -allegoristic -allegorization -allegorize -allegorizer -allegory -allegretto -allegro -allele -allelic -allelism -allelocatalytic -allelomorph -allelomorphic -allelomorphism -allelotropic -allelotropism -allelotropy -alleluia -alleluiatic -allemand -allemande -allemontite -Allen -allenarly -allene -Allentiac -Allentiacan -aller -allergen -allergenic -allergia -allergic -allergin -allergist -allergy -allerion -allesthesia -alleviate -alleviatingly -alleviation -alleviative -alleviator -alleviatory -alley -alleyed -alleyite -alleyway -allgood -Allhallow -Allhallowtide -allheal -alliable -alliably -Alliaceae -alliaceous -alliance -alliancer -Alliaria -allicampane -allice -allicholly -alliciency -allicient -Allie -allied -Allies -allies -alligate -alligator -alligatored -allineate -allineation -Allionia -Allioniaceae -allision -alliteral -alliterate -alliteration -alliterational -alliterationist -alliterative -alliteratively -alliterativeness -alliterator -Allium -allivalite -allmouth -allness -Allobroges -allocable -allocaffeine -allocatable -allocate -allocatee -allocation -allocator -allochetia -allochetite -allochezia -allochiral -allochirally -allochiria -allochlorophyll -allochroic -allochroite -allochromatic -allochroous -allochthonous -allocinnamic -alloclase -alloclasite -allocochick -allocrotonic -allocryptic -allocute -allocution -allocutive -allocyanine -allodelphite -allodesmism -alloeosis -alloeostropha -alloeotic -alloerotic -alloerotism -allogamous -allogamy -allogene -allogeneity -allogeneous -allogenic -allogenically -allograph -alloiogenesis -alloisomer -alloisomeric -alloisomerism -allokinesis -allokinetic -allokurtic -allomerism -allomerous -allometric -allometry -allomorph -allomorphic -allomorphism -allomorphite -allomucic -allonomous -allonym -allonymous -allopalladium -allopath -allopathetic -allopathetically -allopathic -allopathically -allopathist -allopathy -allopatric -allopatrically -allopatry -allopelagic -allophanamide -allophanates -allophane -allophanic -allophone -allophyle -allophylian -allophylic -Allophylus -allophytoid -alloplasm -alloplasmatic -alloplasmic -alloplast -alloplastic -alloplasty -alloploidy -allopolyploid -allopsychic -alloquial -alloquialism -alloquy -allorhythmia -allorrhyhmia -allorrhythmic -allosaur -Allosaurus -allose -allosematic -allosome -allosyndesis -allosyndetic -allot -allotee -allotelluric -allotheism -Allotheria -allothigene -allothigenetic -allothigenetically -allothigenic -allothigenous -allothimorph -allothimorphic -allothogenic -allothogenous -allotment -allotriodontia -Allotriognathi -allotriomorphic -allotriophagia -allotriophagy -allotriuria -allotrope -allotrophic -allotropic -allotropical -allotropically -allotropicity -allotropism -allotropize -allotropous -allotropy -allotrylic -allottable -allottee -allotter -allotype -allotypical -allover -allow -allowable -allowableness -allowably -allowance -allowedly -allower -alloxan -alloxanate -alloxanic -alloxantin -alloxuraemia -alloxuremia -alloxuric -alloxyproteic -alloy -alloyage -allozooid -allseed -allspice -allthing -allthorn -alltud -allude -allure -allurement -allurer -alluring -alluringly -alluringness -allusion -allusive -allusively -allusiveness -alluvia -alluvial -alluviate -alluviation -alluvion -alluvious -alluvium -allwhere -allwhither -allwork -Allworthy -Ally -ally -allyl -allylamine -allylate -allylation -allylene -allylic -allylthiourea -Alma -alma -Almach -almaciga -almacigo -almadia -almadie -almagest -almagra -Almain -Alman -almanac -almandine -almandite -alme -almeidina -almemar -Almerian -almeriite -Almida -almightily -almightiness -almighty -almique -Almira -almirah -almochoden -Almohad -Almohade -Almohades -almoign -Almon -almon -almond -almondy -almoner -almonership -almonry -Almoravid -Almoravide -Almoravides -almost -almous -alms -almsdeed -almsfolk -almsful -almsgiver -almsgiving -almshouse -almsman -almswoman -almucantar -almuce -almud -almude -almug -Almuredin -almuten -aln -alnage -alnager -alnagership -Alnaschar -Alnascharism -alnein -alnico -Alnilam -alniresinol -Alnitak -Alnitham -alniviridol -alnoite -alnuin -Alnus -alo -Aloadae -Alocasia -alochia -alod -alodial -alodialism -alodialist -alodiality -alodially -alodian -alodiary -alodification -alodium -alody -aloe -aloed -aloelike -aloemodin -aloeroot -aloesol -aloeswood -aloetic -aloetical -aloewood -aloft -alogia -Alogian -alogical -alogically -alogism -alogy -aloid -aloin -Alois -aloisiite -aloma -alomancy -alone -aloneness -along -alongshore -alongshoreman -alongside -alongst -Alonso -Alonsoa -Alonzo -aloof -aloofly -aloofness -aloose -alop -alopecia -Alopecias -alopecist -alopecoid -Alopecurus -alopeke -Alopias -Alopiidae -Alosa -alose -Alouatta -alouatte -aloud -alow -alowe -Aloxite -Aloysia -Aloysius -alp -alpaca -alpasotes -Alpax -alpeen -Alpen -alpenglow -alpenhorn -alpenstock -alpenstocker -alpestral -alpestrian -alpestrine -alpha -alphabet -alphabetarian -alphabetic -alphabetical -alphabetically -alphabetics -alphabetiform -alphabetism -alphabetist -alphabetization -alphabetize -alphabetizer -Alphard -alphatoluic -Alphean -Alphecca -alphenic -Alpheratz -alphitomancy -alphitomorphous -alphol -Alphonist -Alphonse -Alphonsine -Alphonsism -Alphonso -alphorn -alphos -alphosis -alphyl -Alpian -Alpid -alpieu -alpigene -Alpine -alpine -alpinely -alpinery -alpinesque -Alpinia -Alpiniaceae -Alpinism -Alpinist -alpist -Alpujarra -alqueire -alquier -alquifou -alraun -alreadiness -already -alright -alrighty -alroot -alruna -Alsatia -Alsatian -alsbachite -Alshain -Alsinaceae -alsinaceous -Alsine -also -alsoon -Alsophila -Alstonia -alstonidine -alstonine -alstonite -Alstroemeria -alsweill -alt -Altaian -Altaic -Altaid -Altair -altaite -Altamira -altar -altarage -altared -altarist -altarlet -altarpiece -altarwise -altazimuth -alter -alterability -alterable -alterableness -alterably -alterant -alterate -alteration -alterative -altercate -altercation -altercative -alteregoism -alteregoistic -alterer -alterity -altern -alternacy -alternance -alternant -Alternanthera -Alternaria -alternariose -alternate -alternately -alternateness -alternating -alternatingly -alternation -alternationist -alternative -alternatively -alternativeness -alternativity -alternator -alterne -alternifoliate -alternipetalous -alternipinnate -alternisepalous -alternize -alterocentric -Althaea -althaein -Althea -althea -althein -altheine -althionic -altho -althorn -although -Altica -Alticamelus -altigraph -altilik -altiloquence -altiloquent -altimeter -altimetrical -altimetrically -altimetry -altin -altincar -Altingiaceae -altingiaceous -altininck -altiplano -altiscope -altisonant -altisonous -altissimo -altitude -altitudinal -altitudinarian -alto -altogether -altogetherness -altometer -altoun -altrices -altricial -altropathy -altrose -altruism -altruist -altruistic -altruistically -altschin -altun -Aluco -Aluconidae -Aluconinae -aludel -Aludra -alula -alular -alulet -Alulim -alum -alumbloom -Alumel -alumic -alumiferous -alumina -aluminaphone -aluminate -alumine -aluminic -aluminide -aluminiferous -aluminiform -aluminish -aluminite -aluminium -aluminize -aluminoferric -aluminographic -aluminography -aluminose -aluminosilicate -aluminosis -aluminosity -aluminothermic -aluminothermics -aluminothermy -aluminotype -aluminous -aluminum -aluminyl -alumish -alumite -alumium -alumna -alumnae -alumnal -alumni -alumniate -Alumnol -alumnus -alumohydrocalcite -alumroot -Alundum -aluniferous -alunite -alunogen -alupag -Alur -alure -alurgite -alushtite -aluta -alutaceous -Alvah -Alvan -alvar -alvearium -alveary -alveloz -alveola -alveolar -alveolariform -alveolary -alveolate -alveolated -alveolation -alveole -alveolectomy -alveoli -alveoliform -alveolite -Alveolites -alveolitis -alveoloclasia -alveolocondylean -alveolodental -alveololabial -alveololingual -alveolonasal -alveolosubnasal -alveolotomy -alveolus -alveus -alviducous -Alvin -Alvina -alvine -Alvissmal -alvite -alvus -alway -always -aly -Alya -alycompaine -alymphia -alymphopotent -alypin -alysson -Alyssum -alytarch -Alytes -am -ama -amaas -Amabel -amability -amacratic -amacrinal -amacrine -amadavat -amadelphous -Amadi -Amadis -amadou -Amaethon -Amafingo -amaga -amah -Amahuaca -amain -amaister -amakebe -Amakosa -amala -amalaita -amalaka -Amalfian -Amalfitan -amalgam -amalgamable -amalgamate -amalgamation -amalgamationist -amalgamative -amalgamatize -amalgamator -amalgamist -amalgamization -amalgamize -Amalings -Amalrician -amaltas -amamau -Amampondo -Amanda -amandin -Amandus -amang -amani -amania -Amanist -Amanita -amanitin -amanitine -Amanitopsis -amanori -amanous -amantillo -amanuenses -amanuensis -amapa -Amapondo -amar -Amara -Amarantaceae -amarantaceous -amaranth -Amaranthaceae -amaranthaceous -amaranthine -amaranthoid -Amaranthus -amarantite -Amarantus -amarelle -amarevole -amargoso -amarillo -amarin -amarine -amaritude -amarity -amaroid -amaroidal -Amarth -amarthritis -amaryllid -Amaryllidaceae -amaryllidaceous -amaryllideous -Amaryllis -amasesis -amass -amassable -amasser -amassment -Amasta -amasthenic -amastia -amasty -Amatembu -amaterialistic -amateur -amateurish -amateurishly -amateurishness -amateurism -amateurship -Amati -amative -amatively -amativeness -amatol -amatorial -amatorially -amatorian -amatorious -amatory -amatrice -amatungula -amaurosis -amaurotic -amaze -amazed -amazedly -amazedness -amazeful -amazement -amazia -Amazilia -amazing -amazingly -Amazon -Amazona -Amazonian -Amazonism -amazonite -Amazulu -amba -ambage -ambagiosity -ambagious -ambagiously -ambagiousness -ambagitory -ambalam -amban -ambar -ambaree -ambarella -ambary -ambash -ambassade -Ambassadeur -ambassador -ambassadorial -ambassadorially -ambassadorship -ambassadress -ambassage -ambassy -ambatch -ambatoarinite -ambay -ambeer -amber -amberfish -ambergris -amberiferous -amberite -amberoid -amberous -ambery -ambicolorate -ambicoloration -ambidexter -ambidexterity -ambidextral -ambidextrous -ambidextrously -ambidextrousness -ambience -ambiency -ambiens -ambient -ambier -ambigenous -ambiguity -ambiguous -ambiguously -ambiguousness -ambilateral -ambilateralaterally -ambilaterality -ambilevous -ambilian -ambilogy -ambiopia -ambiparous -ambisinister -ambisinistrous -ambisporangiate -ambisyllabic -ambit -ambital -ambitendency -ambition -ambitionist -ambitionless -ambitionlessly -ambitious -ambitiously -ambitiousness -ambitty -ambitus -ambivalence -ambivalency -ambivalent -ambivert -amble -ambler -ambling -amblingly -amblotic -amblyacousia -amblyaphia -Amblycephalidae -Amblycephalus -amblychromatic -Amblydactyla -amblygeusia -amblygon -amblygonal -amblygonite -amblyocarpous -Amblyomma -amblyope -amblyopia -amblyopic -Amblyopsidae -Amblyopsis -amblyoscope -amblypod -Amblypoda -amblypodous -Amblyrhynchus -amblystegite -Amblystoma -ambo -amboceptoid -amboceptor -Ambocoelia -Amboina -Amboinese -ambomalleal -ambon -ambonite -Ambonnay -ambos -ambosexous -ambosexual -ambrain -ambrein -ambrette -Ambrica -ambrite -ambroid -ambrology -Ambrose -ambrose -ambrosia -ambrosiac -Ambrosiaceae -ambrosiaceous -ambrosial -ambrosially -Ambrosian -ambrosian -ambrosiate -ambrosin -ambrosine -Ambrosio -ambrosterol -ambrotype -ambry -ambsace -ambulacral -ambulacriform -ambulacrum -ambulance -ambulancer -ambulant -ambulate -ambulatio -ambulation -ambulative -ambulator -Ambulatoria -ambulatorial -ambulatorium -ambulatory -ambuling -ambulomancy -amburbial -ambury -ambuscade -ambuscader -ambush -ambusher -ambushment -Ambystoma -Ambystomidae -amchoor -ame -amebiform -Amedeo -ameed -ameen -Ameiuridae -Ameiurus -Ameiva -Amelanchier -amelcorn -Amelia -amelia -amelification -ameliorable -ameliorableness -ameliorant -ameliorate -amelioration -ameliorativ -ameliorative -ameliorator -amellus -ameloblast -ameloblastic -amelu -amelus -Amen -amen -amenability -amenable -amenableness -amenably -amend -amendable -amendableness -amendatory -amende -amender -amendment -amends -amene -amenia -Amenism -Amenite -amenity -amenorrhea -amenorrheal -amenorrheic -amenorrhoea -ament -amentaceous -amental -amentia -Amentiferae -amentiferous -amentiform -amentulum -amentum -amerce -amerceable -amercement -amercer -amerciament -America -American -Americana -Americanese -Americanism -Americanist -Americanistic -Americanitis -Americanization -Americanize -Americanizer -Americanly -Americanoid -Americaward -Americawards -americium -Americomania -Americophobe -Amerimnon -Amerind -Amerindian -Amerindic -amerism -ameristic -amesite -Ametabola -ametabole -ametabolia -ametabolian -ametabolic -ametabolism -ametabolous -ametaboly -ametallous -amethodical -amethodically -amethyst -amethystine -ametoecious -ametria -ametrometer -ametrope -ametropia -ametropic -ametrous -Amex -amgarn -amhar -amherstite -amhran -Ami -ami -Amia -amiability -amiable -amiableness -amiably -amianth -amianthiform -amianthine -Amianthium -amianthoid -amianthoidal -amianthus -amic -amicability -amicable -amicableness -amicably -amical -amice -amiced -amicicide -amicrobic -amicron -amicronucleate -amid -amidase -amidate -amidation -amide -amidic -amidid -amidide -amidin -amidine -Amidism -Amidist -amido -amidoacetal -amidoacetic -amidoacetophenone -amidoaldehyde -amidoazo -amidoazobenzene -amidoazobenzol -amidocaffeine -amidocapric -amidofluorid -amidofluoride -amidogen -amidoguaiacol -amidohexose -amidoketone -amidol -amidomyelin -amidon -amidophenol -amidophosphoric -amidoplast -amidoplastid -amidopyrine -amidosuccinamic -amidosulphonal -amidothiazole -amidoxime -amidoxy -amidoxyl -amidrazone -amidship -amidships -amidst -amidstream -amidulin -Amigo -Amiidae -amil -Amiles -Amiloun -amimia -amimide -amin -aminate -amination -amine -amini -aminic -aminity -aminization -aminize -amino -aminoacetal -aminoacetanilide -aminoacetic -aminoacetone -aminoacetophenetidine -aminoacetophenone -aminoacidemia -aminoaciduria -aminoanthraquinone -aminoazobenzene -aminobarbituric -aminobenzaldehyde -aminobenzamide -aminobenzene -aminobenzoic -aminocaproic -aminodiphenyl -aminoethionic -aminoformic -aminogen -aminoglutaric -aminoguanidine -aminoid -aminoketone -aminolipin -aminolysis -aminolytic -aminomalonic -aminomyelin -aminophenol -aminoplast -aminoplastic -aminopropionic -aminopurine -aminopyrine -aminoquinoline -aminosis -aminosuccinamic -aminosulphonic -aminothiophen -aminovaleric -aminoxylol -Aminta -Amintor -Amioidei -Amir -amir -Amiranha -amiray -amirship -Amish -Amishgo -amiss -amissibility -amissible -amissness -Amita -Amitabha -amitosis -amitotic -amitotically -amity -amixia -Amizilis -amla -amli -amlikar -amlong -Amma -amma -amman -Ammanite -ammelide -ammelin -ammeline -ammer -ammeter -Ammi -Ammiaceae -ammiaceous -ammine -amminochloride -amminolysis -amminolytic -ammiolite -ammo -Ammobium -ammochaeta -ammochryse -ammocoete -ammocoetes -ammocoetid -Ammocoetidae -ammocoetiform -ammocoetoid -Ammodytes -Ammodytidae -ammodytoid -ammonal -ammonate -ammonation -Ammonea -ammonia -ammoniacal -ammoniacum -ammoniate -ammoniation -ammonic -ammonical -ammoniemia -ammonification -ammonifier -ammonify -ammoniojarosite -ammonion -ammonionitrate -Ammonite -ammonite -Ammonites -Ammonitess -ammonitic -ammoniticone -ammonitiferous -Ammonitish -ammonitoid -Ammonitoidea -ammonium -ammoniuria -ammonization -ammono -ammonobasic -ammonocarbonic -ammonocarbonous -ammonoid -Ammonoidea -ammonoidean -ammonolysis -ammonolytic -ammonolyze -Ammophila -ammophilous -ammoresinol -ammotherapy -ammu -ammunition -amnemonic -amnesia -amnesic -amnestic -amnesty -amnia -amniac -amniatic -amnic -Amnigenia -amnioallantoic -amniocentesis -amniochorial -amnioclepsis -amniomancy -amnion -Amnionata -amnionate -amnionic -amniorrhea -Amniota -amniote -amniotic -amniotitis -amniotome -amober -amobyr -amoeba -amoebae -Amoebaea -amoebaean -amoebaeum -amoebalike -amoeban -amoebian -amoebiasis -amoebic -amoebicide -amoebid -Amoebida -Amoebidae -amoebiform -Amoebobacter -Amoebobacterieae -amoebocyte -Amoebogeniae -amoeboid -amoeboidism -amoebous -amoebula -amok -amoke -amole -amolilla -amomal -Amomales -Amomis -amomum -among -amongst -amontillado -amor -amorado -amoraic -amoraim -amoral -amoralism -amoralist -amorality -amoralize -Amores -amoret -amoretto -Amoreuxia -amorism -amorist -amoristic -Amorite -Amoritic -Amoritish -amorosity -amoroso -amorous -amorously -amorousness -Amorpha -amorphia -amorphic -amorphinism -amorphism -Amorphophallus -amorphophyte -amorphotae -amorphous -amorphously -amorphousness -amorphus -amorphy -amort -amortisseur -amortizable -amortization -amortize -amortizement -Amorua -Amos -Amoskeag -amotion -amotus -amount -amour -amourette -amovability -amovable -amove -Amoy -Amoyan -Amoyese -ampalaya -ampalea -ampangabeite -ampasimenite -Ampelidaceae -ampelidaceous -Ampelidae -ampelideous -Ampelis -ampelite -ampelitic -ampelographist -ampelography -ampelopsidin -ampelopsin -Ampelopsis -Ampelosicyos -ampelotherapy -amper -amperage -ampere -amperemeter -Amperian -amperometer -ampersand -ampery -amphanthium -ampheclexis -ampherotokous -ampherotoky -amphetamine -amphiarthrodial -amphiarthrosis -amphiaster -amphibalus -Amphibia -amphibial -amphibian -amphibichnite -amphibiety -amphibiological -amphibiology -amphibion -amphibiotic -Amphibiotica -amphibious -amphibiously -amphibiousness -amphibium -amphiblastic -amphiblastula -amphiblestritis -Amphibola -amphibole -amphibolia -amphibolic -amphiboliferous -amphiboline -amphibolite -amphibolitic -amphibological -amphibologically -amphibologism -amphibology -amphibolous -amphiboly -amphibrach -amphibrachic -amphibryous -Amphicarpa -Amphicarpaea -amphicarpic -amphicarpium -amphicarpogenous -amphicarpous -amphicentric -amphichroic -amphichrom -amphichromatic -amphichrome -amphicoelian -amphicoelous -Amphicondyla -amphicondylous -amphicrania -amphicreatinine -amphicribral -amphictyon -amphictyonian -amphictyonic -amphictyony -Amphicyon -Amphicyonidae -amphicyrtic -amphicyrtous -amphicytula -amphid -amphide -amphidesmous -amphidetic -amphidiarthrosis -amphidiploid -amphidiploidy -amphidisc -Amphidiscophora -amphidiscophoran -amphierotic -amphierotism -Amphigaea -amphigam -Amphigamae -amphigamous -amphigastrium -amphigastrula -amphigean -amphigen -amphigene -amphigenesis -amphigenetic -amphigenous -amphigenously -amphigonic -amphigonium -amphigonous -amphigony -amphigoric -amphigory -amphigouri -amphikaryon -amphilogism -amphilogy -amphimacer -amphimictic -amphimictical -amphimictically -amphimixis -amphimorula -Amphinesian -Amphineura -amphineurous -amphinucleus -Amphion -Amphionic -Amphioxi -Amphioxidae -Amphioxides -Amphioxididae -amphioxus -amphipeptone -amphiphloic -amphiplatyan -Amphipleura -amphiploid -amphiploidy -amphipneust -Amphipneusta -amphipneustic -Amphipnous -amphipod -Amphipoda -amphipodal -amphipodan -amphipodiform -amphipodous -amphiprostylar -amphiprostyle -amphiprotic -amphipyrenin -Amphirhina -amphirhinal -amphirhine -amphisarca -amphisbaena -amphisbaenian -amphisbaenic -Amphisbaenidae -amphisbaenoid -amphisbaenous -amphiscians -amphiscii -Amphisile -Amphisilidae -amphispermous -amphisporangiate -amphispore -Amphistoma -amphistomatic -amphistome -amphistomoid -amphistomous -Amphistomum -amphistylar -amphistylic -amphistyly -amphitene -amphitheater -amphitheatered -amphitheatral -amphitheatric -amphitheatrical -amphitheatrically -amphithecial -amphithecium -amphithect -amphithyron -amphitokal -amphitokous -amphitoky -amphitriaene -amphitrichous -Amphitrite -amphitropal -amphitropous -Amphitruo -Amphitryon -Amphiuma -Amphiumidae -amphivasal -amphivorous -Amphizoidae -amphodarch -amphodelite -amphodiplopia -amphogenous -ampholyte -amphopeptone -amphophil -amphophile -amphophilic -amphophilous -amphora -amphoral -amphore -amphorette -amphoric -amphoricity -amphoriloquy -amphorophony -amphorous -amphoteric -Amphrysian -ample -amplectant -ampleness -amplexation -amplexicaudate -amplexicaul -amplexicauline -amplexifoliate -amplexus -ampliate -ampliation -ampliative -amplicative -amplidyne -amplification -amplificative -amplificator -amplificatory -amplifier -amplify -amplitude -amply -ampollosity -ampongue -ampoule -ampul -ampulla -ampullaceous -ampullar -Ampullaria -Ampullariidae -ampullary -ampullate -ampullated -ampulliform -ampullitis -ampullula -amputate -amputation -amputational -amputative -amputator -amputee -ampyx -amra -amreeta -amrita -Amritsar -amsath -amsel -Amsonia -Amsterdamer -amt -amtman -Amuchco -amuck -Amueixa -amuguis -amula -amulet -amuletic -amulla -amunam -amurca -amurcosity -amurcous -Amurru -amusable -amuse -amused -amusedly -amusee -amusement -amuser -amusette -Amusgo -amusia -amusing -amusingly -amusingness -amusive -amusively -amusiveness -amutter -amuyon -amuyong -amuze -amvis -Amy -amy -Amyclaean -Amyclas -amyelencephalia -amyelencephalic -amyelencephalous -amyelia -amyelic -amyelinic -amyelonic -amyelous -amygdal -amygdala -Amygdalaceae -amygdalaceous -amygdalase -amygdalate -amygdalectomy -amygdalic -amygdaliferous -amygdaliform -amygdalin -amygdaline -amygdalinic -amygdalitis -amygdaloid -amygdaloidal -amygdalolith -amygdaloncus -amygdalopathy -amygdalothripsis -amygdalotome -amygdalotomy -Amygdalus -amygdonitrile -amygdophenin -amygdule -amyl -amylaceous -amylamine -amylan -amylase -amylate -amylemia -amylene -amylenol -amylic -amylidene -amyliferous -amylin -amylo -amylocellulose -amyloclastic -amylocoagulase -amylodextrin -amylodyspepsia -amylogen -amylogenesis -amylogenic -amylohydrolysis -amylohydrolytic -amyloid -amyloidal -amyloidosis -amyloleucite -amylolysis -amylolytic -amylom -amylometer -amylon -amylopectin -amylophagia -amylophosphate -amylophosphoric -amyloplast -amyloplastic -amyloplastid -amylopsin -amylose -amylosis -amylosynthesis -amylum -amyluria -Amynodon -amynodont -amyosthenia -amyosthenic -amyotaxia -amyotonia -amyotrophia -amyotrophic -amyotrophy -amyous -Amyraldism -Amyraldist -Amyridaceae -amyrin -Amyris -amyrol -amyroot -Amytal -amyxorrhea -amyxorrhoea -an -Ana -ana -Anabaena -Anabantidae -Anabaptism -Anabaptist -Anabaptistic -Anabaptistical -Anabaptistically -Anabaptistry -anabaptize -Anabas -anabasine -anabasis -anabasse -anabata -anabathmos -anabatic -anaberoga -anabibazon -anabiosis -anabiotic -Anablepidae -Anableps -anabo -anabohitsite -anabolic -anabolin -anabolism -anabolite -anabolize -anabong -anabranch -anabrosis -anabrotic -anacahuita -anacahuite -anacalypsis -anacampsis -anacamptic -anacamptically -anacamptics -anacamptometer -anacanth -anacanthine -Anacanthini -anacanthous -anacara -anacard -Anacardiaceae -anacardiaceous -anacardic -Anacardium -anacatadidymus -anacatharsis -anacathartic -anacephalaeosis -anacephalize -Anaces -Anacharis -anachorism -anachromasis -anachronic -anachronical -anachronically -anachronism -anachronismatical -anachronist -anachronistic -anachronistical -anachronistically -anachronize -anachronous -anachronously -anachueta -anacid -anacidity -anaclasis -anaclastic -anaclastics -Anaclete -anacleticum -anaclinal -anaclisis -anaclitic -anacoenosis -anacoluthia -anacoluthic -anacoluthically -anacoluthon -anaconda -Anacreon -Anacreontic -Anacreontically -anacrisis -Anacrogynae -anacrogynae -anacrogynous -anacromyodian -anacrotic -anacrotism -anacrusis -anacrustic -anacrustically -anaculture -anacusia -anacusic -anacusis -Anacyclus -anadem -anadenia -anadicrotic -anadicrotism -anadidymus -anadiplosis -anadipsia -anadipsic -anadrom -anadromous -Anadyomene -anaematosis -anaemia -anaemic -anaeretic -anaerobation -anaerobe -anaerobia -anaerobian -anaerobic -anaerobically -anaerobies -anaerobion -anaerobiont -anaerobiosis -anaerobiotic -anaerobiotically -anaerobious -anaerobism -anaerobium -anaerophyte -anaeroplastic -anaeroplasty -anaesthesia -anaesthesiant -anaesthetically -anaesthetizer -anaetiological -anagalactic -Anagallis -anagap -anagenesis -anagenetic -anagep -anagignoskomena -anaglyph -anaglyphic -anaglyphical -anaglyphics -anaglyphoscope -anaglyphy -anaglyptic -anaglyptical -anaglyptics -anaglyptograph -anaglyptographic -anaglyptography -anaglypton -anagnorisis -anagnost -anagoge -anagogic -anagogical -anagogically -anagogics -anagogy -anagram -anagrammatic -anagrammatical -anagrammatically -anagrammatism -anagrammatist -anagrammatize -anagrams -anagraph -anagua -anagyrin -anagyrine -Anagyris -anahau -Anahita -Anaitis -Anakes -anakinesis -anakinetic -anakinetomer -anakinetomeric -anakoluthia -anakrousis -anaktoron -anal -analabos -analav -analcime -analcimite -analcite -analcitite -analecta -analectic -analects -analemma -analemmatic -analepsis -analepsy -analeptic -analeptical -analgen -analgesia -analgesic -Analgesidae -analgesis -analgesist -analgetic -analgia -analgic -analgize -analkalinity -anallagmatic -anallantoic -Anallantoidea -anallantoidean -anallergic -anally -analogic -analogical -analogically -analogicalness -analogion -analogism -analogist -analogistic -analogize -analogon -analogous -analogously -analogousness -analogue -analogy -analphabet -analphabete -analphabetic -analphabetical -analphabetism -analysability -analysable -analysand -analysation -analyse -analyser -analyses -analysis -analyst -analytic -analytical -analytically -analytics -analyzability -analyzable -analyzation -analyze -analyzer -Anam -anam -anama -anamesite -anametadromous -Anamirta -anamirtin -Anamite -anamite -anammonid -anammonide -anamnesis -anamnestic -anamnestically -Anamnia -Anamniata -Anamnionata -anamnionic -Anamniota -anamniote -anamniotic -anamorphic -anamorphism -anamorphoscope -anamorphose -anamorphosis -anamorphote -anamorphous -anan -anana -ananaplas -ananaples -ananas -ananda -anandrarious -anandria -anandrous -ananepionic -anangioid -anangular -Ananias -Ananism -Ananite -anankastic -Anansi -Ananta -anantherate -anantherous -ananthous -ananym -anapaest -anapaestic -anapaestical -anapaestically -anapaganize -anapaite -anapanapa -anapeiratic -anaphalantiasis -Anaphalis -anaphase -Anaphe -anaphia -anaphora -anaphoral -anaphoria -anaphoric -anaphorical -anaphrodisia -anaphrodisiac -anaphroditic -anaphroditous -anaphylactic -anaphylactin -anaphylactogen -anaphylactogenic -anaphylactoid -anaphylatoxin -anaphylaxis -anaphyte -anaplasia -anaplasis -anaplasm -Anaplasma -anaplasmosis -anaplastic -anaplasty -anaplerosis -anaplerotic -anapnea -anapneic -anapnoeic -anapnograph -anapnoic -anapnometer -anapodeictic -anapophysial -anapophysis -anapsid -Anapsida -anapsidan -Anapterygota -anapterygote -anapterygotism -anapterygotous -Anaptomorphidae -Anaptomorphus -anaptotic -anaptychus -anaptyctic -anaptyctical -anaptyxis -anaqua -anarcestean -Anarcestes -anarch -anarchal -anarchial -anarchic -anarchical -anarchically -anarchism -anarchist -anarchistic -anarchize -anarchoindividualist -anarchosocialist -anarchosyndicalism -anarchosyndicalist -anarchy -anarcotin -anareta -anaretic -anaretical -anargyros -anarthria -anarthric -anarthropod -Anarthropoda -anarthropodous -anarthrosis -anarthrous -anarthrously -anarthrousness -anartismos -anarya -Anaryan -Anas -Anasa -anasarca -anasarcous -Anasazi -anaschistic -anaseismic -Anasitch -anaspadias -anaspalin -Anaspida -Anaspidacea -Anaspides -anastalsis -anastaltic -Anastasia -Anastasian -anastasimon -anastasimos -anastasis -Anastasius -anastate -anastatic -Anastatica -Anastatus -anastigmat -anastigmatic -anastomose -anastomosis -anastomotic -Anastomus -anastrophe -Anastrophia -Anat -anatase -anatexis -anathema -anathematic -anathematical -anathematically -anathematism -anathematization -anathematize -anathematizer -anatheme -anathemize -Anatherum -Anatidae -anatifa -Anatifae -anatifer -anatiferous -Anatinacea -Anatinae -anatine -anatocism -Anatole -Anatolian -Anatolic -Anatoly -anatomic -anatomical -anatomically -anatomicobiological -anatomicochirurgical -anatomicomedical -anatomicopathologic -anatomicopathological -anatomicophysiologic -anatomicophysiological -anatomicosurgical -anatomism -anatomist -anatomization -anatomize -anatomizer -anatomopathologic -anatomopathological -anatomy -anatopism -anatox -anatoxin -anatreptic -anatripsis -anatripsology -anatriptic -anatron -anatropal -anatropia -anatropous -Anatum -anaudia -anaunter -anaunters -Anax -Anaxagorean -Anaxagorize -anaxial -Anaximandrian -anaxon -anaxone -Anaxonia -anay -anazoturia -anba -anbury -Ancerata -ancestor -ancestorial -ancestorially -ancestral -ancestrally -ancestress -ancestrial -ancestrian -ancestry -Ancha -Anchat -Anchietea -anchietin -anchietine -anchieutectic -anchimonomineral -Anchisaurus -Anchises -Anchistea -Anchistopoda -anchithere -anchitherioid -anchor -anchorable -anchorage -anchorate -anchored -anchorer -anchoress -anchoret -anchoretic -anchoretical -anchoretish -anchoretism -anchorhold -anchorite -anchoritess -anchoritic -anchoritical -anchoritish -anchoritism -anchorless -anchorlike -anchorwise -anchovy -Anchtherium -Anchusa -anchusin -anchusine -anchylose -anchylosis -ancience -anciency -ancient -ancientism -anciently -ancientness -ancientry -ancienty -ancile -ancilla -ancillary -ancipital -ancipitous -Ancistrocladaceae -ancistrocladaceous -Ancistrocladus -ancistroid -ancon -Ancona -anconad -anconagra -anconal -ancone -anconeal -anconeous -anconeus -anconitis -anconoid -ancony -ancora -ancoral -Ancyloceras -Ancylocladus -Ancylodactyla -ancylopod -Ancylopoda -Ancylostoma -ancylostome -ancylostomiasis -Ancylostomum -Ancylus -Ancyrean -Ancyrene -and -anda -andabatarian -Andalusian -andalusite -Andaman -Andamanese -andante -andantino -Andaqui -Andaquian -Andarko -Andaste -Ande -Andean -Anderson -Andesic -andesine -andesinite -andesite -andesitic -Andevo -Andhra -Andi -Andian -Andine -Andira -andirin -andirine -andiroba -andiron -Andoke -andorite -Andorobo -Andorran -andouillet -andradite -andranatomy -andrarchy -Andre -Andrea -Andreaea -Andreaeaceae -Andreaeales -Andreas -Andrena -andrenid -Andrenidae -Andrew -andrewsite -Andria -Andriana -Andrias -andric -Andries -androcentric -androcephalous -androcephalum -androclinium -Androclus -androconium -androcracy -androcratic -androcyte -androdioecious -androdioecism -androdynamous -androecial -androecium -androgametangium -androgametophore -androgen -androgenesis -androgenetic -androgenic -androgenous -androginous -androgone -androgonia -androgonial -androgonidium -androgonium -Andrographis -andrographolide -androgynal -androgynary -androgyne -androgyneity -androgynia -androgynism -androgynous -androgynus -androgyny -android -androidal -androkinin -androl -androlepsia -androlepsy -Andromache -andromania -Andromaque -Andromeda -Andromede -andromedotoxin -andromonoecious -andromonoecism -andromorphous -andron -Andronicus -andronitis -andropetalar -andropetalous -androphagous -androphobia -androphonomania -androphore -androphorous -androphorum -androphyll -Andropogon -Androsace -Androscoggin -androseme -androsin -androsphinx -androsporangium -androspore -androsterone -androtauric -androtomy -Andy -anear -aneath -anecdota -anecdotage -anecdotal -anecdotalism -anecdote -anecdotic -anecdotical -anecdotically -anecdotist -anele -anelectric -anelectrode -anelectrotonic -anelectrotonus -anelytrous -anematosis -Anemia -anemia -anemic -anemobiagraph -anemochord -anemoclastic -anemogram -anemograph -anemographic -anemographically -anemography -anemological -anemology -anemometer -anemometric -anemometrical -anemometrically -anemometrograph -anemometrographic -anemometrographically -anemometry -anemonal -anemone -Anemonella -anemonin -anemonol -anemony -anemopathy -anemophile -anemophilous -anemophily -Anemopsis -anemoscope -anemosis -anemotaxis -anemotropic -anemotropism -anencephalia -anencephalic -anencephalotrophia -anencephalous -anencephalus -anencephaly -anend -anenergia -anenst -anent -anenterous -anepia -anepigraphic -anepigraphous -anepiploic -anepithymia -anerethisia -aneretic -anergia -anergic -anergy -anerly -aneroid -aneroidograph -anerotic -anerythroplasia -anerythroplastic -anes -anesis -anesthesia -anesthesiant -anesthesimeter -anesthesiologist -anesthesiology -anesthesis -anesthetic -anesthetically -anesthetist -anesthetization -anesthetize -anesthetizer -anesthyl -anethole -Anethum -anetiological -aneuploid -aneuploidy -aneuria -aneuric -aneurilemmic -aneurin -aneurism -aneurismally -aneurysm -aneurysmal -aneurysmally -aneurysmatic -anew -Anezeh -anfractuose -anfractuosity -anfractuous -anfractuousness -anfracture -Angami -Angara -angaralite -angaria -angary -Angdistis -angekok -angel -Angela -angelate -angeldom -Angeleno -angelet -angeleyes -angelfish -angelhood -angelic -Angelica -angelica -Angelical -angelical -angelically -angelicalness -Angelican -angelicic -angelicize -angelico -angelin -Angelina -angeline -angelique -angelize -angellike -Angelo -angelocracy -angelographer -angelolater -angelolatry -angelologic -angelological -angelology -angelomachy -Angelonia -angelophany -angelot -angelship -Angelus -anger -angerly -Angerona -Angeronalia -Angers -Angetenar -Angevin -angeyok -angiasthenia -angico -Angie -angiectasis -angiectopia -angiemphraxis -angiitis -angild -angili -angina -anginal -anginiform -anginoid -anginose -anginous -angioasthenia -angioataxia -angioblast -angioblastic -angiocarditis -angiocarp -angiocarpian -angiocarpic -angiocarpous -angiocavernous -angiocholecystitis -angiocholitis -angiochondroma -angioclast -angiocyst -angiodermatitis -angiodiascopy -angioelephantiasis -angiofibroma -angiogenesis -angiogenic -angiogeny -angioglioma -angiograph -angiography -angiohyalinosis -angiohydrotomy -angiohypertonia -angiohypotonia -angioid -angiokeratoma -angiokinesis -angiokinetic -angioleucitis -angiolipoma -angiolith -angiology -angiolymphitis -angiolymphoma -angioma -angiomalacia -angiomatosis -angiomatous -angiomegaly -angiometer -angiomyocardiac -angiomyoma -angiomyosarcoma -angioneoplasm -angioneurosis -angioneurotic -angionoma -angionosis -angioparalysis -angioparalytic -angioparesis -angiopathy -angiophorous -angioplany -angioplasty -angioplerosis -angiopoietic -angiopressure -angiorrhagia -angiorrhaphy -angiorrhea -angiorrhexis -angiosarcoma -angiosclerosis -angiosclerotic -angioscope -angiosis -angiospasm -angiospastic -angiosperm -Angiospermae -angiospermal -angiospermatous -angiospermic -angiospermous -angiosporous -angiostegnosis -angiostenosis -angiosteosis -angiostomize -angiostomy -angiostrophy -angiosymphysis -angiotasis -angiotelectasia -angiothlipsis -angiotome -angiotomy -angiotonic -angiotonin -angiotribe -angiotripsy -angiotrophic -Angka -anglaise -angle -angleberry -angled -anglehook -anglepod -angler -Angles -anglesite -anglesmith -angletouch -angletwitch -anglewing -anglewise -angleworm -Anglian -Anglic -Anglican -Anglicanism -Anglicanize -Anglicanly -Anglicanum -Anglicism -Anglicist -Anglicization -anglicization -Anglicize -anglicize -Anglification -Anglify -anglimaniac -angling -Anglish -Anglist -Anglistics -Anglogaea -Anglogaean -angloid -Angloman -Anglomane -Anglomania -Anglomaniac -Anglophile -Anglophobe -Anglophobia -Anglophobiac -Anglophobic -Anglophobist -ango -Angola -angolar -Angolese -angor -Angora -angostura -Angouleme -Angoumian -Angraecum -angrily -angriness -angrite -angry -angst -angster -Angstrom -angstrom -anguid -Anguidae -anguiform -Anguilla -Anguillaria -Anguillidae -anguilliform -anguilloid -Anguillula -Anguillulidae -Anguimorpha -anguine -anguineal -anguineous -Anguinidae -anguiped -Anguis -anguis -anguish -anguished -anguishful -anguishous -anguishously -angula -angular -angulare -angularity -angularization -angularize -angularly -angularness -angulate -angulated -angulately -angulateness -angulation -angulatogibbous -angulatosinuous -anguliferous -angulinerved -Anguloa -angulodentate -angulometer -angulosity -angulosplenial -angulous -anguria -Angus -angusticlave -angustifoliate -angustifolious -angustirostrate -angustisellate -angustiseptal -angustiseptate -angwantibo -anhalamine -anhaline -anhalonine -Anhalonium -anhalouidine -anhang -Anhanga -anharmonic -anhedonia -anhedral -anhedron -anhelation -anhelous -anhematosis -anhemolytic -anhidrosis -anhidrotic -anhima -Anhimae -Anhimidae -anhinga -anhistic -anhistous -anhungered -anhungry -anhydrate -anhydration -anhydremia -anhydremic -anhydric -anhydride -anhydridization -anhydridize -anhydrite -anhydrization -anhydrize -anhydroglocose -anhydromyelia -anhydrous -anhydroxime -anhysteretic -ani -Aniba -Anice -aniconic -aniconism -anicular -anicut -anidian -anidiomatic -anidiomatical -anidrosis -Aniellidae -aniente -anigh -anight -anights -anil -anilao -anilau -anile -anileness -anilic -anilid -anilide -anilidic -anilidoxime -aniline -anilinism -anilinophile -anilinophilous -anility -anilla -anilopyrin -anilopyrine -anima -animability -animable -animableness -animadversion -animadversional -animadversive -animadversiveness -animadvert -animadverter -animal -animalcula -animalculae -animalcular -animalcule -animalculine -animalculism -animalculist -animalculous -animalculum -animalhood -Animalia -animalian -animalic -animalier -animalish -animalism -animalist -animalistic -animality -Animalivora -animalivore -animalivorous -animalization -animalize -animally -animastic -animastical -animate -animated -animatedly -animately -animateness -animater -animating -animatingly -animation -animatism -animatistic -animative -animatograph -animator -anime -animi -Animikean -animikite -animism -animist -animistic -animize -animosity -animotheism -animous -animus -anion -anionic -aniridia -anis -anisal -anisalcohol -anisaldehyde -anisaldoxime -anisamide -anisandrous -anisanilide -anisate -anischuria -anise -aniseed -aniseikonia -aniseikonic -aniselike -aniseroot -anisette -anisic -anisidin -anisidine -anisil -anisilic -anisobranchiate -anisocarpic -anisocarpous -anisocercal -anisochromatic -anisochromia -anisocoria -anisocotyledonous -anisocotyly -anisocratic -anisocycle -anisocytosis -anisodactyl -Anisodactyla -Anisodactyli -anisodactylic -anisodactylous -anisodont -anisogamete -anisogamous -anisogamy -anisogenous -anisogeny -anisognathism -anisognathous -anisogynous -anisoin -anisole -anisoleucocytosis -Anisomeles -anisomelia -anisomelus -anisomeric -anisomerous -anisometric -anisometrope -anisometropia -anisometropic -anisomyarian -Anisomyodi -anisomyodian -anisomyodous -anisopetalous -anisophyllous -anisophylly -anisopia -anisopleural -anisopleurous -anisopod -Anisopoda -anisopodal -anisopodous -anisopogonous -Anisoptera -anisopterous -anisosepalous -anisospore -anisostaminous -anisostemonous -anisosthenic -anisostichous -Anisostichus -anisostomous -anisotonic -anisotropal -anisotrope -anisotropic -anisotropical -anisotropically -anisotropism -anisotropous -anisotropy -anisoyl -anisum -anisuria -anisyl -anisylidene -Anita -anither -anitrogenous -anjan -Anjou -ankaramite -ankaratrite -ankee -anker -ankerite -ankh -ankle -anklebone -anklejack -anklet -anklong -Ankoli -Ankou -ankus -ankusha -ankylenteron -ankyloblepharon -ankylocheilia -ankylodactylia -ankylodontia -ankyloglossia -ankylomele -ankylomerism -ankylophobia -ankylopodia -ankylopoietic -ankyloproctia -ankylorrhinia -Ankylosaurus -ankylose -ankylosis -ankylostoma -ankylotia -ankylotic -ankylotome -ankylotomy -ankylurethria -ankyroid -anlace -anlaut -Ann -ann -Anna -anna -Annabel -annabergite -annal -annale -annaline -annalism -annalist -annalistic -annalize -annals -Annam -Annamese -Annamite -Annamitic -Annapurna -Annard -annat -annates -annatto -Anne -anneal -annealer -annectent -annection -annelid -Annelida -annelidan -Annelides -annelidian -annelidous -annelism -Annellata -anneloid -annerodite -Anneslia -annet -Annette -annex -annexa -annexable -annexal -annexation -annexational -annexationist -annexer -annexion -annexionist -annexitis -annexive -annexment -annexure -annidalin -Annie -Anniellidae -annihilability -annihilable -annihilate -annihilation -annihilationism -annihilationist -annihilative -annihilator -annihilatory -Annist -annite -anniversarily -anniversariness -anniversary -anniverse -annodated -Annona -annona -Annonaceae -annonaceous -annotate -annotater -annotation -annotative -annotator -annotatory -annotine -annotinous -announce -announceable -announcement -announcer -annoy -annoyance -annoyancer -annoyer -annoyful -annoying -annoyingly -annoyingness -annoyment -annual -annualist -annualize -annually -annuary -annueler -annuent -annuitant -annuity -annul -annular -Annularia -annularity -annularly -annulary -Annulata -annulate -annulated -annulation -annulet -annulettee -annulism -annullable -annullate -annullation -annuller -annulment -annuloid -Annuloida -Annulosa -annulosan -annulose -annulus -annunciable -annunciate -annunciation -annunciative -annunciator -annunciatory -anoa -Anobiidae -anocarpous -anociassociation -anococcygeal -anodal -anode -anodendron -anodic -anodically -anodize -Anodon -Anodonta -anodontia -anodos -anodyne -anodynia -anodynic -anodynous -anoegenetic -anoesia -anoesis -anoestrous -anoestrum -anoestrus -anoetic -anogenic -anogenital -Anogra -anoil -anoine -anoint -anointer -anointment -anole -anoli -anolian -Anolis -Anolympiad -anolyte -Anomala -anomaliflorous -anomaliped -anomalism -anomalist -anomalistic -anomalistical -anomalistically -anomalocephalus -anomaloflorous -Anomalogonatae -anomalogonatous -Anomalon -anomalonomy -Anomalopteryx -anomaloscope -anomalotrophy -anomalous -anomalously -anomalousness -anomalure -Anomaluridae -Anomalurus -anomaly -Anomatheca -Anomia -Anomiacea -Anomiidae -anomite -anomocarpous -anomodont -Anomodontia -Anomoean -Anomoeanism -anomophyllous -anomorhomboid -anomorhomboidal -anomphalous -Anomura -anomural -anomuran -anomurous -anomy -anon -anonang -anoncillo -anonol -anonychia -anonym -anonyma -anonymity -anonymous -anonymously -anonymousness -anonymuncule -anoopsia -anoperineal -anophele -Anopheles -Anophelinae -anopheline -anophoria -anophthalmia -anophthalmos -Anophthalmus -anophyte -anopia -anopisthographic -Anopla -Anoplanthus -anoplocephalic -anoplonemertean -Anoplonemertini -anoplothere -Anoplotheriidae -anoplotherioid -Anoplotherium -anoplotheroid -Anoplura -anopluriform -anopsia -anopubic -anorak -anorchia -anorchism -anorchous -anorchus -anorectal -anorectic -anorectous -anorexia -anorexy -anorgana -anorganic -anorganism -anorganology -anormal -anormality -anorogenic -anorth -anorthic -anorthite -anorthitic -anorthitite -anorthoclase -anorthographic -anorthographical -anorthographically -anorthography -anorthophyre -anorthopia -anorthoscope -anorthose -anorthosite -anoscope -anoscopy -Anosia -anosmatic -anosmia -anosmic -anosphrasia -anosphresia -anospinal -anostosis -Anostraca -anoterite -another -anotherkins -anotia -anotropia -anotta -anotto -anotus -anounou -Anous -anovesical -anoxemia -anoxemic -anoxia -anoxic -anoxidative -anoxybiosis -anoxybiotic -anoxyscope -ansa -ansar -ansarian -Ansarie -ansate -ansation -Anseis -Ansel -Anselm -Anselmian -Anser -anserated -Anseres -Anseriformes -Anserinae -anserine -anserous -anspessade -ansu -ansulate -answer -answerability -answerable -answerableness -answerably -answerer -answeringly -answerless -answerlessly -ant -Anta -anta -antacid -antacrid -antadiform -Antaean -Antaeus -antagonism -antagonist -antagonistic -antagonistical -antagonistically -antagonization -antagonize -antagonizer -antagony -Antaimerina -Antaios -Antaiva -antal -antalgesic -antalgol -antalkali -antalkaline -antambulacral -antanacathartic -antanaclasis -Antanandro -antanemic -antapex -antaphrodisiac -antaphroditic -antapocha -antapodosis -antapology -antapoplectic -Antar -Antara -antarchism -antarchist -antarchistic -antarchistical -antarchy -Antarctalia -Antarctalian -antarctic -Antarctica -antarctica -antarctical -antarctically -Antarctogaea -Antarctogaean -Antares -antarthritic -antasphyctic -antasthenic -antasthmatic -antatrophic -antdom -ante -anteact -anteal -anteambulate -anteambulation -anteater -antebaptismal -antebath -antebrachial -antebrachium -antebridal -antecabinet -antecaecal -antecardium -antecavern -antecedaneous -antecedaneously -antecede -antecedence -antecedency -antecedent -antecedental -antecedently -antecessor -antechamber -antechapel -Antechinomys -antechoir -antechurch -anteclassical -antecloset -antecolic -antecommunion -anteconsonantal -antecornu -antecourt -antecoxal -antecubital -antecurvature -antedate -antedawn -antediluvial -antediluvially -antediluvian -Antedon -antedonin -antedorsal -antefebrile -antefix -antefixal -anteflected -anteflexed -anteflexion -antefurca -antefurcal -antefuture -antegarden -antegrade -antehall -antehistoric -antehuman -antehypophysis -anteinitial -antejentacular -antejudiciary -antejuramentum -antelabium -antelegal -antelocation -antelope -antelopian -antelucan -antelude -anteluminary -antemarginal -antemarital -antemedial -antemeridian -antemetallic -antemetic -antemillennial -antemingent -antemortal -antemundane -antemural -antenarial -antenatal -antenatalitial -antenati -antenave -antenna -antennae -antennal -Antennaria -antennariid -Antennariidae -Antennarius -antennary -Antennata -antennate -antenniferous -antenniform -antennula -antennular -antennulary -antennule -antenodal -antenoon -Antenor -antenumber -anteoccupation -anteocular -anteopercle -anteoperculum -anteorbital -antepagmenta -antepagments -antepalatal -antepaschal -antepast -antepatriarchal -antepectoral -antepectus -antependium -antepenult -antepenultima -antepenultimate -antephialtic -antepileptic -antepirrhema -anteporch -anteportico -anteposition -anteposthumous -anteprandial -antepredicament -antepredicamental -antepreterit -antepretonic -anteprohibition -anteprostate -anteprostatic -antepyretic -antequalm -antereformation -antereformational -anteresurrection -anterethic -anterevolutional -anterevolutionary -anteriad -anterior -anteriority -anteriorly -anteriorness -anteroclusion -anterodorsal -anteroexternal -anterofixation -anteroflexion -anterofrontal -anterograde -anteroinferior -anterointerior -anterointernal -anterolateral -anterolaterally -anteromedial -anteromedian -anteroom -anteroparietal -anteroposterior -anteroposteriorly -anteropygal -anterospinal -anterosuperior -anteroventral -anteroventrally -antes -antescript -antesignanus -antespring -antestature -antesternal -antesternum -antesunrise -antesuperior -antetemple -antetype -Anteva -antevenient -anteversion -antevert -antevocalic -antewar -anthecological -anthecologist -anthecology -Antheia -anthela -anthelion -anthelmintic -anthem -anthema -anthemene -anthemia -Anthemideae -anthemion -Anthemis -anthemwise -anthemy -anther -Antheraea -antheral -Anthericum -antherid -antheridial -antheridiophore -antheridium -antheriferous -antheriform -antherless -antherogenous -antheroid -antherozoid -antherozoidal -antherozooid -antherozooidal -anthesis -Anthesteria -Anthesteriac -anthesterin -Anthesterion -anthesterol -antheximeter -Anthicidae -Anthidium -anthill -Anthinae -anthine -anthobiology -anthocarp -anthocarpous -anthocephalous -Anthoceros -Anthocerotaceae -Anthocerotales -anthocerote -anthochlor -anthochlorine -anthoclinium -anthocyan -anthocyanidin -anthocyanin -anthodium -anthoecological -anthoecologist -anthoecology -anthogenesis -anthogenetic -anthogenous -anthography -anthoid -anthokyan -antholite -anthological -anthologically -anthologion -anthologist -anthologize -anthology -antholysis -Antholyza -anthomania -anthomaniac -Anthomedusae -anthomedusan -Anthomyia -anthomyiid -Anthomyiidae -Anthonin -Anthonomus -Anthony -anthood -anthophagous -Anthophila -anthophile -anthophilian -anthophilous -anthophobia -Anthophora -anthophore -Anthophoridae -anthophorous -anthophyllite -anthophyllitic -Anthophyta -anthophyte -anthorine -anthosiderite -Anthospermum -anthotaxis -anthotaxy -anthotropic -anthotropism -anthoxanthin -Anthoxanthum -Anthozoa -anthozoan -anthozoic -anthozooid -anthozoon -anthracemia -anthracene -anthraceniferous -anthrachrysone -anthracia -anthracic -anthraciferous -anthracin -anthracite -anthracitic -anthracitiferous -anthracitious -anthracitism -anthracitization -anthracnose -anthracnosis -anthracocide -anthracoid -anthracolithic -anthracomancy -Anthracomarti -anthracomartian -Anthracomartus -anthracometer -anthracometric -anthraconecrosis -anthraconite -Anthracosaurus -anthracosis -anthracothere -Anthracotheriidae -Anthracotherium -anthracotic -anthracyl -anthradiol -anthradiquinone -anthraflavic -anthragallol -anthrahydroquinone -anthramine -anthranil -anthranilate -anthranilic -anthranol -anthranone -anthranoyl -anthranyl -anthraphenone -anthrapurpurin -anthrapyridine -anthraquinol -anthraquinone -anthraquinonyl -anthrarufin -anthratetrol -anthrathiophene -anthratriol -anthrax -anthraxolite -anthraxylon -Anthrenus -anthribid -Anthribidae -Anthriscus -anthrohopobiological -anthroic -anthrol -anthrone -anthropic -anthropical -Anthropidae -anthropobiologist -anthropobiology -anthropocentric -anthropocentrism -anthropoclimatologist -anthropoclimatology -anthropocosmic -anthropodeoxycholic -Anthropodus -anthropogenesis -anthropogenetic -anthropogenic -anthropogenist -anthropogenous -anthropogeny -anthropogeographer -anthropogeographical -anthropogeography -anthropoglot -anthropogony -anthropography -anthropoid -anthropoidal -Anthropoidea -anthropoidean -anthropolater -anthropolatric -anthropolatry -anthropolite -anthropolithic -anthropolitic -anthropological -anthropologically -anthropologist -anthropology -anthropomancy -anthropomantic -anthropomantist -anthropometer -anthropometric -anthropometrical -anthropometrically -anthropometrist -anthropometry -anthropomorph -Anthropomorpha -anthropomorphic -anthropomorphical -anthropomorphically -Anthropomorphidae -anthropomorphism -anthropomorphist -anthropomorphite -anthropomorphitic -anthropomorphitical -anthropomorphitism -anthropomorphization -anthropomorphize -anthropomorphological -anthropomorphologically -anthropomorphology -anthropomorphosis -anthropomorphotheist -anthropomorphous -anthropomorphously -anthroponomical -anthroponomics -anthroponomist -anthroponomy -anthropopathia -anthropopathic -anthropopathically -anthropopathism -anthropopathite -anthropopathy -anthropophagi -anthropophagic -anthropophagical -anthropophaginian -anthropophagism -anthropophagist -anthropophagistic -anthropophagite -anthropophagize -anthropophagous -anthropophagously -anthropophagy -anthropophilous -anthropophobia -anthropophuism -anthropophuistic -anthropophysiography -anthropophysite -Anthropopithecus -anthropopsychic -anthropopsychism -Anthropos -anthroposcopy -anthroposociologist -anthroposociology -anthroposomatology -anthroposophical -anthroposophist -anthroposophy -anthropoteleoclogy -anthropoteleological -anthropotheism -anthropotomical -anthropotomist -anthropotomy -anthropotoxin -Anthropozoic -anthropurgic -anthroropolith -anthroxan -anthroxanic -anthryl -anthrylene -Anthurium -Anthus -Anthyllis -anthypophora -anthypophoretic -Anti -anti -antiabolitionist -antiabrasion -antiabrin -antiabsolutist -antiacid -antiadiaphorist -antiaditis -antiadministration -antiae -antiaesthetic -antiager -antiagglutinating -antiagglutinin -antiaggression -antiaggressionist -antiaggressive -antiaircraft -antialbumid -antialbumin -antialbumose -antialcoholic -antialcoholism -antialcoholist -antialdoxime -antialexin -antialien -antiamboceptor -antiamusement -antiamylase -antianaphylactogen -antianaphylaxis -antianarchic -antianarchist -antiangular -antiannexation -antiannexationist -antianopheline -antianthrax -antianthropocentric -antianthropomorphism -antiantibody -antiantidote -antiantienzyme -antiantitoxin -antiaphrodisiac -antiaphthic -antiapoplectic -antiapostle -antiaquatic -antiar -Antiarcha -Antiarchi -antiarin -Antiaris -antiaristocrat -antiarthritic -antiascetic -antiasthmatic -antiastronomical -antiatheism -antiatheist -antiatonement -antiattrition -antiautolysin -antibacchic -antibacchius -antibacterial -antibacteriolytic -antiballooner -antibalm -antibank -antibasilican -antibenzaldoxime -antiberiberin -antibibliolatry -antibigotry -antibilious -antibiont -antibiosis -antibiotic -antibishop -antiblastic -antiblennorrhagic -antiblock -antiblue -antibody -antiboxing -antibreakage -antibridal -antibromic -antibubonic -Antiburgher -antic -anticachectic -antical -anticalcimine -anticalculous -anticalligraphic -anticancer -anticapital -anticapitalism -anticapitalist -anticardiac -anticardium -anticarious -anticarnivorous -anticaste -anticatalase -anticatalyst -anticatalytic -anticatalyzer -anticatarrhal -anticathexis -anticathode -anticaustic -anticensorship -anticentralization -anticephalalgic -anticeremonial -anticeremonialism -anticeremonialist -anticheater -antichlor -antichlorine -antichloristic -antichlorotic -anticholagogue -anticholinergic -antichoromanic -antichorus -antichresis -antichretic -antichrist -antichristian -antichristianity -antichristianly -antichrome -antichronical -antichronically -antichthon -antichurch -antichurchian -antichymosin -anticipant -anticipatable -anticipate -anticipation -anticipative -anticipatively -anticipator -anticipatorily -anticipatory -anticivic -anticivism -anticize -anticker -anticlactic -anticlassical -anticlassicist -Anticlea -anticlergy -anticlerical -anticlericalism -anticlimactic -anticlimax -anticlinal -anticline -anticlinorium -anticlockwise -anticlogging -anticly -anticnemion -anticness -anticoagulant -anticoagulating -anticoagulative -anticoagulin -anticogitative -anticolic -anticombination -anticomet -anticomment -anticommercial -anticommunist -anticomplement -anticomplementary -anticomplex -anticonceptionist -anticonductor -anticonfederationist -anticonformist -anticonscience -anticonscription -anticonscriptive -anticonstitutional -anticonstitutionalist -anticonstitutionally -anticontagion -anticontagionist -anticontagious -anticonventional -anticonventionalism -anticonvulsive -anticor -anticorn -anticorrosion -anticorrosive -anticorset -anticosine -anticosmetic -anticouncil -anticourt -anticourtier -anticous -anticovenanter -anticovenanting -anticreation -anticreative -anticreator -anticreep -anticreeper -anticreeping -anticrepuscular -anticrepuscule -anticrisis -anticritic -anticritique -anticrochet -anticrotalic -anticryptic -anticum -anticyclic -anticyclone -anticyclonic -anticyclonically -anticynic -anticytolysin -anticytotoxin -antidactyl -antidancing -antidecalogue -antideflation -antidemocrat -antidemocratic -antidemocratical -antidemoniac -antidetonant -antidetonating -antidiabetic -antidiastase -Antidicomarian -Antidicomarianite -antidictionary -antidiffuser -antidinic -antidiphtheria -antidiphtheric -antidiphtherin -antidiphtheritic -antidisciplinarian -antidivine -antidivorce -antidogmatic -antidomestic -antidominican -Antidorcas -antidoron -antidotal -antidotally -antidotary -antidote -antidotical -antidotically -antidotism -antidraft -antidrag -antidromal -antidromic -antidromically -antidromous -antidromy -antidrug -antiduke -antidumping -antidynamic -antidynastic -antidyscratic -antidysenteric -antidysuric -antiecclesiastic -antiecclesiastical -antiedemic -antieducation -antieducational -antiegotism -antiejaculation -antiemetic -antiemperor -antiempirical -antiendotoxin -antiendowment -antienergistic -antienthusiastic -antienzyme -antienzymic -antiepicenter -antiepileptic -antiepiscopal -antiepiscopist -antiepithelial -antierosion -antierysipelas -Antietam -antiethnic -antieugenic -antievangelical -antievolution -antievolutionist -antiexpansionist -antiexporting -antiextreme -antieyestrain -antiface -antifaction -antifame -antifanatic -antifat -antifatigue -antifebrile -antifederal -antifederalism -antifederalist -antifelon -antifelony -antifeminism -antifeminist -antiferment -antifermentative -antifertilizer -antifeudal -antifeudalism -antifibrinolysin -antifibrinolysis -antifideism -antifire -antiflash -antiflattering -antiflatulent -antiflux -antifoam -antifoaming -antifogmatic -antiforeign -antiforeignism -antiformin -antifouler -antifouling -antifowl -antifreeze -antifreezing -antifriction -antifrictional -antifrost -antifundamentalist -antifungin -antigalactagogue -antigalactic -antigambling -antiganting -antigen -antigenic -antigenicity -antighostism -antigigmanic -antiglare -antiglyoxalase -antigod -Antigone -antigonococcic -Antigonon -antigonorrheic -Antigonus -antigorite -antigovernment -antigraft -antigrammatical -antigraph -antigravitate -antigravitational -antigropelos -antigrowth -Antiguan -antiguggler -antigyrous -antihalation -antiharmonist -antihectic -antihelix -antihelminthic -antihemagglutinin -antihemisphere -antihemoglobin -antihemolysin -antihemolytic -antihemorrhagic -antihemorrheidal -antihero -antiheroic -antiheroism -antiheterolysin -antihidrotic -antihierarchical -antihierarchist -antihistamine -antihistaminic -antiholiday -antihormone -antihuff -antihum -antihuman -antihumbuggist -antihunting -antihydrophobic -antihydropic -antihydropin -antihygienic -antihylist -antihypnotic -antihypochondriac -antihypophora -antihysteric -Antikamnia -antikathode -antikenotoxin -antiketogen -antiketogenesis -antiketogenic -antikinase -antiking -antiknock -antilabor -antilaborist -antilacrosse -antilacrosser -antilactase -antilapsarian -antileague -antilegalist -antilegomena -antilemic -antilens -antilepsis -antileptic -antilethargic -antileveling -Antilia -antiliberal -antilibration -antilift -antilipase -antilipoid -antiliquor -antilithic -antiliturgical -antiliturgist -Antillean -antilobium -Antilocapra -Antilocapridae -Antilochus -antiloemic -antilogarithm -antilogic -antilogical -antilogism -antilogous -antilogy -antiloimic -Antilope -Antilopinae -antilottery -antiluetin -antilynching -antilysin -antilysis -antilyssic -antilytic -antimacassar -antimachine -antimachinery -antimagistratical -antimalaria -antimalarial -antimallein -antimaniac -antimaniacal -Antimarian -antimark -antimartyr -antimask -antimasker -Antimason -Antimasonic -Antimasonry -antimasque -antimasquer -antimasquerade -antimaterialist -antimaterialistic -antimatrimonial -antimatrimonialist -antimedical -antimedieval -antimelancholic -antimellin -antimeningococcic -antimension -antimensium -antimephitic -antimere -antimerger -antimeric -Antimerina -antimerism -antimeristem -antimetabole -antimetathesis -antimetathetic -antimeter -antimethod -antimetrical -antimetropia -antimetropic -antimiasmatic -antimicrobic -antimilitarism -antimilitarist -antimilitary -antiministerial -antiministerialist -antiminsion -antimiscegenation -antimission -antimissionary -antimissioner -antimixing -antimnemonic -antimodel -antimodern -antimonarchial -antimonarchic -antimonarchical -antimonarchically -antimonarchicalness -antimonarchist -antimonate -antimonial -antimoniate -antimoniated -antimonic -antimonid -antimonide -antimoniferous -antimonious -antimonite -antimonium -antimoniuret -antimoniureted -antimoniuretted -antimonopolist -antimonopoly -antimonsoon -antimony -antimonyl -antimoral -antimoralism -antimoralist -antimosquito -antimusical -antimycotic -antimythic -antimythical -antinarcotic -antinarrative -antinational -antinationalist -antinationalistic -antinatural -antinegro -antinegroism -antineologian -antinephritic -antinepotic -antineuralgic -antineuritic -antineurotoxin -antineutral -antinial -antinicotine -antinion -antinode -antinoise -antinome -antinomian -antinomianism -antinomic -antinomical -antinomist -antinomy -antinormal -antinosarian -Antinous -Antiochene -Antiochian -Antiochianism -antiodont -antiodontalgic -Antiope -antiopelmous -antiophthalmic -antiopium -antiopiumist -antiopiumite -antioptimist -antioptionist -antiorgastic -antiorthodox -antioxidant -antioxidase -antioxidizer -antioxidizing -antioxygen -antioxygenation -antioxygenator -antioxygenic -antipacifist -antipapacy -antipapal -antipapalist -antipapism -antipapist -antipapistical -antiparabema -antiparagraphe -antiparagraphic -antiparallel -antiparallelogram -antiparalytic -antiparalytical -antiparasitic -antiparastatitis -antiparliament -antiparliamental -antiparliamentarist -antiparliamentary -antipart -Antipasch -Antipascha -antipass -antipastic -Antipatharia -antipatharian -antipathetic -antipathetical -antipathetically -antipatheticalness -antipathic -Antipathida -antipathist -antipathize -antipathogen -antipathy -antipatriarch -antipatriarchal -antipatriot -antipatriotic -antipatriotism -antipedal -Antipedobaptism -Antipedobaptist -antipeduncular -antipellagric -antipepsin -antipeptone -antiperiodic -antiperistalsis -antiperistaltic -antiperistasis -antiperistatic -antiperistatical -antiperistatically -antipersonnel -antiperthite -antipestilential -antipetalous -antipewism -antiphagocytic -antipharisaic -antipharmic -antiphase -antiphilosophic -antiphilosophical -antiphlogistian -antiphlogistic -antiphon -antiphonal -antiphonally -antiphonary -antiphoner -antiphonetic -antiphonic -antiphonical -antiphonically -antiphonon -antiphony -antiphrasis -antiphrastic -antiphrastical -antiphrastically -antiphthisic -antiphthisical -antiphylloxeric -antiphysic -antiphysical -antiphysician -antiplague -antiplanet -antiplastic -antiplatelet -antipleion -antiplenist -antiplethoric -antipleuritic -antiplurality -antipneumococcic -antipodagric -antipodagron -antipodal -antipode -antipodean -antipodes -antipodic -antipodism -antipodist -antipoetic -antipoints -antipolar -antipole -antipolemist -antipolitical -antipollution -antipolo -antipolygamy -antipolyneuritic -antipool -antipooling -antipope -antipopery -antipopular -antipopulationist -antiportable -antiposition -antipoverty -antipragmatic -antipragmatist -antiprecipitin -antipredeterminant -antiprelate -antiprelatic -antiprelatist -antipreparedness -antiprestidigitation -antipriest -antipriestcraft -antiprime -antiprimer -antipriming -antiprinciple -antiprism -antiproductionist -antiprofiteering -antiprohibition -antiprohibitionist -antiprojectivity -antiprophet -antiprostate -antiprostatic -antiprotease -antiproteolysis -antiprotozoal -antiprudential -antipruritic -antipsalmist -antipsoric -antiptosis -antipudic -antipuritan -antiputrefaction -antiputrefactive -antiputrescent -antiputrid -antipyic -antipyonin -antipyresis -antipyretic -Antipyrine -antipyrotic -antipyryl -antiqua -antiquarian -antiquarianism -antiquarianize -antiquarianly -antiquarism -antiquartan -antiquary -antiquate -antiquated -antiquatedness -antiquation -antique -antiquely -antiqueness -antiquer -antiquing -antiquist -antiquitarian -antiquity -antirabic -antirabies -antiracemate -antiracer -antirachitic -antirachitically -antiracing -antiradiating -antiradiation -antiradical -antirailwayist -antirational -antirationalism -antirationalist -antirationalistic -antirattler -antireactive -antirealism -antirealistic -antirebating -antirecruiting -antired -antireducer -antireform -antireformer -antireforming -antireformist -antireligion -antireligious -antiremonstrant -antirennet -antirennin -antirent -antirenter -antirentism -antirepublican -antireservationist -antirestoration -antireticular -antirevisionist -antirevolutionary -antirevolutionist -antirheumatic -antiricin -antirickets -antiritual -antiritualistic -antirobin -antiromance -antiromantic -antiromanticism -antiroyal -antiroyalist -Antirrhinum -antirumor -antirun -antirust -antisacerdotal -antisacerdotalist -antisaloon -antisalooner -antisavage -antiscabious -antiscale -antischolastic -antischool -antiscians -antiscientific -antiscion -antiscolic -antiscorbutic -antiscorbutical -antiscrofulous -antiseismic -antiselene -antisensitizer -antisensuous -antisensuousness -antisepalous -antisepsin -antisepsis -antiseptic -antiseptical -antiseptically -antisepticism -antisepticist -antisepticize -antiseption -antiseptize -antiserum -antishipping -Antisi -antisialagogue -antisialic -antisiccative -antisideric -antisilverite -antisimoniacal -antisine -antisiphon -antisiphonal -antiskeptical -antiskid -antiskidding -antislavery -antislaveryism -antislickens -antislip -antismoking -antisnapper -antisocial -antisocialist -antisocialistic -antisocialistically -antisociality -antisolar -antisophist -antisoporific -antispace -antispadix -antispasis -antispasmodic -antispast -antispastic -antispectroscopic -antispermotoxin -antispiritual -antispirochetic -antisplasher -antisplenetic -antisplitting -antispreader -antispreading -antisquama -antisquatting -antistadholder -antistadholderian -antistalling -antistaphylococcic -antistate -antistatism -antistatist -antisteapsin -antisterility -antistes -antistimulant -antistock -antistreptococcal -antistreptococcic -antistreptococcin -antistreptococcus -antistrike -antistrophal -antistrophe -antistrophic -antistrophically -antistrophize -antistrophon -antistrumatic -antistrumous -antisubmarine -antisubstance -antisudoral -antisudorific -antisuffrage -antisuffragist -antisun -antisupernaturalism -antisupernaturalist -antisurplician -antisymmetrical -antisyndicalism -antisyndicalist -antisynod -antisyphilitic -antitabetic -antitabloid -antitangent -antitank -antitarnish -antitartaric -antitax -antiteetotalism -antitegula -antitemperance -antitetanic -antitetanolysin -antithalian -antitheft -antitheism -antitheist -antitheistic -antitheistical -antitheistically -antithenar -antitheologian -antitheological -antithermic -antithermin -antitheses -antithesis -antithesism -antithesize -antithet -antithetic -antithetical -antithetically -antithetics -antithrombic -antithrombin -antitintinnabularian -antitobacco -antitobacconal -antitobacconist -antitonic -antitorpedo -antitoxic -antitoxin -antitrade -antitrades -antitraditional -antitragal -antitragic -antitragicus -antitragus -antitrismus -antitrochanter -antitropal -antitrope -antitropic -antitropical -antitropous -antitropy -antitrust -antitrypsin -antitryptic -antituberculin -antituberculosis -antituberculotic -antituberculous -antiturnpikeism -antitwilight -antitypal -antitype -antityphoid -antitypic -antitypical -antitypically -antitypy -antityrosinase -antiunion -antiunionist -antiuratic -antiurease -antiusurious -antiutilitarian -antivaccination -antivaccinationist -antivaccinator -antivaccinist -antivariolous -antivenefic -antivenereal -antivenin -antivenom -antivenomous -antivermicular -antivibrating -antivibrator -antivibratory -antivice -antiviral -antivirus -antivitalist -antivitalistic -antivitamin -antivivisection -antivivisectionist -antivolition -antiwar -antiwarlike -antiwaste -antiwedge -antiweed -antiwit -antixerophthalmic -antizealot -antizymic -antizymotic -antler -antlered -antlerite -antlerless -antlia -antliate -Antlid -antling -antluetic -antodontalgic -antoeci -antoecian -antoecians -Antoinette -Anton -Antonella -Antonia -Antonina -antoninianus -Antonio -antonomasia -antonomastic -antonomastical -antonomastically -antonomasy -Antony -antonym -antonymous -antonymy -antorbital -antproof -antra -antral -antralgia -antre -antrectomy -antrin -antritis -antrocele -antronasal -antrophore -antrophose -antrorse -antrorsely -antroscope -antroscopy -Antrostomus -antrotome -antrotomy -antrotympanic -antrotympanitis -antrum -antrustion -antrustionship -antship -Antu -antu -Antum -Antwerp -antwise -anubing -Anubis -anucleate -anukabiet -Anukit -anuloma -Anura -anuran -anuresis -anuretic -anuria -anuric -anurous -anury -anus -anusim -anusvara -anutraminosa -anvasser -anvil -anvilsmith -anxietude -anxiety -anxious -anxiously -anxiousness -any -anybody -Anychia -anyhow -anyone -anyplace -Anystidae -anything -anythingarian -anythingarianism -anyway -anyways -anywhen -anywhere -anywhereness -anywheres -anywhy -anywise -anywither -Anzac -Anzanian -Ao -aogiri -Aoife -aonach -Aonian -aorist -aoristic -aoristically -aorta -aortal -aortarctia -aortectasia -aortectasis -aortic -aorticorenal -aortism -aortitis -aortoclasia -aortoclasis -aortolith -aortomalacia -aortomalaxis -aortopathy -aortoptosia -aortoptosis -aortorrhaphy -aortosclerosis -aortostenosis -aortotomy -aosmic -Aotea -Aotearoa -Aotes -Aotus -aoudad -Aouellimiden -Aoul -apa -apabhramsa -apace -Apache -apache -Apachette -apachism -apachite -apadana -apagoge -apagogic -apagogical -apagogically -apaid -Apalachee -apalit -Apama -apandry -Apanteles -Apantesis -apanthropia -apanthropy -apar -Aparai -aparaphysate -aparejo -Apargia -aparithmesis -apart -apartheid -aparthrosis -apartment -apartmental -apartness -apasote -apastron -apatan -Apatela -apatetic -apathetic -apathetical -apathetically -apathic -apathism -apathist -apathistical -apathogenic -Apathus -apathy -apatite -Apatornis -Apatosaurus -Apaturia -Apayao -ape -apeak -apectomy -apedom -apehood -apeiron -apelet -apelike -apeling -apellous -Apemantus -Apennine -apenteric -apepsia -apepsinia -apepsy -apeptic -aper -aperch -aperea -aperient -aperiodic -aperiodically -aperiodicity -aperispermic -aperistalsis -aperitive -apert -apertly -apertness -apertometer -apertural -aperture -apertured -Aperu -apery -apesthesia -apesthetic -apesthetize -Apetalae -apetaloid -apetalose -apetalous -apetalousness -apetaly -apex -apexed -aphaeresis -aphaeretic -aphagia -aphakia -aphakial -aphakic -Aphanapteryx -Aphanes -aphanesite -Aphaniptera -aphanipterous -aphanite -aphanitic -aphanitism -Aphanomyces -aphanophyre -aphanozygous -Apharsathacites -aphasia -aphasiac -aphasic -Aphelandra -Aphelenchus -aphelian -Aphelinus -aphelion -apheliotropic -apheliotropically -apheliotropism -Aphelops -aphemia -aphemic -aphengescope -aphengoscope -aphenoscope -apheresis -apheretic -aphesis -apheta -aphetic -aphetically -aphetism -aphetize -aphicidal -aphicide -aphid -aphides -aphidian -aphidicide -aphidicolous -aphidid -Aphididae -Aphidiinae -aphidious -Aphidius -aphidivorous -aphidolysin -aphidophagous -aphidozer -aphilanthropy -Aphis -aphlaston -aphlebia -aphlogistic -aphnology -aphodal -aphodian -Aphodius -aphodus -aphonia -aphonic -aphonous -aphony -aphoria -aphorism -aphorismatic -aphorismer -aphorismic -aphorismical -aphorismos -aphorist -aphoristic -aphoristically -aphorize -aphorizer -Aphoruridae -aphotic -aphototactic -aphototaxis -aphototropic -aphototropism -Aphra -aphrasia -aphrite -aphrizite -aphrodisia -aphrodisiac -aphrodisiacal -aphrodisian -Aphrodision -Aphrodistic -Aphrodite -Aphroditeum -aphroditic -Aphroditidae -aphroditous -aphrolite -aphronia -aphrosiderite -aphtha -Aphthartodocetae -Aphthartodocetic -Aphthartodocetism -aphthic -aphthitalite -aphthoid -aphthong -aphthongal -aphthongia -aphthous -aphydrotropic -aphydrotropism -aphyllose -aphyllous -aphylly -aphyric -Apiaca -Apiaceae -apiaceous -Apiales -apian -apiarian -apiarist -apiary -apiator -apicad -apical -apically -apices -Apician -apicifixed -apicilar -apicillary -apicitis -apickaback -apicoectomy -apicolysis -apicula -apicular -apiculate -apiculated -apiculation -apicultural -apiculture -apiculturist -apiculus -Apidae -apiece -apieces -apigenin -apii -apiin -apikoros -apilary -Apina -Apinae -Apinage -apinch -aping -apinoid -apio -Apioceridae -apioid -apioidal -apiole -apiolin -apiologist -apiology -apionol -Apios -apiose -Apiosoma -apiphobia -Apis -apish -apishamore -apishly -apishness -apism -apitong -apitpat -Apium -apivorous -apjohnite -aplacental -Aplacentalia -Aplacentaria -Aplacophora -aplacophoran -aplacophorous -aplanat -aplanatic -aplanatically -aplanatism -Aplanobacter -aplanogamete -aplanospore -aplasia -aplastic -Aplectrum -aplenty -aplite -aplitic -aplobasalt -aplodiorite -Aplodontia -Aplodontiidae -aplomb -aplome -Aplopappus -aploperistomatous -aplostemonous -aplotaxene -aplotomy -Apluda -aplustre -Aplysia -apnea -apneal -apneic -apneumatic -apneumatosis -Apneumona -apneumonous -apneustic -apoaconitine -apoatropine -apobiotic -apoblast -apocaffeine -apocalypse -apocalypst -apocalypt -apocalyptic -apocalyptical -apocalyptically -apocalypticism -apocalyptism -apocalyptist -apocamphoric -apocarp -apocarpous -apocarpy -apocatastasis -apocatastatic -apocatharsis -apocenter -apocentric -apocentricity -apocha -apocholic -apochromat -apochromatic -apochromatism -apocinchonine -apocodeine -apocopate -apocopated -apocopation -apocope -apocopic -apocrenic -apocrisiary -Apocrita -apocrustic -apocryph -Apocrypha -apocryphal -apocryphalist -apocryphally -apocryphalness -apocryphate -apocryphon -Apocynaceae -apocynaceous -apocyneous -Apocynum -apod -Apoda -apodal -apodan -apodeipnon -apodeixis -apodema -apodemal -apodematal -apodeme -Apodes -Apodia -apodia -apodictic -apodictical -apodictically -apodictive -Apodidae -apodixis -apodosis -apodous -apodyterium -apoembryony -apofenchene -apogaeic -apogalacteum -apogamic -apogamically -apogamous -apogamously -apogamy -apogeal -apogean -apogee -apogeic -apogenous -apogeny -apogeotropic -apogeotropically -apogeotropism -Apogon -Apogonidae -apograph -apographal -apoharmine -apohyal -Apoidea -apoise -apojove -apokrea -apokreos -apolar -apolarity -apolaustic -apolegamic -Apolista -Apolistan -Apollinarian -Apollinarianism -Apolline -Apollo -Apollonia -Apollonian -Apollonic -apollonicon -Apollonistic -Apolloship -Apollyon -apologal -apologete -apologetic -apologetical -apologetically -apologetics -apologia -apologist -apologize -apologizer -apologue -apology -apolousis -Apolysin -apolysis -apolytikion -apomecometer -apomecometry -apometabolic -apometabolism -apometabolous -apometaboly -apomictic -apomictical -apomixis -apomorphia -apomorphine -aponeurology -aponeurorrhaphy -aponeurosis -aponeurositis -aponeurotic -aponeurotome -aponeurotomy -aponia -aponic -Aponogeton -Aponogetonaceae -aponogetonaceous -apoop -apopenptic -apopetalous -apophantic -apophasis -apophatic -Apophis -apophlegmatic -apophonia -apophony -apophorometer -apophthegm -apophthegmatist -apophyge -apophylactic -apophylaxis -apophyllite -apophyllous -apophysary -apophysate -apophyseal -apophysis -apophysitis -apoplasmodial -apoplastogamous -apoplectic -apoplectical -apoplectically -apoplectiform -apoplectoid -apoplex -apoplexy -apopyle -apoquinamine -apoquinine -aporetic -aporetical -aporhyolite -aporia -Aporobranchia -aporobranchian -Aporobranchiata -Aporocactus -Aporosa -aporose -aporphin -aporphine -Aporrhaidae -Aporrhais -aporrhaoid -aporrhegma -aport -aportoise -aposafranine -aposaturn -aposaturnium -aposematic -aposematically -aposepalous -aposia -aposiopesis -aposiopetic -apositia -apositic -aposoro -aposporogony -aposporous -apospory -apostasis -apostasy -apostate -apostatic -apostatical -apostatically -apostatism -apostatize -apostaxis -apostemate -apostematic -apostemation -apostematous -aposteme -aposteriori -aposthia -apostil -apostle -apostlehood -apostleship -apostolate -apostoless -apostoli -Apostolian -Apostolic -apostolic -apostolical -apostolically -apostolicalness -Apostolici -apostolicism -apostolicity -apostolize -Apostolos -apostrophal -apostrophation -apostrophe -apostrophic -apostrophied -apostrophize -apostrophus -Apotactic -Apotactici -apotelesm -apotelesmatic -apotelesmatical -apothecal -apothecary -apothecaryship -apothece -apothecial -apothecium -apothegm -apothegmatic -apothegmatical -apothegmatically -apothegmatist -apothegmatize -apothem -apotheose -apotheoses -apotheosis -apotheosize -apothesine -apothesis -apotome -apotracheal -apotropaic -apotropaion -apotropaism -apotropous -apoturmeric -apotype -apotypic -apout -apoxesis -Apoxyomenos -apozem -apozema -apozemical -apozymase -Appalachia -Appalachian -appall -appalling -appallingly -appallment -appalment -appanage -appanagist -apparatus -apparel -apparelment -apparence -apparency -apparent -apparently -apparentness -apparition -apparitional -apparitor -appassionata -appassionato -appay -appeal -appealability -appealable -appealer -appealing -appealingly -appealingness -appear -appearance -appearanced -appearer -appeasable -appeasableness -appeasably -appease -appeasement -appeaser -appeasing -appeasingly -appeasive -appellability -appellable -appellancy -appellant -appellate -appellation -appellational -appellative -appellatived -appellatively -appellativeness -appellatory -appellee -appellor -append -appendage -appendaged -appendalgia -appendance -appendancy -appendant -appendectomy -appendical -appendicalgia -appendice -appendicectasis -appendicectomy -appendices -appendicial -appendicious -appendicitis -appendicle -appendicocaecostomy -appendicostomy -appendicular -Appendicularia -appendicularian -Appendiculariidae -Appendiculata -appendiculate -appendiculated -appenditious -appendix -appendorontgenography -appendotome -appentice -apperceive -apperception -apperceptionism -apperceptionist -apperceptionistic -apperceptive -apperceptively -appercipient -appersonation -appertain -appertainment -appertinent -appet -appete -appetence -appetency -appetent -appetently -appetibility -appetible -appetibleness -appetite -appetition -appetitional -appetitious -appetitive -appetize -appetizement -appetizer -appetizingly -appinite -Appius -applanate -applanation -applaud -applaudable -applaudably -applauder -applaudingly -applause -applausive -applausively -apple -appleberry -appleblossom -applecart -appledrane -applegrower -applejack -applejohn -applemonger -applenut -appleringy -appleroot -applesauce -applewife -applewoman -appliable -appliableness -appliably -appliance -appliant -applicability -applicable -applicableness -applicably -applicancy -applicant -applicate -application -applicative -applicatively -applicator -applicatorily -applicatory -applied -appliedly -applier -applique -applosion -applosive -applot -applotment -apply -applyingly -applyment -appoggiatura -appoint -appointable -appointe -appointee -appointer -appointive -appointment -appointor -Appomatox -Appomattoc -apport -apportion -apportionable -apportioner -apportionment -apposability -apposable -appose -apposer -apposiopestic -apposite -appositely -appositeness -apposition -appositional -appositionally -appositive -appositively -appraisable -appraisal -appraise -appraisement -appraiser -appraising -appraisingly -appraisive -appreciable -appreciably -appreciant -appreciate -appreciatingly -appreciation -appreciational -appreciativ -appreciative -appreciatively -appreciativeness -appreciator -appreciatorily -appreciatory -appredicate -apprehend -apprehender -apprehendingly -apprehensibility -apprehensible -apprehensibly -apprehension -apprehensive -apprehensively -apprehensiveness -apprend -apprense -apprentice -apprenticehood -apprenticement -apprenticeship -appressed -appressor -appressorial -appressorium -appreteur -apprise -apprize -apprizement -apprizer -approach -approachability -approachabl -approachable -approachableness -approacher -approaching -approachless -approachment -approbate -approbation -approbative -approbativeness -approbator -approbatory -approof -appropinquate -appropinquation -appropinquity -appropre -appropriable -appropriate -appropriately -appropriateness -appropriation -appropriative -appropriativeness -appropriator -approvable -approvableness -approval -approvance -approve -approvedly -approvedness -approvement -approver -approvingly -approximal -approximate -approximately -approximation -approximative -approximatively -approximativeness -approximator -appulse -appulsion -appulsive -appulsively -appurtenance -appurtenant -apractic -apraxia -apraxic -apricate -aprication -aprickle -apricot -April -Aprilesque -Apriline -Aprilis -apriori -apriorism -apriorist -aprioristic -apriority -Aprocta -aproctia -aproctous -apron -aproneer -apronful -apronless -apronlike -apropos -aprosexia -aprosopia -aprosopous -aproterodont -apse -apselaphesia -apselaphesis -apsidal -apsidally -apsides -apsidiole -apsis -apsychia -apsychical -apt -Aptal -Aptenodytes -Aptera -apteral -apteran -apterial -apterium -apteroid -apterous -Apteryges -apterygial -Apterygidae -Apterygiformes -Apterygogenea -Apterygota -apterygote -apterygotous -Apteryx -Aptian -Aptiana -aptitude -aptitudinal -aptitudinally -aptly -aptness -aptote -aptotic -aptyalia -aptyalism -aptychus -Apulian -apulmonic -apulse -apurpose -Apus -apyonin -apyrene -apyretic -apyrexia -apyrexial -apyrexy -apyrotype -apyrous -aqua -aquabelle -aquabib -aquacade -aquacultural -aquaculture -aquaemanale -aquafortist -aquage -aquagreen -aquamarine -aquameter -aquaplane -aquapuncture -aquarelle -aquarellist -aquaria -aquarial -Aquarian -aquarian -Aquarid -Aquarii -aquariist -aquarium -Aquarius -aquarter -aquascutum -aquatic -aquatical -aquatically -aquatile -aquatint -aquatinta -aquatinter -aquation -aquativeness -aquatone -aquavalent -aquavit -aqueduct -aqueoglacial -aqueoigneous -aqueomercurial -aqueous -aqueously -aqueousness -aquicolous -aquicultural -aquiculture -aquiculturist -aquifer -aquiferous -Aquifoliaceae -aquifoliaceous -aquiform -Aquila -Aquilaria -aquilawood -aquilege -Aquilegia -Aquilian -Aquilid -aquiline -aquilino -aquincubital -aquincubitalism -Aquinist -aquintocubital -aquintocubitalism -aquiparous -Aquitanian -aquiver -aquo -aquocapsulitis -aquocarbonic -aquocellolitis -aquopentamminecobaltic -aquose -aquosity -aquotization -aquotize -ar -ara -Arab -araba -araban -arabana -Arabella -arabesque -arabesquely -arabesquerie -Arabian -Arabianize -Arabic -Arabicism -Arabicize -Arabidopsis -arability -arabin -arabinic -arabinose -arabinosic -Arabis -Arabism -Arabist -arabit -arabitol -arabiyeh -Arabize -arable -Arabophil -Araby -araca -Aracana -aracanga -aracari -Araceae -araceous -arachic -arachidonic -arachin -Arachis -arachnactis -Arachne -arachnean -arachnid -Arachnida -arachnidan -arachnidial -arachnidism -arachnidium -arachnism -Arachnites -arachnitis -arachnoid -arachnoidal -Arachnoidea -arachnoidea -arachnoidean -arachnoiditis -arachnological -arachnologist -arachnology -Arachnomorphae -arachnophagous -arachnopia -arad -Aradidae -arado -araeostyle -araeosystyle -Aragallus -Aragonese -Aragonian -aragonite -araguato -arain -Arains -Arakanese -arakawaite -arake -Arales -Aralia -Araliaceae -araliaceous -araliad -Araliaephyllum -aralie -Araliophyllum -aralkyl -aralkylated -Aramaean -Aramaic -Aramaicize -Aramaism -aramayoite -Aramidae -aramina -Araminta -Aramis -Aramitess -Aramu -Aramus -Aranea -Araneae -araneid -Araneida -araneidan -araneiform -Araneiformes -Araneiformia -aranein -Araneina -Araneoidea -araneologist -araneology -araneous -aranga -arango -Aranyaka -aranzada -arapahite -Arapaho -arapaima -araphorostic -arapunga -Araquaju -arar -Arara -arara -araracanga -ararao -ararauna -arariba -araroba -arati -aration -aratory -Araua -Arauan -Araucan -Araucanian -Araucano -Araucaria -Araucariaceae -araucarian -Araucarioxylon -Araujia -Arauna -Arawa -Arawak -Arawakan -Arawakian -arba -Arbacia -arbacin -arbalest -arbalester -arbalestre -arbalestrier -arbalist -arbalister -arbalo -Arbela -arbiter -arbitrable -arbitrager -arbitragist -arbitral -arbitrament -arbitrarily -arbitrariness -arbitrary -arbitrate -arbitration -arbitrational -arbitrationist -arbitrative -arbitrator -arbitratorship -arbitratrix -arbitrement -arbitrer -arbitress -arboloco -arbor -arboraceous -arboral -arborary -arborator -arboreal -arboreally -arborean -arbored -arboreous -arborescence -arborescent -arborescently -arboresque -arboret -arboreta -arboretum -arborical -arboricole -arboricoline -arboricolous -arboricultural -arboriculture -arboriculturist -arboriform -arborist -arborization -arborize -arboroid -arborolatry -arborous -arborvitae -arborway -arbuscle -arbuscula -arbuscular -arbuscule -arbusterol -arbustum -arbutase -arbute -arbutean -arbutin -arbutinase -arbutus -arc -arca -Arcacea -arcade -Arcadia -Arcadian -arcadian -Arcadianism -Arcadianly -Arcadic -Arcady -arcana -arcanal -arcane -arcanite -arcanum -arcate -arcature -Arcella -Arceuthobium -arch -archabomination -archae -archaecraniate -Archaeoceti -Archaeocyathidae -Archaeocyathus -archaeogeology -archaeographic -archaeographical -archaeography -archaeolatry -archaeolith -archaeolithic -archaeologer -archaeologian -archaeologic -archaeological -archaeologically -archaeologist -archaeology -Archaeopithecus -Archaeopteris -Archaeopterygiformes -Archaeopteryx -Archaeornis -Archaeornithes -archaeostoma -Archaeostomata -archaeostomatous -archagitator -archaic -archaical -archaically -archaicism -archaism -archaist -archaistic -archaize -archaizer -archangel -archangelic -Archangelica -archangelical -archangelship -archantagonist -archantiquary -archapostate -archapostle -archarchitect -archarios -archartist -archband -archbeacon -archbeadle -archbishop -archbishopess -archbishopric -archbishopry -archbotcher -archboutefeu -archbuffoon -archbuilder -archchampion -archchaplain -archcharlatan -archcheater -archchemic -archchief -archchronicler -archcity -archconfraternity -archconsoler -archconspirator -archcorrupter -archcorsair -archcount -archcozener -archcriminal -archcritic -archcrown -archcupbearer -archdapifer -archdapifership -archdeacon -archdeaconate -archdeaconess -archdeaconry -archdeaconship -archdean -archdeanery -archdeceiver -archdefender -archdemon -archdepredator -archdespot -archdetective -archdevil -archdiocesan -archdiocese -archdiplomatist -archdissembler -archdisturber -archdivine -archdogmatist -archdolt -archdruid -archducal -archduchess -archduchy -archduke -archdukedom -arche -archeal -Archean -archearl -archebiosis -archecclesiastic -archecentric -arched -archegone -archegonial -Archegoniata -Archegoniatae -archegoniate -archegoniophore -archegonium -archegony -Archegosaurus -archeion -Archelaus -Archelenis -archelogy -Archelon -archemperor -Archencephala -archencephalic -archenemy -archengineer -archenteric -archenteron -archeocyte -Archeozoic -Archer -archer -archeress -archerfish -archership -archery -arches -archespore -archesporial -archesporium -archetypal -archetypally -archetype -archetypic -archetypical -archetypically -archetypist -archeunuch -archeus -archexorcist -archfelon -archfiend -archfire -archflamen -archflatterer -archfoe -archfool -archform -archfounder -archfriend -archgenethliac -archgod -archgomeral -archgovernor -archgunner -archhead -archheart -archheresy -archheretic -archhost -archhouse -archhumbug -archhypocrisy -archhypocrite -Archiannelida -archiater -Archibald -archibenthal -archibenthic -archibenthos -archiblast -archiblastic -archiblastoma -archiblastula -Archibuteo -archicantor -archicarp -archicerebrum -Archichlamydeae -archichlamydeous -archicleistogamous -archicleistogamy -archicoele -archicontinent -archicyte -archicytula -Archidamus -Archidiaceae -archidiaconal -archidiaconate -archididascalian -archididascalos -Archidiskodon -Archidium -archidome -Archie -archiepiscopacy -archiepiscopal -archiepiscopally -archiepiscopate -archiereus -archigaster -archigastrula -archigenesis -archigonic -archigonocyte -archigony -archiheretical -archikaryon -archil -archilithic -Archilochian -archilowe -archimage -Archimago -archimagus -archimandrite -Archimedean -Archimedes -archimime -archimorphic -archimorula -archimperial -archimperialism -archimperialist -archimperialistic -archimpressionist -Archimycetes -archineuron -archinfamy -archinformer -arching -archipallial -archipallium -archipelagian -archipelagic -archipelago -archipin -archiplasm -archiplasmic -Archiplata -archiprelatical -archipresbyter -archipterygial -archipterygium -archisperm -Archispermae -archisphere -archispore -archistome -archisupreme -archisymbolical -architect -architective -architectonic -Architectonica -architectonically -architectonics -architectress -architectural -architecturalist -architecturally -architecture -architecturesque -Architeuthis -architis -architraval -architrave -architraved -architypographer -archival -archive -archivist -archivolt -archizoic -archjockey -archking -archknave -archleader -archlecher -archleveler -archlexicographer -archliar -archlute -archly -archmachine -archmagician -archmagirist -archmarshal -archmediocrity -archmessenger -archmilitarist -archmime -archminister -archmock -archmocker -archmockery -archmonarch -archmonarchist -archmonarchy -archmugwump -archmurderer -archmystagogue -archness -archocele -archocystosyrinx -archology -archon -archonship -archont -archontate -Archontia -archontic -archoplasm -archoplasmic -archoptoma -archoptosis -archorrhagia -archorrhea -archostegnosis -archostenosis -archosyrinx -archoverseer -archpall -archpapist -archpastor -archpatriarch -archpatron -archphilosopher -archphylarch -archpiece -archpilferer -archpillar -archpirate -archplagiarist -archplagiary -archplayer -archplotter -archplunderer -archplutocrat -archpoet -archpolitician -archpontiff -archpractice -archprelate -archprelatic -archprelatical -archpresbyter -archpresbyterate -archpresbytery -archpretender -archpriest -archpriesthood -archpriestship -archprimate -archprince -archprophet -archprotopope -archprototype -archpublican -archpuritan -archradical -archrascal -archreactionary -archrebel -archregent -archrepresentative -archrobber -archrogue -archruler -archsacrificator -archsacrificer -archsaint -archsatrap -archscoundrel -archseducer -archsee -archsewer -archshepherd -archsin -archsnob -archspirit -archspy -archsteward -archswindler -archsynagogue -archtempter -archthief -archtraitor -archtreasurer -archtreasurership -archturncoat -archtyrant -archurger -archvagabond -archvampire -archvestryman -archvillain -archvillainy -archvisitor -archwag -archway -archwench -archwise -archworker -archworkmaster -Archy -archy -Arcidae -Arcifera -arciferous -arcifinious -arciform -arcing -Arcite -arcked -arcking -arcocentrous -arcocentrum -arcograph -Arcos -Arctalia -Arctalian -Arctamerican -arctation -Arctia -arctian -arctic -arctically -arctician -arcticize -arcticward -arcticwards -arctiid -Arctiidae -Arctisca -Arctium -Arctocephalus -Arctogaea -Arctogaeal -Arctogaean -arctoid -Arctoidea -arctoidean -Arctomys -Arctos -Arctosis -Arctostaphylos -Arcturia -Arcturus -arcual -arcuale -arcuate -arcuated -arcuately -arcuation -arcubalist -arcubalister -arcula -arculite -ardassine -Ardea -Ardeae -ardeb -Ardeidae -Ardelia -ardella -ardency -ardennite -ardent -ardently -ardentness -Ardhamagadhi -Ardhanari -ardish -Ardisia -Ardisiaceae -ardoise -ardor -ardri -ardu -arduinite -arduous -arduously -arduousness -ardurous -are -area -areach -aread -areal -areality -Arean -arear -areasoner -areaway -Areca -Arecaceae -arecaceous -arecaidin -arecaidine -arecain -arecaine -Arecales -arecolidin -arecolidine -arecolin -arecoline -Arecuna -ared -areek -areel -arefact -arefaction -aregenerative -aregeneratory -areito -arena -arenaceous -arenae -Arenaria -arenariae -arenarious -arenation -arend -arendalite -areng -Arenga -Arenicola -arenicole -arenicolite -arenicolous -Arenig -arenilitic -arenoid -arenose -arenosity -arent -areocentric -areographer -areographic -areographical -areographically -areography -areola -areolar -areolate -areolated -areolation -areole -areolet -areologic -areological -areologically -areologist -areology -areometer -areometric -areometrical -areometry -Areopagist -Areopagite -Areopagitic -Areopagitica -Areopagus -areotectonics -areroscope -aretaics -arete -Arethusa -Arethuse -Aretinian -arfvedsonite -argal -argala -argali -argans -Argante -Argas -argasid -Argasidae -Argean -argeers -argel -Argemone -argemony -argenol -argent -argental -argentamid -argentamide -argentamin -argentamine -argentate -argentation -argenteous -argenter -argenteum -argentic -argenticyanide -argentide -argentiferous -Argentina -Argentine -argentine -Argentinean -Argentinian -Argentinidae -argentinitrate -Argentinize -Argentino -argention -argentite -argentojarosite -argentol -argentometric -argentometrically -argentometry -argenton -argentoproteinum -argentose -argentous -argentum -Argestes -arghan -arghel -arghool -Argid -argil -argillaceous -argilliferous -argillite -argillitic -argilloarenaceous -argillocalcareous -argillocalcite -argilloferruginous -argilloid -argillomagnesian -argillous -arginine -argininephosphoric -Argiope -Argiopidae -Argiopoidea -Argive -Argo -argo -Argoan -argol -argolet -Argolian -Argolic -Argolid -argon -Argonaut -Argonauta -Argonautic -Argonne -argosy -argot -argotic -Argovian -arguable -argue -arguer -argufier -argufy -Argulus -argument -argumental -argumentation -argumentatious -argumentative -argumentatively -argumentativeness -argumentator -argumentatory -Argus -argusfish -Argusianus -Arguslike -argute -argutely -arguteness -Argyle -Argyll -Argynnis -argyranthemous -argyranthous -Argyraspides -argyria -argyric -argyrite -argyrocephalous -argyrodite -Argyrol -Argyroneta -Argyropelecus -argyrose -argyrosis -Argyrosomus -argyrythrose -arhar -arhat -arhatship -Arhauaco -arhythmic -aria -Ariadne -Arian -Ariana -Arianism -Arianistic -Arianistical -Arianize -Arianizer -Arianrhod -aribine -Arician -aricine -arid -Arided -aridge -aridian -aridity -aridly -aridness -ariegite -Ariel -ariel -arienzo -Aries -arietation -Arietid -arietinous -arietta -aright -arightly -arigue -Ariidae -Arikara -aril -ariled -arillary -arillate -arillated -arilliform -arillode -arillodium -arilloid -arillus -Arimasp -Arimaspian -Arimathaean -Ariocarpus -Arioi -Arioian -Arion -ariose -arioso -ariot -aripple -Arisaema -arisard -arise -arisen -arist -arista -Aristarch -Aristarchian -aristarchy -aristate -Aristeas -Aristida -Aristides -Aristippus -aristocracy -aristocrat -aristocratic -aristocratical -aristocratically -aristocraticalness -aristocraticism -aristocraticness -aristocratism -aristodemocracy -aristodemocratical -aristogenesis -aristogenetic -aristogenic -aristogenics -Aristol -Aristolochia -Aristolochiaceae -aristolochiaceous -Aristolochiales -aristolochin -aristolochine -aristological -aristologist -aristology -aristomonarchy -Aristophanic -aristorepublicanism -Aristotelian -Aristotelianism -Aristotelic -Aristotelism -aristotype -aristulate -arite -arithmetic -arithmetical -arithmetically -arithmetician -arithmetization -arithmetize -arithmic -arithmocracy -arithmocratic -arithmogram -arithmograph -arithmography -arithmomania -arithmometer -Arius -Arivaipa -Arizona -Arizonan -Arizonian -arizonite -arjun -ark -Arkab -Arkansan -Arkansas -Arkansawyer -arkansite -Arkite -arkite -arkose -arkosic -arksutite -Arlene -Arleng -arles -Arline -arm -armada -armadilla -Armadillididae -Armadillidium -armadillo -Armado -Armageddon -Armageddonist -armagnac -armament -armamentarium -armamentary -armangite -armariolum -armarium -Armata -Armatoles -Armatoli -armature -armbone -armchair -armchaired -armed -armeniaceous -Armenian -Armenic -Armenize -Armenoid -armer -Armeria -Armeriaceae -armet -armful -armgaunt -armhole -armhoop -Armida -armied -armiferous -armiger -armigeral -armigerous -armil -armilla -Armillaria -armillary -armillate -armillated -arming -Arminian -Arminianism -Arminianize -Arminianizer -armipotence -armipotent -armisonant -armisonous -armistice -armless -armlet -armload -armoire -armonica -armor -Armoracia -armored -armorer -armorial -Armoric -Armorican -Armorician -armoried -armorist -armorproof -armorwise -armory -Armouchiquois -armozeen -armpiece -armpit -armplate -armrack -armrest -arms -armscye -armure -army -arn -arna -Arnaut -arnberry -Arne -Arneb -Arnebia -arnee -arni -arnica -Arnold -Arnoldist -Arnoseris -arnotta -arnotto -Arnusian -arnut -Aro -aroar -aroast -arock -aroeira -aroid -aroideous -Aroides -aroint -arolium -arolla -aroma -aromacity -aromadendrin -aromatic -aromatically -aromaticness -aromatite -aromatites -aromatization -aromatize -aromatizer -aromatophor -aromatophore -Aronia -aroon -Aroras -Arosaguntacook -arose -around -arousal -arouse -arousement -arouser -arow -aroxyl -arpeggiando -arpeggiated -arpeggiation -arpeggio -arpeggioed -arpen -arpent -arquerite -arquifoux -arracach -arracacha -Arracacia -arrack -arrah -arraign -arraigner -arraignment -arrame -arrange -arrangeable -arrangement -arranger -arrant -arrantly -Arras -arras -arrased -arrasene -arrastra -arrastre -arratel -arrau -array -arrayal -arrayer -arrayment -arrear -arrearage -arrect -arrector -arrendation -arrenotokous -arrenotoky -arrent -arrentable -arrentation -arreptitious -arrest -arrestable -arrestation -arrestee -arrester -arresting -arrestingly -arrestive -arrestment -arrestor -Arretine -arrhenal -Arrhenatherum -arrhenoid -arrhenotokous -arrhenotoky -arrhinia -arrhizal -arrhizous -arrhythmia -arrhythmic -arrhythmical -arrhythmically -arrhythmous -arrhythmy -arriage -arriba -arride -arridge -arrie -arriere -Arriet -arrimby -arris -arrish -arrisways -arriswise -arrival -arrive -arriver -arroba -arrogance -arrogancy -arrogant -arrogantly -arrogantness -arrogate -arrogatingly -arrogation -arrogative -arrogator -arrojadite -arrope -arrosive -arrow -arrowbush -arrowed -arrowhead -arrowheaded -arrowleaf -arrowless -arrowlet -arrowlike -arrowplate -arrowroot -arrowsmith -arrowstone -arrowweed -arrowwood -arrowworm -arrowy -arroyo -Arruague -Arry -Arryish -Arsacid -Arsacidan -arsanilic -arse -arsedine -arsenal -arsenate -arsenation -arseneted -arsenetted -arsenfast -arsenferratose -arsenhemol -arseniasis -arseniate -arsenic -arsenical -arsenicalism -arsenicate -arsenicism -arsenicize -arsenicophagy -arsenide -arseniferous -arsenillo -arseniopleite -arseniosiderite -arsenious -arsenism -arsenite -arsenium -arseniuret -arseniureted -arsenization -arseno -arsenobenzene -arsenobenzol -arsenobismite -arsenoferratin -arsenofuran -arsenohemol -arsenolite -arsenophagy -arsenophen -arsenophenol -arsenophenylglycin -arsenopyrite -arsenostyracol -arsenotherapy -arsenotungstates -arsenotungstic -arsenous -arsenoxide -arsenyl -arses -arsesmart -arsheen -arshin -arshine -arsine -arsinic -arsino -Arsinoitherium -arsis -arsle -arsmetrik -arsmetrike -arsnicker -arsoite -arson -arsonate -arsonation -arsonic -arsonist -arsonite -arsonium -arsono -arsonvalization -arsphenamine -arsyl -arsylene -Art -art -artaba -artabe -artal -Artamidae -Artamus -artar -artarine -artcraft -artefact -artel -Artemas -Artemia -Artemis -Artemisia -artemisic -artemisin -Artemision -Artemisium -arteriagra -arterial -arterialization -arterialize -arterially -arteriarctia -arteriasis -arteriectasia -arteriectasis -arteriectopia -arterin -arterioarctia -arteriocapillary -arteriococcygeal -arteriodialysis -arteriodiastasis -arteriofibrosis -arteriogenesis -arteriogram -arteriograph -arteriography -arteriole -arteriolith -arteriology -arteriolosclerosis -arteriomalacia -arteriometer -arteriomotor -arterionecrosis -arteriopalmus -arteriopathy -arteriophlebotomy -arterioplania -arterioplasty -arteriopressor -arteriorenal -arteriorrhagia -arteriorrhaphy -arteriorrhexis -arteriosclerosis -arteriosclerotic -arteriospasm -arteriostenosis -arteriostosis -arteriostrepsis -arteriosympathectomy -arteriotome -arteriotomy -arteriotrepsis -arterious -arteriovenous -arterioversion -arterioverter -arteritis -artery -Artesian -artesian -artful -artfully -artfulness -Artgum -artha -arthel -arthemis -arthragra -arthral -arthralgia -arthralgic -arthrectomy -arthredema -arthrempyesis -arthresthesia -arthritic -arthritical -arthriticine -arthritis -arthritism -arthrobacterium -arthrobranch -arthrobranchia -arthrocace -arthrocarcinoma -arthrocele -arthrochondritis -arthroclasia -arthrocleisis -arthroclisis -arthroderm -arthrodesis -arthrodia -arthrodial -arthrodic -Arthrodira -arthrodiran -arthrodire -arthrodirous -Arthrodonteae -arthrodynia -arthrodynic -arthroempyema -arthroempyesis -arthroendoscopy -Arthrogastra -arthrogastran -arthrogenous -arthrography -arthrogryposis -arthrolite -arthrolith -arthrolithiasis -arthrology -arthromeningitis -arthromere -arthromeric -arthrometer -arthrometry -arthroncus -arthroneuralgia -arthropathic -arthropathology -arthropathy -arthrophlogosis -arthrophyma -arthroplastic -arthroplasty -arthropleura -arthropleure -arthropod -Arthropoda -arthropodal -arthropodan -arthropodous -Arthropomata -arthropomatous -arthropterous -arthropyosis -arthrorheumatism -arthrorrhagia -arthrosclerosis -arthrosia -arthrosis -arthrospore -arthrosporic -arthrosporous -arthrosteitis -arthrosterigma -arthrostome -arthrostomy -Arthrostraca -arthrosynovitis -arthrosyrinx -arthrotome -arthrotomy -arthrotrauma -arthrotropic -arthrotyphoid -arthrous -arthroxerosis -Arthrozoa -arthrozoan -arthrozoic -Arthur -Arthurian -Arthuriana -artiad -artichoke -article -articled -articulability -articulable -articulacy -articulant -articular -articulare -articularly -articulary -Articulata -articulate -articulated -articulately -articulateness -articulation -articulationist -articulative -articulator -articulatory -articulite -articulus -Artie -artifact -artifactitious -artifice -artificer -artificership -artificial -artificialism -artificiality -artificialize -artificially -artificialness -artiller -artillerist -artillery -artilleryman -artilleryship -artiness -artinite -Artinskian -artiodactyl -Artiodactyla -artiodactylous -artiphyllous -artisan -artisanship -artist -artistdom -artiste -artistic -artistical -artistically -artistry -artless -artlessly -artlessness -artlet -artlike -Artocarpaceae -artocarpad -artocarpeous -artocarpous -Artocarpus -artolater -artophagous -artophorion -artotype -artotypy -Artotyrite -artware -arty -aru -Aruac -arui -aruke -Arulo -Arum -arumin -Aruncus -arundiferous -arundinaceous -Arundinaria -arundineous -Arundo -Arunta -arupa -arusa -arusha -arustle -arval -arvel -Arverni -Arvicola -arvicole -Arvicolinae -arvicoline -arvicolous -arviculture -arx -ary -Arya -Aryan -Aryanism -Aryanization -Aryanize -aryballoid -aryballus -aryepiglottic -aryl -arylamine -arylamino -arylate -arytenoid -arytenoidal -arzan -Arzava -Arzawa -arzrunite -arzun -As -as -Asa -asaddle -asafetida -Asahel -asak -asale -asana -Asaph -asaphia -Asaphic -asaphid -Asaphidae -Asaphus -asaprol -asarabacca -Asaraceae -Asarh -asarite -asaron -asarone -asarotum -Asarum -asbest -asbestic -asbestiform -asbestine -asbestinize -asbestoid -asbestoidal -asbestos -asbestosis -asbestous -asbestus -asbolin -asbolite -Ascabart -Ascalabota -ascan -Ascanian -Ascanius -ascare -ascariasis -ascaricidal -ascaricide -ascarid -Ascaridae -ascarides -Ascaridia -ascaridiasis -ascaridole -Ascaris -ascaron -Ascella -ascellus -ascend -ascendable -ascendance -ascendancy -ascendant -ascendence -ascendency -ascendent -ascender -ascendible -ascending -ascendingly -ascension -ascensional -ascensionist -Ascensiontide -ascensive -ascent -ascertain -ascertainable -ascertainableness -ascertainably -ascertainer -ascertainment -ascescency -ascescent -ascetic -ascetical -ascetically -asceticism -Ascetta -aschaffite -ascham -aschistic -asci -ascian -Ascidia -Ascidiacea -Ascidiae -ascidian -ascidiate -ascidicolous -ascidiferous -ascidiform -ascidioid -Ascidioida -Ascidioidea -Ascidiozoa -ascidiozooid -ascidium -asciferous -ascigerous -ascii -ascites -ascitic -ascitical -ascititious -asclent -Asclepiad -asclepiad -Asclepiadaceae -asclepiadaceous -Asclepiadae -Asclepiadean -asclepiadeous -Asclepiadic -Asclepian -Asclepias -asclepidin -asclepidoid -Asclepieion -asclepin -Asclepius -ascocarp -ascocarpous -Ascochyta -ascogenous -ascogone -ascogonial -ascogonidium -ascogonium -ascolichen -Ascolichenes -ascoma -ascomycetal -ascomycete -Ascomycetes -ascomycetous -ascon -Ascones -ascophore -ascophorous -Ascophyllum -ascorbic -ascospore -ascosporic -ascosporous -Ascot -ascot -Ascothoracica -ascribable -ascribe -ascript -ascription -ascriptitii -ascriptitious -ascriptitius -ascry -ascula -Ascupart -ascus -ascyphous -Ascyrum -asdic -ase -asearch -asecretory -aseethe -aseismatic -aseismic -aseismicity -aseity -aselgeia -asellate -Aselli -Asellidae -Aselline -Asellus -asem -asemasia -asemia -asepsis -aseptate -aseptic -aseptically -asepticism -asepticize -aseptify -aseptol -aseptolin -asexual -asexuality -asexualization -asexualize -asexually -asfetida -ash -Asha -ashake -ashame -ashamed -ashamedly -ashamedness -ashamnu -Ashangos -Ashantee -Ashanti -Asharasi -ashberry -ashcake -ashen -Asher -asherah -Asherites -ashery -ashes -ashet -ashily -ashimmer -ashine -ashiness -ashipboard -Ashir -ashiver -Ashkenazic -Ashkenazim -ashkoko -ashlar -ashlared -ashlaring -ashless -ashling -Ashluslay -ashman -Ashmolean -Ashochimi -ashore -ashpan -ashpit -ashplant -ashraf -ashrafi -ashthroat -Ashur -ashur -ashweed -ashwort -ashy -asialia -Asian -Asianic -Asianism -Asiarch -Asiarchate -Asiatic -Asiatical -Asiatically -Asiatican -Asiaticism -Asiaticization -Asiaticize -Asiatize -aside -asidehand -asideness -asiderite -asideu -asiento -asilid -Asilidae -Asilus -asimen -Asimina -asimmer -asinego -asinine -asininely -asininity -asiphonate -asiphonogama -asitia -ask -askable -askance -askant -askar -askari -asker -askew -askingly -askip -asklent -Asklepios -askos -Askr -aslant -aslantwise -aslaver -asleep -aslop -aslope -aslumber -asmack -asmalte -asmear -asmile -asmoke -asmolder -asniffle -asnort -asoak -asocial -asok -asoka -asomatophyte -asomatous -asonant -asonia -asop -asor -asouth -asp -aspace -aspalathus -Aspalax -asparagic -asparagine -asparaginic -asparaginous -asparagus -asparagyl -asparkle -aspartate -aspartic -aspartyl -Aspasia -Aspatia -aspect -aspectable -aspectant -aspection -aspectual -aspen -asper -asperate -asperation -aspergation -asperge -asperger -Asperges -aspergil -aspergill -Aspergillaceae -Aspergillales -aspergilliform -aspergillin -aspergillosis -aspergillum -aspergillus -Asperifoliae -asperifoliate -asperifolious -asperite -asperity -aspermatic -aspermatism -aspermatous -aspermia -aspermic -aspermous -asperous -asperously -asperse -aspersed -asperser -aspersion -aspersive -aspersively -aspersor -aspersorium -aspersory -Asperugo -Asperula -asperuloside -asperulous -asphalt -asphaltene -asphalter -asphaltic -asphaltite -asphaltum -aspheterism -aspheterize -asphodel -Asphodelaceae -Asphodeline -Asphodelus -asphyctic -asphyctous -asphyxia -asphyxial -asphyxiant -asphyxiate -asphyxiation -asphyxiative -asphyxiator -asphyxied -asphyxy -aspic -aspiculate -aspiculous -aspidate -aspidiaria -aspidinol -Aspidiotus -Aspidiske -Aspidistra -aspidium -Aspidobranchia -Aspidobranchiata -aspidobranchiate -Aspidocephali -Aspidochirota -Aspidoganoidei -aspidomancy -Aspidosperma -aspidospermine -aspirant -aspirata -aspirate -aspiration -aspirator -aspiratory -aspire -aspirer -aspirin -aspiring -aspiringly -aspiringness -aspish -asplanchnic -Asplenieae -asplenioid -Asplenium -asporogenic -asporogenous -asporous -asport -asportation -asporulate -aspout -asprawl -aspread -Aspredinidae -Aspredo -aspring -asprout -asquare -asquat -asqueal -asquint -asquirm -ass -assacu -assagai -assai -assail -assailable -assailableness -assailant -assailer -assailment -Assam -Assamese -Assamites -assapan -assapanic -assarion -assart -assary -assassin -assassinate -assassination -assassinative -assassinator -assassinatress -assassinist -assate -assation -assault -assaultable -assaulter -assaut -assay -assayable -assayer -assaying -assbaa -asse -assecuration -assecurator -assedation -assegai -asself -assemblable -assemblage -assemble -assembler -assembly -assemblyman -assent -assentaneous -assentation -assentatious -assentator -assentatorily -assentatory -assented -assenter -assentient -assenting -assentingly -assentive -assentiveness -assentor -assert -assertable -assertative -asserter -assertible -assertion -assertional -assertive -assertively -assertiveness -assertor -assertorial -assertorially -assertoric -assertorical -assertorically -assertorily -assertory -assertress -assertrix -assertum -assess -assessable -assessably -assessed -assessee -assession -assessionary -assessment -assessor -assessorial -assessorship -assessory -asset -assets -assever -asseverate -asseveratingly -asseveration -asseverative -asseveratively -asseveratory -asshead -assi -assibilate -assibilation -Assidean -assident -assidual -assidually -assiduity -assiduous -assiduously -assiduousness -assientist -assiento -assify -assign -assignability -assignable -assignably -assignat -assignation -assigned -assignee -assigneeship -assigner -assignment -assignor -assilag -assimilability -assimilable -assimilate -assimilation -assimilationist -assimilative -assimilativeness -assimilator -assimilatory -Assiniboin -assis -Assisan -assise -assish -assishly -assishness -assist -assistance -assistant -assistanted -assistantship -assistency -assister -assistful -assistive -assistless -assistor -assize -assizement -assizer -assizes -asslike -assman -Assmannshauser -assmanship -associability -associable -associableness -associate -associated -associatedness -associateship -association -associational -associationalism -associationalist -associationism -associationist -associationistic -associative -associatively -associativeness -associator -associatory -assoil -assoilment -assoilzie -assonance -assonanced -assonant -assonantal -assonantic -assonate -Assonia -assort -assortative -assorted -assortedness -assorter -assortive -assortment -assuade -assuage -assuagement -assuager -assuasive -assubjugate -assuetude -assumable -assumably -assume -assumed -assumedly -assumer -assuming -assumingly -assumingness -assumpsit -assumption -Assumptionist -assumptious -assumptiousness -assumptive -assumptively -assurable -assurance -assurant -assure -assured -assuredly -assuredness -assurer -assurge -assurgency -assurgent -assuring -assuringly -assyntite -Assyrian -Assyrianize -Assyriological -Assyriologist -Assyriologue -Assyriology -Assyroid -assythment -ast -asta -Astacidae -Astacus -Astakiwi -astalk -astarboard -astare -astart -Astarte -Astartian -Astartidae -astasia -astatic -astatically -astaticism -astatine -astatize -astatizer -astay -asteam -asteatosis -asteep -asteer -asteism -astelic -astely -aster -Asteraceae -asteraceous -Asterales -Asterella -astereognosis -asteria -asterial -Asterias -asteriated -Asteriidae -asterikos -asterin -Asterina -Asterinidae -asterioid -Asterion -asterion -Asterionella -asterisk -asterism -asterismal -astern -asternal -Asternata -asternia -Asterochiton -asteroid -asteroidal -Asteroidea -asteroidean -Asterolepidae -Asterolepis -Asterope -asterophyllite -Asterophyllites -Asterospondyli -asterospondylic -asterospondylous -Asteroxylaceae -Asteroxylon -Asterozoa -asterwort -asthenia -asthenic -asthenical -asthenobiosis -asthenobiotic -asthenolith -asthenology -asthenopia -asthenopic -asthenosphere -astheny -asthma -asthmatic -asthmatical -asthmatically -asthmatoid -asthmogenic -asthore -asthorin -Astian -astichous -astigmatic -astigmatical -astigmatically -astigmatism -astigmatizer -astigmatometer -astigmatoscope -astigmatoscopy -astigmia -astigmism -astigmometer -astigmometry -Astilbe -astilbe -astint -astipulate -astir -astite -astomatal -astomatous -astomia -astomous -astonied -astonish -astonishedly -astonisher -astonishing -astonishingly -astonishingness -astonishment -astony -astoop -astor -astound -astoundable -astounding -astoundingly -astoundment -Astrachan -astraddle -Astraea -Astraean -astraean -astraeid -Astraeidae -astraeiform -astragal -astragalar -astragalectomy -astragali -astragalocalcaneal -astragalocentral -astragalomancy -astragalonavicular -astragaloscaphoid -astragalotibial -Astragalus -astragalus -astrain -astrakanite -astrakhan -astral -astrally -astrand -Astrantia -astraphobia -astrapophobia -astray -astream -astrer -astrict -astriction -astrictive -astrictively -astrictiveness -Astrid -astride -astrier -astriferous -astrild -astringe -astringency -astringent -astringently -astringer -astroalchemist -astroblast -Astrocaryum -astrochemist -astrochemistry -astrochronological -astrocyte -astrocytoma -astrocytomata -astrodiagnosis -astrodome -astrofel -astrogeny -astroglia -astrognosy -astrogonic -astrogony -astrograph -astrographic -astrography -astroid -astroite -astrolabe -astrolabical -astrolater -astrolatry -astrolithology -astrologaster -astrologer -astrologian -astrologic -astrological -astrologically -astrologistic -astrologize -astrologous -astrology -astromancer -astromancy -astromantic -astrometeorological -astrometeorologist -astrometeorology -astrometer -astrometrical -astrometry -astronaut -astronautics -astronomer -astronomic -astronomical -astronomically -astronomics -astronomize -astronomy -Astropecten -Astropectinidae -astrophil -astrophobia -astrophotographic -astrophotography -astrophotometer -astrophotometrical -astrophotometry -astrophyllite -astrophysical -astrophysicist -astrophysics -Astrophyton -astroscope -Astroscopus -astroscopy -astrospectral -astrospectroscopic -astrosphere -astrotheology -astrut -astucious -astuciously -astucity -Astur -Asturian -astute -astutely -astuteness -astylar -Astylospongia -Astylosternus -asudden -asunder -Asuri -aswail -aswarm -asway -asweat -aswell -aswim -aswing -aswirl -aswoon -aswooned -asyla -asyllabia -asyllabic -asyllabical -asylum -asymbiotic -asymbolia -asymbolic -asymbolical -asymmetric -asymmetrical -asymmetrically -Asymmetron -asymmetry -asymptomatic -asymptote -asymptotic -asymptotical -asymptotically -asynapsis -asynaptic -asynartete -asynartetic -asynchronism -asynchronous -asyndesis -asyndetic -asyndetically -asyndeton -asynergia -asynergy -asyngamic -asyngamy -asyntactic -asyntrophy -asystole -asystolic -asystolism -asyzygetic -at -Ata -atabal -atabeg -atabek -Atabrine -Atacaman -Atacamenan -Atacamenian -Atacameno -atacamite -atactic -atactiform -Ataentsic -atafter -Ataigal -Ataiyal -Atalan -ataman -atamasco -Atamosco -atangle -atap -ataraxia -ataraxy -atatschite -ataunt -atavi -atavic -atavism -atavist -atavistic -atavistically -atavus -ataxaphasia -ataxia -ataxiagram -ataxiagraph -ataxiameter -ataxiaphasia -ataxic -ataxinomic -ataxite -ataxonomic -ataxophemia -ataxy -atazir -atbash -atchison -ate -Ateba -atebrin -atechnic -atechnical -atechny -ateeter -atef -atelectasis -atelectatic -ateleological -Ateles -atelestite -atelets -atelier -ateliosis -Atellan -atelo -atelocardia -atelocephalous -ateloglossia -atelognathia -atelomitic -atelomyelia -atelopodia -ateloprosopia -atelorachidia -atelostomia -atemporal -Aten -Atenism -Atenist -Aterian -ates -Atestine -ateuchi -ateuchus -Atfalati -Athabasca -Athabascan -athalamous -athalline -Athamantid -athanasia -Athanasian -Athanasianism -Athanasianist -athanasy -athanor -Athapascan -athar -Atharvan -Athecae -Athecata -athecate -atheism -atheist -atheistic -atheistical -atheistically -atheisticalness -atheize -atheizer -athelia -atheling -athematic -Athena -Athenaea -athenaeum -athenee -Athenian -Athenianly -athenor -Athens -atheological -atheologically -atheology -atheous -Athericera -athericeran -athericerous -atherine -Atherinidae -Atheriogaea -Atheriogaean -Atheris -athermancy -athermanous -athermic -athermous -atheroma -atheromasia -atheromata -atheromatosis -atheromatous -atherosclerosis -Atherosperma -Atherurus -athetesis -athetize -athetoid -athetosic -athetosis -athing -athirst -athlete -athletehood -athletic -athletical -athletically -athleticism -athletics -athletism -athletocracy -athlothete -athlothetes -athodyd -athort -athrepsia -athreptic -athrill -athrive -athrob -athrocyte -athrocytosis -athrogenic -athrong -athrough -athwart -athwarthawse -athwartship -athwartships -athwartwise -athymia -athymic -athymy -athyreosis -athyria -athyrid -Athyridae -Athyris -Athyrium -athyroid -athyroidism -athyrosis -Ati -Atik -Atikokania -atilt -atimon -atinga -atingle -atinkle -atip -atis -Atka -Atlanta -atlantad -atlantal -Atlantean -atlantes -Atlantic -atlantic -Atlantica -Atlantid -Atlantides -atlantite -atlantoaxial -atlantodidymus -atlantomastoid -atlantoodontoid -Atlantosaurus -Atlas -atlas -Atlaslike -atlatl -atle -atlee -atloaxoid -atloid -atloidean -atloidoaxoid -atma -atman -atmiatrics -atmiatry -atmid -atmidalbumin -atmidometer -atmidometry -atmo -atmocausis -atmocautery -atmoclastic -atmogenic -atmograph -atmologic -atmological -atmologist -atmology -atmolysis -atmolyzation -atmolyze -atmolyzer -atmometer -atmometric -atmometry -atmos -atmosphere -atmosphereful -atmosphereless -atmospheric -atmospherical -atmospherically -atmospherics -atmospherology -atmostea -atmosteal -atmosteon -Atnah -atocha -atocia -atokal -atoke -atokous -atoll -atom -atomatic -atomechanics -atomerg -atomic -atomical -atomically -atomician -atomicism -atomicity -atomics -atomiferous -atomism -atomist -atomistic -atomistical -atomistically -atomistics -atomity -atomization -atomize -atomizer -atomology -atomy -atonable -atonal -atonalism -atonalistic -atonality -atonally -atone -atonement -atoneness -atoner -atonia -atonic -atonicity -atoningly -atony -atop -Atophan -atophan -atopic -atopite -atopy -Atorai -Atossa -atour -atoxic -Atoxyl -atoxyl -atrabilarian -atrabilarious -atrabiliar -atrabiliarious -atrabiliary -atrabilious -atrabiliousness -atracheate -Atractaspis -Atragene -atragene -atrail -atrament -atramental -atramentary -atramentous -atraumatic -Atrebates -Atremata -atrematous -atremble -atrepsy -atreptic -atresia -atresic -atresy -atretic -atria -atrial -atrichia -atrichosis -atrichous -atrickle -Atridean -atrienses -atriensis -atriocoelomic -atrioporal -atriopore -atrioventricular -atrip -Atriplex -atrium -atrocha -atrochal -atrochous -atrocious -atrociously -atrociousness -atrocity -atrolactic -Atropa -atropaceous -atropal -atropamine -atrophia -atrophiated -atrophic -atrophied -atrophoderma -atrophy -atropia -atropic -Atropidae -atropine -atropinism -atropinization -atropinize -atropism -atropous -atrorubent -atrosanguineous -atroscine -atrous -atry -Atrypa -Atta -atta -Attacapan -attacco -attach -attachable -attachableness -attache -attached -attachedly -attacher -attacheship -attachment -attack -attackable -attacker -attacolite -Attacus -attacus -attagen -attaghan -attain -attainability -attainable -attainableness -attainder -attainer -attainment -attaint -attaintment -attainture -Attalea -attaleh -Attalid -attar -attargul -attask -attemper -attemperament -attemperance -attemperate -attemperately -attemperation -attemperator -attempt -attemptability -attemptable -attempter -attemptless -attend -attendance -attendancy -attendant -attendantly -attender -attendingly -attendment -attendress -attensity -attent -attention -attentional -attentive -attentively -attentiveness -attently -attenuable -attenuant -attenuate -attenuation -attenuative -attenuator -atter -attercop -attercrop -atterminal -attermine -atterminement -attern -attery -attest -attestable -attestant -attestation -attestative -attestator -attester -attestive -Attic -attic -Attical -Atticism -atticism -Atticist -Atticize -atticize -atticomastoid -attid -Attidae -attinge -attingence -attingency -attingent -attire -attired -attirement -attirer -attitude -attitudinal -attitudinarian -attitudinarianism -attitudinize -attitudinizer -Attiwendaronk -attorn -attorney -attorneydom -attorneyism -attorneyship -attornment -attract -attractability -attractable -attractableness -attractant -attracter -attractile -attractingly -attraction -attractionally -attractive -attractively -attractiveness -attractivity -attractor -attrahent -attrap -attributable -attributal -attribute -attributer -attribution -attributive -attributively -attributiveness -attrist -attrite -attrited -attriteness -attrition -attritive -attritus -attune -attunely -attunement -Atuami -atule -atumble -atune -atwain -atweel -atween -atwin -atwirl -atwist -atwitch -atwitter -atwixt -atwo -atypic -atypical -atypically -atypy -auantic -aube -aubepine -Aubrey -Aubrietia -aubrietia -aubrite -auburn -aubusson -Auca -auca -Aucan -Aucaner -Aucanian -Auchenia -auchenia -auchenium -auchlet -auction -auctionary -auctioneer -auctorial -Aucuba -aucuba -aucupate -audacious -audaciously -audaciousness -audacity -Audaean -Audian -Audibertia -audibility -audible -audibleness -audibly -audience -audiencier -audient -audile -audio -audiogenic -audiogram -audiologist -audiology -audiometer -audiometric -audiometry -Audion -audion -audiophile -audiphone -audit -audition -auditive -auditor -auditoria -auditorial -auditorially -auditorily -auditorium -auditorship -auditory -auditress -auditual -audivise -audiviser -audivision -Audrey -Audubonistic -Aueto -auganite -auge -Augean -augelite -augen -augend -auger -augerer -augh -aught -aughtlins -augite -augitic -augitite -augitophyre -augment -augmentable -augmentation -augmentationer -augmentative -augmentatively -augmented -augmentedly -augmenter -augmentive -augur -augural -augurate -augurial -augurous -augurship -augury -August -august -Augusta -augustal -Augustan -Augusti -Augustin -Augustinian -Augustinianism -Augustinism -augustly -augustness -Augustus -auh -auhuhu -Auk -auk -auklet -aula -aulacocarpous -Aulacodus -Aulacomniaceae -Aulacomnium -aulae -aularian -auld -auldfarrantlike -auletai -aulete -auletes -auletic -auletrides -auletris -aulic -aulicism -auloi -aulophyte -aulos -Aulostoma -Aulostomatidae -Aulostomi -aulostomid -Aulostomidae -Aulostomus -aulu -aum -aumaga -aumail -aumbry -aumery -aumil -aumildar -aumous -aumrie -auncel -aune -Aunjetitz -aunt -aunthood -auntie -auntish -auntlike -auntly -auntsary -auntship -aupaka -aura -aurae -aural -aurally -auramine -Aurantiaceae -aurantiaceous -Aurantium -aurantium -aurar -aurate -aurated -aureate -aureately -aureateness -aureation -aureity -Aurelia -aurelia -aurelian -Aurelius -Aureocasidium -aureola -aureole -aureolin -aureoline -aureomycin -aureous -aureously -auresca -aureus -auribromide -auric -aurichalcite -aurichalcum -aurichloride -aurichlorohydric -auricle -auricled -auricomous -Auricula -auricula -auriculae -auricular -auriculare -auriculares -Auricularia -auricularia -Auriculariaceae -auriculariae -Auriculariales -auricularian -auricularis -auricularly -auriculate -auriculated -auriculately -Auriculidae -auriculocranial -auriculoparietal -auriculotemporal -auriculoventricular -auriculovertical -auricyanhydric -auricyanic -auricyanide -auride -auriferous -aurific -aurification -auriform -aurify -Auriga -aurigal -aurigation -aurigerous -Aurigid -Aurignacian -aurilave -aurin -aurinasal -auriphone -auriphrygia -auriphrygiate -auripuncture -aurir -auriscalp -auriscalpia -auriscalpium -auriscope -auriscopy -aurist -aurite -aurivorous -auroauric -aurobromide -aurochloride -aurochs -aurocyanide -aurodiamine -auronal -aurophobia -aurophore -aurora -aurorae -auroral -aurorally -aurore -aurorean -Aurorian -aurorium -aurotellurite -aurothiosulphate -aurothiosulphuric -aurous -aurrescu -aurulent -aurum -aurure -auryl -Aus -auscult -auscultascope -auscultate -auscultation -auscultative -auscultator -auscultatory -Auscultoscope -auscultoscope -Aushar -auslaut -auslaute -Ausones -Ausonian -auspex -auspicate -auspice -auspices -auspicial -auspicious -auspiciously -auspiciousness -auspicy -Aussie -Austafrican -austenite -austenitic -Auster -austere -austerely -austereness -austerity -Austerlitz -Austin -Austral -austral -Australasian -australene -Australia -Australian -Australianism -Australianize -Australic -Australioid -australite -Australoid -Australopithecinae -australopithecine -Australopithecus -Australorp -Austrasian -Austrian -Austrianize -Austric -austrium -Austroasiatic -Austrogaea -Austrogaean -austromancy -Austronesian -Austrophil -Austrophile -Austrophilism -Austroriparian -ausu -ausubo -autacoid -autacoidal -autallotriomorphic -autantitypy -autarch -autarchic -autarchical -Autarchoglossa -autarchy -autarkic -autarkical -autarkist -autarky -aute -autechoscope -autecious -auteciously -auteciousness -autecism -autecologic -autecological -autecologically -autecologist -autecology -autecy -autem -authentic -authentical -authentically -authenticalness -authenticate -authentication -authenticator -authenticity -authenticly -authenticness -authigene -authigenetic -authigenic -authigenous -author -authorcraft -authoress -authorhood -authorial -authorially -authorish -authorism -authoritarian -authoritarianism -authoritative -authoritatively -authoritativeness -authority -authorizable -authorization -authorize -authorized -authorizer -authorless -authorling -authorly -authorship -authotype -autism -autist -autistic -auto -autoabstract -autoactivation -autoactive -autoaddress -autoagglutinating -autoagglutination -autoagglutinin -autoalarm -autoalkylation -autoallogamous -autoallogamy -autoanalysis -autoanalytic -autoantibody -autoanticomplement -autoantitoxin -autoasphyxiation -autoaspiration -autoassimilation -autobahn -autobasidia -Autobasidiomycetes -autobasidiomycetous -autobasidium -Autobasisii -autobiographal -autobiographer -autobiographic -autobiographical -autobiographically -autobiographist -autobiography -autobiology -autoblast -autoboat -autoboating -autobolide -autobus -autocab -autocade -autocall -autocamp -autocamper -autocamping -autocar -autocarist -autocarpian -autocarpic -autocarpous -autocatalepsy -autocatalysis -autocatalytic -autocatalytically -autocatalyze -autocatheterism -autocephalia -autocephality -autocephalous -autocephaly -autoceptive -autochemical -autocholecystectomy -autochrome -autochromy -autochronograph -autochthon -autochthonal -autochthonic -autochthonism -autochthonous -autochthonously -autochthonousness -autochthony -autocide -autocinesis -autoclasis -autoclastic -autoclave -autocoenobium -autocoherer -autocoid -autocollimation -autocollimator -autocolony -autocombustible -autocombustion -autocomplexes -autocondensation -autoconduction -autoconvection -autoconverter -autocopist -autocoprophagous -autocorrosion -autocracy -autocrat -autocratic -autocratical -autocratically -autocrator -autocratoric -autocratorical -autocratrix -autocratship -autocremation -autocriticism -autocystoplasty -autocytolysis -autocytolytic -autodecomposition -autodepolymerization -autodermic -autodestruction -autodetector -autodiagnosis -autodiagnostic -autodiagrammatic -autodidact -autodidactic -autodifferentiation -autodiffusion -autodigestion -autodigestive -autodrainage -autodrome -autodynamic -autodyne -autoecholalia -autoecic -autoecious -autoeciously -autoeciousness -autoecism -autoecous -autoecy -autoeducation -autoeducative -autoelectrolysis -autoelectrolytic -autoelectronic -autoelevation -autoepigraph -autoepilation -autoerotic -autoerotically -autoeroticism -autoerotism -autoexcitation -autofecundation -autofermentation -autoformation -autofrettage -autogamic -autogamous -autogamy -autogauge -autogeneal -autogenesis -autogenetic -autogenetically -autogenic -autogenous -autogenously -autogeny -Autogiro -autogiro -autognosis -autognostic -autograft -autografting -autogram -autograph -autographal -autographer -autographic -autographical -autographically -autographism -autographist -autographometer -autography -autogravure -Autoharp -autoharp -autoheader -autohemic -autohemolysin -autohemolysis -autohemolytic -autohemorrhage -autohemotherapy -autoheterodyne -autoheterosis -autohexaploid -autohybridization -autohypnosis -autohypnotic -autohypnotism -autohypnotization -autoicous -autoignition -autoimmunity -autoimmunization -autoinduction -autoinductive -autoinfection -autoinfusion -autoinhibited -autoinoculable -autoinoculation -autointellectual -autointoxicant -autointoxication -autoirrigation -autoist -autojigger -autojuggernaut -autokinesis -autokinetic -autokrator -autolaryngoscope -autolaryngoscopic -autolaryngoscopy -autolater -autolatry -autolavage -autolesion -autolimnetic -autolith -autoloading -autological -autologist -autologous -autology -autoluminescence -autoluminescent -autolysate -autolysin -autolysis -autolytic -Autolytus -autolyzate -autolyze -automa -automacy -automanual -automat -automata -automatic -automatical -automatically -automaticity -automatin -automatism -automatist -automatization -automatize -automatograph -automaton -automatonlike -automatous -automechanical -automelon -autometamorphosis -autometric -autometry -automobile -automobilism -automobilist -automobilistic -automobility -automolite -automonstration -automorph -automorphic -automorphically -automorphism -automotive -automotor -automower -automysophobia -autonegation -autonephrectomy -autonephrotoxin -autoneurotoxin -autonitridation -autonoetic -autonomasy -autonomic -autonomical -autonomically -autonomist -autonomize -autonomous -autonomously -autonomy -autonym -autoparasitism -autopathic -autopathography -autopathy -autopelagic -autopepsia -autophagi -autophagia -autophagous -autophagy -autophobia -autophoby -autophon -autophone -autophonoscope -autophonous -autophony -autophotoelectric -autophotograph -autophotometry -autophthalmoscope -autophyllogeny -autophyte -autophytic -autophytically -autophytograph -autophytography -autopilot -autoplagiarism -autoplasmotherapy -autoplast -autoplastic -autoplasty -autopneumatic -autopoint -autopoisonous -autopolar -autopolo -autopoloist -autopolyploid -autopore -autoportrait -autoportraiture -autopositive -autopotent -autoprogressive -autoproteolysis -autoprothesis -autopsic -autopsical -autopsy -autopsychic -autopsychoanalysis -autopsychology -autopsychorhythmia -autopsychosis -autoptic -autoptical -autoptically -autopticity -autopyotherapy -autoracemization -autoradiograph -autoradiographic -autoradiography -autoreduction -autoregenerator -autoregulation -autoreinfusion -autoretardation -autorhythmic -autorhythmus -autoriser -autorotation -autorrhaphy -Autosauri -Autosauria -autoschediasm -autoschediastic -autoschediastical -autoschediastically -autoschediaze -autoscience -autoscope -autoscopic -autoscopy -autosender -autosensitization -autosensitized -autosepticemia -autoserotherapy -autoserum -autosexing -autosight -autosign -autosite -autositic -autoskeleton -autosled -autoslip -autosomal -autosomatognosis -autosomatognostic -autosome -autosoteric -autosoterism -autospore -autosporic -autospray -autostability -autostage -autostandardization -autostarter -autostethoscope -autostylic -autostylism -autostyly -autosuggestibility -autosuggestible -autosuggestion -autosuggestionist -autosuggestive -autosuppression -autosymbiontic -autosymbolic -autosymbolical -autosymbolically -autosymnoia -Autosyn -autosyndesis -autotelegraph -autotelic -autotetraploid -autotetraploidy -autothaumaturgist -autotheater -autotheism -autotheist -autotherapeutic -autotherapy -autothermy -autotomic -autotomize -autotomous -autotomy -autotoxaemia -autotoxic -autotoxication -autotoxicity -autotoxicosis -autotoxin -autotoxis -autotractor -autotransformer -autotransfusion -autotransplant -autotransplantation -autotrepanation -autotriploid -autotriploidy -autotroph -autotrophic -autotrophy -autotropic -autotropically -autotropism -autotruck -autotuberculin -autoturning -autotype -autotyphization -autotypic -autotypography -autotypy -autourine -autovaccination -autovaccine -autovalet -autovalve -autovivisection -autoxeny -autoxidation -autoxidator -autoxidizability -autoxidizable -autoxidize -autoxidizer -autozooid -autrefois -autumn -autumnal -autumnally -autumnian -autumnity -Autunian -autunite -auxamylase -auxanogram -auxanology -auxanometer -auxesis -auxetic -auxetical -auxetically -auxiliar -auxiliarly -auxiliary -auxiliate -auxiliation -auxiliator -auxiliatory -auxilium -auximone -auxin -auxinic -auxinically -auxoaction -auxoamylase -auxoblast -auxobody -auxocardia -auxochrome -auxochromic -auxochromism -auxochromous -auxocyte -auxoflore -auxofluor -auxograph -auxographic -auxohormone -auxology -auxometer -auxospore -auxosubstance -auxotonic -auxotox -ava -avadana -avadavat -avadhuta -avahi -avail -availability -available -availableness -availably -availingly -availment -aval -avalanche -avalent -avalvular -Avanguardisti -avania -avanious -Avanti -avanturine -Avar -Avaradrano -avaremotemo -Avarian -avarice -avaricious -avariciously -avariciousness -Avarish -Avars -avascular -avast -avaunt -Ave -ave -avellan -avellane -avellaneous -avellano -avelonge -aveloz -Avena -avenaceous -avenage -avenalin -avener -avenge -avengeful -avengement -avenger -avengeress -avenging -avengingly -avenin -avenolith -avenous -avens -aventail -Aventine -aventurine -avenue -aver -avera -average -averagely -averager -averah -averil -averin -averment -Avernal -Avernus -averrable -averral -Averrhoa -Averroism -Averroist -Averroistic -averruncate -averruncation -averruncator -aversant -aversation -averse -aversely -averseness -aversion -aversive -avert -avertable -averted -avertedly -averter -avertible -Avertin -Avery -Aves -Avesta -Avestan -avian -avianization -avianize -aviarist -aviary -aviate -aviatic -aviation -aviator -aviatorial -aviatoriality -aviatory -aviatress -aviatrices -aviatrix -Avicennia -Avicenniaceae -Avicennism -avichi -avicide -avick -avicolous -Avicula -avicular -Avicularia -avicularia -avicularian -Aviculariidae -Avicularimorphae -avicularium -Aviculidae -aviculture -aviculturist -avid -avidious -avidiously -avidity -avidly -avidous -avidya -avifauna -avifaunal -avigate -avigation -avigator -Avignonese -avijja -Avikom -avine -aviolite -avirulence -avirulent -Avis -aviso -avital -avitaminosis -avitaminotic -avitic -avives -avizandum -avo -avocado -avocate -avocation -avocative -avocatory -avocet -avodire -avogadrite -avoid -avoidable -avoidably -avoidance -avoider -avoidless -avoidment -avoirdupois -avolate -avolation -avolitional -avondbloem -avouch -avouchable -avoucher -avouchment -avourneen -avow -avowable -avowableness -avowably -avowal -avowance -avowant -avowed -avowedly -avowedness -avower -avowry -avoyer -avoyership -Avshar -avulse -avulsion -avuncular -avunculate -aw -awa -Awabakal -awabi -Awadhi -awaft -awag -await -awaiter -Awaitlala -awakable -awake -awaken -awakenable -awakener -awakening -awakeningly -awakenment -awald -awalim -awalt -Awan -awane -awanting -awapuhi -award -awardable -awarder -awardment -aware -awaredom -awareness -awaruite -awash -awaste -awat -awatch -awater -awave -away -awayness -awber -awd -awe -awearied -aweary -aweather -aweband -awedness -awee -aweek -aweel -aweigh -Awellimiden -awesome -awesomely -awesomeness -awest -aweto -awfu -awful -awfully -awfulness -awheel -awheft -awhet -awhile -awhir -awhirl -awide -awiggle -awikiwiki -awin -awing -awink -awiwi -awkward -awkwardish -awkwardly -awkwardness -awl -awless -awlessness -awlwort -awmous -awn -awned -awner -awning -awninged -awnless -awnlike -awny -awoke -Awol -awork -awreck -awrist -awrong -awry -Awshar -ax -axal -axbreaker -axe -axed -Axel -axenic -axes -axfetch -axhammer -axhammered -axhead -axial -axiality -axially -axiate -axiation -Axifera -axiform -axifugal -axil -axile -axilemma -axilemmata -axilla -axillae -axillant -axillar -axillary -axine -axinite -axinomancy -axiolite -axiolitic -axiological -axiologically -axiologist -axiology -axiom -axiomatic -axiomatical -axiomatically -axiomatization -axiomatize -axion -axiopisty -Axis -axis -axised -axisymmetric -axisymmetrical -axite -axle -axled -axlesmith -axletree -axmaker -axmaking -axman -axmanship -axmaster -Axminster -axodendrite -axofugal -axogamy -axoid -axoidean -axolemma -axolotl -axolysis -axometer -axometric -axometry -axon -axonal -axoneure -axoneuron -Axonia -Axonolipa -axonolipous -axonometric -axonometry -Axonophora -axonophorous -Axonopus -axonost -axopetal -axophyte -axoplasm -axopodia -axopodium -axospermous -axostyle -axseed -axstone -axtree -Axumite -axunge -axweed -axwise -axwort -Ay -ay -ayacahuite -ayah -Ayahuca -Aydendron -aye -ayegreen -ayelp -ayenbite -ayin -Aylesbury -ayless -aylet -ayllu -Aymara -Aymaran -Aymoro -ayond -ayont -ayous -Ayrshire -Aythya -ayu -Ayubite -Ayyubid -azadrachta -azafrin -Azalea -azalea -Azande -azarole -azedarach -azelaic -azelate -Azelfafage -azeotrope -azeotropic -azeotropism -azeotropy -Azerbaijanese -Azerbaijani -Azerbaijanian -Azha -azide -aziethane -Azilian -azilut -Azimech -azimene -azimethylene -azimide -azimine -azimino -aziminobenzene -azimuth -azimuthal -azimuthally -azine -aziola -azlactone -azo -azobacter -azobenzene -azobenzil -azobenzoic -azobenzol -azoblack -azoch -azocochineal -azocoralline -azocorinth -azocyanide -azocyclic -azodicarboxylic -azodiphenyl -azodisulphonic -azoeosin -azoerythrin -azofication -azofier -azoflavine -azoformamide -azoformic -azofy -azogallein -azogreen -azogrenadine -azohumic -azoic -azoimide -azoisobutyronitrile -azole -azolitmin -Azolla -azomethine -azon -azonal -azonaphthalene -azonic -azonium -azoospermia -azoparaffin -azophen -azophenetole -azophenine -azophenol -azophenyl -azophenylene -azophosphin -azophosphore -azoprotein -Azorian -azorite -azorubine -azosulphine -azosulphonic -azotate -azote -azoted -azotemia -azotenesis -azotetrazole -azoth -azothionium -azotic -azotine -azotite -azotize -Azotobacter -Azotobacterieae -azotoluene -azotometer -azotorrhoea -azotous -azoturia -azovernine -azox -azoxazole -azoxime -azoxine -azoxonium -azoxy -azoxyanisole -azoxybenzene -azoxybenzoic -azoxynaphthalene -azoxyphenetole -azoxytoluidine -Aztec -Azteca -azteca -Aztecan -azthionium -azulene -azulite -azulmic -azumbre -azure -azurean -azured -azureous -azurine -azurite -azurmalachite -azurous -azury -Azygobranchia -Azygobranchiata -azygobranchiate -azygomatous -azygos -azygosperm -azygospore -azygous -azyme -azymite -azymous -B -b -ba -baa -baahling -Baal -baal -Baalath -Baalish -Baalism -Baalist -Baalite -Baalitical -Baalize -Baalshem -baar -Bab -baba -babacoote -babai -babasco -babassu -babaylan -Babbie -Babbitt -babbitt -babbitter -Babbittess -Babbittian -Babbittism -Babbittry -babblative -babble -babblement -babbler -babblesome -babbling -babblingly -babblish -babblishly -babbly -babby -Babcock -babe -babehood -Babel -Babeldom -babelet -Babelic -babelike -Babelish -Babelism -Babelize -babery -babeship -Babesia -babesiasis -Babhan -Babi -Babiana -babiche -babied -Babiism -babillard -Babine -babingtonite -babirusa -babish -babished -babishly -babishness -Babism -Babist -Babite -bablah -babloh -baboen -Babongo -baboo -baboodom -babooism -baboon -baboonery -baboonish -baboonroot -baboot -babouche -Babouvism -Babouvist -babroot -Babs -babu -Babua -babudom -babuina -babuism -babul -Babuma -Babungera -babushka -baby -babydom -babyfied -babyhood -babyhouse -babyish -babyishly -babyishness -babyism -babylike -Babylon -Babylonian -Babylonic -Babylonish -Babylonism -Babylonite -Babylonize -babyolatry -babyship -bac -bacaba -bacach -bacalao -bacao -bacbakiri -bacca -baccaceous -baccae -baccalaurean -baccalaureate -baccara -baccarat -baccate -baccated -Bacchae -bacchanal -Bacchanalia -bacchanalian -bacchanalianism -bacchanalianly -bacchanalism -bacchanalization -bacchanalize -bacchant -bacchante -bacchantes -bacchantic -bacchar -baccharis -baccharoid -baccheion -bacchiac -bacchian -Bacchic -bacchic -Bacchical -Bacchides -bacchii -bacchius -Bacchus -Bacchuslike -bacciferous -bacciform -baccivorous -bach -Bacharach -bache -bachel -bachelor -bachelordom -bachelorhood -bachelorism -bachelorize -bachelorlike -bachelorly -bachelorship -bachelorwise -bachelry -Bachichi -Bacillaceae -bacillar -Bacillariaceae -bacillariaceous -Bacillariales -Bacillarieae -Bacillariophyta -bacillary -bacillemia -bacilli -bacillian -bacillicidal -bacillicide -bacillicidic -bacilliculture -bacilliform -bacilligenic -bacilliparous -bacillite -bacillogenic -bacillogenous -bacillophobia -bacillosis -bacilluria -bacillus -Bacis -bacitracin -back -backache -backaching -backachy -backage -backband -backbearing -backbencher -backbite -backbiter -backbitingly -backblow -backboard -backbone -backboned -backboneless -backbonelessness -backbrand -backbreaker -backbreaking -backcap -backcast -backchain -backchat -backcourt -backcross -backdoor -backdown -backdrop -backed -backen -backer -backet -backfall -backfatter -backfield -backfill -backfiller -backfilling -backfire -backfiring -backflap -backflash -backflow -backfold -backframe -backfriend -backfurrow -backgame -backgammon -background -backhand -backhanded -backhandedly -backhandedness -backhander -backhatch -backheel -backhooker -backhouse -backie -backiebird -backing -backjaw -backjoint -backlands -backlash -backlashing -backless -backlet -backlings -backlog -backlotter -backmost -backpedal -backpiece -backplate -backrope -backrun -backsaw -backscraper -backset -backsetting -backsettler -backshift -backside -backsight -backslap -backslapper -backslapping -backslide -backslider -backslidingness -backspace -backspacer -backspang -backspier -backspierer -backspin -backspread -backspringing -backstaff -backstage -backstamp -backstay -backster -backstick -backstitch -backstone -backstop -backstrap -backstretch -backstring -backstrip -backstroke -backstromite -backswept -backswing -backsword -backswording -backswordman -backswordsman -backtack -backtender -backtenter -backtrack -backtracker -backtrick -backup -backveld -backvelder -backwall -backward -backwardation -backwardly -backwardness -backwards -backwash -backwasher -backwashing -backwater -backwatered -backway -backwood -backwoods -backwoodsiness -backwoodsman -backwoodsy -backword -backworm -backwort -backyarder -baclin -bacon -baconer -Baconian -Baconianism -Baconic -Baconism -Baconist -baconize -baconweed -bacony -Bacopa -bacteremia -bacteria -Bacteriaceae -bacteriaceous -bacterial -bacterially -bacterian -bacteric -bactericholia -bactericidal -bactericide -bactericidin -bacterid -bacteriemia -bacteriform -bacterin -bacterioagglutinin -bacterioblast -bacteriocyte -bacteriodiagnosis -bacteriofluorescin -bacteriogenic -bacteriogenous -bacteriohemolysin -bacterioid -bacterioidal -bacteriologic -bacteriological -bacteriologically -bacteriologist -bacteriology -bacteriolysin -bacteriolysis -bacteriolytic -bacteriolyze -bacteriopathology -bacteriophage -bacteriophagia -bacteriophagic -bacteriophagous -bacteriophagy -bacteriophobia -bacterioprecipitin -bacterioprotein -bacteriopsonic -bacteriopsonin -bacteriopurpurin -bacterioscopic -bacterioscopical -bacterioscopically -bacterioscopist -bacterioscopy -bacteriosis -bacteriosolvent -bacteriostasis -bacteriostat -bacteriostatic -bacteriotherapeutic -bacteriotherapy -bacteriotoxic -bacteriotoxin -bacteriotropic -bacteriotropin -bacteriotrypsin -bacterious -bacteritic -bacterium -bacteriuria -bacterization -bacterize -bacteroid -bacteroidal -Bacteroideae -Bacteroides -Bactrian -Bactris -Bactrites -bactriticone -bactritoid -bacula -bacule -baculi -baculiferous -baculiform -baculine -baculite -Baculites -baculitic -baculiticone -baculoid -baculum -baculus -bacury -bad -Badaga -badan -Badarian -badarrah -Badawi -baddeleyite -badderlocks -baddish -baddishly -baddishness -baddock -bade -badenite -badge -badgeless -badgeman -badger -badgerbrush -badgerer -badgeringly -badgerlike -badgerly -badgerweed -badiaga -badian -badigeon -badinage -badious -badland -badlands -badly -badminton -badness -Badon -Baduhenna -bae -Baedeker -Baedekerian -Baeria -baetuli -baetulus -baetyl -baetylic -baetylus -baetzner -bafaro -baff -baffeta -baffle -bafflement -baffler -baffling -bafflingly -bafflingness -baffy -baft -bafta -Bafyot -bag -baga -Baganda -bagani -bagasse -bagataway -bagatelle -bagatine -bagattini -bagattino -Bagaudae -Bagdad -Bagdi -bagel -bagful -baggage -baggageman -baggagemaster -baggager -baggala -bagganet -Baggara -bagged -bagger -baggie -baggily -bagginess -bagging -baggit -baggy -Bagheli -baghouse -Baginda -Bagirmi -bagleaves -baglike -bagmaker -bagmaking -bagman -bagnio -bagnut -bago -Bagobo -bagonet -bagpipe -bagpiper -bagpipes -bagplant -bagrationite -bagre -bagreef -bagroom -baguette -bagwig -bagwigged -bagworm -bagwyn -bah -Bahai -Bahaism -Bahaist -Baham -Bahama -Bahamian -bahan -bahar -Bahaullah -bahawder -bahay -bahera -bahiaite -Bahima -bahisti -Bahmani -Bahmanid -bahnung -baho -bahoe -bahoo -baht -Bahuma -bahur -bahut -Bahutu -bahuvrihi -Baianism -baidarka -Baidya -Baiera -baiginet -baignet -baikalite -baikerinite -baikerite -baikie -bail -bailable -bailage -bailee -bailer -bailey -bailie -bailiery -bailieship -bailiff -bailiffry -bailiffship -bailiwick -bailliage -baillone -Baillonella -bailment -bailor -bailpiece -bailsman -bailwood -bain -bainie -Baining -baioc -baiocchi -baiocco -bairagi -Bairam -bairn -bairnie -bairnish -bairnishness -bairnliness -bairnly -bairnteam -bairntime -bairnwort -Bais -Baisakh -baister -bait -baiter -baith -baittle -baitylos -baize -bajada -bajan -Bajardo -bajarigar -Bajau -Bajocian -bajra -bajree -bajri -bajury -baka -Bakairi -bakal -Bakalai -Bakalei -Bakatan -bake -bakeboard -baked -bakehouse -Bakelite -bakelite -bakelize -baken -bakeoven -bakepan -baker -bakerdom -bakeress -bakerite -bakerless -bakerly -bakership -bakery -bakeshop -bakestone -Bakhtiari -bakie -baking -bakingly -bakli -Bakongo -Bakshaish -baksheesh -baktun -Baku -baku -Bakuba -bakula -Bakunda -Bakuninism -Bakuninist -bakupari -Bakutu -Bakwiri -Bal -bal -Bala -Balaam -Balaamite -Balaamitical -balachong -balaclava -baladine -Balaena -Balaenicipites -balaenid -Balaenidae -balaenoid -Balaenoidea -balaenoidean -Balaenoptera -Balaenopteridae -balafo -balagan -balaghat -balai -Balaic -Balak -Balaklava -balalaika -Balan -balance -balanceable -balanced -balancedness -balancelle -balanceman -balancement -balancer -balancewise -balancing -balander -balandra -balandrana -balaneutics -balangay -balanic -balanid -Balanidae -balaniferous -balanism -balanite -Balanites -balanitis -balanoblennorrhea -balanocele -Balanoglossida -Balanoglossus -balanoid -Balanophora -Balanophoraceae -balanophoraceous -balanophore -balanophorin -balanoplasty -balanoposthitis -balanopreputial -Balanops -Balanopsidaceae -Balanopsidales -balanorrhagia -Balanta -Balante -balantidial -balantidiasis -balantidic -balantidiosis -Balantidium -Balanus -Balao -balao -Balarama -balas -balata -balatong -balatron -balatronic -balausta -balaustine -balaustre -Balawa -Balawu -balboa -balbriggan -balbutiate -balbutient -balbuties -balconet -balconied -balcony -bald -baldachin -baldachined -baldachini -baldachino -baldberry -baldcrown -balden -balder -balderdash -baldhead -baldicoot -Baldie -baldish -baldling -baldly -baldmoney -baldness -baldpate -baldrib -baldric -baldricked -baldricwise -balductum -Baldwin -baldy -bale -Balearian -Balearic -Balearica -baleen -balefire -baleful -balefully -balefulness -balei -baleise -baleless -baler -balete -Bali -bali -balibago -Balija -Balilla -baline -Balinese -balinger -balinghasay -balisaur -balistarius -Balistes -balistid -Balistidae -balistraria -balita -balk -Balkan -Balkanic -Balkanization -Balkanize -Balkar -balker -balkingly -Balkis -balky -ball -ballad -ballade -balladeer -ballader -balladeroyal -balladic -balladical -balladier -balladism -balladist -balladize -balladlike -balladling -balladmonger -balladmongering -balladry -balladwise -ballahoo -ballam -ballan -ballant -ballast -ballastage -ballaster -ballasting -ballata -ballate -ballatoon -balldom -balled -baller -ballerina -ballet -balletic -balletomane -Ballhausplatz -balli -ballist -ballista -ballistae -ballistic -ballistically -ballistician -ballistics -Ballistite -ballistocardiograph -ballium -ballmine -ballogan -ballonet -balloon -balloonation -ballooner -balloonery -balloonet -balloonfish -balloonflower -balloonful -ballooning -balloonish -balloonist -balloonlike -ballot -Ballota -ballotade -ballotage -balloter -balloting -ballotist -ballottement -ballow -Ballplatz -ballplayer -ballproof -ballroom -ballstock -ballup -ballweed -bally -ballyhack -ballyhoo -ballyhooer -ballywack -ballywrack -balm -balmacaan -Balmarcodes -Balmawhapple -balmily -balminess -balmlike -balmony -Balmoral -balmy -balneal -balneary -balneation -balneatory -balneographer -balneography -balneologic -balneological -balneologist -balneology -balneophysiology -balneotechnics -balneotherapeutics -balneotherapia -balneotherapy -Balnibarbi -Baloch -Baloghia -Balolo -balonea -baloney -baloo -Balopticon -Balor -Baloskion -Baloskionaceae -balow -balsa -balsam -balsamation -Balsamea -Balsameaceae -balsameaceous -balsamer -balsamic -balsamical -balsamically -balsamiferous -balsamina -Balsaminaceae -balsaminaceous -balsamine -balsamitic -balsamiticness -balsamize -balsamo -Balsamodendron -Balsamorrhiza -balsamous -balsamroot -balsamum -balsamweed -balsamy -Balt -baltei -balter -balteus -Balthasar -Balti -Baltic -Baltimore -Baltimorean -baltimorite -Baltis -balu -Baluba -Baluch -Baluchi -Baluchistan -baluchithere -baluchitheria -Baluchitherium -baluchitherium -Baluga -Balunda -balushai -baluster -balustered -balustrade -balustraded -balustrading -balut -balwarra -balza -Balzacian -balzarine -bam -Bamalip -Bamangwato -bamban -Bambara -bambini -bambino -bambocciade -bamboo -bamboozle -bamboozlement -bamboozler -Bambos -bamboula -Bambuba -Bambusa -Bambuseae -Bambute -bamoth -Ban -ban -Bana -banaba -banago -banak -banakite -banal -banality -banally -banana -Bananaland -Bananalander -Banande -bananist -bananivorous -banat -Banate -banatite -banausic -Banba -Banbury -banc -banca -bancal -banchi -banco -bancus -band -Banda -banda -bandage -bandager -bandagist -bandaite -bandaka -bandala -bandalore -bandanna -bandannaed -bandar -bandarlog -bandbox -bandboxical -bandboxy -bandcase -bandcutter -bande -bandeau -banded -bandelet -bander -Banderma -banderole -bandersnatch -bandfish -bandhava -bandhook -Bandhor -bandhu -bandi -bandicoot -bandicoy -bandie -bandikai -bandiness -banding -bandit -banditism -banditry -banditti -bandle -bandless -bandlessly -bandlessness -bandlet -bandman -bandmaster -bando -bandog -bandoleer -bandoleered -bandoline -bandonion -Bandor -bandore -bandrol -bandsman -bandstand -bandster -bandstring -Bandusia -Bandusian -bandwork -bandy -bandyball -bandyman -bane -baneberry -baneful -banefully -banefulness -banewort -Banff -bang -banga -Bangala -bangalay -bangalow -Bangash -bangboard -bange -banger -banghy -Bangia -Bangiaceae -bangiaceous -Bangiales -banging -bangkok -bangle -bangled -bangling -bangster -bangtail -Bangwaketsi -bani -banian -banig -banilad -banish -banisher -banishment -banister -Baniva -baniwa -baniya -banjo -banjoist -banjore -banjorine -banjuke -bank -bankable -Bankalachi -bankbook -banked -banker -bankera -bankerdom -bankeress -banket -bankfull -banking -bankman -bankrider -bankrupt -bankruptcy -bankruptism -bankruptlike -bankruptly -bankruptship -bankrupture -bankshall -Banksia -Banksian -bankside -banksman -bankweed -banky -banner -bannered -bannerer -banneret -bannerfish -bannerless -bannerlike -bannerman -bannerol -bannerwise -bannet -banning -bannister -Bannock -bannock -Bannockburn -banns -bannut -banovina -banquet -banqueteer -banqueteering -banqueter -banquette -bansalague -banshee -banstickle -bant -Bantam -bantam -bantamize -bantamweight -bantay -bantayan -banteng -banter -banterer -banteringly -bantery -Bantingism -bantingize -bantling -Bantoid -Bantu -banty -banuyo -banxring -banya -Banyai -banyan -Banyoro -Banyuls -banzai -baobab -bap -Baphia -Baphomet -Baphometic -Baptanodon -Baptisia -baptisin -baptism -baptismal -baptismally -Baptist -baptistery -baptistic -baptizable -baptize -baptizee -baptizement -baptizer -Baptornis -bar -bara -barabara -barabora -Barabra -Baraca -barad -baragnosis -baragouin -baragouinish -Baraithas -barajillo -Baralipton -Baramika -barandos -barangay -barasingha -barathea -barathra -barathrum -barauna -barb -Barbacoa -Barbacoan -barbacou -Barbadian -Barbados -barbal -barbaloin -Barbara -barbaralalia -Barbarea -barbaresque -Barbarian -barbarian -barbarianism -barbarianize -barbaric -barbarical -barbarically -barbarious -barbariousness -barbarism -barbarity -barbarization -barbarize -barbarous -barbarously -barbarousness -Barbary -barbary -barbas -barbasco -barbastel -barbate -barbated -barbatimao -barbe -barbecue -barbed -barbeiro -barbel -barbellate -barbellula -barbellulate -barber -barberess -barberfish -barberish -barberry -barbershop -barbet -barbette -Barbeyaceae -barbican -barbicel -barbigerous -barbion -barbital -barbitalism -barbiton -barbitone -barbitos -barbiturate -barbituric -barbless -barblet -barbone -barbotine -Barbra -barbudo -Barbula -barbulate -barbule -barbulyie -barbwire -Barcan -barcarole -barcella -barcelona -Barcoo -bard -bardane -bardash -bardcraft -bardel -Bardesanism -Bardesanist -Bardesanite -bardess -bardic -bardie -bardiglio -bardily -bardiness -barding -bardish -bardism -bardlet -bardlike -bardling -bardo -Bardolater -Bardolatry -Bardolph -Bardolphian -bardship -Bardulph -bardy -Bare -bare -bareback -barebacked -bareboat -barebone -bareboned -bareca -barefaced -barefacedly -barefacedness -barefit -barefoot -barefooted -barehanded -barehead -bareheaded -bareheadedness -barelegged -barely -barenecked -bareness -barer -baresark -baresma -baretta -barff -barfish -barfly -barful -bargain -bargainee -bargainer -bargainor -bargainwise -bargander -barge -bargeboard -bargee -bargeer -bargeese -bargehouse -bargelike -bargeload -bargeman -bargemaster -barger -bargh -bargham -barghest -bargoose -Bari -bari -baria -baric -barid -barie -barile -barilla -baring -baris -barish -barit -barite -baritone -barium -bark -barkbound -barkcutter -barkeeper -barken -barkentine -barker -barkery -barkevikite -barkevikitic -barkey -barkhan -barking -barkingly -Barkinji -barkle -barkless -barklyite -barkometer -barkpeel -barkpeeler -barkpeeling -barksome -barky -barlafumble -barlafummil -barless -barley -barleybird -barleybreak -barleycorn -barleyhood -barleymow -barleysick -barling -barlock -barlow -barm -barmaid -barman -barmaster -barmbrack -barmcloth -Barmecidal -Barmecide -barmkin -barmote -barmskin -barmy -barmybrained -barn -Barnabas -Barnabite -Barnaby -barnacle -Barnard -barnard -barnbrack -Barnburner -Barney -barney -barnful -barnhardtite -barnman -barnstorm -barnstormer -barnstorming -Barnumism -Barnumize -barny -barnyard -Baroco -barocyclonometer -barodynamic -barodynamics -barognosis -barogram -barograph -barographic -baroi -barolo -barology -Barolong -barometer -barometric -barometrical -barometrically -barometrograph -barometrography -barometry -barometz -baromotor -baron -baronage -baroness -baronet -baronetage -baronetcy -baronethood -baronetical -baronetship -barong -Baronga -baronial -baronize -baronry -baronship -barony -Baroque -baroque -baroscope -baroscopic -baroscopical -Barosma -barosmin -barotactic -barotaxis -barotaxy -barothermograph -barothermohygrograph -baroto -Barotse -barouche -barouchet -Barouni -baroxyton -barpost -barquantine -barra -barrabkie -barrable -barrabora -barracan -barrack -barracker -barraclade -barracoon -barracouta -barracuda -barrad -barragan -barrage -barragon -barramunda -barramundi -barranca -barrandite -barras -barrator -barratrous -barratrously -barratry -barred -barrel -barrelage -barreled -barreler -barrelet -barrelful -barrelhead -barrelmaker -barrelmaking -barrelwise -barren -barrenly -barrenness -barrenwort -barrer -barret -Barrett -barrette -barretter -barricade -barricader -barricado -barrico -barrier -barriguda -barrigudo -barrikin -barriness -barring -Barrington -Barringtonia -Barrio -barrio -barrister -barristerial -barristership -barristress -barroom -barrow -barrowful -Barrowist -barrowman -barrulee -barrulet -barrulety -barruly -Barry -barry -Barsac -barse -barsom -Bart -bartender -bartending -barter -barterer -barth -barthite -bartholinitis -Bartholomean -Bartholomew -Bartholomewtide -Bartholomite -bartizan -bartizaned -Bartlemy -Bartlett -Barton -barton -Bartonella -Bartonia -Bartram -Bartramia -Bartramiaceae -Bartramian -Bartsia -baru -Baruch -Barundi -baruria -barvel -barwal -barway -barways -barwise -barwood -barycenter -barycentric -barye -baryecoia -baryglossia -barylalia -barylite -baryphonia -baryphonic -baryphony -barysilite -barysphere -baryta -barytes -barythymia -barytic -barytine -barytocalcite -barytocelestine -barytocelestite -baryton -barytone -barytophyllite -barytostrontianite -barytosulphate -bas -basal -basale -basalia -basally -basalt -basaltes -basaltic -basaltiform -basaltine -basaltoid -basanite -basaree -Bascology -bascule -base -baseball -baseballdom -baseballer -baseboard -baseborn -basebred -based -basehearted -baseheartedness -baselard -baseless -baselessly -baselessness -baselike -baseliner -Basella -Basellaceae -basellaceous -basely -baseman -basement -basementward -baseness -basenji -bases -bash -bashaw -bashawdom -bashawism -bashawship -bashful -bashfully -bashfulness -Bashilange -Bashkir -bashlyk -Bashmuric -basial -basialveolar -basiarachnitis -basiarachnoiditis -basiate -basiation -Basibracteolate -basibranchial -basibranchiate -basibregmatic -basic -basically -basichromatic -basichromatin -basichromatinic -basichromiole -basicity -basicranial -basicytoparaplastin -basidia -basidial -basidigital -basidigitale -basidiogenetic -basidiolichen -Basidiolichenes -basidiomycete -Basidiomycetes -basidiomycetous -basidiophore -basidiospore -basidiosporous -basidium -basidorsal -basifacial -basification -basifier -basifixed -basifugal -basify -basigamous -basigamy -basigenic -basigenous -basiglandular -basigynium -basihyal -basihyoid -Basil -basil -basilar -Basilarchia -basilary -basilateral -basilemma -basileus -Basilian -basilic -Basilica -basilica -Basilicae -basilical -basilican -basilicate -basilicon -Basilics -Basilidian -Basilidianism -basilinna -basiliscan -basiliscine -Basiliscus -basilisk -basilissa -Basilosauridae -Basilosaurus -basilweed -basilysis -basilyst -basimesostasis -basin -basinasal -basinasial -basined -basinerved -basinet -basinlike -basioccipital -basion -basiophitic -basiophthalmite -basiophthalmous -basiotribe -basiotripsy -basiparachromatin -basiparaplastin -basipetal -basiphobia -basipodite -basipoditic -basipterygial -basipterygium -basipterygoid -basiradial -basirhinal -basirostral -basis -basiscopic -basisphenoid -basisphenoidal -basitemporal -basiventral -basivertebral -bask -basker -Baskerville -basket -basketball -basketballer -basketful -basketing -basketmaker -basketmaking -basketry -basketware -basketwoman -basketwood -basketwork -basketworm -Baskish -Baskonize -Basoche -Basoga -basoid -Basoko -Basommatophora -basommatophorous -bason -Basongo -basophile -basophilia -basophilic -basophilous -basophobia -basos -basote -Basque -basque -basqued -basquine -bass -Bassa -Bassalia -Bassalian -bassan -bassanello -bassanite -bassara -bassarid -Bassaris -Bassariscus -bassarisk -basset -bassetite -bassetta -Bassia -bassie -bassine -bassinet -bassist -bassness -basso -bassoon -bassoonist -bassorin -bassus -basswood -Bast -bast -basta -Bastaard -Bastard -bastard -bastardism -bastardization -bastardize -bastardliness -bastardly -bastardy -baste -basten -baster -bastide -bastille -bastinade -bastinado -basting -bastion -bastionary -bastioned -bastionet -bastite -bastnasite -basto -baston -basurale -Basuto -Bat -bat -bataan -batad -Batak -batakan -bataleur -Batan -batara -batata -Batatas -batatilla -Batavi -Batavian -batch -batcher -bate -batea -bateau -bateaux -bated -Batekes -batel -bateman -batement -bater -Batetela -batfish -batfowl -batfowler -batfowling -Bath -bath -Bathala -bathe -batheable -bather -bathetic -bathflower -bathhouse -bathic -bathing -bathless -bathman -bathmic -bathmism -bathmotropic -bathmotropism -bathochromatic -bathochromatism -bathochrome -bathochromic -bathochromy -bathoflore -bathofloric -batholite -batholith -batholithic -batholitic -bathometer -Bathonian -bathophobia -bathorse -bathos -bathrobe -bathroom -bathroomed -bathroot -bathtub -bathukolpian -bathukolpic -bathvillite -bathwort -bathyal -bathyanesthesia -bathybian -bathybic -bathybius -bathycentesis -bathychrome -bathycolpian -bathycolpic -bathycurrent -bathyesthesia -bathygraphic -bathyhyperesthesia -bathyhypesthesia -bathylimnetic -bathylite -bathylith -bathylithic -bathylitic -bathymeter -bathymetric -bathymetrical -bathymetrically -bathymetry -bathyorographical -bathypelagic -bathyplankton -bathyseism -bathysmal -bathysophic -bathysophical -bathysphere -bathythermograph -Batidaceae -batidaceous -batik -batiker -batikulin -batikuling -bating -batino -Batis -batiste -batitinan -batlan -batlike -batling -batlon -batman -Batocrinidae -Batocrinus -Batodendron -batoid -Batoidei -Batoka -baton -Batonga -batonistic -batonne -batophobia -Batrachia -batrachian -batrachiate -Batrachidae -Batrachium -batrachoid -Batrachoididae -batrachophagous -Batrachophidia -batrachophobia -batrachoplasty -Batrachospermum -bats -batsman -batsmanship -batster -batswing -batt -Batta -batta -battailous -Battak -Battakhin -battalia -battalion -battarism -battarismus -battel -batteler -batten -battener -battening -batter -batterable -battercake -batterdock -battered -batterer -batterfang -batteried -batterman -battery -batteryman -battik -batting -battish -battle -battled -battledore -battlefield -battleful -battleground -battlement -battlemented -battleplane -battler -battleship -battlesome -battlestead -battlewagon -battleward -battlewise -battological -battologist -battologize -battology -battue -batty -batukite -batule -Batussi -Batwa -batwing -batyphone -batz -batzen -bauble -baublery -baubling -Baubo -bauch -bauchle -bauckie -bauckiebird -baud -baudekin -baudrons -Bauera -Bauhinia -baul -bauleah -Baume -baumhauerite -baun -bauno -Baure -bauson -bausond -bauta -bauxite -bauxitite -Bavarian -bavaroy -bavary -bavenite -baviaantje -Bavian -bavian -baviere -bavin -Bavius -bavoso -baw -bawarchi -bawbee -bawcock -bawd -bawdily -bawdiness -bawdry -bawdship -bawdyhouse -bawl -bawler -bawley -bawn -Bawra -bawtie -baxter -Baxterian -Baxterianism -baxtone -bay -Baya -baya -bayadere -bayal -bayamo -Bayard -bayard -bayardly -bayberry -baybolt -baybush -baycuru -bayed -bayeta -baygall -bayhead -bayish -bayldonite -baylet -baylike -bayman -bayness -Bayogoula -bayok -bayonet -bayoneted -bayoneteer -bayou -baywood -bazaar -baze -Bazigar -bazoo -bazooka -bazzite -bdellid -Bdellidae -bdellium -bdelloid -Bdelloida -Bdellostoma -Bdellostomatidae -Bdellostomidae -bdellotomy -Bdelloura -Bdellouridae -be -Bea -beach -beachcomb -beachcomber -beachcombing -beached -beachhead -beachlamar -beachless -beachman -beachmaster -beachward -beachy -beacon -beaconage -beaconless -beaconwise -bead -beaded -beader -beadflush -beadhouse -beadily -beadiness -beading -beadle -beadledom -beadlehood -beadleism -beadlery -beadleship -beadlet -beadlike -beadman -beadroll -beadrow -beadsman -beadswoman -beadwork -beady -Beagle -beagle -beagling -beak -beaked -beaker -beakerful -beakerman -beakermen -beakful -beakhead -beakiron -beaklike -beaky -beal -beala -bealing -beallach -bealtared -Bealtine -Bealtuinn -beam -beamage -beambird -beamed -beamer -beamfilling -beamful -beamhouse -beamily -beaminess -beaming -beamingly -beamish -beamless -beamlet -beamlike -beamman -beamsman -beamster -beamwork -beamy -bean -beanbag -beanbags -beancod -beanery -beanfeast -beanfeaster -beanfield -beanie -beano -beansetter -beanshooter -beanstalk -beant -beanweed -beany -beaproned -bear -bearable -bearableness -bearably -bearance -bearbaiter -bearbaiting -bearbane -bearberry -bearbind -bearbine -bearcoot -beard -bearded -bearder -beardie -bearding -beardless -beardlessness -beardom -beardtongue -beardy -bearer -bearess -bearfoot -bearherd -bearhide -bearhound -bearing -bearish -bearishly -bearishness -bearlet -bearlike -bearm -bearship -bearskin -beartongue -bearward -bearwood -bearwort -beast -beastbane -beastdom -beasthood -beastie -beastily -beastish -beastishness -beastlike -beastlily -beastliness -beastling -beastlings -beastly -beastman -beastship -beat -Beata -beata -beatable -beatae -beatee -beaten -beater -beaterman -beath -beatific -beatifical -beatifically -beatificate -beatification -beatify -beatinest -beating -beatitude -Beatrice -Beatrix -beatster -beatus -beau -Beauclerc -beaufin -Beaufort -beauish -beauism -Beaujolais -Beaumontia -Beaune -beaupere -beauseant -beauship -beauteous -beauteously -beauteousness -beauti -beautician -beautied -beautification -beautifier -beautiful -beautifully -beautifulness -beautify -beautihood -beauty -beautydom -beautyship -beaux -beaver -Beaverboard -beaverboard -beavered -beaverette -beaverish -beaverism -beaverite -beaverize -Beaverkill -beaverkin -beaverlike -beaverpelt -beaverroot -beaverteen -beaverwood -beavery -beback -bebait -beballed -bebang -bebannered -bebar -bebaron -bebaste -bebat -bebathe -bebatter -bebay -bebeast -bebed -bebeerine -bebeeru -bebelted -bebilya -bebite -bebization -beblain -beblear -bebled -bebless -beblister -beblood -bebloom -beblotch -beblubber -bebog -bebop -beboss -bebotch -bebothered -bebouldered -bebrave -bebreech -bebrine -bebrother -bebrush -bebump -bebusy -bebuttoned -becall -becalm -becalmment -becap -becard -becarpet -becarve -becassocked -becater -because -beccafico -becense -bechained -bechalk -bechance -becharm -bechase -bechatter -bechauffeur -becheck -becher -bechern -bechignoned -bechirp -Bechtler -Bechuana -becircled -becivet -Beck -beck -beckelite -becker -becket -Beckie -beckiron -beckon -beckoner -beckoning -beckoningly -Becky -beclad -beclamor -beclamour -beclang -beclart -beclasp -beclatter -beclaw -becloak -beclog -beclothe -becloud -beclout -beclown -becluster -becobweb -becoiffed -becollier -becolme -becolor -becombed -become -becomes -becoming -becomingly -becomingness -becomma -becompass -becompliment -becoom -becoresh -becost -becousined -becovet -becoward -becquerelite -becram -becramp -becrampon -becrawl -becreep -becrime -becrimson -becrinolined -becripple -becroak -becross -becrowd -becrown -becrush -becrust -becry -becudgel -becuffed -becuiba -becumber -becuna -becurl -becurry -becurse -becurtained -becushioned -becut -bed -bedabble -bedad -bedaggered -bedamn -bedamp -bedangled -bedare -bedark -bedarken -bedash -bedaub -bedawn -beday -bedaze -bedazement -bedazzle -bedazzlement -bedazzling -bedazzlingly -bedboard -bedbug -bedcap -bedcase -bedchair -bedchamber -bedclothes -bedcord -bedcover -bedded -bedder -bedding -bedead -bedeaf -bedeafen -bedebt -bedeck -bedecorate -bedeguar -bedel -beden -bedene -bedesman -bedevil -bedevilment -bedew -bedewer -bedewoman -bedfast -bedfellow -bedfellowship -bedflower -bedfoot -Bedford -bedframe -bedgery -bedgoer -bedgown -bediademed -bediamonded -bediaper -bedight -bedikah -bedim -bedimple -bedin -bedip -bedirt -bedirter -bedirty -bedismal -bedizen -bedizenment -bedkey -bedlam -bedlamer -Bedlamic -bedlamism -bedlamite -bedlamitish -bedlamize -bedlar -bedless -bedlids -bedmaker -bedmaking -bedman -bedmate -bedoctor -bedog -bedolt -bedot -bedote -Bedouin -Bedouinism -bedouse -bedown -bedoyo -bedpan -bedplate -bedpost -bedquilt -bedrabble -bedraggle -bedragglement -bedrail -bedral -bedrape -bedravel -bedrench -bedress -bedribble -bedrid -bedridden -bedriddenness -bedrift -bedright -bedrip -bedrivel -bedrizzle -bedrock -bedroll -bedroom -bedrop -bedrown -bedrowse -bedrug -bedscrew -bedsick -bedside -bedsite -bedsock -bedsore -bedspread -bedspring -bedstaff -bedstand -bedstaves -bedstead -bedstock -bedstraw -bedstring -bedtick -bedticking -bedtime -bedub -beduchess -beduck -beduke -bedull -bedumb -bedunce -bedunch -bedung -bedur -bedusk -bedust -bedwarf -bedway -bedways -bedwell -bedye -Bee -bee -beearn -beebread -beech -beechdrops -beechen -beechnut -beechwood -beechwoods -beechy -beedged -beedom -beef -beefeater -beefer -beefhead -beefheaded -beefily -beefin -beefiness -beefish -beefishness -beefless -beeflower -beefsteak -beeftongue -beefwood -beefy -beegerite -beehead -beeheaded -beeherd -beehive -beehouse -beeish -beeishness -beek -beekeeper -beekeeping -beekite -Beekmantown -beelbow -beelike -beeline -beelol -Beelzebub -Beelzebubian -Beelzebul -beeman -beemaster -been -beennut -beer -beerage -beerbachite -beerbibber -beerhouse -beerily -beeriness -beerish -beerishly -beermaker -beermaking -beermonger -beerocracy -Beerothite -beerpull -beery -bees -beest -beestings -beeswax -beeswing -beeswinged -beet -beeth -Beethovenian -Beethovenish -Beethovian -beetle -beetled -beetlehead -beetleheaded -beetler -beetlestock -beetlestone -beetleweed -beetmister -beetrave -beetroot -beetrooty -beety -beeve -beevish -beeware -beeway -beeweed -beewise -beewort -befall -befame -befamilied -befamine -befan -befancy -befanned -befathered -befavor -befavour -befeather -beferned -befetished -befetter -befezzed -befiddle -befilch -befile -befilleted -befilmed -befilth -befinger -befire -befist -befit -befitting -befittingly -befittingness -beflag -beflannel -beflap -beflatter -beflea -befleck -beflounce -beflour -beflout -beflower -beflum -befluster -befoam -befog -befool -befoolment -befop -before -beforehand -beforeness -beforested -beforetime -beforetimes -befortune -befoul -befouler -befoulment -befountained -befraught -befreckle -befreeze -befreight -befret -befriend -befriender -befriendment -befrill -befringe -befriz -befrocked -befrogged -befrounce -befrumple -befuddle -befuddlement -befuddler -befume -befurbelowed -befurred -beg -begabled -begad -begall -begani -begar -begari -begarlanded -begarnish -begartered -begash -begat -begaud -begaudy -begay -begaze -begeck -begem -beget -begettal -begetter -beggable -beggar -beggardom -beggarer -beggaress -beggarhood -beggarism -beggarlike -beggarliness -beggarly -beggarman -beggarweed -beggarwise -beggarwoman -beggary -Beggiatoa -Beggiatoaceae -beggiatoaceous -begging -beggingly -beggingwise -Beghard -begift -begiggle -begild -begin -beginger -beginner -beginning -begird -begirdle -beglad -beglamour -beglare -beglerbeg -beglerbeglic -beglerbegluc -beglerbegship -beglerbey -beglic -beglide -beglitter -beglobed -begloom -begloze -begluc -beglue -begnaw -bego -begob -begobs -begoggled -begohm -begone -begonia -Begoniaceae -begoniaceous -Begoniales -begorra -begorry -begotten -begottenness -begoud -begowk -begowned -begrace -begrain -begrave -begray -begrease -begreen -begrett -begrim -begrime -begrimer -begroan -begrown -begrudge -begrudgingly -begruntle -begrutch -begrutten -beguard -beguess -beguile -beguileful -beguilement -beguiler -beguiling -beguilingly -Beguin -Beguine -beguine -begulf -begum -begun -begunk -begut -behale -behalf -behallow -behammer -behap -behatted -behave -behavior -behavioral -behaviored -behaviorism -behaviorist -behavioristic -behavioristically -behead -beheadal -beheader -beheadlined -behear -behears -behearse -behedge -beheld -behelp -behemoth -behen -behenate -behenic -behest -behind -behinder -behindhand -behindsight -behint -behn -behold -beholdable -beholden -beholder -beholding -beholdingness -behoney -behoof -behooped -behoot -behoove -behooveful -behoovefully -behoovefulness -behooves -behooving -behoovingly -behorn -behorror -behowl -behung -behusband -behymn -behypocrite -beice -Beid -beige -being -beingless -beingness -beinked -beira -beisa -Beja -bejabers -bejade -bejan -bejant -bejaundice -bejazz -bejel -bejewel -bejezebel -bejig -bejuggle -bejumble -bekah -bekerchief -bekick -bekilted -beking -bekinkinite -bekiss -bekko -beknave -beknight -beknit -beknived -beknotted -beknottedly -beknottedness -beknow -beknown -Bel -bel -bela -belabor -belaced -beladle -belady -belage -belah -Belait -Belaites -belam -Belamcanda -belanda -belar -belard -belash -belate -belated -belatedly -belatedness -belatticed -belaud -belauder -belavendered -belay -belayer -belch -belcher -beld -beldam -beldamship -belderroot -belduque -beleaf -beleaguer -beleaguerer -beleaguerment -beleap -beleave -belecture -beledgered -belee -belemnid -belemnite -Belemnites -belemnitic -Belemnitidae -belemnoid -Belemnoidea -beletter -belfried -belfry -belga -Belgae -Belgian -Belgic -Belgophile -Belgrade -Belgravia -Belgravian -Belial -Belialic -Belialist -belibel -belick -belie -belief -beliefful -belieffulness -beliefless -belier -believability -believable -believableness -believe -believer -believing -believingly -belight -beliked -Belili -belimousined -Belinda -Belinuridae -Belinurus -belion -beliquor -Belis -belite -belitter -belittle -belittlement -belittler -belive -bell -Bella -Bellabella -Bellacoola -belladonna -bellarmine -Bellatrix -bellbind -bellbird -bellbottle -bellboy -belle -belled -belledom -Belleek -bellehood -belleric -Bellerophon -Bellerophontidae -belletrist -belletristic -bellflower -bellhanger -bellhanging -bellhop -bellhouse -bellicism -bellicose -bellicosely -bellicoseness -bellicosity -bellied -belliferous -belligerence -belligerency -belligerent -belligerently -belling -bellipotent -Bellis -bellite -bellmaker -bellmaking -bellman -bellmanship -bellmaster -bellmouth -bellmouthed -Bellona -Bellonian -bellonion -bellote -Bellovaci -bellow -bellower -bellows -bellowsful -bellowslike -bellowsmaker -bellowsmaking -bellowsman -bellpull -belltail -belltopper -belltopperdom -bellware -bellwaver -bellweed -bellwether -bellwind -bellwine -bellwood -bellwort -belly -bellyache -bellyband -bellyer -bellyfish -bellyflaught -bellyful -bellying -bellyland -bellylike -bellyman -bellypiece -bellypinch -beloam -beloeilite -beloid -belomancy -Belone -belonesite -belong -belonger -belonging -belonid -Belonidae -belonite -belonoid -belonosphaerite -belord -Belostoma -Belostomatidae -Belostomidae -belout -belove -beloved -below -belowstairs -belozenged -Belshazzar -Belshazzaresque -belsire -belt -Beltane -belted -Beltene -belter -Beltian -beltie -beltine -belting -Beltir -Beltis -beltmaker -beltmaking -beltman -belton -beltwise -Beluchi -Belucki -beluga -belugite -belute -belve -belvedere -Belverdian -bely -belying -belyingly -belzebuth -bema -bemad -bemadam -bemaddening -bemail -bemaim -bemajesty -beman -bemangle -bemantle -bemar -bemartyr -bemask -bemaster -bemat -bemata -bemaul -bemazed -Bemba -Bembecidae -Bembex -bemeal -bemean -bemedaled -bemedalled -bementite -bemercy -bemingle -beminstrel -bemire -bemirement -bemirror -bemirrorment -bemist -bemistress -bemitered -bemitred -bemix -bemoan -bemoanable -bemoaner -bemoaning -bemoaningly -bemoat -bemock -bemoil -bemoisten -bemole -bemolt -bemonster -bemoon -bemotto -bemoult -bemouth -bemuck -bemud -bemuddle -bemuddlement -bemuddy -bemuffle -bemurmur -bemuse -bemused -bemusedly -bemusement -bemusk -bemuslined -bemuzzle -Ben -ben -bena -benab -Benacus -bename -benami -benamidar -benasty -benben -bench -benchboard -bencher -benchership -benchfellow -benchful -benching -benchland -benchlet -benchman -benchwork -benchy -bencite -bend -benda -bendability -bendable -bended -bender -bending -bendingly -bendlet -bendsome -bendwise -bendy -bene -beneaped -beneath -beneception -beneceptive -beneceptor -benedicite -Benedict -benedict -Benedicta -Benedictine -Benedictinism -benediction -benedictional -benedictionary -benedictive -benedictively -benedictory -Benedictus -benedight -benefaction -benefactive -benefactor -benefactorship -benefactory -benefactress -benefic -benefice -beneficed -beneficeless -beneficence -beneficent -beneficential -beneficently -beneficial -beneficially -beneficialness -beneficiary -beneficiaryship -beneficiate -beneficiation -benefit -benefiter -beneighbored -Benelux -benempt -benempted -beneplacito -benet -Benetnasch -benettle -Beneventan -Beneventana -benevolence -benevolent -benevolently -benevolentness -benevolist -beng -Bengal -Bengalese -Bengali -Bengalic -bengaline -Bengola -Beni -beni -benight -benighted -benightedness -benighten -benighter -benightmare -benightment -benign -benignancy -benignant -benignantly -benignity -benignly -Benin -Benincasa -benison -benitoite -benj -Benjamin -benjamin -benjaminite -Benjamite -Benjy -benjy -Benkulen -benmost -benn -benne -bennel -Bennet -bennet -Bennettitaceae -bennettitaceous -Bennettitales -Bennettites -bennetweed -Benny -benny -beno -benorth -benote -bensel -bensh -benshea -benshee -benshi -Benson -bent -bentang -benthal -Benthamic -Benthamism -Benthamite -benthic -benthon -benthonic -benthos -Bentincks -bentiness -benting -Benton -bentonite -bentstar -bentwood -benty -Benu -benumb -benumbed -benumbedness -benumbing -benumbingly -benumbment -benward -benweed -benzacridine -benzal -benzalacetone -benzalacetophenone -benzalaniline -benzalazine -benzalcohol -benzalcyanhydrin -benzaldehyde -benzaldiphenyl -benzaldoxime -benzalethylamine -benzalhydrazine -benzalphenylhydrazone -benzalphthalide -benzamide -benzamido -benzamine -benzaminic -benzamino -benzanalgen -benzanilide -benzanthrone -benzantialdoxime -benzazide -benzazimide -benzazine -benzazole -benzbitriazole -benzdiazine -benzdifuran -benzdioxazine -benzdioxdiazine -benzdioxtriazine -Benzedrine -benzein -benzene -benzenediazonium -benzenoid -benzenyl -benzhydrol -benzhydroxamic -benzidine -benzidino -benzil -benzilic -benzimidazole -benziminazole -benzinduline -benzine -benzo -benzoate -benzoated -benzoazurine -benzobis -benzocaine -benzocoumaran -benzodiazine -benzodiazole -benzoflavine -benzofluorene -benzofulvene -benzofuran -benzofuroquinoxaline -benzofuryl -benzoglycolic -benzoglyoxaline -benzohydrol -benzoic -benzoid -benzoin -benzoinated -benzoiodohydrin -benzol -benzolate -benzole -benzolize -benzomorpholine -benzonaphthol -benzonitrile -benzonitrol -benzoperoxide -benzophenanthrazine -benzophenanthroline -benzophenazine -benzophenol -benzophenone -benzophenothiazine -benzophenoxazine -benzophloroglucinol -benzophosphinic -benzophthalazine -benzopinacone -benzopyran -benzopyranyl -benzopyrazolone -benzopyrylium -benzoquinoline -benzoquinone -benzoquinoxaline -benzosulphimide -benzotetrazine -benzotetrazole -benzothiazine -benzothiazole -benzothiazoline -benzothiodiazole -benzothiofuran -benzothiophene -benzothiopyran -benzotoluide -benzotriazine -benzotriazole -benzotrichloride -benzotrifuran -benzoxate -benzoxy -benzoxyacetic -benzoxycamphor -benzoxyphenanthrene -benzoyl -benzoylate -benzoylation -benzoylformic -benzoylglycine -benzpinacone -benzthiophen -benztrioxazine -benzyl -benzylamine -benzylic -benzylidene -benzylpenicillin -beode -Beothuk -Beothukan -Beowulf -bepaid -Bepaint -bepale -bepaper -beparch -beparody -beparse -bepart -bepaste -bepastured -bepat -bepatched -bepaw -bepearl -bepelt -bepen -bepepper -beperiwigged -bepester -bepewed -bephilter -bephrase -bepicture -bepiece -bepierce -bepile -bepill -bepillared -bepimple -bepinch -bepistoled -bepity -beplague -beplaided -beplaster -beplumed -bepommel -bepowder -bepraise -bepraisement -bepraiser -beprank -bepray -bepreach -bepress -bepretty -bepride -beprose -bepuddle -bepuff -bepun -bepurple -bepuzzle -bepuzzlement -bequalm -bequeath -bequeathable -bequeathal -bequeather -bequeathment -bequest -bequirtle -bequote -ber -berain -berairou -berakah -berake -berakoth -berapt -berascal -berat -berate -berattle -beraunite -beray -berbamine -Berber -Berberi -Berberian -berberid -Berberidaceae -berberidaceous -berberine -Berberis -berberry -Berchemia -Berchta -berdache -bere -Berean -bereason -bereave -bereavement -bereaven -bereaver -bereft -berend -Berengaria -Berengarian -Berengarianism -berengelite -Berenice -Bereshith -beresite -beret -berewick -berg -bergalith -Bergama -Bergamask -bergamiol -Bergamo -Bergamot -bergamot -bergander -bergaptene -berger -berghaan -berginization -berginize -berglet -bergschrund -Bergsonian -Bergsonism -bergut -bergy -bergylt -berhyme -Beri -beribanded -beribboned -beriberi -beriberic -beride -berigora -beringed -beringite -beringleted -berinse -berith -Berkeleian -Berkeleianism -Berkeleyism -Berkeleyite -berkelium -berkovets -berkowitz -Berkshire -berley -berlin -berline -Berliner -berlinite -Berlinize -berm -Bermuda -Bermudian -bermudite -Bern -Bernard -Bernardina -Bernardine -berne -Bernese -Bernice -Bernicia -bernicle -Bernie -Berninesque -Bernoullian -berobed -Beroe -Beroida -Beroidae -beroll -Berossos -berouged -beround -berrendo -berret -berri -berried -berrier -berrigan -berrugate -berry -berrybush -berryless -berrylike -berrypicker -berrypicking -berseem -berserk -berserker -Bersiamite -Bersil -Bert -Bertat -Berteroa -berth -Bertha -berthage -berthed -berther -berthierite -berthing -Berthold -Bertholletia -Bertie -Bertolonia -Bertram -bertram -Bertrand -bertrandite -bertrum -beruffed -beruffled -berust -bervie -berycid -Berycidae -beryciform -berycine -berycoid -Berycoidea -berycoidean -Berycoidei -Berycomorphi -beryl -berylate -beryllia -berylline -berylliosis -beryllium -berylloid -beryllonate -beryllonite -beryllosis -Berytidae -Beryx -berzelianite -berzeliite -bes -besa -besagne -besaiel -besaint -besan -besanctify -besauce -bescab -bescarf -bescatter -bescent -bescorch -bescorn -bescoundrel -bescour -bescourge -bescramble -bescrape -bescratch -bescrawl -bescreen -bescribble -bescurf -bescurvy -bescutcheon -beseam -besee -beseech -beseecher -beseeching -beseechingly -beseechingness -beseechment -beseem -beseeming -beseemingly -beseemingness -beseemliness -beseemly -beseen -beset -besetment -besetter -besetting -beshackle -beshade -beshadow -beshag -beshake -beshame -beshawled -beshear -beshell -beshield -beshine -beshiver -beshlik -beshod -beshout -beshow -beshower -beshrew -beshriek -beshrivel -beshroud -besiclometer -beside -besides -besiege -besieged -besiegement -besieger -besieging -besiegingly -besigh -besilver -besin -besing -besiren -besit -beslab -beslap -beslash -beslave -beslaver -besleeve -beslime -beslimer -beslings -beslipper -beslobber -beslow -beslubber -beslur -beslushed -besmear -besmearer -besmell -besmile -besmirch -besmircher -besmirchment -besmoke -besmooth -besmother -besmouch -besmudge -besmut -besmutch -besnare -besneer -besnivel -besnow -besnuff -besodden -besogne -besognier -besoil -besom -besomer -besonnet -besoot -besoothe -besoothement -besot -besotment -besotted -besottedly -besottedness -besotting -besottingly -besought -besoul -besour -bespangle -bespate -bespatter -bespatterer -bespatterment -bespawl -bespeak -bespeakable -bespeaker -bespecked -bespeckle -bespecklement -bespectacled -besped -bespeech -bespeed -bespell -bespelled -bespend -bespete -bespew -bespice -bespill -bespin -bespirit -bespit -besplash -besplatter -besplit -bespoke -bespoken -bespot -bespottedness -bespouse -bespout -bespray -bespread -besprent -besprinkle -besprinkler -bespurred -besputter -bespy -besqueeze -besquib -besra -Bess -Bessarabian -Besselian -Bessemer -bessemer -Bessemerize -bessemerize -Bessera -Bessi -Bessie -Bessy -best -bestab -bestain -bestamp -bestar -bestare -bestarve -bestatued -bestay -bestayed -bestead -besteer -bestench -bester -bestial -bestialism -bestialist -bestiality -bestialize -bestially -bestiarian -bestiarianism -bestiary -bestick -bestill -bestink -bestir -bestness -bestock -bestore -bestorm -bestove -bestow -bestowable -bestowage -bestowal -bestower -bestowing -bestowment -bestraddle -bestrapped -bestraught -bestraw -bestreak -bestream -bestrew -bestrewment -bestride -bestripe -bestrode -bestubbled -bestuck -bestud -besugar -besuit -besully -beswarm -besweatered -besweeten -beswelter -beswim -beswinge -beswitch -bet -Beta -beta -betacism -betacismus -betafite -betag -betail -betailor -betaine -betainogen -betalk -betallow -betangle -betanglement -betask -betassel -betatron -betattered -betaxed -betear -beteela -beteem -betel -Betelgeuse -Beth -beth -bethabara -bethankit -bethel -Bethesda -bethflower -bethink -Bethlehem -Bethlehemite -bethought -bethrall -bethreaten -bethroot -Bethuel -bethumb -bethump -bethunder -bethwack -Bethylidae -betide -betimber -betimes -betinge -betipple -betire -betis -betitle -betocsin -betoil -betoken -betokener -betone -betongue -Betonica -betony -betorcin -betorcinol -betoss -betowel -betowered -Betoya -Betoyan -betrace -betrail -betrample -betrap -betravel -betray -betrayal -betrayer -betrayment -betread -betrend -betrim -betrinket -betroth -betrothal -betrothed -betrothment -betrough -betrousered -betrumpet -betrunk -Betsey -Betsileos -Betsimisaraka -betso -Betsy -Betta -betted -better -betterer -bettergates -bettering -betterly -betterment -bettermost -betterness -betters -Bettina -Bettine -betting -bettong -bettonga -Bettongia -bettor -Betty -betty -betuckered -Betula -Betulaceae -betulaceous -betulin -betulinamaric -betulinic -betulinol -Betulites -beturbaned -betusked -betutor -betutored -betwattled -between -betweenbrain -betweenity -betweenmaid -betweenness -betweenwhiles -betwine -betwit -betwixen -betwixt -beudantite -Beulah -beuniformed -bevatron -beveil -bevel -beveled -beveler -bevelled -bevelment -bevenom -bever -beverage -Beverly -beverse -bevesseled -bevesselled -beveto -bevillain -bevined -bevoiled -bevomit -bevue -bevy -bewail -bewailable -bewailer -bewailing -bewailingly -bewailment -bewaitered -bewall -beware -bewash -bewaste -bewater -beweary -beweep -beweeper -bewelcome -bewelter -bewept -bewest -bewet -bewhig -bewhiskered -bewhisper -bewhistle -bewhite -bewhiten -bewidow -bewig -bewigged -bewilder -bewildered -bewilderedly -bewilderedness -bewildering -bewilderingly -bewilderment -bewimple -bewinged -bewinter -bewired -bewitch -bewitchedness -bewitcher -bewitchery -bewitchful -bewitching -bewitchingly -bewitchingness -bewitchment -bewith -bewizard -bework -beworm -beworn -beworry -beworship -bewrap -bewrathed -bewray -bewrayer -bewrayingly -bewrayment -bewreath -bewreck -bewrite -bey -beydom -beylic -beylical -beyond -beyrichite -beyship -Bezaleel -Bezaleelian -bezant -bezantee -bezanty -bezel -bezesteen -bezetta -bezique -bezoar -bezoardic -bezonian -Bezpopovets -bezzi -bezzle -bezzo -bhabar -Bhadon -Bhaga -bhagavat -bhagavata -bhaiachari -bhaiyachara -bhakta -bhakti -bhalu -bhandar -bhandari -bhang -bhangi -Bhar -bhara -bharal -Bharata -bhat -bhava -Bhavani -bheesty -bhikku -bhikshu -Bhil -Bhili -Bhima -Bhojpuri -bhoosa -Bhotia -Bhotiya -Bhowani -bhoy -Bhumij -bhungi -bhungini -bhut -Bhutanese -Bhutani -bhutatathata -Bhutia -biabo -biacetyl -biacetylene -biacid -biacromial -biacuminate -biacuru -bialate -biallyl -bialveolar -Bianca -Bianchi -bianchite -bianco -biangular -biangulate -biangulated -biangulous -bianisidine -biannual -biannually -biannulate -biarchy -biarcuate -biarcuated -biarticular -biarticulate -biarticulated -bias -biasness -biasteric -biaswise -biatomic -biauricular -biauriculate -biaxal -biaxial -biaxiality -biaxially -biaxillary -bib -bibacious -bibacity -bibasic -bibation -bibb -bibber -bibble -bibbler -bibbons -bibcock -bibenzyl -bibi -Bibio -bibionid -Bibionidae -bibiri -bibitory -Bible -bibless -Biblic -Biblical -Biblicality -Biblically -Biblicism -Biblicist -Biblicistic -Biblicolegal -Biblicoliterary -Biblicopsychological -biblioclasm -biblioclast -bibliofilm -bibliogenesis -bibliognost -bibliognostic -bibliogony -bibliograph -bibliographer -bibliographic -bibliographical -bibliographically -bibliographize -bibliography -biblioklept -bibliokleptomania -bibliokleptomaniac -bibliolater -bibliolatrous -bibliolatry -bibliological -bibliologist -bibliology -bibliomancy -bibliomane -bibliomania -bibliomaniac -bibliomaniacal -bibliomanian -bibliomanianism -bibliomanism -bibliomanist -bibliopegic -bibliopegist -bibliopegistic -bibliopegy -bibliophage -bibliophagic -bibliophagist -bibliophagous -bibliophile -bibliophilic -bibliophilism -bibliophilist -bibliophilistic -bibliophily -bibliophobia -bibliopolar -bibliopole -bibliopolery -bibliopolic -bibliopolical -bibliopolically -bibliopolism -bibliopolist -bibliopolistic -bibliopoly -bibliosoph -bibliotaph -bibliotaphic -bibliothec -bibliotheca -bibliothecal -bibliothecarial -bibliothecarian -bibliothecary -bibliotherapeutic -bibliotherapist -bibliotherapy -bibliothetic -bibliotic -bibliotics -bibliotist -Biblism -Biblist -biblus -biborate -bibracteate -bibracteolate -bibulosity -bibulous -bibulously -bibulousness -Bibulus -bicalcarate -bicameral -bicameralism -bicamerist -bicapitate -bicapsular -bicarbonate -bicarbureted -bicarinate -bicarpellary -bicarpellate -bicaudal -bicaudate -Bice -bice -bicellular -bicentenary -bicentennial -bicephalic -bicephalous -biceps -bicetyl -bichir -bichloride -bichord -bichromate -bichromatic -bichromatize -bichrome -bichromic -bichy -biciliate -biciliated -bicipital -bicipitous -bicircular -bicirrose -bick -bicker -bickerer -bickern -biclavate -biclinium -bicollateral -bicollaterality -bicolligate -bicolor -bicolored -bicolorous -biconcave -biconcavity -bicondylar -bicone -biconic -biconical -biconically -biconjugate -biconsonantal -biconvex -bicorn -bicornate -bicorne -bicorned -bicornous -bicornuate -bicornuous -bicornute -bicorporal -bicorporate -bicorporeal -bicostate -bicrenate -bicrescentic -bicrofarad -bicron -bicrural -bicursal -bicuspid -bicuspidate -bicyanide -bicycle -bicycler -bicyclic -bicyclism -bicyclist -bicyclo -bicycloheptane -bicylindrical -bid -bidactyl -bidactyle -bidactylous -bidar -bidarka -bidcock -biddable -biddableness -biddably -biddance -Biddelian -bidder -bidding -Biddulphia -Biddulphiaceae -Biddy -biddy -bide -Bidens -bident -bidental -bidentate -bidented -bidential -bidenticulate -bider -bidet -bidigitate -bidimensional -biding -bidirectional -bidiurnal -Bidpai -bidri -biduous -bieberite -Biedermeier -bield -bieldy -bielectrolysis -bielenite -Bielid -Bielorouss -bien -bienly -bienness -biennia -biennial -biennially -biennium -bier -bierbalk -biethnic -bietle -bifacial -bifanged -bifara -bifarious -bifariously -bifer -biferous -biff -biffin -bifid -bifidate -bifidated -bifidity -bifidly -bifilar -bifilarly -bifistular -biflabellate -biflagellate -biflecnode -biflected -biflex -biflorate -biflorous -bifluoride -bifocal -bifoil -bifold -bifolia -bifoliate -bifoliolate -bifolium -biforked -biform -biformed -biformity -biforous -bifront -bifrontal -bifronted -bifurcal -bifurcate -bifurcated -bifurcately -bifurcation -big -biga -bigamic -bigamist -bigamistic -bigamize -bigamous -bigamously -bigamy -bigarade -bigaroon -bigarreau -bigbloom -bigemina -bigeminal -bigeminate -bigeminated -bigeminum -bigener -bigeneric -bigential -bigeye -bigg -biggah -biggen -bigger -biggest -biggin -biggish -biggonet -bigha -bighead -bighearted -bigheartedness -bighorn -bight -biglandular -biglenoid -biglot -bigmouth -bigmouthed -bigness -Bignonia -Bignoniaceae -bignoniaceous -bignoniad -bignou -bigoniac -bigonial -bigot -bigoted -bigotedly -bigotish -bigotry -bigotty -bigroot -bigthatch -biguanide -biguttate -biguttulate -bigwig -bigwigged -bigwiggedness -bigwiggery -bigwiggism -Bihai -Biham -bihamate -Bihari -biharmonic -bihourly -bihydrazine -bija -bijasal -bijou -bijouterie -bijoux -bijugate -bijugular -bike -bikh -bikhaconitine -bikini -Bikol -Bikram -Bikukulla -Bilaan -bilabe -bilabial -bilabiate -bilalo -bilamellar -bilamellate -bilamellated -bilaminar -bilaminate -bilaminated -bilander -bilateral -bilateralism -bilaterality -bilaterally -bilateralness -Bilati -bilberry -bilbie -bilbo -bilboquet -bilby -bilch -bilcock -bildar -bilders -bile -bilestone -bilge -bilgy -Bilharzia -bilharzial -bilharziasis -bilharzic -bilharziosis -bilianic -biliary -biliate -biliation -bilic -bilicyanin -bilifaction -biliferous -bilification -bilifuscin -bilify -bilihumin -bilimbi -bilimbing -biliment -Bilin -bilinear -bilineate -bilingual -bilingualism -bilingually -bilinguar -bilinguist -bilinigrin -bilinite -bilio -bilious -biliously -biliousness -biliprasin -bilipurpurin -bilipyrrhin -bilirubin -bilirubinemia -bilirubinic -bilirubinuria -biliteral -biliteralism -bilith -bilithon -biliverdic -biliverdin -bilixanthin -bilk -bilker -Bill -bill -billa -billable -billabong -billback -billbeetle -Billbergia -billboard -billbroking -billbug -billed -biller -billet -billeter -billethead -billeting -billetwood -billety -billfish -billfold -billhead -billheading -billholder -billhook -billian -billiard -billiardist -billiardly -billiards -Billie -Billiken -billikin -billing -billingsgate -billion -billionaire -billionism -billionth -billitonite -Billjim -billman -billon -billot -billow -billowiness -billowy -billposter -billposting -billsticker -billsticking -Billy -billy -billyboy -billycan -billycock -billyer -billyhood -billywix -bilo -bilobated -bilobe -bilobed -bilobiate -bilobular -bilocation -bilocellate -bilocular -biloculate -Biloculina -biloculine -bilophodont -Biloxi -bilsh -Bilskirnir -bilsted -biltong -biltongue -Bim -bimaculate -bimaculated -bimalar -Bimana -bimanal -bimane -bimanous -bimanual -bimanually -bimarginate -bimarine -bimastic -bimastism -bimastoid -bimasty -bimaxillary -bimbil -Bimbisara -bimeby -bimensal -bimester -bimestrial -bimetalic -bimetallism -bimetallist -bimetallistic -bimillenary -bimillennium -bimillionaire -Bimini -Bimmeler -bimodal -bimodality -bimolecular -bimonthly -bimotored -bimotors -bimucronate -bimuscular -bin -binal -binaphthyl -binarium -binary -binate -binately -bination -binational -binaural -binauricular -binbashi -bind -binder -bindery -bindheimite -binding -bindingly -bindingness -bindle -bindlet -bindoree -bindweb -bindweed -bindwith -bindwood -bine -binervate -bineweed -bing -binge -bingey -binghi -bingle -bingo -bingy -binh -Bini -biniodide -Binitarian -Binitarianism -bink -binman -binna -binnacle -binning -binnite -binnogue -bino -binocle -binocular -binocularity -binocularly -binoculate -binodal -binode -binodose -binodous -binomenclature -binomial -binomialism -binomially -binominal -binominated -binominous -binormal -binotic -binotonous -binous -binoxalate -binoxide -bint -bintangor -binturong -binuclear -binucleate -binucleated -binucleolate -binukau -Binzuru -biobibliographical -biobibliography -bioblast -bioblastic -biocatalyst -biocellate -biocentric -biochemic -biochemical -biochemically -biochemics -biochemist -biochemistry -biochemy -biochore -bioclimatic -bioclimatology -biocoenose -biocoenosis -biocoenotic -biocycle -biod -biodynamic -biodynamical -biodynamics -biodyne -bioecologic -bioecological -bioecologically -bioecologist -bioecology -biogen -biogenase -biogenesis -biogenesist -biogenetic -biogenetical -biogenetically -biogenetics -biogenous -biogeny -biogeochemistry -biogeographic -biogeographical -biogeographically -biogeography -biognosis -biograph -biographee -biographer -biographic -biographical -biographically -biographist -biographize -biography -bioherm -biokinetics -biolinguistics -biolith -biologese -biologic -biological -biologically -biologicohumanistic -biologism -biologist -biologize -biology -bioluminescence -bioluminescent -biolysis -biolytic -biomagnetic -biomagnetism -biomathematics -biome -biomechanical -biomechanics -biometeorology -biometer -biometric -biometrical -biometrically -biometrician -biometricist -biometrics -biometry -biomicroscopy -bion -bionergy -bionomic -bionomical -bionomically -bionomics -bionomist -bionomy -biophagism -biophagous -biophagy -biophilous -biophore -biophotophone -biophysical -biophysicochemical -biophysics -biophysiography -biophysiological -biophysiologist -biophysiology -biophyte -bioplasm -bioplasmic -bioplast -bioplastic -bioprecipitation -biopsic -biopsy -biopsychic -biopsychical -biopsychological -biopsychologist -biopsychology -biopyribole -bioral -biorbital -biordinal -bioreaction -biorgan -bios -bioscope -bioscopic -bioscopy -biose -biosis -biosocial -biosociological -biosphere -biostatic -biostatical -biostatics -biostatistics -biosterin -biosterol -biostratigraphy -biosynthesis -biosynthetic -biosystematic -biosystematics -biosystematist -biosystematy -Biota -biota -biotaxy -biotechnics -biotic -biotical -biotics -biotin -biotite -biotitic -biotome -biotomy -biotope -biotype -biotypic -biovular -biovulate -bioxalate -bioxide -bipack -bipaleolate -Bipaliidae -Bipalium -bipalmate -biparasitic -biparental -biparietal -biparous -biparted -bipartible -bipartient -bipartile -bipartisan -bipartisanship -bipartite -bipartitely -bipartition -biparty -bipaschal -bipectinate -bipectinated -biped -bipedal -bipedality -bipedism -bipeltate -bipennate -bipennated -bipenniform -biperforate -bipersonal -bipetalous -biphase -biphasic -biphenol -biphenyl -biphenylene -bipinnaria -bipinnate -bipinnated -bipinnately -bipinnatifid -bipinnatiparted -bipinnatipartite -bipinnatisect -bipinnatisected -biplanal -biplanar -biplane -biplicate -biplicity -biplosion -biplosive -bipod -bipolar -bipolarity -bipolarize -Bipont -Bipontine -biporose -biporous -biprism -biprong -bipunctal -bipunctate -bipunctual -bipupillate -bipyramid -bipyramidal -bipyridine -bipyridyl -biquadrantal -biquadrate -biquadratic -biquarterly -biquartz -biquintile -biracial -biracialism -biradial -biradiate -biradiated -biramous -birational -birch -birchbark -birchen -birching -birchman -birchwood -bird -birdbander -birdbanding -birdbath -birdberry -birdcall -birdcatcher -birdcatching -birdclapper -birdcraft -birddom -birdeen -birder -birdglue -birdhood -birdhouse -birdie -birdikin -birding -birdland -birdless -birdlet -birdlike -birdlime -birdling -birdlore -birdman -birdmouthed -birdnest -birdnester -birdseed -birdstone -birdweed -birdwise -birdwoman -birdy -birectangular -birefracting -birefraction -birefractive -birefringence -birefringent -bireme -biretta -Birgus -biri -biriba -birimose -birk -birken -Birkenhead -Birkenia -Birkeniidae -birkie -birkremite -birl -birle -birler -birlie -birlieman -birlinn -birma -Birmingham -Birminghamize -birn -birny -Biron -birostrate -birostrated -birotation -birotatory -birr -birse -birsle -birsy -birth -birthbed -birthday -birthland -birthless -birthmark -birthmate -birthnight -birthplace -birthright -birthroot -birthstone -birthstool -birthwort -birthy -bis -bisabol -bisaccate -bisacromial -bisalt -Bisaltae -bisantler -bisaxillary -bisbeeite -biscacha -Biscanism -Biscayan -Biscayanism -biscayen -Biscayner -bischofite -biscotin -biscuit -biscuiting -biscuitlike -biscuitmaker -biscuitmaking -biscuitroot -biscuitry -bisdiapason -bisdimethylamino -bisect -bisection -bisectional -bisectionally -bisector -bisectrices -bisectrix -bisegment -biseptate -biserial -biserially -biseriate -biseriately -biserrate -bisetose -bisetous -bisexed -bisext -bisexual -bisexualism -bisexuality -bisexually -bisexuous -bisglyoxaline -Bishareen -Bishari -Bisharin -bishop -bishopdom -bishopess -bishopful -bishophood -bishopless -bishoplet -bishoplike -bishopling -bishopric -bishopship -bishopweed -bisiliac -bisilicate -bisiliquous -bisimine -bisinuate -bisinuation -bisischiadic -bisischiatic -Bisley -bislings -bismar -Bismarck -Bismarckian -Bismarckianism -bismarine -bismerpund -bismillah -bismite -Bismosol -bismuth -bismuthal -bismuthate -bismuthic -bismuthide -bismuthiferous -bismuthine -bismuthinite -bismuthite -bismuthous -bismuthyl -bismutite -bismutoplagionite -bismutosmaltite -bismutosphaerite -bisnaga -bison -bisonant -bisontine -bisphenoid -bispinose -bispinous -bispore -bisporous -bisque -bisquette -bissext -bissextile -bisson -bistate -bistephanic -bister -bistered -bistetrazole -bisti -bistipular -bistipulate -bistipuled -bistort -Bistorta -bistournage -bistoury -bistratal -bistratose -bistriate -bistriazole -bistro -bisubstituted -bisubstitution -bisulcate -bisulfid -bisulphate -bisulphide -bisulphite -bisyllabic -bisyllabism -bisymmetric -bisymmetrical -bisymmetrically -bisymmetry -bit -bitable -bitangent -bitangential -bitanhol -bitartrate -bitbrace -bitch -bite -bitemporal -bitentaculate -biter -biternate -biternately -bitesheep -bitewing -bitheism -Bithynian -biti -biting -bitingly -bitingness -Bitis -bitless -bito -bitolyl -bitonality -bitreadle -bitripartite -bitripinnatifid -bitriseptate -bitrochanteric -bitstock -bitstone -bitt -bitted -bitten -bitter -bitterbark -bitterblain -bitterbloom -bitterbur -bitterbush -bitterful -bitterhead -bitterhearted -bitterheartedness -bittering -bitterish -bitterishness -bitterless -bitterling -bitterly -bittern -bitterness -bitternut -bitterroot -bitters -bittersweet -bitterweed -bitterwood -bitterworm -bitterwort -bitthead -bittie -Bittium -bittock -bitty -bitubercular -bituberculate -bituberculated -Bitulithic -bitulithic -bitume -bitumed -bitumen -bituminate -bituminiferous -bituminization -bituminize -bituminoid -bituminous -bitwise -bityite -bitypic -biune -biunial -biunity -biunivocal -biurate -biurea -biuret -bivalence -bivalency -bivalent -bivalve -bivalved -Bivalvia -bivalvian -bivalvous -bivalvular -bivariant -bivariate -bivascular -bivaulted -bivector -biventer -biventral -biverbal -bivinyl -bivious -bivittate -bivocal -bivocalized -bivoltine -bivoluminous -bivouac -biwa -biweekly -biwinter -Bixa -Bixaceae -bixaceous -bixbyite -bixin -biyearly -biz -bizardite -bizarre -bizarrely -bizarreness -Bizen -bizet -bizonal -bizone -Bizonia -bizygomatic -bizz -Bjorne -blab -blabber -blabberer -blachong -black -blackacre -blackamoor -blackback -blackball -blackballer -blackband -Blackbeard -blackbelly -blackberry -blackbine -blackbird -blackbirder -blackbirding -blackboard -blackboy -blackbreast -blackbush -blackbutt -blackcap -blackcoat -blackcock -blackdamp -blacken -blackener -blackening -blacker -blacketeer -blackey -blackeyes -blackface -Blackfeet -blackfellow -blackfellows -blackfin -blackfire -blackfish -blackfisher -blackfishing -Blackfoot -blackfoot -Blackfriars -blackguard -blackguardism -blackguardize -blackguardly -blackguardry -Blackhander -blackhead -blackheads -blackheart -blackhearted -blackheartedness -blackie -blacking -blackish -blackishly -blackishness -blackit -blackjack -blackland -blackleg -blackleggery -blacklegism -blacklegs -blackly -blackmail -blackmailer -blackneb -blackneck -blackness -blacknob -blackout -blackpoll -blackroot -blackseed -blackshirted -blacksmith -blacksmithing -blackstick -blackstrap -blacktail -blackthorn -blacktongue -blacktree -blackwash -blackwasher -blackwater -blackwood -blackwork -blackwort -blacky -blad -bladder -bladderet -bladderless -bladderlike -bladdernose -bladdernut -bladderpod -bladderseed -bladderweed -bladderwort -bladdery -blade -bladebone -bladed -bladelet -bladelike -blader -bladesmith -bladewise -blading -bladish -blady -bladygrass -blae -blaeberry -blaeness -blaewort -blaff -blaffert -blaflum -blah -blahlaut -blain -Blaine -Blair -blair -blairmorite -Blake -blake -blakeberyed -blamable -blamableness -blamably -blame -blamed -blameful -blamefully -blamefulness -blameless -blamelessly -blamelessness -blamer -blameworthiness -blameworthy -blaming -blamingly -blan -blanc -blanca -blancard -Blanch -blanch -blancher -blanching -blanchingly -blancmange -blancmanger -blanco -bland -blanda -Blandfordia -blandiloquence -blandiloquious -blandiloquous -blandish -blandisher -blandishing -blandishingly -blandishment -blandly -blandness -blank -blankard -blankbook -blanked -blankeel -blanket -blanketed -blanketeer -blanketflower -blanketing -blanketless -blanketmaker -blanketmaking -blanketry -blanketweed -blankety -blanking -blankish -Blankit -blankite -blankly -blankness -blanky -blanque -blanquillo -blare -Blarina -blarney -blarneyer -blarnid -blarny -blart -blas -blase -blash -blashy -Blasia -blaspheme -blasphemer -blasphemous -blasphemously -blasphemousness -blasphemy -blast -blasted -blastema -blastemal -blastematic -blastemic -blaster -blastful -blasthole -blastid -blastie -blasting -blastment -blastocarpous -blastocheme -blastochyle -blastocoele -blastocolla -blastocyst -blastocyte -blastoderm -blastodermatic -blastodermic -blastodisk -blastogenesis -blastogenetic -blastogenic -blastogeny -blastogranitic -blastoid -Blastoidea -blastoma -blastomata -blastomere -blastomeric -Blastomyces -blastomycete -Blastomycetes -blastomycetic -blastomycetous -blastomycosis -blastomycotic -blastoneuropore -Blastophaga -blastophitic -blastophoral -blastophore -blastophoric -blastophthoria -blastophthoric -blastophyllum -blastoporal -blastopore -blastoporic -blastoporphyritic -blastosphere -blastospheric -blastostylar -blastostyle -blastozooid -blastplate -blastula -blastulae -blastular -blastulation -blastule -blasty -blat -blatancy -blatant -blatantly -blate -blately -blateness -blather -blatherer -blatherskite -blathery -blatjang -Blatta -blatta -Blattariae -blatter -blatterer -blatti -blattid -Blattidae -blattiform -Blattodea -blattoid -Blattoidea -blaubok -Blaugas -blauwbok -blaver -blaw -blawort -blay -Blayne -blaze -blazer -blazing -blazingly -blazon -blazoner -blazoning -blazonment -blazonry -blazy -bleaberry -bleach -bleachability -bleachable -bleached -bleacher -bleacherite -bleacherman -bleachery -bleachfield -bleachground -bleachhouse -bleaching -bleachman -bleachworks -bleachyard -bleak -bleakish -bleakly -bleakness -bleaky -blear -bleared -blearedness -bleareye -bleariness -blearness -bleary -bleat -bleater -bleating -bleatingly -bleaty -bleb -blebby -blechnoid -Blechnum -bleck -blee -bleed -bleeder -bleeding -bleekbok -bleery -bleeze -bleezy -blellum -blemish -blemisher -blemishment -Blemmyes -blench -blencher -blenching -blenchingly -blencorn -blend -blendcorn -blende -blended -blender -blending -blendor -blendure -blendwater -blennadenitis -blennemesis -blennenteria -blennenteritis -blenniid -Blenniidae -blenniiform -Blenniiformes -blennioid -Blennioidea -blennocele -blennocystitis -blennoemesis -blennogenic -blennogenous -blennoid -blennoma -blennometritis -blennophlogisma -blennophlogosis -blennophthalmia -blennoptysis -blennorrhagia -blennorrhagic -blennorrhea -blennorrheal -blennorrhinia -blennosis -blennostasis -blennostatic -blennothorax -blennotorrhea -blennuria -blenny -blennymenitis -blent -bleo -blephara -blepharadenitis -blepharal -blepharanthracosis -blepharedema -blepharelcosis -blepharemphysema -Blephariglottis -blepharism -blepharitic -blepharitis -blepharoadenitis -blepharoadenoma -blepharoatheroma -blepharoblennorrhea -blepharocarcinoma -Blepharocera -Blepharoceridae -blepharochalasis -blepharochromidrosis -blepharoclonus -blepharocoloboma -blepharoconjunctivitis -blepharodiastasis -blepharodyschroia -blepharohematidrosis -blepharolithiasis -blepharomelasma -blepharoncosis -blepharoncus -blepharophimosis -blepharophryplasty -blepharophthalmia -blepharophyma -blepharoplast -blepharoplastic -blepharoplasty -blepharoplegia -blepharoptosis -blepharopyorrhea -blepharorrhaphy -blepharospasm -blepharospath -blepharosphincterectomy -blepharostat -blepharostenosis -blepharosymphysis -blepharosyndesmitis -blepharosynechia -blepharotomy -blepharydatis -Blephillia -blesbok -blesbuck -bless -blessed -blessedly -blessedness -blesser -blessing -blessingly -blest -blet -bletheration -Bletia -Bletilla -blewits -blibe -blick -blickey -Blighia -blight -blightbird -blighted -blighter -blighting -blightingly -blighty -blimbing -blimp -blimy -blind -blindage -blindball -blinded -blindedly -blinder -blindeyes -blindfast -blindfish -blindfold -blindfolded -blindfoldedness -blindfolder -blindfoldly -blinding -blindingly -blindish -blindless -blindling -blindly -blindness -blindstory -blindweed -blindworm -blink -blinkard -blinked -blinker -blinkered -blinking -blinkingly -blinks -blinky -blinter -blintze -blip -bliss -blissful -blissfully -blissfulness -blissless -blissom -blister -blistered -blistering -blisteringly -blisterweed -blisterwort -blistery -blite -blithe -blithebread -blitheful -blithefully -blithehearted -blithelike -blithely -blithemeat -blithen -blitheness -blither -blithering -blithesome -blithesomely -blithesomeness -blitter -Blitum -blitz -blitzbuggy -blitzkrieg -blizz -blizzard -blizzardly -blizzardous -blizzardy -blo -bloat -bloated -bloatedness -bloater -bloating -blob -blobbed -blobber -blobby -bloc -block -blockade -blockader -blockage -blockbuster -blocked -blocker -blockhead -blockheaded -blockheadedly -blockheadedness -blockheadish -blockheadishness -blockheadism -blockholer -blockhouse -blockiness -blocking -blockish -blockishly -blockishness -blocklayer -blocklike -blockmaker -blockmaking -blockman -blockpate -blockship -blocky -blodite -bloke -blolly -blomstrandine -blonde -blondeness -blondine -blood -bloodalley -bloodalp -bloodbeat -bloodberry -bloodbird -bloodcurdler -bloodcurdling -blooddrop -blooddrops -blooded -bloodfin -bloodflower -bloodguilt -bloodguiltiness -bloodguiltless -bloodguilty -bloodhound -bloodied -bloodily -bloodiness -bloodleaf -bloodless -bloodlessly -bloodlessness -bloodletter -bloodletting -bloodline -bloodmobile -bloodmonger -bloodnoun -bloodripe -bloodripeness -bloodroot -bloodshed -bloodshedder -bloodshedding -bloodshot -bloodshotten -bloodspiller -bloodspilling -bloodstain -bloodstained -bloodstainedness -bloodstanch -bloodstock -bloodstone -bloodstroke -bloodsuck -bloodsucker -bloodsucking -bloodthirst -bloodthirster -bloodthirstily -bloodthirstiness -bloodthirsting -bloodthirsty -bloodweed -bloodwite -bloodwood -bloodworm -bloodwort -bloodworthy -bloody -bloodybones -blooey -bloom -bloomage -bloomer -Bloomeria -bloomerism -bloomers -bloomery -bloomfell -blooming -bloomingly -bloomingness -bloomkin -bloomless -Bloomsburian -Bloomsbury -bloomy -bloop -blooper -blooping -blore -blosmy -blossom -blossombill -blossomed -blossomhead -blossomless -blossomry -blossomtime -blossomy -blot -blotch -blotched -blotchy -blotless -blotter -blottesque -blottesquely -blotting -blottingly -blotto -blotty -bloubiskop -blouse -bloused -blousing -blout -blow -blowback -blowball -blowcock -blowdown -blowen -blower -blowfish -blowfly -blowgun -blowhard -blowhole -blowiness -blowing -blowings -blowiron -blowlamp -blowline -blown -blowoff -blowout -blowpipe -blowpoint -blowproof -blowspray -blowth -blowtorch -blowtube -blowup -blowy -blowze -blowzed -blowzing -blowzy -blub -blubber -blubberer -blubbering -blubberingly -blubberman -blubberous -blubbery -blucher -bludgeon -bludgeoned -bludgeoneer -bludgeoner -blue -blueback -bluebead -Bluebeard -bluebeard -Bluebeardism -bluebell -bluebelled -blueberry -bluebill -bluebird -blueblaw -bluebonnet -bluebook -bluebottle -bluebreast -bluebuck -bluebush -bluebutton -bluecap -bluecoat -bluecup -bluefish -bluegill -bluegown -bluegrass -bluehearted -bluehearts -blueing -bluejack -bluejacket -bluejoint -blueleg -bluelegs -bluely -blueness -bluenose -Bluenoser -blueprint -blueprinter -bluer -blues -bluesides -bluestem -bluestocking -bluestockingish -bluestockingism -bluestone -bluestoner -bluet -bluethroat -bluetongue -bluetop -blueweed -bluewing -bluewood -bluey -bluff -bluffable -bluffer -bluffly -bluffness -bluffy -bluggy -bluing -bluish -bluishness -bluism -Blumea -blunder -blunderbuss -blunderer -blunderful -blunderhead -blunderheaded -blunderheadedness -blundering -blunderingly -blundersome -blunge -blunger -blunk -blunker -blunks -blunnen -blunt -blunter -blunthead -blunthearted -bluntie -bluntish -bluntly -bluntness -blup -blur -blurb -blurbist -blurred -blurredness -blurrer -blurry -blurt -blush -blusher -blushful -blushfully -blushfulness -blushiness -blushing -blushingly -blushless -blushwort -blushy -bluster -blusteration -blusterer -blustering -blusteringly -blusterous -blusterously -blustery -blype -bo -boa -Boaedon -boagane -Boanbura -Boanerges -boanergism -boar -boarcite -board -boardable -boarder -boarding -boardinghouse -boardlike -boardly -boardman -boardwalk -boardy -boarfish -boarhound -boarish -boarishly -boarishness -boarship -boarskin -boarspear -boarstaff -boarwood -boast -boaster -boastful -boastfully -boastfulness -boasting -boastive -boastless -boat -boatable -boatage -boatbill -boatbuilder -boatbuilding -boater -boatfalls -boatful -boathead -boatheader -boathouse -boatie -boating -boatkeeper -boatless -boatlike -boatlip -boatload -boatloader -boatloading -boatly -boatman -boatmanship -boatmaster -boatowner -boatsetter -boatshop -boatside -boatsman -boatswain -boattail -boatward -boatwise -boatwoman -boatwright -Bob -bob -boba -bobac -Bobadil -Bobadilian -Bobadilish -Bobadilism -bobbed -bobber -bobbery -Bobbie -bobbin -bobbiner -bobbinet -bobbing -Bobbinite -bobbinwork -bobbish -bobbishly -bobble -Bobby -bobby -bobcat -bobcoat -bobeche -bobfly -bobierrite -bobization -bobjerom -bobo -bobolink -bobotie -bobsled -bobsleigh -bobstay -bobtail -bobtailed -bobwhite -bobwood -bocaccio -bocal -bocardo -bocasine -bocca -boccale -boccarella -boccaro -bocce -Bocconia -boce -bocedization -Boche -bocher -Bochism -bock -bockerel -bockeret -bocking -bocoy -bod -bodach -bodacious -bodaciously -bode -bodeful -bodega -bodement -boden -bodenbenderite -boder -bodewash -bodge -bodger -bodgery -bodhi -bodhisattva -bodice -bodiced -bodicemaker -bodicemaking -bodied -bodier -bodieron -bodikin -bodiless -bodilessness -bodiliness -bodily -bodiment -boding -bodingly -bodkin -bodkinwise -bodle -Bodleian -Bodo -bodock -Bodoni -body -bodybending -bodybuilder -bodyguard -bodyhood -bodyless -bodymaker -bodymaking -bodyplate -bodywise -bodywood -bodywork -Boebera -Boedromion -Boehmenism -Boehmenist -Boehmenite -Boehmeria -boeotarch -Boeotian -Boeotic -Boer -Boerdom -Boerhavia -Boethian -Boethusian -bog -boga -bogan -bogard -bogart -bogberry -bogey -bogeyman -boggart -boggin -bogginess -boggish -boggle -bogglebo -boggler -boggy -boghole -bogie -bogieman -bogier -Bogijiab -bogland -boglander -bogle -bogledom -boglet -bogman -bogmire -Bogo -bogo -Bogomil -Bogomile -Bogomilian -bogong -Bogota -bogsucker -bogtrot -bogtrotter -bogtrotting -bogue -bogum -bogus -bogusness -bogway -bogwood -bogwort -bogy -bogydom -bogyism -bogyland -Bohairic -bohawn -bohea -Bohemia -Bohemian -Bohemianism -bohemium -bohereen -bohireen -boho -bohor -bohunk -boid -Boidae -Boii -Boiko -boil -boilable -boildown -boiled -boiler -boilerful -boilerhouse -boilerless -boilermaker -boilermaking -boilerman -boilersmith -boilerworks -boilery -boiling -boilinglike -boilingly -boilover -boily -Bois -boist -boisterous -boisterously -boisterousness -bojite -bojo -bokadam -bokard -bokark -boke -Bokhara -Bokharan -bokom -bola -Bolag -bolar -Bolboxalis -bold -bolden -Bolderian -boldhearted -boldine -boldly -boldness -boldo -Boldu -bole -bolection -bolectioned -boled -boleite -Bolelia -bolelike -bolero -Boletaceae -boletaceous -bolete -Boletus -boleweed -bolewort -bolide -bolimba -bolis -bolivar -bolivarite -bolivia -Bolivian -boliviano -bolk -boll -Bollandist -bollard -bolled -boller -bolling -bollock -bollworm -bolly -Bolo -bolo -Bologna -Bolognan -Bolognese -bolograph -bolographic -bolographically -bolography -Boloism -boloman -bolometer -bolometric -boloney -boloroot -Bolshevik -Bolsheviki -Bolshevikian -Bolshevism -Bolshevist -Bolshevistic -Bolshevistically -Bolshevize -Bolshie -bolson -bolster -bolsterer -bolsterwork -bolt -boltage -boltant -boltcutter -boltel -bolter -bolthead -boltheader -boltheading -bolthole -bolti -bolting -boltless -boltlike -boltmaker -boltmaking -Boltonia -boltonite -boltrope -boltsmith -boltstrake -boltuprightness -boltwork -bolus -Bolyaian -bom -boma -Bomarea -bomb -bombable -Bombacaceae -bombacaceous -bombard -bombarde -bombardelle -bombarder -bombardier -bombardment -bombardon -bombast -bombaster -bombastic -bombastically -bombastry -Bombax -Bombay -bombazet -bombazine -bombed -bomber -bombiccite -Bombidae -bombilate -bombilation -Bombinae -bombinate -bombination -bombo -bombola -bombonne -bombous -bombproof -bombshell -bombsight -Bombus -bombycid -Bombycidae -bombyciform -Bombycilla -Bombycillidae -Bombycina -bombycine -Bombyliidae -Bombyx -Bon -bon -bonaci -bonagh -bonaght -bonair -bonairly -bonairness -bonally -bonang -bonanza -Bonapartean -Bonapartism -Bonapartist -Bonasa -bonasus -bonaventure -Bonaveria -bonavist -Bonbo -bonbon -bonce -bond -bondage -bondager -bondar -bonded -Bondelswarts -bonder -bonderman -bondfolk -bondholder -bondholding -bonding -bondless -bondman -bondmanship -bondsman -bondstone -bondswoman -bonduc -bondwoman -bone -boneache -bonebinder -boneblack -bonebreaker -boned -bonedog -bonefish -boneflower -bonehead -boneheaded -boneless -bonelessly -bonelessness -bonelet -bonelike -Bonellia -boner -boneset -bonesetter -bonesetting -boneshaker -boneshaw -bonetail -bonewood -bonework -bonewort -Boney -bonfire -bong -Bongo -bongo -bonhomie -Boni -boniata -Boniface -bonification -boniform -bonify -boniness -boninite -bonitarian -bonitary -bonito -bonk -bonnaz -bonnet -bonneted -bonneter -bonnethead -bonnetless -bonnetlike -bonnetman -bonnibel -Bonnie -bonnily -bonniness -Bonny -bonny -bonnyclabber -bonnyish -bonnyvis -Bononian -bonsai -bonspiel -bontebok -bontebuck -bontequagga -Bontok -bonus -bonxie -bony -bonyfish -bonze -bonzer -bonzery -bonzian -boo -boob -boobery -boobily -boobook -booby -boobyalla -boobyish -boobyism -bood -boodie -boodle -boodledom -boodleism -boodleize -boodler -boody -boof -booger -boogiewoogie -boohoo -boojum -book -bookable -bookbinder -bookbindery -bookbinding -bookboard -bookcase -bookcraft -bookdealer -bookdom -booked -booker -bookery -bookfold -bookful -bookholder -bookhood -bookie -bookiness -booking -bookish -bookishly -bookishness -bookism -bookkeeper -bookkeeping -bookland -bookless -booklet -booklike -bookling -booklore -booklover -bookmaker -bookmaking -Bookman -bookman -bookmark -bookmarker -bookmate -bookmobile -bookmonger -bookplate -bookpress -bookrack -bookrest -bookroom -bookseller -booksellerish -booksellerism -bookselling -bookshelf -bookshop -bookstack -bookstall -bookstand -bookstore -bookward -bookwards -bookways -bookwise -bookwork -bookworm -bookwright -booky -bool -Boolian -booly -boolya -boom -boomable -boomage -boomah -boomboat -boomdas -boomer -boomerang -booming -boomingly -boomless -boomlet -boomorah -boomslang -boomslange -boomster -boomy -boon -boondock -boondocks -boondoggle -boondoggler -Boone -boonfellow -boongary -boonk -boonless -Boophilus -boopis -boor -boorish -boorishly -boorishness -boort -boose -boost -booster -boosterism -boosy -boot -bootblack -bootboy -booted -bootee -booter -bootery -Bootes -bootful -booth -boother -Boothian -boothite -bootholder -boothose -Bootid -bootied -bootikin -booting -bootjack -bootlace -bootleg -bootlegger -bootlegging -bootless -bootlessly -bootlessness -bootlick -bootlicker -bootmaker -bootmaking -boots -bootstrap -booty -bootyless -booze -boozed -boozer -boozily -booziness -boozy -bop -bopeep -boppist -bopyrid -Bopyridae -bopyridian -Bopyrus -bor -bora -borable -borachio -boracic -boraciferous -boracous -borage -Boraginaceae -boraginaceous -Borago -Borak -borak -boral -Boran -Borana -Borani -borasca -borasque -Borassus -borate -borax -Borboridae -Borborus -borborygmic -borborygmus -bord -bordage -bordar -bordarius -Bordeaux -bordel -bordello -border -bordered -borderer -Borderies -bordering -borderism -borderland -borderlander -borderless -borderline -bordermark -Borderside -bordroom -bordure -bordured -bore -boreable -boread -Boreades -boreal -borealis -borean -Boreas -borecole -boredom -boree -boreen -boregat -borehole -Boreiad -boreism -borele -borer -boresome -Boreus -borg -borgh -borghalpenny -Borghese -borh -boric -borickite -boride -borine -boring -boringly -boringness -Borinqueno -Boris -borish -borism -bority -borize -borlase -born -borne -Bornean -Borneo -borneol -borning -bornite -bornitic -bornyl -Boro -boro -Borocaine -borocalcite -borocarbide -borocitrate -borofluohydric -borofluoric -borofluoride -borofluorin -boroglycerate -boroglyceride -boroglycerine -borolanite -boron -boronatrocalcite -Boronia -boronic -borophenol -borophenylic -Bororo -Bororoan -borosalicylate -borosalicylic -borosilicate -borosilicic -borotungstate -borotungstic -borough -boroughlet -boroughmaster -boroughmonger -boroughmongering -boroughmongery -boroughship -borowolframic -borracha -borrel -Borrelia -Borrelomycetaceae -Borreria -Borrichia -Borromean -Borrovian -borrow -borrowable -borrower -borrowing -borsch -borscht -borsholder -borsht -borstall -bort -bortsch -borty -bortz -Boruca -Borussian -borwort -boryl -Borzicactus -borzoi -Bos -Bosc -boscage -bosch -boschbok -Boschneger -boschvark -boschveld -bose -Boselaphus -boser -bosh -Boshas -bosher -Bosjesman -bosjesman -bosk -bosker -bosket -boskiness -bosky -bosn -Bosniac -Bosniak -Bosnian -Bosnisch -bosom -bosomed -bosomer -bosomy -Bosporan -Bosporanic -Bosporian -bosporus -boss -bossage -bossdom -bossed -bosselated -bosselation -bosser -bosset -bossiness -bossing -bossism -bosslet -bossship -bossy -bostangi -bostanji -bosthoon -Boston -boston -Bostonese -Bostonian -bostonite -bostrychid -Bostrychidae -bostrychoid -bostrychoidal -bostryx -bosun -Boswellia -Boswellian -Boswelliana -Boswellism -Boswellize -bot -bota -botanic -botanical -botanically -botanist -botanize -botanizer -botanomancy -botanophile -botanophilist -botany -botargo -Botaurinae -Botaurus -botch -botched -botchedly -botcher -botcherly -botchery -botchily -botchiness -botchka -botchy -bote -Botein -botella -boterol -botfly -both -bother -botheration -botherer -botherheaded -botherment -bothersome -bothlike -Bothnian -Bothnic -bothrenchyma -Bothriocephalus -Bothriocidaris -Bothriolepis -bothrium -Bothrodendron -bothropic -Bothrops -bothros -bothsided -bothsidedness -bothway -bothy -Botocudo -botonee -botong -Botrychium -Botrydium -Botryllidae -Botryllus -botryogen -botryoid -botryoidal -botryoidally -botryolite -Botryomyces -botryomycoma -botryomycosis -botryomycotic -Botryopteriaceae -botryopterid -Botryopteris -botryose -botryotherapy -Botrytis -bott -bottekin -Botticellian -bottine -bottle -bottlebird -bottled -bottleflower -bottleful -bottlehead -bottleholder -bottlelike -bottlemaker -bottlemaking -bottleman -bottleneck -bottlenest -bottlenose -bottler -bottling -bottom -bottomchrome -bottomed -bottomer -bottoming -bottomless -bottomlessly -bottomlessness -bottommost -bottomry -bottstick -botuliform -botulin -botulinum -botulism -botulismus -bouchal -bouchaleen -boucharde -bouche -boucher -boucherism -boucherize -bouchette -boud -boudoir -bouffancy -bouffant -Bougainvillaea -Bougainvillea -Bougainvillia -Bougainvilliidae -bougar -bouge -bouget -bough -boughed -boughless -boughpot -bought -boughten -boughy -bougie -bouillabaisse -bouillon -bouk -boukit -boulangerite -Boulangism -Boulangist -boulder -boulderhead -bouldering -bouldery -boule -boulevard -boulevardize -boultel -boulter -boulterer -boun -bounce -bounceable -bounceably -bouncer -bouncing -bouncingly -bound -boundable -boundary -bounded -boundedly -boundedness -bounden -bounder -bounding -boundingly -boundless -boundlessly -boundlessness -boundly -boundness -bounteous -bounteously -bounteousness -bountied -bountiful -bountifully -bountifulness -bountith -bountree -bounty -bountyless -bouquet -bourasque -Bourbon -bourbon -Bourbonesque -Bourbonian -Bourbonism -Bourbonist -bourbonize -bourd -bourder -bourdon -bourette -bourg -bourgeois -bourgeoise -bourgeoisie -bourgeoisitic -Bourignian -Bourignianism -Bourignianist -Bourignonism -Bourignonist -bourn -bournless -bournonite -bourock -Bourout -bourse -bourtree -bouse -bouser -Boussingaultia -boussingaultite -boustrophedon -boustrophedonic -bousy -bout -boutade -Bouteloua -bouto -boutonniere -boutylka -Bouvardia -bouw -bovarism -bovarysm -bovate -bovenland -bovicide -boviculture -bovid -Bovidae -boviform -bovine -bovinely -bovinity -Bovista -bovoid -bovovaccination -bovovaccine -bow -bowable -bowback -bowbells -bowbent -bowboy -Bowdichia -bowdlerism -bowdlerization -bowdlerize -bowed -bowedness -bowel -boweled -bowelless -bowellike -bowels -bowenite -bower -bowerbird -bowerlet -bowermaiden -bowermay -bowerwoman -Bowery -bowery -Boweryish -bowet -bowfin -bowgrace -bowhead -bowie -bowieful -bowing -bowingly -bowk -bowkail -bowker -bowknot -bowl -bowla -bowleg -bowlegged -bowleggedness -bowler -bowless -bowlful -bowlike -bowline -bowling -bowllike -bowlmaker -bowls -bowly -bowmaker -bowmaking -bowman -bowpin -bowralite -bowshot -bowsprit -bowstave -bowstring -bowstringed -bowwoman -bowwood -bowwort -bowwow -bowyer -boxberry -boxboard -boxbush -boxcar -boxen -Boxer -boxer -Boxerism -boxfish -boxful -boxhaul -boxhead -boxing -boxkeeper -boxlike -boxmaker -boxmaking -boxman -boxthorn -boxty -boxwallah -boxwood -boxwork -boxy -boy -boyang -boyar -boyard -boyardism -boyardom -boyarism -Boyce -boycott -boycottage -boycotter -boycottism -Boyd -boydom -boyer -boyhood -boyish -boyishly -boyishness -boyism -boyla -boylike -boyology -boysenberry -boyship -boza -bozal -bozo -bozze -bra -brab -brabagious -brabant -Brabanter -Brabantine -brabble -brabblement -brabbler -brabblingly -Brabejum -braca -braccate -braccia -bracciale -braccianite -braccio -brace -braced -bracelet -braceleted -bracer -bracero -braces -brach -Brachelytra -brachelytrous -bracherer -brachering -brachet -brachial -brachialgia -brachialis -Brachiata -brachiate -brachiation -brachiator -brachiferous -brachigerous -Brachinus -brachiocephalic -brachiocrural -brachiocubital -brachiocyllosis -brachiofacial -brachiofaciolingual -brachioganoid -Brachioganoidei -brachiolaria -brachiolarian -brachiopod -Brachiopoda -brachiopode -brachiopodist -brachiopodous -brachioradial -brachioradialis -brachiorrhachidian -brachiorrheuma -brachiosaur -Brachiosaurus -brachiostrophosis -brachiotomy -brachistocephali -brachistocephalic -brachistocephalous -brachistocephaly -brachistochrone -brachistochronic -brachistochronous -brachium -brachtmema -brachyaxis -brachycardia -brachycatalectic -brachycephal -brachycephalic -brachycephalism -brachycephalization -brachycephalize -brachycephalous -brachycephaly -Brachycera -brachyceral -brachyceric -brachycerous -brachychronic -brachycnemic -Brachycome -brachycranial -brachydactyl -brachydactylic -brachydactylism -brachydactylous -brachydactyly -brachydiagonal -brachydodrome -brachydodromous -brachydomal -brachydomatic -brachydome -brachydont -brachydontism -brachyfacial -brachyglossal -brachygnathia -brachygnathism -brachygnathous -brachygrapher -brachygraphic -brachygraphical -brachygraphy -brachyhieric -brachylogy -brachymetropia -brachymetropic -Brachyoura -brachyphalangia -Brachyphyllum -brachypinacoid -brachypinacoidal -brachypleural -brachypnea -brachypodine -brachypodous -brachyprism -brachyprosopic -brachypterous -brachypyramid -brachyrrhinia -brachysclereid -brachyskelic -brachysm -brachystaphylic -Brachystegia -brachystochrone -Brachystomata -brachystomatous -brachystomous -brachytic -brachytypous -Brachyura -brachyural -brachyuran -brachyuranic -brachyure -brachyurous -Brachyurus -bracing -bracingly -bracingness -brack -brackebuschite -bracken -brackened -bracker -bracket -bracketing -bracketwise -brackish -brackishness -brackmard -bracky -Bracon -braconid -Braconidae -bract -bractea -bracteal -bracteate -bracted -bracteiform -bracteolate -bracteole -bracteose -bractless -bractlet -Brad -brad -bradawl -Bradbury -Bradburya -bradenhead -Bradford -Bradley -bradmaker -Bradshaw -bradsot -bradyacousia -bradycardia -bradycauma -bradycinesia -bradycrotic -bradydactylia -bradyesthesia -bradyglossia -bradykinesia -bradykinetic -bradylalia -bradylexia -bradylogia -bradynosus -bradypepsia -bradypeptic -bradyphagia -bradyphasia -bradyphemia -bradyphrasia -bradyphrenia -bradypnea -bradypnoea -bradypod -bradypode -Bradypodidae -bradypodoid -Bradypus -bradyseism -bradyseismal -bradyseismic -bradyseismical -bradyseismism -bradyspermatism -bradysphygmia -bradystalsis -bradyteleocinesia -bradyteleokinesis -bradytocia -bradytrophic -bradyuria -brae -braeface -braehead -braeman -braeside -brag -braggardism -braggart -braggartism -braggartly -braggartry -braggat -bragger -braggery -bragget -bragging -braggingly -braggish -braggishly -Bragi -bragite -bragless -braguette -Brahm -Brahma -brahmachari -Brahmahood -Brahmaic -Brahman -Brahmana -Brahmanaspati -Brahmanda -Brahmaness -Brahmanhood -Brahmani -Brahmanic -Brahmanical -Brahmanism -Brahmanist -Brahmanistic -Brahmanize -Brahmany -Brahmi -Brahmic -Brahmin -Brahminic -Brahminism -Brahmoism -Brahmsian -Brahmsite -Brahui -braid -braided -braider -braiding -Braidism -Braidist -brail -Braille -Braillist -brain -brainache -braincap -braincraft -brainer -brainfag -brainge -braininess -brainless -brainlessly -brainlessness -brainlike -brainpan -brains -brainsick -brainsickly -brainsickness -brainstone -brainward -brainwash -brainwasher -brainwashing -brainwater -brainwood -brainwork -brainworker -brainy -braird -braireau -brairo -braise -brake -brakeage -brakehand -brakehead -brakeless -brakeload -brakemaker -brakemaking -brakeman -braker -brakeroot -brakesman -brakie -braky -Bram -Bramantesque -Bramantip -bramble -brambleberry -bramblebush -brambled -brambling -brambly -brambrack -Bramia -bran -brancard -branch -branchage -branched -Branchellion -brancher -branchery -branchful -branchi -branchia -branchiae -branchial -Branchiata -branchiate -branchicolous -branchiferous -branchiform -branchihyal -branchiness -branching -Branchiobdella -branchiocardiac -branchiogenous -branchiomere -branchiomeric -branchiomerism -branchiopallial -branchiopod -Branchiopoda -branchiopodan -branchiopodous -Branchiopulmonata -branchiopulmonate -branchiosaur -Branchiosauria -branchiosaurian -Branchiosaurus -branchiostegal -Branchiostegidae -branchiostegite -branchiostegous -Branchiostoma -branchiostomid -Branchiostomidae -Branchipodidae -Branchipus -branchireme -Branchiura -branchiurous -branchless -branchlet -branchlike -branchling -branchman -branchstand -branchway -branchy -brand -branded -Brandenburg -Brandenburger -brander -brandering -Brandi -brandied -brandify -brandise -brandish -brandisher -brandisite -brandless -brandling -Brandon -brandreth -Brandy -brandy -brandyball -brandyman -brandywine -brangle -brangled -branglement -brangler -brangling -branial -brank -brankie -brankursine -branle -branner -brannerite -branny -bransle -bransolder -brant -Branta -brantail -brantness -Brasenia -brash -brashiness -brashness -brashy -brasiletto -brasque -brass -brassage -brassard -brassart -Brassavola -brassbound -brassbounder -brasse -brasser -brasset -Brassia -brassic -Brassica -Brassicaceae -brassicaceous -brassidic -brassie -brassiere -brassily -brassiness -brassish -brasslike -brassware -brasswork -brassworker -brassworks -brassy -brassylic -brat -bratling -bratstvo -brattach -brattice -bratticer -bratticing -brattie -brattish -brattishing -brattle -brauna -Brauneberger -Brauneria -braunite -Brauronia -Brauronian -Brava -bravade -bravado -bravadoism -brave -bravehearted -bravely -braveness -braver -bravery -braving -bravish -bravo -bravoite -bravura -bravuraish -braw -brawl -brawler -brawling -brawlingly -brawlsome -brawly -brawlys -brawn -brawned -brawnedness -brawner -brawnily -brawniness -brawny -braws -braxy -bray -brayer -brayera -brayerin -braystone -braza -braze -brazen -brazenface -brazenfaced -brazenfacedly -brazenly -brazenness -brazer -brazera -brazier -braziery -brazil -brazilein -brazilette -Brazilian -brazilin -brazilite -brazilwood -breach -breacher -breachful -breachy -bread -breadbasket -breadberry -breadboard -breadbox -breadearner -breadearning -breaden -breadfruit -breadless -breadlessness -breadmaker -breadmaking -breadman -breadnut -breadroot -breadseller -breadstuff -breadth -breadthen -breadthless -breadthriders -breadthways -breadthwise -breadwinner -breadwinning -breaghe -break -breakable -breakableness -breakably -breakage -breakaway -breakax -breakback -breakbones -breakdown -breaker -breakerman -breakfast -breakfaster -breakfastless -breaking -breakless -breakneck -breakoff -breakout -breakover -breakshugh -breakstone -breakthrough -breakup -breakwater -breakwind -bream -breards -breast -breastband -breastbeam -breastbone -breasted -breaster -breastfeeding -breastful -breastheight -breasthook -breastie -breasting -breastless -breastmark -breastpiece -breastpin -breastplate -breastplow -breastrail -breastrope -breastsummer -breastweed -breastwise -breastwood -breastwork -breath -breathable -breathableness -breathe -breathed -breather -breathful -breathiness -breathing -breathingly -breathless -breathlessly -breathlessness -breathseller -breathy -breba -breccia -breccial -brecciated -brecciation -brecham -Brechites -breck -brecken -bred -bredbergite -brede -bredi -bree -breech -breechblock -breechcloth -breechclout -breeched -breeches -breechesflower -breechesless -breeching -breechless -breechloader -breed -breedable -breedbate -breeder -breediness -breeding -breedy -breek -breekless -breekums -breeze -breezeful -breezeless -breezelike -breezeway -breezily -breeziness -breezy -bregma -bregmata -bregmate -bregmatic -brehon -brehonship -brei -breislakite -breithauptite -brekkle -brelaw -breloque -breme -bremely -bremeness -Bremia -bremsstrahlung -Brenda -Brendan -Brender -brennage -Brent -brent -Brenthis -brephic -Brescian -Bret -bret -bretelle -bretesse -breth -brethren -Breton -Bretonian -Bretschneideraceae -Brett -brett -brettice -Bretwalda -Bretwaldadom -Bretwaldaship -breunnerite -breva -breve -brevet -brevetcy -breviary -breviate -breviature -brevicaudate -brevicipitid -Brevicipitidae -breviconic -brevier -brevifoliate -breviger -brevilingual -breviloquence -breviloquent -breviped -brevipen -brevipennate -breviradiate -brevirostral -brevirostrate -Brevirostrines -brevit -brevity -brew -brewage -brewer -brewership -brewery -brewhouse -brewing -brewis -brewmaster -brewst -brewster -brewsterite -brey -Brian -briar -briarberry -Briard -Briarean -Briareus -briarroot -bribe -bribee -bribegiver -bribegiving -bribemonger -briber -bribery -bribetaker -bribetaking -bribeworthy -Bribri -brichen -brichette -brick -brickbat -brickcroft -brickel -bricken -brickfield -brickfielder -brickhood -bricking -brickish -brickkiln -bricklayer -bricklaying -brickle -brickleness -bricklike -brickliner -bricklining -brickly -brickmaker -brickmaking -brickmason -brickset -bricksetter -bricktimber -brickwise -brickwork -bricky -brickyard -bricole -bridal -bridale -bridaler -bridally -Bride -bride -bridebed -bridebowl -bridecake -bridechamber -bridecup -bridegod -bridegroom -bridegroomship -bridehead -bridehood -brideknot -bridelace -brideless -bridelike -bridely -bridemaid -bridemaiden -bridemaidship -brideship -bridesmaid -bridesmaiding -bridesman -bridestake -bridewain -brideweed -bridewell -bridewort -bridge -bridgeable -bridgeboard -bridgebote -bridgebuilder -bridgebuilding -bridged -bridgehead -bridgekeeper -bridgeless -bridgelike -bridgemaker -bridgemaking -bridgeman -bridgemaster -bridgepot -Bridger -bridger -Bridget -bridgetree -bridgeward -bridgewards -bridgeway -bridgework -bridging -bridle -bridled -bridleless -bridleman -bridler -bridling -bridoon -brief -briefing -briefless -brieflessly -brieflessness -briefly -briefness -briefs -brier -brierberry -briered -brierroot -brierwood -briery -brieve -brig -brigade -brigadier -brigadiership -brigalow -brigand -brigandage -brigander -brigandine -brigandish -brigandishly -brigandism -Brigantes -Brigantia -brigantine -brigatry -brigbote -brigetty -Briggs -Briggsian -Brighella -Brighid -bright -brighten -brightener -brightening -Brighteyes -brighteyes -brightish -brightly -brightness -brightsmith -brightsome -brightsomeness -brightwork -Brigid -Brigittine -brill -brilliance -brilliancy -brilliandeer -brilliant -brilliantine -brilliantly -brilliantness -brilliantwise -brilliolette -brillolette -brills -brim -brimborion -brimborium -brimful -brimfully -brimfulness -briming -brimless -brimmed -brimmer -brimming -brimmingly -brimstone -brimstonewort -brimstony -brin -brindlish -brine -brinehouse -brineless -brineman -briner -bring -bringal -bringall -bringer -brininess -brinish -brinishness -brinjal -brinjarry -brink -brinkless -briny -brioche -briolette -brique -briquette -brisk -brisken -brisket -briskish -briskly -briskness -brisling -brisque -briss -Brissotin -Brissotine -bristle -bristlebird -bristlecone -bristled -bristleless -bristlelike -bristler -bristletail -bristlewort -bristliness -bristly -Bristol -brisure -brit -Britain -Britannia -Britannian -Britannic -Britannically -britchka -brith -brither -Briticism -British -Britisher -Britishhood -Britishism -Britishly -Britishness -Briton -Britoness -britska -Brittany -britten -brittle -brittlebush -brittlely -brittleness -brittlestem -brittlewood -brittlewort -brittling -Briza -brizz -broach -broacher -broad -broadacre -broadax -broadbill -Broadbrim -broadbrim -broadcast -broadcaster -broadcloth -broaden -broadhead -broadhearted -broadhorn -broadish -broadleaf -broadloom -broadly -broadmouth -broadness -broadpiece -broadshare -broadsheet -broadside -broadspread -broadsword -broadtail -broadthroat -Broadway -broadway -Broadwayite -broadways -broadwife -broadwise -brob -Brobdingnag -Brobdingnagian -brocade -brocaded -brocard -brocardic -brocatel -brocatello -broccoli -broch -brochan -brochant -brochantite -broche -brochette -brochidodromous -brocho -brochure -brock -brockage -brocked -brocket -brockle -brod -brodder -brodeglass -brodequin -broderer -Brodiaea -Brodie -brog -brogan -brogger -broggerite -broggle -brogue -brogueful -brogueneer -broguer -broguery -broguish -broider -broiderer -broideress -broidery -broigne -broil -broiler -broiling -broilingly -brokage -broke -broken -brokenhearted -brokenheartedly -brokenheartedness -brokenly -brokenness -broker -brokerage -brokeress -brokership -broking -brolga -broll -brolly -broma -bromacetanilide -bromacetate -bromacetic -bromacetone -bromal -bromalbumin -bromamide -bromargyrite -bromate -bromaurate -bromauric -brombenzamide -brombenzene -brombenzyl -bromcamphor -bromcresol -brome -bromeigon -Bromeikon -bromeikon -Bromelia -Bromeliaceae -bromeliaceous -bromeliad -bromelin -bromellite -bromethyl -bromethylene -bromgelatin -bromhidrosis -bromhydrate -bromhydric -Bromian -bromic -bromide -bromidic -bromidically -bromidrosis -brominate -bromination -bromindigo -bromine -brominism -brominize -bromiodide -Bromios -bromism -bromite -Bromius -bromization -bromize -bromizer -bromlite -bromoacetone -bromoaurate -bromoauric -bromobenzene -bromobenzyl -bromocamphor -bromochlorophenol -bromocresol -bromocyanidation -bromocyanide -bromocyanogen -bromoethylene -bromoform -bromogelatin -bromohydrate -bromohydrin -bromoil -bromoiodide -bromoiodism -bromoiodized -bromoketone -bromol -bromomania -bromomenorrhea -bromomethane -bromometric -bromometrical -bromometrically -bromometry -bromonaphthalene -bromophenol -bromopicrin -bromopnea -bromoprotein -bromothymol -bromous -bromphenol -brompicrin -bromthymol -bromuret -Bromus -bromvogel -bromyrite -bronc -bronchadenitis -bronchi -bronchia -bronchial -bronchially -bronchiarctia -bronchiectasis -bronchiectatic -bronchiloquy -bronchiocele -bronchiocrisis -bronchiogenic -bronchiolar -bronchiole -bronchioli -bronchiolitis -bronchiolus -bronchiospasm -bronchiostenosis -bronchitic -bronchitis -bronchium -bronchoadenitis -bronchoalveolar -bronchoaspergillosis -bronchoblennorrhea -bronchocavernous -bronchocele -bronchocephalitis -bronchoconstriction -bronchoconstrictor -bronchodilatation -bronchodilator -bronchoegophony -bronchoesophagoscopy -bronchogenic -bronchohemorrhagia -broncholemmitis -broncholith -broncholithiasis -bronchomotor -bronchomucormycosis -bronchomycosis -bronchopathy -bronchophonic -bronchophony -bronchophthisis -bronchoplasty -bronchoplegia -bronchopleurisy -bronchopneumonia -bronchopneumonic -bronchopulmonary -bronchorrhagia -bronchorrhaphy -bronchorrhea -bronchoscope -bronchoscopic -bronchoscopist -bronchoscopy -bronchospasm -bronchostenosis -bronchostomy -bronchotetany -bronchotome -bronchotomist -bronchotomy -bronchotracheal -bronchotyphoid -bronchotyphus -bronchovesicular -bronchus -bronco -broncobuster -brongniardite -bronk -Bronteana -bronteon -brontephobia -Brontesque -bronteum -brontide -brontogram -brontograph -brontolite -brontology -brontometer -brontophobia -Brontops -Brontosaurus -brontoscopy -Brontotherium -Brontozoum -Bronx -bronze -bronzed -bronzelike -bronzen -bronzer -bronzesmith -bronzewing -bronzify -bronzine -bronzing -bronzite -bronzitite -bronzy -broo -brooch -brood -brooder -broodiness -brooding -broodingly -broodless -broodlet -broodling -broody -brook -brookable -Brooke -brooked -brookflower -brookie -brookite -brookless -brooklet -brooklike -brooklime -Brooklynite -brookside -brookweed -brooky -brool -broom -broombush -broomcorn -broomer -broommaker -broommaking -broomrape -broomroot -broomshank -broomstaff -broomstick -broomstraw -broomtail -broomweed -broomwood -broomwort -broomy -broon -broose -broozled -brose -Brosimum -brosot -brosy -brot -brotan -brotany -broth -brothel -brotheler -brothellike -brothelry -brother -brotherhood -brotherless -brotherlike -brotherliness -brotherly -brothership -Brotherton -brotherwort -brothy -brotocrystal -Brotula -brotulid -Brotulidae -brotuliform -brough -brougham -brought -Broussonetia -brow -browache -Browallia -browallia -browband -browbeat -browbeater -browbound -browden -browed -browis -browless -browman -brown -brownback -browner -Brownian -brownie -browniness -browning -Browningesque -brownish -Brownism -Brownist -Brownistic -Brownistical -brownly -brownness -brownout -brownstone -browntail -browntop -brownweed -brownwort -browny -browpiece -browpost -browse -browser -browsick -browsing -browst -bruang -Bruce -Brucella -brucellosis -Bruchidae -Bruchus -brucia -brucina -brucine -brucite -bruckle -bruckled -bruckleness -Bructeri -brugh -brugnatellite -bruin -bruise -bruiser -bruisewort -bruising -bruit -bruiter -bruke -Brule -brulee -brulyie -brulyiement -brumal -Brumalia -brumby -brume -Brummagem -brummagem -brumous -brumstane -brumstone -brunch -Brunella -Brunellia -Brunelliaceae -brunelliaceous -brunet -brunetness -brunette -brunetteness -Brunfelsia -brunissure -Brunistic -brunneous -Brunnichia -Bruno -Brunonia -Brunoniaceae -Brunonian -Brunonism -Brunswick -brunswick -brunt -bruscus -brush -brushable -brushball -brushbird -brushbush -brushed -brusher -brushes -brushet -brushful -brushiness -brushing -brushite -brushland -brushless -brushlessness -brushlet -brushlike -brushmaker -brushmaking -brushman -brushoff -brushproof -brushwood -brushwork -brushy -brusque -brusquely -brusqueness -Brussels -brustle -brut -Bruta -brutage -brutal -brutalism -brutalist -brutalitarian -brutality -brutalization -brutalize -brutally -brute -brutedom -brutelike -brutely -bruteness -brutification -brutify -bruting -brutish -brutishly -brutishness -brutism -brutter -Brutus -bruzz -Bryaceae -bryaceous -Bryales -Bryan -Bryanism -Bryanite -Bryanthus -Bryce -bryogenin -bryological -bryologist -bryology -Bryonia -bryonidin -bryonin -bryony -Bryophyllum -Bryophyta -bryophyte -bryophytic -Bryozoa -bryozoan -bryozoon -bryozoum -Brython -Brythonic -Bryum -Bu -bu -bual -buaze -bub -buba -bubal -bubaline -Bubalis -bubalis -Bubastid -Bubastite -bubble -bubbleless -bubblement -bubbler -bubbling -bubblingly -bubblish -bubbly -bubby -bubbybush -Bube -bubinga -Bubo -bubo -buboed -bubonalgia -bubonic -Bubonidae -bubonocele -bubukle -bucare -bucca -buccal -buccally -buccan -buccaneer -buccaneerish -buccate -Buccellarius -buccina -buccinal -buccinator -buccinatory -Buccinidae -bucciniform -buccinoid -Buccinum -Bucco -buccobranchial -buccocervical -buccogingival -buccolabial -buccolingual -bucconasal -Bucconidae -Bucconinae -buccopharyngeal -buccula -Bucculatrix -bucentaur -Bucephala -Bucephalus -Buceros -Bucerotes -Bucerotidae -Bucerotinae -Buchanan -Buchanite -buchite -Buchloe -Buchmanism -Buchmanite -Buchnera -buchnerite -buchonite -buchu -buck -buckaroo -buckberry -buckboard -buckbrush -buckbush -bucked -buckeen -bucker -bucket -bucketer -bucketful -bucketing -bucketmaker -bucketmaking -bucketman -buckety -buckeye -buckhorn -buckhound -buckie -bucking -buckish -buckishly -buckishness -buckjump -buckjumper -bucklandite -buckle -buckled -buckleless -buckler -Buckleya -buckling -bucklum -bucko -buckplate -buckpot -buckra -buckram -bucksaw -buckshee -buckshot -buckskin -buckskinned -buckstall -buckstay -buckstone -bucktail -buckthorn -bucktooth -buckwagon -buckwash -buckwasher -buckwashing -buckwheat -buckwheater -buckwheatlike -Bucky -bucky -bucoliast -bucolic -bucolical -bucolically -bucolicism -Bucorvinae -Bucorvus -bucrane -bucranium -Bud -bud -buda -buddage -budder -Buddh -Buddha -Buddhahood -Buddhaship -buddhi -Buddhic -Buddhism -Buddhist -Buddhistic -Buddhistical -Buddhology -budding -buddle -Buddleia -buddleman -buddler -buddy -budge -budger -budgeree -budgereegah -budgerigar -budgerow -budget -budgetary -budgeteer -budgeter -budgetful -Budh -budless -budlet -budlike -budmash -Budorcas -budtime -Budukha -Buduma -budwood -budworm -budzat -Buettneria -Buettneriaceae -bufagin -buff -buffable -buffalo -buffaloback -buffball -buffcoat -buffed -buffer -buffet -buffeter -buffing -buffle -bufflehead -bufflehorn -buffont -buffoon -buffoonery -buffoonesque -buffoonish -buffoonism -buffware -buffy -bufidin -bufo -Bufonidae -bufonite -bufotalin -bug -bugaboo -bugan -bugbane -bugbear -bugbeardom -bugbearish -bugbite -bugdom -bugfish -bugger -buggery -bugginess -buggy -buggyman -bughead -bughouse -Bugi -Buginese -Buginvillaea -bugle -bugled -bugler -buglet -bugleweed -buglewort -bugloss -bugologist -bugology -bugproof -bugre -bugseed -bugweed -bugwort -buhl -buhr -buhrstone -build -buildable -builder -building -buildingless -buildress -buildup -built -buirdly -buisson -buist -Bukat -Bukeyef -bukh -Bukidnon -bukshi -bulak -Bulanda -bulb -bulbaceous -bulbar -bulbed -bulbiferous -bulbiform -bulbil -Bulbilis -bulbilla -bulbless -bulblet -bulblike -bulbocapnin -bulbocapnine -bulbocavernosus -bulbocavernous -Bulbochaete -Bulbocodium -bulbomedullary -bulbomembranous -bulbonuclear -Bulbophyllum -bulborectal -bulbose -bulbospinal -bulbotuber -bulbous -bulbul -bulbule -bulby -bulchin -Bulgar -Bulgari -Bulgarian -Bulgaric -Bulgarophil -bulge -bulger -bulginess -bulgy -bulimia -bulimiac -bulimic -bulimiform -bulimoid -Bulimulidae -Bulimus -bulimy -bulk -bulked -bulker -bulkhead -bulkheaded -bulkily -bulkiness -bulkish -bulky -bull -bulla -bullace -bullamacow -bullan -bullary -bullate -bullated -bullation -bullback -bullbaiting -bullbat -bullbeggar -bullberry -bullbird -bullboat -bullcart -bullcomber -bulldog -bulldogged -bulldoggedness -bulldoggy -bulldogism -bulldoze -bulldozer -buller -bullet -bulleted -bullethead -bulletheaded -bulletheadedness -bulletin -bulletless -bulletlike -bulletmaker -bulletmaking -bulletproof -bulletwood -bullety -bullfeast -bullfight -bullfighter -bullfighting -bullfinch -bullfist -bullflower -bullfoot -bullfrog -bullhead -bullheaded -bullheadedly -bullheadedness -bullhide -bullhoof -bullhorn -Bullidae -bulliform -bullimong -bulling -bullion -bullionism -bullionist -bullionless -bullish -bullishly -bullishness -bullism -bullit -bullneck -bullnose -bullnut -bullock -bullocker -Bullockite -bullockman -bullocky -Bullom -bullous -bullpates -bullpoll -bullpout -bullskin -bullsticker -bullsucker -bullswool -bulltoad -bullule -bullweed -bullwhack -bullwhacker -bullwhip -bullwort -bully -bullyable -bullydom -bullyhuff -bullying -bullyism -bullyrag -bullyragger -bullyragging -bullyrook -bulrush -bulrushlike -bulrushy -bulse -bult -bulter -bultey -bultong -bultow -bulwand -bulwark -bum -bumbailiff -bumbailiffship -bumbarge -bumbaste -bumbaze -bumbee -bumbershoot -bumble -bumblebee -bumbleberry -Bumbledom -bumblefoot -bumblekite -bumblepuppy -bumbler -bumbo -bumboat -bumboatman -bumboatwoman -bumclock -Bumelia -bumicky -bummalo -bummaree -bummed -bummer -bummerish -bummie -bumming -bummler -bummock -bump -bumpee -bumper -bumperette -bumpily -bumpiness -bumping -bumpingly -bumpkin -bumpkinet -bumpkinish -bumpkinly -bumpology -bumptious -bumptiously -bumptiousness -bumpy -bumtrap -bumwood -bun -Buna -buna -buncal -bunce -bunch -bunchberry -buncher -bunchflower -bunchily -bunchiness -bunchy -buncombe -bund -Bunda -Bundahish -Bundeli -bunder -Bundestag -bundle -bundler -bundlerooted -bundlet -bundobust -bundook -Bundu -bundweed -bundy -bunemost -bung -Bunga -bungaloid -bungalow -bungarum -Bungarus -bungee -bungerly -bungey -bungfu -bungfull -bunghole -bungle -bungler -bunglesome -bungling -bunglingly -bungmaker -bungo -bungwall -bungy -Buninahua -bunion -bunk -bunker -bunkerman -bunkery -bunkhouse -bunkie -bunkload -bunko -bunkum -bunnell -bunny -bunnymouth -bunodont -Bunodonta -bunolophodont -Bunomastodontidae -bunoselenodont -bunsenite -bunt -buntal -bunted -Bunter -bunter -bunting -buntline -bunton -bunty -bunya -bunyah -bunyip -Bunyoro -buoy -buoyage -buoyance -buoyancy -buoyant -buoyantly -buoyantness -Buphaga -buphthalmia -buphthalmic -Buphthalmum -bupleurol -Bupleurum -buplever -buprestid -Buprestidae -buprestidan -Buprestis -bur -buran -burao -Burbank -burbank -burbankian -Burbankism -burbark -Burberry -burble -burbler -burbly -burbot -burbush -burd -burdalone -burden -burdener -burdenless -burdenous -burdensome -burdensomely -burdensomeness -burdie -Burdigalian -burdock -burdon -bure -bureau -bureaucracy -bureaucrat -bureaucratic -bureaucratical -bureaucratically -bureaucratism -bureaucratist -bureaucratization -bureaucratize -bureaux -burel -burele -buret -burette -burfish -burg -burgage -burgality -burgall -burgee -burgensic -burgeon -burgess -burgessdom -burggrave -burgh -burghal -burghalpenny -burghbote -burghemot -burgher -burgherage -burgherdom -burgheress -burgherhood -burghermaster -burghership -burghmaster -burghmoot -burglar -burglarious -burglariously -burglarize -burglarproof -burglary -burgle -burgomaster -burgomastership -burgonet -burgoo -burgoyne -burgrave -burgraviate -burgul -Burgundian -Burgundy -burgus -burgware -burhead -Burhinidae -Burhinus -Buri -buri -burial -burian -Buriat -buried -burier -burin -burinist -burion -buriti -burka -burke -burker -burkundaz -burl -burlap -burled -burler -burlesque -burlesquely -burlesquer -burlet -burletta -Burley -burlily -burliness -Burlington -burly -Burman -Burmannia -Burmanniaceae -burmanniaceous -Burmese -burmite -burn -burnable -burnbeat -burned -burner -burnet -burnetize -burnfire -burnie -burniebee -burning -burningly -burnish -burnishable -burnisher -burnishing -burnishment -burnoose -burnoosed -burnous -burnout -burnover -Burnsian -burnside -burnsides -burnt -burntweed -burnut -burnwood -burny -buro -burp -burr -burrah -burrawang -burred -burrel -burrer -burrgrailer -burring -burrish -burrito -burrknot -burro -burrobrush -burrow -burroweed -burrower -burrowstown -burry -bursa -bursal -bursar -bursarial -bursarship -bursary -bursate -bursattee -bursautee -burse -burseed -Bursera -Burseraceae -Burseraceous -bursicle -bursiculate -bursiform -bursitis -burst -burster -burstwort -burt -burthenman -burton -burtonization -burtonize -burucha -Burushaski -Burut -burweed -bury -burying -bus -Busaos -busby -buscarl -buscarle -bush -bushbeater -bushbuck -bushcraft -bushed -bushel -busheler -bushelful -bushelman -bushelwoman -busher -bushfighter -bushfighting -bushful -bushhammer -bushi -bushily -bushiness -bushing -bushland -bushless -bushlet -bushlike -bushmaker -bushmaking -Bushman -bushmanship -bushmaster -bushment -Bushongo -bushranger -bushranging -bushrope -bushveld -bushwa -bushwhack -bushwhacker -bushwhacking -bushwife -bushwoman -bushwood -bushy -busied -busily -busine -business -businesslike -businesslikeness -businessman -businesswoman -busk -busked -busker -busket -buskin -buskined -buskle -busky -busman -buss -busser -bussock -bussu -bust -bustard -busted -bustee -buster -busthead -bustic -busticate -bustle -bustled -bustler -bustling -bustlingly -busy -busybodied -busybody -busybodyish -busybodyism -busybodyness -Busycon -busyhead -busying -busyish -busyness -busywork -but -butadiene -butadiyne -butanal -butane -butanoic -butanol -butanolid -butanolide -butanone -butch -butcher -butcherbird -butcherdom -butcherer -butcheress -butchering -butcherless -butcherliness -butcherly -butcherous -butchery -Bute -Butea -butein -butene -butenyl -Buteo -buteonine -butic -butine -Butler -butler -butlerage -butlerdom -butleress -butlerism -butlerlike -butlership -butlery -butment -Butomaceae -butomaceous -Butomus -butoxy -butoxyl -Butsu -butt -butte -butter -butteraceous -butterback -butterball -butterbill -butterbird -butterbox -butterbump -butterbur -butterbush -buttercup -buttered -butterfat -butterfingered -butterfingers -butterfish -butterflower -butterfly -butterflylike -butterhead -butterine -butteriness -butteris -butterjags -butterless -butterlike -buttermaker -buttermaking -butterman -buttermilk -buttermonger -buttermouth -butternose -butternut -butterroot -butterscotch -butterweed -butterwife -butterwoman -butterworker -butterwort -butterwright -buttery -butteryfingered -buttgenbachite -butting -buttinsky -buttle -buttock -buttocked -buttocker -button -buttonball -buttonbur -buttonbush -buttoned -buttoner -buttonhold -buttonholder -buttonhole -buttonholer -buttonhook -buttonless -buttonlike -buttonmold -buttons -buttonweed -buttonwood -buttony -buttress -buttressless -buttresslike -buttstock -buttwoman -buttwood -butty -buttyman -butyl -butylamine -butylation -butylene -butylic -Butyn -butyne -butyr -butyraceous -butyral -butyraldehyde -butyrate -butyric -butyrically -butyrin -butyrinase -butyrochloral -butyrolactone -butyrometer -butyrometric -butyrone -butyrous -butyrousness -butyryl -Buxaceae -buxaceous -Buxbaumia -Buxbaumiaceae -buxerry -buxom -buxomly -buxomness -Buxus -buy -buyable -buyer -Buyides -buzane -buzylene -buzz -buzzard -buzzardlike -buzzardly -buzzer -buzzerphone -buzzgloak -buzzies -buzzing -buzzingly -buzzle -buzzwig -buzzy -by -Byblidaceae -Byblis -bycoket -bye -byee -byegaein -byeman -byepath -byerite -byerlite -byestreet -byeworker -byeworkman -bygane -byganging -bygo -bygoing -bygone -byhand -bylaw -bylawman -byname -bynedestin -Bynin -byon -byordinar -byordinary -byous -byously -bypass -bypasser -bypast -bypath -byplay -byre -byreman -byrewards -byrewoman -byrlaw -byrlawman -byrnie -byroad -Byron -Byronesque -Byronian -Byroniana -Byronic -Byronically -Byronics -Byronish -Byronism -Byronist -Byronite -Byronize -byrrus -Byrsonima -byrthynsak -Bysacki -bysen -bysmalith -byspell -byssaceous -byssal -byssiferous -byssin -byssine -byssinosis -byssogenous -byssoid -byssolite -byssus -bystander -bystreet -byth -bytime -bytownite -bytownitite -bywalk -bywalker -byway -bywoner -byword -bywork -Byzantian -Byzantine -Byzantinesque -Byzantinism -Byzantinize -C -c -ca -caam -caama -caaming -caapeba -caatinga -cab -caba -cabaan -caback -cabaho -cabal -cabala -cabalassou -cabaletta -cabalic -cabalism -cabalist -cabalistic -cabalistical -cabalistically -caballer -caballine -caban -cabana -cabaret -cabas -cabasset -cabassou -cabbage -cabbagehead -cabbagewood -cabbagy -cabber -cabble -cabbler -cabby -cabda -cabdriver -cabdriving -cabellerote -caber -cabernet -cabestro -cabezon -cabilliau -cabin -Cabinda -cabinet -cabinetmaker -cabinetmaking -cabinetry -cabinetwork -cabinetworker -cabinetworking -cabio -Cabirean -Cabiri -Cabiria -Cabirian -Cabiric -Cabiritic -cable -cabled -cablegram -cableless -cablelike -cableman -cabler -cablet -cableway -cabling -cabman -cabob -caboceer -cabochon -cabocle -Cabomba -Cabombaceae -caboodle -cabook -caboose -caboshed -cabot -cabotage -cabree -cabrerite -cabreuva -cabrilla -cabriole -cabriolet -cabrit -cabstand -cabureiba -cabuya -Caca -Cacajao -Cacalia -cacam -Cacan -Cacana -cacanthrax -cacao -Cacara -Cacatua -Cacatuidae -Cacatuinae -Caccabis -cacesthesia -cacesthesis -cachalot -cachaza -cache -cachectic -cachemia -cachemic -cachet -cachexia -cachexic -cachexy -cachibou -cachinnate -cachinnation -cachinnator -cachinnatory -cacholong -cachou -cachrys -cachucha -cachunde -Cacicus -cacidrosis -caciocavallo -cacique -caciqueship -caciquism -cack -cackerel -cackle -cackler -cacocholia -cacochroia -cacochylia -cacochymia -cacochymic -cacochymical -cacochymy -cacocnemia -cacodaemoniac -cacodaemonial -cacodaemonic -cacodemon -cacodemonia -cacodemoniac -cacodemonial -cacodemonic -cacodemonize -cacodemonomania -cacodontia -cacodorous -cacodoxian -cacodoxical -cacodoxy -cacodyl -cacodylate -cacodylic -cacoeconomy -cacoepist -cacoepistic -cacoepy -cacoethes -cacoethic -cacogalactia -cacogastric -cacogenesis -cacogenic -cacogenics -cacogeusia -cacoglossia -cacographer -cacographic -cacographical -cacography -cacology -cacomagician -cacomelia -cacomistle -cacomixl -cacomixle -cacomorphia -cacomorphosis -caconychia -caconym -caconymic -cacoon -cacopathy -cacopharyngia -cacophonia -cacophonic -cacophonical -cacophonically -cacophonist -cacophonize -cacophonous -cacophonously -cacophony -cacophthalmia -cacoplasia -cacoplastic -cacoproctia -cacorhythmic -cacorrhachis -cacorrhinia -cacosmia -cacospermia -cacosplanchnia -cacostomia -cacothansia -cacotheline -cacothesis -cacothymia -cacotrichia -cacotrophia -cacotrophic -cacotrophy -cacotype -cacoxene -cacoxenite -cacozeal -cacozealous -cacozyme -Cactaceae -cactaceous -Cactales -cacti -cactiform -cactoid -Cactus -cacuminal -cacuminate -cacumination -cacuminous -cacur -cad -cadalene -cadamba -cadastral -cadastration -cadastre -cadaver -cadaveric -cadaverine -cadaverize -cadaverous -cadaverously -cadaverousness -cadbait -cadbit -cadbote -caddice -caddiced -Caddie -caddie -caddis -caddised -caddish -caddishly -caddishness -caddle -Caddo -Caddoan -caddow -caddy -cade -cadelle -cadence -cadenced -cadency -cadent -cadential -cadenza -cader -caderas -Cadet -cadet -cadetcy -cadetship -cadette -cadew -cadge -cadger -cadgily -cadginess -cadgy -cadi -cadilesker -cadinene -cadism -cadiueio -cadjan -cadlock -Cadmean -cadmia -cadmic -cadmide -cadmiferous -cadmium -cadmiumize -Cadmopone -Cadmus -cados -cadrans -cadre -cadua -caduac -caduca -caducary -caducean -caduceus -caduciary -caducibranch -Caducibranchiata -caducibranchiate -caducicorn -caducity -caducous -cadus -Cadwal -Cadwallader -cadweed -caeca -caecal -caecally -caecectomy -caeciform -Caecilia -Caeciliae -caecilian -Caeciliidae -caecitis -caecocolic -caecostomy -caecotomy -caecum -Caedmonian -Caedmonic -Caelian -caelometer -Caelum -Caelus -Caenogaea -Caenogaean -Caenolestes -caenostylic -caenostyly -caeoma -caeremoniarius -Caerphilly -Caesalpinia -Caesalpiniaceae -caesalpiniaceous -Caesar -Caesardom -Caesarean -Caesareanize -Caesarian -Caesarism -Caesarist -Caesarize -caesaropapacy -caesaropapism -caesaropopism -Caesarotomy -Caesarship -caesious -caesura -caesural -caesuric -cafeneh -cafenet -cafeteria -caffa -caffeate -caffeic -caffeina -caffeine -caffeinic -caffeinism -caffeism -caffeol -caffeone -caffetannic -caffetannin -caffiso -caffle -caffoline -caffoy -cafh -cafiz -caftan -caftaned -cag -Cagayan -cage -caged -cageful -cageless -cagelike -cageling -cageman -cager -cagester -cagework -cagey -caggy -cagily -cagit -cagmag -Cagn -Cahenslyism -Cahill -cahincic -Cahita -cahiz -Cahnite -Cahokia -cahoot -cahot -cahow -Cahuapana -Cahuilla -caickle -caid -cailcedra -cailleach -caimacam -caimakam -caiman -caimitillo -caimito -Cain -cain -Caingang -Caingua -Cainian -Cainish -Cainism -Cainite -Cainitic -caique -caiquejee -Cairba -caird -Cairene -cairn -cairned -cairngorm -cairngorum -cairny -Cairo -caisson -caissoned -Caitanyas -Caite -caitiff -Cajan -Cajanus -cajeput -cajole -cajolement -cajoler -cajolery -cajoling -cajolingly -cajuela -Cajun -cajun -cajuput -cajuputene -cajuputol -Cakavci -Cakchikel -cake -cakebox -cakebread -cakehouse -cakemaker -cakemaking -caker -cakette -cakewalk -cakewalker -cakey -Cakile -caky -cal -calaba -Calabar -Calabari -calabash -calabaza -calabazilla -calaber -calaboose -calabrasella -Calabrese -calabrese -Calabrian -calade -Caladium -calais -calalu -Calamagrostis -calamanco -calamansi -Calamariaceae -calamariaceous -Calamariales -calamarian -calamarioid -calamaroid -calamary -calambac -calambour -calamiferous -calamiform -calaminary -calamine -calamint -Calamintha -calamistral -calamistrum -calamite -calamitean -Calamites -calamitoid -calamitous -calamitously -calamitousness -calamity -Calamodendron -calamondin -Calamopitys -Calamospermae -Calamostachys -calamus -calander -Calandra -calandria -Calandridae -Calandrinae -Calandrinia -calangay -calantas -Calanthe -calapite -Calappa -Calappidae -Calas -calascione -calash -Calathea -calathian -calathidium -calathiform -calathiscus -calathus -Calatrava -calaverite -calbroben -calcaneal -calcaneoastragalar -calcaneoastragaloid -calcaneocuboid -calcaneofibular -calcaneonavicular -calcaneoplantar -calcaneoscaphoid -calcaneotibial -calcaneum -calcaneus -calcar -calcarate -Calcarea -calcareoargillaceous -calcareobituminous -calcareocorneous -calcareosiliceous -calcareosulphurous -calcareous -calcareously -calcareousness -calcariferous -calcariform -calcarine -calced -calceiform -calcemia -Calceolaria -calceolate -Calchaqui -Calchaquian -calcic -calciclase -calcicole -calcicolous -calcicosis -calciferol -Calciferous -calciferous -calcific -calcification -calcified -calciform -calcifugal -calcifuge -calcifugous -calcify -calcigenous -calcigerous -calcimeter -calcimine -calciminer -calcinable -calcination -calcinatory -calcine -calcined -calciner -calcinize -calciobiotite -calciocarnotite -calcioferrite -calcioscheelite -calciovolborthite -calcipexy -calciphile -calciphilia -calciphilous -calciphobe -calciphobous -calciphyre -calciprivic -calcisponge -Calcispongiae -calcite -calcitestaceous -calcitic -calcitrant -calcitrate -calcitreation -calcium -calcivorous -calcographer -calcographic -calcography -calcrete -calculability -calculable -Calculagraph -calculary -calculate -calculated -calculatedly -calculating -calculatingly -calculation -calculational -calculative -calculator -calculatory -calculi -calculiform -calculist -calculous -calculus -Calcydon -calden -caldron -calean -Caleb -Caledonia -Caledonian -caledonite -calefacient -calefaction -calefactive -calefactor -calefactory -calelectric -calelectrical -calelectricity -Calemes -calendal -calendar -calendarer -calendarial -calendarian -calendaric -calender -calenderer -calendric -calendrical -calendry -calends -Calendula -calendulin -calentural -calenture -calenturist -calepin -calescence -calescent -calf -calfbound -calfhood -calfish -calfkill -calfless -calflike -calfling -calfskin -Caliban -Calibanism -caliber -calibered -calibogus -calibrate -calibration -calibrator -calibre -Caliburn -Caliburno -calicate -calices -caliciform -calicle -calico -calicoback -calicoed -calicular -caliculate -Calicut -calid -calidity -caliduct -California -Californian -californite -californium -caliga -caligated -caliginous -caliginously -caligo -Calimeris -Calinago -calinda -calinut -caliological -caliologist -caliology -calipash -calipee -caliper -caliperer -calipers -caliph -caliphal -caliphate -caliphship -Calista -calistheneum -calisthenic -calisthenical -calisthenics -Calite -caliver -calix -Calixtin -Calixtus -calk -calkage -calker -calkin -calking -call -Calla -callable -callainite -callant -callboy -caller -callet -calli -Callianassa -Callianassidae -Calliandra -Callicarpa -Callicebus -callid -callidity -callidness -calligraph -calligrapha -calligrapher -calligraphic -calligraphical -calligraphically -calligraphist -calligraphy -calling -Callionymidae -Callionymus -Calliope -calliophone -Calliopsis -calliper -calliperer -Calliphora -calliphorid -Calliphoridae -calliphorine -callipygian -callipygous -Callirrhoe -Callisaurus -callisection -callisteia -Callistemon -Callistephus -Callithrix -callithump -callithumpian -Callitrichaceae -callitrichaceous -Callitriche -Callitrichidae -Callitris -callitype -callo -Callorhynchidae -Callorhynchus -callosal -callose -callosity -callosomarginal -callosum -callous -callously -callousness -Callovian -callow -callower -callowman -callowness -Calluna -callus -Callynteria -calm -calmant -calmative -calmer -calmierer -calmingly -calmly -calmness -calmy -Calocarpum -Calochortaceae -Calochortus -calodemon -calography -calomba -calomel -calomorphic -Calonectria -Calonyction -calool -Calophyllum -Calopogon -calor -calorescence -calorescent -caloric -caloricity -calorie -calorifacient -calorific -calorifical -calorifically -calorification -calorifics -calorifier -calorify -calorigenic -calorimeter -calorimetric -calorimetrical -calorimetrically -calorimetry -calorimotor -caloris -calorisator -calorist -Calorite -calorize -calorizer -Calosoma -Calotermes -calotermitid -Calotermitidae -Calothrix -calotte -calotype -calotypic -calotypist -caloyer -calp -calpac -calpack -calpacked -calpulli -Caltha -caltrap -caltrop -calumba -calumet -calumniate -calumniation -calumniative -calumniator -calumniatory -calumnious -calumniously -calumniousness -calumny -Calusa -calutron -Calvados -calvaria -calvarium -Calvary -Calvatia -calve -calved -calver -calves -Calvin -Calvinian -Calvinism -Calvinist -Calvinistic -Calvinistical -Calvinistically -Calvinize -calvish -calvities -calvity -calvous -calx -calycanth -Calycanthaceae -calycanthaceous -calycanthemous -calycanthemy -calycanthine -Calycanthus -calycate -Calyceraceae -calyceraceous -calyces -calyciferous -calycifloral -calyciflorate -calyciflorous -calyciform -calycinal -calycine -calycle -calycled -Calycocarpum -calycoid -calycoideous -Calycophora -Calycophorae -calycophoran -Calycozoa -calycozoan -calycozoic -calycozoon -calycular -calyculate -calyculated -calycule -calyculus -Calydon -Calydonian -Calymene -calymma -calyphyomy -calypsist -Calypso -calypso -calypsonian -calypter -Calypterae -Calyptoblastea -calyptoblastic -Calyptorhynchus -calyptra -Calyptraea -Calyptranthes -Calyptrata -Calyptratae -calyptrate -calyptriform -calyptrimorphous -calyptro -calyptrogen -Calyptrogyne -Calystegia -calyx -cam -camaca -Camacan -camagon -camail -camailed -Camaldolensian -Camaldolese -Camaldolesian -Camaldolite -Camaldule -Camaldulian -camalote -caman -camansi -camara -camaraderie -Camarasaurus -camarilla -camass -Camassia -camata -camatina -Camaxtli -camb -Camball -Cambalo -Cambarus -cambaye -camber -Cambeva -cambial -cambiform -cambiogenetic -cambism -cambist -cambistry -cambium -Cambodian -cambogia -cambrel -cambresine -Cambrian -Cambric -cambricleaf -cambuca -Cambuscan -Cambyuskan -Came -came -cameist -camel -camelback -cameleer -Camelid -Camelidae -Camelina -cameline -camelish -camelishness -camelkeeper -Camellia -Camelliaceae -camellike -camellin -Camellus -camelman -cameloid -Cameloidea -camelopard -Camelopardalis -Camelopardid -Camelopardidae -Camelopardus -camelry -Camelus -Camembert -Camenae -Camenes -cameo -cameograph -cameography -camera -cameral -cameralism -cameralist -cameralistic -cameralistics -cameraman -Camerata -camerate -camerated -cameration -camerier -Camerina -Camerinidae -camerist -camerlingo -Cameronian -Camestres -camilla -camillus -camion -camisado -Camisard -camise -camisia -camisole -camlet -camleteen -Cammarum -cammed -cammock -cammocky -camomile -camoodi -camoodie -Camorra -Camorrism -Camorrist -Camorrista -camouflage -camouflager -camp -Campa -campagna -campagnol -campaign -campaigner -campana -campane -campanero -Campanian -campaniform -campanile -campaniliform -campanilla -campanini -campanist -campanistic -campanologer -campanological -campanologically -campanologist -campanology -Campanula -Campanulaceae -campanulaceous -Campanulales -campanular -Campanularia -Campanulariae -campanularian -Campanularidae -Campanulatae -campanulate -campanulated -campanulous -Campaspe -Campbellism -Campbellite -campbellite -campcraft -Campe -Campephagidae -campephagine -Campephilus -camper -campestral -campfight -campfire -campground -camphane -camphanic -camphanone -camphanyl -camphene -camphine -camphire -campho -camphocarboxylic -camphoid -camphol -campholic -campholide -campholytic -camphor -camphoraceous -camphorate -camphoric -camphorize -camphorone -camphoronic -camphoroyl -camphorphorone -camphorwood -camphory -camphoryl -camphylene -Campignian -campimeter -campimetrical -campimetry -Campine -campion -cample -campmaster -campo -Campodea -campodeid -Campodeidae -campodeiform -campodeoid -campody -Camponotus -campoo -camporee -campshed -campshedding -campsheeting -campshot -campstool -camptodrome -camptonite -Camptosorus -campulitropal -campulitropous -campus -campward -campylite -campylodrome -campylometer -Campyloneuron -campylospermous -campylotropal -campylotropous -camshach -camshachle -camshaft -camstane -camstone -camuning -camus -camused -camwood -can -Cana -Canaan -Canaanite -Canaanitess -Canaanitic -Canaanitish -canaba -Canacee -Canada -canada -Canadian -Canadianism -Canadianization -Canadianize -canadine -canadite -canadol -canaigre -canaille -canajong -canal -canalage -canalboat -canalicular -canaliculate -canaliculated -canaliculation -canaliculi -canaliculization -canaliculus -canaliferous -canaliform -canalization -canalize -canaller -canalling -canalman -canalside -Canamary -canamo -Cananaean -Cananga -Canangium -canape -canapina -canard -Canari -canari -Canarian -canarin -Canariote -Canarium -Canarsee -canary -canasta -canaster -canaut -Canavali -Canavalia -canavalin -Canberra -cancan -cancel -cancelable -cancelation -canceleer -canceler -cancellarian -cancellate -cancellated -cancellation -cancelli -cancellous -cancellus -cancelment -cancer -cancerate -canceration -cancerdrops -cancered -cancerigenic -cancerism -cancerophobe -cancerophobia -cancerous -cancerously -cancerousness -cancerroot -cancerweed -cancerwort -canch -canchalagua -Canchi -Cancri -Cancrid -cancriform -cancrinite -cancrisocial -cancrivorous -cancrizans -cancroid -cancrophagous -cancrum -cand -Candace -candareen -candela -candelabra -candelabrum -candelilla -candent -candescence -candescent -candescently -candid -candidacy -candidate -candidateship -candidature -candidly -candidness -candied -candier -candify -Candiot -candiru -candle -candleball -candlebeam -candleberry -candlebomb -candlebox -candlefish -candleholder -candlelight -candlelighted -candlelighter -candlelighting -candlelit -candlemaker -candlemaking -Candlemas -candlenut -candlepin -candler -candlerent -candleshine -candleshrift -candlestand -candlestick -candlesticked -candlestickward -candlewaster -candlewasting -candlewick -candlewood -candlewright -candock -Candollea -Candolleaceae -candolleaceous -candor -candroy -candy -candymaker -candymaking -candys -candystick -candytuft -candyweed -cane -canebrake -canel -canelike -canella -Canellaceae -canellaceous -Canelo -canelo -caneology -canephor -canephore -canephoros -canephroi -caner -canescence -canescent -canette -canewise -canework -Canfield -canfieldite -canful -cangan -cangia -cangle -cangler -cangue -canhoop -Canichana -Canichanan -canicola -Canicula -canicular -canicule -canid -Canidae -Canidia -canille -caninal -canine -caniniform -caninity -caninus -canioned -canions -Canis -Canisiana -canistel -canister -canities -canjac -cank -canker -cankerberry -cankerbird -cankereat -cankered -cankeredly -cankeredness -cankerflower -cankerous -cankerroot -cankerweed -cankerworm -cankerwort -cankery -canmaker -canmaking -canman -Canna -canna -cannabic -Cannabinaceae -cannabinaceous -cannabine -cannabinol -Cannabis -cannabism -Cannaceae -cannaceous -cannach -canned -cannel -cannelated -cannelure -cannelured -cannequin -canner -cannery -cannet -cannibal -cannibalean -cannibalic -cannibalish -cannibalism -cannibalistic -cannibalistically -cannibality -cannibalization -cannibalize -cannibally -cannikin -cannily -canniness -canning -cannon -cannonade -cannoned -cannoneer -cannoneering -Cannonism -cannonproof -cannonry -cannot -Cannstatt -cannula -cannular -cannulate -cannulated -canny -canoe -canoeing -Canoeiro -canoeist -canoeload -canoeman -canoewood -canon -canoncito -canoness -canonic -canonical -canonically -canonicalness -canonicals -canonicate -canonicity -canonics -canonist -canonistic -canonistical -canonizant -canonization -canonize -canonizer -canonlike -canonry -canonship -canoodle -canoodler -Canopic -canopic -Canopus -canopy -canorous -canorously -canorousness -Canossa -canroy -canroyer -canso -cant -Cantab -cantabank -cantabile -Cantabri -Cantabrian -Cantabrigian -Cantabrize -cantala -cantalite -cantaloupe -cantankerous -cantankerously -cantankerousness -cantar -cantara -cantaro -cantata -Cantate -cantation -cantative -cantatory -cantboard -canted -canteen -cantefable -canter -Canterburian -Canterburianism -Canterbury -canterer -canthal -Cantharellus -Cantharidae -cantharidal -cantharidate -cantharides -cantharidian -cantharidin -cantharidism -cantharidize -cantharis -cantharophilous -cantharus -canthectomy -canthitis -cantholysis -canthoplasty -canthorrhaphy -canthotomy -canthus -cantic -canticle -cantico -cantilena -cantilene -cantilever -cantilevered -cantillate -cantillation -cantily -cantina -cantiness -canting -cantingly -cantingness -cantion -cantish -cantle -cantlet -canto -Canton -canton -cantonal -cantonalism -cantoned -cantoner -Cantonese -cantonment -cantoon -cantor -cantoral -Cantorian -cantoris -cantorous -cantorship -cantred -cantref -cantrip -cantus -cantwise -canty -Canuck -canun -canvas -canvasback -canvasman -canvass -canvassy -cany -canyon -canzon -canzonet -caoba -Caodaism -Caodaist -caoutchouc -caoutchoucin -cap -capability -capable -capableness -capably -capacious -capaciously -capaciousness -capacitance -capacitate -capacitation -capacitative -capacitativly -capacitive -capacitor -capacity -capanna -capanne -caparison -capax -capcase -Cape -cape -caped -capel -capelet -capelin -capeline -Capella -capellet -caper -caperbush -capercaillie -capercally -capercut -caperer -capering -caperingly -Capernaism -Capernaite -Capernaitic -Capernaitical -Capernaitically -Capernaitish -capernoited -capernoitie -capernoity -capersome -caperwort -capes -capeskin -Capetian -Capetonian -capeweed -capewise -capful -Caph -caph -caphar -caphite -Caphtor -Caphtorim -capias -capicha -capillaceous -capillaire -capillament -capillarectasia -capillarily -capillarimeter -capillariness -capillariomotor -capillarity -capillary -capillation -capilliculture -capilliform -capillitial -capillitium -capillose -capistrate -capital -capitaldom -capitaled -capitalism -capitalist -capitalistic -capitalistically -capitalizable -capitalization -capitalize -capitally -capitalness -capitan -capitate -capitated -capitatim -capitation -capitative -capitatum -capitellar -capitellate -capitelliform -capitellum -Capito -Capitol -Capitolian -Capitoline -Capitolium -Capitonidae -Capitoninae -capitoul -capitoulate -capitulant -capitular -capitularly -capitulary -capitulate -capitulation -capitulator -capitulatory -capituliform -capitulum -capivi -capkin -capless -caplin -capmaker -capmaking -capman -capmint -Capnodium -Capnoides -capnomancy -capocchia -capomo -capon -caponier -caponize -caponizer -caporal -capot -capote -cappadine -Cappadocian -Capparidaceae -capparidaceous -Capparis -capped -cappelenite -capper -cappie -capping -capple -cappy -Capra -caprate -Caprella -Caprellidae -caprelline -capreol -capreolar -capreolary -capreolate -capreoline -Capreolus -Capri -capric -capriccetto -capricci -capriccio -caprice -capricious -capriciously -capriciousness -Capricorn -Capricornid -Capricornus -caprid -caprificate -caprification -caprificator -caprifig -Caprifoliaceae -caprifoliaceous -Caprifolium -caprifolium -capriform -caprigenous -Caprimulgi -Caprimulgidae -Caprimulgiformes -caprimulgine -Caprimulgus -caprin -caprine -caprinic -Capriola -capriole -Capriote -capriped -capripede -caprizant -caproate -caproic -caproin -Capromys -caprone -capronic -capronyl -caproyl -capryl -caprylate -caprylene -caprylic -caprylin -caprylone -caprylyl -capsa -capsaicin -Capsella -capsheaf -capshore -Capsian -capsicin -Capsicum -capsicum -capsid -Capsidae -capsizal -capsize -capstan -capstone -capsula -capsulae -capsular -capsulate -capsulated -capsulation -capsule -capsulectomy -capsuler -capsuliferous -capsuliform -capsuligerous -capsulitis -capsulociliary -capsulogenous -capsulolenticular -capsulopupillary -capsulorrhaphy -capsulotome -capsulotomy -capsumin -captaculum -captain -captaincy -captainess -captainly -captainry -captainship -captance -captation -caption -captious -captiously -captiousness -captivate -captivately -captivating -captivatingly -captivation -captivative -captivator -captivatrix -captive -captivity -captor -captress -capturable -capture -capturer -Capuan -capuche -capuched -Capuchin -capuchin -capucine -capulet -capulin -capybara -Caquetio -car -Cara -carabao -carabeen -carabid -Carabidae -carabidan -carabideous -carabidoid -carabin -carabineer -Carabini -caraboid -Carabus -carabus -caracal -caracara -caracol -caracole -caracoler -caracoli -caracolite -caracoller -caracore -caract -Caractacus -caracter -Caradoc -carafe -Caragana -Caraguata -caraguata -Caraho -caraibe -Caraipa -caraipi -Caraja -Carajas -carajura -caramba -carambola -carambole -caramel -caramelan -caramelen -caramelin -caramelization -caramelize -caramoussal -carancha -caranda -Carandas -caranday -carane -Caranga -carangid -Carangidae -carangoid -Carangus -caranna -Caranx -Carapa -carapace -carapaced -Carapache -Carapacho -carapacic -carapato -carapax -Carapidae -carapine -carapo -Carapus -Carara -carat -caratch -caraunda -caravan -caravaneer -caravanist -caravanner -caravansary -caravanserai -caravanserial -caravel -caraway -Carayan -carbacidometer -carbamate -carbamic -carbamide -carbamido -carbamine -carbamino -carbamyl -carbanil -carbanilic -carbanilide -carbarn -carbasus -carbazic -carbazide -carbazine -carbazole -carbazylic -carbeen -carbene -carberry -carbethoxy -carbethoxyl -carbide -carbimide -carbine -carbinol -carbinyl -carbo -carboazotine -carbocinchomeronic -carbodiimide -carbodynamite -carbogelatin -carbohemoglobin -carbohydrase -carbohydrate -carbohydraturia -carbohydrazide -carbohydride -carbohydrogen -carbolate -carbolated -carbolfuchsin -carbolic -carbolineate -Carbolineum -carbolize -Carboloy -carboluria -carbolxylol -carbomethene -carbomethoxy -carbomethoxyl -carbon -carbona -carbonaceous -carbonade -carbonado -Carbonari -Carbonarism -Carbonarist -carbonatation -carbonate -carbonation -carbonatization -carbonator -carbonemia -carbonero -carbonic -carbonide -Carboniferous -carboniferous -carbonification -carbonify -carbonigenous -carbonimeter -carbonimide -carbonite -carbonitride -carbonium -carbonizable -carbonization -carbonize -carbonizer -carbonless -Carbonnieux -carbonometer -carbonometry -carbonous -carbonuria -carbonyl -carbonylene -carbonylic -carbophilous -carbora -Carborundum -carborundum -carbosilicate -carbostyril -carboxide -carboxy -Carboxydomonas -carboxyhemoglobin -carboxyl -carboxylase -carboxylate -carboxylation -carboxylic -carboy -carboyed -carbro -carbromal -carbuilder -carbuncle -carbuncled -carbuncular -carbungi -carburant -carburate -carburation -carburator -carbure -carburet -carburetant -carburetor -carburization -carburize -carburizer -carburometer -carbyl -carbylamine -carcajou -carcake -carcanet -carcaneted -carcass -Carcavelhos -carceag -carcel -carceral -carcerate -carceration -Carcharhinus -Carcharias -carchariid -Carchariidae -carcharioid -Carcharodon -carcharodont -carcinemia -carcinogen -carcinogenesis -carcinogenic -carcinoid -carcinological -carcinologist -carcinology -carcinolysin -carcinolytic -carcinoma -carcinomata -carcinomatoid -carcinomatosis -carcinomatous -carcinomorphic -carcinophagous -carcinopolypus -carcinosarcoma -carcinosarcomata -Carcinoscorpius -carcinosis -carcoon -card -cardaissin -Cardamine -cardamom -Cardanic -cardboard -cardcase -cardecu -carded -cardel -carder -cardholder -cardia -cardiac -cardiacal -Cardiacea -cardiacean -cardiagra -cardiagram -cardiagraph -cardiagraphy -cardial -cardialgia -cardialgy -cardiameter -cardiamorphia -cardianesthesia -cardianeuria -cardiant -cardiaplegia -cardiarctia -cardiasthenia -cardiasthma -cardiataxia -cardiatomy -cardiatrophia -cardiauxe -Cardiazol -cardicentesis -cardiectasis -cardiectomize -cardiectomy -cardielcosis -cardiemphraxia -cardiform -Cardigan -cardigan -Cardiidae -cardin -cardinal -cardinalate -cardinalic -Cardinalis -cardinalism -cardinalist -cardinalitial -cardinalitian -cardinally -cardinalship -cardines -carding -cardioaccelerator -cardioarterial -cardioblast -cardiocarpum -cardiocele -cardiocentesis -cardiocirrhosis -cardioclasia -cardioclasis -cardiodilator -cardiodynamics -cardiodynia -cardiodysesthesia -cardiodysneuria -cardiogenesis -cardiogenic -cardiogram -cardiograph -cardiographic -cardiography -cardiohepatic -cardioid -cardiokinetic -cardiolith -cardiological -cardiologist -cardiology -cardiolysis -cardiomalacia -cardiomegaly -cardiomelanosis -cardiometer -cardiometric -cardiometry -cardiomotility -cardiomyoliposis -cardiomyomalacia -cardioncus -cardionecrosis -cardionephric -cardioneural -cardioneurosis -cardionosus -cardioparplasis -cardiopathic -cardiopathy -cardiopericarditis -cardiophobe -cardiophobia -cardiophrenia -cardioplasty -cardioplegia -cardiopneumatic -cardiopneumograph -cardioptosis -cardiopulmonary -cardiopuncture -cardiopyloric -cardiorenal -cardiorespiratory -cardiorrhaphy -cardiorrheuma -cardiorrhexis -cardioschisis -cardiosclerosis -cardioscope -cardiospasm -Cardiospermum -cardiosphygmogram -cardiosphygmograph -cardiosymphysis -cardiotherapy -cardiotomy -cardiotonic -cardiotoxic -cardiotrophia -cardiotrophotherapy -cardiovascular -cardiovisceral -cardipaludism -cardipericarditis -cardisophistical -carditic -carditis -Cardium -cardlike -cardmaker -cardmaking -cardo -cardol -cardon -cardona -cardoncillo -cardooer -cardoon -cardophagus -cardplayer -cardroom -cardsharp -cardsharping -cardstock -Carduaceae -carduaceous -Carduelis -Carduus -care -carecloth -careen -careenage -careener -career -careerer -careering -careeringly -careerist -carefree -careful -carefully -carefulness -careless -carelessly -carelessness -carene -carer -caress -caressant -caresser -caressing -caressingly -caressive -caressively -carest -caret -caretaker -caretaking -Caretta -Carettochelydidae -careworn -Carex -carfare -carfax -carfuffle -carful -carga -cargo -cargoose -carhop -carhouse -cariacine -Cariacus -cariama -Cariamae -Carian -Carib -Caribal -Cariban -Caribbean -Caribbee -Caribi -Caribisi -caribou -Carica -Caricaceae -caricaceous -caricatura -caricaturable -caricatural -caricature -caricaturist -caricetum -caricographer -caricography -caricologist -caricology -caricous -carid -Carida -Caridea -caridean -caridoid -Caridomorpha -caries -Carijona -carillon -carillonneur -carina -carinal -Carinaria -Carinatae -carinate -carinated -carination -Cariniana -cariniform -Carinthian -cariole -carioling -cariosity -carious -cariousness -Caripuna -Cariri -Caririan -Carisa -Carissa -caritative -caritive -Cariyo -cark -carking -carkingly -carkled -Carl -carl -carless -carlet -carlie -carlin -Carlina -carline -carling -carlings -carlish -carlishness -Carlisle -Carlism -Carlist -Carlo -carload -carloading -carloadings -Carlos -carlot -Carlovingian -carls -Carludovica -Carlylean -Carlyleian -Carlylese -Carlylesque -Carlylian -Carlylism -carmagnole -carmalum -Carman -carman -Carmanians -Carmel -Carmela -carmele -Carmelite -Carmelitess -carmeloite -Carmen -carminative -Carmine -carmine -carminette -carminic -carminite -carminophilous -carmoisin -carmot -Carnacian -carnage -carnaged -carnal -carnalism -carnalite -carnality -carnalize -carnallite -carnally -carnalness -carnaptious -Carnaria -carnassial -carnate -carnation -carnationed -carnationist -carnauba -carnaubic -carnaubyl -Carnegie -Carnegiea -carnelian -carneol -carneole -carneous -carney -carnic -carniferous -carniferrin -carnifex -carnification -carnifices -carnificial -carniform -carnify -Carniolan -carnival -carnivaler -carnivalesque -Carnivora -carnivoracity -carnivoral -carnivore -carnivorism -carnivorous -carnivorously -carnivorousness -carnose -carnosine -carnosity -carnotite -carnous -Caro -caroa -carob -caroba -caroche -Caroid -Carol -carol -Carolan -Carole -Carolean -caroler -caroli -carolin -Carolina -Caroline -caroline -Caroling -Carolingian -Carolinian -carolus -Carolyn -carom -carombolette -carone -caronic -caroome -caroon -carotene -carotenoid -carotic -carotid -carotidal -carotidean -carotin -carotinemia -carotinoid -caroubier -carousal -carouse -carouser -carousing -carousingly -carp -carpaine -carpal -carpale -carpalia -Carpathian -carpel -carpellary -carpellate -carpent -carpenter -Carpenteria -carpentering -carpentership -carpentry -carper -carpet -carpetbag -carpetbagger -carpetbaggery -carpetbaggism -carpetbagism -carpetbeater -carpeting -carpetlayer -carpetless -carpetmaker -carpetmaking -carpetmonger -carpetweb -carpetweed -carpetwork -carpetwoven -Carphiophiops -carpholite -Carphophis -carphosiderite -carpid -carpidium -carpincho -carping -carpingly -carpintero -Carpinus -Carpiodes -carpitis -carpium -carpocace -Carpocapsa -carpocarpal -carpocephala -carpocephalum -carpocerite -carpocervical -Carpocratian -Carpodacus -Carpodetus -carpogam -carpogamy -carpogenic -carpogenous -carpogone -carpogonial -carpogonium -Carpoidea -carpolite -carpolith -carpological -carpologically -carpologist -carpology -carpomania -carpometacarpal -carpometacarpus -carpopedal -Carpophaga -carpophagous -carpophalangeal -carpophore -carpophyll -carpophyte -carpopodite -carpopoditic -carpoptosia -carpoptosis -carport -carpos -carposperm -carposporangia -carposporangial -carposporangium -carpospore -carposporic -carposporous -carpostome -carpus -carquaise -carr -carrack -carrageen -carrageenin -Carrara -Carraran -carrel -carriable -carriage -carriageable -carriageful -carriageless -carriagesmith -carriageway -Carrick -carrick -Carrie -carried -carrier -carrion -carritch -carritches -carriwitchet -Carrizo -carrizo -carroch -carrollite -carronade -carrot -carrotage -carroter -carrotiness -carrottop -carrotweed -carrotwood -carroty -carrousel -carrow -Carry -carry -carryall -carrying -carrytale -carse -carshop -carsick -carsmith -Carsten -cart -cartable -cartaceous -cartage -cartboot -cartbote -carte -cartel -cartelism -cartelist -cartelization -cartelize -Carter -carter -Cartesian -Cartesianism -cartful -Carthaginian -carthame -carthamic -carthamin -Carthamus -Carthusian -Cartier -cartilage -cartilaginean -Cartilaginei -cartilagineous -Cartilagines -cartilaginification -cartilaginoid -cartilaginous -cartisane -Cartist -cartload -cartmaker -cartmaking -cartman -cartobibliography -cartogram -cartograph -cartographer -cartographic -cartographical -cartographically -cartography -cartomancy -carton -cartonnage -cartoon -cartoonist -cartouche -cartridge -cartsale -cartulary -cartway -cartwright -cartwrighting -carty -carua -carucage -carucal -carucate -carucated -Carum -caruncle -caruncula -carunculae -caruncular -carunculate -carunculated -carunculous -carvacrol -carvacryl -carval -carve -carvel -carven -carvene -carver -carvership -carvestrene -carving -carvoepra -carvol -carvomenthene -carvone -carvyl -carwitchet -Cary -Carya -caryatic -caryatid -caryatidal -caryatidean -caryatidic -caryl -Caryocar -Caryocaraceae -caryocaraceous -Caryophyllaceae -caryophyllaceous -caryophyllene -caryophylleous -caryophyllin -caryophyllous -Caryophyllus -caryopilite -caryopses -caryopsides -caryopsis -Caryopteris -Caryota -casaba -casabe -casal -casalty -Casamarca -Casanovanic -Casasia -casate -casaun -casava -casave -casavi -casbah -cascabel -cascade -Cascadia -Cascadian -cascadite -cascado -cascalho -cascalote -cascara -cascarilla -cascaron -casco -cascol -Case -case -Casearia -casease -caseate -caseation -casebook -casebox -cased -caseful -casefy -caseharden -caseic -casein -caseinate -caseinogen -casekeeper -Casel -caseless -caselessly -casemaker -casemaking -casemate -casemated -casement -casemented -caseolysis -caseose -caseous -caser -casern -caseum -caseweed -casewood -casework -caseworker -caseworm -Casey -cash -casha -cashable -cashableness -cashaw -cashbook -cashbox -cashboy -cashcuttee -cashel -cashew -cashgirl -Cashibo -cashier -cashierer -cashierment -cashkeeper -cashment -Cashmere -cashmere -cashmerette -Cashmirian -Casimir -Casimiroa -casing -casino -casiri -cask -casket -casking -casklike -Caslon -Caspar -Casparian -Casper -Caspian -casque -casqued -casquet -casquetel -casquette -cass -cassabanana -cassabully -cassady -Cassandra -cassareep -cassation -casse -Cassegrain -Cassegrainian -casselty -cassena -casserole -Cassia -cassia -Cassiaceae -Cassian -cassican -Cassicus -Cassida -cassideous -cassidid -Cassididae -Cassidinae -cassidony -Cassidulina -cassiduloid -Cassiduloidea -Cassie -cassie -Cassiepeia -cassimere -cassina -cassine -Cassinese -cassinette -Cassinian -cassino -cassinoid -cassioberry -Cassiope -Cassiopeia -Cassiopeian -Cassiopeid -cassiopeium -Cassis -cassis -cassiterite -Cassius -cassock -cassolette -casson -cassonade -cassoon -cassowary -cassumunar -Cassytha -Cassythaceae -cast -castable -castagnole -Castalia -Castalian -Castalides -Castalio -Castanea -castanean -castaneous -castanet -Castanopsis -Castanospermum -castaway -caste -casteless -castelet -castellan -castellano -castellanship -castellany -castellar -castellate -castellated -castellation -caster -casterless -casthouse -castice -castigable -castigate -castigation -castigative -castigator -castigatory -Castilian -Castilla -Castilleja -Castilloa -casting -castle -castled -castlelike -castlet -castlewards -castlewise -castling -castock -castoff -Castor -castor -Castores -castoreum -castorial -Castoridae -castorin -castorite -castorized -Castoroides -castory -castra -castral -castrametation -castrate -castrater -castration -castrator -castrensial -castrensian -castrum -castuli -casual -casualism -casualist -casuality -casually -casualness -casualty -Casuariidae -Casuariiformes -Casuarina -Casuarinaceae -casuarinaceous -Casuarinales -Casuarius -casuary -casuist -casuistess -casuistic -casuistical -casuistically -casuistry -casula -caswellite -Casziel -Cat -cat -catabaptist -catabases -catabasis -catabatic -catabibazon -catabiotic -catabolic -catabolically -catabolin -catabolism -catabolite -catabolize -catacaustic -catachreses -catachresis -catachrestic -catachrestical -catachrestically -catachthonian -cataclasm -cataclasmic -cataclastic -cataclinal -cataclysm -cataclysmal -cataclysmatic -cataclysmatist -cataclysmic -cataclysmically -cataclysmist -catacomb -catacorolla -catacoustics -catacromyodian -catacrotic -catacrotism -catacumbal -catadicrotic -catadicrotism -catadioptric -catadioptrical -catadioptrics -catadromous -catafalco -catafalque -catagenesis -catagenetic -catagmatic -Cataian -catakinesis -catakinetic -catakinetomer -catakinomeric -Catalan -Catalanganes -Catalanist -catalase -Catalaunian -catalecta -catalectic -catalecticant -catalepsis -catalepsy -cataleptic -cataleptiform -cataleptize -cataleptoid -catalexis -catalina -catalineta -catalinite -catallactic -catallactically -catallactics -catallum -catalogia -catalogic -catalogical -catalogist -catalogistic -catalogue -cataloguer -cataloguish -cataloguist -cataloguize -Catalonian -catalowne -Catalpa -catalpa -catalufa -catalyses -catalysis -catalyst -catalyte -catalytic -catalytical -catalytically -catalyzator -catalyze -catalyzer -catamaran -Catamarcan -Catamarenan -catamenia -catamenial -catamite -catamited -catamiting -catamount -catamountain -catan -Catananche -catapan -catapasm -catapetalous -cataphasia -cataphatic -cataphora -cataphoresis -cataphoretic -cataphoria -cataphoric -cataphract -Cataphracta -Cataphracti -cataphrenia -cataphrenic -Cataphrygian -cataphrygianism -cataphyll -cataphylla -cataphyllary -cataphyllum -cataphysical -cataplasia -cataplasis -cataplasm -catapleiite -cataplexy -catapult -catapultic -catapultier -cataract -cataractal -cataracted -cataractine -cataractous -cataractwise -cataria -catarinite -catarrh -catarrhal -catarrhally -catarrhed -Catarrhina -catarrhine -catarrhinian -catarrhous -catasarka -Catasetum -catasta -catastaltic -catastasis -catastate -catastatic -catasterism -catastrophal -catastrophe -catastrophic -catastrophical -catastrophically -catastrophism -catastrophist -catathymic -catatonia -catatoniac -catatonic -catawampous -catawampously -catawamptious -catawamptiously -catawampus -Catawba -catberry -catbird -catboat -catcall -catch -catchable -catchall -catchcry -catcher -catchfly -catchiness -catching -catchingly -catchingness -catchland -catchment -catchpenny -catchplate -catchpole -catchpolery -catchpoleship -catchpoll -catchpollery -catchup -catchwater -catchweed -catchweight -catchword -catchwork -catchy -catclaw -catdom -cate -catechesis -catechetic -catechetical -catechetically -catechin -catechism -catechismal -catechist -catechistic -catechistical -catechistically -catechizable -catechization -catechize -catechizer -catechol -catechu -catechumen -catechumenal -catechumenate -catechumenical -catechumenically -catechumenism -catechumenship -catechutannic -categorem -categorematic -categorematical -categorematically -categorial -categoric -categorical -categorically -categoricalness -categorist -categorization -categorize -category -catelectrotonic -catelectrotonus -catella -catena -catenae -catenarian -catenary -catenate -catenated -catenation -catenoid -catenulate -catepuce -cater -cateran -catercap -catercorner -caterer -caterership -cateress -caterpillar -caterpillared -caterpillarlike -caterva -caterwaul -caterwauler -caterwauling -Catesbaea -cateye -catface -catfaced -catfacing -catfall -catfish -catfoot -catfooted -catgut -Catha -Cathari -Catharina -Catharine -Catharism -Catharist -Catharistic -catharization -catharize -catharpin -catharping -Cathars -catharsis -Cathartae -Cathartes -cathartic -cathartical -cathartically -catharticalness -Cathartidae -Cathartides -Cathartolinum -Cathay -Cathayan -cathead -cathect -cathectic -cathection -cathedra -cathedral -cathedraled -cathedralesque -cathedralic -cathedrallike -cathedralwise -cathedratic -cathedratica -cathedratical -cathedratically -cathedraticum -cathepsin -Catherine -catheter -catheterism -catheterization -catheterize -catheti -cathetometer -cathetometric -cathetus -cathexion -cathexis -cathidine -cathin -cathine -cathinine -cathion -cathisma -cathodal -cathode -cathodic -cathodical -cathodically -cathodofluorescence -cathodograph -cathodography -cathodoluminescence -cathograph -cathography -cathole -catholic -catholical -catholically -catholicalness -catholicate -catholicism -catholicist -catholicity -catholicize -catholicizer -catholicly -catholicness -catholicon -catholicos -catholicus -catholyte -cathood -cathop -Cathrin -cathro -Cathryn -Cathy -Catilinarian -cation -cationic -cativo -catjang -catkin -catkinate -catlap -catlike -catlin -catling -catlinite -catmalison -catmint -catnip -catoblepas -Catocala -catocalid -catocathartic -catoctin -Catodon -catodont -catogene -catogenic -Catoism -Catonian -Catonic -Catonically -Catonism -catoptric -catoptrical -catoptrically -catoptrics -catoptrite -catoptromancy -catoptromantic -Catoquina -catostomid -Catostomidae -catostomoid -Catostomus -catpiece -catpipe -catproof -Catskill -catskin -catstep -catstick -catstitch -catstitcher -catstone -catsup -cattabu -cattail -cattalo -cattery -Catti -cattily -cattimandoo -cattiness -catting -cattish -cattishly -cattishness -cattle -cattlebush -cattlegate -cattleless -cattleman -Cattleya -cattleya -cattleyak -Catty -catty -cattyman -Catullian -catvine -catwalk -catwise -catwood -catwort -caubeen -cauboge -Caucasian -Caucasic -Caucasoid -cauch -cauchillo -caucho -caucus -cauda -caudad -caudae -caudal -caudally -caudalward -Caudata -caudata -caudate -caudated -caudation -caudatolenticular -caudatory -caudatum -caudex -caudices -caudicle -caudiform -caudillism -caudle -caudocephalad -caudodorsal -caudofemoral -caudolateral -caudotibial -caudotibialis -Caughnawaga -caught -cauk -caul -cauld -cauldrife -cauldrifeness -Caulerpa -Caulerpaceae -caulerpaceous -caules -caulescent -caulicle -caulicole -caulicolous -caulicule -cauliculus -cauliferous -cauliflorous -cauliflory -cauliflower -cauliform -cauligenous -caulinar -caulinary -cauline -caulis -Caulite -caulivorous -caulocarpic -caulocarpous -caulome -caulomer -caulomic -caulophylline -Caulophyllum -Caulopteris -caulopteris -caulosarc -caulotaxis -caulotaxy -caulote -caum -cauma -caumatic -caunch -Caunos -Caunus -caup -caupo -caupones -Cauqui -caurale -Caurus -causability -causable -causal -causalgia -causality -causally -causate -causation -causational -causationism -causationist -causative -causatively -causativeness -causativity -cause -causeful -causeless -causelessly -causelessness -causer -causerie -causeway -causewayman -causey -causidical -causing -causingness -causse -causson -caustic -caustical -caustically -causticiser -causticism -causticity -causticization -causticize -causticizer -causticly -causticness -caustification -caustify -Causus -cautel -cautelous -cautelously -cautelousness -cauter -cauterant -cauterization -cauterize -cautery -caution -cautionary -cautioner -cautionry -cautious -cautiously -cautiousness -cautivo -cava -cavae -caval -cavalcade -cavalero -cavalier -cavalierish -cavalierishness -cavalierism -cavalierly -cavalierness -cavaliero -cavaliership -cavalla -cavalry -cavalryman -cavascope -cavate -cavatina -cave -caveat -caveator -cavekeeper -cavel -cavelet -cavelike -cavendish -cavern -cavernal -caverned -cavernicolous -cavernitis -cavernlike -cavernoma -cavernous -cavernously -cavernulous -cavesson -cavetto -Cavia -caviar -cavicorn -Cavicornia -Cavidae -cavie -cavil -caviler -caviling -cavilingly -cavilingness -cavillation -Cavina -caving -cavings -cavish -cavitary -cavitate -cavitation -cavitied -cavity -caviya -cavort -cavus -cavy -caw -cawk -cawky -cawney -cawquaw -caxiri -caxon -Caxton -Caxtonian -cay -Cayapa -Cayapo -Cayenne -cayenne -cayenned -Cayleyan -cayman -Cayubaba -Cayubaban -Cayuga -Cayugan -Cayuse -Cayuvava -caza -cazimi -Ccoya -ce -Ceanothus -cearin -cease -ceaseless -ceaselessly -ceaselessness -ceasmic -Cebalrai -Cebatha -cebell -cebian -cebid -Cebidae -cebil -cebine -ceboid -cebollite -cebur -Cebus -cecidiologist -cecidiology -cecidium -cecidogenous -cecidologist -cecidology -cecidomyian -cecidomyiid -Cecidomyiidae -cecidomyiidous -Cecil -Cecile -Cecilia -cecilite -cecils -Cecily -cecity -cecograph -Cecomorphae -cecomorphic -cecostomy -Cecropia -Cecrops -cecutiency -cedar -cedarbird -cedared -cedarn -cedarware -cedarwood -cedary -cede -cedent -ceder -cedilla -cedrat -cedrate -cedre -Cedrela -cedrene -Cedric -cedrin -cedrine -cedriret -cedrium -cedrol -cedron -Cedrus -cedry -cedula -cee -Ceiba -ceibo -ceil -ceile -ceiler -ceilidh -ceiling -ceilinged -ceilingward -ceilingwards -ceilometer -Celadon -celadon -celadonite -Celaeno -celandine -Celanese -Celarent -Celastraceae -celastraceous -Celastrus -celation -celative -celature -Celebesian -celebrant -celebrate -celebrated -celebratedness -celebrater -celebration -celebrative -celebrator -celebratory -celebrity -celemin -celemines -celeomorph -Celeomorphae -celeomorphic -celeriac -celerity -celery -celesta -Celeste -celeste -celestial -celestiality -celestialize -celestially -celestialness -celestina -Celestine -celestine -Celestinian -celestite -celestitude -Celia -celiac -celiadelphus -celiagra -celialgia -celibacy -celibatarian -celibate -celibatic -celibatist -celibatory -celidographer -celidography -celiectasia -celiectomy -celiemia -celiitis -celiocele -celiocentesis -celiocolpotomy -celiocyesis -celiodynia -celioelytrotomy -celioenterotomy -celiogastrotomy -celiohysterotomy -celiolymph -celiomyalgia -celiomyodynia -celiomyomectomy -celiomyomotomy -celiomyositis -celioncus -celioparacentesis -celiopyosis -celiorrhaphy -celiorrhea -celiosalpingectomy -celiosalpingotomy -celioschisis -celioscope -celioscopy -celiotomy -celite -cell -cella -cellae -cellar -cellarage -cellarer -cellaress -cellaret -cellaring -cellarless -cellarman -cellarous -cellarway -cellarwoman -cellated -celled -Cellepora -cellepore -Cellfalcicula -celliferous -celliform -cellifugal -cellipetal -cellist -Cellite -cello -cellobiose -celloid -celloidin -celloist -cellophane -cellose -Cellucotton -cellular -cellularity -cellularly -cellulase -cellulate -cellulated -cellulation -cellule -cellulicidal -celluliferous -cellulifugal -cellulifugally -cellulin -cellulipetal -cellulipetally -cellulitis -cellulocutaneous -cellulofibrous -Celluloid -celluloid -celluloided -Cellulomonadeae -Cellulomonas -cellulose -cellulosic -cellulosity -cellulotoxic -cellulous -Cellvibrio -Celosia -Celotex -celotomy -Celsia -celsian -Celsius -Celt -celt -Celtdom -Celtiberi -Celtiberian -Celtic -Celtically -Celticism -Celticist -Celticize -Celtidaceae -celtiform -Celtillyrians -Celtis -Celtish -Celtism -Celtist -celtium -Celtization -Celtologist -Celtologue -Celtomaniac -Celtophil -Celtophobe -Celtophobia -celtuce -cembalist -cembalo -cement -cemental -cementation -cementatory -cementer -cementification -cementin -cementite -cementitious -cementless -cementmaker -cementmaking -cementoblast -cementoma -cementum -cemeterial -cemetery -cenacle -cenaculum -cenanthous -cenanthy -cencerro -Cenchrus -cendre -cenobian -cenobite -cenobitic -cenobitical -cenobitically -cenobitism -cenobium -cenoby -cenogenesis -cenogenetic -cenogenetically -cenogonous -Cenomanian -cenosite -cenosity -cenospecies -cenospecific -cenospecifically -cenotaph -cenotaphic -cenotaphy -Cenozoic -cenozoology -cense -censer -censerless -censive -censor -censorable -censorate -censorial -censorious -censoriously -censoriousness -censorship -censual -censurability -censurable -censurableness -censurably -censure -censureless -censurer -censureship -census -cent -centage -cental -centare -centaur -centaurdom -Centaurea -centauress -centauri -centaurial -centaurian -centauric -Centaurid -Centauridium -Centaurium -centauromachia -centauromachy -Centaurus -centaurus -centaury -centavo -centena -centenar -centenarian -centenarianism -centenary -centenier -centenionalis -centennial -centennially -center -centerable -centerboard -centered -centerer -centering -centerless -centermost -centerpiece -centervelic -centerward -centerwise -centesimal -centesimally -centesimate -centesimation -centesimi -centesimo -centesis -Centetes -centetid -Centetidae -centgener -centiar -centiare -centibar -centifolious -centigrade -centigram -centile -centiliter -centillion -centillionth -Centiloquy -centime -centimeter -centimo -centimolar -centinormal -centipedal -centipede -centiplume -centipoise -centistere -centistoke -centner -cento -centonical -centonism -centrad -central -centrale -Centrales -centralism -centralist -centralistic -centrality -centralization -centralize -centralizer -centrally -centralness -centranth -Centranthus -centrarchid -Centrarchidae -centrarchoid -Centraxonia -centraxonial -Centrechinoida -centric -Centricae -centrical -centricality -centrically -centricalness -centricipital -centriciput -centricity -centriffed -centrifugal -centrifugalization -centrifugalize -centrifugaller -centrifugally -centrifugate -centrifugation -centrifuge -centrifugence -centriole -centripetal -centripetalism -centripetally -centripetence -centripetency -centriscid -Centriscidae -centrisciform -centriscoid -Centriscus -centrist -centroacinar -centrobaric -centrobarical -centroclinal -centrode -centrodesmose -centrodesmus -centrodorsal -centrodorsally -centroid -centroidal -centrolecithal -Centrolepidaceae -centrolepidaceous -centrolinead -centrolineal -centromere -centronucleus -centroplasm -Centropomidae -Centropomus -Centrosema -centrosome -centrosomic -Centrosoyus -Centrospermae -centrosphere -centrosymmetric -centrosymmetry -Centrotus -centrum -centry -centum -centumvir -centumviral -centumvirate -Centunculus -centuple -centuplicate -centuplication -centuply -centuria -centurial -centuriate -centuriation -centuriator -centuried -centurion -century -ceorl -ceorlish -cep -cepa -cepaceous -cepe -cephaeline -Cephaelis -Cephalacanthidae -Cephalacanthus -cephalad -cephalagra -cephalalgia -cephalalgic -cephalalgy -cephalanthium -cephalanthous -Cephalanthus -Cephalaspis -Cephalata -cephalate -cephaldemae -cephalemia -cephaletron -Cephaleuros -cephalhematoma -cephalhydrocele -cephalic -cephalin -Cephalina -cephaline -cephalism -cephalitis -cephalization -cephaloauricular -Cephalobranchiata -cephalobranchiate -cephalocathartic -cephalocaudal -cephalocele -cephalocentesis -cephalocercal -Cephalocereus -cephalochord -Cephalochorda -cephalochordal -Cephalochordata -cephalochordate -cephaloclasia -cephaloclast -cephalocone -cephaloconic -cephalocyst -cephalodiscid -Cephalodiscida -Cephalodiscus -cephalodymia -cephalodymus -cephalodynia -cephalofacial -cephalogenesis -cephalogram -cephalograph -cephalohumeral -cephalohumeralis -cephaloid -cephalology -cephalomancy -cephalomant -cephalomelus -cephalomenia -cephalomeningitis -cephalomere -cephalometer -cephalometric -cephalometry -cephalomotor -cephalomyitis -cephalon -cephalonasal -cephalopagus -cephalopathy -cephalopharyngeal -cephalophine -cephalophorous -Cephalophus -cephalophyma -cephaloplegia -cephaloplegic -cephalopod -Cephalopoda -cephalopodan -cephalopodic -cephalopodous -Cephalopterus -cephalorachidian -cephalorhachidian -cephalosome -cephalospinal -Cephalosporium -cephalostyle -Cephalotaceae -cephalotaceous -Cephalotaxus -cephalotheca -cephalothecal -cephalothoracic -cephalothoracopagus -cephalothorax -cephalotome -cephalotomy -cephalotractor -cephalotribe -cephalotripsy -cephalotrocha -Cephalotus -cephalous -Cephas -Cepheid -cephid -Cephidae -Cephus -Cepolidae -ceps -ceptor -cequi -ceraceous -cerago -ceral -ceramal -cerambycid -Cerambycidae -Ceramiaceae -ceramiaceous -ceramic -ceramicite -ceramics -ceramidium -ceramist -Ceramium -ceramographic -ceramography -cerargyrite -ceras -cerasein -cerasin -cerastes -Cerastium -Cerasus -cerata -cerate -ceratectomy -cerated -ceratiasis -ceratiid -Ceratiidae -ceratioid -ceration -ceratite -Ceratites -ceratitic -Ceratitidae -Ceratitis -ceratitoid -Ceratitoidea -Ceratium -Ceratobatrachinae -ceratoblast -ceratobranchial -ceratocricoid -Ceratodidae -Ceratodontidae -Ceratodus -ceratofibrous -ceratoglossal -ceratoglossus -ceratohyal -ceratohyoid -ceratoid -ceratomandibular -ceratomania -Ceratonia -Ceratophrys -Ceratophyllaceae -ceratophyllaceous -Ceratophyllum -Ceratophyta -ceratophyte -Ceratops -Ceratopsia -ceratopsian -ceratopsid -Ceratopsidae -Ceratopteridaceae -ceratopteridaceous -Ceratopteris -ceratorhine -Ceratosa -Ceratosaurus -Ceratospongiae -ceratospongian -Ceratostomataceae -Ceratostomella -ceratotheca -ceratothecal -Ceratozamia -ceraunia -ceraunics -ceraunogram -ceraunograph -ceraunomancy -ceraunophone -ceraunoscope -ceraunoscopy -Cerberean -Cerberic -Cerberus -cercal -cercaria -cercarial -cercarian -cercariform -cercelee -cerci -Cercidiphyllaceae -Cercis -Cercocebus -Cercolabes -Cercolabidae -cercomonad -Cercomonadidae -Cercomonas -cercopid -Cercopidae -cercopithecid -Cercopithecidae -cercopithecoid -Cercopithecus -cercopod -Cercospora -Cercosporella -cercus -Cerdonian -cere -cereal -cerealian -cerealin -cerealism -cerealist -cerealose -cerebella -cerebellar -cerebellifugal -cerebellipetal -cerebellocortex -cerebellopontile -cerebellopontine -cerebellorubral -cerebellospinal -cerebellum -cerebra -cerebral -cerebralgia -cerebralism -cerebralist -cerebralization -cerebralize -cerebrally -cerebrasthenia -cerebrasthenic -cerebrate -cerebration -cerebrational -Cerebratulus -cerebric -cerebricity -cerebriform -cerebriformly -cerebrifugal -cerebrin -cerebripetal -cerebritis -cerebrize -cerebrocardiac -cerebrogalactose -cerebroganglion -cerebroganglionic -cerebroid -cerebrology -cerebroma -cerebromalacia -cerebromedullary -cerebromeningeal -cerebromeningitis -cerebrometer -cerebron -cerebronic -cerebroparietal -cerebropathy -cerebropedal -cerebrophysiology -cerebropontile -cerebropsychosis -cerebrorachidian -cerebrosclerosis -cerebroscope -cerebroscopy -cerebrose -cerebrosensorial -cerebroside -cerebrosis -cerebrospinal -cerebrospinant -cerebrosuria -cerebrotomy -cerebrotonia -cerebrotonic -cerebrovisceral -cerebrum -cerecloth -cered -cereless -cerement -ceremonial -ceremonialism -ceremonialist -ceremonialize -ceremonially -ceremonious -ceremoniously -ceremoniousness -ceremony -cereous -cerer -ceresin -Cereus -cerevis -ceria -Cerialia -cerianthid -Cerianthidae -cerianthoid -Cerianthus -ceric -ceride -ceriferous -cerigerous -cerillo -ceriman -cerin -cerine -Cerinthe -Cerinthian -Ceriomyces -Cerion -Cerionidae -ceriops -Ceriornis -cerise -cerite -Cerithiidae -cerithioid -Cerithium -cerium -cermet -cern -cerniture -cernuous -cero -cerograph -cerographic -cerographist -cerography -ceroline -cerolite -ceroma -ceromancy -cerophilous -ceroplast -ceroplastic -ceroplastics -ceroplasty -cerotate -cerote -cerotene -cerotic -cerotin -cerotype -cerous -ceroxyle -Ceroxylon -cerrero -cerrial -cerris -certain -certainly -certainty -Certhia -Certhiidae -certie -certifiable -certifiableness -certifiably -certificate -certification -certificative -certificator -certificatory -certified -certifier -certify -certiorari -certiorate -certioration -certis -certitude -certosina -certosino -certy -cerule -cerulean -cerulein -ceruleite -ceruleolactite -ceruleous -cerulescent -ceruleum -cerulignol -cerulignone -cerumen -ceruminal -ceruminiferous -ceruminous -cerumniparous -ceruse -cerussite -Cervantist -cervantite -cervical -Cervicapra -cervicaprine -cervicectomy -cervicicardiac -cervicide -cerviciplex -cervicispinal -cervicitis -cervicoauricular -cervicoaxillary -cervicobasilar -cervicobrachial -cervicobregmatic -cervicobuccal -cervicodorsal -cervicodynia -cervicofacial -cervicohumeral -cervicolabial -cervicolingual -cervicolumbar -cervicomuscular -cerviconasal -cervicorn -cervicoscapular -cervicothoracic -cervicovaginal -cervicovesical -cervid -Cervidae -Cervinae -cervine -cervisia -cervisial -cervix -cervoid -cervuline -Cervulus -Cervus -ceryl -Cerynean -Cesare -cesarevitch -cesarolite -cesious -cesium -cespititous -cespitose -cespitosely -cespitulose -cess -cessantly -cessation -cessative -cessavit -cesser -cession -cessionaire -cessionary -cessor -cesspipe -cesspit -cesspool -cest -Cestida -Cestidae -Cestoda -Cestodaria -cestode -cestoid -Cestoidea -cestoidean -Cestracion -cestraciont -Cestraciontes -Cestraciontidae -Cestrian -Cestrum -cestrum -cestus -Cetacea -cetacean -cetaceous -cetaceum -cetane -Cete -cetene -ceterach -ceti -cetic -ceticide -Cetid -cetin -Cetiosauria -cetiosaurian -Cetiosaurus -cetological -cetologist -cetology -Cetomorpha -cetomorphic -Cetonia -cetonian -Cetoniides -Cetoniinae -cetorhinid -Cetorhinidae -cetorhinoid -Cetorhinus -cetotolite -Cetraria -cetraric -cetrarin -Cetus -cetyl -cetylene -cetylic -cevadilla -cevadilline -cevadine -Cevennian -Cevenol -Cevenole -cevine -cevitamic -ceylanite -Ceylon -Ceylonese -ceylonite -ceyssatite -Ceyx -Cezannesque -cha -chaa -chab -chabasie -chabazite -Chablis -chabot -chabouk -chabuk -chabutra -Chac -chacate -chachalaca -Chachapuya -chack -Chackchiuma -chacker -chackle -chackler -chacma -Chaco -chacona -chacte -chad -chadacryst -Chaenactis -Chaenolobus -Chaenomeles -chaeta -Chaetangiaceae -Chaetangium -Chaetetes -Chaetetidae -Chaetifera -chaetiferous -Chaetites -Chaetitidae -Chaetochloa -Chaetodon -chaetodont -chaetodontid -Chaetodontidae -chaetognath -Chaetognatha -chaetognathan -chaetognathous -Chaetophora -Chaetophoraceae -chaetophoraceous -Chaetophorales -chaetophorous -chaetopod -Chaetopoda -chaetopodan -chaetopodous -chaetopterin -Chaetopterus -chaetosema -Chaetosoma -Chaetosomatidae -Chaetosomidae -chaetotactic -chaetotaxy -Chaetura -chafe -chafer -chafery -chafewax -chafeweed -chaff -chaffcutter -chaffer -chafferer -chaffinch -chaffiness -chaffing -chaffingly -chaffless -chafflike -chaffman -chaffseed -chaffwax -chaffweed -chaffy -chaft -chafted -Chaga -chagan -Chagga -chagrin -chaguar -chagul -chahar -chai -Chailletiaceae -chain -chainage -chained -chainer -chainette -chainless -chainlet -chainmaker -chainmaking -chainman -chainon -chainsmith -chainwale -chainwork -chair -chairer -chairless -chairmaker -chairmaking -chairman -chairmanship -chairmender -chairmending -chairwarmer -chairwoman -chais -chaise -chaiseless -Chait -chaitya -chaja -chaka -chakar -chakari -Chakavski -chakazi -chakdar -chakobu -chakra -chakram -chakravartin -chaksi -chal -chalaco -chalana -chalastic -Chalastogastra -chalaza -chalazal -chalaze -chalazian -chalaziferous -chalazion -chalazogam -chalazogamic -chalazogamy -chalazoidite -chalcanthite -Chalcedonian -chalcedonic -chalcedonous -chalcedony -chalcedonyx -chalchuite -chalcid -Chalcidian -Chalcidic -chalcidicum -chalcidid -Chalcididae -chalcidiform -chalcidoid -Chalcidoidea -Chalcioecus -Chalcis -chalcites -chalcocite -chalcograph -chalcographer -chalcographic -chalcographical -chalcographist -chalcography -chalcolite -chalcolithic -chalcomancy -chalcomenite -chalcon -chalcone -chalcophanite -chalcophyllite -chalcopyrite -chalcosiderite -chalcosine -chalcostibite -chalcotrichite -chalcotript -chalcus -Chaldaei -Chaldaic -Chaldaical -Chaldaism -Chaldean -Chaldee -chalder -chaldron -chalet -chalice -chaliced -chalicosis -chalicothere -chalicotheriid -Chalicotheriidae -chalicotherioid -Chalicotherium -Chalina -Chalinidae -chalinine -Chalinitis -chalk -chalkcutter -chalker -chalkiness -chalklike -chalkography -chalkosideric -chalkstone -chalkstony -chalkworker -chalky -challah -challenge -challengeable -challengee -challengeful -challenger -challengingly -challie -challis -challote -chalmer -chalon -chalone -Chalons -chalque -chalta -Chalukya -Chalukyan -chalumeau -chalutz -chalutzim -Chalybean -chalybeate -chalybeous -Chalybes -chalybite -Cham -cham -Chama -Chamacea -Chamacoco -Chamaebatia -Chamaecistus -chamaecranial -Chamaecrista -Chamaecyparis -Chamaedaphne -Chamaeleo -Chamaeleon -Chamaeleontidae -Chamaelirium -Chamaenerion -Chamaepericlymenum -chamaeprosopic -Chamaerops -chamaerrhine -Chamaesaura -Chamaesiphon -Chamaesiphonaceae -Chamaesiphonaceous -Chamaesiphonales -Chamaesyce -chamal -Chamar -chamar -chamber -chamberdeacon -chambered -chamberer -chambering -chamberlain -chamberlainry -chamberlainship -chamberlet -chamberleted -chamberletted -chambermaid -Chambertin -chamberwoman -Chambioa -chambray -chambrel -chambul -chamecephalic -chamecephalous -chamecephalus -chamecephaly -chameleon -chameleonic -chameleonize -chameleonlike -chamfer -chamferer -chamfron -Chamian -Chamicuro -Chamidae -chamisal -chamiso -Chamite -chamite -Chamkanni -chamma -chamois -Chamoisette -chamoisite -chamoline -Chamomilla -Chamorro -Chamos -champ -Champa -champac -champaca -champacol -champagne -champagneless -champagnize -champaign -champain -champaka -champer -champertor -champertous -champerty -champignon -champion -championess -championize -championless -championlike -championship -Champlain -Champlainic -champleve -champy -Chanabal -Chanca -chance -chanceful -chancefully -chancefulness -chancel -chanceled -chanceless -chancellery -chancellor -chancellorate -chancelloress -chancellorism -chancellorship -chancer -chancery -chancewise -chanche -chanchito -chanco -chancre -chancriform -chancroid -chancroidal -chancrous -chancy -chandala -chandam -chandelier -Chandi -chandi -chandler -chandleress -chandlering -chandlery -chandoo -chandu -chandul -Chane -chanfrin -Chang -chang -changa -changar -change -changeability -changeable -changeableness -changeably -changedale -changedness -changeful -changefully -changefulness -changeless -changelessly -changelessness -changeling -changement -changer -Changoan -Changos -Changuina -Changuinan -Chanidae -chank -chankings -channel -channelbill -channeled -channeler -channeling -channelization -channelize -channelled -channeller -channelling -channelwards -channer -chanson -chansonnette -chanst -chant -chantable -chanter -chanterelle -chantership -chantey -chanteyman -chanticleer -chanting -chantingly -chantlate -chantress -chantry -chao -chaogenous -chaology -chaos -chaotic -chaotical -chaotically -chaoticness -Chaouia -chap -Chapacura -Chapacuran -chapah -Chapanec -chaparral -chaparro -chapatty -chapbook -chape -chapeau -chapeaux -chaped -chapel -chapeless -chapelet -chapelgoer -chapelgoing -chapellage -chapellany -chapelman -chapelmaster -chapelry -chapelward -chaperno -chaperon -chaperonage -chaperone -chaperonless -chapfallen -chapin -chapiter -chapitral -chaplain -chaplaincy -chaplainry -chaplainship -chapless -chaplet -chapleted -chapman -chapmanship -chapournet -chapournetted -chappaul -chapped -chapper -chappie -chappin -chapping -chappow -chappy -chaps -chapt -chaptalization -chaptalize -chapter -chapteral -chapterful -chapwoman -char -Chara -charabanc -charabancer -charac -Characeae -characeous -characetum -characin -characine -characinid -Characinidae -characinoid -character -characterful -characterial -characterical -characterism -characterist -characteristic -characteristical -characteristically -characteristicalness -characteristicness -characterizable -characterization -characterize -characterizer -characterless -characterlessness -characterological -characterologist -characterology -charactery -charade -Charadrii -Charadriidae -charadriiform -Charadriiformes -charadrine -charadrioid -Charadriomorphae -Charadrius -Charales -charas -charbon -Charca -charcoal -charcoaly -charcutier -chard -chardock -chare -charer -charet -charette -charge -chargeability -chargeable -chargeableness -chargeably -chargee -chargeless -chargeling -chargeman -charger -chargeship -charging -Charicleia -charier -charily -chariness -chariot -charioted -chariotee -charioteer -charioteership -chariotlike -chariotman -chariotry -chariotway -charism -charisma -charismatic -Charissa -charisticary -charitable -charitableness -charitably -Charites -charity -charityless -charivari -chark -charka -charkha -charkhana -charlady -charlatan -charlatanic -charlatanical -charlatanically -charlatanish -charlatanism -charlatanistic -charlatanry -charlatanship -Charleen -Charlene -Charles -Charleston -Charley -Charlie -charlock -Charlotte -charm -charmedly -charmel -charmer -charmful -charmfully -charmfulness -charming -charmingly -charmingness -charmless -charmlessly -charmwise -charnel -charnockite -Charon -Charonian -Charonic -Charontas -Charophyta -charpit -charpoy -charqued -charqui -charr -Charruan -Charruas -charry -charshaf -charsingha -chart -chartaceous -charter -charterable -charterage -chartered -charterer -charterhouse -Charterist -charterless -chartermaster -charthouse -charting -Chartism -Chartist -chartist -chartless -chartographist -chartology -chartometer -chartophylax -chartreuse -Chartreux -chartroom -chartula -chartulary -charuk -charwoman -chary -Charybdian -Charybdis -chasable -chase -chaseable -chaser -Chasidim -chasing -chasm -chasma -chasmal -chasmed -chasmic -chasmogamic -chasmogamous -chasmogamy -chasmophyte -chasmy -chasse -Chasselas -chassepot -chasseur -chassignite -chassis -Chastacosta -chaste -chastely -chasten -chastener -chasteness -chasteningly -chastenment -chasteweed -chastisable -chastise -chastisement -chastiser -chastity -chasuble -chasubled -chat -chataka -Chateau -chateau -chateaux -chatelain -chatelaine -chatelainry -chatellany -chathamite -chati -Chatillon -Chatino -Chatot -chatoyance -chatoyancy -chatoyant -chatsome -chatta -chattable -Chattanooga -Chattanoogan -chattation -chattel -chattelhood -chattelism -chattelization -chattelize -chattelship -chatter -chatteration -chatterbag -chatterbox -chatterer -chattering -chatteringly -chattermag -chattermagging -Chattertonian -chattery -Chatti -chattily -chattiness -chatting -chattingly -chatty -chatwood -Chaucerian -Chauceriana -Chaucerianism -Chaucerism -Chauchat -chaudron -chauffer -chauffeur -chauffeurship -Chaui -chauk -chaukidari -Chauliodes -chaulmoogra -chaulmoograte -chaulmoogric -Chauna -chaus -chausseemeile -Chautauqua -Chautauquan -chaute -chauth -chauvinism -chauvinist -chauvinistic -chauvinistically -Chavante -Chavantean -chavender -chavibetol -chavicin -chavicine -chavicol -chavish -chaw -chawan -chawbacon -chawer -Chawia -chawk -chawl -chawstick -chay -chaya -chayaroot -Chayma -Chayota -chayote -chayroot -chazan -Chazy -che -cheap -cheapen -cheapener -cheapery -cheaping -cheapish -cheaply -cheapness -Cheapside -cheat -cheatable -cheatableness -cheatee -cheater -cheatery -cheating -cheatingly -cheatrie -Chebacco -chebec -chebel -chebog -chebule -chebulinic -Chechehet -Chechen -check -checkable -checkage -checkbird -checkbite -checkbook -checked -checker -checkerbelly -checkerberry -checkerbloom -checkerboard -checkerbreast -checkered -checkerist -checkers -checkerwise -checkerwork -checkhook -checkless -checkman -checkmate -checkoff -checkrack -checkrein -checkroll -checkroom -checkrope -checkrow -checkrowed -checkrower -checkstone -checkstrap -checkstring -checkup -checkweigher -checkwork -checky -cheddaring -cheddite -cheder -chedlock -chee -cheecha -cheechako -cheek -cheekbone -cheeker -cheekily -cheekiness -cheekish -cheekless -cheekpiece -cheeky -cheep -cheeper -cheepily -cheepiness -cheepy -cheer -cheered -cheerer -cheerful -cheerfulize -cheerfully -cheerfulness -cheerfulsome -cheerily -cheeriness -cheering -cheeringly -cheerio -cheerleader -cheerless -cheerlessly -cheerlessness -cheerly -cheery -cheese -cheeseboard -cheesebox -cheeseburger -cheesecake -cheesecloth -cheesecurd -cheesecutter -cheeseflower -cheeselip -cheesemonger -cheesemongering -cheesemongerly -cheesemongery -cheeseparer -cheeseparing -cheeser -cheesery -cheesewood -cheesiness -cheesy -cheet -cheetah -cheeter -cheetie -chef -Chefrinia -chegoe -chegre -Chehalis -Cheilanthes -cheilitis -Cheilodipteridae -Cheilodipterus -Cheilostomata -cheilostomatous -cheir -cheiragra -Cheiranthus -Cheirogaleus -Cheiroglossa -cheirognomy -cheirography -cheirolin -cheirology -cheiromancy -cheiromegaly -cheiropatagium -cheiropodist -cheiropody -cheiropompholyx -Cheiroptera -cheiropterygium -cheirosophy -cheirospasm -Cheirotherium -Cheka -chekan -cheke -cheki -Chekist -chekmak -chela -chelaship -chelate -chelation -chelem -chelerythrine -chelicer -chelicera -cheliceral -chelicerate -chelicere -chelide -chelidon -chelidonate -chelidonian -chelidonic -chelidonine -Chelidonium -Chelidosaurus -Cheliferidea -cheliferous -cheliform -chelingo -cheliped -Chellean -chello -Chelodina -chelodine -chelone -Chelonia -chelonian -chelonid -Chelonidae -cheloniid -Cheloniidae -chelonin -chelophore -chelp -Cheltenham -Chelura -Chelydidae -Chelydra -Chelydridae -chelydroid -chelys -Chemakuan -chemasthenia -chemawinite -Chemehuevi -chemesthesis -chemiatric -chemiatrist -chemiatry -chemic -chemical -chemicalization -chemicalize -chemically -chemicker -chemicoastrological -chemicobiologic -chemicobiology -chemicocautery -chemicodynamic -chemicoengineering -chemicoluminescence -chemicomechanical -chemicomineralogical -chemicopharmaceutical -chemicophysical -chemicophysics -chemicophysiological -chemicovital -chemigraph -chemigraphic -chemigraphy -chemiloon -chemiluminescence -chemiotactic -chemiotaxic -chemiotaxis -chemiotropic -chemiotropism -chemiphotic -chemis -chemise -chemisette -chemism -chemisorb -chemisorption -chemist -chemistry -chemitype -chemitypy -chemoceptor -chemokinesis -chemokinetic -chemolysis -chemolytic -chemolyze -chemoreception -chemoreceptor -chemoreflex -chemoresistance -chemoserotherapy -chemosis -chemosmosis -chemosmotic -chemosynthesis -chemosynthetic -chemotactic -chemotactically -chemotaxis -chemotaxy -chemotherapeutic -chemotherapeutics -chemotherapist -chemotherapy -chemotic -chemotropic -chemotropically -chemotropism -Chemung -chemurgic -chemurgical -chemurgy -Chen -chena -chende -chenevixite -Cheney -cheng -chenica -chenille -cheniller -chenopod -Chenopodiaceae -chenopodiaceous -Chenopodiales -Chenopodium -cheoplastic -chepster -cheque -Chequers -Chera -chercock -cherem -Cheremiss -Cheremissian -cherimoya -cherish -cherishable -cherisher -cherishing -cherishingly -cherishment -Cherkess -Cherkesser -Chermes -Chermidae -Chermish -Chernomorish -chernozem -Cherokee -cheroot -cherried -cherry -cherryblossom -cherrylike -chersonese -Chersydridae -chert -cherte -cherty -cherub -cherubic -cherubical -cherubically -cherubim -cherubimic -cherubimical -cherubin -Cherusci -Chervante -chervil -chervonets -Chesapeake -Cheshire -cheson -chess -chessboard -chessdom -chessel -chesser -chessist -chessman -chessmen -chesstree -chessylite -chest -Chester -chester -chesterfield -Chesterfieldian -chesterlite -chestful -chestily -chestiness -chestnut -chestnutty -chesty -Chet -cheth -chettik -chetty -chetverik -chetvert -chevage -cheval -chevalier -chevaline -chevance -cheve -cheven -chevener -chevesaile -chevin -Cheviot -chevisance -chevise -chevon -chevrette -chevron -chevrone -chevronel -chevronelly -chevronwise -chevrony -chevrotain -chevy -chew -chewbark -chewer -chewink -chewstick -chewy -Cheyenne -cheyney -chhatri -chi -chia -Chiam -Chian -Chianti -Chiapanec -Chiapanecan -chiaroscurist -chiaroscuro -chiasm -chiasma -chiasmal -chiasmatype -chiasmatypy -chiasmic -Chiasmodon -chiasmodontid -Chiasmodontidae -chiasmus -chiastic -chiastolite -chiastoneural -chiastoneurous -chiastoneury -chiaus -Chibcha -Chibchan -chibinite -chibouk -chibrit -chic -chicane -chicaner -chicanery -chicaric -chicayote -Chicha -chichi -chichicaste -Chichimec -chichimecan -chichipate -chichipe -chichituna -chick -chickabiddy -chickadee -Chickahominy -Chickamauga -chickaree -Chickasaw -chickasaw -chickell -chicken -chickenberry -chickenbill -chickenbreasted -chickenhearted -chickenheartedly -chickenheartedness -chickenhood -chickenweed -chickenwort -chicker -chickhood -chickling -chickstone -chickweed -chickwit -chicky -chicle -chicness -Chico -chico -Chicomecoatl -chicory -chicot -chicote -chicqued -chicquer -chicquest -chicquing -chid -chidden -chide -chider -chiding -chidingly -chidingness -chidra -chief -chiefdom -chiefery -chiefess -chiefest -chiefish -chiefless -chiefling -chiefly -chiefship -chieftain -chieftaincy -chieftainess -chieftainry -chieftainship -chieftess -chield -Chien -chien -chiffer -chiffon -chiffonade -chiffonier -chiffony -chifforobe -chigetai -chiggak -chigger -chiggerweed -chignon -chignoned -chigoe -chih -chihfu -Chihuahua -chikara -chil -chilacavote -chilalgia -chilarium -chilblain -Chilcat -child -childbearing -childbed -childbirth -childcrowing -childe -childed -Childermas -childhood -childing -childish -childishly -childishness -childkind -childless -childlessness -childlike -childlikeness -childly -childness -childrenite -childridden -childship -childward -chile -Chilean -Chileanization -Chileanize -chilectropion -chilenite -chili -chiliad -chiliadal -chiliadic -chiliagon -chiliahedron -chiliarch -chiliarchia -chiliarchy -chiliasm -chiliast -chiliastic -chilicote -chilicothe -chilidium -Chilina -Chilinidae -chiliomb -Chilion -chilitis -Chilkat -chill -chilla -chillagite -chilled -chiller -chillily -chilliness -chilling -chillingly -chillish -Chilliwack -chillness -chillo -chillroom -chillsome -chillum -chillumchee -chilly -chilognath -Chilognatha -chilognathan -chilognathous -chilogrammo -chiloma -Chilomastix -chiloncus -chiloplasty -chilopod -Chilopoda -chilopodan -chilopodous -Chilopsis -Chilostoma -Chilostomata -chilostomatous -chilostome -chilotomy -Chiltern -chilver -chimaera -chimaerid -Chimaeridae -chimaeroid -Chimaeroidei -Chimakuan -Chimakum -Chimalakwe -Chimalapa -Chimane -chimango -Chimaphila -Chimarikan -Chimariko -chimble -chime -chimer -chimera -chimeric -chimerical -chimerically -chimericalness -chimesmaster -chiminage -Chimmesyan -chimney -chimneyhead -chimneyless -chimneyman -Chimonanthus -chimopeelagic -chimpanzee -Chimu -Chin -chin -china -chinaberry -chinalike -Chinaman -chinamania -chinamaniac -chinampa -chinanta -Chinantecan -Chinantecs -chinaphthol -chinar -chinaroot -Chinatown -chinaware -chinawoman -chinband -chinch -chincha -Chinchasuyu -chinchayote -chinche -chincherinchee -chinchilla -chinching -chincloth -chincough -chine -chined -Chinee -Chinese -Chinesery -ching -chingma -Chingpaw -Chinhwan -chinik -chinin -Chink -chink -chinkara -chinker -chinkerinchee -chinking -chinkle -chinks -chinky -chinless -chinnam -chinned -chinny -chino -chinoa -chinol -Chinook -Chinookan -chinotoxine -chinotti -chinpiece -chinquapin -chinse -chint -chintz -chinwood -Chiococca -chiococcine -Chiogenes -chiolite -chionablepsia -Chionanthus -Chionaspis -Chionididae -Chionis -Chionodoxa -Chiot -chiotilla -Chip -chip -chipchap -chipchop -Chipewyan -chiplet -chipling -chipmunk -chippable -chippage -chipped -Chippendale -chipper -chipping -chippy -chips -chipwood -Chiquitan -Chiquito -chiragra -chiral -chiralgia -chirality -chirapsia -chirarthritis -chirata -Chiriana -Chiricahua -Chiriguano -chirimen -Chirino -chirinola -chiripa -chirivita -chirk -chirm -chiro -chirocosmetics -chirogale -chirognomic -chirognomically -chirognomist -chirognomy -chirognostic -chirograph -chirographary -chirographer -chirographic -chirographical -chirography -chirogymnast -chirological -chirologically -chirologist -chirology -chiromance -chiromancer -chiromancist -chiromancy -chiromant -chiromantic -chiromantical -Chiromantis -chiromegaly -chirometer -Chiromyidae -Chiromys -Chiron -chironomic -chironomid -Chironomidae -Chironomus -chironomy -chironym -chiropatagium -chiroplasty -chiropod -chiropodial -chiropodic -chiropodical -chiropodist -chiropodistry -chiropodous -chiropody -chiropompholyx -chiropractic -chiropractor -chiropraxis -chiropter -Chiroptera -chiropteran -chiropterite -chiropterophilous -chiropterous -chiropterygian -chiropterygious -chiropterygium -chirosophist -chirospasm -Chirotes -chirotherian -Chirotherium -chirothesia -chirotonsor -chirotonsory -chirotony -chirotype -chirp -chirper -chirpily -chirpiness -chirping -chirpingly -chirpling -chirpy -chirr -chirrup -chirruper -chirrupy -chirurgeon -chirurgery -Chisedec -chisel -chiseled -chiseler -chisellike -chiselly -chiselmouth -chit -Chita -chitak -chital -chitchat -chitchatty -Chitimacha -Chitimachan -chitin -chitinization -chitinized -chitinocalcareous -chitinogenous -chitinoid -chitinous -chiton -chitosamine -chitosan -chitose -chitra -Chitrali -chittamwood -chitter -chitterling -chitty -chivalresque -chivalric -chivalrous -chivalrously -chivalrousness -chivalry -chive -chivey -chiviatite -Chiwere -chkalik -chladnite -chlamyd -chlamydate -chlamydeous -Chlamydobacteriaceae -chlamydobacteriaceous -Chlamydobacteriales -Chlamydomonadaceae -Chlamydomonadidae -Chlamydomonas -Chlamydosaurus -Chlamydoselachidae -Chlamydoselachus -chlamydospore -Chlamydozoa -chlamydozoan -chlamyphore -Chlamyphorus -chlamys -Chleuh -chloanthite -chloasma -Chloe -chlor -chloracetate -chloragogen -chloral -chloralformamide -chloralide -chloralism -chloralization -chloralize -chloralose -chloralum -chloramide -chloramine -chloramphenicol -chloranemia -chloranemic -chloranhydride -chloranil -Chloranthaceae -chloranthaceous -Chloranthus -chloranthy -chlorapatite -chlorastrolite -chlorate -chlorazide -chlorcosane -chlordan -chlordane -chlore -Chlorella -Chlorellaceae -chlorellaceous -chloremia -chlorenchyma -chlorhydrate -chlorhydric -chloric -chloridate -chloridation -chloride -Chloridella -Chloridellidae -chlorider -chloridize -chlorimeter -chlorimetric -chlorimetry -chlorinate -chlorination -chlorinator -chlorine -chlorinize -chlorinous -chloriodide -Chlorion -Chlorioninae -chlorite -chloritic -chloritization -chloritize -chloritoid -chlorize -chlormethane -chlormethylic -chloroacetate -chloroacetic -chloroacetone -chloroacetophenone -chloroamide -chloroamine -chloroanaemia -chloroanemia -chloroaurate -chloroauric -chloroaurite -chlorobenzene -chlorobromide -chlorocalcite -chlorocarbonate -chlorochromates -chlorochromic -chlorochrous -Chlorococcaceae -Chlorococcales -Chlorococcum -Chlorococcus -chlorocresol -chlorocruorin -chlorodize -chloroform -chloroformate -chloroformic -chloroformism -chloroformist -chloroformization -chloroformize -chlorogenic -chlorogenine -chlorohydrin -chlorohydrocarbon -chloroiodide -chloroleucite -chloroma -chloromelanite -chlorometer -chloromethane -chlorometric -chlorometry -Chloromycetin -chloronitrate -chloropal -chloropalladates -chloropalladic -chlorophane -chlorophenol -chlorophoenicite -Chlorophora -Chlorophyceae -chlorophyceous -chlorophyl -chlorophyll -chlorophyllaceous -chlorophyllan -chlorophyllase -chlorophyllian -chlorophyllide -chlorophylliferous -chlorophylligenous -chlorophylligerous -chlorophyllin -chlorophyllite -chlorophylloid -chlorophyllose -chlorophyllous -chloropia -chloropicrin -chloroplast -chloroplastic -chloroplastid -chloroplatinate -chloroplatinic -chloroplatinite -chloroplatinous -chloroprene -chloropsia -chloroquine -chlorosilicate -chlorosis -chlorospinel -chlorosulphonic -chlorotic -chlorous -chlorozincate -chlorsalol -chloryl -Chnuphis -cho -choachyte -choana -choanate -Choanephora -choanocytal -choanocyte -Choanoflagellata -choanoflagellate -Choanoflagellida -Choanoflagellidae -choanoid -choanophorous -choanosomal -choanosome -choate -choaty -chob -choca -chocard -Chocho -chocho -chock -chockablock -chocker -chockler -chockman -Choco -Chocoan -chocolate -Choctaw -choel -choenix -Choeropsis -Choes -choffer -choga -chogak -chogset -Choiak -choice -choiceful -choiceless -choicelessness -choicely -choiceness -choicy -choil -choiler -choir -choirboy -choirlike -choirman -choirmaster -choirwise -Choisya -chokage -choke -chokeberry -chokebore -chokecherry -chokedamp -choker -chokered -chokerman -chokestrap -chokeweed -chokidar -choking -chokingly -chokra -choky -Chol -chol -Chola -chola -cholagogic -cholagogue -cholalic -cholane -cholangioitis -cholangitis -cholanic -cholanthrene -cholate -chold -choleate -cholecyanine -cholecyst -cholecystalgia -cholecystectasia -cholecystectomy -cholecystenterorrhaphy -cholecystenterostomy -cholecystgastrostomy -cholecystic -cholecystitis -cholecystnephrostomy -cholecystocolostomy -cholecystocolotomy -cholecystoduodenostomy -cholecystogastrostomy -cholecystogram -cholecystography -cholecystoileostomy -cholecystojejunostomy -cholecystokinin -cholecystolithiasis -cholecystolithotripsy -cholecystonephrostomy -cholecystopexy -cholecystorrhaphy -cholecystostomy -cholecystotomy -choledoch -choledochal -choledochectomy -choledochitis -choledochoduodenostomy -choledochoenterostomy -choledocholithiasis -choledocholithotomy -choledocholithotripsy -choledochoplasty -choledochorrhaphy -choledochostomy -choledochotomy -cholehematin -choleic -choleine -choleinic -cholelith -cholelithiasis -cholelithic -cholelithotomy -cholelithotripsy -cholelithotrity -cholemia -choleokinase -cholepoietic -choler -cholera -choleraic -choleric -cholericly -cholericness -choleriform -cholerigenous -cholerine -choleroid -choleromania -cholerophobia -cholerrhagia -cholestane -cholestanol -cholesteatoma -cholesteatomatous -cholestene -cholesterate -cholesteremia -cholesteric -cholesterin -cholesterinemia -cholesterinic -cholesterinuria -cholesterol -cholesterolemia -cholesteroluria -cholesterosis -cholesteryl -choletelin -choletherapy -choleuria -choli -choliamb -choliambic -choliambist -cholic -choline -cholinergic -cholinesterase -cholinic -cholla -choller -Cholo -cholochrome -cholocyanine -Choloepus -chologenetic -choloidic -choloidinic -chololith -chololithic -Cholonan -Cholones -cholophein -cholorrhea -choloscopy -cholterheaded -cholum -choluria -Choluteca -chomp -chondral -chondralgia -chondrarsenite -chondre -chondrectomy -chondrenchyma -chondric -chondrification -chondrify -chondrigen -chondrigenous -Chondrilla -chondrin -chondrinous -chondriocont -chondriome -chondriomere -chondriomite -chondriosomal -chondriosome -chondriosphere -chondrite -chondritic -chondritis -chondroadenoma -chondroalbuminoid -chondroangioma -chondroarthritis -chondroblast -chondroblastoma -chondrocarcinoma -chondrocele -chondroclasis -chondroclast -chondrocoracoid -chondrocostal -chondrocranial -chondrocranium -chondrocyte -chondrodite -chondroditic -chondrodynia -chondrodystrophia -chondrodystrophy -chondroendothelioma -chondroepiphysis -chondrofetal -chondrofibroma -chondrofibromatous -Chondroganoidei -chondrogen -chondrogenesis -chondrogenetic -chondrogenous -chondrogeny -chondroglossal -chondroglossus -chondrography -chondroid -chondroitic -chondroitin -chondrolipoma -chondrology -chondroma -chondromalacia -chondromatous -chondromucoid -Chondromyces -chondromyoma -chondromyxoma -chondromyxosarcoma -chondropharyngeal -chondropharyngeus -chondrophore -chondrophyte -chondroplast -chondroplastic -chondroplasty -chondroprotein -chondropterygian -Chondropterygii -chondropterygious -chondrosamine -chondrosarcoma -chondrosarcomatous -chondroseptum -chondrosin -chondrosis -chondroskeleton -chondrostean -Chondrostei -chondrosteoma -chondrosteous -chondrosternal -chondrotome -chondrotomy -chondroxiphoid -chondrule -chondrus -chonolith -chonta -Chontal -Chontalan -Chontaquiro -chontawood -choop -choosable -choosableness -choose -chooser -choosing -choosingly -choosy -chop -chopa -chopboat -chopfallen -chophouse -chopin -chopine -choplogic -chopped -chopper -choppered -chopping -choppy -chopstick -Chopunnish -Chora -choragic -choragion -choragium -choragus -choragy -Chorai -choral -choralcelo -choraleon -choralist -chorally -Chorasmian -chord -chorda -Chordaceae -chordacentrous -chordacentrum -chordaceous -chordal -chordally -chordamesoderm -Chordata -chordate -chorded -Chordeiles -chorditis -chordoid -chordomesoderm -chordotomy -chordotonal -chore -chorea -choreal -choreatic -choree -choregic -choregus -choregy -choreic -choreiform -choreograph -choreographer -choreographic -choreographical -choreography -choreoid -choreomania -chorepiscopal -chorepiscopus -choreus -choreutic -chorial -choriamb -choriambic -choriambize -choriambus -choric -chorine -chorioadenoma -chorioallantoic -chorioallantoid -chorioallantois -choriocapillaris -choriocapillary -choriocarcinoma -choriocele -chorioepithelioma -chorioid -chorioidal -chorioiditis -chorioidocyclitis -chorioidoiritis -chorioidoretinitis -chorioma -chorion -chorionepithelioma -chorionic -Chorioptes -chorioptic -chorioretinal -chorioretinitis -Choripetalae -choripetalous -choriphyllous -chorisepalous -chorisis -chorism -chorist -choristate -chorister -choristership -choristic -choristoblastoma -choristoma -choristry -chorization -chorizont -chorizontal -chorizontes -chorizontic -chorizontist -chorogi -chorograph -chorographer -chorographic -chorographical -chorographically -chorography -choroid -choroidal -choroidea -choroiditis -choroidocyclitis -choroidoiritis -choroidoretinitis -chorological -chorologist -chorology -choromania -choromanic -chorometry -chorook -Chorotega -Choroti -chort -chorten -Chorti -chortle -chortler -chortosterol -chorus -choruser -choruslike -Chorwat -choryos -chose -chosen -chott -Chou -Chouan -Chouanize -chouette -chough -chouka -choultry -choup -chouquette -chous -chouse -chouser -chousingha -chow -Chowanoc -chowchow -chowder -chowderhead -chowderheaded -chowk -chowry -choya -choyroot -Chozar -chrematheism -chrematist -chrematistic -chrematistics -chreotechnics -chresmology -chrestomathic -chrestomathics -chrestomathy -chria -chrimsel -Chris -chrism -chrisma -chrismal -chrismary -chrismatine -chrismation -chrismatite -chrismatize -chrismatory -chrismon -chrisom -chrisomloosing -chrisroot -Chrissie -Christ -Christabel -Christadelphian -Christadelphianism -christcross -Christdom -Christed -christen -Christendie -Christendom -christened -christener -christening -Christenmas -Christhood -Christiad -Christian -Christiana -Christiania -Christianiadeal -Christianism -christianite -Christianity -Christianization -Christianize -Christianizer -Christianlike -Christianly -Christianness -Christianogentilism -Christianography -Christianomastix -Christianopaganism -Christicide -Christie -Christiform -Christina -Christine -Christless -Christlessness -Christlike -Christlikeness -Christliness -Christly -Christmas -Christmasberry -Christmasing -Christmastide -Christmasy -Christocentric -Christofer -Christogram -Christolatry -Christological -Christologist -Christology -Christophany -Christophe -Christopher -Christos -chroatol -Chrobat -chroma -chromaffin -chromaffinic -chromammine -chromaphil -chromaphore -chromascope -chromate -chromatic -chromatical -chromatically -chromatician -chromaticism -chromaticity -chromatics -chromatid -chromatin -chromatinic -Chromatioideae -chromatism -chromatist -Chromatium -chromatize -chromatocyte -chromatodysopia -chromatogenous -chromatogram -chromatograph -chromatographic -chromatography -chromatoid -chromatology -chromatolysis -chromatolytic -chromatometer -chromatone -chromatopathia -chromatopathic -chromatopathy -chromatophil -chromatophile -chromatophilia -chromatophilic -chromatophilous -chromatophobia -chromatophore -chromatophoric -chromatophorous -chromatoplasm -chromatopsia -chromatoptometer -chromatoptometry -chromatoscope -chromatoscopy -chromatosis -chromatosphere -chromatospheric -chromatrope -chromaturia -chromatype -chromazurine -chromdiagnosis -chrome -chromene -chromesthesia -chromic -chromicize -chromid -Chromidae -Chromides -chromidial -Chromididae -chromidiogamy -chromidiosome -chromidium -chromidrosis -chromiferous -chromiole -chromism -chromite -chromitite -chromium -chromo -Chromobacterieae -Chromobacterium -chromoblast -chromocenter -chromocentral -chromochalcographic -chromochalcography -chromocollograph -chromocollographic -chromocollography -chromocollotype -chromocollotypy -chromocratic -chromocyte -chromocytometer -chromodermatosis -chromodiascope -chromogen -chromogene -chromogenesis -chromogenetic -chromogenic -chromogenous -chromogram -chromograph -chromoisomer -chromoisomeric -chromoisomerism -chromoleucite -chromolipoid -chromolith -chromolithic -chromolithograph -chromolithographer -chromolithographic -chromolithography -chromolysis -chromomere -chromometer -chromone -chromonema -chromoparous -chromophage -chromophane -chromophile -chromophilic -chromophilous -chromophobic -chromophore -chromophoric -chromophorous -chromophotograph -chromophotographic -chromophotography -chromophotolithograph -chromophyll -chromoplasm -chromoplasmic -chromoplast -chromoplastid -chromoprotein -chromopsia -chromoptometer -chromoptometrical -chromosantonin -chromoscope -chromoscopic -chromoscopy -chromosomal -chromosome -chromosphere -chromospheric -chromotherapist -chromotherapy -chromotrope -chromotropic -chromotropism -chromotropy -chromotype -chromotypic -chromotypographic -chromotypography -chromotypy -chromous -chromoxylograph -chromoxylography -chromule -chromy -chromyl -chronal -chronanagram -chronaxia -chronaxie -chronaxy -chronic -chronical -chronically -chronicity -chronicle -chronicler -chronicon -chronisotherm -chronist -chronobarometer -chronocinematography -chronocrator -chronocyclegraph -chronodeik -chronogeneous -chronogenesis -chronogenetic -chronogram -chronogrammatic -chronogrammatical -chronogrammatically -chronogrammatist -chronogrammic -chronograph -chronographer -chronographic -chronographical -chronographically -chronography -chronoisothermal -chronologer -chronologic -chronological -chronologically -chronologist -chronologize -chronology -chronomancy -chronomantic -chronometer -chronometric -chronometrical -chronometrically -chronometry -chrononomy -chronopher -chronophotograph -chronophotographic -chronophotography -Chronos -chronoscope -chronoscopic -chronoscopically -chronoscopy -chronosemic -chronostichon -chronothermal -chronothermometer -chronotropic -chronotropism -Chroococcaceae -chroococcaceous -Chroococcales -chroococcoid -Chroococcus -Chrosperma -chrotta -chrysal -chrysalid -chrysalidal -chrysalides -chrysalidian -chrysaline -chrysalis -chrysaloid -chrysamine -chrysammic -chrysamminic -Chrysamphora -chrysaniline -chrysanisic -chrysanthemin -chrysanthemum -chrysanthous -Chrysaor -chrysarobin -chrysatropic -chrysazin -chrysazol -chryselectrum -chryselephantine -Chrysemys -chrysene -chrysenic -chrysid -Chrysidella -chrysidid -Chrysididae -chrysin -Chrysippus -Chrysis -chrysoaristocracy -Chrysobalanaceae -Chrysobalanus -chrysoberyl -chrysobull -chrysocarpous -chrysochlore -Chrysochloridae -Chrysochloris -chrysochlorous -chrysochrous -chrysocolla -chrysocracy -chrysoeriol -chrysogen -chrysograph -chrysographer -chrysography -chrysohermidin -chrysoidine -chrysolite -chrysolitic -chrysology -Chrysolophus -chrysomelid -Chrysomelidae -chrysomonad -Chrysomonadales -Chrysomonadina -chrysomonadine -Chrysomyia -Chrysopa -chrysopal -chrysopee -chrysophan -chrysophanic -Chrysophanus -chrysophenine -chrysophilist -chrysophilite -Chrysophlyctis -chrysophyll -Chrysophyllum -chrysopid -Chrysopidae -chrysopoeia -chrysopoetic -chrysopoetics -chrysoprase -Chrysops -Chrysopsis -chrysorin -chrysosperm -Chrysosplenium -Chrysothamnus -Chrysothrix -chrysotile -Chrysotis -chrystocrene -chthonian -chthonic -chthonophagia -chthonophagy -chub -chubbed -chubbedness -chubbily -chubbiness -chubby -Chuchona -Chuck -chuck -chucker -chuckhole -chuckies -chucking -chuckingly -chuckle -chucklehead -chuckleheaded -chuckler -chucklingly -chuckrum -chuckstone -chuckwalla -chucky -Chud -chuddar -Chude -Chudic -Chueta -chufa -chuff -chuffy -chug -chugger -chuhra -Chuje -chukar -Chukchi -chukker -chukor -chulan -chullpa -chum -Chumashan -Chumawi -chummage -chummer -chummery -chummily -chummy -chump -chumpaka -chumpish -chumpishness -Chumpivilca -chumpy -chumship -Chumulu -Chun -chun -chunari -Chuncho -chunga -chunk -chunkhead -chunkily -chunkiness -chunky -chunner -chunnia -chunter -chupak -chupon -chuprassie -chuprassy -church -churchanity -churchcraft -churchdom -churchful -churchgoer -churchgoing -churchgrith -churchianity -churchified -churchiness -churching -churchish -churchism -churchite -churchless -churchlet -churchlike -churchliness -churchly -churchman -churchmanly -churchmanship -churchmaster -churchscot -churchward -churchwarden -churchwardenism -churchwardenize -churchwardenship -churchwards -churchway -churchwise -churchwoman -churchy -churchyard -churel -churinga -churl -churled -churlhood -churlish -churlishly -churlishness -churly -churm -churn -churnability -churnful -churning -churnmilk -churnstaff -Churoya -Churoyan -churr -Churrigueresque -churruck -churrus -churrworm -chut -chute -chuter -chutney -Chuvash -Chwana -chyack -chyak -chylaceous -chylangioma -chylaqueous -chyle -chylemia -chylidrosis -chylifaction -chylifactive -chylifactory -chyliferous -chylific -chylification -chylificatory -chyliform -chylify -chylocaulous -chylocauly -chylocele -chylocyst -chyloid -chylomicron -chylopericardium -chylophyllous -chylophylly -chylopoiesis -chylopoietic -chylosis -chylothorax -chylous -chyluria -chymaqueous -chymase -chyme -chymia -chymic -chymiferous -chymification -chymify -chymosin -chymosinogen -chymotrypsin -chymotrypsinogen -chymous -chypre -chytra -chytrid -Chytridiaceae -chytridiaceous -chytridial -Chytridiales -chytridiose -chytridiosis -Chytridium -Chytroi -cibarial -cibarian -cibarious -cibation -cibol -Cibola -Cibolan -Ciboney -cibophobia -ciborium -cibory -ciboule -cicad -cicada -Cicadellidae -cicadid -Cicadidae -cicala -cicatrice -cicatrices -cicatricial -cicatricle -cicatricose -cicatricula -cicatricule -cicatrisive -cicatrix -cicatrizant -cicatrizate -cicatrization -cicatrize -cicatrizer -cicatrose -Cicely -cicely -cicer -ciceronage -cicerone -ciceroni -Ciceronian -Ciceronianism -Ciceronianize -Ciceronic -Ciceronically -ciceronism -ciceronize -cichlid -Cichlidae -cichloid -cichoraceous -Cichoriaceae -cichoriaceous -Cichorium -Cicindela -cicindelid -cicindelidae -cicisbeism -ciclatoun -Ciconia -Ciconiae -ciconian -ciconiid -Ciconiidae -ciconiiform -Ciconiiformes -ciconine -ciconioid -Cicuta -cicutoxin -Cid -cidarid -Cidaridae -cidaris -Cidaroida -cider -ciderish -ciderist -ciderkin -cig -cigala -cigar -cigaresque -cigarette -cigarfish -cigarillo -cigarito -cigarless -cigua -ciguatera -cilectomy -cilia -ciliary -Ciliata -ciliate -ciliated -ciliately -ciliation -cilice -Cilician -cilicious -Cilicism -ciliella -ciliferous -ciliform -ciliiferous -ciliiform -Cilioflagellata -cilioflagellate -ciliograde -ciliolate -ciliolum -Ciliophora -cilioretinal -cilioscleral -ciliospinal -ciliotomy -cilium -cillosis -cimbia -Cimbri -Cimbrian -Cimbric -cimelia -cimex -cimicid -Cimicidae -cimicide -cimiciform -Cimicifuga -cimicifugin -cimicoid -ciminite -cimline -Cimmeria -Cimmerian -Cimmerianism -cimolite -cinch -cincher -cincholoipon -cincholoiponic -cinchomeronic -Cinchona -Cinchonaceae -cinchonaceous -cinchonamine -cinchonate -cinchonia -cinchonic -cinchonicine -cinchonidia -cinchonidine -cinchonine -cinchoninic -cinchonism -cinchonization -cinchonize -cinchonology -cinchophen -cinchotine -cinchotoxine -cincinnal -Cincinnati -Cincinnatia -Cincinnatian -cincinnus -Cinclidae -Cinclidotus -cinclis -Cinclus -cinct -cincture -cinder -Cinderella -cinderlike -cinderman -cinderous -cindery -Cindie -Cindy -cine -cinecamera -cinefilm -cinel -cinema -Cinemascope -cinematic -cinematical -cinematically -cinematize -cinematograph -cinematographer -cinematographic -cinematographical -cinematographically -cinematographist -cinematography -cinemelodrama -cinemize -cinemograph -cinenchyma -cinenchymatous -cinene -cinenegative -cineole -cineolic -cinephone -cinephotomicrography -cineplastics -cineplasty -cineraceous -Cinerama -Cineraria -cinerarium -cinerary -cineration -cinerator -cinerea -cinereal -cinereous -cineritious -cinevariety -cingle -cingular -cingulate -cingulated -cingulum -cinnabar -cinnabaric -cinnabarine -cinnamal -cinnamaldehyde -cinnamate -cinnamein -cinnamene -cinnamenyl -cinnamic -Cinnamodendron -cinnamol -cinnamomic -Cinnamomum -cinnamon -cinnamoned -cinnamonic -cinnamonlike -cinnamonroot -cinnamonwood -cinnamyl -cinnamylidene -cinnoline -cinnyl -cinquain -cinque -cinquecentism -cinquecentist -cinquecento -cinquefoil -cinquefoiled -cinquepace -cinter -Cinura -cinuran -cinurous -cion -cionectomy -cionitis -cionocranial -cionocranian -cionoptosis -cionorrhaphia -cionotome -cionotomy -Cipango -cipher -cipherable -cipherdom -cipherer -cipherhood -cipo -cipolin -cippus -circa -Circaea -Circaeaceae -Circaetus -Circassian -Circassic -Circe -Circean -Circensian -circinal -circinate -circinately -circination -Circinus -circiter -circle -circled -circler -circlet -circlewise -circling -circovarian -circuit -circuitable -circuital -circuiteer -circuiter -circuition -circuitman -circuitor -circuitous -circuitously -circuitousness -circuity -circulable -circulant -circular -circularism -circularity -circularization -circularize -circularizer -circularly -circularness -circularwise -circulate -circulation -circulative -circulator -circulatory -circumagitate -circumagitation -circumambages -circumambagious -circumambience -circumambiency -circumambient -circumambulate -circumambulation -circumambulator -circumambulatory -circumanal -circumantarctic -circumarctic -circumarticular -circumaviate -circumaviation -circumaviator -circumaxial -circumaxile -circumaxillary -circumbasal -circumbendibus -circumboreal -circumbuccal -circumbulbar -circumcallosal -Circumcellion -circumcenter -circumcentral -circumcinct -circumcincture -circumcircle -circumcise -circumciser -circumcision -circumclude -circumclusion -circumcolumnar -circumcone -circumconic -circumcorneal -circumcrescence -circumcrescent -circumdenudation -circumdiction -circumduce -circumduct -circumduction -circumesophagal -circumesophageal -circumference -circumferential -circumferentially -circumferentor -circumflant -circumflect -circumflex -circumflexion -circumfluence -circumfluent -circumfluous -circumforaneous -circumfulgent -circumfuse -circumfusile -circumfusion -circumgenital -circumgyrate -circumgyration -circumgyratory -circumhorizontal -circumincession -circuminsession -circuminsular -circumintestinal -circumitineration -circumjacence -circumjacency -circumjacent -circumlental -circumlitio -circumlittoral -circumlocute -circumlocution -circumlocutional -circumlocutionary -circumlocutionist -circumlocutory -circummeridian -circummeridional -circummigration -circummundane -circummure -circumnatant -circumnavigable -circumnavigate -circumnavigation -circumnavigator -circumnavigatory -circumneutral -circumnuclear -circumnutate -circumnutation -circumnutatory -circumocular -circumoesophagal -circumoral -circumorbital -circumpacific -circumpallial -circumparallelogram -circumpentagon -circumplicate -circumplication -circumpolar -circumpolygon -circumpose -circumposition -circumradius -circumrenal -circumrotate -circumrotation -circumrotatory -circumsail -circumscissile -circumscribable -circumscribe -circumscribed -circumscriber -circumscript -circumscription -circumscriptive -circumscriptively -circumscriptly -circumsinous -circumspangle -circumspatial -circumspect -circumspection -circumspective -circumspectively -circumspectly -circumspectness -circumspheral -circumstance -circumstanced -circumstantiability -circumstantiable -circumstantial -circumstantiality -circumstantially -circumstantialness -circumstantiate -circumstantiation -circumtabular -circumterraneous -circumterrestrial -circumtonsillar -circumtropical -circumumbilical -circumundulate -circumundulation -circumvallate -circumvallation -circumvascular -circumvent -circumventer -circumvention -circumventive -circumventor -circumviate -circumvolant -circumvolute -circumvolution -circumvolutory -circumvolve -circumzenithal -circus -circusy -cirque -cirrate -cirrated -Cirratulidae -Cirratulus -Cirrhopetalum -cirrhosed -cirrhosis -cirrhotic -cirrhous -cirri -cirribranch -cirriferous -cirriform -cirrigerous -cirrigrade -cirriped -Cirripedia -cirripedial -cirrolite -cirropodous -cirrose -Cirrostomi -cirrous -cirrus -cirsectomy -Cirsium -cirsocele -cirsoid -cirsomphalos -cirsophthalmia -cirsotome -cirsotomy -ciruela -cirurgian -Cisalpine -cisalpine -Cisalpinism -cisandine -cisatlantic -cisco -cise -cisele -cisgangetic -cisjurane -cisleithan -cismarine -Cismontane -cismontane -Cismontanism -cisoceanic -cispadane -cisplatine -cispontine -cisrhenane -Cissampelos -cissing -cissoid -cissoidal -Cissus -cist -cista -Cistaceae -cistaceous -cistae -cisted -Cistercian -Cistercianism -cistern -cisterna -cisternal -cistic -cistophoric -cistophorus -Cistudo -Cistus -cistvaen -cit -citable -citadel -citation -citator -citatory -cite -citee -Citellus -citer -citess -cithara -Citharexylum -citharist -citharista -citharoedi -citharoedic -citharoedus -cither -citied -citification -citified -citify -Citigradae -citigrade -citizen -citizendom -citizeness -citizenhood -citizenish -citizenism -citizenize -citizenly -citizenry -citizenship -citole -citraconate -citraconic -citral -citramide -citramontane -citrange -citrangeade -citrate -citrated -citrean -citrene -citreous -citric -citriculture -citriculturist -citril -citrin -citrination -citrine -citrinin -citrinous -citrometer -Citromyces -citron -citronade -citronella -citronellal -citronelle -citronellic -citronellol -citronin -citronwood -Citropsis -citropten -citrous -citrullin -Citrullus -Citrus -citrus -citrylidene -cittern -citua -city -citycism -citydom -cityfolk -cityful -cityish -cityless -cityness -cityscape -cityward -citywards -cive -civet -civetlike -civetone -civic -civically -civicism -civics -civil -civilian -civility -civilizable -civilization -civilizational -civilizatory -civilize -civilized -civilizedness -civilizee -civilizer -civilly -civilness -civism -Civitan -civvy -cixiid -Cixiidae -Cixo -clabber -clabbery -clachan -clack -Clackama -clackdish -clacker -clacket -clackety -clad -cladanthous -cladautoicous -cladding -cladine -cladocarpous -Cladocera -cladoceran -cladocerous -cladode -cladodial -cladodont -cladodontid -Cladodontidae -Cladodus -cladogenous -Cladonia -Cladoniaceae -cladoniaceous -cladonioid -Cladophora -Cladophoraceae -cladophoraceous -Cladophorales -cladophyll -cladophyllum -cladoptosis -cladose -Cladoselache -Cladoselachea -cladoselachian -Cladoselachidae -cladosiphonic -Cladosporium -Cladothrix -Cladrastis -cladus -clag -claggum -claggy -Claiborne -Claibornian -claim -claimable -claimant -claimer -claimless -clairaudience -clairaudient -clairaudiently -clairce -Claire -clairecole -clairecolle -clairschach -clairschacher -clairsentience -clairsentient -clairvoyance -clairvoyancy -clairvoyant -clairvoyantly -claith -claithes -claiver -Clallam -clam -clamant -clamantly -clamative -Clamatores -clamatorial -clamatory -clamb -clambake -clamber -clamberer -clamcracker -clame -clamer -clammed -clammer -clammily -clamminess -clamming -clammish -clammy -clammyweed -clamor -clamorer -clamorist -clamorous -clamorously -clamorousness -clamorsome -clamp -clamper -clamshell -clamworm -clan -clancular -clancularly -clandestine -clandestinely -clandestineness -clandestinity -clanfellow -clang -clangful -clangingly -clangor -clangorous -clangorously -Clangula -clanjamfray -clanjamfrey -clanjamfrie -clanjamphrey -clank -clankety -clanking -clankingly -clankingness -clankless -clanless -clanned -clanning -clannishly -clannishness -clansfolk -clanship -clansman -clansmanship -clanswoman -Claosaurus -clap -clapboard -clapbread -clapmatch -clapnet -clapped -clapper -clapperclaw -clapperclawer -clapperdudgeon -clappermaclaw -clapping -clapt -claptrap -clapwort -claque -claquer -Clara -clarabella -clarain -Clare -Clarence -Clarenceux -Clarenceuxship -Clarencieux -clarendon -claret -Claretian -Claribel -claribella -Clarice -clarifiant -clarification -clarifier -clarify -clarigation -clarin -Clarinda -clarinet -clarinetist -clarinettist -clarion -clarionet -Clarissa -Clarisse -Clarist -clarity -Clark -clark -clarkeite -Clarkia -claro -Claromontane -clarshech -clart -clarty -clary -clash -clasher -clashingly -clashy -clasmatocyte -clasmatosis -clasp -clasper -clasping -claspt -class -classable -classbook -classed -classer -classes -classfellow -classic -classical -classicalism -classicalist -classicality -classicalize -classically -classicalness -classicism -classicist -classicistic -classicize -classicolatry -classifiable -classific -classifically -classification -classificational -classificator -classificatory -classified -classifier -classis -classism -classman -classmanship -classmate -classroom -classwise -classwork -classy -clastic -clat -clatch -Clathraceae -clathraceous -Clathraria -clathrarian -clathrate -Clathrina -Clathrinidae -clathroid -clathrose -clathrulate -Clathrus -Clatsop -clatter -clatterer -clatteringly -clattertrap -clattery -clatty -Claude -claudent -claudetite -Claudia -Claudian -claudicant -claudicate -claudication -Claudio -Claudius -claught -clausal -clause -Clausilia -Clausiliidae -clausthalite -claustra -claustral -claustration -claustrophobia -claustrum -clausula -clausular -clausule -clausure -claut -clava -clavacin -claval -Clavaria -Clavariaceae -clavariaceous -clavate -clavated -clavately -clavation -clave -clavecin -clavecinist -clavel -clavelization -clavelize -clavellate -clavellated -claver -clavial -claviature -clavicembalo -Claviceps -clavichord -clavichordist -clavicithern -clavicle -clavicorn -clavicornate -Clavicornes -Clavicornia -clavicotomy -clavicular -clavicularium -claviculate -claviculus -clavicylinder -clavicymbal -clavicytherium -clavier -clavierist -claviform -claviger -clavigerous -claviharp -clavilux -claviol -clavipectoral -clavis -clavodeltoid -clavodeltoideus -clavola -clavolae -clavolet -clavus -clavy -claw -clawed -clawer -clawk -clawker -clawless -Clay -clay -claybank -claybrained -clayen -clayer -clayey -clayiness -clayish -claylike -clayman -claymore -Clayoquot -claypan -Clayton -Claytonia -clayware -clayweed -cleach -clead -cleaded -cleading -cleam -cleamer -clean -cleanable -cleaner -cleanhanded -cleanhandedness -cleanhearted -cleaning -cleanish -cleanlily -cleanliness -cleanly -cleanness -cleanout -cleansable -cleanse -cleanser -cleansing -cleanskins -cleanup -clear -clearable -clearage -clearance -clearcole -clearedness -clearer -clearheaded -clearheadedly -clearheadedness -clearhearted -clearing -clearinghouse -clearish -clearly -clearness -clearskins -clearstarch -clearweed -clearwing -cleat -cleavability -cleavable -cleavage -cleave -cleaveful -cleavelandite -cleaver -cleavers -cleaverwort -cleaving -cleavingly -cleche -cleck -cled -cledge -cledgy -cledonism -clee -cleek -cleeked -cleeky -clef -cleft -clefted -cleg -cleidagra -cleidarthritis -cleidocostal -cleidocranial -cleidohyoid -cleidomancy -cleidomastoid -cleidorrhexis -cleidoscapular -cleidosternal -cleidotomy -cleidotripsy -cleistocarp -cleistocarpous -cleistogamic -cleistogamically -cleistogamous -cleistogamously -cleistogamy -cleistogene -cleistogenous -cleistogeny -cleistothecium -Cleistothecopsis -cleithral -cleithrum -Clem -clem -Clematis -clematite -Clemclemalats -clemence -clemency -Clement -clement -Clementina -Clementine -clemently -clench -cleoid -Cleome -Cleopatra -clep -Clepsine -clepsydra -cleptobiosis -cleptobiotic -clerestoried -clerestory -clergy -clergyable -clergylike -clergyman -clergywoman -cleric -clerical -clericalism -clericalist -clericality -clericalize -clerically -clericate -clericature -clericism -clericity -clerid -Cleridae -clerihew -clerisy -clerk -clerkage -clerkdom -clerkery -clerkess -clerkhood -clerking -clerkish -clerkless -clerklike -clerkliness -clerkly -clerkship -Clerodendron -cleromancy -cleronomy -cleruch -cleruchial -cleruchic -cleruchy -Clerus -cletch -Clethra -Clethraceae -clethraceous -cleuch -cleve -cleveite -clever -cleverality -cleverish -cleverishly -cleverly -cleverness -clevis -clew -cliack -clianthus -cliche -click -clicker -clicket -clickless -clicky -Clidastes -cliency -client -clientage -cliental -cliented -clientelage -clientele -clientless -clientry -clientship -Cliff -cliff -cliffed -cliffless -clifflet -clifflike -Clifford -cliffside -cliffsman -cliffweed -cliffy -clift -Cliftonia -cliftonite -clifty -clima -Climaciaceae -climaciaceous -Climacium -climacteric -climacterical -climacterically -climactic -climactical -climactically -climacus -climata -climatal -climate -climath -climatic -climatical -climatically -Climatius -climatize -climatographical -climatography -climatologic -climatological -climatologically -climatologist -climatology -climatometer -climatotherapeutics -climatotherapy -climature -climax -climb -climbable -climber -climbing -clime -climograph -clinal -clinamen -clinamina -clinandria -clinandrium -clinanthia -clinanthium -clinch -clincher -clinchingly -clinchingness -cline -cling -clinger -clingfish -clinging -clingingly -clingingness -clingstone -clingy -clinia -clinic -clinical -clinically -clinician -clinicist -clinicopathological -clinium -clink -clinker -clinkerer -clinkery -clinking -clinkstone -clinkum -clinoaxis -clinocephalic -clinocephalism -clinocephalous -clinocephalus -clinocephaly -clinochlore -clinoclase -clinoclasite -clinodiagonal -clinodomatic -clinodome -clinograph -clinographic -clinohedral -clinohedrite -clinohumite -clinoid -clinologic -clinology -clinometer -clinometric -clinometrical -clinometry -clinopinacoid -clinopinacoidal -Clinopodium -clinoprism -clinopyramid -clinopyroxene -clinorhombic -clinospore -clinostat -clinquant -clint -clinting -Clinton -Clintonia -clintonite -clinty -Clio -Cliona -Clione -clip -clipei -clipeus -clippable -clipped -clipper -clipperman -clipping -clips -clipse -clipsheet -clipsome -clipt -clique -cliquedom -cliqueless -cliquish -cliquishly -cliquishness -cliquism -cliquy -cliseometer -clisere -clishmaclaver -Clisiocampa -Clistogastra -clit -clitch -clite -clitella -clitellar -clitelliferous -clitelline -clitellum -clitellus -clites -clithe -clithral -clithridiate -clitia -clition -Clitocybe -Clitoria -clitoridauxe -clitoridean -clitoridectomy -clitoriditis -clitoridotomy -clitoris -clitorism -clitoritis -clitter -clitterclatter -clival -clive -clivers -Clivia -clivis -clivus -cloaca -cloacal -cloacaline -cloacean -cloacinal -cloacinean -cloacitis -cloak -cloakage -cloaked -cloakedly -cloaking -cloakless -cloaklet -cloakmaker -cloakmaking -cloakroom -cloakwise -cloam -cloamen -cloamer -clobber -clobberer -clochan -cloche -clocher -clochette -clock -clockbird -clockcase -clocked -clocker -clockface -clockhouse -clockkeeper -clockless -clocklike -clockmaker -clockmaking -clockmutch -clockroom -clocksmith -clockwise -clockwork -clod -clodbreaker -clodder -cloddily -cloddiness -cloddish -cloddishly -cloddishness -cloddy -clodhead -clodhopper -clodhopping -clodlet -clodpate -clodpated -clodpoll -cloff -clog -clogdogdo -clogger -cloggily -clogginess -cloggy -cloghad -cloglike -clogmaker -clogmaking -clogwood -clogwyn -cloiochoanitic -cloisonless -cloisonne -cloister -cloisteral -cloistered -cloisterer -cloisterless -cloisterlike -cloisterliness -cloisterly -cloisterwise -cloistral -cloistress -cloit -clomb -clomben -clonal -clone -clonic -clonicity -clonicotonic -clonism -clonorchiasis -Clonorchis -Clonothrix -clonus -cloof -cloop -cloot -clootie -clop -cloragen -clorargyrite -cloriodid -closable -close -closecross -closed -closefisted -closefistedly -closefistedness -closehanded -closehearted -closely -closemouth -closemouthed -closen -closeness -closer -closestool -closet -closewing -closh -closish -closter -Closterium -clostridial -Clostridium -closure -clot -clotbur -clote -cloth -clothbound -clothe -clothes -clothesbag -clothesbasket -clothesbrush -clotheshorse -clothesline -clothesman -clothesmonger -clothespin -clothespress -clothesyard -clothier -clothify -Clothilda -clothing -clothmaker -clothmaking -Clotho -clothworker -clothy -clottage -clottedness -clotter -clotty -cloture -clotweed -cloud -cloudage -cloudberry -cloudburst -cloudcap -clouded -cloudful -cloudily -cloudiness -clouding -cloudland -cloudless -cloudlessly -cloudlessness -cloudlet -cloudlike -cloudling -cloudology -cloudscape -cloudship -cloudward -cloudwards -cloudy -clough -clour -clout -clouted -clouter -clouterly -clouty -clove -cloven -clovene -clover -clovered -cloverlay -cloverleaf -cloveroot -cloverroot -clovery -clow -clown -clownade -clownage -clownery -clownheal -clownish -clownishly -clownishness -clownship -clowring -cloy -cloyedness -cloyer -cloying -cloyingly -cloyingness -cloyless -cloysome -club -clubbability -clubbable -clubbed -clubber -clubbily -clubbing -clubbish -clubbism -clubbist -clubby -clubdom -clubfellow -clubfisted -clubfoot -clubfooted -clubhand -clubhaul -clubhouse -clubionid -Clubionidae -clubland -clubman -clubmate -clubmobile -clubmonger -clubridden -clubroom -clubroot -clubstart -clubster -clubweed -clubwoman -clubwood -cluck -clue -cluff -clump -clumpish -clumproot -clumpy -clumse -clumsily -clumsiness -clumsy -clunch -clung -Cluniac -Cluniacensian -Clunisian -Clunist -clunk -clupanodonic -Clupea -clupeid -Clupeidae -clupeiform -clupeine -Clupeodei -clupeoid -cluricaune -Clusia -Clusiaceae -clusiaceous -cluster -clusterberry -clustered -clusterfist -clustering -clusteringly -clustery -clutch -clutchman -cluther -clutter -clutterer -clutterment -cluttery -cly -Clyde -Clydesdale -Clydeside -Clydesider -clyer -clyfaker -clyfaking -Clymenia -clype -clypeal -Clypeaster -Clypeastridea -Clypeastrina -clypeastroid -Clypeastroida -Clypeastroidea -clypeate -clypeiform -clypeolar -clypeolate -clypeole -clypeus -clysis -clysma -clysmian -clysmic -clyster -clysterize -Clytemnestra -cnemapophysis -cnemial -cnemidium -Cnemidophorus -cnemis -Cneoraceae -cneoraceous -Cneorum -cnicin -Cnicus -cnida -Cnidaria -cnidarian -Cnidian -cnidoblast -cnidocell -cnidocil -cnidocyst -cnidophore -cnidophorous -cnidopod -cnidosac -Cnidoscolus -cnidosis -coabode -coabound -coabsume -coacceptor -coacervate -coacervation -coach -coachability -coachable -coachbuilder -coachbuilding -coachee -coacher -coachfellow -coachful -coaching -coachlet -coachmaker -coachmaking -coachman -coachmanship -coachmaster -coachsmith -coachsmithing -coachway -coachwhip -coachwise -coachwoman -coachwork -coachwright -coachy -coact -coaction -coactive -coactively -coactivity -coactor -coadamite -coadapt -coadaptation -coadequate -coadjacence -coadjacency -coadjacent -coadjacently -coadjudicator -coadjust -coadjustment -coadjutant -coadjutator -coadjute -coadjutement -coadjutive -coadjutor -coadjutorship -coadjutress -coadjutrix -coadjuvancy -coadjuvant -coadjuvate -coadminister -coadministration -coadministrator -coadministratrix -coadmiration -coadmire -coadmit -coadnate -coadore -coadsorbent -coadunate -coadunation -coadunative -coadunatively -coadunite -coadventure -coadventurer -coadvice -coaffirmation -coafforest -coaged -coagency -coagent -coaggregate -coaggregated -coaggregation -coagitate -coagitator -coagment -coagonize -coagriculturist -coagula -coagulability -coagulable -coagulant -coagulase -coagulate -coagulation -coagulative -coagulator -coagulatory -coagulin -coagulometer -coagulose -coagulum -Coahuiltecan -coaid -coaita -coak -coakum -coal -coalbag -coalbagger -coalbin -coalbox -coaldealer -coaler -coalesce -coalescence -coalescency -coalescent -coalfish -coalfitter -coalhole -coalification -coalify -Coalite -coalition -coalitional -coalitioner -coalitionist -coalize -coalizer -coalless -coalmonger -coalmouse -coalpit -coalrake -coalsack -coalternate -coalternation -coalternative -coaltitude -coaly -coalyard -coambassador -coambulant -coamiable -coaming -Coan -coanimate -coannex -coannihilate -coapostate -coapparition -coappear -coappearance -coapprehend -coapprentice -coappriser -coapprover -coapt -coaptate -coaptation -coaration -coarb -coarbiter -coarbitrator -coarctate -coarctation -coardent -coarrange -coarrangement -coarse -coarsely -coarsen -coarseness -coarsish -coascend -coassert -coasserter -coassession -coassessor -coassignee -coassist -coassistance -coassistant -coassume -coast -coastal -coastally -coaster -Coastguard -coastguardman -coasting -coastland -coastman -coastside -coastwaiter -coastward -coastwards -coastways -coastwise -coat -coated -coatee -coater -coati -coatie -coatimondie -coatimundi -coating -coatless -coatroom -coattail -coattailed -coattend -coattest -coattestation -coattestator -coaudience -coauditor -coaugment -coauthor -coauthority -coauthorship -coawareness -coax -coaxal -coaxation -coaxer -coaxial -coaxially -coaxing -coaxingly -coaxy -cob -cobaea -cobalt -cobaltammine -cobaltic -cobalticyanic -cobalticyanides -cobaltiferous -cobaltinitrite -cobaltite -cobaltocyanic -cobaltocyanide -cobaltous -cobang -cobbed -cobber -cobberer -cobbing -cobble -cobbler -cobblerfish -cobblerism -cobblerless -cobblership -cobblery -cobblestone -cobbling -cobbly -cobbra -cobby -cobcab -Cobdenism -Cobdenite -cobego -cobelief -cobeliever -cobelligerent -cobenignity -coberger -cobewail -cobhead -cobia -cobiron -cobishop -Cobitidae -Cobitis -coble -cobleman -Coblentzian -Cobleskill -cobless -cobloaf -cobnut -cobola -coboundless -cobourg -cobra -cobreathe -cobridgehead -cobriform -cobrother -cobstone -coburg -coburgess -coburgher -coburghership -Cobus -cobweb -cobwebbery -cobwebbing -cobwebby -cobwork -coca -cocaceous -cocaine -cocainism -cocainist -cocainization -cocainize -cocainomania -cocainomaniac -Cocama -Cocamama -cocamine -Cocanucos -cocarboxylase -cocash -cocashweed -cocause -cocautioner -Coccaceae -coccagee -coccal -Cocceian -Cocceianism -coccerin -cocci -coccid -Coccidae -coccidia -coccidial -coccidian -Coccidiidea -coccidioidal -Coccidioides -Coccidiomorpha -coccidiosis -coccidium -coccidology -cocciferous -cocciform -coccigenic -coccinella -coccinellid -Coccinellidae -coccionella -cocco -coccobacillus -coccochromatic -Coccogonales -coccogone -Coccogoneae -coccogonium -coccoid -coccolite -coccolith -coccolithophorid -Coccolithophoridae -Coccoloba -Coccolobis -Coccomyces -coccosphere -coccostean -coccosteid -Coccosteidae -Coccosteus -Coccothraustes -coccothraustine -Coccothrinax -coccous -coccule -cocculiferous -Cocculus -cocculus -coccus -coccydynia -coccygalgia -coccygeal -coccygean -coccygectomy -coccygerector -coccyges -coccygeus -coccygine -coccygodynia -coccygomorph -Coccygomorphae -coccygomorphic -coccygotomy -coccyodynia -coccyx -Coccyzus -cocentric -cochairman -cochal -cochief -Cochin -cochineal -cochlea -cochlear -cochleare -Cochlearia -cochlearifoliate -cochleariform -cochleate -cochleated -cochleiform -cochleitis -cochleous -cochlidiid -Cochlidiidae -cochliodont -Cochliodontidae -Cochliodus -Cochlospermaceae -cochlospermaceous -Cochlospermum -Cochranea -cochurchwarden -cocillana -cocircular -cocircularity -cocitizen -cocitizenship -cock -cockade -cockaded -Cockaigne -cockal -cockalorum -cockamaroo -cockarouse -cockateel -cockatoo -cockatrice -cockawee -cockbell -cockbill -cockbird -cockboat -cockbrain -cockchafer -cockcrow -cockcrower -cockcrowing -cocked -Cocker -cocker -cockerel -cockermeg -cockernony -cocket -cockeye -cockeyed -cockfight -cockfighting -cockhead -cockhorse -cockieleekie -cockily -cockiness -cocking -cockish -cockle -cockleboat -cocklebur -cockled -cockler -cockleshell -cocklet -cocklewife -cocklight -cockling -cockloft -cockly -cockmaster -cockmatch -cockmate -cockneian -cockneity -cockney -cockneybred -cockneydom -cockneyese -cockneyess -cockneyfication -cockneyfy -cockneyish -cockneyishly -cockneyism -cockneyize -cockneyland -cockneyship -cockpit -cockroach -cockscomb -cockscombed -cocksfoot -cockshead -cockshot -cockshut -cockshy -cockshying -cockspur -cockstone -cocksure -cocksuredom -cocksureism -cocksurely -cocksureness -cocksurety -cocktail -cockthrowing -cockup -cockweed -cocky -Cocle -coco -cocoa -cocoach -cocobolo -Coconino -coconnection -coconqueror -coconscious -coconsciously -coconsciousness -coconsecrator -coconspirator -coconstituent -cocontractor -Coconucan -Coconuco -coconut -cocoon -cocoonery -cocorico -cocoroot -Cocos -cocotte -cocovenantor -cocowood -cocowort -cocozelle -cocreate -cocreator -cocreatorship -cocreditor -cocrucify -coctile -coction -coctoantigen -coctoprecipitin -cocuisa -cocullo -cocurator -cocurrent -cocuswood -cocuyo -Cocytean -Cocytus -cod -coda -codamine -codbank -codder -codding -coddle -coddler -code -codebtor -codeclination -codecree -codefendant -codeine -codeless -codelight -codelinquency -codelinquent -codenization -codeposit -coder -coderive -codescendant -codespairer -codex -codfish -codfisher -codfishery -codger -codhead -codheaded -Codiaceae -codiaceous -Codiaeum -Codiales -codical -codices -codicil -codicilic -codicillary -codictatorship -codification -codifier -codify -codilla -codille -codiniac -codirectional -codirector -codiscoverer -codisjunct -codist -Codium -codivine -codling -codman -codo -codol -codomestication -codominant -codon -codpiece -codpitchings -Codrus -codshead -codworm -coe -coecal -coecum -coed -coeditor -coeditorship -coeducate -coeducation -coeducational -coeducationalism -coeducationalize -coeducationally -coeffect -coefficacy -coefficient -coefficiently -coeffluent -coeffluential -coelacanth -coelacanthid -Coelacanthidae -coelacanthine -Coelacanthini -coelacanthoid -coelacanthous -coelanaglyphic -coelar -coelarium -Coelastraceae -coelastraceous -Coelastrum -Coelata -coelder -coeldership -Coelebogyne -coelect -coelection -coelector -coelectron -coelelminth -Coelelminthes -coelelminthic -Coelentera -Coelenterata -coelenterate -coelenteric -coelenteron -coelestine -coelevate -coelho -coelia -coeliac -coelialgia -coelian -Coelicolae -Coelicolist -coeligenous -coelin -coeline -coeliomyalgia -coeliorrhea -coeliorrhoea -coelioscopy -coeliotomy -coeloblastic -coeloblastula -Coelococcus -coelodont -coelogastrula -Coeloglossum -Coelogyne -coelom -coeloma -Coelomata -coelomate -coelomatic -coelomatous -coelomesoblast -coelomic -Coelomocoela -coelomopore -coelonavigation -coelongated -coeloplanula -coelosperm -coelospermous -coelostat -coelozoic -coemanate -coembedded -coembody -coembrace -coeminency -coemperor -coemploy -coemployee -coemployment -coempt -coemption -coemptional -coemptionator -coemptive -coemptor -coenact -coenactor -coenaculous -coenamor -coenamorment -coenamourment -coenanthium -coendear -Coendidae -Coendou -coendure -coenenchym -coenenchyma -coenenchymal -coenenchymatous -coenenchyme -coenesthesia -coenesthesis -coenflame -coengage -coengager -coenjoy -coenobe -coenobiar -coenobic -coenobioid -coenobium -coenoblast -coenoblastic -coenocentrum -coenocyte -coenocytic -coenodioecism -coenoecial -coenoecic -coenoecium -coenogamete -coenomonoecism -coenosarc -coenosarcal -coenosarcous -coenosite -coenospecies -coenospecific -coenospecifically -coenosteal -coenosteum -coenotrope -coenotype -coenotypic -coenthrone -coenurus -coenzyme -coequal -coequality -coequalize -coequally -coequalness -coequate -coequated -coequation -coerce -coercement -coercer -coercibility -coercible -coercibleness -coercibly -coercion -coercionary -coercionist -coercitive -coercive -coercively -coerciveness -coercivity -Coerebidae -coeruleolactite -coessential -coessentiality -coessentially -coessentialness -coestablishment -coestate -coetaneity -coetaneous -coetaneously -coetaneousness -coeternal -coeternally -coeternity -coetus -coeval -coevality -coevally -coexchangeable -coexclusive -coexecutant -coexecutor -coexecutrix -coexert -coexertion -coexist -coexistence -coexistency -coexistent -coexpand -coexpanded -coexperiencer -coexpire -coexplosion -coextend -coextension -coextensive -coextensively -coextensiveness -coextent -cofactor -Cofane -cofaster -cofather -cofathership -cofeature -cofeoffee -coferment -cofermentation -coff -Coffea -coffee -coffeebush -coffeecake -coffeegrower -coffeegrowing -coffeehouse -coffeeleaf -coffeepot -coffeeroom -coffeetime -coffeeweed -coffeewood -coffer -cofferdam -cofferer -cofferfish -coffering -cofferlike -cofferwork -coffin -coffinless -coffinmaker -coffinmaking -coffle -coffret -cofighter -coforeknown -coformulator -cofounder -cofoundress -cofreighter -coft -cofunction -cog -cogence -cogency -cogener -cogeneric -cogent -cogently -cogged -cogger -coggie -cogging -coggle -coggledy -cogglety -coggly -coghle -cogitability -cogitable -cogitabund -cogitabundity -cogitabundly -cogitabundous -cogitant -cogitantly -cogitate -cogitatingly -cogitation -cogitative -cogitatively -cogitativeness -cogitativity -cogitator -coglorify -coglorious -cogman -cognac -cognate -cognateness -cognatic -cognatical -cognation -cognisable -cognisance -cognition -cognitional -cognitive -cognitively -cognitum -cognizability -cognizable -cognizableness -cognizably -cognizance -cognizant -cognize -cognizee -cognizer -cognizor -cognomen -cognominal -cognominate -cognomination -cognosce -cognoscent -cognoscibility -cognoscible -cognoscitive -cognoscitively -cogon -cogonal -cogovernment -cogovernor -cogracious -cograil -cogrediency -cogredient -cogroad -Cogswellia -coguarantor -coguardian -cogue -cogway -cogwheel -cogwood -cohabit -cohabitancy -cohabitant -cohabitation -coharmonious -coharmoniously -coharmonize -coheartedness -coheir -coheiress -coheirship -cohelper -cohelpership -Cohen -cohenite -coherald -cohere -coherence -coherency -coherent -coherently -coherer -coheretic -coheritage -coheritor -cohesibility -cohesible -cohesion -cohesive -cohesively -cohesiveness -cohibit -cohibition -cohibitive -cohibitor -coho -cohoba -cohobate -cohobation -cohobator -cohol -cohort -cohortation -cohortative -cohosh -cohune -cohusband -coidentity -coif -coifed -coiffure -coign -coigue -coil -coiled -coiler -coiling -coilsmith -coimmense -coimplicant -coimplicate -coimplore -coin -coinable -coinage -coincide -coincidence -coincidency -coincident -coincidental -coincidentally -coincidently -coincider -coinclination -coincline -coinclude -coincorporate -coindicant -coindicate -coindication -coindwelling -coiner -coinfeftment -coinfer -coinfinite -coinfinity -coinhabit -coinhabitant -coinhabitor -coinhere -coinherence -coinherent -coinheritance -coinheritor -coining -coinitial -coinmaker -coinmaking -coinmate -coinspire -coinstantaneity -coinstantaneous -coinstantaneously -coinstantaneousness -coinsurance -coinsure -cointense -cointension -cointensity -cointer -cointerest -cointersecting -cointise -Cointreau -coinventor -coinvolve -coiny -coir -coislander -coistrel -coistril -coital -coition -coiture -coitus -Coix -cojudge -cojuror -cojusticiar -coke -cokelike -cokeman -coker -cokernut -cokery -coking -coky -col -Cola -cola -colaborer -Colada -colalgia -Colan -colander -colane -colarin -colate -colation -colatitude -colatorium -colature -colauxe -colback -colberter -colbertine -Colbertism -colcannon -Colchian -Colchicaceae -colchicine -Colchicum -Colchis -colchyte -Colcine -colcothar -cold -colder -coldfinch -coldhearted -coldheartedly -coldheartedness -coldish -coldly -coldness -coldproof -coldslaw -Cole -cole -coleader -colecannon -colectomy -Coleen -colegatee -colegislator -colemanite -colemouse -Coleochaetaceae -coleochaetaceous -Coleochaete -Coleophora -Coleophoridae -coleopter -Coleoptera -coleopteral -coleopteran -coleopterist -coleopteroid -coleopterological -coleopterology -coleopteron -coleopterous -coleoptile -coleoptilum -coleorhiza -Coleosporiaceae -Coleosporium -coleplant -coleseed -coleslaw -colessee -colessor -coletit -coleur -Coleus -colewort -coli -Colias -colibacillosis -colibacterin -colibri -colic -colical -colichemarde -colicky -colicolitis -colicroot -colicweed -colicwort -colicystitis -colicystopyelitis -coliform -Coliidae -Coliiformes -colilysin -Colima -colima -Colin -colin -colinear -colinephritis -coling -Colinus -coliplication -colipuncture -colipyelitis -colipyuria -colisepsis -Coliseum -coliseum -colitic -colitis -colitoxemia -coliuria -Colius -colk -coll -Colla -collaborate -collaboration -collaborationism -collaborationist -collaborative -collaboratively -collaborator -collage -collagen -collagenic -collagenous -collapse -collapsibility -collapsible -collar -collarband -collarbird -collarbone -collard -collare -collared -collaret -collarino -collarless -collarman -collatable -collate -collatee -collateral -collaterality -collaterally -collateralness -collation -collationer -collatitious -collative -collator -collatress -collaud -collaudation -colleague -colleagueship -collect -collectability -collectable -collectanea -collectarium -collected -collectedly -collectedness -collectibility -collectible -collection -collectional -collectioner -collective -collectively -collectiveness -collectivism -collectivist -collectivistic -collectivistically -collectivity -collectivization -collectivize -collector -collectorate -collectorship -collectress -colleen -collegatary -college -colleger -collegial -collegialism -collegiality -collegian -collegianer -Collegiant -collegiate -collegiately -collegiateness -collegiation -collegium -Collembola -collembolan -collembole -collembolic -collembolous -collenchyma -collenchymatic -collenchymatous -collenchyme -collencytal -collencyte -Colleri -Colleries -Collery -collery -collet -colleter -colleterial -colleterium -Colletes -Colletia -colletic -Colletidae -colletin -Colletotrichum -colletside -colley -collibert -colliculate -colliculus -collide -collidine -collie -collied -collier -colliery -collieshangie -colliform -colligate -colligation -colligative -colligible -collimate -collimation -collimator -Collin -collin -collinal -colline -collinear -collinearity -collinearly -collineate -collineation -colling -collingly -collingual -Collins -collins -Collinsia -collinsite -Collinsonia -colliquate -colliquation -colliquative -colliquativeness -collision -collisional -collisive -colloblast -collobrierite -collocal -Collocalia -collocate -collocation -collocationable -collocative -collocatory -collochemistry -collochromate -collock -collocution -collocutor -collocutory -collodiochloride -collodion -collodionization -collodionize -collodiotype -collodium -collogue -colloid -colloidal -colloidality -colloidize -colloidochemical -Collomia -collop -colloped -collophanite -collophore -colloque -colloquia -colloquial -colloquialism -colloquialist -colloquiality -colloquialize -colloquially -colloquialness -colloquist -colloquium -colloquize -colloquy -collothun -collotype -collotypic -collotypy -colloxylin -colluctation -collude -colluder -collum -collumelliaceous -collusion -collusive -collusively -collusiveness -collutorium -collutory -colluvial -colluvies -colly -collyba -Collybia -Collyridian -collyrite -collyrium -collywest -collyweston -collywobbles -colmar -colobin -colobium -coloboma -Colobus -Colocasia -colocentesis -Colocephali -colocephalous -coloclysis -colocola -colocolic -colocynth -colocynthin -colodyspepsia -coloenteritis -cologarithm -Cologne -cololite -Colombian -colombier -colombin -Colombina -colometric -colometrically -colometry -colon -colonalgia -colonate -colonel -colonelcy -colonelship -colongitude -colonial -colonialism -colonialist -colonialize -colonially -colonialness -colonic -colonist -colonitis -colonizability -colonizable -colonization -colonizationist -colonize -colonizer -colonnade -colonnaded -colonnette -colonopathy -colonopexy -colonoscope -colonoscopy -colony -colopexia -colopexotomy -colopexy -colophane -colophany -colophene -colophenic -colophon -colophonate -Colophonian -colophonic -colophonist -colophonite -colophonium -colophony -coloplication -coloproctitis -coloptosis -colopuncture -coloquintid -coloquintida -color -colorability -colorable -colorableness -colorably -Coloradan -Colorado -colorado -coloradoite -colorant -colorate -coloration -colorational -colorationally -colorative -coloratura -colorature -colorcast -colorectitis -colorectostomy -colored -colorer -colorfast -colorful -colorfully -colorfulness -colorific -colorifics -colorimeter -colorimetric -colorimetrical -colorimetrically -colorimetrics -colorimetrist -colorimetry -colorin -coloring -colorist -coloristic -colorization -colorize -colorless -colorlessly -colorlessness -colormaker -colormaking -colorman -colorrhaphy -colors -colortype -Colorum -colory -coloss -colossal -colossality -colossally -colossean -Colosseum -colossi -Colossian -Colossochelys -colossus -Colossuswise -colostomy -colostral -colostration -colostric -colostrous -colostrum -colotomy -colotyphoid -colove -colp -colpenchyma -colpeo -colpeurynter -colpeurysis -colpindach -colpitis -colpocele -colpocystocele -colpohyperplasia -colpohysterotomy -colpoperineoplasty -colpoperineorrhaphy -colpoplastic -colpoplasty -colpoptosis -colporrhagia -colporrhaphy -colporrhea -colporrhexis -colport -colportage -colporter -colporteur -colposcope -colposcopy -colpotomy -colpus -Colt -colt -colter -colthood -coltish -coltishly -coltishness -coltpixie -coltpixy -coltsfoot -coltskin -Coluber -colubrid -Colubridae -colubriform -Colubriformes -Colubriformia -Colubrina -Colubrinae -colubrine -colubroid -colugo -Columba -columbaceous -Columbae -Columban -Columbanian -columbarium -columbary -columbate -columbeion -Columbella -Columbia -columbiad -Columbian -columbic -Columbid -Columbidae -columbier -columbiferous -Columbiformes -columbin -Columbine -columbine -columbite -columbium -columbo -columboid -columbotantalate -columbotitanate -columella -columellar -columellate -Columellia -Columelliaceae -columelliform -column -columnal -columnar -columnarian -columnarity -columnated -columned -columner -columniation -columniferous -columniform -columning -columnist -columnization -columnwise -colunar -colure -Colutea -Colville -coly -Colymbidae -colymbiform -colymbion -Colymbriformes -Colymbus -colyone -colyonic -colytic -colyum -colyumist -colza -coma -comacine -comagistracy -comagmatic -comaker -comal -comamie -Coman -Comanche -Comanchean -Comandra -comanic -comart -Comarum -comate -comatose -comatosely -comatoseness -comatosity -comatous -comatula -comatulid -comb -combaron -combat -combatable -combatant -combater -combative -combatively -combativeness -combativity -combed -comber -combfish -combflower -combinable -combinableness -combinant -combinantive -combinate -combination -combinational -combinative -combinator -combinatorial -combinatory -combine -combined -combinedly -combinedness -combinement -combiner -combing -combining -comble -combless -comblessness -combmaker -combmaking -comboloio -comboy -Combretaceae -combretaceous -Combretum -combure -comburendo -comburent -comburgess -comburimeter -comburimetry -comburivorous -combust -combustibility -combustible -combustibleness -combustibly -combustion -combustive -combustor -combwise -combwright -comby -come -comeback -Comecrudo -comedial -comedian -comediant -comedic -comedical -comedienne -comedietta -comedist -comedo -comedown -comedy -comelily -comeliness -comeling -comely -comendite -comenic -comephorous -comer -comes -comestible -comet -cometarium -cometary -comether -cometic -cometical -cometlike -cometographer -cometographical -cometography -cometoid -cometology -cometwise -comeuppance -comfit -comfiture -comfort -comfortable -comfortableness -comfortably -comforter -comfortful -comforting -comfortingly -comfortless -comfortlessly -comfortlessness -comfortress -comfortroot -comfrey -comfy -Comiakin -comic -comical -comicality -comically -comicalness -comicocratic -comicocynical -comicodidactic -comicography -comicoprosaic -comicotragedy -comicotragic -comicotragical -comicry -Comid -comiferous -Cominform -coming -comingle -comino -Comintern -comism -comital -comitant -comitatensian -comitative -comitatus -comitia -comitial -Comitium -comitragedy -comity -comma -command -commandable -commandant -commandedness -commandeer -commander -commandership -commandery -commanding -commandingly -commandingness -commandless -commandment -commando -commandoman -commandress -commassation -commassee -commatic -commation -commatism -commeasurable -commeasure -commeddle -Commelina -Commelinaceae -commelinaceous -commemorable -commemorate -commemoration -commemorational -commemorative -commemoratively -commemorativeness -commemorator -commemoratory -commemorize -commence -commenceable -commencement -commencer -commend -commendable -commendableness -commendably -commendador -commendam -commendatary -commendation -commendator -commendatory -commender -commendingly -commendment -commensal -commensalism -commensalist -commensalistic -commensality -commensally -commensurability -commensurable -commensurableness -commensurably -commensurate -commensurately -commensurateness -commensuration -comment -commentarial -commentarialism -commentary -commentate -commentation -commentator -commentatorial -commentatorially -commentatorship -commenter -commerce -commerceless -commercer -commerciable -commercial -commercialism -commercialist -commercialistic -commerciality -commercialization -commercialize -commercially -commercium -commerge -commie -comminate -commination -comminative -comminator -comminatory -commingle -comminglement -commingler -comminister -comminuate -comminute -comminution -comminutor -Commiphora -commiserable -commiserate -commiseratingly -commiseration -commiserative -commiseratively -commiserator -commissar -commissarial -commissariat -commissary -commissaryship -commission -commissionaire -commissional -commissionate -commissioner -commissionership -commissionship -commissive -commissively -commissural -commissure -commissurotomy -commit -commitment -committable -committal -committee -committeeism -committeeman -committeeship -committeewoman -committent -committer -committible -committor -commix -commixt -commixtion -commixture -commodatary -commodate -commodation -commodatum -commode -commodious -commodiously -commodiousness -commoditable -commodity -commodore -common -commonable -commonage -commonality -commonalty -commoner -commonership -commoney -commonish -commonition -commonize -commonly -commonness -commonplace -commonplaceism -commonplacely -commonplaceness -commonplacer -commons -commonsensible -commonsensibly -commonsensical -commonsensically -commonty -commonweal -commonwealth -commonwealthism -commorancy -commorant -commorient -commorth -commot -commotion -commotional -commotive -commove -communa -communal -communalism -communalist -communalistic -communality -communalization -communalize -communalizer -communally -communard -commune -communer -communicability -communicable -communicableness -communicably -communicant -communicate -communicatee -communicating -communication -communicative -communicatively -communicativeness -communicator -communicatory -communion -communionist -communique -communism -communist -communistery -communistic -communistically -communital -communitarian -communitary -communitive -communitorium -community -communization -communize -commutability -commutable -commutableness -commutant -commutate -commutation -commutative -commutatively -commutator -commute -commuter -commuting -commutual -commutuality -Comnenian -comoid -comolecule -comortgagee -comose -comourn -comourner -comournful -comous -Comox -compact -compacted -compactedly -compactedness -compacter -compactible -compaction -compactly -compactness -compactor -compacture -compages -compaginate -compagination -companator -companion -companionability -companionable -companionableness -companionably -companionage -companionate -companionize -companionless -companionship -companionway -company -comparability -comparable -comparableness -comparably -comparascope -comparate -comparatival -comparative -comparatively -comparativeness -comparativist -comparator -compare -comparer -comparison -comparition -comparograph -compart -compartition -compartment -compartmental -compartmentalization -compartmentalize -compartmentally -compartmentize -compass -compassable -compasser -compasses -compassing -compassion -compassionable -compassionate -compassionately -compassionateness -compassionless -compassive -compassivity -compassless -compaternity -compatibility -compatible -compatibleness -compatibly -compatriot -compatriotic -compatriotism -compear -compearance -compearant -compeer -compel -compellable -compellably -compellation -compellative -compellent -compeller -compelling -compellingly -compend -compendency -compendent -compendia -compendiary -compendiate -compendious -compendiously -compendiousness -compendium -compenetrate -compenetration -compensable -compensate -compensating -compensatingly -compensation -compensational -compensative -compensativeness -compensator -compensatory -compense -compenser -compesce -compete -competence -competency -competent -competently -competentness -competition -competitioner -competitive -competitively -competitiveness -competitor -competitorship -competitory -competitress -competitrix -compilation -compilator -compilatory -compile -compilement -compiler -compital -Compitalia -compitum -complacence -complacency -complacent -complacential -complacentially -complacently -complain -complainable -complainant -complainer -complainingly -complainingness -complaint -complaintive -complaintiveness -complaisance -complaisant -complaisantly -complaisantness -complanar -complanate -complanation -complect -complected -complement -complemental -complementally -complementalness -complementariness -complementarism -complementary -complementation -complementative -complementer -complementoid -complete -completedness -completely -completement -completeness -completer -completion -completive -completively -completory -complex -complexedness -complexification -complexify -complexion -complexionably -complexional -complexionally -complexioned -complexionist -complexionless -complexity -complexively -complexly -complexness -complexus -compliable -compliableness -compliably -compliance -compliancy -compliant -compliantly -complicacy -complicant -complicate -complicated -complicatedly -complicatedness -complication -complicative -complice -complicitous -complicity -complier -compliment -complimentable -complimental -complimentally -complimentalness -complimentarily -complimentariness -complimentary -complimentation -complimentative -complimenter -complimentingly -complin -complot -complotter -Complutensian -compluvium -comply -compo -compoer -compole -compone -componed -componency -componendo -component -componental -componented -compony -comport -comportment -compos -compose -composed -composedly -composedness -composer -composita -Compositae -composite -compositely -compositeness -composition -compositional -compositionally -compositive -compositively -compositor -compositorial -compositous -composograph -compossibility -compossible -compost -composture -composure -compotation -compotationship -compotator -compotatory -compote -compotor -compound -compoundable -compoundedness -compounder -compounding -compoundness -comprachico -comprador -comprecation -compreg -compregnate -comprehend -comprehender -comprehendible -comprehendingly -comprehense -comprehensibility -comprehensible -comprehensibleness -comprehensibly -comprehension -comprehensive -comprehensively -comprehensiveness -comprehensor -compresbyter -compresbyterial -compresence -compresent -compress -compressed -compressedly -compressibility -compressible -compressibleness -compressingly -compression -compressional -compressive -compressively -compressometer -compressor -compressure -comprest -compriest -comprisable -comprisal -comprise -comprised -compromise -compromiser -compromising -compromisingly -compromissary -compromission -compromissorial -compromit -compromitment -comprovincial -Compsilura -Compsoa -Compsognathus -Compsothlypidae -compter -Comptometer -Comptonia -comptroller -comptrollership -compulsative -compulsatively -compulsatorily -compulsatory -compulsed -compulsion -compulsitor -compulsive -compulsively -compulsiveness -compulsorily -compulsoriness -compulsory -compunction -compunctionary -compunctionless -compunctious -compunctiously -compunctive -compurgation -compurgator -compurgatorial -compurgatory -compursion -computability -computable -computably -computation -computational -computative -computativeness -compute -computer -computist -computus -comrade -comradely -comradery -comradeship -Comsomol -comstockery -Comtian -Comtism -Comtist -comurmurer -Comus -con -conacaste -conacre -conal -conalbumin -conamed -Conant -conarial -conarium -conation -conational -conationalistic -conative -conatus -conaxial -concamerate -concamerated -concameration -concanavalin -concaptive -concassation -concatenary -concatenate -concatenation -concatenator -concausal -concause -concavation -concave -concavely -concaveness -concaver -concavity -conceal -concealable -concealed -concealedly -concealedness -concealer -concealment -concede -conceded -concededly -conceder -conceit -conceited -conceitedly -conceitedness -conceitless -conceity -conceivability -conceivable -conceivableness -conceivably -conceive -conceiver -concelebrate -concelebration -concent -concenter -concentive -concentralization -concentrate -concentrated -concentration -concentrative -concentrativeness -concentrator -concentric -concentrically -concentricity -concentual -concentus -concept -conceptacle -conceptacular -conceptaculum -conception -conceptional -conceptionist -conceptism -conceptive -conceptiveness -conceptual -conceptualism -conceptualist -conceptualistic -conceptuality -conceptualization -conceptualize -conceptually -conceptus -concern -concerned -concernedly -concernedness -concerning -concerningly -concerningness -concernment -concert -concerted -concertedly -concertgoer -concertina -concertinist -concertist -concertize -concertizer -concertmaster -concertmeister -concertment -concerto -concertstuck -concessible -concession -concessionaire -concessional -concessionary -concessioner -concessionist -concessive -concessively -concessiveness -concessor -concettism -concettist -conch -concha -conchal -conchate -conche -conched -concher -Conchifera -conchiferous -conchiform -conchinine -conchiolin -conchitic -conchitis -Conchobor -conchoid -conchoidal -conchoidally -conchological -conchologically -conchologist -conchologize -conchology -conchometer -conchometry -Conchostraca -conchotome -Conchubar -Conchucu -conchuela -conchy -conchyliated -conchyliferous -conchylium -concierge -concile -conciliable -conciliabule -conciliabulum -conciliar -conciliate -conciliating -conciliatingly -conciliation -conciliationist -conciliative -conciliator -conciliatorily -conciliatoriness -conciliatory -concilium -concinnity -concinnous -concionator -concipiency -concipient -concise -concisely -conciseness -concision -conclamant -conclamation -conclave -conclavist -concludable -conclude -concluder -concluding -concludingly -conclusion -conclusional -conclusionally -conclusive -conclusively -conclusiveness -conclusory -concoagulate -concoagulation -concoct -concocter -concoction -concoctive -concoctor -concolor -concolorous -concomitance -concomitancy -concomitant -concomitantly -conconscious -Concord -concord -concordal -concordance -concordancer -concordant -concordantial -concordantly -concordat -concordatory -concorder -concordial -concordist -concordity -concorporate -Concorrezanes -concourse -concreate -concremation -concrement -concresce -concrescence -concrescible -concrescive -concrete -concretely -concreteness -concreter -concretion -concretional -concretionary -concretism -concretive -concretively -concretize -concretor -concubinage -concubinal -concubinarian -concubinary -concubinate -concubine -concubinehood -concubitancy -concubitant -concubitous -concubitus -concupiscence -concupiscent -concupiscible -concupiscibleness -concupy -concur -concurrence -concurrency -concurrent -concurrently -concurrentness -concurring -concurringly -concursion -concurso -concursus -concuss -concussant -concussion -concussional -concussive -concutient -concyclic -concyclically -cond -Condalia -condemn -condemnable -condemnably -condemnate -condemnation -condemnatory -condemned -condemner -condemning -condemningly -condensability -condensable -condensance -condensary -condensate -condensation -condensational -condensative -condensator -condense -condensed -condensedly -condensedness -condenser -condensery -condensity -condescend -condescendence -condescendent -condescender -condescending -condescendingly -condescendingness -condescension -condescensive -condescensively -condescensiveness -condiction -condictious -condiddle -condiddlement -condign -condigness -condignity -condignly -condiment -condimental -condimentary -condisciple -condistillation -condite -condition -conditional -conditionalism -conditionalist -conditionality -conditionalize -conditionally -conditionate -conditioned -conditioner -condivision -condolatory -condole -condolement -condolence -condolent -condoler -condoling -condolingly -condominate -condominium -condonable -condonance -condonation -condonative -condone -condonement -condoner -condor -conduce -conducer -conducing -conducingly -conducive -conduciveness -conduct -conductance -conductibility -conductible -conductility -conductimeter -conductio -conduction -conductional -conductitious -conductive -conductively -conductivity -conductometer -conductometric -conductor -conductorial -conductorless -conductorship -conductory -conductress -conductus -conduit -conduplicate -conduplicated -conduplication -condurangin -condurango -condylar -condylarth -Condylarthra -condylarthrosis -condylarthrous -condyle -condylectomy -condylion -condyloid -condyloma -condylomatous -condylome -condylopod -Condylopoda -condylopodous -condylos -condylotomy -Condylura -condylure -cone -coned -coneen -coneflower -conehead -coneighboring -coneine -conelet -conemaker -conemaking -Conemaugh -conenose -conepate -coner -cones -conessine -Conestoga -confab -confabular -confabulate -confabulation -confabulator -confabulatory -confact -confarreate -confarreation -confated -confect -confection -confectionary -confectioner -confectionery -Confed -confederacy -confederal -confederalist -confederate -confederater -confederatio -confederation -confederationist -confederatism -confederative -confederatize -confederator -confelicity -conferee -conference -conferential -conferment -conferrable -conferral -conferrer -conferruminate -conferted -Conferva -Confervaceae -confervaceous -conferval -Confervales -confervoid -Confervoideae -confervous -confess -confessable -confessant -confessarius -confessary -confessedly -confesser -confessing -confessingly -confession -confessional -confessionalian -confessionalism -confessionalist -confessionary -confessionist -confessor -confessorship -confessory -confidant -confide -confidence -confidency -confident -confidential -confidentiality -confidentially -confidentialness -confidentiary -confidently -confidentness -confider -confiding -confidingly -confidingness -configural -configurate -configuration -configurational -configurationally -configurationism -configurationist -configurative -configure -confinable -confine -confineable -confined -confinedly -confinedness -confineless -confinement -confiner -confining -confinity -confirm -confirmable -confirmand -confirmation -confirmative -confirmatively -confirmatorily -confirmatory -confirmed -confirmedly -confirmedness -confirmee -confirmer -confirming -confirmingly -confirmity -confirmment -confirmor -confiscable -confiscatable -confiscate -confiscation -confiscator -confiscatory -confitent -confiteor -confiture -confix -conflagrant -conflagrate -conflagration -conflagrative -conflagrator -conflagratory -conflate -conflated -conflation -conflict -conflicting -conflictingly -confliction -conflictive -conflictory -conflow -confluence -confluent -confluently -conflux -confluxibility -confluxible -confluxibleness -confocal -conform -conformability -conformable -conformableness -conformably -conformal -conformance -conformant -conformate -conformation -conformator -conformer -conformist -conformity -confound -confoundable -confounded -confoundedly -confoundedness -confounder -confounding -confoundingly -confrater -confraternal -confraternity -confraternization -confrere -confriar -confrication -confront -confrontal -confrontation -confronte -confronter -confrontment -Confucian -Confucianism -Confucianist -confusability -confusable -confusably -confuse -confused -confusedly -confusedness -confusingly -confusion -confusional -confusticate -confustication -confutable -confutation -confutative -confutator -confute -confuter -conga -congeable -congeal -congealability -congealable -congealableness -congealedness -congealer -congealment -congee -congelation -congelative -congelifraction -congeliturbate -congeliturbation -congener -congeneracy -congeneric -congenerical -congenerous -congenerousness -congenetic -congenial -congeniality -congenialize -congenially -congenialness -congenital -congenitally -congenitalness -conger -congeree -congest -congested -congestible -congestion -congestive -congiary -congius -conglobate -conglobately -conglobation -conglobe -conglobulate -conglomerate -conglomeratic -conglomeration -conglutin -conglutinant -conglutinate -conglutination -conglutinative -Congo -Congoese -Congolese -Congoleum -congou -congratulable -congratulant -congratulate -congratulation -congratulational -congratulator -congratulatory -congredient -congreet -congregable -congreganist -congregant -congregate -congregation -congregational -congregationalism -Congregationalist -congregationalize -congregationally -Congregationer -congregationist -congregative -congregativeness -congregator -Congreso -congress -congresser -congressional -congressionalist -congressionally -congressionist -congressist -congressive -congressman -Congresso -congresswoman -Congreve -Congridae -congroid -congruence -congruency -congruent -congruential -congruently -congruism -congruist -congruistic -congruity -congruous -congruously -congruousness -conhydrine -Coniacian -conic -conical -conicality -conically -conicalness -coniceine -conichalcite -conicine -conicity -conicle -conicoid -conicopoly -conics -Conidae -conidia -conidial -conidian -conidiiferous -conidioid -conidiophore -conidiophorous -conidiospore -conidium -conifer -Coniferae -coniferin -coniferophyte -coniferous -conification -coniform -Conilurus -conima -conimene -conin -conine -Coniogramme -Coniophora -Coniopterygidae -Conioselinum -coniosis -Coniothyrium -coniroster -conirostral -Conirostres -Conium -conject -conjective -conjecturable -conjecturably -conjectural -conjecturalist -conjecturality -conjecturally -conjecture -conjecturer -conjobble -conjoin -conjoined -conjoinedly -conjoiner -conjoint -conjointly -conjointment -conjointness -conjubilant -conjugable -conjugacy -conjugal -Conjugales -conjugality -conjugally -conjugant -conjugata -Conjugatae -conjugate -conjugated -conjugately -conjugateness -conjugation -conjugational -conjugationally -conjugative -conjugator -conjugial -conjugium -conjunct -conjunction -conjunctional -conjunctionally -conjunctiva -conjunctival -conjunctive -conjunctively -conjunctiveness -conjunctivitis -conjunctly -conjunctur -conjunctural -conjuncture -conjuration -conjurator -conjure -conjurement -conjurer -conjurership -conjuror -conjury -conk -conkanee -conker -conkers -conky -conn -connach -Connaraceae -connaraceous -connarite -Connarus -connascency -connascent -connatal -connate -connately -connateness -connation -connatural -connaturality -connaturalize -connaturally -connaturalness -connature -connaught -connect -connectable -connectant -connected -connectedly -connectedness -connectible -connection -connectional -connectival -connective -connectively -connectivity -connector -connellite -conner -connex -connexion -connexionalism -connexity -connexive -connexivum -connexus -Connie -conning -conniption -connivance -connivancy -connivant -connivantly -connive -connivent -conniver -Connochaetes -connoissance -connoisseur -connoisseurship -connotation -connotative -connotatively -connote -connotive -connotively -connubial -connubiality -connubially -connubiate -connubium -connumerate -connumeration -Conocarpus -Conocephalum -Conocephalus -conoclinium -conocuneus -conodont -conoid -conoidal -conoidally -conoidic -conoidical -conoidically -Conolophus -conominee -cononintelligent -Conopholis -conopid -Conopidae -conoplain -conopodium -Conopophaga -Conopophagidae -Conor -Conorhinus -conormal -conoscope -conourish -Conoy -conphaseolin -conplane -conquedle -conquer -conquerable -conquerableness -conqueress -conquering -conqueringly -conquerment -conqueror -conquest -conquian -conquinamine -conquinine -conquistador -Conrad -conrector -conrectorship -conred -Conringia -consanguine -consanguineal -consanguinean -consanguineous -consanguineously -consanguinity -conscience -conscienceless -consciencelessly -consciencelessness -consciencewise -conscient -conscientious -conscientiously -conscientiousness -conscionable -conscionableness -conscionably -conscious -consciously -consciousness -conscribe -conscript -conscription -conscriptional -conscriptionist -conscriptive -consecrate -consecrated -consecratedness -consecrater -consecration -consecrative -consecrator -consecratory -consectary -consecute -consecution -consecutive -consecutively -consecutiveness -consecutives -consenescence -consenescency -consension -consensual -consensually -consensus -consent -consentable -consentaneity -consentaneous -consentaneously -consentaneousness -consentant -consenter -consentful -consentfully -consentience -consentient -consentiently -consenting -consentingly -consentingness -consentive -consentively -consentment -consequence -consequency -consequent -consequential -consequentiality -consequentially -consequentialness -consequently -consertal -conservable -conservacy -conservancy -conservant -conservate -conservation -conservational -conservationist -conservatism -conservatist -conservative -conservatively -conservativeness -conservatize -conservatoire -conservator -conservatorio -conservatorium -conservatorship -conservatory -conservatrix -conserve -conserver -consider -considerability -considerable -considerableness -considerably -considerance -considerate -considerately -considerateness -consideration -considerative -consideratively -considerativeness -considerator -considered -considerer -considering -consideringly -consign -consignable -consignatary -consignation -consignatory -consignee -consigneeship -consigner -consignificant -consignificate -consignification -consignificative -consignificator -consignify -consignment -consignor -consiliary -consilience -consilient -consimilar -consimilarity -consimilate -consist -consistence -consistency -consistent -consistently -consistorial -consistorian -consistory -consociate -consociation -consociational -consociationism -consociative -consocies -consol -consolable -consolableness -consolably -Consolamentum -consolation -Consolato -consolatorily -consolatoriness -consolatory -consolatrix -console -consolement -consoler -consolidant -consolidate -consolidated -consolidation -consolidationist -consolidative -consolidator -consoling -consolingly -consolute -consomme -consonance -consonancy -consonant -consonantal -consonantic -consonantism -consonantize -consonantly -consonantness -consonate -consonous -consort -consortable -consorter -consortial -consortion -consortism -consortium -consortship -consound -conspecies -conspecific -conspectus -consperse -conspersion -conspicuity -conspicuous -conspicuously -conspicuousness -conspiracy -conspirant -conspiration -conspirative -conspirator -conspiratorial -conspiratorially -conspiratory -conspiratress -conspire -conspirer -conspiring -conspiringly -conspue -constable -constablery -constableship -constabless -constablewick -constabular -constabulary -Constance -constancy -constant -constantan -Constantine -Constantinian -Constantinopolitan -constantly -constantness -constat -constatation -constate -constatory -constellate -constellation -constellatory -consternate -consternation -constipate -constipation -constituency -constituent -constituently -constitute -constituter -constitution -constitutional -constitutionalism -constitutionalist -constitutionality -constitutionalization -constitutionalize -constitutionally -constitutionary -constitutioner -constitutionist -constitutive -constitutively -constitutiveness -constitutor -constrain -constrainable -constrained -constrainedly -constrainedness -constrainer -constraining -constrainingly -constrainment -constraint -constrict -constricted -constriction -constrictive -constrictor -constringe -constringency -constringent -construability -construable -construct -constructer -constructible -construction -constructional -constructionally -constructionism -constructionist -constructive -constructively -constructiveness -constructivism -constructivist -constructor -constructorship -constructure -construe -construer -constuprate -constupration -consubsist -consubsistency -consubstantial -consubstantialism -consubstantialist -consubstantiality -consubstantially -consubstantiate -consubstantiation -consubstantiationist -consubstantive -consuete -consuetitude -consuetude -consuetudinal -consuetudinary -consul -consulage -consular -consularity -consulary -consulate -consulship -consult -consultable -consultant -consultary -consultation -consultative -consultatory -consultee -consulter -consulting -consultive -consultively -consultor -consultory -consumable -consume -consumedly -consumeless -consumer -consuming -consumingly -consumingness -consummate -consummately -consummation -consummative -consummatively -consummativeness -consummator -consummatory -consumpt -consumpted -consumptible -consumption -consumptional -consumptive -consumptively -consumptiveness -consumptivity -consute -contabescence -contabescent -contact -contactor -contactual -contactually -contagion -contagioned -contagionist -contagiosity -contagious -contagiously -contagiousness -contagium -contain -containable -container -containment -contakion -contaminable -contaminant -contaminate -contamination -contaminative -contaminator -contaminous -contangential -contango -conte -contect -contection -contemn -contemner -contemnible -contemnibly -contemning -contemningly -contemnor -contemper -contemperate -contemperature -contemplable -contemplamen -contemplant -contemplate -contemplatingly -contemplation -contemplatist -contemplative -contemplatively -contemplativeness -contemplator -contemplature -contemporanean -contemporaneity -contemporaneous -contemporaneously -contemporaneousness -contemporarily -contemporariness -contemporary -contemporize -contempt -contemptful -contemptibility -contemptible -contemptibleness -contemptibly -contemptuous -contemptuously -contemptuousness -contendent -contender -contending -contendingly -contendress -content -contentable -contented -contentedly -contentedness -contentful -contention -contentional -contentious -contentiously -contentiousness -contentless -contently -contentment -contentness -contents -conter -conterminal -conterminant -contermine -conterminous -conterminously -conterminousness -contest -contestable -contestableness -contestably -contestant -contestation -contestee -contester -contestingly -contestless -context -contextive -contextual -contextually -contextural -contexture -contextured -conticent -contignation -contiguity -contiguous -contiguously -contiguousness -continence -continency -continent -continental -Continentaler -continentalism -continentalist -continentality -Continentalize -continentally -continently -contingence -contingency -contingent -contingential -contingentialness -contingently -contingentness -continuable -continual -continuality -continually -continualness -continuance -continuancy -continuando -continuant -continuantly -continuate -continuately -continuateness -continuation -continuative -continuatively -continuativeness -continuator -continue -continued -continuedly -continuedness -continuer -continuingly -continuist -continuity -continuous -continuously -continuousness -continuum -contise -contline -conto -contorniate -contorsive -contort -Contortae -contorted -contortedly -contortedness -contortion -contortional -contortionate -contortioned -contortionist -contortionistic -contortive -contour -contourne -contra -contraband -contrabandage -contrabandery -contrabandism -contrabandist -contrabandista -contrabass -contrabassist -contrabasso -contracapitalist -contraception -contraceptionist -contraceptive -contracivil -contraclockwise -contract -contractable -contractant -contractation -contracted -contractedly -contractedness -contractee -contracter -contractibility -contractible -contractibleness -contractibly -contractile -contractility -contraction -contractional -contractionist -contractive -contractively -contractiveness -contractor -contractual -contractually -contracture -contractured -contradebt -contradict -contradictable -contradictedness -contradicter -contradiction -contradictional -contradictious -contradictiously -contradictiousness -contradictive -contradictively -contradictiveness -contradictor -contradictorily -contradictoriness -contradictory -contradiscriminate -contradistinct -contradistinction -contradistinctive -contradistinctively -contradistinctly -contradistinguish -contradivide -contrafacture -contrafagotto -contrafissura -contraflexure -contraflow -contrafocal -contragredience -contragredient -contrahent -contrail -contraindicate -contraindication -contraindicative -contralateral -contralto -contramarque -contranatural -contrantiscion -contraoctave -contraparallelogram -contraplex -contrapolarization -contrapone -contraponend -Contraposaune -contrapose -contraposit -contraposita -contraposition -contrapositive -contraprogressist -contraprop -contraproposal -contraption -contraptious -contrapuntal -contrapuntalist -contrapuntally -contrapuntist -contrapunto -contrarational -contraregular -contraregularity -contraremonstrance -contraremonstrant -contrarevolutionary -contrariant -contrariantly -contrariety -contrarily -contrariness -contrarious -contrariously -contrariousness -contrariwise -contrarotation -contrary -contrascriptural -contrast -contrastable -contrastably -contrastedly -contrastimulant -contrastimulation -contrastimulus -contrastingly -contrastive -contrastively -contrastment -contrasty -contrasuggestible -contratabular -contrate -contratempo -contratenor -contravalence -contravallation -contravariant -contravene -contravener -contravention -contraversion -contravindicate -contravindication -contrawise -contrayerva -contrectation -contreface -contrefort -contretemps -contributable -contribute -contribution -contributional -contributive -contributively -contributiveness -contributor -contributorial -contributorship -contributory -contrite -contritely -contriteness -contrition -contriturate -contrivance -contrivancy -contrive -contrivement -contriver -control -controllability -controllable -controllableness -controllably -controller -controllership -controlless -controllingly -controlment -controversial -controversialism -controversialist -controversialize -controversially -controversion -controversional -controversionalism -controversionalist -controversy -controvert -controverter -controvertible -controvertibly -controvertist -contubernal -contubernial -contubernium -contumacious -contumaciously -contumaciousness -contumacity -contumacy -contumelious -contumeliously -contumeliousness -contumely -contund -conturbation -contuse -contusion -contusioned -contusive -conubium -Conularia -conumerary -conumerous -conundrum -conundrumize -conurbation -conure -Conuropsis -Conurus -conus -conusable -conusance -conusant -conusee -conusor -conutrition -conuzee -conuzor -convalesce -convalescence -convalescency -convalescent -convalescently -convallamarin -Convallaria -Convallariaceae -convallariaceous -convallarin -convect -convection -convectional -convective -convectively -convector -convenable -convenably -convene -convenee -convener -convenership -convenience -conveniency -convenient -conveniently -convenientness -convent -conventical -conventically -conventicle -conventicler -conventicular -convention -conventional -conventionalism -conventionalist -conventionality -conventionalization -conventionalize -conventionally -conventionary -conventioner -conventionism -conventionist -conventionize -conventual -conventually -converge -convergement -convergence -convergency -convergent -convergescence -converging -conversable -conversableness -conversably -conversance -conversancy -conversant -conversantly -conversation -conversationable -conversational -conversationalist -conversationally -conversationism -conversationist -conversationize -conversative -converse -conversely -converser -conversibility -conversible -conversion -conversional -conversionism -conversionist -conversive -convert -converted -convertend -converter -convertibility -convertible -convertibleness -convertibly -converting -convertingness -convertise -convertism -convertite -convertive -convertor -conveth -convex -convexed -convexedly -convexedness -convexity -convexly -convexness -convey -conveyable -conveyal -conveyance -conveyancer -conveyancing -conveyer -convict -convictable -conviction -convictional -convictism -convictive -convictively -convictiveness -convictment -convictor -convince -convinced -convincedly -convincedness -convincement -convincer -convincibility -convincible -convincing -convincingly -convincingness -convival -convive -convivial -convivialist -conviviality -convivialize -convivially -convocant -convocate -convocation -convocational -convocationally -convocationist -convocative -convocator -convoke -convoker -Convoluta -convolute -convoluted -convolutely -convolution -convolutional -convolutionary -convolutive -convolve -convolvement -Convolvulaceae -convolvulaceous -convolvulad -convolvuli -convolvulic -convolvulin -convolvulinic -convolvulinolic -Convolvulus -convoy -convulsant -convulse -convulsedly -convulsibility -convulsible -convulsion -convulsional -convulsionary -convulsionism -convulsionist -convulsive -convulsively -convulsiveness -cony -conycatcher -conyrine -coo -cooba -coodle -cooee -cooer -coof -Coohee -cooing -cooingly -cooja -cook -cookable -cookbook -cookdom -cookee -cookeite -cooker -cookery -cookhouse -cooking -cookish -cookishly -cookless -cookmaid -cookout -cookroom -cookshack -cookshop -cookstove -cooky -cool -coolant -coolen -cooler -coolerman -coolheaded -coolheadedly -coolheadedness -coolhouse -coolibah -coolie -cooling -coolingly -coolingness -coolish -coolly -coolness -coolth -coolung -coolweed -coolwort -cooly -coom -coomb -coomy -coon -cooncan -coonily -cooniness -coonroot -coonskin -coontail -coontie -coony -coop -cooper -cooperage -Cooperia -coopering -coopery -cooree -Coorg -coorie -cooruptibly -Coos -cooser -coost -Coosuc -coot -cooter -cootfoot -coothay -cootie -cop -copa -copable -copacetic -copaene -copaiba -copaibic -Copaifera -Copaiva -copaivic -copaiye -copal -copalche -copalcocote -copaliferous -copalite -copalm -coparallel -coparcenary -coparcener -coparceny -coparent -copart -copartaker -copartner -copartnership -copartnery -coparty -copassionate -copastor -copastorate -copatain -copatentee -copatriot -copatron -copatroness -cope -Copehan -copei -Copelata -Copelatae -copelate -copellidine -copeman -copemate -copen -copending -copenetrate -Copeognatha -copepod -Copepoda -copepodan -copepodous -coper -coperception -coperiodic -Copernican -Copernicanism -Copernicia -coperta -copesman -copesmate -copestone -copetitioner -cophasal -Cophetua -cophosis -copiability -copiable -copiapite -copied -copier -copilot -coping -copiopia -copiopsia -copiosity -copious -copiously -copiousness -copis -copist -copita -coplaintiff -coplanar -coplanarity -copleased -coplotter -coploughing -coplowing -copolar -copolymer -copolymerization -copolymerize -coppaelite -copped -copper -copperas -copperbottom -copperer -copperhead -copperheadism -coppering -copperish -copperization -copperize -copperleaf -coppernose -coppernosed -copperplate -copperproof -coppersidesman -copperskin -coppersmith -coppersmithing -copperware -copperwing -copperworks -coppery -copperytailed -coppet -coppice -coppiced -coppicing -coppin -copping -copple -copplecrown -coppled -coppy -copr -copra -coprecipitate -coprecipitation -copremia -copremic -copresbyter -copresence -copresent -Coprides -Coprinae -coprincipal -coprincipate -Coprinus -coprisoner -coprodaeum -coproduce -coproducer -coprojector -coprolagnia -coprolagnist -coprolalia -coprolaliac -coprolite -coprolith -coprolitic -coprology -copromisor -copromoter -coprophagan -coprophagia -coprophagist -coprophagous -coprophagy -coprophilia -coprophiliac -coprophilic -coprophilism -coprophilous -coprophyte -coproprietor -coproprietorship -coprose -Coprosma -coprostasis -coprosterol -coprozoic -copse -copsewood -copsewooded -copsing -copsy -Copt -copter -Coptic -Coptis -copula -copulable -copular -copularium -copulate -copulation -copulative -copulatively -copulatory -copunctal -copurchaser -copus -copy -copybook -copycat -copygraph -copygraphed -copyhold -copyholder -copyholding -copyism -copyist -copyman -copyreader -copyright -copyrightable -copyrighter -copywise -coque -coquecigrue -coquelicot -coqueluche -coquet -coquetoon -coquetry -coquette -coquettish -coquettishly -coquettishness -coquicken -coquilla -Coquille -coquille -coquimbite -coquina -coquita -Coquitlam -coquito -cor -Cora -cora -Corabeca -Corabecan -corach -Coraciae -coracial -Coracias -Coracii -Coraciidae -coraciiform -Coraciiformes -coracine -coracle -coracler -coracoacromial -coracobrachial -coracobrachialis -coracoclavicular -coracocostal -coracohumeral -coracohyoid -coracoid -coracoidal -coracomandibular -coracomorph -Coracomorphae -coracomorphic -coracopectoral -coracoprocoracoid -coracoradialis -coracoscapular -coracovertebral -coradical -coradicate -corah -coraise -coral -coralberry -coralbush -coraled -coralflower -coralist -corallet -Corallian -corallic -Corallidae -corallidomous -coralliferous -coralliform -Coralligena -coralligenous -coralligerous -corallike -Corallina -Corallinaceae -corallinaceous -coralline -corallite -Corallium -coralloid -coralloidal -Corallorhiza -corallum -Corallus -coralroot -coralwort -coram -Corambis -coranto -corban -corbeau -corbeil -corbel -corbeling -corbicula -corbiculate -corbiculum -corbie -corbiestep -corbovinum -corbula -corcass -Corchorus -corcir -corcopali -Corcyraean -cord -cordage -Cordaitaceae -cordaitaceous -cordaitalean -Cordaitales -cordaitean -Cordaites -cordant -cordate -cordately -cordax -Cordeau -corded -cordel -Cordelia -Cordelier -cordeliere -cordelle -corder -Cordery -cordewane -Cordia -cordial -cordiality -cordialize -cordially -cordialness -cordiceps -cordicole -cordierite -cordies -cordiform -cordigeri -cordillera -cordilleran -cordiner -cording -cordite -corditis -cordleaf -cordmaker -cordoba -cordon -cordonnet -Cordovan -Cordula -corduroy -corduroyed -cordwain -cordwainer -cordwainery -cordwood -cordy -Cordyceps -cordyl -Cordylanthus -Cordyline -core -corebel -coreceiver -coreciprocal -corectome -corectomy -corector -cored -coredeem -coredeemer -coredemptress -coreductase -Coree -coreflexed -coregence -coregency -coregent -coregnancy -coregnant -coregonid -Coregonidae -coregonine -coregonoid -Coregonus -coreid -Coreidae -coreign -coreigner -corejoice -coreless -coreligionist -corella -corelysis -Corema -coremaker -coremaking -coremium -coremorphosis -corenounce -coreometer -Coreopsis -coreplastic -coreplasty -corer -coresidence -coresidual -coresign -coresonant -coresort -corespect -corespondency -corespondent -coretomy -coreveler -coreveller -corevolve -Corey -corf -Corfiote -Corflambo -corge -corgi -coriaceous -corial -coriamyrtin -coriander -coriandrol -Coriandrum -Coriaria -Coriariaceae -coriariaceous -coriin -Corimelaena -Corimelaenidae -Corin -corindon -Corineus -coring -Corinna -corinne -Corinth -Corinthian -Corinthianesque -Corinthianism -Corinthianize -Coriolanus -coriparian -corium -Corixa -Corixidae -cork -corkage -corkboard -corke -corked -corker -corkiness -corking -corkish -corkite -corkmaker -corkmaking -corkscrew -corkscrewy -corkwing -corkwood -corky -corm -Cormac -cormel -cormidium -cormoid -Cormophyta -cormophyte -cormophytic -cormorant -cormous -cormus -corn -Cornaceae -cornaceous -cornage -cornbell -cornberry -cornbin -cornbinks -cornbird -cornbole -cornbottle -cornbrash -corncake -corncob -corncracker -corncrib -corncrusher -corndodger -cornea -corneagen -corneal -cornein -corneitis -cornel -Cornelia -cornelian -Cornelius -cornemuse -corneocalcareous -corneosclerotic -corneosiliceous -corneous -corner -cornerbind -cornered -cornerer -cornerpiece -cornerstone -cornerways -cornerwise -cornet -cornetcy -cornettino -cornettist -corneule -corneum -cornfield -cornfloor -cornflower -corngrower -cornhouse -cornhusk -cornhusker -cornhusking -cornic -cornice -cornicle -corniculate -corniculer -corniculum -Corniferous -cornific -cornification -cornified -corniform -cornigerous -cornin -corning -corniplume -Cornish -Cornishman -cornland -cornless -cornloft -cornmaster -cornmonger -cornopean -cornpipe -cornrick -cornroot -cornstalk -cornstarch -cornstook -cornu -cornual -cornuate -cornuated -cornubianite -cornucopia -Cornucopiae -cornucopian -cornucopiate -cornule -cornulite -Cornulites -cornupete -Cornus -cornute -cornuted -cornutine -cornuto -cornwallis -cornwallite -corny -coroa -Coroado -corocleisis -corodiary -corodiastasis -corodiastole -corody -corol -corolla -corollaceous -corollarial -corollarially -corollary -corollate -corollated -corolliferous -corolliform -corollike -corolline -corollitic -corometer -corona -coronach -coronad -coronadite -coronae -coronagraph -coronagraphic -coronal -coronale -coronaled -coronally -coronamen -coronary -coronate -coronated -coronation -coronatorial -coroner -coronership -coronet -coroneted -coronetted -coronetty -coroniform -Coronilla -coronillin -coronion -coronitis -coronium -coronize -coronobasilar -coronofacial -coronofrontal -coronoid -Coronopus -coronule -coroparelcysis -coroplast -coroplasta -coroplastic -Coropo -coroscopy -corotomy -corozo -corp -corpora -corporal -corporalism -corporality -corporally -corporalship -corporas -corporate -corporately -corporateness -corporation -corporational -corporationer -corporationism -corporative -corporator -corporature -corporeal -corporealist -corporeality -corporealization -corporealize -corporeally -corporealness -corporeals -corporeity -corporeous -corporification -corporify -corporosity -corposant -corps -corpsbruder -corpse -corpsman -corpulence -corpulency -corpulent -corpulently -corpulentness -corpus -corpuscle -corpuscular -corpuscularian -corpuscularity -corpusculated -corpuscule -corpusculous -corpusculum -corrade -corradial -corradiate -corradiation -corral -corrasion -corrasive -Correa -correal -correality -correct -correctable -correctant -corrected -correctedness -correctible -correcting -correctingly -correction -correctional -correctionalist -correctioner -correctitude -corrective -correctively -correctiveness -correctly -correctness -corrector -correctorship -correctress -correctrice -corregidor -correlatable -correlate -correlated -correlation -correlational -correlative -correlatively -correlativeness -correlativism -correlativity -correligionist -corrente -correption -corresol -correspond -correspondence -correspondency -correspondent -correspondential -correspondentially -correspondently -correspondentship -corresponder -corresponding -correspondingly -corresponsion -corresponsive -corresponsively -corridor -corridored -corrie -Corriedale -corrige -corrigenda -corrigendum -corrigent -corrigibility -corrigible -corrigibleness -corrigibly -Corrigiola -Corrigiolaceae -corrival -corrivality -corrivalry -corrivalship -corrivate -corrivation -corrobboree -corroborant -corroborate -corroboration -corroborative -corroboratively -corroborator -corroboratorily -corroboratory -corroboree -corrode -corrodent -Corrodentia -corroder -corrodiary -corrodibility -corrodible -corrodier -corroding -corrosibility -corrosible -corrosibleness -corrosion -corrosional -corrosive -corrosively -corrosiveness -corrosivity -corrugate -corrugated -corrugation -corrugator -corrupt -corrupted -corruptedly -corruptedness -corrupter -corruptful -corruptibility -corruptible -corruptibleness -corrupting -corruptingly -corruption -corruptionist -corruptive -corruptively -corruptly -corruptness -corruptor -corruptress -corsac -corsage -corsaint -corsair -corse -corselet -corsepresent -corsesque -corset -corseting -corsetless -corsetry -Corsican -corsie -corsite -corta -Cortaderia -cortege -Cortes -cortex -cortez -cortical -cortically -corticate -corticated -corticating -cortication -cortices -corticiferous -corticiform -corticifugal -corticifugally -corticipetal -corticipetally -Corticium -corticoafferent -corticoefferent -corticoline -corticopeduncular -corticose -corticospinal -corticosterone -corticostriate -corticous -cortin -cortina -cortinarious -Cortinarius -cortinate -cortisone -cortlandtite -Corton -coruco -coruler -Coruminacan -corundophilite -corundum -corupay -coruscant -coruscate -coruscation -corver -corvette -corvetto -Corvidae -corviform -corvillosum -corvina -Corvinae -corvine -corvoid -Corvus -Cory -Corybant -Corybantian -corybantiasm -Corybantic -corybantic -Corybantine -corybantish -corybulbin -corybulbine -corycavamine -corycavidin -corycavidine -corycavine -Corycia -Corycian -corydalin -corydaline -Corydalis -corydine -Corydon -coryl -Corylaceae -corylaceous -corylin -Corylopsis -Corylus -corymb -corymbed -corymbiate -corymbiated -corymbiferous -corymbiform -corymbose -corymbous -corynebacterial -Corynebacterium -Coryneum -corynine -Corynocarpaceae -corynocarpaceous -Corynocarpus -Corypha -Coryphaena -coryphaenid -Coryphaenidae -coryphaenoid -Coryphaenoididae -coryphaeus -coryphee -coryphene -Coryphodon -coryphodont -coryphylly -corytuberine -coryza -cos -cosalite -cosaque -cosavior -coscet -Coscinodiscaceae -Coscinodiscus -coscinomancy -coscoroba -coseasonal -coseat -cosec -cosecant -cosech -cosectarian -cosectional -cosegment -coseism -coseismal -coseismic -cosenator -cosentiency -cosentient -coservant -cosession -coset -cosettler -cosh -cosharer -cosheath -cosher -cosherer -coshering -coshery -cosignatory -cosigner -cosignitary -cosily -cosinage -cosine -cosiness -cosingular -cosinusoid -Cosmati -cosmecology -cosmesis -cosmetic -cosmetical -cosmetically -cosmetician -cosmetiste -cosmetological -cosmetologist -cosmetology -cosmic -cosmical -cosmicality -cosmically -cosmism -cosmist -cosmocracy -cosmocrat -cosmocratic -cosmogenesis -cosmogenetic -cosmogenic -cosmogeny -cosmogonal -cosmogoner -cosmogonic -cosmogonical -cosmogonist -cosmogonize -cosmogony -cosmographer -cosmographic -cosmographical -cosmographically -cosmographist -cosmography -cosmolabe -cosmolatry -cosmologic -cosmological -cosmologically -cosmologist -cosmology -cosmometry -cosmopathic -cosmoplastic -cosmopoietic -cosmopolicy -cosmopolis -cosmopolitan -cosmopolitanism -cosmopolitanization -cosmopolitanize -cosmopolitanly -cosmopolite -cosmopolitic -cosmopolitical -cosmopolitics -cosmopolitism -cosmorama -cosmoramic -cosmorganic -cosmos -cosmoscope -cosmosophy -cosmosphere -cosmotellurian -cosmotheism -cosmotheist -cosmotheistic -cosmothetic -cosmotron -cosmozoan -cosmozoic -cosmozoism -cosonant -cosounding -cosovereign -cosovereignty -cospecies -cospecific -cosphered -cosplendor -cosplendour -coss -Cossack -Cossaean -cossas -cosse -cosset -cossette -cossid -Cossidae -cossnent -cossyrite -cost -costa -Costaea -costal -costalgia -costally -costander -Costanoan -costar -costard -Costata -costate -costated -costean -costeaning -costectomy -costellate -coster -costerdom -costermonger -costicartilage -costicartilaginous -costicervical -costiferous -costiform -costing -costipulator -costispinal -costive -costively -costiveness -costless -costlessness -costliness -costly -costmary -costoabdominal -costoapical -costocentral -costochondral -costoclavicular -costocolic -costocoracoid -costodiaphragmatic -costogenic -costoinferior -costophrenic -costopleural -costopneumopexy -costopulmonary -costoscapular -costosternal -costosuperior -costothoracic -costotome -costotomy -costotrachelian -costotransversal -costotransverse -costovertebral -costoxiphoid -costraight -costrel -costula -costulation -costume -costumer -costumery -costumic -costumier -costumiere -costuming -costumist -costusroot -cosubject -cosubordinate -cosuffer -cosufferer -cosuggestion -cosuitor -cosurety -cosustain -coswearer -cosy -cosymmedian -cot -cotangent -cotangential -cotarius -cotarnine -cotch -cote -coteful -coteline -coteller -cotemporane -cotemporanean -cotemporaneous -cotemporaneously -cotemporary -cotenancy -cotenant -cotenure -coterell -coterie -coterminous -Cotesian -coth -cothamore -cothe -cotheorist -cothish -cothon -cothurn -cothurnal -cothurnate -cothurned -cothurnian -cothurnus -cothy -cotidal -cotillage -cotillion -Cotinga -cotingid -Cotingidae -cotingoid -Cotinus -cotise -cotitular -cotland -cotman -coto -cotoin -Cotonam -Cotoneaster -cotonier -cotorment -cotoro -cotorture -Cotoxo -cotquean -cotraitor -cotransfuse -cotranslator -cotranspire -cotransubstantiate -cotrine -cotripper -cotrustee -cotset -cotsetla -cotsetle -cotta -cottabus -cottage -cottaged -cottager -cottagers -cottagey -cotte -cotted -cotter -cotterel -cotterite -cotterway -cottid -Cottidae -cottier -cottierism -cottiform -cottoid -cotton -cottonade -cottonbush -cottonee -cottoneer -cottoner -Cottonian -cottonization -cottonize -cottonless -cottonmouth -cottonocracy -Cottonopolis -cottonseed -cottontail -cottontop -cottonweed -cottonwood -cottony -Cottus -cotty -cotuit -cotula -cotunnite -Coturnix -cotutor -cotwin -cotwinned -cotwist -cotyla -cotylar -cotyledon -cotyledonal -cotyledonar -cotyledonary -cotyledonous -cotyliform -cotyligerous -cotyliscus -cotyloid -Cotylophora -cotylophorous -cotylopubic -cotylosacral -cotylosaur -Cotylosauria -cotylosaurian -cotype -Cotys -Cotyttia -couac -coucal -couch -couchancy -couchant -couched -couchee -coucher -couching -couchmaker -couchmaking -couchmate -couchy -coude -coudee -coue -Coueism -cougar -cough -cougher -coughroot -coughweed -coughwort -cougnar -coul -could -couldron -coulee -coulisse -coulomb -coulometer -coulterneb -coulure -couma -coumalic -coumalin -coumara -coumaran -coumarate -coumaric -coumarilic -coumarin -coumarinic -coumarone -coumarou -Coumarouna -council -councilist -councilman -councilmanic -councilor -councilorship -councilwoman -counderstand -counite -couniversal -counsel -counselable -counselee -counselful -counselor -counselorship -count -countable -countableness -countably -countdom -countenance -countenancer -counter -counterabut -counteraccusation -counteracquittance -counteract -counteractant -counteracter -counteracting -counteractingly -counteraction -counteractive -counteractively -counteractivity -counteractor -counteraddress -counteradvance -counteradvantage -counteradvice -counteradvise -counteraffirm -counteraffirmation -counteragency -counteragent -counteragitate -counteragitation -counteralliance -counterambush -counterannouncement -counteranswer -counterappeal -counterappellant -counterapproach -counterapse -counterarch -counterargue -counterargument -counterartillery -counterassertion -counterassociation -counterassurance -counterattack -counterattestation -counterattired -counterattraction -counterattractive -counterattractively -counteraverment -counteravouch -counteravouchment -counterbalance -counterbarrage -counterbase -counterbattery -counterbeating -counterbend -counterbewitch -counterbid -counterblast -counterblow -counterbond -counterborder -counterbore -counterboycott -counterbrace -counterbranch -counterbrand -counterbreastwork -counterbuff -counterbuilding -countercampaign -countercarte -countercause -counterchange -counterchanged -countercharge -countercharm -countercheck -countercheer -counterclaim -counterclaimant -counterclockwise -countercolored -countercommand -countercompetition -countercomplaint -countercompony -countercondemnation -counterconquest -counterconversion -countercouchant -countercoupe -countercourant -countercraft -countercriticism -countercross -countercry -countercurrent -countercurrently -countercurrentwise -counterdance -counterdash -counterdecision -counterdeclaration -counterdecree -counterdefender -counterdemand -counterdemonstration -counterdeputation -counterdesire -counterdevelopment -counterdifficulty -counterdigged -counterdike -counterdiscipline -counterdisengage -counterdisengagement -counterdistinction -counterdistinguish -counterdoctrine -counterdogmatism -counterdraft -counterdrain -counterdrive -counterearth -counterefficiency -countereffort -counterembattled -counterembowed -counterenamel -counterend -counterenergy -counterengagement -counterengine -counterenthusiasm -counterentry -counterequivalent -counterermine -counterespionage -counterestablishment -counterevidence -counterexaggeration -counterexcitement -counterexcommunication -counterexercise -counterexplanation -counterexposition -counterexpostulation -counterextend -counterextension -counterfact -counterfallacy -counterfaller -counterfeit -counterfeiter -counterfeitly -counterfeitment -counterfeitness -counterferment -counterfessed -counterfire -counterfix -counterflange -counterflashing -counterflight -counterflory -counterflow -counterflux -counterfoil -counterforce -counterformula -counterfort -counterfugue -countergabble -countergabion -countergambit -countergarrison -countergauge -countergauger -countergift -countergirded -counterglow -counterguard -counterhaft -counterhammering -counterhypothesis -counteridea -counterideal -counterimagination -counterimitate -counterimitation -counterimpulse -counterindentation -counterindented -counterindicate -counterindication -counterinfluence -counterinsult -counterintelligence -counterinterest -counterinterpretation -counterintrigue -counterinvective -counterirritant -counterirritate -counterirritation -counterjudging -counterjumper -counterlath -counterlathing -counterlatration -counterlaw -counterleague -counterlegislation -counterlife -counterlocking -counterlode -counterlove -counterly -countermachination -counterman -countermand -countermandable -countermaneuver -countermanifesto -countermarch -countermark -countermarriage -countermeasure -countermeet -countermessage -countermigration -countermine -countermission -countermotion -countermount -countermove -countermovement -countermure -countermutiny -counternaiant -counternarrative -counternatural -counternecromancy -counternoise -counternotice -counterobjection -counterobligation -counteroffensive -counteroffer -counteropening -counteropponent -counteropposite -counterorator -counterorder -counterorganization -counterpaled -counterpaly -counterpane -counterpaned -counterparadox -counterparallel -counterparole -counterparry -counterpart -counterpassant -counterpassion -counterpenalty -counterpendent -counterpetition -counterpicture -counterpillar -counterplan -counterplay -counterplayer -counterplea -counterplead -counterpleading -counterplease -counterplot -counterpoint -counterpointe -counterpointed -counterpoise -counterpoison -counterpole -counterponderate -counterpose -counterposition -counterposting -counterpotence -counterpotency -counterpotent -counterpractice -counterpray -counterpreach -counterpreparation -counterpressure -counterprick -counterprinciple -counterprocess -counterproject -counterpronunciamento -counterproof -counterpropaganda -counterpropagandize -counterprophet -counterproposal -counterproposition -counterprotection -counterprotest -counterprove -counterpull -counterpunch -counterpuncture -counterpush -counterquartered -counterquarterly -counterquery -counterquestion -counterquip -counterradiation -counterraid -counterraising -counterrampant -counterrate -counterreaction -counterreason -counterreckoning -counterrecoil -counterreconnaissance -counterrefer -counterreflected -counterreform -counterreformation -counterreligion -counterremonstrant -counterreply -counterreprisal -counterresolution -counterrestoration -counterretreat -counterrevolution -counterrevolutionary -counterrevolutionist -counterrevolutionize -counterriposte -counterroll -counterround -counterruin -countersale -countersalient -counterscale -counterscalloped -counterscarp -counterscoff -countersconce -counterscrutiny -countersea -counterseal -countersecure -countersecurity -counterselection -countersense -counterservice -countershade -countershaft -countershafting -countershear -countershine -countershout -counterside -countersiege -countersign -countersignal -countersignature -countersink -countersleight -counterslope -countersmile -countersnarl -counterspying -counterstain -counterstamp -counterstand -counterstatant -counterstatement -counterstatute -counterstep -counterstimulate -counterstimulation -counterstimulus -counterstock -counterstratagem -counterstream -counterstrike -counterstroke -counterstruggle -countersubject -countersuggestion -countersuit -countersun -countersunk -countersurprise -counterswing -countersworn -countersympathy -countersynod -countertack -countertail -countertally -countertaste -countertechnicality -countertendency -countertenor -counterterm -counterterror -countertheme -countertheory -counterthought -counterthreat -counterthrust -counterthwarting -countertierce -countertime -countertouch -countertraction -countertrades -countertransference -countertranslation -countertraverse -countertreason -countertree -countertrench -countertrespass -countertrippant -countertripping -countertruth -countertug -counterturn -counterturned -countertype -countervail -countervair -countervairy -countervallation -countervaunt -countervene -countervengeance -countervenom -countervibration -counterview -countervindication -countervolition -countervolley -countervote -counterwager -counterwall -counterwarmth -counterwave -counterweigh -counterweight -counterweighted -counterwheel -counterwill -counterwilling -counterwind -counterwitness -counterword -counterwork -counterworker -counterwrite -countess -countfish -counting -countinghouse -countless -countor -countrified -countrifiedness -country -countryfolk -countryman -countrypeople -countryseat -countryside -countryward -countrywoman -countship -county -coup -coupage -coupe -couped -coupee -coupelet -couper -couple -coupled -couplement -coupler -coupleress -couplet -coupleteer -coupling -coupon -couponed -couponless -coupstick -coupure -courage -courageous -courageously -courageousness -courager -courant -courante -courap -couratari -courb -courbache -courbaril -courbash -courge -courida -courier -couril -courlan -Cours -course -coursed -courser -coursing -court -courtbred -courtcraft -courteous -courteously -courteousness -courtepy -courter -courtesan -courtesanry -courtesanship -courtesy -courtezanry -courtezanship -courthouse -courtier -courtierism -courtierly -courtiership -courtin -courtless -courtlet -courtlike -courtliness -courtling -courtly -courtman -Courtney -courtroom -courtship -courtyard -courtzilite -couscous -couscousou -couseranite -cousin -cousinage -cousiness -cousinhood -cousinly -cousinry -cousinship -cousiny -coussinet -coustumier -coutel -coutelle -couter -Coutet -couth -couthie -couthily -couthiness -couthless -coutil -coutumier -couvade -couxia -covado -covalence -covalent -Covarecan -Covarecas -covariable -covariance -covariant -covariation -covassal -cove -coved -covelline -covellite -covenant -covenantal -covenanted -covenantee -Covenanter -covenanter -covenanting -covenantor -covent -coventrate -coventrize -Coventry -cover -coverage -coveralls -coverchief -covercle -covered -coverer -covering -coverless -coverlet -coverlid -coversed -coverside -coversine -coverslut -covert -covertical -covertly -covertness -coverture -covet -covetable -coveter -coveting -covetingly -covetiveness -covetous -covetously -covetousness -covey -covibrate -covibration -covid -Coviello -covillager -Covillea -covin -coving -covinous -covinously -covisit -covisitor -covite -covolume -covotary -cow -cowal -Cowan -coward -cowardice -cowardliness -cowardly -cowardness -cowardy -cowbane -cowbell -cowberry -cowbind -cowbird -cowboy -cowcatcher -cowdie -coween -cower -cowfish -cowgate -cowgram -cowhage -cowheart -cowhearted -cowheel -cowherb -cowherd -cowhide -cowhiding -cowhorn -Cowichan -cowish -cowitch -cowkeeper -cowl -cowle -cowled -cowleech -cowleeching -cowlick -cowlicks -cowlike -cowling -Cowlitz -cowlstaff -cowman -cowpath -cowpea -cowpen -Cowperian -cowperitis -cowpock -cowpox -cowpuncher -cowquake -cowrie -cowroid -cowshed -cowskin -cowslip -cowslipped -cowsucker -cowtail -cowthwort -cowtongue -cowweed -cowwheat -cowy -cowyard -cox -coxa -coxal -coxalgia -coxalgic -coxankylometer -coxarthritis -coxarthrocace -coxarthropathy -coxbones -coxcomb -coxcombess -coxcombhood -coxcombic -coxcombical -coxcombicality -coxcombically -coxcombity -coxcombry -coxcomby -coxcomical -coxcomically -coxite -coxitis -coxocerite -coxoceritic -coxodynia -coxofemoral -coxopodite -coxswain -coxy -coy -coyan -coydog -coyish -coyishness -coyly -coyness -coynye -coyo -coyol -coyote -Coyotero -coyotillo -coyoting -coypu -coyure -coz -coze -cozen -cozenage -cozener -cozening -cozeningly -cozier -cozily -coziness -cozy -crab -crabbed -crabbedly -crabbedness -crabber -crabbery -crabbing -crabby -crabcatcher -crabeater -craber -crabhole -crablet -crablike -crabman -crabmill -crabsidle -crabstick -crabweed -crabwise -crabwood -Cracca -Cracidae -Cracinae -crack -crackable -crackajack -crackbrain -crackbrained -crackbrainedness -crackdown -cracked -crackedness -cracker -crackerberry -crackerjack -crackers -crackhemp -crackiness -cracking -crackjaw -crackle -crackled -crackless -crackleware -crackling -crackly -crackmans -cracknel -crackpot -crackskull -cracksman -cracky -cracovienne -craddy -cradge -cradle -cradleboard -cradlechild -cradlefellow -cradleland -cradlelike -cradlemaker -cradlemaking -cradleman -cradlemate -cradler -cradleside -cradlesong -cradletime -cradling -Cradock -craft -craftily -craftiness -craftless -craftsman -craftsmanship -craftsmaster -craftswoman -craftwork -craftworker -crafty -crag -craggan -cragged -craggedness -craggily -cragginess -craggy -craglike -cragsman -cragwork -craichy -Craig -craigmontite -crain -craisey -craizey -crajuru -crake -crakefeet -crakow -cram -cramasie -crambambulee -crambambuli -Crambe -crambe -cramberry -crambid -Crambidae -Crambinae -cramble -crambly -crambo -Crambus -crammer -cramp -cramped -crampedness -cramper -crampet -crampfish -cramping -crampingly -crampon -cramponnee -crampy -cran -cranage -cranberry -crance -crandall -crandallite -crane -cranelike -craneman -craner -cranesman -craneway -craney -Crania -crania -craniacromial -craniad -cranial -cranially -cranian -Craniata -craniate -cranic -craniectomy -craniocele -craniocerebral -cranioclasis -cranioclasm -cranioclast -cranioclasty -craniodidymus -craniofacial -craniognomic -craniognomy -craniognosy -craniograph -craniographer -craniography -craniological -craniologically -craniologist -craniology -craniomalacia -craniomaxillary -craniometer -craniometric -craniometrical -craniometrically -craniometrist -craniometry -craniopagus -craniopathic -craniopathy -craniopharyngeal -craniophore -cranioplasty -craniopuncture -craniorhachischisis -craniosacral -cranioschisis -cranioscopical -cranioscopist -cranioscopy -craniospinal -craniostenosis -craniostosis -Craniota -craniotabes -craniotome -craniotomy -craniotopography -craniotympanic -craniovertebral -cranium -crank -crankbird -crankcase -cranked -cranker -crankery -crankily -crankiness -crankle -crankless -crankly -crankman -crankous -crankpin -crankshaft -crankum -cranky -crannage -crannied -crannock -crannog -crannoger -cranny -cranreuch -crantara -crants -crap -crapaud -crapaudine -crape -crapefish -crapehanger -crapelike -crappie -crappin -crapple -crappo -craps -crapshooter -crapulate -crapulence -crapulent -crapulous -crapulously -crapulousness -crapy -craquelure -crare -crash -crasher -crasis -craspedal -craspedodromous -craspedon -Craspedota -craspedotal -craspedote -crass -crassamentum -crassier -crassilingual -Crassina -crassitude -crassly -crassness -Crassula -Crassulaceae -crassulaceous -Crataegus -Crataeva -cratch -cratchens -cratches -crate -crateful -cratemaker -cratemaking -crateman -crater -crateral -cratered -Craterellus -Craterid -crateriform -crateris -craterkin -craterless -craterlet -craterlike -craterous -craticular -Cratinean -cratometer -cratometric -cratometry -craunch -craunching -craunchingly -cravat -crave -craven -Cravenette -cravenette -cravenhearted -cravenly -cravenness -craver -craving -cravingly -cravingness -cravo -craw -crawberry -crawdad -crawfish -crawfoot -crawful -crawl -crawler -crawlerize -crawley -crawleyroot -crawling -crawlingly -crawlsome -crawly -crawm -crawtae -Crawthumper -Crax -crayer -crayfish -crayon -crayonist -crayonstone -craze -crazed -crazedly -crazedness -crazily -craziness -crazingmill -crazy -crazycat -crazyweed -crea -creagh -creaght -creak -creaker -creakily -creakiness -creakingly -creaky -cream -creambush -creamcake -creamcup -creamer -creamery -creameryman -creamfruit -creamily -creaminess -creamless -creamlike -creammaker -creammaking -creamometer -creamsacs -creamware -creamy -creance -creancer -creant -crease -creaseless -creaser -creashaks -creasing -creasy -creat -creatable -create -createdness -creatic -creatine -creatinephosphoric -creatinine -creatininemia -creatinuria -creation -creational -creationary -creationism -creationist -creationistic -creative -creatively -creativeness -creativity -creatophagous -creator -creatorhood -creatorrhea -creatorship -creatotoxism -creatress -creatrix -creatural -creature -creaturehood -creatureless -creatureliness -creatureling -creaturely -creatureship -creaturize -crebricostate -crebrisulcate -crebrity -crebrous -creche -creddock -credence -credencive -credenciveness -credenda -credensive -credensiveness -credent -credential -credently -credenza -credibility -credible -credibleness -credibly -credit -creditability -creditable -creditableness -creditably -creditive -creditless -creditor -creditorship -creditress -creditrix -crednerite -Credo -credulity -credulous -credulously -credulousness -Cree -cree -creed -creedal -creedalism -creedalist -creeded -creedist -creedite -creedless -creedlessness -creedmore -creedsman -Creek -creek -creeker -creekfish -creekside -creekstuff -creeky -creel -creeler -creem -creen -creep -creepage -creeper -creepered -creeperless -creephole -creepie -creepiness -creeping -creepingly -creepmouse -creepmousy -creepy -creese -creesh -creeshie -creeshy -creirgist -cremaster -cremasterial -cremasteric -cremate -cremation -cremationism -cremationist -cremator -crematorial -crematorium -crematory -crembalum -cremnophobia -cremocarp -cremometer -cremone -cremor -cremorne -cremule -crena -crenate -crenated -crenately -crenation -crenature -crenel -crenelate -crenelated -crenelation -crenele -creneled -crenelet -crenellate -crenellation -crenic -crenitic -crenology -crenotherapy -Crenothrix -crenula -crenulate -crenulated -crenulation -creodont -Creodonta -creole -creoleize -creolian -Creolin -creolism -creolization -creolize -creophagia -creophagism -creophagist -creophagous -creophagy -creosol -creosote -creosoter -creosotic -crepance -crepe -crepehanger -Crepidula -crepine -crepiness -Crepis -crepitaculum -crepitant -crepitate -crepitation -crepitous -crepitus -crepon -crept -crepuscle -crepuscular -crepuscule -crepusculine -crepusculum -crepy -cresamine -crescendo -crescent -crescentade -crescentader -Crescentia -crescentic -crescentiform -crescentlike -crescentoid -crescentwise -crescive -crescograph -crescographic -cresegol -cresol -cresolin -cresorcinol -cresotate -cresotic -cresotinic -cresoxide -cresoxy -cresphontes -cress -cressed -cresselle -cresset -Cressida -cresson -cressweed -cresswort -cressy -crest -crested -crestfallen -crestfallenly -crestfallenness -cresting -crestless -crestline -crestmoreite -cresyl -cresylate -cresylene -cresylic -cresylite -creta -Cretaceous -cretaceous -cretaceously -Cretacic -Cretan -Crete -cretefaction -Cretic -cretic -cretification -cretify -cretin -cretinic -cretinism -cretinization -cretinize -cretinoid -cretinous -cretion -cretionary -Cretism -cretonne -crevalle -crevasse -crevice -creviced -crew -crewel -crewelist -crewellery -crewelwork -crewer -crewless -crewman -Crex -crib -cribbage -cribber -cribbing -cribble -cribellum -cribo -cribral -cribrate -cribrately -cribration -cribriform -cribrose -cribwork -cric -Cricetidae -cricetine -Cricetus -crick -cricket -cricketer -cricketing -crickety -crickey -crickle -cricoarytenoid -cricoid -cricopharyngeal -cricothyreoid -cricothyreotomy -cricothyroid -cricothyroidean -cricotomy -cricotracheotomy -Cricotus -cried -crier -criey -crig -crile -crime -Crimean -crimeful -crimeless -crimelessness -crimeproof -criminal -criminaldom -criminalese -criminalism -criminalist -criminalistic -criminalistician -criminalistics -criminality -criminally -criminalness -criminaloid -criminate -crimination -criminative -criminator -criminatory -crimine -criminogenesis -criminogenic -criminologic -criminological -criminologist -criminology -criminosis -criminous -criminously -criminousness -crimogenic -crimp -crimpage -crimper -crimping -crimple -crimpness -crimpy -crimson -crimsonly -crimsonness -crimsony -crin -crinal -crinanite -crinated -crinatory -crine -crined -crinet -cringe -cringeling -cringer -cringing -cringingly -cringingness -cringle -crinicultural -criniculture -criniferous -Criniger -crinigerous -criniparous -crinite -crinitory -crinivorous -crink -crinkle -crinkleroot -crinkly -crinoid -crinoidal -Crinoidea -crinoidean -crinoline -crinose -crinosity -crinula -Crinum -criobolium -criocephalus -Crioceras -crioceratite -crioceratitic -Crioceris -criophore -Criophoros -criosphinx -cripes -crippingly -cripple -crippledom -crippleness -crippler -crippling -cripply -Cris -crises -crisic -crisis -crisp -crispate -crispated -crispation -crispature -crisped -crisper -crispily -Crispin -crispine -crispiness -crisping -crisply -crispness -crispy -criss -crissal -crisscross -crissum -crista -cristate -Cristatella -Cristi -cristiform -Cristina -Cristineaux -Cristino -Cristispira -Cristivomer -cristobalite -Cristopher -critch -criteria -criteriology -criterion -criterional -criterium -crith -Crithidia -crithmene -crithomancy -critic -critical -criticality -critically -criticalness -criticaster -criticasterism -criticastry -criticisable -criticism -criticist -criticizable -criticize -criticizer -criticizingly -critickin -criticship -criticule -critique -critling -crizzle -cro -croak -Croaker -croaker -croakily -croakiness -croaky -Croat -Croatan -Croatian -croc -Crocanthemum -crocard -croceic -crocein -croceine -croceous -crocetin -croche -crochet -crocheter -crocheting -croci -crocidolite -Crocidura -crocin -crock -crocker -crockery -crockeryware -crocket -crocketed -crocky -crocodile -Crocodilia -crocodilian -Crocodilidae -crocodiline -crocodilite -crocodiloid -Crocodilus -Crocodylidae -Crocodylus -crocoisite -crocoite -croconate -croconic -Crocosmia -Crocus -crocus -crocused -croft -crofter -crofterization -crofterize -crofting -croftland -croisette -croissante -Crokinole -Crom -cromaltite -crome -Cromer -Cromerian -cromfordite -cromlech -cromorna -cromorne -Cromwell -Cromwellian -Cronartium -crone -croneberry -cronet -Cronian -cronish -cronk -cronkness -cronstedtite -crony -crood -croodle -crook -crookback -crookbacked -crookbill -crookbilled -crooked -crookedly -crookedness -crooken -crookesite -crookfingered -crookheaded -crookkneed -crookle -crooklegged -crookneck -crooknecked -crooknosed -crookshouldered -crooksided -crooksterned -crooktoothed -crool -Croomia -croon -crooner -crooning -crooningly -crop -crophead -cropland -cropman -croppa -cropper -croppie -cropplecrown -croppy -cropshin -cropsick -cropsickness -cropweed -croquet -croquette -crore -crosa -Crosby -crosier -crosiered -crosnes -cross -crossability -crossable -crossarm -crossband -crossbar -crossbeak -crossbeam -crossbelt -crossbill -crossbolt -crossbolted -crossbones -crossbow -crossbowman -crossbred -crossbreed -crosscurrent -crosscurrented -crosscut -crosscutter -crosscutting -crosse -crossed -crosser -crossette -crossfall -crossfish -crossflow -crossflower -crossfoot -crosshackle -crosshand -crosshatch -crosshaul -crosshauling -crosshead -crossing -crossite -crossjack -crosslegs -crosslet -crossleted -crosslight -crosslighted -crossline -crossly -crossness -crossopodia -crossopterygian -Crossopterygii -Crossosoma -Crossosomataceae -crossosomataceous -crossover -crosspatch -crosspath -crosspiece -crosspoint -crossrail -crossroad -crossroads -crossrow -crossruff -crosstail -crosstie -crosstied -crosstoes -crosstrack -crosstree -crosswalk -crossway -crossways -crossweb -crossweed -crosswise -crossword -crosswort -crostarie -crotal -Crotalaria -crotalic -Crotalidae -crotaliform -Crotalinae -crotaline -crotalism -crotalo -crotaloid -crotalum -Crotalus -crotaphic -crotaphion -crotaphite -crotaphitic -Crotaphytus -crotch -crotched -crotchet -crotcheteer -crotchetiness -crotchety -crotchy -crotin -Croton -crotonaldehyde -crotonate -crotonic -crotonization -crotonyl -crotonylene -Crotophaga -crottels -crottle -crotyl -crouch -crouchant -crouched -croucher -crouching -crouchingly -crounotherapy -croup -croupade -croupal -croupe -crouperbush -croupier -croupily -croupiness -croupous -croupy -crouse -crousely -crout -croute -crouton -crow -crowbait -crowbar -crowberry -crowbill -crowd -crowded -crowdedly -crowdedness -crowder -crowdweed -crowdy -crower -crowflower -crowfoot -crowfooted -crowhop -crowing -crowingly -crowkeeper -crowl -crown -crownbeard -crowned -crowner -crownless -crownlet -crownling -crownmaker -crownwork -crownwort -crowshay -crowstep -crowstepped -crowstick -crowstone -crowtoe -croy -croyden -croydon -croze -crozer -crozzle -crozzly -crubeen -cruce -cruces -crucethouse -cruche -crucial -cruciality -crucially -crucian -Crucianella -cruciate -cruciately -cruciation -crucible -Crucibulum -crucifer -Cruciferae -cruciferous -crucificial -crucified -crucifier -crucifix -crucifixion -cruciform -cruciformity -cruciformly -crucify -crucigerous -crucilly -crucily -cruck -crude -crudely -crudeness -crudity -crudwort -cruel -cruelhearted -cruelize -cruelly -cruelness -cruels -cruelty -cruent -cruentation -cruet -cruety -cruise -cruiser -cruisken -cruive -cruller -crum -crumb -crumbable -crumbcloth -crumber -crumble -crumblement -crumblet -crumbliness -crumblingness -crumblings -crumbly -crumby -crumen -crumenal -crumlet -crummie -crummier -crummiest -crummock -crummy -crump -crumper -crumpet -crumple -crumpled -crumpler -crumpling -crumply -crumpy -crunch -crunchable -crunchiness -crunching -crunchingly -crunchingness -crunchweed -crunchy -crunk -crunkle -crunodal -crunode -crunt -cruor -crupper -crural -crureus -crurogenital -cruroinguinal -crurotarsal -crus -crusade -crusader -crusado -Crusca -cruse -crush -crushability -crushable -crushed -crusher -crushing -crushingly -crusie -crusily -crust -crusta -Crustacea -crustaceal -crustacean -crustaceological -crustaceologist -crustaceology -crustaceous -crustade -crustal -crustalogical -crustalogist -crustalogy -crustate -crustated -crustation -crusted -crustedly -cruster -crustific -crustification -crustily -crustiness -crustless -crustose -crustosis -crusty -crutch -crutched -crutcher -crutching -crutchlike -cruth -crutter -crux -cruzeiro -cry -cryable -cryaesthesia -cryalgesia -cryanesthesia -crybaby -cryesthesia -crying -cryingly -crymodynia -crymotherapy -cryoconite -cryogen -cryogenic -cryogenics -cryogeny -cryohydrate -cryohydric -cryolite -cryometer -cryophile -cryophilic -cryophoric -cryophorus -cryophyllite -cryophyte -cryoplankton -cryoscope -cryoscopic -cryoscopy -cryosel -cryostase -cryostat -crypt -crypta -cryptal -cryptamnesia -cryptamnesic -cryptanalysis -cryptanalyst -cryptarch -cryptarchy -crypted -Crypteronia -Crypteroniaceae -cryptesthesia -cryptesthetic -cryptic -cryptical -cryptically -cryptoagnostic -cryptobatholithic -cryptobranch -Cryptobranchia -Cryptobranchiata -cryptobranchiate -Cryptobranchidae -Cryptobranchus -cryptocarp -cryptocarpic -cryptocarpous -Cryptocarya -Cryptocephala -cryptocephalous -Cryptocerata -cryptocerous -cryptoclastic -Cryptocleidus -cryptococci -cryptococcic -Cryptococcus -cryptococcus -cryptocommercial -cryptocrystalline -cryptocrystallization -cryptodeist -Cryptodira -cryptodiran -cryptodire -cryptodirous -cryptodouble -cryptodynamic -cryptogam -Cryptogamia -cryptogamian -cryptogamic -cryptogamical -cryptogamist -cryptogamous -cryptogamy -cryptogenetic -cryptogenic -cryptogenous -Cryptoglaux -cryptoglioma -cryptogram -Cryptogramma -cryptogrammatic -cryptogrammatical -cryptogrammatist -cryptogrammic -cryptograph -cryptographal -cryptographer -cryptographic -cryptographical -cryptographically -cryptographist -cryptography -cryptoheresy -cryptoheretic -cryptoinflationist -cryptolite -cryptologist -cryptology -cryptolunatic -cryptomere -Cryptomeria -cryptomerous -cryptomnesia -cryptomnesic -cryptomonad -Cryptomonadales -Cryptomonadina -cryptonema -Cryptonemiales -cryptoneurous -cryptonym -cryptonymous -cryptopapist -cryptoperthite -Cryptophagidae -cryptophthalmos -Cryptophyceae -cryptophyte -cryptopine -cryptoporticus -Cryptoprocta -cryptoproselyte -cryptoproselytism -cryptopyic -cryptopyrrole -cryptorchid -cryptorchidism -cryptorchis -Cryptorhynchus -cryptorrhesis -cryptorrhetic -cryptoscope -cryptoscopy -cryptosplenetic -Cryptostegia -cryptostoma -Cryptostomata -cryptostomate -cryptostome -Cryptotaenia -cryptous -cryptovalence -cryptovalency -cryptozonate -Cryptozonia -cryptozygosity -cryptozygous -Crypturi -Crypturidae -crystal -crystallic -crystalliferous -crystalliform -crystalligerous -crystallin -crystalline -crystallinity -crystallite -crystallitic -crystallitis -crystallizability -crystallizable -crystallization -crystallize -crystallized -crystallizer -crystalloblastic -crystallochemical -crystallochemistry -crystallogenesis -crystallogenetic -crystallogenic -crystallogenical -crystallogeny -crystallogram -crystallographer -crystallographic -crystallographical -crystallographically -crystallography -crystalloid -crystalloidal -crystallology -crystalloluminescence -crystallomagnetic -crystallomancy -crystallometric -crystallometry -crystallophyllian -crystallose -crystallurgy -crystalwort -crystic -crystograph -crystoleum -Crystolon -crystosphene -csardas -Ctenacanthus -ctene -ctenidial -ctenidium -cteniform -Ctenocephalus -ctenocyst -ctenodactyl -Ctenodipterini -ctenodont -Ctenodontidae -Ctenodus -ctenoid -ctenoidean -Ctenoidei -ctenoidian -ctenolium -Ctenophora -ctenophoral -ctenophoran -ctenophore -ctenophoric -ctenophorous -Ctenoplana -Ctenostomata -ctenostomatous -ctenostome -ctetology -cuadra -Cuailnge -cuapinole -cuarenta -cuarta -cuarteron -cuartilla -cuartillo -cub -Cuba -cubage -Cuban -cubangle -cubanite -Cubanize -cubatory -cubature -cubbing -cubbish -cubbishly -cubbishness -cubby -cubbyhole -cubbyhouse -cubbyyew -cubdom -cube -cubeb -cubelet -Cubelium -cuber -cubhood -cubi -cubic -cubica -cubical -cubically -cubicalness -cubicity -cubicle -cubicly -cubicone -cubicontravariant -cubicovariant -cubicular -cubiculum -cubiform -cubism -cubist -cubit -cubital -cubitale -cubited -cubitiere -cubito -cubitocarpal -cubitocutaneous -cubitodigital -cubitometacarpal -cubitopalmar -cubitoplantar -cubitoradial -cubitus -cubmaster -cubocalcaneal -cuboctahedron -cubocube -cubocuneiform -cubododecahedral -cuboid -cuboidal -cuboides -cubomancy -Cubomedusae -cubomedusan -cubometatarsal -cubonavicular -Cuchan -Cuchulainn -cuck -cuckhold -cuckold -cuckoldom -cuckoldry -cuckoldy -cuckoo -cuckooflower -cuckoomaid -cuckoopint -cuckoopintle -cuckstool -cucoline -Cucujid -Cucujidae -Cucujus -Cuculi -Cuculidae -cuculiform -Cuculiformes -cuculine -cuculla -cucullaris -cucullate -cucullately -cuculliform -cucullus -cuculoid -Cuculus -Cucumaria -Cucumariidae -cucumber -cucumiform -Cucumis -cucurbit -Cucurbita -Cucurbitaceae -cucurbitaceous -cucurbite -cucurbitine -cud -cudava -cudbear -cudden -cuddle -cuddleable -cuddlesome -cuddly -Cuddy -cuddy -cuddyhole -cudgel -cudgeler -cudgerie -cudweed -cue -cueball -cueca -cueist -cueman -cuemanship -cuerda -cuesta -Cueva -cuff -cuffer -cuffin -cuffy -cuffyism -cuggermugger -cuichunchulli -cuinage -cuir -cuirass -cuirassed -cuirassier -cuisinary -cuisine -cuissard -cuissart -cuisse -cuissen -cuisten -Cuitlateco -cuittikin -Cujam -cuke -Culavamsa -culbut -Culdee -culebra -culet -culeus -Culex -culgee -culicid -Culicidae -culicidal -culicide -culiciform -culicifugal -culicifuge -Culicinae -culicine -Culicoides -culilawan -culinarily -culinary -cull -culla -cullage -Cullen -culler -cullet -culling -cullion -cullis -cully -culm -culmen -culmicolous -culmiferous -culmigenous -culminal -culminant -culminate -culmination -culmy -culotte -culottes -culottic -culottism -culpa -culpability -culpable -culpableness -culpably -culpatory -culpose -culprit -cult -cultch -cultellation -cultellus -culteranismo -cultic -cultigen -cultirostral -Cultirostres -cultish -cultism -cultismo -cultist -cultivability -cultivable -cultivably -cultivar -cultivatability -cultivatable -cultivate -cultivated -cultivation -cultivator -cultrate -cultrated -cultriform -cultrirostral -Cultrirostres -cultual -culturable -cultural -culturally -culture -cultured -culturine -culturist -culturization -culturize -culturological -culturologically -culturologist -culturology -cultus -culver -culverfoot -culverhouse -culverin -culverineer -culverkey -culvert -culvertage -culverwort -cum -Cumacea -cumacean -cumaceous -Cumaean -cumal -cumaldehyde -Cumanagoto -cumaphyte -cumaphytic -cumaphytism -Cumar -cumay -cumbent -cumber -cumberer -cumberlandite -cumberless -cumberment -cumbersome -cumbersomely -cumbersomeness -cumberworld -cumbha -cumbly -cumbraite -cumbrance -cumbre -Cumbrian -cumbrous -cumbrously -cumbrousness -cumbu -cumene -cumengite -cumenyl -cumflutter -cumhal -cumic -cumidin -cumidine -cumin -cuminal -cuminic -cuminoin -cuminol -cuminole -cuminseed -cuminyl -cummer -cummerbund -cummin -cummingtonite -cumol -cump -cumshaw -cumulant -cumular -cumulate -cumulately -cumulation -cumulatist -cumulative -cumulatively -cumulativeness -cumuli -cumuliform -cumulite -cumulophyric -cumulose -cumulous -cumulus -cumyl -Cuna -cunabular -Cunan -Cunarder -Cunas -cunctation -cunctatious -cunctative -cunctator -cunctatorship -cunctatury -cunctipotent -cundeamor -cuneal -cuneate -cuneately -cuneatic -cuneator -cuneiform -cuneiformist -cuneocuboid -cuneonavicular -cuneoscaphoid -cunette -cuneus -cungeboi -cunicular -cuniculus -cunila -cunjah -cunjer -cunjevoi -cunner -cunnilinctus -cunnilingus -cunning -Cunninghamia -cunningly -cunningness -Cunonia -Cunoniaceae -cunoniaceous -cunye -Cunza -Cuon -cuorin -cup -Cupania -cupay -cupbearer -cupboard -cupcake -cupel -cupeler -cupellation -cupflower -cupful -Cuphea -cuphead -cupholder -Cupid -cupidinous -cupidity -cupidon -cupidone -cupless -cupmaker -cupmaking -cupman -cupmate -cupola -cupolaman -cupolar -cupolated -cupped -cupper -cupping -cuppy -cuprammonia -cuprammonium -cupreine -cuprene -cupreous -Cupressaceae -cupressineous -Cupressinoxylon -Cupressus -cupric -cupride -cupriferous -cuprite -cuproammonium -cuprobismutite -cuprocyanide -cuprodescloizite -cuproid -cuproiodargyrite -cupromanganese -cupronickel -cuproplumbite -cuproscheelite -cuprose -cuprosilicon -cuprotungstite -cuprous -cuprum -cupseed -cupstone -cupula -cupulate -cupule -Cupuliferae -cupuliferous -cupuliform -cur -curability -curable -curableness -curably -curacao -curacy -curare -curarine -curarization -curarize -curassow -curatage -curate -curatel -curateship -curatess -curatial -curatic -curation -curative -curatively -curativeness -curatize -curatolatry -curator -curatorial -curatorium -curatorship -curatory -curatrix -Curavecan -curb -curbable -curber -curbing -curbless -curblike -curbstone -curbstoner -curby -curcas -curch -curcuddoch -Curculio -curculionid -Curculionidae -curculionist -Curcuma -curcumin -curd -curdiness -curdle -curdler -curdly -curdwort -curdy -cure -cureless -curelessly -curemaster -curer -curettage -curette -curettement -curfew -curial -curialism -curialist -curialistic -curiality -curiate -Curiatii -curiboca -curie -curiescopy -curietherapy -curin -curine -curing -curio -curiologic -curiologically -curiologics -curiology -curiomaniac -curiosa -curiosity -curioso -curious -curiously -curiousness -curite -Curitis -curium -curl -curled -curledly -curledness -curler -curlew -curlewberry -curlicue -curliewurly -curlike -curlily -curliness -curling -curlingly -curlpaper -curly -curlycue -curlyhead -curlylocks -curmudgeon -curmudgeonery -curmudgeonish -curmudgeonly -curmurring -curn -curney -curnock -curple -curr -currach -currack -curragh -currant -curratow -currawang -currency -current -currently -currentness -currentwise -curricle -curricula -curricular -curricularization -curricularize -curriculum -curried -currier -curriery -currish -currishly -currishness -curry -currycomb -curryfavel -Cursa -cursal -curse -cursed -cursedly -cursedness -curser -curship -cursitor -cursive -cursively -cursiveness -cursor -cursorary -Cursores -Cursoria -cursorial -Cursoriidae -cursorily -cursoriness -cursorious -Cursorius -cursory -curst -curstful -curstfully -curstly -curstness -cursus -Curt -curt -curtail -curtailed -curtailedly -curtailer -curtailment -curtain -curtaining -curtainless -curtainwise -curtal -Curtana -curtate -curtation -curtesy -curtilage -Curtis -Curtise -curtly -curtness -curtsy -curua -curuba -Curucaneca -Curucanecan -curucucu -curule -Curuminaca -Curuminacan -Curupira -cururo -curvaceous -curvaceousness -curvacious -curvant -curvate -curvation -curvature -curve -curved -curvedly -curvedness -curver -curvesome -curvesomeness -curvet -curvicaudate -curvicostate -curvidentate -curvifoliate -curviform -curvilineal -curvilinear -curvilinearity -curvilinearly -curvimeter -curvinervate -curvinerved -curvirostral -Curvirostres -curviserial -curvital -curvity -curvograph -curvometer -curvous -curvulate -curvy -curwhibble -curwillet -cuscohygrine -cusconine -Cuscus -cuscus -Cuscuta -Cuscutaceae -cuscutaceous -cusec -cuselite -cush -cushag -cushat -cushaw -cushewbird -cushion -cushioned -cushionflower -cushionless -cushionlike -cushiony -Cushite -Cushitic -cushlamochree -cushy -cusie -cusinero -cusk -cusp -cuspal -cusparidine -cusparine -cuspate -cusped -cuspid -cuspidal -cuspidate -cuspidation -cuspidine -cuspidor -cuspule -cuss -cussed -cussedly -cussedness -cusser -cusso -custard -custerite -custodee -custodes -custodial -custodiam -custodian -custodianship -custodier -custody -custom -customable -customarily -customariness -customary -customer -customhouse -customs -custumal -cut -cutaneal -cutaneous -cutaneously -cutaway -cutback -cutch -cutcher -cutcherry -cute -cutely -cuteness -Cuterebra -Cuthbert -cutheal -cuticle -cuticolor -cuticula -cuticular -cuticularization -cuticularize -cuticulate -cutidure -cutie -cutification -cutigeral -cutin -cutinization -cutinize -cutireaction -cutis -cutisector -Cutiterebra -cutitis -cutization -cutlass -cutler -cutleress -Cutleria -Cutleriaceae -cutleriaceous -Cutleriales -cutlery -cutlet -cutling -cutlips -cutocellulose -cutoff -cutout -cutover -cutpurse -cuttable -cuttage -cuttail -cuttanee -cutted -cutter -cutterhead -cutterman -cutthroat -cutting -cuttingly -cuttingness -cuttle -cuttlebone -cuttlefish -cuttler -cuttoo -cutty -cuttyhunk -cutup -cutwater -cutweed -cutwork -cutworm -cuvette -Cuvierian -cuvy -cuya -Cuzceno -cwierc -cwm -cyamelide -Cyamus -cyan -cyanacetic -cyanamide -cyananthrol -Cyanastraceae -Cyanastrum -cyanate -cyanaurate -cyanauric -cyanbenzyl -cyancarbonic -Cyanea -cyanean -cyanemia -cyaneous -cyanephidrosis -cyanformate -cyanformic -cyanhidrosis -cyanhydrate -cyanhydric -cyanhydrin -cyanic -cyanicide -cyanidation -cyanide -cyanidin -cyanidine -cyanidrosis -cyanimide -cyanin -cyanine -cyanite -cyanize -cyanmethemoglobin -cyanoacetate -cyanoacetic -cyanoaurate -cyanoauric -cyanobenzene -cyanocarbonic -cyanochlorous -cyanochroia -cyanochroic -Cyanocitta -cyanocrystallin -cyanoderma -cyanogen -cyanogenesis -cyanogenetic -cyanogenic -cyanoguanidine -cyanohermidin -cyanohydrin -cyanol -cyanole -cyanomaclurin -cyanometer -cyanomethaemoglobin -cyanomethemoglobin -cyanometric -cyanometry -cyanopathic -cyanopathy -cyanophile -cyanophilous -cyanophoric -cyanophose -Cyanophyceae -cyanophycean -cyanophyceous -cyanophycin -cyanopia -cyanoplastid -cyanoplatinite -cyanoplatinous -cyanopsia -cyanose -cyanosed -cyanosis -Cyanospiza -cyanotic -cyanotrichite -cyanotype -cyanuramide -cyanurate -cyanuret -cyanuric -cyanurine -cyanus -cyaphenine -cyath -Cyathaspis -Cyathea -Cyatheaceae -cyatheaceous -cyathiform -cyathium -cyathoid -cyatholith -Cyathophyllidae -cyathophylline -cyathophylloid -Cyathophyllum -cyathos -cyathozooid -cyathus -cybernetic -cyberneticist -cybernetics -Cybister -cycad -Cycadaceae -cycadaceous -Cycadales -cycadean -cycadeoid -Cycadeoidea -cycadeous -cycadiform -cycadlike -cycadofilicale -Cycadofilicales -Cycadofilices -cycadofilicinean -Cycadophyta -Cycas -Cycladic -cyclamen -cyclamin -cyclamine -cyclammonium -cyclane -Cyclanthaceae -cyclanthaceous -Cyclanthales -Cyclanthus -cyclar -cyclarthrodial -cyclarthrsis -cyclas -cycle -cyclecar -cycledom -cyclene -cycler -cyclesmith -Cycliae -cyclian -cyclic -cyclical -cyclically -cyclicism -cyclide -cycling -cyclism -cyclist -cyclistic -cyclitic -cyclitis -cyclization -cyclize -cycloalkane -Cyclobothra -cyclobutane -cyclocoelic -cyclocoelous -Cycloconium -cyclodiolefin -cycloganoid -Cycloganoidei -cyclogram -cyclograph -cyclographer -cycloheptane -cycloheptanone -cyclohexane -cyclohexanol -cyclohexanone -cyclohexene -cyclohexyl -cycloid -cycloidal -cycloidally -cycloidean -Cycloidei -cycloidian -cycloidotrope -cyclolith -Cycloloma -cyclomania -cyclometer -cyclometric -cyclometrical -cyclometry -Cyclomyaria -cyclomyarian -cyclonal -cyclone -cyclonic -cyclonical -cyclonically -cyclonist -cyclonite -cyclonologist -cyclonology -cyclonometer -cyclonoscope -cycloolefin -cycloparaffin -cyclope -Cyclopean -cyclopean -cyclopedia -cyclopedic -cyclopedical -cyclopedically -cyclopedist -cyclopentadiene -cyclopentane -cyclopentanone -cyclopentene -Cyclopes -cyclopes -cyclophoria -cyclophoric -Cyclophorus -cyclophrenia -cyclopia -Cyclopic -cyclopism -cyclopite -cycloplegia -cycloplegic -cyclopoid -cyclopropane -Cyclops -Cyclopteridae -cyclopteroid -cyclopterous -cyclopy -cyclorama -cycloramic -Cyclorrhapha -cyclorrhaphous -cycloscope -cyclose -cyclosis -cyclospermous -Cyclospondyli -cyclospondylic -cyclospondylous -Cyclosporales -Cyclosporeae -Cyclosporinae -cyclosporous -Cyclostoma -Cyclostomata -cyclostomate -Cyclostomatidae -cyclostomatous -cyclostome -Cyclostomes -Cyclostomi -Cyclostomidae -cyclostomous -cyclostrophic -cyclostyle -Cyclotella -cyclothem -cyclothure -cyclothurine -Cyclothurus -cyclothyme -cyclothymia -cyclothymiac -cyclothymic -cyclotome -cyclotomic -cyclotomy -Cyclotosaurus -cyclotron -cyclovertebral -cyclus -Cydippe -cydippian -cydippid -Cydippida -Cydonia -Cydonian -cydonium -cyesiology -cyesis -cygneous -cygnet -Cygnid -Cygninae -cygnine -Cygnus -cyke -cylinder -cylindered -cylinderer -cylinderlike -cylindraceous -cylindrarthrosis -Cylindrella -cylindrelloid -cylindrenchyma -cylindric -cylindrical -cylindricality -cylindrically -cylindricalness -cylindricity -cylindricule -cylindriform -cylindrite -cylindrocellular -cylindrocephalic -cylindroconical -cylindroconoidal -cylindrocylindric -cylindrodendrite -cylindrograph -cylindroid -cylindroidal -cylindroma -cylindromatous -cylindrometric -cylindroogival -Cylindrophis -Cylindrosporium -cylindruria -cylix -Cyllenian -Cyllenius -cyllosis -cyma -cymagraph -cymaphen -cymaphyte -cymaphytic -cymaphytism -cymar -cymation -cymatium -cymba -cymbaeform -cymbal -Cymbalaria -cymbaleer -cymbaler -cymbaline -cymbalist -cymballike -cymbalo -cymbalon -cymbate -Cymbella -cymbiform -Cymbium -cymbling -cymbocephalic -cymbocephalous -cymbocephaly -Cymbopogon -cyme -cymelet -cymene -cymiferous -cymling -Cymodoceaceae -cymogene -cymograph -cymographic -cymoid -Cymoidium -cymometer -cymophane -cymophanous -cymophenol -cymoscope -cymose -cymosely -cymotrichous -cymotrichy -cymous -Cymraeg -Cymric -Cymry -cymule -cymulose -cynanche -Cynanchum -cynanthropy -Cynara -cynaraceous -cynarctomachy -cynareous -cynaroid -cynebot -cynegetic -cynegetics -cynegild -cynhyena -Cynias -cyniatria -cyniatrics -cynic -cynical -cynically -cynicalness -cynicism -cynicist -cynipid -Cynipidae -cynipidous -cynipoid -Cynipoidea -Cynips -cynism -cynocephalic -cynocephalous -cynocephalus -cynoclept -Cynocrambaceae -cynocrambaceous -Cynocrambe -Cynodon -cynodont -Cynodontia -Cynogale -cynogenealogist -cynogenealogy -Cynoglossum -Cynognathus -cynography -cynoid -Cynoidea -cynology -Cynomoriaceae -cynomoriaceous -Cynomorium -Cynomorpha -cynomorphic -cynomorphous -Cynomys -cynophile -cynophilic -cynophilist -cynophobe -cynophobia -Cynopithecidae -cynopithecoid -cynopodous -cynorrhodon -Cynosarges -Cynoscion -Cynosura -cynosural -cynosure -Cynosurus -cynotherapy -Cynoxylon -Cynthia -Cynthian -Cynthiidae -Cynthius -cyp -Cyperaceae -cyperaceous -Cyperus -cyphella -cyphellate -Cyphomandra -cyphonautes -cyphonism -Cypraea -cypraeid -Cypraeidae -cypraeiform -cypraeoid -cypre -cypres -cypress -cypressed -cypressroot -Cypria -Cyprian -Cyprididae -Cypridina -Cypridinidae -cypridinoid -Cyprina -cyprine -cyprinid -Cyprinidae -cypriniform -cyprinine -cyprinodont -Cyprinodontes -Cyprinodontidae -cyprinodontoid -cyprinoid -Cyprinoidea -cyprinoidean -Cyprinus -Cypriote -Cypripedium -Cypris -cypsela -Cypseli -Cypselid -Cypselidae -cypseliform -Cypseliformes -cypseline -cypseloid -cypselomorph -Cypselomorphae -cypselomorphic -cypselous -Cypselus -cyptozoic -Cyrano -Cyrenaic -Cyrenaicism -Cyrenian -Cyril -Cyrilla -Cyrillaceae -cyrillaceous -Cyrillian -Cyrillianism -Cyrillic -cyriologic -cyriological -Cyrtandraceae -Cyrtidae -cyrtoceracone -Cyrtoceras -cyrtoceratite -cyrtoceratitic -cyrtograph -cyrtolite -cyrtometer -Cyrtomium -cyrtopia -cyrtosis -Cyrus -cyrus -cyst -cystadenoma -cystadenosarcoma -cystal -cystalgia -cystamine -cystaster -cystatrophia -cystatrophy -cystectasia -cystectasy -cystectomy -cysted -cysteine -cysteinic -cystelcosis -cystenchyma -cystenchymatous -cystencyte -cysterethism -cystic -cysticarpic -cysticarpium -cysticercoid -cysticercoidal -cysticercosis -cysticercus -cysticolous -cystid -Cystidea -cystidean -cystidicolous -cystidium -cystiferous -cystiform -cystigerous -Cystignathidae -cystignathine -cystine -cystinuria -cystirrhea -cystis -cystitis -cystitome -cystoadenoma -cystocarcinoma -cystocarp -cystocarpic -cystocele -cystocolostomy -cystocyte -cystodynia -cystoelytroplasty -cystoenterocele -cystoepiplocele -cystoepithelioma -cystofibroma -Cystoflagellata -cystoflagellate -cystogenesis -cystogenous -cystogram -cystoid -Cystoidea -cystoidean -cystolith -cystolithectomy -cystolithiasis -cystolithic -cystoma -cystomatous -cystomorphous -cystomyoma -cystomyxoma -Cystonectae -cystonectous -cystonephrosis -cystoneuralgia -cystoparalysis -Cystophora -cystophore -cystophotography -cystophthisis -cystoplasty -cystoplegia -cystoproctostomy -Cystopteris -cystoptosis -Cystopus -cystopyelitis -cystopyelography -cystopyelonephritis -cystoradiography -cystorrhagia -cystorrhaphy -cystorrhea -cystosarcoma -cystoschisis -cystoscope -cystoscopic -cystoscopy -cystose -cystospasm -cystospastic -cystospore -cystostomy -cystosyrinx -cystotome -cystotomy -cystotrachelotomy -cystoureteritis -cystourethritis -cystous -cytase -cytasic -Cytherea -Cytherean -Cytherella -Cytherellidae -Cytinaceae -cytinaceous -Cytinus -cytioderm -cytisine -Cytisus -cytitis -cytoblast -cytoblastema -cytoblastemal -cytoblastematous -cytoblastemic -cytoblastemous -cytochemistry -cytochrome -cytochylema -cytocide -cytoclasis -cytoclastic -cytococcus -cytocyst -cytode -cytodendrite -cytoderm -cytodiagnosis -cytodieresis -cytodieretic -cytogamy -cytogene -cytogenesis -cytogenetic -cytogenetical -cytogenetically -cytogeneticist -cytogenetics -cytogenic -cytogenous -cytogeny -cytoglobin -cytohyaloplasm -cytoid -cytokinesis -cytolist -cytologic -cytological -cytologically -cytologist -cytology -cytolymph -cytolysin -cytolysis -cytolytic -cytoma -cytomere -cytometer -cytomicrosome -cytomitome -cytomorphosis -cyton -cytoparaplastin -cytopathologic -cytopathological -cytopathologically -cytopathology -Cytophaga -cytophagous -cytophagy -cytopharynx -cytophil -cytophysics -cytophysiology -cytoplasm -cytoplasmic -cytoplast -cytoplastic -cytoproct -cytopyge -cytoreticulum -cytoryctes -cytosine -cytosome -Cytospora -Cytosporina -cytost -cytostomal -cytostome -cytostroma -cytostromatic -cytotactic -cytotaxis -cytotoxic -cytotoxin -cytotrophoblast -cytotrophy -cytotropic -cytotropism -cytozoic -cytozoon -cytozymase -cytozyme -cytula -Cyzicene -cyzicene -czar -czardas -czardom -czarevitch -czarevna -czarian -czaric -czarina -czarinian -czarish -czarism -czarist -czaristic -czaritza -czarowitch -czarowitz -czarship -Czech -Czechic -Czechish -Czechization -Czechoslovak -Czechoslovakian -D -d -da -daalder -dab -dabb -dabba -dabber -dabble -dabbler -dabbling -dabblingly -dabblingness -dabby -dabchick -Dabih -Dabitis -dablet -daboia -daboya -dabster -dace -Dacelo -Daceloninae -dacelonine -dachshound -dachshund -Dacian -dacite -dacitic -dacker -dacoit -dacoitage -dacoity -dacryadenalgia -dacryadenitis -dacryagogue -dacrycystalgia -Dacrydium -dacryelcosis -dacryoadenalgia -dacryoadenitis -dacryoblenorrhea -dacryocele -dacryocyst -dacryocystalgia -dacryocystitis -dacryocystoblennorrhea -dacryocystocele -dacryocystoptosis -dacryocystorhinostomy -dacryocystosyringotomy -dacryocystotome -dacryocystotomy -dacryohelcosis -dacryohemorrhea -dacryolite -dacryolith -dacryolithiasis -dacryoma -dacryon -dacryops -dacryopyorrhea -dacryopyosis -dacryosolenitis -dacryostenosis -dacryosyrinx -dacryuria -Dactyl -dactyl -dactylar -dactylate -dactylic -dactylically -dactylioglyph -dactylioglyphic -dactylioglyphist -dactylioglyphtic -dactylioglyphy -dactyliographer -dactyliographic -dactyliography -dactyliology -dactyliomancy -dactylion -dactyliotheca -Dactylis -dactylist -dactylitic -dactylitis -dactylogram -dactylograph -dactylographic -dactylography -dactyloid -dactylology -dactylomegaly -dactylonomy -dactylopatagium -Dactylopius -dactylopodite -dactylopore -Dactylopteridae -Dactylopterus -dactylorhiza -dactyloscopic -dactyloscopy -dactylose -dactylosternal -dactylosymphysis -dactylotheca -dactylous -dactylozooid -dactylus -Dacus -dacyorrhea -dad -Dada -dada -Dadaism -Dadaist -dadap -Dadayag -dadder -daddle -daddock -daddocky -daddy -daddynut -dade -dadenhudd -dado -Dadoxylon -Dadu -daduchus -Dadupanthi -dae -Daedal -daedal -Daedalea -Daedalean -Daedalian -Daedalic -Daedalidae -Daedalist -daedaloid -Daedalus -daemon -Daemonelix -daemonic -daemonurgist -daemonurgy -daemony -daer -daff -daffery -daffing -daffish -daffle -daffodil -daffodilly -daffy -daffydowndilly -Dafla -daft -daftberry -daftlike -daftly -daftness -dag -dagaba -dagame -dagassa -Dagbamba -Dagbane -dagesh -Dagestan -dagga -dagger -daggerbush -daggered -daggerlike -daggerproof -daggers -daggle -daggletail -daggletailed -daggly -daggy -daghesh -daglock -Dagmar -Dago -dagoba -Dagomba -dags -Daguerrean -daguerreotype -daguerreotyper -daguerreotypic -daguerreotypist -daguerreotypy -dah -dahabeah -Dahlia -Dahoman -Dahomeyan -dahoon -Daibutsu -daidle -daidly -Daijo -daiker -daikon -Dail -Dailamite -dailiness -daily -daimen -daimiate -daimio -daimon -daimonic -daimonion -daimonistic -daimonology -dain -daincha -dainteth -daintify -daintihood -daintily -daintiness -daintith -dainty -Daira -daira -dairi -dairy -dairying -dairymaid -dairyman -dairywoman -dais -daisied -daisy -daisybush -daitya -daiva -dak -daker -Dakhini -dakir -Dakota -daktylon -daktylos -dal -dalar -Dalarnian -Dalbergia -Dalcassian -Dale -dale -Dalea -Dalecarlian -daleman -daler -dalesfolk -dalesman -dalespeople -daleswoman -daleth -dali -Dalibarda -dalk -dallack -dalle -dalles -dalliance -dallier -dally -dallying -dallyingly -Dalmania -Dalmanites -Dalmatian -Dalmatic -dalmatic -Dalradian -dalt -dalteen -Dalton -dalton -Daltonian -Daltonic -Daltonism -Daltonist -dam -dama -damage -damageability -damageable -damageableness -damageably -damagement -damager -damages -damagingly -daman -Damara -Damascene -damascene -damascened -damascener -damascenine -Damascus -damask -damaskeen -damasse -damassin -Damayanti -dambonitol -dambose -dambrod -dame -damenization -damewort -Damgalnunna -Damia -damiana -Damianist -damie -damier -damine -damkjernite -damlike -dammar -Dammara -damme -dammer -dammish -damn -damnability -damnable -damnableness -damnably -damnation -damnatory -damned -damner -damnification -damnify -Damnii -damning -damningly -damningness -damnonians -Damnonii -damnous -damnously -Damoclean -Damocles -Damoetas -damoiseau -Damon -Damone -damonico -damourite -damp -dampang -damped -dampen -dampener -damper -damping -dampish -dampishly -dampishness -damply -dampness -dampproof -dampproofer -dampproofing -dampy -damsel -damselfish -damselhood -damson -Dan -dan -Dana -Danaan -Danagla -Danai -Danaid -danaid -Danaidae -danaide -Danaidean -Danainae -danaine -Danais -danaite -Danakil -danalite -danburite -dancalite -dance -dancer -danceress -dancery -dancette -dancing -dancingly -dand -danda -dandelion -dander -dandiacal -dandiacally -dandically -dandification -dandify -dandilly -dandily -dandiprat -dandizette -dandle -dandler -dandling -dandlingly -dandruff -dandruffy -dandy -dandydom -dandyish -dandyism -dandyize -dandyling -Dane -Daneball -Daneflower -Danegeld -Danelaw -Daneweed -Danewort -dang -danger -dangerful -dangerfully -dangerless -dangerous -dangerously -dangerousness -dangersome -dangle -dangleberry -danglement -dangler -danglin -dangling -danglingly -Dani -Danian -Danic -danicism -Daniel -Daniele -Danielic -Danielle -Daniglacial -danio -Danish -Danism -Danite -Danization -Danize -dank -Dankali -dankish -dankishness -dankly -dankness -danli -Dannebrog -dannemorite -danner -Dannie -dannock -Danny -danoranja -dansant -danseuse -danta -Dantean -Dantesque -Danthonia -Dantist -Dantology -Dantomania -danton -Dantonesque -Dantonist -Dantophilist -Dantophily -Danube -Danubian -Danuri -Danzig -Danziger -dao -daoine -dap -Dapedium -Dapedius -Daphnaceae -Daphne -Daphnean -Daphnephoria -daphnetin -Daphnia -daphnin -daphnioid -Daphnis -daphnoid -dapicho -dapico -dapifer -dapper -dapperling -dapperly -dapperness -dapple -dappled -dar -darabukka -darac -daraf -Darapti -darat -darbha -darby -Darbyism -Darbyite -Darci -Dard -Dardan -dardanarius -Dardani -dardanium -dardaol -Dardic -Dardistan -dare -dareall -daredevil -daredevilism -daredevilry -daredeviltry -dareful -Daren -darer -Dares -daresay -darg -dargah -darger -Darghin -Dargo -dargsman -dargue -dari -daribah -daric -Darien -Darii -Darin -daring -daringly -daringness -dariole -Darius -Darjeeling -dark -darken -darkener -darkening -darkful -darkhearted -darkheartedness -darkish -darkishness -darkle -darkling -darklings -darkly -darkmans -darkness -darkroom -darkskin -darksome -darksomeness -darky -darling -darlingly -darlingness -Darlingtonia -darn -darnation -darned -darnel -darner -darnex -darning -daroga -daroo -darr -darrein -Darrell -Darren -Darryl -darshana -Darsonval -Darsonvalism -darst -dart -Dartagnan -dartars -dartboard -darter -darting -dartingly -dartingness -dartle -dartlike -dartman -Dartmoor -dartoic -dartoid -dartos -dartre -dartrose -dartrous -darts -dartsman -Darwinian -Darwinical -Darwinically -Darwinism -Darwinist -Darwinistic -Darwinite -Darwinize -Daryl -darzee -das -Daschagga -dash -dashboard -dashed -dashedly -dashee -dasheen -dasher -dashing -dashingly -dashmaker -Dashnak -Dashnakist -Dashnaktzutiun -dashplate -dashpot -dashwheel -dashy -dasi -Dasiphora -dasnt -dassie -dassy -dastard -dastardize -dastardliness -dastardly -dastur -dasturi -Dasya -Dasyatidae -Dasyatis -Dasycladaceae -dasycladaceous -Dasylirion -dasymeter -dasypaedal -dasypaedes -dasypaedic -Dasypeltis -dasyphyllous -Dasypodidae -dasypodoid -Dasyprocta -Dasyproctidae -dasyproctine -Dasypus -Dasystephana -dasyure -Dasyuridae -dasyurine -dasyuroid -Dasyurus -Dasyus -data -datable -datableness -datably -dataria -datary -datch -datcha -date -dateless -datemark -dater -datil -dating -dation -Datisca -Datiscaceae -datiscaceous -datiscetin -datiscin -datiscoside -Datisi -Datism -datival -dative -datively -dativogerundial -datolite -datolitic -dattock -datum -Datura -daturic -daturism -daub -daube -Daubentonia -Daubentoniidae -dauber -daubery -daubing -daubingly -daubreeite -daubreelite -daubster -dauby -Daucus -daud -daughter -daughterhood -daughterkin -daughterless -daughterlike -daughterliness -daughterling -daughterly -daughtership -Daulias -daunch -dauncy -Daunii -daunt -daunter -daunting -dauntingly -dauntingness -dauntless -dauntlessly -dauntlessness -daunton -dauphin -dauphine -dauphiness -Daur -Dauri -daut -dautie -dauw -davach -Davallia -Dave -daven -davenport -daver -daverdy -David -Davidian -Davidic -Davidical -Davidist -davidsonite -Daviesia -daviesite -davit -davoch -Davy -davy -davyne -daw -dawdle -dawdler -dawdling -dawdlingly -dawdy -dawish -dawkin -Dawn -dawn -dawning -dawnlight -dawnlike -dawnstreak -dawnward -dawny -Dawson -Dawsonia -Dawsoniaceae -dawsoniaceous -dawsonite -dawtet -dawtit -dawut -day -dayabhaga -Dayakker -dayal -daybeam -dayberry -dayblush -daybook -daybreak -daydawn -daydream -daydreamer -daydreamy -daydrudge -dayflower -dayfly -daygoing -dayless -daylight -daylit -daylong -dayman -daymare -daymark -dayroom -days -dayshine -daysman -dayspring -daystar -daystreak -daytale -daytide -daytime -daytimes -dayward -daywork -dayworker -daywrit -Daza -daze -dazed -dazedly -dazedness -dazement -dazingly -dazy -dazzle -dazzlement -dazzler -dazzlingly -de -deacetylate -deacetylation -deacidification -deacidify -deacon -deaconal -deaconate -deaconess -deaconhood -deaconize -deaconry -deaconship -deactivate -deactivation -dead -deadbeat -deadborn -deadcenter -deaden -deadener -deadening -deader -deadeye -deadfall -deadhead -deadheadism -deadhearted -deadheartedly -deadheartedness -deadhouse -deading -deadish -deadishly -deadishness -deadlatch -deadlight -deadlily -deadline -deadliness -deadlock -deadly -deadman -deadmelt -deadness -deadpan -deadpay -deadtongue -deadwood -deadwort -deaerate -deaeration -deaerator -deaf -deafen -deafening -deafeningly -deafforest -deafforestation -deafish -deafly -deafness -deair -deal -dealable -dealate -dealated -dealation -dealbate -dealbation -dealbuminize -dealcoholist -dealcoholization -dealcoholize -dealer -dealerdom -dealership -dealfish -dealing -dealkalize -dealkylate -dealkylation -dealt -deambulation -deambulatory -deamidase -deamidate -deamidation -deamidization -deamidize -deaminase -deaminate -deamination -deaminization -deaminize -deammonation -Dean -dean -deanathematize -deaner -deanery -deaness -deanimalize -deanship -deanthropomorphic -deanthropomorphism -deanthropomorphization -deanthropomorphize -deappetizing -deaquation -dear -dearborn -dearie -dearly -dearness -dearomatize -dearsenicate -dearsenicator -dearsenicize -dearth -dearthfu -dearticulation -dearworth -dearworthily -dearworthiness -deary -deash -deasil -deaspirate -deaspiration -deassimilation -death -deathbed -deathblow -deathday -deathful -deathfully -deathfulness -deathify -deathin -deathiness -deathless -deathlessly -deathlessness -deathlike -deathliness -deathling -deathly -deathroot -deathshot -deathsman -deathtrap -deathward -deathwards -deathwatch -deathweed -deathworm -deathy -deave -deavely -Deb -deb -debacle -debadge -debamboozle -debar -debarbarization -debarbarize -debark -debarkation -debarkment -debarment -debarrance -debarrass -debarration -debase -debasedness -debasement -debaser -debasingly -debatable -debate -debateful -debatefully -debatement -debater -debating -debatingly -debauch -debauched -debauchedly -debauchedness -debauchee -debaucher -debauchery -debauchment -Debbie -Debby -debby -debeige -debellate -debellation -debellator -deben -debenture -debentured -debenzolize -Debi -debile -debilissima -debilitant -debilitate -debilitated -debilitation -debilitative -debility -debind -debit -debiteuse -debituminization -debituminize -deblaterate -deblateration -deboistly -deboistness -debonair -debonaire -debonairity -debonairly -debonairness -debonnaire -Deborah -debord -debordment -debosh -deboshed -debouch -debouchment -debride -debrief -debris -debrominate -debromination -debruise -debt -debtee -debtful -debtless -debtor -debtorship -debullition -debunk -debunker -debunkment -debus -Debussyan -Debussyanize -debut -debutant -debutante -decachord -decad -decadactylous -decadal -decadally -decadarch -decadarchy -decadary -decadation -decade -decadence -decadency -decadent -decadentism -decadently -decadescent -decadianome -decadic -decadist -decadrachm -decadrachma -decaesarize -decaffeinate -decaffeinize -decafid -decagon -decagonal -decagram -decagramme -decahedral -decahedron -decahydrate -decahydrated -decahydronaphthalene -Decaisnea -decal -decalcification -decalcifier -decalcify -decalcomania -decalcomaniac -decalescence -decalescent -Decalin -decaliter -decalitre -decalobate -Decalogist -Decalogue -decalvant -decalvation -decameral -Decameron -Decameronic -decamerous -decameter -decametre -decamp -decampment -decan -decanal -decanally -decanate -decane -decangular -decani -decanically -decannulation -decanonization -decanonize -decant -decantate -decantation -decanter -decantherous -decap -decapetalous -decaphyllous -decapitable -decapitalization -decapitalize -decapitate -decapitation -decapitator -decapod -Decapoda -decapodal -decapodan -decapodiform -decapodous -decapper -decapsulate -decapsulation -decarbonate -decarbonator -decarbonization -decarbonize -decarbonized -decarbonizer -decarboxylate -decarboxylation -decarboxylization -decarboxylize -decarburation -decarburization -decarburize -decarch -decarchy -decardinalize -decare -decarhinus -decarnate -decarnated -decart -decasemic -decasepalous -decaspermal -decaspermous -decast -decastellate -decastere -decastich -decastyle -decasualization -decasualize -decasyllabic -decasyllable -decasyllabon -decate -decathlon -decatholicize -decatize -decatizer -decatoic -decator -decatyl -decaudate -decaudation -decay -decayable -decayed -decayedness -decayer -decayless -decease -deceased -decedent -deceit -deceitful -deceitfully -deceitfulness -deceivability -deceivable -deceivableness -deceivably -deceive -deceiver -deceiving -deceivingly -decelerate -deceleration -decelerator -decelerometer -December -Decemberish -Decemberly -Decembrist -decemcostate -decemdentate -decemfid -decemflorous -decemfoliate -decemfoliolate -decemjugate -decemlocular -decempartite -decempeda -decempedal -decempedate -decempennate -decemplex -decemplicate -decempunctate -decemstriate -decemuiri -decemvir -decemviral -decemvirate -decemvirship -decenary -decence -decency -decene -decennal -decennary -decennia -decenniad -decennial -decennially -decennium -decennoval -decent -decenter -decently -decentness -decentralism -decentralist -decentralization -decentralize -decentration -decentre -decenyl -decephalization -deceptibility -deceptible -deception -deceptious -deceptiously -deceptitious -deceptive -deceptively -deceptiveness -deceptivity -decerebrate -decerebration -decerebrize -decern -decerniture -decernment -decess -decession -dechemicalization -dechemicalize -dechenite -Dechlog -dechlore -dechlorination -dechoralize -dechristianization -dechristianize -Decian -deciare -deciatine -decibel -deciceronize -decidable -decide -decided -decidedly -decidedness -decider -decidingly -decidua -decidual -deciduary -Deciduata -deciduate -deciduitis -deciduoma -deciduous -deciduously -deciduousness -decigram -decigramme -decil -decile -deciliter -decillion -decillionth -decima -decimal -decimalism -decimalist -decimalization -decimalize -decimally -decimate -decimation -decimator -decimestrial -decimeter -decimolar -decimole -decimosexto -Decimus -decinormal -decipher -decipherability -decipherable -decipherably -decipherer -decipherment -decipium -decipolar -decision -decisional -decisive -decisively -decisiveness -decistere -decitizenize -Decius -decivilization -decivilize -deck -decke -decked -deckel -decker -deckhead -deckhouse -deckie -decking -deckle -deckload -deckswabber -declaim -declaimant -declaimer -declamation -declamatoriness -declamatory -declarable -declarant -declaration -declarative -declaratively -declarator -declaratorily -declaratory -declare -declared -declaredly -declaredness -declarer -declass -declassicize -declassify -declension -declensional -declensionally -declericalize -declimatize -declinable -declinal -declinate -declination -declinational -declinatory -declinature -decline -declined -declinedness -decliner -declinograph -declinometer -declivate -declive -declivitous -declivity -declivous -declutch -decoagulate -decoagulation -decoat -decocainize -decoct -decoctible -decoction -decoctive -decoctum -decode -Decodon -decohere -decoherence -decoherer -decohesion -decoic -decoke -decollate -decollated -decollation -decollator -decolletage -decollete -decolor -decolorant -decolorate -decoloration -decolorimeter -decolorization -decolorize -decolorizer -decolour -decommission -decompensate -decompensation -decomplex -decomponible -decomposability -decomposable -decompose -decomposed -decomposer -decomposite -decomposition -decomposure -decompound -decompoundable -decompoundly -decompress -decompressing -decompression -decompressive -deconcatenate -deconcentrate -deconcentration -deconcentrator -decongestive -deconsecrate -deconsecration -deconsider -deconsideration -decontaminate -decontamination -decontrol -deconventionalize -decopperization -decopperize -decorability -decorable -decorably -decorament -decorate -decorated -decoration -decorationist -decorative -decoratively -decorativeness -decorator -decoratory -decorist -decorous -decorously -decorousness -decorrugative -decorticate -decortication -decorticator -decorticosis -decorum -decostate -decoy -decoyer -decoyman -decrassify -decream -decrease -decreaseless -decreasing -decreasingly -decreation -decreative -decree -decreeable -decreement -decreer -decreet -decrement -decrementless -decremeter -decrepit -decrepitate -decrepitation -decrepitly -decrepitness -decrepitude -decrescence -decrescendo -decrescent -decretal -decretalist -decrete -decretist -decretive -decretively -decretorial -decretorily -decretory -decretum -decrew -decrial -decried -decrier -decrown -decrudescence -decrustation -decry -decrystallization -decubital -decubitus -decultivate -deculturate -decuman -decumana -decumanus -Decumaria -decumary -decumbence -decumbency -decumbent -decumbently -decumbiture -decuple -decuplet -decuria -decurion -decurionate -decurrence -decurrency -decurrent -decurrently -decurring -decursion -decursive -decursively -decurtate -decurvation -decurvature -decurve -decury -decus -decussate -decussated -decussately -decussation -decussis -decussorium -decyl -decylene -decylenic -decylic -decyne -Dedan -Dedanim -Dedanite -dedecorate -dedecoration -dedecorous -dedendum -dedentition -dedicant -dedicate -dedicatee -dedication -dedicational -dedicative -dedicator -dedicatorial -dedicatorily -dedicatory -dedicature -dedifferentiate -dedifferentiation -dedimus -deditician -dediticiancy -dedition -dedo -dedoggerelize -dedogmatize -dedolation -deduce -deducement -deducibility -deducible -deducibleness -deducibly -deducive -deduct -deductible -deduction -deductive -deductively -deductory -deduplication -dee -deed -deedbox -deedeed -deedful -deedfully -deedily -deediness -deedless -deedy -deem -deemer -deemie -deemster -deemstership -deep -deepen -deepener -deepening -deepeningly -Deepfreeze -deeping -deepish -deeplier -deeply -deepmost -deepmouthed -deepness -deepsome -deepwater -deepwaterman -deer -deerberry -deerdog -deerdrive -deerfood -deerhair -deerherd -deerhorn -deerhound -deerlet -deermeat -deerskin -deerstalker -deerstalking -deerstand -deerstealer -deertongue -deerweed -deerwood -deeryard -deevey -deevilick -deface -defaceable -defacement -defacer -defacing -defacingly -defalcate -defalcation -defalcator -defalk -defamation -defamatory -defame -defamed -defamer -defamingly -defassa -defat -default -defaultant -defaulter -defaultless -defaulture -defeasance -defeasanced -defease -defeasibility -defeasible -defeasibleness -defeat -defeater -defeatism -defeatist -defeatment -defeature -defecant -defecate -defecation -defecator -defect -defectibility -defectible -defection -defectionist -defectious -defective -defectively -defectiveness -defectless -defectology -defector -defectoscope -defedation -defeminize -defence -defend -defendable -defendant -defender -defendress -defenestration -defensative -defense -defenseless -defenselessly -defenselessness -defensibility -defensible -defensibleness -defensibly -defension -defensive -defensively -defensiveness -defensor -defensorship -defensory -defer -deferable -deference -deferent -deferentectomy -deferential -deferentiality -deferentially -deferentitis -deferment -deferrable -deferral -deferred -deferrer -deferrization -deferrize -defervesce -defervescence -defervescent -defeudalize -defiable -defial -defiance -defiant -defiantly -defiantness -defiber -defibrinate -defibrination -defibrinize -deficience -deficiency -deficient -deficiently -deficit -defier -defiguration -defilade -defile -defiled -defiledness -defilement -defiler -defiliation -defiling -defilingly -definability -definable -definably -define -defined -definedly -definement -definer -definiendum -definiens -definite -definitely -definiteness -definition -definitional -definitiones -definitive -definitively -definitiveness -definitization -definitize -definitor -definitude -deflagrability -deflagrable -deflagrate -deflagration -deflagrator -deflate -deflation -deflationary -deflationist -deflator -deflect -deflectable -deflected -deflection -deflectionization -deflectionize -deflective -deflectometer -deflector -deflesh -deflex -deflexibility -deflexible -deflexion -deflexure -deflocculant -deflocculate -deflocculation -deflocculator -deflorate -defloration -deflorescence -deflower -deflowerer -defluent -defluous -defluvium -defluxion -defoedation -defog -defoliage -defoliate -defoliated -defoliation -defoliator -deforce -deforcement -deforceor -deforcer -deforciant -deforest -deforestation -deforester -deform -deformability -deformable -deformalize -deformation -deformational -deformative -deformed -deformedly -deformedness -deformer -deformeter -deformism -deformity -defortify -defoul -defraud -defraudation -defrauder -defraudment -defray -defrayable -defrayal -defrayer -defrayment -defreeze -defrication -defrock -defrost -defroster -deft -defterdar -deftly -deftness -defunct -defunction -defunctionalization -defunctionalize -defunctness -defuse -defusion -defy -defyingly -deg -deganglionate -degarnish -degas -degasification -degasifier -degasify -degasser -degauss -degelatinize -degelation -degeneracy -degeneralize -degenerate -degenerately -degenerateness -degeneration -degenerationist -degenerative -degenerescence -degenerescent -degentilize -degerm -degerminate -degerminator -degged -degger -deglaciation -deglaze -deglutinate -deglutination -deglutition -deglutitious -deglutitive -deglutitory -deglycerin -deglycerine -degorge -degradable -degradand -degradation -degradational -degradative -degrade -degraded -degradedly -degradedness -degradement -degrader -degrading -degradingly -degradingness -degraduate -degraduation -degrain -degrease -degreaser -degree -degreeless -degreewise -degression -degressive -degressively -degu -Deguelia -deguelin -degum -degummer -degust -degustation -dehair -dehairer -Dehaites -deheathenize -dehematize -dehepatize -Dehgan -dehisce -dehiscence -dehiscent -dehistoricize -Dehkan -dehnstufe -dehonestate -dehonestation -dehorn -dehorner -dehors -dehort -dehortation -dehortative -dehortatory -dehorter -dehull -dehumanization -dehumanize -dehumidification -dehumidifier -dehumidify -dehusk -Dehwar -dehydrant -dehydrase -dehydrate -dehydration -dehydrator -dehydroascorbic -dehydrocorydaline -dehydrofreezing -dehydrogenase -dehydrogenate -dehydrogenation -dehydrogenization -dehydrogenize -dehydromucic -dehydrosparteine -dehypnotize -deice -deicer -deicidal -deicide -deictic -deictical -deictically -deidealize -Deidesheimer -deific -deifical -deification -deificatory -deifier -deiform -deiformity -deify -deign -Deimos -deincrustant -deindividualization -deindividualize -deindividuate -deindustrialization -deindustrialize -deink -Deino -Deinocephalia -Deinoceras -Deinodon -Deinodontidae -deinos -Deinosauria -Deinotherium -deinsularize -deintellectualization -deintellectualize -deionize -Deipara -deiparous -Deiphobus -deipnodiplomatic -deipnophobia -deipnosophism -deipnosophist -deipnosophistic -deipotent -Deirdre -deiseal -deisidaimonia -deism -deist -deistic -deistical -deistically -deisticalness -deity -deityship -deject -dejecta -dejected -dejectedly -dejectedness -dejectile -dejection -dejectly -dejectory -dejecture -dejerate -dejeration -dejerator -dejeune -dejeuner -dejunkerize -Dekabrist -dekaparsec -dekapode -dekko -dekle -deknight -Del -delabialization -delabialize -delacrimation -delactation -delaine -delaminate -delamination -delapse -delapsion -delate -delater -delatinization -delatinize -delation -delator -delatorian -Delaware -Delawarean -delawn -delay -delayable -delayage -delayer -delayful -delaying -delayingly -Delbert -dele -delead -delectability -delectable -delectableness -delectably -delectate -delectation -delectus -delegable -delegacy -delegalize -delegant -delegate -delegatee -delegateship -delegation -delegative -delegator -delegatory -delenda -Delesseria -Delesseriaceae -delesseriaceous -delete -deleterious -deleteriously -deleteriousness -deletion -deletive -deletory -delf -delft -delftware -Delhi -Delia -Delian -deliberalization -deliberalize -deliberant -deliberate -deliberately -deliberateness -deliberation -deliberative -deliberatively -deliberativeness -deliberator -delible -delicacy -delicate -delicately -delicateness -delicatesse -delicatessen -delicense -Delichon -delicioso -Delicious -delicious -deliciously -deliciousness -delict -delictum -deligated -deligation -delight -delightable -delighted -delightedly -delightedness -delighter -delightful -delightfully -delightfulness -delighting -delightingly -delightless -delightsome -delightsomely -delightsomeness -delignate -delignification -Delilah -delime -delimit -delimitate -delimitation -delimitative -delimiter -delimitize -delineable -delineament -delineate -delineation -delineative -delineator -delineatory -delineature -delinquence -delinquency -delinquent -delinquently -delint -delinter -deliquesce -deliquescence -deliquescent -deliquium -deliracy -delirament -deliration -deliriant -delirifacient -delirious -deliriously -deliriousness -delirium -delitescence -delitescency -delitescent -deliver -deliverable -deliverance -deliverer -deliveress -deliveror -delivery -deliveryman -dell -Della -dellenite -Delobranchiata -delocalization -delocalize -delomorphic -delomorphous -deloul -delouse -delphacid -Delphacidae -Delphian -Delphin -Delphinapterus -delphine -delphinic -Delphinid -Delphinidae -delphinin -delphinine -delphinite -Delphinium -Delphinius -delphinoid -Delphinoidea -delphinoidine -Delphinus -delphocurarine -Delsarte -Delsartean -Delsartian -Delta -delta -deltafication -deltaic -deltal -deltarium -deltation -delthyrial -delthyrium -deltic -deltidial -deltidium -deltiology -deltohedron -deltoid -deltoidal -delubrum -deludable -delude -deluder -deludher -deluding -deludingly -deluge -deluminize -delundung -delusion -delusional -delusionist -delusive -delusively -delusiveness -delusory -deluster -deluxe -delve -delver -demagnetizable -demagnetization -demagnetize -demagnetizer -demagog -demagogic -demagogical -demagogically -demagogism -demagogue -demagoguery -demagogy -demal -demand -demandable -demandant -demander -demanding -demandingly -demanganization -demanganize -demantoid -demarcate -demarcation -demarcator -demarch -demarchy -demargarinate -demark -demarkation -demast -dematerialization -dematerialize -Dematiaceae -dematiaceous -deme -demean -demeanor -demegoric -demency -dement -dementate -dementation -demented -dementedly -dementedness -dementholize -dementia -demephitize -demerit -demeritorious -demeritoriously -Demerol -demersal -demersed -demersion -demesman -demesmerize -demesne -demesnial -demetallize -demethylate -demethylation -Demetrian -demetricize -demi -demiadult -demiangel -demiassignation -demiatheism -demiatheist -demibarrel -demibastion -demibastioned -demibath -demibeast -demibelt -demibob -demibombard -demibrassart -demibrigade -demibrute -demibuckram -demicadence -demicannon -demicanon -demicanton -demicaponier -demichamfron -demicircle -demicircular -demicivilized -demicolumn -demicoronal -demicritic -demicuirass -demiculverin -demicylinder -demicylindrical -demidandiprat -demideify -demideity -demidevil -demidigested -demidistance -demiditone -demidoctor -demidog -demidolmen -demidome -demieagle -demifarthing -demifigure -demiflouncing -demifusion -demigardebras -demigauntlet -demigentleman -demiglobe -demigod -demigoddess -demigoddessship -demigorge -demigriffin -demigroat -demihag -demihearse -demiheavenly -demihigh -demihogshead -demihorse -demihuman -demijambe -demijohn -demikindred -demiking -demilance -demilancer -demilawyer -demilegato -demilion -demilitarization -demilitarize -demiliterate -demilune -demiluster -demilustre -demiman -demimark -demimentoniere -demimetope -demimillionaire -demimondaine -demimonde -demimonk -deminatured -demineralization -demineralize -deminude -deminudity -demioctagonal -demioctangular -demiofficial -demiorbit -demiourgoi -demiowl -demiox -demipagan -demiparallel -demipauldron -demipectinate -demipesade -demipike -demipillar -demipique -demiplacate -demiplate -demipomada -demipremise -demipremiss -demipriest -demipronation -demipuppet -demiquaver -demiracle -demiram -demirelief -demirep -demirevetment -demirhumb -demirilievo -demirobe -demisability -demisable -demisacrilege -demisang -demisangue -demisavage -demise -demiseason -demisecond -demisemiquaver -demisemitone -demisheath -demishirt -demisovereign -demisphere -demiss -demission -demissionary -demissly -demissness -demissory -demisuit -demit -demitasse -demitint -demitoilet -demitone -demitrain -demitranslucence -demitube -demiturned -demiurge -demiurgeous -demiurgic -demiurgical -demiurgically -demiurgism -demivambrace -demivirgin -demivoice -demivol -demivolt -demivotary -demiwivern -demiwolf -demnition -demob -demobilization -demobilize -democracy -democrat -democratian -democratic -democratical -democratically -democratifiable -democratism -democratist -democratization -democratize -demodectic -demoded -Demodex -Demodicidae -Demodocus -demodulation -demodulator -demogenic -Demogorgon -demographer -demographic -demographical -demographically -demographist -demography -demoid -demoiselle -demolish -demolisher -demolishment -demolition -demolitionary -demolitionist -demological -demology -Demon -demon -demonastery -demoness -demonetization -demonetize -demoniac -demoniacal -demoniacally -demoniacism -demonial -demonian -demonianism -demoniast -demonic -demonical -demonifuge -demonish -demonism -demonist -demonize -demonkind -demonland -demonlike -demonocracy -demonograph -demonographer -demonography -demonolater -demonolatrous -demonolatrously -demonolatry -demonologer -demonologic -demonological -demonologically -demonologist -demonology -demonomancy -demonophobia -demonry -demonship -demonstrability -demonstrable -demonstrableness -demonstrably -demonstrant -demonstratable -demonstrate -demonstratedly -demonstrater -demonstration -demonstrational -demonstrationist -demonstrative -demonstratively -demonstrativeness -demonstrator -demonstratorship -demonstratory -demophil -demophilism -demophobe -Demophon -Demophoon -demoralization -demoralize -demoralizer -demorphinization -demorphism -demos -Demospongiae -Demosthenean -Demosthenic -demote -demotic -demotics -demotion -demotist -demount -demountability -demountable -dempster -demulce -demulcent -demulsibility -demulsify -demulsion -demure -demurely -demureness -demurity -demurrable -demurrage -demurral -demurrant -demurrer -demurring -demurringly -demutization -demy -demyship -den -denarcotization -denarcotize -denarius -denaro -denary -denat -denationalization -denationalize -denaturalization -denaturalize -denaturant -denaturate -denaturation -denature -denaturization -denaturize -denaturizer -denazify -denda -dendrachate -dendral -Dendraspis -dendraxon -dendric -dendriform -dendrite -Dendrites -dendritic -dendritical -dendritically -dendritiform -Dendrium -Dendrobates -Dendrobatinae -dendrobe -Dendrobium -Dendrocalamus -Dendroceratina -dendroceratine -Dendrochirota -dendrochronological -dendrochronologist -dendrochronology -dendroclastic -Dendrocoela -dendrocoelan -dendrocoele -dendrocoelous -Dendrocolaptidae -dendrocolaptine -Dendroctonus -Dendrocygna -dendrodont -Dendrodus -Dendroeca -Dendrogaea -Dendrogaean -dendrograph -dendrography -Dendrohyrax -Dendroica -dendroid -dendroidal -Dendroidea -Dendrolagus -dendrolatry -Dendrolene -dendrolite -dendrologic -dendrological -dendrologist -dendrologous -dendrology -Dendromecon -dendrometer -dendron -dendrophil -dendrophile -dendrophilous -Dendropogon -Dene -dene -Deneb -Denebola -denegate -denegation -denehole -denervate -denervation -deneutralization -dengue -deniable -denial -denicotinize -denier -denierage -denierer -denigrate -denigration -denigrator -denim -Denis -denitrate -denitration -denitrator -denitrificant -denitrification -denitrificator -denitrifier -denitrify -denitrize -denization -denizen -denizenation -denizenize -denizenship -Denmark -dennet -Dennis -Dennstaedtia -denominable -denominate -denomination -denominational -denominationalism -denominationalist -denominationalize -denominationally -denominative -denominatively -denominator -denotable -denotation -denotative -denotatively -denotativeness -denotatum -denote -denotement -denotive -denouement -denounce -denouncement -denouncer -dense -densely -densen -denseness -denshare -densher -denshire -densification -densifier -densify -densimeter -densimetric -densimetrically -densimetry -densitometer -density -dent -dentagra -dental -dentale -dentalgia -Dentaliidae -dentalism -dentality -Dentalium -dentalization -dentalize -dentally -dentaphone -Dentaria -dentary -dentata -dentate -dentated -dentately -dentation -dentatoangulate -dentatocillitate -dentatocostate -dentatocrenate -dentatoserrate -dentatosetaceous -dentatosinuate -dentel -dentelated -dentelle -dentelure -denter -dentex -dentical -denticate -Denticeti -denticle -denticular -denticulate -denticulately -denticulation -denticule -dentiferous -dentification -dentiform -dentifrice -dentigerous -dentil -dentilabial -dentilated -dentilation -dentile -dentilingual -dentiloquist -dentiloquy -dentimeter -dentin -dentinal -dentinalgia -dentinasal -dentine -dentinitis -dentinoblast -dentinocemental -dentinoid -dentinoma -dentiparous -dentiphone -dentiroster -dentirostral -dentirostrate -Dentirostres -dentiscalp -dentist -dentistic -dentistical -dentistry -dentition -dentoid -dentolabial -dentolingual -dentonasal -dentosurgical -dentural -denture -denty -denucleate -denudant -denudate -denudation -denudative -denude -denuder -denumerable -denumerably -denumeral -denumerant -denumerantive -denumeration -denumerative -denunciable -denunciant -denunciate -denunciation -denunciative -denunciatively -denunciator -denunciatory -denutrition -deny -denyingly -deobstruct -deobstruent -deoccidentalize -deoculate -deodand -deodara -deodorant -deodorization -deodorize -deodorizer -deontological -deontologist -deontology -deoperculate -deoppilant -deoppilate -deoppilation -deoppilative -deordination -deorganization -deorganize -deorientalize -deorsumvergence -deorsumversion -deorusumduction -deossification -deossify -deota -deoxidant -deoxidate -deoxidation -deoxidative -deoxidator -deoxidization -deoxidize -deoxidizer -deoxygenate -deoxygenation -deoxygenization -deozonization -deozonize -deozonizer -depa -depaganize -depaint -depancreatization -depancreatize -depark -deparliament -depart -departed -departer -departisanize -departition -department -departmental -departmentalism -departmentalization -departmentalize -departmentally -departmentization -departmentize -departure -depas -depascent -depass -depasturable -depasturage -depasturation -depasture -depatriate -depauperate -depauperation -depauperization -depauperize -depencil -depend -dependability -dependable -dependableness -dependably -dependence -dependency -dependent -dependently -depender -depending -dependingly -depeople -deperdite -deperditely -deperition -depersonalization -depersonalize -depersonize -depetalize -depeter -depetticoat -dephase -dephilosophize -dephlegmate -dephlegmation -dephlegmatize -dephlegmator -dephlegmatory -dephlegmedness -dephlogisticate -dephlogisticated -dephlogistication -dephosphorization -dephosphorize -dephysicalization -dephysicalize -depickle -depict -depicter -depiction -depictive -depicture -depiedmontize -depigment -depigmentate -depigmentation -depigmentize -depilate -depilation -depilator -depilatory -depilitant -depilous -deplaceable -deplane -deplasmolysis -deplaster -deplenish -deplete -deplethoric -depletion -depletive -depletory -deploitation -deplorability -deplorable -deplorableness -deplorably -deploration -deplore -deplored -deploredly -deploredness -deplorer -deploringly -deploy -deployment -deplumate -deplumated -deplumation -deplume -deplump -depoetize -depoh -depolarization -depolarize -depolarizer -depolish -depolishing -depolymerization -depolymerize -depone -deponent -depopularize -depopulate -depopulation -depopulative -depopulator -deport -deportable -deportation -deportee -deporter -deportment -deposable -deposal -depose -deposer -deposit -depositary -depositation -depositee -deposition -depositional -depositive -depositor -depository -depositum -depositure -depot -depotentiate -depotentiation -depravation -deprave -depraved -depravedly -depravedness -depraver -depravingly -depravity -deprecable -deprecate -deprecatingly -deprecation -deprecative -deprecator -deprecatorily -deprecatoriness -deprecatory -depreciable -depreciant -depreciate -depreciatingly -depreciation -depreciative -depreciatively -depreciator -depreciatoriness -depreciatory -depredate -depredation -depredationist -depredator -depredatory -depress -depressant -depressed -depressibility -depressible -depressing -depressingly -depressingness -depression -depressive -depressively -depressiveness -depressomotor -depressor -depreter -deprint -depriorize -deprivable -deprival -deprivate -deprivation -deprivative -deprive -deprivement -depriver -deprovincialize -depside -depth -depthen -depthing -depthless -depthometer -depthwise -depullulation -depurant -depurate -depuration -depurative -depurator -depuratory -depursement -deputable -deputation -deputational -deputationist -deputationize -deputative -deputatively -deputator -depute -deputize -deputy -deputyship -dequeen -derabbinize -deracialize -deracinate -deracination -deradelphus -deradenitis -deradenoncus -derah -deraign -derail -derailer -derailment -derange -derangeable -deranged -derangement -deranger -derat -derate -derater -derationalization -derationalize -deratization -deray -Derbend -Derby -derby -derbylite -dere -deregister -deregulationize -dereism -dereistic -dereistically -Derek -derelict -dereliction -derelictly -derelictness -dereligion -dereligionize -derencephalocele -derencephalus -deresinate -deresinize -deric -deride -derider -deridingly -Deringa -Deripia -derisible -derision -derisive -derisively -derisiveness -derisory -derivability -derivable -derivably -derival -derivant -derivate -derivately -derivation -derivational -derivationally -derivationist -derivatist -derivative -derivatively -derivativeness -derive -derived -derivedly -derivedness -deriver -derm -derma -Dermacentor -dermad -dermahemia -dermal -dermalgia -dermalith -dermamyiasis -dermanaplasty -dermapostasis -Dermaptera -dermapteran -dermapterous -dermaskeleton -dermasurgery -dermatagra -dermatalgia -dermataneuria -dermatatrophia -dermatauxe -dermathemia -dermatic -dermatine -dermatitis -Dermatobia -dermatocele -dermatocellulitis -dermatoconiosis -Dermatocoptes -dermatocoptic -dermatocyst -dermatodynia -dermatogen -dermatoglyphics -dermatograph -dermatographia -dermatography -dermatoheteroplasty -dermatoid -dermatological -dermatologist -dermatology -dermatolysis -dermatoma -dermatome -dermatomere -dermatomic -dermatomuscular -dermatomyces -dermatomycosis -dermatomyoma -dermatoneural -dermatoneurology -dermatoneurosis -dermatonosus -dermatopathia -dermatopathic -dermatopathology -dermatopathophobia -Dermatophagus -dermatophobia -dermatophone -dermatophony -dermatophyte -dermatophytic -dermatophytosis -dermatoplasm -dermatoplast -dermatoplastic -dermatoplasty -dermatopnagic -dermatopsy -Dermatoptera -dermatoptic -dermatorrhagia -dermatorrhea -dermatorrhoea -dermatosclerosis -dermatoscopy -dermatosis -dermatoskeleton -dermatotherapy -dermatotome -dermatotomy -dermatotropic -dermatoxerasia -dermatozoon -dermatozoonosis -dermatrophia -dermatrophy -dermenchysis -Dermestes -dermestid -Dermestidae -dermestoid -dermic -dermis -dermitis -dermoblast -Dermobranchia -dermobranchiata -dermobranchiate -Dermochelys -dermochrome -dermococcus -dermogastric -dermographia -dermographic -dermographism -dermography -dermohemal -dermohemia -dermohumeral -dermoid -dermoidal -dermoidectomy -dermol -dermolysis -dermomuscular -dermomycosis -dermoneural -dermoneurosis -dermonosology -dermoosseous -dermoossification -dermopathic -dermopathy -dermophlebitis -dermophobe -dermophyte -dermophytic -dermoplasty -Dermoptera -dermopteran -dermopterous -dermoreaction -Dermorhynchi -dermorhynchous -dermosclerite -dermoskeletal -dermoskeleton -dermostenosis -dermostosis -dermosynovitis -dermotropic -dermovaccine -dermutation -dern -dernier -derodidymus -derogate -derogately -derogation -derogative -derogatively -derogator -derogatorily -derogatoriness -derogatory -Derotrema -Derotremata -derotremate -derotrematous -derotreme -derout -Derrick -derrick -derricking -derrickman -derride -derries -derringer -Derris -derry -dertrotheca -dertrum -deruinate -deruralize -derust -dervish -dervishhood -dervishism -dervishlike -desaccharification -desacralization -desacralize -desalt -desamidization -desand -desaturate -desaturation -desaurin -descale -descant -descanter -descantist -descend -descendable -descendance -descendant -descendence -descendent -descendental -descendentalism -descendentalist -descendentalistic -descender -descendibility -descendible -descending -descendingly -descension -descensional -descensionist -descensive -descent -Deschampsia -descloizite -descort -describability -describable -describably -describe -describer -descrier -descript -description -descriptionist -descriptionless -descriptive -descriptively -descriptiveness -descriptory -descrive -descry -deseasonalize -desecrate -desecrater -desecration -desectionalize -deseed -desegmentation -desegmented -desensitization -desensitize -desensitizer -desentimentalize -deseret -desert -deserted -desertedly -desertedness -deserter -desertful -desertfully -desertic -deserticolous -desertion -desertism -desertless -desertlessly -desertlike -desertness -desertress -desertrice -desertward -deserve -deserved -deservedly -deservedness -deserveless -deserver -deserving -deservingly -deservingness -desex -desexualization -desexualize -deshabille -desi -desiccant -desiccate -desiccation -desiccative -desiccator -desiccatory -desiderant -desiderata -desiderate -desideration -desiderative -desideratum -desight -desightment -design -designable -designate -designation -designative -designator -designatory -designatum -designed -designedly -designedness -designee -designer -designful -designfully -designfulness -designing -designingly -designless -designlessly -designlessness -desilicate -desilicification -desilicify -desiliconization -desiliconize -desilver -desilverization -desilverize -desilverizer -desinence -desinent -desiodothyroxine -desipience -desipiency -desipient -desirability -desirable -desirableness -desirably -desire -desired -desiredly -desiredness -desireful -desirefulness -desireless -desirer -desiringly -desirous -desirously -desirousness -desist -desistance -desistive -desition -desize -desk -desklike -deslime -desma -desmachymatous -desmachyme -desmacyte -desman -Desmanthus -Desmarestia -Desmarestiaceae -desmarestiaceous -Desmatippus -desmectasia -desmepithelium -desmic -desmid -Desmidiaceae -desmidiaceous -Desmidiales -desmidiologist -desmidiology -desmine -desmitis -desmocyte -desmocytoma -Desmodactyli -Desmodium -desmodont -Desmodontidae -Desmodus -desmodynia -desmogen -desmogenous -Desmognathae -desmognathism -desmognathous -desmography -desmohemoblast -desmoid -desmology -desmoma -Desmomyaria -desmon -Desmoncus -desmoneoplasm -desmonosology -desmopathologist -desmopathology -desmopathy -desmopelmous -desmopexia -desmopyknosis -desmorrhexis -Desmoscolecidae -Desmoscolex -desmosis -desmosite -Desmothoraca -desmotomy -desmotrope -desmotropic -desmotropism -desocialization -desocialize -desolate -desolately -desolateness -desolater -desolating -desolatingly -desolation -desolative -desonation -desophisticate -desophistication -desorption -desoxalate -desoxyanisoin -desoxybenzoin -desoxycinchonine -desoxycorticosterone -desoxymorphine -desoxyribonucleic -despair -despairer -despairful -despairfully -despairfulness -despairing -despairingly -despairingness -despecialization -despecialize -despecificate -despecification -despect -desperacy -desperado -desperadoism -desperate -desperately -desperateness -desperation -despicability -despicable -despicableness -despicably -despiritualization -despiritualize -despisable -despisableness -despisal -despise -despisedness -despisement -despiser -despisingly -despite -despiteful -despitefully -despitefulness -despiteous -despiteously -despoil -despoiler -despoilment -despoliation -despond -despondence -despondency -despondent -despondently -desponder -desponding -despondingly -despot -despotat -Despotes -despotic -despotically -despoticalness -despoticly -despotism -despotist -despotize -despumate -despumation -desquamate -desquamation -desquamative -desquamatory -dess -dessa -dessert -dessertspoon -dessertspoonful -dessiatine -dessil -destabilize -destain -destandardize -desterilization -desterilize -destinate -destination -destine -destinezite -destinism -destinist -destiny -destitute -destitutely -destituteness -destitution -destour -destress -destrier -destroy -destroyable -destroyer -destroyingly -destructibility -destructible -destructibleness -destruction -destructional -destructionism -destructionist -destructive -destructively -destructiveness -destructivism -destructivity -destructor -destructuralize -desubstantiate -desucration -desuete -desuetude -desugar -desugarize -Desulfovibrio -desulphur -desulphurate -desulphuration -desulphurization -desulphurize -desulphurizer -desultor -desultorily -desultoriness -desultorious -desultory -desuperheater -desyatin -desyl -desynapsis -desynaptic -desynonymization -desynonymize -detach -detachability -detachable -detachableness -detachably -detached -detachedly -detachedness -detacher -detachment -detail -detailed -detailedly -detailedness -detailer -detailism -detailist -detain -detainable -detainal -detainer -detainingly -detainment -detar -detassel -detax -detect -detectability -detectable -detectably -detectaphone -detecter -detectible -detection -detective -detectivism -detector -detenant -detent -detention -detentive -deter -deterge -detergence -detergency -detergent -detergible -deteriorate -deterioration -deteriorationist -deteriorative -deteriorator -deteriorism -deteriority -determent -determinability -determinable -determinableness -determinably -determinacy -determinant -determinantal -determinate -determinately -determinateness -determination -determinative -determinatively -determinativeness -determinator -determine -determined -determinedly -determinedness -determiner -determinism -determinist -deterministic -determinoid -deterrence -deterrent -detersion -detersive -detersively -detersiveness -detest -detestability -detestable -detestableness -detestably -detestation -detester -dethronable -dethrone -dethronement -dethroner -dethyroidism -detin -detinet -detinue -detonable -detonate -detonation -detonative -detonator -detorsion -detour -detoxicant -detoxicate -detoxication -detoxicator -detoxification -detoxify -detract -detracter -detractingly -detraction -detractive -detractively -detractiveness -detractor -detractory -detractress -detrain -detrainment -detribalization -detribalize -detriment -detrimental -detrimentality -detrimentally -detrimentalness -detrital -detrited -detrition -detritus -Detroiter -detrude -detruncate -detruncation -detrusion -detrusive -detrusor -detubation -detumescence -detune -detur -deuce -deuced -deucedly -deul -deurbanize -deutencephalic -deutencephalon -deuteragonist -deuteranomal -deuteranomalous -deuteranope -deuteranopia -deuteranopic -deuteric -deuteride -deuterium -deuteroalbumose -deuterocanonical -deuterocasease -deuterocone -deuteroconid -deuterodome -deuteroelastose -deuterofibrinose -deuterogamist -deuterogamy -deuterogelatose -deuterogenic -deuteroglobulose -deuteromorphic -Deuteromycetes -deuteromyosinose -deuteron -Deuteronomic -Deuteronomical -Deuteronomist -Deuteronomistic -Deuteronomy -deuteropathic -deuteropathy -deuteroplasm -deuteroprism -deuteroproteose -deuteroscopic -deuteroscopy -deuterostoma -Deuterostomata -deuterostomatous -deuterotokous -deuterotoky -deuterotype -deuterovitellose -deuterozooid -deutobromide -deutocarbonate -deutochloride -deutomala -deutomalal -deutomalar -deutomerite -deuton -deutonephron -deutonymph -deutonymphal -deutoplasm -deutoplasmic -deutoplastic -deutoscolex -deutoxide -Deutzia -dev -deva -devachan -devadasi -devall -devaloka -devalorize -devaluate -devaluation -devalue -devance -devaporate -devaporation -devast -devastate -devastating -devastatingly -devastation -devastative -devastator -devastavit -devaster -devata -develin -develop -developability -developable -developedness -developer -developist -development -developmental -developmentalist -developmentally -developmentarian -developmentary -developmentist -developoid -devertebrated -devest -deviability -deviable -deviancy -deviant -deviate -deviation -deviationism -deviationist -deviative -deviator -deviatory -device -deviceful -devicefully -devicefulness -devil -devilbird -devildom -deviled -deviler -deviless -devilet -devilfish -devilhood -deviling -devilish -devilishly -devilishness -devilism -devilize -devilkin -devillike -devilman -devilment -devilmonger -devilry -devilship -deviltry -devilward -devilwise -devilwood -devily -devious -deviously -deviousness -devirginate -devirgination -devirginator -devirilize -devisable -devisal -deviscerate -devisceration -devise -devisee -deviser -devisor -devitalization -devitalize -devitalized -devitaminize -devitrification -devitrify -devocalization -devocalize -devoice -devoid -devoir -devolatilize -devolute -devolution -devolutionary -devolutionist -devolve -devolvement -Devon -Devonian -Devonic -devonite -devonport -devonshire -devorative -devote -devoted -devotedly -devotedness -devotee -devoteeism -devotement -devoter -devotion -devotional -devotionalism -devotionalist -devotionality -devotionally -devotionalness -devotionate -devotionist -devour -devourable -devourer -devouress -devouring -devouringly -devouringness -devourment -devout -devoutless -devoutlessly -devoutlessness -devoutly -devoutness -devow -devulcanization -devulcanize -devulgarize -devvel -dew -dewan -dewanee -dewanship -dewater -dewaterer -dewax -dewbeam -dewberry -dewclaw -dewclawed -dewcup -dewdamp -dewdrop -dewdropper -dewer -Dewey -deweylite -dewfall -dewflower -dewily -dewiness -dewlap -dewlapped -dewless -dewlight -dewlike -dewool -deworm -dewret -dewtry -dewworm -dewy -dexiocardia -dexiotrope -dexiotropic -dexiotropism -dexiotropous -Dexter -dexter -dexterical -dexterity -dexterous -dexterously -dexterousness -dextrad -dextral -dextrality -dextrally -dextran -dextraural -dextrin -dextrinase -dextrinate -dextrinize -dextrinous -dextro -dextroaural -dextrocardia -dextrocardial -dextrocerebral -dextrocular -dextrocularity -dextroduction -dextroglucose -dextrogyrate -dextrogyration -dextrogyratory -dextrogyrous -dextrolactic -dextrolimonene -dextropinene -dextrorotary -dextrorotatary -dextrorotation -dextrorsal -dextrorse -dextrorsely -dextrosazone -dextrose -dextrosinistral -dextrosinistrally -dextrosuria -dextrotartaric -dextrotropic -dextrotropous -dextrous -dextrously -dextrousness -dextroversion -dey -deyhouse -deyship -deywoman -Dezaley -dezinc -dezincation -dezincification -dezincify -dezymotize -dha -dhabb -dhai -dhak -dhamnoo -dhan -dhangar -dhanuk -dhanush -Dhanvantari -dharana -dharani -dharma -dharmakaya -dharmashastra -dharmasmriti -dharmasutra -dharmsala -dharna -dhaura -dhauri -dhava -dhaw -Dheneb -dheri -dhobi -dhole -dhoni -dhoon -dhoti -dhoul -dhow -Dhritarashtra -dhu -dhunchee -dhunchi -Dhundia -dhurra -dhyal -dhyana -di -diabase -diabasic -diabetes -diabetic -diabetogenic -diabetogenous -diabetometer -diablerie -diabolarch -diabolarchy -diabolatry -diabolepsy -diaboleptic -diabolic -diabolical -diabolically -diabolicalness -diabolification -diabolify -diabolism -diabolist -diabolization -diabolize -diabological -diabology -diabolology -diabrosis -diabrotic -Diabrotica -diacanthous -diacaustic -diacetamide -diacetate -diacetic -diacetin -diacetine -diacetonuria -diaceturia -diacetyl -diacetylene -diachoretic -diachronic -diachylon -diachylum -diacid -diacipiperazine -diaclase -diaclasis -diaclastic -diacle -diaclinal -diacodion -diacoele -diacoelia -diaconal -diaconate -diaconia -diaconicon -diaconicum -diacope -diacranterian -diacranteric -diacrisis -diacritic -diacritical -diacritically -Diacromyodi -diacromyodian -diact -diactin -diactinal -diactinic -diactinism -Diadelphia -diadelphian -diadelphic -diadelphous -diadem -Diadema -Diadematoida -diaderm -diadermic -diadoche -Diadochi -Diadochian -diadochite -diadochokinesia -diadochokinetic -diadromous -diadumenus -diaene -diaereses -diaeresis -diaeretic -diaetetae -diagenesis -diagenetic -diageotropic -diageotropism -diaglyph -diaglyphic -diagnosable -diagnose -diagnoseable -diagnoses -diagnosis -diagnostic -diagnostically -diagnosticate -diagnostication -diagnostician -diagnostics -diagometer -diagonal -diagonality -diagonalize -diagonally -diagonalwise -diagonic -diagram -diagrammatic -diagrammatical -diagrammatician -diagrammatize -diagrammeter -diagrammitically -diagraph -diagraphic -diagraphical -diagraphics -diagredium -diagrydium -Diaguitas -Diaguite -diaheliotropic -diaheliotropically -diaheliotropism -diakinesis -dial -dialcohol -dialdehyde -dialect -dialectal -dialectalize -dialectally -dialectic -dialectical -dialectically -dialectician -dialecticism -dialecticize -dialectics -dialectologer -dialectological -dialectologist -dialectology -dialector -dialer -dialin -dialing -dialist -Dialister -dialkyl -dialkylamine -diallage -diallagic -diallagite -diallagoid -diallel -diallelon -diallelus -diallyl -dialogic -dialogical -dialogically -dialogism -dialogist -dialogistic -dialogistical -dialogistically -dialogite -dialogize -dialogue -dialoguer -Dialonian -dialuric -dialycarpous -Dialypetalae -dialypetalous -dialyphyllous -dialysepalous -dialysis -dialystaminous -dialystelic -dialystely -dialytic -dialytically -dialyzability -dialyzable -dialyzate -dialyzation -dialyzator -dialyze -dialyzer -diamagnet -diamagnetic -diamagnetically -diamagnetism -diamantiferous -diamantine -diamantoid -diamb -diambic -diamesogamous -diameter -diametral -diametrally -diametric -diametrical -diametrically -diamicton -diamide -diamidogen -diamine -diaminogen -diaminogene -diammine -diamminobromide -diamminonitrate -diammonium -diamond -diamondback -diamonded -diamondiferous -diamondize -diamondlike -diamondwise -diamondwork -diamorphine -diamylose -Dian -dian -Diana -Diancecht -diander -Diandria -diandrian -diandrous -Diane -dianetics -Dianil -dianilid -dianilide -dianisidin -dianisidine -dianite -dianodal -dianoetic -dianoetical -dianoetically -Dianthaceae -Dianthera -Dianthus -diapalma -diapase -diapasm -diapason -diapasonal -diapause -diapedesis -diapedetic -Diapensia -Diapensiaceae -diapensiaceous -diapente -diaper -diapering -diaphane -diaphaneity -diaphanie -diaphanometer -diaphanometric -diaphanometry -diaphanoscope -diaphanoscopy -diaphanotype -diaphanous -diaphanously -diaphanousness -diaphany -diaphone -diaphonia -diaphonic -diaphonical -diaphony -diaphoresis -diaphoretic -diaphoretical -diaphorite -diaphote -diaphototropic -diaphototropism -diaphragm -diaphragmal -diaphragmatic -diaphragmatically -diaphtherin -diaphysial -diaphysis -diaplasma -diaplex -diaplexal -diaplexus -diapnoic -diapnotic -diapophysial -diapophysis -Diaporthe -diapositive -diapsid -Diapsida -diapsidan -diapyesis -diapyetic -diarch -diarchial -diarchic -diarchy -diarhemia -diarial -diarian -diarist -diaristic -diarize -diarrhea -diarrheal -diarrheic -diarrhetic -diarsenide -diarthric -diarthrodial -diarthrosis -diarticular -diary -diaschisis -diaschisma -diaschistic -Diascia -diascope -diascopy -diascord -diascordium -diaskeuasis -diaskeuast -Diaspidinae -diaspidine -Diaspinae -diaspine -diaspirin -Diaspora -diaspore -diastaltic -diastase -diastasic -diastasimetry -diastasis -diastataxic -diastataxy -diastatic -diastatically -diastem -diastema -diastematic -diastematomyelia -diaster -diastole -diastolic -diastomatic -diastral -diastrophe -diastrophic -diastrophism -diastrophy -diasynthesis -diasyrm -diatessaron -diathermacy -diathermal -diathermancy -diathermaneity -diathermanous -diathermic -diathermize -diathermometer -diathermotherapy -diathermous -diathermy -diathesic -diathesis -diathetic -diatom -Diatoma -Diatomaceae -diatomacean -diatomaceoid -diatomaceous -Diatomales -Diatomeae -diatomean -diatomic -diatomicity -diatomiferous -diatomin -diatomist -diatomite -diatomous -diatonic -diatonical -diatonically -diatonous -diatoric -diatreme -diatribe -diatribist -diatropic -diatropism -Diatryma -Diatrymiformes -Diau -diaulic -diaulos -diaxial -diaxon -diazenithal -diazeuctic -diazeuxis -diazide -diazine -diazoamine -diazoamino -diazoaminobenzene -diazoanhydride -diazoate -diazobenzene -diazohydroxide -diazoic -diazoimide -diazoimido -diazole -diazoma -diazomethane -diazonium -diazotate -diazotic -diazotizability -diazotizable -diazotization -diazotize -diazotype -dib -dibase -dibasic -dibasicity -dibatag -Dibatis -dibber -dibble -dibbler -dibbuk -dibenzophenazine -dibenzopyrrole -dibenzoyl -dibenzyl -dibhole -diblastula -diborate -Dibothriocephalus -dibrach -dibranch -Dibranchia -Dibranchiata -dibranchiate -dibranchious -dibrom -dibromid -dibromide -dibromoacetaldehyde -dibromobenzene -dibs -dibstone -dibutyrate -dibutyrin -dicacodyl -Dicaeidae -dicaeology -dicalcic -dicalcium -dicarbonate -dicarbonic -dicarboxylate -dicarboxylic -dicarpellary -dicaryon -dicaryophase -dicaryophyte -dicaryotic -dicast -dicastery -dicastic -dicatalectic -dicatalexis -Diccon -dice -diceboard -dicebox -dicecup -dicellate -diceman -Dicentra -dicentrine -dicephalism -dicephalous -dicephalus -diceplay -dicer -Diceras -Diceratidae -dicerion -dicerous -dicetyl -dich -Dichapetalaceae -Dichapetalum -dichas -dichasial -dichasium -dichastic -Dichelyma -dichlamydeous -dichloramine -dichlorhydrin -dichloride -dichloroacetic -dichlorohydrin -dichloromethane -dichocarpism -dichocarpous -dichogamous -dichogamy -Dichondra -Dichondraceae -dichopodial -dichoptic -dichord -dichoree -Dichorisandra -dichotic -dichotomal -dichotomic -dichotomically -dichotomist -dichotomistic -dichotomization -dichotomize -dichotomous -dichotomously -dichotomy -dichroic -dichroiscope -dichroism -dichroite -dichroitic -dichromasy -dichromat -dichromate -dichromatic -dichromatism -dichromic -dichromism -dichronous -dichrooscope -dichroous -dichroscope -dichroscopic -Dichter -dicing -Dick -dick -dickcissel -dickens -Dickensian -Dickensiana -dicker -dickey -dickeybird -dickinsonite -Dicksonia -dicky -Diclidantheraceae -diclinic -diclinism -diclinous -Diclytra -dicoccous -dicodeine -dicoelious -dicolic -dicolon -dicondylian -dicot -dicotyl -dicotyledon -dicotyledonary -Dicotyledones -dicotyledonous -Dicotyles -Dicotylidae -dicotylous -dicoumarin -Dicranaceae -dicranaceous -dicranoid -dicranterian -Dicranum -Dicrostonyx -dicrotal -dicrotic -dicrotism -dicrotous -Dicruridae -dicta -Dictaen -Dictamnus -Dictaphone -dictate -dictatingly -dictation -dictational -dictative -dictator -dictatorial -dictatorialism -dictatorially -dictatorialness -dictatorship -dictatory -dictatress -dictatrix -dictature -dictic -diction -dictionary -Dictograph -dictum -dictynid -Dictynidae -Dictyoceratina -dictyoceratine -dictyodromous -dictyogen -dictyogenous -Dictyograptus -dictyoid -Dictyonema -Dictyonina -dictyonine -Dictyophora -dictyopteran -Dictyopteris -Dictyosiphon -Dictyosiphonaceae -dictyosiphonaceous -dictyosome -dictyostele -dictyostelic -Dictyota -Dictyotaceae -dictyotaceous -Dictyotales -dictyotic -Dictyoxylon -dicyanide -dicyanine -dicyanodiamide -dicyanogen -dicycle -dicyclic -Dicyclica -dicyclist -Dicyema -Dicyemata -dicyemid -Dicyemida -Dicyemidae -Dicynodon -dicynodont -Dicynodontia -Dicynodontidae -did -Didache -Didachist -didactic -didactical -didacticality -didactically -didactician -didacticism -didacticity -didactics -didactive -didactyl -didactylism -didactylous -didapper -didascalar -didascaliae -didascalic -didascalos -didascaly -didder -diddle -diddler -diddy -didelph -Didelphia -didelphian -didelphic -didelphid -Didelphidae -didelphine -Didelphis -didelphoid -didelphous -Didelphyidae -didepsid -didepside -Dididae -didie -didine -Didinium -didle -didna -didnt -Dido -didodecahedral -didodecahedron -didrachma -didrachmal -didromy -didst -diductor -Didunculidae -Didunculinae -Didunculus -Didus -didym -didymate -didymia -didymitis -didymium -didymoid -didymolite -didymous -didymus -Didynamia -didynamian -didynamic -didynamous -didynamy -die -dieb -dieback -diectasis -diedral -diedric -Dieffenbachia -Diego -Diegueno -diehard -dielectric -dielectrically -dielike -Dielytra -diem -diemaker -diemaking -diencephalic -diencephalon -diene -dier -Dieri -Diervilla -diesel -dieselization -dieselize -diesinker -diesinking -diesis -diestock -diet -dietal -dietarian -dietary -Dieter -dieter -dietetic -dietetically -dietetics -dietetist -diethanolamine -diethyl -diethylamine -diethylenediamine -diethylstilbestrol -dietic -dietician -dietics -dietine -dietist -dietitian -dietotherapeutics -dietotherapy -dietotoxic -dietotoxicity -dietrichite -dietzeite -diewise -Dieyerie -diezeugmenon -Difda -diferrion -diffame -diffarreation -differ -difference -differencingly -different -differentia -differentiable -differential -differentialize -differentially -differentiant -differentiate -differentiation -differentiator -differently -differentness -differingly -difficile -difficileness -difficult -difficultly -difficultness -difficulty -diffidation -diffide -diffidence -diffident -diffidently -diffidentness -diffinity -diffluence -diffluent -Difflugia -difform -difformed -difformity -diffract -diffraction -diffractive -diffractively -diffractiveness -diffractometer -diffrangibility -diffrangible -diffugient -diffusate -diffuse -diffused -diffusedly -diffusely -diffuseness -diffuser -diffusibility -diffusible -diffusibleness -diffusibly -diffusimeter -diffusiometer -diffusion -diffusionism -diffusionist -diffusive -diffusively -diffusiveness -diffusivity -diffusor -diformin -dig -digallate -digallic -digametic -digamist -digamma -digammated -digammic -digamous -digamy -digastric -Digenea -digeneous -digenesis -digenetic -Digenetica -digenic -digenous -digeny -digerent -digest -digestant -digested -digestedly -digestedness -digester -digestibility -digestible -digestibleness -digestibly -digestion -digestional -digestive -digestively -digestiveness -digestment -diggable -digger -digging -diggings -dight -dighter -digit -digital -digitalein -digitalin -digitalis -digitalism -digitalization -digitalize -digitally -Digitaria -digitate -digitated -digitately -digitation -digitiform -Digitigrada -digitigrade -digitigradism -digitinervate -digitinerved -digitipinnate -digitize -digitizer -digitogenin -digitonin -digitoplantar -digitorium -digitoxin -digitoxose -digitule -digitus -digladiate -digladiation -digladiator -diglossia -diglot -diglottic -diglottism -diglottist -diglucoside -diglyceride -diglyph -diglyphic -digmeat -dignification -dignified -dignifiedly -dignifiedness -dignify -dignitarial -dignitarian -dignitary -dignity -digoneutic -digoneutism -digonoporous -digonous -Digor -digram -digraph -digraphic -digredience -digrediency -digredient -digress -digressingly -digression -digressional -digressionary -digressive -digressively -digressiveness -digressory -digs -diguanide -Digynia -digynian -digynous -dihalide -dihalo -dihalogen -dihedral -dihedron -dihexagonal -dihexahedral -dihexahedron -dihybrid -dihybridism -dihydrate -dihydrated -dihydrazone -dihydric -dihydride -dihydrite -dihydrocupreine -dihydrocuprin -dihydrogen -dihydrol -dihydronaphthalene -dihydronicotine -dihydrotachysterol -dihydroxy -dihydroxysuccinic -dihydroxytoluene -dihysteria -diiamb -diiambus -diiodide -diiodo -diiodoform -diipenates -Diipolia -diisatogen -dijudicate -dijudication -dika -dikage -dikamali -dikaryon -dikaryophase -dikaryophasic -dikaryophyte -dikaryophytic -dikaryotic -Dike -dike -dikegrave -dikelocephalid -Dikelocephalus -diker -dikereeve -dikeside -diketo -diketone -dikkop -diktyonite -dilacerate -dilaceration -dilambdodont -dilamination -Dilantin -dilapidate -dilapidated -dilapidation -dilapidator -dilatability -dilatable -dilatableness -dilatably -dilatancy -dilatant -dilatate -dilatation -dilatative -dilatator -dilatatory -dilate -dilated -dilatedly -dilatedness -dilater -dilatingly -dilation -dilative -dilatometer -dilatometric -dilatometry -dilator -dilatorily -dilatoriness -dilatory -dildo -dilection -Dilemi -Dilemite -dilemma -dilemmatic -dilemmatical -dilemmatically -dilettant -dilettante -dilettanteish -dilettanteism -dilettanteship -dilettanti -dilettantish -dilettantism -dilettantist -diligence -diligency -diligent -diligentia -diligently -diligentness -dilker -dill -Dillenia -Dilleniaceae -dilleniaceous -dilleniad -dilli -dillier -dilligrout -dilling -dillseed -dillue -dilluer -dillweed -dilly -dillydallier -dillydally -dillyman -dilo -dilogy -diluent -dilute -diluted -dilutedly -dilutedness -dilutee -dilutely -diluteness -dilutent -diluter -dilution -dilutive -dilutor -diluvia -diluvial -diluvialist -diluvian -diluvianism -diluvion -diluvium -dim -dimagnesic -dimanganion -dimanganous -Dimaris -dimastigate -Dimatis -dimber -dimberdamber -dimble -dime -dimensible -dimension -dimensional -dimensionality -dimensionally -dimensioned -dimensionless -dimensive -dimer -Dimera -dimeran -dimercuric -dimercurion -dimercury -dimeric -dimeride -dimerism -dimerization -dimerlie -dimerous -dimetallic -dimeter -dimethoxy -dimethyl -dimethylamine -dimethylamino -dimethylaniline -dimethylbenzene -dimetria -dimetric -Dimetry -dimication -dimidiate -dimidiation -diminish -diminishable -diminishableness -diminisher -diminishingly -diminishment -diminuendo -diminutal -diminute -diminution -diminutival -diminutive -diminutively -diminutiveness -diminutivize -dimiss -dimission -dimissorial -dimissory -dimit -Dimitry -Dimittis -dimity -dimly -dimmed -dimmedness -dimmer -dimmest -dimmet -dimmish -Dimna -dimness -dimolecular -dimoric -dimorph -dimorphic -dimorphism -Dimorphotheca -dimorphous -dimple -dimplement -dimply -dimps -dimpsy -Dimyaria -dimyarian -dimyaric -din -Dinah -dinamode -Dinantian -dinaphthyl -dinar -Dinaric -Dinarzade -dinder -dindle -Dindymene -Dindymus -dine -diner -dinergate -dineric -dinero -dinette -dineuric -ding -dingar -dingbat -dingdong -dinge -dingee -dinghee -dinghy -dingily -dinginess -dingle -dingleberry -dinglebird -dingledangle -dingly -dingmaul -dingo -dingus -Dingwall -dingy -dinheiro -dinic -dinical -Dinichthys -dining -dinitrate -dinitril -dinitrile -dinitro -dinitrobenzene -dinitrocellulose -dinitrophenol -dinitrotoluene -dink -Dinka -dinkey -dinkum -dinky -dinmont -dinner -dinnerless -dinnerly -dinnertime -dinnerware -dinnery -Dinobryon -Dinoceras -Dinocerata -dinoceratan -dinoceratid -Dinoceratidae -Dinoflagellata -Dinoflagellatae -dinoflagellate -Dinoflagellida -dinomic -Dinomys -Dinophilea -Dinophilus -Dinophyceae -Dinornis -Dinornithes -dinornithic -dinornithid -Dinornithidae -Dinornithiformes -dinornithine -dinornithoid -dinosaur -Dinosauria -dinosaurian -dinothere -Dinotheres -dinotherian -Dinotheriidae -Dinotherium -dinsome -dint -dintless -dinus -diobely -diobol -diocesan -diocese -Diocletian -dioctahedral -Dioctophyme -diode -Diodia -Diodon -diodont -Diodontidae -Dioecia -dioecian -dioeciodimorphous -dioeciopolygamous -dioecious -dioeciously -dioeciousness -dioecism -dioecy -dioestrous -dioestrum -dioestrus -Diogenean -Diogenic -diogenite -dioicous -diol -diolefin -diolefinic -Diomedea -Diomedeidae -Dion -Dionaea -Dionaeaceae -Dione -dionise -dionym -dionymal -Dionysia -Dionysiac -Dionysiacal -Dionysiacally -Dioon -Diophantine -Diopsidae -diopside -Diopsis -dioptase -diopter -Dioptidae -dioptograph -dioptometer -dioptometry -dioptoscopy -dioptra -dioptral -dioptrate -dioptric -dioptrical -dioptrically -dioptrics -dioptrometer -dioptrometry -dioptroscopy -dioptry -diorama -dioramic -diordinal -diorite -dioritic -diorthosis -diorthotic -Dioscorea -Dioscoreaceae -dioscoreaceous -dioscorein -dioscorine -Dioscuri -Dioscurian -diose -Diosma -diosmin -diosmose -diosmosis -diosmotic -diosphenol -Diospyraceae -diospyraceous -Diospyros -diota -diotic -Diotocardia -diovular -dioxane -dioxide -dioxime -dioxindole -dioxy -dip -Dipala -diparentum -dipartite -dipartition -dipaschal -dipentene -dipeptid -dipeptide -dipetalous -dipetto -diphase -diphaser -diphasic -diphead -diphenol -diphenyl -diphenylamine -diphenylchloroarsine -diphenylene -diphenylenimide -diphenylguanidine -diphenylmethane -diphenylquinomethane -diphenylthiourea -diphosgene -diphosphate -diphosphide -diphosphoric -diphosphothiamine -diphrelatic -diphtheria -diphtherial -diphtherian -diphtheric -diphtheritic -diphtheritically -diphtheritis -diphtheroid -diphtheroidal -diphtherotoxin -diphthong -diphthongal -diphthongalize -diphthongally -diphthongation -diphthongic -diphthongization -diphthongize -diphycercal -diphycercy -Diphyes -diphygenic -diphyletic -Diphylla -Diphylleia -Diphyllobothrium -diphyllous -diphyodont -diphyozooid -Diphysite -Diphysitism -diphyzooid -dipicrate -dipicrylamin -dipicrylamine -Diplacanthidae -Diplacanthus -diplacusis -Dipladenia -diplanar -diplanetic -diplanetism -diplantidian -diplarthrism -diplarthrous -diplasiasmus -diplasic -diplasion -diplegia -dipleidoscope -dipleura -dipleural -dipleurogenesis -dipleurogenetic -diplex -diplobacillus -diplobacterium -diploblastic -diplocardia -diplocardiac -Diplocarpon -diplocaulescent -diplocephalous -diplocephalus -diplocephaly -diplochlamydeous -diplococcal -diplococcemia -diplococcic -diplococcoid -diplococcus -diploconical -diplocoria -Diplodia -Diplodocus -Diplodus -diploe -diploetic -diplogangliate -diplogenesis -diplogenetic -diplogenic -Diploglossata -diploglossate -diplograph -diplographic -diplographical -diplography -diplohedral -diplohedron -diploic -diploid -diploidic -diploidion -diploidy -diplois -diplokaryon -diploma -diplomacy -diplomat -diplomate -diplomatic -diplomatical -diplomatically -diplomatics -diplomatism -diplomatist -diplomatize -diplomatology -diplomyelia -diplonema -diplonephridia -diploneural -diplont -diploperistomic -diplophase -diplophyte -diplopia -diplopic -diploplacula -diploplacular -diploplaculate -diplopod -Diplopoda -diplopodic -Diploptera -diplopterous -Diplopteryga -diplopy -diplosis -diplosome -diplosphenal -diplosphene -Diplospondyli -diplospondylic -diplospondylism -diplostemonous -diplostemony -diplostichous -Diplotaxis -diplotegia -diplotene -Diplozoon -diplumbic -Dipneumona -Dipneumones -dipneumonous -dipneustal -Dipneusti -dipnoan -Dipnoi -dipnoid -dipnoous -dipode -dipodic -Dipodidae -Dipodomyinae -Dipodomys -dipody -dipolar -dipolarization -dipolarize -dipole -diporpa -dipotassic -dipotassium -dipped -dipper -dipperful -dipping -diprimary -diprismatic -dipropargyl -dipropyl -Diprotodon -diprotodont -Diprotodontia -Dipsacaceae -dipsacaceous -Dipsaceae -dipsaceous -Dipsacus -Dipsadinae -dipsas -dipsetic -dipsey -dipsomania -dipsomaniac -dipsomaniacal -Dipsosaurus -dipsosis -dipter -Diptera -Dipteraceae -dipteraceous -dipterad -dipteral -dipteran -dipterist -dipterocarp -Dipterocarpaceae -dipterocarpaceous -dipterocarpous -Dipterocarpus -dipterocecidium -dipterological -dipterologist -dipterology -dipteron -dipteros -dipterous -Dipteryx -diptote -diptych -Dipus -dipware -dipygus -dipylon -dipyre -dipyrenous -dipyridyl -Dirca -Dircaean -dird -dirdum -dire -direct -directable -directed -directer -direction -directional -directionally -directionless -directitude -directive -directively -directiveness -directivity -directly -directness -Directoire -director -directoral -directorate -directorial -directorially -directorship -directory -directress -directrices -directrix -direful -direfully -direfulness -direly -dirempt -diremption -direness -direption -dirge -dirgeful -dirgelike -dirgeman -dirgler -dirhem -Dirian -Dirichletian -dirigent -dirigibility -dirigible -dirigomotor -diriment -Dirk -dirk -dirl -dirndl -dirt -dirtbird -dirtboard -dirten -dirtily -dirtiness -dirtplate -dirty -dis -Disa -disability -disable -disabled -disablement -disabusal -disabuse -disacceptance -disaccharide -disaccharose -disaccommodate -disaccommodation -disaccord -disaccordance -disaccordant -disaccustom -disaccustomed -disaccustomedness -disacidify -disacknowledge -disacknowledgement -disacquaint -disacquaintance -disadjust -disadorn -disadvance -disadvantage -disadvantageous -disadvantageously -disadvantageousness -disadventure -disadventurous -disadvise -disaffect -disaffectation -disaffected -disaffectedly -disaffectedness -disaffection -disaffectionate -disaffiliate -disaffiliation -disaffirm -disaffirmance -disaffirmation -disaffirmative -disafforest -disafforestation -disafforestment -disagglomeration -disaggregate -disaggregation -disaggregative -disagio -disagree -disagreeability -disagreeable -disagreeableness -disagreeably -disagreed -disagreement -disagreer -disalicylide -disalign -disalignment -disalike -disallow -disallowable -disallowableness -disallowance -disally -disamenity -Disamis -disanagrammatize -disanalogous -disangularize -disanimal -disanimate -disanimation -disannex -disannexation -disannul -disannuller -disannulment -disanoint -disanswerable -disapostle -disapparel -disappear -disappearance -disappearer -disappearing -disappoint -disappointed -disappointedly -disappointer -disappointing -disappointingly -disappointingness -disappointment -disappreciate -disappreciation -disapprobation -disapprobative -disapprobatory -disappropriate -disappropriation -disapprovable -disapproval -disapprove -disapprover -disapprovingly -disaproned -disarchbishop -disarm -disarmament -disarmature -disarmed -disarmer -disarming -disarmingly -disarrange -disarrangement -disarray -disarticulate -disarticulation -disarticulator -disasinate -disasinize -disassemble -disassembly -disassimilate -disassimilation -disassimilative -disassociate -disassociation -disaster -disastimeter -disastrous -disastrously -disastrousness -disattaint -disattire -disattune -disauthenticate -disauthorize -disavow -disavowable -disavowal -disavowedly -disavower -disavowment -disawa -disazo -disbalance -disbalancement -disband -disbandment -disbar -disbark -disbarment -disbelief -disbelieve -disbeliever -disbelieving -disbelievingly -disbench -disbenchment -disbloom -disbody -disbosom -disbowel -disbrain -disbranch -disbud -disbudder -disburden -disburdenment -disbursable -disburse -disbursement -disburser -disburthen -disbury -disbutton -disc -discage -discal -discalceate -discalced -discanonization -discanonize -discanter -discantus -discapacitate -discard -discardable -discarder -discardment -discarnate -discarnation -discase -discastle -discept -disceptation -disceptator -discern -discerner -discernible -discernibleness -discernibly -discerning -discerningly -discernment -discerp -discerpibility -discerpible -discerpibleness -discerptibility -discerptible -discerptibleness -discerption -discharacter -discharge -dischargeable -dischargee -discharger -discharging -discharity -discharm -dischase -Disciflorae -discifloral -disciform -discigerous -Discina -discinct -discinoid -disciple -disciplelike -discipleship -disciplinability -disciplinable -disciplinableness -disciplinal -disciplinant -disciplinarian -disciplinarianism -disciplinarily -disciplinary -disciplinative -disciplinatory -discipline -discipliner -discipular -discircumspection -discission -discitis -disclaim -disclaimant -disclaimer -disclamation -disclamatory -disclass -disclassify -disclike -disclimax -discloister -disclose -disclosed -discloser -disclosive -disclosure -discloud -discoach -discoactine -discoblastic -discoblastula -discobolus -discocarp -discocarpium -discocarpous -discocephalous -discodactyl -discodactylous -discogastrula -discoglossid -Discoglossidae -discoglossoid -discographical -discography -discohexaster -discoid -discoidal -Discoidea -Discoideae -discolichen -discolith -discolor -discolorate -discoloration -discolored -discoloredness -discolorization -discolorment -discolourization -Discomedusae -discomedusan -discomedusoid -discomfit -discomfiter -discomfiture -discomfort -discomfortable -discomfortableness -discomforting -discomfortingly -discommend -discommendable -discommendableness -discommendably -discommendation -discommender -discommode -discommodious -discommodiously -discommodiousness -discommodity -discommon -discommons -discommunity -discomorula -discompliance -discompose -discomposed -discomposedly -discomposedness -discomposing -discomposingly -discomposure -discomycete -Discomycetes -discomycetous -Disconanthae -disconanthous -disconcert -disconcerted -disconcertedly -disconcertedness -disconcerting -disconcertingly -disconcertingness -disconcertion -disconcertment -disconcord -disconduce -disconducive -Disconectae -disconform -disconformable -disconformity -discongruity -disconjure -disconnect -disconnected -disconnectedly -disconnectedness -disconnecter -disconnection -disconnective -disconnectiveness -disconnector -disconsider -disconsideration -disconsolate -disconsolately -disconsolateness -disconsolation -disconsonancy -disconsonant -discontent -discontented -discontentedly -discontentedness -discontentful -discontenting -discontentive -discontentment -discontiguity -discontiguous -discontiguousness -discontinuable -discontinuance -discontinuation -discontinue -discontinuee -discontinuer -discontinuity -discontinuor -discontinuous -discontinuously -discontinuousness -disconula -disconvenience -disconvenient -disconventicle -discophile -Discophora -discophoran -discophore -discophorous -discoplacenta -discoplacental -Discoplacentalia -discoplacentalian -discoplasm -discopodous -discord -discordance -discordancy -discordant -discordantly -discordantness -discordful -Discordia -discording -discorporate -discorrespondency -discorrespondent -discount -discountable -discountenance -discountenancer -discounter -discouple -discourage -discourageable -discouragement -discourager -discouraging -discouragingly -discouragingness -discourse -discourseless -discourser -discoursive -discoursively -discoursiveness -discourteous -discourteously -discourteousness -discourtesy -discous -discovenant -discover -discoverability -discoverable -discoverably -discovered -discoverer -discovert -discoverture -discovery -discreate -discreation -discredence -discredit -discreditability -discreditable -discreet -discreetly -discreetness -discrepance -discrepancy -discrepant -discrepantly -discrepate -discrepation -discrested -discrete -discretely -discreteness -discretion -discretional -discretionally -discretionarily -discretionary -discretive -discretively -discretiveness -discriminability -discriminable -discriminal -discriminant -discriminantal -discriminate -discriminately -discriminateness -discriminating -discriminatingly -discrimination -discriminational -discriminative -discriminatively -discriminator -discriminatory -discrown -disculpate -disculpation -disculpatory -discumber -discursative -discursativeness -discursify -discursion -discursive -discursively -discursiveness -discursory -discursus -discurtain -discus -discuss -discussable -discussant -discusser -discussible -discussion -discussional -discussionism -discussionist -discussive -discussment -discutable -discutient -disdain -disdainable -disdainer -disdainful -disdainfully -disdainfulness -disdainly -disdeceive -disdenominationalize -disdiaclast -disdiaclastic -disdiapason -disdiazo -disdiplomatize -disdodecahedroid -disdub -disease -diseased -diseasedly -diseasedness -diseaseful -diseasefulness -disecondary -disedge -disedification -disedify -diseducate -diselder -diselectrification -diselectrify -diselenide -disematism -disembargo -disembark -disembarkation -disembarkment -disembarrass -disembarrassment -disembattle -disembed -disembellish -disembitter -disembocation -disembodiment -disembody -disembogue -disemboguement -disembosom -disembowel -disembowelment -disembower -disembroil -disemburden -diseme -disemic -disemplane -disemploy -disemployment -disempower -disenable -disenablement -disenact -disenactment -disenamor -disenamour -disenchain -disenchant -disenchanter -disenchantingly -disenchantment -disenchantress -disencharm -disenclose -disencumber -disencumberment -disencumbrance -disendow -disendower -disendowment -disenfranchise -disenfranchisement -disengage -disengaged -disengagedness -disengagement -disengirdle -disenjoy -disenjoyment -disenmesh -disennoble -disennui -disenshroud -disenslave -disensoul -disensure -disentail -disentailment -disentangle -disentanglement -disentangler -disenthral -disenthrall -disenthrallment -disenthralment -disenthrone -disenthronement -disentitle -disentomb -disentombment -disentrain -disentrainment -disentrammel -disentrance -disentrancement -disentwine -disenvelop -disepalous -disequalize -disequalizer -disequilibrate -disequilibration -disequilibrium -disestablish -disestablisher -disestablishment -disestablishmentarian -disesteem -disesteemer -disestimation -disexcommunicate -disfaith -disfame -disfashion -disfavor -disfavorer -disfeature -disfeaturement -disfellowship -disfen -disfiguration -disfigurative -disfigure -disfigurement -disfigurer -disfiguringly -disflesh -disfoliage -disforest -disforestation -disfranchise -disfranchisement -disfranchiser -disfrequent -disfriar -disfrock -disfurnish -disfurnishment -disgarland -disgarnish -disgarrison -disgavel -disgeneric -disgenius -disgig -disglorify -disglut -disgood -disgorge -disgorgement -disgorger -disgospel -disgown -disgrace -disgraceful -disgracefully -disgracefulness -disgracement -disgracer -disgracious -disgradation -disgrade -disgregate -disgregation -disgruntle -disgruntlement -disguisable -disguisal -disguise -disguised -disguisedly -disguisedness -disguiseless -disguisement -disguiser -disguising -disgulf -disgust -disgusted -disgustedly -disgustedness -disguster -disgustful -disgustfully -disgustfulness -disgusting -disgustingly -disgustingness -dish -dishabilitate -dishabilitation -dishabille -dishabituate -dishallow -dishallucination -disharmonic -disharmonical -disharmonious -disharmonism -disharmonize -disharmony -dishboard -dishcloth -dishclout -disheart -dishearten -disheartener -disheartening -dishearteningly -disheartenment -disheaven -dished -dishellenize -dishelm -disher -disherent -disherison -disherit -disheritment -dishevel -disheveled -dishevelment -dishexecontahedroid -dishful -Dishley -dishlike -dishling -dishmaker -dishmaking -dishmonger -dishome -dishonest -dishonestly -dishonor -dishonorable -dishonorableness -dishonorably -dishonorary -dishonorer -dishorn -dishorner -dishorse -dishouse -dishpan -dishpanful -dishrag -dishumanize -dishwasher -dishwashing -dishwashings -dishwater -dishwatery -dishwiper -dishwiping -disidentify -disilane -disilicane -disilicate -disilicic -disilicid -disilicide -disillude -disilluminate -disillusion -disillusionist -disillusionize -disillusionizer -disillusionment -disillusive -disimagine -disimbitter -disimitate -disimitation -disimmure -disimpark -disimpassioned -disimprison -disimprisonment -disimprove -disimprovement -disincarcerate -disincarceration -disincarnate -disincarnation -disinclination -disincline -disincorporate -disincorporation -disincrust -disincrustant -disincrustion -disindividualize -disinfect -disinfectant -disinfecter -disinfection -disinfective -disinfector -disinfest -disinfestation -disinfeudation -disinflame -disinflate -disinflation -disingenuity -disingenuous -disingenuously -disingenuousness -disinherison -disinherit -disinheritable -disinheritance -disinhume -disinsulation -disinsure -disintegrable -disintegrant -disintegrate -disintegration -disintegrationist -disintegrative -disintegrator -disintegratory -disintegrity -disintegrous -disintensify -disinter -disinterest -disinterested -disinterestedly -disinterestedness -disinteresting -disinterment -disintertwine -disintrench -disintricate -disinvagination -disinvest -disinvestiture -disinvigorate -disinvite -disinvolve -disjasked -disject -disjection -disjoin -disjoinable -disjoint -disjointed -disjointedly -disjointedness -disjointly -disjointure -disjunct -disjunction -disjunctive -disjunctively -disjunctor -disjuncture -disjune -disk -diskelion -diskless -disklike -dislaurel -disleaf -dislegitimate -dislevelment -dislicense -dislikable -dislike -dislikelihood -disliker -disliking -dislimn -dislink -dislip -disload -dislocability -dislocable -dislocate -dislocated -dislocatedly -dislocatedness -dislocation -dislocator -dislocatory -dislodge -dislodgeable -dislodgement -dislove -disloyal -disloyalist -disloyally -disloyalty -disluster -dismain -dismal -dismality -dismalize -dismally -dismalness -disman -dismantle -dismantlement -dismantler -dismarble -dismark -dismarket -dismask -dismast -dismastment -dismay -dismayable -dismayed -dismayedness -dismayful -dismayfully -dismayingly -disme -dismember -dismembered -dismemberer -dismemberment -dismembrate -dismembrator -disminion -disminister -dismiss -dismissable -dismissal -dismissible -dismissingly -dismission -dismissive -dismissory -dismoded -dismount -dismountable -dismutation -disna -disnaturalization -disnaturalize -disnature -disnest -disnew -disniche -disnosed -disnumber -disobedience -disobedient -disobediently -disobey -disobeyal -disobeyer -disobligation -disoblige -disobliger -disobliging -disobligingly -disobligingness -disoccupation -disoccupy -disodic -disodium -disomatic -disomatous -disomic -disomus -disoperculate -disorb -disorchard -disordained -disorder -disordered -disorderedly -disorderedness -disorderer -disorderliness -disorderly -disordinated -disordination -disorganic -disorganization -disorganize -disorganizer -disorient -disorientate -disorientation -disown -disownable -disownment -disoxygenate -disoxygenation -disozonize -dispapalize -disparage -disparageable -disparagement -disparager -disparaging -disparagingly -disparate -disparately -disparateness -disparation -disparity -dispark -dispart -dispartment -dispassionate -dispassionately -dispassionateness -dispassioned -dispatch -dispatcher -dispatchful -dispatriated -dispauper -dispauperize -dispeace -dispeaceful -dispel -dispeller -dispend -dispender -dispendious -dispendiously -dispenditure -dispensability -dispensable -dispensableness -dispensary -dispensate -dispensation -dispensational -dispensative -dispensatively -dispensator -dispensatorily -dispensatory -dispensatress -dispensatrix -dispense -dispenser -dispensingly -dispeople -dispeoplement -dispeopler -dispergate -dispergation -dispergator -dispericraniate -disperiwig -dispermic -dispermous -dispermy -dispersal -dispersant -disperse -dispersed -dispersedly -dispersedness -dispersement -disperser -dispersibility -dispersible -dispersion -dispersity -dispersive -dispersively -dispersiveness -dispersoid -dispersoidological -dispersoidology -dispersonalize -dispersonate -dispersonification -dispersonify -dispetal -disphenoid -dispiece -dispireme -dispirit -dispirited -dispiritedly -dispiritedness -dispiritingly -dispiritment -dispiteous -dispiteously -dispiteousness -displace -displaceability -displaceable -displacement -displacency -displacer -displant -display -displayable -displayed -displayer -displease -displeased -displeasedly -displeaser -displeasing -displeasingly -displeasingness -displeasurable -displeasurably -displeasure -displeasurement -displenish -displicency -displume -displuviate -dispondaic -dispondee -dispone -disponee -disponent -disponer -dispope -dispopularize -disporous -disport -disportive -disportment -Disporum -disposability -disposable -disposableness -disposal -dispose -disposed -disposedly -disposedness -disposer -disposingly -disposition -dispositional -dispositioned -dispositive -dispositively -dispossess -dispossession -dispossessor -dispossessory -dispost -disposure -dispowder -dispractice -dispraise -dispraiser -dispraisingly -dispread -dispreader -disprejudice -disprepare -disprince -disprison -disprivacied -disprivilege -disprize -disprobabilization -disprobabilize -disprobative -dispromise -disproof -disproportion -disproportionable -disproportionableness -disproportionably -disproportional -disproportionality -disproportionally -disproportionalness -disproportionate -disproportionately -disproportionateness -disproportionation -disprovable -disproval -disprove -disprovement -disproven -disprover -dispulp -dispunct -dispunishable -dispunitive -disputability -disputable -disputableness -disputably -disputant -disputation -disputatious -disputatiously -disputatiousness -disputative -disputatively -disputativeness -disputator -dispute -disputeless -disputer -disqualification -disqualify -disquantity -disquiet -disquieted -disquietedly -disquietedness -disquieten -disquieter -disquieting -disquietingly -disquietly -disquietness -disquietude -disquiparancy -disquiparant -disquiparation -disquisite -disquisition -disquisitional -disquisitionary -disquisitive -disquisitively -disquisitor -disquisitorial -disquisitory -disquixote -disrank -disrate -disrealize -disrecommendation -disregard -disregardable -disregardance -disregardant -disregarder -disregardful -disregardfully -disregardfulness -disrelated -disrelation -disrelish -disrelishable -disremember -disrepair -disreputability -disreputable -disreputableness -disreputably -disreputation -disrepute -disrespect -disrespecter -disrespectful -disrespectfully -disrespectfulness -disrestore -disring -disrobe -disrobement -disrober -disroof -disroost -disroot -disrudder -disrump -disrupt -disruptability -disruptable -disrupter -disruption -disruptionist -disruptive -disruptively -disruptiveness -disruptment -disruptor -disrupture -diss -dissatisfaction -dissatisfactoriness -dissatisfactory -dissatisfied -dissatisfiedly -dissatisfiedness -dissatisfy -dissaturate -disscepter -disseat -dissect -dissected -dissectible -dissecting -dissection -dissectional -dissective -dissector -disseize -disseizee -disseizin -disseizor -disseizoress -disselboom -dissemblance -dissemble -dissembler -dissemblingly -dissembly -dissemilative -disseminate -dissemination -disseminative -disseminator -disseminule -dissension -dissensualize -dissent -dissentaneous -dissentaneousness -dissenter -dissenterism -dissentience -dissentiency -dissentient -dissenting -dissentingly -dissentious -dissentiously -dissentism -dissentment -dissepiment -dissepimental -dissert -dissertate -dissertation -dissertational -dissertationist -dissertative -dissertator -disserve -disservice -disserviceable -disserviceableness -disserviceably -dissettlement -dissever -disseverance -disseverment -disshadow -dissheathe -disshroud -dissidence -dissident -dissidently -dissight -dissightly -dissiliency -dissilient -dissimilar -dissimilarity -dissimilarly -dissimilars -dissimilate -dissimilation -dissimilatory -dissimile -dissimilitude -dissimulate -dissimulation -dissimulative -dissimulator -dissimule -dissimuler -dissipable -dissipate -dissipated -dissipatedly -dissipatedness -dissipater -dissipation -dissipative -dissipativity -dissipator -dissociability -dissociable -dissociableness -dissocial -dissociality -dissocialize -dissociant -dissociate -dissociation -dissociative -dissoconch -dissogeny -dissogony -dissolubility -dissoluble -dissolubleness -dissolute -dissolutely -dissoluteness -dissolution -dissolutional -dissolutionism -dissolutionist -dissolutive -dissolvable -dissolvableness -dissolve -dissolveability -dissolvent -dissolver -dissolving -dissolvingly -dissonance -dissonancy -dissonant -dissonantly -dissonous -dissoul -dissuade -dissuader -dissuasion -dissuasive -dissuasively -dissuasiveness -dissuasory -dissuit -dissuitable -dissuited -dissyllabic -dissyllabification -dissyllabify -dissyllabism -dissyllabize -dissyllable -dissymmetric -dissymmetrical -dissymmetrically -dissymmetry -dissympathize -dissympathy -distad -distaff -distain -distal -distale -distally -distalwards -distance -distanceless -distancy -distannic -distant -distantly -distantness -distaste -distasted -distasteful -distastefully -distastefulness -distater -distemonous -distemper -distemperature -distempered -distemperedly -distemperedness -distemperer -distenant -distend -distendedly -distender -distensibility -distensible -distensive -distent -distention -disthene -disthrall -disthrone -distich -Distichlis -distichous -distichously -distill -distillable -distillage -distilland -distillate -distillation -distillatory -distilled -distiller -distillery -distilling -distillmint -distinct -distinctify -distinction -distinctional -distinctionless -distinctive -distinctively -distinctiveness -distinctly -distinctness -distingue -distinguish -distinguishability -distinguishable -distinguishableness -distinguishably -distinguished -distinguishedly -distinguisher -distinguishing -distinguishingly -distinguishment -distoclusion -Distoma -Distomatidae -distomatosis -distomatous -distome -distomian -distomiasis -Distomidae -Distomum -distort -distorted -distortedly -distortedness -distorter -distortion -distortional -distortionist -distortionless -distortive -distract -distracted -distractedly -distractedness -distracter -distractibility -distractible -distractingly -distraction -distractive -distractively -distrain -distrainable -distrainee -distrainer -distrainment -distrainor -distraint -distrait -distraite -distraught -distress -distressed -distressedly -distressedness -distressful -distressfully -distressfulness -distressing -distressingly -distributable -distributary -distribute -distributed -distributedly -distributee -distributer -distribution -distributional -distributionist -distributival -distributive -distributively -distributiveness -distributor -distributress -district -distrouser -distrust -distruster -distrustful -distrustfully -distrustfulness -distrustingly -distune -disturb -disturbance -disturbative -disturbed -disturbedly -disturber -disturbing -disturbingly -disturn -disturnpike -disubstituted -disubstitution -disulfonic -disulfuric -disulphate -disulphide -disulphonate -disulphone -disulphonic -disulphoxide -disulphuret -disulphuric -disuniform -disuniformity -disunify -disunion -disunionism -disunionist -disunite -disuniter -disunity -disusage -disusance -disuse -disutility -disutilize -disvaluation -disvalue -disvertebrate -disvisage -disvoice -disvulnerability -diswarren -diswench -diswood -disworth -disyllabic -disyllable -disyoke -dit -dita -dital -ditch -ditchbank -ditchbur -ditchdigger -ditchdown -ditcher -ditchless -ditchside -ditchwater -dite -diter -diterpene -ditertiary -ditetragonal -dithalous -dithecal -ditheism -ditheist -ditheistic -ditheistical -dithematic -dither -dithery -dithiobenzoic -dithioglycol -dithioic -dithion -dithionate -dithionic -dithionite -dithionous -dithymol -dithyramb -dithyrambic -dithyrambically -Dithyrambos -Dithyrambus -ditokous -ditolyl -ditone -ditrematous -ditremid -Ditremidae -ditrichotomous -ditriglyph -ditriglyphic -ditrigonal -ditrigonally -Ditrocha -ditrochean -ditrochee -ditrochous -ditroite -dittamy -dittander -dittany -dittay -dittied -ditto -dittogram -dittograph -dittographic -dittography -dittology -ditty -diumvirate -diuranate -diureide -diuresis -diuretic -diuretically -diureticalness -Diurna -diurnal -diurnally -diurnalness -diurnation -diurne -diurnule -diuturnal -diuturnity -div -diva -divagate -divagation -divalence -divalent -divan -divariant -divaricate -divaricately -divaricating -divaricatingly -divarication -divaricator -divata -dive -divekeeper -divel -divellent -divellicate -diver -diverge -divergement -divergence -divergency -divergent -divergently -diverging -divergingly -divers -diverse -diversely -diverseness -diversicolored -diversifiability -diversifiable -diversification -diversified -diversifier -diversiflorate -diversiflorous -diversifoliate -diversifolious -diversiform -diversify -diversion -diversional -diversionary -diversipedate -diversisporous -diversity -diversly -diversory -divert -divertedly -diverter -divertibility -divertible -diverticle -diverticular -diverticulate -diverticulitis -diverticulosis -diverticulum -diverting -divertingly -divertingness -divertisement -divertive -divertor -divest -divestible -divestitive -divestiture -divestment -divesture -dividable -dividableness -divide -divided -dividedly -dividedness -dividend -divider -dividing -dividingly -dividual -dividualism -dividually -dividuity -dividuous -divinable -divinail -divination -divinator -divinatory -divine -divinely -divineness -diviner -divineress -diving -divinify -divining -diviningly -divinity -divinityship -divinization -divinize -divinyl -divisibility -divisible -divisibleness -divisibly -division -divisional -divisionally -divisionary -divisionism -divisionist -divisionistic -divisive -divisively -divisiveness -divisor -divisorial -divisory -divisural -divorce -divorceable -divorcee -divorcement -divorcer -divorcible -divorcive -divot -divoto -divulgate -divulgater -divulgation -divulgatory -divulge -divulgement -divulgence -divulger -divulse -divulsion -divulsive -divulsor -divus -Divvers -divvy -diwata -dixenite -Dixie -dixie -Dixiecrat -dixit -dixy -dizain -dizen -dizenment -dizoic -dizygotic -dizzard -dizzily -dizziness -dizzy -Djagatay -djasakid -djave -djehad -djerib -djersa -Djuka -do -doab -doable -doarium -doat -doated -doater -doating -doatish -Dob -dob -dobbed -dobber -dobbin -dobbing -dobby -dobe -dobla -doblon -dobra -dobrao -dobson -doby -doc -docent -docentship -Docetae -Docetic -Docetically -Docetism -Docetist -Docetistic -Docetize -dochmiac -dochmiacal -dochmiasis -dochmius -docibility -docible -docibleness -docile -docilely -docility -docimasia -docimastic -docimastical -docimasy -docimology -docity -dock -dockage -docken -docker -docket -dockhead -dockhouse -dockization -dockize -dockland -dockmackie -dockman -dockmaster -dockside -dockyard -dockyardman -docmac -Docoglossa -docoglossan -docoglossate -docosane -doctor -doctoral -doctorally -doctorate -doctorbird -doctordom -doctoress -doctorfish -doctorhood -doctorial -doctorially -doctorization -doctorize -doctorless -doctorlike -doctorly -doctorship -doctress -doctrinaire -doctrinairism -doctrinal -doctrinalism -doctrinalist -doctrinality -doctrinally -doctrinarian -doctrinarianism -doctrinarily -doctrinarity -doctrinary -doctrinate -doctrine -doctrinism -doctrinist -doctrinization -doctrinize -doctrix -document -documental -documentalist -documentarily -documentary -documentation -documentize -dod -dodd -doddart -dodded -dodder -doddered -dodderer -doddering -doddery -doddie -dodding -doddle -doddy -doddypoll -Dode -dodecade -dodecadrachm -dodecafid -dodecagon -dodecagonal -dodecahedral -dodecahedric -dodecahedron -dodecahydrate -dodecahydrated -dodecamerous -dodecane -Dodecanesian -dodecanoic -dodecant -dodecapartite -dodecapetalous -dodecarch -dodecarchy -dodecasemic -dodecastyle -dodecastylos -dodecasyllabic -dodecasyllable -dodecatemory -Dodecatheon -dodecatoic -dodecatyl -dodecatylic -dodecuplet -dodecyl -dodecylene -dodecylic -dodge -dodgeful -dodger -dodgery -dodgily -dodginess -dodgy -dodkin -dodlet -dodman -dodo -dodoism -Dodona -Dodonaea -Dodonaeaceae -Dodonaean -Dodonean -Dodonian -dodrans -doe -doebird -Doedicurus -Doeg -doeglic -doegling -doer -does -doeskin -doesnt -doest -doff -doffer -doftberry -dog -dogal -dogate -dogbane -Dogberry -dogberry -Dogberrydom -Dogberryism -dogbite -dogblow -dogboat -dogbolt -dogbush -dogcart -dogcatcher -dogdom -doge -dogedom -dogeless -dogeship -dogface -dogfall -dogfight -dogfish -dogfoot -dogged -doggedly -doggedness -dogger -doggerel -doggereler -doggerelism -doggerelist -doggerelize -doggerelizer -doggery -doggess -doggish -doggishly -doggishness -doggo -doggone -doggoned -doggrel -doggrelize -doggy -doghead -doghearted -doghole -doghood -doghouse -dogie -dogless -doglike -dogly -dogma -dogman -dogmata -dogmatic -dogmatical -dogmatically -dogmaticalness -dogmatician -dogmatics -dogmatism -dogmatist -dogmatization -dogmatize -dogmatizer -dogmouth -dogplate -dogproof -Dogra -Dogrib -dogs -dogship -dogshore -dogskin -dogsleep -dogstone -dogtail -dogtie -dogtooth -dogtoothing -dogtrick -dogtrot -dogvane -dogwatch -dogwood -dogy -doigt -doiled -doily -doina -doing -doings -doit -doited -doitkin -doitrified -doke -Doketic -Doketism -dokhma -dokimastic -Dokmarok -Doko -Dol -dola -dolabra -dolabrate -dolabriform -dolcan -dolcian -dolciano -dolcino -doldrum -doldrums -dole -dolefish -doleful -dolefully -dolefulness -dolefuls -dolent -dolently -dolerite -doleritic -dolerophanite -dolesman -dolesome -dolesomely -dolesomeness -doless -doli -dolia -dolichoblond -dolichocephal -dolichocephali -dolichocephalic -dolichocephalism -dolichocephalize -dolichocephalous -dolichocephaly -dolichocercic -dolichocnemic -dolichocranial -dolichofacial -Dolichoglossus -dolichohieric -Dolicholus -dolichopellic -dolichopodous -dolichoprosopic -Dolichopsyllidae -Dolichos -dolichos -dolichosaur -Dolichosauri -Dolichosauria -Dolichosaurus -Dolichosoma -dolichostylous -dolichotmema -dolichuric -dolichurus -Doliidae -dolina -doline -dolioform -Doliolidae -Doliolum -dolium -doll -dollar -dollarbird -dollardee -dollardom -dollarfish -dollarleaf -dollbeer -dolldom -dollface -dollfish -dollhood -dollhouse -dollier -dolliness -dollish -dollishly -dollishness -dollmaker -dollmaking -dollop -dollship -dolly -dollyman -dollyway -dolman -dolmen -dolmenic -Dolomedes -dolomite -dolomitic -dolomitization -dolomitize -dolomization -dolomize -dolor -Dolores -doloriferous -dolorific -dolorifuge -dolorous -dolorously -dolorousness -dolose -dolous -Dolph -dolphin -dolphinlike -Dolphus -dolt -dolthead -doltish -doltishly -doltishness -dom -domain -domainal -domal -domanial -domatium -domatophobia -domba -Dombeya -Domdaniel -dome -domelike -doment -domer -domesday -domestic -domesticable -domesticality -domestically -domesticate -domestication -domesticative -domesticator -domesticity -domesticize -domett -domeykite -domic -domical -domically -Domicella -domicile -domicilement -domiciliar -domiciliary -domiciliate -domiciliation -dominance -dominancy -dominant -dominantly -dominate -dominated -dominatingly -domination -dominative -dominator -domine -domineer -domineerer -domineering -domineeringly -domineeringness -dominial -Dominic -dominical -dominicale -Dominican -Dominick -dominie -dominion -dominionism -dominionist -Dominique -dominium -domino -dominus -domitable -domite -Domitian -domitic -domn -domnei -domoid -dompt -domy -Don -don -donable -Donacidae -donaciform -Donal -Donald -Donar -donary -donatary -donate -donated -donatee -Donatiaceae -donation -Donatism -Donatist -Donatistic -Donatistical -donative -donatively -donator -donatory -donatress -donax -doncella -Dondia -done -donee -Donet -doney -dong -donga -Dongola -Dongolese -dongon -Donia -donjon -donkey -donkeyback -donkeyish -donkeyism -donkeyman -donkeywork -Donmeh -Donn -Donna -donna -Donne -donnered -donnert -Donnie -donnish -donnishness -donnism -donnot -donor -donorship -donought -Donovan -donship -donsie -dont -donum -doob -doocot -doodab -doodad -Doodia -doodle -doodlebug -doodler -doodlesack -doohickey -doohickus -doohinkey -doohinkus -dooja -dook -dooket -dookit -dool -doolee -dooley -dooli -doolie -dooly -doom -doomage -doombook -doomer -doomful -dooms -doomsday -doomsman -doomstead -doon -door -doorba -doorbell -doorboy -doorbrand -doorcase -doorcheek -doored -doorframe -doorhead -doorjamb -doorkeeper -doorknob -doorless -doorlike -doormaid -doormaker -doormaking -doorman -doornail -doorplate -doorpost -doorsill -doorstead -doorstep -doorstone -doorstop -doorward -doorway -doorweed -doorwise -dooryard -dop -dopa -dopamelanin -dopaoxidase -dopatta -dope -dopebook -doper -dopester -dopey -doppelkummel -Dopper -dopper -doppia -Doppler -dopplerite -Dor -dor -Dora -dorab -dorad -Doradidae -dorado -doraphobia -Dorask -Doraskean -dorbeetle -Dorcas -dorcastry -Dorcatherium -Dorcopsis -doree -dorestane -dorhawk -Dori -doria -Dorian -Doric -Dorical -Doricism -Doricize -Dorididae -Dorine -Doris -Dorism -Dorize -dorje -Dorking -dorlach -dorlot -dorm -dormancy -dormant -dormer -dormered -dormie -dormient -dormilona -dormition -dormitive -dormitory -dormouse -dormy -dorn -dorneck -dornic -dornick -dornock -Dorobo -Doronicum -Dorosoma -Dorothea -Dorothy -dorp -dorsabdominal -dorsabdominally -dorsad -dorsal -dorsale -dorsalgia -dorsalis -dorsally -dorsalmost -dorsalward -dorsalwards -dorsel -dorser -dorsibranch -Dorsibranchiata -dorsibranchiate -dorsicollar -dorsicolumn -dorsicommissure -dorsicornu -dorsiduct -dorsiferous -dorsifixed -dorsiflex -dorsiflexion -dorsiflexor -dorsigrade -dorsilateral -dorsilumbar -dorsimedian -dorsimesal -dorsimeson -dorsiparous -dorsispinal -dorsiventral -dorsiventrality -dorsiventrally -dorsoabdominal -dorsoanterior -dorsoapical -Dorsobranchiata -dorsocaudad -dorsocaudal -dorsocentral -dorsocephalad -dorsocephalic -dorsocervical -dorsocervically -dorsodynia -dorsoepitrochlear -dorsointercostal -dorsointestinal -dorsolateral -dorsolumbar -dorsomedial -dorsomedian -dorsomesal -dorsonasal -dorsonuchal -dorsopleural -dorsoposteriad -dorsoposterior -dorsoradial -dorsosacral -dorsoscapular -dorsosternal -dorsothoracic -dorsoventrad -dorsoventral -dorsoventrally -Dorstenia -dorsulum -dorsum -dorsumbonal -dorter -dortiness -dortiship -dorts -dorty -doruck -Dory -dory -Doryanthes -Dorylinae -doryphorus -dos -dosa -dosadh -dosage -dose -doser -dosimeter -dosimetric -dosimetrician -dosimetrist -dosimetry -Dosinia -dosiology -dosis -Dositheans -dosology -doss -dossal -dossel -dosser -dosseret -dossier -dossil -dossman -Dot -dot -dotage -dotal -dotard -dotardism -dotardly -dotardy -dotate -dotation -dotchin -dote -doted -doter -Dothideacea -dothideaceous -Dothideales -Dothidella -dothienenteritis -Dothiorella -dotiness -doting -dotingly -dotingness -dotish -dotishness -dotkin -dotless -dotlike -Doto -Dotonidae -dotriacontane -dotted -dotter -dotterel -dottily -dottiness -dotting -dottle -dottler -Dottore -Dotty -dotty -doty -douar -double -doubled -doubledamn -doubleganger -doublegear -doublehanded -doublehandedly -doublehandedness -doublehatching -doublehearted -doubleheartedness -doublehorned -doubleleaf -doublelunged -doubleness -doubler -doublet -doubleted -doubleton -doubletone -doubletree -doublets -doubling -doubloon -doubly -doubt -doubtable -doubtably -doubtedly -doubter -doubtful -doubtfully -doubtfulness -doubting -doubtingly -doubtingness -doubtless -doubtlessly -doubtlessness -doubtmonger -doubtous -doubtsome -douc -douce -doucely -douceness -doucet -douche -doucin -doucine -doudle -Doug -dough -doughbird -doughboy -doughface -doughfaceism -doughfoot -doughhead -doughiness -doughlike -doughmaker -doughmaking -doughman -doughnut -dought -doughtily -doughtiness -doughty -doughy -Douglas -doulocracy -doum -doundake -doup -douping -dour -dourine -dourly -dourness -douse -douser -dout -douter -doutous -douzepers -douzieme -dove -dovecot -doveflower -dovefoot -dovehouse -dovekey -dovekie -dovelet -dovelike -doveling -dover -dovetail -dovetailed -dovetailer -dovetailwise -doveweed -dovewood -dovish -Dovyalis -dow -dowable -dowager -dowagerism -dowcet -dowd -dowdily -dowdiness -dowdy -dowdyish -dowdyism -dowed -dowel -dower -doweral -doweress -dowerless -dowery -dowf -dowie -Dowieism -Dowieite -dowily -dowiness -dowitch -dowitcher -dowl -dowlas -dowless -down -downbear -downbeard -downbeat -downby -downcast -downcastly -downcastness -downcome -downcomer -downcoming -downcry -downcurved -downcut -downdale -downdraft -downer -downface -downfall -downfallen -downfalling -downfeed -downflow -downfold -downfolded -downgate -downgone -downgrade -downgrowth -downhanging -downhaul -downheaded -downhearted -downheartedly -downheartedness -downhill -downily -downiness -Downing -Downingia -downland -downless -downlie -downlier -downligging -downlike -downline -downlooked -downlooker -downlying -downmost -downness -downpour -downpouring -downright -downrightly -downrightness -downrush -downrushing -downset -downshare -downshore -downside -downsinking -downsitting -downsliding -downslip -downslope -downsman -downspout -downstage -downstairs -downstate -downstater -downstream -downstreet -downstroke -downswing -downtake -downthrow -downthrown -downthrust -Downton -downtown -downtrampling -downtreading -downtrend -downtrodden -downtroddenness -downturn -downward -downwardly -downwardness -downway -downweed -downweigh -downweight -downweighted -downwind -downwith -downy -dowp -dowry -dowsabel -dowse -dowser -dowset -doxa -Doxantha -doxastic -doxasticon -doxographer -doxographical -doxography -doxological -doxologically -doxologize -doxology -doxy -Doyle -doze -dozed -dozen -dozener -dozenth -dozer -dozily -doziness -dozy -dozzled -drab -Draba -drabbet -drabbish -drabble -drabbler -drabbletail -drabbletailed -drabby -drably -drabness -Dracaena -Dracaenaceae -drachm -drachma -drachmae -drachmai -drachmal -dracma -Draco -Dracocephalum -Draconian -Draconianism -Draconic -draconic -Draconically -Draconid -Draconis -Draconism -draconites -draconitic -dracontian -dracontiasis -dracontic -dracontine -dracontites -Dracontium -dracunculus -draegerman -draff -draffman -draffy -draft -draftage -draftee -drafter -draftily -draftiness -drafting -draftman -draftmanship -draftproof -draftsman -draftsmanship -draftswoman -draftswomanship -draftwoman -drafty -drag -dragade -dragbar -dragbolt -dragged -dragger -draggily -dragginess -dragging -draggingly -draggle -draggletail -draggletailed -draggletailedly -draggletailedness -draggly -draggy -draghound -dragline -dragman -dragnet -drago -dragoman -dragomanate -dragomanic -dragomanish -dragon -dragonesque -dragoness -dragonet -dragonfish -dragonfly -dragonhead -dragonhood -dragonish -dragonism -dragonize -dragonkind -dragonlike -dragonnade -dragonroot -dragontail -dragonwort -dragoon -dragoonable -dragoonade -dragoonage -dragooner -dragrope -dragsaw -dragsawing -dragsman -dragstaff -drail -drain -drainable -drainage -drainboard -draine -drained -drainer -drainerman -drainless -drainman -drainpipe -draintile -draisine -drake -drakestone -drakonite -dram -drama -dramalogue -Dramamine -dramatic -dramatical -dramatically -dramaticism -dramatics -dramaticule -dramatism -dramatist -dramatizable -dramatization -dramatize -dramatizer -dramaturge -dramaturgic -dramaturgical -dramaturgist -dramaturgy -dramm -drammage -dramme -drammed -drammer -dramming -drammock -dramseller -dramshop -drang -drank -drant -drapable -Draparnaldia -drape -drapeable -draper -draperess -draperied -drapery -drapetomania -drapping -drassid -Drassidae -drastic -drastically -drat -dratchell -drate -dratted -dratting -draught -draughtboard -draughthouse -draughtman -draughtmanship -draughts -draughtsman -draughtsmanship -draughtswoman -draughtswomanship -Dravida -Dravidian -Dravidic -dravya -draw -drawable -drawarm -drawback -drawbar -drawbeam -drawbench -drawboard -drawbolt -drawbore -drawboy -drawbridge -Drawcansir -drawcut -drawdown -drawee -drawer -drawers -drawfile -drawfiling -drawgate -drawgear -drawglove -drawhead -drawhorse -drawing -drawk -drawknife -drawknot -drawl -drawlatch -drawler -drawling -drawlingly -drawlingness -drawlink -drawloom -drawly -drawn -drawnet -drawoff -drawout -drawplate -drawpoint -drawrod -drawshave -drawsheet -drawspan -drawspring -drawstop -drawstring -drawtongs -drawtube -dray -drayage -drayman -drazel -dread -dreadable -dreader -dreadful -dreadfully -dreadfulness -dreadingly -dreadless -dreadlessly -dreadlessness -dreadly -dreadness -dreadnought -dream -dreamage -dreamer -dreamery -dreamful -dreamfully -dreamfulness -dreamhole -dreamily -dreaminess -dreamingly -dreamish -dreamland -dreamless -dreamlessly -dreamlessness -dreamlet -dreamlike -dreamlit -dreamlore -dreamsily -dreamsiness -dreamsy -dreamt -dreamtide -dreamwhile -dreamwise -dreamworld -dreamy -drear -drearfully -drearily -dreariment -dreariness -drearisome -drearly -drearness -dreary -dredge -dredgeful -dredger -dredging -dree -dreep -dreepiness -dreepy -dreg -dreggily -dregginess -dreggish -dreggy -dregless -dregs -dreiling -Dreissensia -dreissiger -drench -drencher -drenching -drenchingly -dreng -drengage -Drepanaspis -Drepanidae -Drepanididae -drepaniform -Drepanis -drepanium -drepanoid -Dreparnaudia -dress -dressage -dressed -dresser -dressership -dressily -dressiness -dressing -dressline -dressmaker -dressmakership -dressmakery -dressmaking -dressy -drest -Drew -drew -drewite -Dreyfusism -Dreyfusist -drias -drib -dribble -dribblement -dribbler -driblet -driddle -dried -drier -drierman -driest -drift -driftage -driftbolt -drifter -drifting -driftingly -driftland -driftless -driftlessness -driftlet -driftman -driftpiece -driftpin -driftway -driftweed -driftwind -driftwood -drifty -drightin -drill -driller -drillet -drilling -drillman -drillmaster -drillstock -Drimys -dringle -drink -drinkability -drinkable -drinkableness -drinkably -drinker -drinking -drinkless -drinkproof -drinn -drip -dripper -dripping -dripple -dripproof -drippy -dripstick -dripstone -drisheen -drisk -drivable -drivage -drive -driveaway -driveboat -drivebolt -drivehead -drivel -driveler -drivelingly -driven -drivepipe -driver -driverless -drivership -drivescrew -driveway -drivewell -driving -drivingly -drizzle -drizzly -drochuil -droddum -drofland -drogh -drogher -drogherman -drogue -droit -droitsman -droitural -droiturel -Drokpa -droll -drollery -drollingly -drollish -drollishness -drollist -drollness -drolly -Dromaeognathae -dromaeognathism -dromaeognathous -Dromaeus -drome -dromedarian -dromedarist -dromedary -drometer -Dromiacea -dromic -Dromiceiidae -Dromiceius -Dromicia -dromograph -dromomania -dromometer -dromond -Dromornis -dromos -dromotropic -drona -dronage -drone -dronepipe -droner -drongo -droningly -dronish -dronishly -dronishness -dronkgrass -drony -drool -droop -drooper -drooping -droopingly -droopingness -droopt -droopy -drop -dropberry -dropcloth -dropflower -drophead -droplet -droplight -droplike -dropling -dropman -dropout -dropper -dropping -droppingly -droppy -dropseed -dropsical -dropsically -dropsicalness -dropsied -dropsy -dropsywort -dropt -dropwise -dropworm -dropwort -Droschken -Drosera -Droseraceae -droseraceous -droshky -drosky -drosograph -drosometer -Drosophila -Drosophilidae -Drosophyllum -dross -drossel -drosser -drossiness -drossless -drossy -drostdy -droud -drought -droughtiness -droughty -drouk -drove -drover -drovy -drow -drown -drowner -drowningly -drowse -drowsily -drowsiness -drowsy -drub -drubber -drubbing -drubbly -drucken -drudge -drudger -drudgery -drudgingly -drudgism -druery -drug -drugeteria -drugger -druggery -drugget -druggeting -druggist -druggister -druggy -drugless -drugman -drugshop -drugstore -druid -druidess -druidic -druidical -druidism -druidry -druith -Drukpa -drum -drumbeat -drumble -drumbledore -drumbler -drumfire -drumfish -drumhead -drumheads -drumlike -drumlin -drumline -drumlinoid -drumloid -drumloidal -drumly -drummer -drumming -drummy -drumskin -drumstick -drumwood -drung -drungar -drunk -drunkard -drunken -drunkenly -drunkenness -drunkensome -drunkenwise -drunkery -Drupa -Drupaceae -drupaceous -drupal -drupe -drupel -drupelet -drupeole -drupetum -drupiferous -Druse -druse -Drusean -Drusedom -drusy -druxiness -druxy -dry -dryad -dryadetum -dryadic -dryas -dryasdust -drybeard -drybrained -drycoal -Drydenian -Drydenism -dryfoot -drygoodsman -dryhouse -drying -dryish -dryly -Drynaria -dryness -Dryobalanops -Dryope -Dryopes -Dryophyllum -Dryopians -dryopithecid -Dryopithecinae -dryopithecine -Dryopithecus -Dryops -Dryopteris -dryopteroid -drysalter -drysaltery -dryster -dryth -dryworker -Dschubba -duad -duadic -dual -Duala -duali -dualin -dualism -dualist -dualistic -dualistically -duality -dualization -dualize -dually -Dualmutef -dualogue -Duane -duarch -duarchy -dub -dubash -dubb -dubba -dubbah -dubbeltje -dubber -dubbing -dubby -Dubhe -Dubhgall -dubiety -dubiocrystalline -dubiosity -dubious -dubiously -dubiousness -dubitable -dubitably -dubitancy -dubitant -dubitate -dubitatingly -dubitation -dubitative -dubitatively -Duboisia -duboisin -duboisine -Dubonnet -dubs -ducal -ducally -ducamara -ducape -ducat -ducato -ducatoon -ducdame -duces -Duchesnea -Duchess -duchess -duchesse -duchesslike -duchy -duck -duckbill -duckblind -duckboard -duckboat -ducker -duckery -duckfoot -duckhearted -duckhood -duckhouse -duckhunting -duckie -ducking -duckling -ducklingship -duckmeat -duckpin -duckpond -duckstone -duckweed -duckwife -duckwing -Duco -duct -ducted -ductibility -ductible -ductile -ductilely -ductileness -ductilimeter -ductility -ductilize -duction -ductless -ductor -ductule -Ducula -Duculinae -dud -dudaim -dudder -duddery -duddies -dude -dudeen -dudgeon -dudine -dudish -dudishness -dudism -dudler -dudley -Dudleya -dudleyite -dudman -due -duel -dueler -dueling -duelist -duelistic -duello -dueness -duenna -duennadom -duennaship -duer -Duessa -duet -duettist -duff -duffadar -duffel -duffer -dufferdom -duffing -dufoil -dufrenite -dufrenoysite -dufter -dufterdar -duftery -dug -dugal -dugdug -duggler -dugong -Dugongidae -dugout -dugway -duhat -Duhr -duiker -duikerbok -duim -Duit -duit -dujan -Duke -duke -dukedom -dukeling -dukely -dukery -dukeship -dukhn -dukker -dukkeripen -Dulanganes -Dulat -dulbert -dulcet -dulcetly -dulcetness -dulcian -dulciana -dulcification -dulcifluous -dulcify -dulcigenic -dulcimer -Dulcin -Dulcinea -Dulcinist -dulcitol -dulcitude -dulcose -duledge -duler -dulia -dull -dullard -dullardism -dullardness -dullbrained -duller -dullery -dullhead -dullhearted -dullification -dullify -dullish -dullity -dullness -dullpate -dullsome -dully -dulosis -dulotic -dulse -dulseman -dult -dultie -dulwilly -duly -dum -duma -dumaist -dumb -dumba -dumbbell -dumbbeller -dumbcow -dumbfounder -dumbfounderment -dumbhead -dumbledore -dumbly -dumbness -dumdum -dumetose -dumfound -dumfounder -dumfounderment -dummel -dummered -dumminess -dummy -dummyism -dummyweed -Dumontia -Dumontiaceae -dumontite -dumortierite -dumose -dumosity -dump -dumpage -dumpcart -dumper -dumpily -dumpiness -dumping -dumpish -dumpishly -dumpishness -dumple -dumpling -dumpoke -dumpy -dumsola -dun -dunair -dunal -dunbird -Duncan -dunce -duncedom -duncehood -duncery -dunch -Dunciad -duncical -duncify -duncish -duncishly -duncishness -dundasite -dunder -dunderhead -dunderheaded -dunderheadedness -dunderpate -dune -dunelike -dunfish -dung -Dungan -dungannonite -dungaree -dungbeck -dungbird -dungbred -dungeon -dungeoner -dungeonlike -dunger -dunghill -dunghilly -dungol -dungon -dungy -dungyard -dunite -dunk -dunkadoo -Dunkard -Dunker -dunker -Dunkirk -Dunkirker -Dunlap -dunlin -Dunlop -dunnage -dunne -dunner -dunness -dunnish -dunnite -dunnock -dunny -dunpickle -Duns -dunst -dunstable -dunt -duntle -duny -dunziekte -duo -duocosane -duodecahedral -duodecahedron -duodecane -duodecennial -duodecillion -duodecimal -duodecimality -duodecimally -duodecimfid -duodecimo -duodecimole -duodecuple -duodena -duodenal -duodenary -duodenate -duodenation -duodene -duodenectomy -duodenitis -duodenocholangitis -duodenocholecystostomy -duodenocholedochotomy -duodenocystostomy -duodenoenterostomy -duodenogram -duodenojejunal -duodenojejunostomy -duodenopancreatectomy -duodenoscopy -duodenostomy -duodenotomy -duodenum -duodrama -duograph -duogravure -duole -duoliteral -duologue -duomachy -duopod -duopolistic -duopoly -duopsonistic -duopsony -duosecant -duotone -duotriacontane -duotype -dup -dupability -dupable -dupe -dupedom -duper -dupery -dupion -dupla -duplation -duple -duplet -duplex -duplexity -duplicability -duplicable -duplicand -duplicate -duplication -duplicative -duplicator -duplicature -duplicia -duplicident -Duplicidentata -duplicidentate -duplicipennate -duplicitas -duplicity -duplification -duplify -duplone -dupondius -duppy -dura -durability -durable -durableness -durably -durain -dural -Duralumin -duramatral -duramen -durance -Durandarte -durangite -Durango -Durani -durant -Duranta -duraplasty -duraquara -duraspinalis -duration -durational -durationless -durative -durax -durbachite -Durban -durbar -durdenite -dure -durene -durenol -duress -duressor -durgan -Durham -durian -duridine -Durindana -during -duringly -Durio -durity -durmast -durn -duro -Duroc -durometer -duroquinone -durra -durrie -durrin -durry -durst -durukuli -durwaun -duryl -Duryodhana -Durzada -dusack -duscle -dush -dusio -dusk -dusken -duskily -duskiness -duskingtide -duskish -duskishly -duskishness -duskly -duskness -dusky -dust -dustbin -dustbox -dustcloth -dustee -duster -dusterman -dustfall -dustily -Dustin -dustiness -dusting -dustless -dustlessness -dustman -dustpan -dustproof -dustuck -dustwoman -dusty -dustyfoot -Dusun -Dutch -dutch -Dutcher -Dutchify -Dutchman -Dutchy -duteous -duteously -duteousness -dutiability -dutiable -dutied -dutiful -dutifully -dutifulness -dutra -duty -dutymonger -duumvir -duumviral -duumvirate -duvet -duvetyn -dux -duyker -dvaita -dvandva -dwale -dwalm -Dwamish -dwang -dwarf -dwarfish -dwarfishly -dwarfishness -dwarfism -dwarfling -dwarfness -dwarfy -dwayberry -Dwayne -dwell -dwelled -dweller -dwelling -dwelt -Dwight -dwindle -dwindlement -dwine -Dwyka -dyad -dyadic -Dyak -dyakisdodecahedron -Dyakish -dyarchic -dyarchical -dyarchy -Dyas -Dyassic -dyaster -Dyaus -dyce -dye -dyeable -dyehouse -dyeing -dyeleaves -dyemaker -dyemaking -dyer -dyester -dyestuff -dyeware -dyeweed -dyewood -dygogram -dying -dyingly -dyingness -dyke -dykehopper -dyker -dykereeve -Dylan -dynagraph -dynameter -dynametric -dynametrical -dynamic -dynamical -dynamically -dynamics -dynamis -dynamism -dynamist -dynamistic -dynamitard -dynamite -dynamiter -dynamitic -dynamitical -dynamitically -dynamiting -dynamitish -dynamitism -dynamitist -dynamization -dynamize -dynamo -dynamoelectric -dynamoelectrical -dynamogenesis -dynamogenic -dynamogenous -dynamogenously -dynamogeny -dynamometamorphic -dynamometamorphism -dynamometamorphosed -dynamometer -dynamometric -dynamometrical -dynamometry -dynamomorphic -dynamoneure -dynamophone -dynamostatic -dynamotor -dynast -Dynastes -dynastical -dynastically -dynasticism -dynastid -dynastidan -Dynastides -Dynastinae -dynasty -dynatron -dyne -dyophone -Dyophysite -Dyophysitic -Dyophysitical -Dyophysitism -dyotheism -Dyothelete -Dyotheletian -Dyotheletic -Dyotheletical -Dyotheletism -Dyothelism -dyphone -dysacousia -dysacousis -dysanalyte -dysaphia -dysarthria -dysarthric -dysarthrosis -dysbulia -dysbulic -dyschiria -dyschroa -dyschroia -dyschromatopsia -dyschromatoptic -dyschronous -dyscrasia -dyscrasial -dyscrasic -dyscrasite -dyscratic -dyscrystalline -dysenteric -dysenterical -dysentery -dysepulotic -dysepulotical -dyserethisia -dysergasia -dysergia -dysesthesia -dysesthetic -dysfunction -dysgenesic -dysgenesis -dysgenetic -dysgenic -dysgenical -dysgenics -dysgeogenous -dysgnosia -dysgraphia -dysidrosis -dyskeratosis -dyskinesia -dyskinetic -dyslalia -dyslexia -dyslogia -dyslogistic -dyslogistically -dyslogy -dysluite -dyslysin -dysmenorrhea -dysmenorrheal -dysmerism -dysmeristic -dysmerogenesis -dysmerogenetic -dysmeromorph -dysmeromorphic -dysmetria -dysmnesia -dysmorphism -dysmorphophobia -dysneuria -dysnomy -dysodile -dysodontiasis -dysorexia -dysorexy -dysoxidation -dysoxidizable -dysoxidize -dyspathetic -dyspathy -dyspepsia -dyspepsy -dyspeptic -dyspeptical -dyspeptically -dysphagia -dysphagic -dysphasia -dysphasic -dysphemia -dysphonia -dysphonic -dysphoria -dysphoric -dysphotic -dysphrasia -dysphrenia -dyspituitarism -dysplasia -dysplastic -dyspnea -dyspneal -dyspneic -dyspnoic -dysprosia -dysprosium -dysraphia -dyssnite -Dyssodia -dysspermatism -dyssynergia -dyssystole -dystaxia -dystectic -dysteleological -dysteleologist -dysteleology -dysthyroidism -dystocia -dystocial -dystome -dystomic -dystomous -dystrophia -dystrophic -dystrophy -dysuria -dysuric -dysyntribite -dytiscid -Dytiscidae -Dytiscus -dzeren -Dzungar -E -e -ea -each -eachwhere -eager -eagerly -eagerness -eagle -eaglelike -eagless -eaglestone -eaglet -eaglewood -eagre -ean -ear -earache -earbob -earcap -earcockle -eardrop -eardropper -eardrum -eared -earflower -earful -earhole -earing -earjewel -Earl -earl -earlap -earldom -Earle -earless -earlet -earlike -earliness -earlish -earlock -earlship -early -earmark -earn -earner -earnest -earnestly -earnestness -earnful -Earnie -earning -earnings -earphone -earpick -earpiece -earplug -earreach -earring -earringed -earscrew -earshot -earsore -earsplitting -eartab -earth -earthboard -earthborn -earthbred -earthdrake -earthed -earthen -earthenhearted -earthenware -earthfall -earthfast -earthgall -earthgrubber -earthian -earthiness -earthkin -earthless -earthlight -earthlike -earthliness -earthling -earthly -earthmaker -earthmaking -earthnut -earthpea -earthquake -earthquaked -earthquaken -earthquaking -Earthshaker -earthshine -earthshock -earthslide -earthsmoke -earthstar -earthtongue -earthwall -earthward -earthwards -earthwork -earthworm -earthy -earwax -earwig -earwigginess -earwiggy -earwitness -earworm -earwort -ease -easeful -easefully -easefulness -easel -easeless -easement -easer -easier -easiest -easily -easiness -easing -east -eastabout -eastbound -Easter -easter -easterling -easterly -Eastern -eastern -easterner -Easternism -Easternly -easternmost -Eastertide -easting -Eastlake -eastland -eastmost -Eastre -eastward -eastwardly -easy -easygoing -easygoingness -eat -eatability -eatable -eatableness -eatage -Eatanswill -eatberry -eaten -eater -eatery -eating -eats -eave -eaved -eavedrop -eaver -eaves -eavesdrop -eavesdropper -eavesdropping -ebb -ebbman -Eben -Ebenaceae -ebenaceous -Ebenales -ebeneous -Ebenezer -Eberthella -Ebionism -Ebionite -Ebionitic -Ebionitism -Ebionize -Eboe -eboe -ebon -ebonist -ebonite -ebonize -ebony -ebracteate -ebracteolate -ebriate -ebriety -ebriosity -ebrious -ebriously -ebullate -ebullience -ebulliency -ebullient -ebulliently -ebulliometer -ebullioscope -ebullioscopic -ebullioscopy -ebullition -ebullitive -ebulus -eburated -eburine -Eburna -eburnated -eburnation -eburnean -eburneoid -eburneous -eburnian -eburnification -ecad -ecalcarate -ecanda -ecardinal -Ecardines -ecarinate -ecarte -Ecaudata -ecaudate -Ecballium -ecbatic -ecblastesis -ecbole -ecbolic -Ecca -eccaleobion -eccentrate -eccentric -eccentrical -eccentrically -eccentricity -eccentring -eccentrometer -ecchondroma -ecchondrosis -ecchondrotome -ecchymoma -ecchymose -ecchymosis -ecclesia -ecclesial -ecclesiarch -ecclesiarchy -ecclesiast -Ecclesiastes -ecclesiastic -ecclesiastical -ecclesiastically -ecclesiasticism -ecclesiasticize -ecclesiastics -Ecclesiasticus -ecclesiastry -ecclesioclastic -ecclesiography -ecclesiolater -ecclesiolatry -ecclesiologic -ecclesiological -ecclesiologically -ecclesiologist -ecclesiology -ecclesiophobia -eccoprotic -eccoproticophoric -eccrinology -eccrisis -eccritic -eccyclema -eccyesis -ecdemic -ecdemite -ecderon -ecderonic -ecdysiast -ecdysis -ecesic -ecesis -ecgonine -eche -echea -echelette -echelon -echelonment -Echeloot -Echeneidae -echeneidid -Echeneididae -echeneidoid -Echeneis -Echeveria -echidna -Echidnidae -Echimys -Echinacea -echinal -echinate -echinid -Echinidea -echinital -echinite -Echinocactus -Echinocaris -Echinocereus -Echinochloa -echinochrome -echinococcus -Echinoderes -Echinoderidae -echinoderm -Echinoderma -echinodermal -Echinodermata -echinodermatous -echinodermic -Echinodorus -echinoid -Echinoidea -echinologist -echinology -Echinomys -Echinopanax -Echinops -echinopsine -Echinorhinidae -Echinorhinus -Echinorhynchus -Echinospermum -Echinosphaerites -Echinosphaeritidae -Echinostoma -Echinostomatidae -echinostome -echinostomiasis -Echinozoa -echinulate -echinulated -echinulation -echinuliform -echinus -Echis -echitamine -Echites -Echium -echiurid -Echiurida -echiuroid -Echiuroidea -Echiurus -echo -echoer -echoic -echoingly -echoism -echoist -echoize -echolalia -echolalic -echoless -echometer -echopractic -echopraxia -echowise -Echuca -eciliate -Eciton -ecize -Eckehart -ecklein -eclair -eclampsia -eclamptic -eclat -eclectic -eclectical -eclectically -eclecticism -eclecticize -Eclectics -eclectism -eclectist -eclegm -eclegma -eclipsable -eclipsareon -eclipsation -eclipse -eclipser -eclipsis -ecliptic -ecliptical -ecliptically -eclogite -eclogue -eclosion -ecmnesia -ecoid -ecole -ecologic -ecological -ecologically -ecologist -ecology -econometer -econometric -econometrician -econometrics -economic -economical -economically -economics -economism -economist -Economite -economization -economize -economizer -economy -ecophene -ecophobia -ecorticate -ecospecies -ecospecific -ecospecifically -ecostate -ecosystem -ecotonal -ecotone -ecotype -ecotypic -ecotypically -ecphonesis -ecphorable -ecphore -ecphoria -ecphorization -ecphorize -ecphrasis -ecrasite -ecru -ecrustaceous -ecstasis -ecstasize -ecstasy -ecstatic -ecstatica -ecstatical -ecstatically -ecstaticize -ecstrophy -ectad -ectadenia -ectal -ectally -ectasia -ectasis -ectatic -ectene -ectental -ectepicondylar -ectethmoid -ectethmoidal -Ecthesis -ecthetically -ecthlipsis -ecthyma -ectiris -ectobatic -ectoblast -ectoblastic -ectobronchium -ectocardia -Ectocarpaceae -ectocarpaceous -Ectocarpales -ectocarpic -ectocarpous -Ectocarpus -ectocinerea -ectocinereal -ectocoelic -ectocondylar -ectocondyle -ectocondyloid -ectocornea -ectocranial -ectocuneiform -ectocuniform -ectocyst -ectodactylism -ectoderm -ectodermal -ectodermic -ectodermoidal -ectodermosis -ectodynamomorphic -ectoentad -ectoenzyme -ectoethmoid -ectogenesis -ectogenic -ectogenous -ectoglia -Ectognatha -ectolecithal -ectoloph -ectomere -ectomeric -ectomesoblast -ectomorph -ectomorphic -ectomorphy -ectonephridium -ectoparasite -ectoparasitic -Ectoparasitica -ectopatagium -ectophloic -ectophyte -ectophytic -ectopia -ectopic -Ectopistes -ectoplacenta -ectoplasm -ectoplasmatic -ectoplasmic -ectoplastic -ectoplasy -Ectoprocta -ectoproctan -ectoproctous -ectopterygoid -ectopy -ectoretina -ectorganism -ectorhinal -ectosarc -ectosarcous -ectoskeleton -ectosomal -ectosome -ectosphenoid -ectosphenotic -ectosphere -ectosteal -ectosteally -ectostosis -ectotheca -ectotoxin -Ectotrophi -ectotrophic -ectozoa -ectozoan -ectozoic -ectozoon -ectrodactylia -ectrodactylism -ectrodactyly -ectrogenic -ectrogeny -ectromelia -ectromelian -ectromelic -ectromelus -ectropion -ectropium -ectropometer -ectrosyndactyly -ectypal -ectype -ectypography -Ecuadoran -Ecuadorian -ecuelling -ecumenic -ecumenical -ecumenicalism -ecumenicality -ecumenically -ecumenicity -ecyphellate -eczema -eczematization -eczematoid -eczematosis -eczematous -Ed -edacious -edaciously -edaciousness -edacity -Edana -edaphic -edaphology -edaphon -Edaphosauria -Edaphosaurus -Edda -Eddaic -edder -Eddic -Eddie -eddish -eddo -Eddy -eddy -eddyroot -edea -edeagra -edeitis -edelweiss -edema -edematous -edemic -Eden -Edenic -edenite -Edenization -Edenize -edental -edentalous -Edentata -edentate -edentulate -edentulous -edeodynia -edeology -edeomania -edeoscopy -edeotomy -Edessan -edestan -edestin -Edestosaurus -Edgar -edge -edgebone -edged -edgeless -edgemaker -edgemaking -edgeman -edger -edgerman -edgeshot -edgestone -edgeways -edgeweed -edgewise -edginess -edging -edgingly -edgrew -edgy -edh -edibility -edible -edibleness -edict -edictal -edictally -edicule -edificable -edification -edificator -edificatory -edifice -edificial -edifier -edify -edifying -edifyingly -edifyingness -edingtonite -edit -edital -Edith -edition -editor -editorial -editorialize -editorially -editorship -editress -Ediya -Edmond -Edmund -Edna -Edo -Edomite -Edomitish -Edoni -Edriasteroidea -Edrioasteroid -Edrioasteroidea -Edriophthalma -edriophthalmatous -edriophthalmian -edriophthalmic -edriophthalmous -Eduardo -Educabilia -educabilian -educability -educable -educand -educatable -educate -educated -educatee -education -educationable -educational -educationalism -educationalist -educationally -educationary -educationist -educative -educator -educatory -educatress -educe -educement -educible -educive -educt -eduction -eductive -eductor -edulcorate -edulcoration -edulcorative -edulcorator -Eduskunta -Edward -Edwardean -Edwardeanism -Edwardian -Edwardine -Edwardsia -Edwardsiidae -Edwin -Edwina -eegrass -eel -eelboat -eelbob -eelbobber -eelcake -eelcatcher -eeler -eelery -eelfare -eelfish -eelgrass -eellike -eelpot -eelpout -eelshop -eelskin -eelspear -eelware -eelworm -eely -eer -eerie -eerily -eeriness -eerisome -effable -efface -effaceable -effacement -effacer -effect -effecter -effectful -effectible -effective -effectively -effectiveness -effectivity -effectless -effector -effects -effectual -effectuality -effectualize -effectually -effectualness -effectuate -effectuation -effeminacy -effeminate -effeminately -effeminateness -effemination -effeminatize -effeminization -effeminize -effendi -efferent -effervesce -effervescence -effervescency -effervescent -effervescible -effervescingly -effervescive -effete -effeteness -effetman -efficacious -efficaciously -efficaciousness -efficacity -efficacy -efficience -efficiency -efficient -efficiently -Effie -effigial -effigiate -effigiation -effigurate -effiguration -effigy -efflate -efflation -effloresce -efflorescence -efflorescency -efflorescent -efflower -effluence -effluency -effluent -effluvia -effluvial -effluviate -effluviography -effluvious -effluvium -efflux -effluxion -effodient -Effodientia -efform -efformation -efformative -effort -effortful -effortless -effortlessly -effossion -effraction -effranchise -effranchisement -effrontery -effulge -effulgence -effulgent -effulgently -effund -effuse -effusiometer -effusion -effusive -effusively -effusiveness -Efik -eflagelliferous -efoliolate -efoliose -efoveolate -eft -eftest -eftsoons -egad -egalitarian -egalitarianism -egality -Egba -Egbert -Egbo -egence -egeran -Egeria -egest -egesta -egestion -egestive -egg -eggberry -eggcup -eggcupful -eggeater -egger -eggfish -eggfruit -egghead -egghot -egging -eggler -eggless -egglike -eggnog -eggplant -eggshell -eggy -egilops -egipto -Eglamore -eglandular -eglandulose -eglantine -eglatere -eglestonite -egma -ego -egocentric -egocentricity -egocentrism -Egocerus -egohood -egoism -egoist -egoistic -egoistical -egoistically -egoity -egoize -egoizer -egol -egolatrous -egomania -egomaniac -egomaniacal -egomism -egophonic -egophony -egosyntonic -egotheism -egotism -egotist -egotistic -egotistical -egotistically -egotize -egregious -egregiously -egregiousness -egress -egression -egressive -egressor -egret -Egretta -egrimony -egueiite -egurgitate -eguttulate -Egypt -Egyptian -Egyptianism -Egyptianization -Egyptianize -Egyptize -Egyptologer -Egyptologic -Egyptological -Egyptologist -Egyptology -eh -Ehatisaht -eheu -ehlite -Ehretia -Ehretiaceae -ehrwaldite -ehuawa -eichbergite -Eichhornia -eichwaldite -eicosane -eident -eidently -eider -eidetic -eidograph -eidolic -eidolism -eidology -eidolology -eidolon -eidoptometry -eidouranion -eigenfunction -eigenvalue -eight -eighteen -eighteenfold -eighteenmo -eighteenth -eighteenthly -eightfoil -eightfold -eighth -eighthly -eightieth -eightling -eightpenny -eightscore -eightsman -eightsome -eighty -eightyfold -eigne -Eikonogen -eikonology -Eileen -Eimak -eimer -Eimeria -einkorn -Einsteinian -Eireannach -Eirene -eiresione -eisegesis -eisegetical -eisodic -eisteddfod -eisteddfodic -eisteddfodism -either -ejaculate -ejaculation -ejaculative -ejaculator -ejaculatory -Ejam -eject -ejecta -ejectable -ejection -ejective -ejectively -ejectivity -ejectment -ejector -ejicient -ejoo -ekaboron -ekacaesium -ekaha -ekamanganese -ekasilicon -ekatantalum -eke -ekebergite -eker -ekerite -eking -ekka -Ekoi -ekphore -Ekron -Ekronite -ektene -ektenes -ektodynamorphic -el -elaborate -elaborately -elaborateness -elaboration -elaborative -elaborator -elaboratory -elabrate -Elachista -Elachistaceae -elachistaceous -Elaeagnaceae -elaeagnaceous -Elaeagnus -Elaeis -elaeoblast -elaeoblastic -Elaeocarpaceae -elaeocarpaceous -Elaeocarpus -Elaeococca -Elaeodendron -elaeodochon -elaeomargaric -elaeometer -elaeoptene -elaeosaccharum -elaeothesium -elaidate -elaidic -elaidin -elaidinic -elain -Elaine -elaine -elaioleucite -elaioplast -elaiosome -Elamite -Elamitic -Elamitish -elance -eland -elanet -Elanus -Elaphe -Elaphebolion -elaphine -Elaphodus -Elaphoglossum -Elaphomyces -Elaphomycetaceae -Elaphrium -elaphure -elaphurine -Elaphurus -elapid -Elapidae -Elapinae -elapine -elapoid -Elaps -elapse -Elapsoidea -elasmobranch -elasmobranchian -elasmobranchiate -Elasmobranchii -elasmosaur -Elasmosaurus -elasmothere -Elasmotherium -elastance -elastic -elastica -elastically -elastician -elasticin -elasticity -elasticize -elasticizer -elasticness -elastin -elastivity -elastomer -elastomeric -elastometer -elastometry -elastose -elatcha -elate -elated -elatedly -elatedness -elater -elaterid -Elateridae -elaterin -elaterite -elaterium -elateroid -Elatha -Elatinaceae -elatinaceous -Elatine -elation -elative -elator -elatrometer -elb -Elbert -Elberta -elbow -elbowboard -elbowbush -elbowchair -elbowed -elbower -elbowpiece -elbowroom -elbowy -elcaja -elchee -eld -elder -elderberry -elderbrotherhood -elderbrotherish -elderbrotherly -elderbush -elderhood -elderliness -elderly -elderman -eldership -eldersisterly -elderwoman -elderwood -elderwort -eldest -eldin -elding -Eldred -eldress -eldritch -Elean -Eleanor -Eleatic -Eleaticism -Eleazar -elecampane -elect -electable -electee -electicism -election -electionary -electioneer -electioneerer -elective -electively -electiveness -electivism -electivity -electly -elector -electoral -electorally -electorate -electorial -electorship -Electra -electragist -electragy -electralize -electrepeter -electress -electret -electric -electrical -electricalize -electrically -electricalness -electrician -electricity -electricize -electrics -electriferous -electrifiable -electrification -electrifier -electrify -electrion -electrionic -electrizable -electrization -electrize -electrizer -electro -electroacoustic -electroaffinity -electroamalgamation -electroanalysis -electroanalytic -electroanalytical -electroanesthesia -electroballistic -electroballistics -electrobath -electrobiological -electrobiologist -electrobiology -electrobioscopy -electroblasting -electrobrasser -electrobus -electrocapillarity -electrocapillary -electrocardiogram -electrocardiograph -electrocardiographic -electrocardiography -electrocatalysis -electrocatalytic -electrocataphoresis -electrocataphoretic -electrocauterization -electrocautery -electroceramic -electrochemical -electrochemically -electrochemist -electrochemistry -electrochronograph -electrochronographic -electrochronometer -electrochronometric -electrocoagulation -electrocoating -electrocolloidal -electrocontractility -electrocorticogram -electroculture -electrocute -electrocution -electrocutional -electrocutioner -electrocystoscope -electrode -electrodeless -electrodentistry -electrodeposit -electrodepositable -electrodeposition -electrodepositor -electrodesiccate -electrodesiccation -electrodiagnosis -electrodialysis -electrodialyze -electrodialyzer -electrodiplomatic -electrodispersive -electrodissolution -electrodynamic -electrodynamical -electrodynamics -electrodynamism -electrodynamometer -electroencephalogram -electroencephalograph -electroencephalography -electroendosmose -electroendosmosis -electroendosmotic -electroengrave -electroengraving -electroergometer -electroetching -electroethereal -electroextraction -electroform -electroforming -electrofuse -electrofused -electrofusion -electrogalvanic -electrogalvanize -electrogenesis -electrogenetic -electrogild -electrogilding -electrogilt -electrograph -electrographic -electrographite -electrography -electroharmonic -electrohemostasis -electrohomeopathy -electrohorticulture -electrohydraulic -electroimpulse -electroindustrial -electroionic -electroirrigation -electrokinematics -electrokinetic -electrokinetics -electrolier -electrolithotrity -electrologic -electrological -electrologist -electrology -electroluminescence -electroluminescent -electrolysis -electrolyte -electrolytic -electrolytical -electrolytically -electrolyzability -electrolyzable -electrolyzation -electrolyze -electrolyzer -electromagnet -electromagnetic -electromagnetical -electromagnetically -electromagnetics -electromagnetism -electromagnetist -electromassage -electromechanical -electromechanics -electromedical -electromer -electromeric -electromerism -electrometallurgical -electrometallurgist -electrometallurgy -electrometer -electrometric -electrometrical -electrometrically -electrometry -electromobile -electromobilism -electromotion -electromotive -electromotivity -electromotograph -electromotor -electromuscular -electromyographic -electron -electronarcosis -electronegative -electronervous -electronic -electronics -electronographic -electrooptic -electrooptical -electrooptically -electrooptics -electroosmosis -electroosmotic -electroosmotically -electrootiatrics -electropathic -electropathology -electropathy -electropercussive -electrophobia -electrophone -electrophore -electrophoresis -electrophoretic -electrophoric -Electrophoridae -electrophorus -electrophotometer -electrophotometry -electrophototherapy -electrophrenic -electrophysics -electrophysiological -electrophysiologist -electrophysiology -electropism -electroplate -electroplater -electroplating -electroplax -electropneumatic -electropneumatically -electropoion -electropolar -electropositive -electropotential -electropower -electropsychrometer -electropult -electropuncturation -electropuncture -electropuncturing -electropyrometer -electroreceptive -electroreduction -electrorefine -electroscission -electroscope -electroscopic -electrosherardizing -electroshock -electrosmosis -electrostatic -electrostatical -electrostatically -electrostatics -electrosteel -electrostenolysis -electrostenolytic -electrostereotype -electrostriction -electrosurgery -electrosurgical -electrosynthesis -electrosynthetic -electrosynthetically -electrotactic -electrotautomerism -electrotaxis -electrotechnic -electrotechnical -electrotechnician -electrotechnics -electrotechnology -electrotelegraphic -electrotelegraphy -electrotelethermometer -electrotellurograph -electrotest -electrothanasia -electrothanatosis -electrotherapeutic -electrotherapeutical -electrotherapeutics -electrotherapeutist -electrotherapist -electrotherapy -electrothermal -electrothermancy -electrothermic -electrothermics -electrothermometer -electrothermostat -electrothermostatic -electrothermotic -electrotitration -electrotonic -electrotonicity -electrotonize -electrotonus -electrotrephine -electrotropic -electrotropism -electrotype -electrotyper -electrotypic -electrotyping -electrotypist -electrotypy -electrovalence -electrovalency -electrovection -electroviscous -electrovital -electrowin -electrum -electuary -eleemosynarily -eleemosynariness -eleemosynary -elegance -elegancy -elegant -elegantly -elegiac -elegiacal -elegiambic -elegiambus -elegiast -elegist -elegit -elegize -elegy -eleidin -element -elemental -elementalism -elementalist -elementalistic -elementalistically -elementality -elementalize -elementally -elementarily -elementariness -elementary -elementoid -elemi -elemicin -elemin -elench -elenchi -elenchic -elenchical -elenchically -elenchize -elenchtic -elenchtical -elenctic -elenge -eleoblast -Eleocharis -eleolite -eleomargaric -eleometer -eleonorite -eleoptene -eleostearate -eleostearic -elephant -elephanta -elephantiac -elephantiasic -elephantiasis -elephantic -elephanticide -Elephantidae -elephantine -elephantlike -elephantoid -elephantoidal -Elephantopus -elephantous -elephantry -Elephas -Elettaria -Eleusine -Eleusinia -Eleusinian -Eleusinion -Eleut -eleutherarch -Eleutheri -Eleutheria -Eleutherian -Eleutherios -eleutherism -eleutherodactyl -Eleutherodactyli -Eleutherodactylus -eleutheromania -eleutheromaniac -eleutheromorph -eleutheropetalous -eleutherophyllous -eleutherosepalous -Eleutherozoa -eleutherozoan -elevate -elevated -elevatedly -elevatedness -elevating -elevatingly -elevation -elevational -elevator -elevatory -eleven -elevener -elevenfold -eleventh -eleventhly -elevon -elf -elfenfolk -elfhood -elfic -elfin -elfinwood -elfish -elfishly -elfishness -elfkin -elfland -elflike -elflock -elfship -elfwife -elfwort -Eli -Elia -Elian -Elianic -Elias -eliasite -elicit -elicitable -elicitate -elicitation -elicitor -elicitory -elide -elidible -eligibility -eligible -eligibleness -eligibly -Elihu -Elijah -eliminable -eliminand -eliminant -eliminate -elimination -eliminative -eliminator -eliminatory -Elinor -Elinvar -Eliot -Eliphalet -eliquate -eliquation -Elisabeth -Elisha -Elishah -elision -elisor -Elissa -elite -elixir -Eliza -Elizabeth -Elizabethan -Elizabethanism -Elizabethanize -elk -Elkanah -Elkdom -Elkesaite -elkhorn -elkhound -Elkoshite -elkslip -Elkuma -elkwood -ell -Ella -ellachick -ellagate -ellagic -ellagitannin -Ellasar -elle -elleck -Ellen -ellenyard -Ellerian -ellfish -Ellice -Ellick -Elliot -Elliott -ellipse -ellipses -ellipsis -ellipsograph -ellipsoid -ellipsoidal -ellipsone -ellipsonic -elliptic -elliptical -elliptically -ellipticalness -ellipticity -elliptograph -elliptoid -ellops -ellwand -elm -Elmer -elmy -Eloah -elocular -elocute -elocution -elocutionary -elocutioner -elocutionist -elocutionize -elod -Elodea -Elodeaceae -Elodes -eloge -elogium -Elohim -Elohimic -Elohism -Elohist -Elohistic -eloign -eloigner -eloignment -Eloise -Elon -elongate -elongated -elongation -elongative -Elonite -elope -elopement -eloper -Elopidae -elops -eloquence -eloquent -eloquential -eloquently -eloquentness -Elotherium -elotillo -elpasolite -elpidite -Elric -els -Elsa -else -elsehow -elsewards -elseways -elsewhen -elsewhere -elsewheres -elsewhither -elsewise -Elsholtzia -elsin -elt -eluate -elucidate -elucidation -elucidative -elucidator -elucidatory -elucubrate -elucubration -elude -eluder -elusion -elusive -elusively -elusiveness -elusoriness -elusory -elute -elution -elutor -elutriate -elutriation -elutriator -eluvial -eluviate -eluviation -eluvium -elvan -elvanite -elvanitic -elver -elves -elvet -Elvira -Elvis -elvish -elvishly -Elwood -elydoric -Elymi -Elymus -Elysee -Elysia -elysia -Elysian -Elysiidae -Elysium -elytral -elytriferous -elytriform -elytrigerous -elytrin -elytrocele -elytroclasia -elytroid -elytron -elytroplastic -elytropolypus -elytroposis -elytrorhagia -elytrorrhagia -elytrorrhaphy -elytrostenosis -elytrotomy -elytrous -elytrum -Elzevir -Elzevirian -Em -em -emaciate -emaciation -emajagua -emanant -emanate -emanation -emanational -emanationism -emanationist -emanatism -emanatist -emanatistic -emanativ -emanative -emanatively -emanator -emanatory -emancipate -emancipation -emancipationist -emancipatist -emancipative -emancipator -emancipatory -emancipatress -emancipist -emandibulate -emanium -emarcid -emarginate -emarginately -emargination -Emarginula -emasculate -emasculation -emasculative -emasculator -emasculatory -Embadomonas -emball -emballonurid -Emballonuridae -emballonurine -embalm -embalmer -embalmment -embank -embankment -embannered -embar -embargo -embargoist -embark -embarkation -embarkment -embarras -embarrass -embarrassed -embarrassedly -embarrassing -embarrassingly -embarrassment -embarrel -embassage -embassy -embastioned -embathe -embatholithic -embattle -embattled -embattlement -embay -embayment -Embden -embed -embedment -embeggar -Embelia -embelic -embellish -embellisher -embellishment -ember -embergoose -Emberiza -emberizidae -Emberizinae -emberizine -embezzle -embezzlement -embezzler -Embiidae -Embiidina -embind -Embiodea -Embioptera -embiotocid -Embiotocidae -embiotocoid -embira -embitter -embitterer -embitterment -emblaze -emblazer -emblazon -emblazoner -emblazonment -emblazonry -emblem -emblema -emblematic -emblematical -emblematically -emblematicalness -emblematicize -emblematist -emblematize -emblematology -emblement -emblemist -emblemize -emblemology -emblic -emblossom -embodier -embodiment -embody -embog -emboitement -embolden -emboldener -embole -embolectomy -embolemia -embolic -emboliform -embolism -embolismic -embolismus -embolite -embolium -embolize -embolo -embololalia -Embolomeri -embolomerism -embolomerous -embolomycotic -embolum -embolus -emboly -emborder -emboscata -embosom -emboss -embossage -embosser -embossing -embossman -embossment -embosture -embottle -embouchure -embound -embow -embowed -embowel -emboweler -embowelment -embower -embowerment -embowment -embox -embrace -embraceable -embraceably -embracement -embraceor -embracer -embracery -embracing -embracingly -embracingness -embracive -embrail -embranchment -embrangle -embranglement -embrasure -embreathe -embreathement -Embrica -embright -embrittle -embrittlement -embroaden -embrocate -embrocation -embroider -embroiderer -embroideress -embroidery -embroil -embroiler -embroilment -embronze -embrown -embryectomy -embryo -embryocardia -embryoctonic -embryoctony -embryoferous -embryogenesis -embryogenetic -embryogenic -embryogeny -embryogony -embryographer -embryographic -embryography -embryoid -embryoism -embryologic -embryological -embryologically -embryologist -embryology -embryoma -embryon -embryonal -embryonary -embryonate -embryonated -embryonic -embryonically -embryoniferous -embryoniform -embryony -embryopathology -embryophagous -embryophore -Embryophyta -embryophyte -embryoplastic -embryoscope -embryoscopic -embryotega -embryotic -embryotome -embryotomy -embryotrophic -embryotrophy -embryous -embryulcia -embryulcus -embubble -embuia -embus -embusk -embuskin -emcee -eme -emeer -emeership -Emeline -emend -emendable -emendandum -emendate -emendation -emendator -emendatory -emender -emerald -emeraldine -emeraude -emerge -emergence -emergency -emergent -emergently -emergentness -Emerita -emerited -emeritus -emerize -emerse -emersed -emersion -Emersonian -Emersonianism -Emery -emery -Emesa -Emesidae -emesis -emetatrophia -emetic -emetically -emetine -emetocathartic -emetology -emetomorphine -emgalla -emication -emiction -emictory -emigrant -emigrate -emigration -emigrational -emigrationist -emigrative -emigrator -emigratory -emigree -Emil -Emilia -Emily -Emim -eminence -eminency -eminent -eminently -emir -emirate -emirship -emissarium -emissary -emissaryship -emissile -emission -emissive -emissivity -emit -emittent -emitter -Emm -Emma -emma -Emmanuel -emmarble -emmarvel -emmenagogic -emmenagogue -emmenic -emmeniopathy -emmenology -emmensite -Emmental -emmer -emmergoose -emmet -emmetrope -emmetropia -emmetropic -emmetropism -emmetropy -Emmett -emodin -emollescence -emolliate -emollient -emoloa -emolument -emolumental -emolumentary -emote -emotion -emotionable -emotional -emotionalism -emotionalist -emotionality -emotionalization -emotionalize -emotionally -emotioned -emotionist -emotionize -emotionless -emotionlessness -emotive -emotively -emotiveness -emotivity -empacket -empaistic -empall -empanel -empanelment -empanoply -empaper -emparadise -emparchment -empark -empasm -empathic -empathically -empathize -empathy -Empedoclean -empeirema -Empeo -emperor -emperorship -empery -Empetraceae -empetraceous -Empetrum -emphases -emphasis -emphasize -emphatic -emphatical -emphatically -emphaticalness -emphlysis -emphractic -emphraxis -emphysema -emphysematous -emphyteusis -emphyteuta -emphyteutic -empicture -Empididae -Empidonax -empiecement -Empire -empire -empirema -empiric -empirical -empiricalness -empiricism -empiricist -empirics -empiriocritcism -empiriocritical -empiriological -empirism -empiristic -emplace -emplacement -emplane -emplastic -emplastration -emplastrum -emplectite -empleomania -employ -employability -employable -employed -employee -employer -employless -employment -emplume -empocket -empodium -empoison -empoisonment -emporetic -emporeutic -emporia -emporial -emporium -empower -empowerment -empress -emprise -emprosthotonic -emprosthotonos -emprosthotonus -empt -emptier -emptily -emptiness -emptings -emptins -emption -emptional -emptor -empty -emptyhearted -emptysis -empurple -Empusa -empyema -empyemic -empyesis -empyocele -empyreal -empyrean -empyreuma -empyreumatic -empyreumatical -empyreumatize -empyromancy -emu -emulable -emulant -emulate -emulation -emulative -emulatively -emulator -emulatory -emulatress -emulgence -emulgent -emulous -emulously -emulousness -emulsibility -emulsible -emulsifiability -emulsifiable -emulsification -emulsifier -emulsify -emulsin -emulsion -emulsionize -emulsive -emulsoid -emulsor -emunctory -emundation -emyd -Emydea -emydian -Emydidae -Emydinae -Emydosauria -emydosaurian -Emys -en -enable -enablement -enabler -enact -enactable -enaction -enactive -enactment -enactor -enactory -enaena -enage -Enajim -enalid -Enaliornis -enaliosaur -Enaliosauria -enaliosaurian -enallachrome -enallage -enaluron -enam -enamber -enambush -enamdar -enamel -enameler -enameling -enamelist -enamelless -enamellist -enameloma -enamelware -enamor -enamorato -enamored -enamoredness -enamorment -enamourment -enanguish -enanthem -enanthema -enanthematous -enanthesis -enantiobiosis -enantioblastic -enantioblastous -enantiomer -enantiomeride -enantiomorph -enantiomorphic -enantiomorphism -enantiomorphous -enantiomorphously -enantiomorphy -enantiopathia -enantiopathic -enantiopathy -enantiosis -enantiotropic -enantiotropy -enantobiosis -enapt -enarbor -enarbour -enarch -enarched -enargite -enarm -enarme -enarthrodia -enarthrodial -enarthrosis -enate -enatic -enation -enbrave -encaenia -encage -encake -encalendar -encallow -encamp -encampment -encanker -encanthis -encapsulate -encapsulation -encapsule -encarditis -encarnadine -encarnalize -encarpium -encarpus -encase -encasement -encash -encashable -encashment -encasserole -encastage -encatarrhaphy -encauma -encaustes -encaustic -encaustically -encave -encefalon -Encelia -encell -encenter -encephala -encephalalgia -Encephalartos -encephalasthenia -encephalic -encephalin -encephalitic -encephalitis -encephalocele -encephalocoele -encephalodialysis -encephalogram -encephalograph -encephalography -encephaloid -encephalolith -encephalology -encephaloma -encephalomalacia -encephalomalacosis -encephalomalaxis -encephalomeningitis -encephalomeningocele -encephalomere -encephalomeric -encephalometer -encephalometric -encephalomyelitis -encephalomyelopathy -encephalon -encephalonarcosis -encephalopathia -encephalopathic -encephalopathy -encephalophyma -encephalopsychesis -encephalopyosis -encephalorrhagia -encephalosclerosis -encephaloscope -encephaloscopy -encephalosepsis -encephalospinal -encephalothlipsis -encephalotome -encephalotomy -encephalous -enchain -enchainment -enchair -enchalice -enchannel -enchant -enchanter -enchanting -enchantingly -enchantingness -enchantment -enchantress -encharge -encharnel -enchase -enchaser -enchasten -Enchelycephali -enchequer -enchest -enchilada -enchiridion -Enchodontid -Enchodontidae -Enchodontoid -Enchodus -enchondroma -enchondromatous -enchondrosis -enchorial -enchurch -enchylema -enchylematous -enchymatous -enchytrae -enchytraeid -Enchytraeidae -Enchytraeus -encina -encinal -encincture -encinder -encinillo -encipher -encircle -encirclement -encircler -encist -encitadel -enclaret -enclasp -enclave -enclavement -enclisis -enclitic -enclitical -enclitically -encloak -encloister -enclose -encloser -enclosure -enclothe -encloud -encoach -encode -encoffin -encoignure -encoil -encolden -encollar -encolor -encolpion -encolumn -encomendero -encomia -encomiast -encomiastic -encomiastical -encomiastically -encomic -encomienda -encomiologic -encomium -encommon -encompass -encompasser -encompassment -encoop -encorbelment -encore -encoronal -encoronate -encoronet -encounter -encounterable -encounterer -encourage -encouragement -encourager -encouraging -encouragingly -encowl -encraal -encradle -encranial -encratic -Encratism -Encratite -encraty -encreel -encrimson -encrinal -encrinic -Encrinidae -encrinidae -encrinital -encrinite -encrinitic -encrinitical -encrinoid -Encrinoidea -Encrinus -encrisp -encroach -encroacher -encroachingly -encroachment -encrotchet -encrown -encrownment -encrust -encrustment -encrypt -encryption -encuirassed -encumber -encumberer -encumberingly -encumberment -encumbrance -encumbrancer -encup -encurl -encurtain -encushion -encyclic -encyclical -encyclopedia -encyclopediac -encyclopediacal -encyclopedial -encyclopedian -encyclopediast -encyclopedic -encyclopedically -encyclopedism -encyclopedist -encyclopedize -encyrtid -Encyrtidae -encyst -encystation -encystment -end -endable -endamage -endamageable -endamagement -endamask -endameba -endamebic -Endamoeba -endamoebiasis -endamoebic -Endamoebidae -endanger -endangerer -endangerment -endangium -endaortic -endaortitis -endarch -endarchy -endarterial -endarteritis -endarterium -endaspidean -endaze -endboard -endbrain -endear -endearance -endeared -endearedly -endearedness -endearing -endearingly -endearingness -endearment -endeavor -endeavorer -ended -endeictic -endellionite -endemial -endemic -endemically -endemicity -endemiological -endemiology -endemism -endenizen -ender -endere -endermatic -endermic -endermically -enderon -enderonic -endevil -endew -endgate -endiadem -endiaper -ending -endite -endive -endless -endlessly -endlessness -endlichite -endlong -endmatcher -endmost -endoabdominal -endoangiitis -endoaortitis -endoappendicitis -endoarteritis -endoauscultation -endobatholithic -endobiotic -endoblast -endoblastic -endobronchial -endobronchially -endobronchitis -endocannibalism -endocardiac -endocardial -endocarditic -endocarditis -endocardium -endocarp -endocarpal -endocarpic -endocarpoid -endocellular -endocentric -Endoceras -Endoceratidae -endoceratite -endoceratitic -endocervical -endocervicitis -endochondral -endochorion -endochorionic -endochrome -endochylous -endoclinal -endocline -endocoelar -endocoele -endocoeliac -endocolitis -endocolpitis -endocondensation -endocone -endoconidium -endocorpuscular -endocortex -endocranial -endocranium -endocrinal -endocrine -endocrinic -endocrinism -endocrinological -endocrinologist -endocrinology -endocrinopathic -endocrinopathy -endocrinotherapy -endocrinous -endocritic -endocycle -endocyclic -endocyemate -endocyst -endocystitis -endoderm -endodermal -endodermic -endodermis -endodontia -endodontic -endodontist -endodynamomorphic -endoenteritis -endoenzyme -endoesophagitis -endofaradism -endogalvanism -endogamic -endogamous -endogamy -endogastric -endogastrically -endogastritis -endogen -Endogenae -endogenesis -endogenetic -endogenic -endogenous -endogenously -endogeny -endoglobular -endognath -endognathal -endognathion -endogonidium -endointoxication -endokaryogamy -endolabyrinthitis -endolaryngeal -endolemma -endolumbar -endolymph -endolymphangial -endolymphatic -endolymphic -endolysin -endomastoiditis -endome -endomesoderm -endometrial -endometritis -endometrium -endometry -endomitosis -endomitotic -endomixis -endomorph -endomorphic -endomorphism -endomorphy -Endomyces -Endomycetaceae -endomysial -endomysium -endoneurial -endoneurium -endonuclear -endonucleolus -endoparasite -endoparasitic -Endoparasitica -endopathic -endopelvic -endopericarditis -endoperidial -endoperidium -endoperitonitis -endophagous -endophagy -endophasia -endophasic -endophlebitis -endophragm -endophragmal -Endophyllaceae -endophyllous -Endophyllum -endophytal -endophyte -endophytic -endophytically -endophytous -endoplasm -endoplasma -endoplasmic -endoplast -endoplastron -endoplastular -endoplastule -endopleura -endopleural -endopleurite -endopleuritic -endopod -endopodite -endopoditic -endoproct -Endoprocta -endoproctous -endopsychic -Endopterygota -endopterygote -endopterygotic -endopterygotism -endopterygotous -endorachis -endoral -endore -endorhinitis -endorsable -endorsation -endorse -endorsed -endorsee -endorsement -endorser -endorsingly -endosalpingitis -endosarc -endosarcode -endosarcous -endosclerite -endoscope -endoscopic -endoscopy -endosecretory -endosepsis -endosiphon -endosiphonal -endosiphonate -endosiphuncle -endoskeletal -endoskeleton -endosmometer -endosmometric -endosmosic -endosmosis -endosmotic -endosmotically -endosome -endosperm -endospermic -endospore -endosporium -endosporous -endoss -endosteal -endosteally -endosteitis -endosteoma -endosternite -endosternum -endosteum -endostitis -endostoma -endostome -endostosis -endostracal -endostracum -endostylar -endostyle -endostylic -endotheca -endothecal -endothecate -endothecial -endothecium -endothelia -endothelial -endothelioblastoma -endotheliocyte -endothelioid -endotheliolysin -endotheliolytic -endothelioma -endotheliomyoma -endotheliomyxoma -endotheliotoxin -endothelium -endothermal -endothermic -endothermous -endothermy -Endothia -endothoracic -endothorax -Endothrix -endothys -endotoxic -endotoxin -endotoxoid -endotracheitis -endotrachelitis -Endotrophi -endotrophic -endotys -endovaccination -endovasculitis -endovenous -endow -endower -endowment -endozoa -endpiece -Endromididae -Endromis -endue -enduement -endungeon -endura -endurability -endurable -endurableness -endurably -endurance -endurant -endure -endurer -enduring -enduringly -enduringness -endways -endwise -endyma -endymal -Endymion -endysis -Eneas -eneclann -enema -enemy -enemylike -enemyship -enepidermic -energeia -energesis -energetic -energetical -energetically -energeticalness -energeticist -energetics -energetistic -energic -energical -energid -energism -energist -energize -energizer -energumen -energumenon -energy -enervate -enervation -enervative -enervator -eneuch -eneugh -enface -enfacement -enfamous -enfasten -enfatico -enfeature -enfeeble -enfeeblement -enfeebler -enfelon -enfeoff -enfeoffment -enfester -enfetter -enfever -enfigure -enfilade -enfilading -enfile -enfiled -enflagellate -enflagellation -enflesh -enfleurage -enflower -enfoil -enfold -enfolden -enfolder -enfoldment -enfonced -enforce -enforceability -enforceable -enforced -enforcedly -enforcement -enforcer -enforcibility -enforcible -enforcingly -enfork -enfoul -enframe -enframement -enfranchisable -enfranchise -enfranchisement -enfranchiser -enfree -enfrenzy -enfuddle -enfurrow -engage -engaged -engagedly -engagedness -engagement -engager -engaging -engagingly -engagingness -engaol -engarb -engarble -engarland -engarment -engarrison -engastrimyth -engastrimythic -engaud -engaze -Engelmannia -engem -engender -engenderer -engenderment -engerminate -enghosted -engild -engine -engineer -engineering -engineership -enginehouse -engineless -enginelike -engineman -enginery -enginous -engird -engirdle -engirt -engjateigur -englacial -englacially -englad -engladden -Englander -Engler -Englerophoenix -Englifier -Englify -English -Englishable -Englisher -Englishhood -Englishism -Englishize -Englishly -Englishman -Englishness -Englishry -Englishwoman -englobe -englobement -engloom -englory -englut -englyn -engnessang -engobe -engold -engolden -engore -engorge -engorgement -engouled -engrace -engraff -engraft -engraftation -engrafter -engraftment -engrail -engrailed -engrailment -engrain -engrained -engrainedly -engrainer -engram -engramma -engrammatic -engrammic -engrandize -engrandizement -engraphia -engraphic -engraphically -engraphy -engrapple -engrasp -Engraulidae -Engraulis -engrave -engraved -engravement -engraver -engraving -engreen -engrieve -engroove -engross -engrossed -engrossedly -engrosser -engrossing -engrossingly -engrossingness -engrossment -enguard -engulf -engulfment -engyscope -engysseismology -Engystomatidae -enhallow -enhalo -enhamper -enhance -enhanced -enhancement -enhancer -enhancive -enharmonic -enharmonical -enharmonically -enhat -enhaunt -enhearse -enheart -enhearten -enhedge -enhelm -enhemospore -enherit -enheritage -enheritance -enhorror -enhunger -enhusk -Enhydra -Enhydrinae -Enhydris -enhydrite -enhydritic -enhydros -enhydrous -enhypostasia -enhypostasis -enhypostatic -enhypostatize -eniac -Enicuridae -Enid -Enif -enigma -enigmatic -enigmatical -enigmatically -enigmaticalness -enigmatist -enigmatization -enigmatize -enigmatographer -enigmatography -enigmatology -enisle -enjail -enjamb -enjambed -enjambment -enjelly -enjeopard -enjeopardy -enjewel -enjoin -enjoinder -enjoiner -enjoinment -enjoy -enjoyable -enjoyableness -enjoyably -enjoyer -enjoying -enjoyingly -enjoyment -enkerchief -enkernel -Enki -Enkidu -enkindle -enkindler -enkraal -enlace -enlacement -enlard -enlarge -enlargeable -enlargeableness -enlarged -enlargedly -enlargedness -enlargement -enlarger -enlarging -enlargingly -enlaurel -enleaf -enleague -enlevement -enlief -enlife -enlight -enlighten -enlightened -enlightenedly -enlightenedness -enlightener -enlightening -enlighteningly -enlightenment -enlink -enlinkment -enlist -enlisted -enlister -enlistment -enliven -enlivener -enlivening -enliveningly -enlivenment -enlock -enlodge -enlodgement -enmarble -enmask -enmass -enmesh -enmeshment -enmist -enmity -enmoss -enmuffle -enneacontahedral -enneacontahedron -ennead -enneadianome -enneadic -enneagon -enneagynous -enneahedral -enneahedria -enneahedron -enneapetalous -enneaphyllous -enneasemic -enneasepalous -enneaspermous -enneastyle -enneastylos -enneasyllabic -enneateric -enneatic -enneatical -ennerve -enniche -ennoble -ennoblement -ennobler -ennobling -ennoblingly -ennoic -ennomic -ennui -Enoch -Enochic -enocyte -enodal -enodally -enoil -enol -enolate -enolic -enolizable -enolization -enolize -enomania -enomaniac -enomotarch -enomoty -enophthalmos -enophthalmus -Enopla -enoplan -enoptromancy -enorganic -enorm -enormity -enormous -enormously -enormousness -Enos -enostosis -enough -enounce -enouncement -enow -enphytotic -enplane -enquicken -enquire -enquirer -enquiry -enrace -enrage -enraged -enragedly -enragement -enrange -enrank -enrapt -enrapture -enrapturer -enravish -enravishingly -enravishment -enray -enregiment -enregister -enregistration -enregistry -enrib -enrich -enricher -enriching -enrichingly -enrichment -enring -enrive -enrobe -enrobement -enrober -enrockment -enrol -enroll -enrolled -enrollee -enroller -enrollment -enrolment -enroot -enrough -enruin -enrut -ens -ensaffron -ensaint -ensample -ensand -ensandal -ensanguine -ensate -enscene -ensconce -enscroll -ensculpture -ense -enseam -enseat -enseem -ensellure -ensemble -ensepulcher -ensepulchre -enseraph -enserf -ensete -enshade -enshadow -enshawl -ensheathe -enshell -enshelter -enshield -enshrine -enshrinement -enshroud -Ensiferi -ensiform -ensign -ensigncy -ensignhood -ensignment -ensignry -ensignship -ensilage -ensilate -ensilation -ensile -ensilist -ensilver -ensisternum -ensky -enslave -enslavedness -enslavement -enslaver -ensmall -ensnare -ensnarement -ensnarer -ensnaring -ensnaringly -ensnarl -ensnow -ensorcelize -ensorcell -ensoul -enspell -ensphere -enspirit -enstamp -enstar -enstate -enstatite -enstatitic -enstatolite -ensteel -enstool -enstore -enstrengthen -ensuable -ensuance -ensuant -ensue -ensuer -ensuingly -ensulphur -ensure -ensurer -enswathe -enswathement -ensweep -entablature -entablatured -entablement -entach -entad -Entada -entail -entailable -entailer -entailment -ental -entame -Entamoeba -entamoebiasis -entamoebic -entangle -entangled -entangledly -entangledness -entanglement -entangler -entangling -entanglingly -entapophysial -entapophysis -entarthrotic -entasia -entasis -entelam -entelechy -entellus -Entelodon -entelodont -entempest -entemple -entente -Ententophil -entepicondylar -enter -enterable -enteraden -enteradenographic -enteradenography -enteradenological -enteradenology -enteral -enteralgia -enterate -enterauxe -enterclose -enterectomy -enterer -entergogenic -enteria -enteric -entericoid -entering -enteritidis -enteritis -entermete -enteroanastomosis -enterobiliary -enterocele -enterocentesis -enterochirurgia -enterochlorophyll -enterocholecystostomy -enterocinesia -enterocinetic -enterocleisis -enteroclisis -enteroclysis -Enterocoela -enterocoele -enterocoelic -enterocoelous -enterocolitis -enterocolostomy -enterocrinin -enterocyst -enterocystoma -enterodynia -enteroepiplocele -enterogastritis -enterogastrone -enterogenous -enterogram -enterograph -enterography -enterohelcosis -enterohemorrhage -enterohepatitis -enterohydrocele -enteroid -enterointestinal -enteroischiocele -enterokinase -enterokinesia -enterokinetic -enterolith -enterolithiasis -Enterolobium -enterology -enteromegalia -enteromegaly -enteromere -enteromesenteric -Enteromorpha -enteromycosis -enteromyiasis -enteron -enteroneuritis -enteroparalysis -enteroparesis -enteropathy -enteropexia -enteropexy -enterophthisis -enteroplasty -enteroplegia -enteropneust -Enteropneusta -enteropneustan -enteroptosis -enteroptotic -enterorrhagia -enterorrhaphy -enterorrhea -enteroscope -enterosepsis -enterospasm -enterostasis -enterostenosis -enterostomy -enterosyphilis -enterotome -enterotomy -enterotoxemia -enterotoxication -enterozoa -enterozoan -enterozoic -enterprise -enterpriseless -enterpriser -enterprising -enterprisingly -enterritoriality -entertain -entertainable -entertainer -entertaining -entertainingly -entertainingness -entertainment -enthalpy -entheal -enthelmintha -enthelminthes -enthelminthic -enthetic -enthral -enthraldom -enthrall -enthralldom -enthraller -enthralling -enthrallingly -enthrallment -enthralment -enthrone -enthronement -enthronization -enthronize -enthuse -enthusiasm -enthusiast -enthusiastic -enthusiastical -enthusiastically -enthusiastly -enthymematic -enthymematical -enthymeme -entia -entice -enticeable -enticeful -enticement -enticer -enticing -enticingly -enticingness -entifical -entification -entify -entincture -entire -entirely -entireness -entirety -entiris -entitative -entitatively -entitle -entitlement -entity -entoblast -entoblastic -entobranchiate -entobronchium -entocalcaneal -entocarotid -entocele -entocnemial -entocoele -entocoelic -entocondylar -entocondyle -entocondyloid -entocone -entoconid -entocornea -entocranial -entocuneiform -entocuniform -entocyemate -entocyst -entoderm -entodermal -entodermic -entogastric -entogenous -entoglossal -entohyal -entoil -entoilment -Entoloma -entomb -entombment -entomere -entomeric -entomic -entomical -entomion -entomogenous -entomoid -entomologic -entomological -entomologically -entomologist -entomologize -entomology -Entomophaga -entomophagan -entomophagous -Entomophila -entomophilous -entomophily -Entomophthora -Entomophthoraceae -entomophthoraceous -Entomophthorales -entomophthorous -entomophytous -Entomosporium -Entomostraca -entomostracan -entomostracous -entomotaxy -entomotomist -entomotomy -entone -entonement -entoolitic -entoparasite -entoparasitic -entoperipheral -entophytal -entophyte -entophytic -entophytically -entophytous -entopic -entopical -entoplasm -entoplastic -entoplastral -entoplastron -entopopliteal -Entoprocta -entoproctous -entopterygoid -entoptic -entoptical -entoptically -entoptics -entoptoscope -entoptoscopic -entoptoscopy -entoretina -entorganism -entosarc -entosclerite -entosphenal -entosphenoid -entosphere -entosternal -entosternite -entosternum -entothorax -entotic -Entotrophi -entotympanic -entourage -entozoa -entozoal -entozoan -entozoarian -entozoic -entozoological -entozoologically -entozoologist -entozoology -entozoon -entracte -entrail -entrails -entrain -entrainer -entrainment -entrammel -entrance -entrancedly -entrancement -entranceway -entrancing -entrancingly -entrant -entrap -entrapment -entrapper -entrappingly -entreasure -entreat -entreating -entreatingly -entreatment -entreaty -entree -entremets -entrench -entrenchment -entrepas -entrepot -entrepreneur -entrepreneurial -entrepreneurship -entresol -entrochite -entrochus -entropion -entropionize -entropium -entropy -entrough -entrust -entrustment -entry -entryman -entryway -enturret -entwine -entwinement -entwist -Entyloma -enucleate -enucleation -enucleator -Enukki -enumerable -enumerate -enumeration -enumerative -enumerator -enunciability -enunciable -enunciate -enunciation -enunciative -enunciatively -enunciator -enunciatory -enure -enuresis -enuretic -enurny -envapor -envapour -envassal -envassalage -envault -enveil -envelop -envelope -enveloper -envelopment -envenom -envenomation -enverdure -envermeil -enviable -enviableness -enviably -envied -envier -envineyard -envious -enviously -enviousness -environ -environage -environal -environic -environment -environmental -environmentalism -environmentalist -environmentally -environs -envisage -envisagement -envision -envolume -envoy -envoyship -envy -envying -envyingly -enwallow -enwiden -enwind -enwisen -enwoman -enwomb -enwood -enworthed -enwound -enwrap -enwrapment -enwreathe -enwrite -enwrought -enzone -enzootic -enzooty -enzym -enzymatic -enzyme -enzymic -enzymically -enzymologist -enzymology -enzymolysis -enzymolytic -enzymosis -enzymotic -eoan -Eoanthropus -Eocarboniferous -Eocene -Eodevonian -Eogaea -Eogaean -Eoghanacht -Eohippus -eolation -eolith -eolithic -Eomecon -eon -eonism -Eopalaeozoic -Eopaleozoic -eophyte -eophytic -eophyton -eorhyolite -eosate -Eosaurus -eoside -eosin -eosinate -eosinic -eosinoblast -eosinophile -eosinophilia -eosinophilic -eosinophilous -eosphorite -Eozoic -eozoon -eozoonal -epacmaic -epacme -epacrid -Epacridaceae -epacridaceous -Epacris -epact -epactal -epagoge -epagogic -epagomenae -epagomenal -epagomenic -epagomenous -epaleaceous -epalpate -epanadiplosis -Epanagoge -epanalepsis -epanaleptic -epanaphora -epanaphoral -epanastrophe -epanisognathism -epanisognathous -epanodos -epanody -Epanorthidae -epanorthosis -epanorthotic -epanthous -epapillate -epappose -eparch -eparchate -Eparchean -eparchial -eparchy -eparcuale -eparterial -epaule -epaulement -epaulet -epauleted -epauletted -epauliere -epaxial -epaxially -epedaphic -epee -epeeist -Epeira -epeiric -epeirid -Epeiridae -epeirogenesis -epeirogenetic -epeirogenic -epeirogeny -epeisodion -epembryonic -epencephal -epencephalic -epencephalon -ependyma -ependymal -ependyme -ependymitis -ependymoma -ependytes -epenthesis -epenthesize -epenthetic -epephragmal -epepophysial -epepophysis -epergne -eperotesis -Eperua -epexegesis -epexegetic -epexegetical -epexegetically -epha -ephah -epharmonic -epharmony -ephebe -ephebeion -ephebeum -ephebic -ephebos -ephebus -ephectic -Ephedra -Ephedraceae -ephedrine -ephelcystic -ephelis -Ephemera -ephemera -ephemerae -ephemeral -ephemerality -ephemerally -ephemeralness -ephemeran -ephemerid -Ephemerida -Ephemeridae -ephemerides -ephemeris -ephemerist -ephemeromorph -ephemeromorphic -ephemeron -Ephemeroptera -ephemerous -Ephesian -Ephesine -ephetae -ephete -ephetic -ephialtes -ephidrosis -ephippial -ephippium -ephod -ephor -ephoral -ephoralty -ephorate -ephoric -ephorship -ephorus -ephphatha -Ephraim -Ephraimite -Ephraimitic -Ephraimitish -Ephraitic -Ephrathite -Ephthalite -Ephthianura -ephthianure -Ephydra -ephydriad -ephydrid -Ephydridae -ephymnium -ephyra -ephyrula -epibasal -Epibaterium -epibatholithic -epibenthic -epibenthos -epiblast -epiblastema -epiblastic -epiblema -epibole -epibolic -epibolism -epiboly -epiboulangerite -epibranchial -epic -epical -epically -epicalyx -epicanthic -epicanthus -epicardia -epicardiac -epicardial -epicardium -epicarid -epicaridan -Epicaridea -Epicarides -epicarp -Epicauta -epicede -epicedial -epicedian -epicedium -epicele -epicene -epicenism -epicenity -epicenter -epicentral -epicentrum -Epiceratodus -epicerebral -epicheirema -epichil -epichile -epichilium -epichindrotic -epichirema -epichondrosis -epichordal -epichorial -epichoric -epichorion -epichoristic -Epichristian -epicism -epicist -epiclastic -epicleidian -epicleidium -epiclesis -epiclidal -epiclinal -epicly -epicnemial -Epicoela -epicoelar -epicoele -epicoelia -epicoeliac -epicoelian -epicoeloma -epicoelous -epicolic -epicondylar -epicondyle -epicondylian -epicondylic -epicontinental -epicoracohumeral -epicoracoid -epicoracoidal -epicormic -epicorolline -epicortical -epicostal -epicotyl -epicotyleal -epicotyledonary -epicranial -epicranium -epicranius -Epicrates -epicrisis -epicritic -epicrystalline -Epictetian -epicure -Epicurean -Epicureanism -epicurish -epicurishly -Epicurism -Epicurize -epicycle -epicyclic -epicyclical -epicycloid -epicycloidal -epicyemate -epicyesis -epicystotomy -epicyte -epideictic -epideictical -epideistic -epidemic -epidemical -epidemically -epidemicalness -epidemicity -epidemiographist -epidemiography -epidemiological -epidemiologist -epidemiology -epidemy -epidendral -epidendric -Epidendron -Epidendrum -epiderm -epiderma -epidermal -epidermatic -epidermatoid -epidermatous -epidermic -epidermical -epidermically -epidermidalization -epidermis -epidermization -epidermoid -epidermoidal -epidermolysis -epidermomycosis -Epidermophyton -epidermophytosis -epidermose -epidermous -epidesmine -epidialogue -epidiascope -epidiascopic -epidictic -epidictical -epididymal -epididymectomy -epididymis -epididymite -epididymitis -epididymodeferentectomy -epididymodeferential -epididymovasostomy -epidiorite -epidiorthosis -epidosite -epidote -epidotic -epidotiferous -epidotization -epidural -epidymides -epifascial -epifocal -epifolliculitis -Epigaea -epigamic -epigaster -epigastraeum -epigastral -epigastrial -epigastric -epigastrical -epigastriocele -epigastrium -epigastrocele -epigeal -epigean -epigeic -epigene -epigenesis -epigenesist -epigenetic -epigenetically -epigenic -epigenist -epigenous -epigeous -epiglottal -epiglottic -epiglottidean -epiglottiditis -epiglottis -epiglottitis -epignathous -epigonal -epigonation -epigone -Epigoni -epigonic -Epigonichthyidae -Epigonichthys -epigonium -epigonos -epigonous -Epigonus -epigram -epigrammatic -epigrammatical -epigrammatically -epigrammatism -epigrammatist -epigrammatize -epigrammatizer -epigraph -epigrapher -epigraphic -epigraphical -epigraphically -epigraphist -epigraphy -epiguanine -epigyne -epigynous -epigynum -epigyny -Epihippus -epihyal -epihydric -epihydrinic -epikeia -epiklesis -Epikouros -epilabrum -Epilachna -Epilachnides -epilamellar -epilaryngeal -epilate -epilation -epilatory -epilegomenon -epilemma -epilemmal -epilepsy -epileptic -epileptically -epileptiform -epileptogenic -epileptogenous -epileptoid -epileptologist -epileptology -epilimnion -epilobe -Epilobiaceae -Epilobium -epilogation -epilogic -epilogical -epilogist -epilogistic -epilogize -epilogue -Epimachinae -epimacus -epimandibular -epimanikia -Epimedium -Epimenidean -epimer -epimeral -epimere -epimeric -epimeride -epimerite -epimeritic -epimeron -epimerum -epimorphic -epimorphosis -epimysium -epimyth -epinaos -epinastic -epinastically -epinasty -epineolithic -Epinephelidae -Epinephelus -epinephrine -epinette -epineural -epineurial -epineurium -epinglette -epinicial -epinician -epinicion -epinine -epiopticon -epiotic -Epipactis -epipaleolithic -epiparasite -epiparodos -epipastic -epiperipheral -epipetalous -epiphanous -Epiphany -epipharyngeal -epipharynx -Epiphegus -epiphenomenal -epiphenomenalism -epiphenomenalist -epiphenomenon -epiphloedal -epiphloedic -epiphloeum -epiphonema -epiphora -epiphragm -epiphylline -epiphyllous -Epiphyllum -epiphysary -epiphyseal -epiphyseolysis -epiphysial -epiphysis -epiphysitis -epiphytal -epiphyte -epiphytic -epiphytical -epiphytically -epiphytism -epiphytology -epiphytotic -epiphytous -epipial -epiplankton -epiplanktonic -epiplasm -epiplasmic -epiplastral -epiplastron -epiplectic -epipleura -epipleural -epiplexis -epiploce -epiplocele -epiploic -epiploitis -epiploon -epiplopexy -epipodial -epipodiale -epipodite -epipoditic -epipodium -epipolic -epipolism -epipolize -epiprecoracoid -Epipsychidion -epipteric -epipterous -epipterygoid -epipubic -epipubis -epirhizous -epirogenic -epirogeny -Epirote -Epirotic -epirotulian -epirrhema -epirrhematic -epirrheme -episarcine -episcenium -episclera -episcleral -episcleritis -episcopable -episcopacy -Episcopal -episcopal -episcopalian -Episcopalianism -Episcopalianize -episcopalism -episcopality -Episcopally -episcopally -episcopate -episcopature -episcope -episcopicide -episcopization -episcopize -episcopolatry -episcotister -episematic -episepalous -episiocele -episiohematoma -episioplasty -episiorrhagia -episiorrhaphy -episiostenosis -episiotomy -episkeletal -episkotister -episodal -episode -episodial -episodic -episodical -episodically -epispadiac -epispadias -epispastic -episperm -epispermic -epispinal -episplenitis -episporangium -epispore -episporium -epistapedial -epistasis -epistatic -epistaxis -epistemic -epistemolog -epistemological -epistemologically -epistemologist -epistemology -epistemonic -epistemonical -epistemophilia -epistemophiliac -epistemophilic -episternal -episternalia -episternite -episternum -epistilbite -epistlar -epistle -epistler -epistolarian -epistolarily -epistolary -epistolatory -epistoler -epistolet -epistolic -epistolical -epistolist -epistolizable -epistolization -epistolize -epistolizer -epistolographer -epistolographic -epistolographist -epistolography -epistoma -epistomal -epistome -epistomian -epistroma -epistrophe -epistropheal -epistropheus -epistrophic -epistrophy -epistylar -epistyle -Epistylis -episyllogism -episynaloephe -episynthetic -episyntheton -epitactic -epitaph -epitapher -epitaphial -epitaphian -epitaphic -epitaphical -epitaphist -epitaphize -epitaphless -epitasis -epitela -epitendineum -epitenon -epithalamia -epithalamial -epithalamiast -epithalamic -epithalamion -epithalamium -epithalamize -epithalamus -epithalamy -epithalline -epitheca -epithecal -epithecate -epithecium -epithelia -epithelial -epithelioblastoma -epithelioceptor -epitheliogenetic -epithelioglandular -epithelioid -epitheliolysin -epitheliolysis -epitheliolytic -epithelioma -epitheliomatous -epitheliomuscular -epitheliosis -epitheliotoxin -epithelium -epithelization -epithelize -epitheloid -epithem -epithesis -epithet -epithetic -epithetical -epithetically -epithetician -epithetize -epitheton -epithumetic -epithyme -epithymetic -epithymetical -epitimesis -epitoke -epitomator -epitomatory -epitome -epitomic -epitomical -epitomically -epitomist -epitomization -epitomize -epitomizer -epitonic -Epitoniidae -epitonion -Epitonium -epitoxoid -epitrachelion -epitrichial -epitrichium -epitrite -epitritic -epitrochlea -epitrochlear -epitrochoid -epitrochoidal -epitrope -epitrophic -epitrophy -epituberculosis -epituberculous -epitympanic -epitympanum -epityphlitis -epityphlon -epiural -epivalve -epixylous -epizeuxis -Epizoa -epizoa -epizoal -epizoan -epizoarian -epizoic -epizoicide -epizoon -epizootic -epizootiology -epoch -epocha -epochal -epochally -epochism -epochist -epode -epodic -epollicate -Epomophorus -eponychium -eponym -eponymic -eponymism -eponymist -eponymize -eponymous -eponymus -eponymy -epoophoron -epopee -epopoean -epopoeia -epopoeist -epopt -epoptes -epoptic -epoptist -epornitic -epornitically -epos -Eppie -Eppy -Eproboscidea -epruinose -epsilon -Epsom -epsomite -Eptatretidae -Eptatretus -epulary -epulation -epulis -epulo -epuloid -epulosis -epulotic -epupillate -epural -epurate -epuration -epyllion -equability -equable -equableness -equably -equaeval -equal -equalable -equaling -equalist -equalitarian -equalitarianism -equality -equalization -equalize -equalizer -equalizing -equalling -equally -equalness -equangular -equanimity -equanimous -equanimously -equanimousness -equant -equatable -equate -equation -equational -equationally -equationism -equationist -equator -equatorial -equatorially -equatorward -equatorwards -equerry -equerryship -equestrial -equestrian -equestrianism -equestrianize -equestrianship -equestrienne -equianchorate -equiangle -equiangular -equiangularity -equianharmonic -equiarticulate -equiatomic -equiaxed -equiaxial -equibalance -equibiradiate -equicellular -equichangeable -equicohesive -equiconvex -equicostate -equicrural -equicurve -equid -equidense -equidensity -equidiagonal -equidifferent -equidimensional -equidistance -equidistant -equidistantial -equidistantly -equidistribution -equidiurnal -equidivision -equidominant -equidurable -equielliptical -equiexcellency -equiform -equiformal -equiformity -equiglacial -equigranular -equijacent -equilateral -equilaterally -equilibrant -equilibrate -equilibration -equilibrative -equilibrator -equilibratory -equilibria -equilibrial -equilibriate -equilibrio -equilibrious -equilibrist -equilibristat -equilibristic -equilibrity -equilibrium -equilibrize -equilobate -equilobed -equilocation -equilucent -equimodal -equimolar -equimolecular -equimomental -equimultiple -equinate -equine -equinecessary -equinely -equinia -equinity -equinoctial -equinoctially -equinovarus -equinox -equinumerally -equinus -equiomnipotent -equip -equipaga -equipage -equiparant -equiparate -equiparation -equipartile -equipartisan -equipartition -equiped -equipedal -equiperiodic -equipluve -equipment -equipoise -equipollence -equipollency -equipollent -equipollently -equipollentness -equiponderance -equiponderancy -equiponderant -equiponderate -equiponderation -equipostile -equipotent -equipotential -equipotentiality -equipper -equiprobabilism -equiprobabilist -equiprobability -equiproducing -equiproportional -equiproportionality -equiradial -equiradiate -equiradical -equirotal -equisegmented -Equisetaceae -equisetaceous -Equisetales -equisetic -Equisetum -equisided -equisignal -equisized -equison -equisonance -equisonant -equispaced -equispatial -equisufficiency -equisurface -equitable -equitableness -equitably -equitangential -equitant -equitation -equitative -equitemporal -equitemporaneous -equites -equitist -equitriangular -equity -equivalence -equivalenced -equivalency -equivalent -equivalently -equivaliant -equivalue -equivaluer -equivalve -equivalved -equivalvular -equivelocity -equivocacy -equivocal -equivocality -equivocally -equivocalness -equivocate -equivocatingly -equivocation -equivocator -equivocatory -equivoluminal -equivoque -equivorous -equivote -equoid -equoidean -equuleus -Equus -er -era -erade -eradiate -eradiation -eradicable -eradicant -eradicate -eradication -eradicative -eradicator -eradicatory -eradiculose -Eragrostis -eral -eranist -Eranthemum -Eranthis -erasable -erase -erased -erasement -eraser -erasion -Erasmian -Erasmus -Erastian -Erastianism -Erastianize -Erastus -erasure -Erava -erbia -erbium -erd -erdvark -ere -Erechtheum -Erechtheus -Erechtites -erect -erectable -erecter -erectile -erectility -erecting -erection -erective -erectly -erectness -erectopatent -erector -erelong -eremacausis -Eremian -eremic -eremital -eremite -eremiteship -eremitic -eremitical -eremitish -eremitism -Eremochaeta -eremochaetous -eremology -eremophyte -Eremopteris -Eremurus -erenach -erenow -erepsin -erept -ereptase -ereptic -ereption -erethic -erethisia -erethism -erethismic -erethistic -erethitic -Erethizon -Erethizontidae -Eretrian -erewhile -erewhiles -erg -ergal -ergamine -Ergane -ergasia -ergasterion -ergastic -ergastoplasm -ergastoplasmic -ergastulum -ergatandromorph -ergatandromorphic -ergatandrous -ergatandry -ergates -ergatocracy -ergatocrat -ergatogyne -ergatogynous -ergatogyny -ergatoid -ergatomorph -ergatomorphic -ergatomorphism -ergmeter -ergodic -ergogram -ergograph -ergographic -ergoism -ergology -ergomaniac -ergometer -ergometric -ergometrine -ergon -ergonovine -ergophile -ergophobia -ergophobiac -ergoplasm -ergostat -ergosterin -ergosterol -ergot -ergotamine -ergotaminine -ergoted -ergothioneine -ergotic -ergotin -ergotinine -ergotism -ergotist -ergotization -ergotize -ergotoxin -ergotoxine -ergusia -eria -Erian -Erianthus -Eric -eric -Erica -Ericaceae -ericaceous -ericad -erical -Ericales -ericetal -ericeticolous -ericetum -erichthus -erichtoid -ericineous -ericius -Erick -ericoid -ericolin -ericophyte -Eridanid -Erie -Erigenia -Erigeron -erigible -Eriglossa -eriglossate -Erik -erika -erikite -Erinaceidae -erinaceous -Erinaceus -erineum -erinite -Erinize -erinose -Eriobotrya -Eriocaulaceae -eriocaulaceous -Eriocaulon -Eriocomi -Eriodendron -Eriodictyon -erioglaucine -Eriogonum -eriometer -erionite -Eriophorum -Eriophyes -Eriophyidae -eriophyllous -Eriosoma -Eriphyle -Eristalis -eristic -eristical -eristically -Erithacus -Eritrean -erizo -erlking -Erma -Ermanaric -Ermani -Ermanrich -ermelin -ermine -ermined -erminee -ermines -erminites -erminois -erne -Ernest -Ernestine -Ernie -Ernst -erode -eroded -erodent -erodible -Erodium -erogeneity -erogenesis -erogenetic -erogenic -erogenous -erogeny -Eros -eros -erose -erosely -erosible -erosion -erosional -erosionist -erosive -erostrate -eroteme -erotesis -erotetic -erotic -erotica -erotical -erotically -eroticism -eroticize -eroticomania -erotism -erotogenesis -erotogenetic -erotogenic -erotogenicity -erotomania -erotomaniac -erotopath -erotopathic -erotopathy -Erotylidae -Erpetoichthys -erpetologist -err -errability -errable -errableness -errabund -errancy -errand -errant -Errantia -errantly -errantness -errantry -errata -erratic -erratical -erratically -erraticalness -erraticism -erraticness -erratum -errhine -erring -erringly -errite -erroneous -erroneously -erroneousness -error -errorful -errorist -errorless -ers -Ersar -ersatz -Erse -Ertebolle -erth -erthen -erthling -erthly -erubescence -erubescent -erubescite -eruc -Eruca -eruca -erucic -eruciform -erucin -erucivorous -eruct -eructance -eructation -eructative -eruction -erudit -erudite -eruditely -eruditeness -eruditical -erudition -eruditional -eruditionist -erugate -erugation -erugatory -erumpent -erupt -eruption -eruptional -eruptive -eruptively -eruptiveness -eruptivity -ervenholder -Ervipiame -Ervum -Erwin -Erwinia -eryhtrism -Erymanthian -Eryngium -eryngo -Eryon -Eryops -Erysibe -Erysimum -erysipelas -erysipelatoid -erysipelatous -erysipeloid -Erysipelothrix -erysipelous -Erysiphaceae -Erysiphe -Erythea -erythema -erythematic -erythematous -erythemic -Erythraea -Erythraean -Erythraeidae -erythrasma -erythrean -erythremia -erythremomelalgia -erythrene -erythrin -Erythrina -erythrine -Erythrinidae -Erythrinus -erythrismal -erythristic -erythrite -erythritic -erythritol -erythroblast -erythroblastic -erythroblastosis -erythrocarpous -erythrocatalysis -Erythrochaete -erythrochroic -erythrochroism -erythroclasis -erythroclastic -erythrocyte -erythrocytic -erythrocytoblast -erythrocytolysin -erythrocytolysis -erythrocytolytic -erythrocytometer -erythrocytorrhexis -erythrocytoschisis -erythrocytosis -erythrodegenerative -erythrodermia -erythrodextrin -erythrogenesis -erythrogenic -erythroglucin -erythrogonium -erythroid -erythrol -erythrolein -erythrolitmin -erythrolysin -erythrolysis -erythrolytic -erythromelalgia -erythron -erythroneocytosis -Erythronium -erythronium -erythropenia -erythrophage -erythrophagous -erythrophilous -erythrophleine -erythrophobia -erythrophore -erythrophyll -erythrophyllin -erythropia -erythroplastid -erythropoiesis -erythropoietic -erythropsia -erythropsin -erythrorrhexis -erythroscope -erythrose -erythrosiderite -erythrosin -erythrosinophile -erythrosis -Erythroxylaceae -erythroxylaceous -erythroxyline -Erythroxylon -Erythroxylum -erythrozincite -erythrozyme -erythrulose -Eryx -es -esca -escadrille -escalade -escalader -escalado -escalan -escalate -Escalator -escalator -escalin -Escallonia -Escalloniaceae -escalloniaceous -escalop -escaloped -escambio -escambron -escapable -escapade -escapage -escape -escapee -escapeful -escapeless -escapement -escaper -escapingly -escapism -escapist -escarbuncle -escargatoire -escarole -escarp -escarpment -eschalot -eschar -eschara -escharine -escharoid -escharotic -eschatocol -eschatological -eschatologist -eschatology -escheat -escheatable -escheatage -escheatment -escheator -escheatorship -Escherichia -eschew -eschewal -eschewance -eschewer -Eschscholtzia -eschynite -esclavage -escoba -escobadura -escobilla -escobita -escolar -esconson -escopette -Escorial -escort -escortage -escortee -escortment -escribe -escritoire -escritorial -escrol -escropulo -escrow -escruage -escudo -Esculapian -esculent -esculetin -esculin -escutcheon -escutcheoned -escutellate -esdragol -Esdras -Esebrias -esemplastic -esemplasy -eseptate -esere -eserine -esexual -eshin -esiphonal -esker -Eskimauan -Eskimo -Eskimoic -Eskimoid -Eskimoized -Eskualdun -Eskuara -Esmeralda -Esmeraldan -esmeraldite -esne -esoanhydride -esocataphoria -Esocidae -esociform -esocyclic -esodic -esoenteritis -esoethmoiditis -esogastritis -esonarthex -esoneural -esophagal -esophagalgia -esophageal -esophagean -esophagectasia -esophagectomy -esophagi -esophagism -esophagismus -esophagitis -esophago -esophagocele -esophagodynia -esophagogastroscopy -esophagogastrostomy -esophagomalacia -esophagometer -esophagomycosis -esophagopathy -esophagoplasty -esophagoplegia -esophagoplication -esophagoptosis -esophagorrhagia -esophagoscope -esophagoscopy -esophagospasm -esophagostenosis -esophagostomy -esophagotome -esophagotomy -esophagus -esophoria -esophoric -Esopus -esoteric -esoterica -esoterical -esoterically -esotericism -esotericist -esoterics -esoterism -esoterist -esoterize -esotery -esothyropexy -esotrope -esotropia -esotropic -Esox -espacement -espadon -espalier -espantoon -esparcet -esparsette -esparto -espathate -espave -especial -especially -especialness -esperance -Esperantic -Esperantidist -Esperantido -Esperantism -Esperantist -Esperanto -espial -espichellite -espier -espinal -espingole -espinillo -espino -espionage -esplanade -esplees -esponton -espousal -espouse -espousement -espouser -Espriella -espringal -espundia -espy -esquamate -esquamulose -Esquiline -esquire -esquirearchy -esquiredom -esquireship -ess -essang -essay -essayer -essayette -essayical -essayish -essayism -essayist -essayistic -essayistical -essaylet -essed -Essedones -Esselen -Esselenian -essence -essency -Essene -Essenian -Essenianism -Essenic -Essenical -Essenis -Essenism -Essenize -essentia -essential -essentialism -essentialist -essentiality -essentialize -essentially -essentialness -essenwood -Essex -essexite -Essie -essling -essoin -essoinee -essoiner -essoinment -essonite -essorant -establish -establishable -established -establisher -establishment -establishmentarian -establishmentarianism -establishmentism -estacade -estadal -estadio -estado -estafette -estafetted -estamene -estamp -estampage -estampede -estampedero -estate -estatesman -esteem -esteemable -esteemer -Estella -ester -esterase -esterellite -esteriferous -esterification -esterify -esterization -esterize -esterlin -esterling -estevin -Esth -Esthacyte -esthematology -Esther -Estheria -estherian -Estheriidae -esthesia -esthesio -esthesioblast -esthesiogen -esthesiogenic -esthesiogeny -esthesiography -esthesiology -esthesiometer -esthesiometric -esthesiometry -esthesioneurosis -esthesiophysiology -esthesis -esthetology -esthetophore -esthiomene -estimable -estimableness -estimably -estimate -estimatingly -estimation -estimative -estimator -estipulate -estivage -estival -estivate -estivation -estivator -estmark -estoc -estoile -Estonian -estop -estoppage -estoppel -Estotiland -estovers -estrade -estradiol -estradiot -estragole -estrange -estrangedness -estrangement -estranger -estrapade -estray -estre -estreat -estrepe -estrepement -estriate -estriche -estrin -estriol -estrogen -estrogenic -estrone -estrous -estrual -estruate -estruation -estuarial -estuarine -estuary -estufa -estuous -estus -esugarization -esurience -esurient -esuriently -eta -etaballi -etacism -etacist -etalon -Etamin -etamine -etch -Etchareottine -etcher -Etchimin -etching -Eteoclus -Eteocretes -Eteocreton -eternal -eternalism -eternalist -eternalization -eternalize -eternally -eternalness -eternity -eternization -eternize -etesian -ethal -ethaldehyde -Ethan -ethanal -ethanamide -ethane -ethanedial -ethanediol -ethanedithiol -ethanethial -ethanethiol -Ethanim -ethanol -ethanolamine -ethanolysis -ethanoyl -Ethel -ethel -ethene -Etheneldeli -ethenic -ethenoid -ethenoidal -ethenol -ethenyl -Etheostoma -Etheostomidae -Etheostominae -etheostomoid -ether -etherate -ethereal -etherealism -ethereality -etherealization -etherealize -ethereally -etherealness -etherean -ethered -ethereous -Etheria -etheric -etherification -etheriform -etherify -Etheriidae -etherin -etherion -etherism -etherization -etherize -etherizer -etherolate -etherous -ethic -ethical -ethicalism -ethicality -ethically -ethicalness -ethician -ethicism -ethicist -ethicize -ethicoaesthetic -ethicophysical -ethicopolitical -ethicoreligious -ethicosocial -ethics -ethid -ethide -ethidene -ethine -ethiodide -ethionic -Ethiop -Ethiopia -Ethiopian -Ethiopic -ethiops -ethmofrontal -ethmoid -ethmoidal -ethmoiditis -ethmolachrymal -ethmolith -ethmomaxillary -ethmonasal -ethmopalatal -ethmopalatine -ethmophysal -ethmopresphenoidal -ethmosphenoid -ethmosphenoidal -ethmoturbinal -ethmoturbinate -ethmovomer -ethmovomerine -ethmyphitis -ethnal -ethnarch -ethnarchy -ethnic -ethnical -ethnically -ethnicism -ethnicist -ethnicize -ethnicon -ethnize -ethnobiological -ethnobiology -ethnobotanic -ethnobotanical -ethnobotanist -ethnobotany -ethnocentric -ethnocentrism -ethnocracy -ethnodicy -ethnoflora -ethnogenic -ethnogeny -ethnogeographer -ethnogeographic -ethnogeographical -ethnogeographically -ethnogeography -ethnographer -ethnographic -ethnographical -ethnographically -ethnographist -ethnography -ethnologer -ethnologic -ethnological -ethnologically -ethnologist -ethnology -ethnomaniac -ethnopsychic -ethnopsychological -ethnopsychology -ethnos -ethnotechnics -ethnotechnography -ethnozoological -ethnozoology -ethography -etholide -ethologic -ethological -ethology -ethonomic -ethonomics -ethopoeia -ethos -ethoxide -ethoxycaffeine -ethoxyl -ethrog -ethyl -ethylamide -ethylamine -ethylate -ethylation -ethylene -ethylenediamine -ethylenic -ethylenimine -ethylenoid -ethylhydrocupreine -ethylic -ethylidene -ethylidyne -ethylin -ethylmorphine -ethylsulphuric -ethyne -ethynyl -etiogenic -etiolate -etiolation -etiolin -etiolize -etiological -etiologically -etiologist -etiologue -etiology -etiophyllin -etioporphyrin -etiotropic -etiotropically -etiquette -etiquettical -etna -Etnean -Etonian -Etrurian -Etruscan -Etruscologist -Etruscology -Etta -Ettarre -ettle -etua -etude -etui -etym -etymic -etymography -etymologer -etymologic -etymological -etymologically -etymologicon -etymologist -etymologization -etymologize -etymology -etymon -etymonic -etypic -etypical -etypically -eu -Euahlayi -euangiotic -Euascomycetes -euaster -Eubacteriales -eubacterium -Eubasidii -Euboean -Euboic -Eubranchipus -eucaine -eucairite -eucalypt -eucalypteol -eucalyptian -eucalyptic -eucalyptography -eucalyptol -eucalyptole -Eucalyptus -eucalyptus -Eucarida -eucatropine -eucephalous -Eucharis -Eucharist -eucharistial -eucharistic -eucharistical -Eucharistically -eucharistically -eucharistize -Eucharitidae -Euchite -Euchlaena -euchlorhydria -euchloric -euchlorine -Euchlorophyceae -euchological -euchologion -euchology -Euchorda -euchre -euchred -euchroic -euchroite -euchromatic -euchromatin -euchrome -euchromosome -euchrone -Eucirripedia -euclase -Euclea -Eucleidae -Euclid -Euclidean -Euclideanism -Eucnemidae -eucolite -Eucommia -Eucommiaceae -eucone -euconic -Euconjugatae -Eucopepoda -Eucosia -eucosmid -Eucosmidae -eucrasia -eucrasite -eucrasy -eucrite -Eucryphia -Eucryphiaceae -eucryphiaceous -eucryptite -eucrystalline -euctical -eucyclic -eudaemon -eudaemonia -eudaemonic -eudaemonical -eudaemonics -eudaemonism -eudaemonist -eudaemonistic -eudaemonistical -eudaemonistically -eudaemonize -eudaemony -eudaimonia -eudaimonism -eudaimonist -Eudemian -Eudendrium -Eudeve -eudiagnostic -eudialyte -eudiaphoresis -eudidymite -eudiometer -eudiometric -eudiometrical -eudiometrically -eudiometry -eudipleural -Eudist -Eudora -Eudorina -Eudoxian -Eudromias -Eudyptes -Euergetes -euge -Eugene -eugenesic -eugenesis -eugenetic -Eugenia -eugenic -eugenical -eugenically -eugenicist -eugenics -Eugenie -eugenism -eugenist -eugenol -eugenolate -eugeny -Euglandina -Euglena -Euglenaceae -Euglenales -Euglenida -Euglenidae -Euglenineae -euglenoid -Euglenoidina -euglobulin -eugranitic -Eugregarinida -Eugubine -Eugubium -euharmonic -euhedral -euhemerism -euhemerist -euhemeristic -euhemeristically -euhemerize -euhyostylic -euhyostyly -euktolite -eulachon -Eulalia -eulalia -eulamellibranch -Eulamellibranchia -Eulamellibranchiata -Eulima -Eulimidae -eulogia -eulogic -eulogical -eulogically -eulogious -eulogism -eulogist -eulogistic -eulogistical -eulogistically -eulogium -eulogization -eulogize -eulogizer -eulogy -eulysite -eulytine -eulytite -Eumenes -eumenid -Eumenidae -Eumenidean -Eumenides -eumenorrhea -eumerism -eumeristic -eumerogenesis -eumerogenetic -eumeromorph -eumeromorphic -eumitosis -eumitotic -eumoiriety -eumoirous -Eumolpides -Eumolpus -eumorphous -eumycete -Eumycetes -eumycetic -Eunectes -Eunice -eunicid -Eunicidae -Eunomia -Eunomian -Eunomianism -eunomy -eunuch -eunuchal -eunuchism -eunuchize -eunuchoid -eunuchoidism -eunuchry -euomphalid -Euomphalus -euonym -euonymin -euonymous -Euonymus -euonymy -Euornithes -euornithic -Euorthoptera -euosmite -euouae -eupad -Eupanorthidae -Eupanorthus -eupathy -eupatoriaceous -eupatorin -Eupatorium -eupatory -eupatrid -eupatridae -eupepsia -eupepsy -eupeptic -eupepticism -eupepticity -Euphausia -Euphausiacea -euphausiid -Euphausiidae -Euphemia -euphemian -euphemious -euphemiously -euphemism -euphemist -euphemistic -euphemistical -euphemistically -euphemize -euphemizer -euphemous -euphemy -euphon -euphone -euphonetic -euphonetics -euphonia -euphonic -euphonical -euphonically -euphonicalness -euphonious -euphoniously -euphoniousness -euphonism -euphonium -euphonize -euphonon -euphonous -euphony -euphonym -Euphorbia -Euphorbiaceae -euphorbiaceous -euphorbium -euphoria -euphoric -euphory -Euphrasia -euphrasy -Euphratean -euphroe -Euphrosyne -Euphues -euphuism -euphuist -euphuistic -euphuistical -euphuistically -euphuize -Euphyllopoda -eupione -eupittonic -euplastic -Euplectella -Euplexoptera -Euplocomi -Euploeinae -euploid -euploidy -eupnea -Eupolidean -Eupolyzoa -eupolyzoan -Eupomatia -Eupomatiaceae -eupractic -eupraxia -Euprepia -Euproctis -eupsychics -Euptelea -Eupterotidae -eupyrchroite -eupyrene -eupyrion -Eurafric -Eurafrican -Euraquilo -Eurasian -Eurasianism -Eurasiatic -eureka -eurhodine -eurhodol -Eurindic -Euripidean -euripus -eurite -Euroaquilo -eurobin -Euroclydon -Europa -Europasian -European -Europeanism -Europeanization -Europeanize -Europeanly -Europeward -europium -Europocentric -Eurus -Euryalae -Euryale -Euryaleae -euryalean -Euryalida -euryalidan -Euryalus -eurybathic -eurybenthic -eurycephalic -eurycephalous -Eurycerotidae -Euryclea -Eurydice -Eurygaea -Eurygaean -eurygnathic -eurygnathism -eurygnathous -euryhaline -Eurylaimi -Eurylaimidae -eurylaimoid -Eurylaimus -Eurymus -euryon -Eurypelma -Eurypharyngidae -Eurypharynx -euryprognathous -euryprosopic -eurypterid -Eurypterida -eurypteroid -Eurypteroidea -Eurypterus -Eurypyga -Eurypygae -Eurypygidae -eurypylous -euryscope -Eurystheus -eurystomatous -eurythermal -eurythermic -eurythmic -eurythmical -eurythmics -eurythmy -eurytomid -Eurytomidae -Eurytus -euryzygous -Euscaro -Eusebian -Euselachii -Euskaldun -Euskara -Euskarian -Euskaric -Euskera -eusol -Euspongia -eusporangiate -Eustace -Eustachian -eustachium -Eustathian -eustatic -Eusthenopteron -eustomatous -eustyle -Eusuchia -eusuchian -eusynchite -Eutaenia -eutannin -eutaxic -eutaxite -eutaxitic -eutaxy -eutechnic -eutechnics -eutectic -eutectoid -Euterpe -Euterpean -eutexia -Euthamia -euthanasia -euthanasy -euthenics -euthenist -Eutheria -eutherian -euthermic -Euthycomi -euthycomic -Euthyneura -euthyneural -euthyneurous -euthytatic -euthytropic -eutomous -eutony -Eutopia -Eutopian -eutrophic -eutrophy -eutropic -eutropous -Eutychian -Eutychianism -euxanthate -euxanthic -euxanthone -euxenite -Euxine -Eva -evacuant -evacuate -evacuation -evacuative -evacuator -evacue -evacuee -evadable -evade -evader -evadingly -Evadne -evagation -evaginable -evaginate -evagination -evaluable -evaluate -evaluation -evaluative -evalue -Evan -evanesce -evanescence -evanescency -evanescent -evanescently -evanescible -evangel -evangelary -evangelian -evangeliarium -evangeliary -evangelical -evangelicalism -evangelicality -evangelically -evangelicalness -evangelican -evangelicism -evangelicity -Evangeline -evangelion -evangelism -evangelist -evangelistarion -evangelistarium -evangelistary -evangelistic -evangelistically -evangelistics -evangelistship -evangelium -evangelization -evangelize -evangelizer -Evaniidae -evanish -evanishment -evanition -evansite -evaporability -evaporable -evaporate -evaporation -evaporative -evaporativity -evaporator -evaporimeter -evaporize -evaporometer -evase -evasible -evasion -evasional -evasive -evasively -evasiveness -Eve -eve -Evea -evechurr -evection -evectional -Evehood -evejar -Eveless -evelight -Evelina -Eveline -evelong -Evelyn -even -evenblush -evendown -evener -evenfall -evenforth -evenglow -evenhanded -evenhandedly -evenhandedness -evening -evenlight -evenlong -evenly -evenmete -evenminded -evenmindedness -evenness -evens -evensong -event -eventful -eventfully -eventfulness -eventide -eventime -eventless -eventlessly -eventlessness -eventognath -Eventognathi -eventognathous -eventration -eventual -eventuality -eventualize -eventually -eventuate -eventuation -evenwise -evenworthy -eveque -ever -Everard -everbearer -everbearing -everbloomer -everblooming -everduring -Everett -everglade -evergreen -evergreenery -evergreenite -everlasting -everlastingly -everlastingness -everliving -evermore -Evernia -evernioid -eversible -eversion -eversive -eversporting -evert -evertebral -Evertebrata -evertebrate -evertile -evertor -everwhich -everwho -every -everybody -everyday -everydayness -everyhow -everylike -Everyman -everyman -everyness -everyone -everything -everywhen -everywhence -everywhere -everywhereness -everywheres -everywhither -evestar -evetide -eveweed -evict -eviction -evictor -evidence -evidencive -evident -evidential -evidentially -evidentiary -evidently -evidentness -evil -evildoer -evilhearted -evilly -evilmouthed -evilness -evilproof -evilsayer -evilspeaker -evilspeaking -evilwishing -evince -evincement -evincible -evincibly -evincingly -evincive -evirate -eviration -eviscerate -evisceration -evisite -evitable -evitate -evitation -evittate -evocable -evocate -evocation -evocative -evocatively -evocator -evocatory -evocatrix -Evodia -evoe -evoke -evoker -evolute -evolution -evolutional -evolutionally -evolutionary -evolutionism -evolutionist -evolutionize -evolutive -evolutoid -evolvable -evolve -evolvement -evolvent -evolver -Evonymus -evovae -evulgate -evulgation -evulse -evulsion -evzone -ewder -Ewe -ewe -ewelease -ewer -ewerer -ewery -ewry -ex -exacerbate -exacerbation -exacerbescence -exacerbescent -exact -exactable -exacter -exacting -exactingly -exactingness -exaction -exactitude -exactive -exactiveness -exactly -exactment -exactness -exactor -exactress -exadversum -exaggerate -exaggerated -exaggeratedly -exaggerating -exaggeratingly -exaggeration -exaggerative -exaggeratively -exaggerativeness -exaggerator -exaggeratory -exagitate -exagitation -exairesis -exalate -exalbuminose -exalbuminous -exallotriote -exalt -exaltation -exaltative -exalted -exaltedly -exaltedness -exalter -exam -examen -examinability -examinable -examinant -examinate -examination -examinational -examinationism -examinationist -examinative -examinator -examinatorial -examinatory -examine -examinee -examiner -examinership -examining -examiningly -example -exampleless -exampleship -exanimate -exanimation -exanthem -exanthema -exanthematic -exanthematous -exappendiculate -exarate -exaration -exarch -exarchal -exarchate -exarchateship -Exarchic -Exarchist -exarchist -exarchy -exareolate -exarillate -exaristate -exarteritis -exarticulate -exarticulation -exasperate -exasperated -exasperatedly -exasperater -exasperating -exasperatingly -exasperation -exasperative -exaspidean -Exaudi -exaugurate -exauguration -excalate -excalation -excalcarate -excalceate -excalceation -Excalibur -excamb -excamber -excambion -excandescence -excandescency -excandescent -excantation -excarnate -excarnation -excathedral -excaudate -excavate -excavation -excavationist -excavator -excavatorial -excavatory -excave -excecate -excecation -excedent -exceed -exceeder -exceeding -exceedingly -exceedingness -excel -excelente -excellence -excellency -excellent -excellently -excelsin -Excelsior -excelsior -excelsitude -excentral -excentric -excentrical -excentricity -except -exceptant -excepting -exception -exceptionable -exceptionableness -exceptionably -exceptional -exceptionality -exceptionally -exceptionalness -exceptionary -exceptionless -exceptious -exceptiousness -exceptive -exceptively -exceptiveness -exceptor -excerebration -excerpt -excerptible -excerption -excerptive -excerptor -excess -excessive -excessively -excessiveness -excessman -exchange -exchangeability -exchangeable -exchangeably -exchanger -Exchangite -Exchequer -exchequer -excide -excipient -exciple -Excipulaceae -excipular -excipule -excipuliform -excipulum -excircle -excisable -excise -exciseman -excisemanship -excision -excisor -excitability -excitable -excitableness -excitancy -excitant -excitation -excitative -excitator -excitatory -excite -excited -excitedly -excitedness -excitement -exciter -exciting -excitingly -excitive -excitoglandular -excitometabolic -excitomotion -excitomotor -excitomotory -excitomuscular -excitonutrient -excitor -excitory -excitosecretory -excitovascular -exclaim -exclaimer -exclaiming -exclaimingly -exclamation -exclamational -exclamative -exclamatively -exclamatorily -exclamatory -exclave -exclosure -excludable -exclude -excluder -excluding -excludingly -exclusion -exclusionary -exclusioner -exclusionism -exclusionist -exclusive -exclusively -exclusiveness -exclusivism -exclusivist -exclusivity -exclusory -Excoecaria -excogitable -excogitate -excogitation -excogitative -excogitator -excommunicable -excommunicant -excommunicate -excommunication -excommunicative -excommunicator -excommunicatory -exconjugant -excoriable -excoriate -excoriation -excoriator -excorticate -excortication -excrement -excremental -excrementary -excrementitial -excrementitious -excrementitiously -excrementitiousness -excrementive -excresce -excrescence -excrescency -excrescent -excrescential -excreta -excretal -excrete -excreter -excretes -excretion -excretionary -excretitious -excretive -excretory -excriminate -excruciable -excruciate -excruciating -excruciatingly -excruciation -excruciator -excubant -excudate -exculpable -exculpate -exculpation -exculpative -exculpatorily -exculpatory -excurrent -excurse -excursion -excursional -excursionary -excursioner -excursionism -excursionist -excursionize -excursive -excursively -excursiveness -excursory -excursus -excurvate -excurvated -excurvation -excurvature -excurved -excusability -excusable -excusableness -excusably -excusal -excusative -excusator -excusatory -excuse -excuseful -excusefully -excuseless -excuser -excusing -excusingly -excusive -excuss -excyst -excystation -excysted -excystment -exdelicto -exdie -exeat -execrable -execrableness -execrably -execrate -execration -execrative -execratively -execrator -execratory -executable -executancy -executant -execute -executed -executer -execution -executional -executioneering -executioner -executioneress -executionist -executive -executively -executiveness -executiveship -executor -executorial -executorship -executory -executress -executrices -executrix -executrixship -executry -exedent -exedra -exegeses -exegesis -exegesist -exegete -exegetic -exegetical -exegetically -exegetics -exegetist -exemplar -exemplaric -exemplarily -exemplariness -exemplarism -exemplarity -exemplary -exemplifiable -exemplification -exemplificational -exemplificative -exemplificator -exemplifier -exemplify -exempt -exemptible -exemptile -exemption -exemptionist -exemptive -exencephalia -exencephalic -exencephalous -exencephalus -exendospermic -exendospermous -exenterate -exenteration -exequatur -exequial -exequy -exercisable -exercise -exerciser -exercitant -exercitation -exercitor -exercitorial -exercitorian -exeresis -exergual -exergue -exert -exertion -exertionless -exertive -exes -exeunt -exfiguration -exfigure -exfiltration -exflagellate -exflagellation -exflect -exfodiate -exfodiation -exfoliate -exfoliation -exfoliative -exfoliatory -exgorgitation -exhalable -exhalant -exhalation -exhalatory -exhale -exhaust -exhausted -exhaustedly -exhaustedness -exhauster -exhaustibility -exhaustible -exhausting -exhaustingly -exhaustion -exhaustive -exhaustively -exhaustiveness -exhaustless -exhaustlessly -exhaustlessness -exheredate -exheredation -exhibit -exhibitable -exhibitant -exhibiter -exhibition -exhibitional -exhibitioner -exhibitionism -exhibitionist -exhibitionistic -exhibitionize -exhibitive -exhibitively -exhibitor -exhibitorial -exhibitorship -exhibitory -exhilarant -exhilarate -exhilarating -exhilaratingly -exhilaration -exhilarative -exhilarator -exhilaratory -exhort -exhortation -exhortative -exhortatively -exhortator -exhortatory -exhorter -exhortingly -exhumate -exhumation -exhumator -exhumatory -exhume -exhumer -exigence -exigency -exigent -exigenter -exigently -exigible -exiguity -exiguous -exiguously -exiguousness -exilarch -exilarchate -exile -exiledom -exilement -exiler -exilian -exilic -exility -eximious -eximiously -eximiousness -exinanite -exinanition -exindusiate -exinguinal -exist -existability -existence -existent -existential -existentialism -existentialist -existentialistic -existentialize -existentially -existently -exister -existibility -existible -existlessness -exit -exite -exition -exitus -exlex -exmeridian -Exmoor -exoarteritis -Exoascaceae -exoascaceous -Exoascales -Exoascus -Exobasidiaceae -Exobasidiales -Exobasidium -exocannibalism -exocardia -exocardiac -exocardial -exocarp -exocataphoria -exoccipital -exocentric -Exochorda -exochorion -exoclinal -exocline -exocoelar -exocoele -exocoelic -exocoelom -Exocoetidae -Exocoetus -exocolitis -exocone -exocrine -exoculate -exoculation -exocyclic -Exocyclica -Exocycloida -exode -exoderm -exodermis -exodic -exodist -exodontia -exodontist -exodos -exodromic -exodromy -exodus -exody -exoenzyme -exoenzymic -exoerythrocytic -exogamic -exogamous -exogamy -exogastric -exogastrically -exogastritis -exogen -Exogenae -exogenetic -exogenic -exogenous -exogenously -exogeny -exognathion -exognathite -Exogonium -Exogyra -exolemma -exometritis -exomion -exomis -exomologesis -exomorphic -exomorphism -exomphalos -exomphalous -exomphalus -Exon -exon -exonarthex -exoner -exonerate -exoneration -exonerative -exonerator -exoneural -Exonian -exonship -exopathic -exoperidium -exophagous -exophagy -exophasia -exophasic -exophoria -exophoric -exophthalmic -exophthalmos -exoplasm -exopod -exopodite -exopoditic -Exopterygota -exopterygotic -exopterygotism -exopterygotous -exorability -exorable -exorableness -exorbital -exorbitance -exorbitancy -exorbitant -exorbitantly -exorbitate -exorbitation -exorcisation -exorcise -exorcisement -exorciser -exorcism -exorcismal -exorcisory -exorcist -exorcistic -exorcistical -exordia -exordial -exordium -exordize -exorganic -exorhason -exormia -exornation -exosepsis -exoskeletal -exoskeleton -exosmic -exosmose -exosmosis -exosmotic -exosperm -exosporal -exospore -exosporium -exosporous -Exostema -exostome -exostosed -exostosis -exostotic -exostra -exostracism -exostracize -exoteric -exoterical -exoterically -exotericism -exoterics -exotheca -exothecal -exothecate -exothecium -exothermal -exothermic -exothermous -exotic -exotically -exoticalness -exoticism -exoticist -exoticity -exoticness -exotism -exotospore -exotoxic -exotoxin -exotropia -exotropic -exotropism -expalpate -expand -expanded -expandedly -expandedness -expander -expanding -expandingly -expanse -expansibility -expansible -expansibleness -expansibly -expansile -expansion -expansional -expansionary -expansionism -expansionist -expansive -expansively -expansiveness -expansivity -expansometer -expansure -expatiate -expatiater -expatiatingly -expatiation -expatiative -expatiator -expatiatory -expatriate -expatriation -expect -expectable -expectance -expectancy -expectant -expectantly -expectation -expectative -expectedly -expecter -expectingly -expective -expectorant -expectorate -expectoration -expectorative -expectorator -expede -expediate -expedience -expediency -expedient -expediential -expedientially -expedientist -expediently -expeditate -expeditation -expedite -expedited -expeditely -expediteness -expediter -expedition -expeditionary -expeditionist -expeditious -expeditiously -expeditiousness -expel -expellable -expellant -expellee -expeller -expend -expendability -expendable -expender -expendible -expenditor -expenditrix -expenditure -expense -expenseful -expensefully -expensefulness -expenseless -expensilation -expensive -expensively -expensiveness -expenthesis -expergefacient -expergefaction -experience -experienceable -experienced -experienceless -experiencer -experiencible -experient -experiential -experientialism -experientialist -experientially -experiment -experimental -experimentalism -experimentalist -experimentalize -experimentally -experimentarian -experimentation -experimentative -experimentator -experimented -experimentee -experimenter -experimentist -experimentize -experimently -expert -expertism -expertize -expertly -expertness -expertship -expiable -expiate -expiation -expiational -expiatist -expiative -expiator -expiatoriness -expiatory -expilate -expilation -expilator -expirable -expirant -expirate -expiration -expirator -expiratory -expire -expiree -expirer -expiring -expiringly -expiry -expiscate -expiscation -expiscator -expiscatory -explain -explainable -explainer -explaining -explainingly -explanate -explanation -explanative -explanatively -explanator -explanatorily -explanatoriness -explanatory -explant -explantation -explement -explemental -expletive -expletively -expletiveness -expletory -explicable -explicableness -explicate -explication -explicative -explicatively -explicator -explicatory -explicit -explicitly -explicitness -explodable -explode -exploded -explodent -exploder -exploit -exploitable -exploitage -exploitation -exploitationist -exploitative -exploiter -exploitive -exploiture -explorable -exploration -explorational -explorative -exploratively -explorativeness -explorator -exploratory -explore -explorement -explorer -exploring -exploringly -explosibility -explosible -explosion -explosionist -explosive -explosively -explosiveness -expone -exponence -exponency -exponent -exponential -exponentially -exponentiation -exponible -export -exportability -exportable -exportation -exporter -exposal -expose -exposed -exposedness -exposer -exposit -exposition -expositional -expositionary -expositive -expositively -expositor -expositorial -expositorially -expositorily -expositoriness -expository -expositress -expostulate -expostulating -expostulatingly -expostulation -expostulative -expostulatively -expostulator -expostulatory -exposure -expound -expoundable -expounder -express -expressable -expressage -expressed -expresser -expressibility -expressible -expressibly -expression -expressionable -expressional -expressionful -expressionism -expressionist -expressionistic -expressionless -expressionlessly -expressionlessness -expressive -expressively -expressiveness -expressivism -expressivity -expressless -expressly -expressman -expressness -expressway -exprimable -exprobrate -exprobration -exprobratory -expromission -expromissor -expropriable -expropriate -expropriation -expropriator -expugn -expugnable -expuition -expulsatory -expulse -expulser -expulsion -expulsionist -expulsive -expulsory -expunction -expunge -expungeable -expungement -expunger -expurgate -expurgation -expurgative -expurgator -expurgatorial -expurgatory -expurge -exquisite -exquisitely -exquisiteness -exquisitism -exquisitively -exradio -exradius -exrupeal -exsanguinate -exsanguination -exsanguine -exsanguineous -exsanguinity -exsanguinous -exsanguious -exscind -exscissor -exscriptural -exsculptate -exscutellate -exsect -exsectile -exsection -exsector -exsequatur -exsert -exserted -exsertile -exsertion -exship -exsibilate -exsibilation -exsiccant -exsiccatae -exsiccate -exsiccation -exsiccative -exsiccator -exsiliency -exsomatic -exspuition -exsputory -exstipulate -exstrophy -exsuccous -exsuction -exsufflate -exsufflation -exsufflicate -exsurge -exsurgent -extant -extemporal -extemporally -extemporalness -extemporaneity -extemporaneous -extemporaneously -extemporaneousness -extemporarily -extemporariness -extemporary -extempore -extemporization -extemporize -extemporizer -extend -extended -extendedly -extendedness -extender -extendibility -extendible -extending -extense -extensibility -extensible -extensibleness -extensile -extensimeter -extension -extensional -extensionist -extensity -extensive -extensively -extensiveness -extensometer -extensor -extensory -extensum -extent -extenuate -extenuating -extenuatingly -extenuation -extenuative -extenuator -extenuatory -exter -exterior -exteriorate -exterioration -exteriority -exteriorization -exteriorize -exteriorly -exteriorness -exterminable -exterminate -extermination -exterminative -exterminator -exterminatory -exterminatress -exterminatrix -exterminist -extern -external -externalism -externalist -externalistic -externality -externalization -externalize -externally -externals -externate -externation -externe -externity -externization -externize -externomedian -externum -exteroceptist -exteroceptive -exteroceptor -exterraneous -exterrestrial -exterritorial -exterritoriality -exterritorialize -exterritorially -extima -extinct -extinction -extinctionist -extinctive -extinctor -extine -extinguish -extinguishable -extinguishant -extinguished -extinguisher -extinguishment -extipulate -extirpate -extirpation -extirpationist -extirpative -extirpator -extirpatory -extispex -extispicious -extispicy -extogenous -extol -extoll -extollation -extoller -extollingly -extollment -extolment -extoolitic -extorsive -extorsively -extort -extorter -extortion -extortionary -extortionate -extortionately -extortioner -extortionist -extortive -extra -extrabold -extrabranchial -extrabronchial -extrabuccal -extrabulbar -extrabureau -extraburghal -extracalendar -extracalicular -extracanonical -extracapsular -extracardial -extracarpal -extracathedral -extracellular -extracellularly -extracerebral -extracivic -extracivically -extraclassroom -extraclaustral -extracloacal -extracollegiate -extracolumella -extraconscious -extraconstellated -extraconstitutional -extracorporeal -extracorpuscular -extracosmic -extracosmical -extracostal -extracranial -extract -extractable -extractant -extracted -extractible -extractiform -extraction -extractive -extractor -extractorship -extracultural -extracurial -extracurricular -extracurriculum -extracutaneous -extracystic -extradecretal -extradialectal -extraditable -extradite -extradition -extradomestic -extrados -extradosed -extradotal -extraduction -extradural -extraembryonic -extraenteric -extraepiphyseal -extraequilibrium -extraessential -extraessentially -extrafascicular -extrafloral -extrafocal -extrafoliaceous -extraforaneous -extraformal -extragalactic -extragastric -extrait -extrajudicial -extrajudicially -extralateral -extralite -extrality -extramarginal -extramatrical -extramedullary -extramental -extrameridian -extrameridional -extrametaphysical -extrametrical -extrametropolitan -extramodal -extramolecular -extramorainal -extramorainic -extramoral -extramoralist -extramundane -extramural -extramurally -extramusical -extranational -extranatural -extranean -extraneity -extraneous -extraneously -extraneousness -extranidal -extranormal -extranuclear -extraocular -extraofficial -extraoral -extraorbital -extraorbitally -extraordinarily -extraordinariness -extraordinary -extraorganismal -extraovate -extraovular -extraparenchymal -extraparental -extraparietal -extraparliamentary -extraparochial -extraparochially -extrapatriarchal -extrapelvic -extraperineal -extraperiodic -extraperiosteal -extraperitoneal -extraphenomenal -extraphysical -extraphysiological -extrapituitary -extraplacental -extraplanetary -extrapleural -extrapoetical -extrapolar -extrapolate -extrapolation -extrapolative -extrapolator -extrapopular -extraprofessional -extraprostatic -extraprovincial -extrapulmonary -extrapyramidal -extraquiz -extrared -extraregarding -extraregular -extraregularly -extrarenal -extraretinal -extrarhythmical -extrasacerdotal -extrascholastic -extraschool -extrascientific -extrascriptural -extrascripturality -extrasensible -extrasensory -extrasensuous -extraserous -extrasocial -extrasolar -extrasomatic -extraspectral -extraspherical -extraspinal -extrastapedial -extrastate -extrasterile -extrastomachal -extrasyllabic -extrasyllogistic -extrasyphilitic -extrasystole -extrasystolic -extratabular -extratarsal -extratellurian -extratelluric -extratemporal -extratension -extratensive -extraterrene -extraterrestrial -extraterritorial -extraterritoriality -extraterritorially -extrathecal -extratheistic -extrathermodynamic -extrathoracic -extratorrid -extratracheal -extratribal -extratropical -extratubal -extratympanic -extrauterine -extravagance -extravagancy -extravagant -Extravagantes -extravagantly -extravagantness -extravaganza -extravagate -extravaginal -extravasate -extravasation -extravascular -extraventricular -extraversion -extravert -extravillar -extraviolet -extravisceral -extrazodiacal -extreme -extremeless -extremely -extremeness -extremism -extremist -extremistic -extremital -extremity -extricable -extricably -extricate -extricated -extrication -extrinsic -extrinsical -extrinsicality -extrinsically -extrinsicalness -extrinsicate -extrinsication -extroitive -extropical -extrorsal -extrorse -extrorsely -extrospect -extrospection -extrospective -extroversion -extroversive -extrovert -extrovertish -extrude -extruder -extruding -extrusile -extrusion -extrusive -extrusory -extubate -extubation -extumescence -extund -extusion -exuberance -exuberancy -exuberant -exuberantly -exuberantness -exuberate -exuberation -exudate -exudation -exudative -exude -exudence -exulcerate -exulceration -exulcerative -exulceratory -exult -exultance -exultancy -exultant -exultantly -exultation -exultet -exultingly -exululate -exumbral -exumbrella -exumbrellar -exundance -exundancy -exundate -exundation -exuviability -exuviable -exuviae -exuvial -exuviate -exuviation -exzodiacal -ey -eyah -eyalet -eyas -eye -eyeball -eyebalm -eyebar -eyebeam -eyeberry -eyeblink -eyebolt -eyebree -eyebridled -eyebright -eyebrow -eyecup -eyed -eyedness -eyedot -eyedrop -eyeflap -eyeful -eyeglance -eyeglass -eyehole -Eyeish -eyelash -eyeless -eyelessness -eyelet -eyeleteer -eyeletter -eyelid -eyelight -eyelike -eyeline -eyemark -eyen -eyepiece -eyepit -eyepoint -eyer -eyereach -eyeroot -eyesalve -eyeseed -eyeservant -eyeserver -eyeservice -eyeshade -eyeshield -eyeshot -eyesight -eyesome -eyesore -eyespot -eyestalk -eyestone -eyestrain -eyestring -eyetooth -eyewaiter -eyewash -eyewater -eyewear -eyewink -eyewinker -eyewitness -eyewort -eyey -eying -eyn -eyne -eyot -eyoty -eyra -eyre -eyrie -eyrir -ezba -Ezekiel -Ezra -F -f -fa -Faba -Fabaceae -fabaceous -fabella -fabes -Fabian -Fabianism -Fabianist -fabiform -fable -fabled -fabledom -fableist -fableland -fablemaker -fablemonger -fablemongering -fabler -fabliau -fabling -Fabraea -fabric -fabricant -fabricate -fabrication -fabricative -fabricator -fabricatress -Fabrikoid -fabrikoid -Fabronia -Fabroniaceae -fabular -fabulist -fabulosity -fabulous -fabulously -fabulousness -faburden -facadal -facade -face -faceable -facebread -facecloth -faced -faceless -facellite -facemaker -facemaking -faceman -facemark -facepiece -faceplate -facer -facet -facete -faceted -facetely -faceteness -facetiae -facetiation -facetious -facetiously -facetiousness -facewise -facework -facia -facial -facially -faciation -faciend -facient -facies -facile -facilely -facileness -facilitate -facilitation -facilitative -facilitator -facility -facing -facingly -facinorous -facinorousness -faciobrachial -faciocervical -faciolingual -facioplegia -facioscapulohumeral -fack -fackeltanz -fackings -fackins -facks -facsimile -facsimilist -facsimilize -fact -factable -factabling -factful -Factice -facticide -faction -factional -factionalism -factionary -factioneer -factionist -factionistism -factious -factiously -factiousness -factish -factitial -factitious -factitiously -factitive -factitively -factitude -factive -factor -factorability -factorable -factorage -factordom -factoress -factorial -factorially -factorist -factorization -factorize -factorship -factory -factoryship -factotum -factrix -factual -factuality -factually -factualness -factum -facture -facty -facula -facular -faculous -facultate -facultative -facultatively -facultied -facultize -faculty -facund -facy -fad -fadable -faddiness -faddish -faddishness -faddism -faddist -faddle -faddy -fade -fadeaway -faded -fadedly -fadedness -fadeless -faden -fader -fadge -fading -fadingly -fadingness -fadmonger -fadmongering -fadmongery -fadridden -fady -fae -faerie -Faeroe -faery -faeryland -faff -faffle -faffy -fag -Fagaceae -fagaceous -fagald -Fagales -Fagara -fage -Fagelia -fager -fagger -faggery -fagging -faggingly -fagine -fagopyrism -fagopyrismus -Fagopyrum -fagot -fagoter -fagoting -fagottino -fagottist -fagoty -Fagus -faham -fahlerz -fahlore -fahlunite -Fahrenheit -faience -fail -failing -failingly -failingness -faille -failure -fain -fainaigue -fainaiguer -faineance -faineancy -faineant -faineantism -fainly -fainness -fains -faint -fainter -faintful -faintheart -fainthearted -faintheartedly -faintheartedness -fainting -faintingly -faintish -faintishness -faintly -faintness -faints -fainty -faipule -fair -fairer -fairfieldite -fairgoer -fairgoing -fairgrass -fairground -fairily -fairing -fairish -fairishly -fairkeeper -fairlike -fairling -fairly -fairm -fairness -fairstead -fairtime -fairwater -fairway -fairy -fairydom -fairyfolk -fairyhood -fairyish -fairyism -fairyland -fairylike -fairyologist -fairyology -fairyship -faith -faithbreach -faithbreaker -faithful -faithfully -faithfulness -faithless -faithlessly -faithlessness -faithwise -faithworthiness -faithworthy -faitour -fake -fakement -faker -fakery -fakiness -fakir -fakirism -Fakofo -faky -falanaka -Falange -Falangism -Falangist -Falasha -falbala -falcade -Falcata -falcate -falcated -falcation -falcer -falces -falchion -falcial -Falcidian -falciform -Falcinellus -falciparum -Falco -falcon -falconbill -falconelle -falconer -Falcones -falconet -Falconidae -Falconiformes -Falconinae -falconine -falconlike -falconoid -falconry -falcopern -falcula -falcular -falculate -Falcunculus -faldage -falderal -faldfee -faldstool -Falerian -Falernian -Falerno -Faliscan -Falisci -Falkland -fall -fallace -fallacious -fallaciously -fallaciousness -fallacy -fallage -fallation -fallaway -fallback -fallectomy -fallen -fallenness -faller -fallfish -fallibility -fallible -fallibleness -fallibly -falling -Fallopian -fallostomy -fallotomy -fallow -fallowist -fallowness -falltime -fallway -fally -falsary -false -falsehearted -falseheartedly -falseheartedness -falsehood -falsely -falsen -falseness -falser -falsettist -falsetto -falsework -falsidical -falsie -falsifiable -falsificate -falsification -falsificator -falsifier -falsify -falsism -Falstaffian -faltboat -faltche -falter -falterer -faltering -falteringly -Falunian -Faluns -falutin -falx -fam -Fama -famatinite -famble -fame -fameflower -fameful -fameless -famelessly -famelessness -Fameuse -fameworthy -familia -familial -familiar -familiarism -familiarity -familiarization -familiarize -familiarizer -familiarizingly -familiarly -familiarness -familism -familist -familistery -familistic -familistical -family -familyish -famine -famish -famishment -famous -famously -famousness -famulary -famulus -Fan -fan -fana -fanal -fanam -fanatic -fanatical -fanatically -fanaticalness -fanaticism -fanaticize -fanback -fanbearer -fanciable -fancical -fancied -fancier -fanciful -fancifully -fancifulness -fancify -fanciless -fancy -fancymonger -fancysick -fancywork -fand -fandangle -fandango -fandom -fanega -fanegada -fanfarade -Fanfare -fanfare -fanfaron -fanfaronade -fanfaronading -fanflower -fanfoot -fang -fanged -fangle -fangled -fanglement -fangless -fanglet -fanglomerate -fangot -fangy -fanhouse -faniente -fanion -fanioned -fanlight -fanlike -fanmaker -fanmaking -fanman -fannel -fanner -Fannia -fannier -fanning -Fanny -fanon -fant -fantail -fantasia -fantasie -fantasied -fantasist -fantasque -fantassin -fantast -fantastic -fantastical -fantasticality -fantastically -fantasticalness -fantasticate -fantastication -fantasticism -fantasticly -fantasticness -fantastico -fantastry -fantasy -Fanti -fantigue -fantoccini -fantocine -fantod -fantoddish -Fanwe -fanweed -fanwise -fanwork -fanwort -fanwright -Fany -faon -Fapesmo -far -farad -faradaic -faraday -faradic -faradism -faradization -faradize -faradizer -faradmeter -faradocontractility -faradomuscular -faradonervous -faradopalpation -farandole -farasula -faraway -farawayness -farce -farcelike -farcer -farcetta -farcial -farcialize -farcical -farcicality -farcically -farcicalness -farcied -farcify -farcing -farcinoma -farcist -farctate -farcy -farde -fardel -fardelet -fardh -fardo -fare -farer -farewell -farfara -farfel -farfetched -farfetchedness -Farfugium -fargoing -fargood -farina -farinaceous -farinaceously -faring -farinometer -farinose -farinosely -farinulent -Farish -farish -farkleberry -farl -farleu -farm -farmable -farmage -farmer -farmeress -farmerette -farmerlike -farmership -farmery -farmhold -farmhouse -farmhousey -farming -farmost -farmplace -farmstead -farmsteading -farmtown -farmy -farmyard -farmyardy -farnesol -farness -Farnovian -faro -Faroeish -Faroese -farolito -Farouk -farraginous -farrago -farrand -farrandly -farrantly -farreate -farreation -farrier -farrierlike -farriery -farrisite -farrow -farruca -farsalah -farse -farseeing -farseeingness -farseer -farset -Farsi -farsighted -farsightedly -farsightedness -farther -farthermost -farthest -farthing -farthingale -farthingless -farweltered -fasces -fascet -fascia -fascial -fasciate -fasciated -fasciately -fasciation -fascicle -fascicled -fascicular -fascicularly -fasciculate -fasciculated -fasciculately -fasciculation -fascicule -fasciculus -fascinate -fascinated -fascinatedly -fascinating -fascinatingly -fascination -fascinative -fascinator -fascinatress -fascine -fascinery -Fascio -fasciodesis -fasciola -fasciolar -Fasciolaria -Fasciolariidae -fasciole -fasciolet -fascioliasis -Fasciolidae -fascioloid -fascioplasty -fasciotomy -fascis -fascism -fascist -Fascista -Fascisti -fascisticization -fascisticize -fascistization -fascistize -fash -fasher -fashery -fashion -fashionability -fashionable -fashionableness -fashionably -fashioned -fashioner -fashionist -fashionize -fashionless -fashionmonger -fashionmonging -fashious -fashiousness -fasibitikite -fasinite -fass -fassalite -fast -fasten -fastener -fastening -faster -fastgoing -fasthold -fastidiosity -fastidious -fastidiously -fastidiousness -fastidium -fastigate -fastigated -fastigiate -fastigium -fasting -fastingly -fastish -fastland -fastness -fastuous -fastuously -fastuousness -fastus -fat -Fatagaga -fatal -fatalism -fatalist -fatalistic -fatalistically -fatality -fatalize -fatally -fatalness -fatbird -fatbrained -fate -fated -fateful -fatefully -fatefulness -fatelike -fathead -fatheaded -fatheadedness -fathearted -father -fathercraft -fathered -fatherhood -fatherland -fatherlandish -fatherless -fatherlessness -fatherlike -fatherliness -fatherling -fatherly -fathership -fathmur -fathom -fathomable -fathomage -fathomer -Fathometer -fathomless -fathomlessly -fathomlessness -fatidic -fatidical -fatidically -fatiferous -fatigability -fatigable -fatigableness -fatigue -fatigueless -fatiguesome -fatiguing -fatiguingly -fatiha -fatil -fatiloquent -Fatima -Fatimid -fatiscence -fatiscent -fatless -fatling -fatly -fatness -fatsia -fattable -fatten -fattenable -fattener -fatter -fattily -fattiness -fattish -fattishness -fattrels -fatty -fatuism -fatuitous -fatuitousness -fatuity -fatuoid -fatuous -fatuously -fatuousness -fatwood -faucal -faucalize -fauces -faucet -fauchard -faucial -faucitis -faucre -faugh -faujasite -fauld -Faulkland -fault -faultage -faulter -faultfind -faultfinder -faultfinding -faultful -faultfully -faultily -faultiness -faulting -faultless -faultlessly -faultlessness -faultsman -faulty -faun -Fauna -faunal -faunally -faunated -faunish -faunist -faunistic -faunistical -faunistically -faunlike -faunological -faunology -faunule -fause -faussebraie -faussebrayed -faust -Faustian -fauterer -fautor -fautorship -fauve -Fauvism -Fauvist -favaginous -favella -favellidium -favelloid -Faventine -faveolate -faveolus -faviform -favilla -favillous -favism -favissa -favn -favonian -Favonius -favor -favorable -favorableness -favorably -favored -favoredly -favoredness -favorer -favoress -favoring -favoringly -favorite -favoritism -favorless -favose -favosely -favosite -Favosites -Favositidae -favositoid -favous -favus -fawn -fawner -fawnery -fawning -fawningly -fawningness -fawnlike -fawnskin -fawny -Fay -fay -Fayal -fayalite -Fayettism -fayles -Fayumic -faze -fazenda -fe -feaberry -feague -feak -feal -fealty -fear -fearable -feared -fearedly -fearedness -fearer -fearful -fearfully -fearfulness -fearingly -fearless -fearlessly -fearlessness -fearnought -fearsome -fearsomely -fearsomeness -feasance -feasibility -feasible -feasibleness -feasibly -feasor -feast -feasten -feaster -feastful -feastfully -feastless -feat -feather -featherback -featherbed -featherbedding -featherbird -featherbone -featherbrain -featherbrained -featherdom -feathered -featheredge -featheredged -featherer -featherfew -featherfoil -featherhead -featherheaded -featheriness -feathering -featherleaf -featherless -featherlessness -featherlet -featherlike -featherman -feathermonger -featherpate -featherpated -featherstitch -featherstitching -feathertop -featherway -featherweed -featherweight -featherwing -featherwise -featherwood -featherwork -featherworker -feathery -featliness -featly -featness -featous -featural -featurally -feature -featured -featureful -featureless -featureliness -featurely -featy -feaze -feazings -febricant -febricide -febricity -febricula -febrifacient -febriferous -febrific -febrifugal -febrifuge -febrile -febrility -Febronian -Febronianism -Februarius -February -februation -fecal -fecalith -fecaloid -feces -Fechnerian -feck -feckful -feckfully -feckless -fecklessly -fecklessness -feckly -fecula -feculence -feculency -feculent -fecund -fecundate -fecundation -fecundative -fecundator -fecundatory -fecundify -fecundity -fecundize -fed -feddan -federacy -Federal -federal -federalism -federalist -federalization -federalize -federally -federalness -federate -federation -federationist -federatist -federative -federatively -federator -Fedia -Fedora -fee -feeable -feeble -feeblebrained -feeblehearted -feebleheartedly -feebleheartedness -feebleness -feebling -feeblish -feebly -feed -feedable -feedback -feedbin -feedboard -feedbox -feeder -feedhead -feeding -feedman -feedsman -feedstuff -feedway -feedy -feel -feelable -feeler -feeless -feeling -feelingful -feelingless -feelinglessly -feelingly -feelingness -feer -feere -feering -feetage -feetless -feeze -fefnicute -fegary -Fegatella -Fehmic -fei -feif -feigher -feign -feigned -feignedly -feignedness -feigner -feigning -feigningly -Feijoa -feil -feint -feis -feist -feisty -Felapton -feldsher -feldspar -feldsparphyre -feldspathic -feldspathization -feldspathoid -Felichthys -felicide -felicific -felicitate -felicitation -felicitator -felicitous -felicitously -felicitousness -felicity -felid -Felidae -feliform -Felinae -feline -felinely -felineness -felinity -felinophile -felinophobe -Felis -Felix -fell -fellable -fellage -fellah -fellaheen -fellahin -Fellani -Fellata -Fellatah -fellatio -fellation -fellen -feller -fellic -felliducous -fellifluous -felling -fellingbird -fellinic -fellmonger -fellmongering -fellmongery -fellness -felloe -fellow -fellowcraft -fellowess -fellowheirship -fellowless -fellowlike -fellowship -fellside -fellsman -felly -feloid -felon -feloness -felonious -feloniously -feloniousness -felonry -felonsetter -felonsetting -felonweed -felonwood -felonwort -felony -fels -felsite -felsitic -felsobanyite -felsophyre -felsophyric -felsosphaerite -felstone -felt -felted -felter -felting -feltlike -feltmaker -feltmaking -feltmonger -feltness -feltwork -feltwort -felty -feltyfare -felucca -Felup -felwort -female -femalely -femaleness -femality -femalize -Feme -feme -femerell -femic -femicide -feminacy -feminal -feminality -feminate -femineity -feminie -feminility -feminin -feminine -femininely -feminineness -femininism -femininity -feminism -feminist -feministic -feministics -feminity -feminization -feminize -feminologist -feminology -feminophobe -femora -femoral -femorocaudal -femorocele -femorococcygeal -femorofibular -femoropopliteal -femororotulian -femorotibial -femur -fen -fenbank -fenberry -fence -fenceful -fenceless -fencelessness -fencelet -fenceplay -fencer -fenceress -fenchene -fenchone -fenchyl -fencible -fencing -fend -fendable -fender -fendering -fenderless -fendillate -fendillation -fendy -feneration -fenestella -Fenestellidae -fenestra -fenestral -fenestrate -fenestrated -fenestration -fenestrato -fenestrule -Fenian -Fenianism -fenite -fenks -fenland -fenlander -fenman -fennec -fennel -fennelflower -fennig -fennish -Fennoman -fenny -fenouillet -Fenrir -fensive -fent -fenter -fenugreek -Fenzelia -feod -feodal -feodality -feodary -feodatory -feoff -feoffee -feoffeeship -feoffment -feoffor -feower -feracious -feracity -Ferae -Ferahan -feral -feralin -Feramorz -ferash -ferberite -Ferdiad -ferdwit -feretory -feretrum -ferfathmur -ferfet -ferganite -Fergus -fergusite -Ferguson -fergusonite -feria -ferial -feridgi -ferie -ferine -ferinely -ferineness -Feringi -Ferio -Ferison -ferity -ferk -ferling -ferly -fermail -Fermatian -ferme -ferment -fermentability -fermentable -fermentarian -fermentation -fermentative -fermentatively -fermentativeness -fermentatory -fermenter -fermentescible -fermentitious -fermentive -fermentology -fermentor -fermentum -fermerer -fermery -fermila -fermorite -fern -fernandinite -Fernando -fernbird -fernbrake -ferned -fernery -ferngale -ferngrower -fernland -fernleaf -fernless -fernlike -fernshaw -fernsick -ferntickle -ferntickled -fernwort -ferny -Ferocactus -ferocious -ferociously -ferociousness -ferocity -feroher -Feronia -ferrado -ferrament -Ferrara -Ferrarese -ferrate -ferrated -ferrateen -ferratin -ferrean -ferreous -ferret -ferreter -ferreting -ferretto -ferrety -ferri -ferriage -ferric -ferrichloride -ferricyanate -ferricyanhydric -ferricyanic -ferricyanide -ferricyanogen -ferrier -ferriferous -ferrihydrocyanic -ferriprussiate -ferriprussic -ferrite -ferritization -ferritungstite -ferrivorous -ferroalloy -ferroaluminum -ferroboron -ferrocalcite -ferrocerium -ferrochrome -ferrochromium -ferroconcrete -ferroconcretor -ferrocyanate -ferrocyanhydric -ferrocyanic -ferrocyanide -ferrocyanogen -ferroglass -ferrogoslarite -ferrohydrocyanic -ferroinclave -ferromagnesian -ferromagnetic -ferromagnetism -ferromanganese -ferromolybdenum -ferronatrite -ferronickel -ferrophosphorus -ferroprint -ferroprussiate -ferroprussic -ferrosilicon -ferrotitanium -ferrotungsten -ferrotype -ferrotyper -ferrous -ferrovanadium -ferrozirconium -ferruginate -ferrugination -ferruginean -ferruginous -ferrule -ferruler -ferrum -ferruminate -ferrumination -ferry -ferryboat -ferryhouse -ferryman -ferryway -ferthumlungur -Fertil -fertile -fertilely -fertileness -fertility -fertilizable -fertilization -fertilizational -fertilize -fertilizer -feru -ferula -ferulaceous -ferule -ferulic -fervanite -fervency -fervent -fervently -ferventness -fervescence -fervescent -fervid -fervidity -fervidly -fervidness -Fervidor -fervor -fervorless -Fesapo -Fescennine -fescenninity -fescue -fess -fessely -fesswise -fest -festal -festally -Feste -fester -festerment -festilogy -festinance -festinate -festinately -festination -festine -Festino -festival -festivally -festive -festively -festiveness -festivity -festivous -festology -festoon -festoonery -festoony -festuca -festucine -fet -fetal -fetalism -fetalization -fetation -fetch -fetched -fetcher -fetching -fetchingly -feteless -feterita -fetial -fetiales -fetichmonger -feticidal -feticide -fetid -fetidity -fetidly -fetidness -fetiferous -fetiparous -fetish -fetisheer -fetishic -fetishism -fetishist -fetishistic -fetishization -fetishize -fetishmonger -fetishry -fetlock -fetlocked -fetlow -fetography -fetometry -fetoplacental -fetor -fetter -fetterbush -fetterer -fetterless -fetterlock -fetticus -fettle -fettler -fettling -fetus -feu -feuage -feuar -feucht -feud -feudal -feudalism -feudalist -feudalistic -feudality -feudalizable -feudalization -feudalize -feudally -feudatorial -feudatory -feudee -feudist -feudovassalism -feued -Feuillants -feuille -feuilletonism -feuilletonist -feuilletonistic -feulamort -fever -feverberry -feverbush -fevercup -feveret -feverfew -fevergum -feverish -feverishly -feverishness -feverless -feverlike -feverous -feverously -feverroot -fevertrap -fevertwig -fevertwitch -feverweed -feverwort -few -fewness -fewsome -fewter -fewterer -fewtrils -fey -feyness -fez -Fezzan -fezzed -Fezziwig -fezzy -fi -fiacre -fiance -fiancee -fianchetto -Fianna -fiar -fiard -fiasco -fiat -fiatconfirmatio -fib -fibber -fibbery -fibdom -Fiber -fiber -fiberboard -fibered -Fiberglas -fiberize -fiberizer -fiberless -fiberware -fibration -fibreless -fibreware -fibriform -fibril -fibrilla -fibrillar -fibrillary -fibrillate -fibrillated -fibrillation -fibrilled -fibrilliferous -fibrilliform -fibrillose -fibrillous -fibrin -fibrinate -fibrination -fibrine -fibrinemia -fibrinoalbuminous -fibrinocellular -fibrinogen -fibrinogenetic -fibrinogenic -fibrinogenous -fibrinolysin -fibrinolysis -fibrinolytic -fibrinoplastic -fibrinoplastin -fibrinopurulent -fibrinose -fibrinosis -fibrinous -fibrinuria -fibroadenia -fibroadenoma -fibroadipose -fibroangioma -fibroareolar -fibroblast -fibroblastic -fibrobronchitis -fibrocalcareous -fibrocarcinoma -fibrocartilage -fibrocartilaginous -fibrocaseose -fibrocaseous -fibrocellular -fibrochondritis -fibrochondroma -fibrochondrosteal -fibrocrystalline -fibrocyst -fibrocystic -fibrocystoma -fibrocyte -fibroelastic -fibroenchondroma -fibrofatty -fibroferrite -fibroglia -fibroglioma -fibrohemorrhagic -fibroid -fibroin -fibrointestinal -fibroligamentous -fibrolipoma -fibrolipomatous -fibrolite -fibrolitic -fibroma -fibromata -fibromatoid -fibromatosis -fibromatous -fibromembrane -fibromembranous -fibromucous -fibromuscular -fibromyectomy -fibromyitis -fibromyoma -fibromyomatous -fibromyomectomy -fibromyositis -fibromyotomy -fibromyxoma -fibromyxosarcoma -fibroneuroma -fibronuclear -fibronucleated -fibropapilloma -fibropericarditis -fibroplastic -fibropolypus -fibropsammoma -fibropurulent -fibroreticulate -fibrosarcoma -fibrose -fibroserous -fibrosis -fibrositis -Fibrospongiae -fibrotic -fibrotuberculosis -fibrous -fibrously -fibrousness -fibrovasal -fibrovascular -fibry -fibster -fibula -fibulae -fibular -fibulare -fibulocalcaneal -Ficaria -ficary -fice -ficelle -fiche -Fichtean -Fichteanism -fichtelite -fichu -ficiform -fickle -ficklehearted -fickleness -ficklety -ficklewise -fickly -fico -ficoid -Ficoidaceae -Ficoideae -ficoides -fictation -fictile -fictileness -fictility -fiction -fictional -fictionalize -fictionally -fictionary -fictioneer -fictioner -fictionist -fictionistic -fictionization -fictionize -fictionmonger -fictious -fictitious -fictitiously -fictitiousness -fictive -fictively -Ficula -Ficus -fid -Fidac -fidalgo -fidate -fidation -fiddle -fiddleback -fiddlebrained -fiddlecome -fiddledeedee -fiddlefaced -fiddlehead -fiddleheaded -fiddler -fiddlerfish -fiddlery -fiddlestick -fiddlestring -fiddlewood -fiddley -fiddling -fide -fideicommiss -fideicommissary -fideicommission -fideicommissioner -fideicommissor -fideicommissum -fideism -fideist -fidejussion -fidejussionary -fidejussor -fidejussory -Fidele -Fidelia -Fidelio -fidelity -fidepromission -fidepromissor -Fides -Fidessa -fidfad -fidge -fidget -fidgeter -fidgetily -fidgetiness -fidgeting -fidgetingly -fidgety -Fidia -fidicinal -fidicinales -fidicula -Fido -fiducia -fiducial -fiducially -fiduciarily -fiduciary -fiducinales -fie -fiedlerite -fiefdom -field -fieldball -fieldbird -fielded -fielder -fieldfare -fieldish -fieldman -fieldpiece -fieldsman -fieldward -fieldwards -fieldwork -fieldworker -fieldwort -fieldy -fiend -fiendful -fiendfully -fiendhead -fiendish -fiendishly -fiendishness -fiendism -fiendlike -fiendliness -fiendly -fiendship -fient -Fierabras -Fierasfer -fierasferid -Fierasferidae -fierasferoid -fierce -fiercehearted -fiercely -fiercen -fierceness -fierding -fierily -fieriness -fiery -fiesta -fieulamort -Fife -fife -fifer -fifie -fifish -fifo -fifteen -fifteener -fifteenfold -fifteenth -fifteenthly -fifth -fifthly -fiftieth -fifty -fiftyfold -fig -figaro -figbird -figeater -figent -figged -figgery -figging -figgle -figgy -fight -fightable -fighter -fighteress -fighting -fightingly -fightwite -Figitidae -figless -figlike -figment -figmental -figpecker -figshell -figulate -figulated -figuline -figurability -figurable -figural -figurant -figurante -figurate -figurately -figuration -figurative -figuratively -figurativeness -figure -figured -figuredly -figurehead -figureheadless -figureheadship -figureless -figurer -figuresome -figurette -figurial -figurine -figurism -figurist -figurize -figury -figworm -figwort -Fiji -Fijian -fike -fikie -filace -filaceous -filacer -Filago -filament -filamentar -filamentary -filamented -filamentiferous -filamentoid -filamentose -filamentous -filamentule -filander -filanders -filao -filar -Filaria -filaria -filarial -filarian -filariasis -filaricidal -filariform -filariid -Filariidae -filarious -filasse -filate -filator -filature -filbert -filch -filcher -filchery -filching -filchingly -file -filefish -filelike -filemaker -filemaking -filemot -filer -filesmith -filet -filial -filiality -filially -filialness -filiate -filiation -filibeg -filibranch -Filibranchia -filibranchiate -filibuster -filibusterer -filibusterism -filibusterous -filical -Filicales -filicauline -Filices -filicic -filicidal -filicide -filiciform -filicin -Filicineae -filicinean -filicite -Filicites -filicologist -filicology -Filicornia -filiety -filiferous -filiform -filiformed -Filigera -filigerous -filigree -filing -filings -filionymic -filiopietistic -filioque -Filipendula -filipendulous -Filipina -Filipiniana -Filipinization -Filipinize -Filipino -filippo -filipuncture -filite -Filix -fill -fillable -filled -fillemot -filler -fillercap -fillet -filleter -filleting -filletlike -filletster -filleul -filling -fillingly -fillingness -fillip -fillipeen -fillister -fillmass -fillock -fillowite -filly -film -filmable -filmdom -filmet -filmgoer -filmgoing -filmic -filmiform -filmily -filminess -filmish -filmist -filmize -filmland -filmlike -filmogen -filmslide -filmstrip -filmy -filo -filoplumaceous -filoplume -filopodium -Filosa -filose -filoselle -fils -filter -filterability -filterable -filterableness -filterer -filtering -filterman -filth -filthify -filthily -filthiness -filthless -filthy -filtrability -filtrable -filtratable -filtrate -filtration -fimble -fimbria -fimbrial -fimbriate -fimbriated -fimbriation -fimbriatum -fimbricate -fimbricated -fimbrilla -fimbrillate -fimbrilliferous -fimbrillose -fimbriodentate -Fimbristylis -fimetarious -fimicolous -Fin -fin -finable -finableness -finagle -finagler -final -finale -finalism -finalist -finality -finalize -finally -finance -financial -financialist -financially -financier -financiery -financist -finback -finch -finchbacked -finched -finchery -find -findability -findable -findal -finder -findfault -finding -findjan -fine -fineable -finebent -fineish -fineleaf -fineless -finely -finement -fineness -finer -finery -finespun -finesse -finesser -finestill -finestiller -finetop -finfish -finfoot -Fingal -Fingall -Fingallian -fingent -finger -fingerable -fingerberry -fingerbreadth -fingered -fingerer -fingerfish -fingerflower -fingerhold -fingerhook -fingering -fingerleaf -fingerless -fingerlet -fingerlike -fingerling -fingernail -fingerparted -fingerprint -fingerprinting -fingerroot -fingersmith -fingerspin -fingerstall -fingerstone -fingertip -fingerwise -fingerwork -fingery -fingrigo -Fingu -finial -finialed -finical -finicality -finically -finicalness -finicism -finick -finickily -finickiness -finicking -finickingly -finickingness -finific -finify -Finiglacial -finikin -finiking -fining -finis -finish -finishable -finished -finisher -finishing -finite -finitely -finiteness -finitesimal -finitive -finitude -finity -finjan -fink -finkel -finland -Finlander -finless -finlet -finlike -Finmark -Finn -finnac -finned -finner -finnesko -Finnic -Finnicize -finnip -Finnish -finny -finochio -Fionnuala -fiord -fiorded -Fioretti -fiorin -fiorite -Fiot -fip -fipenny -fipple -fique -fir -Firbolg -firca -fire -fireable -firearm -firearmed -fireback -fireball -firebird -fireblende -fireboard -fireboat -firebolt -firebolted -firebote -firebox -fireboy -firebrand -firebrat -firebreak -firebrick -firebug -fireburn -firecoat -firecracker -firecrest -fired -firedamp -firedog -firedrake -firefall -firefang -firefanged -fireflaught -fireflirt -fireflower -firefly -fireguard -firehouse -fireless -firelight -firelike -fireling -firelit -firelock -fireman -firemanship -firemaster -fireplace -fireplug -firepower -fireproof -fireproofing -fireproofness -firer -fireroom -firesafe -firesafeness -firesafety -fireshaft -fireshine -fireside -firesider -firesideship -firespout -firestone -firestopping -firetail -firetop -firetrap -firewarden -firewater -fireweed -firewood -firework -fireworkless -fireworky -fireworm -firing -firk -firker -firkin -firlot -firm -firmament -firmamental -firman -firmance -firmer -firmhearted -firmisternal -Firmisternia -firmisternial -firmisternous -firmly -firmness -firn -Firnismalerei -Firoloida -firring -firry -first -firstcomer -firsthand -firstling -firstly -firstness -firstship -firth -fisc -fiscal -fiscalify -fiscalism -fiscalization -fiscalize -fiscally -fischerite -fise -fisetin -fish -fishable -fishback -fishbed -fishberry -fishbolt -fishbone -fisheater -fished -fisher -fisherboat -fisherboy -fisheress -fisherfolk -fishergirl -fisherman -fisherpeople -fisherwoman -fishery -fishet -fisheye -fishfall -fishful -fishgarth -fishgig -fishhood -fishhook -fishhooks -fishhouse -fishify -fishily -fishiness -fishing -fishingly -fishless -fishlet -fishlike -fishline -fishling -fishman -fishmonger -fishmouth -fishplate -fishpond -fishpool -fishpot -fishpotter -fishpound -fishskin -fishtail -fishway -fishweed -fishweir -fishwife -fishwoman -fishwood -fishworker -fishworks -fishworm -fishy -fishyard -fisnoga -fissate -fissicostate -fissidactyl -Fissidens -Fissidentaceae -fissidentaceous -fissile -fissileness -fissilingual -Fissilinguia -fissility -fission -fissionable -fissipalmate -fissipalmation -fissiparation -fissiparism -fissiparity -fissiparous -fissiparously -fissiparousness -fissiped -Fissipeda -fissipedal -fissipedate -Fissipedia -fissipedial -Fissipes -fissirostral -fissirostrate -Fissirostres -fissive -fissural -fissuration -fissure -fissureless -Fissurella -Fissurellidae -fissuriform -fissury -fist -fisted -fister -fistful -fistiana -fistic -fistical -fisticuff -fisticuffer -fisticuffery -fistify -fistiness -fisting -fistlike -fistmele -fistnote -fistuca -fistula -Fistulana -fistular -Fistularia -Fistulariidae -fistularioid -fistulate -fistulated -fistulatome -fistulatous -fistule -fistuliform -Fistulina -fistulize -fistulose -fistulous -fistwise -fisty -fit -fitch -fitched -fitchee -fitcher -fitchery -fitchet -fitchew -fitful -fitfully -fitfulness -fitly -fitment -fitness -fitout -fitroot -fittable -fittage -fitted -fittedness -fitten -fitter -fitters -fittily -fittiness -fitting -fittingly -fittingness -Fittonia -fitty -fittyfied -fittyways -fittywise -fitweed -Fitzclarence -Fitzroy -Fitzroya -Fiuman -five -fivebar -fivefold -fivefoldness -fiveling -fivepence -fivepenny -fivepins -fiver -fives -fivescore -fivesome -fivestones -fix -fixable -fixage -fixate -fixatif -fixation -fixative -fixator -fixature -fixed -fixedly -fixedness -fixer -fixidity -fixing -fixity -fixture -fixtureless -fixure -fizelyite -fizgig -fizz -fizzer -fizzle -fizzy -fjarding -fjeld -fjerding -Fjorgyn -flabbergast -flabbergastation -flabbily -flabbiness -flabby -flabellarium -flabellate -flabellation -flabellifoliate -flabelliform -flabellinerved -flabellum -flabrum -flaccid -flaccidity -flaccidly -flaccidness -flacherie -Flacian -Flacianism -Flacianist -flack -flacked -flacker -flacket -Flacourtia -Flacourtiaceae -flacourtiaceous -flaff -flaffer -flag -flagboat -flagellant -flagellantism -flagellar -Flagellaria -Flagellariaceae -flagellariaceous -Flagellata -Flagellatae -flagellate -flagellated -flagellation -flagellative -flagellator -flagellatory -flagelliferous -flagelliform -flagellist -flagellosis -flagellula -flagellum -flageolet -flagfall -flagger -flaggery -flaggily -flagginess -flagging -flaggingly -flaggish -flaggy -flagitate -flagitation -flagitious -flagitiously -flagitiousness -flagleaf -flagless -flaglet -flaglike -flagmaker -flagmaking -flagman -flagon -flagonet -flagonless -flagpole -flagrance -flagrancy -flagrant -flagrantly -flagrantness -flagroot -flagship -flagstaff -flagstick -flagstone -flagworm -flail -flaillike -flair -flaith -flaithship -flajolotite -flak -flakage -flake -flakeless -flakelet -flaker -flakily -flakiness -flaky -flam -Flamandization -Flamandize -flamant -flamb -flambeau -flambeaux -flamberg -flamboyance -flamboyancy -flamboyant -flamboyantism -flamboyantize -flamboyantly -flamboyer -flame -flamed -flameflower -flameless -flamelet -flamelike -flamen -flamenco -flamenship -flameproof -flamer -flamfew -flamineous -flaming -Flamingant -flamingly -flamingo -Flaminian -flaminica -flaminical -flammability -flammable -flammeous -flammiferous -flammulated -flammulation -flammule -flamy -flan -flancard -flanch -flanched -flanconade -flandan -flandowser -flane -flange -flangeless -flanger -flangeway -flank -flankard -flanked -flanker -flanking -flankwise -flanky -flannel -flannelbush -flanneled -flannelette -flannelflower -flannelleaf -flannelly -flannelmouth -flannelmouthed -flannels -flanque -flap -flapcake -flapdock -flapdoodle -flapdragon -flapjack -flapmouthed -flapper -flapperdom -flapperhood -flapperish -flapperism -flare -flareback -flareboard -flareless -flaring -flaringly -flary -flaser -flash -flashboard -flasher -flashet -flashily -flashiness -flashing -flashingly -flashlight -flashlike -flashly -flashness -flashover -flashpan -flashproof -flashtester -flashy -flask -flasker -flasket -flasklet -flasque -flat -flatboat -flatbottom -flatcap -flatcar -flatdom -flated -flatfish -flatfoot -flathat -flathead -flatiron -flatland -flatlet -flatling -flatly -flatman -flatness -flatnose -flatten -flattener -flattening -flatter -flatterable -flattercap -flatterdock -flatterer -flattering -flatteringly -flatteringness -flattery -flattie -flatting -flattish -flattop -flatulence -flatulency -flatulent -flatulently -flatulentness -flatus -flatware -flatway -flatways -flatweed -flatwise -flatwoods -flatwork -flatworm -Flaubertian -flaught -flaughter -flaunt -flaunter -flauntily -flauntiness -flaunting -flauntingly -flaunty -flautino -flautist -flavanilin -flavaniline -flavanthrene -flavanthrone -flavedo -Flaveria -flavescence -flavescent -Flavia -Flavian -flavic -flavicant -flavid -flavin -flavine -Flavius -flavo -Flavobacterium -flavone -flavoprotein -flavopurpurin -flavor -flavored -flavorer -flavorful -flavoring -flavorless -flavorous -flavorsome -flavory -flavour -flaw -flawed -flawflower -flawful -flawless -flawlessly -flawlessness -flawn -flawy -flax -flaxboard -flaxbush -flaxdrop -flaxen -flaxlike -flaxman -flaxseed -flaxtail -flaxweed -flaxwench -flaxwife -flaxwoman -flaxwort -flaxy -flay -flayer -flayflint -flea -fleabane -fleabite -fleadock -fleam -fleaseed -fleaweed -fleawood -fleawort -fleay -flebile -fleche -flechette -fleck -flecken -flecker -fleckiness -fleckled -fleckless -flecklessly -flecky -flecnodal -flecnode -flection -flectional -flectionless -flector -fled -fledge -fledgeless -fledgling -fledgy -flee -fleece -fleeceable -fleeced -fleeceflower -fleeceless -fleecelike -fleecer -fleech -fleechment -fleecily -fleeciness -fleecy -fleer -fleerer -fleering -fleeringly -fleet -fleeter -fleetful -fleeting -fleetingly -fleetingness -fleetings -fleetly -fleetness -fleetwing -Flem -Fleming -Flemish -flemish -flench -flense -flenser -flerry -flesh -fleshbrush -fleshed -fleshen -flesher -fleshful -fleshhood -fleshhook -fleshiness -fleshing -fleshings -fleshless -fleshlike -fleshlily -fleshliness -fleshly -fleshment -fleshmonger -fleshpot -fleshy -flet -Fleta -fletch -Fletcher -fletcher -Fletcherism -Fletcherite -Fletcherize -flether -fleuret -fleurettee -fleuronnee -fleury -flew -flewed -flewit -flews -flex -flexanimous -flexed -flexibility -flexible -flexibleness -flexibly -flexile -flexility -flexion -flexionless -flexor -flexuose -flexuosity -flexuous -flexuously -flexuousness -flexural -flexure -flexured -fley -fleyedly -fleyedness -fleyland -fleysome -flibbertigibbet -flicflac -flick -flicker -flickering -flickeringly -flickerproof -flickertail -flickery -flicky -flidder -flier -fligger -flight -flighted -flighter -flightful -flightily -flightiness -flighting -flightless -flightshot -flighty -flimflam -flimflammer -flimflammery -flimmer -flimp -flimsily -flimsiness -flimsy -flinch -flincher -flinching -flinchingly -flinder -Flindersia -flindosa -flindosy -fling -flinger -flingy -flinkite -flint -flinter -flinthearted -flintify -flintily -flintiness -flintless -flintlike -flintlock -flintwood -flintwork -flintworker -flinty -flioma -flip -flipe -flipjack -flippancy -flippant -flippantly -flippantness -flipper -flipperling -flippery -flirt -flirtable -flirtation -flirtational -flirtationless -flirtatious -flirtatiously -flirtatiousness -flirter -flirtigig -flirting -flirtingly -flirtish -flirtishness -flirtling -flirty -flisk -flisky -flit -flitch -flitchen -flite -flitfold -fliting -flitter -flitterbat -flittermouse -flittern -flitting -flittingly -flitwite -flivver -flix -flixweed -Flo -float -floatability -floatable -floatage -floatation -floatative -floatboard -floater -floatiness -floating -floatingly -floative -floatless -floatmaker -floatman -floatplane -floatsman -floatstone -floaty -flob -flobby -floc -floccillation -floccipend -floccose -floccosely -flocculable -flocculant -floccular -flocculate -flocculation -flocculator -floccule -flocculence -flocculency -flocculent -flocculently -flocculose -flocculus -floccus -flock -flocker -flocking -flockless -flocklike -flockman -flockmaster -flockowner -flockwise -flocky -flocoon -flodge -floe -floeberg -Floerkea -floey -flog -floggable -flogger -flogging -floggingly -flogmaster -flogster -flokite -flong -flood -floodable -floodage -floodboard -floodcock -flooded -flooder -floodgate -flooding -floodless -floodlet -floodlight -floodlighting -floodlike -floodmark -floodometer -floodproof -floodtime -floodwater -floodway -floodwood -floody -floor -floorage -floorcloth -floorer -floorhead -flooring -floorless -floorman -floorwalker -floorward -floorway -floorwise -floozy -flop -flophouse -flopover -flopper -floppers -floppily -floppiness -floppy -flopwing -Flora -flora -floral -Floralia -floralize -florally -floramor -floran -florate -floreal -floreate -Florence -florence -florent -Florentine -Florentinism -florentium -flores -florescence -florescent -floressence -floret -floreted -floretum -Floria -Florian -floriate -floriated -floriation -florican -floricin -floricultural -floriculturally -floriculture -floriculturist -florid -Florida -Floridan -Florideae -floridean -florideous -Floridian -floridity -floridly -floridness -floriferous -floriferously -floriferousness -florification -floriform -florigen -florigenic -florigraphy -florikan -floriken -florilegium -florimania -florimanist -florin -Florinda -floriparous -floripondio -floriscope -Florissant -florist -floristic -floristically -floristics -floristry -florisugent -florivorous -floroon -floroscope -florula -florulent -flory -floscular -Floscularia -floscularian -Flosculariidae -floscule -flosculose -flosculous -flosh -floss -flosser -flossflower -Flossie -flossification -flossing -flossy -flot -flota -flotage -flotant -flotation -flotative -flotilla -flotorial -flotsam -flounce -flouncey -flouncing -flounder -floundering -flounderingly -flour -flourish -flourishable -flourisher -flourishing -flourishingly -flourishment -flourishy -flourlike -floury -flouse -flout -flouter -flouting -floutingly -flow -flowable -flowage -flower -flowerage -flowered -flowerer -floweret -flowerful -flowerily -floweriness -flowering -flowerist -flowerless -flowerlessness -flowerlet -flowerlike -flowerpecker -flowerpot -flowerwork -flowery -flowing -flowingly -flowingness -flowmanostat -flowmeter -flown -flowoff -Floyd -flu -fluate -fluavil -flub -flubdub -flubdubbery -flucan -fluctiferous -fluctigerous -fluctisonant -fluctisonous -fluctuability -fluctuable -fluctuant -fluctuate -fluctuation -fluctuosity -fluctuous -flue -flued -flueless -fluellen -fluellite -flueman -fluency -fluent -fluently -fluentness -fluer -fluework -fluey -fluff -fluffer -fluffily -fluffiness -fluffy -Flugelhorn -flugelman -fluible -fluid -fluidacetextract -fluidal -fluidally -fluidextract -fluidglycerate -fluidible -fluidic -fluidification -fluidifier -fluidify -fluidimeter -fluidism -fluidist -fluidity -fluidization -fluidize -fluidly -fluidness -fluidram -fluigram -fluitant -fluke -fluked -flukeless -flukeworm -flukewort -flukily -flukiness -fluking -fluky -flumdiddle -flume -flumerin -fluminose -flummadiddle -flummer -flummery -flummox -flummydiddle -flump -flung -flunk -flunker -flunkeydom -flunkeyhood -flunkeyish -flunkeyize -flunky -flunkydom -flunkyhood -flunkyish -flunkyism -flunkyistic -flunkyite -flunkyize -fluoaluminate -fluoaluminic -fluoarsenate -fluoborate -fluoboric -fluoborid -fluoboride -fluoborite -fluobromide -fluocarbonate -fluocerine -fluocerite -fluochloride -fluohydric -fluophosphate -fluor -fluoran -fluoranthene -fluorapatite -fluorate -fluorbenzene -fluorene -fluorenyl -fluoresage -fluoresce -fluorescein -fluorescence -fluorescent -fluorescigenic -fluorescigenous -fluorescin -fluorhydric -fluoric -fluoridate -fluoridation -fluoride -fluoridization -fluoridize -fluorimeter -fluorinate -fluorination -fluorindine -fluorine -fluorite -fluormeter -fluorobenzene -fluoroborate -fluoroform -fluoroformol -fluorogen -fluorogenic -fluorography -fluoroid -fluorometer -fluoroscope -fluoroscopic -fluoroscopy -fluorosis -fluorotype -fluorspar -fluoryl -fluosilicate -fluosilicic -fluotantalate -fluotantalic -fluotitanate -fluotitanic -fluozirconic -flurn -flurr -flurried -flurriedly -flurriment -flurry -flush -flushboard -flusher -flusherman -flushgate -flushing -flushingly -flushness -flushy -flusk -flusker -fluster -flusterate -flusteration -flusterer -flusterment -flustery -Flustra -flustrine -flustroid -flustrum -flute -flutebird -fluted -flutelike -flutemouth -fluter -flutework -Flutidae -flutina -fluting -flutist -flutter -flutterable -flutteration -flutterer -fluttering -flutteringly -flutterless -flutterment -fluttersome -fluttery -fluty -fluvial -fluvialist -fluviatic -fluviatile -fluvicoline -fluvioglacial -fluviograph -fluviolacustrine -fluviology -fluviomarine -fluviometer -fluviose -fluvioterrestrial -fluviovolcanic -flux -fluxation -fluxer -fluxibility -fluxible -fluxibleness -fluxibly -fluxile -fluxility -fluxion -fluxional -fluxionally -fluxionary -fluxionist -fluxmeter -fluxroot -fluxweed -fly -flyable -flyaway -flyback -flyball -flybane -flybelt -flyblow -flyblown -flyboat -flyboy -flycatcher -flyeater -flyer -flyflap -flyflapper -flyflower -flying -flyingly -flyleaf -flyless -flyman -flyness -flypaper -flype -flyproof -Flysch -flyspeck -flytail -flytier -flytrap -flyway -flyweight -flywheel -flywinch -flywort -Fo -foal -foalfoot -foalhood -foaly -foam -foambow -foamer -foamflower -foamily -foaminess -foaming -foamingly -foamless -foamlike -foamy -fob -focal -focalization -focalize -focally -focaloid -foci -focimeter -focimetry -focoids -focometer -focometry -focsle -focus -focusable -focuser -focusless -fod -fodda -fodder -fodderer -foddering -fodderless -foder -fodge -fodgel -fodient -Fodientia -foe -foehn -foehnlike -foeish -foeless -foelike -foeman -foemanship -Foeniculum -foenngreek -foeship -foetalization -fog -fogbound -fogbow -fogdog -fogdom -fogeater -fogey -fogfruit -foggage -fogged -fogger -foggily -fogginess -foggish -foggy -foghorn -fogle -fogless -fogman -fogo -fogon -fogou -fogproof -fogram -fogramite -fogramity -fogscoffer -fogus -fogy -fogydom -fogyish -fogyism -fohat -foible -foil -foilable -foiler -foiling -foilsman -foining -foiningly -Foism -foison -foisonless -Foist -foist -foister -foistiness -foisty -foiter -Fokker -fold -foldable -foldage -foldboat -foldcourse -folded -foldedly -folden -folder -folding -foldless -foldskirt -foldure -foldwards -foldy -fole -folgerite -folia -foliaceous -foliaceousness -foliage -foliaged -foliageous -folial -foliar -foliary -foliate -foliated -foliation -foliature -folie -foliicolous -foliiferous -foliiform -folio -foliobranch -foliobranchiate -foliocellosis -foliolate -foliole -folioliferous -foliolose -foliose -foliosity -foliot -folious -foliously -folium -folk -folkcraft -folkfree -folkland -folklore -folkloric -folklorish -folklorism -folklorist -folkloristic -folkmoot -folkmooter -folkmot -folkmote -folkmoter -folkright -folksiness -folksy -Folkvang -Folkvangr -folkway -folky -folles -folletage -follicle -follicular -folliculate -folliculated -follicule -folliculin -Folliculina -folliculitis -folliculose -folliculosis -folliculous -folliful -follis -follow -followable -follower -followership -following -followingly -folly -follyproof -Fomalhaut -foment -fomentation -fomenter -fomes -fomites -Fon -fondak -fondant -fondish -fondle -fondler -fondlesome -fondlike -fondling -fondlingly -fondly -fondness -fondu -fondue -fonduk -fonly -fonnish -fono -fons -font -Fontainea -fontal -fontally -fontanel -fontange -fonted -fontful -fonticulus -fontinal -Fontinalaceae -fontinalaceous -Fontinalis -fontlet -foo -Foochow -Foochowese -food -fooder -foodful -foodless -foodlessness -foodstuff -foody -foofaraw -fool -fooldom -foolery -fooless -foolfish -foolhardihood -foolhardily -foolhardiness -foolhardiship -foolhardy -fooling -foolish -foolishly -foolishness -foollike -foolocracy -foolproof -foolproofness -foolscap -foolship -fooner -fooster -foosterer -foot -footage -footback -football -footballer -footballist -footband -footblower -footboard -footboy -footbreadth -footbridge -footcloth -footed -footeite -footer -footfall -footfarer -footfault -footfolk -footful -footganger -footgear -footgeld -foothalt -foothill -foothold -foothook -foothot -footing -footingly -footings -footle -footler -footless -footlicker -footlight -footlights -footling -footlining -footlock -footmaker -footman -footmanhood -footmanry -footmanship -footmark -footnote -footnoted -footpace -footpad -footpaddery -footpath -footpick -footplate -footprint -footrail -footrest -footrill -footroom -footrope -foots -footscald -footslog -footslogger -footsore -footsoreness -footstalk -footstall -footstep -footstick -footstock -footstone -footstool -footwalk -footwall -footway -footwear -footwork -footworn -footy -fooyoung -foozle -foozler -fop -fopling -foppery -foppish -foppishly -foppishness -foppy -fopship -For -for -fora -forage -foragement -forager -foralite -foramen -foraminated -foramination -foraminifer -Foraminifera -foraminiferal -foraminiferan -foraminiferous -foraminose -foraminous -foraminulate -foraminule -foraminulose -foraminulous -forane -foraneen -foraneous -forasmuch -foray -forayer -forb -forbade -forbar -forbathe -forbear -forbearable -forbearance -forbearant -forbearantly -forbearer -forbearing -forbearingly -forbearingness -forbesite -forbid -forbiddable -forbiddal -forbiddance -forbidden -forbiddenly -forbiddenness -forbidder -forbidding -forbiddingly -forbiddingness -forbit -forbled -forblow -forbore -forborne -forbow -forby -force -forceable -forced -forcedly -forcedness -forceful -forcefully -forcefulness -forceless -forcemeat -forcement -forceps -forcepslike -forcer -forchase -forche -forcibility -forcible -forcibleness -forcibly -forcing -forcingly -forcipate -forcipated -forcipes -forcipiform -forcipressure -Forcipulata -forcipulate -forcleave -forconceit -ford -fordable -fordableness -fordays -Fordicidia -fording -fordless -fordo -fordone -fordwine -fordy -fore -foreaccounting -foreaccustom -foreacquaint -foreact -foreadapt -foreadmonish -foreadvertise -foreadvice -foreadvise -foreallege -foreallot -foreannounce -foreannouncement -foreanswer -foreappoint -foreappointment -forearm -foreassign -foreassurance -forebackwardly -forebay -forebear -forebemoan -forebemoaned -forebespeak -forebitt -forebitten -forebitter -forebless -foreboard -forebode -forebodement -foreboder -foreboding -forebodingly -forebodingness -forebody -foreboot -forebowels -forebowline -forebrace -forebrain -forebreast -forebridge -foreburton -forebush -forecar -forecarriage -forecast -forecaster -forecasting -forecastingly -forecastle -forecastlehead -forecastleman -forecatching -forecatharping -forechamber -forechase -forechoice -forechoose -forechurch -forecited -foreclaw -foreclosable -foreclose -foreclosure -forecome -forecomingness -forecommend -foreconceive -foreconclude -forecondemn -foreconscious -foreconsent -foreconsider -forecontrive -forecool -forecooler -forecounsel -forecount -forecourse -forecourt -forecover -forecovert -foredate -foredawn -foreday -foredeck -foredeclare -foredecree -foredeep -foredefeated -foredefine -foredenounce -foredescribe -foredeserved -foredesign -foredesignment -foredesk -foredestine -foredestiny -foredetermination -foredetermine -foredevised -foredevote -forediscern -foredispose -foredivine -foredone -foredoom -foredoomer -foredoor -foreface -forefather -forefatherly -forefault -forefeel -forefeeling -forefeelingly -forefelt -forefield -forefigure -forefin -forefinger -forefit -foreflank -foreflap -foreflipper -forefoot -forefront -foregallery -foregame -foreganger -foregate -foregift -foregirth -foreglance -foregleam -foreglimpse -foreglow -forego -foregoer -foregoing -foregone -foregoneness -foreground -foreguess -foreguidance -forehalf -forehall -forehammer -forehand -forehanded -forehandedness -forehandsel -forehard -forehatch -forehatchway -forehead -foreheaded -forehear -forehearth -foreheater -forehill -forehinting -forehold -forehood -forehoof -forehook -foreign -foreigneering -foreigner -foreignership -foreignism -foreignization -foreignize -foreignly -foreignness -foreimagination -foreimagine -foreimpressed -foreimpression -foreinclined -foreinstruct -foreintend -foreiron -forejudge -forejudgment -forekeel -foreking -foreknee -foreknow -foreknowable -foreknower -foreknowing -foreknowingly -foreknowledge -forel -forelady -foreland -forelay -foreleech -foreleg -forelimb -forelive -forellenstein -forelock -forelook -foreloop -forelooper -foreloper -foremade -foreman -foremanship -foremarch -foremark -foremartyr -foremast -foremasthand -foremastman -foremean -foremeant -foremelt -foremention -forementioned -foremessenger -foremilk -foremisgiving -foremistress -foremost -foremostly -foremother -forename -forenamed -forenews -forenight -forenoon -forenote -forenoted -forenotice -forenotion -forensal -forensic -forensical -forensicality -forensically -foreordain -foreordainment -foreorder -foreordinate -foreordination -foreorlop -forepad -forepale -foreparents -forepart -forepassed -forepast -forepaw -forepayment -forepeak -foreperiod -forepiece -foreplace -foreplan -foreplanting -forepole -foreporch -forepossessed -forepost -forepredicament -forepreparation -foreprepare -forepretended -foreproduct -foreproffer -forepromise -forepromised -foreprovided -foreprovision -forepurpose -forequarter -forequoted -foreran -forerank -forereach -forereaching -foreread -forereading -forerecited -forereckon -forerehearsed -foreremembered -forereport -forerequest -forerevelation -forerib -forerigging -foreright -foreroom -foreroyal -forerun -forerunner -forerunnership -forerunnings -foresaddle -foresaid -foresail -foresay -forescene -forescent -foreschool -foreschooling -forescript -foreseason -foreseat -foresee -foreseeability -foreseeable -foreseeingly -foreseer -foreseize -foresend -foresense -foresentence -foreset -foresettle -foresettled -foreshadow -foreshadower -foreshaft -foreshank -foreshape -foresheet -foreshift -foreship -foreshock -foreshoe -foreshop -foreshore -foreshorten -foreshortening -foreshot -foreshoulder -foreshow -foreshower -foreshroud -foreside -foresight -foresighted -foresightedness -foresightful -foresightless -foresign -foresignify -foresin -foresing -foresinger -foreskin -foreskirt -foresleeve -foresound -forespeak -forespecified -forespeed -forespencer -forest -forestaff -forestage -forestair -forestal -forestall -forestaller -forestallment -forestarling -forestate -forestation -forestay -forestaysail -forestcraft -forested -foresteep -forestem -forestep -forester -forestership -forestful -forestial -Forestian -forestick -Forestiera -forestine -forestish -forestless -forestlike -forestology -forestral -forestress -forestry -forestside -forestudy -forestwards -foresty -foresummer -foresummon -foresweat -foretack -foretackle -foretalk -foretalking -foretaste -foretaster -foretell -foretellable -foreteller -forethink -forethinker -forethought -forethoughted -forethoughtful -forethoughtfully -forethoughtfulness -forethoughtless -forethrift -foretime -foretimed -foretoken -foretold -foretop -foretopman -foretrace -foretrysail -foreturn -foretype -foretypified -foreuse -foreutter -forevalue -forever -forevermore -foreview -forevision -forevouch -forevouched -forevow -forewarm -forewarmer -forewarn -forewarner -forewarning -forewarningly -forewaters -foreween -foreweep -foreweigh -forewing -forewinning -forewisdom -forewish -forewoman -forewonted -foreword -foreworld -foreworn -forewritten -forewrought -foreyard -foreyear -forfairn -forfar -forfare -forfars -forfault -forfaulture -forfeit -forfeiter -forfeits -forfeiture -forfend -forficate -forficated -forfication -forficiform -Forficula -forficulate -Forficulidae -forfouchten -forfoughen -forfoughten -forgainst -forgather -forge -forgeability -forgeable -forged -forgedly -forgeful -forgeman -forger -forgery -forget -forgetful -forgetfully -forgetfulness -forgetive -forgetness -forgettable -forgetter -forgetting -forgettingly -forgie -forging -forgivable -forgivableness -forgivably -forgive -forgiveless -forgiveness -forgiver -forgiving -forgivingly -forgivingness -forgo -forgoer -forgot -forgotten -forgottenness -forgrow -forgrown -forhoo -forhooy -forhow -forinsec -forint -forisfamiliate -forisfamiliation -forjesket -forjudge -forjudger -fork -forkable -forkbeard -forked -forkedly -forkedness -forker -forkful -forkhead -forkiness -forkless -forklike -forkman -forksmith -forktail -forkwise -forky -forleft -forlet -forlorn -forlornity -forlornly -forlornness -form -formability -formable -formably -formagen -formagenic -formal -formalazine -formaldehyde -formaldehydesulphoxylate -formaldehydesulphoxylic -formaldoxime -formalesque -Formalin -formalism -formalist -formalistic -formalith -formality -formalization -formalize -formalizer -formally -formalness -formamide -formamidine -formamido -formamidoxime -formanilide -formant -format -formate -formation -formational -formative -formatively -formativeness -formature -formazyl -forme -formed -formedon -formee -formel -formene -formenic -former -formeret -formerly -formerness -formful -formiate -formic -Formica -formican -Formicariae -formicarian -Formicariidae -formicarioid -formicarium -formicaroid -formicary -formicate -formication -formicative -formicicide -formicid -Formicidae -formicide -Formicina -Formicinae -formicine -Formicivora -formicivorous -Formicoidea -formidability -formidable -formidableness -formidably -formin -forminate -forming -formless -formlessly -formlessness -Formol -formolite -formonitrile -Formosan -formose -formoxime -formula -formulable -formulae -formulaic -formular -formularism -formularist -formularistic -formularization -formularize -formulary -formulate -formulation -formulator -formulatory -formule -formulism -formulist -formulistic -formulization -formulize -formulizer -formwork -formy -formyl -formylal -formylate -formylation -fornacic -Fornax -fornaxid -fornenst -fornent -fornical -fornicate -fornicated -fornication -fornicator -fornicatress -fornicatrix -forniciform -forninst -fornix -forpet -forpine -forpit -forprise -forrad -forrard -forride -forrit -forritsome -forrue -forsake -forsaken -forsakenly -forsakenness -forsaker -forset -forslow -forsooth -forspeak -forspend -forspread -Forst -forsterite -forswear -forswearer -forsworn -forswornness -Forsythia -fort -fortalice -forte -fortescue -fortescure -forth -forthbring -forthbringer -forthcome -forthcomer -forthcoming -forthcomingness -forthcut -forthfare -forthfigured -forthgaze -forthgo -forthgoing -forthink -forthputting -forthright -forthrightly -forthrightness -forthrights -forthtell -forthteller -forthwith -forthy -forties -fortieth -fortifiable -fortification -fortifier -fortify -fortifying -fortifyingly -fortin -fortis -fortissimo -fortitude -fortitudinous -fortlet -fortnight -fortnightly -fortravail -fortread -fortress -fortuitism -fortuitist -fortuitous -fortuitously -fortuitousness -fortuity -fortunate -fortunately -fortunateness -fortune -fortuned -fortuneless -Fortunella -fortunetell -fortuneteller -fortunetelling -fortunite -forty -fortyfold -forum -forumize -forwander -forward -forwardal -forwardation -forwarder -forwarding -forwardly -forwardness -forwards -forwean -forweend -forwent -forwoden -forworden -fosh -fosie -Fosite -fossa -fossage -fossane -fossarian -fosse -fossed -fossette -fossick -fossicker -fossiform -fossil -fossilage -fossilated -fossilation -fossildom -fossiled -fossiliferous -fossilification -fossilify -fossilism -fossilist -fossilizable -fossilization -fossilize -fossillike -fossilogist -fossilogy -fossilological -fossilologist -fossilology -fossor -Fossores -Fossoria -fossorial -fossorious -fossula -fossulate -fossule -fossulet -fostell -Foster -foster -fosterable -fosterage -fosterer -fosterhood -fostering -fosteringly -fosterite -fosterland -fosterling -fostership -fostress -fot -fotch -fother -Fothergilla -fotmal -fotui -fou -foud -foudroyant -fouette -fougade -fougasse -fought -foughten -foughty -foujdar -foujdary -foul -foulage -foulard -fouler -fouling -foulish -foully -foulmouthed -foulmouthedly -foulmouthedness -foulness -foulsome -foumart -foun -found -foundation -foundational -foundationally -foundationary -foundationed -foundationer -foundationless -foundationlessness -founder -founderous -foundership -foundery -founding -foundling -foundress -foundry -foundryman -fount -fountain -fountained -fountaineer -fountainhead -fountainless -fountainlet -fountainous -fountainously -fountainwise -fountful -Fouquieria -Fouquieriaceae -fouquieriaceous -four -fourble -fourche -fourchee -fourcher -fourchette -fourchite -fourer -fourflusher -fourfold -Fourierian -Fourierism -Fourierist -Fourieristic -Fourierite -fourling -fourpence -fourpenny -fourpounder -fourre -fourrier -fourscore -foursome -foursquare -foursquarely -foursquareness -fourstrand -fourteen -fourteener -fourteenfold -fourteenth -fourteenthly -fourth -fourther -fourthly -foussa -foute -fouter -fouth -fovea -foveal -foveate -foveated -foveation -foveiform -foveola -foveolarious -foveolate -foveolated -foveole -foveolet -fow -fowk -fowl -fowler -fowlerite -fowlery -fowlfoot -fowling -fox -foxbane -foxberry -foxchop -foxer -foxery -foxfeet -foxfinger -foxfish -foxglove -foxhole -foxhound -foxily -foxiness -foxing -foxish -foxlike -foxproof -foxship -foxskin -foxtail -foxtailed -foxtongue -foxwood -foxy -foy -foyaite -foyaitic -foyboat -foyer -foziness -fozy -fra -frab -frabbit -frabjous -frabjously -frabous -fracas -fracedinous -frache -frack -fractable -fractabling -fracted -Fracticipita -fractile -fraction -fractional -fractionalism -fractionalize -fractionally -fractionary -fractionate -fractionating -fractionation -fractionator -fractionization -fractionize -fractionlet -fractious -fractiously -fractiousness -fractocumulus -fractonimbus -fractostratus -fractuosity -fracturable -fractural -fracture -fractureproof -frae -Fragaria -fraghan -Fragilaria -Fragilariaceae -fragile -fragilely -fragileness -fragility -fragment -fragmental -fragmentally -fragmentarily -fragmentariness -fragmentary -fragmentation -fragmented -fragmentist -fragmentitious -fragmentize -fragrance -fragrancy -fragrant -fragrantly -fragrantness -fraid -fraik -frail -frailejon -frailish -frailly -frailness -frailty -fraise -fraiser -Fram -framable -framableness -frambesia -frame -framea -frameable -frameableness -framed -frameless -framer -framesmith -framework -framing -frammit -frampler -frampold -franc -Frances -franchisal -franchise -franchisement -franchiser -Francic -Francis -francisc -francisca -Franciscan -Franciscanism -Francisco -francium -Francize -franco -Francois -francolin -francolite -Francomania -Franconian -Francophile -Francophilism -Francophobe -Francophobia -frangent -Frangi -frangibility -frangible -frangibleness -frangipane -frangipani -frangula -Frangulaceae -frangulic -frangulin -frangulinic -Frank -frank -frankability -frankable -frankalmoign -Frankenia -Frankeniaceae -frankeniaceous -Frankenstein -franker -frankfurter -frankhearted -frankheartedly -frankheartedness -Frankify -frankincense -frankincensed -franking -Frankish -Frankist -franklandite -Franklin -franklin -Franklinia -Franklinian -Frankliniana -Franklinic -Franklinism -Franklinist -franklinite -Franklinization -frankly -frankmarriage -frankness -frankpledge -frantic -frantically -franticly -franticness -franzy -frap -frappe -frapping -frasco -frase -Frasera -frasier -frass -frat -fratch -fratched -fratcheous -fratcher -fratchety -fratchy -frater -Fratercula -fraternal -fraternalism -fraternalist -fraternality -fraternally -fraternate -fraternation -fraternism -fraternity -fraternization -fraternize -fraternizer -fratery -Fraticelli -Fraticellian -fratority -Fratricelli -fratricidal -fratricide -fratry -fraud -fraudful -fraudfully -fraudless -fraudlessly -fraudlessness -fraudproof -fraudulence -fraudulency -fraudulent -fraudulently -fraudulentness -fraughan -fraught -frawn -fraxetin -fraxin -fraxinella -Fraxinus -fray -frayed -frayedly -frayedness -fraying -frayn -frayproof -fraze -frazer -frazil -frazzle -frazzling -freak -freakdom -freakery -freakful -freakily -freakiness -freakish -freakishly -freakishness -freaky -fream -freath -freck -frecken -freckened -frecket -freckle -freckled -freckledness -freckleproof -freckling -frecklish -freckly -Fred -Freddie -Freddy -Frederic -Frederica -Frederick -frederik -fredricite -free -freeboard -freeboot -freebooter -freebootery -freebooting -freeborn -Freechurchism -freed -freedman -freedom -freedwoman -freehand -freehanded -freehandedly -freehandedness -freehearted -freeheartedly -freeheartedness -freehold -freeholder -freeholdership -freeholding -freeing -freeish -Freekirker -freelage -freeloving -freelovism -freely -freeman -freemanship -freemartin -freemason -freemasonic -freemasonical -freemasonism -freemasonry -freeness -freer -Freesia -freesilverism -freesilverite -freestanding -freestone -freet -freethinker -freethinking -freetrader -freety -freeward -freeway -freewheel -freewheeler -freewheeling -freewill -freewoman -freezable -freeze -freezer -freezing -freezingly -Fregata -Fregatae -Fregatidae -freibergite -freieslebenite -freight -freightage -freighter -freightless -freightment -freir -freit -freity -fremd -fremdly -fremdness -fremescence -fremescent -fremitus -Fremontia -Fremontodendron -frenal -Frenatae -frenate -French -frenched -Frenchification -frenchification -Frenchify -frenchify -Frenchily -Frenchiness -frenching -Frenchism -Frenchize -Frenchless -Frenchly -Frenchman -Frenchness -Frenchwise -Frenchwoman -Frenchy -frenetic -frenetical -frenetically -Frenghi -frenular -frenulum -frenum -frenzelite -frenzied -frenziedly -frenzy -Freon -frequence -frequency -frequent -frequentable -frequentage -frequentation -frequentative -frequenter -frequently -frequentness -frescade -fresco -frescoer -frescoist -fresh -freshen -freshener -freshet -freshhearted -freshish -freshly -freshman -freshmanhood -freshmanic -freshmanship -freshness -freshwoman -Fresison -fresnel -fresno -fret -fretful -fretfully -fretfulness -fretless -fretsome -frett -frettage -frettation -frette -fretted -fretter -fretting -frettingly -fretty -fretum -fretways -fretwise -fretwork -fretworked -Freudian -Freudianism -Freudism -Freudist -Freya -freyalite -Freycinetia -Freyja -Freyr -friability -friable -friableness -friand -friandise -friar -friarbird -friarhood -friarling -friarly -friary -frib -fribble -fribbleism -fribbler -fribblery -fribbling -fribblish -fribby -fricandeau -fricandel -fricassee -frication -fricative -fricatrice -friction -frictionable -frictional -frictionally -frictionize -frictionless -frictionlessly -frictionproof -Friday -Fridila -fridstool -fried -Frieda -friedcake -friedelite -friedrichsdor -friend -friended -friendless -friendlessness -friendlike -friendlily -friendliness -friendliwise -friendly -friendship -frier -frieseite -Friesian -Friesic -Friesish -frieze -friezer -friezy -frig -frigate -frigatoon -friggle -fright -frightable -frighten -frightenable -frightened -frightenedly -frightenedness -frightener -frightening -frighteningly -frighter -frightful -frightfully -frightfulness -frightless -frightment -frighty -frigid -Frigidaire -frigidarium -frigidity -frigidly -frigidness -frigiferous -frigolabile -frigoric -frigorific -frigorifical -frigorify -frigorimeter -frigostable -frigotherapy -Frija -frijol -frijolillo -frijolito -frike -frill -frillback -frilled -friller -frillery -frillily -frilliness -frilling -frilly -frim -Frimaire -fringe -fringed -fringeflower -fringeless -fringelet -fringent -fringepod -Fringetail -Fringilla -fringillaceous -Fringillidae -fringilliform -Fringilliformes -fringilline -fringilloid -fringing -fringy -fripperer -frippery -frisca -Frisesomorum -frisette -Frisian -Frisii -frisk -frisker -frisket -friskful -friskily -friskiness -frisking -friskingly -frisky -frisolee -frison -frist -frisure -frit -frith -frithborh -frithbot -frithles -frithsoken -frithstool -frithwork -Fritillaria -fritillary -fritt -fritter -fritterer -Fritz -Friulian -frivol -frivoler -frivolism -frivolist -frivolity -frivolize -frivolous -frivolously -frivolousness -frixion -friz -frize -frizer -frizz -frizzer -frizzily -frizziness -frizzing -frizzle -frizzler -frizzly -frizzy -fro -frock -frocking -frockless -frocklike -frockmaker -froe -Froebelian -Froebelism -Froebelist -frog -frogbit -frogeater -frogeye -frogface -frogfish -frogflower -frogfoot -frogged -froggery -frogginess -frogging -froggish -froggy -froghood -froghopper -frogland -frogleaf -frogleg -froglet -froglike -frogling -frogman -frogmouth -frognose -frogskin -frogstool -frogtongue -frogwort -froise -frolic -frolicful -frolicker -frolicky -frolicly -frolicness -frolicsome -frolicsomely -frolicsomeness -from -fromward -fromwards -frond -frondage -fronded -frondent -frondesce -frondescence -frondescent -frondiferous -frondiform -frondigerous -frondivorous -frondlet -frondose -frondosely -frondous -front -frontad -frontage -frontager -frontal -frontalis -frontality -frontally -frontbencher -fronted -fronter -frontier -frontierlike -frontierman -frontiersman -Frontignan -fronting -frontingly -Frontirostria -frontispiece -frontless -frontlessly -frontlessness -frontlet -frontoauricular -frontoethmoid -frontogenesis -frontolysis -frontomallar -frontomaxillary -frontomental -frontonasal -frontooccipital -frontoorbital -frontoparietal -frontopontine -frontosphenoidal -frontosquamosal -frontotemporal -frontozygomatic -frontpiece -frontsman -frontstall -frontward -frontways -frontwise -froom -frore -frory -frosh -frost -frostation -frostbird -frostbite -frostbow -frosted -froster -frostfish -frostflower -frostily -frostiness -frosting -frostless -frostlike -frostproof -frostproofing -frostroot -frostweed -frostwork -frostwort -frosty -frot -froth -frother -Frothi -frothily -frothiness -frothing -frothless -frothsome -frothy -frotton -froufrou -frough -froughy -frounce -frounceless -frow -froward -frowardly -frowardness -frower -frowl -frown -frowner -frownful -frowning -frowningly -frownless -frowny -frowst -frowstily -frowstiness -frowsty -frowy -frowze -frowzily -frowziness -frowzled -frowzly -frowzy -froze -frozen -frozenhearted -frozenly -frozenness -fruchtschiefer -fructed -fructescence -fructescent -fructicultural -fructiculture -Fructidor -fructiferous -fructiferously -fructification -fructificative -fructifier -fructiform -fructify -fructiparous -fructivorous -fructose -fructoside -fructuary -fructuosity -fructuous -fructuously -fructuousness -frugal -frugalism -frugalist -frugality -frugally -frugalness -fruggan -Frugivora -frugivorous -fruit -fruitade -fruitage -fruitarian -fruitarianism -fruitcake -fruited -fruiter -fruiterer -fruiteress -fruitery -fruitful -fruitfullness -fruitfully -fruitgrower -fruitgrowing -fruitiness -fruiting -fruition -fruitist -fruitive -fruitless -fruitlessly -fruitlessness -fruitlet -fruitling -fruitstalk -fruittime -fruitwise -fruitwoman -fruitwood -fruitworm -fruity -frumentaceous -frumentarious -frumentation -frumenty -frump -frumpery -frumpily -frumpiness -frumpish -frumpishly -frumpishness -frumple -frumpy -frush -frustrate -frustrately -frustrater -frustration -frustrative -frustratory -frustule -frustulent -frustulose -frustum -frutescence -frutescent -fruticetum -fruticose -fruticous -fruticulose -frutify -fry -fryer -fu -fub -fubby -fubsy -Fucaceae -fucaceous -Fucales -fucate -fucation -fucatious -Fuchsia -Fuchsian -fuchsin -fuchsine -fuchsinophil -fuchsinophilous -fuchsite -fuchsone -fuci -fucinita -fuciphagous -fucoid -fucoidal -Fucoideae -fucosan -fucose -fucous -fucoxanthin -fucus -fud -fuddle -fuddler -fuder -fudge -fudger -fudgy -Fuegian -fuel -fueler -fuelizer -fuerte -fuff -fuffy -fugacious -fugaciously -fugaciousness -fugacity -fugal -fugally -fuggy -fugient -fugitate -fugitation -fugitive -fugitively -fugitiveness -fugitivism -fugitivity -fugle -fugleman -fuglemanship -fugler -fugu -fugue -fuguist -fuidhir -fuirdays -Fuirena -fuji -Fulah -fulciform -fulcral -fulcrate -fulcrum -fulcrumage -fulfill -fulfiller -fulfillment -Fulfulde -fulgent -fulgently -fulgentness -fulgid -fulgide -fulgidity -fulgor -Fulgora -fulgorid -Fulgoridae -Fulgoroidea -fulgorous -Fulgur -fulgural -fulgurant -fulgurantly -fulgurata -fulgurate -fulgurating -fulguration -fulgurator -fulgurite -fulgurous -fulham -Fulica -Fulicinae -fulicine -fuliginosity -fuliginous -fuliginously -fuliginousness -Fuligula -Fuligulinae -fuliguline -fulk -full -fullam -fullback -fuller -fullering -fullery -fullface -fullhearted -fulling -fullish -fullmouth -fullmouthed -fullmouthedly -fullness -fullom -Fullonian -fully -fulmar -Fulmarus -fulmicotton -fulminancy -fulminant -fulminate -fulminating -fulmination -fulminator -fulminatory -fulmine -fulmineous -fulminic -fulminous -fulminurate -fulminuric -fulsome -fulsomely -fulsomeness -fulth -Fultz -Fulup -fulvene -fulvescent -fulvid -fulvidness -fulvous -fulwa -fulyie -fulzie -fum -fumacious -fumado -fumage -fumagine -Fumago -fumarate -Fumaria -Fumariaceae -fumariaceous -fumaric -fumarine -fumarium -fumaroid -fumaroidal -fumarole -fumarolic -fumaryl -fumatorium -fumatory -fumble -fumbler -fumbling -fume -fumeless -fumer -fumeroot -fumet -fumette -fumewort -fumiduct -fumiferous -fumigant -fumigate -fumigation -fumigator -fumigatorium -fumigatory -fumily -fuminess -fuming -fumingly -fumistery -fumitory -fumose -fumosity -fumous -fumously -fumy -fun -funambulate -funambulation -funambulator -funambulatory -funambulic -funambulism -funambulist -funambulo -Funaria -Funariaceae -funariaceous -function -functional -functionalism -functionalist -functionality -functionalize -functionally -functionarism -functionary -functionate -functionation -functionize -functionless -fund -fundable -fundal -fundament -fundamental -fundamentalism -fundamentalist -fundamentality -fundamentally -fundamentalness -fundatorial -fundatrix -funded -funder -fundholder -fundi -fundic -fundiform -funditor -fundless -fundmonger -fundmongering -funds -Fundulinae -funduline -Fundulus -fundungi -fundus -funebrial -funeral -funeralize -funerary -funereal -funereally -funest -fungaceous -fungal -Fungales -fungate -fungation -fungi -Fungia -fungian -fungibility -fungible -fungic -fungicidal -fungicide -fungicolous -fungiferous -fungiform -fungilliform -fungin -fungistatic -fungivorous -fungo -fungoid -fungoidal -fungological -fungologist -fungology -fungose -fungosity -fungous -fungus -fungused -funguslike -fungusy -funicle -funicular -funiculate -funicule -funiculitis -funiculus -funiform -funipendulous -funis -Funje -funk -funker -Funkia -funkiness -funky -funmaker -funmaking -funnel -funneled -funnelform -funnellike -funnelwise -funnily -funniment -funniness -funny -funnyman -funori -funt -Funtumia -Fur -fur -furacious -furaciousness -furacity -fural -furaldehyde -furan -furanoid -furazan -furazane -furbelow -furbish -furbishable -furbisher -furbishment -furca -furcal -furcate -furcately -furcation -Furcellaria -furcellate -furciferine -furciferous -furciform -Furcraea -furcula -furcular -furculum -furdel -Furfooz -furfur -furfuraceous -furfuraceously -furfural -furfuralcohol -furfuraldehyde -furfuramide -furfuran -furfuration -furfurine -furfuroid -furfurole -furfurous -furfuryl -furfurylidene -furiant -furibund -furied -Furies -furify -furil -furilic -furiosa -furiosity -furioso -furious -furiously -furiousness -furison -furl -furlable -Furlan -furler -furless -furlong -furlough -furnace -furnacelike -furnaceman -furnacer -furnacite -furnage -Furnariidae -Furnariides -Furnarius -furner -furnish -furnishable -furnished -furnisher -furnishing -furnishment -furniture -furnitureless -furodiazole -furoic -furoid -furoin -furole -furomethyl -furomonazole -furor -furore -furphy -furred -furrier -furriered -furriery -furrily -furriness -furring -furrow -furrower -furrowless -furrowlike -furrowy -furry -furstone -further -furtherance -furtherer -furtherest -furtherly -furthermore -furthermost -furthersome -furthest -furtive -furtively -furtiveness -Furud -furuncle -furuncular -furunculoid -furunculosis -furunculous -fury -furyl -furze -furzechat -furzed -furzeling -furzery -furzetop -furzy -fusain -fusarial -fusariose -fusariosis -Fusarium -fusarole -fusate -fusc -fuscescent -fuscin -fuscohyaline -fuscous -fuse -fuseboard -fused -fusee -fuselage -fuseplug -fusht -fusibility -fusible -fusibleness -fusibly -Fusicladium -Fusicoccum -fusiform -Fusiformis -fusil -fusilier -fusillade -fusilly -fusinist -fusion -fusional -fusionism -fusionist -fusionless -fusoid -fuss -fusser -fussification -fussify -fussily -fussiness -fussock -fussy -fust -fustanella -fustee -fusteric -fustet -fustian -fustianish -fustianist -fustianize -fustic -fustigate -fustigation -fustigator -fustigatory -fustilugs -fustily -fustin -fustiness -fustle -fusty -Fusulina -fusuma -fusure -Fusus -fut -futchel -fute -futhorc -futile -futilely -futileness -futilitarian -futilitarianism -futility -futilize -futtermassel -futtock -futural -future -futureless -futureness -futuric -futurism -futurist -futuristic -futurition -futurity -futurize -futwa -fuye -fuze -fuzz -fuzzball -fuzzily -fuzziness -fuzzy -fyke -fylfot -fyrd -G -g -Ga -ga -gab -gabardine -gabbard -gabber -gabble -gabblement -gabbler -gabbro -gabbroic -gabbroid -gabbroitic -gabby -Gabe -gabelle -gabelled -gabelleman -gabeller -gaberdine -gaberlunzie -gabgab -gabi -gabion -gabionade -gabionage -gabioned -gablatores -gable -gableboard -gablelike -gablet -gablewise -gablock -Gaboon -Gabriel -Gabriella -Gabrielrache -Gabunese -gaby -Gad -gad -Gadaba -gadabout -Gadarene -Gadaria -gadbee -gadbush -Gaddang -gadded -gadder -Gaddi -gaddi -gadding -gaddingly -gaddish -gaddishness -gade -gadfly -gadge -gadger -gadget -gadid -Gadidae -gadinine -Gaditan -gadling -gadman -gadoid -Gadoidea -gadolinia -gadolinic -gadolinite -gadolinium -gadroon -gadroonage -Gadsbodikins -Gadsbud -Gadslid -gadsman -Gadswoons -gaduin -Gadus -gadwall -Gadzooks -Gael -Gaeldom -Gaelic -Gaelicism -Gaelicist -Gaelicization -Gaelicize -Gaeltacht -gaen -Gaertnerian -gaet -Gaetulan -Gaetuli -Gaetulian -gaff -gaffe -gaffer -Gaffkya -gaffle -gaffsman -gag -gagate -gage -gageable -gagee -gageite -gagelike -gager -gagership -gagger -gaggery -gaggle -gaggler -gagman -gagor -gagroot -gagtooth -gahnite -Gahrwali -Gaia -gaiassa -Gaidropsaridae -gaiety -Gail -Gaillardia -gaily -gain -gainable -gainage -gainbirth -gaincall -gaincome -gaine -gainer -gainful -gainfully -gainfulness -gaining -gainless -gainlessness -gainliness -gainly -gains -gainsay -gainsayer -gainset -gainsome -gainspeaker -gainspeaking -gainst -gainstrive -gainturn -gaintwist -gainyield -gair -gairfish -gaisling -gait -gaited -gaiter -gaiterless -gaiting -gaize -gaj -gal -gala -Galacaceae -galactagogue -galactagoguic -galactan -galactase -galactemia -galacthidrosis -Galactia -galactic -galactidrosis -galactite -galactocele -galactodendron -galactodensimeter -galactogenetic -galactohemia -galactoid -galactolipide -galactolipin -galactolysis -galactolytic -galactoma -galactometer -galactometry -galactonic -galactopathy -galactophagist -galactophagous -galactophlebitis -galactophlysis -galactophore -galactophoritis -galactophorous -galactophthysis -galactophygous -galactopoiesis -galactopoietic -galactopyra -galactorrhea -galactorrhoea -galactoscope -galactose -galactoside -galactosis -galactostasis -galactosuria -galactotherapy -galactotrophy -galacturia -galagala -Galaginae -Galago -galah -galanas -galanga -galangin -galant -Galanthus -galantine -galany -galapago -Galatae -galatea -Galatian -Galatic -galatotrophic -Galax -galaxian -Galaxias -Galaxiidae -galaxy -galban -galbanum -Galbula -Galbulae -Galbulidae -Galbulinae -galbulus -Galcha -Galchic -Gale -gale -galea -galeage -galeate -galeated -galee -galeeny -Galega -galegine -Galei -galeid -Galeidae -galeiform -galempung -Galen -galena -Galenian -Galenic -galenic -Galenical -galenical -Galenism -Galenist -galenite -galenobismutite -galenoid -Galeodes -Galeodidae -galeoid -Galeopithecus -Galeopsis -Galeorchis -Galeorhinidae -Galeorhinus -galeproof -galera -galericulate -galerum -galerus -Galesaurus -galet -Galeus -galewort -galey -Galga -galgal -Galgulidae -gali -Galibi -Galician -Galictis -Galidia -Galidictis -Galik -Galilean -galilee -galimatias -galingale -Galinsoga -galiongee -galiot -galipidine -galipine -galipoidin -galipoidine -galipoipin -galipot -Galium -gall -Galla -galla -gallacetophenone -gallah -gallanilide -gallant -gallantize -gallantly -gallantness -gallantry -gallate -gallature -gallberry -gallbush -galleass -galled -Gallegan -gallein -galleon -galler -Galleria -gallerian -galleried -Galleriidae -gallery -gallerylike -gallet -galley -galleylike -galleyman -galleyworm -gallflower -gallfly -Galli -galliambic -galliambus -Gallian -galliard -galliardise -galliardly -galliardness -Gallic -gallic -Gallican -Gallicanism -Gallicism -Gallicization -Gallicize -Gallicizer -gallicola -Gallicolae -gallicole -gallicolous -galliferous -Gallification -gallification -galliform -Galliformes -Gallify -galligaskin -gallimaufry -Gallinaceae -gallinacean -Gallinacei -gallinaceous -Gallinae -Gallinago -gallinazo -galline -galling -gallingly -gallingness -gallinipper -Gallinula -gallinule -Gallinulinae -gallinuline -gallipot -Gallirallus -gallisin -gallium -gallivant -gallivanter -gallivat -gallivorous -galliwasp -gallnut -gallocyanin -gallocyanine -galloflavine -galloglass -Galloman -Gallomania -Gallomaniac -gallon -gallonage -galloner -galloon -gallooned -gallop -gallopade -galloper -Galloperdix -Gallophile -Gallophilism -Gallophobe -Gallophobia -galloping -galloptious -gallotannate -gallotannic -gallotannin -gallous -Gallovidian -Galloway -galloway -gallowglass -gallows -gallowsmaker -gallowsness -gallowsward -gallstone -Gallus -galluses -gallweed -gallwort -gally -gallybagger -gallybeggar -gallycrow -Galoisian -galoot -galop -galore -galosh -galp -galravage -galravitch -galt -Galtonia -Galtonian -galuchat -galumph -galumptious -Galusha -galuth -galvanic -galvanical -galvanically -galvanism -galvanist -galvanization -galvanize -galvanized -galvanizer -galvanocauterization -galvanocautery -galvanocontractility -galvanofaradization -galvanoglyph -galvanoglyphy -galvanograph -galvanographic -galvanography -galvanologist -galvanology -galvanolysis -galvanomagnet -galvanomagnetic -galvanomagnetism -galvanometer -galvanometric -galvanometrical -galvanometrically -galvanometry -galvanoplastic -galvanoplastical -galvanoplastically -galvanoplastics -galvanoplasty -galvanopsychic -galvanopuncture -galvanoscope -galvanoscopic -galvanoscopy -galvanosurgery -galvanotactic -galvanotaxis -galvanotherapy -galvanothermometer -galvanothermy -galvanotonic -galvanotropic -galvanotropism -galvayne -galvayning -Galways -Galwegian -galyac -galyak -galziekte -gam -gamahe -Gamaliel -gamashes -gamasid -Gamasidae -Gamasoidea -gamb -gamba -gambade -gambado -gambang -gambeer -gambeson -gambet -gambette -gambia -gambier -gambist -gambit -gamble -gambler -gamblesome -gamblesomeness -gambling -gambodic -gamboge -gambogian -gambogic -gamboised -gambol -gambrel -gambreled -gambroon -Gambusia -gamdeboo -game -gamebag -gameball -gamecock -gamecraft -gameful -gamekeeper -gamekeeping -gamelang -gameless -gamelike -Gamelion -gamelotte -gamely -gamene -gameness -gamesome -gamesomely -gamesomeness -gamester -gamestress -gametal -gametange -gametangium -gamete -gametic -gametically -gametocyst -gametocyte -gametogenesis -gametogenic -gametogenous -gametogeny -gametogonium -gametogony -gametoid -gametophagia -gametophore -gametophyll -gametophyte -gametophytic -gamic -gamily -gamin -gaminesque -gaminess -gaming -gaminish -gamma -gammacism -gammacismus -gammadion -gammarid -Gammaridae -gammarine -gammaroid -Gammarus -gammation -gammelost -gammer -gammerel -gammerstang -Gammexane -gammick -gammock -gammon -gammoner -gammoning -gammy -gamobium -gamodesmic -gamodesmy -gamogenesis -gamogenetic -gamogenetical -gamogenetically -gamogony -Gamolepis -gamomania -gamont -Gamopetalae -gamopetalous -gamophagia -gamophagy -gamophyllous -gamori -gamosepalous -gamostele -gamostelic -gamostely -gamotropic -gamotropism -gamp -gamphrel -gamut -gamy -gan -ganam -ganancial -Ganapati -ganch -Ganda -gander -ganderess -gandergoose -gandermooner -ganderteeth -Gandhara -Gandharva -Gandhiism -Gandhism -Gandhist -gandul -gandum -gandurah -gane -ganef -gang -Ganga -ganga -Gangamopteris -gangan -gangava -gangboard -gangdom -gange -ganger -Gangetic -ganggang -ganging -gangism -gangland -ganglander -ganglia -gangliac -ganglial -gangliar -gangliasthenia -gangliate -gangliated -gangliectomy -gangliform -gangliitis -gangling -ganglioblast -gangliocyte -ganglioform -ganglioid -ganglioma -ganglion -ganglionary -ganglionate -ganglionectomy -ganglioneural -ganglioneure -ganglioneuroma -ganglioneuron -ganglionic -ganglionitis -ganglionless -ganglioplexus -gangly -gangman -gangmaster -gangplank -gangrel -gangrene -gangrenescent -gangrenous -gangsman -gangster -gangsterism -gangtide -gangue -Ganguela -gangway -gangwayman -ganister -ganja -ganner -gannet -Ganocephala -ganocephalan -ganocephalous -ganodont -Ganodonta -Ganodus -ganoid -ganoidal -ganoidean -Ganoidei -ganoidian -ganoin -ganomalite -ganophyllite -ganosis -Ganowanian -gansel -gansey -gansy -gant -ganta -gantang -gantlet -gantline -ganton -gantries -gantry -gantryman -gantsl -Ganymede -Ganymedes -ganza -ganzie -gaol -gaolbird -gaoler -Gaon -Gaonate -Gaonic -gap -Gapa -gapa -gape -gaper -gapes -gapeseed -gapeworm -gaping -gapingly -gapingstock -gapo -gappy -gapy -gar -gara -garabato -garad -garage -garageman -Garamond -garance -garancine -garapata -garava -garavance -garawi -garb -garbage -garbardine -garbel -garbell -garbill -garble -garbleable -garbler -garbless -garbling -garboard -garboil -garbure -garce -Garcinia -gardant -gardeen -garden -gardenable -gardencraft -gardened -gardener -gardenership -gardenesque -gardenful -gardenhood -Gardenia -gardenin -gardening -gardenize -gardenless -gardenlike -gardenly -gardenmaker -gardenmaking -gardenwards -gardenwise -gardeny -garderobe -gardevin -gardy -gardyloo -gare -garefowl -gareh -garetta -garewaite -garfish -garganey -Gargantua -Gargantuan -garget -gargety -gargle -gargol -gargoyle -gargoyled -gargoyley -gargoylish -gargoylishly -gargoylism -Garhwali -garial -gariba -garibaldi -Garibaldian -garish -garishly -garishness -garland -garlandage -garlandless -garlandlike -garlandry -garlandwise -garle -garlic -garlicky -garliclike -garlicmonger -garlicwort -garment -garmentless -garmentmaker -garmenture -garmentworker -garn -garnel -garner -garnerage -garnet -garnetberry -garneter -garnetiferous -garnets -garnett -garnetter -garnetwork -garnetz -garnice -garniec -garnierite -garnish -garnishable -garnished -garnishee -garnisheement -garnisher -garnishment -garnishry -garniture -Garo -garoo -garookuh -garrafa -garran -Garret -garret -garreted -garreteer -garretmaster -garrison -Garrisonian -Garrisonism -garrot -garrote -garroter -Garrulinae -garruline -garrulity -garrulous -garrulously -garrulousness -Garrulus -garrupa -Garrya -Garryaceae -garse -Garshuni -garsil -garston -garten -garter -gartered -gartering -garterless -garth -garthman -Garuda -garum -garvanzo -garvey -garvock -Gary -gas -Gasan -gasbag -gascoigny -Gascon -gasconade -gasconader -Gasconism -gascromh -gaseity -gaselier -gaseosity -gaseous -gaseousness -gasfiring -gash -gashes -gashful -gashliness -gashly -gasholder -gashouse -gashy -gasifiable -gasification -gasifier -gasiform -gasify -gasket -gaskin -gasking -gaskins -gasless -gaslight -gaslighted -gaslighting -gaslit -gaslock -gasmaker -gasman -gasogenic -gasoliery -gasoline -gasolineless -gasoliner -gasometer -gasometric -gasometrical -gasometry -gasp -Gaspar -gasparillo -gasper -gaspereau -gaspergou -gaspiness -gasping -gaspingly -gasproof -gaspy -gasser -Gasserian -gassiness -gassing -gassy -gast -gastaldite -gastaldo -gaster -gasteralgia -Gasterolichenes -gasteromycete -Gasteromycetes -gasteromycetous -Gasterophilus -gasteropod -Gasteropoda -gasterosteid -Gasterosteidae -gasterosteiform -gasterosteoid -Gasterosteus -gasterotheca -gasterothecal -Gasterotricha -gasterotrichan -gasterozooid -gastight -gastightness -Gastornis -Gastornithidae -gastradenitis -gastraea -gastraead -Gastraeadae -gastraeal -gastraeum -gastral -gastralgia -gastralgic -gastralgy -gastraneuria -gastrasthenia -gastratrophia -gastrectasia -gastrectasis -gastrectomy -gastrelcosis -gastric -gastricism -gastrilegous -gastriloquial -gastriloquism -gastriloquist -gastriloquous -gastriloquy -gastrin -gastritic -gastritis -gastroadenitis -gastroadynamic -gastroalbuminorrhea -gastroanastomosis -gastroarthritis -gastroatonia -gastroatrophia -gastroblennorrhea -gastrocatarrhal -gastrocele -gastrocentrous -Gastrochaena -Gastrochaenidae -gastrocnemial -gastrocnemian -gastrocnemius -gastrocoel -gastrocolic -gastrocoloptosis -gastrocolostomy -gastrocolotomy -gastrocolpotomy -gastrocystic -gastrocystis -gastrodialysis -gastrodiaphanoscopy -gastrodidymus -gastrodisk -gastroduodenal -gastroduodenitis -gastroduodenoscopy -gastroduodenotomy -gastrodynia -gastroelytrotomy -gastroenteralgia -gastroenteric -gastroenteritic -gastroenteritis -gastroenteroanastomosis -gastroenterocolitis -gastroenterocolostomy -gastroenterological -gastroenterologist -gastroenterology -gastroenteroptosis -gastroenterostomy -gastroenterotomy -gastroepiploic -gastroesophageal -gastroesophagostomy -gastrogastrotomy -gastrogenital -gastrograph -gastrohelcosis -gastrohepatic -gastrohepatitis -gastrohydrorrhea -gastrohyperneuria -gastrohypertonic -gastrohysterectomy -gastrohysteropexy -gastrohysterorrhaphy -gastrohysterotomy -gastroid -gastrointestinal -gastrojejunal -gastrojejunostomy -gastrolater -gastrolatrous -gastrolienal -gastrolith -Gastrolobium -gastrologer -gastrological -gastrologist -gastrology -gastrolysis -gastrolytic -gastromalacia -gastromancy -gastromelus -gastromenia -gastromyces -gastromycosis -gastromyxorrhea -gastronephritis -gastronome -gastronomer -gastronomic -gastronomical -gastronomically -gastronomist -gastronomy -gastronosus -gastropancreatic -gastropancreatitis -gastroparalysis -gastroparesis -gastroparietal -gastropathic -gastropathy -gastroperiodynia -gastropexy -gastrophile -gastrophilism -gastrophilist -gastrophilite -Gastrophilus -gastrophrenic -gastrophthisis -gastroplasty -gastroplenic -gastropleuritis -gastroplication -gastropneumatic -gastropneumonic -gastropod -Gastropoda -gastropodan -gastropodous -gastropore -gastroptosia -gastroptosis -gastropulmonary -gastropulmonic -gastropyloric -gastrorrhagia -gastrorrhaphy -gastrorrhea -gastroschisis -gastroscope -gastroscopic -gastroscopy -gastrosoph -gastrosopher -gastrosophy -gastrospasm -gastrosplenic -gastrostaxis -gastrostegal -gastrostege -gastrostenosis -gastrostomize -Gastrostomus -gastrostomy -gastrosuccorrhea -gastrotheca -gastrothecal -gastrotome -gastrotomic -gastrotomy -Gastrotricha -gastrotrichan -gastrotubotomy -gastrotympanites -gastrovascular -gastroxynsis -gastrozooid -gastrula -gastrular -gastrulate -gastrulation -gasworker -gasworks -gat -gata -gatch -gatchwork -gate -gateado -gateage -gated -gatehouse -gatekeeper -gateless -gatelike -gatemaker -gateman -gatepost -gater -gatetender -gateward -gatewards -gateway -gatewayman -gatewise -gatewoman -gateworks -gatewright -Gatha -gather -gatherable -gatherer -gathering -Gathic -gating -gator -gatter -gatteridge -gau -gaub -gauby -gauche -gauchely -gaucheness -gaucherie -Gaucho -gaud -gaudery -Gaudete -gaudful -gaudily -gaudiness -gaudless -gaudsman -gaudy -gaufer -gauffer -gauffered -gauffre -gaufre -gaufrette -gauge -gaugeable -gauger -gaugership -gauging -Gaul -gaulding -gauleiter -Gaulic -gaulin -Gaulish -Gaullism -Gaullist -Gault -gault -gaulter -gaultherase -Gaultheria -gaultherin -gaum -gaumish -gaumless -gaumlike -gaumy -gaun -gaunt -gaunted -gauntlet -gauntleted -gauntly -gauntness -gauntry -gaunty -gaup -gaupus -gaur -Gaura -Gaurian -gaus -gauss -gaussage -gaussbergite -Gaussian -gauster -gausterer -gaut -gauteite -gauze -gauzelike -gauzewing -gauzily -gauziness -gauzy -gavall -gave -gavel -gaveler -gavelkind -gavelkinder -gavelman -gavelock -Gavia -Gaviae -gavial -Gavialis -gavialoid -Gaviiformes -gavotte -gavyuti -gaw -gawby -gawcie -gawk -gawkhammer -gawkihood -gawkily -gawkiness -gawkish -gawkishly -gawkishness -gawky -gawm -gawn -gawney -gawsie -gay -gayal -gayatri -gaybine -gaycat -gaydiang -gayish -Gaylussacia -gaylussite -gayment -gayness -Gaypoo -gaysome -gaywings -gayyou -gaz -gazabo -gazangabin -Gazania -gaze -gazebo -gazee -gazehound -gazel -gazeless -Gazella -gazelle -gazelline -gazement -gazer -gazettal -gazette -gazetteer -gazetteerage -gazetteerish -gazetteership -gazi -gazing -gazingly -gazingstock -gazogene -gazon -gazophylacium -gazy -gazzetta -Ge -ge -Geadephaga -geadephagous -geal -gean -geanticlinal -geanticline -gear -gearbox -geared -gearing -gearksutite -gearless -gearman -gearset -gearshift -gearwheel -gease -geason -Geaster -Geat -geat -Geatas -gebang -gebanga -gebbie -gebur -Gecarcinidae -Gecarcinus -geck -gecko -geckoid -geckotian -geckotid -Geckotidae -geckotoid -Ged -ged -gedackt -gedanite -gedder -gedeckt -gedecktwork -Gederathite -Gederite -gedrite -Gee -gee -geebong -geebung -Geechee -geejee -geek -geelbec -geeldikkop -geelhout -geepound -geerah -geest -geet -Geez -geezer -Gegenschein -gegg -geggee -gegger -geggery -Geheimrat -Gehenna -gehlenite -Geikia -geikielite -gein -geira -Geisenheimer -geisha -geison -geisotherm -geisothermal -Geissoloma -Geissolomataceae -Geissolomataceous -Geissorhiza -geissospermin -geissospermine -geitjie -geitonogamous -geitonogamy -Gekko -Gekkones -gekkonid -Gekkonidae -gekkonoid -Gekkota -gel -gelable -gelada -gelandejump -gelandelaufer -gelandesprung -Gelasian -Gelasimus -gelastic -Gelastocoridae -gelatification -gelatigenous -gelatin -gelatinate -gelatination -gelatined -gelatiniferous -gelatiniform -gelatinify -gelatinigerous -gelatinity -gelatinizability -gelatinizable -gelatinization -gelatinize -gelatinizer -gelatinobromide -gelatinochloride -gelatinoid -gelatinotype -gelatinous -gelatinously -gelatinousness -gelation -gelatose -geld -geldability -geldable -geldant -gelder -gelding -Gelechia -gelechiid -Gelechiidae -Gelfomino -gelid -Gelidiaceae -gelidity -Gelidium -gelidly -gelidness -gelignite -gelilah -gelinotte -gell -Gellert -gelly -gelogenic -gelong -geloscopy -gelose -gelosin -gelotherapy -gelotometer -gelotoscopy -gelototherapy -gelsemic -gelsemine -gelseminic -gelseminine -Gelsemium -gelt -gem -Gemara -Gemaric -Gemarist -gematria -gematrical -gemauve -gemel -gemeled -gemellione -gemellus -geminate -geminated -geminately -gemination -geminative -Gemini -Geminid -geminiflorous -geminiform -geminous -Gemitores -gemitorial -gemless -gemlike -Gemma -gemma -gemmaceous -gemmae -gemmate -gemmation -gemmative -gemmeous -gemmer -gemmiferous -gemmiferousness -gemmification -gemmiform -gemmily -gemminess -Gemmingia -gemmipara -gemmipares -gemmiparity -gemmiparous -gemmiparously -gemmoid -gemmology -gemmula -gemmulation -gemmule -gemmuliferous -gemmy -gemot -gemsbok -gemsbuck -gemshorn -gemul -gemuti -gemwork -gen -gena -genal -genapp -genapper -genarch -genarcha -genarchaship -genarchship -gendarme -gendarmery -gender -genderer -genderless -Gene -gene -genealogic -genealogical -genealogically -genealogist -genealogize -genealogizer -genealogy -genear -geneat -genecologic -genecological -genecologically -genecologist -genecology -geneki -genep -genera -generability -generable -generableness -general -generalate -generalcy -generale -generalia -Generalidad -generalific -generalism -generalissima -generalissimo -generalist -generalistic -generality -generalizable -generalization -generalize -generalized -generalizer -generall -generally -generalness -generalship -generalty -generant -generate -generating -generation -generational -generationism -generative -generatively -generativeness -generator -generatrix -generic -generical -generically -genericalness -generification -generosity -generous -generously -generousness -Genesee -geneserine -Genesiac -Genesiacal -genesial -genesic -genesiology -genesis -Genesitic -genesiurgic -genet -genethliac -genethliacal -genethliacally -genethliacon -genethliacs -genethlialogic -genethlialogical -genethlialogy -genethlic -genetic -genetical -genetically -geneticism -geneticist -genetics -genetmoil -genetous -Genetrix -genetrix -Genetta -Geneura -Geneva -geneva -Genevan -Genevese -Genevieve -Genevois -genevoise -genial -geniality -genialize -genially -genialness -genian -genic -genicular -geniculate -geniculated -geniculately -geniculation -geniculum -genie -genii -genin -genioglossal -genioglossi -genioglossus -geniohyoglossal -geniohyoglossus -geniohyoid -geniolatry -genion -genioplasty -genip -Genipa -genipa -genipap -genipapada -genisaro -Genista -genista -genistein -genital -genitalia -genitals -genitival -genitivally -genitive -genitocrural -genitofemoral -genitor -genitorial -genitory -genitourinary -geniture -genius -genizah -genizero -Genny -Genoa -genoblast -genoblastic -genocidal -genocide -Genoese -genoese -genom -genome -genomic -genonema -genos -genotype -genotypic -genotypical -genotypically -Genoveva -genovino -genre -genro -gens -genson -gent -genteel -genteelish -genteelism -genteelize -genteelly -genteelness -gentes -genthite -gentian -Gentiana -Gentianaceae -gentianaceous -Gentianales -gentianella -gentianic -gentianin -gentianose -gentianwort -gentile -gentiledom -gentilesse -gentilic -gentilism -gentilitial -gentilitian -gentilitious -gentility -gentilization -gentilize -gentiobiose -gentiopicrin -gentisein -gentisic -gentisin -gentle -gentlefolk -gentlehearted -gentleheartedly -gentleheartedness -gentlehood -gentleman -gentlemanhood -gentlemanism -gentlemanize -gentlemanlike -gentlemanlikeness -gentlemanliness -gentlemanly -gentlemanship -gentlemens -gentlemouthed -gentleness -gentlepeople -gentleship -gentlewoman -gentlewomanhood -gentlewomanish -gentlewomanlike -gentlewomanliness -gentlewomanly -gently -gentman -Gentoo -gentrice -gentry -genty -genu -genua -genual -genuclast -genuflect -genuflection -genuflector -genuflectory -genuflex -genuflexuous -genuine -genuinely -genuineness -genus -genyantrum -Genyophrynidae -genyoplasty -genys -geo -geoaesthesia -geoagronomic -geobiologic -geobiology -geobiont -geobios -geoblast -geobotanic -geobotanical -geobotanist -geobotany -geocarpic -geocentric -geocentrical -geocentrically -geocentricism -geocerite -geochemical -geochemist -geochemistry -geochronic -geochronology -geochrony -Geococcyx -geocoronium -geocratic -geocronite -geocyclic -geodaesia -geodal -geode -geodesic -geodesical -geodesist -geodesy -geodete -geodetic -geodetical -geodetically -geodetician -geodetics -geodiatropism -geodic -geodiferous -geodist -geoduck -geodynamic -geodynamical -geodynamics -geoethnic -Geoff -Geoffrey -geoffroyin -geoffroyine -geoform -geogenesis -geogenetic -geogenic -geogenous -geogeny -Geoglossaceae -Geoglossum -geoglyphic -geognosis -geognosist -geognost -geognostic -geognostical -geognostically -geognosy -geogonic -geogonical -geogony -geographer -geographic -geographical -geographically -geographics -geographism -geographize -geography -geohydrologist -geohydrology -geoid -geoidal -geoisotherm -geolatry -geologer -geologian -geologic -geological -geologically -geologician -geologist -geologize -geology -geomagnetic -geomagnetician -geomagnetics -geomagnetist -geomalic -geomalism -geomaly -geomance -geomancer -geomancy -geomant -geomantic -geomantical -geomantically -geometer -geometric -geometrical -geometrically -geometrician -geometricize -geometrid -Geometridae -geometriform -Geometrina -geometrine -geometrize -geometroid -Geometroidea -geometry -geomoroi -geomorphic -geomorphist -geomorphogenic -geomorphogenist -geomorphogeny -geomorphological -geomorphology -geomorphy -geomyid -Geomyidae -Geomys -Geon -geonavigation -geonegative -Geonic -Geonim -Geonoma -geonoma -geonyctinastic -geonyctitropic -geoparallelotropic -geophagia -geophagism -geophagist -geophagous -geophagy -Geophila -geophilid -Geophilidae -geophilous -Geophilus -Geophone -geophone -geophysical -geophysicist -geophysics -geophyte -geophytic -geoplagiotropism -Geoplana -Geoplanidae -geopolar -geopolitic -geopolitical -geopolitically -geopolitician -geopolitics -Geopolitik -geoponic -geoponical -geoponics -geopony -geopositive -Geoprumnon -georama -Geordie -George -Georgemas -Georgette -Georgia -georgiadesite -Georgian -Georgiana -georgic -Georgie -geoscopic -geoscopy -geoselenic -geosid -geoside -geosphere -Geospiza -geostatic -geostatics -geostrategic -geostrategist -geostrategy -geostrophic -geosynclinal -geosyncline -geotactic -geotactically -geotaxis -geotaxy -geotechnic -geotechnics -geotectology -geotectonic -geotectonics -Geoteuthis -geotherm -geothermal -geothermic -geothermometer -Geothlypis -geotic -geotical -geotilla -geotonic -geotonus -geotropic -geotropically -geotropism -geotropy -geoty -Gepeoo -Gephyrea -gephyrean -gephyrocercal -gephyrocercy -Gepidae -ger -gerah -Gerald -Geraldine -Geraniaceae -geraniaceous -geranial -Geraniales -geranic -geraniol -Geranium -geranium -geranomorph -Geranomorphae -geranomorphic -geranyl -Gerard -gerardia -Gerasene -gerastian -gerate -gerated -geratic -geratologic -geratologous -geratology -geraty -gerb -gerbe -Gerbera -Gerberia -gerbil -Gerbillinae -Gerbillus -gercrow -gereagle -gerefa -gerenda -gerendum -gerent -gerenuk -gerfalcon -gerhardtite -geriatric -geriatrician -geriatrics -gerim -gerip -germ -germal -German -german -germander -germane -germanely -germaneness -Germanesque -Germanhood -Germania -Germanic -germanic -Germanical -Germanically -Germanics -Germanification -Germanify -germanious -Germanish -Germanism -Germanist -Germanistic -germanite -Germanity -germanity -germanium -Germanization -germanization -Germanize -germanize -Germanizer -Germanly -Germanness -Germanocentric -Germanomania -Germanomaniac -Germanophile -Germanophilist -Germanophobe -Germanophobia -Germanophobic -Germanophobist -germanous -Germantown -germanyl -germarium -germen -germfree -germicidal -germicide -germifuge -germigenous -germin -germina -germinability -germinable -Germinal -germinal -germinally -germinance -germinancy -germinant -germinate -germination -germinative -germinatively -germinator -germing -germinogony -germiparity -germless -germlike -germling -germon -germproof -germule -germy -gernitz -gerocomia -gerocomical -gerocomy -geromorphism -Geronomite -geront -gerontal -gerontes -gerontic -gerontine -gerontism -geronto -gerontocracy -gerontocrat -gerontocratic -gerontogeous -gerontology -gerontophilia -gerontoxon -Gerres -gerrhosaurid -Gerrhosauridae -Gerridae -gerrymander -gerrymanderer -gers -gersdorffite -Gershom -Gershon -Gershonite -gersum -Gertie -Gertrude -gerund -gerundial -gerundially -gerundival -gerundive -gerundively -gerusia -Gervais -gervao -Gervas -Gervase -Gerygone -gerygone -Geryonia -geryonid -Geryonidae -Geryoniidae -Ges -Gesan -Geshurites -gesith -gesithcund -gesithcundman -Gesnera -Gesneraceae -gesneraceous -Gesneria -gesneria -Gesneriaceae -gesneriaceous -Gesnerian -gesning -gessamine -gesso -gest -Gestalt -gestalter -gestaltist -gestant -Gestapo -gestate -gestation -gestational -gestative -gestatorial -gestatorium -gestatory -geste -gested -gesten -gestening -gestic -gestical -gesticulacious -gesticulant -gesticular -gesticularious -gesticulate -gesticulation -gesticulative -gesticulatively -gesticulator -gesticulatory -gestion -gestning -gestural -gesture -gestureless -gesturer -get -geta -Getae -getah -getaway -gether -Gethsemane -gethsemane -Gethsemanic -gethsemanic -Getic -getling -getpenny -Getsul -gettable -getter -getting -getup -Geullah -Geum -geum -gewgaw -gewgawed -gewgawish -gewgawry -gewgawy -gey -geyan -geyerite -geyser -geyseral -geyseric -geyserine -geyserish -geyserite -gez -ghafir -ghaist -ghalva -Ghan -gharial -gharnao -gharry -Ghassanid -ghastily -ghastlily -ghastliness -ghastly -ghat -ghatti -ghatwal -ghatwazi -ghazi -ghazism -Ghaznevid -Gheber -ghebeta -Ghedda -ghee -Gheg -Ghegish -gheleem -Ghent -gherkin -ghetchoo -ghetti -ghetto -ghettoization -ghettoize -Ghibelline -Ghibellinism -Ghilzai -Ghiordes -ghizite -ghoom -ghost -ghostcraft -ghostdom -ghoster -ghostess -ghostfish -ghostflower -ghosthood -ghostified -ghostily -ghostish -ghostism -ghostland -ghostless -ghostlet -ghostlify -ghostlike -ghostlily -ghostliness -ghostly -ghostmonger -ghostology -ghostship -ghostweed -ghostwrite -ghosty -ghoul -ghoulery -ghoulish -ghoulishly -ghoulishness -ghrush -ghurry -Ghuz -Gi -Giansar -giant -giantesque -giantess -gianthood -giantish -giantism -giantize -giantkind -giantlike -giantly -giantry -giantship -Giardia -giardia -giardiasis -giarra -giarre -Gib -gib -gibaro -gibbals -gibbed -gibber -Gibberella -gibbergunyah -gibberish -gibberose -gibberosity -gibbet -gibbetwise -Gibbi -gibblegabble -gibblegabbler -gibbles -gibbon -gibbose -gibbosity -gibbous -gibbously -gibbousness -gibbsite -gibbus -gibby -gibe -gibel -gibelite -Gibeonite -giber -gibing -gibingly -gibleh -giblet -giblets -Gibraltar -Gibson -gibstaff -gibus -gid -giddap -giddea -giddify -giddily -giddiness -giddy -giddyberry -giddybrain -giddyhead -giddyish -Gideon -Gideonite -gidgee -gie -gied -gien -Gienah -gieseckite -gif -giffgaff -Gifola -gift -gifted -giftedly -giftedness -giftie -giftless -giftling -giftware -gig -gigantean -gigantesque -gigantic -gigantical -gigantically -giganticidal -giganticide -giganticness -gigantism -gigantize -gigantoblast -gigantocyte -gigantolite -gigantological -gigantology -gigantomachy -Gigantopithecus -Gigantosaurus -Gigantostraca -gigantostracan -gigantostracous -Gigartina -Gigartinaceae -gigartinaceous -Gigartinales -gigback -gigelira -gigeria -gigerium -gigful -gigger -giggish -giggit -giggle -giggledom -gigglement -giggler -gigglesome -giggling -gigglingly -gigglish -giggly -Gigi -giglet -gigliato -giglot -gigman -gigmaness -gigmanhood -gigmania -gigmanic -gigmanically -gigmanism -gigmanity -gignate -gignitive -gigolo -gigot -gigsman -gigster -gigtree -gigunu -Gil -Gila -Gilaki -Gilbert -gilbert -gilbertage -Gilbertese -Gilbertian -Gilbertianism -gilbertite -gild -gildable -gilded -gilden -gilder -gilding -Gileadite -Gileno -Giles -gilguy -Gilia -gilia -Giliak -gilim -Gill -gill -gillaroo -gillbird -gilled -Gillenia -giller -Gilles -gillflirt -gillhooter -Gillian -gillie -gilliflirt -gilling -gilliver -gillotage -gillotype -gillstoup -gilly -gillyflower -gillygaupus -gilo -gilpy -gilravage -gilravager -gilse -gilsonite -gilt -giltcup -gilthead -gilttail -gim -gimbal -gimbaled -gimbaljawed -gimberjawed -gimble -gimcrack -gimcrackery -gimcrackiness -gimcracky -gimel -Gimirrai -gimlet -gimleteyed -gimlety -gimmal -gimmer -gimmerpet -gimmick -gimp -gimped -gimper -gimping -gin -ging -ginger -gingerade -gingerberry -gingerbread -gingerbready -gingerin -gingerleaf -gingerline -gingerliness -gingerly -gingerness -gingernut -gingerol -gingerous -gingerroot -gingersnap -gingerspice -gingerwork -gingerwort -gingery -gingham -ginghamed -gingili -gingiva -gingivae -gingival -gingivalgia -gingivectomy -gingivitis -gingivoglossitis -gingivolabial -ginglyform -ginglymoarthrodia -ginglymoarthrodial -Ginglymodi -ginglymodian -ginglymoid -ginglymoidal -Ginglymostoma -ginglymostomoid -ginglymus -ginglyni -ginhouse -gink -Ginkgo -ginkgo -Ginkgoaceae -ginkgoaceous -Ginkgoales -ginned -ginner -ginners -ginnery -ginney -ginning -ginnle -Ginny -ginny -ginseng -ginward -gio -giobertite -giornata -giornatate -Giottesque -Giovanni -gip -gipon -gipper -Gippy -gipser -gipsire -gipsyweed -Giraffa -giraffe -giraffesque -Giraffidae -giraffine -giraffoid -girandola -girandole -girasol -girasole -girba -gird -girder -girderage -girderless -girding -girdingly -girdle -girdlecake -girdlelike -girdler -girdlestead -girdling -girdlingly -Girella -Girellidae -Girgashite -Girgasite -girl -girleen -girlery -girlfully -girlhood -girlie -girliness -girling -girlish -girlishly -girlishness -girlism -girllike -girly -girn -girny -giro -giroflore -Girondin -Girondism -Girondist -girouette -girouettism -girr -girse -girsh -girsle -girt -girth -girtline -gisarme -gish -gisla -gisler -gismondine -gismondite -gist -git -gitaligenin -gitalin -Gitanemuck -gith -Gitksan -gitonin -gitoxigenin -gitoxin -gittern -Gittite -gittith -Giuseppe -giustina -give -giveable -giveaway -given -givenness -giver -givey -giving -gizz -gizzard -gizzen -gizzern -glabella -glabellae -glabellar -glabellous -glabellum -glabrate -glabrescent -glabrous -glace -glaceed -glaceing -glaciable -glacial -glacialism -glacialist -glacialize -glacially -glaciaria -glaciarium -glaciate -glaciation -glacier -glaciered -glacieret -glacierist -glacification -glacioaqueous -glaciolacustrine -glaciological -glaciologist -glaciology -glaciomarine -glaciometer -glacionatant -glacis -glack -glad -gladden -gladdener -gladdon -gladdy -glade -gladelike -gladeye -gladful -gladfully -gladfulness -gladhearted -gladiate -gladiator -gladiatorial -gladiatorism -gladiatorship -gladiatrix -gladify -gladii -gladiola -gladiolar -gladiole -gladioli -gladiolus -gladius -gladkaite -gladless -gladly -gladness -gladsome -gladsomely -gladsomeness -Gladstone -Gladstonian -Gladstonianism -glady -Gladys -glaga -Glagol -Glagolic -Glagolitic -Glagolitsa -glaieul -glaik -glaiket -glaiketness -glair -glaireous -glairiness -glairy -glaister -glaive -glaived -glaked -glaky -glam -glamberry -glamorize -glamorous -glamorously -glamour -glamoury -glance -glancer -glancing -glancingly -gland -glandaceous -glandarious -glandered -glanderous -glanders -glandes -glandiferous -glandiform -glandless -glandlike -glandular -glandularly -glandule -glanduliferous -glanduliform -glanduligerous -glandulose -glandulosity -glandulous -glandulousness -Glaniostomi -glans -glar -glare -glareless -Glareola -glareole -Glareolidae -glareous -glareproof -glareworm -glarily -glariness -glaring -glaringly -glaringness -glarry -glary -Glaserian -glaserite -glashan -glass -glassen -glasser -glasses -glassfish -glassful -glasshouse -glassie -glassily -glassine -glassiness -Glassite -glassless -glasslike -glassmaker -glassmaking -glassman -glassophone -glassrope -glassteel -glassware -glassweed -glasswork -glassworker -glassworking -glassworks -glasswort -glassy -Glaswegian -Glathsheim -Glathsheimr -glauberite -glaucescence -glaucescent -Glaucidium -glaucin -glaucine -Glaucionetta -Glaucium -glaucochroite -glaucodot -glaucolite -glaucoma -glaucomatous -Glaucomys -Glauconia -glauconiferous -Glauconiidae -glauconite -glauconitic -glauconitization -glaucophane -glaucophanite -glaucophanization -glaucophanize -glaucophyllous -Glaucopis -glaucosuria -glaucous -glaucously -Glauke -glaum -glaumrie -glaur -glaury -Glaux -glaver -glaze -glazed -glazen -glazer -glazework -glazier -glaziery -glazily -glaziness -glazing -glazy -gleam -gleamily -gleaminess -gleaming -gleamingly -gleamless -gleamy -glean -gleanable -gleaner -gleaning -gleary -gleba -glebal -glebe -glebeless -glebous -Glecoma -glede -Gleditsia -gledy -glee -gleed -gleeful -gleefully -gleefulness -gleeishly -gleek -gleemaiden -gleeman -gleesome -gleesomely -gleesomeness -gleet -gleety -gleewoman -gleg -glegly -glegness -Glen -glen -Glengarry -Glenn -glenohumeral -glenoid -glenoidal -glent -glessite -gleyde -glia -gliadin -glial -glib -glibbery -glibly -glibness -glidder -gliddery -glide -glideless -glideness -glider -gliderport -glidewort -gliding -glidingly -gliff -gliffing -glime -glimmer -glimmering -glimmeringly -glimmerite -glimmerous -glimmery -glimpse -glimpser -glink -glint -glioma -gliomatous -gliosa -gliosis -Glires -Gliridae -gliriform -Gliriformia -glirine -Glis -glisk -glisky -glissade -glissader -glissando -glissette -glisten -glistening -glisteningly -glister -glisteringly -Glitnir -glitter -glitterance -glittering -glitteringly -glittersome -glittery -gloam -gloaming -gloat -gloater -gloating -gloatingly -global -globally -globate -globated -globe -globed -globefish -globeflower -globeholder -globelet -Globicephala -globiferous -Globigerina -globigerine -Globigerinidae -globin -Globiocephalus -globoid -globose -globosely -globoseness -globosite -globosity -globosphaerite -globous -globously -globousness -globular -Globularia -Globulariaceae -globulariaceous -globularity -globularly -globularness -globule -globulet -globulicidal -globulicide -globuliferous -globuliform -globulimeter -globulin -globulinuria -globulite -globulitic -globuloid -globulolysis -globulose -globulous -globulousness -globulysis -globy -glochid -glochideous -glochidia -glochidial -glochidian -glochidiate -glochidium -glochis -glockenspiel -gloea -gloeal -Gloeocapsa -gloeocapsoid -gloeosporiose -Gloeosporium -Gloiopeltis -Gloiosiphonia -Gloiosiphoniaceae -glom -glome -glomerate -glomeration -Glomerella -glomeroporphyritic -glomerular -glomerulate -glomerule -glomerulitis -glomerulonephritis -glomerulose -glomerulus -glommox -glomus -glonoin -glonoine -gloom -gloomful -gloomfully -gloomily -gloominess -glooming -gloomingly -gloomless -gloomth -gloomy -glop -gloppen -glor -glore -Gloria -Gloriana -gloriation -gloriette -glorifiable -glorification -glorifier -glorify -gloriole -Gloriosa -gloriosity -glorious -gloriously -gloriousness -glory -gloryful -glorying -gloryingly -gloryless -gloss -glossa -glossagra -glossal -glossalgia -glossalgy -glossanthrax -glossarial -glossarially -glossarian -glossarist -glossarize -glossary -Glossata -glossate -glossator -glossatorial -glossectomy -glossed -glosser -glossic -glossily -Glossina -glossiness -glossing -glossingly -Glossiphonia -Glossiphonidae -glossist -glossitic -glossitis -glossless -glossmeter -glossocarcinoma -glossocele -glossocoma -glossocomon -glossodynamometer -glossodynia -glossoepiglottic -glossoepiglottidean -glossograph -glossographer -glossographical -glossography -glossohyal -glossoid -glossokinesthetic -glossolabial -glossolabiolaryngeal -glossolabiopharyngeal -glossolalia -glossolalist -glossolaly -glossolaryngeal -glossological -glossologist -glossology -glossolysis -glossoncus -glossopalatine -glossopalatinus -glossopathy -glossopetra -Glossophaga -glossophagine -glossopharyngeal -glossopharyngeus -Glossophora -glossophorous -glossophytia -glossoplasty -glossoplegia -glossopode -glossopodium -Glossopteris -glossoptosis -glossopyrosis -glossorrhaphy -glossoscopia -glossoscopy -glossospasm -glossosteresis -Glossotherium -glossotomy -glossotype -glossy -glost -glottal -glottalite -glottalize -glottic -glottid -glottidean -glottis -glottiscope -glottogonic -glottogonist -glottogony -glottologic -glottological -glottologist -glottology -Gloucester -glout -glove -gloveless -glovelike -glovemaker -glovemaking -glover -gloveress -glovey -gloving -glow -glower -glowerer -glowering -gloweringly -glowfly -glowing -glowingly -glowworm -Gloxinia -gloy -gloze -glozing -glozingly -glub -glucase -glucemia -glucid -glucide -glucidic -glucina -glucine -glucinic -glucinium -glucinum -gluck -glucofrangulin -glucokinin -glucolipid -glucolipide -glucolipin -glucolipine -glucolysis -glucosaemia -glucosamine -glucosan -glucosane -glucosazone -glucose -glucosemia -glucosic -glucosid -glucosidal -glucosidase -glucoside -glucosidic -glucosidically -glucosin -glucosine -glucosone -glucosuria -glucuronic -glue -glued -gluemaker -gluemaking -gluepot -gluer -gluey -glueyness -glug -gluish -gluishness -glum -gluma -Glumaceae -glumaceous -glumal -Glumales -glume -glumiferous -Glumiflorae -glumly -glummy -glumness -glumose -glumosity -glump -glumpily -glumpiness -glumpish -glumpy -glunch -Gluneamie -glusid -gluside -glut -glutamic -glutamine -glutaminic -glutaric -glutathione -glutch -gluteal -glutelin -gluten -glutenin -glutenous -gluteofemoral -gluteoinguinal -gluteoperineal -gluteus -glutin -glutinate -glutination -glutinative -glutinize -glutinose -glutinosity -glutinous -glutinously -glutinousness -glutition -glutoid -glutose -glutter -gluttery -glutting -gluttingly -glutton -gluttoness -gluttonish -gluttonism -gluttonize -gluttonous -gluttonously -gluttonousness -gluttony -glyceraldehyde -glycerate -Glyceria -glyceric -glyceride -glycerin -glycerinate -glycerination -glycerine -glycerinize -glycerite -glycerize -glycerizin -glycerizine -glycerogel -glycerogelatin -glycerol -glycerolate -glycerole -glycerolize -glycerophosphate -glycerophosphoric -glycerose -glyceroxide -glyceryl -glycid -glycide -glycidic -glycidol -Glycine -glycine -glycinin -glycocholate -glycocholic -glycocin -glycocoll -glycogelatin -glycogen -glycogenesis -glycogenetic -glycogenic -glycogenize -glycogenolysis -glycogenous -glycogeny -glycohaemia -glycohemia -glycol -glycolaldehyde -glycolate -glycolic -glycolide -glycolipid -glycolipide -glycolipin -glycolipine -glycoluric -glycoluril -glycolyl -glycolylurea -glycolysis -glycolytic -glycolytically -Glyconian -Glyconic -glyconic -glyconin -glycoproteid -glycoprotein -glycosaemia -glycose -glycosemia -glycosin -glycosine -glycosuria -glycosuric -glycuresis -glycuronic -glycyl -glycyphyllin -Glycyrrhiza -glycyrrhizin -Glynn -glyoxal -glyoxalase -glyoxalic -glyoxalin -glyoxaline -glyoxim -glyoxime -glyoxyl -glyoxylic -glyph -glyphic -glyphograph -glyphographer -glyphographic -glyphography -glyptic -glyptical -glyptician -Glyptodon -glyptodont -Glyptodontidae -glyptodontoid -glyptograph -glyptographer -glyptographic -glyptography -glyptolith -glyptological -glyptologist -glyptology -glyptotheca -Glyptotherium -glyster -Gmelina -gmelinite -gnabble -Gnaeus -gnaphalioid -Gnaphalium -gnar -gnarl -gnarled -gnarliness -gnarly -gnash -gnashingly -gnat -gnatcatcher -gnatflower -gnathal -gnathalgia -gnathic -gnathidium -gnathion -gnathism -gnathite -gnathitis -Gnatho -gnathobase -gnathobasic -Gnathobdellae -Gnathobdellida -gnathometer -gnathonic -gnathonical -gnathonically -gnathonism -gnathonize -gnathophorous -gnathoplasty -gnathopod -Gnathopoda -gnathopodite -gnathopodous -gnathostegite -Gnathostoma -Gnathostomata -gnathostomatous -gnathostome -Gnathostomi -gnathostomous -gnathotheca -gnatling -gnatproof -gnatsnap -gnatsnapper -gnatter -gnatty -gnatworm -gnaw -gnawable -gnawer -gnawing -gnawingly -gnawn -gneiss -gneissic -gneissitic -gneissoid -gneissose -gneissy -Gnetaceae -gnetaceous -Gnetales -Gnetum -gnocchetti -gnome -gnomed -gnomesque -gnomic -gnomical -gnomically -gnomide -gnomish -gnomist -gnomologic -gnomological -gnomologist -gnomology -gnomon -Gnomonia -Gnomoniaceae -gnomonic -gnomonical -gnomonics -gnomonological -gnomonologically -gnomonology -gnosiological -gnosiology -gnosis -Gnostic -gnostic -gnostical -gnostically -Gnosticism -gnosticity -gnosticize -gnosticizer -gnostology -gnu -go -goa -goad -goadsman -goadster -goaf -Goajiro -goal -Goala -goalage -goalee -goalie -goalkeeper -goalkeeping -goalless -goalmouth -Goan -Goanese -goanna -Goasila -goat -goatbeard -goatbrush -goatbush -goatee -goateed -goatfish -goatherd -goatherdess -goatish -goatishly -goatishness -goatland -goatlike -goatling -goatly -goatroot -goatsbane -goatsbeard -goatsfoot -goatskin -goatstone -goatsucker -goatweed -goaty -goave -gob -goback -goban -gobang -gobbe -gobber -gobbet -gobbin -gobbing -gobble -gobbledygook -gobbler -gobby -Gobelin -gobelin -gobernadora -gobi -Gobia -Gobian -gobiesocid -Gobiesocidae -gobiesociform -Gobiesox -gobiid -Gobiidae -gobiiform -Gobiiformes -Gobinism -Gobinist -Gobio -gobioid -Gobioidea -Gobioidei -goblet -gobleted -gobletful -goblin -gobline -goblinesque -goblinish -goblinism -goblinize -goblinry -gobmouthed -gobo -gobonated -gobony -gobstick -goburra -goby -gobylike -gocart -Goclenian -God -god -godchild -Goddam -Goddard -goddard -goddaughter -godded -goddess -goddesshood -goddessship -goddikin -goddize -gode -godet -Godetia -godfather -godfatherhood -godfathership -Godforsaken -Godfrey -Godful -godhead -godhood -Godiva -godkin -godless -godlessly -godlessness -godlet -godlike -godlikeness -godlily -godliness -godling -godly -godmaker -godmaking -godmamma -godmother -godmotherhood -godmothership -godown -godpapa -godparent -Godsake -godsend -godship -godson -godsonship -Godspeed -Godward -Godwin -Godwinian -godwit -goeduck -goel -goelism -Goemagot -Goemot -goer -goes -Goetae -Goethian -goetia -goetic -goetical -goety -goff -goffer -goffered -gofferer -goffering -goffle -gog -gogga -goggan -goggle -goggled -goggler -gogglers -goggly -goglet -Gogo -gogo -Gohila -goi -goiabada -Goidel -Goidelic -going -goitcho -goiter -goitered -goitral -goitrogen -goitrogenic -goitrous -Gokuraku -gol -gola -golach -goladar -golandaas -golandause -Golaseccan -Golconda -Gold -gold -goldbeater -goldbeating -Goldbird -goldbrick -goldbricker -goldbug -goldcrest -goldcup -golden -goldenback -goldeneye -goldenfleece -goldenhair -goldenknop -goldenlocks -goldenly -Goldenmouth -goldenmouthed -goldenness -goldenpert -goldenrod -goldenseal -goldentop -goldenwing -golder -goldfielder -goldfinch -goldfinny -goldfish -goldflower -goldhammer -goldhead -Goldi -Goldic -goldie -goldilocks -goldin -goldish -goldless -goldlike -Goldonian -goldseed -goldsinny -goldsmith -goldsmithery -goldsmithing -goldspink -goldstone -goldtail -goldtit -goldwater -goldweed -goldwork -goldworker -Goldy -goldy -golee -golem -golf -golfdom -golfer -Golgi -Golgotha -goli -goliard -goliardery -goliardic -Goliath -goliath -goliathize -golkakra -Goll -golland -gollar -golliwogg -golly -Golo -goloe -golpe -Goma -gomari -Gomarian -Gomarist -Gomarite -gomart -gomashta -gomavel -gombay -gombeen -gombeenism -gombroon -Gomeisa -gomer -gomeral -gomlah -gommelin -Gomontia -Gomorrhean -Gomphocarpus -gomphodont -Gompholobium -gomphosis -Gomphrena -gomuti -gon -Gona -gonad -gonadal -gonadial -gonadic -gonadotropic -gonadotropin -gonaduct -gonagra -gonakie -gonal -gonalgia -gonangial -gonangium -gonapod -gonapophysal -gonapophysial -gonapophysis -gonarthritis -Gond -gondang -Gondi -gondite -gondola -gondolet -gondolier -gone -goneness -goneoclinic -gonepoiesis -gonepoietic -goner -Goneril -gonesome -gonfalcon -gonfalonier -gonfalonierate -gonfaloniership -gonfanon -gong -gongman -Gongoresque -Gongorism -Gongorist -gongoristic -gonia -goniac -gonial -goniale -Goniaster -goniatite -Goniatites -goniatitic -goniatitid -Goniatitidae -goniatitoid -gonid -gonidangium -gonidia -gonidial -gonidic -gonidiferous -gonidiogenous -gonidioid -gonidiophore -gonidiose -gonidiospore -gonidium -gonimic -gonimium -gonimolobe -gonimous -goniocraniometry -Goniodoridae -Goniodorididae -Goniodoris -goniometer -goniometric -goniometrical -goniometrically -goniometry -gonion -Goniopholidae -Goniopholis -goniostat -goniotropous -gonitis -Gonium -gonium -gonnardite -gonne -gonoblast -gonoblastic -gonoblastidial -gonoblastidium -gonocalycine -gonocalyx -gonocheme -gonochorism -gonochorismal -gonochorismus -gonochoristic -gonococcal -gonococcic -gonococcoid -gonococcus -gonocoel -gonocyte -gonoecium -Gonolobus -gonomere -gonomery -gonophore -gonophoric -gonophorous -gonoplasm -gonopoietic -gonorrhea -gonorrheal -gonorrheic -gonosomal -gonosome -gonosphere -gonostyle -gonotheca -gonothecal -gonotokont -gonotome -gonotype -gonozooid -gony -gonyalgia -gonydeal -gonydial -gonyocele -gonyoncus -gonys -Gonystylaceae -gonystylaceous -Gonystylus -gonytheca -Gonzalo -goo -goober -good -Goodenia -Goodeniaceae -goodeniaceous -Goodenoviaceae -goodhearted -goodheartedly -goodheartedness -gooding -goodish -goodishness -goodlihead -goodlike -goodliness -goodly -goodman -goodmanship -goodness -goods -goodsome -goodwife -goodwill -goodwillit -goodwilly -goody -goodyear -Goodyera -goodyish -goodyism -goodyness -goodyship -goof -goofer -goofily -goofiness -goofy -googly -googol -googolplex -googul -gook -gool -goolah -gools -gooma -goon -goondie -goonie -Goop -goosander -goose -goosebeak -gooseberry -goosebill -goosebird -goosebone -gooseboy -goosecap -goosefish -gooseflower -goosefoot -goosegirl -goosegog -gooseherd -goosehouse -gooselike -goosemouth -gooseneck -goosenecked -gooserumped -goosery -goosetongue -gooseweed -goosewing -goosewinged -goosish -goosishly -goosishness -goosy -gopher -gopherberry -gopherroot -gopherwood -gopura -Gor -gor -gora -goracco -goral -goran -gorb -gorbal -gorbellied -gorbelly -gorbet -gorble -gorblimy -gorce -gorcock -gorcrow -Gordiacea -gordiacean -gordiaceous -Gordian -Gordiidae -Gordioidea -Gordius -gordolobo -Gordon -Gordonia -gordunite -Gordyaean -gore -gorer -gorevan -gorfly -gorge -gorgeable -gorged -gorgedly -gorgelet -gorgeous -gorgeously -gorgeousness -gorger -gorgerin -gorget -gorgeted -gorglin -Gorgon -Gorgonacea -gorgonacean -gorgonaceous -gorgonesque -gorgoneum -Gorgonia -Gorgoniacea -gorgoniacean -gorgoniaceous -Gorgonian -gorgonian -gorgonin -gorgonize -gorgonlike -Gorgonzola -Gorgosaurus -gorhen -goric -gorilla -gorillaship -gorillian -gorilline -gorilloid -gorily -goriness -goring -Gorkhali -Gorkiesque -gorlin -gorlois -gormandize -gormandizer -gormaw -gormed -gorra -gorraf -gorry -gorse -gorsebird -gorsechat -gorsedd -gorsehatch -gorsy -Gortonian -Gortonite -gory -gos -gosain -goschen -gosh -goshawk -Goshen -goshenite -goslarite -goslet -gosling -gosmore -gospel -gospeler -gospelist -gospelize -gospellike -gospelly -gospelmonger -gospelwards -Gosplan -gospodar -gosport -gossamer -gossamered -gossamery -gossampine -gossan -gossaniferous -gossard -gossip -gossipdom -gossipee -gossiper -gossiphood -gossipiness -gossiping -gossipingly -gossipmonger -gossipred -gossipry -gossipy -gossoon -gossy -gossypine -Gossypium -gossypol -gossypose -got -gotch -gote -Goth -Gotha -Gotham -Gothamite -Gothic -Gothically -Gothicism -Gothicist -Gothicity -Gothicize -Gothicizer -Gothicness -Gothish -Gothism -gothite -Gothlander -Gothonic -Gotiglacial -gotra -gotraja -gotten -Gottfried -Gottlieb -gouaree -Gouda -Goudy -gouge -gouger -goujon -goulash -goumi -goup -Goura -gourami -gourd -gourde -gourdful -gourdhead -gourdiness -gourdlike -gourdworm -gourdy -Gourinae -gourmand -gourmander -gourmanderie -gourmandism -gourmet -gourmetism -gourounut -goustrous -gousty -gout -goutify -goutily -goutiness -goutish -goutte -goutweed -goutwort -gouty -gove -govern -governability -governable -governableness -governably -governail -governance -governess -governessdom -governesshood -governessy -governing -governingly -government -governmental -governmentalism -governmentalist -governmentalize -governmentally -governmentish -governor -governorate -governorship -gowan -gowdnie -gowf -gowfer -gowiddie -gowk -gowked -gowkedly -gowkedness -gowkit -gowl -gown -gownlet -gownsman -gowpen -goy -Goyana -goyazite -Goyetian -goyim -goyin -goyle -gozell -gozzard -gra -Graafian -grab -grabbable -grabber -grabble -grabbler -grabbling -grabbots -graben -grabhook -grabouche -Grace -grace -graceful -gracefully -gracefulness -graceless -gracelessly -gracelessness -gracelike -gracer -Gracilaria -gracilariid -Gracilariidae -gracile -gracileness -gracilescent -gracilis -gracility -graciosity -gracioso -gracious -graciously -graciousness -grackle -Graculus -grad -gradable -gradal -gradate -gradation -gradational -gradationally -gradationately -gradative -gradatively -gradatory -graddan -grade -graded -gradefinder -gradely -grader -Gradgrind -gradgrind -Gradgrindian -Gradgrindish -Gradgrindism -gradient -gradienter -Gradientia -gradin -gradine -grading -gradiometer -gradiometric -gradometer -gradual -gradualism -gradualist -gradualistic -graduality -gradually -gradualness -graduand -graduate -graduated -graduateship -graduatical -graduating -graduation -graduator -gradus -Graeae -Graeculus -Graeme -graff -graffage -graffer -Graffias -graffito -grafship -graft -graftage -graftdom -grafted -grafter -grafting -graftonite -graftproof -Graham -graham -grahamite -Graian -grail -grailer -grailing -grain -grainage -grained -grainedness -grainer -grainering -grainery -grainfield -graininess -graining -grainland -grainless -grainman -grainsick -grainsickness -grainsman -grainways -grainy -graip -graisse -graith -Grallae -Grallatores -grallatorial -grallatory -grallic -Grallina -gralline -gralloch -gram -grama -gramarye -gramashes -grame -gramenite -gramicidin -Graminaceae -graminaceous -Gramineae -gramineal -gramineous -gramineousness -graminicolous -graminiferous -graminifolious -graminiform -graminin -graminivore -graminivorous -graminological -graminology -graminous -grammalogue -grammar -grammarian -grammarianism -grammarless -grammatic -grammatical -grammatically -grammaticalness -grammaticaster -grammaticism -grammaticize -grammatics -grammatist -grammatistical -grammatite -grammatolator -grammatolatry -Grammatophyllum -gramme -Grammontine -gramoches -Gramophone -gramophone -gramophonic -gramophonical -gramophonically -gramophonist -gramp -grampa -grampus -granada -granadilla -granadillo -Granadine -granage -granary -granate -granatum -granch -grand -grandam -grandame -grandaunt -grandchild -granddad -granddaddy -granddaughter -granddaughterly -grandee -grandeeism -grandeeship -grandesque -grandeur -grandeval -grandfather -grandfatherhood -grandfatherish -grandfatherless -grandfatherly -grandfathership -grandfer -grandfilial -grandiloquence -grandiloquent -grandiloquently -grandiloquous -grandiose -grandiosely -grandiosity -grandisonant -Grandisonian -Grandisonianism -grandisonous -grandly -grandma -grandmaternal -Grandmontine -grandmother -grandmotherhood -grandmotherism -grandmotherliness -grandmotherly -grandnephew -grandness -grandniece -grandpa -grandparent -grandparentage -grandparental -grandpaternal -grandsire -grandson -grandsonship -grandstand -grandstander -granduncle -grane -grange -granger -grangerism -grangerite -grangerization -grangerize -grangerizer -Grangousier -graniform -granilla -granite -granitelike -graniteware -granitic -granitical -graniticoline -granitiferous -granitification -granitiform -granitite -granitization -granitize -granitoid -granivore -granivorous -granjeno -grank -grannom -granny -grannybush -grano -granoblastic -granodiorite -granogabbro -granolite -granolith -granolithic -granomerite -granophyre -granophyric -granose -granospherite -Grant -grant -grantable -grantedly -grantee -granter -Granth -Grantha -Grantia -Grantiidae -grantor -granula -granular -granularity -granularly -granulary -granulate -granulated -granulater -granulation -granulative -granulator -granule -granulet -granuliferous -granuliform -granulite -granulitic -granulitis -granulitization -granulitize -granulize -granuloadipose -granulocyte -granuloma -granulomatous -granulometric -granulosa -granulose -granulous -Granville -granza -granzita -grape -graped -grapeflower -grapefruit -grapeful -grapeless -grapelet -grapelike -grapenuts -graperoot -grapery -grapeshot -grapeskin -grapestalk -grapestone -grapevine -grapewise -grapewort -graph -graphalloy -graphic -graphical -graphically -graphicalness -graphicly -graphicness -graphics -Graphidiaceae -Graphiola -graphiological -graphiologist -graphiology -Graphis -graphite -graphiter -graphitic -graphitization -graphitize -graphitoid -graphitoidal -Graphium -graphologic -graphological -graphologist -graphology -graphomania -graphomaniac -graphometer -graphometric -graphometrical -graphometry -graphomotor -Graphophone -graphophone -graphophonic -graphorrhea -graphoscope -graphospasm -graphostatic -graphostatical -graphostatics -graphotype -graphotypic -graphy -graping -grapnel -grappa -grapple -grappler -grappling -Grapsidae -grapsoid -Grapsus -Grapta -graptolite -Graptolitha -Graptolithida -Graptolithina -graptolitic -Graptolitoidea -Graptoloidea -graptomancy -grapy -grasp -graspable -grasper -grasping -graspingly -graspingness -graspless -grass -grassant -grassation -grassbird -grasschat -grasscut -grasscutter -grassed -grasser -grasset -grassflat -grassflower -grasshop -grasshopper -grasshopperdom -grasshopperish -grasshouse -grassiness -grassing -grassland -grassless -grasslike -grassman -grassnut -grassplot -grassquit -grasswards -grassweed -grasswidowhood -grasswork -grassworm -grassy -grat -grate -grateful -gratefully -gratefulness -grateless -grateman -grater -gratewise -grather -Gratia -Gratiano -graticulate -graticulation -graticule -gratification -gratified -gratifiedly -gratifier -gratify -gratifying -gratifyingly -gratility -gratillity -gratinate -grating -Gratiola -gratiolin -gratiosolin -gratis -gratitude -gratten -grattoir -gratuitant -gratuitous -gratuitously -gratuitousness -gratuity -gratulant -gratulate -gratulation -gratulatorily -gratulatory -graupel -gravamen -gravamina -grave -graveclod -gravecloth -graveclothes -graved -gravedigger -gravegarth -gravel -graveless -gravelike -graveling -gravelish -gravelliness -gravelly -gravelroot -gravelstone -gravelweed -gravely -gravemaker -gravemaking -graveman -gravemaster -graven -graveness -Gravenstein -graveolence -graveolency -graveolent -graver -Graves -graveship -graveside -gravestead -gravestone -graveward -gravewards -graveyard -gravic -gravicembalo -gravid -gravidity -gravidly -gravidness -Gravigrada -gravigrade -gravimeter -gravimetric -gravimetrical -gravimetrically -gravimetry -graving -gravitate -gravitater -gravitation -gravitational -gravitationally -gravitative -gravitometer -gravity -gravure -gravy -grawls -gray -grayback -graybeard -graycoat -grayfish -grayfly -grayhead -grayish -graylag -grayling -grayly -graymalkin -graymill -grayness -graypate -graywacke -grayware -graywether -grazable -graze -grazeable -grazer -grazier -grazierdom -graziery -grazing -grazingly -grease -greasebush -greasehorn -greaseless -greaselessness -greaseproof -greaseproofness -greaser -greasewood -greasily -greasiness -greasy -great -greatcoat -greatcoated -greaten -greater -greathead -greatheart -greathearted -greatheartedness -greatish -greatly -greatmouthed -greatness -greave -greaved -greaves -grebe -Grebo -grece -Grecian -Grecianize -Grecism -Grecize -Grecomania -Grecomaniac -Grecophil -gree -greed -greedily -greediness -greedless -greedsome -greedy -greedygut -greedyguts -Greek -Greekdom -Greekery -Greekess -Greekish -Greekism -Greekist -Greekize -Greekless -Greekling -green -greenable -greenage -greenalite -greenback -Greenbacker -Greenbackism -greenbark -greenbone -greenbrier -Greencloth -greencoat -greener -greenery -greeney -greenfinch -greenfish -greengage -greengill -greengrocer -greengrocery -greenhead -greenheaded -greenheart -greenhearted -greenhew -greenhide -greenhood -greenhorn -greenhornism -greenhouse -greening -greenish -greenishness -greenkeeper -greenkeeping -Greenland -Greenlander -Greenlandic -Greenlandish -greenlandite -Greenlandman -greenleek -greenless -greenlet -greenling -greenly -greenness -greenockite -greenovite -greenroom -greensand -greensauce -greenshank -greensick -greensickness -greenside -greenstone -greenstuff -greensward -greenswarded -greentail -greenth -greenuk -greenweed -Greenwich -greenwing -greenwithe -greenwood -greenwort -greeny -greenyard -greet -greeter -greeting -greetingless -greetingly -greffier -greffotome -Greg -gregal -gregale -gregaloid -gregarian -gregarianism -Gregarina -Gregarinae -Gregarinaria -gregarine -Gregarinida -gregarinidal -gregariniform -Gregarinina -Gregarinoidea -gregarinosis -gregarinous -gregarious -gregariously -gregariousness -gregaritic -grege -Gregg -Gregge -greggle -grego -Gregor -Gregorian -Gregorianist -Gregorianize -Gregorianizer -Gregory -greige -grein -greisen -gremial -gremlin -grenade -Grenadian -grenadier -grenadierial -grenadierly -grenadiership -grenadin -grenadine -Grendel -Grenelle -Gressoria -gressorial -gressorious -Greta -Gretchen -Gretel -greund -Grevillea -grew -grewhound -Grewia -grey -greyhound -Greyiaceae -greyly -greyness -gribble -grice -grid -griddle -griddlecake -griddler -gride -gridelin -gridiron -griece -grieced -grief -griefful -grieffully -griefless -grieflessness -grieshoch -grievance -grieve -grieved -grievedly -griever -grieveship -grieving -grievingly -grievous -grievously -grievousness -Griff -griff -griffade -griffado -griffaun -griffe -griffin -griffinage -griffinesque -griffinhood -griffinish -griffinism -Griffith -griffithite -Griffon -griffon -griffonage -griffonne -grift -grifter -grig -griggles -grignet -grigri -grihastha -grihyasutra -grike -grill -grillade -grillage -grille -grilled -griller -grillroom -grillwork -grilse -grim -grimace -grimacer -grimacier -grimacing -grimacingly -grimalkin -grime -grimful -grimgribber -grimily -griminess -grimliness -grimly -grimme -Grimmia -Grimmiaceae -grimmiaceous -grimmish -grimness -grimp -grimy -grin -grinagog -grinch -grind -grindable -Grindelia -grinder -grinderman -grindery -grinding -grindingly -grindle -grindstone -gringo -gringolee -gringophobia -Grinnellia -grinner -grinning -grinningly -grinny -grintern -grip -gripe -gripeful -griper -gripgrass -griphite -Griphosaurus -griping -gripingly -gripless -gripman -gripment -grippal -grippe -gripper -grippiness -gripping -grippingly -grippingness -gripple -grippleness -grippotoxin -grippy -gripsack -gripy -Griqua -griquaite -Griqualander -gris -grisaille -grisard -Griselda -griseous -grisette -grisettish -grisgris -griskin -grisliness -grisly -Grison -grison -grisounite -grisoutine -Grissel -grissens -grissons -grist -gristbite -grister -Gristhorbia -gristle -gristliness -gristly -gristmill -gristmiller -gristmilling -gristy -grit -grith -grithbreach -grithman -gritless -gritrock -grits -gritstone -gritten -gritter -grittily -grittiness -grittle -gritty -grivet -grivna -Grizel -Grizzel -grizzle -grizzled -grizzler -grizzly -grizzlyman -groan -groaner -groanful -groaning -groaningly -groat -groats -groatsworth -grobian -grobianism -grocer -grocerdom -groceress -grocerly -grocerwise -grocery -groceryman -Groenendael -groff -grog -groggery -groggily -grogginess -groggy -grogram -grogshop -groin -groined -groinery -groining -Grolier -Grolieresque -gromatic -gromatics -Gromia -grommet -gromwell -groom -groomer -groomish -groomishly -groomlet -groomling -groomsman -groomy -groop -groose -groot -grooty -groove -grooveless -groovelike -groover -grooverhead -grooviness -grooving -groovy -grope -groper -groping -gropingly -gropple -grorudite -gros -grosbeak -groschen -groser -groset -grosgrain -grosgrained -gross -grossart -grossen -grosser -grossification -grossify -grossly -grossness -grosso -grossulaceous -grossular -Grossularia -grossularia -Grossulariaceae -grossulariaceous -grossularious -grossularite -grosz -groszy -grot -grotesque -grotesquely -grotesqueness -grotesquerie -grothine -grothite -Grotian -Grotianism -grottesco -grotto -grottoed -grottolike -grottowork -grouch -grouchily -grouchiness -grouchingly -grouchy -grouf -grough -ground -groundable -groundably -groundage -groundberry -groundbird -grounded -groundedly -groundedness -groundenell -grounder -groundflower -grounding -groundless -groundlessly -groundlessness -groundliness -groundling -groundly -groundman -groundmass -groundneedle -groundnut -groundplot -grounds -groundsel -groundsill -groundsman -groundward -groundwood -groundwork -groundy -group -groupage -groupageness -grouped -grouper -grouping -groupist -grouplet -groupment -groupwise -grouse -grouseberry -grouseless -grouser -grouseward -grousewards -grousy -grout -grouter -grouthead -grouts -grouty -grouze -grove -groved -grovel -groveler -groveless -groveling -grovelingly -grovelings -grovy -grow -growable -growan -growed -grower -growing -growingly -growingupness -growl -growler -growlery -growling -growlingly -growly -grown -grownup -growse -growsome -growth -growthful -growthiness -growthless -growthy -grozart -grozet -grr -grub -grubbed -grubber -grubbery -grubbily -grubbiness -grubby -grubhood -grubless -grubroot -grubs -grubstake -grubstaker -Grubstreet -grubstreet -grubworm -grudge -grudgeful -grudgefully -grudgekin -grudgeless -grudger -grudgery -grudging -grudgingly -grudgingness -grudgment -grue -gruel -grueler -grueling -gruelly -Grues -gruesome -gruesomely -gruesomeness -gruff -gruffily -gruffiness -gruffish -gruffly -gruffness -gruffs -gruffy -grufted -grugru -Gruidae -gruiform -Gruiformes -gruine -Gruis -grum -grumble -grumbler -grumblesome -Grumbletonian -grumbling -grumblingly -grumbly -grume -Grumium -grumly -grummel -grummels -grummet -grummeter -grumness -grumose -grumous -grumousness -grump -grumph -grumphie -grumphy -grumpily -grumpiness -grumpish -grumpy -grun -Grundified -Grundlov -grundy -Grundyism -Grundyist -Grundyite -grunerite -gruneritization -grunion -grunt -grunter -Grunth -grunting -gruntingly -gruntle -gruntled -gruntling -Grus -grush -grushie -Grusian -Grusinian -gruss -grutch -grutten -gryde -grylli -gryllid -Gryllidae -gryllos -Gryllotalpa -Gryllus -gryllus -grypanian -Gryphaea -Gryphosaurus -gryposis -Grypotherium -grysbok -guaba -guacacoa -guachamaca -guacharo -guachipilin -Guacho -Guacico -guacimo -guacin -guaco -guaconize -Guadagnini -guadalcazarite -Guaharibo -Guahiban -Guahibo -Guahivo -guaiac -guaiacol -guaiacolize -guaiaconic -guaiacum -guaiaretic -guaiasanol -guaiol -guaka -Gualaca -guama -guan -Guana -guana -guanabana -guanabano -guanaco -guanajuatite -guanamine -guanase -guanay -Guanche -guaneide -guango -guanidine -guanidopropionic -guaniferous -guanine -guanize -guano -guanophore -guanosine -guanyl -guanylic -guao -guapena -guapilla -guapinol -Guaque -guar -guara -guarabu -guaracha -guaraguao -guarana -Guarani -guarani -Guaranian -guaranine -guarantee -guaranteeship -guarantor -guarantorship -guaranty -guarapucu -Guaraunan -Guarauno -guard -guardable -guardant -guarded -guardedly -guardedness -guardeen -guarder -guardfish -guardful -guardfully -guardhouse -guardian -guardiancy -guardianess -guardianless -guardianly -guardianship -guarding -guardingly -guardless -guardlike -guardo -guardrail -guardroom -guardship -guardsman -guardstone -Guarea -guariba -guarinite -guarneri -Guarnerius -Guarnieri -Guarrau -guarri -Guaruan -guasa -Guastalline -guatambu -Guatemalan -Guatemaltecan -guativere -Guato -Guatoan -Guatusan -Guatuso -Guauaenok -guava -guavaberry -guavina -guayaba -guayabi -guayabo -guayacan -Guayaqui -Guaycuru -Guaycuruan -Guaymie -guayroto -guayule -guaza -Guazuma -gubbertush -Gubbin -gubbo -gubernacula -gubernacular -gubernaculum -gubernative -gubernator -gubernatorial -gubernatrix -guberniya -gucki -gud -gudame -guddle -gude -gudebrother -gudefather -gudemother -gudesake -gudesakes -gudesire -gudewife -gudge -gudgeon -gudget -gudok -gue -guebucu -guejarite -Guelph -Guelphic -Guelphish -Guelphism -guemal -guenepe -guenon -guepard -guerdon -guerdonable -guerdoner -guerdonless -guereza -Guerickian -Guerinet -Guernsey -guernsey -guernseyed -guerrilla -guerrillaism -guerrillaship -Guesdism -Guesdist -guess -guessable -guesser -guessing -guessingly -guesswork -guessworker -guest -guestchamber -guesten -guester -guesthouse -guesting -guestive -guestless -Guestling -guestling -guestmaster -guestship -guestwise -Guetar -Guetare -gufa -guff -guffaw -guffer -guffin -guffy -gugal -guggle -gugglet -guglet -guglia -guglio -gugu -Guha -Guhayna -guhr -Guiana -Guianan -Guianese -guib -guiba -guidable -guidage -guidance -guide -guideboard -guidebook -guidebookish -guidecraft -guideless -guideline -guidepost -guider -guideress -guidership -guideship -guideway -guidman -Guido -guidon -Guidonian -guidwilly -guige -Guignardia -guignol -guijo -Guilandina -guild -guilder -guildhall -guildic -guildry -guildship -guildsman -guile -guileful -guilefully -guilefulness -guileless -guilelessly -guilelessness -guilery -guillemet -guillemot -Guillermo -guillevat -guilloche -guillochee -guillotinade -guillotine -guillotinement -guillotiner -guillotinism -guillotinist -guilt -guiltily -guiltiness -guiltless -guiltlessly -guiltlessness -guiltsick -guilty -guily -guimbard -guimpe -Guinea -guinea -Guineaman -Guinean -Guinevere -guipure -Guisard -guisard -guise -guiser -Guisian -guising -guitar -guitarfish -guitarist -guitermanite -guitguit -Guittonian -Gujar -Gujarati -Gujrati -gul -gula -gulae -gulaman -gulancha -Gulanganes -gular -gularis -gulch -gulden -guldengroschen -gule -gules -Gulf -gulf -gulflike -gulfside -gulfwards -gulfweed -gulfy -gulgul -gulinula -gulinulae -gulinular -gulix -gull -Gullah -gullery -gullet -gulleting -gullibility -gullible -gullibly -gullion -gullish -gullishly -gullishness -gully -gullyhole -Gulo -gulonic -gulose -gulosity -gulp -gulper -gulpin -gulping -gulpingly -gulpy -gulravage -gulsach -Gum -gum -gumbo -gumboil -gumbotil -gumby -gumchewer -gumdigger -gumdigging -gumdrop -gumfield -gumflower -gumihan -gumless -gumlike -gumly -gumma -gummage -gummaker -gummaking -gummata -gummatous -gummed -gummer -gummiferous -gumminess -gumming -gummite -gummose -gummosis -gummosity -gummous -gummy -gump -gumphion -gumption -gumptionless -gumptious -gumpus -gumshoe -gumweed -gumwood -gun -guna -gunate -gunation -gunbearer -gunboat -gunbright -gunbuilder -guncotton -gundi -gundy -gunebo -gunfire -gunflint -gunge -gunhouse -Gunite -gunite -gunj -gunk -gunl -gunless -gunlock -gunmaker -gunmaking -gunman -gunmanship -gunnage -Gunnar -gunne -gunnel -gunner -Gunnera -Gunneraceae -gunneress -gunnership -gunnery -gunnies -gunning -gunnung -gunny -gunocracy -gunong -gunpaper -gunplay -gunpowder -gunpowderous -gunpowdery -gunpower -gunrack -gunreach -gunrunner -gunrunning -gunsel -gunshop -gunshot -gunsman -gunsmith -gunsmithery -gunsmithing -gunster -gunstick -gunstock -gunstocker -gunstocking -gunstone -Gunter -gunter -Gunther -gunwale -gunyah -gunyang -gunyeh -Gunz -Gunzian -gup -guppy -guptavidya -gur -Guran -gurdfish -gurdle -gurdwara -gurge -gurgeon -gurgeons -gurges -gurgitation -gurgle -gurglet -gurgling -gurglingly -gurgly -gurgoyle -gurgulation -Gurian -Guric -Gurish -Gurjara -gurjun -gurk -Gurkha -gurl -gurly -Gurmukhi -gurnard -gurnet -gurnetty -Gurneyite -gurniad -gurr -gurrah -gurry -gurt -guru -guruship -Gus -gush -gusher -gushet -gushily -gushiness -gushing -gushingly -gushingness -gushy -gusla -gusle -guss -gusset -Gussie -gussie -gust -gustable -gustation -gustative -gustativeness -gustatory -Gustavus -gustful -gustfully -gustfulness -gustily -gustiness -gustless -gusto -gustoish -Gustus -gusty -gut -Guti -Gutium -gutless -gutlike -gutling -Gutnic -Gutnish -gutt -gutta -guttable -guttate -guttated -guttatim -guttation -gutte -gutter -Guttera -gutterblood -guttering -gutterlike -gutterling -gutterman -guttersnipe -guttersnipish -gutterspout -gutterwise -guttery -gutti -guttide -guttie -Guttiferae -guttiferal -Guttiferales -guttiferous -guttiform -guttiness -guttle -guttler -guttula -guttulae -guttular -guttulate -guttule -guttural -gutturalism -gutturality -gutturalization -gutturalize -gutturally -gutturalness -gutturize -gutturonasal -gutturopalatal -gutturopalatine -gutturotetany -guttus -gutty -gutweed -gutwise -gutwort -guvacine -guvacoline -Guy -guy -Guyandot -guydom -guyer -guytrash -guz -guze -Guzmania -guzmania -Guzul -guzzle -guzzledom -guzzler -gwag -gweduc -gweed -gweeon -gwely -Gwen -Gwendolen -gwine -gwyniad -Gyarung -gyascutus -Gyges -Gygis -gyle -gym -gymel -gymkhana -Gymnadenia -Gymnadeniopsis -Gymnanthes -gymnanthous -Gymnarchidae -Gymnarchus -gymnasia -gymnasial -gymnasiarch -gymnasiarchy -gymnasiast -gymnasic -gymnasium -gymnast -gymnastic -gymnastically -gymnastics -gymnemic -gymnetrous -gymnic -gymnical -gymnics -gymnite -Gymnoblastea -gymnoblastic -Gymnocalycium -gymnocarpic -gymnocarpous -Gymnocerata -gymnoceratous -gymnocidium -Gymnocladus -Gymnoconia -Gymnoderinae -Gymnodiniaceae -gymnodiniaceous -Gymnodiniidae -Gymnodinium -gymnodont -Gymnodontes -gymnogen -gymnogenous -Gymnoglossa -gymnoglossate -gymnogynous -Gymnogyps -Gymnolaema -Gymnolaemata -gymnolaematous -Gymnonoti -Gymnopaedes -gymnopaedic -gymnophiona -gymnoplast -Gymnorhina -gymnorhinal -Gymnorhininae -gymnosoph -gymnosophist -gymnosophy -gymnosperm -Gymnospermae -gymnospermal -gymnospermic -gymnospermism -Gymnospermous -gymnospermy -Gymnosporangium -gymnospore -gymnosporous -Gymnostomata -Gymnostomina -gymnostomous -Gymnothorax -gymnotid -Gymnotidae -Gymnotoka -gymnotokous -Gymnotus -Gymnura -gymnure -Gymnurinae -gymnurine -gympie -gyn -gynaecea -gynaeceum -gynaecocoenic -gynander -gynandrarchic -gynandrarchy -Gynandria -gynandria -gynandrian -gynandrism -gynandroid -gynandromorph -gynandromorphic -gynandromorphism -gynandromorphous -gynandromorphy -gynandrophore -gynandrosporous -gynandrous -gynandry -gynantherous -gynarchic -gynarchy -gyne -gynecic -gynecidal -gynecide -gynecocentric -gynecocracy -gynecocrat -gynecocratic -gynecocratical -gynecoid -gynecolatry -gynecologic -gynecological -gynecologist -gynecology -gynecomania -gynecomastia -gynecomastism -gynecomasty -gynecomazia -gynecomorphous -gyneconitis -gynecopathic -gynecopathy -gynecophore -gynecophoric -gynecophorous -gynecotelic -gynecratic -gyneocracy -gyneolater -gyneolatry -gynephobia -Gynerium -gynethusia -gyniatrics -gyniatry -gynic -gynics -gynobase -gynobaseous -gynobasic -gynocardia -gynocardic -gynocracy -gynocratic -gynodioecious -gynodioeciously -gynodioecism -gynoecia -gynoecium -gynogenesis -gynomonecious -gynomonoeciously -gynomonoecism -gynophagite -gynophore -gynophoric -gynosporangium -gynospore -gynostegia -gynostegium -gynostemium -Gynura -gyp -Gypaetus -gype -gypper -Gyppo -Gyps -gyps -gypseian -gypseous -gypsiferous -gypsine -gypsiologist -gypsite -gypsography -gypsologist -gypsology -Gypsophila -gypsophila -gypsophilous -gypsophily -gypsoplast -gypsous -gypster -gypsum -Gypsy -gypsy -gypsydom -gypsyesque -gypsyfy -gypsyhead -gypsyhood -gypsyish -gypsyism -gypsylike -gypsyry -gypsyweed -gypsywise -gypsywort -Gyracanthus -gyral -gyrally -gyrant -gyrate -gyration -gyrational -gyrator -gyratory -gyre -Gyrencephala -gyrencephalate -gyrencephalic -gyrencephalous -gyrene -gyrfalcon -gyri -gyric -gyrinid -Gyrinidae -Gyrinus -gyro -gyrocar -gyroceracone -gyroceran -Gyroceras -gyrochrome -gyrocompass -Gyrodactylidae -Gyrodactylus -gyrogonite -gyrograph -gyroidal -gyroidally -gyrolite -gyrolith -gyroma -gyromagnetic -gyromancy -gyromele -gyrometer -Gyromitra -gyron -gyronny -Gyrophora -Gyrophoraceae -Gyrophoraceous -gyrophoric -gyropigeon -gyroplane -gyroscope -gyroscopic -gyroscopically -gyroscopics -gyrose -gyrostabilizer -Gyrostachys -gyrostat -gyrostatic -gyrostatically -gyrostatics -Gyrotheca -gyrous -gyrovagi -gyrovagues -gyrowheel -gyrus -gyte -gytling -gyve -H -h -ha -haab -haaf -Habab -habanera -Habbe -habble -habdalah -Habe -habeas -habena -habenal -habenar -Habenaria -habendum -habenula -habenular -haberdash -haberdasher -haberdasheress -haberdashery -haberdine -habergeon -habilable -habilatory -habile -habiliment -habilimentation -habilimented -habilitate -habilitation -habilitator -hability -habille -Habiri -Habiru -habit -habitability -habitable -habitableness -habitably -habitacle -habitacule -habitally -habitan -habitance -habitancy -habitant -habitat -habitate -habitation -habitational -habitative -habited -habitual -habituality -habitualize -habitually -habitualness -habituate -habituation -habitude -habitudinal -habitue -habitus -habnab -haboob -Habronema -habronemiasis -habronemic -habu -habutai -habutaye -hache -Hachiman -hachure -hacienda -hack -hackamatak -hackamore -hackbarrow -hackberry -hackbolt -hackbush -hackbut -hackbuteer -hacked -hackee -hacker -hackery -hackin -hacking -hackingly -hackle -hackleback -hackler -hacklog -hackly -hackmack -hackman -hackmatack -hackney -hackneyed -hackneyer -hackneyism -hackneyman -hacksaw -hacksilber -hackster -hackthorn -hacktree -hackwood -hacky -had -Hadassah -hadbot -hadden -haddie -haddo -haddock -haddocker -hade -Hadean -Hadendoa -Hadendowa -hadentomoid -Hadentomoidea -Hades -Hadhramautian -hading -Hadith -hadj -Hadjemi -hadji -hadland -Hadramautian -hadrome -Hadromerina -hadromycosis -hadrosaur -Hadrosaurus -haec -haecceity -Haeckelian -Haeckelism -haem -Haemamoeba -Haemanthus -Haemaphysalis -haemaspectroscope -haematherm -haemathermal -haemathermous -haematinon -haematinum -haematite -Haematobranchia -haematobranchiate -Haematocrya -haematocryal -Haematophilina -haematophiline -Haematopus -haematorrhachis -haematosepsis -Haematotherma -haematothermal -haematoxylic -haematoxylin -Haematoxylon -haemoconcentration -haemodilution -Haemodoraceae -haemodoraceous -haemoglobin -haemogram -Haemogregarina -Haemogregarinidae -haemonchiasis -haemonchosis -Haemonchus -haemony -haemophile -Haemoproteus -haemorrhage -haemorrhagia -haemorrhagic -haemorrhoid -haemorrhoidal -haemosporid -Haemosporidia -haemosporidian -Haemosporidium -Haemulidae -haemuloid -haeremai -haet -haff -haffet -haffkinize -haffle -Hafgan -hafiz -hafnium -hafnyl -haft -hafter -hag -Haganah -Hagarite -hagberry -hagboat -hagborn -hagbush -hagdon -hageen -Hagenia -hagfish -haggada -haggaday -haggadic -haggadical -haggadist -haggadistic -haggard -haggardly -haggardness -hagged -hagger -haggis -haggish -haggishly -haggishness -haggister -haggle -haggler -haggly -haggy -hagi -hagia -hagiarchy -hagiocracy -Hagiographa -hagiographal -hagiographer -hagiographic -hagiographical -hagiographist -hagiography -hagiolater -hagiolatrous -hagiolatry -hagiologic -hagiological -hagiologist -hagiology -hagiophobia -hagioscope -hagioscopic -haglet -haglike -haglin -hagride -hagrope -hagseed -hagship -hagstone -hagtaper -hagweed -hagworm -hah -Hahnemannian -Hahnemannism -Haiathalah -Haida -Haidan -Haidee -haidingerite -Haiduk -haik -haikai -haikal -Haikh -haikwan -hail -hailer -hailproof -hailse -hailshot -hailstone -hailstorm -hailweed -haily -Haimavati -hain -Hainai -Hainan -Hainanese -hainberry -haine -hair -hairband -hairbeard -hairbird -hairbrain -hairbreadth -hairbrush -haircloth -haircut -haircutter -haircutting -hairdo -hairdress -hairdresser -hairdressing -haire -haired -hairen -hairhoof -hairhound -hairif -hairiness -hairlace -hairless -hairlessness -hairlet -hairline -hairlock -hairmeal -hairmonger -hairpin -hairsplitter -hairsplitting -hairspring -hairstone -hairstreak -hairtail -hairup -hairweed -hairwood -hairwork -hairworm -hairy -Haisla -Haithal -Haitian -haje -hajib -hajilij -hak -hakam -hakdar -hake -Hakea -hakeem -hakenkreuz -Hakenkreuzler -hakim -Hakka -hako -haku -Hal -hala -halakah -halakic -halakist -halakistic -halal -halalcor -halation -Halawi -halazone -halberd -halberdier -halberdman -halberdsman -halbert -halch -halcyon -halcyonian -halcyonic -Halcyonidae -Halcyoninae -halcyonine -Haldanite -hale -halebi -Halecomorphi -haleness -Halenia -haler -halerz -Halesia -halesome -half -halfback -halfbeak -halfer -halfheaded -halfhearted -halfheartedly -halfheartedness -halfling -halfman -halfness -halfpace -halfpaced -halfpenny -halfpennyworth -halfway -halfwise -Haliaeetus -halibios -halibiotic -halibiu -halibut -halibuter -Halicarnassean -Halicarnassian -Halichondriae -halichondrine -halichondroid -Halicore -Halicoridae -halide -halidom -halieutic -halieutically -halieutics -Haligonian -Halimeda -halimous -halinous -haliographer -haliography -Haliotidae -Haliotis -haliotoid -haliplankton -haliplid -Haliplidae -Haliserites -halisteresis -halisteretic -halite -Halitheriidae -Halitherium -halitosis -halituosity -halituous -halitus -hall -hallabaloo -hallage -hallah -hallan -hallanshaker -hallebardier -hallecret -halleflinta -halleflintoid -hallel -hallelujah -hallelujatic -hallex -Halleyan -halliblash -halling -hallman -hallmark -hallmarked -hallmarker -hallmoot -halloo -Hallopididae -hallopodous -Hallopus -hallow -Hallowday -hallowed -hallowedly -hallowedness -Halloween -hallower -Hallowmas -Hallowtide -halloysite -Hallstatt -Hallstattian -hallucal -hallucinate -hallucination -hallucinational -hallucinative -hallucinator -hallucinatory -hallucined -hallucinosis -hallux -hallway -halma -halmalille -halmawise -halo -Haloa -Halobates -halobios -halobiotic -halochromism -halochromy -Halocynthiidae -haloesque -halogen -halogenate -halogenation -halogenoid -halogenous -Halogeton -halohydrin -haloid -halolike -halolimnic -halomancy -halometer -halomorphic -halophile -halophilism -halophilous -halophyte -halophytic -halophytism -Halopsyche -Halopsychidae -Haloragidaceae -haloragidaceous -Halosauridae -Halosaurus -haloscope -Halosphaera -halotrichite -haloxene -hals -halse -halsen -halsfang -halt -halter -halterbreak -halteres -Halteridium -halterproof -Haltica -halting -haltingly -haltingness -haltless -halucket -halukkah -halurgist -halurgy -halutz -halvaner -halvans -halve -halved -halvelings -halver -halves -halyard -Halysites -ham -hamacratic -Hamadan -hamadryad -Hamal -hamal -hamald -Hamamelidaceae -hamamelidaceous -Hamamelidanthemum -hamamelidin -Hamamelidoxylon -hamamelin -Hamamelis -Hamamelites -hamartiologist -hamartiology -hamartite -hamate -hamated -Hamathite -hamatum -hambergite -hamble -hambroline -hamburger -hame -hameil -hamel -Hamelia -hamesucken -hamewith -hamfat -hamfatter -hami -Hamidian -Hamidieh -hamiform -Hamilton -Hamiltonian -Hamiltonianism -Hamiltonism -hamingja -hamirostrate -Hamital -Hamite -Hamites -Hamitic -Hamiticized -Hamitism -Hamitoid -hamlah -hamlet -hamleted -hamleteer -hamletization -hamletize -hamlinite -hammada -hammam -hammer -hammerable -hammerbird -hammercloth -hammerdress -hammerer -hammerfish -hammerhead -hammerheaded -hammering -hammeringly -hammerkop -hammerless -hammerlike -hammerman -hammersmith -hammerstone -hammertoe -hammerwise -hammerwork -hammerwort -hammochrysos -hammock -hammy -hamose -hamous -hamper -hamperedly -hamperedness -hamperer -hamperman -Hampshire -hamrongite -hamsa -hamshackle -hamster -hamstring -hamular -hamulate -hamule -Hamulites -hamulose -hamulus -hamus -hamza -han -Hanafi -Hanafite -hanaper -hanaster -Hanbalite -hanbury -hance -hanced -hanch -hancockite -hand -handbag -handball -handballer -handbank -handbanker -handbarrow -handbill -handblow -handbolt -handbook -handbow -handbreadth -handcar -handcart -handclap -handclasp -handcloth -handcraft -handcraftman -handcraftsman -handcuff -handed -handedness -Handelian -hander -handersome -handfast -handfasting -handfastly -handfastness -handflower -handful -handgrasp -handgravure -handgrip -handgriping -handgun -handhaving -handhold -handhole -handicap -handicapped -handicapper -handicraft -handicraftship -handicraftsman -handicraftsmanship -handicraftswoman -handicuff -handily -handiness -handistroke -handiwork -handkercher -handkerchief -handkerchiefful -handlaid -handle -handleable -handled -handleless -handler -handless -handlike -handling -handmade -handmaid -handmaiden -handmaidenly -handout -handpost -handprint -handrail -handrailing -handreader -handreading -handsale -handsaw -handsbreadth -handscrape -handsel -handseller -handset -handshake -handshaker -handshaking -handsmooth -handsome -handsomeish -handsomely -handsomeness -handspade -handspike -handspoke -handspring -handstaff -handstand -handstone -handstroke -handwear -handwheel -handwhile -handwork -handworkman -handwrist -handwrite -handwriting -handy -handyblow -handybook -handygrip -hangability -hangable -hangalai -hangar -hangbird -hangby -hangdog -hange -hangee -hanger -hangfire -hangie -hanging -hangingly -hangkang -hangle -hangman -hangmanship -hangment -hangnail -hangnest -hangout -hangul -hangwoman -hangworm -hangworthy -hanif -hanifism -hanifite -hanifiya -Hank -hank -hanker -hankerer -hankering -hankeringly -hankie -hankle -hanksite -hanky -hanna -hannayite -Hannibal -Hannibalian -Hannibalic -Hano -Hanoverian -Hanoverianize -Hanoverize -Hans -hansa -Hansard -Hansardization -Hansardize -Hanse -hanse -Hanseatic -hansel -hansgrave -hansom -hant -hantle -Hanukkah -Hanuman -hao -haole -haoma -haori -hap -Hapale -Hapalidae -hapalote -Hapalotis -hapaxanthous -haphazard -haphazardly -haphazardness -haphtarah -Hapi -hapless -haplessly -haplessness -haplite -haplocaulescent -haplochlamydeous -Haplodoci -Haplodon -haplodont -haplodonty -haplography -haploid -haploidic -haploidy -haplolaly -haplologic -haplology -haploma -Haplomi -haplomid -haplomous -haplont -haploperistomic -haploperistomous -haplopetalous -haplophase -haplophyte -haploscope -haploscopic -haplosis -haplostemonous -haplotype -haply -happen -happening -happenstance -happier -happiest -happify -happiless -happily -happiness -happing -happy -hapten -haptene -haptenic -haptere -hapteron -haptic -haptics -haptometer -haptophor -haptophoric -haptophorous -haptotropic -haptotropically -haptotropism -hapu -hapuku -haqueton -harakeke -harangue -harangueful -haranguer -Hararese -Harari -harass -harassable -harassedly -harasser -harassingly -harassment -haratch -Haratin -Haraya -Harb -harbergage -harbi -harbinge -harbinger -harbingership -harbingery -harbor -harborage -harborer -harborless -harborous -harborside -harborward -hard -hardanger -hardback -hardbake -hardbeam -hardberry -harden -hardenable -Hardenbergia -hardener -hardening -hardenite -harder -Harderian -hardfern -hardfist -hardfisted -hardfistedness -hardhack -hardhanded -hardhandedness -hardhead -hardheaded -hardheadedly -hardheadedness -hardhearted -hardheartedly -hardheartedness -hardihood -hardily -hardim -hardiment -hardiness -hardish -hardishrew -hardly -hardmouth -hardmouthed -hardness -hardock -hardpan -hardship -hardstand -hardstanding -hardtack -hardtail -hardware -hardwareman -Hardwickia -hardwood -hardy -hardystonite -hare -harebell -harebottle -harebrain -harebrained -harebrainedly -harebrainedness -harebur -harefoot -harefooted -harehearted -harehound -Harelda -harelike -harelip -harelipped -harem -haremism -haremlik -harengiform -harfang -haricot -harigalds -hariolate -hariolation -hariolize -harish -hark -harka -harl -Harleian -Harlemese -Harlemite -harlequin -harlequina -harlequinade -harlequinery -harlequinesque -harlequinic -harlequinism -harlequinize -harling -harlock -harlot -harlotry -harm -Harmachis -harmal -harmala -harmaline -harman -harmattan -harmel -harmer -harmful -harmfully -harmfulness -harmine -harminic -harmless -harmlessly -harmlessness -Harmon -harmonia -harmoniacal -harmonial -harmonic -harmonica -harmonical -harmonically -harmonicalness -harmonichord -harmonici -harmonicism -harmonicon -harmonics -harmonious -harmoniously -harmoniousness -harmoniphon -harmoniphone -harmonist -harmonistic -harmonistically -Harmonite -harmonium -harmonizable -harmonization -harmonize -harmonizer -harmonogram -harmonograph -harmonometer -harmony -harmost -harmotome -harmotomic -harmproof -harn -harness -harnesser -harnessry -harnpan -Harold -harp -Harpa -harpago -harpagon -Harpagornis -Harpalides -Harpalinae -Harpalus -harper -harperess -Harpidae -harpier -harpings -harpist -harpless -harplike -Harpocrates -harpoon -harpooner -Harporhynchus -harpress -harpsichord -harpsichordist -harpula -Harpullia -harpwaytuning -harpwise -Harpy -Harpyia -harpylike -harquebus -harquebusade -harquebusier -harr -harrateen -harridan -harrier -Harris -Harrisia -harrisite -Harrovian -harrow -harrower -harrowing -harrowingly -harrowingness -harrowment -Harry -harry -harsh -harshen -harshish -harshly -harshness -harshweed -harstigite -hart -hartal -hartberry -hartebeest -hartin -hartite -Hartleian -Hartleyan -Hartmann -Hartmannia -Hartogia -hartshorn -hartstongue -harttite -Hartungen -haruspex -haruspical -haruspicate -haruspication -haruspice -haruspices -haruspicy -Harv -Harvard -Harvardian -Harvardize -Harveian -harvest -harvestbug -harvester -harvestless -harvestman -harvestry -harvesttime -Harvey -Harveyize -harzburgite -hasan -hasenpfeffer -hash -hashab -hasher -Hashimite -hashish -Hashiya -hashy -Hasidean -Hasidic -Hasidim -Hasidism -Hasinai -hask -Haskalah -haskness -hasky -haslet -haslock -Hasmonaean -hasp -hassar -hassel -hassle -hassock -hassocky -hasta -hastate -hastately -hastati -hastatolanceolate -hastatosagittate -haste -hasteful -hastefully -hasteless -hastelessness -hasten -hastener -hasteproof -haster -hastilude -hastily -hastiness -hastings -hastingsite -hastish -hastler -hasty -hat -hatable -hatband -hatbox -hatbrim -hatbrush -hatch -hatchability -hatchable -hatchel -hatcheler -hatcher -hatchery -hatcheryman -hatchet -hatchetback -hatchetfish -hatchetlike -hatchetman -hatchettine -hatchettolite -hatchety -hatchgate -hatching -hatchling -hatchman -hatchment -hatchminder -hatchway -hatchwayman -hate -hateable -hateful -hatefully -hatefulness -hateless -hatelessness -hater -hatful -hath -hatherlite -hathi -Hathor -Hathoric -Hati -Hatikvah -hatless -hatlessness -hatlike -hatmaker -hatmaking -hatpin -hatrack -hatrail -hatred -hatress -hatstand -hatt -hatted -Hattemist -hatter -Hatteria -hattery -Hatti -Hattic -Hattie -hatting -Hattism -Hattize -hattock -Hatty -hatty -hau -hauberget -hauberk -hauchecornite -hauerite -haugh -haughland -haught -haughtily -haughtiness -haughtly -haughtness -haughtonite -haughty -haul -haulabout -haulage -haulageway -haulback -hauld -hauler -haulier -haulm -haulmy -haulster -haunch -haunched -hauncher -haunching -haunchless -haunchy -haunt -haunter -hauntingly -haunty -Hauranitic -hauriant -haurient -Hausa -hause -hausen -hausmannite -hausse -Haussmannization -Haussmannize -haustellate -haustellated -haustellous -haustellum -haustement -haustorial -haustorium -haustral -haustrum -hautboy -hautboyist -hauteur -hauynite -hauynophyre -havage -Havaiki -Havaikian -Havana -Havanese -have -haveable -haveage -havel -haveless -havelock -haven -havenage -havener -havenership -havenet -havenful -havenless -havent -havenward -haver -havercake -haverel -haverer -havergrass -havermeal -havers -haversack -Haversian -haversine -havier -havildar -havingness -havoc -havocker -haw -Hawaiian -hawaiite -hawbuck -hawcubite -hawer -hawfinch -Hawiya -hawk -hawkbill -hawkbit -hawked -hawker -hawkery -Hawkeye -hawkie -hawking -hawkish -hawklike -hawknut -hawkweed -hawkwise -hawky -hawm -hawok -Haworthia -hawse -hawsehole -hawseman -hawsepiece -hawsepipe -hawser -hawserwise -hawthorn -hawthorned -hawthorny -hay -haya -hayband -haybird -haybote -haycap -haycart -haycock -haydenite -hayey -hayfield -hayfork -haygrower -haylift -hayloft -haymaker -haymaking -haymarket -haymow -hayrack -hayrake -hayraker -hayrick -hayseed -haysel -haystack -haysuck -haytime -hayward -hayweed -haywire -hayz -Hazara -hazard -hazardable -hazarder -hazardful -hazardize -hazardless -hazardous -hazardously -hazardousness -hazardry -haze -Hazel -hazel -hazeled -hazeless -hazelly -hazelnut -hazelwood -hazelwort -hazen -hazer -hazily -haziness -hazing -hazle -haznadar -hazy -hazzan -he -head -headache -headachy -headband -headbander -headboard -headborough -headcap -headchair -headcheese -headchute -headcloth -headdress -headed -headender -header -headfirst -headforemost -headframe -headful -headgear -headily -headiness -heading -headkerchief -headland -headledge -headless -headlessness -headlight -headlighting -headlike -headline -headliner -headlock -headlong -headlongly -headlongs -headlongwise -headman -headmark -headmaster -headmasterly -headmastership -headmistress -headmistressship -headmold -headmost -headnote -headpenny -headphone -headpiece -headplate -headpost -headquarter -headquarters -headrace -headrail -headreach -headrent -headrest -headright -headring -headroom -headrope -headsail -headset -headshake -headship -headsill -headskin -headsman -headspring -headstall -headstand -headstick -headstock -headstone -headstream -headstrong -headstrongly -headstrongness -headwaiter -headwall -headward -headwark -headwater -headway -headwear -headwork -headworker -headworking -heady -heaf -heal -healable -heald -healder -healer -healful -healing -healingly -healless -healsome -healsomeness -health -healthcraft -healthful -healthfully -healthfulness -healthguard -healthily -healthiness -healthless -healthlessness -healthsome -healthsomely -healthsomeness -healthward -healthy -heap -heaper -heaps -heapstead -heapy -hear -hearable -hearer -hearing -hearingless -hearken -hearkener -hearsay -hearse -hearsecloth -hearselike -hearst -heart -heartache -heartaching -heartbeat -heartbird -heartblood -heartbreak -heartbreaker -heartbreaking -heartbreakingly -heartbroken -heartbrokenly -heartbrokenness -heartburn -heartburning -heartdeep -heartease -hearted -heartedly -heartedness -hearten -heartener -heartening -hearteningly -heartfelt -heartful -heartfully -heartfulness -heartgrief -hearth -hearthless -hearthman -hearthpenny -hearthrug -hearthstead -hearthstone -hearthward -hearthwarming -heartikin -heartily -heartiness -hearting -heartland -heartleaf -heartless -heartlessly -heartlessness -heartlet -heartling -heartly -heartnut -heartpea -heartquake -heartroot -hearts -heartscald -heartsease -heartseed -heartsette -heartsick -heartsickening -heartsickness -heartsome -heartsomely -heartsomeness -heartsore -heartstring -heartthrob -heartward -heartwater -heartweed -heartwise -heartwood -heartwort -hearty -heat -heatable -heatdrop -heatedly -heater -heaterman -heatful -heath -heathberry -heathbird -heathen -heathendom -heatheness -heathenesse -heathenhood -heathenish -heathenishly -heathenishness -heathenism -heathenize -heathenness -heathenry -heathenship -Heather -heather -heathered -heatheriness -heathery -heathless -heathlike -heathwort -heathy -heating -heatingly -heatless -heatlike -heatmaker -heatmaking -heatproof -heatronic -heatsman -heatstroke -heaume -heaumer -heautarit -heautomorphism -Heautontimorumenos -heautophany -heave -heaveless -heaven -Heavenese -heavenful -heavenhood -heavenish -heavenishly -heavenize -heavenless -heavenlike -heavenliness -heavenly -heavens -heavenward -heavenwardly -heavenwardness -heavenwards -heaver -heavies -heavily -heaviness -heaving -heavisome -heavity -heavy -heavyback -heavyhanded -heavyhandedness -heavyheaded -heavyhearted -heavyheartedness -heavyweight -hebamic -hebdomad -hebdomadal -hebdomadally -hebdomadary -hebdomader -hebdomarian -hebdomary -hebeanthous -hebecarpous -hebecladous -hebegynous -hebenon -hebeosteotomy -hebepetalous -hebephrenia -hebephrenic -hebetate -hebetation -hebetative -hebete -hebetic -hebetomy -hebetude -hebetudinous -Hebraean -Hebraic -Hebraica -Hebraical -Hebraically -Hebraicize -Hebraism -Hebraist -Hebraistic -Hebraistical -Hebraistically -Hebraization -Hebraize -Hebraizer -Hebrew -Hebrewdom -Hebrewess -Hebrewism -Hebrician -Hebridean -Hebronite -hebronite -hecastotheism -Hecate -Hecatean -Hecatic -Hecatine -hecatomb -Hecatombaeon -hecatomped -hecatompedon -hecatonstylon -hecatontarchy -hecatontome -hecatophyllous -hech -Hechtia -heck -heckelphone -Heckerism -heckimal -heckle -heckler -hectare -hecte -hectic -hectical -hectically -hecticly -hecticness -hectocotyl -hectocotyle -hectocotyliferous -hectocotylization -hectocotylize -hectocotylus -hectogram -hectograph -hectographic -hectography -hectoliter -hectometer -Hector -hector -Hectorean -Hectorian -hectoringly -hectorism -hectorly -hectorship -hectostere -hectowatt -heddle -heddlemaker -heddler -hedebo -hedenbergite -Hedeoma -heder -Hedera -hederaceous -hederaceously -hederated -hederic -hederiferous -hederiform -hederigerent -hederin -hederose -hedge -hedgeberry -hedgeborn -hedgebote -hedgebreaker -hedgehog -hedgehoggy -hedgehop -hedgehopper -hedgeless -hedgemaker -hedgemaking -hedger -hedgerow -hedgesmith -hedgeweed -hedgewise -hedgewood -hedging -hedgingly -hedgy -hedonic -hedonical -hedonically -hedonics -hedonism -hedonist -hedonistic -hedonistically -hedonology -hedriophthalmous -hedrocele -hedrumite -Hedychium -hedyphane -Hedysarum -heed -heeder -heedful -heedfully -heedfulness -heedily -heediness -heedless -heedlessly -heedlessness -heedy -heehaw -heel -heelball -heelband -heelcap -heeled -heeler -heelgrip -heelless -heelmaker -heelmaking -heelpath -heelpiece -heelplate -heelpost -heelprint -heelstrap -heeltap -heeltree -heemraad -heer -heeze -heezie -heezy -heft -hefter -heftily -heftiness -hefty -hegari -Hegelian -Hegelianism -Hegelianize -Hegelizer -hegemon -hegemonic -hegemonical -hegemonist -hegemonizer -hegemony -hegira -hegumen -hegumene -Hehe -hei -heiau -Heidi -heifer -heiferhood -heigh -heighday -height -heighten -heightener -heii -Heikum -Heiltsuk -heimin -Hein -Heinesque -Heinie -heinous -heinously -heinousness -Heinrich -heintzite -Heinz -heir -heirdom -heiress -heiressdom -heiresshood -heirless -heirloom -heirship -heirskip -heitiki -Hejazi -Hejazian -hekteus -helbeh -helcoid -helcology -helcoplasty -helcosis -helcotic -heldentenor -helder -Helderbergian -hele -Helen -Helena -helenin -helenioid -Helenium -Helenus -helepole -Helge -heliacal -heliacally -Heliaea -heliaean -Heliamphora -Heliand -helianthaceous -Helianthemum -helianthic -helianthin -Helianthium -Helianthoidea -Helianthoidean -Helianthus -heliast -heliastic -heliazophyte -helical -helically -heliced -helices -helichryse -helichrysum -Helicidae -heliciform -helicin -Helicina -helicine -Helicinidae -helicitic -helicline -helicograph -helicogyrate -helicogyre -helicoid -helicoidal -helicoidally -helicometry -helicon -Heliconia -Heliconian -Heliconiidae -Heliconiinae -heliconist -Heliconius -helicoprotein -helicopter -helicorubin -helicotrema -Helicteres -helictite -helide -Heligmus -heling -helio -heliocentric -heliocentrical -heliocentrically -heliocentricism -heliocentricity -heliochrome -heliochromic -heliochromoscope -heliochromotype -heliochromy -helioculture -heliodon -heliodor -helioelectric -helioengraving -heliofugal -Heliogabalize -Heliogabalus -heliogram -heliograph -heliographer -heliographic -heliographical -heliographically -heliography -heliogravure -helioid -heliolater -heliolatrous -heliolatry -heliolite -Heliolites -heliolithic -Heliolitidae -heliologist -heliology -heliometer -heliometric -heliometrical -heliometrically -heliometry -heliomicrometer -Helion -heliophilia -heliophiliac -heliophilous -heliophobe -heliophobia -heliophobic -heliophobous -heliophotography -heliophyllite -heliophyte -Heliopora -Helioporidae -Heliopsis -heliopticon -Heliornis -Heliornithes -Heliornithidae -Helios -helioscope -helioscopic -helioscopy -heliosis -heliostat -heliostatic -heliotactic -heliotaxis -heliotherapy -heliothermometer -Heliothis -heliotrope -heliotroper -Heliotropiaceae -heliotropian -heliotropic -heliotropical -heliotropically -heliotropine -heliotropism -Heliotropium -heliotropy -heliotype -heliotypic -heliotypically -heliotypography -heliotypy -Heliozoa -heliozoan -heliozoic -heliport -Helipterum -helispheric -helispherical -helium -helix -helizitic -hell -Helladian -Helladic -Helladotherium -hellandite -hellanodic -hellbender -hellborn -hellbox -hellbred -hellbroth -hellcat -helldog -helleboraceous -helleboraster -hellebore -helleborein -helleboric -helleborin -Helleborine -helleborism -Helleborus -Hellelt -Hellen -Hellene -Hellenian -Hellenic -Hellenically -Hellenicism -Hellenism -Hellenist -Hellenistic -Hellenistical -Hellenistically -Hellenisticism -Hellenization -Hellenize -Hellenizer -Hellenocentric -Hellenophile -heller -helleri -Hellespont -Hellespontine -hellgrammite -hellhag -hellhole -hellhound -hellicat -hellier -hellion -hellish -hellishly -hellishness -hellkite -hellness -hello -hellroot -hellship -helluo -hellward -hellweed -helly -helm -helmage -helmed -helmet -helmeted -helmetlike -helmetmaker -helmetmaking -Helmholtzian -helminth -helminthagogic -helminthagogue -Helminthes -helminthiasis -helminthic -helminthism -helminthite -Helminthocladiaceae -helminthoid -helminthologic -helminthological -helminthologist -helminthology -helminthosporiose -Helminthosporium -helminthosporoid -helminthous -helmless -helmsman -helmsmanship -helobious -heloderm -Heloderma -Helodermatidae -helodermatoid -helodermatous -helodes -heloe -heloma -Helonias -helonin -helosis -Helot -helotage -helotism -helotize -helotomy -helotry -help -helpable -helper -helpful -helpfully -helpfulness -helping -helpingly -helpless -helplessly -helplessness -helply -helpmate -helpmeet -helpsome -helpworthy -helsingkite -helve -helvell -Helvella -Helvellaceae -helvellaceous -Helvellales -helvellic -helver -Helvetia -Helvetian -Helvetic -Helvetii -Helvidian -helvite -hem -hemabarometer -hemachate -hemachrome -hemachrosis -hemacite -hemad -hemadrometer -hemadrometry -hemadromograph -hemadromometer -hemadynameter -hemadynamic -hemadynamics -hemadynamometer -hemafibrite -hemagglutinate -hemagglutination -hemagglutinative -hemagglutinin -hemagogic -hemagogue -hemal -hemalbumen -hemamoeba -hemangioma -hemangiomatosis -hemangiosarcoma -hemaphein -hemapod -hemapodous -hemapoiesis -hemapoietic -hemapophyseal -hemapophysial -hemapophysis -hemarthrosis -hemase -hemaspectroscope -hemastatics -hematachometer -hematachometry -hematal -hematein -hematemesis -hematemetic -hematencephalon -hematherapy -hematherm -hemathermal -hemathermous -hemathidrosis -hematic -hematid -hematidrosis -hematimeter -hematin -hematinic -hematinometer -hematinometric -hematinuria -hematite -hematitic -hematobic -hematobious -hematobium -hematoblast -hematobranchiate -hematocatharsis -hematocathartic -hematocele -hematochezia -hematochrome -hematochyluria -hematoclasia -hematoclasis -hematocolpus -hematocrit -hematocryal -hematocrystallin -hematocyanin -hematocyst -hematocystis -hematocyte -hematocytoblast -hematocytogenesis -hematocytometer -hematocytotripsis -hematocytozoon -hematocyturia -hematodynamics -hematodynamometer -hematodystrophy -hematogen -hematogenesis -hematogenetic -hematogenic -hematogenous -hematoglobulin -hematography -hematohidrosis -hematoid -hematoidin -hematolin -hematolite -hematological -hematologist -hematology -hematolymphangioma -hematolysis -hematolytic -hematoma -hematomancy -hematometer -hematometra -hematometry -hematomphalocele -hematomyelia -hematomyelitis -hematonephrosis -hematonic -hematopathology -hematopericardium -hematopexis -hematophobia -hematophyte -hematoplast -hematoplastic -hematopoiesis -hematopoietic -hematoporphyrin -hematoporphyrinuria -hematorrhachis -hematorrhea -hematosalpinx -hematoscope -hematoscopy -hematose -hematosepsis -hematosin -hematosis -hematospectrophotometer -hematospectroscope -hematospermatocele -hematospermia -hematostibiite -hematotherapy -hematothermal -hematothorax -hematoxic -hematozoal -hematozoan -hematozoic -hematozoon -hematozymosis -hematozymotic -hematuresis -hematuria -hematuric -hemautogram -hemautograph -hemautographic -hemautography -heme -hemellitene -hemellitic -hemelytral -hemelytron -hemen -hemera -hemeralope -hemeralopia -hemeralopic -Hemerobaptism -Hemerobaptist -Hemerobian -Hemerobiid -Hemerobiidae -Hemerobius -Hemerocallis -hemerologium -hemerology -hemerythrin -hemiablepsia -hemiacetal -hemiachromatopsia -hemiageusia -hemiageustia -hemialbumin -hemialbumose -hemialbumosuria -hemialgia -hemiamaurosis -hemiamb -hemiamblyopia -hemiamyosthenia -hemianacusia -hemianalgesia -hemianatropous -hemianesthesia -hemianopia -hemianopic -hemianopsia -hemianoptic -hemianosmia -hemiapraxia -Hemiascales -Hemiasci -Hemiascomycetes -hemiasynergia -hemiataxia -hemiataxy -hemiathetosis -hemiatrophy -hemiazygous -Hemibasidiales -Hemibasidii -Hemibasidiomycetes -hemibasidium -hemibathybian -hemibenthic -hemibenthonic -hemibranch -hemibranchiate -Hemibranchii -hemic -hemicanities -hemicardia -hemicardiac -hemicarp -hemicatalepsy -hemicataleptic -hemicellulose -hemicentrum -hemicephalous -hemicerebrum -Hemichorda -hemichordate -hemichorea -hemichromatopsia -hemicircle -hemicircular -hemiclastic -hemicollin -hemicrane -hemicrania -hemicranic -hemicrany -hemicrystalline -hemicycle -hemicyclic -hemicyclium -hemicylindrical -hemidactylous -Hemidactylus -hemidemisemiquaver -hemidiapente -hemidiaphoresis -hemiditone -hemidomatic -hemidome -hemidrachm -hemidysergia -hemidysesthesia -hemidystrophy -hemiekton -hemielliptic -hemiepilepsy -hemifacial -hemiform -Hemigale -Hemigalus -Hemiganus -hemigastrectomy -hemigeusia -hemiglossal -hemiglossitis -hemiglyph -hemignathous -hemihdry -hemihedral -hemihedrally -hemihedric -hemihedrism -hemihedron -hemiholohedral -hemihydrate -hemihydrated -hemihydrosis -hemihypalgesia -hemihyperesthesia -hemihyperidrosis -hemihypertonia -hemihypertrophy -hemihypesthesia -hemihypoesthesia -hemihypotonia -hemikaryon -hemikaryotic -hemilaminectomy -hemilaryngectomy -Hemileia -hemilethargy -hemiligulate -hemilingual -hemimellitene -hemimellitic -hemimelus -Hemimeridae -Hemimerus -Hemimetabola -hemimetabole -hemimetabolic -hemimetabolism -hemimetabolous -hemimetaboly -hemimetamorphic -hemimetamorphosis -hemimetamorphous -hemimorph -hemimorphic -hemimorphism -hemimorphite -hemimorphy -Hemimyaria -hemin -hemina -hemine -heminee -hemineurasthenia -hemiobol -hemiolia -hemiolic -hemionus -hemiope -hemiopia -hemiopic -hemiorthotype -hemiparalysis -hemiparanesthesia -hemiparaplegia -hemiparasite -hemiparasitic -hemiparasitism -hemiparesis -hemiparesthesia -hemiparetic -hemipenis -hemipeptone -hemiphrase -hemipic -hemipinnate -hemiplane -hemiplankton -hemiplegia -hemiplegic -hemiplegy -hemipodan -hemipode -Hemipodii -Hemipodius -hemiprism -hemiprismatic -hemiprotein -hemipter -Hemiptera -hemipteral -hemipteran -hemipteroid -hemipterological -hemipterology -hemipteron -hemipterous -hemipyramid -hemiquinonoid -hemiramph -Hemiramphidae -Hemiramphinae -hemiramphine -Hemiramphus -hemisaprophyte -hemisaprophytic -hemiscotosis -hemisect -hemisection -hemispasm -hemispheral -hemisphere -hemisphered -hemispherical -hemispherically -hemispheroid -hemispheroidal -hemispherule -hemistater -hemistich -hemistichal -hemistrumectomy -hemisymmetrical -hemisymmetry -hemisystole -hemiterata -hemiteratic -hemiteratics -hemiteria -hemiterpene -hemitery -hemithyroidectomy -hemitone -hemitremor -hemitrichous -hemitriglyph -hemitropal -hemitrope -hemitropic -hemitropism -hemitropous -hemitropy -hemitype -hemitypic -hemivagotony -heml -hemlock -hemmel -hemmer -hemoalkalimeter -hemoblast -hemochromatosis -hemochrome -hemochromogen -hemochromometer -hemochromometry -hemoclasia -hemoclasis -hemoclastic -hemocoel -hemocoele -hemocoelic -hemocoelom -hemoconcentration -hemoconia -hemoconiosis -hemocry -hemocrystallin -hemoculture -hemocyanin -hemocyte -hemocytoblast -hemocytogenesis -hemocytolysis -hemocytometer -hemocytotripsis -hemocytozoon -hemocyturia -hemodiagnosis -hemodilution -hemodrometer -hemodrometry -hemodromograph -hemodromometer -hemodynameter -hemodynamic -hemodynamics -hemodystrophy -hemoerythrin -hemoflagellate -hemofuscin -hemogastric -hemogenesis -hemogenetic -hemogenic -hemogenous -hemoglobic -hemoglobin -hemoglobinemia -hemoglobiniferous -hemoglobinocholia -hemoglobinometer -hemoglobinophilic -hemoglobinous -hemoglobinuria -hemoglobinuric -hemoglobulin -hemogram -hemogregarine -hemoid -hemokonia -hemokoniosis -hemol -hemoleucocyte -hemoleucocytic -hemologist -hemology -hemolymph -hemolymphatic -hemolysin -hemolysis -hemolytic -hemolyze -hemomanometer -hemometer -hemometry -hemonephrosis -hemopathology -hemopathy -hemopericardium -hemoperitoneum -hemopexis -hemophage -hemophagia -hemophagocyte -hemophagocytosis -hemophagous -hemophagy -hemophile -Hemophileae -hemophilia -hemophiliac -hemophilic -Hemophilus -hemophobia -hemophthalmia -hemophthisis -hemopiezometer -hemoplasmodium -hemoplastic -hemopneumothorax -hemopod -hemopoiesis -hemopoietic -hemoproctia -hemoptoe -hemoptysis -hemopyrrole -hemorrhage -hemorrhagic -hemorrhagin -hemorrhea -hemorrhodin -hemorrhoid -hemorrhoidal -hemorrhoidectomy -hemosalpinx -hemoscope -hemoscopy -hemosiderin -hemosiderosis -hemospasia -hemospastic -hemospermia -hemosporid -hemosporidian -hemostasia -hemostasis -hemostat -hemostatic -hemotachometer -hemotherapeutics -hemotherapy -hemothorax -hemotoxic -hemotoxin -hemotrophe -hemotropic -hemozoon -hemp -hempbush -hempen -hemplike -hempseed -hempstring -hempweed -hempwort -hempy -hemstitch -hemstitcher -hen -henad -henbane -henbill -henbit -hence -henceforth -henceforward -henceforwards -henchboy -henchman -henchmanship -hencoop -hencote -hend -hendecacolic -hendecagon -hendecagonal -hendecahedron -hendecane -hendecasemic -hendecasyllabic -hendecasyllable -hendecatoic -hendecoic -hendecyl -hendiadys -hendly -hendness -heneicosane -henequen -henfish -henhearted -henhouse -henhussy -henism -henlike -henmoldy -henna -Hennebique -hennery -hennin -hennish -henny -henogeny -henotheism -henotheist -henotheistic -henotic -henpeck -henpen -Henrician -Henrietta -henroost -Henry -henry -hent -Hentenian -henter -hentriacontane -henware -henwife -henwise -henwoodite -henyard -heortological -heortologion -heortology -hep -hepar -heparin -heparinize -hepatalgia -hepatatrophia -hepatatrophy -hepatauxe -hepatectomy -hepatic -Hepatica -hepatica -Hepaticae -hepatical -hepaticoduodenostomy -hepaticoenterostomy -hepaticogastrostomy -hepaticologist -hepaticology -hepaticopulmonary -hepaticostomy -hepaticotomy -hepatite -hepatitis -hepatization -hepatize -hepatocele -hepatocirrhosis -hepatocolic -hepatocystic -hepatoduodenal -hepatoduodenostomy -hepatodynia -hepatodysentery -hepatoenteric -hepatoflavin -hepatogastric -hepatogenic -hepatogenous -hepatography -hepatoid -hepatolenticular -hepatolith -hepatolithiasis -hepatolithic -hepatological -hepatologist -hepatology -hepatolysis -hepatolytic -hepatoma -hepatomalacia -hepatomegalia -hepatomegaly -hepatomelanosis -hepatonephric -hepatopathy -hepatoperitonitis -hepatopexia -hepatopexy -hepatophlebitis -hepatophlebotomy -hepatophyma -hepatopneumonic -hepatoportal -hepatoptosia -hepatoptosis -hepatopulmonary -hepatorenal -hepatorrhagia -hepatorrhaphy -hepatorrhea -hepatorrhexis -hepatorrhoea -hepatoscopy -hepatostomy -hepatotherapy -hepatotomy -hepatotoxemia -hepatoumbilical -hepcat -Hephaesteum -Hephaestian -Hephaestic -Hephaestus -hephthemimer -hephthemimeral -hepialid -Hepialidae -Hepialus -heppen -hepper -heptacapsular -heptace -heptachord -heptachronous -heptacolic -heptacosane -heptad -heptadecane -heptadecyl -heptaglot -heptagon -heptagonal -heptagynous -heptahedral -heptahedrical -heptahedron -heptahexahedral -heptahydrate -heptahydrated -heptahydric -heptahydroxy -heptal -heptameride -Heptameron -heptamerous -heptameter -heptamethylene -heptametrical -heptanaphthene -Heptanchus -heptandrous -heptane -Heptanesian -heptangular -heptanoic -heptanone -heptapetalous -heptaphyllous -heptaploid -heptaploidy -heptapodic -heptapody -heptarch -heptarchal -heptarchic -heptarchical -heptarchist -heptarchy -heptasemic -heptasepalous -heptaspermous -heptastich -heptastrophic -heptastylar -heptastyle -heptasulphide -heptasyllabic -Heptateuch -heptatomic -heptatonic -Heptatrema -heptavalent -heptene -hepteris -heptine -heptite -heptitol -heptoic -heptorite -heptose -heptoxide -Heptranchias -heptyl -heptylene -heptylic -heptyne -her -Heraclean -Heracleidan -Heracleonite -Heracleopolitan -Heracleopolite -Heracleum -Heraclid -Heraclidae -Heraclidan -Heraclitean -Heracliteanism -Heraclitic -Heraclitical -Heraclitism -Herakles -herald -heraldess -heraldic -heraldical -heraldically -heraldist -heraldize -heraldress -heraldry -heraldship -herapathite -Herat -Herb -herb -herbaceous -herbaceously -herbage -herbaged -herbager -herbagious -herbal -herbalism -herbalist -herbalize -herbane -herbaria -herbarial -herbarian -herbarism -herbarist -herbarium -herbarize -Herbartian -Herbartianism -herbary -Herbert -herbescent -herbicidal -herbicide -herbicolous -herbiferous -herbish -herbist -Herbivora -herbivore -herbivority -herbivorous -herbless -herblet -herblike -herbman -herborist -herborization -herborize -herborizer -herbose -herbosity -herbous -herbwife -herbwoman -herby -hercogamous -hercogamy -Herculanean -Herculanensian -Herculanian -Herculean -Hercules -Herculid -Hercynian -hercynite -herd -herdbook -herdboy -herder -herderite -herdic -herding -herdship -herdsman -herdswoman -herdwick -here -hereabout -hereadays -hereafter -hereafterward -hereamong -hereat -hereaway -hereaways -herebefore -hereby -heredipetous -heredipety -hereditability -hereditable -hereditably -hereditament -hereditarian -hereditarianism -hereditarily -hereditariness -hereditarist -hereditary -hereditation -hereditative -hereditism -hereditist -hereditivity -heredity -heredium -heredofamilial -heredolues -heredoluetic -heredosyphilis -heredosyphilitic -heredosyphilogy -heredotuberculosis -Hereford -herefrom -heregeld -herein -hereinabove -hereinafter -hereinbefore -hereinto -herem -hereness -hereniging -hereof -hereon -hereright -Herero -heresiarch -heresimach -heresiographer -heresiography -heresiologer -heresiologist -heresiology -heresy -heresyphobia -heresyproof -heretic -heretical -heretically -hereticalness -hereticate -heretication -hereticator -hereticide -hereticize -hereto -heretoch -heretofore -heretoforetime -heretoga -heretrix -hereunder -hereunto -hereupon -hereward -herewith -herewithal -herile -heriot -heriotable -herisson -heritability -heritable -heritably -heritage -heritance -Heritiera -heritor -heritress -heritrix -herl -herling -herma -hermaean -hermaic -Herman -hermaphrodite -hermaphroditic -hermaphroditical -hermaphroditically -hermaphroditish -hermaphroditism -hermaphroditize -Hermaphroditus -hermeneut -hermeneutic -hermeneutical -hermeneutically -hermeneutics -hermeneutist -Hermes -Hermesian -Hermesianism -Hermetic -hermetic -hermetical -hermetically -hermeticism -Hermetics -Hermetism -Hermetist -hermidin -Herminone -Hermione -Hermit -hermit -hermitage -hermitary -hermitess -hermitic -hermitical -hermitically -hermitish -hermitism -hermitize -hermitry -hermitship -Hermo -hermodact -hermodactyl -Hermogenian -hermoglyphic -hermoglyphist -hermokopid -hern -Hernandia -Hernandiaceae -hernandiaceous -hernanesell -hernani -hernant -herne -hernia -hernial -Herniaria -herniarin -herniary -herniate -herniated -herniation -hernioenterotomy -hernioid -herniology -herniopuncture -herniorrhaphy -herniotome -herniotomist -herniotomy -hero -heroarchy -Herodian -herodian -Herodianic -Herodii -Herodiones -herodionine -heroess -herohead -herohood -heroic -heroical -heroically -heroicalness -heroicity -heroicly -heroicness -heroicomic -heroicomical -heroid -Heroides -heroify -Heroin -heroin -heroine -heroineship -heroinism -heroinize -heroism -heroistic -heroization -heroize -herolike -heromonger -heron -heroner -heronite -heronry -heroogony -heroologist -heroology -Herophile -Herophilist -heroship -herotheism -herpes -Herpestes -Herpestinae -herpestine -herpetic -herpetiform -herpetism -herpetography -herpetoid -herpetologic -herpetological -herpetologically -herpetologist -herpetology -herpetomonad -Herpetomonas -herpetophobia -herpetotomist -herpetotomy -herpolhode -Herpotrichia -herrengrundite -Herrenvolk -herring -herringbone -herringer -Herrnhuter -hers -Herschelian -herschelite -herse -hersed -herself -hership -hersir -hertz -hertzian -Heruli -Herulian -Hervati -Herve -Herzegovinian -Hesiodic -Hesione -Hesionidae -hesitance -hesitancy -hesitant -hesitantly -hesitate -hesitater -hesitating -hesitatingly -hesitatingness -hesitation -hesitative -hesitatively -hesitatory -Hesper -Hespera -Hesperia -Hesperian -Hesperic -Hesperid -hesperid -hesperidate -hesperidene -hesperideous -Hesperides -Hesperidian -hesperidin -hesperidium -hesperiid -Hesperiidae -hesperinon -Hesperis -hesperitin -Hesperornis -Hesperornithes -hesperornithid -Hesperornithiformes -hesperornithoid -Hesperus -Hessian -hessite -hessonite -hest -Hester -hestern -hesternal -Hesther -hesthogenous -Hesychasm -Hesychast -hesychastic -het -hetaera -hetaeria -hetaeric -hetaerism -Hetaerist -hetaerist -hetaeristic -hetaerocracy -hetaerolite -hetaery -heteradenia -heteradenic -heterakid -Heterakis -Heteralocha -heterandrous -heterandry -heteratomic -heterauxesis -heteraxial -heteric -heterically -hetericism -hetericist -heterism -heterization -heterize -hetero -heteroagglutinin -heteroalbumose -heteroauxin -heteroblastic -heteroblastically -heteroblasty -heterocarpism -heterocarpous -Heterocarpus -heterocaseose -heterocellular -heterocentric -heterocephalous -Heterocera -heterocerc -heterocercal -heterocercality -heterocercy -heterocerous -heterochiral -heterochlamydeous -Heterochloridales -heterochromatic -heterochromatin -heterochromatism -heterochromatization -heterochromatized -heterochrome -heterochromia -heterochromic -heterochromosome -heterochromous -heterochromy -heterochronic -heterochronism -heterochronistic -heterochronous -heterochrony -heterochrosis -heterochthon -heterochthonous -heterocline -heteroclinous -heteroclital -heteroclite -heteroclitica -heteroclitous -Heterocoela -heterocoelous -Heterocotylea -heterocycle -heterocyclic -heterocyst -heterocystous -heterodactyl -Heterodactylae -heterodactylous -Heterodera -Heterodon -heterodont -Heterodonta -Heterodontidae -heterodontism -heterodontoid -Heterodontus -heterodox -heterodoxal -heterodoxical -heterodoxly -heterodoxness -heterodoxy -heterodromous -heterodromy -heterodyne -heteroecious -heteroeciously -heteroeciousness -heteroecism -heteroecismal -heteroecy -heteroepic -heteroepy -heteroerotic -heteroerotism -heterofermentative -heterofertilization -heterogalactic -heterogamete -heterogametic -heterogametism -heterogamety -heterogamic -heterogamous -heterogamy -heterogangliate -heterogen -heterogene -heterogeneal -heterogenean -heterogeneity -heterogeneous -heterogeneously -heterogeneousness -heterogenesis -heterogenetic -heterogenic -heterogenicity -heterogenist -heterogenous -heterogeny -heteroglobulose -heterognath -Heterognathi -heterogone -heterogonism -heterogonous -heterogonously -heterogony -heterograft -heterographic -heterographical -heterography -Heterogyna -heterogynal -heterogynous -heteroicous -heteroimmune -heteroinfection -heteroinoculable -heteroinoculation -heterointoxication -heterokaryon -heterokaryosis -heterokaryotic -heterokinesis -heterokinetic -Heterokontae -heterokontan -heterolalia -heterolateral -heterolecithal -heterolith -heterolobous -heterologic -heterological -heterologically -heterologous -heterology -heterolysin -heterolysis -heterolytic -heteromallous -heteromastigate -heteromastigote -Heteromeles -Heteromera -heteromeral -Heteromeran -Heteromeri -heteromeric -heteromerous -Heterometabola -heterometabole -heterometabolic -heterometabolism -heterometabolous -heterometaboly -heterometric -Heteromi -Heteromita -Heteromorpha -Heteromorphae -heteromorphic -heteromorphism -heteromorphite -heteromorphosis -heteromorphous -heteromorphy -Heteromya -Heteromyaria -heteromyarian -Heteromyidae -Heteromys -heteronereid -heteronereis -Heteroneura -heteronomous -heteronomously -heteronomy -heteronuclear -heteronym -heteronymic -heteronymous -heteronymously -heteronymy -heteroousia -Heteroousian -heteroousian -Heteroousiast -heteroousious -heteropathic -heteropathy -heteropelmous -heteropetalous -Heterophaga -Heterophagi -heterophagous -heterophasia -heterophemism -heterophemist -heterophemistic -heterophemize -heterophemy -heterophile -heterophoria -heterophoric -heterophylesis -heterophyletic -heterophyllous -heterophylly -heterophyly -heterophyte -heterophytic -Heteropia -Heteropidae -heteroplasia -heteroplasm -heteroplastic -heteroplasty -heteroploid -heteroploidy -heteropod -Heteropoda -heteropodal -heteropodous -heteropolar -heteropolarity -heteropoly -heteroproteide -heteroproteose -heteropter -Heteroptera -heteropterous -heteroptics -heteropycnosis -Heterorhachis -heteroscope -heteroscopy -heterosexual -heterosexuality -heteroside -Heterosiphonales -heterosis -Heterosomata -Heterosomati -heterosomatous -heterosome -Heterosomi -heterosomous -Heterosporeae -heterosporic -Heterosporium -heterosporous -heterospory -heterostatic -heterostemonous -Heterostraca -heterostracan -Heterostraci -heterostrophic -heterostrophous -heterostrophy -heterostyled -heterostylism -heterostylous -heterostyly -heterosuggestion -heterosyllabic -heterotactic -heterotactous -heterotaxia -heterotaxic -heterotaxis -heterotaxy -heterotelic -heterothallic -heterothallism -heterothermal -heterothermic -heterotic -heterotopia -heterotopic -heterotopism -heterotopous -heterotopy -heterotransplant -heterotransplantation -heterotrich -Heterotricha -Heterotrichales -Heterotrichida -heterotrichosis -heterotrichous -heterotropal -heterotroph -heterotrophic -heterotrophy -heterotropia -heterotropic -heterotropous -heterotype -heterotypic -heterotypical -heteroxanthine -heteroxenous -heterozetesis -heterozygosis -heterozygosity -heterozygote -heterozygotic -heterozygous -heterozygousness -hething -hetman -hetmanate -hetmanship -hetter -hetterly -Hettie -Hetty -heuau -Heuchera -heugh -heulandite -heumite -heuretic -heuristic -heuristically -Hevea -hevi -hew -hewable -hewel -hewer -hewettite -hewhall -hewn -hewt -hex -hexa -hexabasic -Hexabiblos -hexabiose -hexabromide -hexacanth -hexacanthous -hexacapsular -hexacarbon -hexace -hexachloride -hexachlorocyclohexane -hexachloroethane -hexachord -hexachronous -hexacid -hexacolic -Hexacoralla -hexacorallan -Hexacorallia -hexacosane -hexacosihedroid -hexact -hexactinal -hexactine -hexactinellid -Hexactinellida -hexactinellidan -hexactinelline -hexactinian -hexacyclic -hexad -hexadactyle -hexadactylic -hexadactylism -hexadactylous -hexadactyly -hexadecahedroid -hexadecane -hexadecanoic -hexadecene -hexadecyl -hexadic -hexadiene -hexadiyne -hexafoil -hexaglot -hexagon -hexagonal -hexagonally -hexagonial -hexagonical -hexagonous -hexagram -Hexagrammidae -hexagrammoid -Hexagrammos -hexagyn -Hexagynia -hexagynian -hexagynous -hexahedral -hexahedron -hexahydrate -hexahydrated -hexahydric -hexahydride -hexahydrite -hexahydrobenzene -hexahydroxy -hexakisoctahedron -hexakistetrahedron -hexameral -hexameric -hexamerism -hexameron -hexamerous -hexameter -hexamethylenamine -hexamethylene -hexamethylenetetramine -hexametral -hexametric -hexametrical -hexametrist -hexametrize -hexametrographer -Hexamita -hexamitiasis -hexammine -hexammino -hexanaphthene -Hexanchidae -Hexanchus -Hexandria -hexandric -hexandrous -hexandry -hexane -hexanedione -hexangular -hexangularly -hexanitrate -hexanitrodiphenylamine -hexapartite -hexaped -hexapetaloid -hexapetaloideous -hexapetalous -hexaphyllous -hexapla -hexaplar -hexaplarian -hexaplaric -hexaploid -hexaploidy -hexapod -Hexapoda -hexapodal -hexapodan -hexapodous -hexapody -hexapterous -hexaradial -hexarch -hexarchy -hexaseme -hexasemic -hexasepalous -hexaspermous -hexastemonous -hexaster -hexastich -hexastichic -hexastichon -hexastichous -hexastichy -hexastigm -hexastylar -hexastyle -hexastylos -hexasulphide -hexasyllabic -hexatetrahedron -Hexateuch -Hexateuchal -hexathlon -hexatomic -hexatriacontane -hexatriose -hexavalent -hexecontane -hexenbesen -hexene -hexer -hexerei -hexeris -hexestrol -hexicological -hexicology -hexine -hexiological -hexiology -hexis -hexitol -hexoctahedral -hexoctahedron -hexode -hexoestrol -hexogen -hexoic -hexokinase -hexone -hexonic -hexosamine -hexosaminic -hexosan -hexose -hexosediphosphoric -hexosemonophosphoric -hexosephosphatase -hexosephosphoric -hexoylene -hexpartite -hexyl -hexylene -hexylic -hexylresorcinol -hexyne -hey -heyday -Hezron -Hezronites -hi -hia -Hianakoto -hiant -hiatal -hiate -hiation -hiatus -Hibbertia -hibbin -hibernacle -hibernacular -hibernaculum -hibernal -hibernate -hibernation -hibernator -Hibernia -Hibernian -Hibernianism -Hibernic -Hibernical -Hibernically -Hibernicism -Hibernicize -Hibernization -Hibernize -Hibernologist -Hibernology -Hibiscus -Hibito -Hibitos -Hibunci -hic -hicatee -hiccup -hick -hickey -hickory -Hicksite -hickwall -Hicoria -hidable -hidage -hidalgism -hidalgo -hidalgoism -hidated -hidation -Hidatsa -hidden -hiddenite -hiddenly -hiddenmost -hiddenness -hide -hideaway -hidebind -hidebound -hideboundness -hided -hideland -hideless -hideling -hideosity -hideous -hideously -hideousness -hider -hidling -hidlings -hidradenitis -hidrocystoma -hidromancy -hidropoiesis -hidrosis -hidrotic -hie -hieder -hielaman -hield -hielmite -hiemal -hiemation -Hienz -Hieracian -Hieracium -hieracosphinx -hierapicra -hierarch -hierarchal -hierarchic -hierarchical -hierarchically -hierarchism -hierarchist -hierarchize -hierarchy -hieratic -hieratical -hieratically -hieraticism -hieratite -Hierochloe -hierocracy -hierocratic -hierocratical -hierodule -hierodulic -Hierofalco -hierogamy -hieroglyph -hieroglypher -hieroglyphic -hieroglyphical -hieroglyphically -hieroglyphist -hieroglyphize -hieroglyphology -hieroglyphy -hierogram -hierogrammat -hierogrammate -hierogrammateus -hierogrammatic -hierogrammatical -hierogrammatist -hierograph -hierographer -hierographic -hierographical -hierography -hierolatry -hierologic -hierological -hierologist -hierology -hieromachy -hieromancy -hieromnemon -hieromonach -hieron -Hieronymic -Hieronymite -hieropathic -hierophancy -hierophant -hierophantes -hierophantic -hierophantically -hierophanticly -hieros -hieroscopy -Hierosolymitan -Hierosolymite -hierurgical -hierurgy -hifalutin -higdon -higgaion -higginsite -higgle -higglehaggle -higgler -higglery -high -highball -highbelia -highbinder -highborn -highboy -highbred -higher -highermost -highest -highfalutin -highfaluting -highfalutinism -highflying -highhanded -highhandedly -highhandedness -highhearted -highheartedly -highheartedness -highish -highjack -highjacker -highland -highlander -highlandish -Highlandman -Highlandry -highlight -highliving -highly -highman -highmoor -highmost -highness -highroad -hight -hightoby -hightop -highway -highwayman -higuero -hijack -hike -hiker -Hilaria -hilarious -hilariously -hilariousness -hilarity -Hilary -Hilarymas -Hilarytide -hilasmic -hilch -Hilda -Hildebrand -Hildebrandian -Hildebrandic -Hildebrandine -Hildebrandism -Hildebrandist -Hildebrandslied -Hildegarde -hilding -hiliferous -hill -Hillary -hillberry -hillbilly -hillculture -hillebrandite -Hillel -hiller -hillet -Hillhousia -hilliness -hillman -hillock -hillocked -hillocky -hillsale -hillsalesman -hillside -hillsman -hilltop -hilltrot -hillward -hillwoman -hilly -hilsa -hilt -hiltless -hilum -hilus -him -Hima -Himalaya -Himalayan -Himantopus -himation -Himawan -himp -himself -himward -himwards -Himyaric -Himyarite -Himyaritic -hin -hinau -Hinayana -hinch -hind -hindberry -hindbrain -hindcast -hinddeck -hinder -hinderance -hinderer -hinderest -hinderful -hinderfully -hinderingly -hinderlands -hinderlings -hinderlins -hinderly -hinderment -hindermost -hindersome -hindhand -hindhead -Hindi -hindmost -hindquarter -hindrance -hindsaddle -hindsight -Hindu -Hinduism -Hinduize -Hindustani -hindward -hing -hinge -hingecorner -hingeflower -hingeless -hingelike -hinger -hingeways -hingle -hinney -hinnible -Hinnites -hinny -hinoid -hinoideous -hinoki -hinsdalite -hint -hintedly -hinter -hinterland -hintingly -hintproof -hintzeite -Hiodon -hiodont -Hiodontidae -hiortdahlite -hip -hipbone -hipe -hiper -hiphalt -hipless -hipmold -Hippa -hippalectryon -hipparch -Hipparion -Hippeastrum -hipped -Hippelates -hippen -Hippia -hippian -hippiater -hippiatric -hippiatrical -hippiatrics -hippiatrist -hippiatry -hippic -Hippidae -Hippidion -Hippidium -hipping -hippish -hipple -hippo -Hippobosca -hippoboscid -Hippoboscidae -hippocamp -hippocampal -hippocampi -hippocampine -hippocampus -Hippocastanaceae -hippocastanaceous -hippocaust -hippocentaur -hippocentauric -hippocerf -hippocoprosterol -hippocras -Hippocratea -Hippocrateaceae -hippocrateaceous -Hippocratian -Hippocratic -Hippocratical -Hippocratism -Hippocrene -Hippocrenian -hippocrepian -hippocrepiform -Hippodamia -hippodamous -hippodrome -hippodromic -hippodromist -hippogastronomy -Hippoglosinae -Hippoglossidae -Hippoglossus -hippogriff -hippogriffin -hippoid -hippolite -hippolith -hippological -hippologist -hippology -Hippolytan -Hippolyte -Hippolytidae -Hippolytus -hippomachy -hippomancy -hippomanes -Hippomedon -hippomelanin -Hippomenes -hippometer -hippometric -hippometry -Hipponactean -hipponosological -hipponosology -hippopathological -hippopathology -hippophagi -hippophagism -hippophagist -hippophagistical -hippophagous -hippophagy -hippophile -hippophobia -hippopod -hippopotami -hippopotamian -hippopotamic -Hippopotamidae -hippopotamine -hippopotamoid -hippopotamus -Hipposelinum -hippotigrine -Hippotigris -hippotomical -hippotomist -hippotomy -hippotragine -Hippotragus -hippurate -hippuric -hippurid -Hippuridaceae -Hippuris -hippurite -Hippurites -hippuritic -Hippuritidae -hippuritoid -hippus -hippy -hipshot -hipwort -hirable -hiragana -Hiram -Hiramite -hircarra -hircine -hircinous -hircocerf -hircocervus -hircosity -hire -hired -hireless -hireling -hireman -Hiren -hirer -hirmologion -hirmos -Hirneola -hiro -Hirofumi -hirondelle -Hirotoshi -Hiroyuki -hirple -hirrient -hirse -hirsel -hirsle -hirsute -hirsuteness -hirsuties -hirsutism -hirsutulous -Hirtella -hirtellous -Hirudin -hirudine -Hirudinea -hirudinean -hirudiniculture -Hirudinidae -hirudinize -hirudinoid -Hirudo -hirundine -Hirundinidae -hirundinous -Hirundo -his -hish -hisingerite -hisn -Hispa -Hispania -Hispanic -Hispanicism -Hispanicize -hispanidad -Hispaniolate -Hispaniolize -Hispanist -Hispanize -Hispanophile -Hispanophobe -hispid -hispidity -hispidulate -hispidulous -Hispinae -hiss -hisser -hissing -hissingly -hissproof -hist -histaminase -histamine -histaminic -histidine -histie -histiocyte -histiocytic -histioid -histiology -Histiophoridae -Histiophorus -histoblast -histochemic -histochemical -histochemistry -histoclastic -histocyte -histodiagnosis -histodialysis -histodialytic -histogen -histogenesis -histogenetic -histogenetically -histogenic -histogenous -histogeny -histogram -histographer -histographic -histographical -histography -histoid -histologic -histological -histologically -histologist -histology -histolysis -histolytic -histometabasis -histomorphological -histomorphologically -histomorphology -histon -histonal -histone -histonomy -histopathologic -histopathological -histopathologist -histopathology -histophyly -histophysiological -histophysiology -Histoplasma -histoplasmin -histoplasmosis -historial -historian -historiated -historic -historical -historically -historicalness -historician -historicism -historicity -historicize -historicocabbalistical -historicocritical -historicocultural -historicodogmatic -historicogeographical -historicophilosophica -historicophysical -historicopolitical -historicoprophetic -historicoreligious -historics -historicus -historied -historier -historiette -historify -historiograph -historiographer -historiographership -historiographic -historiographical -historiographically -historiography -historiological -historiology -historiometric -historiometry -historionomer -historious -historism -historize -history -histotherapist -histotherapy -histotome -histotomy -histotrophic -histotrophy -histotropic -histozoic -histozyme -histrio -Histriobdella -Histriomastix -histrion -histrionic -histrionical -histrionically -histrionicism -histrionism -hit -hitch -hitcher -hitchhike -hitchhiker -hitchily -hitchiness -Hitchiti -hitchproof -hitchy -hithe -hither -hithermost -hitherto -hitherward -Hitlerism -Hitlerite -hitless -Hitoshi -hittable -hitter -Hittite -Hittitics -Hittitology -Hittology -hive -hiveless -hiver -hives -hiveward -Hivite -hizz -Hler -Hlidhskjalf -Hlithskjalf -Hlorrithi -Ho -ho -hoar -hoard -hoarder -hoarding -hoardward -hoarfrost -hoarhead -hoarheaded -hoarhound -hoarily -hoariness -hoarish -hoarness -hoarse -hoarsely -hoarsen -hoarseness -hoarstone -hoarwort -hoary -hoaryheaded -hoast -hoastman -hoatzin -hoax -hoaxee -hoaxer -hoaxproof -hob -hobber -Hobbesian -hobbet -Hobbian -hobbil -Hobbism -Hobbist -Hobbistical -hobble -hobblebush -hobbledehoy -hobbledehoydom -hobbledehoyhood -hobbledehoyish -hobbledehoyishness -hobbledehoyism -hobbledygee -hobbler -hobbling -hobblingly -hobbly -hobby -hobbyhorse -hobbyhorsical -hobbyhorsically -hobbyism -hobbyist -hobbyless -hobgoblin -hoblike -hobnail -hobnailed -hobnailer -hobnob -hobo -hoboism -Hobomoco -hobthrush -hocco -Hochelaga -Hochheimer -hock -Hockday -hockelty -hocker -hocket -hockey -hockshin -Hocktide -hocky -hocus -hod -hodden -hodder -hoddle -hoddy -hodening -hodful -hodgepodge -Hodgkin -hodgkinsonite -hodiernal -hodman -hodmandod -hodograph -hodometer -hodometrical -hoe -hoecake -hoedown -hoeful -hoer -hoernesite -Hoffmannist -Hoffmannite -hog -hoga -hogan -Hogarthian -hogback -hogbush -hogfish -hogframe -hogged -hogger -hoggerel -hoggery -hogget -hoggie -hoggin -hoggish -hoggishly -hoggishness -hoggism -hoggy -hogherd -hoghide -hoghood -hoglike -hogling -hogmace -hogmanay -Hogni -hognose -hognut -hogpen -hogreeve -hogrophyte -hogshead -hogship -hogshouther -hogskin -hogsty -hogward -hogwash -hogweed -hogwort -hogyard -Hohe -Hohenzollern -Hohenzollernism -Hohn -Hohokam -hoi -hoick -hoin -hoise -hoist -hoistaway -hoister -hoisting -hoistman -hoistway -hoit -hoju -Hokan -hokey -hokeypokey -hokum -holagogue -holarctic -holard -holarthritic -holarthritis -holaspidean -holcad -holcodont -Holconoti -Holcus -hold -holdable -holdall -holdback -holden -holdenite -holder -holdership -holdfast -holdfastness -holding -holdingly -holdout -holdover -holdsman -holdup -hole -holeable -Holectypina -holectypoid -holeless -holeman -holeproof -holer -holethnic -holethnos -holewort -holey -holia -holiday -holidayer -holidayism -holidaymaker -holidaymaking -holily -holiness -holing -holinight -holism -holistic -holistically -holl -holla -hollaite -Holland -hollandaise -Hollander -Hollandish -hollandite -Hollands -Hollantide -holler -hollin -holliper -hollo -hollock -hollong -hollow -hollower -hollowfaced -hollowfoot -hollowhearted -hollowheartedness -hollowly -hollowness -holluschick -Holly -holly -hollyhock -Hollywood -Hollywooder -Hollywoodize -holm -holmberry -holmgang -holmia -holmic -holmium -holmos -holobaptist -holobenthic -holoblastic -holoblastically -holobranch -holocaine -holocarpic -holocarpous -holocaust -holocaustal -holocaustic -Holocene -holocentrid -Holocentridae -holocentroid -Holocentrus -Holocephala -holocephalan -Holocephali -holocephalian -holocephalous -Holochoanites -holochoanitic -holochoanoid -Holochoanoida -holochoanoidal -holochordate -holochroal -holoclastic -holocrine -holocryptic -holocrystalline -holodactylic -holodedron -Holodiscus -hologamous -hologamy -hologastrula -hologastrular -Holognatha -holognathous -hologonidium -holograph -holographic -holographical -holohedral -holohedric -holohedrism -holohemihedral -holohyaline -holomastigote -Holometabola -holometabole -holometabolian -holometabolic -holometabolism -holometabolous -holometaboly -holometer -holomorph -holomorphic -holomorphism -holomorphosis -holomorphy -Holomyaria -holomyarian -Holomyarii -holoparasite -holoparasitic -Holophane -holophane -holophotal -holophote -holophotometer -holophrase -holophrasis -holophrasm -holophrastic -holophyte -holophytic -holoplankton -holoplanktonic -holoplexia -holopneustic -holoproteide -holoptic -holoptychian -holoptychiid -Holoptychiidae -Holoptychius -holoquinoid -holoquinoidal -holoquinonic -holoquinonoid -holorhinal -holosaprophyte -holosaprophytic -holosericeous -holoside -holosiderite -Holosiphona -holosiphonate -Holosomata -holosomatous -holospondaic -holostean -Holostei -holosteous -holosteric -Holosteum -Holostomata -holostomate -holostomatous -holostome -holostomous -holostylic -holosymmetric -holosymmetrical -holosymmetry -holosystematic -holosystolic -holothecal -holothoracic -Holothuria -holothurian -Holothuridea -holothurioid -Holothurioidea -holotonia -holotonic -holotony -holotrich -Holotricha -holotrichal -Holotrichida -holotrichous -holotype -holour -holozoic -Holstein -holster -holstered -holt -holy -holyday -holyokeite -holystone -holytide -homage -homageable -homager -Homalocenchrus -homalogonatous -homalographic -homaloid -homaloidal -Homalonotus -Homalopsinae -Homaloptera -Homalopterous -homalosternal -Homalosternii -Homam -Homaridae -homarine -homaroid -Homarus -homatomic -homaxial -homaxonial -homaxonic -Homburg -home -homebody -homeborn -homebound -homebred -homecomer -homecraft -homecroft -homecrofter -homecrofting -homefarer -homefelt -homegoer -homekeeper -homekeeping -homeland -homelander -homeless -homelessly -homelessness -homelet -homelike -homelikeness -homelily -homeliness -homeling -homely -homelyn -homemade -homemaker -homemaking -homeoblastic -homeochromatic -homeochromatism -homeochronous -homeocrystalline -homeogenic -homeogenous -homeoid -homeoidal -homeoidality -homeokinesis -homeokinetic -homeomerous -homeomorph -homeomorphic -homeomorphism -homeomorphous -homeomorphy -homeopath -homeopathic -homeopathically -homeopathician -homeopathicity -homeopathist -homeopathy -homeophony -homeoplasia -homeoplastic -homeoplasy -homeopolar -homeosis -homeostasis -homeostatic -homeotic -homeotransplant -homeotransplantation -homeotype -homeotypic -homeotypical -homeowner -homeozoic -Homer -homer -Homerian -Homeric -Homerical -Homerically -Homerid -Homeridae -Homeridian -Homerist -Homerologist -Homerology -Homeromastix -homeseeker -homesick -homesickly -homesickness -homesite -homesome -homespun -homestall -homestead -homesteader -homester -homestretch -homeward -homewardly -homework -homeworker -homewort -homey -homeyness -homicidal -homicidally -homicide -homicidious -homiculture -homilete -homiletic -homiletical -homiletically -homiletics -homiliarium -homiliary -homilist -homilite -homilize -homily -hominal -hominess -Hominian -hominid -Hominidae -hominiform -hominify -hominine -hominisection -hominivorous -hominoid -hominy -homish -homishness -homo -homoanisaldehyde -homoanisic -homoarecoline -homobaric -homoblastic -homoblasty -homocarpous -homocategoric -homocentric -homocentrical -homocentrically -homocerc -homocercal -homocercality -homocercy -homocerebrin -homochiral -homochlamydeous -homochromatic -homochromatism -homochrome -homochromic -homochromosome -homochromous -homochromy -homochronous -homoclinal -homocline -Homocoela -homocoelous -homocreosol -homocyclic -homodermic -homodermy -homodont -homodontism -homodox -homodoxian -homodromal -homodrome -homodromous -homodromy -homodynamic -homodynamous -homodynamy -homodyne -Homoean -Homoeanism -homoecious -homoeoarchy -homoeoblastic -homoeochromatic -homoeochronous -homoeocrystalline -homoeogenic -homoeogenous -homoeography -homoeokinesis -homoeomerae -Homoeomeri -homoeomeria -homoeomerian -homoeomerianism -homoeomeric -homoeomerical -homoeomerous -homoeomery -homoeomorph -homoeomorphic -homoeomorphism -homoeomorphous -homoeomorphy -homoeopath -homoeopathic -homoeopathically -homoeopathician -homoeopathicity -homoeopathist -homoeopathy -homoeophony -homoeophyllous -homoeoplasia -homoeoplastic -homoeoplasy -homoeopolar -homoeosis -homoeotel -homoeoteleutic -homoeoteleuton -homoeotic -homoeotopy -homoeotype -homoeotypic -homoeotypical -homoeozoic -homoerotic -homoerotism -homofermentative -homogametic -homogamic -homogamous -homogamy -homogangliate -homogen -homogenate -homogene -homogeneal -homogenealness -homogeneate -homogeneity -homogeneization -homogeneize -homogeneous -homogeneously -homogeneousness -homogenesis -homogenetic -homogenetical -homogenic -homogenization -homogenize -homogenizer -homogenous -homogentisic -homogeny -homoglot -homogone -homogonous -homogonously -homogony -homograft -homograph -homographic -homography -homohedral -homoiotherm -homoiothermal -homoiothermic -homoiothermism -homoiothermous -homoiousia -Homoiousian -homoiousian -Homoiousianism -homoiousious -homolateral -homolecithal -homolegalis -homologate -homologation -homologic -homological -homologically -homologist -homologize -homologizer -homologon -homologoumena -homologous -homolographic -homolography -homologue -homology -homolosine -homolysin -homolysis -homomallous -homomeral -homomerous -homometrical -homometrically -homomorph -Homomorpha -homomorphic -homomorphism -homomorphosis -homomorphous -homomorphy -Homoneura -homonomous -homonomy -homonuclear -homonym -homonymic -homonymous -homonymously -homonymy -homoousia -Homoousian -Homoousianism -Homoousianist -Homoousiast -Homoousion -homoousious -homopathy -homoperiodic -homopetalous -homophene -homophenous -homophone -homophonic -homophonous -homophony -homophthalic -homophylic -homophyllous -homophyly -homopiperonyl -homoplasis -homoplasmic -homoplasmy -homoplast -homoplastic -homoplasy -homopolar -homopolarity -homopolic -homopter -Homoptera -homopteran -homopteron -homopterous -Homorelaps -homorganic -homoseismal -homosexual -homosexualism -homosexualist -homosexuality -homosporous -homospory -Homosteus -homostyled -homostylic -homostylism -homostylous -homostyly -homosystemic -homotactic -homotatic -homotaxeous -homotaxia -homotaxial -homotaxially -homotaxic -homotaxis -homotaxy -homothallic -homothallism -homothetic -homothety -homotonic -homotonous -homotonously -homotony -homotopic -homotransplant -homotransplantation -homotropal -homotropous -homotypal -homotype -homotypic -homotypical -homotypy -homovanillic -homovanillin -homoveratric -homoveratrole -homozygosis -homozygosity -homozygote -homozygous -homozygousness -homrai -homuncle -homuncular -homunculus -homy -Hon -honda -hondo -Honduran -Honduranean -Honduranian -Hondurean -Hondurian -hone -honest -honestly -honestness -honestone -honesty -honewort -honey -honeybee -honeyberry -honeybind -honeyblob -honeybloom -honeycomb -honeycombed -honeydew -honeydewed -honeydrop -honeyed -honeyedly -honeyedness -honeyfall -honeyflower -honeyfogle -honeyful -honeyhearted -honeyless -honeylike -honeylipped -honeymoon -honeymooner -honeymoonlight -honeymoonshine -honeymoonstruck -honeymoony -honeymouthed -honeypod -honeypot -honeystone -honeysuck -honeysucker -honeysuckle -honeysuckled -honeysweet -honeyware -Honeywood -honeywood -honeywort -hong -honied -honily -honk -honker -honor -Honora -honorability -honorable -honorableness -honorableship -honorably -honorance -honoraria -honorarily -honorarium -honorary -honoree -honorer -honoress -honorific -honorifically -honorless -honorous -honorsman -honorworthy -hontish -hontous -Honzo -hooch -hoochinoo -hood -hoodcap -hooded -hoodedness -hoodful -hoodie -hoodless -hoodlike -hoodlum -hoodlumish -hoodlumism -hoodlumize -hoodman -hoodmold -hoodoo -hoodsheaf -hoodshy -hoodshyness -hoodwink -hoodwinkable -hoodwinker -hoodwise -hoodwort -hooey -hoof -hoofbeat -hoofbound -hoofed -hoofer -hoofiness -hoofish -hoofless -hooflet -hooflike -hoofmark -hoofprint -hoofrot -hoofs -hoofworm -hoofy -hook -hookah -hookaroon -hooked -hookedness -hookedwise -hooker -Hookera -hookerman -hookers -hookheal -hookish -hookless -hooklet -hooklike -hookmaker -hookmaking -hookman -hooknose -hooksmith -hooktip -hookum -hookup -hookweed -hookwise -hookworm -hookwormer -hookwormy -hooky -hooligan -hooliganism -hooliganize -hoolock -hooly -hoon -hoonoomaun -hoop -hooped -hooper -hooping -hoopla -hoople -hoopless -hooplike -hoopmaker -hoopman -hoopoe -hoopstick -hoopwood -hoose -hoosegow -hoosh -Hoosier -Hoosierdom -Hoosierese -Hoosierize -hoot -hootay -hooter -hootingly -hoove -hooven -Hooverism -Hooverize -hoovey -hop -hopbine -hopbush -Hopcalite -hopcrease -hope -hoped -hopeful -hopefully -hopefulness -hopeite -hopeless -hopelessly -hopelessness -hoper -Hopi -hopi -hopingly -Hopkinsian -Hopkinsianism -Hopkinsonian -hoplite -hoplitic -hoplitodromos -Hoplocephalus -hoplology -hoplomachic -hoplomachist -hoplomachos -hoplomachy -Hoplonemertea -hoplonemertean -hoplonemertine -Hoplonemertini -hopoff -hopped -hopper -hopperburn -hopperdozer -hopperette -hoppergrass -hopperings -hopperman -hoppers -hoppestere -hoppet -hoppingly -hoppity -hopple -hoppy -hopscotch -hopscotcher -hoptoad -hopvine -hopyard -hora -horal -horary -Horatian -Horatio -Horatius -horbachite -hordarian -hordary -horde -hordeaceous -hordeiform -hordein -hordenine -Hordeum -horehound -Horim -horismology -horizometer -horizon -horizonless -horizontal -horizontalism -horizontality -horizontalization -horizontalize -horizontally -horizontalness -horizontic -horizontical -horizontically -horizonward -horme -hormic -hormigo -hormion -hormist -hormogon -Hormogonales -Hormogoneae -Hormogoneales -hormogonium -hormogonous -hormonal -hormone -hormonic -hormonize -hormonogenesis -hormonogenic -hormonology -hormonopoiesis -hormonopoietic -hormos -horn -hornbeam -hornbill -hornblende -hornblendic -hornblendite -hornblendophyre -hornblower -hornbook -horned -hornedness -horner -hornerah -hornet -hornety -hornfair -hornfels -hornfish -hornful -horngeld -Hornie -hornify -hornily -horniness -horning -hornish -hornist -hornito -hornless -hornlessness -hornlet -hornlike -hornotine -hornpipe -hornplant -hornsman -hornstay -hornstone -hornswoggle -horntail -hornthumb -horntip -hornwood -hornwork -hornworm -hornwort -horny -hornyhanded -hornyhead -horograph -horographer -horography -horokaka -horologe -horologer -horologic -horological -horologically -horologiography -horologist -horologium -horologue -horology -horometrical -horometry -Horonite -horopito -horopter -horopteric -horoptery -horoscopal -horoscope -horoscoper -horoscopic -horoscopical -horoscopist -horoscopy -Horouta -horrendous -horrendously -horrent -horrescent -horreum -horribility -horrible -horribleness -horribly -horrid -horridity -horridly -horridness -horrific -horrifically -horrification -horrify -horripilant -horripilate -horripilation -horrisonant -horror -horrorful -horrorish -horrorist -horrorize -horrormonger -horrormongering -horrorous -horrorsome -horse -horseback -horsebacker -horseboy -horsebreaker -horsecar -horsecloth -horsecraft -horsedom -horsefair -horsefettler -horsefight -horsefish -horseflesh -horsefly -horsefoot -horsegate -horsehair -horsehaired -horsehead -horseherd -horsehide -horsehood -horsehoof -horsejockey -horsekeeper -horselaugh -horselaugher -horselaughter -horseleech -horseless -horselike -horseload -horseman -horsemanship -horsemastership -horsemint -horsemonger -horseplay -horseplayful -horsepond -horsepower -horsepox -horser -horseshoe -horseshoer -horsetail -horsetongue -Horsetown -horsetree -horseway -horseweed -horsewhip -horsewhipper -horsewoman -horsewomanship -horsewood -horsfordite -horsify -horsily -horsiness -horsing -Horst -horst -horsy -horsyism -hortation -hortative -hortatively -hortator -hortatorily -hortatory -Hortense -Hortensia -hortensial -Hortensian -hortensian -horticultural -horticulturally -horticulture -horticulturist -hortite -hortonolite -hortulan -Horvatian -hory -Hosackia -hosanna -hose -hosed -hosel -hoseless -hoselike -hoseman -hosier -hosiery -hosiomartyr -hospice -hospitable -hospitableness -hospitably -hospitage -hospital -hospitalary -hospitaler -hospitalism -hospitality -hospitalization -hospitalize -hospitant -hospitate -hospitation -hospitator -hospitious -hospitium -hospitize -hospodar -hospodariat -hospodariate -host -Hosta -hostage -hostager -hostageship -hostel -hosteler -hostelry -hoster -hostess -hostie -hostile -hostilely -hostileness -hostility -hostilize -hosting -hostler -hostlership -hostlerwife -hostless -hostly -hostry -hostship -hot -hotbed -hotblood -hotbox -hotbrained -hotch -hotchpot -hotchpotch -hotchpotchly -hotel -hoteldom -hotelhood -hotelier -hotelization -hotelize -hotelkeeper -hotelless -hotelward -hotfoot -hothead -hotheaded -hotheadedly -hotheadedness -hothearted -hotheartedly -hotheartedness -hothouse -hoti -hotly -hotmouthed -hotness -hotspur -hotspurred -Hotta -Hottentot -Hottentotese -Hottentotic -Hottentotish -Hottentotism -hotter -hottery -hottish -Hottonia -houbara -Houdan -hough -houghband -hougher -houghite -houghmagandy -Houghton -hounce -hound -hounder -houndfish -hounding -houndish -houndlike -houndman -houndsbane -houndsberry -houndshark -houndy -houppelande -hour -hourful -hourglass -houri -hourless -hourly -housage -housal -Housatonic -house -houseball -houseboat -houseboating -housebote -housebound -houseboy -housebreak -housebreaker -housebreaking -housebroke -housebroken -housebug -housebuilder -housebuilding -housecarl -housecoat -housecraft -housefast -housefather -housefly -houseful -housefurnishings -household -householder -householdership -householding -householdry -housekeep -housekeeper -housekeeperlike -housekeeperly -housekeeping -housel -houseleek -houseless -houselessness -houselet -houseline -houseling -housemaid -housemaidenly -housemaiding -housemaidy -houseman -housemaster -housemastership -housemate -housemating -houseminder -housemistress -housemother -housemotherly -houseowner -houser -houseridden -houseroom -housesmith -housetop -houseward -housewares -housewarm -housewarmer -housewarming -housewear -housewife -housewifeliness -housewifely -housewifery -housewifeship -housewifish -housewive -housework -housewright -housing -Houstonia -housty -housy -houtou -houvari -Hova -hove -hovedance -hovel -hoveler -hoven -Hovenia -hover -hoverer -hovering -hoveringly -hoverly -how -howadji -Howard -howardite -howbeit -howdah -howder -howdie -howdy -howe -Howea -howel -however -howff -howish -howitzer -howk -howkit -howl -howler -howlet -howling -howlingly -howlite -howso -howsoever -howsomever -hox -hoy -Hoya -hoyden -hoydenhood -hoydenish -hoydenism -hoyle -hoyman -Hrimfaxi -Hrothgar -Hsi -Hsuan -Hu -huaca -huaco -huajillo -huamuchil -huantajayite -huaracho -Huari -huarizo -Huashi -Huastec -Huastecan -Huave -Huavean -hub -hubb -hubba -hubber -Hubbite -hubble -hubbly -hubbub -hubbuboo -hubby -Hubert -hubmaker -hubmaking -hubnerite -hubristic -hubshi -huccatoon -huchen -Huchnom -hucho -huck -huckaback -huckle -huckleback -hucklebacked -huckleberry -hucklebone -huckmuck -huckster -hucksterage -hucksterer -hucksteress -hucksterize -huckstery -hud -huddle -huddledom -huddlement -huddler -huddling -huddlingly -huddock -huddroun -huddup -Hudibras -Hudibrastic -Hudibrastically -Hudsonia -Hudsonian -hudsonite -hue -hued -hueful -hueless -huelessness -huer -Huey -huff -huffier -huffily -huffiness -huffingly -huffish -huffishly -huffishness -huffle -huffler -huffy -hug -huge -Hugelia -hugelite -hugely -hugeness -hugeous -hugeously -hugeousness -huggable -hugger -huggermugger -huggermuggery -Huggin -hugging -huggingly -huggle -Hugh -Hughes -Hughoc -Hugo -Hugoesque -hugsome -Huguenot -Huguenotic -Huguenotism -huh -Hui -huia -huipil -huisache -huiscoyol -huitain -Huk -Hukbalahap -huke -hula -Huldah -huldee -hulk -hulkage -hulking -hulky -hull -hullabaloo -huller -hullock -hulloo -hulotheism -Hulsean -hulsite -hulster -hulu -hulver -hulverhead -hulverheaded -hum -Huma -human -humane -humanely -humaneness -humanhood -humanics -humanification -humaniform -humaniformian -humanify -humanish -humanism -humanist -humanistic -humanistical -humanistically -humanitarian -humanitarianism -humanitarianist -humanitarianize -humanitary -humanitian -humanity -humanitymonger -humanization -humanize -humanizer -humankind -humanlike -humanly -humanness -humanoid -humate -humble -humblebee -humblehearted -humblemouthed -humbleness -humbler -humblie -humblingly -humbly -humbo -humboldtilite -humboldtine -humboldtite -humbug -humbugability -humbugable -humbugger -humbuggery -humbuggism -humbuzz -humdinger -humdrum -humdrumminess -humdrummish -humdrummishness -humdudgeon -Hume -Humean -humect -humectant -humectate -humectation -humective -humeral -humeri -humeroabdominal -humerocubital -humerodigital -humerodorsal -humerometacarpal -humeroradial -humeroscapular -humeroulnar -humerus -humet -humetty -humhum -humic -humicubation -humid -humidate -humidification -humidifier -humidify -humidistat -humidity -humidityproof -humidly -humidness -humidor -humific -humification -humifuse -humify -humiliant -humiliate -humiliating -humiliatingly -humiliation -humiliative -humiliator -humiliatory -humilific -humilitude -humility -humin -Humiria -Humiriaceae -Humiriaceous -Humism -Humist -humistratous -humite -humlie -hummel -hummeler -hummer -hummie -humming -hummingbird -hummock -hummocky -humor -humoral -humoralism -humoralist -humoralistic -humoresque -humoresquely -humorful -humorific -humorism -humorist -humoristic -humoristical -humorize -humorless -humorlessness -humorology -humorous -humorously -humorousness -humorproof -humorsome -humorsomely -humorsomeness -humourful -humous -hump -humpback -humpbacked -humped -humph -Humphrey -humpiness -humpless -humpty -humpy -humstrum -humulene -humulone -Humulus -humus -humuslike -Hun -Hunanese -hunch -Hunchakist -hunchback -hunchbacked -hunchet -hunchy -hundi -hundred -hundredal -hundredary -hundreder -hundredfold -hundredman -hundredpenny -hundredth -hundredweight -hundredwork -hung -Hungaria -Hungarian -hungarite -hunger -hungerer -hungeringly -hungerless -hungerly -hungerproof -hungerweed -hungrify -hungrily -hungriness -hungry -hunh -hunk -Hunker -hunker -Hunkerism -hunkerous -hunkerousness -hunkers -hunkies -Hunkpapa -hunks -hunky -Hunlike -Hunnian -Hunnic -Hunnican -Hunnish -Hunnishness -hunt -huntable -huntedly -Hunter -Hunterian -hunterlike -huntilite -hunting -huntress -huntsman -huntsmanship -huntswoman -Hunyak -hup -Hupa -hupaithric -Hura -hura -hurcheon -hurdies -hurdis -hurdle -hurdleman -hurdler -hurdlewise -hurds -hure -hureaulite -hureek -Hurf -hurgila -hurkle -hurl -hurlbarrow -hurled -hurler -hurley -hurleyhouse -hurling -hurlock -hurly -Huron -huron -Huronian -hurr -hurrah -Hurri -Hurrian -hurricane -hurricanize -hurricano -hurried -hurriedly -hurriedness -hurrier -hurrisome -hurrock -hurroo -hurroosh -hurry -hurryingly -hurryproof -hursinghar -hurst -hurt -hurtable -hurted -hurter -hurtful -hurtfully -hurtfulness -hurting -hurtingest -hurtle -hurtleberry -hurtless -hurtlessly -hurtlessness -hurtlingly -hurtsome -hurty -husband -husbandable -husbandage -husbander -husbandfield -husbandhood -husbandland -husbandless -husbandlike -husbandliness -husbandly -husbandman -husbandress -husbandry -husbandship -huse -hush -hushable -hushaby -hushcloth -hushedly -husheen -hushel -husher -hushful -hushfully -hushing -hushingly -hushion -husho -husk -huskanaw -husked -huskened -husker -huskershredder -huskily -huskiness -husking -huskroot -huskwort -Husky -husky -huso -huspil -huss -hussar -Hussite -Hussitism -hussy -hussydom -hussyness -husting -hustle -hustlecap -hustlement -hustler -hut -hutch -hutcher -hutchet -Hutchinsonian -Hutchinsonianism -hutchinsonite -Huterian -huthold -hutholder -hutia -hutkeeper -hutlet -hutment -Hutsulian -Hutterites -Huttonian -Huttonianism -huttoning -huttonweed -hutukhtu -huvelyk -Huxleian -Huygenian -huzoor -Huzvaresh -huzz -huzza -huzzard -Hwa -Hy -hyacinth -Hyacinthia -hyacinthian -hyacinthine -Hyacinthus -Hyades -hyaena -Hyaenanche -Hyaenarctos -Hyaenidae -Hyaenodon -hyaenodont -hyaenodontoid -Hyakume -hyalescence -hyalescent -hyaline -hyalinization -hyalinize -hyalinocrystalline -hyalinosis -hyalite -hyalitis -hyaloandesite -hyalobasalt -hyalocrystalline -hyalodacite -hyalogen -hyalograph -hyalographer -hyalography -hyaloid -hyaloiditis -hyaloliparite -hyalolith -hyalomelan -hyalomucoid -Hyalonema -hyalophagia -hyalophane -hyalophyre -hyalopilitic -hyaloplasm -hyaloplasma -hyaloplasmic -hyalopsite -hyalopterous -hyalosiderite -Hyalospongia -hyalotekite -hyalotype -hyaluronic -hyaluronidase -Hybanthus -Hybla -Hyblaea -Hyblaean -Hyblan -hybodont -Hybodus -hybosis -hybrid -hybridal -hybridation -hybridism -hybridist -hybridity -hybridizable -hybridization -hybridize -hybridizer -hybridous -hydantoate -hydantoic -hydantoin -hydathode -hydatid -hydatidiform -hydatidinous -hydatidocele -hydatiform -hydatigenous -Hydatina -hydatogenesis -hydatogenic -hydatogenous -hydatoid -hydatomorphic -hydatomorphism -hydatopneumatic -hydatopneumatolytic -hydatopyrogenic -hydatoscopy -Hydnaceae -hydnaceous -hydnocarpate -hydnocarpic -Hydnocarpus -hydnoid -Hydnora -Hydnoraceae -hydnoraceous -Hydnum -Hydra -hydracetin -Hydrachna -hydrachnid -Hydrachnidae -hydracid -hydracoral -hydracrylate -hydracrylic -Hydractinia -hydractinian -Hydradephaga -hydradephagan -hydradephagous -hydragogue -hydragogy -hydramine -hydramnion -hydramnios -Hydrangea -Hydrangeaceae -hydrangeaceous -hydrant -hydranth -hydrarch -hydrargillite -hydrargyrate -hydrargyria -hydrargyriasis -hydrargyric -hydrargyrism -hydrargyrosis -hydrargyrum -hydrarthrosis -hydrarthrus -hydrastine -Hydrastis -hydrate -hydrated -hydration -hydrator -hydratropic -hydraucone -hydraulic -hydraulically -hydraulician -hydraulicity -hydraulicked -hydraulicon -hydraulics -hydraulist -hydraulus -hydrazide -hydrazidine -hydrazimethylene -hydrazine -hydrazino -hydrazo -hydrazoate -hydrazobenzene -hydrazoic -hydrazone -hydrazyl -hydremia -hydremic -hydrencephalocele -hydrencephaloid -hydrencephalus -hydria -hydriatric -hydriatrist -hydriatry -hydric -hydrically -Hydrid -hydride -hydriform -hydrindene -hydriodate -hydriodic -hydriodide -hydriotaphia -Hydriote -hydro -hydroa -hydroadipsia -hydroaeric -hydroalcoholic -hydroaromatic -hydroatmospheric -hydroaviation -hydrobarometer -Hydrobates -Hydrobatidae -hydrobenzoin -hydrobilirubin -hydrobiological -hydrobiologist -hydrobiology -hydrobiosis -hydrobiplane -hydrobomb -hydroboracite -hydroborofluoric -hydrobranchiate -hydrobromate -hydrobromic -hydrobromide -hydrocarbide -hydrocarbon -hydrocarbonaceous -hydrocarbonate -hydrocarbonic -hydrocarbonous -hydrocarbostyril -hydrocardia -Hydrocaryaceae -hydrocaryaceous -hydrocatalysis -hydrocauline -hydrocaulus -hydrocele -hydrocellulose -hydrocephalic -hydrocephalocele -hydrocephaloid -hydrocephalous -hydrocephalus -hydrocephaly -hydroceramic -hydrocerussite -Hydrocharidaceae -hydrocharidaceous -Hydrocharis -Hydrocharitaceae -hydrocharitaceous -Hydrochelidon -hydrochemical -hydrochemistry -hydrochlorate -hydrochlorauric -hydrochloric -hydrochloride -hydrochlorplatinic -hydrochlorplatinous -Hydrochoerus -hydrocholecystis -hydrocinchonine -hydrocinnamic -hydrocirsocele -hydrocladium -hydroclastic -Hydrocleis -hydroclimate -hydrocobalticyanic -hydrocoele -hydrocollidine -hydroconion -Hydrocorallia -Hydrocorallinae -hydrocoralline -Hydrocores -Hydrocorisae -hydrocorisan -hydrocotarnine -Hydrocotyle -hydrocoumaric -hydrocupreine -hydrocyanate -hydrocyanic -hydrocyanide -hydrocycle -hydrocyclic -hydrocyclist -Hydrocyon -hydrocyst -hydrocystic -Hydrodamalidae -Hydrodamalis -Hydrodictyaceae -Hydrodictyon -hydrodrome -Hydrodromica -hydrodromican -hydrodynamic -hydrodynamical -hydrodynamics -hydrodynamometer -hydroeconomics -hydroelectric -hydroelectricity -hydroelectrization -hydroergotinine -hydroextract -hydroextractor -hydroferricyanic -hydroferrocyanate -hydroferrocyanic -hydrofluate -hydrofluoboric -hydrofluoric -hydrofluorid -hydrofluoride -hydrofluosilicate -hydrofluosilicic -hydrofluozirconic -hydrofoil -hydroforming -hydrofranklinite -hydrofuge -hydrogalvanic -hydrogel -hydrogen -hydrogenase -hydrogenate -hydrogenation -hydrogenator -hydrogenic -hydrogenide -hydrogenium -hydrogenization -hydrogenize -hydrogenolysis -Hydrogenomonas -hydrogenous -hydrogeological -hydrogeology -hydroglider -hydrognosy -hydrogode -hydrograph -hydrographer -hydrographic -hydrographical -hydrographically -hydrography -hydrogymnastics -hydrohalide -hydrohematite -hydrohemothorax -hydroid -Hydroida -Hydroidea -hydroidean -hydroiodic -hydrokinetic -hydrokinetical -hydrokinetics -hydrol -hydrolase -hydrolatry -Hydrolea -Hydroleaceae -hydrolize -hydrologic -hydrological -hydrologically -hydrologist -hydrology -hydrolysis -hydrolyst -hydrolyte -hydrolytic -hydrolyzable -hydrolyzate -hydrolyzation -hydrolyze -hydromagnesite -hydromancer -hydromancy -hydromania -hydromaniac -hydromantic -hydromantical -hydromantically -hydrome -hydromechanical -hydromechanics -hydromedusa -Hydromedusae -hydromedusan -hydromedusoid -hydromel -hydromeningitis -hydromeningocele -hydrometallurgical -hydrometallurgically -hydrometallurgy -hydrometamorphism -hydrometeor -hydrometeorological -hydrometeorology -hydrometer -hydrometra -hydrometric -hydrometrical -hydrometrid -Hydrometridae -hydrometry -hydromica -hydromicaceous -hydromonoplane -hydromorph -hydromorphic -hydromorphous -hydromorphy -hydromotor -hydromyelia -hydromyelocele -hydromyoma -Hydromys -hydrone -hydronegative -hydronephelite -hydronephrosis -hydronephrotic -hydronitric -hydronitroprussic -hydronitrous -hydronium -hydroparacoumaric -Hydroparastatae -hydropath -hydropathic -hydropathical -hydropathist -hydropathy -hydropericarditis -hydropericardium -hydroperiod -hydroperitoneum -hydroperitonitis -hydroperoxide -hydrophane -hydrophanous -hydrophid -Hydrophidae -hydrophil -hydrophile -hydrophilic -hydrophilid -Hydrophilidae -hydrophilism -hydrophilite -hydrophiloid -hydrophilous -hydrophily -Hydrophinae -Hydrophis -hydrophobe -hydrophobia -hydrophobic -hydrophobical -hydrophobist -hydrophobophobia -hydrophobous -hydrophoby -hydrophoid -hydrophone -Hydrophora -hydrophoran -hydrophore -hydrophoria -hydrophorous -hydrophthalmia -hydrophthalmos -hydrophthalmus -hydrophylacium -hydrophyll -Hydrophyllaceae -hydrophyllaceous -hydrophylliaceous -hydrophyllium -Hydrophyllum -hydrophysometra -hydrophyte -hydrophytic -hydrophytism -hydrophyton -hydrophytous -hydropic -hydropical -hydropically -hydropigenous -hydroplane -hydroplanula -hydroplatinocyanic -hydroplutonic -hydropneumatic -hydropneumatosis -hydropneumopericardium -hydropneumothorax -hydropolyp -hydroponic -hydroponicist -hydroponics -hydroponist -hydropositive -hydropot -Hydropotes -hydropropulsion -hydrops -hydropsy -Hydropterideae -hydroptic -hydropult -hydropultic -hydroquinine -hydroquinol -hydroquinoline -hydroquinone -hydrorachis -hydrorhiza -hydrorhizal -hydrorrhachis -hydrorrhachitis -hydrorrhea -hydrorrhoea -hydrorubber -hydrosalpinx -hydrosalt -hydrosarcocele -hydroscope -hydroscopic -hydroscopical -hydroscopicity -hydroscopist -hydroselenic -hydroselenide -hydroselenuret -hydroseparation -hydrosilicate -hydrosilicon -hydrosol -hydrosomal -hydrosomatous -hydrosome -hydrosorbic -hydrosphere -hydrospire -hydrospiric -hydrostat -hydrostatic -hydrostatical -hydrostatically -hydrostatician -hydrostatics -hydrostome -hydrosulphate -hydrosulphide -hydrosulphite -hydrosulphocyanic -hydrosulphurated -hydrosulphuret -hydrosulphureted -hydrosulphuric -hydrosulphurous -hydrosulphuryl -hydrotachymeter -hydrotactic -hydrotalcite -hydrotasimeter -hydrotaxis -hydrotechnic -hydrotechnical -hydrotechnologist -hydrotechny -hydroterpene -hydrotheca -hydrothecal -hydrotherapeutic -hydrotherapeutics -hydrotherapy -hydrothermal -hydrothoracic -hydrothorax -hydrotic -hydrotical -hydrotimeter -hydrotimetric -hydrotimetry -hydrotomy -hydrotropic -hydrotropism -hydroturbine -hydrotype -hydrous -hydrovane -hydroxamic -hydroxamino -hydroxide -hydroximic -hydroxy -hydroxyacetic -hydroxyanthraquinone -hydroxybutyricacid -hydroxyketone -hydroxyl -hydroxylactone -hydroxylamine -hydroxylate -hydroxylation -hydroxylic -hydroxylization -hydroxylize -hydrozincite -Hydrozoa -hydrozoal -hydrozoan -hydrozoic -hydrozoon -hydrula -Hydruntine -Hydrurus -Hydrus -hydurilate -hydurilic -hyena -hyenadog -hyenanchin -hyenic -hyeniform -hyenine -hyenoid -hyetal -hyetograph -hyetographic -hyetographical -hyetographically -hyetography -hyetological -hyetology -hyetometer -hyetometrograph -Hygeia -Hygeian -hygeiolatry -hygeist -hygeistic -hygeology -hygiantic -hygiantics -hygiastic -hygiastics -hygieist -hygienal -hygiene -hygienic -hygienical -hygienically -hygienics -hygienist -hygienization -hygienize -hygiologist -hygiology -hygric -hygrine -hygroblepharic -hygrodeik -hygroexpansivity -hygrograph -hygrology -hygroma -hygromatous -hygrometer -hygrometric -hygrometrical -hygrometrically -hygrometry -hygrophaneity -hygrophanous -hygrophilous -hygrophobia -hygrophthalmic -hygrophyte -hygrophytic -hygroplasm -hygroplasma -hygroscope -hygroscopic -hygroscopical -hygroscopically -hygroscopicity -hygroscopy -hygrostat -hygrostatics -hygrostomia -hygrothermal -hygrothermograph -hying -hyke -Hyla -hylactic -hylactism -hylarchic -hylarchical -hyle -hyleg -hylegiacal -hylic -hylicism -hylicist -Hylidae -hylism -hylist -Hyllus -Hylobates -hylobatian -hylobatic -hylobatine -Hylocereus -Hylocichla -Hylocomium -Hylodes -hylogenesis -hylogeny -hyloid -hylology -hylomorphic -hylomorphical -hylomorphism -hylomorphist -hylomorphous -Hylomys -hylopathism -hylopathist -hylopathy -hylophagous -hylotheism -hylotheist -hylotheistic -hylotheistical -hylotomous -hylozoic -hylozoism -hylozoist -hylozoistic -hylozoistically -hymen -Hymenaea -Hymenaeus -Hymenaic -hymenal -hymeneal -hymeneally -hymeneals -hymenean -hymenial -hymenic -hymenicolar -hymeniferous -hymeniophore -hymenium -Hymenocallis -Hymenochaete -Hymenogaster -Hymenogastraceae -hymenogeny -hymenoid -Hymenolepis -hymenomycetal -hymenomycete -Hymenomycetes -hymenomycetoid -hymenomycetous -hymenophore -hymenophorum -Hymenophyllaceae -hymenophyllaceous -Hymenophyllites -Hymenophyllum -hymenopter -Hymenoptera -hymenopteran -hymenopterist -hymenopterological -hymenopterologist -hymenopterology -hymenopteron -hymenopterous -hymenotomy -Hymettian -Hymettic -hymn -hymnal -hymnarium -hymnary -hymnbook -hymner -hymnic -hymnist -hymnless -hymnlike -hymnode -hymnodical -hymnodist -hymnody -hymnographer -hymnography -hymnologic -hymnological -hymnologically -hymnologist -hymnology -hymnwise -hynde -hyne -hyobranchial -hyocholalic -hyocholic -hyoepiglottic -hyoepiglottidean -hyoglossal -hyoglossus -hyoglycocholic -hyoid -hyoidal -hyoidan -hyoideal -hyoidean -hyoides -Hyolithes -hyolithid -Hyolithidae -hyolithoid -hyomandibula -hyomandibular -hyomental -hyoplastral -hyoplastron -hyoscapular -hyoscine -hyoscyamine -Hyoscyamus -hyosternal -hyosternum -hyostylic -hyostyly -hyothere -Hyotherium -hyothyreoid -hyothyroid -hyp -hypabyssal -hypaethral -hypaethron -hypaethros -hypaethrum -hypalgesia -hypalgia -hypalgic -hypallactic -hypallage -hypanthial -hypanthium -hypantrum -Hypapante -hypapophysial -hypapophysis -hyparterial -hypaspist -hypate -hypaton -hypautomorphic -hypaxial -Hypenantron -hyper -hyperabelian -hyperabsorption -hyperaccurate -hyperacid -hyperacidaminuria -hyperacidity -hyperacoustics -hyperaction -hyperactive -hyperactivity -hyperacuity -hyperacusia -hyperacusis -hyperacute -hyperacuteness -hyperadenosis -hyperadiposis -hyperadiposity -hyperadrenalemia -hyperaeolism -hyperalbuminosis -hyperalgebra -hyperalgesia -hyperalgesic -hyperalgesis -hyperalgetic -hyperalimentation -hyperalkalinity -hyperaltruism -hyperaminoacidemia -hyperanabolic -hyperanarchy -hyperangelical -hyperaphia -hyperaphic -hyperapophyseal -hyperapophysial -hyperapophysis -hyperarchaeological -hyperarchepiscopal -hyperazotemia -hyperbarbarous -hyperbatic -hyperbatically -hyperbaton -hyperbola -hyperbolaeon -hyperbole -hyperbolic -hyperbolically -hyperbolicly -hyperbolism -hyperbolize -hyperboloid -hyperboloidal -hyperboreal -Hyperborean -hyperborean -hyperbrachycephal -hyperbrachycephalic -hyperbrachycephaly -hyperbrachycranial -hyperbrachyskelic -hyperbranchia -hyperbrutal -hyperbulia -hypercalcemia -hypercarbamidemia -hypercarbureted -hypercarburetted -hypercarnal -hypercatalectic -hypercatalexis -hypercatharsis -hypercathartic -hypercathexis -hypercenosis -hyperchamaerrhine -hyperchlorhydria -hyperchloric -hypercholesterinemia -hypercholesterolemia -hypercholia -hypercivilization -hypercivilized -hyperclassical -hyperclimax -hypercoagulability -hypercoagulable -hypercomplex -hypercomposite -hyperconcentration -hypercone -hyperconfident -hyperconformist -hyperconscientious -hyperconscientiousness -hyperconscious -hyperconsciousness -hyperconservatism -hyperconstitutional -hypercoracoid -hypercorrect -hypercorrection -hypercorrectness -hypercosmic -hypercreaturely -hypercritic -hypercritical -hypercritically -hypercriticism -hypercriticize -hypercryalgesia -hypercube -hypercyanotic -hypercycle -hypercylinder -hyperdactyl -hyperdactylia -hyperdactyly -hyperdeify -hyperdelicacy -hyperdelicate -hyperdemocracy -hyperdemocratic -hyperdeterminant -hyperdiabolical -hyperdialectism -hyperdiapason -hyperdiapente -hyperdiastole -hyperdiatessaron -hyperdiazeuxis -hyperdicrotic -hyperdicrotism -hyperdicrotous -hyperdimensional -hyperdimensionality -hyperdissyllable -hyperdistention -hyperditone -hyperdivision -hyperdolichocephal -hyperdolichocephalic -hyperdolichocephaly -hyperdolichocranial -hyperdoricism -hyperdulia -hyperdulic -hyperdulical -hyperelegant -hyperelliptic -hyperemesis -hyperemetic -hyperemia -hyperemic -hyperemotivity -hyperemphasize -hyperenthusiasm -hypereosinophilia -hyperephidrosis -hyperequatorial -hypererethism -hyperessence -hyperesthesia -hyperesthetic -hyperethical -hypereuryprosopic -hypereutectic -hypereutectoid -hyperexaltation -hyperexcitability -hyperexcitable -hyperexcitement -hyperexcursive -hyperexophoria -hyperextend -hyperextension -hyperfastidious -hyperfederalist -hyperfine -hyperflexion -hyperfocal -hyperfunction -hyperfunctional -hyperfunctioning -hypergalactia -hypergamous -hypergamy -hypergenesis -hypergenetic -hypergeometric -hypergeometrical -hypergeometry -hypergeusia -hypergeustia -hyperglycemia -hyperglycemic -hyperglycorrhachia -hyperglycosuria -hypergoddess -hypergol -hypergolic -Hypergon -hypergrammatical -hyperhedonia -hyperhemoglobinemia -hyperhilarious -hyperhypocrisy -Hypericaceae -hypericaceous -Hypericales -hypericin -hypericism -Hypericum -hypericum -hyperidealistic -hyperideation -hyperimmune -hyperimmunity -hyperimmunization -hyperimmunize -hyperingenuity -hyperinosis -hyperinotic -hyperinsulinization -hyperinsulinize -hyperintellectual -hyperintelligence -hyperinvolution -hyperirritability -hyperirritable -hyperisotonic -hyperite -hyperkeratosis -hyperkinesia -hyperkinesis -hyperkinetic -hyperlactation -hyperleptoprosopic -hyperleucocytosis -hyperlipemia -hyperlipoidemia -hyperlithuria -hyperlogical -hyperlustrous -hypermagical -hypermakroskelic -hypermedication -hypermenorrhea -hypermetabolism -hypermetamorphic -hypermetamorphism -hypermetamorphosis -hypermetamorphotic -hypermetaphorical -hypermetaphysical -hypermetaplasia -hypermeter -hypermetric -hypermetrical -hypermetron -hypermetrope -hypermetropia -hypermetropic -hypermetropical -hypermetropy -hypermiraculous -hypermixolydian -hypermnesia -hypermnesic -hypermnesis -hypermnestic -hypermodest -hypermonosyllable -hypermoral -hypermorph -hypermorphism -hypermorphosis -hypermotile -hypermotility -hypermyotonia -hypermyotrophy -hypermyriorama -hypermystical -hypernatural -hypernephroma -hyperneuria -hyperneurotic -hypernic -hypernitrogenous -hypernomian -hypernomic -hypernormal -hypernote -hypernutrition -Hyperoartia -hyperoartian -hyperobtrusive -hyperodontogeny -Hyperoodon -hyperoon -hyperope -hyperopia -hyperopic -hyperorganic -hyperorthognathic -hyperorthognathous -hyperorthognathy -hyperosmia -hyperosmic -hyperostosis -hyperostotic -hyperothodox -hyperothodoxy -Hyperotreta -hyperotretan -Hyperotreti -hyperotretous -hyperoxidation -hyperoxide -hyperoxygenate -hyperoxygenation -hyperoxygenize -hyperpanegyric -hyperparasite -hyperparasitic -hyperparasitism -hyperparasitize -hyperparoxysm -hyperpathetic -hyperpatriotic -hyperpencil -hyperpepsinia -hyperper -hyperperistalsis -hyperperistaltic -hyperpersonal -hyperphalangeal -hyperphalangism -hyperpharyngeal -hyperphenomena -hyperphoria -hyperphoric -hyperphosphorescence -hyperphysical -hyperphysically -hyperphysics -hyperpiesia -hyperpiesis -hyperpietic -hyperpietist -hyperpigmentation -hyperpigmented -hyperpinealism -hyperpituitarism -hyperplagiarism -hyperplane -hyperplasia -hyperplasic -hyperplastic -hyperplatyrrhine -hyperploid -hyperploidy -hyperpnea -hyperpnoea -hyperpolysyllabic -hyperpredator -hyperprism -hyperproduction -hyperprognathous -hyperprophetical -hyperprosexia -hyperpulmonary -hyperpure -hyperpurist -hyperpyramid -hyperpyretic -hyperpyrexia -hyperpyrexial -hyperquadric -hyperrational -hyperreactive -hyperrealize -hyperresonance -hyperresonant -hyperreverential -hyperrhythmical -hyperridiculous -hyperritualism -hypersacerdotal -hypersaintly -hypersalivation -hypersceptical -hyperscholastic -hyperscrupulosity -hypersecretion -hypersensibility -hypersensitive -hypersensitiveness -hypersensitivity -hypersensitization -hypersensitize -hypersensual -hypersensualism -hypersensuous -hypersentimental -hypersolid -hypersomnia -hypersonic -hypersophisticated -hyperspace -hyperspatial -hyperspeculative -hypersphere -hyperspherical -hyperspiritualizing -hypersplenia -hypersplenism -hypersthene -hypersthenia -hypersthenic -hypersthenite -hyperstoic -hyperstrophic -hypersubtlety -hypersuggestibility -hypersuperlative -hypersurface -hypersusceptibility -hypersusceptible -hypersystole -hypersystolic -hypertechnical -hypertelic -hypertely -hypertense -hypertensin -hypertension -hypertensive -hyperterrestrial -hypertetrahedron -hyperthermal -hyperthermalgesia -hyperthermesthesia -hyperthermia -hyperthermic -hyperthermy -hyperthesis -hyperthetic -hyperthetical -hyperthyreosis -hyperthyroid -hyperthyroidism -hyperthyroidization -hyperthyroidize -hypertonia -hypertonic -hypertonicity -hypertonus -hypertorrid -hypertoxic -hypertoxicity -hypertragical -hypertragically -hypertranscendent -hypertrichosis -hypertridimensional -hypertrophic -hypertrophied -hypertrophous -hypertrophy -hypertropia -hypertropical -hypertype -hypertypic -hypertypical -hyperurbanism -hyperuresis -hypervascular -hypervascularity -hypervenosity -hyperventilate -hyperventilation -hypervigilant -hyperviscosity -hypervitalization -hypervitalize -hypervitaminosis -hypervolume -hyperwrought -hypesthesia -hypesthesic -hypethral -hypha -Hyphaene -hyphaeresis -hyphal -hyphedonia -hyphema -hyphen -hyphenate -hyphenated -hyphenation -hyphenic -hyphenism -hyphenization -hyphenize -hypho -hyphodrome -Hyphomycetales -hyphomycete -Hyphomycetes -hyphomycetic -hyphomycetous -hyphomycosis -hypidiomorphic -hypidiomorphically -hypinosis -hypinotic -Hypnaceae -hypnaceous -hypnagogic -hypnesthesis -hypnesthetic -hypnoanalysis -hypnobate -hypnocyst -hypnody -hypnoetic -hypnogenesis -hypnogenetic -hypnoid -hypnoidal -hypnoidization -hypnoidize -hypnologic -hypnological -hypnologist -hypnology -hypnone -hypnophobia -hypnophobic -hypnophoby -hypnopompic -Hypnos -hypnoses -hypnosis -hypnosperm -hypnosporangium -hypnospore -hypnosporic -hypnotherapy -hypnotic -hypnotically -hypnotism -hypnotist -hypnotistic -hypnotizability -hypnotizable -hypnotization -hypnotize -hypnotizer -hypnotoid -hypnotoxin -Hypnum -hypo -hypoacid -hypoacidity -hypoactive -hypoactivity -hypoadenia -hypoadrenia -hypoaeolian -hypoalimentation -hypoalkaline -hypoalkalinity -hypoaminoacidemia -hypoantimonate -hypoazoturia -hypobasal -hypobatholithic -hypobenthonic -hypobenthos -hypoblast -hypoblastic -hypobole -hypobranchial -hypobranchiate -hypobromite -hypobromous -hypobulia -hypobulic -hypocalcemia -hypocarp -hypocarpium -hypocarpogean -hypocatharsis -hypocathartic -hypocathexis -hypocaust -hypocentrum -hypocephalus -Hypochaeris -hypochil -hypochilium -hypochlorhydria -hypochlorhydric -hypochloric -hypochlorite -hypochlorous -hypochloruria -Hypochnaceae -hypochnose -Hypochnus -hypochondria -hypochondriac -hypochondriacal -hypochondriacally -hypochondriacism -hypochondrial -hypochondriasis -hypochondriast -hypochondrium -hypochondry -hypochordal -hypochromia -hypochrosis -hypochylia -hypocist -hypocleidian -hypocleidium -hypocoelom -hypocondylar -hypocone -hypoconid -hypoconule -hypoconulid -hypocoracoid -hypocorism -hypocoristic -hypocoristical -hypocoristically -hypocotyl -hypocotyleal -hypocotyledonary -hypocotyledonous -hypocotylous -hypocrater -hypocrateriform -hypocraterimorphous -Hypocreaceae -hypocreaceous -Hypocreales -hypocrisis -hypocrisy -hypocrital -hypocrite -hypocritic -hypocritical -hypocritically -hypocrize -hypocrystalline -hypocycloid -hypocycloidal -hypocystotomy -hypocytosis -hypodactylum -hypoderm -hypoderma -hypodermal -hypodermatic -hypodermatically -hypodermatoclysis -hypodermatomy -Hypodermella -hypodermic -hypodermically -hypodermis -hypodermoclysis -hypodermosis -hypodermous -hypodiapason -hypodiapente -hypodiastole -hypodiatessaron -hypodiazeuxis -hypodicrotic -hypodicrotous -hypoditone -hypodorian -hypodynamia -hypodynamic -hypoeliminator -hypoendocrinism -hypoeosinophilia -hypoeutectic -hypoeutectoid -hypofunction -hypogastric -hypogastrium -hypogastrocele -hypogeal -hypogean -hypogee -hypogeic -hypogeiody -hypogene -hypogenesis -hypogenetic -hypogenic -hypogenous -hypogeocarpous -hypogeous -hypogeum -hypogeusia -hypoglobulia -hypoglossal -hypoglossitis -hypoglossus -hypoglottis -hypoglycemia -hypoglycemic -hypognathism -hypognathous -hypogonation -hypogynic -hypogynium -hypogynous -hypogyny -hypohalous -hypohemia -hypohidrosis -Hypohippus -hypohyal -hypohyaline -hypoid -hypoiodite -hypoiodous -hypoionian -hypoischium -hypoisotonic -hypokeimenometry -hypokinesia -hypokinesis -hypokinetic -hypokoristikon -hypolemniscus -hypoleptically -hypoleucocytosis -hypolimnion -hypolocrian -hypolydian -hypomania -hypomanic -hypomelancholia -hypomeral -hypomere -hypomeron -hypometropia -hypomixolydian -hypomnematic -hypomnesis -hypomochlion -hypomorph -hypomotility -hypomyotonia -hyponastic -hyponastically -hyponasty -hyponeuria -hyponitric -hyponitrite -hyponitrous -hyponoetic -hyponoia -hyponome -hyponomic -hyponychial -hyponychium -hyponym -hyponymic -hyponymous -Hypoparia -hypopepsia -hypopepsinia -hypopepsy -hypopetalous -hypopetaly -hypophalangism -hypophamin -hypophamine -hypophare -hypopharyngeal -hypopharynx -hypophloeodal -hypophloeodic -hypophloeous -hypophonic -hypophonous -hypophora -hypophoria -hypophosphate -hypophosphite -hypophosphoric -hypophosphorous -hypophrenia -hypophrenic -hypophrenosis -hypophrygian -hypophyge -hypophyll -hypophyllium -hypophyllous -hypophyllum -hypophyse -hypophyseal -hypophysectomize -hypophysectomy -hypophyseoprivic -hypophyseoprivous -hypophysial -hypophysical -hypophysics -hypophysis -hypopial -hypopinealism -hypopituitarism -Hypopitys -hypoplankton -hypoplanktonic -hypoplasia -hypoplastic -hypoplastral -hypoplastron -hypoplasty -hypoplasy -hypoploid -hypoploidy -hypopodium -hypopraxia -hypoprosexia -hypopselaphesia -hypopteral -hypopteron -hypoptilar -hypoptilum -hypoptosis -hypoptyalism -hypopus -hypopygial -hypopygidium -hypopygium -hypopyon -hyporadial -hyporadiolus -hyporadius -hyporchema -hyporchematic -hyporcheme -hyporchesis -hyporhachidian -hyporhachis -hyporhined -hyporit -hyporrhythmic -hyposcenium -hyposcleral -hyposcope -hyposecretion -hyposensitization -hyposensitize -hyposkeletal -hyposmia -hypospadiac -hypospadias -hyposphene -hypospray -hypostase -hypostasis -hypostasization -hypostasize -hypostasy -hypostatic -hypostatical -hypostatically -hypostatization -hypostatize -hyposternal -hyposternum -hyposthenia -hyposthenic -hyposthenuria -hypostigma -hypostilbite -hypostoma -Hypostomata -hypostomatic -hypostomatous -hypostome -hypostomial -Hypostomides -hypostomous -hypostrophe -hypostyle -hypostypsis -hypostyptic -hyposulphite -hyposulphurous -hyposuprarenalism -hyposyllogistic -hyposynaphe -hyposynergia -hyposystole -hypotactic -hypotarsal -hypotarsus -hypotaxia -hypotaxic -hypotaxis -hypotension -hypotensive -hypotensor -hypotenusal -hypotenuse -hypothalamic -hypothalamus -hypothalline -hypothallus -hypothec -hypotheca -hypothecal -hypothecary -hypothecate -hypothecation -hypothecative -hypothecator -hypothecatory -hypothecial -hypothecium -hypothenal -hypothenar -Hypotheria -hypothermal -hypothermia -hypothermic -hypothermy -hypotheses -hypothesis -hypothesist -hypothesize -hypothesizer -hypothetic -hypothetical -hypothetically -hypothetics -hypothetist -hypothetize -hypothetizer -hypothyreosis -hypothyroid -hypothyroidism -hypotonia -hypotonic -hypotonicity -hypotonus -hypotony -hypotoxic -hypotoxicity -hypotrachelium -Hypotremata -hypotrich -Hypotricha -Hypotrichida -hypotrichosis -hypotrichous -hypotrochanteric -hypotrochoid -hypotrochoidal -hypotrophic -hypotrophy -hypotympanic -hypotypic -hypotypical -hypotyposis -hypovalve -hypovanadate -hypovanadic -hypovanadious -hypovanadous -hypovitaminosis -hypoxanthic -hypoxanthine -Hypoxis -Hypoxylon -hypozeugma -hypozeuxis -Hypozoa -hypozoan -hypozoic -hyppish -hypsibrachycephalic -hypsibrachycephalism -hypsibrachycephaly -hypsicephalic -hypsicephaly -hypsidolichocephalic -hypsidolichocephalism -hypsidolichocephaly -hypsiliform -hypsiloid -Hypsilophodon -hypsilophodont -hypsilophodontid -Hypsilophodontidae -hypsilophodontoid -Hypsiprymninae -Hypsiprymnodontinae -Hypsiprymnus -Hypsistarian -hypsistenocephalic -hypsistenocephalism -hypsistenocephaly -hypsobathymetric -hypsocephalous -hypsochrome -hypsochromic -hypsochromy -hypsodont -hypsodontism -hypsodonty -hypsographic -hypsographical -hypsography -hypsoisotherm -hypsometer -hypsometric -hypsometrical -hypsometrically -hypsometrist -hypsometry -hypsophobia -hypsophonous -hypsophyll -hypsophyllar -hypsophyllary -hypsophyllous -hypsophyllum -hypsothermometer -hypural -hyraces -hyraceum -Hyrachyus -hyracid -Hyracidae -hyraciform -Hyracina -Hyracodon -hyracodont -hyracodontid -Hyracodontidae -hyracodontoid -hyracoid -Hyracoidea -hyracoidean -hyracothere -hyracotherian -Hyracotheriinae -Hyracotherium -hyrax -Hyrcan -Hyrcanian -hyson -hyssop -Hyssopus -hystazarin -hysteralgia -hysteralgic -hysteranthous -hysterectomy -hysterelcosis -hysteresial -hysteresis -hysteretic -hysteretically -hysteria -hysteriac -Hysteriales -hysteric -hysterical -hysterically -hystericky -hysterics -hysteriform -hysterioid -Hysterocarpus -hysterocatalepsy -hysterocele -hysterocleisis -hysterocrystalline -hysterocystic -hysterodynia -hysterogen -hysterogenetic -hysterogenic -hysterogenous -hysterogeny -hysteroid -hysterolaparotomy -hysterolith -hysterolithiasis -hysterology -hysterolysis -hysteromania -hysterometer -hysterometry -hysteromorphous -hysteromyoma -hysteromyomectomy -hysteron -hysteroneurasthenia -hysteropathy -hysteropexia -hysteropexy -hysterophore -Hysterophyta -hysterophytal -hysterophyte -hysteroproterize -hysteroptosia -hysteroptosis -hysterorrhaphy -hysterorrhexis -hysteroscope -hysterosis -hysterotome -hysterotomy -hysterotraumatism -hystriciasis -hystricid -Hystricidae -Hystricinae -hystricine -hystricism -hystricismus -hystricoid -hystricomorph -Hystricomorpha -hystricomorphic -hystricomorphous -Hystrix -I -i -Iacchic -Iacchos -Iacchus -Iachimo -iamatology -iamb -Iambe -iambelegus -iambi -iambic -iambically -iambist -iambize -iambographer -iambus -Ian -Ianthina -ianthine -ianthinite -Ianus -iao -Iapetus -Iapyges -Iapygian -Iapygii -iatraliptic -iatraliptics -iatric -iatrical -iatrochemic -iatrochemical -iatrochemist -iatrochemistry -iatrological -iatrology -iatromathematical -iatromathematician -iatromathematics -iatromechanical -iatromechanist -iatrophysical -iatrophysicist -iatrophysics -iatrotechnics -iba -Ibad -Ibadite -Iban -Ibanag -Iberes -Iberi -Iberia -Iberian -Iberic -Iberis -Iberism -iberite -ibex -ibices -ibid -Ibididae -Ibidinae -ibidine -Ibidium -Ibilao -ibis -ibisbill -Ibo -ibolium -ibota -Ibsenian -Ibsenic -Ibsenish -Ibsenism -Ibsenite -Ibycter -Ibycus -Icacinaceae -icacinaceous -icaco -Icacorea -Icaria -Icarian -Icarianism -Icarus -ice -iceberg -iceblink -iceboat -icebone -icebound -icebox -icebreaker -icecap -icecraft -iced -icefall -icefish -icehouse -Iceland -iceland -Icelander -Icelandian -Icelandic -iceleaf -iceless -Icelidae -icelike -iceman -Iceni -icequake -iceroot -Icerya -icework -ich -Ichneumia -ichneumon -ichneumoned -Ichneumones -ichneumonid -Ichneumonidae -ichneumonidan -Ichneumonides -ichneumoniform -ichneumonized -ichneumonoid -Ichneumonoidea -ichneumonology -ichneumous -ichneutic -ichnite -ichnographic -ichnographical -ichnographically -ichnography -ichnolite -ichnolithology -ichnolitic -ichnological -ichnology -ichnomancy -icho -ichoglan -ichor -ichorous -ichorrhea -ichorrhemia -ichthulin -ichthulinic -ichthus -ichthyal -ichthyic -ichthyism -ichthyismus -ichthyization -ichthyized -ichthyobatrachian -Ichthyocephali -ichthyocephalous -ichthyocol -ichthyocolla -ichthyocoprolite -Ichthyodea -Ichthyodectidae -ichthyodian -ichthyodont -ichthyodorulite -ichthyofauna -ichthyoform -ichthyographer -ichthyographia -ichthyographic -ichthyography -ichthyoid -ichthyoidal -Ichthyoidea -Ichthyol -ichthyolatrous -ichthyolatry -ichthyolite -ichthyolitic -ichthyologic -ichthyological -ichthyologically -ichthyologist -ichthyology -ichthyomancy -ichthyomantic -Ichthyomorpha -ichthyomorphic -ichthyomorphous -ichthyonomy -ichthyopaleontology -ichthyophagan -ichthyophagi -ichthyophagian -ichthyophagist -ichthyophagize -ichthyophagous -ichthyophagy -ichthyophile -ichthyophobia -ichthyophthalmite -ichthyophthiriasis -ichthyopolism -ichthyopolist -ichthyopsid -Ichthyopsida -ichthyopsidan -Ichthyopterygia -ichthyopterygian -ichthyopterygium -Ichthyornis -Ichthyornithes -ichthyornithic -Ichthyornithidae -Ichthyornithiformes -ichthyornithoid -ichthyosaur -Ichthyosauria -ichthyosaurian -ichthyosaurid -Ichthyosauridae -ichthyosauroid -Ichthyosaurus -ichthyosis -ichthyosism -ichthyotic -Ichthyotomi -ichthyotomist -ichthyotomous -ichthyotomy -ichthyotoxin -ichthyotoxism -ichthytaxidermy -ichu -icica -icicle -icicled -icily -iciness -icing -icon -Iconian -iconic -iconical -iconism -iconoclasm -iconoclast -iconoclastic -iconoclastically -iconoclasticism -iconodule -iconodulic -iconodulist -iconoduly -iconograph -iconographer -iconographic -iconographical -iconographist -iconography -iconolater -iconolatrous -iconolatry -iconological -iconologist -iconology -iconomachal -iconomachist -iconomachy -iconomania -iconomatic -iconomatically -iconomaticism -iconomatography -iconometer -iconometric -iconometrical -iconometrically -iconometry -iconophile -iconophilism -iconophilist -iconophily -iconoplast -iconoscope -iconostas -iconostasion -iconostasis -iconotype -icosahedral -Icosandria -icosasemic -icosian -icositetrahedron -icosteid -Icosteidae -icosteine -Icosteus -icotype -icteric -icterical -Icteridae -icterine -icteritious -icterode -icterogenetic -icterogenic -icterogenous -icterohematuria -icteroid -icterus -ictic -Ictonyx -ictuate -ictus -icy -id -Ida -Idaean -Idaho -Idahoan -Idaic -idalia -Idalian -idant -iddat -Iddio -ide -idea -ideaed -ideaful -ideagenous -ideal -idealess -idealism -idealist -idealistic -idealistical -idealistically -ideality -idealization -idealize -idealizer -idealless -ideally -idealness -ideamonger -Idean -ideate -ideation -ideational -ideationally -ideative -ideist -idempotent -identic -identical -identicalism -identically -identicalness -identifiable -identifiableness -identification -identifier -identify -identism -identity -ideogenetic -ideogenical -ideogenous -ideogeny -ideoglyph -ideogram -ideogrammic -ideograph -ideographic -ideographical -ideographically -ideography -ideolatry -ideologic -ideological -ideologically -ideologist -ideologize -ideologue -ideology -ideomotion -ideomotor -ideophone -ideophonetics -ideophonous -ideoplastia -ideoplastic -ideoplastics -ideoplasty -ideopraxist -ides -idgah -idiasm -idic -idiobiology -idioblast -idioblastic -idiochromatic -idiochromatin -idiochromosome -idiocrasis -idiocrasy -idiocratic -idiocratical -idiocy -idiocyclophanous -idioelectric -idioelectrical -Idiogastra -idiogenesis -idiogenetic -idiogenous -idioglossia -idioglottic -idiograph -idiographic -idiographical -idiohypnotism -idiolalia -idiolatry -idiologism -idiolysin -idiom -idiomatic -idiomatical -idiomatically -idiomaticalness -idiomelon -idiometer -idiomography -idiomology -idiomorphic -idiomorphically -idiomorphism -idiomorphous -idiomuscular -idiopathetic -idiopathic -idiopathical -idiopathically -idiopathy -idiophanism -idiophanous -idiophonic -idioplasm -idioplasmatic -idioplasmic -idiopsychological -idiopsychology -idioreflex -idiorepulsive -idioretinal -idiorrhythmic -Idiosepiidae -Idiosepion -idiosome -idiospasm -idiospastic -idiostatic -idiosyncrasy -idiosyncratic -idiosyncratical -idiosyncratically -idiot -idiotcy -idiothalamous -idiothermous -idiothermy -idiotic -idiotical -idiotically -idioticalness -idioticon -idiotish -idiotism -idiotize -idiotropian -idiotry -idiotype -idiotypic -Idism -Idist -Idistic -idite -iditol -idle -idleful -idleheaded -idlehood -idleman -idlement -idleness -idler -idleset -idleship -idlety -idlish -idly -Ido -idocrase -Idoism -Idoist -Idoistic -idol -idola -idolaster -idolater -idolatress -idolatric -idolatrize -idolatrizer -idolatrous -idolatrously -idolatrousness -idolatry -idolify -idolism -idolist -idolistic -idolization -idolize -idolizer -idoloclast -idoloclastic -idolodulia -idolographical -idololatrical -idololatry -idolomancy -idolomania -idolothyte -idolothytic -idolous -idolum -Idomeneus -idoneal -idoneity -idoneous -idoneousness -idorgan -idosaccharic -idose -Idotea -Idoteidae -Idothea -Idotheidae -idrialin -idrialine -idrialite -Idrisid -Idrisite -idryl -Idumaean -idyl -idyler -idylism -idylist -idylize -idyllian -idyllic -idyllical -idyllically -idyllicism -ie -Ierne -if -ife -iffy -Ifugao -Igara -Igbira -Igdyr -igelstromite -igloo -Iglulirmiut -ignatia -Ignatian -Ignatianist -Ignatius -ignavia -igneoaqueous -igneous -ignescent -ignicolist -igniferous -igniferousness -igniform -ignifuge -ignify -ignigenous -ignipotent -ignipuncture -ignitability -ignite -igniter -ignitibility -ignitible -ignition -ignitive -ignitor -ignitron -ignivomous -ignivomousness -ignobility -ignoble -ignobleness -ignoblesse -ignobly -ignominious -ignominiously -ignominiousness -ignominy -ignorable -ignoramus -ignorance -ignorant -Ignorantine -ignorantism -ignorantist -ignorantly -ignorantness -ignoration -ignore -ignorement -ignorer -ignote -Igorot -iguana -Iguania -iguanian -iguanid -Iguanidae -iguaniform -Iguanodon -iguanodont -Iguanodontia -Iguanodontidae -iguanodontoid -Iguanodontoidea -iguanoid -Iguvine -ihi -Ihlat -ihleite -ihram -iiwi -ijma -Ijo -ijolite -Ijore -ijussite -ikat -Ike -ikey -ikeyness -Ikhwan -ikona -ikra -Ila -ileac -ileectomy -ileitis -ileocaecal -ileocaecum -ileocolic -ileocolitis -ileocolostomy -ileocolotomy -ileon -ileosigmoidostomy -ileostomy -ileotomy -ilesite -ileum -ileus -ilex -ilia -Iliac -iliac -iliacus -Iliad -Iliadic -Iliadist -Iliadize -iliahi -ilial -Ilian -iliau -Ilicaceae -ilicaceous -ilicic -ilicin -ilima -iliocaudal -iliocaudalis -iliococcygeal -iliococcygeus -iliococcygian -iliocostal -iliocostalis -iliodorsal -iliofemoral -iliohypogastric -ilioinguinal -ilioischiac -ilioischiatic -iliolumbar -iliopectineal -iliopelvic -ilioperoneal -iliopsoas -iliopsoatic -iliopubic -iliosacral -iliosciatic -ilioscrotal -iliospinal -iliotibial -iliotrochanteric -Ilissus -ilium -ilk -ilka -ilkane -ill -illaborate -illachrymable -illachrymableness -Illaenus -Illano -Illanun -illapsable -illapse -illapsive -illaqueate -illaqueation -illation -illative -illatively -illaudable -illaudably -illaudation -illaudatory -Illecebraceae -illecebrous -illeck -illegal -illegality -illegalize -illegally -illegalness -illegibility -illegible -illegibleness -illegibly -illegitimacy -illegitimate -illegitimately -illegitimateness -illegitimation -illegitimatize -illeism -illeist -illess -illfare -illguide -illiberal -illiberalism -illiberality -illiberalize -illiberally -illiberalness -illicit -illicitly -illicitness -Illicium -illimitability -illimitable -illimitableness -illimitably -illimitate -illimitation -illimited -illimitedly -illimitedness -illinition -illinium -Illinoian -Illinois -Illinoisan -Illinoisian -Illipe -illipene -illiquation -illiquid -illiquidity -illiquidly -illish -illision -illiteracy -illiteral -illiterate -illiterately -illiterateness -illiterature -illium -illness -illocal -illocality -illocally -illogic -illogical -illogicality -illogically -illogicalness -illogician -illogicity -Illoricata -illoricate -illoricated -illoyal -illoyalty -illth -illucidate -illucidation -illucidative -illude -illudedly -illuder -illume -illumer -illuminability -illuminable -illuminance -illuminant -illuminate -illuminated -illuminati -illuminating -illuminatingly -illumination -illuminational -illuminatism -illuminatist -illuminative -illuminato -illuminator -illuminatory -illuminatus -illumine -illuminee -illuminer -Illuminism -illuminist -Illuministic -Illuminize -illuminometer -illuminous -illupi -illure -illurement -illusible -illusion -illusionable -illusional -illusionary -illusioned -illusionism -illusionist -illusionistic -illusive -illusively -illusiveness -illusor -illusorily -illusoriness -illusory -illustrable -illustratable -illustrate -illustration -illustrational -illustrative -illustratively -illustrator -illustratory -illustratress -illustre -illustricity -illustrious -illustriously -illustriousness -illutate -illutation -illuvial -illuviate -illuviation -illy -Illyrian -Illyric -ilmenite -ilmenitite -ilmenorutile -Ilocano -Ilokano -Iloko -Ilongot -ilot -Ilpirra -ilvaite -Ilya -Ilysanthes -Ilysia -Ilysiidae -ilysioid -Ima -image -imageable -imageless -imager -imagerial -imagerially -imagery -imaginability -imaginable -imaginableness -imaginably -imaginal -imaginant -imaginarily -imaginariness -imaginary -imaginate -imagination -imaginational -imaginationalism -imaginative -imaginatively -imaginativeness -imaginator -imagine -imaginer -imagines -imaginist -imaginous -imagism -imagist -imagistic -imago -imam -imamah -imamate -imambarah -imamic -imamship -Imantophyllum -imaret -imbalance -imban -imband -imbannered -imbarge -imbark -imbarn -imbased -imbastardize -imbat -imbauba -imbe -imbecile -imbecilely -imbecilic -imbecilitate -imbecility -imbed -imbellious -imber -imbibe -imbiber -imbibition -imbibitional -imbibitory -imbirussu -imbitter -imbitterment -imbolish -imbondo -imbonity -imbordure -imborsation -imbosom -imbower -imbreathe -imbreviate -imbrex -imbricate -imbricated -imbricately -imbrication -imbricative -imbroglio -imbrue -imbruement -imbrute -imbrutement -imbue -imbuement -imburse -imbursement -Imer -Imerina -Imeritian -imi -imidazole -imidazolyl -imide -imidic -imidogen -iminazole -imine -imino -iminohydrin -imitability -imitable -imitableness -imitancy -imitant -imitate -imitatee -imitation -imitational -imitationist -imitative -imitatively -imitativeness -imitator -imitatorship -imitatress -imitatrix -immaculacy -immaculance -immaculate -immaculately -immaculateness -immalleable -immanacle -immanation -immane -immanely -immanence -immanency -immaneness -immanent -immanental -immanentism -immanentist -immanently -Immanes -immanifest -immanifestness -immanity -immantle -Immanuel -immarble -immarcescible -immarcescibly -immarcibleness -immarginate -immask -immatchable -immaterial -immaterialism -immaterialist -immateriality -immaterialize -immaterially -immaterialness -immaterials -immateriate -immatriculate -immatriculation -immature -immatured -immaturely -immatureness -immaturity -immeability -immeasurability -immeasurable -immeasurableness -immeasurably -immeasured -immechanical -immechanically -immediacy -immedial -immediate -immediately -immediateness -immediatism -immediatist -immedicable -immedicableness -immedicably -immelodious -immember -immemorable -immemorial -immemorially -immense -immensely -immenseness -immensity -immensive -immensurability -immensurable -immensurableness -immensurate -immerd -immerge -immergence -immergent -immerit -immerited -immeritorious -immeritoriously -immeritous -immerse -immersement -immersible -immersion -immersionism -immersionist -immersive -immethodic -immethodical -immethodically -immethodicalness -immethodize -immetrical -immetrically -immetricalness -immew -immi -immigrant -immigrate -immigration -immigrator -immigratory -imminence -imminency -imminent -imminently -imminentness -immingle -imminution -immiscibility -immiscible -immiscibly -immission -immit -immitigability -immitigable -immitigably -immix -immixable -immixture -immobile -immobility -immobilization -immobilize -immoderacy -immoderate -immoderately -immoderateness -immoderation -immodest -immodestly -immodesty -immodulated -immolate -immolation -immolator -immoment -immomentous -immonastered -immoral -immoralism -immoralist -immorality -immoralize -immorally -immorigerous -immorigerousness -immortability -immortable -immortal -immortalism -immortalist -immortality -immortalizable -immortalization -immortalize -immortalizer -immortally -immortalness -immortalship -immortelle -immortification -immortified -immotile -immotioned -immotive -immound -immovability -immovable -immovableness -immovably -immund -immundity -immune -immunist -immunity -immunization -immunize -immunochemistry -immunogen -immunogenetic -immunogenetics -immunogenic -immunogenically -immunogenicity -immunologic -immunological -immunologically -immunologist -immunology -immunoreaction -immunotoxin -immuration -immure -immurement -immusical -immusically -immutability -immutable -immutableness -immutably -immutation -immute -immutilate -immutual -Imogen -Imolinda -imonium -imp -impacability -impacable -impack -impackment -impact -impacted -impaction -impactionize -impactment -impactual -impages -impaint -impair -impairable -impairer -impairment -impala -impalace -impalatable -impale -impalement -impaler -impall -impalm -impalpability -impalpable -impalpably -impalsy -impaludism -impanate -impanation -impanator -impane -impanel -impanelment -impapase -impapyrate -impar -imparadise -imparalleled -imparasitic -impardonable -impardonably -imparidigitate -imparipinnate -imparisyllabic -imparity -impark -imparkation -imparl -imparlance -imparsonee -impart -impartable -impartance -impartation -imparter -impartial -impartialism -impartialist -impartiality -impartially -impartialness -impartibilibly -impartibility -impartible -impartibly -imparticipable -impartite -impartive -impartivity -impartment -impassability -impassable -impassableness -impassably -impasse -impassibilibly -impassibility -impassible -impassibleness -impassion -impassionable -impassionate -impassionately -impassioned -impassionedly -impassionedness -impassionment -impassive -impassively -impassiveness -impassivity -impastation -impaste -impasto -impasture -impaternate -impatible -impatience -impatiency -Impatiens -impatient -Impatientaceae -impatientaceous -impatiently -impatientness -impatronize -impave -impavid -impavidity -impavidly -impawn -impayable -impeach -impeachability -impeachable -impeacher -impeachment -impearl -impeccability -impeccable -impeccably -impeccance -impeccancy -impeccant -impectinate -impecuniary -impecuniosity -impecunious -impecuniously -impecuniousness -impedance -impede -impeder -impedibility -impedible -impedient -impediment -impedimenta -impedimental -impedimentary -impeding -impedingly -impedite -impedition -impeditive -impedometer -impeevish -impel -impellent -impeller -impen -impend -impendence -impendency -impendent -impending -impenetrability -impenetrable -impenetrableness -impenetrably -impenetrate -impenetration -impenetrative -impenitence -impenitent -impenitently -impenitentness -impenitible -impenitibleness -impennate -Impennes -impent -imperance -imperant -Imperata -imperate -imperation -imperatival -imperative -imperatively -imperativeness -imperator -imperatorial -imperatorially -imperatorian -imperatorious -imperatorship -imperatory -imperatrix -imperceivable -imperceivableness -imperceivably -imperceived -imperceiverant -imperceptibility -imperceptible -imperceptibleness -imperceptibly -imperception -imperceptive -imperceptiveness -imperceptivity -impercipience -impercipient -imperence -imperent -imperfect -imperfected -imperfectibility -imperfectible -imperfection -imperfectious -imperfective -imperfectly -imperfectness -imperforable -Imperforata -imperforate -imperforated -imperforation -imperformable -imperia -imperial -imperialin -imperialine -imperialism -imperialist -imperialistic -imperialistically -imperiality -imperialization -imperialize -imperially -imperialness -imperialty -imperil -imperilment -imperious -imperiously -imperiousness -imperish -imperishability -imperishable -imperishableness -imperishably -imperite -imperium -impermanence -impermanency -impermanent -impermanently -impermeability -impermeabilization -impermeabilize -impermeable -impermeableness -impermeably -impermeated -impermeator -impermissible -impermutable -imperscriptible -imperscrutable -impersonable -impersonal -impersonality -impersonalization -impersonalize -impersonally -impersonate -impersonation -impersonative -impersonator -impersonatress -impersonatrix -impersonification -impersonify -impersonization -impersonize -imperspicuity -imperspicuous -imperspirability -imperspirable -impersuadable -impersuadableness -impersuasibility -impersuasible -impersuasibleness -impersuasibly -impertinacy -impertinence -impertinency -impertinent -impertinently -impertinentness -impertransible -imperturbability -imperturbable -imperturbableness -imperturbably -imperturbation -imperturbed -imperverse -impervertible -impervestigable -imperviability -imperviable -imperviableness -impervial -impervious -imperviously -imperviousness -impest -impestation -impester -impeticos -impetiginous -impetigo -impetition -impetrate -impetration -impetrative -impetrator -impetratory -impetre -impetulant -impetulantly -impetuosity -impetuous -impetuously -impetuousness -impetus -Impeyan -imphee -impi -impicture -impierceable -impiety -impignorate -impignoration -impinge -impingement -impingence -impingent -impinger -impinguate -impious -impiously -impiousness -impish -impishly -impishness -impiteous -impitiably -implacability -implacable -implacableness -implacably -implacement -implacental -Implacentalia -implacentate -implant -implantation -implanter -implastic -implasticity -implate -implausibility -implausible -implausibleness -implausibly -impleach -implead -impleadable -impleader -impledge -implement -implemental -implementation -implementiferous -implete -impletion -impletive -implex -impliable -implial -implicant -implicate -implicately -implicateness -implication -implicational -implicative -implicatively -implicatory -implicit -implicitly -implicitness -impliedly -impliedness -impling -implode -implodent -implorable -imploration -implorator -imploratory -implore -implorer -imploring -imploringly -imploringness -implosion -implosive -implosively -implume -implumed -implunge -impluvium -imply -impocket -impofo -impoison -impoisoner -impolarizable -impolicy -impolished -impolite -impolitely -impoliteness -impolitic -impolitical -impolitically -impoliticalness -impoliticly -impoliticness -impollute -imponderabilia -imponderability -imponderable -imponderableness -imponderably -imponderous -impone -imponent -impoor -impopular -impopularly -imporosity -imporous -import -importability -importable -importableness -importably -importance -importancy -important -importantly -importation -importer -importless -importment -importraiture -importray -importunacy -importunance -importunate -importunately -importunateness -importunator -importune -importunely -importunement -importuner -importunity -imposable -imposableness -imposal -impose -imposement -imposer -imposing -imposingly -imposingness -imposition -impositional -impositive -impossibilification -impossibilism -impossibilist -impossibilitate -impossibility -impossible -impossibleness -impossibly -impost -imposter -imposterous -impostor -impostorism -impostorship -impostress -impostrix -impostrous -impostumate -impostumation -impostume -imposture -imposturism -imposturous -imposure -impot -impotable -impotence -impotency -impotent -impotently -impotentness -impound -impoundable -impoundage -impounder -impoundment -impoverish -impoverisher -impoverishment -impracticability -impracticable -impracticableness -impracticably -impractical -impracticality -impracticalness -imprecant -imprecate -imprecation -imprecator -imprecatorily -imprecatory -imprecise -imprecisely -imprecision -impredicability -impredicable -impreg -impregn -impregnability -impregnable -impregnableness -impregnably -impregnant -impregnate -impregnation -impregnative -impregnator -impregnatory -imprejudice -impremeditate -impreparation -impresa -impresario -imprescience -imprescribable -imprescriptibility -imprescriptible -imprescriptibly -imprese -impress -impressable -impressedly -impresser -impressibility -impressible -impressibleness -impressibly -impression -impressionability -impressionable -impressionableness -impressionably -impressional -impressionalist -impressionality -impressionally -impressionary -impressionism -impressionist -impressionistic -impressionistically -impressionless -impressive -impressively -impressiveness -impressment -impressor -impressure -imprest -imprestable -impreventability -impreventable -imprevisibility -imprevisible -imprevision -imprimatur -imprime -imprimitive -imprimitivity -imprint -imprinter -imprison -imprisonable -imprisoner -imprisonment -improbability -improbabilize -improbable -improbableness -improbably -improbation -improbative -improbatory -improbity -improcreant -improcurability -improcurable -improducible -improficience -improficiency -improgressive -improgressively -improgressiveness -improlificical -impromptitude -impromptu -impromptuary -impromptuist -improof -improper -improperation -improperly -improperness -impropriate -impropriation -impropriator -impropriatrix -impropriety -improvability -improvable -improvableness -improvably -improve -improvement -improver -improvership -improvidence -improvident -improvidentially -improvidently -improving -improvingly -improvisate -improvisation -improvisational -improvisator -improvisatorial -improvisatorially -improvisatorize -improvisatory -improvise -improvisedly -improviser -improvision -improviso -improvisor -imprudence -imprudency -imprudent -imprudential -imprudently -imprudentness -impship -impuberal -impuberate -impuberty -impubic -impudence -impudency -impudent -impudently -impudentness -impudicity -impugn -impugnability -impugnable -impugnation -impugner -impugnment -impuissance -impuissant -impulse -impulsion -impulsive -impulsively -impulsiveness -impulsivity -impulsory -impunctate -impunctual -impunctuality -impunely -impunible -impunibly -impunity -impure -impurely -impureness -impuritan -impuritanism -impurity -imputability -imputable -imputableness -imputably -imputation -imputative -imputatively -imputativeness -impute -imputedly -imputer -imputrescence -imputrescibility -imputrescible -imputrid -impy -imshi -imsonic -imu -in -inability -inabordable -inabstinence -inaccentuated -inaccentuation -inacceptable -inaccessibility -inaccessible -inaccessibleness -inaccessibly -inaccordance -inaccordancy -inaccordant -inaccordantly -inaccuracy -inaccurate -inaccurately -inaccurateness -inachid -Inachidae -inachoid -Inachus -inacquaintance -inacquiescent -inactinic -inaction -inactionist -inactivate -inactivation -inactive -inactively -inactiveness -inactivity -inactuate -inactuation -inadaptability -inadaptable -inadaptation -inadaptive -inadept -inadequacy -inadequate -inadequately -inadequateness -inadequation -inadequative -inadequatively -inadherent -inadhesion -inadhesive -inadjustability -inadjustable -inadmissibility -inadmissible -inadmissibly -inadventurous -inadvertence -inadvertency -inadvertent -inadvertently -inadvisability -inadvisable -inadvisableness -inadvisedly -inaesthetic -inaffability -inaffable -inaffectation -inagglutinability -inagglutinable -inaggressive -inagile -inaidable -inaja -inalacrity -inalienability -inalienable -inalienableness -inalienably -inalimental -inalterability -inalterable -inalterableness -inalterably -inamissibility -inamissible -inamissibleness -inamorata -inamorate -inamoration -inamorato -inamovability -inamovable -inane -inanely -inanga -inangulate -inanimadvertence -inanimate -inanimated -inanimately -inanimateness -inanimation -inanition -inanity -inantherate -inapathy -inapostate -inapparent -inappealable -inappeasable -inappellability -inappellable -inappendiculate -inapperceptible -inappertinent -inappetence -inappetency -inappetent -inappetible -inapplicability -inapplicable -inapplicableness -inapplicably -inapplication -inapposite -inappositely -inappositeness -inappreciable -inappreciably -inappreciation -inappreciative -inappreciatively -inappreciativeness -inapprehensible -inapprehension -inapprehensive -inapprehensiveness -inapproachability -inapproachable -inapproachably -inappropriable -inappropriableness -inappropriate -inappropriately -inappropriateness -inapt -inaptitude -inaptly -inaptness -inaqueous -inarable -inarch -inarculum -inarguable -inarguably -inarm -inarticulacy -Inarticulata -inarticulate -inarticulated -inarticulately -inarticulateness -inarticulation -inartificial -inartificiality -inartificially -inartificialness -inartistic -inartistical -inartisticality -inartistically -inasmuch -inassimilable -inassimilation -inassuageable -inattackable -inattention -inattentive -inattentively -inattentiveness -inaudibility -inaudible -inaudibleness -inaudibly -inaugur -inaugural -inaugurate -inauguration -inaugurative -inaugurator -inauguratory -inaugurer -inaurate -inauration -inauspicious -inauspiciously -inauspiciousness -inauthentic -inauthenticity -inauthoritative -inauthoritativeness -inaxon -inbe -inbeaming -inbearing -inbeing -inbending -inbent -inbirth -inblow -inblowing -inblown -inboard -inbond -inborn -inbound -inbread -inbreak -inbreaking -inbreathe -inbreather -inbred -inbreed -inbring -inbringer -inbuilt -inburning -inburnt -inburst -inby -Inca -Incaic -incalculability -incalculable -incalculableness -incalculably -incalescence -incalescency -incalescent -incaliculate -incalver -incalving -incameration -Incan -incandent -incandesce -incandescence -incandescency -incandescent -incandescently -incanous -incantation -incantational -incantator -incantatory -incanton -incapability -incapable -incapableness -incapably -incapacious -incapaciousness -incapacitate -incapacitation -incapacity -incapsulate -incapsulation -incaptivate -incarcerate -incarceration -incarcerator -incardinate -incardination -Incarial -incarmined -incarn -incarnadine -incarnant -incarnate -incarnation -incarnational -incarnationist -incarnative -Incarvillea -incase -incasement -incast -incatenate -incatenation -incaution -incautious -incautiously -incautiousness -incavate -incavated -incavation -incavern -incedingly -incelebrity -incendiarism -incendiary -incendivity -incensation -incense -incenseless -incensement -incensory -incensurable -incensurably -incenter -incentive -incentively -incentor -incept -inception -inceptive -inceptively -inceptor -inceration -incertitude -incessable -incessably -incessancy -incessant -incessantly -incessantness -incest -incestuous -incestuously -incestuousness -inch -inched -inchmeal -inchoacy -inchoant -inchoate -inchoately -inchoateness -inchoation -inchoative -inchpin -inchworm -incide -incidence -incident -incidental -incidentalist -incidentally -incidentalness -incidentless -incidently -incinerable -incinerate -incineration -incinerator -incipience -incipient -incipiently -incircumscription -incircumspect -incircumspection -incircumspectly -incircumspectness -incisal -incise -incisely -incisiform -incision -incisive -incisively -incisiveness -incisor -incisorial -incisory -incisure -incitability -incitable -incitant -incitation -incite -incitement -inciter -incitingly -incitive -incitress -incivic -incivility -incivilization -incivism -inclemency -inclement -inclemently -inclementness -inclinable -inclinableness -inclination -inclinational -inclinator -inclinatorily -inclinatorium -inclinatory -incline -incliner -inclinograph -inclinometer -inclip -inclose -inclosure -includable -include -included -includedness -includer -inclusa -incluse -inclusion -inclusionist -inclusive -inclusively -inclusiveness -inclusory -incoagulable -incoalescence -incoercible -incog -incogent -incogitability -incogitable -incogitancy -incogitant -incogitantly -incogitative -incognita -incognitive -incognito -incognizability -incognizable -incognizance -incognizant -incognoscent -incognoscibility -incognoscible -incoherence -incoherency -incoherent -incoherentific -incoherently -incoherentness -incohering -incohesion -incohesive -incoincidence -incoincident -incombustibility -incombustible -incombustibleness -incombustibly -incombustion -income -incomeless -incomer -incoming -incommensurability -incommensurable -incommensurableness -incommensurably -incommensurate -incommensurately -incommensurateness -incommiscibility -incommiscible -incommodate -incommodation -incommode -incommodement -incommodious -incommodiously -incommodiousness -incommodity -incommunicability -incommunicable -incommunicableness -incommunicably -incommunicado -incommunicative -incommunicatively -incommunicativeness -incommutability -incommutable -incommutableness -incommutably -incompact -incompactly -incompactness -incomparability -incomparable -incomparableness -incomparably -incompassionate -incompassionately -incompassionateness -incompatibility -incompatible -incompatibleness -incompatibly -incompendious -incompensated -incompensation -incompetence -incompetency -incompetent -incompetently -incompetentness -incompletability -incompletable -incompletableness -incomplete -incompleted -incompletely -incompleteness -incompletion -incomplex -incompliance -incompliancy -incompliant -incompliantly -incomplicate -incomplying -incomposed -incomposedly -incomposedness -incomposite -incompossibility -incompossible -incomprehended -incomprehending -incomprehendingly -incomprehensibility -incomprehensible -incomprehensibleness -incomprehensibly -incomprehension -incomprehensive -incomprehensively -incomprehensiveness -incompressibility -incompressible -incompressibleness -incompressibly -incomputable -inconcealable -inconceivability -inconceivable -inconceivableness -inconceivably -inconcinnate -inconcinnately -inconcinnity -inconcinnous -inconcludent -inconcluding -inconclusion -inconclusive -inconclusively -inconclusiveness -inconcrete -inconcurrent -inconcurring -incondensability -incondensable -incondensibility -incondensible -incondite -inconditionate -inconditioned -inconducive -inconfirm -inconformable -inconformably -inconformity -inconfused -inconfusedly -inconfusion -inconfutable -inconfutably -incongealable -incongealableness -incongenerous -incongenial -incongeniality -inconglomerate -incongruence -incongruent -incongruently -incongruity -incongruous -incongruously -incongruousness -inconjoinable -inconnected -inconnectedness -inconnu -inconscience -inconscient -inconsciently -inconscious -inconsciously -inconsecutive -inconsecutively -inconsecutiveness -inconsequence -inconsequent -inconsequential -inconsequentiality -inconsequentially -inconsequently -inconsequentness -inconsiderable -inconsiderableness -inconsiderably -inconsiderate -inconsiderately -inconsiderateness -inconsideration -inconsidered -inconsistence -inconsistency -inconsistent -inconsistently -inconsistentness -inconsolability -inconsolable -inconsolableness -inconsolably -inconsolate -inconsolately -inconsonance -inconsonant -inconsonantly -inconspicuous -inconspicuously -inconspicuousness -inconstancy -inconstant -inconstantly -inconstantness -inconstruable -inconsultable -inconsumable -inconsumably -inconsumed -incontaminable -incontaminate -incontaminateness -incontemptible -incontestability -incontestable -incontestableness -incontestably -incontinence -incontinency -incontinent -incontinently -incontinuity -incontinuous -incontracted -incontractile -incontraction -incontrollable -incontrollably -incontrolled -incontrovertibility -incontrovertible -incontrovertibleness -incontrovertibly -inconvenience -inconveniency -inconvenient -inconveniently -inconvenientness -inconversable -inconversant -inconversibility -inconvertibility -inconvertible -inconvertibleness -inconvertibly -inconvinced -inconvincedly -inconvincibility -inconvincible -inconvincibly -incopresentability -incopresentable -incoronate -incoronated -incoronation -incorporable -incorporate -incorporated -incorporatedness -incorporation -incorporative -incorporator -incorporeal -incorporealism -incorporealist -incorporeality -incorporealize -incorporeally -incorporeity -incorporeous -incorpse -incorrect -incorrection -incorrectly -incorrectness -incorrespondence -incorrespondency -incorrespondent -incorresponding -incorrigibility -incorrigible -incorrigibleness -incorrigibly -incorrodable -incorrodible -incorrosive -incorrupt -incorrupted -incorruptibility -Incorruptible -incorruptible -incorruptibleness -incorruptibly -incorruption -incorruptly -incorruptness -incourteous -incourteously -incrash -incrassate -incrassated -incrassation -incrassative -increasable -increasableness -increase -increasedly -increaseful -increasement -increaser -increasing -increasingly -increate -increately -increative -incredibility -incredible -incredibleness -incredibly -increditable -incredited -incredulity -incredulous -incredulously -incredulousness -increep -incremate -incremation -increment -incremental -incrementation -increpate -increpation -increscence -increscent -increst -incretion -incretionary -incretory -incriminate -incrimination -incriminator -incriminatory -incross -incrossbred -incrossing -incrotchet -incruent -incruental -incruentous -incrust -incrustant -Incrustata -incrustate -incrustation -incrustator -incrustive -incrustment -incrystal -incrystallizable -incubate -incubation -incubational -incubative -incubator -incubatorium -incubatory -incubi -incubous -incubus -incudal -incudate -incudectomy -incudes -incudomalleal -incudostapedial -inculcate -inculcation -inculcative -inculcator -inculcatory -inculpability -inculpable -inculpableness -inculpably -inculpate -inculpation -inculpative -inculpatory -incult -incultivation -inculture -incumbence -incumbency -incumbent -incumbentess -incumbently -incumber -incumberment -incumbrance -incumbrancer -incunable -incunabula -incunabular -incunabulist -incunabulum -incuneation -incur -incurability -incurable -incurableness -incurably -incuriosity -incurious -incuriously -incuriousness -incurrable -incurrence -incurrent -incurse -incursion -incursionist -incursive -incurvate -incurvation -incurvature -incurve -incus -incuse -incut -incutting -Ind -indaba -indaconitine -indagate -indagation -indagative -indagator -indagatory -indamine -indan -indane -Indanthrene -indanthrene -indart -indazin -indazine -indazol -indazole -inde -indebt -indebted -indebtedness -indebtment -indecence -indecency -indecent -indecently -indecentness -Indecidua -indeciduate -indeciduous -indecipherability -indecipherable -indecipherableness -indecipherably -indecision -indecisive -indecisively -indecisiveness -indeclinable -indeclinableness -indeclinably -indecomponible -indecomposable -indecomposableness -indecorous -indecorously -indecorousness -indecorum -indeed -indeedy -indefaceable -indefatigability -indefatigable -indefatigableness -indefatigably -indefeasibility -indefeasible -indefeasibleness -indefeasibly -indefeatable -indefectibility -indefectible -indefectibly -indefective -indefensibility -indefensible -indefensibleness -indefensibly -indefensive -indeficiency -indeficient -indeficiently -indefinable -indefinableness -indefinably -indefinite -indefinitely -indefiniteness -indefinitive -indefinitively -indefinitiveness -indefinitude -indefinity -indeflectible -indefluent -indeformable -indehiscence -indehiscent -indelectable -indelegability -indelegable -indeliberate -indeliberately -indeliberateness -indeliberation -indelibility -indelible -indelibleness -indelibly -indelicacy -indelicate -indelicately -indelicateness -indemnification -indemnificator -indemnificatory -indemnifier -indemnify -indemnitee -indemnitor -indemnity -indemnization -indemoniate -indemonstrability -indemonstrable -indemonstrableness -indemonstrably -indene -indent -indentation -indented -indentedly -indentee -indenter -indention -indentment -indentor -indenture -indentured -indentureship -indentwise -independable -independence -independency -independent -independentism -independently -Independista -indeposable -indeprehensible -indeprivability -indeprivable -inderivative -indescribability -indescribable -indescribableness -indescribably -indescript -indescriptive -indesert -indesignate -indesirable -indestructibility -indestructible -indestructibleness -indestructibly -indetectable -indeterminable -indeterminableness -indeterminably -indeterminacy -indeterminate -indeterminately -indeterminateness -indetermination -indeterminative -indetermined -indeterminism -indeterminist -indeterministic -indevirginate -indevoted -indevotion -indevotional -indevout -indevoutly -indevoutness -index -indexed -indexer -indexical -indexically -indexing -indexless -indexlessness -indexterity -India -indiadem -Indiaman -Indian -Indiana -indianaite -Indianan -Indianeer -Indianesque -Indianhood -Indianian -Indianism -Indianist -indianite -indianization -indianize -Indic -indic -indicable -indican -indicant -indicanuria -indicate -indication -indicative -indicatively -indicator -Indicatoridae -Indicatorinae -indicatory -indicatrix -indices -indicia -indicial -indicible -indicium -indicolite -indict -indictable -indictably -indictee -indicter -indiction -indictional -indictive -indictment -indictor -Indies -indiferous -indifference -indifferency -indifferent -indifferential -indifferentism -indifferentist -indifferentistic -indifferently -indigena -indigenal -indigenate -indigence -indigency -indigene -indigeneity -Indigenismo -indigenist -indigenity -indigenous -indigenously -indigenousness -indigent -indigently -indigested -indigestedness -indigestibility -indigestible -indigestibleness -indigestibly -indigestion -indigestive -indigitamenta -indigitate -indigitation -indign -indignance -indignancy -indignant -indignantly -indignation -indignatory -indignify -indignity -indignly -indigo -indigoberry -Indigofera -indigoferous -indigoid -indigotic -indigotin -indigotindisulphonic -indiguria -indimensible -indimensional -indiminishable -indimple -indirect -indirected -indirection -indirectly -indirectness -indirubin -indiscernibility -indiscernible -indiscernibleness -indiscernibly -indiscerptibility -indiscerptible -indiscerptibleness -indiscerptibly -indisciplinable -indiscipline -indisciplined -indiscoverable -indiscoverably -indiscovered -indiscreet -indiscreetly -indiscreetness -indiscrete -indiscretely -indiscretion -indiscretionary -indiscriminate -indiscriminated -indiscriminately -indiscriminateness -indiscriminating -indiscriminatingly -indiscrimination -indiscriminative -indiscriminatively -indiscriminatory -indiscussable -indiscussible -indispellable -indispensability -indispensable -indispensableness -indispensably -indispose -indisposed -indisposedness -indisposition -indisputability -indisputable -indisputableness -indisputably -indissipable -indissociable -indissolubility -indissoluble -indissolubleness -indissolubly -indissolute -indissolvability -indissolvable -indissolvableness -indissolvably -indissuadable -indissuadably -indistinct -indistinction -indistinctive -indistinctively -indistinctiveness -indistinctly -indistinctness -indistinguishability -indistinguishable -indistinguishableness -indistinguishably -indistinguished -indistortable -indistributable -indisturbable -indisturbance -indisturbed -indite -inditement -inditer -indium -indivertible -indivertibly -individable -individua -individual -individualism -individualist -individualistic -individualistically -individuality -individualization -individualize -individualizer -individualizingly -individually -individuate -individuation -individuative -individuator -individuity -individuum -indivinable -indivisibility -indivisible -indivisibleness -indivisibly -indivision -indocibility -indocible -indocibleness -indocile -indocility -indoctrinate -indoctrination -indoctrinator -indoctrine -indoctrinization -indoctrinize -Indogaea -Indogaean -indogen -indogenide -indole -indolence -indolent -indolently -indoles -indoline -Indologian -Indologist -Indologue -Indology -indoloid -indolyl -indomitability -indomitable -indomitableness -indomitably -Indone -Indonesian -indoor -indoors -indophenin -indophenol -Indophile -Indophilism -Indophilist -indorsation -indorse -indoxyl -indoxylic -indoxylsulphuric -Indra -indraft -indraught -indrawal -indrawing -indrawn -indri -Indris -indubious -indubiously -indubitable -indubitableness -indubitably -indubitatively -induce -induced -inducedly -inducement -inducer -induciae -inducible -inducive -induct -inductance -inductee -inducteous -inductile -inductility -induction -inductional -inductionally -inductionless -inductive -inductively -inductiveness -inductivity -inductometer -inductophone -inductor -inductorium -inductory -inductoscope -indue -induement -indulge -indulgeable -indulgement -indulgence -indulgenced -indulgency -indulgent -indulgential -indulgentially -indulgently -indulgentness -indulger -indulging -indulgingly -induline -indult -indulto -indument -indumentum -induna -induplicate -induplication -induplicative -indurable -indurate -induration -indurative -indurite -Indus -indusial -indusiate -indusiated -indusiform -indusioid -indusium -industrial -industrialism -industrialist -industrialization -industrialize -industrially -industrialness -industrious -industriously -industriousness -industrochemical -industry -induviae -induvial -induviate -indwell -indweller -indy -indyl -indylic -inearth -inebriacy -inebriant -inebriate -inebriation -inebriative -inebriety -inebrious -ineconomic -ineconomy -inedibility -inedible -inedited -Ineducabilia -ineducabilian -ineducability -ineducable -ineducation -ineffability -ineffable -ineffableness -ineffably -ineffaceability -ineffaceable -ineffaceably -ineffectible -ineffectibly -ineffective -ineffectively -ineffectiveness -ineffectual -ineffectuality -ineffectually -ineffectualness -ineffervescence -ineffervescent -ineffervescibility -ineffervescible -inefficacious -inefficaciously -inefficaciousness -inefficacity -inefficacy -inefficience -inefficiency -inefficient -inefficiently -ineffulgent -inelaborate -inelaborated -inelaborately -inelastic -inelasticate -inelasticity -inelegance -inelegancy -inelegant -inelegantly -ineligibility -ineligible -ineligibleness -ineligibly -ineliminable -ineloquence -ineloquent -ineloquently -ineluctability -ineluctable -ineluctably -ineludible -ineludibly -inembryonate -inemendable -inemotivity -inemulous -inenarrable -inenergetic -inenubilable -inenucleable -inept -ineptitude -ineptly -ineptness -inequable -inequal -inequalitarian -inequality -inequally -inequalness -inequation -inequiaxial -inequicostate -inequidistant -inequigranular -inequilateral -inequilibrium -inequilobate -inequilobed -inequipotential -inequipotentiality -inequitable -inequitableness -inequitably -inequity -inequivalent -inequivalve -inequivalvular -ineradicable -ineradicableness -ineradicably -inerasable -inerasableness -inerasably -inerasible -Ineri -inerm -Inermes -Inermi -Inermia -inermous -inerrability -inerrable -inerrableness -inerrably -inerrancy -inerrant -inerrantly -inerratic -inerring -inerringly -inerroneous -inert -inertance -inertia -inertial -inertion -inertly -inertness -inerubescent -inerudite -ineruditely -inerudition -inescapable -inescapableness -inescapably -inesculent -inescutcheon -inesite -inessential -inessentiality -inestimability -inestimable -inestimableness -inestimably -inestivation -inethical -ineunt -ineuphonious -inevadible -inevadibly -inevaporable -inevasible -inevidence -inevident -inevitability -inevitable -inevitableness -inevitably -inexact -inexacting -inexactitude -inexactly -inexactness -inexcellence -inexcitability -inexcitable -inexclusive -inexclusively -inexcommunicable -inexcusability -inexcusable -inexcusableness -inexcusably -inexecutable -inexecution -inexertion -inexhausted -inexhaustedly -inexhaustibility -inexhaustible -inexhaustibleness -inexhaustibly -inexhaustive -inexhaustively -inexigible -inexist -inexistence -inexistency -inexistent -inexorability -inexorable -inexorableness -inexorably -inexpansible -inexpansive -inexpectancy -inexpectant -inexpectation -inexpected -inexpectedly -inexpectedness -inexpedience -inexpediency -inexpedient -inexpediently -inexpensive -inexpensively -inexpensiveness -inexperience -inexperienced -inexpert -inexpertly -inexpertness -inexpiable -inexpiableness -inexpiably -inexpiate -inexplainable -inexplicability -inexplicable -inexplicableness -inexplicables -inexplicably -inexplicit -inexplicitly -inexplicitness -inexplorable -inexplosive -inexportable -inexposable -inexposure -inexpress -inexpressibility -inexpressible -inexpressibleness -inexpressibles -inexpressibly -inexpressive -inexpressively -inexpressiveness -inexpugnability -inexpugnable -inexpugnableness -inexpugnably -inexpungeable -inexpungible -inextant -inextended -inextensibility -inextensible -inextensile -inextension -inextensional -inextensive -inexterminable -inextinct -inextinguishable -inextinguishably -inextirpable -inextirpableness -inextricability -inextricable -inextricableness -inextricably -Inez -inface -infall -infallibilism -infallibilist -infallibility -infallible -infallibleness -infallibly -infalling -infalsificable -infame -infamiliar -infamiliarity -infamize -infamonize -infamous -infamously -infamousness -infamy -infancy -infand -infandous -infang -infanglement -infangthief -infant -infanta -infantado -infante -infanthood -infanticidal -infanticide -infantile -infantilism -infantility -infantine -infantlike -infantry -infantryman -infarct -infarctate -infarcted -infarction -infare -infatuate -infatuatedly -infatuation -infatuator -infaust -infeasibility -infeasible -infeasibleness -infect -infectant -infected -infectedness -infecter -infectible -infection -infectionist -infectious -infectiously -infectiousness -infective -infectiveness -infectivity -infector -infectress -infectuous -infecund -infecundity -infeed -infeft -infeftment -infelicific -infelicitous -infelicitously -infelicitousness -infelicity -infelonious -infelt -infeminine -infer -inferable -inference -inferent -inferential -inferentialism -inferentialist -inferentially -inferior -inferiorism -inferiority -inferiorize -inferiorly -infern -infernal -infernalism -infernality -infernalize -infernally -infernalry -infernalship -inferno -inferoanterior -inferobranchiate -inferofrontal -inferolateral -inferomedian -inferoposterior -inferrer -inferribility -inferrible -inferringly -infertile -infertilely -infertileness -infertility -infest -infestant -infestation -infester -infestive -infestivity -infestment -infeudation -infibulate -infibulation -inficete -infidel -infidelic -infidelical -infidelism -infidelistic -infidelity -infidelize -infidelly -infield -infielder -infieldsman -infighter -infighting -infill -infilling -infilm -infilter -infiltrate -infiltration -infiltrative -infinitant -infinitarily -infinitary -infinitate -infinitation -infinite -infinitely -infiniteness -infinitesimal -infinitesimalism -infinitesimality -infinitesimally -infinitesimalness -infiniteth -infinitieth -infinitival -infinitivally -infinitive -infinitively -infinitize -infinitude -infinituple -infinity -infirm -infirmarer -infirmaress -infirmarian -infirmary -infirmate -infirmation -infirmative -infirmity -infirmly -infirmness -infissile -infit -infitter -infix -infixion -inflame -inflamed -inflamedly -inflamedness -inflamer -inflaming -inflamingly -inflammability -inflammable -inflammableness -inflammably -inflammation -inflammative -inflammatorily -inflammatory -inflatable -inflate -inflated -inflatedly -inflatedness -inflater -inflatile -inflatingly -inflation -inflationary -inflationism -inflationist -inflative -inflatus -inflect -inflected -inflectedness -inflection -inflectional -inflectionally -inflectionless -inflective -inflector -inflex -inflexed -inflexibility -inflexible -inflexibleness -inflexibly -inflexive -inflict -inflictable -inflicter -infliction -inflictive -inflood -inflorescence -inflorescent -inflow -inflowering -influence -influenceable -influencer -influencive -influent -influential -influentiality -influentially -influenza -influenzal -influenzic -influx -influxable -influxible -influxibly -influxion -influxionism -infold -infolder -infolding -infoldment -infoliate -inform -informable -informal -informality -informalize -informally -informant -information -informational -informative -informatively -informatory -informed -informedly -informer -informidable -informingly -informity -infortiate -infortitude -infortunate -infortunately -infortunateness -infortune -infra -infrabasal -infrabestial -infrabranchial -infrabuccal -infracanthal -infracaudal -infracelestial -infracentral -infracephalic -infraclavicle -infraclavicular -infraclusion -infraconscious -infracortical -infracostal -infracostalis -infracotyloid -infract -infractible -infraction -infractor -infradentary -infradiaphragmatic -infragenual -infraglacial -infraglenoid -infraglottic -infragrant -infragular -infrahuman -infrahyoid -infralabial -infralapsarian -infralapsarianism -infralinear -infralittoral -inframammary -inframammillary -inframandibular -inframarginal -inframaxillary -inframedian -inframercurial -inframercurian -inframolecular -inframontane -inframundane -infranatural -infranaturalism -infrangibility -infrangible -infrangibleness -infrangibly -infranodal -infranuclear -infraoccipital -infraocclusion -infraocular -infraoral -infraorbital -infraordinary -infrapapillary -infrapatellar -infraperipherial -infrapose -infraposition -infraprotein -infrapubian -infraradular -infrared -infrarenal -infrarenally -infrarimal -infrascapular -infrascapularis -infrascientific -infraspinal -infraspinate -infraspinatus -infraspinous -infrastapedial -infrasternal -infrastigmatal -infrastipular -infrastructure -infrasutral -infratemporal -infraterrene -infraterritorial -infrathoracic -infratonsillar -infratracheal -infratrochanteric -infratrochlear -infratubal -infraturbinal -infravaginal -infraventral -infrequency -infrequent -infrequently -infrigidate -infrigidation -infrigidative -infringe -infringement -infringer -infringible -infructiferous -infructuose -infructuosity -infructuous -infructuously -infrugal -infrustrable -infrustrably -infula -infumate -infumated -infumation -infundibular -Infundibulata -infundibulate -infundibuliform -infundibulum -infuriate -infuriately -infuriatingly -infuriation -infuscate -infuscation -infuse -infusedly -infuser -infusibility -infusible -infusibleness -infusile -infusion -infusionism -infusionist -infusive -Infusoria -infusorial -infusorian -infusoriform -infusorioid -infusorium -infusory -Ing -ing -Inga -Ingaevones -Ingaevonic -ingallantry -ingate -ingather -ingatherer -ingathering -ingeldable -ingeminate -ingemination -ingenerability -ingenerable -ingenerably -ingenerate -ingenerately -ingeneration -ingenerative -ingeniosity -ingenious -ingeniously -ingeniousness -ingenit -ingenue -ingenuity -ingenuous -ingenuously -ingenuousness -Inger -ingerminate -ingest -ingesta -ingestible -ingestion -ingestive -Inghamite -Inghilois -ingiver -ingiving -ingle -inglenook -ingleside -inglobate -inglobe -inglorious -ingloriously -ingloriousness -inglutition -ingluvial -ingluvies -ingluviitis -ingoing -Ingomar -ingot -ingotman -ingraft -ingrain -ingrained -ingrainedly -ingrainedness -Ingram -ingrammaticism -ingrandize -ingrate -ingrateful -ingratefully -ingratefulness -ingrately -ingratiate -ingratiating -ingratiatingly -ingratiation -ingratiatory -ingratitude -ingravescent -ingravidate -ingravidation -ingredient -ingress -ingression -ingressive -ingressiveness -ingross -ingrow -ingrown -ingrownness -ingrowth -inguen -inguinal -inguinoabdominal -inguinocrural -inguinocutaneous -inguinodynia -inguinolabial -inguinoscrotal -Inguklimiut -ingulf -ingulfment -ingurgitate -ingurgitation -Ingush -inhabit -inhabitability -inhabitable -inhabitancy -inhabitant -inhabitation -inhabitative -inhabitativeness -inhabited -inhabitedness -inhabiter -inhabitiveness -inhabitress -inhalant -inhalation -inhalator -inhale -inhalement -inhalent -inhaler -inharmonic -inharmonical -inharmonious -inharmoniously -inharmoniousness -inharmony -inhaul -inhauler -inhaust -inhaustion -inhearse -inheaven -inhere -inherence -inherency -inherent -inherently -inherit -inheritability -inheritable -inheritableness -inheritably -inheritage -inheritance -inheritor -inheritress -inheritrice -inheritrix -inhesion -inhiate -inhibit -inhibitable -inhibiter -inhibition -inhibitionist -inhibitive -inhibitor -inhibitory -inhomogeneity -inhomogeneous -inhomogeneously -inhospitable -inhospitableness -inhospitably -inhospitality -inhuman -inhumane -inhumanely -inhumanism -inhumanity -inhumanize -inhumanly -inhumanness -inhumate -inhumation -inhumationist -inhume -inhumer -inhumorous -inhumorously -Inia -inial -inidoneity -inidoneous -Inigo -inimicable -inimical -inimicality -inimically -inimicalness -inimitability -inimitable -inimitableness -inimitably -iniome -Iniomi -iniomous -inion -iniquitable -iniquitably -iniquitous -iniquitously -iniquitousness -iniquity -inirritability -inirritable -inirritant -inirritative -inissuable -initial -initialer -initialist -initialize -initially -initiant -initiary -initiate -initiation -initiative -initiatively -initiator -initiatorily -initiatory -initiatress -initiatrix -initis -initive -inject -injectable -injection -injector -injelly -injudicial -injudicially -injudicious -injudiciously -injudiciousness -Injun -injunct -injunction -injunctive -injunctively -injurable -injure -injured -injuredly -injuredness -injurer -injurious -injuriously -injuriousness -injury -injustice -ink -inkberry -inkbush -inken -inker -Inkerman -inket -inkfish -inkholder -inkhorn -inkhornism -inkhornist -inkhornize -inkhornizer -inkindle -inkiness -inkish -inkle -inkless -inklike -inkling -inkmaker -inkmaking -inknot -inkosi -inkpot -Inkra -inkroot -inks -inkshed -inkslinger -inkslinging -inkstain -inkstand -inkstandish -inkstone -inkweed -inkwell -inkwood -inkwriter -inky -inlagation -inlaid -inlaik -inlake -inland -inlander -inlandish -inlaut -inlaw -inlawry -inlay -inlayer -inlaying -inleague -inleak -inleakage -inlet -inlier -inlook -inlooker -inly -inlying -inmate -inmeats -inmixture -inmost -inn -innascibility -innascible -innate -innately -innateness -innatism -innative -innatural -innaturality -innaturally -inneity -inner -innerly -innermore -innermost -innermostly -innerness -innervate -innervation -innervational -innerve -inness -innest -innet -innholder -inning -inninmorite -Innisfail -innkeeper -innless -innocence -innocency -innocent -innocently -innocentness -innocuity -innocuous -innocuously -innocuousness -innominable -innominables -innominata -innominate -innominatum -innovant -innovate -innovation -innovational -innovationist -innovative -innovator -innovatory -innoxious -innoxiously -innoxiousness -innuendo -Innuit -innumerability -innumerable -innumerableness -innumerably -innumerous -innutrient -innutrition -innutritious -innutritive -innyard -Ino -inobedience -inobedient -inobediently -inoblast -inobnoxious -inobscurable -inobservable -inobservance -inobservancy -inobservant -inobservantly -inobservantness -inobservation -inobtainable -inobtrusive -inobtrusively -inobtrusiveness -inobvious -Inocarpus -inoccupation -Inoceramus -inochondritis -inochondroma -inoculability -inoculable -inoculant -inocular -inoculate -inoculation -inoculative -inoculator -inoculum -inocystoma -inocyte -Inodes -inodorous -inodorously -inodorousness -inoepithelioma -inoffending -inoffensive -inoffensively -inoffensiveness -inofficial -inofficially -inofficiosity -inofficious -inofficiously -inofficiousness -inogen -inogenesis -inogenic -inogenous -inoglia -inohymenitic -inolith -inoma -inominous -inomyoma -inomyositis -inomyxoma -inone -inoneuroma -inoperable -inoperative -inoperativeness -inopercular -Inoperculata -inoperculate -inopinable -inopinate -inopinately -inopine -inopportune -inopportunely -inopportuneness -inopportunism -inopportunist -inopportunity -inoppressive -inoppugnable -inopulent -inorb -inorderly -inordinacy -inordinary -inordinate -inordinately -inordinateness -inorganic -inorganical -inorganically -inorganizable -inorganization -inorganized -inoriginate -inornate -inosclerosis -inoscopy -inosculate -inosculation -inosic -inosin -inosinic -inosite -inositol -inostensible -inostensibly -inotropic -inower -inoxidability -inoxidable -inoxidizable -inoxidize -inparabola -inpardonable -inpatient -inpayment -inpensioner -inphase -inpolygon -inpolyhedron -inport -inpour -inpush -input -inquaintance -inquartation -inquest -inquestual -inquiet -inquietation -inquietly -inquietness -inquietude -Inquilinae -inquiline -inquilinism -inquilinity -inquilinous -inquinate -inquination -inquirable -inquirant -inquiration -inquire -inquirendo -inquirent -inquirer -inquiring -inquiringly -inquiry -inquisite -inquisition -inquisitional -inquisitionist -inquisitive -inquisitively -inquisitiveness -inquisitor -inquisitorial -inquisitorially -inquisitorialness -inquisitorious -inquisitorship -inquisitory -inquisitress -inquisitrix -inquisiturient -inradius -inreality -inrigged -inrigger -inrighted -inring -inro -inroad -inroader -inroll -inrooted -inrub -inrun -inrunning -inruption -inrush -insack -insagacity -insalivate -insalivation -insalubrious -insalubrity -insalutary -insalvability -insalvable -insane -insanely -insaneness -insanify -insanitariness -insanitary -insanitation -insanity -insapiency -insapient -insatiability -insatiable -insatiableness -insatiably -insatiate -insatiated -insatiately -insatiateness -insatiety -insatisfaction -insatisfactorily -insaturable -inscenation -inscibile -inscience -inscient -inscribable -inscribableness -inscribe -inscriber -inscript -inscriptible -inscription -inscriptional -inscriptioned -inscriptionist -inscriptionless -inscriptive -inscriptively -inscriptured -inscroll -inscrutability -inscrutable -inscrutableness -inscrutables -inscrutably -insculp -insculpture -insea -inseam -insect -Insecta -insectan -insectarium -insectary -insectean -insected -insecticidal -insecticide -insectiferous -insectiform -insectifuge -insectile -insectine -insection -insectival -Insectivora -insectivore -insectivorous -insectlike -insectmonger -insectologer -insectologist -insectology -insectproof -insecure -insecurely -insecureness -insecurity -insee -inseer -inselberg -inseminate -insemination -insenescible -insensate -insensately -insensateness -insense -insensibility -insensibilization -insensibilize -insensibilizer -insensible -insensibleness -insensibly -insensitive -insensitiveness -insensitivity -insensuous -insentience -insentiency -insentient -inseparability -inseparable -inseparableness -inseparably -inseparate -inseparately -insequent -insert -insertable -inserted -inserter -insertion -insertional -insertive -inserviceable -insessor -Insessores -insessorial -inset -insetter -inseverable -inseverably -inshave -insheathe -inshell -inshining -inship -inshoe -inshoot -inshore -inside -insider -insidiosity -insidious -insidiously -insidiousness -insight -insightful -insigne -insignia -insignificance -insignificancy -insignificant -insignificantly -insimplicity -insincere -insincerely -insincerity -insinking -insinuant -insinuate -insinuating -insinuatingly -insinuation -insinuative -insinuatively -insinuativeness -insinuator -insinuatory -insinuendo -insipid -insipidity -insipidly -insipidness -insipience -insipient -insipiently -insist -insistence -insistency -insistent -insistently -insister -insistingly -insistive -insititious -insnare -insnarement -insnarer -insobriety -insociability -insociable -insociableness -insociably -insocial -insocially -insofar -insolate -insolation -insole -insolence -insolency -insolent -insolently -insolentness -insolid -insolidity -insolubility -insoluble -insolubleness -insolubly -insolvability -insolvable -insolvably -insolvence -insolvency -insolvent -insomnia -insomniac -insomnious -insomnolence -insomnolency -insomnolent -insomuch -insonorous -insooth -insorb -insorbent -insouciance -insouciant -insouciantly -insoul -inspan -inspeak -inspect -inspectability -inspectable -inspectingly -inspection -inspectional -inspectioneer -inspective -inspector -inspectoral -inspectorate -inspectorial -inspectorship -inspectress -inspectrix -inspheration -insphere -inspirability -inspirable -inspirant -inspiration -inspirational -inspirationalism -inspirationally -inspirationist -inspirative -inspirator -inspiratory -inspiratrix -inspire -inspired -inspiredly -inspirer -inspiring -inspiringly -inspirit -inspiriter -inspiriting -inspiritingly -inspiritment -inspirometer -inspissant -inspissate -inspissation -inspissator -inspissosis -inspoke -inspoken -inspreith -instability -instable -install -installant -installation -installer -installment -instance -instancy -instanding -instant -instantaneity -instantaneous -instantaneously -instantaneousness -instanter -instantial -instantly -instantness -instar -instate -instatement -instaurate -instauration -instaurator -instead -instealing -insteam -insteep -instellation -instep -instigant -instigate -instigatingly -instigation -instigative -instigator -instigatrix -instill -instillation -instillator -instillatory -instiller -instillment -instinct -instinctive -instinctively -instinctivist -instinctivity -instinctual -instipulate -institor -institorial -institorian -institory -institute -instituter -institution -institutional -institutionalism -institutionalist -institutionality -institutionalization -institutionalize -institutionally -institutionary -institutionize -institutive -institutively -institutor -institutress -institutrix -instonement -instratified -instreaming -instrengthen -instressed -instroke -instruct -instructed -instructedly -instructedness -instructer -instructible -instruction -instructional -instructionary -instructive -instructively -instructiveness -instructor -instructorship -instructress -instrument -instrumental -instrumentalism -instrumentalist -instrumentality -instrumentalize -instrumentally -instrumentary -instrumentate -instrumentation -instrumentative -instrumentist -instrumentman -insuavity -insubduable -insubjection -insubmergible -insubmersible -insubmission -insubmissive -insubordinate -insubordinately -insubordinateness -insubordination -insubstantial -insubstantiality -insubstantiate -insubstantiation -insubvertible -insuccess -insuccessful -insucken -insuetude -insufferable -insufferableness -insufferably -insufficience -insufficiency -insufficient -insufficiently -insufflate -insufflation -insufflator -insula -insulance -insulant -insular -insularism -insularity -insularize -insularly -insulary -insulate -insulated -insulating -insulation -insulator -insulin -insulize -insulse -insulsity -insult -insultable -insultant -insultation -insulter -insulting -insultingly -insultproof -insunk -insuperability -insuperable -insuperableness -insuperably -insupportable -insupportableness -insupportably -insupposable -insuppressible -insuppressibly -insuppressive -insurability -insurable -insurance -insurant -insure -insured -insurer -insurge -insurgence -insurgency -insurgent -insurgentism -insurgescence -insurmountability -insurmountable -insurmountableness -insurmountably -insurpassable -insurrect -insurrection -insurrectional -insurrectionally -insurrectionary -insurrectionism -insurrectionist -insurrectionize -insurrectory -insusceptibility -insusceptible -insusceptibly -insusceptive -inswamp -inswarming -insweeping -inswell -inswept -inswing -inswinger -intabulate -intact -intactile -intactly -intactness -intagliated -intagliation -intaglio -intagliotype -intake -intaker -intangibility -intangible -intangibleness -intangibly -intarissable -intarsia -intarsiate -intarsist -intastable -intaxable -intechnicality -integer -integrability -integrable -integral -integrality -integralization -integralize -integrally -integrand -integrant -integraph -integrate -integration -integrative -integrator -integrifolious -integrious -integriously -integripalliate -integrity -integrodifferential -integropallial -Integropallialia -Integropalliata -integropalliate -integument -integumental -integumentary -integumentation -inteind -intellect -intellectation -intellected -intellectible -intellection -intellective -intellectively -intellectual -intellectualism -intellectualist -intellectualistic -intellectualistically -intellectuality -intellectualization -intellectualize -intellectualizer -intellectually -intellectualness -intelligence -intelligenced -intelligencer -intelligency -intelligent -intelligential -intelligently -intelligentsia -intelligibility -intelligible -intelligibleness -intelligibly -intelligize -intemerate -intemerately -intemerateness -intemeration -intemperable -intemperably -intemperament -intemperance -intemperate -intemperately -intemperateness -intemperature -intempestive -intempestively -intempestivity -intemporal -intemporally -intenability -intenable -intenancy -intend -intendance -intendancy -intendant -intendantism -intendantship -intended -intendedly -intendedness -intendence -intender -intendible -intending -intendingly -intendit -intendment -intenerate -inteneration -intenible -intensate -intensation -intensative -intense -intensely -intenseness -intensification -intensifier -intensify -intension -intensional -intensionally -intensitive -intensity -intensive -intensively -intensiveness -intent -intention -intentional -intentionalism -intentionality -intentionally -intentioned -intentionless -intentive -intentively -intentiveness -intently -intentness -inter -interabsorption -interacademic -interaccessory -interaccuse -interacinar -interacinous -interact -interaction -interactional -interactionism -interactionist -interactive -interactivity -interadaptation -interadditive -interadventual -interaffiliation -interagency -interagent -interagglutinate -interagglutination -interagree -interagreement -interalar -interallied -interally -interalveolar -interambulacral -interambulacrum -interamnian -interangular -interanimate -interannular -interantagonism -interantennal -interantennary -interapophyseal -interapplication -interarboration -interarch -interarcualis -interarmy -interarticular -interartistic -interarytenoid -interassociation -interassure -interasteroidal -interastral -interatomic -interatrial -interattrition -interaulic -interaural -interauricular -interavailability -interavailable -interaxal -interaxial -interaxillary -interaxis -interbalance -interbanded -interbank -interbedded -interbelligerent -interblend -interbody -interbonding -interborough -interbourse -interbrachial -interbrain -interbranch -interbranchial -interbreath -interbreed -interbrigade -interbring -interbronchial -intercadence -intercadent -intercalare -intercalarily -intercalarium -intercalary -intercalate -intercalation -intercalative -intercalatory -intercale -intercalm -intercanal -intercanalicular -intercapillary -intercardinal -intercarotid -intercarpal -intercarpellary -intercarrier -intercartilaginous -intercaste -intercatenated -intercausative -intercavernous -intercede -interceder -intercellular -intercensal -intercentral -intercentrum -intercept -intercepter -intercepting -interception -interceptive -interceptor -interceptress -intercerebral -intercession -intercessional -intercessionary -intercessionment -intercessive -intercessor -intercessorial -intercessory -interchaff -interchange -interchangeability -interchangeable -interchangeableness -interchangeably -interchanger -interchapter -intercharge -interchase -intercheck -interchoke -interchondral -interchurch -Intercidona -interciliary -intercilium -intercircle -intercirculate -intercirculation -intercision -intercitizenship -intercity -intercivic -intercivilization -interclash -interclasp -interclass -interclavicle -interclavicular -interclerical -intercloud -interclub -intercoastal -intercoccygeal -intercoccygean -intercohesion -intercollege -intercollegian -intercollegiate -intercolline -intercolonial -intercolonially -intercolonization -intercolumn -intercolumnal -intercolumnar -intercolumniation -intercom -intercombat -intercombination -intercombine -intercome -intercommission -intercommon -intercommonable -intercommonage -intercommoner -intercommunal -intercommune -intercommuner -intercommunicability -intercommunicable -intercommunicate -intercommunication -intercommunicative -intercommunicator -intercommunion -intercommunity -intercompany -intercomparable -intercompare -intercomparison -intercomplexity -intercomplimentary -interconal -interconciliary -intercondenser -intercondylar -intercondylic -intercondyloid -interconfessional -interconfound -interconnect -interconnection -intercontinental -intercontorted -intercontradiction -intercontradictory -interconversion -interconvertibility -interconvertible -interconvertibly -intercooler -intercooling -intercoracoid -intercorporate -intercorpuscular -intercorrelate -intercorrelation -intercortical -intercosmic -intercosmically -intercostal -intercostally -intercostobrachial -intercostohumeral -intercotylar -intercounty -intercourse -intercoxal -intercranial -intercreate -intercrescence -intercrinal -intercrop -intercross -intercrural -intercrust -intercrystalline -intercrystallization -intercrystallize -intercultural -interculture -intercurl -intercurrence -intercurrent -intercurrently -intercursation -intercuspidal -intercutaneous -intercystic -interdash -interdebate -interdenominational -interdental -interdentally -interdentil -interdepartmental -interdepartmentally -interdepend -interdependable -interdependence -interdependency -interdependent -interdependently -interderivative -interdespise -interdestructive -interdestructiveness -interdetermination -interdetermine -interdevour -interdict -interdiction -interdictive -interdictor -interdictory -interdictum -interdifferentiation -interdiffuse -interdiffusion -interdiffusive -interdiffusiveness -interdigital -interdigitate -interdigitation -interdine -interdiscal -interdispensation -interdistinguish -interdistrict -interdivision -interdome -interdorsal -interdrink -intereat -interelectrode -interelectrodic -interempire -interenjoy -interentangle -interentanglement -interepidemic -interepimeral -interepithelial -interequinoctial -interessee -interest -interested -interestedly -interestedness -interester -interesting -interestingly -interestingness -interestless -interestuarine -interface -interfacial -interfactional -interfamily -interfascicular -interfault -interfector -interfederation -interfemoral -interfenestral -interfenestration -interferant -interfere -interference -interferent -interferential -interferer -interfering -interferingly -interferingness -interferometer -interferometry -interferric -interfertile -interfertility -interfibrillar -interfibrillary -interfibrous -interfilamentar -interfilamentary -interfilamentous -interfilar -interfiltrate -interfinger -interflange -interflashing -interflow -interfluence -interfluent -interfluminal -interfluous -interfluve -interfluvial -interflux -interfold -interfoliaceous -interfoliar -interfoliate -interfollicular -interforce -interfraternal -interfraternity -interfret -interfretted -interfriction -interfrontal -interfruitful -interfulgent -interfuse -interfusion -interganglionic -intergenerant -intergenerating -intergeneration -intergential -intergesture -intergilt -interglacial -interglandular -interglobular -interglyph -intergossip -intergovernmental -intergradation -intergrade -intergradient -intergraft -intergranular -intergrapple -intergrave -intergroupal -intergrow -intergrown -intergrowth -intergular -intergyral -interhabitation -interhemal -interhemispheric -interhostile -interhuman -interhyal -interhybridize -interim -interimist -interimistic -interimistical -interimistically -interimperial -interincorporation -interindependence -interindicate -interindividual -interinfluence -interinhibition -interinhibitive -interinsert -interinsular -interinsurance -interinsurer -interinvolve -interionic -interior -interiority -interiorize -interiorly -interiorness -interirrigation -interisland -interjacence -interjacency -interjacent -interjaculate -interjaculatory -interjangle -interjealousy -interject -interjection -interjectional -interjectionalize -interjectionally -interjectionary -interjectionize -interjectiveness -interjector -interjectorily -interjectory -interjectural -interjoin -interjoist -interjudgment -interjunction -interkinesis -interkinetic -interknit -interknot -interknow -interknowledge -interlaboratory -interlace -interlaced -interlacedly -interlacement -interlacery -interlacustrine -interlaid -interlake -interlamellar -interlamellation -interlaminar -interlaminate -interlamination -interlanguage -interlap -interlapse -interlard -interlardation -interlardment -interlatitudinal -interlaudation -interlay -interleaf -interleague -interleave -interleaver -interlibel -interlibrary -interlie -interligamentary -interligamentous -interlight -interlimitation -interline -interlineal -interlineally -interlinear -interlinearily -interlinearly -interlineary -interlineate -interlineation -interlinement -interliner -Interlingua -interlingual -interlinguist -interlinguistic -interlining -interlink -interloan -interlobar -interlobate -interlobular -interlocal -interlocally -interlocate -interlocation -interlock -interlocker -interlocular -interloculus -interlocution -interlocutive -interlocutor -interlocutorily -interlocutory -interlocutress -interlocutrice -interlocutrix -interloop -interlope -interloper -interlot -interlucation -interlucent -interlude -interluder -interludial -interlunar -interlunation -interlying -intermalleolar -intermammary -intermammillary -intermandibular -intermanorial -intermarginal -intermarine -intermarriage -intermarriageable -intermarry -intermason -intermastoid -intermat -intermatch -intermaxilla -intermaxillar -intermaxillary -intermaze -intermeasurable -intermeasure -intermeddle -intermeddlement -intermeddler -intermeddlesome -intermeddlesomeness -intermeddling -intermeddlingly -intermediacy -intermediae -intermedial -intermediary -intermediate -intermediately -intermediateness -intermediation -intermediator -intermediatory -intermedium -intermedius -intermeet -intermelt -intermembral -intermembranous -intermeningeal -intermenstrual -intermenstruum -interment -intermental -intermention -intermercurial -intermesenterial -intermesenteric -intermesh -intermessage -intermessenger -intermetacarpal -intermetallic -intermetameric -intermetatarsal -intermew -intermewed -intermewer -intermezzo -intermigration -interminability -interminable -interminableness -interminably -interminant -interminate -intermine -intermingle -intermingledom -interminglement -interminister -interministerial -interministerium -intermission -intermissive -intermit -intermitted -intermittedly -intermittence -intermittency -intermittent -intermittently -intermitter -intermitting -intermittingly -intermix -intermixedly -intermixtly -intermixture -intermobility -intermodification -intermodillion -intermodulation -intermolar -intermolecular -intermomentary -intermontane -intermorainic -intermotion -intermountain -intermundane -intermundial -intermundian -intermundium -intermunicipal -intermunicipality -intermural -intermuscular -intermutation -intermutual -intermutually -intermutule -intern -internal -internality -internalization -internalize -internally -internalness -internals -internarial -internasal -internation -international -internationalism -internationalist -internationality -internationalization -internationalize -internationally -interneciary -internecinal -internecine -internecion -internecive -internee -internetted -interneural -interneuronic -internidal -internist -internment -internobasal -internodal -internode -internodial -internodian -internodium -internodular -internship -internuclear -internuncial -internunciary -internunciatory -internuncio -internuncioship -internuncius -internuptial -interobjective -interoceanic -interoceptive -interoceptor -interocular -interoffice -interolivary -interopercle -interopercular -interoperculum -interoptic -interorbital -interorbitally -interoscillate -interosculant -interosculate -interosculation -interosseal -interosseous -interownership -interpage -interpalatine -interpalpebral -interpapillary -interparenchymal -interparental -interparenthetical -interparenthetically -interparietal -interparietale -interparliament -interparliamentary -interparoxysmal -interparty -interpause -interpave -interpeal -interpectoral -interpeduncular -interpel -interpellant -interpellate -interpellation -interpellator -interpenetrable -interpenetrant -interpenetrate -interpenetration -interpenetrative -interpenetratively -interpermeate -interpersonal -interpervade -interpetaloid -interpetiolar -interpetiolary -interphalangeal -interphase -interphone -interpiece -interpilaster -interpilastering -interplacental -interplait -interplanetary -interplant -interplanting -interplay -interplea -interplead -interpleader -interpledge -interpleural -interplical -interplicate -interplication -interplight -interpoint -interpolable -interpolar -interpolary -interpolate -interpolater -interpolation -interpolative -interpolatively -interpolator -interpole -interpolitical -interpolity -interpollinate -interpolymer -interpone -interportal -interposable -interposal -interpose -interposer -interposing -interposingly -interposition -interposure -interpour -interprater -interpressure -interpret -interpretability -interpretable -interpretableness -interpretably -interpretament -interpretation -interpretational -interpretative -interpretatively -interpreter -interpretership -interpretive -interpretively -interpretorial -interpretress -interprismatic -interproduce -interprofessional -interproglottidal -interproportional -interprotoplasmic -interprovincial -interproximal -interproximate -interpterygoid -interpubic -interpulmonary -interpunct -interpunction -interpunctuate -interpunctuation -interpupillary -interquarrel -interquarter -interrace -interracial -interracialism -interradial -interradially -interradiate -interradiation -interradium -interradius -interrailway -interramal -interramicorn -interramification -interreceive -interreflection -interregal -interregimental -interregional -interregna -interregnal -interregnum -interreign -interrelate -interrelated -interrelatedly -interrelatedness -interrelation -interrelationship -interreligious -interrenal -interrenalism -interrepellent -interrepulsion -interrer -interresponsibility -interresponsible -interreticular -interreticulation -interrex -interrhyme -interright -interriven -interroad -interrogability -interrogable -interrogant -interrogate -interrogatedness -interrogatee -interrogatingly -interrogation -interrogational -interrogative -interrogatively -interrogator -interrogatorily -interrogatory -interrogatrix -interrogee -interroom -interrule -interrun -interrupt -interrupted -interruptedly -interruptedness -interrupter -interruptible -interrupting -interruptingly -interruption -interruptive -interruptively -interruptor -interruptory -intersale -intersalute -interscapilium -interscapular -interscapulum -interscene -interscholastic -interschool -interscience -interscribe -interscription -interseaboard -interseamed -intersect -intersectant -intersection -intersectional -intersegmental -interseminal -intersentimental -interseptal -intersertal -intersesamoid -intersession -intersessional -interset -intersex -intersexual -intersexualism -intersexuality -intershade -intershifting -intershock -intershoot -intershop -intersidereal -intersituate -intersocial -intersocietal -intersociety -intersole -intersolubility -intersoluble -intersomnial -intersomnious -intersonant -intersow -interspace -interspatial -interspatially -interspeaker -interspecial -interspecific -interspersal -intersperse -interspersedly -interspersion -interspheral -intersphere -interspicular -interspinal -interspinalis -interspinous -interspiral -interspiration -intersporal -intersprinkle -intersqueeze -interstadial -interstage -interstaminal -interstapedial -interstate -interstation -interstellar -interstellary -intersterile -intersterility -intersternal -interstice -intersticed -interstimulate -interstimulation -interstitial -interstitially -interstitious -interstratification -interstratify -interstreak -interstream -interstreet -interstrial -interstriation -interstrive -intersubjective -intersubsistence -intersubstitution -intersuperciliary -intersusceptation -intersystem -intersystematical -intertalk -intertangle -intertanglement -intertarsal -interteam -intertentacular -intertergal -interterminal -interterritorial -intertessellation -intertexture -interthing -interthreaded -interthronging -intertidal -intertie -intertill -intertillage -intertinge -intertissued -intertone -intertongue -intertonic -intertouch -intertown -intertrabecular -intertrace -intertrade -intertrading -intertraffic -intertragian -intertransformability -intertransformable -intertransmissible -intertransmission -intertranspicuous -intertransversal -intertransversalis -intertransversary -intertransverse -intertrappean -intertribal -intertriginous -intertriglyph -intertrigo -intertrinitarian -intertrochanteric -intertropic -intertropical -intertropics -intertrude -intertuberal -intertubercular -intertubular -intertwin -intertwine -intertwinement -intertwining -intertwiningly -intertwist -intertwistingly -Intertype -interungular -interungulate -interunion -interuniversity -interurban -interureteric -intervaginal -interval -intervale -intervalley -intervallic -intervallum -intervalvular -intervarietal -intervary -intervascular -intervein -interveinal -intervenant -intervene -intervener -intervenience -interveniency -intervenient -intervenium -intervention -interventional -interventionism -interventionist -interventive -interventor -interventral -interventralia -interventricular -intervenular -interverbal -interversion -intervert -intervertebra -intervertebral -intervertebrally -intervesicular -interview -interviewable -interviewee -interviewer -intervillous -intervisibility -intervisible -intervisit -intervisitation -intervital -intervocal -intervocalic -intervolute -intervolution -intervolve -interwar -interweave -interweavement -interweaver -interweaving -interweavingly -interwed -interweld -interwhiff -interwhile -interwhistle -interwind -interwish -interword -interwork -interworks -interworld -interworry -interwound -interwove -interwoven -interwovenly -interwrap -interwreathe -interwrought -interxylary -interzonal -interzone -interzooecial -interzygapophysial -intestable -intestacy -intestate -intestation -intestinal -intestinally -intestine -intestineness -intestiniform -intestinovesical -intext -intextine -intexture -inthrall -inthrallment -inthrong -inthronistic -inthronization -inthronize -inthrow -inthrust -intil -intima -intimacy -intimal -intimate -intimately -intimateness -intimater -intimation -intimidate -intimidation -intimidator -intimidatory -intimidity -intimity -intinction -intine -intitule -into -intoed -intolerability -intolerable -intolerableness -intolerably -intolerance -intolerancy -intolerant -intolerantly -intolerantness -intolerated -intolerating -intoleration -intonable -intonate -intonation -intonator -intone -intonement -intoner -intoothed -intorsion -intort -intortillage -intown -intoxation -intoxicable -intoxicant -intoxicate -intoxicated -intoxicatedly -intoxicatedness -intoxicating -intoxicatingly -intoxication -intoxicative -intoxicator -intrabiontic -intrabranchial -intrabred -intrabronchial -intrabuccal -intracalicular -intracanalicular -intracanonical -intracapsular -intracardiac -intracardial -intracarpal -intracarpellary -intracartilaginous -intracellular -intracellularly -intracephalic -intracerebellar -intracerebral -intracerebrally -intracervical -intrachordal -intracistern -intracity -intraclitelline -intracloacal -intracoastal -intracoelomic -intracolic -intracollegiate -intracommunication -intracompany -intracontinental -intracorporeal -intracorpuscular -intracortical -intracosmic -intracosmical -intracosmically -intracostal -intracranial -intracranially -intractability -intractable -intractableness -intractably -intractile -intracutaneous -intracystic -intrada -intradepartmental -intradermal -intradermally -intradermic -intradermically -intradermo -intradistrict -intradivisional -intrados -intraduodenal -intradural -intraecclesiastical -intraepiphyseal -intraepithelial -intrafactory -intrafascicular -intrafissural -intrafistular -intrafoliaceous -intraformational -intrafusal -intragastric -intragemmal -intraglacial -intraglandular -intraglobular -intragroup -intragroupal -intragyral -intrahepatic -intrahyoid -intraimperial -intrait -intrajugular -intralamellar -intralaryngeal -intralaryngeally -intraleukocytic -intraligamentary -intraligamentous -intralingual -intralobar -intralobular -intralocular -intralogical -intralumbar -intramammary -intramarginal -intramastoid -intramatrical -intramatrically -intramedullary -intramembranous -intrameningeal -intramental -intrametropolitan -intramolecular -intramontane -intramorainic -intramundane -intramural -intramuralism -intramuscular -intramuscularly -intramyocardial -intranarial -intranasal -intranatal -intranational -intraneous -intraneural -intranidal -intranquil -intranquillity -intranscalency -intranscalent -intransferable -intransformable -intransfusible -intransgressible -intransient -intransigency -intransigent -intransigentism -intransigentist -intransigently -intransitable -intransitive -intransitively -intransitiveness -intransitivity -intranslatable -intransmissible -intransmutability -intransmutable -intransparency -intransparent -intrant -intranuclear -intraoctave -intraocular -intraoral -intraorbital -intraorganization -intraossal -intraosseous -intraosteal -intraovarian -intrapair -intraparenchymatous -intraparietal -intraparochial -intraparty -intrapelvic -intrapericardiac -intrapericardial -intraperineal -intraperiosteal -intraperitoneal -intraperitoneally -intrapetiolar -intraphilosophic -intrapial -intraplacental -intraplant -intrapleural -intrapolar -intrapontine -intraprostatic -intraprotoplasmic -intrapsychic -intrapsychical -intrapsychically -intrapulmonary -intrapyretic -intrarachidian -intrarectal -intrarelation -intrarenal -intraretinal -intrarhachidian -intraschool -intrascrotal -intrasegmental -intraselection -intrasellar -intraseminal -intraseptal -intraserous -intrashop -intraspecific -intraspinal -intrastate -intrastromal -intrasusception -intrasynovial -intratarsal -intratelluric -intraterritorial -intratesticular -intrathecal -intrathoracic -intrathyroid -intratomic -intratonsillar -intratrabecular -intratracheal -intratracheally -intratropical -intratubal -intratubular -intratympanic -intravaginal -intravalvular -intravasation -intravascular -intravenous -intravenously -intraventricular -intraverbal -intraversable -intravertebral -intravertebrally -intravesical -intravital -intravitelline -intravitreous -intraxylary -intreat -intrench -intrenchant -intrencher -intrenchment -intrepid -intrepidity -intrepidly -intrepidness -intricacy -intricate -intricately -intricateness -intrication -intrigant -intrigue -intrigueproof -intriguer -intriguery -intriguess -intriguing -intriguingly -intrine -intrinse -intrinsic -intrinsical -intrinsicality -intrinsically -intrinsicalness -introactive -introceptive -introconversion -introconvertibility -introconvertible -introdden -introduce -introducee -introducement -introducer -introducible -introduction -introductive -introductively -introductor -introductorily -introductoriness -introductory -introductress -introflex -introflexion -introgression -introgressive -introinflection -introit -introitus -introject -introjection -introjective -intromissibility -intromissible -intromission -intromissive -intromit -intromittence -intromittent -intromitter -intropression -intropulsive -introreception -introrsal -introrse -introrsely -introsensible -introsentient -introspect -introspectable -introspection -introspectional -introspectionism -introspectionist -introspective -introspectively -introspectiveness -introspectivism -introspectivist -introspector -introsuction -introsuscept -introsusception -introthoracic -introtraction -introvenient -introverse -introversibility -introversible -introversion -introversive -introversively -introvert -introverted -introvertive -introvision -introvolution -intrudance -intrude -intruder -intruding -intrudingly -intrudress -intruse -intrusion -intrusional -intrusionism -intrusionist -intrusive -intrusively -intrusiveness -intrust -intubate -intubation -intubationist -intubator -intube -intue -intuent -intuicity -intuit -intuitable -intuition -intuitional -intuitionalism -intuitionalist -intuitionally -intuitionism -intuitionist -intuitionistic -intuitionless -intuitive -intuitively -intuitiveness -intuitivism -intuitivist -intumesce -intumescence -intumescent -inturbidate -inturn -inturned -inturning -intussuscept -intussusception -intussusceptive -intwist -inula -inulaceous -inulase -inulin -inuloid -inumbrate -inumbration -inunct -inunction -inunctum -inunctuosity -inunctuous -inundable -inundant -inundate -inundation -inundator -inundatory -inunderstandable -inurbane -inurbanely -inurbaneness -inurbanity -inure -inured -inuredness -inurement -inurn -inusitate -inusitateness -inusitation -inustion -inutile -inutilely -inutility -inutilized -inutterable -invaccinate -invaccination -invadable -invade -invader -invaginable -invaginate -invagination -invalescence -invalid -invalidate -invalidation -invalidator -invalidcy -invalidhood -invalidish -invalidism -invalidity -invalidly -invalidness -invalidship -invalorous -invaluable -invaluableness -invaluably -invalued -Invar -invariability -invariable -invariableness -invariably -invariance -invariancy -invariant -invariantive -invariantively -invariantly -invaried -invasion -invasionist -invasive -invecked -invected -invection -invective -invectively -invectiveness -invectivist -invector -inveigh -inveigher -inveigle -inveiglement -inveigler -inveil -invein -invendibility -invendible -invendibleness -invenient -invent -inventable -inventary -inventer -inventful -inventibility -inventible -inventibleness -invention -inventional -inventionless -inventive -inventively -inventiveness -inventor -inventoriable -inventorial -inventorially -inventory -inventress -inventurous -inveracious -inveracity -inverisimilitude -inverity -inverminate -invermination -invernacular -Inverness -inversable -inversatile -inverse -inversed -inversedly -inversely -inversion -inversionist -inversive -invert -invertase -invertebracy -invertebral -Invertebrata -invertebrate -invertebrated -inverted -invertedly -invertend -inverter -invertibility -invertible -invertile -invertin -invertive -invertor -invest -investable -investible -investigable -investigatable -investigate -investigating -investigatingly -investigation -investigational -investigative -investigator -investigatorial -investigatory -investitive -investitor -investiture -investment -investor -inveteracy -inveterate -inveterately -inveterateness -inviability -invictive -invidious -invidiously -invidiousness -invigilance -invigilancy -invigilation -invigilator -invigor -invigorant -invigorate -invigorating -invigoratingly -invigoratingness -invigoration -invigorative -invigoratively -invigorator -invinate -invination -invincibility -invincible -invincibleness -invincibly -inviolability -inviolable -inviolableness -inviolably -inviolacy -inviolate -inviolated -inviolately -inviolateness -invirile -invirility -invirtuate -inviscate -inviscation -inviscid -inviscidity -invised -invisibility -invisible -invisibleness -invisibly -invitable -invital -invitant -invitation -invitational -invitatory -invite -invitee -invitement -inviter -invitiate -inviting -invitingly -invitingness -invitress -invitrifiable -invivid -invocable -invocant -invocate -invocation -invocative -invocator -invocatory -invoice -invoke -invoker -involatile -involatility -involucel -involucellate -involucellated -involucral -involucrate -involucre -involucred -involucriform -involucrum -involuntarily -involuntariness -involuntary -involute -involuted -involutedly -involutely -involution -involutional -involutionary -involutorial -involutory -involve -involved -involvedly -involvedness -involvement -involvent -involver -invulnerability -invulnerable -invulnerableness -invulnerably -invultuation -inwale -inwall -inwandering -inward -inwardly -inwardness -inwards -inweave -inwedged -inweed -inweight -inwick -inwind -inwit -inwith -inwood -inwork -inworn -inwound -inwoven -inwrap -inwrapment -inwreathe -inwrit -inwrought -inyoite -inyoke -Io -io -Iodamoeba -iodate -iodation -iodhydrate -iodhydric -iodhydrin -iodic -iodide -iodiferous -iodinate -iodination -iodine -iodinium -iodinophil -iodinophilic -iodinophilous -iodism -iodite -iodization -iodize -iodizer -iodo -iodobehenate -iodobenzene -iodobromite -iodocasein -iodochloride -iodochromate -iodocresol -iododerma -iodoethane -iodoform -iodogallicin -iodohydrate -iodohydric -iodohydrin -iodol -iodomercurate -iodomercuriate -iodomethane -iodometric -iodometrical -iodometry -iodonium -iodopsin -iodoso -iodosobenzene -iodospongin -iodotannic -iodotherapy -iodothyrin -iodous -iodoxy -iodoxybenzene -iodyrite -iolite -ion -Ione -Ioni -Ionian -Ionic -ionic -Ionicism -Ionicization -Ionicize -Ionidium -Ionism -Ionist -ionium -ionizable -Ionization -ionization -Ionize -ionize -ionizer -ionogen -ionogenic -ionone -Ionornis -ionosphere -ionospheric -Ionoxalis -iontophoresis -Ioskeha -iota -iotacism -iotacismus -iotacist -iotization -iotize -Iowa -Iowan -Ipalnemohuani -ipecac -ipecacuanha -ipecacuanhic -Iphimedia -Iphis -ipid -Ipidae -ipil -ipomea -Ipomoea -ipomoein -ipseand -ipsedixitish -ipsedixitism -ipsedixitist -ipseity -ipsilateral -Ira -iracund -iracundity -iracundulous -irade -Iran -Irani -Iranian -Iranic -Iranism -Iranist -Iranize -Iraq -Iraqi -Iraqian -irascent -irascibility -irascible -irascibleness -irascibly -irate -irately -ire -ireful -irefully -irefulness -Irelander -ireless -Irena -irenarch -Irene -irene -irenic -irenical -irenically -irenicism -irenicist -irenicon -irenics -irenicum -Iresine -Irfan -Irgun -Irgunist -irian -Iriartea -Iriarteaceae -Iricism -Iricize -irid -Iridaceae -iridaceous -iridadenosis -iridal -iridalgia -iridate -iridauxesis -iridectome -iridectomize -iridectomy -iridectropium -iridemia -iridencleisis -iridentropium -irideous -irideremia -irides -iridesce -iridescence -iridescency -iridescent -iridescently -iridial -iridian -iridiate -iridic -iridical -iridin -iridine -iridiocyte -iridiophore -iridioplatinum -iridious -iridite -iridium -iridization -iridize -iridoavulsion -iridocapsulitis -iridocele -iridoceratitic -iridochoroiditis -iridocoloboma -iridoconstrictor -iridocyclitis -iridocyte -iridodesis -iridodiagnosis -iridodialysis -iridodonesis -iridokinesia -iridomalacia -iridomotor -Iridomyrmex -iridoncus -iridoparalysis -iridophore -iridoplegia -iridoptosis -iridopupillary -iridorhexis -iridosclerotomy -iridosmine -iridosmium -iridotasis -iridotome -iridotomy -iris -irisated -irisation -iriscope -irised -Irish -Irisher -Irishian -Irishism -Irishize -Irishly -Irishman -Irishness -Irishry -Irishwoman -Irishy -irisin -irislike -irisroot -iritic -iritis -irk -irksome -irksomely -irksomeness -Irma -Iroha -irok -iroko -iron -ironback -ironbark -ironbound -ironbush -ironclad -irone -ironer -ironfisted -ironflower -ironhanded -ironhandedly -ironhandedness -ironhard -ironhead -ironheaded -ironhearted -ironheartedly -ironheartedness -ironical -ironically -ironicalness -ironice -ironish -ironism -ironist -ironize -ironless -ironlike -ironly -ironmaker -ironmaking -ironman -ironmaster -ironmonger -ironmongering -ironmongery -ironness -ironshod -ironshot -ironside -ironsided -ironsides -ironsmith -ironstone -ironware -ironweed -ironwood -ironwork -ironworked -ironworker -ironworking -ironworks -ironwort -irony -Iroquoian -Iroquois -Irpex -irradiance -irradiancy -irradiant -irradiate -irradiated -irradiatingly -irradiation -irradiative -irradiator -irradicable -irradicate -irrarefiable -irrationability -irrationable -irrationably -irrational -irrationalism -irrationalist -irrationalistic -irrationality -irrationalize -irrationally -irrationalness -irreality -irrealizable -irrebuttable -irreceptive -irreceptivity -irreciprocal -irreciprocity -irreclaimability -irreclaimable -irreclaimableness -irreclaimably -irreclaimed -irrecognition -irrecognizability -irrecognizable -irrecognizably -irrecognizant -irrecollection -irreconcilability -irreconcilable -irreconcilableness -irreconcilably -irreconcile -irreconcilement -irreconciliability -irreconciliable -irreconciliableness -irreconciliably -irreconciliation -irrecordable -irrecoverable -irrecoverableness -irrecoverably -irrecusable -irrecusably -irredeemability -irredeemable -irredeemableness -irredeemably -irredeemed -irredenta -irredential -Irredentism -Irredentist -irredressibility -irredressible -irredressibly -irreducibility -irreducible -irreducibleness -irreducibly -irreductibility -irreductible -irreduction -irreferable -irreflection -irreflective -irreflectively -irreflectiveness -irreflexive -irreformability -irreformable -irrefragability -irrefragable -irrefragableness -irrefragably -irrefrangibility -irrefrangible -irrefrangibleness -irrefrangibly -irrefusable -irrefutability -irrefutable -irrefutableness -irrefutably -irregardless -irregeneracy -irregenerate -irregeneration -irregular -irregularism -irregularist -irregularity -irregularize -irregularly -irregularness -irregulate -irregulated -irregulation -irrelate -irrelated -irrelation -irrelative -irrelatively -irrelativeness -irrelevance -irrelevancy -irrelevant -irrelevantly -irreliability -irrelievable -irreligion -irreligionism -irreligionist -irreligionize -irreligiosity -irreligious -irreligiously -irreligiousness -irreluctant -irremeable -irremeably -irremediable -irremediableness -irremediably -irrememberable -irremissibility -irremissible -irremissibleness -irremissibly -irremission -irremissive -irremovability -irremovable -irremovableness -irremovably -irremunerable -irrenderable -irrenewable -irrenunciable -irrepair -irrepairable -irreparability -irreparable -irreparableness -irreparably -irrepassable -irrepealability -irrepealable -irrepealableness -irrepealably -irrepentance -irrepentant -irrepentantly -irreplaceable -irreplaceably -irrepleviable -irreplevisable -irreportable -irreprehensible -irreprehensibleness -irreprehensibly -irrepresentable -irrepresentableness -irrepressibility -irrepressible -irrepressibleness -irrepressibly -irrepressive -irreproachability -irreproachable -irreproachableness -irreproachably -irreproducible -irreproductive -irreprovable -irreprovableness -irreprovably -irreptitious -irrepublican -irresilient -irresistance -irresistibility -irresistible -irresistibleness -irresistibly -irresoluble -irresolubleness -irresolute -irresolutely -irresoluteness -irresolution -irresolvability -irresolvable -irresolvableness -irresolved -irresolvedly -irresonance -irresonant -irrespectability -irrespectable -irrespectful -irrespective -irrespectively -irrespirable -irrespondence -irresponsibility -irresponsible -irresponsibleness -irresponsibly -irresponsive -irresponsiveness -irrestrainable -irrestrainably -irrestrictive -irresultive -irresuscitable -irresuscitably -irretention -irretentive -irretentiveness -irreticence -irreticent -irretraceable -irretraceably -irretractable -irretractile -irretrievability -irretrievable -irretrievableness -irretrievably -irrevealable -irrevealably -irreverence -irreverend -irreverendly -irreverent -irreverential -irreverentialism -irreverentially -irreverently -irreversibility -irreversible -irreversibleness -irreversibly -irrevertible -irreviewable -irrevisable -irrevocability -irrevocable -irrevocableness -irrevocably -irrevoluble -irrigable -irrigably -irrigant -irrigate -irrigation -irrigational -irrigationist -irrigative -irrigator -irrigatorial -irrigatory -irriguous -irriguousness -irrision -irrisor -Irrisoridae -irrisory -irritability -irritable -irritableness -irritably -irritament -irritancy -irritant -irritate -irritatedly -irritating -irritatingly -irritation -irritative -irritativeness -irritator -irritatory -Irritila -irritomotile -irritomotility -irrorate -irrotational -irrotationally -irrubrical -irrupt -irruptible -irruption -irruptive -irruptively -Irvin -Irving -Irvingesque -Irvingiana -Irvingism -Irvingite -Irwin -is -Isaac -Isabel -isabelina -isabelita -Isabella -Isabelle -Isabelline -isabnormal -isaconitine -isacoustic -isadelphous -Isadora -isagoge -isagogic -isagogical -isagogically -isagogics -isagon -Isaiah -Isaian -isallobar -isallotherm -isamine -Isander -isandrous -isanemone -isanomal -isanomalous -isanthous -isapostolic -Isaria -isarioid -isatate -isatic -isatide -isatin -isatinic -Isatis -isatogen -isatogenic -Isaurian -Isawa -isazoxy -isba -Iscariot -Iscariotic -Iscariotical -Iscariotism -ischemia -ischemic -ischiac -ischiadic -ischiadicus -ischial -ischialgia -ischialgic -ischiatic -ischidrosis -ischioanal -ischiobulbar -ischiocapsular -ischiocaudal -ischiocavernosus -ischiocavernous -ischiocele -ischiocerite -ischiococcygeal -ischiofemoral -ischiofibular -ischioiliac -ischioneuralgia -ischioperineal -ischiopodite -ischiopubic -ischiopubis -ischiorectal -ischiorrhogic -ischiosacral -ischiotibial -ischiovaginal -ischiovertebral -ischium -ischocholia -ischuretic -ischuria -ischury -Ischyodus -Isegrim -isenergic -isentropic -isepiptesial -isepiptesis -iserine -iserite -isethionate -isethionic -Iseum -Isfahan -Ishmael -Ishmaelite -Ishmaelitic -Ishmaelitish -Ishmaelitism -ishpingo -ishshakku -Isiac -Isiacal -Isidae -isidiiferous -isidioid -isidiophorous -isidiose -isidium -isidoid -Isidore -Isidorian -Isidoric -Isinai -isindazole -isinglass -Isis -Islam -Islamic -Islamism -Islamist -Islamistic -Islamite -Islamitic -Islamitish -Islamization -Islamize -island -islander -islandhood -islandic -islandish -islandless -islandlike -islandman -islandress -islandry -islandy -islay -isle -isleless -islesman -islet -Isleta -isleted -isleward -islot -ism -Ismaelism -Ismaelite -Ismaelitic -Ismaelitical -Ismaelitish -Ismaili -Ismailian -Ismailite -ismal -ismatic -ismatical -ismaticalness -ismdom -ismy -Isnardia -iso -isoabnormal -isoagglutination -isoagglutinative -isoagglutinin -isoagglutinogen -isoalantolactone -isoallyl -isoamarine -isoamide -isoamyl -isoamylamine -isoamylene -isoamylethyl -isoamylidene -isoantibody -isoantigen -isoapiole -isoasparagine -isoaurore -isobar -isobarbaloin -isobarbituric -isobare -isobaric -isobarism -isobarometric -isobase -isobath -isobathic -isobathytherm -isobathythermal -isobathythermic -isobenzofuran -isobilateral -isobilianic -isobiogenetic -isoborneol -isobornyl -isobront -isobronton -isobutane -isobutyl -isobutylene -isobutyraldehyde -isobutyrate -isobutyric -isobutyryl -isocamphor -isocamphoric -isocaproic -isocarbostyril -Isocardia -Isocardiidae -isocarpic -isocarpous -isocellular -isocephalic -isocephalism -isocephalous -isocephaly -isocercal -isocercy -isochasm -isochasmic -isocheim -isocheimal -isocheimenal -isocheimic -isocheimonal -isochlor -isochlorophyll -isochlorophyllin -isocholanic -isocholesterin -isocholesterol -isochor -isochoric -isochromatic -isochronal -isochronally -isochrone -isochronic -isochronical -isochronism -isochronize -isochronon -isochronous -isochronously -isochroous -isocinchomeronic -isocinchonine -isocitric -isoclasite -isoclimatic -isoclinal -isocline -isoclinic -isocodeine -isocola -isocolic -isocolon -isocoria -isocorybulbin -isocorybulbine -isocorydine -isocoumarin -isocracy -isocrat -isocratic -isocreosol -isocrotonic -isocrymal -isocryme -isocrymic -isocyanate -isocyanic -isocyanide -isocyanine -isocyano -isocyanogen -isocyanurate -isocyanuric -isocyclic -isocymene -isocytic -isodactylism -isodactylous -isodiabatic -isodialuric -isodiametric -isodiametrical -isodiazo -isodiazotate -isodimorphic -isodimorphism -isodimorphous -isodomic -isodomous -isodomum -isodont -isodontous -isodrome -isodulcite -isodurene -isodynamia -isodynamic -isodynamical -isoelectric -isoelectrically -isoelectronic -isoelemicin -isoemodin -isoenergetic -isoerucic -Isoetaceae -Isoetales -Isoetes -isoeugenol -isoflavone -isoflor -isogamete -isogametic -isogametism -isogamic -isogamous -isogamy -isogen -isogenesis -isogenetic -isogenic -isogenotype -isogenotypic -isogenous -isogeny -isogeotherm -isogeothermal -isogeothermic -isogloss -isoglossal -isognathism -isognathous -isogon -isogonal -isogonality -isogonally -isogonic -isogoniostat -isogonism -isograft -isogram -isograph -isographic -isographical -isographically -isography -isogynous -isohaline -isohalsine -isohel -isohemopyrrole -isoheptane -isohesperidin -isohexyl -isohydric -isohydrocyanic -isohydrosorbic -isohyet -isohyetal -isoimmune -isoimmunity -isoimmunization -isoimmunize -isoindazole -isoindigotin -isoindole -isoionone -isokeraunic -isokeraunographic -isokeraunophonic -Isokontae -isokontan -isokurtic -isolability -isolable -isolapachol -isolate -isolated -isolatedly -isolating -isolation -isolationism -isolationist -isolative -Isolde -isolecithal -isoleucine -isolichenin -isolinolenic -isologous -isologue -isology -Isoloma -isolysin -isolysis -isomagnetic -isomaltose -isomastigate -isomelamine -isomenthone -isomer -Isomera -isomere -isomeric -isomerical -isomerically -isomeride -isomerism -isomerization -isomerize -isomeromorphism -isomerous -isomery -isometric -isometrical -isometrically -isometrograph -isometropia -isometry -isomorph -isomorphic -isomorphism -isomorphous -Isomyaria -isomyarian -isoneph -isonephelic -isonergic -isonicotinic -isonitramine -isonitrile -isonitroso -isonomic -isonomous -isonomy -isonuclear -isonym -isonymic -isonymy -isooleic -isoosmosis -isopachous -isopag -isoparaffin -isopectic -isopelletierin -isopelletierine -isopentane -isoperimeter -isoperimetric -isoperimetrical -isoperimetry -isopetalous -isophanal -isophane -isophasal -isophene -isophenomenal -isophoria -isophorone -isophthalic -isophthalyl -isophyllous -isophylly -isopicramic -isopiestic -isopiestically -isopilocarpine -isoplere -isopleth -Isopleura -isopleural -isopleuran -isopleurous -isopod -Isopoda -isopodan -isopodiform -isopodimorphous -isopodous -isopogonous -isopolite -isopolitical -isopolity -isopoly -isoprene -isopropenyl -isopropyl -isopropylacetic -isopropylamine -isopsephic -isopsephism -Isoptera -isopterous -isoptic -isopulegone -isopurpurin -isopycnic -isopyre -isopyromucic -isopyrrole -isoquercitrin -isoquinine -isoquinoline -isorcinol -isorhamnose -isorhodeose -isorithm -isorosindone -isorrhythmic -isorropic -isosaccharic -isosaccharin -isoscele -isosceles -isoscope -isoseismal -isoseismic -isoseismical -isoseist -isoserine -isosmotic -Isospondyli -isospondylous -isospore -isosporic -isosporous -isospory -isostasist -isostasy -isostatic -isostatical -isostatically -isostemonous -isostemony -isostere -isosteric -isosterism -isostrychnine -isosuccinic -isosulphide -isosulphocyanate -isosulphocyanic -isosultam -isotac -isoteles -isotely -isotheral -isothere -isotherm -isothermal -isothermally -isothermic -isothermical -isothermobath -isothermobathic -isothermous -isotherombrose -isothiocyanates -isothiocyanic -isothiocyano -isothujone -isotimal -isotome -isotomous -isotonia -isotonic -isotonicity -isotony -isotope -isotopic -isotopism -isotopy -isotrehalose -Isotria -isotrimorphic -isotrimorphism -isotrimorphous -isotron -isotrope -isotropic -isotropism -isotropous -isotropy -isotype -isotypic -isotypical -isovalerate -isovalerianate -isovalerianic -isovaleric -isovalerone -isovaline -isovanillic -isovoluminal -isoxanthine -isoxazine -isoxazole -isoxime -isoxylene -isoyohimbine -isozooid -ispaghul -ispravnik -Israel -Israeli -Israelite -Israeliteship -Israelitic -Israelitish -Israelitism -Israelitize -issanguila -Issedoi -Issedones -issei -issite -issuable -issuably -issuance -issuant -issue -issueless -issuer -issuing -ist -isthmi -Isthmia -isthmial -isthmian -isthmiate -isthmic -isthmoid -isthmus -istiophorid -Istiophoridae -Istiophorus -istle -istoke -Istrian -Istvaeones -isuret -isuretine -Isuridae -isuroid -Isurus -Iswara -it -Ita -itabirite -itacism -itacist -itacistic -itacolumite -itaconate -itaconic -Itala -Itali -Italian -Italianate -Italianately -Italianation -Italianesque -Italianish -Italianism -Italianist -Italianity -Italianization -Italianize -Italianizer -Italianly -Italic -Italical -Italically -Italican -Italicanist -Italici -Italicism -italicization -italicize -italics -Italiote -italite -Italomania -Italon -Italophile -itamalate -itamalic -itatartaric -itatartrate -Itaves -itch -itchiness -itching -itchingly -itchless -itchproof -itchreed -itchweed -itchy -itcze -Itea -Iteaceae -Itelmes -item -iteming -itemization -itemize -itemizer -itemy -Iten -Itenean -iter -iterable -iterance -iterancy -iterant -iterate -iteration -iterative -iteratively -iterativeness -Ithaca -Ithacan -Ithacensian -ithagine -Ithaginis -ither -Ithiel -ithomiid -Ithomiidae -Ithomiinae -ithyphallic -Ithyphallus -ithyphyllous -itineracy -itinerancy -itinerant -itinerantly -itinerarian -Itinerarium -itinerary -itinerate -itineration -itmo -Ito -Itoism -Itoist -Itoland -Itonama -Itonaman -Itonia -itonidid -Itonididae -itoubou -its -itself -Ituraean -iturite -Itylus -Itys -Itza -itzebu -iva -Ivan -ivied -ivin -ivoried -ivorine -ivoriness -ivorist -ivory -ivorylike -ivorytype -ivorywood -ivy -ivybells -ivyberry -ivyflower -ivylike -ivyweed -ivywood -ivywort -iwa -iwaiwa -iwis -Ixia -Ixiaceae -Ixiama -Ixil -Ixion -Ixionian -Ixodes -ixodian -ixodic -ixodid -Ixodidae -Ixora -iyo -Izar -izar -izard -Izcateco -Izchak -Izdubar -izle -izote -iztle -Izumi -izzard -Izzy -J -j -Jaalin -jab -Jabarite -jabbed -jabber -jabberer -jabbering -jabberingly -jabberment -Jabberwock -jabberwockian -Jabberwocky -jabbing -jabbingly -jabble -jabers -jabia -jabiru -jaborandi -jaborine -jabot -jaboticaba -jabul -jacal -Jacaltec -Jacalteca -jacamar -Jacamaralcyon -jacameropine -Jacamerops -jacami -jacamin -Jacana -jacana -Jacanidae -Jacaranda -jacare -jacate -jacchus -jacent -jacinth -jacinthe -Jack -jack -jackal -jackanapes -jackanapish -jackaroo -jackass -jackassery -jackassification -jackassism -jackassness -jackbird -jackbox -jackboy -jackdaw -jackeen -jacker -jacket -jacketed -jacketing -jacketless -jacketwise -jackety -jackfish -jackhammer -jackknife -jackleg -jackman -jacko -jackpudding -jackpuddinghood -jackrod -jacksaw -jackscrew -jackshaft -jackshay -jacksnipe -Jackson -Jacksonia -Jacksonian -Jacksonite -jackstay -jackstone -jackstraw -jacktan -jackweed -jackwood -Jacky -Jackye -Jacob -jacobaea -jacobaean -Jacobean -Jacobian -Jacobic -Jacobin -Jacobinia -Jacobinic -Jacobinical -Jacobinically -Jacobinism -Jacobinization -Jacobinize -Jacobite -Jacobitely -Jacobitiana -Jacobitic -Jacobitical -Jacobitically -Jacobitish -Jacobitishly -Jacobitism -jacobsite -Jacobson -jacobus -jacoby -jaconet -Jacqueminot -Jacques -jactance -jactancy -jactant -jactation -jactitate -jactitation -jacu -jacuaru -jaculate -jaculation -jaculative -jaculator -jaculatorial -jaculatory -jaculiferous -Jacunda -jacutinga -jadder -jade -jaded -jadedly -jadedness -jadeite -jadery -jadesheen -jadeship -jadestone -jadish -jadishly -jadishness -jady -jaeger -jag -Jaga -Jagannath -Jagannatha -jagat -Jagatai -Jagataic -Jagath -jager -jagged -jaggedly -jaggedness -jagger -jaggery -jaggy -jagir -jagirdar -jagla -jagless -jagong -jagrata -jagua -jaguar -jaguarete -Jahve -Jahvist -Jahvistic -jail -jailage -jailbird -jaildom -jailer -jaileress -jailering -jailership -jailhouse -jailish -jailkeeper -jaillike -jailmate -jailward -jailyard -Jaime -Jain -Jaina -Jainism -Jainist -Jaipuri -jajman -Jake -jake -jakes -jako -Jakob -Jakun -Jalalaean -jalap -jalapa -jalapin -jalkar -jalloped -jalopy -jalouse -jalousie -jalousied -jalpaite -Jam -jam -jama -Jamaica -Jamaican -jaman -jamb -jambalaya -jambeau -jambo -jambolan -jambone -jambool -jamboree -Jambos -jambosa -jambstone -jamdani -James -Jamesian -Jamesina -jamesonite -jami -Jamie -jamlike -jammedness -jammer -jammy -Jamnia -jampan -jampani -jamrosade -jamwood -Jan -janapa -janapan -Jane -jane -Janet -jangada -Janghey -jangkar -jangle -jangler -jangly -Janice -janiceps -Janiculan -Janiculum -Janiform -janissary -janitor -janitorial -janitorship -janitress -janitrix -Janizarian -Janizary -jank -janker -jann -jannock -Janos -Jansenism -Jansenist -Jansenistic -Jansenistical -Jansenize -Janthina -Janthinidae -jantu -janua -Januarius -January -Janus -Januslike -jaob -Jap -jap -japaconine -japaconitine -Japan -japan -Japanee -Japanese -Japanesque -Japanesquely -Japanesquery -Japanesy -Japanicize -Japanism -Japanization -Japanize -japanned -Japanner -japanner -japannery -Japannish -Japanolatry -Japanologist -Japanology -Japanophile -Japanophobe -Japanophobia -jape -japer -japery -Japetus -Japheth -Japhetic -Japhetide -Japhetite -japing -japingly -japish -japishly -japishness -Japonic -japonica -Japonically -Japonicize -Japonism -Japonize -Japonizer -Japygidae -japygoid -Japyx -Jaqueline -Jaquesian -jaquima -jar -jara -jaragua -jararaca -jararacussu -jarbird -jarble -jarbot -jardiniere -Jared -jarfly -jarful -jarg -jargon -jargonal -jargoneer -jargonelle -jargoner -jargonesque -jargonic -jargonish -jargonist -jargonistic -jargonium -jargonization -jargonize -jarkman -Jarl -jarl -jarldom -jarless -jarlship -Jarmo -jarnut -jarool -jarosite -jarra -jarrah -jarring -jarringly -jarringness -jarry -jarvey -Jarvis -jasey -jaseyed -Jasione -Jasminaceae -jasmine -jasmined -jasminewood -Jasminum -jasmone -Jason -jaspachate -jaspagate -Jasper -jasper -jasperated -jaspered -jasperize -jasperoid -jaspery -jaspidean -jaspideous -jaspilite -jaspis -jaspoid -jasponyx -jaspopal -jass -jassid -Jassidae -jassoid -Jat -jatamansi -Jateorhiza -jateorhizine -jatha -jati -Jatki -Jatni -jato -Jatropha -jatrophic -jatrorrhizine -Jatulian -jaudie -jauk -jaun -jaunce -jaunder -jaundice -jaundiceroot -jaunt -jauntie -jauntily -jauntiness -jauntingly -jaunty -jaup -Java -Javahai -javali -Javan -Javanee -Javanese -javelin -javelina -javeline -javelineer -javer -Javitero -jaw -jawab -jawbation -jawbone -jawbreaker -jawbreaking -jawbreakingly -jawed -jawfall -jawfallen -jawfish -jawfoot -jawfooted -jawless -jawsmith -jawy -Jay -jay -Jayant -Jayesh -jayhawk -jayhawker -jaypie -jaywalk -jaywalker -jazerant -Jazyges -jazz -jazzer -jazzily -jazziness -jazzy -jealous -jealously -jealousness -jealousy -Jeames -Jean -jean -Jean-Christophe -Jean-Pierre -Jeanette -Jeanie -Jeanne -Jeannette -Jeannie -Jeanpaulia -jeans -Jeany -Jebus -Jebusi -Jebusite -Jebusitic -Jebusitical -Jebusitish -jecoral -jecorin -jecorize -jed -jedcock -jedding -jeddock -jeel -jeep -jeer -jeerer -jeering -jeeringly -jeerproof -jeery -jeewhillijers -jeewhillikens -Jef -Jeff -jeff -jefferisite -Jeffersonia -Jeffersonian -Jeffersonianism -jeffersonite -Jeffery -Jeffie -Jeffrey -Jehovah -Jehovic -Jehovism -Jehovist -Jehovistic -jehu -jehup -jejunal -jejunator -jejune -jejunely -jejuneness -jejunitis -jejunity -jejunoduodenal -jejunoileitis -jejunostomy -jejunotomy -jejunum -jelab -jelerang -jelick -jell -jellica -jellico -jellied -jelliedness -jellification -jellify -jellily -jelloid -jelly -jellydom -jellyfish -jellyleaf -jellylike -Jelske -jelutong -Jem -jemadar -Jemez -Jemima -jemmily -jemminess -Jemmy -jemmy -Jenine -jenkin -jenna -jennerization -jennerize -jennet -jenneting -Jennie -jennier -Jennifer -Jenny -jenny -Jenson -jentacular -jeofail -jeopard -jeoparder -jeopardize -jeopardous -jeopardously -jeopardousness -jeopardy -jequirity -Jerahmeel -Jerahmeelites -Jerald -jerboa -jereed -jeremejevite -jeremiad -Jeremiah -Jeremian -Jeremianic -Jeremias -Jeremy -jerez -jerib -jerk -jerker -jerkily -jerkin -jerkined -jerkiness -jerkingly -jerkish -jerksome -jerkwater -jerky -jerl -jerm -jermonal -Jeroboam -Jerome -Jeromian -Jeronymite -jerque -jerquer -Jerrie -Jerry -jerry -jerryism -Jersey -jersey -Jerseyan -jerseyed -Jerseyite -Jerseyman -jert -Jerusalem -jervia -jervina -jervine -Jesper -Jess -jess -jessakeed -jessamine -jessamy -jessant -Jesse -Jessean -jessed -Jessica -Jessie -jessur -jest -jestbook -jestee -jester -jestful -jesting -jestingly -jestingstock -jestmonger -jestproof -jestwise -jestword -Jesu -Jesuate -Jesuit -Jesuited -Jesuitess -Jesuitic -Jesuitical -Jesuitically -Jesuitish -Jesuitism -Jesuitist -Jesuitize -Jesuitocracy -Jesuitry -Jesus -jet -jetbead -jete -Jethro -Jethronian -jetsam -jettage -jetted -jetter -jettied -jettiness -jettingly -jettison -jetton -jetty -jettyhead -jettywise -jetware -Jew -jewbird -jewbush -Jewdom -jewel -jeweler -jewelhouse -jeweling -jewelless -jewellike -jewelry -jewelsmith -jewelweed -jewely -Jewess -jewfish -Jewhood -Jewish -Jewishly -Jewishness -Jewism -Jewless -Jewlike -Jewling -Jewry -Jewship -Jewstone -Jewy -jezail -Jezebel -Jezebelian -Jezebelish -jezekite -jeziah -Jezreelite -jharal -jheel -jhool -jhow -Jhuria -Ji -Jianyun -jib -jibbah -jibber -jibbings -jibby -jibe -jibhead -jibi -jibman -jiboa -jibstay -jicama -Jicaque -Jicaquean -jicara -Jicarilla -jiff -jiffle -jiffy -jig -jigamaree -jigger -jiggerer -jiggerman -jiggers -jigget -jiggety -jigginess -jiggish -jiggle -jiggly -jiggumbob -jiggy -jiglike -jigman -jihad -jikungu -Jill -jillet -jillflirt -jilt -jiltee -jilter -jiltish -Jim -jimbang -jimberjaw -jimberjawed -jimjam -Jimmy -jimmy -jimp -jimply -jimpness -jimpricute -jimsedge -Jin -jina -jincamas -Jincan -Jinchao -jing -jingal -Jingbai -jingbang -jingle -jingled -jinglejangle -jingler -jinglet -jingling -jinglingly -jingly -jingo -jingodom -jingoish -jingoism -jingoist -jingoistic -jinja -jinjili -jink -jinker -jinket -jinkle -jinks -jinn -jinnestan -jinni -jinniwink -jinniyeh -Jinny -jinny -jinriki -jinrikiman -jinrikisha -jinshang -jinx -jipijapa -jipper -jiqui -jirble -jirga -Jiri -jirkinet -Jisheng -Jitendra -jiti -jitneur -jitneuse -jitney -jitneyman -jitro -jitter -jitterbug -jitters -jittery -jiva -Jivaran -Jivaro -Jivaroan -jive -jixie -Jo -jo -Joachim -Joachimite -Joan -Joanna -Joanne -Joannite -joaquinite -Job -job -jobade -jobarbe -jobation -jobber -jobbernowl -jobbernowlism -jobbery -jobbet -jobbing -jobbish -jobble -jobholder -jobless -joblessness -jobman -jobmaster -jobmistress -jobmonger -jobo -jobsmith -Jocasta -Jocelin -Joceline -Jocelyn -joch -Jochen -Jock -jock -jocker -jockey -jockeydom -jockeyish -jockeyism -jockeylike -jockeyship -jocko -jockteleg -jocoque -jocose -jocosely -jocoseness -jocoseriosity -jocoserious -jocosity -jocote -jocu -jocular -jocularity -jocularly -jocularness -joculator -jocum -jocuma -jocund -jocundity -jocundly -jocundness -jodel -jodelr -jodhpurs -Jodo -Joe -joe -joebush -Joel -joewood -Joey -joey -jog -jogger -joggle -joggler -jogglety -jogglework -joggly -jogtrottism -Johan -Johann -Johanna -Johannean -Johannes -johannes -Johannine -Johannisberger -Johannist -Johannite -johannite -John -Johnadreams -Johnathan -Johnian -johnin -Johnnie -Johnny -johnnycake -johnnydom -Johnsmas -Johnsonese -Johnsonian -Johnsoniana -Johnsonianism -Johnsonianly -Johnsonism -johnstrupite -join -joinable -joinant -joinder -joiner -joinery -joining -joiningly -joint -jointage -jointed -jointedly -jointedness -jointer -jointing -jointist -jointless -jointly -jointress -jointure -jointureless -jointuress -jointweed -jointworm -jointy -joist -joisting -joistless -jojoba -joke -jokeless -jokelet -jokeproof -joker -jokesmith -jokesome -jokesomeness -jokester -jokingly -jokish -jokist -jokul -joky -joll -jolleyman -jollier -jollification -jollify -jollily -jolliness -jollity -jollop -jolloped -jolly -jollytail -Joloano -jolt -jolter -jolterhead -jolterheaded -jolterheadedness -jolthead -joltiness -jolting -joltingly -joltless -joltproof -jolty -Jon -Jonah -Jonahesque -Jonahism -Jonas -Jonathan -Jonathanization -Jones -Jonesian -Jong -jonglery -jongleur -Joni -jonque -jonquil -jonquille -Jonsonian -Jonval -jonvalization -jonvalize -jookerie -joola -joom -Joon -Jophiel -Jordan -jordan -Jordanian -jordanite -joree -Jorge -Jorist -jorum -Jos -Jose -josefite -joseite -Joseph -Josepha -Josephine -Josephinism -josephinite -Josephism -Josephite -Josh -josh -josher -joshi -Joshua -Josiah -josie -Josip -joskin -joss -jossakeed -josser -jostle -jostlement -jostler -jot -jota -jotation -jotisi -Jotnian -jotter -jotting -jotty -joubarb -Joubert -joug -jough -jouk -joukerypawkery -joule -joulean -joulemeter -jounce -journal -journalese -journalish -journalism -journalist -journalistic -journalistically -journalization -journalize -journalizer -journey -journeycake -journeyer -journeying -journeyman -journeywoman -journeywork -journeyworker -jours -joust -jouster -Jova -Jove -Jovial -jovial -jovialist -jovialistic -joviality -jovialize -jovially -jovialness -jovialty -Jovian -Jovianly -Jovicentric -Jovicentrical -Jovicentrically -jovilabe -Joviniamish -Jovinian -Jovinianist -Jovite -jow -jowar -jowari -jowel -jower -jowery -jowl -jowler -jowlish -jowlop -jowly -jowpy -jowser -jowter -joy -joyance -joyancy -joyant -Joyce -joyful -joyfully -joyfulness -joyhop -joyleaf -joyless -joylessly -joylessness -joylet -joyous -joyously -joyousness -joyproof -joysome -joyweed -Jozy -Ju -Juan -Juang -juba -jubate -jubbah -jubbe -jube -juberous -jubilance -jubilancy -jubilant -jubilantly -jubilarian -jubilate -jubilatio -jubilation -jubilatory -jubilean -jubilee -jubilist -jubilization -jubilize -jubilus -juck -juckies -Jucuna -jucundity -jud -Judaeomancy -Judaeophile -Judaeophilism -Judaeophobe -Judaeophobia -Judah -Judahite -Judaic -Judaica -Judaical -Judaically -Judaism -Judaist -Judaistic -Judaistically -Judaization -Judaize -Judaizer -Judas -Judaslike -judcock -Jude -Judean -judex -Judge -judge -judgeable -judgelike -judger -judgeship -judgingly -judgmatic -judgmatical -judgmatically -judgment -Judica -judicable -judicate -judication -judicative -judicator -judicatorial -judicatory -judicature -judices -judiciable -judicial -judiciality -judicialize -judicially -judicialness -judiciarily -judiciary -judicious -judiciously -judiciousness -Judith -judo -Judophobism -Judy -Juergen -jufti -jug -Juga -jugal -jugale -Jugatae -jugate -jugated -jugation -juger -jugerum -jugful -jugger -Juggernaut -juggernaut -Juggernautish -juggins -juggle -jugglement -juggler -jugglery -juggling -jugglingly -Juglandaceae -juglandaceous -Juglandales -juglandin -Juglans -juglone -jugular -Jugulares -jugulary -jugulate -jugulum -jugum -Jugurthine -Juha -juice -juiceful -juiceless -juicily -juiciness -juicy -jujitsu -juju -jujube -jujuism -jujuist -juke -jukebox -Jule -julep -Jules -Juletta -Julia -Julian -Juliana -Juliane -Julianist -Julianto -julid -Julidae -julidan -Julie -Julien -julienite -julienne -Juliet -Julietta -julio -Julius -juloid -Juloidea -juloidian -julole -julolidin -julolidine -julolin -juloline -Julus -July -Julyflower -Jumada -Jumana -jumart -jumba -jumble -jumblement -jumbler -jumblingly -jumbly -jumbo -jumboesque -jumboism -jumbuck -jumby -jumelle -jument -jumentous -jumfru -jumillite -jumma -jump -jumpable -jumper -jumperism -jumpiness -jumpingly -jumpness -jumprock -jumpseed -jumpsome -jumpy -Jun -Juncaceae -juncaceous -Juncaginaceae -juncaginaceous -juncagineous -junciform -juncite -Junco -Juncoides -juncous -junction -junctional -junctive -juncture -Juncus -June -june -Juneberry -Junebud -junectomy -Juneflower -Jungermannia -Jungermanniaceae -jungermanniaceous -Jungermanniales -jungle -jungled -jungleside -junglewards -junglewood -jungli -jungly -juniata -junior -juniorate -juniority -juniorship -juniper -Juniperaceae -Juniperus -Junius -junk -junkboard -Junker -junker -Junkerdom -junkerdom -junkerish -Junkerism -junkerism -junket -junketer -junketing -junking -junkman -Juno -Junoesque -Junonia -Junonian -junt -junta -junto -jupati -jupe -Jupiter -jupon -Jur -Jura -jural -jurally -jurament -juramentado -juramental -juramentally -juramentum -Jurane -jurant -jurara -Jurassic -jurat -juration -jurative -jurator -juratorial -juratory -jure -jurel -Jurevis -Juri -juridic -juridical -juridically -juring -jurisconsult -jurisdiction -jurisdictional -jurisdictionalism -jurisdictionally -jurisdictive -jurisprudence -jurisprudent -jurisprudential -jurisprudentialist -jurisprudentially -jurist -juristic -juristical -juristically -juror -jurupaite -jury -juryless -juryman -jurywoman -jusquaboutisme -jusquaboutist -jussel -Jussi -Jussiaea -Jussiaean -Jussieuan -jussion -jussive -jussory -just -justen -justice -justicehood -justiceless -justicelike -justicer -justiceship -justiceweed -Justicia -justiciability -justiciable -justicial -justiciar -justiciarship -justiciary -justiciaryship -justicies -justifiability -justifiable -justifiableness -justifiably -justification -justificative -justificator -justificatory -justifier -justify -justifying -justifyingly -Justin -Justina -Justine -Justinian -Justinianian -Justinianist -justly -justment -justness -justo -Justus -jut -Jute -jute -Jutic -Jutish -jutka -Jutlander -Jutlandish -jutting -juttingly -jutty -Juturna -Juvavian -juvenal -Juvenalian -juvenate -juvenescence -juvenescent -juvenile -juvenilely -juvenileness -juvenilify -juvenilism -juvenility -juvenilize -Juventas -juventude -Juverna -juvia -juvite -juxtalittoral -juxtamarine -juxtapose -juxtaposit -juxtaposition -juxtapositional -juxtapositive -juxtapyloric -juxtaspinal -juxtaterrestrial -juxtatropical -Juyas -Juza -Jwahar -Jynginae -jyngine -Jynx -jynx -K -k -ka -Kababish -Kabaka -kabaragoya -Kabard -Kabardian -kabaya -Kabbeljaws -kabel -kaberu -kabiet -Kabirpanthi -Kabistan -Kabonga -kabuki -Kabuli -Kabyle -Kachari -Kachin -kachin -Kadaga -Kadarite -kadaya -Kadayan -Kaddish -kadein -kadikane -kadischi -Kadmi -kados -Kadu -kaempferol -Kaf -Kafa -kaferita -Kaffir -kaffir -kaffiyeh -Kaffraria -Kaffrarian -Kafir -kafir -Kafiri -kafirin -kafiz -Kafka -Kafkaesque -kafta -kago -kagu -kaha -kahar -kahau -kahikatea -kahili -kahu -kahuna -kai -Kaibab -Kaibartha -kaid -kaik -kaikara -kaikawaka -kail -kailyard -kailyarder -kailyardism -Kaimo -Kainah -kainga -kainite -kainsi -kainyn -kairine -kairoline -kaiser -kaiserdom -kaiserism -kaisership -kaitaka -Kaithi -kaiwhiria -kaiwi -Kaj -Kajar -kajawah -kajugaru -kaka -Kakan -kakapo -kakar -kakarali -kakariki -Kakatoe -Kakatoidae -kakawahie -kaki -kakidrosis -kakistocracy -kakkak -kakke -kakortokite -kala -kaladana -kalamalo -kalamansanai -Kalamian -Kalanchoe -Kalandariyah -Kalang -Kalapooian -kalashnikov -kalasie -Kaldani -kale -kaleidophon -kaleidophone -kaleidoscope -kaleidoscopic -kaleidoscopical -kaleidoscopically -Kalekah -kalema -Kalendae -kalends -kalewife -kaleyard -kali -kalian -Kaliana -kaliborite -kalidium -kaliform -kaligenous -Kalinga -kalinite -kaliophilite -kalipaya -Kalispel -kalium -kallah -kallege -kallilite -Kallima -kallitype -Kalmarian -Kalmia -Kalmuck -kalo -kalogeros -kalokagathia -kalon -kalong -kalpis -kalsomine -kalsominer -kalumpang -kalumpit -Kalwar -kalymmaukion -kalymmocyte -kamachile -kamacite -kamahi -kamala -kamaloka -kamansi -kamao -Kamares -kamarezite -kamarupa -kamarupic -kamas -Kamasin -Kamass -kamassi -Kamba -kambal -kamboh -Kamchadal -Kamchatkan -kame -kameeldoorn -kameelthorn -Kamel -kamelaukion -kamerad -kamias -kamichi -kamik -kamikaze -Kamiya -kammalan -kammererite -kamperite -kampong -kamptomorph -kan -kana -kanae -kanagi -Kanaka -kanap -kanara -Kanarese -kanari -kanat -Kanauji -Kanawari -Kanawha -kanchil -kande -Kandelia -kandol -kaneh -kanephore -kanephoros -Kaneshite -Kanesian -kang -kanga -kangani -kangaroo -kangarooer -Kangli -Kanji -Kankanai -kankie -kannume -kanoon -Kanred -kans -Kansa -Kansan -kantele -kanteletar -kanten -Kanthan -Kantian -Kantianism -Kantism -Kantist -Kanuri -Kanwar -kaoliang -kaolin -kaolinate -kaolinic -kaolinite -kaolinization -kaolinize -kapa -kapai -kapeika -kapok -kapp -kappa -kappe -kappland -kapur -kaput -Karabagh -karagan -Karaism -Karaite -Karaitism -karaka -Karakatchan -Karakul -karakul -Karamojo -karamu -karaoke -Karatas -karate -Karaya -karaya -karbi -karch -kareao -kareeta -Karel -karela -Karelian -Karen -Karharbari -Kari -karite -Karl -Karling -Karluk -karma -Karmathian -karmic -karmouth -karo -kaross -karou -karree -karri -Karroo -karroo -karrusel -karsha -Karshuni -Karst -karst -karstenite -karstic -kartel -Karthli -kartometer -kartos -Kartvel -Kartvelian -karwar -Karwinskia -karyaster -karyenchyma -karyochrome -karyochylema -karyogamic -karyogamy -karyokinesis -karyokinetic -karyologic -karyological -karyologically -karyology -karyolymph -Karyolysidae -karyolysis -Karyolysus -karyolytic -karyomere -karyomerite -karyomicrosome -karyomitoic -karyomitome -karyomiton -karyomitosis -karyomitotic -karyon -karyoplasm -karyoplasma -karyoplasmatic -karyoplasmic -karyopyknosis -karyorrhexis -karyoschisis -karyosome -karyotin -karyotype -kasa -kasbah -kasbeke -kascamiol -Kasha -Kashan -kasher -kashga -kashi -kashima -Kashmiri -Kashmirian -Kashoubish -kashruth -Kashube -Kashubian -Kashyapa -kasida -Kasikumuk -Kaska -Kaskaskia -kasm -kasolite -kassabah -Kassak -Kassite -kassu -kastura -Kasubian -kat -Katabanian -katabasis -katabatic -katabella -katabolic -katabolically -katabolism -katabolite -katabolize -katabothron -katachromasis -katacrotic -katacrotism -katagenesis -katagenetic -katakana -katakinesis -katakinetic -katakinetomer -katakinetomeric -katakiribori -katalase -katalysis -katalyst -katalytic -katalyze -katamorphism -kataphoresis -kataphoretic -kataphoric -kataphrenia -kataplasia -kataplectic -kataplexy -katar -katastate -katastatic -katathermometer -katatonia -katatonic -katatype -katchung -katcina -Kate -kath -Katha -katha -kathal -Katharina -Katharine -katharometer -katharsis -kathartic -kathemoglobin -kathenotheism -Kathleen -kathodic -Kathopanishad -Kathryn -Kathy -Katie -Katik -Katinka -katipo -Katipunan -Katipuneros -katmon -katogle -Katrine -Katrinka -katsup -Katsuwonidae -katuka -Katukina -katun -katurai -Katy -katydid -Kauravas -kauri -kava -kavaic -kavass -Kavi -Kaw -kawaka -Kawchodinne -kawika -Kay -kay -kayak -kayaker -Kayan -Kayasth -Kayastha -kayles -kayo -Kayvan -Kazak -kazi -kazoo -Kazuhiro -kea -keach -keacorn -Keatsian -keawe -keb -kebab -kebbie -kebbuck -kechel -keck -keckle -keckling -kecksy -kecky -ked -Kedar -Kedarite -keddah -kedge -kedger -kedgeree -kedlock -Kedushshah -Kee -keech -keek -keeker -keel -keelage -keelbill -keelblock -keelboat -keelboatman -keeled -keeler -keelfat -keelhale -keelhaul -keelie -keeling -keelivine -keelless -keelman -keelrake -keelson -keen -keena -keened -keener -keenly -keenness -keep -keepable -keeper -keeperess -keepering -keeperless -keepership -keeping -keepsake -keepsaky -keepworthy -keerogue -Kees -keeshond -keest -keet -keeve -Keewatin -kef -keffel -kefir -kefiric -Kefti -Keftian -Keftiu -keg -kegler -kehaya -kehillah -kehoeite -Keid -keilhauite -keita -Keith -keitloa -Kekchi -kekotene -kekuna -kelchin -keld -Kele -kele -kelebe -kelectome -keleh -kelek -kelep -Kelima -kelk -kell -kella -kellion -kellupweed -Kelly -kelly -keloid -keloidal -kelp -kelper -kelpfish -kelpie -kelpware -kelpwort -kelpy -kelt -kelter -Keltoi -kelty -Kelvin -kelvin -kelyphite -Kemal -Kemalism -Kemalist -kemb -kemp -kemperyman -kempite -kemple -kempster -kempt -kempy -Ken -ken -kenaf -Kenai -kenareh -kench -kend -kendir -kendyr -Kenelm -Kenipsim -kenlore -kenmark -Kenn -Kennebec -kennebecker -kennebunker -Kennedya -kennel -kennelly -kennelman -kenner -Kenneth -kenning -kenningwort -kenno -keno -kenogenesis -kenogenetic -kenogenetically -kenogeny -kenosis -kenotic -kenoticism -kenoticist -kenotism -kenotist -kenotoxin -kenotron -Kenseikai -kensington -Kensitite -kenspac -kenspeck -kenspeckle -Kent -kent -kentallenite -Kentia -Kenticism -Kentish -Kentishman -kentledge -Kenton -kentrogon -kentrolite -Kentuckian -Kentucky -kenyte -kep -kepi -Keplerian -kept -Ker -keracele -keralite -kerana -keraphyllocele -keraphyllous -kerasin -kerasine -kerat -keratalgia -keratectasia -keratectomy -Keraterpeton -keratin -keratinization -keratinize -keratinoid -keratinose -keratinous -keratitis -keratoangioma -keratocele -keratocentesis -keratoconjunctivitis -keratoconus -keratocricoid -keratode -keratodermia -keratogenic -keratogenous -keratoglobus -keratoglossus -keratohelcosis -keratohyal -keratoid -Keratoidea -keratoiritis -Keratol -keratoleukoma -keratolysis -keratolytic -keratoma -keratomalacia -keratome -keratometer -keratometry -keratomycosis -keratoncus -keratonosus -keratonyxis -keratophyre -keratoplastic -keratoplasty -keratorrhexis -keratoscope -keratoscopy -keratose -keratosis -keratotome -keratotomy -keratto -keraulophon -keraulophone -Keraunia -keraunion -keraunograph -keraunographic -keraunography -keraunophone -keraunophonic -keraunoscopia -keraunoscopy -kerbstone -kerchief -kerchiefed -kerchoo -kerchug -kerchunk -kerectomy -kerel -Keres -Keresan -Kerewa -kerf -kerflap -kerflop -kerflummox -Kerite -Kermanji -Kermanshah -kermes -kermesic -kermesite -kermis -kern -kernel -kerneled -kernelless -kernelly -kerner -kernetty -kernish -kernite -kernos -kerogen -kerosene -kerplunk -Kerri -Kerria -kerrie -kerrikerri -kerril -kerrite -Kerry -kerry -kersantite -kersey -kerseymere -kerslam -kerslosh -kersmash -kerugma -kerwham -kerygma -kerygmatic -kerykeion -kerystic -kerystics -Keryx -kesslerman -kestrel -ket -keta -ketal -ketapang -ketazine -ketch -ketchcraft -ketchup -ketembilla -keten -ketene -ketimide -ketimine -ketipate -ketipic -keto -ketogen -ketogenesis -ketogenic -ketoheptose -ketohexose -ketoketene -ketol -ketole -ketolysis -ketolytic -ketone -ketonemia -ketonic -ketonimid -ketonimide -ketonimin -ketonimine -ketonization -ketonize -ketonuria -ketose -ketoside -ketosis -ketosuccinic -ketoxime -kette -ketting -kettle -kettlecase -kettledrum -kettledrummer -kettleful -kettlemaker -kettlemaking -kettler -ketty -Ketu -ketuba -ketupa -ketyl -keup -Keuper -keurboom -kevalin -Kevan -kevel -kevelhead -Kevin -kevutzah -Kevyn -Keweenawan -keweenawite -kewpie -kex -kexy -key -keyage -keyboard -keyed -keyhole -keyless -keylet -keylock -Keynesian -Keynesianism -keynote -keynoter -keyseater -keyserlick -keysmith -keystone -keystoned -Keystoner -keyway -Kha -khaddar -khadi -khagiarite -khahoon -khaiki -khair -khaja -khajur -khakanship -khaki -khakied -Khaldian -khalifa -Khalifat -Khalkha -khalsa -Khami -khamsin -Khamti -khan -khanate -khanda -khandait -khanjar -khanjee -khankah -khansamah -khanum -khar -kharaj -Kharia -Kharijite -Kharoshthi -kharouba -kharroubah -Khartoumer -kharua -Kharwar -Khasa -Khasi -khass -khat -khatib -khatri -Khatti -Khattish -Khaya -Khazar -Khazarian -khediva -khedival -khedivate -khedive -khediviah -khedivial -khediviate -khepesh -Kherwari -Kherwarian -khet -Khevzur -khidmatgar -Khila -khilat -khir -khirka -Khitan -Khivan -Khlysti -Khmer -Khoja -khoja -khoka -Khokani -Khond -Khorassan -khot -Khotan -Khotana -Khowar -khu -Khuai -khubber -khula -khuskhus -Khussak -khutbah -khutuktu -Khuzi -khvat -Khwarazmian -kiack -kiaki -kialee -kiang -Kiangan -kiaugh -kibber -kibble -kibbler -kibblerman -kibe -kibei -kibitka -kibitz -kibitzer -kiblah -kibosh -kiby -kick -kickable -Kickapoo -kickback -kickee -kicker -kicking -kickish -kickless -kickoff -kickout -kickseys -kickshaw -kickup -Kidder -kidder -Kidderminster -kiddier -kiddish -kiddush -kiddushin -kiddy -kidhood -kidlet -kidling -kidnap -kidnapee -kidnaper -kidney -kidneyroot -kidneywort -Kids -kidskin -kidsman -kiefekil -Kieffer -kiekie -kiel -kier -Kieran -kieselguhr -kieserite -kiestless -kieye -Kiho -kikar -Kikatsik -kikawaeo -kike -Kiki -kiki -Kikki -Kikongo -kiku -kikuel -kikumon -Kikuyu -kil -kiladja -kilah -kilampere -kilan -kilbrickenite -kildee -kilderkin -kileh -kilerg -kiley -Kilhamite -kilhig -kiliare -kilim -kill -killable -killadar -Killarney -killas -killcalf -killcrop -killcu -killdeer -killeekillee -killeen -killer -killick -killifish -killing -killingly -killingness -killinite -killogie -killweed -killwort -killy -Kilmarnock -kiln -kilneye -kilnhole -kilnman -kilnrib -kilo -kiloampere -kilobar -kilocalorie -kilocycle -kilodyne -kilogauss -kilogram -kilojoule -kiloliter -kilolumen -kilometer -kilometrage -kilometric -kilometrical -kiloparsec -kilostere -kiloton -kilovar -kilovolt -kilowatt -kilp -kilt -kilter -kiltie -kilting -Kiluba -Kim -kim -kimbang -kimberlin -kimberlite -Kimberly -Kimbundu -Kimeridgian -kimigayo -Kimmo -kimnel -kimono -kimonoed -kin -kina -kinaesthesia -kinaesthesis -kinah -kinase -kinbote -Kinch -kinch -kinchin -kinchinmort -kincob -kind -kindergarten -kindergartener -kindergartening -kindergartner -Kinderhook -kindheart -kindhearted -kindheartedly -kindheartedness -kindle -kindler -kindlesome -kindlily -kindliness -kindling -kindly -kindness -kindred -kindredless -kindredly -kindredness -kindredship -kinematic -kinematical -kinematically -kinematics -kinematograph -kinemometer -kineplasty -kinepox -kinesalgia -kinescope -kinesiatric -kinesiatrics -kinesic -kinesics -kinesimeter -kinesiologic -kinesiological -kinesiology -kinesiometer -kinesis -kinesitherapy -kinesodic -kinesthesia -kinesthesis -kinesthetic -kinetic -kinetical -kinetically -kinetics -kinetochore -kinetogenesis -kinetogenetic -kinetogenetically -kinetogenic -kinetogram -kinetograph -kinetographer -kinetographic -kinetography -kinetomer -kinetomeric -kinetonema -kinetonucleus -kinetophone -kinetophonograph -kinetoplast -kinetoscope -kinetoscopic -King -king -kingbird -kingbolt -kingcob -kingcraft -kingcup -kingdom -kingdomed -kingdomful -kingdomless -kingdomship -kingfish -kingfisher -kinghead -kinghood -kinghunter -kingless -kinglessness -kinglet -kinglihood -kinglike -kinglily -kingliness -kingling -kingly -kingmaker -kingmaking -kingpiece -kingpin -kingrow -kingship -kingsman -Kingu -kingweed -kingwood -Kinipetu -kink -kinkable -kinkaider -kinkajou -kinkcough -kinkhab -kinkhost -kinkily -kinkiness -kinkle -kinkled -kinkly -kinksbush -kinky -kinless -kinnikinnick -kino -kinofluous -kinology -kinoplasm -kinoplasmic -Kinorhyncha -kinospore -Kinosternidae -Kinosternon -kinotannic -kinsfolk -kinship -kinsman -kinsmanly -kinsmanship -kinspeople -kinswoman -kintar -Kintyre -kioea -Kioko -kiosk -kiotome -Kiowa -Kiowan -Kioway -kip -kipage -Kipchak -kipe -Kiplingese -Kiplingism -kippeen -kipper -kipperer -kippy -kipsey -kipskin -Kiranti -Kirghiz -Kirghizean -kiri -Kirillitsa -kirimon -Kirk -kirk -kirker -kirkify -kirking -kirkinhead -kirklike -kirkman -kirktown -kirkward -kirkyard -Kirman -kirmew -kirn -kirombo -kirsch -Kirsten -Kirsty -kirtle -kirtled -Kirundi -kirve -kirver -kischen -kish -Kishambala -kishen -kishon -kishy -kiskatom -Kislev -kismet -kismetic -kisra -kiss -kissability -kissable -kissableness -kissage -kissar -kisser -kissing -kissingly -kissproof -kisswise -kissy -kist -kistful -kiswa -Kiswahili -Kit -kit -kitab -kitabis -Kitalpha -Kitamat -Kitan -kitar -kitcat -kitchen -kitchendom -kitchener -kitchenette -kitchenful -kitchenless -kitchenmaid -kitchenman -kitchenry -kitchenward -kitchenwards -kitchenware -kitchenwife -kitcheny -kite -kiteflier -kiteflying -kith -kithe -kithless -kitish -Kitkahaxki -Kitkehahki -kitling -Kitlope -Kittatinny -kittel -kitten -kittendom -kittenhearted -kittenhood -kittenish -kittenishly -kittenishness -kittenless -kittenship -kitter -kittereen -kitthoge -kittiwake -kittle -kittlepins -kittles -kittlish -kittly -kittock -kittul -Kitty -kitty -kittysol -Kitunahan -kiva -kiver -kivikivi -kivu -Kiwai -Kiwanian -Kiwanis -kiwi -kiwikiwi -kiyas -kiyi -Kizil -Kizilbash -Kjeldahl -kjeldahlization -kjeldahlize -klafter -klaftern -klam -Klamath -Klan -Klanism -Klansman -Klanswoman -klaprotholite -Klaskino -Klaudia -Klaus -klavern -Klaxon -klaxon -Klebsiella -kleeneboc -Kleinian -Kleistian -klendusic -klendusity -klendusive -klepht -klephtic -klephtism -kleptic -kleptistic -kleptomania -kleptomaniac -kleptomanist -kleptophobia -klicket -Klikitat -Kling -Klingsor -klip -klipbok -klipdachs -klipdas -klipfish -klippe -klippen -klipspringer -klister -klockmannite -klom -Klondike -Klondiker -klootchman -klop -klops -klosh -Kluxer -klystron -kmet -knab -knabble -knack -knackebrod -knacker -knackery -knacky -knag -knagged -knaggy -knap -knapbottle -knape -knappan -Knapper -knapper -knappish -knappishly -knapsack -knapsacked -knapsacking -knapweed -knar -knark -knarred -knarry -Knautia -knave -knavery -knaveship -knavess -knavish -knavishly -knavishness -knawel -knead -kneadability -kneadable -kneader -kneading -kneadingly -knebelite -knee -kneebrush -kneecap -kneed -kneehole -kneel -kneeler -kneelet -kneeling -kneelingly -kneepad -kneepan -kneepiece -kneestone -Kneiffia -Kneippism -knell -knelt -Knesset -knet -knew -knez -knezi -kniaz -kniazi -knick -knicker -Knickerbocker -knickerbockered -knickerbockers -knickered -knickers -knickknack -knickknackatory -knickknacked -knickknackery -knickknacket -knickknackish -knickknacky -knickpoint -knife -knifeboard -knifeful -knifeless -knifelike -knifeman -knifeproof -knifer -knifesmith -knifeway -knight -knightage -knightess -knighthead -knighthood -Knightia -knightless -knightlihood -knightlike -knightliness -knightling -knightly -knightship -knightswort -Kniphofia -Knisteneaux -knit -knitback -knitch -knitted -knitter -knitting -knittle -knitwear -knitweed -knitwork -knived -knivey -knob -knobbed -knobber -knobbiness -knobble -knobbler -knobbly -knobby -knobkerrie -knoblike -knobstick -knobstone -knobular -knobweed -knobwood -knock -knockabout -knockdown -knockemdown -knocker -knocking -knockless -knockoff -knockout -knockstone -knockup -knoll -knoller -knolly -knop -knopite -knopped -knopper -knoppy -knopweed -knorhaan -Knorria -knosp -knosped -Knossian -knot -knotberry -knotgrass -knothole -knothorn -knotless -knotlike -knotroot -knotted -knotter -knottily -knottiness -knotting -knotty -knotweed -knotwork -knotwort -knout -know -knowability -knowable -knowableness -knowe -knower -knowing -knowingly -knowingness -knowledge -knowledgeable -knowledgeableness -knowledgeably -knowledged -knowledgeless -knowledgement -knowledging -known -knowperts -Knoxian -Knoxville -knoxvillite -knub -knubbly -knubby -knublet -knuckle -knucklebone -knuckled -knuckler -knuckling -knuckly -knuclesome -Knudsen -knur -knurl -knurled -knurling -knurly -Knut -knut -Knute -knutty -knyaz -knyazi -Ko -ko -koa -koae -koala -koali -Koasati -kob -koban -kobellite -kobi -kobird -kobold -kobong -kobu -Kobus -Koch -Kochab -Kochia -kochliarion -koda -Kodagu -Kodak -kodak -kodaker -kodakist -kodakry -Kodashim -kodro -kodurite -Koeberlinia -Koeberliniaceae -koeberliniaceous -koechlinite -Koeksotenok -koel -Koellia -Koelreuteria -koenenite -Koeri -koff -koft -koftgar -koftgari -koggelmannetje -Kogia -Kohathite -Koheleth -kohemp -Kohen -Kohistani -Kohl -kohl -Kohlan -kohlrabi -kohua -koi -Koiari -Koibal -koil -koila -koilanaglyphic -koilon -koimesis -Koine -koine -koinon -koinonia -Koipato -Koitapu -kojang -Kojiki -kokako -kokam -kokan -kokerboom -kokil -kokio -koklas -koklass -Koko -koko -kokoon -Kokoona -kokoromiko -kokowai -kokra -koksaghyz -koku -kokum -kokumin -kokumingun -Kol -kola -kolach -Kolarian -Koldaji -kolea -koleroga -kolhoz -Koli -kolinski -kolinsky -Kolis -kolkhos -kolkhoz -Kolkka -kollast -kollaster -koller -kollergang -kolo -kolobion -kolobus -kolokolo -kolsun -koltunna -koltunnor -Koluschan -Kolush -Komati -komatik -kombu -Kome -Komi -kominuter -kommetje -kommos -komondor -kompeni -Komsomol -kon -kona -konak -Konariot -Konde -Kongo -Kongoese -Kongolese -kongoni -kongsbergite -kongu -Konia -Koniaga -Koniga -konimeter -koninckite -konini -koniology -koniscope -konjak -Konkani -Konomihu -Konrad -konstantin -Konstantinos -kontakion -Konyak -kooka -kookaburra -kookeree -kookery -kookri -koolah -kooletah -kooliman -koolokamba -Koolooly -koombar -koomkie -Koorg -kootcha -Kootenay -kop -Kopagmiut -kopeck -koph -kopi -koppa -koppen -koppite -Koprino -kor -Kora -kora -koradji -Korah -Korahite -Korahitic -korait -korakan -Koran -Korana -Koranic -Koranist -korari -Kore -kore -Korean -korec -koreci -Koreish -Koreishite -korero -Koreshan -Koreshanity -kori -korimako -korin -Kornephorus -kornerupine -kornskeppa -kornskeppur -korntonde -korntonder -korntunna -korntunnur -Koroa -koromika -koromiko -korona -korova -korrel -korrigum -korumburra -koruna -Korwa -Kory -Koryak -korymboi -korymbos -korzec -kos -Kosalan -Koschei -kosher -Kosimo -kosin -kosmokrator -Koso -kosong -kosotoxin -Kossaean -Kossean -Kosteletzkya -koswite -Kota -kotal -Kotar -koto -Kotoko -kotschubeite -kottigite -kotuku -kotukutuku -kotwal -kotwalee -kotyle -kotylos -kou -koulan -Koungmiut -kouza -kovil -Kowagmiut -kowhai -kowtow -koyan -kozo -Kpuesi -Kra -kra -kraal -kraft -Krag -kragerite -krageroite -krait -kraken -krakowiak -kral -Krama -krama -Krameria -Krameriaceae -krameriaceous -kran -krantzite -Krapina -kras -krasis -kratogen -kratogenic -Kraunhia -kraurite -kraurosis -kraurotic -krausen -krausite -kraut -kreis -Kreistag -kreistle -kreittonite -krelos -kremersite -kremlin -krems -kreng -krennerite -Krepi -kreplech -kreutzer -kriegspiel -krieker -Krigia -krimmer -krina -Kriophoros -Kris -Krishna -Krishnaism -Krishnaist -Krishnaite -Krishnaitic -Kristen -Kristi -Kristian -Kristin -Kristinaux -krisuvigite -kritarchy -Krithia -Kriton -kritrima -krobyloi -krobylos -krocket -krohnkite -krome -kromeski -kromogram -kromskop -krona -krone -kronen -kroner -Kronion -kronor -kronur -Kroo -kroon -krosa -krouchka -kroushka -Kru -Krugerism -Krugerite -Kruman -krummhorn -kryokonite -krypsis -kryptic -krypticism -kryptocyanine -kryptol -kryptomere -krypton -Krzysztof -Kshatriya -Kshatriyahood -Kua -Kuan -kuan -Kuar -Kuba -kuba -Kubachi -Kubanka -kubba -Kubera -kubuklion -Kuchean -kuchen -kudize -kudos -Kudrun -kudu -kudzu -Kuehneola -kuei -Kufic -kuge -kugel -Kuhnia -Kui -kuichua -Kuki -kukoline -kukri -kuku -kukui -Kukulcan -kukupa -Kukuruku -kula -kulack -Kulah -kulah -kulaite -kulak -kulakism -Kulanapan -kulang -Kuldip -Kuli -kulimit -kulkarni -kullaite -Kullani -kulm -kulmet -Kulturkampf -Kulturkreis -Kuman -kumbi -kumhar -kumiss -kummel -Kumni -kumquat -kumrah -Kumyk -kunai -Kunbi -Kundry -Kuneste -kung -kunk -kunkur -Kunmiut -kunzite -Kuomintang -kupfernickel -kupfferite -kuphar -kupper -Kuranko -kurbash -kurchicine -kurchine -Kurd -Kurdish -Kurdistan -kurgan -Kuri -Kurilian -Kurku -kurmburra -Kurmi -Kuroshio -kurrajong -Kurt -kurtosis -Kuruba -Kurukh -kuruma -kurumaya -Kurumba -kurung -kurus -kurvey -kurveyor -kusa -kusam -Kusan -kusha -Kushshu -kusimansel -kuskite -kuskos -kuskus -Kuskwogmiut -Kustenau -kusti -Kusum -kusum -kutcha -Kutchin -Kutenai -kuttab -kuttar -kuttaur -kuvasz -Kuvera -kvass -kvint -kvinter -Kwakiutl -kwamme -kwan -Kwannon -Kwapa -kwarta -kwarterka -kwazoku -kyack -kyah -kyar -kyat -kyaung -Kybele -Kyklopes -Kyklops -kyl -Kyle -kyle -kylite -kylix -Kylo -kymation -kymatology -kymbalon -kymogram -kymograph -kymographic -kynurenic -kynurine -kyphoscoliosis -kyphoscoliotic -Kyphosidae -kyphosis -kyphotic -Kyrie -kyrine -kyschtymite -kyte -Kyu -Kyung -Kyurin -Kyurinish -L -l -la -laager -laang -lab -Laban -labara -labarum -labba -labber -labdacism -labdacismus -labdanum -labefact -labefactation -labefaction -labefy -label -labeler -labella -labellate -labeller -labelloid -labellum -labia -labial -labialism -labialismus -labiality -labialization -labialize -labially -Labiatae -labiate -labiated -labidophorous -Labidura -Labiduridae -labiella -labile -lability -labilization -labilize -labioalveolar -labiocervical -labiodental -labioglossal -labioglossolaryngeal -labioglossopharyngeal -labiograph -labioguttural -labiolingual -labiomancy -labiomental -labionasal -labiopalatal -labiopalatalize -labiopalatine -labiopharyngeal -labioplasty -labiose -labiotenaculum -labiovelar -labioversion -labis -labium -lablab -labor -laborability -laborable -laborage -laborant -laboratorial -laboratorian -laboratory -labordom -labored -laboredly -laboredness -laborer -laboress -laborhood -laboring -laboringly -laborious -laboriously -laboriousness -laborism -laborist -laborite -laborless -laborous -laborously -laborousness -laborsaving -laborsome -laborsomely -laborsomeness -Laboulbenia -Laboulbeniaceae -laboulbeniaceous -Laboulbeniales -labour -labra -Labrador -Labradorean -labradorite -labradoritic -labral -labret -labretifery -Labridae -labroid -Labroidea -labrosaurid -labrosauroid -Labrosaurus -labrose -labrum -Labrus -labrusca -labrys -Laburnum -labyrinth -labyrinthal -labyrinthally -labyrinthian -labyrinthibranch -labyrinthibranchiate -Labyrinthibranchii -labyrinthic -labyrinthical -labyrinthically -Labyrinthici -labyrinthiform -labyrinthine -labyrinthitis -Labyrinthodon -labyrinthodont -Labyrinthodonta -labyrinthodontian -labyrinthodontid -labyrinthodontoid -Labyrinthula -Labyrinthulidae -lac -lacca -laccaic -laccainic -laccase -laccol -laccolith -laccolithic -laccolitic -lace -lacebark -laced -Lacedaemonian -laceflower -laceleaf -laceless -lacelike -lacemaker -lacemaking -laceman -lacepiece -lacepod -lacer -lacerability -lacerable -lacerant -lacerate -lacerated -lacerately -laceration -lacerative -Lacerta -Lacertae -lacertian -Lacertid -Lacertidae -lacertiform -Lacertilia -lacertilian -lacertiloid -lacertine -lacertoid -lacertose -lacery -lacet -lacewing -lacewoman -lacewood -lacework -laceworker -laceybark -lache -Lachenalia -laches -Lachesis -Lachnanthes -Lachnosterna -lachryma -lachrymae -lachrymaeform -lachrymal -lachrymally -lachrymalness -lachrymary -lachrymation -lachrymator -lachrymatory -lachrymiform -lachrymist -lachrymogenic -lachrymonasal -lachrymosal -lachrymose -lachrymosely -lachrymosity -lachrymous -lachsa -lacily -Lacinaria -laciness -lacing -lacinia -laciniate -laciniated -laciniation -laciniform -laciniola -laciniolate -laciniose -lacinula -lacinulate -lacinulose -lacis -lack -lackadaisical -lackadaisicality -lackadaisically -lackadaisicalness -lackadaisy -lackaday -lacker -lackey -lackeydom -lackeyed -lackeyism -lackeyship -lackland -lackluster -lacklusterness -lacklustrous -lacksense -lackwit -lackwittedly -lackwittedness -lacmoid -lacmus -Laconian -Laconic -laconic -laconica -laconically -laconicalness -laconicism -laconicum -laconism -laconize -laconizer -Lacosomatidae -lacquer -lacquerer -lacquering -lacquerist -lacroixite -lacrosse -lacrosser -lacrym -lactagogue -lactalbumin -lactam -lactamide -lactant -lactarene -lactarious -lactarium -Lactarius -lactary -lactase -lactate -lactation -lactational -lacteal -lactean -lactenin -lacteous -lactesce -lactescence -lactescency -lactescent -lactic -lacticinia -lactid -lactide -lactiferous -lactiferousness -lactific -lactifical -lactification -lactiflorous -lactifluous -lactiform -lactifuge -lactify -lactigenic -lactigenous -lactigerous -lactim -lactimide -lactinate -lactivorous -lacto -lactobacilli -Lactobacillus -lactobacillus -lactobutyrometer -lactocele -lactochrome -lactocitrate -lactodensimeter -lactoflavin -lactoglobulin -lactoid -lactol -lactometer -lactone -lactonic -lactonization -lactonize -lactophosphate -lactoproteid -lactoprotein -lactoscope -lactose -lactoside -lactosuria -lactothermometer -lactotoxin -lactovegetarian -Lactuca -lactucarium -lactucerin -lactucin -lactucol -lactucon -lactyl -lacuna -lacunae -lacunal -lacunar -lacunaria -lacunary -lacune -lacunose -lacunosity -lacunule -lacunulose -lacuscular -lacustral -lacustrian -lacustrine -lacwork -lacy -lad -Ladakhi -ladakin -ladanigerous -ladanum -ladder -laddered -laddering -ladderlike -ladderway -ladderwise -laddery -laddess -laddie -laddikie -laddish -laddock -lade -lademan -laden -lader -ladhood -ladies -ladify -Ladik -Ladin -lading -Ladino -ladkin -ladle -ladleful -ladler -ladlewood -ladrone -ladronism -ladronize -lady -ladybird -ladybug -ladyclock -ladydom -ladyfinger -ladyfish -ladyfly -ladyfy -ladyhood -ladyish -ladyism -ladykin -ladykind -ladyless -ladylike -ladylikely -ladylikeness -ladyling -ladylintywhite -ladylove -ladyly -ladyship -Ladytide -Laelia -laemodipod -Laemodipoda -laemodipodan -laemodipodiform -laemodipodous -laemoparalysis -laemostenosis -laeotropic -laeotropism -Laestrygones -laet -laeti -laetic -Laevigrada -laevoduction -laevogyrate -laevogyre -laevogyrous -laevolactic -laevorotation -laevorotatory -laevotartaric -laevoversion -lafayette -Lafite -lag -lagan -lagarto -lagen -lagena -Lagenaria -lagend -lageniform -lager -Lagerstroemia -Lagetta -lagetto -laggar -laggard -laggardism -laggardly -laggardness -lagged -laggen -lagger -laggin -lagging -laglast -lagna -lagniappe -lagomorph -Lagomorpha -lagomorphic -lagomorphous -Lagomyidae -lagonite -lagoon -lagoonal -lagoonside -lagophthalmos -lagopode -lagopodous -lagopous -Lagopus -Lagorchestes -lagostoma -Lagostomus -Lagothrix -Lagrangian -Lagthing -Lagting -Laguncularia -Lagunero -Lagurus -lagwort -Lahnda -Lahontan -Lahuli -Lai -lai -Laibach -laic -laical -laicality -laically -laich -laicism -laicity -laicization -laicize -laicizer -laid -laigh -lain -laine -laiose -lair -lairage -laird -lairdess -lairdie -lairdly -lairdocracy -lairdship -lairless -lairman -lairstone -lairy -laitance -laity -Lak -lak -lakarpite -lakatoi -lake -lakeland -lakelander -lakeless -lakelet -lakelike -lakemanship -laker -lakeside -lakeward -lakeweed -lakie -laking -lakish -lakishness -lakism -lakist -Lakota -Lakshmi -laky -lalang -lall -Lallan -Lalland -lallation -lalling -lalo -laloneurosis -lalopathy -lalophobia -laloplegia -lam -lama -lamaic -Lamaism -Lamaist -Lamaistic -Lamaite -Lamanism -Lamanite -Lamano -lamantin -lamany -Lamarckia -Lamarckian -Lamarckianism -Lamarckism -lamasary -lamasery -lamastery -lamb -Lamba -lamba -Lambadi -lambale -lambaste -lambda -lambdacism -lambdoid -lambdoidal -lambeau -lambency -lambent -lambently -lamber -Lambert -lambert -lambhood -lambie -lambiness -lambish -lambkill -lambkin -Lamblia -lambliasis -lamblike -lambling -lambly -lamboys -lambrequin -lambsdown -lambskin -lambsuccory -lamby -lame -lamedh -lameduck -lamel -lamella -lamellar -Lamellaria -Lamellariidae -lamellarly -lamellary -lamellate -lamellated -lamellately -lamellation -lamellibranch -Lamellibranchia -Lamellibranchiata -lamellibranchiate -lamellicorn -lamellicornate -Lamellicornes -Lamellicornia -lamellicornous -lamelliferous -lamelliform -lamellirostral -lamellirostrate -Lamellirostres -lamelloid -lamellose -lamellosity -lamellule -lamely -lameness -lament -lamentable -lamentableness -lamentably -lamentation -lamentational -lamentatory -lamented -lamentedly -lamenter -lamentful -lamenting -lamentingly -lamentive -lamentory -lamester -lamestery -lameter -lametta -lamia -Lamiaceae -lamiaceous -lamiger -lamiid -Lamiidae -Lamiides -Lamiinae -lamin -lamina -laminability -laminable -laminae -laminar -Laminaria -Laminariaceae -laminariaceous -Laminariales -laminarian -laminarin -laminarioid -laminarite -laminary -laminate -laminated -lamination -laminboard -laminectomy -laminiferous -laminiform -laminiplantar -laminiplantation -laminitis -laminose -laminous -lamish -Lamista -lamiter -Lamium -Lammas -lammas -Lammastide -lammer -lammergeier -lammock -lammy -Lamna -lamnectomy -lamnid -Lamnidae -lamnoid -lamp -lampad -lampadary -lampadedromy -lampadephore -lampadephoria -lampadite -lampas -lampatia -lampblack -lamper -lampern -lampers -lampflower -lampfly -lampful -lamphole -lamping -lampion -lampist -lampistry -lampless -lamplet -lamplight -lamplighted -lamplighter -lamplit -lampmaker -lampmaking -lampman -Lampong -lampoon -lampooner -lampoonery -lampoonist -lamppost -lamprey -Lampridae -lamprophony -lamprophyre -lamprophyric -lamprotype -Lampsilis -Lampsilus -lampstand -lampwick -lampyrid -Lampyridae -lampyrine -Lampyris -Lamus -Lamut -lamziekte -lan -Lana -lanameter -Lanao -Lanarkia -lanarkite -lanas -lanate -lanated -lanaz -Lancaster -Lancasterian -Lancastrian -Lance -lance -lanced -lancegay -lancelet -lancelike -lancely -lanceman -lanceolar -lanceolate -lanceolated -lanceolately -lanceolation -lancepesade -lancepod -lanceproof -lancer -lances -lancet -lanceted -lanceteer -lancewood -lancha -lanciers -lanciferous -lanciform -lancinate -lancination -land -landamman -landau -landaulet -landaulette -landblink -landbook -landdrost -landed -lander -landesite -landfall -landfast -landflood -landgafol -landgravate -landgrave -landgraveship -landgravess -landgraviate -landgravine -landholder -landholdership -landholding -landimere -landing -landlady -landladydom -landladyhood -landladyish -landladyship -landless -landlessness -landlike -landline -landlock -landlocked -landlook -landlooker -landloper -landlord -landlordism -landlordly -landlordry -landlordship -landlouper -landlouping -landlubber -landlubberish -landlubberly -landlubbing -landman -landmark -Landmarker -landmil -landmonger -landocracy -landocrat -Landolphia -landolphia -landowner -landownership -landowning -landplane -landraker -landreeve -landright -landsale -landscape -landscapist -landshard -landship -landsick -landside -landskip -landslide -landslip -Landsmaal -landsman -landspout -landspringy -Landsting -landstorm -Landsturm -Landuman -landwaiter -landward -landwash -landways -Landwehr -landwhin -landwire -landwrack -lane -lanete -laneway -laney -langaha -langarai -langbanite -langbeinite -langca -Langhian -langi -langite -langlauf -langlaufer -langle -Lango -Langobard -Langobardic -langoon -langooty -langrage -langsat -Langsdorffia -langsettle -Langshan -langspiel -langsyne -language -languaged -languageless -langued -Languedocian -languescent -languet -languid -languidly -languidness -languish -languisher -languishing -languishingly -languishment -languor -languorous -languorously -langur -laniariform -laniary -laniate -laniferous -lanific -laniflorous -laniform -lanigerous -Laniidae -laniiform -Laniinae -lanioid -lanista -Lanital -Lanius -lank -lanket -lankily -lankiness -lankish -lankly -lankness -lanky -lanner -lanneret -Lanny -lanolin -lanose -lanosity -lansat -lansdowne -lanseh -lansfordite -lansknecht -lanson -lansquenet -lant -lantaca -Lantana -lanterloo -lantern -lanternflower -lanternist -lanternleaf -lanternman -lanthana -lanthanide -lanthanite -Lanthanotidae -Lanthanotus -lanthanum -lanthopine -lantum -lanuginose -lanuginous -lanuginousness -lanugo -lanum -Lanuvian -lanx -lanyard -Lao -Laodicean -Laodiceanism -Laotian -lap -lapacho -lapachol -lapactic -Lapageria -laparectomy -laparocele -laparocholecystotomy -laparocolectomy -laparocolostomy -laparocolotomy -laparocolpohysterotomy -laparocolpotomy -laparocystectomy -laparocystotomy -laparoelytrotomy -laparoenterostomy -laparoenterotomy -laparogastroscopy -laparogastrotomy -laparohepatotomy -laparohysterectomy -laparohysteropexy -laparohysterotomy -laparoileotomy -laparomyitis -laparomyomectomy -laparomyomotomy -laparonephrectomy -laparonephrotomy -laparorrhaphy -laparosalpingectomy -laparosalpingotomy -laparoscopy -laparosplenectomy -laparosplenotomy -laparostict -Laparosticti -laparothoracoscopy -laparotome -laparotomist -laparotomize -laparotomy -laparotrachelotomy -lapboard -lapcock -Lapeirousia -lapel -lapeler -lapelled -lapful -lapicide -lapidarian -lapidarist -lapidary -lapidate -lapidation -lapidator -lapideon -lapideous -lapidescent -lapidicolous -lapidific -lapidification -lapidify -lapidist -lapidity -lapidose -lapilliform -lapillo -lapillus -Lapith -Lapithae -Lapithaean -Laplacian -Lapland -Laplander -Laplandian -Laplandic -Laplandish -lapon -Laportea -Lapp -Lappa -lappaceous -lappage -lapped -lapper -lappet -lappeted -Lappic -lapping -Lappish -Lapponese -Lapponian -Lappula -lapsability -lapsable -Lapsana -lapsation -lapse -lapsed -lapser -lapsi -lapsing -lapsingly -lapstone -lapstreak -lapstreaked -lapstreaker -Laputa -Laputan -laputically -lapwing -lapwork -laquear -laquearian -laqueus -Lar -lar -Laralia -Laramide -Laramie -larboard -larbolins -larbowlines -larcener -larcenic -larcenish -larcenist -larcenous -larcenously -larceny -larch -larchen -lard -lardacein -lardaceous -larder -larderellite -larderer -larderful -larderlike -lardiform -lardite -Lardizabalaceae -lardizabalaceous -lardon -lardworm -lardy -lareabell -Larentiidae -large -largebrained -largehanded -largehearted -largeheartedness -largely -largemouth -largemouthed -largen -largeness -largess -larghetto -largifical -largish -largition -largitional -largo -Lari -lari -Laria -lariat -larick -larid -Laridae -laridine -larigo -larigot -lariid -Lariidae -larin -Larinae -larine -larithmics -Larix -larixin -lark -larker -larkiness -larking -larkingly -larkish -larkishness -larklike -larkling -larksome -larkspur -larky -larmier -larmoyant -Larnaudian -larnax -laroid -larrigan -larrikin -larrikinalian -larrikiness -larrikinism -larriman -larrup -Larry -larry -Lars -larsenite -Larunda -Larus -larva -Larvacea -larvae -larval -Larvalia -larvarium -larvate -larve -larvicidal -larvicide -larvicolous -larviform -larvigerous -larvikite -larviparous -larviposit -larviposition -larvivorous -larvule -laryngal -laryngalgia -laryngeal -laryngeally -laryngean -laryngeating -laryngectomy -laryngemphraxis -laryngendoscope -larynges -laryngic -laryngismal -laryngismus -laryngitic -laryngitis -laryngocele -laryngocentesis -laryngofission -laryngofissure -laryngograph -laryngography -laryngological -laryngologist -laryngology -laryngometry -laryngoparalysis -laryngopathy -laryngopharyngeal -laryngopharyngitis -laryngophony -laryngophthisis -laryngoplasty -laryngoplegia -laryngorrhagia -laryngorrhea -laryngoscleroma -laryngoscope -laryngoscopic -laryngoscopical -laryngoscopist -laryngoscopy -laryngospasm -laryngostasis -laryngostenosis -laryngostomy -laryngostroboscope -laryngotome -laryngotomy -laryngotracheal -laryngotracheitis -laryngotracheoscopy -laryngotracheotomy -laryngotyphoid -laryngovestibulitis -larynx -las -lasa -lasarwort -lascar -lascivious -lasciviously -lasciviousness -laser -Laserpitium -laserwort -lash -lasher -lashingly -lashless -lashlite -Lasi -lasianthous -Lasiocampa -lasiocampid -Lasiocampidae -Lasiocampoidea -lasiocarpous -Lasius -lask -lasket -Laspeyresia -laspring -lasque -lass -lasset -lassie -lassiehood -lassieish -lassitude -lasslorn -lasso -lassock -lassoer -last -lastage -laster -lasting -lastingly -lastingness -lastly -lastness -lastre -lastspring -lasty -lat -lata -latah -Latakia -Latania -Latax -latch -latcher -latchet -latching -latchkey -latchless -latchman -latchstring -late -latebra -latebricole -latecomer -latecoming -lated -lateen -lateener -lately -laten -latence -latency -lateness -latensification -latent -latentize -latently -latentness -later -latera -laterad -lateral -lateralis -laterality -lateralization -lateralize -laterally -Lateran -latericumbent -lateriflexion -laterifloral -lateriflorous -laterifolious -Laterigradae -laterigrade -laterinerved -laterite -lateritic -lateritious -lateriversion -laterization -lateroabdominal -lateroanterior -laterocaudal -laterocervical -laterodeviation -laterodorsal -lateroduction -lateroflexion -lateromarginal -lateronuchal -lateroposition -lateroposterior -lateropulsion -laterostigmatal -laterostigmatic -laterotemporal -laterotorsion -lateroventral -lateroversion -latescence -latescent -latesome -latest -latewhile -latex -latexosis -lath -lathe -lathee -latheman -lathen -lather -latherability -latherable -lathereeve -latherer -latherin -latheron -latherwort -lathery -lathesman -lathhouse -lathing -Lathraea -lathwork -lathy -lathyric -lathyrism -Lathyrus -Latian -latibulize -latices -laticiferous -laticlave -laticostate -latidentate -latifundian -latifundium -latigo -Latimeria -Latin -Latinate -Latiner -Latinesque -Latinian -Latinic -Latiniform -Latinism -latinism -Latinist -Latinistic -Latinistical -Latinitaster -Latinity -Latinization -Latinize -Latinizer -Latinless -Latinus -lation -latipennate -latiplantar -latirostral -Latirostres -latirostrous -Latirus -latisept -latiseptal -latiseptate -latish -latisternal -latitancy -latitant -latitat -latite -latitude -latitudinal -latitudinally -latitudinarian -latitudinarianisn -latitudinary -latitudinous -latomy -Latona -Latonian -Latooka -latrant -latration -latreutic -latria -Latrididae -latrine -Latris -latro -latrobe -latrobite -latrocinium -Latrodectus -latron -latten -lattener -latter -latterkin -latterly -lattermath -lattermost -latterness -lattice -latticed -latticewise -latticework -latticing -latticinio -Latuka -latus -Latvian -lauan -laubanite -laud -laudability -laudable -laudableness -laudably -laudanidine -laudanin -laudanine -laudanosine -laudanum -laudation -laudative -laudator -laudatorily -laudatory -lauder -Laudian -Laudianism -laudification -Laudism -Laudist -laudist -laugh -laughable -laughableness -laughably -laughee -laugher -laughful -laughing -laughingly -laughingstock -laughsome -laughter -laughterful -laughterless -laughworthy -laughy -lauia -laumonite -laumontite -laun -launce -launch -launcher -launchful -launchways -laund -launder -launderability -launderable -launderer -laundry -laundrymaid -laundryman -laundryowner -laundrywoman -laur -Laura -laura -Lauraceae -lauraceous -lauraldehyde -laurate -laurdalite -laureate -laureated -laureateship -laureation -Laurel -laurel -laureled -laurellike -laurelship -laurelwood -Laurence -Laurencia -Laurent -Laurentian -Laurentide -laureole -Laurianne -lauric -Laurie -laurin -laurinoxylon -laurionite -laurite -Laurocerasus -laurone -laurotetanine -Laurus -laurustine -laurustinus -laurvikite -lauryl -lautarite -lautitious -lava -lavable -lavabo -lavacre -lavage -lavaliere -lavalike -Lavandula -lavanga -lavant -lavaret -Lavatera -lavatic -lavation -lavational -lavatorial -lavatory -lave -laveer -Lavehr -lavement -lavender -lavenite -laver -Laverania -laverock -laverwort -lavialite -lavic -Lavinia -lavish -lavisher -lavishing -lavishingly -lavishly -lavishment -lavishness -lavolta -lavrovite -law -lawbook -lawbreaker -lawbreaking -lawcraft -lawful -lawfully -lawfulness -lawgiver -lawgiving -lawing -lawish -lawk -lawlants -lawless -lawlessly -lawlessness -lawlike -lawmaker -lawmaking -lawman -lawmonger -lawn -lawned -lawner -lawnlet -lawnlike -lawny -lawproof -Lawrence -lawrencite -Lawrie -lawrightman -Lawson -Lawsoneve -Lawsonia -lawsonite -lawsuit -lawsuiting -lawter -Lawton -lawyer -lawyeress -lawyerism -lawyerlike -lawyerling -lawyerly -lawyership -lawyery -lawzy -lax -laxate -laxation -laxative -laxatively -laxativeness -laxiflorous -laxifoliate -laxifolious -laxism -laxist -laxity -laxly -laxness -lay -layaway -layback -layboy -layer -layerage -layered -layery -layette -Layia -laying -layland -layman -laymanship -layne -layoff -layout -layover -layship -laystall -laystow -laywoman -Laz -lazar -lazaret -lazaretto -Lazarist -lazarlike -lazarly -lazarole -Lazarus -laze -lazily -laziness -lazule -lazuli -lazuline -lazulite -lazulitic -lazurite -lazy -lazybird -lazybones -lazyboots -lazyhood -lazyish -lazylegs -lazyship -lazzarone -lazzaroni -Lea -lea -leach -leacher -leachman -leachy -Lead -lead -leadable -leadableness -leadage -leadback -leaded -leaden -leadenhearted -leadenheartedness -leadenly -leadenness -leadenpated -leader -leaderess -leaderette -leaderless -leadership -leadhillite -leadin -leadiness -leading -leadingly -leadless -leadman -leadoff -leadout -leadproof -Leads -leadsman -leadstone -leadway -leadwood -leadwork -leadwort -leady -leaf -leafage -leafboy -leafcup -leafdom -leafed -leafen -leafer -leafery -leafgirl -leafit -leafless -leaflessness -leaflet -leafleteer -leaflike -leafstalk -leafwork -leafy -league -leaguelong -leaguer -Leah -leak -leakage -leakance -leaker -leakiness -leakless -leakproof -leaky -leal -lealand -leally -lealness -lealty -leam -leamer -lean -Leander -leaner -leaning -leanish -leanly -leanness -leant -leap -leapable -leaper -leapfrog -leapfrogger -leapfrogging -leaping -leapingly -leapt -Lear -lear -Learchus -learn -learnable -learned -learnedly -learnedness -learner -learnership -learning -learnt -Learoyd -leasable -lease -leasehold -leaseholder -leaseholding -leaseless -leasemonger -leaser -leash -leashless -leasing -leasow -least -leastways -leastwise -leat -leath -leather -leatherback -leatherbark -leatherboard -leatherbush -leathercoat -leathercraft -leatherer -Leatherette -leatherfish -leatherflower -leatherhead -leatherine -leatheriness -leathering -leatherize -leatherjacket -leatherleaf -leatherlike -leathermaker -leathermaking -leathern -leatherneck -Leatheroid -leatherroot -leatherside -Leatherstocking -leatherware -leatherwing -leatherwood -leatherwork -leatherworker -leatherworking -leathery -leathwake -leatman -leave -leaved -leaveless -leavelooker -leaven -leavening -leavenish -leavenless -leavenous -leaver -leaverwood -leaves -leaving -leavy -leawill -leban -Lebanese -lebbek -lebensraum -Lebistes -lebrancho -lecama -lecaniid -Lecaniinae -lecanine -Lecanium -lecanomancer -lecanomancy -lecanomantic -Lecanora -Lecanoraceae -lecanoraceous -lecanorine -lecanoroid -lecanoscopic -lecanoscopy -lech -Lechea -lecher -lecherous -lecherously -lecherousness -lechery -lechriodont -Lechriodonta -lechuguilla -lechwe -Lecidea -Lecideaceae -lecideaceous -lecideiform -lecideine -lecidioid -lecithal -lecithalbumin -lecithality -lecithin -lecithinase -lecithoblast -lecithoprotein -leck -lecker -lecontite -lecotropal -lectern -lection -lectionary -lectisternium -lector -lectorate -lectorial -lectorship -lectotype -lectress -lectrice -lectual -lecture -lecturee -lectureproof -lecturer -lectureship -lecturess -lecturette -lecyth -lecythid -Lecythidaceae -lecythidaceous -Lecythis -lecythoid -lecythus -led -Leda -lede -leden -lederite -ledge -ledged -ledgeless -ledger -ledgerdom -ledging -ledgment -ledgy -Ledidae -ledol -Ledum -Lee -lee -leeangle -leeboard -leech -leecheater -leecher -leechery -leeches -leechkin -leechlike -leechwort -leed -leefang -leeftail -leek -leekish -leeky -leep -leepit -leer -leerily -leeringly -leerish -leerness -leeroway -Leersia -leery -lees -leet -leetman -leewan -leeward -leewardly -leewardmost -leewardness -leeway -leewill -left -leftish -leftism -leftist -leftments -leftmost -leftness -leftover -leftward -leftwardly -leftwards -leg -legacy -legal -legalese -legalism -legalist -legalistic -legalistically -legality -legalization -legalize -legally -legalness -legantine -legatary -legate -legatee -legateship -legatine -legation -legationary -legative -legato -legator -legatorial -legend -legenda -legendarian -legendary -legendic -legendist -legendless -Legendrian -legendry -leger -legerdemain -legerdemainist -legerity -leges -legged -legger -legginess -legging -legginged -leggy -leghorn -legibility -legible -legibleness -legibly -legific -legion -legionary -legioned -legioner -legionnaire -legionry -legislate -legislation -legislational -legislativ -legislative -legislatively -legislator -legislatorial -legislatorially -legislatorship -legislatress -legislature -legist -legit -legitim -legitimacy -legitimate -legitimately -legitimateness -legitimation -legitimatist -legitimatize -legitimism -legitimist -legitimistic -legitimity -legitimization -legitimize -leglen -legless -leglessness -leglet -leglike -legman -legoa -legpiece -legpull -legpuller -legpulling -legrope -legua -leguan -Leguatia -leguleian -leguleious -legume -legumelin -legumen -legumin -leguminiform -Leguminosae -leguminose -leguminous -Lehi -lehr -lehrbachite -lehrman -lehua -lei -Leibnitzian -Leibnitzianism -Leicester -Leif -Leigh -leighton -Leila -leimtype -leiocephalous -leiocome -leiodermatous -leiodermia -leiomyofibroma -leiomyoma -leiomyomatous -leiomyosarcoma -leiophyllous -Leiophyllum -Leiothrix -Leiotrichan -Leiotriches -Leiotrichi -Leiotrichidae -Leiotrichinae -leiotrichine -leiotrichous -leiotrichy -leiotropic -Leipoa -Leishmania -leishmaniasis -Leisten -leister -leisterer -leisurable -leisurably -leisure -leisured -leisureful -leisureless -leisureliness -leisurely -leisureness -Leith -leitmotiv -Leitneria -Leitneriaceae -leitneriaceous -Leitneriales -lek -lekach -lekane -lekha -Lelia -Lemaireocereus -leman -Lemanea -Lemaneaceae -lemel -lemma -lemmata -lemming -lemmitis -lemmoblastic -lemmocyte -Lemmus -Lemna -Lemnaceae -lemnaceous -lemnad -Lemnian -lemniscate -lemniscatic -lemniscus -lemography -lemology -lemon -lemonade -Lemonias -Lemoniidae -Lemoniinae -lemonish -lemonlike -lemonweed -lemonwood -lemony -Lemosi -Lemovices -lempira -Lemuel -lemur -lemures -Lemuria -Lemurian -lemurian -lemurid -Lemuridae -lemuriform -Lemurinae -lemurine -lemuroid -Lemuroidea -Len -Lena -lenad -Lenaea -Lenaean -Lenaeum -Lenaeus -Lenape -lenard -Lenca -Lencan -lench -lend -lendable -lendee -lender -Lendu -lene -length -lengthen -lengthener -lengther -lengthful -lengthily -lengthiness -lengthsman -lengthsome -lengthsomeness -lengthways -lengthwise -lengthy -lenience -leniency -lenient -leniently -lenify -Leninism -Leninist -Leninite -lenis -lenitic -lenitive -lenitively -lenitiveness -lenitude -lenity -lennilite -Lennoaceae -lennoaceous -lennow -Lenny -leno -Lenora -lens -lensed -lensless -lenslike -Lent -lent -Lenten -Lententide -lenth -lenthways -Lentibulariaceae -lentibulariaceous -lenticel -lenticellate -lenticle -lenticonus -lenticula -lenticular -lenticulare -lenticularis -lenticularly -lenticulate -lenticulated -lenticule -lenticulostriate -lenticulothalamic -lentiform -lentigerous -lentiginous -lentigo -lentil -Lentilla -lentisc -lentiscine -lentisco -lentiscus -lentisk -lentitude -lentitudinous -lento -lentoid -lentor -lentous -lenvoi -lenvoy -Lenzites -Leo -Leon -Leonard -Leonardesque -Leonato -leoncito -Leonese -leonhardite -Leonid -Leonine -leonine -leoninely -leonines -Leonis -Leonist -leonite -Leonnoys -Leonora -Leonotis -leontiasis -Leontocebus -leontocephalous -Leontodon -Leontopodium -Leonurus -leopard -leoparde -leopardess -leopardine -leopardite -leopardwood -Leopold -Leopoldinia -leopoldite -Leora -leotard -lepa -Lepadidae -lepadoid -Lepanto -lepargylic -Lepargyraea -Lepas -Lepcha -leper -leperdom -lepered -lepidene -lepidine -Lepidium -lepidoblastic -Lepidodendraceae -lepidodendraceous -lepidodendrid -lepidodendroid -Lepidodendron -lepidoid -Lepidoidei -lepidolite -lepidomelane -Lepidophloios -lepidophyllous -Lepidophyllum -lepidophyte -lepidophytic -lepidoporphyrin -lepidopter -Lepidoptera -lepidopteral -lepidopteran -lepidopterid -lepidopterist -lepidopterological -lepidopterologist -lepidopterology -lepidopteron -lepidopterous -Lepidosauria -lepidosaurian -Lepidosiren -Lepidosirenidae -lepidosirenoid -lepidosis -Lepidosperma -Lepidospermae -Lepidosphes -Lepidostei -lepidosteoid -Lepidosteus -Lepidostrobus -lepidote -Lepidotes -lepidotic -Lepidotus -Lepidurus -Lepilemur -Lepiota -Lepisma -Lepismatidae -Lepismidae -lepismoid -Lepisosteidae -Lepisosteus -lepocyte -Lepomis -leporid -Leporidae -leporide -leporiform -leporine -Leporis -Lepospondyli -lepospondylous -Leposternidae -Leposternon -lepothrix -lepra -Lepralia -lepralian -leprechaun -lepric -leproid -leprologic -leprologist -leprology -leproma -lepromatous -leprosarium -leprose -leprosery -leprosied -leprosis -leprosity -leprosy -leprous -leprously -leprousness -Leptamnium -Leptandra -leptandrin -leptid -Leptidae -leptiform -Leptilon -leptinolite -Leptinotarsa -leptite -Leptocardia -leptocardian -Leptocardii -leptocentric -leptocephalan -leptocephali -leptocephalia -leptocephalic -leptocephalid -Leptocephalidae -leptocephaloid -leptocephalous -Leptocephalus -leptocephalus -leptocephaly -leptocercal -leptochlorite -leptochroa -leptochrous -leptoclase -leptodactyl -Leptodactylidae -leptodactylous -Leptodactylus -leptodermatous -leptodermous -Leptodora -Leptodoridae -Leptogenesis -leptokurtic -Leptolepidae -Leptolepis -Leptolinae -leptomatic -leptome -Leptomedusae -leptomedusan -leptomeningeal -leptomeninges -leptomeningitis -leptomeninx -leptometer -leptomonad -Leptomonas -Lepton -lepton -leptonecrosis -leptonema -leptopellic -Leptophis -leptophyllous -leptoprosope -leptoprosopic -leptoprosopous -leptoprosopy -Leptoptilus -Leptorchis -leptorrhin -leptorrhine -leptorrhinian -leptorrhinism -leptosome -leptosperm -Leptospermum -Leptosphaeria -Leptospira -leptospirosis -leptosporangiate -Leptostraca -leptostracan -leptostracous -Leptostromataceae -Leptosyne -leptotene -Leptothrix -Leptotrichia -Leptotyphlopidae -Leptotyphlops -leptus -leptynite -Lepus -Ler -Lernaea -Lernaeacea -Lernaean -Lernaeidae -lernaeiform -lernaeoid -Lernaeoides -lerot -lerp -lerret -Lerwa -Les -Lesath -Lesbia -Lesbian -Lesbianism -lesche -Lesgh -lesion -lesional -lesiy -Leskea -Leskeaceae -leskeaceous -Lesleya -Leslie -Lespedeza -Lesquerella -less -lessee -lesseeship -lessen -lessener -lesser -lessive -lessn -lessness -lesson -lessor -lest -Lester -lestiwarite -lestobiosis -lestobiotic -Lestodon -Lestosaurus -lestrad -Lestrigon -Lestrigonian -let -letch -letchy -letdown -lete -lethal -lethality -lethalize -lethally -lethargic -lethargical -lethargically -lethargicalness -lethargize -lethargus -lethargy -Lethe -Lethean -lethiferous -Lethocerus -lethologica -Letitia -Leto -letoff -Lett -lettable -letten -letter -lettered -letterer -letteret -lettergram -letterhead -letterin -lettering -letterleaf -letterless -letterpress -letterspace -letterweight -letterwood -Lettic -Lettice -Lettish -lettrin -lettsomite -lettuce -Letty -letup -leu -Leucadendron -Leucadian -leucaemia -leucaemic -Leucaena -leucaethiop -leucaethiopic -leucaniline -leucanthous -leucaugite -leucaurin -leucemia -leucemic -Leucetta -leuch -leuchaemia -leuchemia -leuchtenbergite -Leucichthys -Leucifer -Leuciferidae -leucine -Leucippus -leucism -leucite -leucitic -leucitis -leucitite -leucitohedron -leucitoid -Leuckartia -Leuckartiidae -leuco -leucobasalt -leucoblast -leucoblastic -Leucobryaceae -Leucobryum -leucocarpous -leucochalcite -leucocholic -leucocholy -leucochroic -leucocidic -leucocidin -leucocism -leucocrate -leucocratic -Leucocrinum -leucocyan -leucocytal -leucocyte -leucocythemia -leucocythemic -leucocytic -leucocytoblast -leucocytogenesis -leucocytoid -leucocytology -leucocytolysin -leucocytolysis -leucocytolytic -leucocytometer -leucocytopenia -leucocytopenic -leucocytoplania -leucocytopoiesis -leucocytosis -leucocytotherapy -leucocytotic -Leucocytozoon -leucoderma -leucodermatous -leucodermic -leucoencephalitis -leucogenic -leucoid -leucoindigo -leucoindigotin -Leucojaceae -Leucojum -leucolytic -leucoma -leucomaine -leucomatous -leucomelanic -leucomelanous -leucon -Leuconostoc -leucopenia -leucopenic -leucophane -leucophanite -leucophoenicite -leucophore -leucophyllous -leucophyre -leucoplakia -leucoplakial -leucoplast -leucoplastid -leucopoiesis -leucopoietic -leucopyrite -leucoquinizarin -leucorrhea -leucorrheal -leucoryx -leucosis -Leucosolenia -Leucosoleniidae -leucospermous -leucosphenite -leucosphere -leucospheric -leucostasis -Leucosticte -leucosyenite -leucotactic -Leucothea -Leucothoe -leucotic -leucotome -leucotomy -leucotoxic -leucous -leucoxene -leucyl -leud -leuk -leukemia -leukemic -leukocidic -leukocidin -leukosis -leukotic -leuma -Leung -lev -Levana -levance -Levant -levant -Levanter -levanter -Levantine -levator -levee -level -leveler -levelheaded -levelheadedly -levelheadedness -leveling -levelish -levelism -levelly -levelman -levelness -lever -leverage -leverer -leveret -leverman -levers -leverwood -Levi -leviable -leviathan -levier -levigable -levigate -levigation -levigator -levin -levining -levir -levirate -leviratical -leviration -Levis -Levisticum -levitant -levitate -levitation -levitational -levitative -levitator -Levite -Levitical -Leviticalism -Leviticality -Levitically -Leviticalness -Leviticism -Leviticus -Levitism -levity -levo -levoduction -levogyrate -levogyre -levogyrous -levolactic -levolimonene -levorotation -levorotatory -levotartaric -levoversion -levulic -levulin -levulinic -levulose -levulosuria -levy -levyist -levynite -Lew -lew -Lewanna -lewd -lewdly -lewdness -Lewie -Lewis -lewis -Lewisia -Lewisian -lewisite -lewisson -lewth -Lex -lexia -lexical -lexicalic -lexicality -lexicographer -lexicographian -lexicographic -lexicographical -lexicographically -lexicographist -lexicography -lexicologic -lexicological -lexicologist -lexicology -lexicon -lexiconist -lexiconize -lexigraphic -lexigraphical -lexigraphically -lexigraphy -lexiphanic -lexiphanicism -ley -leyland -leysing -Lezghian -lherzite -lherzolite -Lhota -li -liability -liable -liableness -liaison -liana -liang -liar -liard -Lias -Liassic -Liatris -libament -libaniferous -libanophorous -libanotophorous -libant -libate -libation -libationary -libationer -libatory -libber -libbet -libbra -Libby -libel -libelant -libelee -libeler -libelist -libellary -libellate -Libellula -libellulid -Libellulidae -libelluloid -libelous -libelously -Liber -liber -liberal -Liberalia -liberalism -liberalist -liberalistic -liberality -liberalization -liberalize -liberalizer -liberally -liberalness -liberate -liberation -liberationism -liberationist -liberative -liberator -liberatory -liberatress -Liberia -Liberian -liberomotor -libertarian -libertarianism -Libertas -liberticidal -liberticide -libertinage -libertine -libertinism -liberty -libertyless -libethenite -libidibi -libidinal -libidinally -libidinosity -libidinous -libidinously -libidinousness -libido -Libitina -libken -Libocedrus -Libra -libra -libral -librarian -librarianess -librarianship -librarious -librarius -library -libraryless -librate -libration -libratory -libretti -librettist -libretto -Librid -libriform -libroplast -Libyan -Libytheidae -Libytheinae -Licania -licareol -licca -licensable -license -licensed -licensee -licenseless -licenser -licensor -licensure -licentiate -licentiateship -licentiation -licentious -licentiously -licentiousness -lich -licham -lichanos -lichen -lichenaceous -lichened -Lichenes -licheniasis -lichenic -lichenicolous -licheniform -lichenin -lichenism -lichenist -lichenivorous -lichenization -lichenize -lichenlike -lichenographer -lichenographic -lichenographical -lichenographist -lichenography -lichenoid -lichenologic -lichenological -lichenologist -lichenology -Lichenopora -Lichenoporidae -lichenose -licheny -lichi -Lichnophora -Lichnophoridae -Licinian -licit -licitation -licitly -licitness -lick -licker -lickerish -lickerishly -lickerishness -licking -lickpenny -lickspit -lickspittle -lickspittling -licorice -licorn -licorne -lictor -lictorian -Licuala -lid -Lida -lidded -lidder -Lide -lidflower -lidgate -lidless -lie -liebenerite -Liebfraumilch -liebigite -lied -lief -liege -liegedom -liegeful -liegefully -liegeless -liegely -liegeman -lieger -lien -lienal -lienculus -lienee -lienic -lienitis -lienocele -lienogastric -lienointestinal -lienomalacia -lienomedullary -lienomyelogenous -lienopancreatic -lienor -lienorenal -lienotoxin -lienteria -lienteric -lientery -lieproof -lieprooflier -lieproofliest -lier -lierne -lierre -liesh -liespfund -lieu -lieue -lieutenancy -lieutenant -lieutenantry -lieutenantship -Lievaart -lieve -lievrite -Lif -life -lifeblood -lifeboat -lifeboatman -lifeday -lifedrop -lifeful -lifefully -lifefulness -lifeguard -lifehold -lifeholder -lifeless -lifelessly -lifelessness -lifelet -lifelike -lifelikeness -lifeline -lifelong -lifer -liferent -liferenter -liferentrix -liferoot -lifesaver -lifesaving -lifesome -lifesomely -lifesomeness -lifespring -lifetime -lifeward -lifework -lifey -lifo -lift -liftable -lifter -lifting -liftless -liftman -ligable -ligament -ligamental -ligamentary -ligamentous -ligamentously -ligamentum -ligas -ligate -ligation -ligator -ligature -ligeance -ligger -light -lightable -lightboat -lightbrained -lighten -lightener -lightening -lighter -lighterage -lighterful -lighterman -lightface -lightful -lightfulness -lighthead -lightheaded -lightheadedly -lightheadedness -lighthearted -lightheartedly -lightheartedness -lighthouse -lighthouseman -lighting -lightish -lightkeeper -lightless -lightlessness -lightly -lightman -lightmanship -lightmouthed -lightness -lightning -lightninglike -lightningproof -lightproof -lightroom -lightscot -lightship -lightsman -lightsome -lightsomely -lightsomeness -lighttight -lightwards -lightweight -lightwood -lightwort -lignaloes -lignatile -ligne -ligneous -lignescent -lignicole -lignicoline -lignicolous -ligniferous -lignification -ligniform -lignify -lignin -ligninsulphonate -ligniperdous -lignite -lignitic -lignitiferous -lignitize -lignivorous -lignocellulose -lignoceric -lignography -lignone -lignose -lignosity -lignosulphite -lignosulphonate -lignum -ligroine -ligula -ligular -Ligularia -ligulate -ligulated -ligule -Liguliflorae -liguliflorous -liguliform -ligulin -liguloid -Liguorian -ligure -Ligurian -ligurite -ligurition -Ligusticum -ligustrin -Ligustrum -Ligyda -Ligydidae -Lihyanite -liin -lija -likability -likable -likableness -like -likelihead -likelihood -likeliness -likely -liken -likeness -liker -likesome -likeways -likewise -likin -liking -liknon -Lila -lilac -lilaceous -lilacin -lilacky -lilacthroat -lilactide -Lilaeopsis -lile -Liliaceae -liliaceous -Liliales -Lilian -lilied -liliform -Liliiflorae -Lilith -Lilium -lill -lillianite -lillibullero -Lilliput -Lilliputian -Lilliputianize -lilt -liltingly -liltingness -lily -lilyfy -lilyhanded -lilylike -lilywood -lilywort -lim -Lima -Limacea -limacel -limaceous -Limacidae -limaciform -Limacina -limacine -limacinid -Limacinidae -limacoid -limacon -limaille -liman -limation -Limawood -Limax -limb -limbal -limbat -limbate -limbation -limbeck -limbed -limber -limberham -limberly -limberness -limbers -limbic -limbie -limbiferous -limbless -limbmeal -limbo -limboinfantum -limbous -Limbu -Limburger -limburgite -limbus -limby -lime -limeade -Limean -limeberry -limebush -limehouse -limekiln -limeless -limelight -limelighter -limelike -limeman -limen -limequat -limer -Limerick -limes -limestone -limetta -limettin -limewash -limewater -limewort -limey -Limicolae -limicoline -limicolous -Limidae -liminal -liminary -liminess -liming -limit -limitable -limitableness -limital -limitarian -limitary -limitate -limitation -limitative -limitatively -limited -limitedly -limitedness -limiter -limiting -limitive -limitless -limitlessly -limitlessness -limitrophe -limivorous -limma -limmer -limmock -limmu -limn -limnanth -Limnanthaceae -limnanthaceous -Limnanthemum -Limnanthes -limner -limnery -limnetic -Limnetis -limniad -limnimeter -limnimetric -limnite -limnobiologic -limnobiological -limnobiologically -limnobiology -limnobios -Limnobium -Limnocnida -limnograph -limnologic -limnological -limnologically -limnologist -limnology -limnometer -limnophile -limnophilid -Limnophilidae -limnophilous -limnoplankton -Limnorchis -Limnoria -Limnoriidae -limnorioid -Limodorum -limoid -limonene -limoniad -limonin -limonite -limonitic -limonitization -limonium -Limosa -limose -Limosella -Limosi -limous -limousine -limp -limper -limpet -limphault -limpid -limpidity -limpidly -limpidness -limpily -limpin -limpiness -limping -limpingly -limpingness -limpish -limpkin -limply -limpness -limpsy -limpwort -limpy -limsy -limu -limulid -Limulidae -limuloid -Limuloidea -Limulus -limurite -limy -Lin -lin -Lina -lina -linable -Linaceae -linaceous -linaga -linage -linaloa -linalol -linalool -linamarin -Linanthus -Linaria -linarite -linch -linchbolt -linchet -linchpin -linchpinned -lincloth -Lincoln -Lincolnian -Lincolniana -Lincolnlike -linctus -Linda -lindackerite -lindane -linden -Linder -linder -Lindera -Lindleyan -lindo -lindoite -Lindsay -Lindsey -line -linea -lineage -lineaged -lineal -lineality -lineally -lineament -lineamental -lineamentation -lineameter -linear -linearifolius -linearity -linearization -linearize -linearly -lineate -lineated -lineation -lineature -linecut -lined -lineiform -lineless -linelet -lineman -linen -Linene -linenette -linenize -linenizer -linenman -lineocircular -lineograph -lineolate -lineolated -liner -linesman -Linet -linewalker -linework -ling -linga -Lingayat -lingberry -lingbird -linge -lingel -lingenberry -linger -lingerer -lingerie -lingo -lingonberry -Lingoum -lingtow -lingtowman -lingua -linguacious -linguaciousness -linguadental -linguaeform -lingual -linguale -linguality -lingualize -lingually -linguanasal -Linguata -Linguatula -Linguatulida -Linguatulina -linguatuline -linguatuloid -linguet -linguidental -linguiform -linguipotence -linguist -linguister -linguistic -linguistical -linguistically -linguistician -linguistics -linguistry -lingula -lingulate -lingulated -Lingulella -lingulid -Lingulidae -linguliferous -linguliform -linguloid -linguodental -linguodistal -linguogingival -linguopalatal -linguopapillitis -linguoversion -lingwort -lingy -linha -linhay -linie -liniment -linin -lininess -lining -linitis -liniya -linja -linje -link -linkable -linkage -linkboy -linked -linkedness -linker -linking -linkman -links -linksmith -linkwork -linky -Linley -linn -Linnaea -Linnaean -Linnaeanism -linnaeite -Linne -linnet -lino -linolate -linoleic -linolein -linolenate -linolenic -linolenin -linoleum -linolic -linolin -linometer -linon -Linopteris -Linos -Linotype -linotype -linotyper -linotypist -linous -linoxin -linoxyn -linpin -Linsang -linseed -linsey -linstock -lint -lintel -linteled -linteling -linten -linter -lintern -lintie -lintless -lintonite -lintseed -lintwhite -linty -Linum -Linus -linwood -liny -Linyphia -Linyphiidae -liodermia -liomyofibroma -liomyoma -lion -lioncel -Lionel -lionel -lionesque -lioness -lionet -lionheart -lionhearted -lionheartedness -lionhood -lionism -lionizable -lionization -lionize -lionizer -lionlike -lionly -lionproof -lionship -Liothrix -Liotrichi -Liotrichidae -liotrichine -lip -lipa -lipacidemia -lipaciduria -Lipan -Liparian -liparian -liparid -Liparidae -Liparididae -Liparis -liparite -liparocele -liparoid -liparomphalus -liparous -lipase -lipectomy -lipemia -Lipeurus -lipide -lipin -lipless -liplet -liplike -lipoblast -lipoblastoma -Lipobranchia -lipocaic -lipocardiac -lipocele -lipoceratous -lipocere -lipochondroma -lipochrome -lipochromogen -lipoclasis -lipoclastic -lipocyte -lipodystrophia -lipodystrophy -lipoferous -lipofibroma -lipogenesis -lipogenetic -lipogenic -lipogenous -lipogram -lipogrammatic -lipogrammatism -lipogrammatist -lipography -lipohemia -lipoid -lipoidal -lipoidemia -lipoidic -lipolysis -lipolytic -lipoma -lipomata -lipomatosis -lipomatous -lipometabolic -lipometabolism -lipomorph -lipomyoma -lipomyxoma -lipopexia -lipophagic -lipophore -lipopod -Lipopoda -lipoprotein -liposarcoma -liposis -liposome -lipostomy -lipothymial -lipothymic -lipothymy -lipotrophic -lipotrophy -lipotropic -lipotropy -lipotype -Lipotyphla -lipovaccine -lipoxenous -lipoxeny -lipped -lippen -lipper -lipperings -Lippia -lippiness -lipping -lippitude -lippitudo -lippy -lipsanographer -lipsanotheca -lipstick -lipuria -lipwork -liquable -liquamen -liquate -liquation -liquefacient -liquefaction -liquefactive -liquefiable -liquefier -liquefy -liquesce -liquescence -liquescency -liquescent -liqueur -liquid -liquidable -Liquidambar -liquidamber -liquidate -liquidation -liquidator -liquidatorship -liquidity -liquidize -liquidizer -liquidless -liquidly -liquidness -liquidogenic -liquidogenous -liquidy -liquiform -liquor -liquorer -liquorish -liquorishly -liquorishness -liquorist -liquorless -lira -lirate -liration -lire -lirella -lirellate -lirelliform -lirelline -lirellous -Liriodendron -liripipe -liroconite -lis -Lisa -Lisbon -Lise -lisere -Lisette -lish -lisk -Lisle -lisle -lisp -lisper -lispingly -lispund -liss -Lissamphibia -lissamphibian -Lissencephala -lissencephalic -lissencephalous -Lissoflagellata -lissoflagellate -lissom -lissome -lissomely -lissomeness -lissotrichan -Lissotriches -lissotrichous -lissotrichy -List -list -listable -listed -listedness -listel -listen -listener -listening -lister -Listera -listerellosis -Listeria -Listerian -Listerine -Listerism -Listerize -listing -listless -listlessly -listlessness -listred -listwork -Lisuarte -lit -litaneutical -litany -litanywise -litas -litation -litch -litchi -lite -liter -literacy -literaily -literal -literalism -literalist -literalistic -literality -literalization -literalize -literalizer -literally -literalminded -literalmindedness -literalness -literarian -literariness -literary -literaryism -literate -literati -literation -literatist -literato -literator -literature -literatus -literose -literosity -lith -lithagogue -lithangiuria -lithanthrax -litharge -lithe -lithectasy -lithectomy -lithely -lithemia -lithemic -litheness -lithesome -lithesomeness -lithi -lithia -lithiasis -lithiastic -lithiate -lithic -lithifaction -lithification -lithify -lithite -lithium -litho -lithobiid -Lithobiidae -lithobioid -Lithobius -Lithocarpus -lithocenosis -lithochemistry -lithochromatic -lithochromatics -lithochromatographic -lithochromatography -lithochromography -lithochromy -lithoclase -lithoclast -lithoclastic -lithoclasty -lithoculture -lithocyst -lithocystotomy -Lithodes -lithodesma -lithodialysis -lithodid -Lithodidae -lithodomous -Lithodomus -lithofracteur -lithofractor -lithogenesis -lithogenetic -lithogenous -lithogeny -lithoglyph -lithoglypher -lithoglyphic -lithoglyptic -lithoglyptics -lithograph -lithographer -lithographic -lithographical -lithographically -lithographize -lithography -lithogravure -lithoid -lithoidite -litholabe -litholapaxy -litholatrous -litholatry -lithologic -lithological -lithologically -lithologist -lithology -litholysis -litholyte -litholytic -lithomancy -lithomarge -lithometer -lithonephria -lithonephritis -lithonephrotomy -lithontriptic -lithontriptist -lithontriptor -lithopedion -lithopedium -lithophagous -lithophane -lithophanic -lithophany -lithophilous -lithophone -lithophotography -lithophotogravure -lithophthisis -lithophyl -lithophyllous -lithophysa -lithophysal -lithophyte -lithophytic -lithophytous -lithopone -lithoprint -lithoscope -lithosian -lithosiid -Lithosiidae -Lithosiinae -lithosis -lithosol -lithosperm -lithospermon -lithospermous -Lithospermum -lithosphere -lithotint -lithotome -lithotomic -lithotomical -lithotomist -lithotomize -lithotomous -lithotomy -lithotony -lithotresis -lithotripsy -lithotriptor -lithotrite -lithotritic -lithotritist -lithotrity -lithotype -lithotypic -lithotypy -lithous -lithoxyl -lithsman -Lithuanian -Lithuanic -lithuresis -lithuria -lithy -liticontestation -litigable -litigant -litigate -litigation -litigationist -litigator -litigatory -litigiosity -litigious -litigiously -litigiousness -Litiopa -litiscontest -litiscontestation -litiscontestational -litmus -Litopterna -Litorina -Litorinidae -litorinoid -litotes -litra -Litsea -litster -litten -litter -litterateur -litterer -littermate -littery -little -littleleaf -littleneck -littleness -littlewale -littling -littlish -littoral -Littorella -littress -lituiform -lituite -Lituites -Lituitidae -Lituola -lituoline -lituoloid -liturate -liturgical -liturgically -liturgician -liturgics -liturgiological -liturgiologist -liturgiology -liturgism -liturgist -liturgistic -liturgistical -liturgize -liturgy -litus -lituus -Litvak -Lityerses -litz -Liukiu -Liv -livability -livable -livableness -live -liveborn -lived -livedo -livelihood -livelily -liveliness -livelong -lively -liven -liveness -liver -liverance -liverberry -livered -liverhearted -liverheartedness -liveried -liverish -liverishness -liverleaf -liverless -Liverpudlian -liverwort -liverwurst -livery -liverydom -liveryless -liveryman -livestock -Livian -livid -lividity -lividly -lividness -livier -living -livingless -livingly -livingness -livingstoneite -Livish -Livistona -Livonian -livor -livre -liwan -lixive -lixivial -lixiviate -lixiviation -lixiviator -lixivious -lixivium -Liyuan -Liz -Liza -lizard -lizardtail -Lizzie -llama -Llanberisslate -Llandeilo -Llandovery -llano -llautu -Lleu -Llew -Lloyd -Lludd -llyn -Lo -lo -Loa -loa -loach -load -loadage -loaded -loaden -loader -loading -loadless -loadpenny -loadsome -loadstone -loaf -loafer -loaferdom -loaferish -loafing -loafingly -loaflet -loaghtan -loam -loamily -loaminess -loaming -loamless -Loammi -loamy -loan -loanable -loaner -loanin -loanmonger -loanword -Loasa -Loasaceae -loasaceous -loath -loathe -loather -loathful -loathfully -loathfulness -loathing -loathingly -loathliness -loathly -loathness -loathsome -loathsomely -loathsomeness -Loatuko -loave -lob -Lobachevskian -lobal -Lobale -lobar -Lobaria -Lobata -Lobatae -lobate -lobated -lobately -lobation -lobber -lobbish -lobby -lobbyer -lobbyism -lobbyist -lobbyman -lobcock -lobe -lobectomy -lobed -lobefoot -lobefooted -lobeless -lobelet -Lobelia -Lobeliaceae -lobeliaceous -lobelin -lobeline -lobellated -lobfig -lobiform -lobigerous -lobing -lobiped -loblolly -lobo -lobola -lobopodium -Lobosa -lobose -lobotomy -lobscourse -lobscouse -lobscouser -lobster -lobstering -lobsterish -lobsterlike -lobsterproof -lobtail -lobular -Lobularia -lobularly -lobulate -lobulated -lobulation -lobule -lobulette -lobulose -lobulous -lobworm -loca -locable -local -locale -localism -localist -localistic -locality -localizable -localization -localize -localizer -locally -localness -locanda -Locarnist -Locarnite -Locarnize -Locarno -locate -location -locational -locative -locator -locellate -locellus -loch -lochage -lochan -lochetic -lochia -lochial -lochiocolpos -lochiocyte -lochiometra -lochiometritis -lochiopyra -lochiorrhagia -lochiorrhea -lochioschesis -Lochlin -lochometritis -lochoperitonitis -lochopyra -lochus -lochy -loci -lociation -lock -lockable -lockage -Lockatong -lockbox -locked -locker -lockerman -locket -lockful -lockhole -Lockian -Lockianism -locking -lockjaw -lockless -locklet -lockmaker -lockmaking -lockman -lockout -lockpin -Lockport -lockram -locksman -locksmith -locksmithery -locksmithing -lockspit -lockup -lockwork -locky -loco -locodescriptive -locofoco -Locofocoism -locoism -locomobile -locomobility -locomote -locomotility -locomotion -locomotive -locomotively -locomotiveman -locomotiveness -locomotivity -locomotor -locomotory -locomutation -locoweed -Locrian -Locrine -loculament -loculamentose -loculamentous -locular -loculate -loculated -loculation -locule -loculicidal -loculicidally -loculose -loculus -locum -locus -locust -locusta -locustal -locustberry -locustelle -locustid -Locustidae -locusting -locustlike -locution -locutor -locutorship -locutory -lod -Loddigesia -lode -lodemanage -lodesman -lodestar -lodestone -lodestuff -lodge -lodgeable -lodged -lodgeful -lodgeman -lodgepole -lodger -lodgerdom -lodging -lodginghouse -lodgings -lodgment -Lodha -lodicule -Lodoicea -Lodowic -Lodowick -Lodur -Loegria -loess -loessal -loessial -loessic -loessland -loessoid -lof -lofstelle -loft -lofter -loftily -loftiness -lofting -loftless -loftman -loftsman -lofty -log -loganberry -Logania -Loganiaceae -loganiaceous -loganin -logaoedic -logarithm -logarithmal -logarithmetic -logarithmetical -logarithmetically -logarithmic -logarithmical -logarithmically -logarithmomancy -logbook -logcock -loge -logeion -logeum -loggat -logged -logger -loggerhead -loggerheaded -loggia -loggin -logging -loggish -loghead -logheaded -logia -logic -logical -logicalist -logicality -logicalization -logicalize -logically -logicalness -logicaster -logician -logicism -logicist -logicity -logicize -logicless -logie -login -logion -logistic -logistical -logistician -logistics -logium -loglet -loglike -logman -logocracy -logodaedaly -logogogue -logogram -logogrammatic -logograph -logographer -logographic -logographical -logographically -logography -logogriph -logogriphic -logoi -logolatry -logology -logomach -logomacher -logomachic -logomachical -logomachist -logomachize -logomachy -logomancy -logomania -logomaniac -logometer -logometric -logometrical -logometrically -logopedia -logopedics -logorrhea -logos -logothete -logotype -logotypy -Logres -Logria -Logris -logroll -logroller -logrolling -logway -logwise -logwood -logwork -logy -lohan -Lohana -Lohar -lohoch -loimic -loimography -loimology -loin -loincloth -loined -loir -Lois -Loiseleuria -loiter -loiterer -loiteringly -loiteringness -loka -lokao -lokaose -lokapala -loke -loket -lokiec -Lokindra -Lokman -Lola -Loliginidae -Loligo -Lolium -loll -Lollard -Lollardian -Lollardism -Lollardist -Lollardize -Lollardlike -Lollardry -Lollardy -loller -lollingite -lollingly -lollipop -lollop -lollopy -lolly -Lolo -loma -lomastome -lomatine -lomatinous -Lomatium -Lombard -lombard -Lombardeer -Lombardesque -Lombardian -Lombardic -lomboy -Lombrosian -loment -lomentaceous -Lomentaria -lomentariaceous -lomentum -lomita -lommock -Lonchocarpus -Lonchopteridae -Londinensian -Londoner -Londonese -Londonesque -Londonian -Londonish -Londonism -Londonization -Londonize -Londony -Londres -lone -lonelihood -lonelily -loneliness -lonely -loneness -lonesome -lonesomely -lonesomeness -long -longa -longan -longanimity -longanimous -Longaville -longbeak -longbeard -longboat -longbow -longcloth -longe -longear -longer -longeval -longevity -longevous -longfelt -longfin -longful -longhair -longhand -longhead -longheaded -longheadedly -longheadedness -longhorn -longicaudal -longicaudate -longicone -longicorn -Longicornia -longilateral -longilingual -longiloquence -longimanous -longimetric -longimetry -longing -longingly -longingness -Longinian -longinquity -longipennate -longipennine -longirostral -longirostrate -longirostrine -Longirostrines -longisection -longish -longitude -longitudinal -longitudinally -longjaw -longleaf -longlegs -longly -longmouthed -longness -Longobard -Longobardi -Longobardian -Longobardic -longs -longshanks -longshore -longshoreman -longsome -longsomely -longsomeness -longspun -longspur -longtail -longue -longulite -longway -longways -longwise -longwool -longwork -longwort -Lonhyn -Lonicera -Lonk -lonquhard -lontar -loo -looby -lood -loof -loofah -loofie -loofness -look -looker -looking -lookout -lookum -loom -loomer -loomery -looming -loon -loonery -looney -loony -loop -looper -loopful -loophole -looping -loopist -looplet -looplike -loopy -loose -loosely -loosemouthed -loosen -loosener -looseness -looser -loosestrife -loosing -loosish -loot -lootable -looten -looter -lootie -lootiewallah -lootsman -lop -lope -loper -Lopezia -lophiid -Lophiidae -lophine -Lophiodon -lophiodont -Lophiodontidae -lophiodontoid -Lophiola -Lophiomyidae -Lophiomyinae -Lophiomys -lophiostomate -lophiostomous -lophobranch -lophobranchiate -Lophobranchii -lophocalthrops -lophocercal -Lophocome -Lophocomi -Lophodermium -lophodont -Lophophora -lophophoral -lophophore -Lophophorinae -lophophorine -Lophophorus -lophophytosis -Lophopoda -Lophornis -Lophortyx -lophosteon -lophotriaene -lophotrichic -lophotrichous -Lophura -lopolith -loppard -lopper -loppet -lopping -loppy -lopseed -lopsided -lopsidedly -lopsidedness -lopstick -loquacious -loquaciously -loquaciousness -loquacity -loquat -loquence -loquent -loquently -Lora -lora -loral -loran -lorandite -loranskite -Loranthaceae -loranthaceous -Loranthus -lorarius -lorate -lorcha -Lord -lord -lording -lordkin -lordless -lordlet -lordlike -lordlily -lordliness -lordling -lordly -lordolatry -lordosis -lordotic -lordship -lordwood -lordy -lore -loreal -lored -loreless -Loren -Lorenzan -lorenzenite -Lorenzo -Lorettine -lorettoite -lorgnette -Lori -lori -loric -lorica -loricarian -Loricariidae -loricarioid -Loricata -loricate -Loricati -lorication -loricoid -Lorien -lorikeet -lorilet -lorimer -loriot -loris -Lorius -lormery -lorn -lornness -loro -Lorraine -Lorrainer -Lorrainese -lorriker -lorry -lors -lorum -lory -losable -losableness -lose -losel -loselism -losenger -loser -losh -losing -loss -lossenite -lossless -lossproof -lost -lostling -lostness -Lot -lot -Lota -lota -lotase -lote -lotebush -Lotharingian -lotic -lotiform -lotion -lotment -Lotophagi -lotophagous -lotophagously -lotrite -lots -Lotta -Lotte -lotter -lottery -Lottie -lotto -Lotuko -lotus -lotusin -lotuslike -Lou -louch -louchettes -loud -louden -loudering -loudish -loudly -loudmouthed -loudness -louey -lough -lougheen -Louie -Louiqa -Louis -Louisa -Louise -Louisiana -Louisianian -louisine -louk -Loukas -loukoum -loulu -lounder -lounderer -lounge -lounger -lounging -loungingly -loungy -Loup -loup -loupe -lour -lourdy -louse -louseberry -lousewort -lousily -lousiness -louster -lousy -lout -louter -louther -loutish -loutishly -loutishness -loutrophoros -louty -louvar -louver -louvered -louvering -louverwork -Louvre -lovability -lovable -lovableness -lovably -lovage -love -lovebird -loveflower -loveful -lovelass -loveless -lovelessly -lovelessness -lovelihead -lovelily -loveliness -loveling -lovelock -lovelorn -lovelornness -lovely -loveman -lovemate -lovemonger -loveproof -lover -loverdom -lovered -loverhood -lovering -loverless -loverliness -loverly -lovership -loverwise -lovesick -lovesickness -lovesome -lovesomely -lovesomeness -loveworth -loveworthy -loving -lovingly -lovingness -low -lowa -lowan -lowbell -lowborn -lowboy -lowbred -lowdah -lowder -loweite -Lowell -lower -lowerable -lowerclassman -lowerer -lowering -loweringly -loweringness -lowermost -lowery -lowigite -lowish -lowishly -lowishness -lowland -lowlander -lowlily -lowliness -lowly -lowmen -lowmost -lown -lowness -lownly -lowth -Lowville -lowwood -lowy -lox -loxia -loxic -Loxiinae -loxoclase -loxocosm -loxodograph -Loxodon -loxodont -Loxodonta -loxodontous -loxodrome -loxodromic -loxodromical -loxodromically -loxodromics -loxodromism -Loxolophodon -loxolophodont -Loxomma -loxophthalmus -Loxosoma -Loxosomidae -loxotic -loxotomy -loy -loyal -loyalism -loyalist -loyalize -loyally -loyalness -loyalty -Loyd -Loyolism -Loyolite -lozenge -lozenged -lozenger -lozengeways -lozengewise -lozengy -Lu -Luba -lubber -lubbercock -Lubberland -lubberlike -lubberliness -lubberly -lube -lubra -lubric -lubricant -lubricate -lubrication -lubricational -lubricative -lubricator -lubricatory -lubricious -lubricity -lubricous -lubrifaction -lubrification -lubrify -lubritorian -lubritorium -Luc -Lucan -Lucania -lucanid -Lucanidae -Lucanus -lucarne -Lucayan -lucban -Lucchese -luce -lucence -lucency -lucent -Lucentio -lucently -Luceres -lucern -lucernal -Lucernaria -lucernarian -Lucernariidae -lucerne -lucet -Luchuan -Lucia -Lucian -Luciana -lucible -lucid -lucida -lucidity -lucidly -lucidness -lucifee -Lucifer -luciferase -Luciferian -Luciferidae -luciferin -luciferoid -luciferous -luciferously -luciferousness -lucific -luciform -lucifugal -lucifugous -lucigen -Lucile -Lucilia -lucimeter -Lucina -Lucinacea -Lucinda -Lucinidae -lucinoid -Lucite -Lucius -lucivee -luck -lucken -luckful -luckie -luckily -luckiness -luckless -lucklessly -lucklessness -Lucknow -lucky -lucration -lucrative -lucratively -lucrativeness -lucre -Lucrece -Lucretia -Lucretian -Lucretius -lucriferous -lucriferousness -lucrific -lucrify -Lucrine -luctation -luctiferous -luctiferousness -lucubrate -lucubration -lucubrator -lucubratory -lucule -luculent -luculently -Lucullan -lucullite -Lucuma -lucumia -Lucumo -lucumony -Lucy -lucy -ludden -Luddism -Luddite -Ludditism -ludefisk -Ludgate -Ludgathian -Ludgatian -Ludian -ludibrious -ludibry -ludicropathetic -ludicroserious -ludicrosity -ludicrosplenetic -ludicrous -ludicrously -ludicrousness -ludification -ludlamite -Ludlovian -Ludlow -ludo -Ludolphian -Ludwig -ludwigite -lue -Luella -lues -luetic -luetically -lufberry -lufbery -luff -Luffa -Lug -lug -Luganda -luge -luger -luggage -luggageless -luggar -lugged -lugger -luggie -Luggnagg -lugmark -Lugnas -lugsail -lugsome -lugubriosity -lugubrious -lugubriously -lugubriousness -lugworm -luhinga -Lui -Luian -Luigi -luigino -Luis -Luiseno -Luite -lujaurite -Lukas -Luke -luke -lukely -lukeness -lukewarm -lukewarmish -lukewarmly -lukewarmness -lukewarmth -Lula -lulab -lull -lullaby -luller -Lullian -lulliloo -lullingly -Lulu -lulu -Lum -lum -lumachel -lumbaginous -lumbago -lumbang -lumbar -lumbarization -lumbayao -lumber -lumberdar -lumberdom -lumberer -lumbering -lumberingly -lumberingness -lumberjack -lumberless -lumberly -lumberman -lumbersome -lumberyard -lumbocolostomy -lumbocolotomy -lumbocostal -lumbodorsal -lumbodynia -lumbosacral -lumbovertebral -lumbrical -lumbricalis -Lumbricidae -lumbriciform -lumbricine -lumbricoid -lumbricosis -Lumbricus -lumbrous -lumen -luminaire -Luminal -luminal -luminance -luminant -luminarious -luminarism -luminarist -luminary -luminate -lumination -luminative -luminator -lumine -luminesce -luminescence -luminescent -luminiferous -luminificent -luminism -luminist -luminologist -luminometer -luminosity -luminous -luminously -luminousness -lummox -lummy -lump -lumper -lumpet -lumpfish -lumpily -lumpiness -lumping -lumpingly -lumpish -lumpishly -lumpishness -lumpkin -lumpman -lumpsucker -lumpy -luna -lunacy -lunambulism -lunar -lunare -Lunaria -lunarian -lunarist -lunarium -lunary -lunate -lunatellus -lunately -lunatic -lunatically -lunation -lunatize -lunatum -lunch -luncheon -luncheoner -luncheonette -luncheonless -luncher -lunchroom -Lunda -Lundinarium -lundress -lundyfoot -lune -Lunel -lunes -lunette -lung -lunge -lunged -lungeous -lunger -lungfish -lungflower -lungful -lungi -lungie -lungis -lungless -lungmotor -lungsick -lungworm -lungwort -lungy -lunicurrent -luniform -lunisolar -lunistice -lunistitial -lunitidal -Lunka -lunkhead -lunn -lunoid -lunt -lunula -lunular -Lunularia -lunulate -lunulated -lunule -lunulet -lunulite -Lunulites -Luo -lupanarian -lupanine -lupe -lupeol -lupeose -Lupercal -Lupercalia -Lupercalian -Luperci -lupetidine -lupicide -Lupid -lupiform -lupinaster -lupine -lupinin -lupinine -lupinosis -lupinous -Lupinus -lupis -lupoid -lupous -lupulic -lupulin -lupuline -lupulinic -lupulinous -lupulinum -lupulus -lupus -lupuserythematosus -Lur -lura -lural -lurch -lurcher -lurchingfully -lurchingly -lurchline -lurdan -lurdanism -lure -lureful -lurement -lurer -luresome -lurg -lurgworm -Luri -lurid -luridity -luridly -luridness -luringly -lurk -lurker -lurkingly -lurkingness -lurky -lurrier -lurry -Lusatian -Luscinia -luscious -lusciously -lusciousness -lush -Lushai -lushburg -Lushei -lusher -lushly -lushness -lushy -Lusiad -Lusian -Lusitania -Lusitanian -lusk -lusky -lusory -lust -luster -lusterer -lusterless -lusterware -lustful -lustfully -lustfulness -lustihead -lustily -lustiness -lustless -lustra -lustral -lustrant -lustrate -lustration -lustrative -lustratory -lustreless -lustrical -lustrification -lustrify -lustrine -lustring -lustrous -lustrously -lustrousness -lustrum -lusty -lut -lutaceous -lutanist -lutany -Lutao -lutation -Lutayo -lute -luteal -lutecia -lutecium -lutein -luteinization -luteinize -lutelet -lutemaker -lutemaking -luteo -luteocobaltic -luteofulvous -luteofuscescent -luteofuscous -luteolin -luteolous -luteoma -luteorufescent -luteous -luteovirescent -luter -lutescent -lutestring -Lutetia -Lutetian -lutetium -luteway -lutfisk -Luther -Lutheran -Lutheranic -Lutheranism -Lutheranize -Lutheranizer -Lutherism -Lutherist -luthern -luthier -lutianid -Lutianidae -lutianoid -Lutianus -lutidine -lutidinic -luting -lutist -Lutjanidae -Lutjanus -lutose -Lutra -Lutraria -Lutreola -lutrin -Lutrinae -lutrine -lutulence -lutulent -Luvaridae -Luvian -Luvish -Luwian -lux -luxate -luxation -luxe -Luxemburger -Luxemburgian -luxulianite -luxuriance -luxuriancy -luxuriant -luxuriantly -luxuriantness -luxuriate -luxuriation -luxurious -luxuriously -luxuriousness -luxurist -luxury -luxus -Luzula -Lwo -ly -lyam -lyard -Lyas -Lycaena -lycaenid -Lycaenidae -lycanthrope -lycanthropia -lycanthropic -lycanthropist -lycanthropize -lycanthropous -lycanthropy -lyceal -lyceum -Lychnic -Lychnis -lychnomancy -lychnoscope -lychnoscopic -Lycian -lycid -Lycidae -Lycium -Lycodes -Lycodidae -lycodoid -lycopene -Lycoperdaceae -lycoperdaceous -Lycoperdales -lycoperdoid -Lycoperdon -lycoperdon -Lycopersicon -lycopin -lycopod -lycopode -Lycopodiaceae -lycopodiaceous -Lycopodiales -Lycopodium -Lycopsida -Lycopsis -Lycopus -lycorine -Lycosa -lycosid -Lycosidae -lyctid -Lyctidae -Lyctus -Lycus -lyddite -Lydia -Lydian -lydite -lye -Lyencephala -lyencephalous -lyery -lygaeid -Lygaeidae -Lygeum -Lygodium -Lygosoma -lying -lyingly -Lymantria -lymantriid -Lymantriidae -lymhpangiophlebitis -Lymnaea -lymnaean -lymnaeid -Lymnaeidae -lymph -lymphad -lymphadenectasia -lymphadenectasis -lymphadenia -lymphadenitis -lymphadenoid -lymphadenoma -lymphadenopathy -lymphadenosis -lymphaemia -lymphagogue -lymphangeitis -lymphangial -lymphangiectasis -lymphangiectatic -lymphangiectodes -lymphangiitis -lymphangioendothelioma -lymphangiofibroma -lymphangiology -lymphangioma -lymphangiomatous -lymphangioplasty -lymphangiosarcoma -lymphangiotomy -lymphangitic -lymphangitis -lymphatic -lymphatical -lymphation -lymphatism -lymphatitis -lymphatolysin -lymphatolysis -lymphatolytic -lymphectasia -lymphedema -lymphemia -lymphenteritis -lymphoblast -lymphoblastic -lymphoblastoma -lymphoblastosis -lymphocele -lymphocyst -lymphocystosis -lymphocyte -lymphocythemia -lymphocytic -lymphocytoma -lymphocytomatosis -lymphocytosis -lymphocytotic -lymphocytotoxin -lymphodermia -lymphoduct -lymphogenic -lymphogenous -lymphoglandula -lymphogranuloma -lymphoid -lymphoidectomy -lymphology -lymphoma -lymphomatosis -lymphomatous -lymphomonocyte -lymphomyxoma -lymphopathy -lymphopenia -lymphopenial -lymphopoiesis -lymphopoietic -lymphoprotease -lymphorrhage -lymphorrhagia -lymphorrhagic -lymphorrhea -lymphosarcoma -lymphosarcomatosis -lymphosarcomatous -lymphosporidiosis -lymphostasis -lymphotaxis -lymphotome -lymphotomy -lymphotoxemia -lymphotoxin -lymphotrophic -lymphotrophy -lymphous -lymphuria -lymphy -lyncean -Lynceus -lynch -lynchable -lyncher -Lyncid -lyncine -Lyndon -Lynette -Lyngbyaceae -Lyngbyeae -Lynn -Lynne -Lynnette -lynnhaven -lynx -Lyomeri -lyomerous -Lyon -Lyonese -Lyonetia -lyonetiid -Lyonetiidae -Lyonnais -lyonnaise -Lyonnesse -lyophile -lyophilization -lyophilize -lyophobe -Lyopoma -Lyopomata -lyopomatous -lyotrope -lypemania -Lyperosia -lypothymia -lyra -Lyraid -lyrate -lyrated -lyrately -lyraway -lyre -lyrebird -lyreflower -lyreman -lyretail -lyric -lyrical -lyrically -lyricalness -lyrichord -lyricism -lyricist -lyricize -Lyrid -lyriform -lyrism -lyrist -Lyrurus -lys -Lysander -lysate -lyse -Lysenkoism -lysidine -lysigenic -lysigenous -lysigenously -Lysiloma -Lysimachia -Lysimachus -lysimeter -lysin -lysine -lysis -Lysistrata -lysogen -lysogenesis -lysogenetic -lysogenic -lysozyme -lyssa -lyssic -lyssophobia -lyterian -Lythraceae -lythraceous -Lythrum -lytic -lytta -lyxose -M -m -Ma -ma -maam -maamselle -Maarten -Mab -Maba -Mabel -Mabellona -mabi -Mabinogion -mabolo -Mac -mac -macaasim -macabre -macabresque -Macaca -macaco -Macacus -macadam -Macadamia -macadamite -macadamization -macadamize -macadamizer -Macaglia -macan -macana -Macanese -macao -macaque -Macaranga -Macarani -Macareus -macarism -macarize -macaroni -macaronic -macaronical -macaronically -macaronicism -macaronism -macaroon -Macartney -Macassar -Macassarese -macaw -Macbeth -Maccabaeus -Maccabean -Maccabees -maccaboy -macco -maccoboy -Macduff -mace -macedoine -Macedon -Macedonian -Macedonic -macehead -maceman -macer -macerate -macerater -maceration -Macflecknoe -machairodont -Machairodontidae -Machairodontinae -Machairodus -machan -machar -machete -Machetes -machi -Machiavel -Machiavellian -Machiavellianism -Machiavellianly -Machiavellic -Machiavellism -machiavellist -Machiavellistic -machicolate -machicolation -machicoulis -Machicui -machila -Machilidae -Machilis -machin -machinability -machinable -machinal -machinate -machination -machinator -machine -machineful -machineless -machinelike -machinely -machineman -machinemonger -machiner -machinery -machinification -machinify -machinism -machinist -machinization -machinize -machinoclast -machinofacture -machinotechnique -machinule -Machogo -machopolyp -machree -macies -Macigno -macilence -macilency -macilent -mack -mackenboy -mackerel -mackereler -mackereling -Mackinaw -mackins -mackintosh -mackintoshite -mackle -macklike -macle -Macleaya -macled -Maclura -Maclurea -maclurin -Macmillanite -maco -Macon -maconite -Macracanthorhynchus -macracanthrorhynchiasis -macradenous -macrame -macrander -macrandrous -macrauchene -Macrauchenia -macraucheniid -Macraucheniidae -macraucheniiform -macrauchenioid -macrencephalic -macrencephalous -macro -macroanalysis -macroanalyst -macroanalytical -macrobacterium -macrobian -macrobiosis -macrobiote -macrobiotic -macrobiotics -Macrobiotus -macroblast -macrobrachia -macrocarpous -Macrocentrinae -Macrocentrus -macrocephalia -macrocephalic -macrocephalism -macrocephalous -macrocephalus -macrocephaly -macrochaeta -macrocheilia -Macrochelys -macrochemical -macrochemically -macrochemistry -Macrochira -macrochiran -Macrochires -macrochiria -Macrochiroptera -macrochiropteran -macrocladous -macroclimate -macroclimatic -macrococcus -macrocoly -macroconidial -macroconidium -macroconjugant -macrocornea -macrocosm -macrocosmic -macrocosmical -macrocosmology -macrocosmos -macrocrystalline -macrocyst -Macrocystis -macrocyte -macrocythemia -macrocytic -macrocytosis -macrodactyl -macrodactylia -macrodactylic -macrodactylism -macrodactylous -macrodactyly -macrodiagonal -macrodomatic -macrodome -macrodont -macrodontia -macrodontism -macroelement -macroergate -macroevolution -macrofarad -macrogamete -macrogametocyte -macrogamy -macrogastria -macroglossate -macroglossia -macrognathic -macrognathism -macrognathous -macrogonidium -macrograph -macrographic -macrography -macrolepidoptera -macrolepidopterous -macrology -macromandibular -macromania -macromastia -macromazia -macromelia -macromeral -macromere -macromeric -macromerite -macromeritic -macromesentery -macrometer -macromethod -macromolecule -macromyelon -macromyelonal -macron -macronuclear -macronucleus -macronutrient -macropetalous -macrophage -macrophagocyte -macrophagus -Macrophoma -macrophotograph -macrophotography -macrophyllous -macrophysics -macropia -macropinacoid -macropinacoidal -macroplankton -macroplasia -macroplastia -macropleural -macropodia -Macropodidae -Macropodinae -macropodine -macropodous -macroprism -macroprosopia -macropsia -macropteran -macropterous -Macropus -Macropygia -macropyramid -macroreaction -Macrorhamphosidae -Macrorhamphosus -macrorhinia -Macrorhinus -macroscelia -Macroscelides -macroscian -macroscopic -macroscopical -macroscopically -macroseism -macroseismic -macroseismograph -macrosepalous -macroseptum -macrosmatic -macrosomatia -macrosomatous -macrosomia -macrosplanchnic -macrosporange -macrosporangium -macrospore -macrosporic -Macrosporium -macrosporophore -macrosporophyl -macrosporophyll -Macrostachya -macrostomatous -macrostomia -macrostructural -macrostructure -macrostylospore -macrostylous -macrosymbiont -macrothere -Macrotheriidae -macrotherioid -Macrotherium -macrotherm -macrotia -macrotin -Macrotolagus -macrotome -macrotone -macrotous -macrourid -Macrouridae -Macrourus -Macrozamia -macrozoogonidium -macrozoospore -Macrura -macrural -macruran -macruroid -macrurous -mactation -Mactra -Mactridae -mactroid -macuca -macula -macular -maculate -maculated -maculation -macule -maculicole -maculicolous -maculiferous -maculocerebral -maculopapular -maculose -Macusi -macuta -mad -Madagascan -Madagascar -Madagascarian -Madagass -madam -madame -madapollam -madarosis -madarotic -madbrain -madbrained -madcap -madden -maddening -maddeningly -maddeningness -madder -madderish -madderwort -madding -maddingly -maddish -maddle -made -Madecase -madefaction -madefy -Madegassy -Madeira -Madeiran -Madeline -madeline -Madelon -madescent -Madge -madhouse -madhuca -Madhva -Madi -Madia -madid -madidans -Madiga -madisterium -madling -madly -madman -madnep -madness -mado -Madoc -Madonna -Madonnahood -Madonnaish -Madonnalike -madoqua -Madotheca -madrague -Madras -madrasah -Madrasi -madreperl -Madrepora -Madreporacea -madreporacean -Madreporaria -madreporarian -madrepore -madreporian -madreporic -madreporiform -madreporite -madreporitic -Madrid -madrier -madrigal -madrigaler -madrigaletto -madrigalian -madrigalist -Madrilene -Madrilenian -madrona -madship -madstone -Madurese -maduro -madweed -madwoman -madwort -mae -Maeandra -Maeandrina -maeandrine -maeandriniform -maeandrinoid -maeandroid -Maecenas -Maecenasship -maegbote -Maelstrom -Maemacterion -maenad -maenadic -maenadism -maenaite -Maenalus -Maenidae -Maeonian -Maeonides -maestri -maestro -maffia -maffick -mafficker -maffle -mafflin -mafic -mafoo -mafura -mag -Maga -Magadhi -magadis -magadize -Magahi -Magalensia -magani -magas -magazinable -magazinage -magazine -magazinelet -magaziner -magazinette -magazinish -magazinism -magazinist -magaziny -Magdalen -Magdalene -Magdalenian -mage -Magellan -Magellanian -Magellanic -magenta -magged -Maggie -maggle -maggot -maggotiness -maggotpie -maggoty -Maggy -Magh -Maghi -Maghrib -Maghribi -Magi -magi -Magian -Magianism -magic -magical -magicalize -magically -magicdom -magician -magicianship -magicked -magicking -Magindanao -magiric -magirics -magirist -magiristic -magirological -magirologist -magirology -Magism -magister -magisterial -magisteriality -magisterially -magisterialness -magistery -magistracy -magistral -magistrality -magistrally -magistrand -magistrant -magistrate -magistrateship -magistratic -magistratical -magistratically -magistrative -magistrature -Maglemose -Maglemosean -Maglemosian -magma -magmatic -magnanimity -magnanimous -magnanimously -magnanimousness -magnascope -magnascopic -magnate -magnecrystallic -magnelectric -magneoptic -magnes -magnesia -magnesial -magnesian -magnesic -magnesioferrite -magnesite -magnesium -magnet -magneta -magnetic -magnetical -magnetically -magneticalness -magnetician -magnetics -magnetiferous -magnetification -magnetify -magnetimeter -magnetism -magnetist -magnetite -magnetitic -magnetizability -magnetizable -magnetization -magnetize -magnetizer -magneto -magnetobell -magnetochemical -magnetochemistry -magnetod -magnetodynamo -magnetoelectric -magnetoelectrical -magnetoelectricity -magnetogenerator -magnetogram -magnetograph -magnetographic -magnetoid -magnetomachine -magnetometer -magnetometric -magnetometrical -magnetometrically -magnetometry -magnetomotive -magnetomotor -magneton -magnetooptic -magnetooptical -magnetooptics -magnetophone -magnetophonograph -magnetoplumbite -magnetoprinter -magnetoscope -magnetostriction -magnetotelegraph -magnetotelephone -magnetotherapy -magnetotransmitter -magnetron -magnicaudate -magnicaudatous -magnifiable -magnific -magnifical -magnifically -Magnificat -magnification -magnificative -magnifice -magnificence -magnificent -magnificently -magnificentness -magnifico -magnifier -magnify -magniloquence -magniloquent -magniloquently -magniloquy -magnipotence -magnipotent -magnirostrate -magnisonant -magnitude -magnitudinous -magnochromite -magnoferrite -Magnolia -magnolia -Magnoliaceae -magnoliaceous -magnum -Magnus -Magog -magot -magpie -magpied -magpieish -magsman -maguari -maguey -Magyar -Magyaran -Magyarism -Magyarization -Magyarize -Mah -maha -mahaleb -mahalla -mahant -mahar -maharaja -maharajrana -maharana -maharanee -maharani -maharao -Maharashtri -maharawal -maharawat -mahatma -mahatmaism -Mahayana -Mahayanism -Mahayanist -Mahayanistic -Mahdi -Mahdian -Mahdiship -Mahdism -Mahdist -Mahesh -Mahi -Mahican -mahmal -Mahmoud -mahmudi -mahoe -mahoganize -mahogany -mahoitre -maholi -maholtine -Mahomet -Mahometry -mahone -Mahonia -Mahori -Mahound -mahout -Mahra -Mahran -Mahri -mahseer -mahua -mahuang -Maia -Maiacca -Maianthemum -maid -Maida -maidan -maiden -maidenhair -maidenhead -maidenhood -maidenish -maidenism -maidenlike -maidenliness -maidenly -maidenship -maidenweed -maidhood -Maidie -maidish -maidism -maidkin -maidlike -maidling -maidservant -Maidu -maidy -maiefic -maieutic -maieutical -maieutics -maigre -maiid -Maiidae -mail -mailable -mailbag -mailbox -mailclad -mailed -mailer -mailguard -mailie -maillechort -mailless -mailman -mailplane -maim -maimed -maimedly -maimedness -maimer -maimon -Maimonidean -Maimonist -main -Mainan -Maine -mainferre -mainlander -mainly -mainmast -mainmortable -mainour -mainpast -mainpernable -mainpernor -mainpin -mainport -mainpost -mainprise -mains -mainsail -mainsheet -mainspring -mainstay -Mainstreeter -Mainstreetism -maint -maintain -maintainable -maintainableness -maintainer -maintainment -maintainor -maintenance -Maintenon -maintop -maintopman -maioid -Maioidea -maioidean -Maioli -Maiongkong -Maipure -mairatour -maire -maisonette -Maithili -maitlandite -Maitreya -Maius -maize -maizebird -maizenic -maizer -Maja -Majagga -majagua -Majesta -majestic -majestical -majestically -majesticalness -majesticness -majestious -majesty -majestyship -Majlis -majo -majolica -majolist -majoon -Major -major -majorate -majoration -Majorcan -majorette -Majorism -Majorist -Majoristic -majority -majorize -majorship -majuscular -majuscule -makable -Makah -Makaraka -Makari -Makassar -make -makebate -makedom -makefast -maker -makeress -makership -makeshift -makeshiftiness -makeshiftness -makeshifty -makeweight -makhzan -maki -makimono -making -makluk -mako -Makonde -makroskelic -Maku -Makua -makuk -mal -mala -malaanonang -Malabar -Malabarese -malabathrum -malacanthid -Malacanthidae -malacanthine -Malacanthus -Malacca -Malaccan -malaccident -Malaceae -malaceous -malachite -malacia -Malaclemys -Malaclypse -Malacobdella -Malacocotylea -malacoderm -Malacodermatidae -malacodermatous -Malacodermidae -malacodermous -malacoid -malacolite -malacological -malacologist -malacology -malacon -malacophilous -malacophonous -malacophyllous -malacopod -Malacopoda -malacopodous -malacopterygian -Malacopterygii -malacopterygious -Malacoscolices -Malacoscolicine -Malacosoma -Malacostraca -malacostracan -malacostracology -malacostracous -malactic -maladaptation -maladdress -maladive -maladjust -maladjusted -maladjustive -maladjustment -maladminister -maladministration -maladministrator -maladroit -maladroitly -maladroitness -maladventure -malady -Malaga -Malagasy -Malagigi -malagma -malaguena -malahack -malaise -malakin -malalignment -malambo -malandered -malanders -malandrous -malanga -malapaho -malapert -malapertly -malapertness -malapi -malapplication -malappointment -malappropriate -malappropriation -malaprop -malapropian -malapropish -malapropism -malapropoism -malapropos -Malapterurus -malar -malaria -malarial -malariaproof -malarin -malarioid -malariologist -malariology -malarious -malarkey -malaroma -malarrangement -malasapsap -malassimilation -malassociation -malate -malati -malattress -malax -malaxable -malaxage -malaxate -malaxation -malaxator -malaxerman -Malaxis -Malay -Malayalam -Malayalim -Malayan -Malayic -Malayize -Malayoid -Malaysian -malbehavior -malbrouck -malchite -Malchus -Malcolm -malconceived -malconduct -malconformation -malconstruction -malcontent -malcontented -malcontentedly -malcontentedness -malcontentism -malcontently -malcontentment -malconvenance -malcreated -malcultivation -maldeveloped -maldevelopment -maldigestion -maldirection -maldistribution -Maldivian -maldonite -malduck -Male -male -malease -maleate -Malebolge -Malebolgian -Malebolgic -Malebranchism -Malecite -maledicent -maledict -malediction -maledictive -maledictory -maleducation -malefaction -malefactor -malefactory -malefactress -malefical -malefically -maleficence -maleficent -maleficial -maleficiate -maleficiation -maleic -maleinoid -malella -Malemute -maleness -malengine -maleo -maleruption -Malesherbia -Malesherbiaceae -malesherbiaceous -malevolence -malevolency -malevolent -malevolently -malexecution -malfeasance -malfeasant -malfed -malformation -malformed -malfortune -malfunction -malgovernment -malgrace -malguzar -malguzari -malhonest -malhygiene -mali -malic -malice -maliceful -maliceproof -malicho -malicious -maliciously -maliciousness -malicorium -malidentification -maliferous -maliform -malign -malignance -malignancy -malignant -malignantly -malignation -maligner -malignify -malignity -malignly -malignment -malik -malikadna -malikala -malikana -Maliki -Malikite -maline -malines -malinfluence -malinger -malingerer -malingery -Malinois -malinowskite -malinstitution -malinstruction -malintent -malism -malison -malist -malistic -malkin -Malkite -mall -malladrite -mallangong -mallard -mallardite -malleability -malleabilization -malleable -malleableize -malleableized -malleableness -malleablize -malleal -mallear -malleate -malleation -mallee -Malleifera -malleiferous -malleiform -mallein -malleinization -malleinize -mallemaroking -mallemuck -malleoincudal -malleolable -malleolar -malleolus -mallet -malleus -Malling -Mallophaga -mallophagan -mallophagous -malloseismic -Mallotus -mallow -mallowwort -Malloy -mallum -mallus -malm -Malmaison -malmignatte -malmsey -malmstone -malmy -malnourished -malnourishment -malnutrite -malnutrition -malo -malobservance -malobservation -maloccluded -malocclusion -malodor -malodorant -malodorous -malodorously -malodorousness -malojilla -malonate -malonic -malonyl -malonylurea -Malope -maloperation -malorganization -malorganized -malouah -malpais -Malpighia -Malpighiaceae -malpighiaceous -Malpighian -malplaced -malpoise -malposed -malposition -malpractice -malpractioner -malpraxis -malpresentation -malproportion -malproportioned -malpropriety -malpublication -malreasoning -malrotation -malshapen -malt -maltable -maltase -malter -Maltese -maltha -Malthe -malthouse -Malthusian -Malthusianism -Malthusiast -maltiness -malting -maltman -Malto -maltobiose -maltodextrin -maltodextrine -maltolte -maltose -maltreat -maltreatment -maltreator -maltster -malturned -maltworm -malty -malunion -Malurinae -malurine -Malurus -Malus -Malva -Malvaceae -malvaceous -Malvales -malvasia -malvasian -Malvastrum -malversation -malverse -malvoisie -malvolition -Mam -mamba -mambo -mameliere -mamelonation -mameluco -Mameluke -Mamercus -Mamers -Mamertine -Mamie -Mamilius -mamlatdar -mamma -mammal -mammalgia -Mammalia -mammalian -mammaliferous -mammality -mammalogical -mammalogist -mammalogy -mammary -mammate -Mammea -mammectomy -mammee -mammer -Mammifera -mammiferous -mammiform -mammilla -mammillaplasty -mammillar -Mammillaria -mammillary -mammillate -mammillated -mammillation -mammilliform -mammilloid -mammitis -mammock -mammogen -mammogenic -mammogenically -mammon -mammondom -mammoniacal -mammonish -mammonism -mammonist -mammonistic -mammonite -mammonitish -mammonization -mammonize -mammonolatry -Mammonteus -mammoth -mammothrept -mammula -mammular -Mammut -Mammutidae -mammy -mamo -man -mana -Manabozho -manacle -Manacus -manage -manageability -manageable -manageableness -manageably -managee -manageless -management -managemental -manager -managerdom -manageress -managerial -managerially -managership -managery -manaism -manakin -manal -manas -Manasquan -manatee -Manatidae -manatine -manatoid -Manatus -manavel -manavelins -Manavendra -manbird -manbot -manche -Manchester -Manchesterdom -Manchesterism -Manchesterist -Manchestrian -manchet -manchineel -Manchu -Manchurian -mancinism -mancipable -mancipant -mancipate -mancipation -mancipative -mancipatory -mancipee -mancipium -manciple -mancipleship -mancipular -mancono -Mancunian -mancus -mand -Mandaean -Mandaeism -Mandaic -Mandaite -mandala -Mandalay -mandament -mandamus -Mandan -mandant -mandarah -mandarin -mandarinate -mandarindom -mandariness -mandarinic -mandarinism -mandarinize -mandarinship -mandatary -mandate -mandatee -mandation -mandative -mandator -mandatorily -mandatory -mandatum -Mande -mandelate -mandelic -mandible -mandibula -mandibular -mandibulary -Mandibulata -mandibulate -mandibulated -mandibuliform -mandibulohyoid -mandibulomaxillary -mandibulopharyngeal -mandibulosuspensorial -mandil -mandilion -Mandingan -Mandingo -mandola -mandolin -mandolinist -mandolute -mandom -mandora -mandore -mandra -mandragora -mandrake -mandrel -mandriarch -mandrill -mandrin -mandruka -mandua -manducable -manducate -manducation -manducatory -mandyas -mane -maned -manege -manei -maneless -manent -manerial -manes -manesheet -maness -Manetti -Manettia -maneuver -maneuverability -maneuverable -maneuverer -maneuvrability -maneuvrable -maney -Manfred -Manfreda -manful -manfully -manfulness -mang -manga -mangabeira -mangabey -mangal -manganapatite -manganate -manganblende -manganbrucite -manganeisen -manganese -manganesian -manganetic -manganhedenbergite -manganic -manganiferous -manganite -manganium -manganize -Manganja -manganocalcite -manganocolumbite -manganophyllite -manganosiderite -manganosite -manganostibiite -manganotantalite -manganous -manganpectolite -Mangar -Mangbattu -mange -mangeao -mangel -mangelin -manger -mangerite -mangi -Mangifera -mangily -manginess -mangle -mangleman -mangler -mangling -manglingly -mango -mangona -mangonel -mangonism -mangonization -mangonize -mangosteen -mangrass -mangrate -mangrove -Mangue -mangue -mangy -Mangyan -manhandle -Manhattan -Manhattanite -Manhattanize -manhead -manhole -manhood -mani -mania -maniable -maniac -maniacal -maniacally -manic -Manicaria -manicate -Manichaean -Manichaeanism -Manichaeanize -Manichaeism -Manichaeist -Manichee -manichord -manicole -manicure -manicurist -manid -Manidae -manienie -manifest -manifestable -manifestant -manifestation -manifestational -manifestationist -manifestative -manifestatively -manifested -manifestedness -manifester -manifestive -manifestly -manifestness -manifesto -manifold -manifolder -manifoldly -manifoldness -manifoldwise -maniform -manify -Manihot -manikin -manikinism -Manila -manila -manilla -manille -manioc -maniple -manipulable -manipular -manipulatable -manipulate -manipulation -manipulative -manipulatively -manipulator -manipulatory -Manipuri -Manis -manism -manist -manistic -manito -Manitoban -manitrunk -maniu -Manius -Maniva -manjak -Manjeri -mank -mankeeper -mankin -mankind -manless -manlessly -manlessness -manlet -manlihood -manlike -manlikely -manlikeness -manlily -manliness -manling -manly -Mann -manna -mannan -mannequin -manner -mannerable -mannered -mannerhood -mannering -mannerism -mannerist -manneristic -manneristical -manneristically -mannerize -mannerless -mannerlessness -mannerliness -mannerly -manners -mannersome -manness -Mannheimar -mannide -mannie -manniferous -mannify -mannikinism -manning -mannish -mannishly -mannishness -mannite -mannitic -mannitol -mannitose -mannoheptite -mannoheptitol -mannoheptose -mannoketoheptose -mannonic -mannosan -mannose -Manny -manny -mano -Manobo -manoc -manograph -Manolis -manometer -manometric -manometrical -manometry -manomin -manor -manorial -manorialism -manorialize -manorship -manoscope -manostat -manostatic -manque -manred -manrent -manroot -manrope -Mans -mansard -mansarded -manscape -manse -manservant -manship -mansion -mansional -mansionary -mansioned -mansioneer -mansionry -manslaughter -manslaughterer -manslaughtering -manslaughterous -manslayer -manslaying -manso -mansonry -manstealer -manstealing -manstopper -manstopping -mansuete -mansuetely -mansuetude -mant -manta -mantal -manteau -mantel -mantelet -manteline -mantelletta -mantellone -mantelpiece -mantelshelf -manteltree -manter -mantes -mantevil -mantic -manticism -manticore -mantid -Mantidae -mantilla -Mantinean -mantis -Mantisia -Mantispa -mantispid -Mantispidae -mantissa -mantistic -mantle -mantled -mantlet -mantling -Manto -manto -Mantodea -mantoid -Mantoidea -mantologist -mantology -mantra -mantrap -mantua -mantuamaker -mantuamaking -Mantuan -Mantzu -manual -manualii -manualism -manualist -manualiter -manually -manuao -manubrial -manubriated -manubrium -manucaption -manucaptor -manucapture -manucode -Manucodia -manucodiata -manuduce -manuduction -manuductor -manuductory -Manuel -manufactory -manufacturable -manufactural -manufacture -manufacturer -manufacturess -manuka -manul -manuma -manumea -manumisable -manumission -manumissive -manumit -manumitter -manumotive -manurable -manurage -manurance -manure -manureless -manurer -manurial -manurially -manus -manuscript -manuscriptal -manuscription -manuscriptural -manusina -manustupration -manutagi -Manvantara -manward -manwards -manway -manweed -manwise -Manx -Manxman -Manxwoman -many -manyberry -Manyema -manyfold -manyness -manyplies -manyroot -manyways -manywhere -manywise -manzana -manzanilla -manzanillo -manzanita -Manzas -manzil -mao -maomao -Maori -Maoridom -Maoriland -Maorilander -map -mapach -mapau -maphrian -mapland -maple -maplebush -mapo -mappable -mapper -Mappila -mappist -mappy -Mapuche -mapwise -maquahuitl -maquette -maqui -Maquiritare -maquis -Mar -mar -Mara -marabotin -marabou -Marabout -marabuto -maraca -Maracaibo -maracan -maracock -marae -Maragato -marajuana -marakapas -maral -maranatha -marang -Maranha -Maranham -Maranhao -Maranta -Marantaceae -marantaceous -marantic -marara -mararie -marasca -maraschino -marasmic -Marasmius -marasmoid -marasmous -marasmus -Maratha -Marathi -marathon -marathoner -Marathonian -Maratism -Maratist -Marattia -Marattiaceae -marattiaceous -Marattiales -maraud -marauder -maravedi -Maravi -marbelize -marble -marbled -marblehead -marbleheader -marblehearted -marbleization -marbleize -marbleizer -marblelike -marbleness -marbler -marbles -marblewood -marbling -marblish -marbly -marbrinus -Marc -marc -Marcan -marcantant -marcasite -marcasitic -marcasitical -Marcel -marcel -marceline -Marcella -marcella -marceller -Marcellian -Marcellianism -marcello -marcescence -marcescent -Marcgravia -Marcgraviaceae -marcgraviaceous -March -march -Marchantia -Marchantiaceae -marchantiaceous -Marchantiales -marcher -marchetto -marchioness -marchite -marchland -marchman -Marchmont -marchpane -Marci -Marcia -marcid -Marcionism -Marcionist -Marcionite -Marcionitic -Marcionitish -Marcionitism -Marcite -Marco -marco -Marcobrunner -Marcomanni -Marconi -marconi -marconigram -marconigraph -marconigraphy -marcor -Marcos -Marcosian -marcottage -mardy -mare -mareblob -Mareca -marechal -Marehan -Marek -marekanite -maremma -maremmatic -maremmese -marengo -marennin -Mareotic -Mareotid -Marfik -marfire -margarate -Margarelon -Margaret -margaric -margarin -margarine -margarita -margaritaceous -margarite -margaritiferous -margaritomancy -Margarodes -margarodid -Margarodinae -margarodite -Margaropus -margarosanite -margay -marge -margeline -margent -Margery -Margie -margin -marginal -marginalia -marginality -marginalize -marginally -marginate -marginated -margination -margined -Marginella -Marginellidae -marginelliform -marginiform -margining -marginirostral -marginoplasty -margosa -Margot -margravate -margrave -margravely -margravial -margraviate -margravine -Marguerite -marguerite -marhala -Marheshvan -Mari -Maria -maria -marialite -Mariamman -Marian -Mariana -Marianic -Marianne -Marianolatrist -Marianolatry -maricolous -marid -Marie -mariengroschen -marigenous -marigold -marigram -marigraph -marigraphic -marijuana -marikina -Marilla -Marilyn -marimba -marimonda -marina -marinade -marinate -marinated -marine -mariner -marinheiro -marinist -marinorama -Mario -mariola -Mariolater -Mariolatrous -Mariolatry -Mariology -Marion -marionette -Mariou -Mariposan -mariposite -maris -marish -marishness -Marist -maritage -marital -maritality -maritally -mariticidal -mariticide -Maritime -maritime -maritorious -mariupolite -marjoram -Marjorie -Mark -mark -marka -Markab -markdown -Markeb -marked -markedly -markedness -marker -market -marketability -marketable -marketableness -marketably -marketeer -marketer -marketing -marketman -marketstead -marketwise -markfieldite -Markgenossenschaft -markhor -marking -markka -markless -markman -markmoot -Marko -markshot -marksman -marksmanly -marksmanship -markswoman -markup -Markus -markweed -markworthy -marl -Marla -marlaceous -marlberry -marled -Marlena -marler -marli -marlin -marline -marlinespike -marlite -marlitic -marllike -marlock -Marlovian -Marlowesque -Marlowish -Marlowism -marlpit -marly -marm -marmalade -marmalady -Marmar -marmarization -marmarize -marmarosis -marmatite -marmelos -marmennill -marmit -marmite -marmolite -marmoraceous -marmorate -marmorated -marmoration -marmoreal -marmoreally -marmorean -marmoric -Marmosa -marmose -marmoset -marmot -Marmota -Marnix -maro -marocain -marok -Maronian -Maronist -Maronite -maroon -marooner -maroquin -Marpessa -marplot -marplotry -marque -marquee -Marquesan -marquess -marquetry -marquis -marquisal -marquisate -marquisdom -marquise -marquisette -marquisina -marquisotte -marquisship -marquito -marranism -marranize -marrano -marree -Marrella -marrer -marriable -marriage -marriageability -marriageable -marriageableness -marriageproof -married -marrier -marron -marrot -marrow -marrowbone -marrowed -marrowfat -marrowish -marrowless -marrowlike -marrowsky -marrowskyer -marrowy -Marrubium -Marrucinian -marry -marryer -marrying -marrymuffe -Mars -Marsala -Marsdenia -marseilles -Marsh -marsh -Marsha -marshal -marshalate -marshalcy -marshaler -marshaless -Marshall -marshalman -marshalment -Marshalsea -marshalship -marshberry -marshbuck -marshfire -marshflower -marshiness -marshite -marshland -marshlander -marshlike -marshlocks -marshman -marshwort -marshy -Marsi -Marsian -Marsilea -Marsileaceae -marsileaceous -Marsilia -Marsiliaceae -marsipobranch -Marsipobranchia -Marsipobranchiata -marsipobranchiate -Marsipobranchii -marsoon -Marspiter -Marssonia -Marssonina -marsupial -Marsupialia -marsupialian -marsupialization -marsupialize -marsupian -Marsupiata -marsupiate -marsupium -Mart -mart -martagon -martel -marteline -martellate -martellato -marten -martensite -martensitic -Martes -martext -Martha -martial -martialism -Martialist -martiality -martialization -martialize -martially -martialness -Martian -Martin -martin -martinet -martineta -martinetish -martinetishness -martinetism -martinetship -Martinez -martingale -martinico -Martinism -Martinist -Martinmas -martinoe -martite -Martius -martlet -Martu -Marty -Martyn -Martynia -Martyniaceae -martyniaceous -martyr -martyrdom -martyress -martyrium -martyrization -martyrize -martyrizer -martyrlike -martyrly -martyrolatry -martyrologic -martyrological -martyrologist -martyrologistic -martyrologium -martyrology -martyrship -martyry -maru -marvel -marvelment -marvelous -marvelously -marvelousness -marvelry -marver -Marvin -Marwari -Marxian -Marxianism -Marxism -Marxist -Mary -mary -marybud -Maryland -Marylander -Marylandian -Marymass -marysole -marzipan -mas -masa -Masai -Masanao -Masanobu -masaridid -Masarididae -Masaridinae -Masaris -mascagnine -mascagnite -mascally -mascara -mascaron -mascled -mascleless -mascot -mascotism -mascotry -Mascouten -mascularity -masculate -masculation -masculine -masculinely -masculineness -masculinism -masculinist -masculinity -masculinization -masculinize -masculist -masculofeminine -masculonucleus -masculy -masdeu -Masdevallia -mash -masha -mashal -mashallah -mashelton -masher -mashie -mashing -mashman -Mashona -Mashpee -mashru -mashy -masjid -mask -masked -Maskegon -maskelynite -masker -maskette -maskflower -Maskins -masklike -Maskoi -maskoid -maslin -masochism -masochist -masochistic -Mason -mason -masoned -masoner -masonic -Masonite -masonite -masonry -masonwork -masooka -masoola -Masora -Masorete -Masoreth -Masoretic -Maspiter -masque -masquer -masquerade -masquerader -Mass -mass -massa -massacre -massacrer -massage -massager -massageuse -massagist -Massalia -Massalian -massaranduba -massasauga -masse -massebah -massecuite -massedly -massedness -Massekhoth -massel -masser -masseter -masseteric -masseur -masseuse -massicot -massier -massiest -massif -Massilia -Massilian -massily -massiness -massive -massively -massiveness -massivity -masskanne -massless -masslike -Massmonger -massotherapy -massoy -massula -massy -mast -mastaba -mastadenitis -mastadenoma -mastage -mastalgia -mastatrophia -mastatrophy -mastauxe -mastax -mastectomy -masted -master -masterable -masterate -masterdom -masterer -masterful -masterfully -masterfulness -masterhood -masterless -masterlessness -masterlike -masterlily -masterliness -masterling -masterly -masterman -mastermind -masterous -masterpiece -masterproof -mastership -masterwork -masterwort -mastery -mastful -masthead -masthelcosis -mastic -masticability -masticable -masticate -mastication -masticator -masticatory -mastiche -masticic -Masticura -masticurous -mastiff -Mastigamoeba -mastigate -mastigium -mastigobranchia -mastigobranchial -Mastigophora -mastigophoran -mastigophoric -mastigophorous -mastigopod -Mastigopoda -mastigopodous -mastigote -mastigure -masting -mastitis -mastless -mastlike -mastman -mastocarcinoma -mastoccipital -mastochondroma -mastochondrosis -mastodon -mastodonsaurian -Mastodonsaurus -mastodont -mastodontic -Mastodontidae -mastodontine -mastodontoid -mastodynia -mastoid -mastoidal -mastoidale -mastoideal -mastoidean -mastoidectomy -mastoideocentesis -mastoideosquamous -mastoiditis -mastoidohumeral -mastoidohumeralis -mastoidotomy -mastological -mastologist -mastology -mastomenia -mastoncus -mastooccipital -mastoparietal -mastopathy -mastopexy -mastoplastia -mastorrhagia -mastoscirrhus -mastosquamose -mastotomy -mastotympanic -masturbate -masturbation -masturbational -masturbator -masturbatory -mastwood -masty -masu -Masulipatam -masurium -Mat -mat -Matabele -Matacan -matachin -matachina -mataco -matadero -matador -mataeological -mataeologue -mataeology -Matagalpa -Matagalpan -matagory -matagouri -matai -matajuelo -matalan -matamata -matamoro -matanza -matapan -matapi -Matar -matara -Matatua -Matawan -matax -matboard -match -matchable -matchableness -matchably -matchboard -matchboarding -matchbook -matchbox -matchcloth -matchcoat -matcher -matching -matchless -matchlessly -matchlessness -matchlock -matchmaker -matchmaking -matchmark -Matchotic -matchsafe -matchstick -matchwood -matchy -mate -mategriffon -matehood -mateless -matelessness -matelote -mately -mater -materfamilias -material -materialism -materialist -materialistic -materialistical -materialistically -materiality -materialization -materialize -materializee -materializer -materially -materialman -materialness -materiate -materiation -materiel -maternal -maternality -maternalize -maternally -maternalness -maternity -maternology -mateship -matey -matezite -matfelon -matgrass -math -mathematic -mathematical -mathematically -mathematicals -mathematician -mathematicize -mathematics -mathematize -mathemeg -mathes -mathesis -mathetic -Mathurin -matico -matildite -matin -matinal -matinee -mating -matins -matipo -matka -matless -matlockite -matlow -matmaker -matmaking -matra -matral -Matralia -matranee -matrass -matreed -matriarch -matriarchal -matriarchalism -matriarchate -matriarchic -matriarchist -matriarchy -matric -matrical -Matricaria -matrices -matricidal -matricide -matricula -matriculable -matriculant -matricular -matriculate -matriculation -matriculator -matriculatory -Matrigan -matriheritage -matriherital -matrilineal -matrilineally -matrilinear -matrilinearism -matriliny -matrilocal -matrimonial -matrimonially -matrimonious -matrimoniously -matrimony -matriotism -matripotestal -matris -matrix -matroclinic -matroclinous -matrocliny -matron -matronage -matronal -Matronalia -matronhood -matronism -matronize -matronlike -matronliness -matronly -matronship -matronymic -matross -Mats -matsu -matsuri -Matt -matta -mattamore -Mattapony -mattaro -mattboard -matte -matted -mattedly -mattedness -matter -matterate -matterative -matterful -matterfulness -matterless -mattery -Matteuccia -Matthaean -Matthew -Matthias -Matthieu -Matthiola -Matti -matti -matting -mattock -mattoid -mattoir -mattress -mattulla -Matty -maturable -maturate -maturation -maturative -mature -maturely -maturement -matureness -maturer -maturescence -maturescent -maturing -maturish -maturity -matutinal -matutinally -matutinary -matutine -matutinely -matweed -maty -matzo -matzoon -matzos -matzoth -mau -maucherite -Maud -maud -maudle -maudlin -maudlinism -maudlinize -maudlinly -maudlinwort -mauger -maugh -Maugis -maul -Maulawiyah -mauler -mauley -mauling -maulstick -Maumee -maumet -maumetry -Maun -maun -maund -maunder -maunderer -maundful -maundy -maunge -Maurandia -Maureen -Mauretanian -Mauri -Maurice -Maurist -Mauritia -Mauritian -Mauser -mausolea -mausoleal -mausolean -mausoleum -mauther -mauve -mauveine -mauvette -mauvine -maux -maverick -mavis -Mavortian -mavournin -mavrodaphne -maw -mawbound -mawk -mawkish -mawkishly -mawkishness -mawky -mawp -Max -maxilla -maxillar -maxillary -maxilliferous -maxilliform -maxilliped -maxillipedary -maxillodental -maxillofacial -maxillojugal -maxillolabial -maxillomandibular -maxillopalatal -maxillopalatine -maxillopharyngeal -maxillopremaxillary -maxilloturbinal -maxillozygomatic -maxim -maxima -maximal -Maximalism -Maximalist -maximally -maximate -maximation -maximed -maximist -maximistic -maximite -maximization -maximize -maximizer -Maximon -maximum -maximus -maxixe -maxwell -May -may -Maya -maya -Mayaca -Mayacaceae -mayacaceous -Mayan -Mayance -Mayathan -maybe -Maybird -Maybloom -maybush -Maycock -maycock -Mayda -mayday -Mayer -Mayey -Mayeye -Mayfair -mayfish -Mayflower -Mayfowl -mayhap -mayhappen -mayhem -Maying -Maylike -maynt -Mayo -Mayologist -mayonnaise -mayor -mayoral -mayoralty -mayoress -mayorship -Mayoruna -Maypole -Maypoling -maypop -maysin -mayten -Maytenus -Maythorn -Maytide -Maytime -mayweed -Maywings -Maywort -maza -mazalgia -Mazama -mazame -Mazanderani -mazapilite -mazard -mazarine -Mazatec -Mazateco -Mazda -Mazdaism -Mazdaist -Mazdakean -Mazdakite -Mazdean -maze -mazed -mazedly -mazedness -mazeful -mazement -mazer -Mazhabi -mazic -mazily -maziness -mazocacothesis -mazodynia -mazolysis -mazolytic -mazopathia -mazopathic -mazopexy -Mazovian -mazuca -mazuma -Mazur -Mazurian -mazurka -mazut -mazy -mazzard -Mazzinian -Mazzinianism -Mazzinist -mbalolo -Mbaya -mbori -Mbuba -Mbunda -Mcintosh -Mckay -Mdewakanton -me -meable -meaching -mead -meader -meadow -meadowbur -meadowed -meadower -meadowing -meadowink -meadowland -meadowless -meadowsweet -meadowwort -meadowy -meadsman -meager -meagerly -meagerness -meagre -meak -meal -mealable -mealberry -mealer -mealies -mealily -mealiness -mealless -mealman -mealmonger -mealmouth -mealmouthed -mealproof -mealtime -mealy -mealymouth -mealymouthed -mealymouthedly -mealymouthedness -mealywing -mean -meander -meanderingly -meandrine -meandriniform -meandrite -meandrous -meaned -meaner -meaning -meaningful -meaningfully -meaningless -meaninglessly -meaninglessness -meaningly -meaningness -meanish -meanly -meanness -meant -Meantes -meantone -meanwhile -mease -measle -measled -measledness -measles -measlesproof -measly -measondue -measurability -measurable -measurableness -measurably -measuration -measure -measured -measuredly -measuredness -measureless -measurelessly -measurelessness -measurely -measurement -measurer -measuring -meat -meatal -meatbird -meatcutter -meated -meathook -meatily -meatiness -meatless -meatman -meatometer -meatorrhaphy -meatoscope -meatoscopy -meatotome -meatotomy -meatus -meatworks -meaty -Mebsuta -Mecaptera -mecate -Mecca -Meccan -Meccano -Meccawee -Mechael -mechanal -mechanality -mechanalize -mechanic -mechanical -mechanicalism -mechanicalist -mechanicality -mechanicalization -mechanicalize -mechanically -mechanicalness -mechanician -mechanicochemical -mechanicocorpuscular -mechanicointellectual -mechanicotherapy -mechanics -mechanism -mechanist -mechanistic -mechanistically -mechanization -mechanize -mechanizer -mechanolater -mechanology -mechanomorphic -mechanomorphism -mechanotherapeutic -mechanotherapeutics -mechanotherapist -mechanotherapy -Mechir -Mechitaristican -Mechlin -mechoacan -meckelectomy -Meckelian -Mecklenburgian -mecodont -Mecodonta -mecometer -mecometry -mecon -meconic -meconidium -meconin -meconioid -meconium -meconology -meconophagism -meconophagist -Mecoptera -mecopteran -mecopteron -mecopterous -medal -medaled -medalet -medalist -medalize -medallary -medallic -medallically -medallion -medallionist -meddle -meddlecome -meddlement -meddler -meddlesome -meddlesomely -meddlesomeness -meddling -meddlingly -Mede -Medellin -Medeola -Media -media -mediacid -mediacy -mediad -mediaevalize -mediaevally -medial -medialization -medialize -medialkaline -medially -Median -median -medianic -medianimic -medianimity -medianism -medianity -medianly -mediant -mediastinal -mediastine -mediastinitis -mediastinotomy -mediastinum -mediate -mediately -mediateness -mediating -mediatingly -mediation -mediative -mediatization -mediatize -mediator -mediatorial -mediatorialism -mediatorially -mediatorship -mediatory -mediatress -mediatrice -mediatrix -Medic -medic -medicable -Medicago -medical -medically -medicament -medicamental -medicamentally -medicamentary -medicamentation -medicamentous -medicaster -medicate -medication -medicative -medicator -medicatory -Medicean -Medici -medicinable -medicinableness -medicinal -medicinally -medicinalness -medicine -medicinelike -medicinemonger -mediciner -medico -medicobotanical -medicochirurgic -medicochirurgical -medicodental -medicolegal -medicolegally -medicomania -medicomechanic -medicomechanical -medicomoral -medicophysical -medicopsychological -medicopsychology -medicostatistic -medicosurgical -medicotopographic -medicozoologic -mediety -Medieval -medieval -medievalism -medievalist -medievalistic -medievalize -medievally -medifixed -mediglacial -medimn -medimno -medimnos -medimnus -Medina -Medinilla -medino -medio -medioanterior -mediocarpal -medioccipital -mediocre -mediocrist -mediocrity -mediocubital -mediodepressed -mediodigital -mediodorsal -mediodorsally -mediofrontal -mediolateral -mediopalatal -mediopalatine -mediopassive -mediopectoral -medioperforate -mediopontine -medioposterior -mediosilicic -mediostapedial -mediotarsal -medioventral -medisance -medisect -medisection -Medish -Medism -meditant -meditate -meditating -meditatingly -meditation -meditationist -meditatist -meditative -meditatively -meditativeness -meditator -mediterranean -Mediterraneanism -Mediterraneanization -Mediterraneanize -mediterraneous -medithorax -Meditrinalia -meditullium -medium -mediumism -mediumistic -mediumization -mediumize -mediumship -medius -Medize -Medizer -medjidie -medlar -medley -Medoc -medregal -medrick -medrinaque -medulla -medullar -medullary -medullate -medullated -medullation -medullispinal -medullitis -medullization -medullose -Medusa -Medusaean -medusal -medusalike -medusan -medusiferous -medusiform -medusoid -meebos -meece -meed -meedless -Meehan -meek -meeken -meekhearted -meekheartedness -meekling -meekly -meekness -Meekoceras -Meeks -meered -meerkat -meerschaum -meese -meet -meetable -meeten -meeter -meeterly -meethelp -meethelper -meeting -meetinger -meetinghouse -meetly -meetness -Meg -megabar -megacephalia -megacephalic -megacephaly -megacerine -Megaceros -megacerotine -Megachile -megachilid -Megachilidae -Megachiroptera -megachiropteran -megachiropterous -megacolon -megacosm -megacoulomb -megacycle -megadont -Megadrili -megadynamics -megadyne -Megaera -megaerg -megafarad -megafog -megagamete -megagametophyte -megajoule -megakaryocyte -Megalactractus -Megaladapis -Megalaema -Megalaemidae -Megalania -megaleme -Megalensian -megalerg -Megalesia -Megalesian -megalesthete -megalethoscope -Megalichthyidae -Megalichthys -megalith -megalithic -Megalobatrachus -megaloblast -megaloblastic -megalocardia -megalocarpous -megalocephalia -megalocephalic -megalocephalous -megalocephaly -Megaloceros -megalochirous -megalocornea -megalocyte -megalocytosis -megalodactylia -megalodactylism -megalodactylous -Megalodon -megalodont -megalodontia -Megalodontidae -megaloenteron -megalogastria -megaloglossia -megalograph -megalography -megalohepatia -megalokaryocyte -megalomania -megalomaniac -megalomaniacal -megalomelia -Megalonychidae -Megalonyx -megalopa -megalopenis -megalophonic -megalophonous -megalophthalmus -megalopia -megalopic -Megalopidae -Megalopinae -megalopine -megaloplastocyte -megalopolis -megalopolitan -megalopolitanism -megalopore -megalops -megalopsia -Megaloptera -Megalopyge -Megalopygidae -Megalornis -Megalornithidae -megalosaur -megalosaurian -Megalosauridae -megalosauroid -Megalosaurus -megaloscope -megaloscopy -megalosphere -megalospheric -megalosplenia -megalosyndactyly -megaloureter -Megaluridae -Megamastictora -megamastictoral -megamere -megameter -megampere -Meganeura -Meganthropus -meganucleus -megaparsec -megaphone -megaphonic -megaphotographic -megaphotography -megaphyllous -Megaphyton -megapod -megapode -Megapodidae -Megapodiidae -Megapodius -megaprosopous -Megaptera -Megapterinae -megapterine -Megarensian -Megarhinus -Megarhyssa -Megarian -Megarianism -Megaric -megaron -megasclere -megascleric -megasclerous -megasclerum -megascope -megascopic -megascopical -megascopically -megaseism -megaseismic -megaseme -Megasoma -megasporange -megasporangium -megaspore -megasporic -megasporophyll -megasynthetic -megathere -megatherian -Megatheriidae -megatherine -megatherioid -Megatherium -megatherm -megathermic -megatheroid -megaton -megatype -megatypy -megavolt -megawatt -megaweber -megazooid -megazoospore -megerg -Meggy -megilp -megmho -megohm -megohmit -megohmmeter -megophthalmus -megotalc -Megrel -Megrez -megrim -megrimish -mehalla -mehari -meharist -Mehelya -mehmandar -Mehrdad -mehtar -mehtarship -Meibomia -Meibomian -meile -mein -meinie -meio -meiobar -meionite -meiophylly -meiosis -meiotaxy -meiotic -Meissa -Meistersinger -meith -Meithei -meizoseismal -meizoseismic -mejorana -Mekbuda -Mekhitarist -mekometer -mel -mela -melaconite -melada -meladiorite -melagabbro -melagra -melagranite -Melaleuca -melalgia -melam -melamed -melamine -melampodium -Melampsora -Melampsoraceae -Melampus -melampyritol -Melampyrum -melanagogal -melanagogue -melancholia -melancholiac -melancholic -melancholically -melancholily -melancholiness -melancholious -melancholiously -melancholiousness -melancholish -melancholist -melancholize -melancholomaniac -melancholy -melancholyish -Melanchthonian -Melanconiaceae -melanconiaceous -Melanconiales -Melanconium -melanemia -melanemic -Melanesian -melange -melanger -melangeur -Melania -melanian -melanic -melaniferous -Melaniidae -melanilin -melaniline -melanin -Melanippe -Melanippus -melanism -melanistic -melanite -melanitic -melanize -melano -melanoblast -melanocarcinoma -melanocerite -Melanochroi -Melanochroid -melanochroite -melanochroous -melanocomous -melanocrate -melanocratic -melanocyte -Melanodendron -melanoderma -melanodermia -melanodermic -Melanogaster -melanogen -Melanoi -melanoid -melanoidin -melanoma -melanopathia -melanopathy -melanophore -melanoplakia -Melanoplus -melanorrhagia -melanorrhea -Melanorrhoea -melanosarcoma -melanosarcomatosis -melanoscope -melanose -melanosed -melanosis -melanosity -melanospermous -melanotekite -melanotic -melanotrichous -melanous -melanterite -Melanthaceae -melanthaceous -Melanthium -melanure -melanuresis -melanuria -melanuric -melaphyre -Melas -melasma -melasmic -melassigenic -Melastoma -Melastomaceae -melastomaceous -melastomad -melatope -melaxuma -Melburnian -Melcarth -melch -Melchite -Melchora -meld -melder -meldometer -meldrop -mele -Meleager -Meleagridae -Meleagrina -Meleagrinae -meleagrine -Meleagris -melebiose -melee -melena -melene -melenic -Meles -Meletian -Meletski -melezitase -melezitose -Melia -Meliaceae -meliaceous -Meliadus -Melian -Melianthaceae -melianthaceous -Melianthus -meliatin -melibiose -melic -Melica -Melicent -melicera -meliceric -meliceris -melicerous -Melicerta -Melicertidae -melichrous -melicitose -Melicocca -melicraton -melilite -melilitite -melilot -Melilotus -Melinae -Melinda -meline -Melinis -melinite -Meliola -meliorability -meliorable -meliorant -meliorate -meliorater -melioration -meliorative -meliorator -meliorism -meliorist -melioristic -meliority -meliphagan -Meliphagidae -meliphagidan -meliphagous -meliphanite -Melipona -Meliponinae -meliponine -melisma -melismatic -melismatics -Melissa -melissyl -melissylic -Melitaea -melitemia -melithemia -melitis -melitose -melitriose -melittologist -melittology -melituria -melituric -mell -mellaginous -mellate -mellay -melleous -meller -Mellifera -melliferous -mellificate -mellification -mellifluence -mellifluent -mellifluently -mellifluous -mellifluously -mellifluousness -mellimide -mellisonant -mellisugent -mellit -mellitate -mellite -mellitic -Mellivora -Mellivorinae -mellivorous -mellon -mellonides -mellophone -mellow -mellowly -mellowness -mellowy -mellsman -Melocactus -melocoton -melodeon -melodia -melodial -melodially -melodic -melodica -melodically -melodicon -melodics -melodiograph -melodion -melodious -melodiously -melodiousness -melodism -melodist -melodize -melodizer -melodram -melodrama -melodramatic -melodramatical -melodramatically -melodramaticism -melodramatics -melodramatist -melodramatize -melodrame -melody -melodyless -meloe -melogram -Melogrammataceae -melograph -melographic -meloid -Meloidae -melologue -Melolontha -Melolonthidae -melolonthidan -Melolonthides -Melolonthinae -melolonthine -melomane -melomania -melomaniac -melomanic -melon -meloncus -Melonechinus -melongena -melongrower -melonist -melonite -Melonites -melonlike -melonmonger -melonry -melophone -melophonic -melophonist -melopiano -meloplast -meloplastic -meloplasty -melopoeia -melopoeic -melos -melosa -Melospiza -Melothria -melotragedy -melotragic -melotrope -melt -meltability -meltable -meltage -melted -meltedness -melteigite -melter -melters -melting -meltingly -meltingness -melton -Meltonian -Melungeon -Melursus -mem -member -membered -memberless -membership -membracid -Membracidae -membracine -membral -membrally -membrana -membranaceous -membranaceously -membranate -membrane -membraned -membraneless -membranelike -membranelle -membraneous -membraniferous -membraniform -membranin -Membranipora -Membraniporidae -membranocalcareous -membranocartilaginous -membranocoriaceous -membranocorneous -membranogenic -membranoid -membranology -membranonervous -membranosis -membranous -membranously -membranula -membranule -membretto -memento -meminna -Memnon -Memnonian -Memnonium -memo -memoir -memoirism -memoirist -memorabilia -memorability -memorable -memorableness -memorably -memoranda -memorandist -memorandize -memorandum -memorative -memoria -memorial -memorialist -memorialization -memorialize -memorializer -memorially -memoried -memorious -memorist -memorizable -memorization -memorize -memorizer -memory -memoryless -Memphian -Memphite -men -menaccanite -menaccanitic -menace -menaceable -menaceful -menacement -menacer -menacing -menacingly -menacme -menadione -menage -menagerie -menagerist -menald -Menangkabau -menarche -Menaspis -mend -mendable -mendacious -mendaciously -mendaciousness -mendacity -Mendaite -Mende -mendee -Mendelian -Mendelianism -Mendelianist -Mendelism -Mendelist -Mendelize -Mendelssohnian -Mendelssohnic -mendelyeevite -mender -Mendi -mendicancy -mendicant -mendicate -mendication -mendicity -mending -mendipite -mendole -mendozite -mends -meneghinite -menfolk -Menfra -meng -Mengwe -menhaden -menhir -menial -menialism -meniality -menially -Menic -menilite -meningeal -meninges -meningic -meningina -meningism -meningitic -meningitis -meningocele -meningocephalitis -meningocerebritis -meningococcal -meningococcemia -meningococcic -meningococcus -meningocortical -meningoencephalitis -meningoencephalocele -meningomalacia -meningomyclitic -meningomyelitis -meningomyelocele -meningomyelorrhaphy -meningorachidian -meningoradicular -meningorhachidian -meningorrhagia -meningorrhea -meningorrhoea -meningosis -meningospinal -meningotyphoid -meninting -meninx -meniscal -meniscate -menisciform -meniscitis -meniscoid -meniscoidal -Meniscotheriidae -Meniscotherium -meniscus -menisperm -Menispermaceae -menispermaceous -menispermine -Menispermum -Menkalinan -Menkar -Menkib -menkind -mennom -Mennonist -Mennonite -Menobranchidae -Menobranchus -menognath -menognathous -menologium -menology -menometastasis -Menominee -menopausal -menopause -menopausic -menophania -menoplania -Menopoma -Menorah -Menorhyncha -menorhynchous -menorrhagia -menorrhagic -menorrhagy -menorrhea -menorrheic -menorrhoea -menorrhoeic -menoschesis -menoschetic -menosepsis -menostasia -menostasis -menostatic -menostaxis -Menotyphla -menotyphlic -menoxenia -mensa -mensal -mensalize -mense -menseful -menseless -menses -Menshevik -Menshevism -Menshevist -mensk -menstrual -menstruant -menstruate -menstruation -menstruous -menstruousness -menstruum -mensual -mensurability -mensurable -mensurableness -mensurably -mensural -mensuralist -mensurate -mensuration -mensurational -mensurative -Ment -mentagra -mental -mentalis -mentalism -mentalist -mentalistic -mentality -mentalization -mentalize -mentally -mentary -mentation -Mentha -Menthaceae -menthaceous -menthadiene -menthane -menthene -menthenol -menthenone -menthol -mentholated -menthone -menthyl -menticide -menticultural -menticulture -mentiferous -mentiform -mentigerous -mentimeter -mentimutation -mention -mentionability -mentionable -mentionless -mentoanterior -mentobregmatic -mentocondylial -mentohyoid -mentolabial -mentomeckelian -mentonniere -mentoposterior -mentor -mentorial -mentorism -mentorship -mentum -Mentzelia -menu -Menura -Menurae -Menuridae -meny -Menyanthaceae -Menyanthaceous -Menyanthes -menyie -menzie -Menziesia -Meo -Mephisto -Mephistophelean -Mephistopheleanly -Mephistopheles -Mephistophelic -Mephistophelistic -mephitic -mephitical -Mephitinae -mephitine -mephitis -mephitism -Mer -Merak -meralgia -meraline -Merat -Meratia -merbaby -mercal -mercantile -mercantilely -mercantilism -mercantilist -mercantilistic -mercantility -mercaptal -mercaptan -mercaptides -mercaptids -mercapto -mercaptol -mercaptole -Mercator -Mercatorial -mercatorial -Mercedarian -Mercedes -Mercedinus -Mercedonius -mercenarily -mercenariness -mercenary -mercer -merceress -mercerization -mercerize -mercerizer -mercership -mercery -merch -merchandisable -merchandise -merchandiser -merchant -merchantable -merchantableness -merchanter -merchanthood -merchantish -merchantlike -merchantly -merchantman -merchantry -merchantship -merchet -Mercian -merciful -mercifully -mercifulness -merciless -mercilessly -mercilessness -merciment -mercurate -mercuration -Mercurean -mercurial -Mercurialis -mercurialism -mercuriality -mercurialization -mercurialize -mercurially -mercurialness -mercuriamines -mercuriammonium -Mercurian -mercuriate -mercuric -mercuride -mercurification -mercurify -Mercurius -mercurization -mercurize -Mercurochrome -mercurophen -mercurous -Mercury -mercy -mercyproof -merdivorous -mere -Meredithian -merel -merely -merenchyma -merenchymatous -meresman -merestone -meretricious -meretriciously -meretriciousness -meretrix -merfold -merfolk -merganser -merge -mergence -merger -mergh -Merginae -Mergulus -Mergus -meriah -mericarp -merice -Merida -meridian -Meridion -Meridionaceae -Meridional -meridional -meridionality -meridionally -meril -meringue -meringued -Merino -Meriones -meriquinoid -meriquinoidal -meriquinone -meriquinonic -meriquinonoid -merism -merismatic -merismoid -merist -meristele -meristelic -meristem -meristematic -meristematically -meristic -meristically -meristogenous -merit -meritable -merited -meritedly -meriter -meritful -meritless -meritmonger -meritmongering -meritmongery -meritorious -meritoriously -meritoriousness -merk -merkhet -merkin -merl -merle -merlette -merlin -merlon -Merlucciidae -Merluccius -mermaid -mermaiden -merman -Mermis -mermithaner -mermithergate -Mermithidae -mermithization -mermithized -mermithogyne -Mermnad -Mermnadae -mermother -mero -meroblastic -meroblastically -merocele -merocelic -merocerite -meroceritic -merocrystalline -merocyte -Merodach -merogamy -merogastrula -merogenesis -merogenetic -merogenic -merognathite -merogonic -merogony -merohedral -merohedric -merohedrism -meroistic -Meroitic -meromorphic -Meromyaria -meromyarian -merop -Merope -Meropes -meropia -Meropidae -meropidan -meroplankton -meroplanktonic -meropodite -meropoditic -Merops -merorganization -merorganize -meros -merosomal -Merosomata -merosomatous -merosome -merosthenic -Merostomata -merostomatous -merostome -merostomous -merosymmetrical -merosymmetry -merosystematic -merotomize -merotomy -merotropism -merotropy -Merovingian -meroxene -Merozoa -merozoite -merpeople -merribauks -merribush -Merril -merriless -merrily -merriment -merriness -merrow -merry -merrymake -merrymaker -merrymaking -merryman -merrymeeting -merrythought -merrytrotter -merrywing -merse -Mertensia -Merton -Merula -meruline -merulioid -Merulius -merveileux -merwinite -merwoman -Merychippus -merycism -merycismus -Merycoidodon -Merycoidodontidae -Merycopotamidae -Merycopotamus -Mes -mesa -mesabite -mesaconate -mesaconic -mesad -Mesadenia -mesadenia -mesail -mesal -mesalike -mesally -mesameboid -mesange -mesaortitis -mesaraic -mesaraical -mesarch -mesarteritic -mesarteritis -Mesartim -mesaticephal -mesaticephali -mesaticephalic -mesaticephalism -mesaticephalous -mesaticephaly -mesatipellic -mesatipelvic -mesatiskelic -mesaxonic -mescal -Mescalero -mescaline -mescalism -mesdames -mese -mesectoderm -mesem -Mesembryanthemaceae -Mesembryanthemum -mesembryo -mesembryonic -mesencephalic -mesencephalon -mesenchyma -mesenchymal -mesenchymatal -mesenchymatic -mesenchymatous -mesenchyme -mesendoderm -mesenna -mesenterial -mesenteric -mesenterical -mesenterically -mesenteriform -mesenteriolum -mesenteritic -mesenteritis -mesenteron -mesenteronic -mesentery -mesentoderm -mesepimeral -mesepimeron -mesepisternal -mesepisternum -mesepithelial -mesepithelium -mesethmoid -mesethmoidal -mesh -Meshech -meshed -meshrabiyeh -meshwork -meshy -mesiad -mesial -mesially -mesian -mesic -mesically -mesilla -mesiobuccal -mesiocervical -mesioclusion -mesiodistal -mesiodistally -mesiogingival -mesioincisal -mesiolabial -mesiolingual -mesion -mesioocclusal -mesiopulpal -mesioversion -Mesitae -Mesites -Mesitidae -mesitite -mesityl -mesitylene -mesitylenic -mesmerian -mesmeric -mesmerical -mesmerically -mesmerism -mesmerist -mesmerite -mesmerizability -mesmerizable -mesmerization -mesmerize -mesmerizee -mesmerizer -mesmeromania -mesmeromaniac -mesnality -mesnalty -mesne -meso -mesoappendicitis -mesoappendix -mesoarial -mesoarium -mesobar -mesobenthos -mesoblast -mesoblastema -mesoblastemic -mesoblastic -mesobranchial -mesobregmate -mesocaecal -mesocaecum -mesocardia -mesocardium -mesocarp -mesocentrous -mesocephal -mesocephalic -mesocephalism -mesocephalon -mesocephalous -mesocephaly -mesochilium -mesochondrium -mesochroic -mesocoele -mesocoelian -mesocoelic -mesocolic -mesocolon -mesocoracoid -mesocranial -mesocratic -mesocuneiform -mesode -mesoderm -mesodermal -mesodermic -Mesodesma -Mesodesmatidae -Mesodesmidae -Mesodevonian -Mesodevonic -mesodic -mesodisilicic -mesodont -Mesoenatides -mesofurca -mesofurcal -mesogaster -mesogastral -mesogastric -mesogastrium -mesogloea -mesogloeal -mesognathic -mesognathion -mesognathism -mesognathous -mesognathy -mesogyrate -mesohepar -Mesohippus -mesokurtic -mesolabe -mesole -mesolecithal -mesolimnion -mesolite -mesolithic -mesologic -mesological -mesology -mesomere -mesomeric -mesomerism -mesometral -mesometric -mesometrium -mesomorph -mesomorphic -mesomorphous -mesomorphy -Mesomyodi -mesomyodian -mesomyodous -meson -mesonasal -Mesonemertini -mesonephric -mesonephridium -mesonephritic -mesonephros -mesonic -mesonotal -mesonotum -Mesonychidae -Mesonyx -mesoparapteral -mesoparapteron -mesopectus -mesoperiodic -mesopetalum -mesophile -mesophilic -mesophilous -mesophragm -mesophragma -mesophragmal -mesophryon -mesophyll -mesophyllous -mesophyllum -mesophyte -mesophytic -mesophytism -mesopic -mesoplankton -mesoplanktonic -mesoplast -mesoplastic -mesoplastral -mesoplastron -mesopleural -mesopleuron -Mesoplodon -mesoplodont -mesopodial -mesopodiale -mesopodium -mesopotamia -Mesopotamian -mesopotamic -mesoprescutal -mesoprescutum -mesoprosopic -mesopterygial -mesopterygium -mesopterygoid -mesorchial -mesorchium -Mesore -mesorectal -mesorectum -Mesoreodon -mesorrhin -mesorrhinal -mesorrhinian -mesorrhinism -mesorrhinium -mesorrhiny -mesosalpinx -mesosaur -Mesosauria -Mesosaurus -mesoscapula -mesoscapular -mesoscutal -mesoscutellar -mesoscutellum -mesoscutum -mesoseismal -mesoseme -mesosiderite -mesosigmoid -mesoskelic -mesosoma -mesosomatic -mesosome -mesosperm -mesospore -mesosporic -mesosporium -mesostasis -mesosternal -mesosternebra -mesosternebral -mesosternum -mesostethium -Mesostoma -Mesostomatidae -mesostomid -mesostyle -mesostylous -Mesosuchia -mesosuchian -Mesotaeniaceae -Mesotaeniales -mesotarsal -mesotartaric -Mesothelae -mesothelial -mesothelium -mesotherm -mesothermal -mesothesis -mesothet -mesothetic -mesothetical -mesothoracic -mesothoracotheca -mesothorax -mesothorium -mesotonic -mesotroch -mesotrocha -mesotrochal -mesotrochous -mesotron -mesotropic -mesotympanic -mesotype -mesovarian -mesovarium -mesoventral -mesoventrally -mesoxalate -mesoxalic -mesoxalyl -Mesozoa -mesozoan -Mesozoic -mespil -Mespilus -Mespot -mesquite -Mesropian -mess -message -messagery -Messalian -messaline -messan -Messapian -messe -messelite -messenger -messengership -messer -messet -Messiah -Messiahship -Messianic -Messianically -messianically -Messianism -Messianist -Messianize -Messias -messieurs -messily -messin -Messines -Messinese -messiness -messing -messman -messmate -messor -messroom -messrs -messtin -messuage -messy -mestee -mester -mestiza -mestizo -mestome -Mesua -Mesvinian -mesymnion -met -meta -metabasis -metabasite -metabatic -metabiological -metabiology -metabiosis -metabiotic -metabiotically -metabismuthic -metabisulphite -metabletic -Metabola -metabola -metabole -Metabolia -metabolian -metabolic -metabolism -metabolite -metabolizable -metabolize -metabolon -metabolous -metaboly -metaborate -metaboric -metabranchial -metabrushite -metabular -metacarpal -metacarpale -metacarpophalangeal -metacarpus -metacenter -metacentral -metacentric -metacentricity -metachemic -metachemistry -Metachlamydeae -metachlamydeous -metachromasis -metachromatic -metachromatin -metachromatinic -metachromatism -metachrome -metachronism -metachrosis -metacinnabarite -metacism -metacismus -metaclase -metacneme -metacoele -metacoelia -metaconal -metacone -metaconid -metaconule -metacoracoid -metacrasis -metacresol -metacromial -metacromion -metacryst -metacyclic -metacymene -metad -metadiabase -metadiazine -metadiorite -metadiscoidal -metadromous -metafluidal -metaformaldehyde -metafulminuric -metagalactic -metagalaxy -metagaster -metagastric -metagastrula -metage -Metageitnion -metagelatin -metagenesis -metagenetic -metagenetically -metagenic -metageometer -metageometrical -metageometry -metagnath -metagnathism -metagnathous -metagnomy -metagnostic -metagnosticism -metagram -metagrammatism -metagrammatize -metagraphic -metagraphy -metahewettite -metahydroxide -metaigneous -metainfective -metakinesis -metakinetic -metal -metalammonium -metalanguage -metalbumin -metalcraft -metaldehyde -metalepsis -metaleptic -metaleptical -metaleptically -metaler -metaline -metalined -metaling -metalinguistic -metalinguistics -metalism -metalist -metalization -metalize -metallary -metalleity -metallic -metallical -metallically -metallicity -metallicize -metallicly -metallics -metallide -metallifacture -metalliferous -metallification -metalliform -metallify -metallik -metalline -metallism -metallization -metallize -metallochrome -metallochromy -metallogenetic -metallogenic -metallogeny -metallograph -metallographer -metallographic -metallographical -metallographist -metallography -metalloid -metalloidal -metallometer -metallophone -metalloplastic -metallorganic -metallotherapeutic -metallotherapy -metallurgic -metallurgical -metallurgically -metallurgist -metallurgy -metalmonger -metalogic -metalogical -metaloph -metalorganic -metaloscope -metaloscopy -metaluminate -metaluminic -metalware -metalwork -metalworker -metalworking -metalworks -metamathematical -metamathematics -metamer -metameral -metamere -metameric -metamerically -metameride -metamerism -metamerization -metamerized -metamerous -metamery -metamorphic -metamorphism -metamorphize -metamorphopsia -metamorphopsy -metamorphosable -metamorphose -metamorphoser -metamorphoses -metamorphosian -metamorphosic -metamorphosical -metamorphosis -metamorphostical -metamorphotic -metamorphous -metamorphy -Metamynodon -metanalysis -metanauplius -Metanemertini -metanephric -metanephritic -metanephron -metanephros -metanepionic -metanilic -metanitroaniline -metanomen -metanotal -metanotum -metantimonate -metantimonic -metantimonious -metantimonite -metantimonous -metanym -metaorganism -metaparapteral -metaparapteron -metapectic -metapectus -metapepsis -metapeptone -metaperiodic -metaphase -metaphenomenal -metaphenomenon -metaphenylene -metaphenylenediamin -metaphenylenediamine -metaphloem -metaphonical -metaphonize -metaphony -metaphor -metaphoric -metaphorical -metaphorically -metaphoricalness -metaphorist -metaphorize -metaphosphate -metaphosphoric -metaphosphorous -metaphragm -metaphragmal -metaphrase -metaphrasis -metaphrast -metaphrastic -metaphrastical -metaphrastically -metaphyseal -metaphysic -metaphysical -metaphysically -metaphysician -metaphysicianism -metaphysicist -metaphysicize -metaphysicous -metaphysics -metaphysis -metaphyte -metaphytic -metaphyton -metaplasia -metaplasis -metaplasm -metaplasmic -metaplast -metaplastic -metapleural -metapleure -metapleuron -metaplumbate -metaplumbic -metapneumonic -metapneustic -metapodial -metapodiale -metapodium -metapolitic -metapolitical -metapolitician -metapolitics -metapophyseal -metapophysial -metapophysis -metapore -metapostscutellar -metapostscutellum -metaprescutal -metaprescutum -metaprotein -metapsychic -metapsychical -metapsychics -metapsychism -metapsychist -metapsychological -metapsychology -metapsychosis -metapterygial -metapterygium -metapterygoid -metarabic -metarhyolite -metarossite -metarsenic -metarsenious -metarsenite -metasaccharinic -metascutal -metascutellar -metascutellum -metascutum -metasedimentary -metasilicate -metasilicic -metasoma -metasomal -metasomasis -metasomatic -metasomatism -metasomatosis -metasome -metasperm -Metaspermae -metaspermic -metaspermous -metastability -metastable -metastannate -metastannic -metastasis -metastasize -metastatic -metastatical -metastatically -metasternal -metasternum -metasthenic -metastibnite -metastigmate -metastoma -metastome -metastrophe -metastrophic -metastyle -metatantalic -metatarsal -metatarsale -metatarse -metatarsophalangeal -metatarsus -metatatic -metatatically -metataxic -metate -metathalamus -metatheology -Metatheria -metatherian -metatheses -metathesis -metathetic -metathetical -metathetically -metathoracic -metathorax -metatitanate -metatitanic -metatoluic -metatoluidine -metatracheal -metatrophic -metatungstic -metatype -metatypic -Metaurus -metavanadate -metavanadic -metavauxite -metavoltine -metaxenia -metaxite -metaxylem -metaxylene -metayer -Metazoa -metazoal -metazoan -metazoea -metazoic -metazoon -mete -metel -metempiric -metempirical -metempirically -metempiricism -metempiricist -metempirics -metempsychic -metempsychosal -metempsychose -metempsychoses -metempsychosical -metempsychosis -metempsychosize -metemptosis -metencephalic -metencephalon -metensarcosis -metensomatosis -metenteron -metenteronic -meteogram -meteograph -meteor -meteorgraph -meteoric -meteorical -meteorically -meteorism -meteorist -meteoristic -meteorital -meteorite -meteoritic -meteoritics -meteorization -meteorize -meteorlike -meteorogram -meteorograph -meteorographic -meteorography -meteoroid -meteoroidal -meteorolite -meteorolitic -meteorologic -meteorological -meteorologically -meteorologist -meteorology -meteorometer -meteoroscope -meteoroscopy -meteorous -metepencephalic -metepencephalon -metepimeral -metepimeron -metepisternal -metepisternum -meter -meterage -metergram -meterless -meterman -metership -metestick -metewand -meteyard -methacrylate -methacrylic -methadone -methanal -methanate -methane -methanoic -methanolysis -methanometer -metheglin -methemoglobin -methemoglobinemia -methemoglobinuria -methenamine -methene -methenyl -mether -methid -methide -methine -methinks -methiodide -methionic -methionine -methobromide -method -methodaster -methodeutic -methodic -methodical -methodically -methodicalness -methodics -methodism -Methodist -methodist -Methodistic -Methodistically -Methodisty -methodization -Methodize -methodize -methodizer -methodless -methodological -methodologically -methodologist -methodology -Methody -methought -methoxide -methoxychlor -methoxyl -methronic -Methuselah -methyl -methylacetanilide -methylal -methylamine -methylaniline -methylanthracene -methylate -methylation -methylator -methylcholanthrene -methylene -methylenimine -methylenitan -methylethylacetic -methylglycine -methylglycocoll -methylglyoxal -methylic -methylmalonic -methylnaphthalene -methylol -methylolurea -methylosis -methylotic -methylpentose -methylpentoses -methylpropane -methylsulfanol -metic -meticulosity -meticulous -meticulously -meticulousness -metier -Metin -metis -Metoac -metochous -metochy -metoestrous -metoestrum -Metol -metonym -metonymic -metonymical -metonymically -metonymous -metonymously -metonymy -metope -Metopias -metopic -metopion -metopism -Metopoceros -metopomancy -metopon -metoposcopic -metoposcopical -metoposcopist -metoposcopy -metosteal -metosteon -metoxazine -metoxenous -metoxeny -metra -metralgia -metranate -metranemia -metratonia -Metrazol -metrectasia -metrectatic -metrectomy -metrectopia -metrectopic -metrectopy -metreless -metreship -metreta -metrete -metretes -metria -metric -metrical -metrically -metrician -metricism -metricist -metricize -metrics -Metridium -metrification -metrifier -metrify -metriocephalic -metrist -metritis -metrocampsis -metrocarat -metrocarcinoma -metrocele -metroclyst -metrocolpocele -metrocracy -metrocratic -metrocystosis -metrodynia -metrofibroma -metrological -metrologist -metrologue -metrology -metrolymphangitis -metromalacia -metromalacoma -metromalacosis -metromania -metromaniac -metromaniacal -metrometer -metroneuria -metronome -metronomic -metronomical -metronomically -metronymic -metronymy -metroparalysis -metropathia -metropathic -metropathy -metroperitonitis -metrophlebitis -metrophotography -metropole -metropolis -metropolitan -metropolitanate -metropolitancy -metropolitanism -metropolitanize -metropolitanship -metropolite -metropolitic -metropolitical -metropolitically -metroptosia -metroptosis -metroradioscope -metrorrhagia -metrorrhagic -metrorrhea -metrorrhexis -metrorthosis -metrosalpingitis -metrosalpinx -metroscirrhus -metroscope -metroscopy -Metrosideros -metrostaxis -metrostenosis -metrosteresis -metrostyle -metrosynizesis -metrotherapist -metrotherapy -metrotome -metrotomy -Metroxylon -mettar -mettle -mettled -mettlesome -mettlesomely -mettlesomeness -metusia -metze -Meum -meuse -meute -Mev -mew -meward -mewer -mewl -mewler -Mexica -Mexican -Mexicanize -Mexitl -Mexitli -meyerhofferite -mezcal -Mezentian -Mezentism -Mezentius -mezereon -mezereum -mezuzah -mezzanine -mezzo -mezzograph -mezzotint -mezzotinter -mezzotinto -mho -mhometer -mi -Miami -miamia -mian -Miao -Miaotse -Miaotze -miaow -miaower -Miaplacidus -miargyrite -miarolitic -mias -miaskite -miasm -miasma -miasmal -miasmata -miasmatic -miasmatical -miasmatically -miasmatize -miasmatology -miasmatous -miasmic -miasmology -miasmous -Miastor -miaul -miauler -mib -mica -micaceous -micacious -micacite -Micah -micasization -micasize -micate -mication -Micawberish -Micawberism -mice -micellar -micelle -Michabo -Michabou -Michael -Michaelites -Michaelmas -Michaelmastide -miche -Micheal -Michel -Michelangelesque -Michelangelism -Michelia -Michelle -micher -Michiel -Michigamea -Michigan -michigan -Michigander -Michiganite -miching -Michoacan -Michoacano -micht -Mick -mick -Mickey -mickle -Micky -Micmac -mico -miconcave -Miconia -micramock -Micrampelis -micranatomy -micrander -micrandrous -micraner -micranthropos -Micraster -micrencephalia -micrencephalic -micrencephalous -micrencephalus -micrencephaly -micrergate -micresthete -micrify -micro -microammeter -microampere -microanalysis -microanalyst -microanalytical -microangstrom -microapparatus -microbal -microbalance -microbar -microbarograph -microbattery -microbe -microbeless -microbeproof -microbial -microbian -microbic -microbicidal -microbicide -microbiologic -microbiological -microbiologically -microbiologist -microbiology -microbion -microbiosis -microbiota -microbiotic -microbious -microbism -microbium -microblast -microblepharia -microblepharism -microblephary -microbrachia -microbrachius -microburet -microburette -microburner -microcaltrop -microcardia -microcardius -microcarpous -Microcebus -microcellular -microcentrosome -microcentrum -microcephal -microcephalia -microcephalic -microcephalism -microcephalous -microcephalus -microcephaly -microceratous -microchaeta -microcharacter -microcheilia -microcheiria -microchemic -microchemical -microchemically -microchemistry -microchiria -Microchiroptera -microchiropteran -microchiropterous -microchromosome -microchronometer -microcinema -microcinematograph -microcinematographic -microcinematography -Microcitrus -microclastic -microclimate -microclimatic -microclimatologic -microclimatological -microclimatology -microcline -microcnemia -microcoat -micrococcal -Micrococceae -Micrococcus -microcoleoptera -microcolon -microcolorimeter -microcolorimetric -microcolorimetrically -microcolorimetry -microcolumnar -microcombustion -microconidial -microconidium -microconjugant -Microconodon -microconstituent -microcopy -microcoria -microcosm -microcosmal -microcosmian -microcosmic -microcosmical -microcosmography -microcosmology -microcosmos -microcosmus -microcoulomb -microcranous -microcrith -microcryptocrystalline -microcrystal -microcrystalline -microcrystallogeny -microcrystallography -microcrystalloscopy -microcurie -Microcyprini -microcyst -microcyte -microcythemia -microcytosis -microdactylia -microdactylism -microdactylous -microdentism -microdentous -microdetection -microdetector -microdetermination -microdiactine -microdissection -microdistillation -microdont -microdontism -microdontous -microdose -microdrawing -Microdrili -microdrive -microelectrode -microelectrolysis -microelectroscope -microelement -microerg -microestimation -microeutaxitic -microevolution -microexamination -microfarad -microfauna -microfelsite -microfelsitic -microfilaria -microfilm -microflora -microfluidal -microfoliation -microfossil -microfungus -microfurnace -Microgadus -microgalvanometer -microgamete -microgametocyte -microgametophyte -microgamy -Microgaster -microgastria -Microgastrinae -microgastrine -microgeological -microgeologist -microgeology -microgilbert -microglia -microglossia -micrognathia -micrognathic -micrognathous -microgonidial -microgonidium -microgram -microgramme -microgranite -microgranitic -microgranitoid -microgranular -microgranulitic -micrograph -micrographer -micrographic -micrographical -micrographically -micrographist -micrography -micrograver -microgravimetric -microgroove -microgyne -microgyria -microhenry -microhepatia -microhistochemical -microhistology -microhm -microhmmeter -Microhymenoptera -microhymenopteron -microinjection -microjoule -microlepidopter -microlepidoptera -microlepidopteran -microlepidopterist -microlepidopteron -microlepidopterous -microleukoblast -microlevel -microlite -microliter -microlith -microlithic -microlitic -micrologic -micrological -micrologically -micrologist -micrologue -micrology -microlux -micromania -micromaniac -micromanipulation -micromanipulator -micromanometer -Micromastictora -micromazia -micromeasurement -micromechanics -micromelia -micromelic -micromelus -micromembrane -micromeral -micromere -Micromeria -micromeric -micromerism -micromeritic -micromeritics -micromesentery -micrometallographer -micrometallography -micrometallurgy -micrometer -micromethod -micrometrical -micrometrically -micrometry -micromicrofarad -micromicron -micromil -micromillimeter -micromineralogical -micromineralogy -micromorph -micromotion -micromotoscope -micromyelia -micromyeloblast -micron -Micronesian -micronization -micronize -micronometer -micronuclear -micronucleus -micronutrient -microorganic -microorganism -microorganismal -micropaleontology -micropantograph -microparasite -microparasitic -micropathological -micropathologist -micropathology -micropegmatite -micropegmatitic -micropenis -microperthite -microperthitic -micropetalous -micropetrography -micropetrologist -micropetrology -microphage -microphagocyte -microphagous -microphagy -microphakia -microphallus -microphone -microphonic -microphonics -microphonograph -microphot -microphotograph -microphotographic -microphotography -microphotometer -microphotoscope -microphthalmia -microphthalmic -microphthalmos -microphthalmus -microphyllous -microphysical -microphysics -microphysiography -microphytal -microphyte -microphytic -microphytology -micropia -micropin -micropipette -microplakite -microplankton -microplastocyte -microplastometer -micropodal -Micropodi -micropodia -Micropodidae -Micropodiformes -micropoecilitic -micropoicilitic -micropoikilitic -micropolariscope -micropolarization -micropore -microporosity -microporous -microporphyritic -microprint -microprojector -micropsia -micropsy -micropterism -micropterous -Micropterus -micropterygid -Micropterygidae -micropterygious -Micropterygoidea -Micropteryx -Micropus -micropylar -micropyle -micropyrometer -microradiometer -microreaction -microrefractometer -microrhabdus -microrheometer -microrheometric -microrheometrical -Microrhopias -Microsauria -microsaurian -microsclere -microsclerous -microsclerum -microscopal -microscope -microscopial -microscopic -microscopical -microscopically -microscopics -Microscopid -microscopist -Microscopium -microscopize -microscopy -microsecond -microsection -microseism -microseismic -microseismical -microseismograph -microseismology -microseismometer -microseismometrograph -microseismometry -microseme -microseptum -microsmatic -microsmatism -microsoma -microsomatous -microsome -microsomia -microsommite -Microsorex -microspecies -microspectroscope -microspectroscopic -microspectroscopy -Microspermae -microspermous -Microsphaera -microsphaeric -microsphere -microspheric -microspherulitic -microsplanchnic -microsplenia -microsplenic -microsporange -microsporangium -microspore -microsporiasis -microsporic -Microsporidia -microsporidian -Microsporon -microsporophore -microsporophyll -microsporosis -microsporous -Microsporum -microstat -microsthene -Microsthenes -microsthenic -microstomatous -microstome -microstomia -microstomous -microstructural -microstructure -Microstylis -microstylospore -microstylous -microsublimation -microtasimeter -microtechnic -microtechnique -microtelephone -microtelephonic -Microthelyphonida -microtheos -microtherm -microthermic -microthorax -Microthyriaceae -microtia -Microtinae -microtine -microtitration -microtome -microtomic -microtomical -microtomist -microtomy -microtone -Microtus -microtypal -microtype -microtypical -microvolt -microvolume -microvolumetric -microwatt -microwave -microweber -microzoa -microzoal -microzoan -microzoaria -microzoarian -microzoary -microzoic -microzone -microzooid -microzoology -microzoon -microzoospore -microzyma -microzyme -microzymian -micrurgic -micrurgical -micrurgist -micrurgy -Micrurus -miction -micturate -micturition -mid -midafternoon -midautumn -midaxillary -midbrain -midday -midden -middenstead -middle -middlebreaker -middlebuster -middleman -middlemanism -middlemanship -middlemost -middler -middlesplitter -middlewards -middleway -middleweight -middlewoman -middling -middlingish -middlingly -middlingness -middlings -middorsal -middy -mide -Mider -midevening -midewiwin -midfacial -midforenoon -midfrontal -midge -midget -midgety -midgy -midheaven -Midianite -Midianitish -Mididae -midiron -midland -Midlander -Midlandize -midlandward -midlatitude -midleg -midlenting -midmain -midmandibular -midmonth -midmonthly -midmorn -midmorning -midmost -midnight -midnightly -midnoon -midparent -midparentage -midparental -midpit -midrange -midrash -midrashic -midrib -midribbed -midriff -mids -midseason -midsentence -midship -midshipman -midshipmanship -midshipmite -midships -midspace -midst -midstory -midstout -midstream -midstreet -midstroke -midstyled -midsummer -midsummerish -midsummery -midtap -midvein -midverse -midward -midwatch -midway -midweek -midweekly -Midwest -Midwestern -Midwesterner -midwestward -midwife -midwifery -midwinter -midwinterly -midwintry -midwise -midyear -Miek -mien -miersite -Miescherian -miff -miffiness -miffy -mig -might -mightily -mightiness -mightless -mightnt -mighty -mightyhearted -mightyship -miglio -migmatite -migniardise -mignon -mignonette -mignonne -mignonness -Migonitis -migraine -migrainoid -migrainous -migrant -migrate -migration -migrational -migrationist -migrative -migrator -migratorial -migratory -Miguel -miharaite -mihrab -mijakite -mijl -mikado -mikadoate -mikadoism -Mikael -Mikania -Mikasuki -Mike -mike -Mikey -Miki -mikie -Mikir -Mil -mil -mila -milady -milammeter -Milan -Milanese -Milanion -milarite -milch -milcher -milchy -mild -milden -milder -mildew -mildewer -mildewy -mildhearted -mildheartedness -mildish -mildly -mildness -Mildred -mile -mileage -Miledh -milepost -miler -Miles -Milesian -milesima -Milesius -milestone -mileway -milfoil -milha -miliaceous -miliarensis -miliaria -miliarium -miliary -Milicent -milieu -Miliola -milioliform -milioline -miliolite -miliolitic -militancy -militant -militantly -militantness -militarily -militariness -militarism -militarist -militaristic -militaristically -militarization -militarize -military -militaryism -militaryment -militaster -militate -militation -militia -militiaman -militiate -milium -milk -milkbush -milken -milker -milkeress -milkfish -milkgrass -milkhouse -milkily -milkiness -milking -milkless -milklike -milkmaid -milkman -milkness -milkshed -milkshop -milksick -milksop -milksopism -milksoppery -milksopping -milksoppish -milksoppy -milkstone -milkweed -milkwood -milkwort -milky -mill -Milla -milla -millable -millage -millboard -millclapper -millcourse -milldam -mille -milled -millefiori -milleflorous -millefoliate -millenarian -millenarianism -millenarist -millenary -millennia -millennial -millennialism -millennialist -millennially -millennian -millenniarism -millenniary -millennium -millepede -Millepora -millepore -milleporiform -milleporine -milleporite -milleporous -millepunctate -miller -milleress -millering -Millerism -Millerite -millerite -millerole -millesimal -millesimally -millet -Millettia -millfeed -millful -millhouse -milliad -milliammeter -milliamp -milliampere -milliamperemeter -milliangstrom -milliard -milliardaire -milliare -milliarium -milliary -millibar -millicron -millicurie -Millie -millieme -milliequivalent -millifarad -millifold -milliform -milligal -milligrade -milligram -milligramage -millihenry -millilambert -millile -milliliter -millilux -millimeter -millimicron -millimolar -millimole -millincost -milline -milliner -millinerial -millinering -millinery -milling -Millingtonia -millinormal -millinormality -millioctave -millioersted -million -millionaire -millionairedom -millionairess -millionairish -millionairism -millionary -millioned -millioner -millionfold -millionism -millionist -millionize -millionocracy -millions -millionth -milliphot -millipoise -millisecond -millistere -Millite -millithrum -millivolt -millivoltmeter -millman -millocracy -millocrat -millocratism -millosevichite -millowner -millpond -millpool -millpost -millrace -millrynd -millsite -millstock -millstone -millstream -milltail -millward -millwork -millworker -millwright -millwrighting -Milly -Milner -milner -Milo -milo -milord -milpa -milreis -milsey -milsie -milt -milter -miltlike -Miltonia -Miltonian -Miltonic -Miltonically -Miltonism -Miltonist -Miltonize -Miltos -miltsick -miltwaste -milty -Milvago -Milvinae -milvine -milvinous -Milvus -milzbrand -mim -mima -mimbar -mimble -Mimbreno -Mime -mime -mimeo -mimeograph -mimeographic -mimeographically -mimeographist -mimer -mimesis -mimester -mimetene -mimetesite -mimetic -mimetical -mimetically -mimetism -mimetite -Mimi -mimiambi -mimiambic -mimiambics -mimic -mimical -mimically -mimicism -mimicker -mimicry -Mimidae -Miminae -mimine -miminypiminy -mimly -mimmation -mimmest -mimmock -mimmocking -mimmocky -mimmood -mimmoud -mimmouthed -mimmouthedness -mimodrama -mimographer -mimography -mimologist -Mimosa -Mimosaceae -mimosaceous -mimosis -mimosite -mimotype -mimotypic -mimp -Mimpei -mimsey -Mimulus -Mimus -Mimusops -min -Mina -mina -minable -minacious -minaciously -minaciousness -minacity -Minaean -Minahassa -Minahassan -Minahassian -minar -minaret -minareted -minargent -minasragrite -minatorial -minatorially -minatorily -minatory -minaway -mince -mincemeat -mincer -minchery -minchiate -mincing -mincingly -mincingness -Mincopi -Mincopie -mind -minded -Mindel -Mindelian -minder -Mindererus -mindful -mindfully -mindfulness -minding -mindless -mindlessly -mindlessness -mindsight -mine -mineowner -miner -mineragraphic -mineragraphy -mineraiogic -mineral -mineralizable -mineralization -mineralize -mineralizer -mineralogical -mineralogically -mineralogist -mineralogize -mineralogy -Minerva -minerval -Minervan -Minervic -minery -mines -minette -mineworker -Ming -ming -minge -mingelen -mingle -mingleable -mingledly -minglement -mingler -minglingly -Mingo -Mingrelian -minguetite -mingwort -mingy -minhag -minhah -miniaceous -miniate -miniator -miniature -miniaturist -minibus -minicam -minicamera -Miniconjou -minienize -minification -minify -minikin -minikinly -minim -minima -minimacid -minimal -minimalism -Minimalist -minimalkaline -minimally -minimetric -minimifidian -minimifidianism -minimism -minimistic -Minimite -minimitude -minimization -minimize -minimizer -minimum -minimus -minimuscular -mining -minion -minionette -minionism -minionly -minionship -minish -minisher -minishment -minister -ministeriable -ministerial -ministerialism -ministerialist -ministeriality -ministerially -ministerialness -ministerium -ministership -ministrable -ministrant -ministration -ministrative -ministrator -ministrer -ministress -ministry -ministryship -minitant -Minitari -minium -miniver -minivet -mink -minkery -minkish -Minkopi -Minnehaha -minnesinger -minnesong -Minnesotan -Minnetaree -Minnie -minnie -minniebush -minning -minnow -minny -mino -Minoan -minoize -minometer -minor -minorage -minorate -minoration -Minorca -Minorcan -Minoress -minoress -Minorist -Minorite -minority -minorship -Minos -minot -Minotaur -Minseito -minsitive -minster -minsteryard -minstrel -minstreless -minstrelship -minstrelsy -mint -mintage -Mintaka -mintbush -minter -mintmaker -mintmaking -mintman -mintmaster -minty -minuend -minuet -minuetic -minuetish -minus -minuscular -minuscule -minutary -minutation -minute -minutely -minuteman -minuteness -minuter -minuthesis -minutia -minutiae -minutial -minutiose -minutiously -minutissimic -minverite -minx -minxish -minxishly -minxishness -minxship -miny -Minyadidae -Minyae -Minyan -minyan -Minyas -miocardia -Miocene -Miocenic -Miohippus -miolithic -mioplasmia -miothermic -miqra -miquelet -mir -Mira -Mirabel -Mirabell -mirabiliary -Mirabilis -mirabilite -Mirac -Mirach -mirach -miracidial -miracidium -miracle -miraclemonger -miraclemongering -miraclist -miraculist -miraculize -miraculosity -miraculous -miraculously -miraculousness -mirador -mirage -miragy -Mirak -Miramolin -Mirana -Miranda -mirandous -Miranha -Miranhan -mirate -mirbane -mird -mirdaha -mire -mirepoix -Mirfak -Miriam -Miriamne -mirid -Miridae -mirific -miriness -mirish -mirk -mirkiness -mirksome -mirliton -Miro -miro -Mirounga -mirror -mirrored -mirrorize -mirrorlike -mirrorscope -mirrory -mirth -mirthful -mirthfully -mirthfulness -mirthless -mirthlessly -mirthlessness -mirthsome -mirthsomeness -miry -miryachit -mirza -misaccent -misaccentuation -misachievement -misacknowledge -misact -misadapt -misadaptation -misadd -misaddress -misadjust -misadmeasurement -misadministration -misadvantage -misadventure -misadventurer -misadventurous -misadventurously -misadvertence -misadvice -misadvise -misadvised -misadvisedly -misadvisedness -misaffected -misaffection -misaffirm -misagent -misaim -misalienate -misalignment -misallegation -misallege -misalliance -misallotment -misallowance -misally -misalphabetize -misalter -misanalyze -misandry -misanswer -misanthrope -misanthropia -misanthropic -misanthropical -misanthropically -misanthropism -misanthropist -misanthropize -misanthropy -misapparel -misappear -misappearance -misappellation -misapplication -misapplier -misapply -misappoint -misappointment -misappraise -misappraisement -misappreciate -misappreciation -misappreciative -misapprehend -misapprehendingly -misapprehensible -misapprehension -misapprehensive -misapprehensively -misapprehensiveness -misappropriate -misappropriately -misappropriation -misarchism -misarchist -misarrange -misarrangement -misarray -misascribe -misascription -misasperse -misassay -misassent -misassert -misassign -misassociate -misassociation -misatone -misattend -misattribute -misattribution -misaunter -misauthorization -misauthorize -misaward -misbandage -misbaptize -misbecome -misbecoming -misbecomingly -misbecomingness -misbefitting -misbeget -misbegin -misbegotten -misbehave -misbehavior -misbeholden -misbelief -misbelieve -misbeliever -misbelievingly -misbelove -misbeseem -misbestow -misbestowal -misbetide -misbias -misbill -misbind -misbirth -misbode -misborn -misbrand -misbuild -misbusy -miscalculate -miscalculation -miscalculator -miscall -miscaller -miscanonize -miscarriage -miscarriageable -miscarry -miscast -miscasualty -misceability -miscegenate -miscegenation -miscegenationist -miscegenator -miscegenetic -miscegine -miscellanarian -miscellanea -miscellaneity -miscellaneous -miscellaneously -miscellaneousness -miscellanist -miscellany -mischallenge -mischance -mischanceful -mischancy -mischaracterization -mischaracterize -mischarge -mischief -mischiefful -mischieve -mischievous -mischievously -mischievousness -mischio -mischoice -mischoose -mischristen -miscibility -miscible -miscipher -misclaim -misclaiming -misclass -misclassification -misclassify -miscognizant -miscoin -miscoinage -miscollocation -miscolor -miscoloration -miscommand -miscommit -miscommunicate -miscompare -miscomplacence -miscomplain -miscomplaint -miscompose -miscomprehend -miscomprehension -miscomputation -miscompute -misconceive -misconceiver -misconception -misconclusion -miscondition -misconduct -misconfer -misconfidence -misconfident -misconfiguration -misconjecture -misconjugate -misconjugation -misconjunction -misconsecrate -misconsequence -misconstitutional -misconstruable -misconstruct -misconstruction -misconstructive -misconstrue -misconstruer -miscontinuance -misconvenient -misconvey -miscook -miscookery -miscorrect -miscorrection -miscounsel -miscount -miscovet -miscreancy -miscreant -miscreate -miscreation -miscreative -miscreator -miscredited -miscredulity -miscreed -miscript -miscrop -miscue -miscultivated -misculture -miscurvature -miscut -misdate -misdateful -misdaub -misdeal -misdealer -misdecide -misdecision -misdeclaration -misdeclare -misdeed -misdeem -misdeemful -misdefine -misdeformed -misdeliver -misdelivery -misdemean -misdemeanant -misdemeanist -misdemeanor -misdentition -misderivation -misderive -misdescribe -misdescriber -misdescription -misdescriptive -misdesire -misdetermine -misdevise -misdevoted -misdevotion -misdiet -misdirect -misdirection -misdispose -misdisposition -misdistinguish -misdistribute -misdistribution -misdivide -misdivision -misdo -misdoer -misdoing -misdoubt -misdower -misdraw -misdread -misdrive -mise -misease -misecclesiastic -misedit -miseducate -miseducation -miseducative -miseffect -misemphasis -misemphasize -misemploy -misemployment -misencourage -misendeavor -misenforce -misengrave -misenite -misenjoy -misenroll -misentitle -misenunciation -Misenus -miser -miserabilism -miserabilist -miserabilistic -miserability -miserable -miserableness -miserably -miserdom -miserected -Miserere -miserhood -misericord -Misericordia -miserism -miserliness -miserly -misery -misesteem -misestimate -misestimation -misexample -misexecute -misexecution -misexpectation -misexpend -misexpenditure -misexplain -misexplanation -misexplication -misexposition -misexpound -misexpress -misexpression -misexpressive -misfaith -misfare -misfashion -misfather -misfault -misfeasance -misfeasor -misfeature -misfield -misfigure -misfile -misfire -misfit -misfond -misform -misformation -misfortunate -misfortunately -misfortune -misfortuned -misfortuner -misframe -misgauge -misgesture -misgive -misgiving -misgivingly -misgo -misgotten -misgovern -misgovernance -misgovernment -misgovernor -misgracious -misgraft -misgrave -misground -misgrow -misgrown -misgrowth -misguess -misguggle -misguidance -misguide -misguided -misguidedly -misguidedness -misguider -misguiding -misguidingly -mishandle -mishap -mishappen -Mishikhwutmetunne -mishmash -mishmee -Mishmi -Mishnah -Mishnaic -Mishnic -Mishnical -Mishongnovi -misidentification -misidentify -Misima -misimagination -misimagine -misimpression -misimprove -misimprovement -misimputation -misimpute -misincensed -misincite -misinclination -misincline -misinfer -misinference -misinflame -misinform -misinformant -misinformation -misinformer -misingenuity -misinspired -misinstruct -misinstruction -misinstructive -misintelligence -misintelligible -misintend -misintention -misinter -misinterment -misinterpret -misinterpretable -misinterpretation -misinterpreter -misintimation -misjoin -misjoinder -misjudge -misjudgement -misjudger -misjudgingly -misjudgment -miskeep -misken -miskenning -miskill -miskindle -misknow -misknowledge -misky -mislabel -mislabor -mislanguage -mislay -mislayer -mislead -misleadable -misleader -misleading -misleadingly -misleadingness -mislear -misleared -mislearn -misled -mislest -mislight -mislike -misliken -mislikeness -misliker -mislikingly -mislippen -mislive -mislocate -mislocation -mislodge -mismade -mismake -mismanage -mismanageable -mismanagement -mismanager -mismarriage -mismarry -mismatch -mismatchment -mismate -mismeasure -mismeasurement -mismenstruation -misminded -mismingle -mismotion -mismove -misname -misnarrate -misnatured -misnavigation -Misniac -misnomed -misnomer -misnumber -misnurture -misnutrition -misobedience -misobey -misobservance -misobserve -misocapnic -misocapnist -misocatholic -misoccupy -misogallic -misogamic -misogamist -misogamy -misogyne -misogynic -misogynical -misogynism -misogynist -misogynistic -misogynistical -misogynous -misogyny -misohellene -misologist -misology -misomath -misoneism -misoneist -misoneistic -misopaterist -misopedia -misopedism -misopedist -misopinion -misopolemical -misorder -misordination -misorganization -misorganize -misoscopist -misosophist -misosophy -misotheism -misotheist -misotheistic -misotramontanism -misotyranny -misoxene -misoxeny -mispage -mispagination -mispaint -misparse -mispart -mispassion -mispatch -mispay -misperceive -misperception -misperform -misperformance -mispersuade -misperuse -misphrase -mispick -mispickel -misplace -misplacement -misplant -misplay -misplead -mispleading -misplease -mispoint -mispoise -mispolicy -misposition -mispossessed -mispractice -mispraise -misprejudiced -misprincipled -misprint -misprisal -misprision -misprize -misprizer -misproceeding -misproduce -misprofess -misprofessor -mispronounce -mispronouncement -mispronunciation -misproportion -misproposal -mispropose -misproud -misprovide -misprovidence -misprovoke -mispunctuate -mispunctuation -mispurchase -mispursuit -misput -misqualify -misquality -misquotation -misquote -misquoter -misraise -misrate -misread -misreader -misrealize -misreason -misreceive -misrecital -misrecite -misreckon -misrecognition -misrecognize -misrecollect -misrefer -misreference -misreflect -misreform -misregulate -misrehearsal -misrehearse -misrelate -misrelation -misreliance -misremember -misremembrance -misrender -misrepeat -misreport -misreporter -misreposed -misrepresent -misrepresentation -misrepresentative -misrepresenter -misreprint -misrepute -misresemblance -misresolved -misresult -misreward -misrhyme -misrhymer -misrule -miss -missable -missal -missay -missayer -misseem -missel -missemblance -missentence -misserve -misservice -misset -misshape -misshapen -misshapenly -misshapenness -misshood -missible -missile -missileproof -missiness -missing -missingly -mission -missional -missionarize -missionary -missionaryship -missioner -missionize -missionizer -missis -Missisauga -missish -missishness -Mississippi -Mississippian -missive -missmark -missment -Missouri -Missourian -Missourianism -missourite -misspeak -misspeech -misspell -misspelling -misspend -misspender -misstate -misstatement -misstater -misstay -misstep -missuade -missuggestion -missummation -missuppose -missy -missyish -missyllabication -missyllabify -mist -mistakable -mistakableness -mistakably -mistake -mistakeful -mistaken -mistakenly -mistakenness -mistakeproof -mistaker -mistaking -mistakingly -mistassini -mistaught -mistbow -misteach -misteacher -misted -mistell -mistempered -mistend -mistendency -Mister -mister -misterm -mistetch -mistfall -mistflower -mistful -misthink -misthought -misthread -misthrift -misthrive -misthrow -mistic -mistide -mistify -mistigris -mistily -mistime -mistiness -mistitle -mistle -mistless -mistletoe -mistone -mistonusk -mistook -mistouch -mistradition -mistrain -mistral -mistranscribe -mistranscript -mistranscription -mistranslate -mistranslation -mistreat -mistreatment -mistress -mistressdom -mistresshood -mistressless -mistressly -mistrial -mistrist -mistrust -mistruster -mistrustful -mistrustfully -mistrustfulness -mistrusting -mistrustingly -mistrustless -mistry -mistryst -misturn -mistutor -misty -mistyish -misunderstand -misunderstandable -misunderstander -misunderstanding -misunderstandingly -misunderstood -misunderstoodness -misura -misusage -misuse -misuseful -misusement -misuser -misusurped -misvaluation -misvalue -misventure -misventurous -misvouch -miswed -miswisdom -miswish -misword -misworship -misworshiper -misworshipper -miswrite -misyoke -miszealous -Mitakshara -Mitanni -Mitannian -Mitannish -mitapsis -Mitch -mitchboard -Mitchell -Mitchella -mite -Mitella -miteproof -miter -mitered -miterer -miterflower -miterwort -Mithra -Mithraea -Mithraeum -Mithraic -Mithraicism -Mithraicist -Mithraicize -Mithraism -Mithraist -Mithraistic -Mithraitic -Mithraize -Mithras -Mithratic -Mithriac -mithridate -Mithridatic -mithridatic -mithridatism -mithridatize -miticidal -miticide -mitigable -mitigant -mitigate -mitigatedly -mitigation -mitigative -mitigator -mitigatory -mitis -mitochondria -mitochondrial -mitogenetic -mitome -mitosis -mitosome -mitotic -mitotically -Mitra -mitra -mitrailleuse -mitral -mitrate -mitre -mitrer -Mitridae -mitriform -Mitsukurina -Mitsukurinidae -mitsumata -mitt -mittelhand -Mittelmeer -mitten -mittened -mittimus -mitty -Mitu -Mitua -mity -miurus -mix -mixable -mixableness -mixblood -Mixe -mixed -mixedly -mixedness -mixen -mixer -mixeress -mixhill -mixible -mixite -mixobarbaric -mixochromosome -Mixodectes -Mixodectidae -mixolydian -mixoploid -mixoploidy -Mixosaurus -mixotrophic -Mixtec -Mixtecan -mixtiform -mixtilineal -mixtilion -mixtion -mixture -mixy -Mizar -mizmaze -Mizpah -Mizraim -mizzen -mizzenmast -mizzenmastman -mizzentopman -mizzle -mizzler -mizzly -mizzonite -mizzy -mlechchha -mneme -mnemic -Mnemiopsis -mnemonic -mnemonical -mnemonicalist -mnemonically -mnemonicon -mnemonics -mnemonism -mnemonist -mnemonization -mnemonize -Mnemosyne -mnemotechnic -mnemotechnical -mnemotechnics -mnemotechnist -mnemotechny -mnesic -mnestic -Mnevis -Mniaceae -mniaceous -mnioid -Mniotiltidae -Mnium -Mo -mo -Moabite -Moabitess -Moabitic -Moabitish -moan -moanful -moanfully -moanification -moaning -moaningly -moanless -Moaria -Moarian -moat -Moattalite -mob -mobable -mobbable -mobber -mobbish -mobbishly -mobbishness -mobbism -mobbist -mobby -mobcap -mobed -mobile -Mobilian -mobilianer -mobiliary -mobility -mobilizable -mobilization -mobilize -mobilometer -moble -moblike -mobocracy -mobocrat -mobocratic -mobocratical -mobolatry -mobproof -mobship -mobsman -mobster -Mobula -Mobulidae -moccasin -Mocha -mocha -Mochica -mochras -mock -mockable -mockado -mockbird -mocker -mockernut -mockery -mockful -mockfully -mockground -mockingbird -mockingstock -mocmain -Mocoa -Mocoan -mocomoco -mocuck -Mod -modal -modalism -modalist -modalistic -modality -modalize -modally -mode -model -modeler -modeless -modelessness -modeling -modelist -modeller -modelmaker -modelmaking -modena -Modenese -moderant -moderantism -moderantist -moderate -moderately -moderateness -moderation -moderationist -moderatism -moderatist -moderato -moderator -moderatorship -moderatrix -Modern -modern -moderner -modernicide -modernish -modernism -modernist -modernistic -modernity -modernizable -modernization -modernize -modernizer -modernly -modernness -modest -modestly -modestness -modesty -modiation -modicity -modicum -modifiability -modifiable -modifiableness -modifiably -modificability -modificable -modification -modificationist -modificative -modificator -modificatory -modifier -modify -modillion -modiolar -Modiolus -modiolus -modish -modishly -modishness -modist -modiste -modistry -modius -Modoc -Modred -modulability -modulant -modular -modulate -modulation -modulative -modulator -modulatory -module -Modulidae -modulo -modulus -modumite -Moe -Moed -Moehringia -moellon -moerithere -moeritherian -Moeritheriidae -Moeritherium -mofette -moff -mofussil -mofussilite -mog -mogador -mogadore -mogdad -moggan -moggy -Moghan -mogigraphia -mogigraphic -mogigraphy -mogilalia -mogilalism -mogiphonia -mogitocia -mogo -mogographia -Mogollon -Mograbi -Mogrebbin -moguey -Mogul -mogulship -Moguntine -moha -mohabat -mohair -Mohammad -Mohammedan -Mohammedanism -Mohammedanization -Mohammedanize -Mohammedism -Mohammedist -Mohammedization -Mohammedize -mohar -Mohave -Mohawk -Mohawkian -mohawkite -Mohegan -mohel -Mohican -Mohineyam -mohnseed -moho -Mohock -Mohockism -mohr -Mohrodendron -mohur -Moi -moider -moidore -moieter -moiety -moil -moiler -moiles -moiley -moiling -moilingly -moilsome -moineau -Moingwena -moio -Moira -moire -moirette -moise -Moism -moissanite -moist -moisten -moistener -moistful -moistify -moistish -moistishness -moistless -moistly -moistness -moisture -moistureless -moistureproof -moisty -moit -moity -mojarra -Mojo -mojo -mokaddam -moke -moki -mokihana -moko -moksha -mokum -moky -Mola -mola -molal -Molala -molality -molar -molariform -molarimeter -molarity -molary -Molasse -molasses -molassied -molassy -molave -mold -moldability -moldable -moldableness -Moldavian -moldavite -moldboard -molder -moldery -moldiness -molding -moldmade -moldproof -moldwarp -moldy -Mole -mole -molecast -molecula -molecular -molecularist -molecularity -molecularly -molecule -molehead -moleheap -molehill -molehillish -molehilly -moleism -molelike -molendinar -molendinary -molengraaffite -moleproof -moler -moleskin -molest -molestation -molester -molestful -molestfully -Molge -Molgula -Molidae -molimen -moliminous -molinary -moline -Molinia -Molinism -Molinist -Molinistic -molka -Moll -molland -Mollberg -molle -mollescence -mollescent -molleton -mollichop -mollicrush -mollie -mollienisia -mollient -molliently -mollifiable -mollification -mollifiedly -mollifier -mollify -mollifying -mollifyingly -mollifyingness -molligrant -molligrubs -mollipilose -Mollisiaceae -mollisiose -mollities -mollitious -mollitude -Molluginaceae -Mollugo -Mollusca -molluscan -molluscivorous -molluscoid -Molluscoida -molluscoidal -molluscoidan -Molluscoidea -molluscoidean -molluscous -molluscousness -molluscum -mollusk -Molly -molly -mollycoddle -mollycoddler -mollycoddling -mollycosset -mollycot -mollyhawk -molman -Moloch -Molochize -Molochship -moloid -moloker -molompi -molosse -Molossian -molossic -Molossidae -molossine -molossoid -molossus -Molothrus -molpe -molrooken -molt -molten -moltenly -molter -Molucca -Moluccan -Moluccella -Moluche -moly -molybdate -molybdena -molybdenic -molybdeniferous -molybdenite -molybdenous -molybdenum -molybdic -molybdite -molybdocardialgia -molybdocolic -molybdodyspepsia -molybdomancy -molybdomenite -molybdonosus -molybdoparesis -molybdophyllite -molybdosis -molybdous -molysite -mombin -momble -Mombottu -mome -moment -momenta -momental -momentally -momentaneall -momentaneity -momentaneous -momentaneously -momentaneousness -momentarily -momentariness -momentary -momently -momentous -momentously -momentousness -momentum -momiology -momism -momme -mommet -mommy -momo -Momordica -Momotidae -Momotinae -Momotus -Momus -Mon -mon -mona -Monacan -monacanthid -Monacanthidae -monacanthine -monacanthous -Monacha -monachal -monachate -Monachi -monachism -monachist -monachization -monachize -monactin -monactine -monactinellid -monactinellidan -monad -monadelph -Monadelphia -monadelphian -monadelphous -monadic -monadical -monadically -monadiform -monadigerous -Monadina -monadism -monadistic -monadnock -monadology -monaene -monal -monamniotic -Monanday -monander -Monandria -monandrian -monandric -monandrous -monandry -monanthous -monapsal -monarch -monarchal -monarchally -monarchess -monarchial -monarchian -monarchianism -monarchianist -monarchianistic -monarchic -monarchical -monarchically -monarchism -monarchist -monarchistic -monarchize -monarchizer -monarchlike -monarchomachic -monarchomachist -monarchy -Monarda -Monardella -monarthritis -monarticular -monas -Monasa -Monascidiae -monascidian -monase -monaster -monasterial -monasterially -monastery -monastic -monastical -monastically -monasticism -monasticize -monatomic -monatomicity -monatomism -monaulos -monaural -monaxial -monaxile -monaxon -monaxonial -monaxonic -Monaxonida -monazine -monazite -Monbuttu -monchiquite -Monday -Mondayish -Mondayishness -Mondayland -mone -Monegasque -Monel -monel -monembryary -monembryonic -monembryony -monepic -monepiscopacy -monepiscopal -moner -Monera -moneral -moneran -monergic -monergism -monergist -monergistic -moneric -moneron -Monerozoa -monerozoan -monerozoic -monerula -Moneses -monesia -monetarily -monetary -monetite -monetization -monetize -money -moneyage -moneybag -moneybags -moneyed -moneyer -moneyflower -moneygrub -moneygrubber -moneygrubbing -moneylender -moneylending -moneyless -moneymonger -moneymongering -moneysaving -moneywise -moneywort -mong -mongcorn -monger -mongering -mongery -Monghol -Mongholian -Mongibel -mongler -Mongo -Mongol -Mongolian -Mongolianism -Mongolic -Mongolioid -Mongolish -Mongolism -Mongolization -Mongolize -Mongoloid -mongoose -Mongoyo -mongrel -mongreldom -mongrelish -mongrelism -mongrelity -mongrelization -mongrelize -mongrelly -mongrelness -mongst -monheimite -monial -Monias -Monica -moniker -monilated -monilethrix -Monilia -Moniliaceae -moniliaceous -Moniliales -monilicorn -moniliform -moniliformly -monilioid -moniment -Monimia -Monimiaceae -monimiaceous -monimolite -monimostylic -monism -monist -monistic -monistical -monistically -monition -monitive -monitor -monitorial -monitorially -monitorish -monitorship -monitory -monitress -monitrix -monk -monkbird -monkcraft -monkdom -monkery -monkess -monkey -monkeyboard -monkeyface -monkeyfy -monkeyhood -monkeyish -monkeyishly -monkeyishness -monkeylike -monkeynut -monkeypod -monkeypot -monkeyry -monkeyshine -monkeytail -monkfish -monkflower -monkhood -monkish -monkishly -monkishness -monkism -monklike -monkliness -monkly -monkmonger -monkship -monkshood -Monmouth -monmouthite -monny -Mono -mono -monoacetate -monoacetin -monoacid -monoacidic -monoamide -monoamine -monoamino -monoammonium -monoazo -monobacillary -monobase -monobasic -monobasicity -monoblastic -monoblepsia -monoblepsis -monobloc -monobranchiate -monobromacetone -monobromated -monobromide -monobrominated -monobromination -monobromized -monobromoacetanilide -monobromoacetone -monobutyrin -monocalcium -monocarbide -monocarbonate -monocarbonic -monocarboxylic -monocardian -monocarp -monocarpal -monocarpellary -monocarpian -monocarpic -monocarpous -monocellular -monocentric -monocentrid -Monocentridae -Monocentris -monocentroid -monocephalous -monocercous -monoceros -monocerous -monochasial -monochasium -Monochlamydeae -monochlamydeous -monochlor -monochloracetic -monochloranthracene -monochlorbenzene -monochloride -monochlorinated -monochlorination -monochloro -monochloroacetic -monochlorobenzene -monochloromethane -monochoanitic -monochord -monochordist -monochordize -monochroic -monochromasy -monochromat -monochromate -monochromatic -monochromatically -monochromatism -monochromator -monochrome -monochromic -monochromical -monochromically -monochromist -monochromous -monochromy -monochronic -monochronous -monociliated -monocle -monocled -monocleid -monoclinal -monoclinally -monocline -monoclinian -monoclinic -monoclinism -monoclinometric -monoclinous -Monoclonius -Monocoelia -monocoelian -monocoelic -Monocondyla -monocondylar -monocondylian -monocondylic -monocondylous -monocormic -monocot -monocotyledon -Monocotyledones -monocotyledonous -monocracy -monocrat -monocratic -monocrotic -monocrotism -monocular -monocularity -monocularly -monoculate -monocule -monoculist -monoculous -monocultural -monoculture -monoculus -monocyanogen -monocycle -monocyclic -Monocyclica -monocystic -Monocystidae -Monocystidea -Monocystis -monocyte -monocytic -monocytopoiesis -monodactyl -monodactylate -monodactyle -monodactylism -monodactylous -monodactyly -monodelph -Monodelphia -monodelphian -monodelphic -monodelphous -monodermic -monodic -monodically -monodimetric -monodist -monodize -monodomous -Monodon -monodont -Monodonta -monodontal -monodram -monodrama -monodramatic -monodramatist -monodromic -monodromy -monody -monodynamic -monodynamism -Monoecia -monoecian -monoecious -monoeciously -monoeciousness -monoecism -monoeidic -monoestrous -monoethanolamine -monoethylamine -monofilament -monofilm -monoflagellate -monoformin -monogamian -monogamic -monogamist -monogamistic -monogamous -monogamously -monogamousness -monogamy -monoganglionic -monogastric -monogene -Monogenea -monogeneity -monogeneous -monogenesis -monogenesist -monogenesy -monogenetic -Monogenetica -monogenic -monogenism -monogenist -monogenistic -monogenous -monogeny -monoglot -monoglycerid -monoglyceride -monogoneutic -monogonoporic -monogonoporous -monogony -monogram -monogrammatic -monogrammatical -monogrammed -monogrammic -monograph -monographer -monographic -monographical -monographically -monographist -monography -monograptid -Monograptidae -Monograptus -monogynic -monogynious -monogynist -monogynoecial -monogynous -monogyny -monohybrid -monohydrate -monohydrated -monohydric -monohydrogen -monohydroxy -monoicous -monoid -monoketone -monolater -monolatrist -monolatrous -monolatry -monolayer -monoline -monolingual -monolinguist -monoliteral -monolith -monolithal -monolithic -monolobular -monolocular -monologian -monologic -monological -monologist -monologize -monologue -monologuist -monology -monomachist -monomachy -monomania -monomaniac -monomaniacal -monomastigate -monomeniscous -monomer -monomeric -monomerous -monometallic -monometallism -monometallist -monometer -monomethyl -monomethylated -monomethylic -monometric -monometrical -monomial -monomict -monomineral -monomineralic -monomolecular -monomolybdate -Monomorium -monomorphic -monomorphism -monomorphous -Monomya -Monomyaria -monomyarian -mononaphthalene -mononch -Mononchus -mononeural -Monongahela -mononitrate -mononitrated -mononitration -mononitride -mononitrobenzene -mononomial -mononomian -monont -mononuclear -mononucleated -mononucleosis -mononychous -mononym -mononymic -mononymization -mononymize -mononymy -monoousian -monoousious -monoparental -monoparesis -monoparesthesia -monopathic -monopathy -monopectinate -monopersonal -monopersulfuric -monopersulphuric -Monopetalae -monopetalous -monophagism -monophagous -monophagy -monophase -monophasia -monophasic -monophobia -monophone -monophonic -monophonous -monophony -monophotal -monophote -monophthalmic -monophthalmus -monophthong -monophthongal -monophthongization -monophthongize -monophyletic -monophyleticism -monophylite -monophyllous -monophyodont -monophyodontism -Monophysite -Monophysitic -Monophysitical -Monophysitism -monopitch -monoplacula -monoplacular -monoplaculate -monoplane -monoplanist -monoplasmatic -monoplast -monoplastic -monoplegia -monoplegic -Monopneumoa -monopneumonian -monopneumonous -monopode -monopodial -monopodially -monopodic -monopodium -monopodous -monopody -monopolar -monopolaric -monopolarity -monopole -monopolism -monopolist -monopolistic -monopolistically -monopolitical -monopolizable -monopolization -monopolize -monopolizer -monopolous -monopoly -monopolylogist -monopolylogue -monopotassium -monoprionid -monoprionidian -monopsonistic -monopsony -monopsychism -monopteral -Monopteridae -monopteroid -monopteron -monopteros -monopterous -monoptic -monoptical -monoptote -monoptotic -Monopylaea -Monopylaria -monopylean -monopyrenous -monorail -monorailroad -monorailway -monorchid -monorchidism -monorchis -monorchism -monorganic -Monorhina -monorhinal -monorhine -monorhyme -monorhymed -monorhythmic -monosaccharide -monosaccharose -monoschemic -monoscope -monose -monosemic -monosepalous -monoservice -monosilane -monosilicate -monosilicic -monosiphonic -monosiphonous -monosodium -monosomatic -monosomatous -monosome -monosomic -monosperm -monospermal -monospermic -monospermous -monospermy -monospherical -monospondylic -monosporangium -monospore -monospored -monosporiferous -monosporous -monostele -monostelic -monostelous -monostely -monostich -monostichous -Monostomata -Monostomatidae -monostomatous -monostome -Monostomidae -monostomous -Monostomum -monostromatic -monostrophe -monostrophic -monostrophics -monostylous -monosubstituted -monosubstitution -monosulfone -monosulfonic -monosulphide -monosulphone -monosulphonic -monosyllabic -monosyllabical -monosyllabically -monosyllabism -monosyllabize -monosyllable -monosymmetric -monosymmetrical -monosymmetrically -monosymmetry -monosynthetic -monotelephone -monotelephonic -monotellurite -Monothalama -monothalamian -monothalamous -monothecal -monotheism -monotheist -monotheistic -monotheistical -monotheistically -Monothelete -Monotheletian -Monotheletic -Monotheletism -monothelious -Monothelism -Monothelitic -Monothelitism -monothetic -monotic -monotint -Monotocardia -monotocardiac -monotocardian -monotocous -monotomous -monotone -monotonic -monotonical -monotonically -monotonist -monotonize -monotonous -monotonously -monotonousness -monotony -monotremal -Monotremata -monotremate -monotrematous -monotreme -monotremous -monotrichous -monotriglyph -monotriglyphic -Monotrocha -monotrochal -monotrochian -monotrochous -Monotropa -Monotropaceae -monotropaceous -monotrophic -monotropic -Monotropsis -monotropy -monotypal -monotype -monotypic -monotypical -monotypous -monoureide -monovalence -monovalency -monovalent -monovariant -monoverticillate -monovoltine -monovular -monoxenous -monoxide -monoxime -monoxyle -monoxylic -monoxylon -monoxylous -Monozoa -monozoan -monozoic -monozygotic -Monroeism -Monroeist -monrolite -monseigneur -monsieur -monsieurship -monsignor -monsignorial -Monsoni -monsoon -monsoonal -monsoonish -monsoonishly -monster -Monstera -monsterhood -monsterlike -monstership -monstrance -monstrate -monstration -monstrator -monstricide -monstriferous -monstrification -monstrify -monstrosity -monstrous -monstrously -monstrousness -Mont -montage -Montagnac -Montagnais -Montana -montana -Montanan -montane -montanic -montanin -Montanism -Montanist -Montanistic -Montanistical -montanite -Montanize -montant -Montargis -Montauk -montbretia -monte -montebrasite -monteith -montem -Montenegrin -Montepulciano -Monterey -Montes -Montesco -Montesinos -Montessorian -Montessorianism -Montezuma -montgolfier -month -monthly -monthon -Montia -monticellite -monticle -monticoline -monticulate -monticule -Monticulipora -Monticuliporidae -monticuliporidean -monticuliporoid -monticulose -monticulous -monticulus -montiform -montigeneous -montilla -montjoy -montmartrite -Montmorency -montmorilonite -monton -Montrachet -montroydite -Montu -monture -Monty -Monumbo -monument -monumental -monumentalism -monumentality -monumentalization -monumentalize -monumentally -monumentary -monumentless -monumentlike -monzodiorite -monzogabbro -monzonite -monzonitic -moo -Mooachaht -mooch -moocha -moocher -moochulka -mood -mooder -moodily -moodiness -moodish -moodishly -moodishness -moodle -moody -mooing -mool -moolet -moolings -mools -moolum -moon -moonack -moonbeam -moonbill -moonblink -mooncalf -mooncreeper -moondown -moondrop -mooned -mooner -moonery -mooneye -moonface -moonfaced -moonfall -moonfish -moonflower -moonglade -moonglow -moonhead -moonily -mooniness -mooning -moonish -moonite -moonja -moonjah -moonless -moonlet -moonlight -moonlighted -moonlighter -moonlighting -moonlighty -moonlike -moonlikeness -moonlit -moonlitten -moonman -moonpath -moonpenny -moonproof -moonraker -moonraking -moonrise -moonsail -moonscape -moonseed -moonset -moonshade -moonshine -moonshiner -moonshining -moonshiny -moonsick -moonsickness -moonstone -moontide -moonwalker -moonwalking -moonward -moonwards -moonway -moonwort -moony -moop -Moor -moor -moorage -moorball -moorband -moorberry -moorbird -moorburn -moorburner -moorburning -Moore -moorflower -moorfowl -mooring -Moorish -moorish -moorishly -moorishness -moorland -moorlander -Moorman -moorman -moorn -moorpan -moors -Moorship -moorsman -moorstone -moortetter -moorup -moorwort -moory -moosa -moose -mooseberry -moosebird -moosebush -moosecall -mooseflower -moosehood -moosemise -moosetongue -moosewob -moosewood -moosey -moost -moot -mootable -mooter -mooth -mooting -mootman -mootstead -mootworthy -mop -Mopan -mopane -mopboard -mope -moper -moph -mophead -mopheaded -moping -mopingly -mopish -mopishly -mopishness -mopla -mopper -moppet -moppy -mopstick -mopsy -mopus -Moquelumnan -moquette -Moqui -mor -mora -Moraceae -moraceous -Moraea -morainal -moraine -morainic -moral -morale -moralism -moralist -moralistic -moralistically -morality -moralization -moralize -moralizer -moralizingly -moralless -morally -moralness -morals -Moran -morass -morassic -morassweed -morassy -morat -morate -moration -moratoria -moratorium -moratory -Moravian -Moravianism -Moravianized -Moravid -moravite -moray -morbid -morbidity -morbidize -morbidly -morbidness -morbiferal -morbiferous -morbific -morbifical -morbifically -morbify -morbility -morbillary -morbilli -morbilliform -morbillous -morcellate -morcellated -morcellation -Morchella -Morcote -mordacious -mordaciously -mordacity -mordancy -mordant -mordantly -Mordella -mordellid -Mordellidae -mordelloid -mordenite -mordent -mordicate -mordication -mordicative -mordore -Mordv -Mordva -Mordvin -Mordvinian -more -moreen -morefold -moreish -morel -morella -morello -morencite -moreness -morenita -morenosite -Moreote -moreover -morepork -mores -Moresque -morfrey -morg -morga -Morgan -morgan -Morgana -morganatic -morganatical -morganatically -morganic -morganite -morganize -morgay -morgen -morgengift -morgenstern -morglay -morgue -moribund -moribundity -moribundly -moric -moriche -moriform -morigerate -morigeration -morigerous -morigerously -morigerousness -morillon -morin -Morinaceae -Morinda -morindin -morindone -morinel -Moringa -Moringaceae -moringaceous -moringad -Moringua -moringuid -Moringuidae -moringuoid -morion -Moriori -Moriscan -Morisco -Morisonian -Morisonianism -morkin -morlop -mormaor -mormaordom -mormaorship -mormo -Mormon -mormon -Mormondom -Mormoness -Mormonism -Mormonist -Mormonite -Mormonweed -Mormoops -mormyr -mormyre -mormyrian -mormyrid -Mormyridae -mormyroid -Mormyrus -morn -morne -morned -morning -morningless -morningly -mornings -morningtide -morningward -mornless -mornlike -morntime -mornward -Moro -moro -moroc -Moroccan -Morocco -morocco -morocota -morological -morologically -morologist -morology -moromancy -moron -moroncy -morong -moronic -Moronidae -moronism -moronity -moronry -Moropus -morosaurian -morosauroid -Morosaurus -morose -morosely -moroseness -morosis -morosity -moroxite -morph -morphallaxis -morphea -Morphean -morpheme -morphemic -morphemics -morphetic -Morpheus -morphew -morphia -morphiate -morphic -morphically -morphinate -morphine -morphinic -morphinism -morphinist -morphinization -morphinize -morphinomania -morphinomaniac -morphiomania -morphiomaniac -Morpho -morphogenesis -morphogenetic -morphogenic -morphogeny -morphographer -morphographic -morphographical -morphographist -morphography -morpholine -morphologic -morphological -morphologically -morphologist -morphology -morphometrical -morphometry -morphon -morphonomic -morphonomy -morphophonemic -morphophonemically -morphophonemics -morphophyly -morphoplasm -morphoplasmic -morphosis -morphotic -morphotropic -morphotropism -morphotropy -morphous -Morrenian -Morrhua -morrhuate -morrhuine -morricer -Morris -morris -Morrisean -morrow -morrowing -morrowless -morrowmass -morrowspeech -morrowtide -morsal -Morse -morse -morsel -morselization -morselize -morsing -morsure -mort -mortacious -mortal -mortalism -mortalist -mortality -mortalize -mortally -mortalness -mortalwise -mortar -mortarboard -mortarize -mortarless -mortarlike -mortarware -mortary -mortbell -mortcloth -mortersheen -mortgage -mortgageable -mortgagee -mortgagor -morth -morthwyrtha -mortician -mortier -mortiferous -mortiferously -mortiferousness -mortific -mortification -mortified -mortifiedly -mortifiedness -mortifier -mortify -mortifying -mortifyingly -Mortimer -mortise -mortiser -mortling -mortmain -mortmainer -Morton -mortuarian -mortuary -mortuous -morula -morular -morulation -morule -moruloid -Morus -morvin -morwong -Mosaic -mosaic -Mosaical -mosaical -mosaically -mosaicism -mosaicist -Mosaicity -Mosaism -Mosaist -mosaist -mosandrite -mosasaur -Mosasauri -Mosasauria -mosasaurian -mosasaurid -Mosasauridae -mosasauroid -Mosasaurus -Mosatenan -moschate -moschatel -moschatelline -Moschi -Moschidae -moschiferous -Moschinae -moschine -Moschus -Moscow -Mose -Moselle -Moses -mosesite -Mosetena -mosette -mosey -Mosgu -moskeneer -mosker -Moslem -Moslemah -Moslemic -Moslemin -Moslemism -Moslemite -Moslemize -moslings -mosque -mosquelet -mosquish -mosquital -Mosquito -mosquito -mosquitobill -mosquitocidal -mosquitocide -mosquitoey -mosquitoish -mosquitoproof -moss -mossback -mossberry -mossbunker -mossed -mosser -mossery -mossful -mosshead -Mossi -mossiness -mossless -mosslike -mosstrooper -mosstroopery -mosstrooping -mosswort -mossy -mossyback -most -moste -Mosting -mostlike -mostlings -mostly -mostness -Mosul -Mosur -mot -Motacilla -motacillid -Motacillidae -Motacillinae -motacilline -motatorious -motatory -Motazilite -mote -moted -motel -moteless -moter -motet -motettist -motey -moth -mothed -mother -motherdom -mothered -motherer -mothergate -motherhood -motheriness -mothering -motherkin -motherland -motherless -motherlessness -motherlike -motherliness -motherling -motherly -mothership -mothersome -motherward -motherwise -motherwort -mothery -mothless -mothlike -mothproof -mothworm -mothy -motif -motific -motile -motility -motion -motionable -motional -motionless -motionlessly -motionlessness -motitation -motivate -motivation -motivational -motive -motiveless -motivelessly -motivelessness -motiveness -motivity -motley -motleyness -motmot -motofacient -motograph -motographic -motomagnetic -motoneuron -motophone -motor -motorable -motorboat -motorboatman -motorbus -motorcab -motorcade -motorcar -motorcycle -motorcyclist -motordom -motordrome -motored -motorial -motoric -motoring -motorism -motorist -motorium -motorization -motorize -motorless -motorman -motorneer -motorphobe -motorphobia -motorphobiac -motorway -motory -Motozintlec -Motozintleca -motricity -Mott -mott -motte -mottle -mottled -mottledness -mottlement -mottler -mottling -motto -mottoed -mottoless -mottolike -mottramite -motyka -mou -moucharaby -mouchardism -mouche -mouchrabieh -moud -moudie -moudieman -moudy -mouflon -Mougeotia -Mougeotiaceae -mouillation -mouille -mouillure -moujik -moul -mould -moulded -moule -moulin -moulinage -moulinet -moulleen -moulrush -mouls -moulter -mouly -mound -moundiness -moundlet -moundwork -moundy -mount -mountable -mountably -mountain -mountained -mountaineer -mountainet -mountainette -mountainless -mountainlike -mountainous -mountainously -mountainousness -mountainside -mountaintop -mountainward -mountainwards -mountainy -mountant -mountebank -mountebankery -mountebankish -mountebankism -mountebankly -mounted -mounter -Mountie -mounting -mountingly -mountlet -mounture -moup -mourn -mourner -mourneress -mournful -mournfully -mournfulness -mourning -mourningly -mournival -mournsome -mouse -mousebane -mousebird -mousefish -mousehawk -mousehole -mousehound -Mouseion -mousekin -mouselet -mouselike -mouseproof -mouser -mousery -mouseship -mousetail -mousetrap -mouseweb -mousey -mousily -mousiness -mousing -mousingly -mousle -mousmee -Mousoni -mousquetaire -mousse -Mousterian -moustoc -mousy -mout -moutan -mouth -mouthable -mouthbreeder -mouthed -mouther -mouthful -mouthily -mouthiness -mouthing -mouthingly -mouthishly -mouthless -mouthlike -mouthpiece -mouthroot -mouthwash -mouthwise -mouthy -mouton -moutonnee -mouzah -mouzouna -movability -movable -movableness -movably -movant -move -moveability -moveableness -moveably -moveless -movelessly -movelessness -movement -mover -movie -moviedom -movieize -movieland -moving -movingly -movingness -mow -mowable -mowana -mowburn -mowburnt -mowch -mowcht -mower -mowha -mowie -mowing -mowland -mown -mowra -mowrah -mowse -mowstead -mowt -mowth -moxa -moxieberry -Moxo -moy -moyen -moyenless -moyenne -moyite -moyle -moyo -Mozambican -mozambique -Mozarab -Mozarabian -Mozarabic -Mozartean -mozemize -mozing -mozzetta -Mpangwe -Mpondo -mpret -Mr -Mrs -Mru -mu -muang -mubarat -mucago -mucaro -mucedin -mucedinaceous -mucedine -mucedinous -much -muchfold -muchly -muchness -mucic -mucid -mucidness -muciferous -mucific -muciform -mucigen -mucigenous -mucilage -mucilaginous -mucilaginously -mucilaginousness -mucin -mucinogen -mucinoid -mucinous -muciparous -mucivore -mucivorous -muck -muckender -Mucker -mucker -muckerish -muckerism -mucket -muckiness -muckite -muckle -muckluck -muckman -muckment -muckmidden -muckna -muckrake -muckraker -mucksweat -mucksy -muckthrift -muckweed -muckworm -mucky -mucluc -mucocele -mucocellulose -mucocellulosic -mucocutaneous -mucodermal -mucofibrous -mucoflocculent -mucoid -mucomembranous -muconic -mucoprotein -mucopurulent -mucopus -mucor -Mucoraceae -mucoraceous -Mucorales -mucorine -mucorioid -mucormycosis -mucorrhea -mucosa -mucosal -mucosanguineous -mucose -mucoserous -mucosity -mucosocalcareous -mucosogranular -mucosopurulent -mucososaccharine -mucous -mucousness -mucro -mucronate -mucronately -mucronation -mucrones -mucroniferous -mucroniform -mucronulate -mucronulatous -muculent -Mucuna -mucus -mucusin -mud -mudar -mudbank -mudcap -mudd -mudde -mudden -muddify -muddily -muddiness -mudding -muddish -muddle -muddlebrained -muddledom -muddlehead -muddleheaded -muddleheadedness -muddlement -muddleproof -muddler -muddlesome -muddlingly -muddy -muddybrained -muddybreast -muddyheaded -mudee -Mudejar -mudfish -mudflow -mudguard -mudhead -mudhole -mudhopper -mudir -mudiria -mudland -mudlark -mudlarker -mudless -mudproof -mudra -mudsill -mudskipper -mudslinger -mudslinging -mudspate -mudstain -mudstone -mudsucker -mudtrack -mudweed -mudwort -Muehlenbeckia -muermo -muezzin -muff -muffed -muffet -muffetee -muffin -muffineer -muffish -muffishness -muffle -muffled -muffleman -muffler -mufflin -muffy -mufti -mufty -mug -muga -mugearite -mugful -mugg -mugger -mugget -muggily -mugginess -muggins -muggish -muggles -Muggletonian -Muggletonianism -muggy -mughouse -mugience -mugiency -mugient -Mugil -Mugilidae -mugiliform -mugiloid -mugweed -mugwort -mugwump -mugwumpery -mugwumpian -mugwumpism -muhammadi -Muharram -Muhlenbergia -muid -Muilla -muir -muirburn -muircock -muirfowl -muishond -muist -mujtahid -Mukden -mukluk -Mukri -muktar -muktatma -mukti -mulaprakriti -mulatta -mulatto -mulattoism -mulattress -mulberry -mulch -mulcher -Mulciber -Mulcibirian -mulct -mulctable -mulctary -mulctation -mulctative -mulctatory -mulctuary -mulder -mule -muleback -mulefoot -mulefooted -muleman -muleta -muleteer -muletress -muletta -mulewort -muley -mulga -muliebral -muliebria -muliebrile -muliebrity -muliebrous -mulier -mulierine -mulierose -mulierosity -mulish -mulishly -mulishness -mulism -mulita -mulk -mull -mulla -mullah -mullar -mullein -mullenize -muller -Mullerian -mullet -mulletry -mullets -mulley -mullid -Mullidae -mulligan -mulligatawny -mulligrubs -mullion -mullite -mullock -mullocker -mullocky -mulloid -mulloway -mulmul -mulse -mulsify -mult -multangular -multangularly -multangularness -multangulous -multangulum -Multani -multanimous -multarticulate -multeity -multiangular -multiareolate -multiarticular -multiarticulate -multiarticulated -multiaxial -multiblade -multibladed -multibranched -multibranchiate -multibreak -multicamerate -multicapitate -multicapsular -multicarinate -multicarinated -multicellular -multicentral -multicentric -multicharge -multichord -multichrome -multiciliate -multiciliated -multicipital -multicircuit -multicoccous -multicoil -multicolor -multicolored -multicolorous -multicomponent -multiconductor -multiconstant -multicore -multicorneal -multicostate -multicourse -multicrystalline -multicuspid -multicuspidate -multicycle -multicylinder -multicylindered -multidentate -multidenticulate -multidenticulated -multidigitate -multidimensional -multidirectional -multidisperse -multiengine -multiengined -multiexhaust -multifaced -multifaceted -multifactorial -multifamilial -multifarious -multifariously -multifariousness -multiferous -multifetation -multifibered -multifid -multifidly -multifidous -multifidus -multifilament -multifistular -multiflagellate -multiflagellated -multiflash -multiflorous -multiflow -multiflue -multifocal -multifoil -multifoiled -multifold -multifoliate -multifoliolate -multiform -multiformed -multiformity -multifurcate -multiganglionic -multigap -multigranulate -multigranulated -Multigraph -multigraph -multigrapher -multiguttulate -multigyrate -multihead -multihearth -multihued -multijet -multijugate -multijugous -multilaciniate -multilamellar -multilamellate -multilamellous -multilaminar -multilaminate -multilaminated -multilateral -multilaterally -multilighted -multilineal -multilinear -multilingual -multilinguist -multilirate -multiliteral -multilobar -multilobate -multilobe -multilobed -multilobular -multilobulate -multilobulated -multilocation -multilocular -multiloculate -multiloculated -multiloquence -multiloquent -multiloquious -multiloquous -multiloquy -multimacular -multimammate -multimarble -multimascular -multimedial -multimetalic -multimetallism -multimetallist -multimillion -multimillionaire -multimodal -multimodality -multimolecular -multimotor -multimotored -multinational -multinervate -multinervose -multinodal -multinodate -multinodous -multinodular -multinomial -multinominal -multinominous -multinuclear -multinucleate -multinucleated -multinucleolar -multinucleolate -multinucleolated -multiovular -multiovulate -multipara -multiparient -multiparity -multiparous -multipartisan -multipartite -multiped -multiperforate -multiperforated -multipersonal -multiphase -multiphaser -multiphotography -multipinnate -multiplane -multiple -multiplepoinding -multiplet -multiplex -multipliable -multipliableness -multiplicability -multiplicable -multiplicand -multiplicate -multiplication -multiplicational -multiplicative -multiplicatively -multiplicator -multiplicity -multiplier -multiply -multiplying -multipointed -multipolar -multipole -multiported -multipotent -multipresence -multipresent -multiradial -multiradiate -multiradiated -multiradicate -multiradicular -multiramified -multiramose -multiramous -multirate -multireflex -multirooted -multirotation -multirotatory -multisaccate -multisacculate -multisacculated -multiscience -multiseated -multisect -multisector -multisegmental -multisegmentate -multisegmented -multisensual -multiseptate -multiserial -multiserially -multiseriate -multishot -multisiliquous -multisonous -multispeed -multispermous -multispicular -multispiculate -multispindle -multispinous -multispiral -multispired -multistage -multistaminate -multistoried -multistory -multistratified -multistratous -multistriate -multisulcate -multisulcated -multisyllabic -multisyllability -multisyllable -multitarian -multitentaculate -multitheism -multithreaded -multititular -multitoed -multitoned -multitube -Multituberculata -multituberculate -multituberculated -multituberculism -multituberculy -multitubular -multitude -multitudinal -multitudinary -multitudinism -multitudinist -multitudinistic -multitudinosity -multitudinous -multitudinously -multitudinousness -multiturn -multivagant -multivalence -multivalency -multivalent -multivalve -multivalved -multivalvular -multivane -multivariant -multivarious -multiversant -multiverse -multivibrator -multivincular -multivious -multivocal -multivocalness -multivoiced -multivolent -multivoltine -multivolumed -multivorous -multocular -multum -multungulate -multure -multurer -mum -mumble -mumblebee -mumblement -mumbler -mumbling -mumblingly -mummer -mummery -mummichog -mummick -mummied -mummification -mummiform -mummify -mumming -mummy -mummydom -mummyhood -mummylike -mumness -mump -mumper -mumphead -mumpish -mumpishly -mumpishness -mumps -mumpsimus -mumruffin -mun -Munandi -Muncerian -munch -Munchausenism -Munchausenize -muncheel -muncher -munchet -mund -Munda -mundane -mundanely -mundaneness -mundanism -mundanity -Mundari -mundatory -mundic -mundificant -mundification -mundifier -mundify -mundil -mundivagant -mundle -mung -munga -munge -mungey -mungo -mungofa -munguba -mungy -Munia -Munich -Munichism -municipal -municipalism -municipalist -municipality -municipalization -municipalize -municipalizer -municipally -municipium -munific -munificence -munificency -munificent -munificently -munificentness -muniment -munition -munitionary -munitioneer -munitioner -munitions -munity -munj -munjeet -munjistin -munnion -Munnopsidae -Munnopsis -Munsee -munshi -munt -Muntiacus -muntin -Muntingia -muntjac -Munychia -Munychian -Munychion -Muong -Muphrid -Mura -mura -Muradiyah -Muraena -Muraenidae -muraenoid -murage -mural -muraled -muralist -murally -Muran -Muranese -murasakite -Murat -Muratorian -murchy -murder -murderer -murderess -murdering -murderingly -murderish -murderment -murderous -murderously -murderousness -murdrum -mure -murenger -murex -murexan -murexide -murga -murgavi -murgeon -muriate -muriated -muriatic -muricate -muricid -Muricidae -muriciform -muricine -muricoid -muriculate -murid -Muridae -muridism -Muriel -muriform -muriformly -Murillo -Murinae -murine -murinus -muriti -murium -murk -murkily -murkiness -murkish -murkly -murkness -murksome -murky -murlin -murly -Murmi -murmur -murmuration -murmurator -murmurer -murmuring -murmuringly -murmurish -murmurless -murmurlessly -murmurous -murmurously -muromontite -Murph -murphy -murra -murrain -Murray -Murraya -murre -murrelet -murrey -murrhine -murrina -murrnong -murshid -Murthy -murumuru -Murut -muruxi -murva -murza -Murzim -Mus -Musa -Musaceae -musaceous -Musaeus -musal -Musales -Musalmani -musang -musar -Musca -muscade -muscadel -muscadine -Muscadinia -muscardine -Muscardinidae -Muscardinus -Muscari -muscariform -muscarine -muscat -muscatel -muscatorium -Musci -Muscicapa -Muscicapidae -muscicapine -muscicide -muscicole -muscicoline -muscicolous -muscid -Muscidae -musciform -Muscinae -muscle -muscled -muscleless -musclelike -muscling -muscly -Muscogee -muscoid -Muscoidea -muscologic -muscological -muscologist -muscology -muscone -muscose -muscoseness -muscosity -muscot -muscovadite -muscovado -Muscovi -Muscovite -muscovite -Muscovitic -muscovitization -muscovitize -muscovy -muscular -muscularity -muscularize -muscularly -musculation -musculature -muscule -musculin -musculoarterial -musculocellular -musculocutaneous -musculodermic -musculoelastic -musculofibrous -musculointestinal -musculoligamentous -musculomembranous -musculopallial -musculophrenic -musculospinal -musculospiral -musculotegumentary -musculotendinous -Muse -muse -mused -museful -musefully -museist -museless -muselike -museographist -museography -museologist -museology -muser -musery -musette -museum -museumize -Musgu -mush -musha -mushaa -Mushabbihite -mushed -musher -mushhead -mushheaded -mushheadedness -mushily -mushiness -mushla -mushmelon -mushrebiyeh -mushroom -mushroomer -mushroomic -mushroomlike -mushroomy -mushru -mushy -music -musical -musicale -musicality -musicalization -musicalize -musically -musicalness -musicate -musician -musiciana -musicianer -musicianly -musicianship -musicker -musicless -musiclike -musicmonger -musico -musicoartistic -musicodramatic -musicofanatic -musicographer -musicography -musicological -musicologist -musicologue -musicology -musicomania -musicomechanical -musicophilosophical -musicophobia -musicophysical -musicopoetic -musicotherapy -musicproof -musie -musily -musimon -musing -musingly -musk -muskat -muskeg -muskeggy -muskellunge -musket -musketade -musketeer -musketlike -musketoon -musketproof -musketry -muskflower -Muskhogean -muskie -muskiness -muskish -musklike -muskmelon -Muskogee -muskrat -muskroot -Muskwaki -muskwood -musky -muslin -muslined -muslinet -musnud -Musophaga -Musophagi -Musophagidae -musophagine -musquash -musquashroot -musquashweed -musquaspen -musquaw -musrol -muss -mussable -mussably -Mussaenda -mussal -mussalchee -mussel -musseled -musseler -mussily -mussiness -mussitate -mussitation -mussuk -Mussulman -Mussulmanic -Mussulmanish -Mussulmanism -Mussulwoman -mussurana -mussy -must -mustache -mustached -mustachial -mustachio -mustachioed -mustafina -Mustahfiz -mustang -mustanger -mustard -mustarder -mustee -Mustela -mustelid -Mustelidae -musteline -mustelinous -musteloid -Mustelus -muster -musterable -musterdevillers -musterer -mustermaster -mustify -mustily -mustiness -mustnt -musty -muta -Mutabilia -mutability -mutable -mutableness -mutably -mutafacient -mutage -mutagenic -mutant -mutarotate -mutarotation -mutase -mutate -mutation -mutational -mutationally -mutationism -mutationist -mutative -mutatory -mutawalli -Mutazala -mutch -mute -mutedly -mutely -muteness -Muter -mutesarif -mutescence -mutessarifat -muth -muthmannite -muthmassel -mutic -muticous -mutilate -mutilation -mutilative -mutilator -mutilatory -Mutilla -mutillid -Mutillidae -mutilous -mutineer -mutinous -mutinously -mutinousness -mutiny -Mutisia -Mutisiaceae -mutism -mutist -mutistic -mutive -mutivity -mutoscope -mutoscopic -mutsje -mutsuddy -mutt -mutter -mutterer -muttering -mutteringly -mutton -muttonbird -muttonchop -muttonfish -muttonhead -muttonheaded -muttonhood -muttonmonger -muttonwood -muttony -mutual -mutualism -mutualist -mutualistic -mutuality -mutualization -mutualize -mutually -mutualness -mutuary -mutuatitious -mutulary -mutule -mutuum -mux -Muysca -muyusa -muzhik -Muzo -muzz -muzzily -muzziness -muzzle -muzzler -muzzlewood -muzzy -Mwa -my -Mya -Myacea -myal -myalgia -myalgic -myalism -myall -Myaria -myarian -myasthenia -myasthenic -myatonia -myatonic -myatony -myatrophy -mycele -mycelia -mycelial -mycelian -mycelioid -mycelium -myceloid -Mycenaean -Mycetes -mycetism -mycetocyte -mycetogenesis -mycetogenetic -mycetogenic -mycetogenous -mycetoid -mycetological -mycetology -mycetoma -mycetomatous -Mycetophagidae -mycetophagous -mycetophilid -Mycetophilidae -mycetous -Mycetozoa -mycetozoan -mycetozoon -Mycobacteria -Mycobacteriaceae -Mycobacterium -mycocecidium -mycocyte -mycoderm -mycoderma -mycodermatoid -mycodermatous -mycodermic -mycodermitis -mycodesmoid -mycodomatium -mycogastritis -Mycogone -mycohaemia -mycohemia -mycoid -mycologic -mycological -mycologically -mycologist -mycologize -mycology -mycomycete -Mycomycetes -mycomycetous -mycomyringitis -mycophagist -mycophagous -mycophagy -mycophyte -Mycoplana -mycoplasm -mycoplasmic -mycoprotein -mycorhiza -mycorhizal -mycorrhizal -mycose -mycosin -mycosis -mycosozin -Mycosphaerella -Mycosphaerellaceae -mycosterol -mycosymbiosis -mycotic -mycotrophic -Mycteria -mycteric -mycterism -Myctodera -myctophid -Myctophidae -Myctophum -Mydaidae -mydaleine -mydatoxine -Mydaus -mydine -mydriasine -mydriasis -mydriatic -mydriatine -myectomize -myectomy -myectopia -myectopy -myelalgia -myelapoplexy -myelasthenia -myelatrophy -myelauxe -myelemia -myelencephalic -myelencephalon -myelencephalous -myelic -myelin -myelinate -myelinated -myelination -myelinic -myelinization -myelinogenesis -myelinogenetic -myelinogeny -myelitic -myelitis -myeloblast -myeloblastic -myelobrachium -myelocele -myelocerebellar -myelocoele -myelocyst -myelocystic -myelocystocele -myelocyte -myelocythaemia -myelocythemia -myelocytic -myelocytosis -myelodiastasis -myeloencephalitis -myeloganglitis -myelogenesis -myelogenetic -myelogenous -myelogonium -myeloic -myeloid -myelolymphangioma -myelolymphocyte -myeloma -myelomalacia -myelomatoid -myelomatosis -myelomenia -myelomeningitis -myelomeningocele -myelomere -myelon -myelonal -myeloneuritis -myelonic -myeloparalysis -myelopathic -myelopathy -myelopetal -myelophthisis -myeloplast -myeloplastic -myeloplax -myeloplegia -myelopoiesis -myelopoietic -myelorrhagia -myelorrhaphy -myelosarcoma -myelosclerosis -myelospasm -myelospongium -myelosyphilis -myelosyphilosis -myelosyringosis -myelotherapy -Myelozoa -myelozoan -myentasis -myenteric -myenteron -myesthesia -mygale -mygalid -mygaloid -Myiarchus -myiasis -myiferous -myiodesopsia -myiosis -myitis -mykiss -myliobatid -Myliobatidae -myliobatine -myliobatoid -Mylodon -mylodont -Mylodontidae -mylohyoid -mylohyoidean -mylonite -mylonitic -Mymar -mymarid -Mymaridae -myna -Mynheer -mynpacht -mynpachtbrief -myoalbumin -myoalbumose -myoatrophy -myoblast -myoblastic -myocardiac -myocardial -myocardiogram -myocardiograph -myocarditic -myocarditis -myocardium -myocele -myocellulitis -myoclonic -myoclonus -myocoele -myocoelom -myocolpitis -myocomma -myocyte -myodegeneration -Myodes -myodiastasis -myodynamia -myodynamic -myodynamics -myodynamiometer -myodynamometer -myoedema -myoelectric -myoendocarditis -myoepicardial -myoepithelial -myofibril -myofibroma -myogen -myogenesis -myogenetic -myogenic -myogenous -myoglobin -myoglobulin -myogram -myograph -myographer -myographic -myographical -myographist -myography -myohematin -myoid -myoidema -myokinesis -myolemma -myolipoma -myoliposis -myologic -myological -myologist -myology -myolysis -myoma -myomalacia -myomancy -myomantic -myomatous -myomectomy -myomelanosis -myomere -myometritis -myometrium -myomohysterectomy -myomorph -Myomorpha -myomorphic -myomotomy -myoneme -myoneural -myoneuralgia -myoneurasthenia -myoneure -myoneuroma -myoneurosis -myonosus -myopachynsis -myoparalysis -myoparesis -myopathia -myopathic -myopathy -myope -myoperitonitis -myophan -myophore -myophorous -myophysical -myophysics -myopia -myopic -myopical -myopically -myoplasm -myoplastic -myoplasty -myopolar -Myoporaceae -myoporaceous -myoporad -Myoporum -myoproteid -myoprotein -myoproteose -myops -myopy -myorrhaphy -myorrhexis -myosalpingitis -myosarcoma -myosarcomatous -myosclerosis -myoscope -myoseptum -myosin -myosinogen -myosinose -myosis -myositic -myositis -myosote -Myosotis -myospasm -myospasmia -Myosurus -myosuture -myosynizesis -myotacismus -Myotalpa -Myotalpinae -myotasis -myotenotomy -myothermic -myotic -myotome -myotomic -myotomy -myotonia -myotonic -myotonus -myotony -myotrophy -myowun -Myoxidae -myoxine -Myoxus -Myra -myrabalanus -myrabolam -myrcene -Myrcia -myrcia -myriacanthous -myriacoulomb -myriad -myriaded -myriadfold -myriadly -myriadth -myriagram -myriagramme -myrialiter -myrialitre -myriameter -myriametre -Myrianida -myriapod -Myriapoda -myriapodan -myriapodous -myriarch -myriarchy -myriare -Myrica -myrica -Myricaceae -myricaceous -Myricales -myricetin -myricin -Myrick -myricyl -myricylic -Myrientomata -myringa -myringectomy -myringitis -myringodectomy -myringodermatitis -myringomycosis -myringoplasty -myringotome -myringotomy -myriological -myriologist -myriologue -myriophyllite -myriophyllous -Myriophyllum -Myriopoda -myriopodous -myriorama -myrioscope -myriosporous -myriotheism -Myriotrichia -Myriotrichiaceae -myriotrichiaceous -myristate -myristic -Myristica -myristica -Myristicaceae -myristicaceous -Myristicivora -myristicivorous -myristin -myristone -Myrmecia -Myrmecobiinae -myrmecobine -Myrmecobius -myrmecochorous -myrmecochory -myrmecoid -myrmecoidy -myrmecological -myrmecologist -myrmecology -Myrmecophaga -Myrmecophagidae -myrmecophagine -myrmecophagoid -myrmecophagous -myrmecophile -myrmecophilism -myrmecophilous -myrmecophily -myrmecophobic -myrmecophyte -myrmecophytic -myrmekite -Myrmeleon -Myrmeleonidae -Myrmeleontidae -Myrmica -myrmicid -Myrmicidae -myrmicine -myrmicoid -Myrmidon -Myrmidonian -myrmotherine -myrobalan -Myron -myron -myronate -myronic -myrosin -myrosinase -Myrothamnaceae -myrothamnaceous -Myrothamnus -Myroxylon -myrrh -myrrhed -myrrhic -myrrhine -Myrrhis -myrrhol -myrrhophore -myrrhy -Myrsinaceae -myrsinaceous -myrsinad -Myrsiphyllum -Myrtaceae -myrtaceous -myrtal -Myrtales -myrtiform -Myrtilus -myrtle -myrtleberry -myrtlelike -myrtol -Myrtus -mysel -myself -mysell -Mysian -mysid -Mysidacea -Mysidae -mysidean -Mysis -mysogynism -mysoid -mysophobia -Mysore -mysosophist -mysost -myst -mystacial -Mystacocete -Mystacoceti -mystagogic -mystagogical -mystagogically -mystagogue -mystagogy -mystax -mysterial -mysteriarch -mysteriosophic -mysteriosophy -mysterious -mysteriously -mysteriousness -mysterize -mystery -mystes -mystic -mystical -mysticality -mystically -mysticalness -Mysticete -mysticete -Mysticeti -mysticetous -mysticism -mysticity -mysticize -mysticly -mystific -mystifically -mystification -mystificator -mystificatory -mystifiedly -mystifier -mystify -mystifyingly -mytacism -myth -mythical -mythicalism -mythicality -mythically -mythicalness -mythicism -mythicist -mythicize -mythicizer -mythification -mythify -mythism -mythist -mythize -mythland -mythmaker -mythmaking -mythoclast -mythoclastic -mythogenesis -mythogonic -mythogony -mythographer -mythographist -mythography -mythogreen -mythoheroic -mythohistoric -mythologema -mythologer -mythological -mythologically -mythologist -mythologize -mythologizer -mythologue -mythology -mythomania -mythomaniac -mythometer -mythonomy -mythopastoral -mythopoeic -mythopoeism -mythopoeist -mythopoem -mythopoesis -mythopoesy -mythopoet -mythopoetic -mythopoetize -mythopoetry -mythos -mythus -Mytilacea -mytilacean -mytilaceous -Mytiliaspis -mytilid -Mytilidae -mytiliform -mytiloid -mytilotoxine -Mytilus -myxa -myxadenitis -myxadenoma -myxaemia -myxamoeba -myxangitis -myxasthenia -myxedema -myxedematoid -myxedematous -myxedemic -myxemia -Myxine -Myxinidae -myxinoid -Myxinoidei -myxo -Myxobacteria -Myxobacteriaceae -myxobacteriaceous -Myxobacteriales -myxoblastoma -myxochondroma -myxochondrosarcoma -Myxococcus -myxocystoma -myxocyte -myxoenchondroma -myxofibroma -myxofibrosarcoma -myxoflagellate -myxogaster -Myxogasteres -Myxogastrales -Myxogastres -myxogastric -myxogastrous -myxoglioma -myxoid -myxoinoma -myxolipoma -myxoma -myxomatosis -myxomatous -Myxomycetales -myxomycete -Myxomycetes -myxomycetous -myxomyoma -myxoneuroma -myxopapilloma -Myxophyceae -myxophycean -Myxophyta -myxopod -Myxopoda -myxopodan -myxopodium -myxopodous -myxopoiesis -myxorrhea -myxosarcoma -Myxospongiae -myxospongian -Myxospongida -myxospore -Myxosporidia -myxosporidian -Myxosporidiida -Myxosporium -myxosporous -Myxothallophyta -myxotheca -Myzodendraceae -myzodendraceous -Myzodendron -Myzomyia -myzont -Myzontes -Myzostoma -Myzostomata -myzostomatous -myzostome -myzostomid -Myzostomida -Myzostomidae -myzostomidan -myzostomous -N -n -na -naa -naam -Naaman -Naassenes -nab -nabak -Nabal -Nabalism -Nabalite -Nabalitic -Nabaloi -Nabalus -Nabataean -Nabatean -Nabathaean -Nabathean -Nabathite -nabber -Nabby -nabk -nabla -nable -nabob -nabobery -nabobess -nabobical -nabobish -nabobishly -nabobism -nabobry -nabobship -Nabothian -nabs -Nabu -nacarat -nacarine -nace -nacelle -nach -nachani -Nachitoch -Nachitoches -Nachschlag -Nacionalista -nacket -nacre -nacred -nacreous -nacrine -nacrite -nacrous -nacry -nadder -Nadeem -nadir -nadiral -nadorite -nae -naebody -naegate -naegates -nael -Naemorhedinae -naemorhedine -Naemorhedus -naether -naething -nag -Naga -naga -nagaika -nagana -nagara -Nagari -nagatelite -nagger -naggin -nagging -naggingly -naggingness -naggish -naggle -naggly -naggy -naght -nagkassar -nagmaal -nagman -nagnag -nagnail -nagor -nagsman -nagster -nagual -nagualism -nagualist -nagyagite -Nahanarvali -Nahane -Nahani -Naharvali -Nahor -Nahua -Nahuan -Nahuatl -Nahuatlac -Nahuatlan -Nahuatleca -Nahuatlecan -Nahum -naiad -Naiadaceae -naiadaceous -Naiadales -Naiades -naiant -Naias -naid -naif -naifly -naig -naigie -naik -nail -nailbin -nailbrush -nailer -naileress -nailery -nailhead -nailing -nailless -naillike -nailprint -nailproof -nailrod -nailshop -nailsick -nailsmith -nailwort -naily -Naim -nain -nainsel -nainsook -naio -naipkin -Nair -nairy -nais -naish -naissance -naissant -naither -naive -naively -naiveness -naivete -naivety -Naja -nak -nake -naked -nakedish -nakedize -nakedly -nakedness -nakedweed -nakedwood -naker -nakhlite -nakhod -nakhoda -Nakir -nako -Nakomgilisala -nakong -nakoo -Nakula -Nalita -nallah -nam -Nama -namability -namable -Namaqua -namaqua -Namaquan -namaycush -namaz -namazlik -Nambe -namda -name -nameability -nameable -nameboard -nameless -namelessly -namelessness -nameling -namely -namer -namesake -naming -nammad -Nan -nan -Nana -nana -Nanaimo -nanawood -Nance -Nancy -nancy -Nanda -Nandi -nandi -Nandina -nandine -nandow -nandu -nane -nanes -nanga -nanism -nanization -nankeen -Nankin -nankin -Nanking -Nankingese -nannander -nannandrium -nannandrous -Nannette -nannoplankton -Nanny -nanny -nannyberry -nannybush -nanocephalia -nanocephalic -nanocephalism -nanocephalous -nanocephalus -nanocephaly -nanoid -nanomelia -nanomelous -nanomelus -nanosoma -nanosomia -nanosomus -nanpie -nant -Nanticoke -nantle -nantokite -Nantz -naological -naology -naometry -Naomi -Naos -naos -Naosaurus -Naoto -nap -napa -Napaea -Napaean -napal -napalm -nape -napead -napecrest -napellus -naperer -napery -naphtha -naphthacene -naphthalate -naphthalene -naphthaleneacetic -naphthalenesulphonic -naphthalenic -naphthalenoid -naphthalic -naphthalidine -naphthalin -naphthaline -naphthalization -naphthalize -naphthalol -naphthamine -naphthanthracene -naphthene -naphthenic -naphthinduline -naphthionate -naphtho -naphthoic -naphthol -naphtholate -naphtholize -naphtholsulphonate -naphtholsulphonic -naphthoquinone -naphthoresorcinol -naphthosalol -naphthous -naphthoxide -naphthyl -naphthylamine -naphthylaminesulphonic -naphthylene -naphthylic -naphtol -Napierian -napiform -napkin -napkining -napless -naplessness -Napoleon -napoleon -Napoleonana -Napoleonic -Napoleonically -Napoleonism -Napoleonist -Napoleonistic -napoleonite -Napoleonize -napoo -nappe -napped -napper -nappiness -napping -nappishness -nappy -naprapath -naprapathy -napron -napthionic -napu -nar -Narcaciontes -Narcaciontidae -narceine -narcism -Narciss -Narcissan -narcissi -Narcissine -narcissism -narcissist -narcissistic -Narcissus -narcist -narcistic -narcoanalysis -narcoanesthesia -Narcobatidae -Narcobatoidea -Narcobatus -narcohypnia -narcohypnosis -narcolepsy -narcoleptic -narcoma -narcomania -narcomaniac -narcomaniacal -narcomatous -Narcomedusae -narcomedusan -narcose -narcosis -narcostimulant -narcosynthesis -narcotherapy -narcotia -narcotic -narcotical -narcotically -narcoticalness -narcoticism -narcoticness -narcotina -narcotine -narcotinic -narcotism -narcotist -narcotization -narcotize -narcous -nard -nardine -nardoo -Nardus -Naren -Narendra -nares -Naresh -narghile -nargil -narial -naric -narica -naricorn -nariform -narine -naringenin -naringin -nark -narky -narr -narra -Narraganset -narras -narratable -narrate -narrater -narration -narrational -narrative -narratively -narrator -narratory -narratress -narratrix -narrawood -narrow -narrower -narrowhearted -narrowheartedness -narrowingness -narrowish -narrowly -narrowness -narrowy -narsarsukite -narsinga -narthecal -Narthecium -narthex -narwhal -narwhalian -nary -nasab -nasal -Nasalis -nasalis -nasalism -nasality -nasalization -nasalize -nasally -nasalward -nasalwards -nasard -Nascan -Nascapi -nascence -nascency -nascent -nasch -naseberry -nasethmoid -nash -nashgab -nashgob -Nashim -Nashira -Nashua -nasi -nasial -nasicorn -Nasicornia -nasicornous -Nasiei -nasiform -nasilabial -nasillate -nasillation -nasioalveolar -nasiobregmatic -nasioinial -nasiomental -nasion -nasitis -Naskhi -nasoalveola -nasoantral -nasobasilar -nasobronchial -nasobuccal -nasoccipital -nasociliary -nasoethmoidal -nasofrontal -nasolabial -nasolachrymal -nasological -nasologist -nasology -nasomalar -nasomaxillary -nasonite -nasoorbital -nasopalatal -nasopalatine -nasopharyngeal -nasopharyngitis -nasopharynx -nasoprognathic -nasoprognathism -nasorostral -nasoscope -nasoseptal -nasosinuitis -nasosinusitis -nasosubnasal -nasoturbinal -nasrol -Nassa -Nassau -Nassellaria -nassellarian -Nassidae -nassology -nast -nastaliq -nastic -nastika -nastily -nastiness -nasturtion -nasturtium -nasty -Nasua -nasus -nasute -nasuteness -nasutiform -nasutus -nat -natability -nataka -Natal -natal -Natalia -Natalian -Natalie -natality -nataloin -natals -natant -natantly -Nataraja -natation -natational -natator -natatorial -natatorious -natatorium -natatory -natch -natchbone -Natchez -Natchezan -Natchitoches -natchnee -Nate -nates -Nathan -Nathanael -Nathaniel -nathe -nather -nathless -Natica -Naticidae -naticiform -naticine -Natick -naticoid -natiform -natimortality -nation -national -nationalism -nationalist -nationalistic -nationalistically -nationality -nationalization -nationalize -nationalizer -nationally -nationalness -nationalty -nationhood -nationless -nationwide -native -natively -nativeness -nativism -nativist -nativistic -nativity -natr -Natraj -Natricinae -natricine -natrium -Natrix -natrochalcite -natrojarosite -natrolite -natron -Natt -natter -nattered -natteredness -natterjack -nattily -nattiness -nattle -natty -natuary -natural -naturalesque -naturalism -naturalist -naturalistic -naturalistically -naturality -naturalization -naturalize -naturalizer -naturally -naturalness -nature -naturecraft -naturelike -naturing -naturism -naturist -naturistic -naturistically -naturize -naturopath -naturopathic -naturopathist -naturopathy -naucrar -naucrary -naufragous -nauger -naught -naughtily -naughtiness -naughty -naujaite -naumachia -naumachy -naumannite -Naumburgia -naumk -naumkeag -naumkeager -naunt -nauntle -naupathia -nauplial -naupliiform -nauplioid -nauplius -nauropometer -nauscopy -nausea -nauseant -nauseaproof -nauseate -nauseatingly -nauseation -nauseous -nauseously -nauseousness -Nauset -naut -nautch -nauther -nautic -nautical -nauticality -nautically -nautics -nautiform -Nautilacea -nautilacean -nautilicone -nautiliform -nautilite -nautiloid -Nautiloidea -nautiloidean -nautilus -Navaho -Navajo -naval -navalese -navalism -navalist -navalistic -navalistically -navally -navar -navarch -navarchy -Navarrese -Navarrian -nave -navel -naveled -navellike -navelwort -navet -navette -navew -navicella -navicert -navicula -Naviculaceae -naviculaeform -navicular -naviculare -naviculoid -naviform -navigability -navigable -navigableness -navigably -navigant -navigate -navigation -navigational -navigator -navigerous -navipendular -navipendulum -navite -navvy -navy -naw -nawab -nawabship -nawt -nay -Nayar -Nayarit -Nayarita -nayaur -naysay -naysayer -nayward -nayword -Nazarate -Nazarean -Nazarene -Nazarenism -Nazarite -Nazariteship -Nazaritic -Nazaritish -Nazaritism -naze -Nazerini -Nazi -Nazify -Naziism -nazim -nazir -Nazirate -Nazirite -Naziritic -Nazism -ne -nea -Neal -neal -neallotype -Neanderthal -Neanderthaler -Neanderthaloid -neanic -neanthropic -neap -neaped -Neapolitan -nearable -nearabout -nearabouts -nearaivays -nearaway -nearby -Nearctic -Nearctica -nearest -nearish -nearly -nearmost -nearness -nearsighted -nearsightedly -nearsightedness -nearthrosis -neat -neaten -neath -neatherd -neatherdess -neathmost -neatify -neatly -neatness -neb -neback -Nebaioth -Nebalia -Nebaliacea -nebalian -Nebaliidae -nebalioid -nebbed -nebbuck -nebbuk -nebby -nebel -nebelist -nebenkern -Nebiim -Nebraskan -nebris -nebula -nebulae -nebular -nebularization -nebularize -nebulated -nebulation -nebule -nebulescent -nebuliferous -nebulite -nebulium -nebulization -nebulize -nebulizer -nebulose -nebulosity -nebulous -nebulously -nebulousness -Necator -necessar -necessarian -necessarianism -necessarily -necessariness -necessary -necessism -necessist -necessitarian -necessitarianism -necessitate -necessitatedly -necessitatingly -necessitation -necessitative -necessitous -necessitously -necessitousness -necessitude -necessity -neck -neckar -neckatee -neckband -neckcloth -necked -necker -neckercher -neckerchief -neckful -neckguard -necking -neckinger -necklace -necklaced -necklaceweed -neckless -necklet -necklike -neckline -neckmold -neckpiece -neckstock -necktie -necktieless -neckward -neckwear -neckweed -neckyoke -necrectomy -necremia -necrobacillary -necrobacillosis -necrobiosis -necrobiotic -necrogenic -necrogenous -necrographer -necrolatry -necrologic -necrological -necrologically -necrologist -necrologue -necrology -necromancer -necromancing -necromancy -necromantic -necromantically -necromorphous -necronite -necropathy -Necrophaga -necrophagan -necrophagous -necrophile -necrophilia -necrophilic -necrophilism -necrophilistic -necrophilous -necrophily -necrophobia -necrophobic -Necrophorus -necropoleis -necropoles -necropolis -necropolitan -necropsy -necroscopic -necroscopical -necroscopy -necrose -necrosis -necrotic -necrotization -necrotize -necrotomic -necrotomist -necrotomy -necrotype -necrotypic -Nectandra -nectar -nectareal -nectarean -nectared -nectareous -nectareously -nectareousness -nectarial -nectarian -nectaried -nectariferous -nectarine -Nectarinia -Nectariniidae -nectarious -nectarium -nectarivorous -nectarize -nectarlike -nectarous -nectary -nectiferous -nectocalycine -nectocalyx -Nectonema -nectophore -nectopod -Nectria -nectriaceous -Nectrioidaceae -Necturidae -Necturus -Ned -nedder -neddy -Nederlands -nee -neebor -neebour -need -needer -needfire -needful -needfully -needfulness -needgates -needham -needily -neediness -needing -needle -needlebill -needlebook -needlebush -needlecase -needled -needlefish -needleful -needlelike -needlemaker -needlemaking -needleman -needlemonger -needleproof -needler -needles -needless -needlessly -needlessness -needlestone -needlewoman -needlewood -needlework -needleworked -needleworker -needling -needly -needments -needs -needsome -needy -neeger -neeld -neele -neelghan -neem -neencephalic -neencephalon -Neengatu -neep -neepour -neer -neese -neet -neetup -neeze -nef -nefandous -nefandousness -nefarious -nefariously -nefariousness -nefast -neffy -neftgil -negate -negatedness -negation -negationalist -negationist -negative -negatively -negativeness -negativer -negativism -negativist -negativistic -negativity -negator -negatory -negatron -neger -neginoth -neglect -neglectable -neglectedly -neglectedness -neglecter -neglectful -neglectfully -neglectfulness -neglectingly -neglection -neglective -neglectively -neglector -neglectproof -negligee -negligence -negligency -negligent -negligently -negligibility -negligible -negligibleness -negligibly -negotiability -negotiable -negotiant -negotiate -negotiation -negotiator -negotiatory -negotiatress -negotiatrix -Negress -negrillo -negrine -Negritian -Negritic -Negritize -Negrito -Negritoid -Negro -negro -negrodom -Negrofy -negrohead -negrohood -Negroid -Negroidal -negroish -Negroism -Negroization -Negroize -negrolike -Negroloid -Negrophil -Negrophile -Negrophilism -Negrophilist -Negrophobe -Negrophobia -Negrophobiac -Negrophobist -Negrotic -Negundo -Negus -negus -Nehantic -Nehemiah -nehiloth -nei -neif -neigh -neighbor -neighbored -neighborer -neighboress -neighborhood -neighboring -neighborless -neighborlike -neighborliness -neighborly -neighborship -neighborstained -neighbourless -neighbourlike -neighbourship -neigher -Neil -Neillia -neiper -Neisseria -Neisserieae -neist -neither -Nejd -Nejdi -Nekkar -nekton -nektonic -Nelken -Nell -Nellie -Nelly -nelson -nelsonite -nelumbian -Nelumbium -Nelumbo -Nelumbonaceae -nema -nemaline -Nemalion -Nemalionaceae -Nemalionales -nemalite -Nemastomaceae -Nematelmia -nematelminth -Nematelminthes -nemathece -nemathecial -nemathecium -Nemathelmia -nemathelminth -Nemathelminthes -nematic -nematoblast -nematoblastic -Nematocera -nematoceran -nematocerous -nematocide -nematocyst -nematocystic -Nematoda -nematode -nematodiasis -nematogene -nematogenic -nematogenous -nematognath -Nematognathi -nematognathous -nematogone -nematogonous -nematoid -Nematoidea -nematoidean -nematologist -nematology -Nematomorpha -nematophyton -Nematospora -nematozooid -Nembutal -Nemean -Nemertea -nemertean -Nemertina -nemertine -Nemertinea -nemertinean -Nemertini -nemertoid -nemeses -Nemesia -nemesic -Nemesis -Nemichthyidae -Nemichthys -Nemocera -nemoceran -nemocerous -Nemopanthus -Nemophila -nemophilist -nemophilous -nemophily -nemoral -Nemorensian -nemoricole -Nengahiba -nenta -nenuphar -neo -neoacademic -neoanthropic -Neoarctic -neoarsphenamine -Neobalaena -Neobeckia -neoblastic -neobotanist -neobotany -Neocene -Neoceratodus -neocerotic -neoclassic -neoclassicism -neoclassicist -Neocomian -neocosmic -neocracy -neocriticism -neocyanine -neocyte -neocytosis -neodamode -neodidymium -neodymium -Neofabraea -neofetal -neofetus -Neofiber -neoformation -neoformative -Neogaea -Neogaean -neogamous -neogamy -Neogene -neogenesis -neogenetic -Neognathae -neognathic -neognathous -neogrammarian -neogrammatical -neographic -neohexane -Neohipparion -neoholmia -neoholmium -neoimpressionism -neoimpressionist -neolalia -neolater -neolatry -neolith -neolithic -neologian -neologianism -neologic -neological -neologically -neologism -neologist -neologistic -neologistical -neologization -neologize -neology -neomedievalism -neomenia -neomenian -Neomeniidae -neomiracle -neomodal -neomorph -Neomorpha -neomorphic -neomorphism -Neomylodon -neon -neonatal -neonate -neonatus -neonomian -neonomianism -neontology -neonychium -neopagan -neopaganism -neopaganize -Neopaleozoic -neopallial -neopallium -neoparaffin -neophilism -neophilological -neophilologist -neophobia -neophobic -neophrastic -Neophron -neophyte -neophytic -neophytish -neophytism -Neopieris -neoplasia -neoplasm -neoplasma -neoplasmata -neoplastic -neoplasticism -neoplasty -Neoplatonic -Neoplatonician -Neoplatonism -Neoplatonist -neoprene -neorama -neorealism -Neornithes -neornithic -Neosalvarsan -Neosorex -Neosporidia -neossin -neossology -neossoptile -neostriatum -neostyle -neoteinia -neoteinic -neotenia -neotenic -neoteny -neoteric -neoterically -neoterism -neoterist -neoteristic -neoterize -neothalamus -Neotoma -Neotragus -Neotremata -Neotropic -Neotropical -neotype -neovitalism -neovolcanic -Neowashingtonia -neoytterbium -neoza -Neozoic -Nep -nep -Nepa -Nepal -Nepalese -Nepali -Nepenthaceae -nepenthaceous -nepenthe -nepenthean -Nepenthes -nepenthes -neper -Neperian -Nepeta -nephalism -nephalist -Nephele -nephele -nepheligenous -nepheline -nephelinic -nephelinite -nephelinitic -nephelinitoid -nephelite -Nephelium -nephelognosy -nepheloid -nephelometer -nephelometric -nephelometrical -nephelometrically -nephelometry -nephelorometer -nepheloscope -nephesh -nephew -nephewship -Nephila -Nephilinae -Nephite -nephogram -nephograph -nephological -nephologist -nephology -nephoscope -nephradenoma -nephralgia -nephralgic -nephrapostasis -nephratonia -nephrauxe -nephrectasia -nephrectasis -nephrectomize -nephrectomy -nephrelcosis -nephremia -nephremphraxis -nephria -nephric -nephridia -nephridial -nephridiopore -nephridium -nephrism -nephrite -nephritic -nephritical -nephritis -nephroabdominal -nephrocardiac -nephrocele -nephrocoele -nephrocolic -nephrocolopexy -nephrocoloptosis -nephrocystitis -nephrocystosis -nephrocyte -nephrodinic -Nephrodium -nephroerysipelas -nephrogastric -nephrogenetic -nephrogenic -nephrogenous -nephrogonaduct -nephrohydrosis -nephrohypertrophy -nephroid -Nephrolepis -nephrolith -nephrolithic -nephrolithotomy -nephrologist -nephrology -nephrolysin -nephrolysis -nephrolytic -nephromalacia -nephromegaly -nephromere -nephron -nephroncus -nephroparalysis -nephropathic -nephropathy -nephropexy -nephrophthisis -nephropore -Nephrops -Nephropsidae -nephroptosia -nephroptosis -nephropyelitis -nephropyeloplasty -nephropyosis -nephrorrhagia -nephrorrhaphy -nephros -nephrosclerosis -nephrosis -nephrostoma -nephrostome -nephrostomial -nephrostomous -nephrostomy -nephrotome -nephrotomize -nephrotomy -nephrotoxic -nephrotoxicity -nephrotoxin -nephrotuberculosis -nephrotyphoid -nephrotyphus -nephrozymosis -Nepidae -nepionic -nepman -nepotal -nepote -nepotic -nepotious -nepotism -nepotist -nepotistical -nepouite -Neptune -Neptunean -Neptunian -neptunism -neptunist -neptunium -Nereid -Nereidae -nereidiform -Nereidiformia -Nereis -nereite -Nereocystis -Neri -Nerine -nerine -Nerita -neritic -Neritidae -Neritina -neritoid -Nerium -Neroic -Neronian -Neronic -Neronize -nerterology -Nerthridae -Nerthrus -nerval -nervate -nervation -nervature -nerve -nerveless -nervelessly -nervelessness -nervelet -nerveproof -nerver -nerveroot -nervid -nerviduct -Nervii -nervily -nervimotion -nervimotor -nervimuscular -nervine -nerviness -nerving -nervish -nervism -nervomuscular -nervosanguineous -nervose -nervosism -nervosity -nervous -nervously -nervousness -nervular -nervule -nervulet -nervulose -nervuration -nervure -nervy -nescience -nescient -nese -nesh -neshly -neshness -Nesiot -nesiote -Neskhi -Neslia -Nesogaea -Nesogaean -Nesokia -Nesonetta -Nesotragus -Nespelim -nesquehonite -ness -nesslerization -Nesslerize -nesslerize -nest -nestable -nestage -nester -nestful -nestiatria -nestitherapy -nestle -nestler -nestlike -nestling -Nestor -Nestorian -Nestorianism -Nestorianize -Nestorianizer -nestorine -nesty -Net -net -netball -netbraider -netbush -netcha -Netchilik -nete -neter -netful -neth -netheist -nether -Netherlander -Netherlandian -Netherlandic -Netherlandish -nethermore -nethermost -netherstock -netherstone -netherward -netherwards -Nethinim -neti -netleaf -netlike -netmaker -netmaking -netman -netmonger -netop -netsman -netsuke -nettable -Nettapus -netted -netter -Nettie -netting -Nettion -nettle -nettlebed -nettlebird -nettlefire -nettlefish -nettlefoot -nettlelike -nettlemonger -nettler -nettlesome -nettlewort -nettling -nettly -Netty -netty -netwise -network -Neudeckian -neugroschen -neuma -neumatic -neumatize -neume -neumic -neurad -neuradynamia -neural -neurale -neuralgia -neuralgiac -neuralgic -neuralgiform -neuralgy -neuralist -neurapophyseal -neurapophysial -neurapophysis -neurarthropathy -neurasthenia -neurasthenic -neurasthenical -neurasthenically -neurataxia -neurataxy -neuration -neuratrophia -neuratrophic -neuratrophy -neuraxial -neuraxis -neuraxon -neuraxone -neurectasia -neurectasis -neurectasy -neurectome -neurectomic -neurectomy -neurectopia -neurectopy -neurenteric -neurepithelium -neurergic -neurexairesis -neurhypnology -neurhypnotist -neuriatry -neuric -neurilema -neurilematic -neurilemma -neurilemmal -neurilemmatic -neurilemmatous -neurilemmitis -neurility -neurin -neurine -neurinoma -neurism -neurite -neuritic -neuritis -neuroanatomical -neuroanatomy -neurobiotactic -neurobiotaxis -neuroblast -neuroblastic -neuroblastoma -neurocanal -neurocardiac -neurocele -neurocentral -neurocentrum -neurochemistry -neurochitin -neurochondrite -neurochord -neurochorioretinitis -neurocirculatory -neurocity -neuroclonic -neurocoele -neurocoelian -neurocyte -neurocytoma -neurodegenerative -neurodendrite -neurodendron -neurodermatitis -neurodermatosis -neurodermitis -neurodiagnosis -neurodynamic -neurodynia -neuroepidermal -neuroepithelial -neuroepithelium -neurofibril -neurofibrilla -neurofibrillae -neurofibrillar -neurofibroma -neurofibromatosis -neurofil -neuroganglion -neurogastralgia -neurogastric -neurogenesis -neurogenetic -neurogenic -neurogenous -neuroglandular -neuroglia -neurogliac -neuroglial -neurogliar -neuroglic -neuroglioma -neurogliosis -neurogram -neurogrammic -neurographic -neurography -neurohistology -neurohumor -neurohumoral -neurohypnology -neurohypnotic -neurohypnotism -neurohypophysis -neuroid -neurokeratin -neurokyme -neurological -neurologist -neurologize -neurology -neurolymph -neurolysis -neurolytic -neuroma -neuromalacia -neuromalakia -neuromast -neuromastic -neuromatosis -neuromatous -neuromere -neuromerism -neuromerous -neuromimesis -neuromimetic -neuromotor -neuromuscular -neuromusculature -neuromyelitis -neuromyic -neuron -neuronal -neurone -neuronic -neuronism -neuronist -neuronophagia -neuronophagy -neuronym -neuronymy -neuroparalysis -neuroparalytic -neuropath -neuropathic -neuropathical -neuropathically -neuropathist -neuropathological -neuropathologist -neuropathology -neuropathy -Neurope -neurophagy -neurophil -neurophile -neurophilic -neurophysiological -neurophysiology -neuropile -neuroplasm -neuroplasmic -neuroplasty -neuroplexus -neuropodial -neuropodium -neuropodous -neuropore -neuropsychiatric -neuropsychiatrist -neuropsychiatry -neuropsychic -neuropsychological -neuropsychologist -neuropsychology -neuropsychopathic -neuropsychopathy -neuropsychosis -neuropter -Neuroptera -neuropteran -Neuropteris -neuropterist -neuropteroid -Neuropteroidea -neuropterological -neuropterology -neuropteron -neuropterous -neuroretinitis -neurorrhaphy -Neurorthoptera -neurorthopteran -neurorthopterous -neurosal -neurosarcoma -neurosclerosis -neuroses -neurosis -neuroskeletal -neuroskeleton -neurosome -neurospasm -neurospongium -neurosthenia -neurosurgeon -neurosurgery -neurosurgical -neurosuture -neurosynapse -neurosyphilis -neurotendinous -neurotension -neurotherapeutics -neurotherapist -neurotherapy -neurothlipsis -neurotic -neurotically -neuroticism -neuroticize -neurotization -neurotome -neurotomical -neurotomist -neurotomize -neurotomy -neurotonic -neurotoxia -neurotoxic -neurotoxin -neurotripsy -neurotrophic -neurotrophy -neurotropic -neurotropism -neurovaccination -neurovaccine -neurovascular -neurovisceral -neurula -neurypnological -neurypnologist -neurypnology -Neustrian -neuter -neuterdom -neuterlike -neuterly -neuterness -neutral -neutralism -neutralist -neutrality -neutralization -neutralize -neutralizer -neutrally -neutralness -neutrino -neutroceptive -neutroceptor -neutroclusion -Neutrodyne -neutrologistic -neutron -neutropassive -neutrophile -neutrophilia -neutrophilic -neutrophilous -Nevada -Nevadan -nevadite -neve -nevel -never -neverland -nevermore -nevertheless -Neville -nevo -nevoid -Nevome -nevoy -nevus -nevyanskite -new -Newar -Newari -newberyite -newcal -Newcastle -newcome -newcomer -newel -newelty -newfangle -newfangled -newfangledism -newfangledly -newfangledness -newfanglement -Newfoundland -Newfoundlander -Newichawanoc -newing -newings -newish -newlandite -newly -newlywed -Newmanism -Newmanite -Newmanize -newmarket -newness -Newport -news -newsbill -newsboard -newsboat -newsboy -newscast -newscaster -newscasting -newsful -newsiness -newsless -newslessness -newsletter -newsman -newsmonger -newsmongering -newsmongery -newspaper -newspaperdom -newspaperese -newspaperish -newspaperized -newspaperman -newspaperwoman -newspapery -newsprint -newsreader -newsreel -newsroom -newssheet -newsstand -newsteller -newsworthiness -newsworthy -newsy -newt -newtake -newton -Newtonian -Newtonianism -Newtonic -Newtonist -newtonite -nexal -next -nextly -nextness -nexum -nexus -neyanda -ngai -ngaio -ngapi -Ngoko -Nguyen -Nhan -Nheengatu -ni -niacin -Niagara -Niagaran -Niall -Niantic -Nias -Niasese -niata -nib -nibbana -nibbed -nibber -nibble -nibbler -nibblingly -nibby -niblick -niblike -nibong -nibs -nibsome -Nicaean -Nicaragua -Nicaraguan -Nicarao -niccolic -niccoliferous -niccolite -niccolous -Nice -nice -niceish -niceling -nicely -Nicene -niceness -Nicenian -Nicenist -nicesome -nicetish -nicety -Nichael -niche -nichelino -nicher -Nicholas -Nici -Nick -nick -nickel -nickelage -nickelic -nickeliferous -nickeline -nickeling -nickelization -nickelize -nickellike -nickelodeon -nickelous -nickeltype -nicker -nickerpecker -nickey -Nickie -Nickieben -nicking -nickle -nickname -nicknameable -nicknamee -nicknameless -nicknamer -Nickneven -nickstick -nicky -Nicobar -Nicobarese -Nicodemite -Nicodemus -Nicol -Nicolaitan -Nicolaitanism -Nicolas -nicolayite -Nicolette -Nicolo -nicolo -Nicomachean -nicotia -nicotian -Nicotiana -nicotianin -nicotic -nicotinamide -nicotine -nicotinean -nicotined -nicotineless -nicotinian -nicotinic -nicotinism -nicotinize -nicotism -nicotize -nictate -nictation -nictitant -nictitate -nictitation -nid -nidal -nidamental -nidana -nidation -nidatory -niddering -niddick -niddle -nide -nidge -nidget -nidgety -nidi -nidicolous -nidificant -nidificate -nidification -nidificational -nidifugous -nidify -niding -nidologist -nidology -nidor -nidorosity -nidorous -nidorulent -nidulant -Nidularia -Nidulariaceae -nidulariaceous -Nidulariales -nidulate -nidulation -nidulus -nidus -niece -nieceless -nieceship -niellated -nielled -niellist -niello -Niels -niepa -Nierembergia -Niersteiner -Nietzschean -Nietzscheanism -Nietzscheism -nieve -nieveta -nievling -nife -nifesima -niffer -nific -nifle -nifling -nifty -nig -Nigel -Nigella -Nigerian -niggard -niggardize -niggardliness -niggardling -niggardly -niggardness -nigger -niggerdom -niggerfish -niggergoose -niggerhead -niggerish -niggerism -niggerling -niggertoe -niggerweed -niggery -niggle -niggler -niggling -nigglingly -niggly -nigh -nighly -nighness -night -nightcap -nightcapped -nightcaps -nightchurr -nightdress -nighted -nightfall -nightfish -nightflit -nightfowl -nightgown -nighthawk -nightie -nightingale -nightingalize -nightjar -nightless -nightlessness -nightlike -nightlong -nightly -nightman -nightmare -nightmarish -nightmarishly -nightmary -nights -nightshade -nightshine -nightshirt -nightstock -nightstool -nighttide -nighttime -nightwalker -nightwalking -nightward -nightwards -nightwear -nightwork -nightworker -nignay -nignye -nigori -nigranilin -nigraniline -nigre -nigrescence -nigrescent -nigresceous -nigrescite -nigrification -nigrified -nigrify -nigrine -Nigritian -nigrities -nigritude -nigritudinous -nigrosine -nigrous -nigua -Nihal -nihilianism -nihilianistic -nihilification -nihilify -nihilism -nihilist -nihilistic -nihilitic -nihility -nikau -Nikeno -nikethamide -Nikko -niklesite -Nikolai -nil -Nile -nilgai -Nilometer -Nilometric -Niloscope -Nilot -Nilotic -Nilous -nilpotent -Nils -nim -nimb -nimbated -nimbed -nimbi -nimbiferous -nimbification -nimble -nimblebrained -nimbleness -nimbly -nimbose -nimbosity -nimbus -nimbused -nimiety -niminy -nimious -Nimkish -nimmer -Nimrod -Nimrodian -Nimrodic -Nimrodical -Nimrodize -nimshi -Nina -nincom -nincompoop -nincompoopery -nincompoophood -nincompoopish -nine -ninebark -ninefold -nineholes -ninepegs -ninepence -ninepenny -ninepin -ninepins -ninescore -nineted -nineteen -nineteenfold -nineteenth -nineteenthly -ninetieth -ninety -ninetyfold -ninetyish -ninetyknot -Ninevite -Ninevitical -Ninevitish -Ning -Ningpo -Ninja -ninny -ninnyhammer -ninnyish -ninnyism -ninnyship -ninnywatch -Ninon -ninon -Ninox -ninth -ninthly -nintu -ninut -niobate -Niobe -Niobean -niobic -Niobid -Niobite -niobite -niobium -niobous -niog -niota -Nip -nip -nipa -nipcheese -niphablepsia -niphotyphlosis -Nipissing -Nipmuc -nipper -nipperkin -nippers -nippily -nippiness -nipping -nippingly -nippitate -nipple -nippleless -nipplewort -Nipponese -Nipponism -nipponium -Nipponize -nippy -nipter -Niquiran -nirles -nirmanakaya -nirvana -nirvanic -Nisaean -Nisan -nisei -Nishada -nishiki -nisnas -nispero -Nisqualli -nisse -nisus -nit -nitch -nitchevo -Nitella -nitency -nitently -niter -niterbush -nitered -nither -nithing -nitid -nitidous -nitidulid -Nitidulidae -nito -niton -nitramine -nitramino -nitranilic -nitraniline -nitrate -nitratine -nitration -nitrator -Nitrian -nitriary -nitric -nitridation -nitride -nitriding -nitridization -nitridize -nitrifaction -nitriferous -nitrifiable -nitrification -nitrifier -nitrify -nitrile -Nitriot -nitrite -nitro -nitroalizarin -nitroamine -nitroaniline -Nitrobacter -nitrobacteria -Nitrobacteriaceae -Nitrobacterieae -nitrobarite -nitrobenzene -nitrobenzol -nitrobenzole -nitrocalcite -nitrocellulose -nitrocellulosic -nitrochloroform -nitrocotton -nitroform -nitrogelatin -nitrogen -nitrogenate -nitrogenation -nitrogenic -nitrogenization -nitrogenize -nitrogenous -nitroglycerin -nitrohydrochloric -nitrolamine -nitrolic -nitrolime -nitromagnesite -nitrometer -nitrometric -nitromuriate -nitromuriatic -nitronaphthalene -nitroparaffin -nitrophenol -nitrophilous -nitrophyte -nitrophytic -nitroprussiate -nitroprussic -nitroprusside -nitrosamine -nitrosate -nitrosification -nitrosify -nitrosite -nitrosobacteria -nitrosochloride -Nitrosococcus -Nitrosomonas -nitrososulphuric -nitrostarch -nitrosulphate -nitrosulphonic -nitrosulphuric -nitrosyl -nitrosylsulphuric -nitrotoluene -nitrous -nitroxyl -nitryl -nitter -nitty -nitwit -Nitzschia -Nitzschiaceae -Niuan -Niue -nival -nivation -nivellate -nivellation -nivellator -nivellization -nivenite -niveous -nivicolous -nivosity -nix -nixie -niyoga -Nizam -nizam -nizamate -nizamut -nizy -njave -No -no -noa -Noachian -Noachic -Noachical -Noachite -Noah -Noahic -Noam -nob -nobber -nobbily -nobble -nobbler -nobbut -nobby -nobiliary -nobilify -nobilitate -nobilitation -nobility -noble -noblehearted -nobleheartedly -nobleheartedness -nobleman -noblemanly -nobleness -noblesse -noblewoman -nobley -nobly -nobody -nobodyness -nobs -nocake -Nocardia -nocardiosis -nocent -nocerite -nociassociation -nociceptive -nociceptor -nociperception -nociperceptive -nock -nocket -nocktat -noctambulant -noctambulation -noctambule -noctambulism -noctambulist -noctambulistic -noctambulous -Nocten -noctidial -noctidiurnal -noctiferous -noctiflorous -Noctilio -Noctilionidae -Noctiluca -noctiluca -noctilucal -noctilucan -noctilucence -noctilucent -Noctilucidae -noctilucin -noctilucine -noctilucous -noctiluminous -noctipotent -noctivagant -noctivagation -noctivagous -noctograph -noctovision -Noctuae -noctuid -Noctuidae -noctuiform -noctule -nocturia -nocturn -nocturnal -nocturnally -nocturne -nocuity -nocuous -nocuously -nocuousness -nod -nodal -nodality -nodated -nodder -nodding -noddingly -noddle -noddy -node -noded -nodi -nodiak -nodical -nodicorn -nodiferous -nodiflorous -nodiform -Nodosaria -nodosarian -nodosariform -nodosarine -nodose -nodosity -nodous -nodular -nodulate -nodulated -nodulation -nodule -noduled -nodulize -nodulose -nodulous -nodulus -nodus -noegenesis -noegenetic -Noel -noel -noematachograph -noematachometer -noematachometic -Noemi -Noetic -noetic -noetics -nog -nogada -Nogai -nogal -noggen -noggin -nogging -noghead -nogheaded -nohow -Nohuntsik -noibwood -noil -noilage -noiler -noily -noint -nointment -noir -noise -noiseful -noisefully -noiseless -noiselessly -noiselessness -noisemaker -noisemaking -noiseproof -noisette -noisily -noisiness -noisome -noisomely -noisomeness -noisy -nokta -Nolascan -nolition -Noll -noll -nolle -nolleity -nollepros -nolo -noma -nomad -nomadian -nomadic -nomadical -nomadically -Nomadidae -nomadism -nomadization -nomadize -nomancy -nomarch -nomarchy -Nomarthra -nomarthral -nombril -nome -Nomeidae -nomenclate -nomenclative -nomenclator -nomenclatorial -nomenclatorship -nomenclatory -nomenclatural -nomenclature -nomenclaturist -Nomeus -nomial -nomic -nomina -nominable -nominal -nominalism -nominalist -nominalistic -nominality -nominally -nominate -nominated -nominately -nomination -nominatival -nominative -nominatively -nominator -nominatrix -nominature -nominee -nomineeism -nominy -nomism -nomisma -nomismata -nomistic -nomocanon -nomocracy -nomogenist -nomogenous -nomogeny -nomogram -nomograph -nomographer -nomographic -nomographical -nomographically -nomography -nomological -nomologist -nomology -nomopelmous -nomophylax -nomophyllous -nomos -nomotheism -nomothete -nomothetes -nomothetic -nomothetical -non -Nona -nonabandonment -nonabdication -nonabiding -nonability -nonabjuration -nonabjurer -nonabolition -nonabridgment -nonabsentation -nonabsolute -nonabsolution -nonabsorbable -nonabsorbent -nonabsorptive -nonabstainer -nonabstaining -nonabstemious -nonabstention -nonabstract -nonacademic -nonacceding -nonacceleration -nonaccent -nonacceptance -nonacceptant -nonacceptation -nonaccess -nonaccession -nonaccessory -nonaccidental -nonaccompaniment -nonaccompanying -nonaccomplishment -nonaccredited -nonaccretion -nonachievement -nonacid -nonacknowledgment -nonacosane -nonacoustic -nonacquaintance -nonacquiescence -nonacquiescent -nonacquisitive -nonacquittal -nonact -nonactinic -nonaction -nonactionable -nonactive -nonactuality -nonaculeate -nonacute -nonadditive -nonadecane -nonadherence -nonadherent -nonadhesion -nonadhesive -nonadjacent -nonadjectival -nonadjournment -nonadjustable -nonadjustive -nonadjustment -nonadministrative -nonadmiring -nonadmission -nonadmitted -nonadoption -Nonadorantes -nonadornment -nonadult -nonadvancement -nonadvantageous -nonadventitious -nonadventurous -nonadverbial -nonadvertence -nonadvertency -nonadvocate -nonaerating -nonaerobiotic -nonaesthetic -nonaffection -nonaffiliated -nonaffirmation -nonage -nonagenarian -nonagency -nonagent -nonagesimal -nonagglutinative -nonagglutinator -nonaggression -nonaggressive -nonagon -nonagrarian -nonagreement -nonagricultural -nonahydrate -nonaid -nonair -nonalarmist -nonalcohol -nonalcoholic -nonalgebraic -nonalienating -nonalienation -nonalignment -nonalkaloidal -nonallegation -nonallegorical -nonalliterated -nonalliterative -nonallotment -nonalluvial -nonalphabetic -nonaltruistic -nonaluminous -nonamalgamable -nonamendable -nonamino -nonamotion -nonamphibious -nonamputation -nonanalogy -nonanalytical -nonanalyzable -nonanalyzed -nonanaphoric -nonanaphthene -nonanatomical -nonancestral -nonane -nonanesthetized -nonangelic -nonangling -nonanimal -nonannexation -nonannouncement -nonannuitant -nonannulment -nonanoic -nonanonymity -nonanswer -nonantagonistic -nonanticipative -nonantigenic -nonapologetic -nonapostatizing -nonapostolic -nonapparent -nonappealable -nonappearance -nonappearer -nonappearing -nonappellate -nonappendicular -nonapplication -nonapply -nonappointment -nonapportionable -nonapposable -nonappraisal -nonappreciation -nonapprehension -nonappropriation -nonapproval -nonaqueous -nonarbitrable -nonarcing -nonargentiferous -nonaristocratic -nonarithmetical -nonarmament -nonarmigerous -nonaromatic -nonarraignment -nonarrival -nonarsenical -nonarterial -nonartesian -nonarticulated -nonarticulation -nonartistic -nonary -nonascendancy -nonascertainable -nonascertaining -nonascetic -nonascription -nonaseptic -nonaspersion -nonasphalt -nonaspirate -nonaspiring -nonassault -nonassent -nonassentation -nonassented -nonassenting -nonassertion -nonassertive -nonassessable -nonassessment -nonassignable -nonassignment -nonassimilable -nonassimilating -nonassimilation -nonassistance -nonassistive -nonassociable -nonassortment -nonassurance -nonasthmatic -nonastronomical -nonathletic -nonatmospheric -nonatonement -nonattached -nonattachment -nonattainment -nonattendance -nonattendant -nonattention -nonattestation -nonattribution -nonattributive -nonaugmentative -nonauricular -nonauriferous -nonauthentication -nonauthoritative -nonautomatic -nonautomotive -nonavoidance -nonaxiomatic -nonazotized -nonbachelor -nonbacterial -nonbailable -nonballoting -nonbanishment -nonbankable -nonbarbarous -nonbaronial -nonbase -nonbasement -nonbasic -nonbasing -nonbathing -nonbearded -nonbearing -nonbeing -nonbeliever -nonbelieving -nonbelligerent -nonbending -nonbenevolent -nonbetrayal -nonbeverage -nonbilabiate -nonbilious -nonbinomial -nonbiological -nonbitter -nonbituminous -nonblack -nonblameless -nonbleeding -nonblended -nonblockaded -nonblocking -nonblooded -nonblooming -nonbodily -nonbookish -nonborrower -nonbotanical -nonbourgeois -nonbranded -nonbreakable -nonbreeder -nonbreeding -nonbroodiness -nonbroody -nonbrowsing -nonbudding -nonbulbous -nonbulkhead -nonbureaucratic -nonburgage -nonburgess -nonburnable -nonburning -nonbursting -nonbusiness -nonbuying -noncabinet -noncaffeine -noncaking -Noncalcarea -noncalcareous -noncalcified -noncallability -noncallable -noncancellable -noncannibalistic -noncanonical -noncanonization -noncanvassing -noncapillarity -noncapillary -noncapital -noncapitalist -noncapitalistic -noncapitulation -noncapsizable -noncapture -noncarbonate -noncareer -noncarnivorous -noncarrier -noncartelized -noncaste -noncastigation -noncataloguer -noncatarrhal -noncatechizable -noncategorical -noncathedral -noncatholicity -noncausality -noncausation -nonce -noncelebration -noncelestial -noncellular -noncellulosic -noncensored -noncensorious -noncensus -noncentral -noncereal -noncerebral -nonceremonial -noncertain -noncertainty -noncertified -nonchafing -nonchalance -nonchalant -nonchalantly -nonchalantness -nonchalky -nonchallenger -nonchampion -nonchangeable -nonchanging -noncharacteristic -nonchargeable -nonchastisement -nonchastity -nonchemical -nonchemist -nonchivalrous -nonchokable -nonchokebore -nonchronological -nonchurch -nonchurched -nonchurchgoer -nonciliate -noncircuit -noncircuital -noncircular -noncirculation -noncitation -noncitizen -noncivilized -nonclaim -nonclaimable -nonclassable -nonclassical -nonclassifiable -nonclassification -nonclastic -nonclearance -noncleistogamic -nonclergyable -nonclerical -nonclimbable -nonclinical -nonclose -nonclosure -nonclotting -noncoagulability -noncoagulable -noncoagulation -noncoalescing -noncock -noncoercion -noncoercive -noncognate -noncognition -noncognitive -noncognizable -noncognizance -noncoherent -noncohesion -noncohesive -noncoinage -noncoincidence -noncoincident -noncoincidental -noncoking -noncollaboration -noncollaborative -noncollapsible -noncollectable -noncollection -noncollegiate -noncollinear -noncolloid -noncollusion -noncollusive -noncolonial -noncoloring -noncom -noncombat -noncombatant -noncombination -noncombining -noncombustible -noncombustion -noncome -noncoming -noncommemoration -noncommencement -noncommendable -noncommensurable -noncommercial -noncommissioned -noncommittal -noncommittalism -noncommittally -noncommittalness -noncommonable -noncommorancy -noncommunal -noncommunicable -noncommunicant -noncommunicating -noncommunication -noncommunion -noncommunist -noncommunistic -noncommutative -noncompearance -noncompensating -noncompensation -noncompetency -noncompetent -noncompeting -noncompetitive -noncompetitively -noncomplaisance -noncompletion -noncompliance -noncomplicity -noncomplying -noncomposite -noncompoundable -noncompounder -noncomprehension -noncompressible -noncompression -noncompulsion -noncomputation -noncon -nonconcealment -nonconceiving -nonconcentration -nonconception -nonconcern -nonconcession -nonconciliating -nonconcludency -nonconcludent -nonconcluding -nonconclusion -nonconcordant -nonconcur -nonconcurrence -nonconcurrency -nonconcurrent -noncondensable -noncondensation -noncondensible -noncondensing -noncondimental -nonconditioned -noncondonation -nonconducive -nonconductibility -nonconductible -nonconducting -nonconduction -nonconductive -nonconductor -nonconfederate -nonconferrable -nonconfession -nonconficient -nonconfident -nonconfidential -nonconfinement -nonconfirmation -nonconfirmative -nonconfiscable -nonconfiscation -nonconfitent -nonconflicting -nonconform -nonconformable -nonconformably -nonconformance -nonconformer -nonconforming -nonconformism -nonconformist -nonconformistical -nonconformistically -nonconformitant -nonconformity -nonconfutation -noncongealing -noncongenital -noncongestion -noncongratulatory -noncongruent -nonconjectural -nonconjugal -nonconjugate -nonconjunction -nonconnection -nonconnective -nonconnivance -nonconnotative -nonconnubial -nonconscientious -nonconscious -nonconscription -nonconsecration -nonconsecutive -nonconsent -nonconsenting -nonconsequence -nonconsequent -nonconservation -nonconservative -nonconserving -nonconsideration -nonconsignment -nonconsistorial -nonconsoling -nonconsonant -nonconsorting -nonconspirator -nonconspiring -nonconstituent -nonconstitutional -nonconstraint -nonconstruable -nonconstruction -nonconstructive -nonconsular -nonconsultative -nonconsumable -nonconsumption -noncontact -noncontagion -noncontagionist -noncontagious -noncontagiousness -noncontamination -noncontemplative -noncontending -noncontent -noncontention -noncontentious -noncontentiously -nonconterminous -noncontiguity -noncontiguous -noncontinental -noncontingent -noncontinuance -noncontinuation -noncontinuous -noncontraband -noncontraction -noncontradiction -noncontradictory -noncontributing -noncontribution -noncontributor -noncontributory -noncontrivance -noncontrolled -noncontrolling -noncontroversial -nonconvective -nonconvenable -nonconventional -nonconvergent -nonconversable -nonconversant -nonconversational -nonconversion -nonconvertible -nonconveyance -nonconviction -nonconvivial -noncoplanar -noncopying -noncoring -noncorporate -noncorporeality -noncorpuscular -noncorrection -noncorrective -noncorrelation -noncorrespondence -noncorrespondent -noncorresponding -noncorroboration -noncorroborative -noncorrodible -noncorroding -noncorrosive -noncorruption -noncortical -noncosmic -noncosmopolitism -noncostraight -noncottager -noncotyledonous -noncounty -noncranking -noncreation -noncreative -noncredence -noncredent -noncredibility -noncredible -noncreditor -noncreeping -noncrenate -noncretaceous -noncriminal -noncriminality -noncrinoid -noncritical -noncrucial -noncruciform -noncrusading -noncrushability -noncrushable -noncrustaceous -noncrystalline -noncrystallizable -noncrystallized -noncrystallizing -nonculmination -nonculpable -noncultivated -noncultivation -nonculture -noncumulative -noncurantist -noncurling -noncurrency -noncurrent -noncursive -noncurtailment -noncuspidate -noncustomary -noncutting -noncyclic -noncyclical -nonda -nondamageable -nondamnation -nondancer -nondangerous -nondatival -nondealer -nondebtor -nondecadence -nondecadent -nondecalcified -nondecane -nondecasyllabic -nondecatoic -nondecaying -nondeceivable -nondeception -nondeceptive -Nondeciduata -nondeciduate -nondeciduous -nondecision -nondeclarant -nondeclaration -nondeclarer -nondecomposition -nondecoration -nondedication -nondeduction -nondefalcation -nondefamatory -nondefaulting -nondefection -nondefendant -nondefense -nondefensive -nondeference -nondeferential -nondefiance -nondefilement -nondefining -nondefinition -nondefinitive -nondeforestation -nondegenerate -nondegeneration -nondegerming -nondegradation -nondegreased -nondehiscent -nondeist -nondelegable -nondelegate -nondelegation -nondeleterious -nondeliberate -nondeliberation -nondelineation -nondeliquescent -nondelirious -nondeliverance -nondelivery -nondemand -nondemise -nondemobilization -nondemocratic -nondemonstration -nondendroid -nondenial -nondenominational -nondenominationalism -nondense -nondenumerable -nondenunciation -nondepartmental -nondeparture -nondependence -nondependent -nondepletion -nondeportation -nondeported -nondeposition -nondepositor -nondepravity -nondepreciating -nondepressed -nondepression -nondeprivable -nonderivable -nonderivative -nonderogatory -nondescript -nondesecration -nondesignate -nondesigned -nondesire -nondesirous -nondesisting -nondespotic -nondesquamative -nondestructive -nondesulphurized -nondetachable -nondetailed -nondetention -nondetermination -nondeterminist -nondeterrent -nondetest -nondetonating -nondetrimental -nondevelopable -nondevelopment -nondeviation -nondevotional -nondexterous -nondiabetic -nondiabolic -nondiagnosis -nondiagonal -nondiagrammatic -nondialectal -nondialectical -nondialyzing -nondiametral -nondiastatic -nondiathermanous -nondiazotizable -nondichogamous -nondichogamy -nondichotomous -nondictation -nondictatorial -nondictionary -nondidactic -nondieting -nondifferentation -nondifferentiable -nondiffractive -nondiffusing -nondigestion -nondilatable -nondilution -nondiocesan -nondiphtheritic -nondiphthongal -nondiplomatic -nondipterous -nondirection -nondirectional -nondisagreement -nondisappearing -nondisarmament -nondisbursed -nondiscernment -nondischarging -nondisciplinary -nondisclaim -nondisclosure -nondiscontinuance -nondiscordant -nondiscountable -nondiscovery -nondiscretionary -nondiscrimination -nondiscriminatory -nondiscussion -nondisestablishment -nondisfigurement -nondisfranchised -nondisingenuous -nondisintegration -nondisinterested -nondisjunct -nondisjunction -nondisjunctional -nondisjunctive -nondismemberment -nondismissal -nondisparaging -nondisparate -nondispensation -nondispersal -nondispersion -nondisposal -nondisqualifying -nondissenting -nondissolution -nondistant -nondistinctive -nondistortion -nondistribution -nondistributive -nondisturbance -nondivergence -nondivergent -nondiversification -nondivinity -nondivisible -nondivisiblity -nondivision -nondivisional -nondivorce -nondo -nondoctrinal -nondocumentary -nondogmatic -nondoing -nondomestic -nondomesticated -nondominant -nondonation -nondramatic -nondrinking -nondropsical -nondrying -nonduality -nondumping -nonduplication -nondutiable -nondynastic -nondyspeptic -none -nonearning -noneastern -noneatable -nonecclesiastical -nonechoic -noneclectic -noneclipsing -nonecompense -noneconomic -nonedible -noneditor -noneditorial -noneducable -noneducation -noneducational -noneffective -noneffervescent -noneffete -nonefficacious -nonefficacy -nonefficiency -nonefficient -noneffusion -nonego -nonegoistical -nonejection -nonelastic -nonelasticity -nonelect -nonelection -nonelective -nonelector -nonelectric -nonelectrical -nonelectrification -nonelectrified -nonelectrized -nonelectrocution -nonelectrolyte -noneleemosynary -nonelemental -nonelementary -nonelimination -nonelopement -nonemanating -nonemancipation -nonembarkation -nonembellishment -nonembezzlement -nonembryonic -nonemendation -nonemergent -nonemigration -nonemission -nonemotional -nonemphatic -nonemphatical -nonempirical -nonemploying -nonemployment -nonemulative -nonenactment -nonenclosure -nonencroachment -nonencyclopedic -nonendemic -nonendorsement -nonenduring -nonene -nonenemy -nonenergic -nonenforceability -nonenforceable -nonenforcement -nonengagement -nonengineering -nonenrolled -nonent -nonentailed -nonenteric -nonentertainment -nonentitative -nonentitive -nonentitize -nonentity -nonentityism -nonentomological -nonentrant -nonentres -nonentry -nonenumerated -nonenunciation -nonenvious -nonenzymic -nonephemeral -nonepic -nonepicurean -nonepileptic -nonepiscopal -nonepiscopalian -nonepithelial -nonepochal -nonequal -nonequation -nonequatorial -nonequestrian -nonequilateral -nonequilibrium -nonequivalent -nonequivocating -nonerasure -nonerecting -nonerection -nonerotic -nonerroneous -nonerudite -noneruption -nones -nonescape -nonespionage -nonespousal -nonessential -nonesthetic -nonesuch -nonet -noneternal -noneternity -nonetheless -nonethereal -nonethical -nonethnological -nonethyl -noneugenic -noneuphonious -nonevacuation -nonevanescent -nonevangelical -nonevaporation -nonevasion -nonevasive -noneviction -nonevident -nonevidential -nonevil -nonevolutionary -nonevolutionist -nonevolving -nonexaction -nonexaggeration -nonexamination -nonexcavation -nonexcepted -nonexcerptible -nonexcessive -nonexchangeability -nonexchangeable -nonexciting -nonexclamatory -nonexclusion -nonexclusive -nonexcommunicable -nonexculpation -nonexcusable -nonexecution -nonexecutive -nonexemplary -nonexemplificatior -nonexempt -nonexercise -nonexertion -nonexhibition -nonexistence -nonexistent -nonexistential -nonexisting -nonexoneration -nonexotic -nonexpansion -nonexpansive -nonexpansively -nonexpectation -nonexpendable -nonexperience -nonexperienced -nonexperimental -nonexpert -nonexpiation -nonexpiry -nonexploitation -nonexplosive -nonexportable -nonexportation -nonexposure -nonexpulsion -nonextant -nonextempore -nonextended -nonextensile -nonextension -nonextensional -nonextensive -nonextenuatory -nonexteriority -nonextermination -nonexternal -nonexternality -nonextinction -nonextortion -nonextracted -nonextraction -nonextraditable -nonextradition -nonextraneous -nonextreme -nonextrication -nonextrinsic -nonexuding -nonexultation -nonfabulous -nonfacetious -nonfacial -nonfacility -nonfacing -nonfact -nonfactious -nonfactory -nonfactual -nonfacultative -nonfaculty -nonfaddist -nonfading -nonfailure -nonfalse -nonfamily -nonfamous -nonfanatical -nonfanciful -nonfarm -nonfastidious -nonfat -nonfatal -nonfatalistic -nonfatty -nonfavorite -nonfeasance -nonfeasor -nonfeatured -nonfebrile -nonfederal -nonfederated -nonfeldspathic -nonfelonious -nonfelony -nonfenestrated -nonfermentability -nonfermentable -nonfermentation -nonfermentative -nonferrous -nonfertile -nonfertility -nonfestive -nonfeudal -nonfibrous -nonfiction -nonfictional -nonfiduciary -nonfighter -nonfigurative -nonfilamentous -nonfimbriate -nonfinancial -nonfinding -nonfinishing -nonfinite -nonfireproof -nonfiscal -nonfisherman -nonfissile -nonfixation -nonflaky -nonflammable -nonfloatation -nonfloating -nonfloriferous -nonflowering -nonflowing -nonfluctuating -nonfluid -nonfluorescent -nonflying -nonfocal -nonfood -nonforeclosure -nonforeign -nonforeknowledge -nonforest -nonforested -nonforfeitable -nonforfeiting -nonforfeiture -nonform -nonformal -nonformation -nonformulation -nonfortification -nonfortuitous -nonfossiliferous -nonfouling -nonfrat -nonfraternity -nonfrauder -nonfraudulent -nonfreedom -nonfreeman -nonfreezable -nonfreeze -nonfreezing -nonfricative -nonfriction -nonfrosted -nonfruition -nonfrustration -nonfulfillment -nonfunctional -nonfundable -nonfundamental -nonfungible -nonfuroid -nonfusion -nonfuturition -nonfuturity -nongalactic -nongalvanized -nonganglionic -nongas -nongaseous -nongassy -nongelatinizing -nongelatinous -nongenealogical -nongenerative -nongenetic -nongentile -nongeographical -nongeological -nongeometrical -nongermination -nongerundial -nongildsman -nongipsy -nonglacial -nonglandered -nonglandular -nonglare -nonglucose -nonglucosidal -nonglucosidic -nongod -nongold -nongolfer -nongospel -nongovernmental -nongraduate -nongraduated -nongraduation -nongrain -nongranular -nongraphitic -nongrass -nongratuitous -nongravitation -nongravity -nongray -nongreasy -nongreen -nongregarious -nongremial -nongrey -nongrooming -nonguarantee -nonguard -nonguttural -nongymnast -nongypsy -nonhabitable -nonhabitual -nonhalation -nonhallucination -nonhandicap -nonhardenable -nonharmonic -nonharmonious -nonhazardous -nonheading -nonhearer -nonheathen -nonhedonistic -nonhepatic -nonhereditarily -nonhereditary -nonheritable -nonheritor -nonhero -nonhieratic -nonhistoric -nonhistorical -nonhomaloidal -nonhomogeneity -nonhomogeneous -nonhomogenous -nonhostile -nonhouseholder -nonhousekeeping -nonhuman -nonhumanist -nonhumorous -nonhumus -nonhunting -nonhydrogenous -nonhydrolyzable -nonhygrometric -nonhygroscopic -nonhypostatic -nonic -noniconoclastic -nonideal -nonidealist -nonidentical -nonidentity -nonidiomatic -nonidolatrous -nonidyllic -nonignitible -nonignominious -nonignorant -nonillion -nonillionth -nonillumination -nonillustration -nonimaginary -nonimbricating -nonimitative -nonimmateriality -nonimmersion -nonimmigrant -nonimmigration -nonimmune -nonimmunity -nonimmunized -nonimpact -nonimpairment -nonimpartment -nonimpatience -nonimpeachment -nonimperative -nonimperial -nonimplement -nonimportation -nonimporting -nonimposition -nonimpregnated -nonimpressionist -nonimprovement -nonimputation -nonincandescent -nonincarnated -nonincitement -noninclination -noninclusion -noninclusive -nonincrease -nonincreasing -nonincrusting -nonindependent -nonindictable -nonindictment -nonindividual -nonindividualistic -noninductive -noninductively -noninductivity -nonindurated -nonindustrial -noninfallibilist -noninfallible -noninfantry -noninfected -noninfection -noninfectious -noninfinite -noninfinitely -noninflammability -noninflammable -noninflammatory -noninflectional -noninfluence -noninformative -noninfraction -noninhabitant -noninheritable -noninherited -noninitial -noninjurious -noninjury -noninoculation -noninquiring -noninsect -noninsertion -noninstitution -noninstruction -noninstructional -noninstructress -noninstrumental -noninsurance -nonintegrable -nonintegrity -nonintellectual -nonintelligence -nonintelligent -nonintent -nonintention -noninterchangeability -noninterchangeable -nonintercourse -noninterference -noninterferer -noninterfering -nonintermittent -noninternational -noninterpolation -noninterposition -noninterrupted -nonintersecting -nonintersector -nonintervention -noninterventionalist -noninterventionist -nonintoxicant -nonintoxicating -nonintrospective -nonintrospectively -nonintrusion -nonintrusionism -nonintrusionist -nonintuitive -noninverted -noninvidious -noninvincibility -noniodized -nonion -nonionized -nonionizing -nonirate -nonirradiated -nonirrational -nonirreparable -nonirrevocable -nonirrigable -nonirrigated -nonirrigating -nonirrigation -nonirritable -nonirritant -nonirritating -nonisobaric -nonisotropic -nonissuable -nonius -nonjoinder -nonjudicial -nonjurable -nonjurant -nonjuress -nonjuring -nonjurist -nonjuristic -nonjuror -nonjurorism -nonjury -nonjurying -nonknowledge -nonkosher -nonlabeling -nonlactescent -nonlaminated -nonlanguage -nonlaying -nonleaded -nonleaking -nonlegal -nonlegato -nonlegume -nonlepidopterous -nonleprous -nonlevel -nonlevulose -nonliability -nonliable -nonliberation -nonlicensed -nonlicentiate -nonlicet -nonlicking -nonlife -nonlimitation -nonlimiting -nonlinear -nonlipoidal -nonliquefying -nonliquid -nonliquidating -nonliquidation -nonlister -nonlisting -nonliterary -nonlitigious -nonliturgical -nonliving -nonlixiviated -nonlocal -nonlocalized -nonlogical -nonlosable -nonloser -nonlover -nonloving -nonloxodromic -nonluminescent -nonluminosity -nonluminous -nonluster -nonlustrous -nonly -nonmagnetic -nonmagnetizable -nonmaintenance -nonmajority -nonmalarious -nonmalicious -nonmalignant -nonmalleable -nonmammalian -nonmandatory -nonmanifest -nonmanifestation -nonmanila -nonmannite -nonmanual -nonmanufacture -nonmanufactured -nonmanufacturing -nonmarine -nonmarital -nonmaritime -nonmarket -nonmarriage -nonmarriageable -nonmarrying -nonmartial -nonmastery -nonmaterial -nonmaterialistic -nonmateriality -nonmaternal -nonmathematical -nonmathematician -nonmatrimonial -nonmatter -nonmechanical -nonmechanistic -nonmedical -nonmedicinal -nonmedullated -nonmelodious -nonmember -nonmembership -nonmenial -nonmental -nonmercantile -nonmetal -nonmetallic -nonmetalliferous -nonmetallurgical -nonmetamorphic -nonmetaphysical -nonmeteoric -nonmeteorological -nonmetric -nonmetrical -nonmetropolitan -nonmicrobic -nonmicroscopical -nonmigratory -nonmilitant -nonmilitary -nonmillionaire -nonmimetic -nonmineral -nonmineralogical -nonminimal -nonministerial -nonministration -nonmiraculous -nonmischievous -nonmiscible -nonmissionary -nonmobile -nonmodal -nonmodern -nonmolar -nonmolecular -nonmomentary -nonmonarchical -nonmonarchist -nonmonastic -nonmonist -nonmonogamous -nonmonotheistic -nonmorainic -nonmoral -nonmorality -nonmortal -nonmotile -nonmotoring -nonmotorist -nonmountainous -nonmucilaginous -nonmucous -nonmulched -nonmultiple -nonmunicipal -nonmuscular -nonmusical -nonmussable -nonmutationally -nonmutative -nonmutual -nonmystical -nonmythical -nonmythological -nonnant -nonnarcotic -nonnasal -nonnat -nonnational -nonnative -nonnatural -nonnaturalism -nonnaturalistic -nonnaturality -nonnaturalness -nonnautical -nonnaval -nonnavigable -nonnavigation -nonnebular -nonnecessary -nonnecessity -nonnegligible -nonnegotiable -nonnegotiation -nonnephritic -nonnervous -nonnescience -nonnescient -nonneutral -nonneutrality -nonnitrogenized -nonnitrogenous -nonnoble -nonnomination -nonnotification -nonnotional -nonnucleated -nonnumeral -nonnutrient -nonnutritious -nonnutritive -nonobedience -nonobedient -nonobjection -nonobjective -nonobligatory -nonobservable -nonobservance -nonobservant -nonobservation -nonobstetrical -nonobstructive -nonobvious -nonoccidental -nonocculting -nonoccupant -nonoccupation -nonoccupational -nonoccurrence -nonodorous -nonoecumenic -nonoffender -nonoffensive -nonofficeholding -nonofficial -nonofficially -nonofficinal -nonoic -nonoily -nonolfactory -nonomad -nononerous -nonopacity -nonopening -nonoperating -nonoperative -nonopposition -nonoppressive -nonoptical -nonoptimistic -nonoptional -nonorchestral -nonordination -nonorganic -nonorganization -nonoriental -nonoriginal -nonornamental -nonorthodox -nonorthographical -nonoscine -nonostentation -nonoutlawry -nonoutrage -nonoverhead -nonoverlapping -nonowner -nonoxidating -nonoxidizable -nonoxidizing -nonoxygenated -nonoxygenous -nonpacific -nonpacification -nonpacifist -nonpagan -nonpaid -nonpainter -nonpalatal -nonpapal -nonpapist -nonpar -nonparallel -nonparalytic -nonparasitic -nonparasitism -nonpareil -nonparent -nonparental -nonpariello -nonparishioner -nonparliamentary -nonparlor -nonparochial -nonparous -nonpartial -nonpartiality -nonparticipant -nonparticipating -nonparticipation -nonpartisan -nonpartisanship -nonpartner -nonparty -nonpassenger -nonpasserine -nonpastoral -nonpatentable -nonpatented -nonpaternal -nonpathogenic -nonpause -nonpaying -nonpayment -nonpeak -nonpeaked -nonpearlitic -nonpecuniary -nonpedestrian -nonpedigree -nonpelagic -nonpeltast -nonpenal -nonpenalized -nonpending -nonpensionable -nonpensioner -nonperception -nonperceptual -nonperfection -nonperforated -nonperforating -nonperformance -nonperformer -nonperforming -nonperiodic -nonperiodical -nonperishable -nonperishing -nonperjury -nonpermanent -nonpermeability -nonpermeable -nonpermissible -nonpermission -nonperpendicular -nonperpetual -nonperpetuity -nonpersecution -nonperseverance -nonpersistence -nonpersistent -nonperson -nonpersonal -nonpersonification -nonpertinent -nonperversive -nonphagocytic -nonpharmaceutical -nonphenolic -nonphenomenal -nonphilanthropic -nonphilological -nonphilosophical -nonphilosophy -nonphonetic -nonphosphatic -nonphosphorized -nonphotobiotic -nonphysical -nonphysiological -nonpickable -nonpigmented -nonplacental -nonplacet -nonplanar -nonplane -nonplanetary -nonplantowning -nonplastic -nonplate -nonplausible -nonpleading -nonplus -nonplusation -nonplushed -nonplutocratic -nonpoet -nonpoetic -nonpoisonous -nonpolar -nonpolarizable -nonpolarizing -nonpolitical -nonponderosity -nonponderous -nonpopery -nonpopular -nonpopularity -nonporous -nonporphyritic -nonport -nonportability -nonportable -nonportrayal -nonpositive -nonpossession -nonposthumous -nonpostponement -nonpotential -nonpower -nonpractical -nonpractice -nonpraedial -nonpreaching -nonprecious -nonprecipitation -nonpredatory -nonpredestination -nonpredicative -nonpredictable -nonpreference -nonpreferential -nonpreformed -nonpregnant -nonprehensile -nonprejudicial -nonprelatical -nonpremium -nonpreparation -nonprepayment -nonprepositional -nonpresbyter -nonprescribed -nonprescriptive -nonpresence -nonpresentation -nonpreservation -nonpresidential -nonpress -nonpressure -nonprevalence -nonprevalent -nonpriestly -nonprimitive -nonprincipiate -nonprincipled -nonprobable -nonprocreation -nonprocurement -nonproducer -nonproducing -nonproduction -nonproductive -nonproductively -nonproductiveness -nonprofane -nonprofessed -nonprofession -nonprofessional -nonprofessionalism -nonprofessorial -nonproficience -nonproficiency -nonproficient -nonprofit -nonprofiteering -nonprognostication -nonprogressive -nonprohibitable -nonprohibition -nonprohibitive -nonprojection -nonprojective -nonprojectively -nonproletarian -nonproliferous -nonprolific -nonprolongation -nonpromiscuous -nonpromissory -nonpromotion -nonpromulgation -nonpronunciation -nonpropagandistic -nonpropagation -nonprophetic -nonpropitiation -nonproportional -nonproprietary -nonproprietor -nonprorogation -nonproscriptive -nonprosecution -nonprospect -nonprotection -nonprotective -nonproteid -nonprotein -nonprotestation -nonprotractile -nonprotractility -nonproven -nonprovided -nonprovidential -nonprovocation -nonpsychic -nonpsychological -nonpublic -nonpublication -nonpublicity -nonpueblo -nonpulmonary -nonpulsating -nonpumpable -nonpunctual -nonpunctuation -nonpuncturable -nonpunishable -nonpunishing -nonpunishment -nonpurchase -nonpurchaser -nonpurgative -nonpurification -nonpurposive -nonpursuit -nonpurulent -nonpurveyance -nonputrescent -nonputrescible -nonputting -nonpyogenic -nonpyritiferous -nonqualification -nonquality -nonquota -nonracial -nonradiable -nonradiating -nonradical -nonrailroader -nonranging -nonratability -nonratable -nonrated -nonratifying -nonrational -nonrationalist -nonrationalized -nonrayed -nonreaction -nonreactive -nonreactor -nonreader -nonreading -nonrealistic -nonreality -nonrealization -nonreasonable -nonreasoner -nonrebel -nonrebellious -nonreceipt -nonreceiving -nonrecent -nonreception -nonrecess -nonrecipient -nonreciprocal -nonreciprocating -nonreciprocity -nonrecital -nonreclamation -nonrecluse -nonrecognition -nonrecognized -nonrecoil -nonrecollection -nonrecommendation -nonreconciliation -nonrecourse -nonrecoverable -nonrecovery -nonrectangular -nonrectified -nonrecuperation -nonrecurrent -nonrecurring -nonredemption -nonredressing -nonreducing -nonreference -nonrefillable -nonreflector -nonreformation -nonrefraction -nonrefrigerant -nonrefueling -nonrefutation -nonregardance -nonregarding -nonregenerating -nonregenerative -nonregent -nonregimented -nonregistered -nonregistrability -nonregistrable -nonregistration -nonregression -nonregulation -nonrehabilitation -nonreigning -nonreimbursement -nonreinforcement -nonreinstatement -nonrejection -nonrejoinder -nonrelapsed -nonrelation -nonrelative -nonrelaxation -nonrelease -nonreliance -nonreligion -nonreligious -nonreligiousness -nonrelinquishment -nonremanie -nonremedy -nonremembrance -nonremission -nonremonstrance -nonremuneration -nonremunerative -nonrendition -nonrenewable -nonrenewal -nonrenouncing -nonrenunciation -nonrepair -nonreparation -nonrepayable -nonrepealing -nonrepeat -nonrepeater -nonrepentance -nonrepetition -nonreplacement -nonreplicate -nonreportable -nonreprehensible -nonrepresentation -nonrepresentational -nonrepresentationalism -nonrepresentative -nonrepression -nonreprisal -nonreproduction -nonreproductive -nonrepublican -nonrepudiation -nonrequirement -nonrequisition -nonrequital -nonrescue -nonresemblance -nonreservation -nonreserve -nonresidence -nonresidency -nonresident -nonresidental -nonresidenter -nonresidential -nonresidentiary -nonresidentor -nonresidual -nonresignation -nonresinifiable -nonresistance -nonresistant -nonresisting -nonresistive -nonresolvability -nonresolvable -nonresonant -nonrespectable -nonrespirable -nonresponsibility -nonrestitution -nonrestraint -nonrestricted -nonrestriction -nonrestrictive -nonresumption -nonresurrection -nonresuscitation -nonretaliation -nonretention -nonretentive -nonreticence -nonretinal -nonretirement -nonretiring -nonretraceable -nonretractation -nonretractile -nonretraction -nonretrenchment -nonretroactive -nonreturn -nonreturnable -nonrevaluation -nonrevealing -nonrevelation -nonrevenge -nonrevenue -nonreverse -nonreversed -nonreversible -nonreversing -nonreversion -nonrevertible -nonreviewable -nonrevision -nonrevival -nonrevocation -nonrevolting -nonrevolutionary -nonrevolving -nonrhetorical -nonrhymed -nonrhyming -nonrhythmic -nonriding -nonrigid -nonrioter -nonriparian -nonritualistic -nonrival -nonromantic -nonrotatable -nonrotating -nonrotative -nonround -nonroutine -nonroyal -nonroyalist -nonrubber -nonruminant -Nonruminantia -nonrun -nonrupture -nonrural -nonrustable -nonsabbatic -nonsaccharine -nonsacerdotal -nonsacramental -nonsacred -nonsacrifice -nonsacrificial -nonsailor -nonsalable -nonsalaried -nonsale -nonsaline -nonsalutary -nonsalutation -nonsalvation -nonsanctification -nonsanction -nonsanctity -nonsane -nonsanguine -nonsanity -nonsaponifiable -nonsatisfaction -nonsaturated -nonsaturation -nonsaving -nonsawing -nonscalding -nonscaling -nonscandalous -nonschematized -nonschismatic -nonscholastic -nonscience -nonscientific -nonscientist -nonscoring -nonscraping -nonscriptural -nonscripturalist -nonscrutiny -nonseasonal -nonsecession -nonseclusion -nonsecrecy -nonsecret -nonsecretarial -nonsecretion -nonsecretive -nonsecretory -nonsectarian -nonsectional -nonsectorial -nonsecular -nonsecurity -nonsedentary -nonseditious -nonsegmented -nonsegregation -nonseizure -nonselected -nonselection -nonselective -nonself -nonselfregarding -nonselling -nonsenatorial -nonsense -nonsensible -nonsensical -nonsensicality -nonsensically -nonsensicalness -nonsensification -nonsensify -nonsensitive -nonsensitiveness -nonsensitized -nonsensorial -nonsensuous -nonsentence -nonsentient -nonseparation -nonseptate -nonseptic -nonsequacious -nonsequaciousness -nonsequestration -nonserial -nonserif -nonserious -nonserous -nonserviential -nonservile -nonsetter -nonsetting -nonsettlement -nonsexual -nonsexually -nonshaft -nonsharing -nonshatter -nonshedder -nonshipper -nonshipping -nonshredding -nonshrinkable -nonshrinking -nonsiccative -nonsidereal -nonsignatory -nonsignature -nonsignificance -nonsignificant -nonsignification -nonsignificative -nonsilicated -nonsiliceous -nonsilver -nonsimplification -nonsine -nonsinging -nonsingular -nonsinkable -nonsinusoidal -nonsiphonage -nonsister -nonsitter -nonsitting -nonskeptical -nonskid -nonskidding -nonskipping -nonslaveholding -nonslip -nonslippery -nonslipping -nonsludging -nonsmoker -nonsmoking -nonsmutting -nonsocial -nonsocialist -nonsocialistic -nonsociety -nonsociological -nonsolar -nonsoldier -nonsolicitation -nonsolid -nonsolidified -nonsolution -nonsolvency -nonsolvent -nonsonant -nonsovereign -nonspalling -nonsparing -nonsparking -nonspeaker -nonspeaking -nonspecial -nonspecialist -nonspecialized -nonspecie -nonspecific -nonspecification -nonspecificity -nonspecified -nonspectacular -nonspectral -nonspeculation -nonspeculative -nonspherical -nonspill -nonspillable -nonspinning -nonspinose -nonspiny -nonspiral -nonspirit -nonspiritual -nonspirituous -nonspontaneous -nonspored -nonsporeformer -nonsporeforming -nonsporting -nonspottable -nonsprouting -nonstainable -nonstaining -nonstampable -nonstandard -nonstandardized -nonstanzaic -nonstaple -nonstarch -nonstarter -nonstarting -nonstatement -nonstatic -nonstationary -nonstatistical -nonstatutory -nonstellar -nonsticky -nonstimulant -nonstipulation -nonstock -nonstooping -nonstop -nonstrategic -nonstress -nonstretchable -nonstretchy -nonstriated -nonstriker -nonstriking -nonstriped -nonstructural -nonstudent -nonstudious -nonstylized -nonsubject -nonsubjective -nonsubmission -nonsubmissive -nonsubordination -nonsubscriber -nonsubscribing -nonsubscription -nonsubsiding -nonsubsidy -nonsubsistence -nonsubstantial -nonsubstantialism -nonsubstantialist -nonsubstantiality -nonsubstantiation -nonsubstantive -nonsubstitution -nonsubtraction -nonsuccess -nonsuccessful -nonsuccession -nonsuccessive -nonsuccour -nonsuction -nonsuctorial -nonsufferance -nonsuffrage -nonsugar -nonsuggestion -nonsuit -nonsulphurous -nonsummons -nonsupplication -nonsupport -nonsupporter -nonsupporting -nonsuppositional -nonsuppressed -nonsuppression -nonsuppurative -nonsurface -nonsurgical -nonsurrender -nonsurvival -nonsurvivor -nonsuspect -nonsustaining -nonsustenance -nonswearer -nonswearing -nonsweating -nonswimmer -nonswimming -nonsyllabic -nonsyllabicness -nonsyllogistic -nonsyllogizing -nonsymbiotic -nonsymbiotically -nonsymbolic -nonsymmetrical -nonsympathetic -nonsympathizer -nonsympathy -nonsymphonic -nonsymptomatic -nonsynchronous -nonsyndicate -nonsynodic -nonsynonymous -nonsyntactic -nonsyntactical -nonsynthesized -nonsyntonic -nonsystematic -nontabular -nontactical -nontan -nontangential -nontannic -nontannin -nontariff -nontarnishable -nontarnishing -nontautomeric -nontautomerizable -nontax -nontaxability -nontaxable -nontaxonomic -nonteachable -nonteacher -nonteaching -nontechnical -nontechnological -nonteetotaler -nontelegraphic -nonteleological -nontelephonic -nontemporal -nontemporizing -nontenant -nontenure -nontenurial -nonterm -nonterminating -nonterrestrial -nonterritorial -nonterritoriality -nontestamentary -nontextual -nontheatrical -nontheistic -nonthematic -nontheological -nontheosophical -nontherapeutic -nonthinker -nonthinking -nonthoracic -nonthoroughfare -nonthreaded -nontidal -nontillable -nontimbered -nontitaniferous -nontitular -nontolerated -nontopographical -nontourist -nontoxic -nontraction -nontrade -nontrader -nontrading -nontraditional -nontragic -nontrailing -nontransferability -nontransferable -nontransgression -nontransient -nontransitional -nontranslocation -nontransmission -nontransparency -nontransparent -nontransportation -nontransposing -nontransposition -nontraveler -nontraveling -nontreasonable -nontreated -nontreatment -nontreaty -nontrespass -nontrial -nontribal -nontribesman -nontributary -nontrier -nontrigonometrical -nontronite -nontropical -nontrunked -nontruth -nontuberculous -nontuned -nonturbinated -nontutorial -nontyphoidal -nontypical -nontypicalness -nontypographical -nontyrannical -nonubiquitous -nonulcerous -nonultrafilterable -nonumbilical -nonumbilicate -nonumbrellaed -nonunanimous -nonuncial -nonundergraduate -nonunderstandable -nonunderstanding -nonunderstandingly -nonunderstood -nonundulatory -nonuniform -nonuniformist -nonuniformitarian -nonuniformity -nonuniformly -nonunion -nonunionism -nonunionist -nonunique -nonunison -nonunited -nonuniversal -nonuniversity -nonupholstered -nonuple -nonuplet -nonupright -nonurban -nonurgent -nonusage -nonuse -nonuser -nonusing -nonusurping -nonuterine -nonutile -nonutilitarian -nonutility -nonutilized -nonutterance -nonvacant -nonvaccination -nonvacuous -nonvaginal -nonvalent -nonvalidity -nonvaluation -nonvalve -nonvanishing -nonvariable -nonvariant -nonvariation -nonvascular -nonvassal -nonvegetative -nonvenereal -nonvenomous -nonvenous -nonventilation -nonverbal -nonverdict -nonverminous -nonvernacular -nonvertebral -nonvertical -nonvertically -nonvesicular -nonvesting -nonvesture -nonveteran -nonveterinary -nonviable -nonvibratile -nonvibration -nonvibrator -nonvibratory -nonvicarious -nonvictory -nonvillager -nonvillainous -nonvindication -nonvinous -nonvintage -nonviolation -nonviolence -nonvirginal -nonvirile -nonvirtue -nonvirtuous -nonvirulent -nonviruliferous -nonvisaed -nonvisceral -nonviscid -nonviscous -nonvisional -nonvisitation -nonvisiting -nonvisual -nonvisualized -nonvital -nonvitreous -nonvitrified -nonviviparous -nonvocal -nonvocalic -nonvocational -nonvolant -nonvolatile -nonvolatilized -nonvolcanic -nonvolition -nonvoluntary -nonvortical -nonvortically -nonvoter -nonvoting -nonvulcanizable -nonvulvar -nonwalking -nonwar -nonwasting -nonwatertight -nonweakness -nonwestern -nonwetted -nonwhite -nonwinged -nonwoody -nonworker -nonworking -nonworship -nonwrinkleable -nonya -nonyielding -nonyl -nonylene -nonylenic -nonylic -nonzealous -nonzero -nonzodiacal -nonzonal -nonzonate -nonzoological -noodle -noodledom -noodleism -nook -nooked -nookery -nooking -nooklet -nooklike -nooky -noological -noologist -noology -noometry -noon -noonday -noonflower -nooning -noonlight -noonlit -noonstead -noontide -noontime -noonwards -noop -nooscopic -noose -nooser -Nootka -nopal -Nopalea -nopalry -nope -nopinene -nor -Nora -Norah -norard -norate -noration -norbergite -Norbert -Norbertine -norcamphane -nordcaper -nordenskioldine -Nordic -Nordicism -Nordicist -Nordicity -Nordicization -Nordicize -nordmarkite -noreast -noreaster -norelin -Norfolk -Norfolkian -norgine -nori -noria -Noric -norie -norimon -norite -norland -norlander -norlandism -norleucine -Norm -norm -Norma -norma -normal -normalcy -normalism -normalist -normality -normalization -normalize -normalizer -normally -normalness -Norman -Normanesque -Normanish -Normanism -Normanist -Normanization -Normanize -Normanizer -Normanly -Normannic -normated -normative -normatively -normativeness -normless -normoblast -normoblastic -normocyte -normocytic -normotensive -Norn -Norna -nornicotine -nornorwest -noropianic -norpinic -Norridgewock -Norroway -Norroy -Norse -norsel -Norseland -norseler -Norseman -Norsk -north -northbound -northeast -northeaster -northeasterly -northeastern -northeasternmost -northeastward -northeastwardly -northeastwards -norther -northerliness -northerly -northern -northerner -northernize -northernly -northernmost -northernness -northest -northfieldite -northing -northland -northlander -northlight -Northman -northmost -northness -Northumber -Northumbrian -northupite -northward -northwardly -northwards -northwest -northwester -northwesterly -northwestern -northwestward -northwestwardly -northwestwards -Norumbega -norward -norwards -Norway -Norwegian -norwest -norwester -norwestward -Nosairi -Nosairian -nosarian -nose -nosean -noseanite -noseband -nosebanded -nosebleed -nosebone -noseburn -nosed -nosegay -nosegaylike -noseherb -nosehole -noseless -noselessly -noselessness -noselike -noselite -Nosema -Nosematidae -nosepiece -nosepinch -noser -nosesmart -nosethirl -nosetiology -nosewards -nosewheel -nosewise -nosey -nosine -nosing -nosism -nosocomial -nosocomium -nosogenesis -nosogenetic -nosogenic -nosogeny -nosogeography -nosographer -nosographic -nosographical -nosographically -nosography -nosohaemia -nosohemia -nosological -nosologically -nosologist -nosology -nosomania -nosomycosis -nosonomy -nosophobia -nosophyte -nosopoetic -nosopoietic -nosotaxy -nosotrophy -nostalgia -nostalgic -nostalgically -nostalgy -nostic -Nostoc -Nostocaceae -nostocaceous -nostochine -nostologic -nostology -nostomania -Nostradamus -nostrificate -nostrification -nostril -nostriled -nostrility -nostrilsome -nostrum -nostrummonger -nostrummongership -nostrummongery -Nosu -nosy -not -notabilia -notability -notable -notableness -notably -notacanthid -Notacanthidae -notacanthoid -notacanthous -Notacanthus -notaeal -notaeum -notal -notalgia -notalgic -Notalia -notan -notandum -notanencephalia -notarial -notarially -notariate -notarikon -notarize -notary -notaryship -notate -notation -notational -notative -notator -notch -notchboard -notched -notchel -notcher -notchful -notching -notchweed -notchwing -notchy -note -notebook -notecase -noted -notedly -notedness -notehead -noteholder -notekin -Notelaea -noteless -notelessly -notelessness -notelet -notencephalocele -notencephalus -noter -notewise -noteworthily -noteworthiness -noteworthy -notharctid -Notharctidae -Notharctus -nother -nothing -nothingarian -nothingarianism -nothingism -nothingist -nothingize -nothingless -nothingly -nothingness -nothingology -Nothofagus -Notholaena -nothosaur -Nothosauri -nothosaurian -Nothosauridae -Nothosaurus -nothous -notice -noticeability -noticeable -noticeably -noticer -Notidani -notidanian -notidanid -Notidanidae -notidanidan -notidanoid -Notidanus -notifiable -notification -notified -notifier -notify -notifyee -notion -notionable -notional -notionalist -notionality -notionally -notionalness -notionary -notionate -notioned -notionist -notionless -Notiosorex -notitia -Notkerian -notocentrous -notocentrum -notochord -notochordal -notodontian -notodontid -Notodontidae -notodontoid -Notogaea -Notogaeal -Notogaean -Notogaeic -notommatid -Notommatidae -Notonecta -notonectal -notonectid -Notonectidae -notopodial -notopodium -notopterid -Notopteridae -notopteroid -Notopterus -notorhizal -Notorhynchus -notoriety -notorious -notoriously -notoriousness -Notornis -Notoryctes -Notostraca -Nototherium -Nototrema -nototribe -notour -notourly -Notropis -notself -Nottoway -notum -Notungulata -notungulate -Notus -notwithstanding -Nou -nougat -nougatine -nought -noumeaite -noumeite -noumenal -noumenalism -noumenalist -noumenality -noumenalize -noumenally -noumenism -noumenon -noun -nounal -nounally -nounize -nounless -noup -nourice -nourish -nourishable -nourisher -nourishing -nourishingly -nourishment -nouriture -nous -nouther -nova -novaculite -novalia -Novanglian -Novanglican -novantique -novarsenobenzene -novate -Novatian -Novatianism -Novatianist -novation -novative -novator -novatory -novatrix -novcic -novel -novelcraft -noveldom -novelese -novelesque -novelet -novelette -noveletter -novelettish -novelettist -noveletty -novelish -novelism -novelist -novelistic -novelistically -novelization -novelize -novella -novelless -novellike -novelly -novelmongering -novelness -novelry -novelty -novelwright -novem -novemarticulate -November -Novemberish -novemcostate -novemdigitate -novemfid -novemlobate -novemnervate -novemperfoliate -novena -novenary -novendial -novene -novennial -novercal -Novial -novice -novicehood -novicelike -noviceship -noviciate -novilunar -novitial -novitiate -novitiateship -novitiation -novity -Novo -Novocain -novodamus -Novorolsky -now -nowaday -nowadays -nowanights -noway -noways -nowed -nowel -nowhat -nowhen -nowhence -nowhere -nowhereness -nowheres -nowhit -nowhither -nowise -nowness -Nowroze -nowt -nowy -noxa -noxal -noxally -noxious -noxiously -noxiousness -noy -noyade -noyau -Nozi -nozzle -nozzler -nth -nu -nuance -nub -Nuba -nubbin -nubble -nubbling -nubbly -nubby -nubecula -nubia -Nubian -nubiferous -nubiform -nubigenous -nubilate -nubilation -nubile -nubility -nubilous -Nubilum -nucal -nucament -nucamentaceous -nucellar -nucellus -nucha -nuchal -nuchalgia -nuciculture -nuciferous -nuciform -nucin -nucivorous -nucleal -nuclear -nucleary -nuclease -nucleate -nucleation -nucleator -nuclei -nucleiferous -nucleiform -nuclein -nucleinase -nucleoalbumin -nucleoalbuminuria -nucleofugal -nucleohistone -nucleohyaloplasm -nucleohyaloplasma -nucleoid -nucleoidioplasma -nucleolar -nucleolated -nucleole -nucleoli -nucleolinus -nucleolocentrosome -nucleoloid -nucleolus -nucleolysis -nucleomicrosome -nucleon -nucleone -nucleonics -nucleopetal -nucleoplasm -nucleoplasmatic -nucleoplasmic -nucleoprotein -nucleoside -nucleotide -nucleus -nuclide -nuclidic -Nucula -Nuculacea -nuculanium -nucule -nuculid -Nuculidae -nuculiform -nuculoid -Nuda -nudate -nudation -Nudd -nuddle -nude -nudely -nudeness -Nudens -nudge -nudger -nudibranch -Nudibranchia -nudibranchian -nudibranchiate -nudicaudate -nudicaul -nudifier -nudiflorous -nudiped -nudish -nudism -nudist -nuditarian -nudity -nugacious -nugaciousness -nugacity -nugator -nugatoriness -nugatory -nuggar -nugget -nuggety -nugify -nugilogue -Nugumiut -nuisance -nuisancer -nuke -Nukuhivan -nul -null -nullable -nullah -nullibicity -nullibility -nullibiquitous -nullibist -nullification -nullificationist -nullificator -nullifidian -nullifier -nullify -nullipara -nulliparity -nulliparous -nullipennate -Nullipennes -nulliplex -nullipore -nulliporous -nullism -nullisome -nullisomic -nullity -nulliverse -nullo -Numa -Numantine -numb -number -numberable -numberer -numberful -numberless -numberous -numbersome -numbfish -numbing -numbingly -numble -numbles -numbly -numbness -numda -numdah -numen -Numenius -numerable -numerableness -numerably -numeral -numerant -numerary -numerate -numeration -numerative -numerator -numerical -numerically -numericalness -numerist -numero -numerology -numerose -numerosity -numerous -numerously -numerousness -Numida -Numidae -Numidian -Numididae -Numidinae -numinism -numinous -numinously -numismatic -numismatical -numismatically -numismatician -numismatics -numismatist -numismatography -numismatologist -numismatology -nummary -nummi -nummiform -nummular -Nummularia -nummulary -nummulated -nummulation -nummuline -Nummulinidae -nummulite -Nummulites -nummulitic -Nummulitidae -nummulitoid -nummuloidal -nummus -numskull -numskulled -numskulledness -numskullery -numskullism -numud -nun -nunatak -nunbird -nunch -nuncheon -nunciate -nunciative -nunciatory -nunciature -nuncio -nuncioship -nuncle -nuncupate -nuncupation -nuncupative -nuncupatively -nundinal -nundination -nundine -nunhood -Nunki -nunky -nunlet -nunlike -nunnari -nunnated -nunnation -nunnery -nunni -nunnify -nunnish -nunnishness -nunship -Nupe -Nuphar -nuptial -nuptiality -nuptialize -nuptially -nuptials -nuque -nuraghe -nurhag -nurly -nursable -nurse -nursedom -nursegirl -nursehound -nursekeeper -nursekin -nurselet -nurselike -nursemaid -nurser -nursery -nurserydom -nurseryful -nurserymaid -nurseryman -nursetender -nursing -nursingly -nursle -nursling -nursy -nurturable -nurtural -nurture -nurtureless -nurturer -nurtureship -Nusairis -Nusakan -nusfiah -nut -nutant -nutarian -nutate -nutation -nutational -nutbreaker -nutcake -nutcrack -nutcracker -nutcrackers -nutcrackery -nutgall -nuthatch -nuthook -nutjobber -nutlet -nutlike -nutmeg -nutmegged -nutmeggy -nutpecker -nutpick -nutramin -nutria -nutrice -nutricial -nutricism -nutrient -nutrify -nutriment -nutrimental -nutritial -nutrition -nutritional -nutritionally -nutritionist -nutritious -nutritiously -nutritiousness -nutritive -nutritively -nutritiveness -nutritory -nutseed -nutshell -Nuttallia -nuttalliasis -nuttalliosis -nutted -nutter -nuttery -nuttily -nuttiness -nutting -nuttish -nuttishness -nutty -nuzzer -nuzzerana -nuzzle -Nyamwezi -Nyanja -nyanza -Nyaya -nychthemer -nychthemeral -nychthemeron -Nyctaginaceae -nyctaginaceous -Nyctaginia -nyctalope -nyctalopia -nyctalopic -nyctalopy -Nyctanthes -Nyctea -Nyctereutes -nycteribiid -Nycteribiidae -Nycteridae -nycterine -Nycteris -Nycticorax -Nyctimene -nyctinastic -nyctinasty -nyctipelagic -Nyctipithecinae -nyctipithecine -Nyctipithecus -nyctitropic -nyctitropism -nyctophobia -nycturia -Nydia -nye -nylast -nylon -nymil -nymph -nympha -nymphae -Nymphaea -Nymphaeaceae -nymphaeaceous -nymphaeum -nymphal -nymphalid -Nymphalidae -Nymphalinae -nymphaline -nympheal -nymphean -nymphet -nymphic -nymphical -nymphid -nymphine -Nymphipara -nymphiparous -nymphish -nymphitis -nymphlike -nymphlin -nymphly -Nymphoides -nympholepsia -nympholepsy -nympholept -nympholeptic -nymphomania -nymphomaniac -nymphomaniacal -Nymphonacea -nymphosis -nymphotomy -nymphwise -Nyoro -Nyroca -Nyssa -Nyssaceae -nystagmic -nystagmus -nyxis -O -o -oadal -oaf -oafdom -oafish -oafishly -oafishness -oak -oakberry -Oakboy -oaken -oakenshaw -Oakesia -oaklet -oaklike -oakling -oaktongue -oakum -oakweb -oakwood -oaky -oam -Oannes -oar -oarage -oarcock -oared -oarfish -oarhole -oarial -oarialgia -oaric -oariocele -oariopathic -oariopathy -oariotomy -oaritic -oaritis -oarium -oarless -oarlike -oarlock -oarlop -oarman -oarsman -oarsmanship -oarswoman -oarweed -oary -oasal -oasean -oases -oasis -oasitic -oast -oasthouse -oat -oatbin -oatcake -oatear -oaten -oatenmeal -oatfowl -oath -oathay -oathed -oathful -oathlet -oathworthy -oatland -oatlike -oatmeal -oatseed -oaty -Obadiah -obambulate -obambulation -obambulatory -oban -Obbenite -obbligato -obclavate -obclude -obcompressed -obconical -obcordate -obcordiform -obcuneate -obdeltoid -obdiplostemonous -obdiplostemony -obdormition -obduction -obduracy -obdurate -obdurately -obdurateness -obduration -obe -obeah -obeahism -obeche -obedience -obediency -obedient -obediential -obedientially -obedientialness -obedientiar -obedientiary -obediently -obeisance -obeisant -obeisantly -obeism -obelia -obeliac -obelial -obelion -obeliscal -obeliscar -obelisk -obeliskoid -obelism -obelize -obelus -Oberon -obese -obesely -obeseness -obesity -obex -obey -obeyable -obeyer -obeyingly -obfuscable -obfuscate -obfuscation -obfuscator -obfuscity -obfuscous -obi -Obidicut -obispo -obit -obitual -obituarian -obituarily -obituarist -obituarize -obituary -object -objectable -objectation -objectative -objectee -objecthood -objectification -objectify -objection -objectionability -objectionable -objectionableness -objectionably -objectional -objectioner -objectionist -objectival -objectivate -objectivation -objective -objectively -objectiveness -objectivism -objectivist -objectivistic -objectivity -objectivize -objectization -objectize -objectless -objectlessly -objectlessness -objector -objicient -objuration -objure -objurgate -objurgation -objurgative -objurgatively -objurgator -objurgatorily -objurgatory -objurgatrix -oblanceolate -oblate -oblately -oblateness -oblation -oblational -oblationary -oblatory -oblectate -oblectation -obley -obligable -obligancy -obligant -obligate -obligation -obligational -obligative -obligativeness -obligator -obligatorily -obligatoriness -obligatory -obligatum -oblige -obliged -obligedly -obligedness -obligee -obligement -obliger -obliging -obligingly -obligingness -obligistic -obligor -obliquangular -obliquate -obliquation -oblique -obliquely -obliqueness -obliquitous -obliquity -obliquus -obliterable -obliterate -obliteration -obliterative -obliterator -oblivescence -oblivial -obliviality -oblivion -oblivionate -oblivionist -oblivionize -oblivious -obliviously -obliviousness -obliviscence -obliviscible -oblocutor -oblong -oblongatal -oblongated -oblongish -oblongitude -oblongitudinal -oblongly -oblongness -obloquial -obloquious -obloquy -obmutescence -obmutescent -obnebulate -obnounce -obnoxiety -obnoxious -obnoxiously -obnoxiousness -obnubilate -obnubilation -obnunciation -oboe -oboist -obol -Obolaria -obolary -obole -obolet -obolus -obomegoid -Obongo -oboval -obovate -obovoid -obpyramidal -obpyriform -Obrazil -obreption -obreptitious -obreptitiously -obrogate -obrogation -obrotund -obscene -obscenely -obsceneness -obscenity -obscurancy -obscurant -obscurantic -obscurantism -obscurantist -obscuration -obscurative -obscure -obscuredly -obscurely -obscurement -obscureness -obscurer -obscurism -obscurist -obscurity -obsecrate -obsecration -obsecrationary -obsecratory -obsede -obsequence -obsequent -obsequial -obsequience -obsequiosity -obsequious -obsequiously -obsequiousness -obsequity -obsequium -obsequy -observability -observable -observableness -observably -observance -observancy -observandum -observant -Observantine -Observantist -observantly -observantness -observation -observational -observationalism -observationally -observative -observatorial -observatory -observe -observedly -observer -observership -observing -observingly -obsess -obsessingly -obsession -obsessional -obsessionist -obsessive -obsessor -obsidian -obsidianite -obsidional -obsidionary -obsidious -obsignate -obsignation -obsignatory -obsolesce -obsolescence -obsolescent -obsolescently -obsolete -obsoletely -obsoleteness -obsoletion -obsoletism -obstacle -obstetric -obstetrical -obstetrically -obstetricate -obstetrication -obstetrician -obstetrics -obstetricy -obstetrist -obstetrix -obstinacious -obstinacy -obstinance -obstinate -obstinately -obstinateness -obstination -obstinative -obstipation -obstreperate -obstreperosity -obstreperous -obstreperously -obstreperousness -obstriction -obstringe -obstruct -obstructant -obstructedly -obstructer -obstructingly -obstruction -obstructionism -obstructionist -obstructive -obstructively -obstructiveness -obstructivism -obstructivity -obstructor -obstruent -obstupefy -obtain -obtainable -obtainal -obtainance -obtainer -obtainment -obtect -obtected -obtemper -obtemperate -obtenebrate -obtenebration -obtention -obtest -obtestation -obtriangular -obtrude -obtruder -obtruncate -obtruncation -obtruncator -obtrusion -obtrusionist -obtrusive -obtrusively -obtrusiveness -obtund -obtundent -obtunder -obtundity -obturate -obturation -obturator -obturatory -obturbinate -obtusangular -obtuse -obtusely -obtuseness -obtusifid -obtusifolious -obtusilingual -obtusilobous -obtusion -obtusipennate -obtusirostrate -obtusish -obtusity -obumbrant -obumbrate -obumbration -obvallate -obvelation -obvention -obverse -obversely -obversion -obvert -obvertend -obviable -obviate -obviation -obviative -obviator -obvious -obviously -obviousness -obvolute -obvoluted -obvolution -obvolutive -obvolve -obvolvent -ocarina -Occamism -Occamist -Occamistic -Occamite -occamy -occasion -occasionable -occasional -occasionalism -occasionalist -occasionalistic -occasionality -occasionally -occasionalness -occasionary -occasioner -occasionless -occasive -occident -occidental -Occidentalism -Occidentalist -occidentality -Occidentalization -Occidentalize -occidentally -occiduous -occipital -occipitalis -occipitally -occipitoanterior -occipitoatlantal -occipitoatloid -occipitoaxial -occipitoaxoid -occipitobasilar -occipitobregmatic -occipitocalcarine -occipitocervical -occipitofacial -occipitofrontal -occipitofrontalis -occipitohyoid -occipitoiliac -occipitomastoid -occipitomental -occipitonasal -occipitonuchal -occipitootic -occipitoparietal -occipitoposterior -occipitoscapular -occipitosphenoid -occipitosphenoidal -occipitotemporal -occipitothalamic -occiput -occitone -occlude -occludent -occlusal -occluse -occlusion -occlusive -occlusiveness -occlusocervical -occlusocervically -occlusogingival -occlusometer -occlusor -occult -occultate -occultation -occulter -occulting -occultism -occultist -occultly -occultness -occupable -occupance -occupancy -occupant -occupation -occupational -occupationalist -occupationally -occupationless -occupative -occupiable -occupier -occupy -occur -occurrence -occurrent -occursive -ocean -oceaned -oceanet -oceanful -Oceanian -oceanic -Oceanican -oceanity -oceanographer -oceanographic -oceanographical -oceanographically -oceanographist -oceanography -oceanology -oceanophyte -oceanside -oceanward -oceanwards -oceanways -oceanwise -ocellar -ocellary -ocellate -ocellated -ocellation -ocelli -ocellicyst -ocellicystic -ocelliferous -ocelliform -ocelligerous -ocellus -oceloid -ocelot -och -ochava -ochavo -ocher -ocherish -ocherous -ochery -ochidore -ochlesis -ochlesitic -ochletic -ochlocracy -ochlocrat -ochlocratic -ochlocratical -ochlocratically -ochlophobia -ochlophobist -Ochna -Ochnaceae -ochnaceous -ochone -Ochotona -Ochotonidae -Ochozoma -ochraceous -Ochrana -ochrea -ochreate -ochreous -ochro -ochrocarpous -ochroid -ochroleucous -ochrolite -Ochroma -ochronosis -ochronosus -ochronotic -ochrous -ocht -Ocimum -ock -oclock -Ocneria -ocote -Ocotea -ocotillo -ocque -ocracy -ocrea -ocreaceous -Ocreatae -ocreate -ocreated -octachloride -octachord -octachordal -octachronous -Octacnemus -octacolic -octactinal -octactine -Octactiniae -octactinian -octad -octadecahydrate -octadecane -octadecanoic -octadecyl -octadic -octadrachm -octaemeron -octaeteric -octaeterid -octagon -octagonal -octagonally -octahedral -octahedric -octahedrical -octahedrite -octahedroid -octahedron -octahedrous -octahydrate -octahydrated -octakishexahedron -octamerism -octamerous -octameter -octan -octanaphthene -Octandria -octandrian -octandrious -octane -octangle -octangular -octangularness -Octans -octant -octantal -octapla -octaploid -octaploidic -octaploidy -octapodic -octapody -octarch -octarchy -octarius -octarticulate -octary -octasemic -octastich -octastichon -octastrophic -octastyle -octastylos -octateuch -octaval -octavalent -octavarium -octave -Octavia -Octavian -octavic -octavina -Octavius -octavo -octenary -octene -octennial -octennially -octet -octic -octillion -octillionth -octine -octingentenary -octoad -octoalloy -octoate -octobass -October -octobrachiate -Octobrist -octocentenary -octocentennial -octochord -Octocoralla -octocorallan -Octocorallia -octocoralline -octocotyloid -octodactyl -octodactyle -octodactylous -octodecimal -octodecimo -octodentate -octodianome -Octodon -octodont -Octodontidae -Octodontinae -octoechos -octofid -octofoil -octofoiled -octogamy -octogenarian -octogenarianism -octogenary -octogild -octoglot -Octogynia -octogynian -octogynious -octogynous -octoic -octoid -octolateral -octolocular -octomeral -octomerous -octometer -octonal -octonare -octonarian -octonarius -octonary -octonematous -octonion -octonocular -octoon -octopartite -octopean -octoped -octopede -octopetalous -octophthalmous -octophyllous -octopi -octopine -octoploid -octoploidic -octoploidy -octopod -Octopoda -octopodan -octopodes -octopodous -octopolar -octopus -octoradial -octoradiate -octoradiated -octoreme -octoroon -octose -octosepalous -octospermous -octospore -octosporous -octostichous -octosyllabic -octosyllable -octovalent -octoyl -octroi -octroy -octuor -octuple -octuplet -octuplex -octuplicate -octuplication -octuply -octyl -octylene -octyne -ocuby -ocular -ocularist -ocularly -oculary -oculate -oculated -oculauditory -oculiferous -oculiform -oculigerous -Oculina -oculinid -Oculinidae -oculinoid -oculist -oculistic -oculocephalic -oculofacial -oculofrontal -oculomotor -oculomotory -oculonasal -oculopalpebral -oculopupillary -oculospinal -oculozygomatic -oculus -ocydrome -ocydromine -Ocydromus -Ocypete -Ocypoda -ocypodan -Ocypode -ocypodian -Ocypodidae -ocypodoid -Ocyroe -Ocyroidae -Od -od -oda -Odacidae -odacoid -odal -odalborn -odalisk -odalisque -odaller -odalman -odalwoman -Odax -odd -oddish -oddity -oddlegs -oddly -oddman -oddment -oddments -oddness -Odds -odds -Oddsbud -oddsman -ode -odel -odelet -Odelsthing -Odelsting -odeon -odeum -odic -odically -Odin -Odinian -Odinic -Odinism -Odinist -odinite -Odinitic -odiometer -odious -odiously -odiousness -odist -odium -odiumproof -Odobenidae -Odobenus -Odocoileus -odograph -odology -odometer -odometrical -odometry -Odonata -odontagra -odontalgia -odontalgic -Odontaspidae -Odontaspididae -Odontaspis -odontatrophia -odontatrophy -odontexesis -odontiasis -odontic -odontist -odontitis -odontoblast -odontoblastic -odontocele -Odontocete -odontocete -Odontoceti -odontocetous -odontochirurgic -odontoclasis -odontoclast -odontodynia -odontogen -odontogenesis -odontogenic -odontogeny -Odontoglossae -odontoglossal -odontoglossate -Odontoglossum -Odontognathae -odontognathic -odontognathous -odontograph -odontographic -odontography -odontohyperesthesia -odontoid -Odontolcae -odontolcate -odontolcous -odontolite -odontolith -odontological -odontologist -odontology -odontoloxia -odontoma -odontomous -odontonecrosis -odontoneuralgia -odontonosology -odontopathy -odontophoral -odontophore -Odontophoridae -Odontophorinae -odontophorine -odontophorous -Odontophorus -odontoplast -odontoplerosis -Odontopteris -Odontopteryx -odontorhynchous -Odontormae -Odontornithes -odontornithic -odontorrhagia -odontorthosis -odontoschism -odontoscope -odontosis -odontostomatous -odontostomous -Odontosyllis -odontotechny -odontotherapia -odontotherapy -odontotomy -Odontotormae -odontotripsis -odontotrypy -odoom -odophone -odor -odorant -odorate -odorator -odored -odorful -odoriferant -odoriferosity -odoriferous -odoriferously -odoriferousness -odorific -odorimeter -odorimetry -odoriphore -odorivector -odorize -odorless -odorometer -odorosity -odorous -odorously -odorousness -odorproof -Odostemon -Ods -odso -odum -odyl -odylic -odylism -odylist -odylization -odylize -Odynerus -Odyssean -Odyssey -Odz -Odzookers -Odzooks -oe -Oecanthus -oecist -oecodomic -oecodomical -oecoparasite -oecoparasitism -oecophobia -oecumenian -oecumenic -oecumenical -oecumenicalism -oecumenicity -oecus -oedemerid -Oedemeridae -oedicnemine -Oedicnemus -Oedipal -Oedipean -Oedipus -Oedogoniaceae -oedogoniaceous -Oedogoniales -Oedogonium -oenanthaldehyde -oenanthate -Oenanthe -oenanthic -oenanthol -oenanthole -oenanthyl -oenanthylate -oenanthylic -oenin -Oenocarpus -oenochoe -oenocyte -oenocytic -oenolin -oenological -oenologist -oenology -oenomancy -Oenomaus -oenomel -oenometer -oenophilist -oenophobist -oenopoetic -Oenothera -Oenotheraceae -oenotheraceous -Oenotrian -oer -oersted -oes -oesophageal -oesophagi -oesophagismus -oesophagostomiasis -Oesophagostomum -oesophagus -oestradiol -Oestrelata -oestrian -oestriasis -oestrid -Oestridae -oestrin -oestriol -oestroid -oestrous -oestrual -oestruate -oestruation -oestrum -oestrus -of -Ofer -off -offal -offaling -offbeat -offcast -offcome -offcut -offend -offendable -offendant -offended -offendedly -offendedness -offender -offendible -offendress -offense -offenseful -offenseless -offenselessly -offenseproof -offensible -offensive -offensively -offensiveness -offer -offerable -offeree -offerer -offering -offeror -offertorial -offertory -offgoing -offgrade -offhand -offhanded -offhandedly -offhandedness -office -officeholder -officeless -officer -officerage -officeress -officerhood -officerial -officerism -officerless -officership -official -officialdom -officialese -officialism -officiality -officialization -officialize -officially -officialty -officiant -officiary -officiate -officiation -officiator -officinal -officinally -officious -officiously -officiousness -offing -offish -offishly -offishness -offlet -offlook -offprint -offsaddle -offscape -offscour -offscourer -offscouring -offscum -offset -offshoot -offshore -offsider -offspring -offtake -offtype -offuscate -offuscation -offward -offwards -oflete -Ofo -oft -often -oftenness -oftens -oftentime -oftentimes -ofter -oftest -oftly -oftness -ofttime -ofttimes -oftwhiles -Og -ogaire -Ogallala -ogam -ogamic -Ogboni -Ogcocephalidae -Ogcocephalus -ogdoad -ogdoas -ogee -ogeed -ogganition -ogham -oghamic -Oghuz -ogival -ogive -ogived -Oglala -ogle -ogler -ogmic -Ogor -Ogpu -ogre -ogreish -ogreishly -ogreism -ogress -ogrish -ogrism -ogtiern -ogum -Ogygia -Ogygian -oh -ohelo -ohia -Ohio -Ohioan -ohm -ohmage -ohmic -ohmmeter -oho -ohoy -oidioid -oidiomycosis -oidiomycotic -Oidium -oii -oikology -oikoplast -oil -oilberry -oilbird -oilcan -oilcloth -oilcoat -oilcup -oildom -oiled -oiler -oilery -oilfish -oilhole -oilily -oiliness -oilless -oillessness -oillet -oillike -oilman -oilmonger -oilmongery -oilometer -oilpaper -oilproof -oilproofing -oilseed -oilskin -oilskinned -oilstock -oilstone -oilstove -oiltight -oiltightness -oilway -oily -oilyish -oime -oinochoe -oinology -oinomancy -oinomania -oinomel -oint -ointment -Oireachtas -oisin -oisivity -oitava -oiticica -Ojibwa -Ojibway -Ok -oka -okapi -Okapia -okee -okenite -oket -oki -okia -Okie -Okinagan -Oklafalaya -Oklahannali -Oklahoma -Oklahoman -okoniosis -okonite -okra -okrug -okshoofd -okthabah -Okuari -okupukupu -Olacaceae -olacaceous -Olaf -olam -olamic -Olax -Olcha -Olchi -Old -old -olden -Oldenburg -older -oldermost -oldfangled -oldfangledness -Oldfieldia -Oldhamia -oldhamite -oldhearted -oldish -oldland -oldness -oldster -oldwife -Ole -Olea -Oleaceae -oleaceous -Oleacina -Oleacinidae -oleaginous -oleaginousness -oleana -oleander -oleandrin -Olearia -olease -oleaster -oleate -olecranal -olecranarthritis -olecranial -olecranian -olecranoid -olecranon -olefiant -olefin -olefine -olefinic -Oleg -oleic -oleiferous -olein -olena -olenellidian -Olenellus -olenid -Olenidae -olenidian -olent -Olenus -oleo -oleocalcareous -oleocellosis -oleocyst -oleoduct -oleograph -oleographer -oleographic -oleography -oleomargaric -oleomargarine -oleometer -oleoptene -oleorefractometer -oleoresin -oleoresinous -oleosaccharum -oleose -oleosity -oleostearate -oleostearin -oleothorax -oleous -Oleraceae -oleraceous -olericultural -olericulturally -olericulture -Oleron -Olethreutes -olethreutid -Olethreutidae -olfact -olfactible -olfaction -olfactive -olfactology -olfactometer -olfactometric -olfactometry -olfactor -olfactorily -olfactory -olfacty -Olga -oliban -olibanum -olid -oligacanthous -oligaemia -oligandrous -oliganthous -oligarch -oligarchal -oligarchic -oligarchical -oligarchically -oligarchism -oligarchist -oligarchize -oligarchy -oligemia -oligidria -oligist -oligistic -oligistical -oligocarpous -Oligocene -Oligochaeta -oligochaete -oligochaetous -oligochete -oligocholia -oligochrome -oligochromemia -oligochronometer -oligochylia -oligoclase -oligoclasite -oligocystic -oligocythemia -oligocythemic -oligodactylia -oligodendroglia -oligodendroglioma -oligodipsia -oligodontous -oligodynamic -oligogalactia -oligohemia -oligohydramnios -oligolactia -oligomenorrhea -oligomerous -oligomery -oligometochia -oligometochic -Oligomyodae -oligomyodian -oligomyoid -Oligonephria -oligonephric -oligonephrous -oligonite -oligopepsia -oligopetalous -oligophagous -oligophosphaturia -oligophrenia -oligophrenic -oligophyllous -oligoplasmia -oligopnea -oligopolistic -oligopoly -oligoprothesy -oligoprothetic -oligopsonistic -oligopsony -oligopsychia -oligopyrene -oligorhizous -oligosepalous -oligosialia -oligosideric -oligosiderite -oligosite -oligospermia -oligospermous -oligostemonous -oligosyllabic -oligosyllable -oligosynthetic -oligotokous -oligotrichia -oligotrophic -oligotrophy -oligotropic -oliguresis -oliguretic -oliguria -Olinia -Oliniaceae -oliniaceous -olio -oliphant -oliprance -olitory -Oliva -oliva -olivaceous -olivary -Olive -olive -Olivean -olived -Olivella -oliveness -olivenite -Oliver -Oliverian -oliverman -oliversmith -olivescent -olivet -Olivetan -Olivette -olivewood -Olivia -Olividae -Olivier -oliviferous -oliviform -olivil -olivile -olivilin -olivine -olivinefels -olivinic -olivinite -olivinitic -olla -ollamh -ollapod -ollenite -Ollie -ollock -olm -Olneya -Olof -ological -ologist -ologistic -ology -olomao -olona -Olonets -Olonetsian -Olonetsish -Olor -oloroso -olpe -Olpidiaster -Olpidium -Olson -oltonde -oltunna -olycook -olykoek -Olympia -Olympiad -Olympiadic -Olympian -Olympianism -Olympianize -Olympianly -Olympianwise -Olympic -Olympicly -Olympicness -Olympieion -Olympionic -Olympus -Olynthiac -Olynthian -Olynthus -om -omadhaun -omagra -Omagua -Omaha -omalgia -Oman -Omani -omao -Omar -omarthritis -omasitis -omasum -omber -ombrette -ombrifuge -ombrograph -ombrological -ombrology -ombrometer -ombrophile -ombrophilic -ombrophilous -ombrophily -ombrophobe -ombrophobous -ombrophoby -ombrophyte -ombudsman -ombudsmanship -omega -omegoid -omelet -omelette -omen -omened -omenology -omental -omentectomy -omentitis -omentocele -omentofixation -omentopexy -omentoplasty -omentorrhaphy -omentosplenopexy -omentotomy -omentulum -omentum -omer -omicron -omina -ominous -ominously -ominousness -omissible -omission -omissive -omissively -omit -omitis -omittable -omitter -omlah -Ommastrephes -Ommastrephidae -ommateal -ommateum -ommatidial -ommatidium -ommatophore -ommatophorous -Ommiad -Ommiades -omneity -omniactive -omniactuality -omniana -omniarch -omnibenevolence -omnibenevolent -omnibus -omnibusman -omnicausality -omnicompetence -omnicompetent -omnicorporeal -omnicredulity -omnicredulous -omnidenominational -omnierudite -omniessence -omnifacial -omnifarious -omnifariously -omnifariousness -omniferous -omnific -omnificent -omnifidel -omniform -omniformal -omniformity -omnify -omnigenous -omnigerent -omnigraph -omnihuman -omnihumanity -omnilegent -omnilingual -omniloquent -omnilucent -omnimental -omnimeter -omnimode -omnimodous -omninescience -omninescient -omniparent -omniparient -omniparity -omniparous -omnipatient -omnipercipience -omnipercipiency -omnipercipient -omniperfect -omnipotence -omnipotency -omnipotent -omnipotentiality -omnipotently -omnipregnant -omnipresence -omnipresent -omnipresently -omniprevalence -omniprevalent -omniproduction -omniprudent -omnirange -omniregency -omnirepresentative -omnirepresentativeness -omnirevealing -omniscience -omnisciency -omniscient -omnisciently -omniscope -omniscribent -omniscriptive -omnisentience -omnisentient -omnisignificance -omnisignificant -omnispective -omnist -omnisufficiency -omnisufficient -omnitemporal -omnitenent -omnitolerant -omnitonal -omnitonality -omnitonic -omnitude -omnium -omnivagant -omnivalence -omnivalent -omnivalous -omnivarious -omnividence -omnivident -omnivision -omnivolent -Omnivora -omnivoracious -omnivoracity -omnivorant -omnivore -omnivorous -omnivorously -omnivorousness -omodynia -omohyoid -omoideum -omophagia -omophagist -omophagous -omophagy -omophorion -omoplate -omoplatoscopy -omostegite -omosternal -omosternum -omphacine -omphacite -omphalectomy -omphalic -omphalism -omphalitis -omphalocele -omphalode -omphalodium -omphalogenous -omphaloid -omphaloma -omphalomesaraic -omphalomesenteric -omphaloncus -omphalopagus -omphalophlebitis -omphalopsychic -omphalopsychite -omphalorrhagia -omphalorrhea -omphalorrhexis -omphalos -omphalosite -omphaloskepsis -omphalospinous -omphalotomy -omphalotripsy -omphalus -on -Ona -ona -onager -Onagra -onagra -Onagraceae -onagraceous -Onan -onanism -onanist -onanistic -onca -once -oncetta -Onchidiidae -Onchidium -Onchocerca -onchocerciasis -onchocercosis -oncia -Oncidium -oncin -oncograph -oncography -oncologic -oncological -oncology -oncome -oncometer -oncometric -oncometry -oncoming -Oncorhynchus -oncosimeter -oncosis -oncosphere -oncost -oncostman -oncotomy -ondagram -ondagraph -ondameter -ondascope -ondatra -ondine -ondogram -ondograph -ondometer -ondoscope -ondy -one -oneanother -oneberry -onefold -onefoldness -onegite -onehearted -onehow -Oneida -oneiric -oneirocrit -oneirocritic -oneirocritical -oneirocritically -oneirocriticism -oneirocritics -oneirodynia -oneirologist -oneirology -oneiromancer -oneiromancy -oneiroscopic -oneiroscopist -oneiroscopy -oneirotic -oneism -onement -oneness -oner -onerary -onerative -onerosity -onerous -onerously -onerousness -onery -oneself -onesigned -onetime -onewhere -oneyer -onfall -onflemed -onflow -onflowing -ongaro -ongoing -onhanger -onicolo -oniomania -oniomaniac -onion -onionet -onionized -onionlike -onionpeel -onionskin -oniony -onirotic -Oniscidae -onisciform -oniscoid -Oniscoidea -oniscoidean -Oniscus -onium -onkilonite -onkos -onlay -onlepy -onliest -onliness -onlook -onlooker -onlooking -only -onmarch -Onmun -Onobrychis -onocentaur -Onoclea -onofrite -Onohippidium -onolatry -onomancy -onomantia -onomastic -onomasticon -onomatologist -onomatology -onomatomania -onomatope -onomatoplasm -onomatopoeia -onomatopoeial -onomatopoeian -onomatopoeic -onomatopoeical -onomatopoeically -onomatopoesis -onomatopoesy -onomatopoetic -onomatopoetically -onomatopy -onomatous -onomomancy -Onondaga -Onondagan -Ononis -Onopordon -Onosmodium -onrush -onrushing -ons -onset -onsetter -onshore -onside -onsight -onslaught -onstand -onstanding -onstead -onsweep -onsweeping -ontal -Ontarian -Ontaric -onto -ontocycle -ontocyclic -ontogenal -ontogenesis -ontogenetic -ontogenetical -ontogenetically -ontogenic -ontogenically -ontogenist -ontogeny -ontography -ontologic -ontological -ontologically -ontologism -ontologist -ontologistic -ontologize -ontology -ontosophy -onus -onwaiting -onward -onwardly -onwardness -onwards -onycha -onychatrophia -onychauxis -onychia -onychin -onychitis -onychium -onychogryposis -onychoid -onycholysis -onychomalacia -onychomancy -onychomycosis -onychonosus -onychopathic -onychopathology -onychopathy -onychophagist -onychophagy -Onychophora -onychophoran -onychophorous -onychophyma -onychoptosis -onychorrhexis -onychoschizia -onychosis -onychotrophy -onym -onymal -onymancy -onymatic -onymity -onymize -onymous -onymy -onyx -onyxis -onyxitis -onza -ooangium -ooblast -ooblastic -oocyesis -oocyst -Oocystaceae -oocystaceous -oocystic -Oocystis -oocyte -oodles -ooecial -ooecium -oofbird -ooftish -oofy -oogamete -oogamous -oogamy -oogenesis -oogenetic -oogeny -ooglea -oogone -oogonial -oogoniophore -oogonium -oograph -ooid -ooidal -ookinesis -ookinete -ookinetic -oolak -oolemma -oolite -oolitic -oolly -oologic -oological -oologically -oologist -oologize -oology -oolong -oomancy -oomantia -oometer -oometric -oometry -oomycete -Oomycetes -oomycetous -oons -oont -oopak -oophoralgia -oophorauxe -oophore -oophorectomy -oophoreocele -oophorhysterectomy -oophoric -oophoridium -oophoritis -oophoroepilepsy -oophoroma -oophoromalacia -oophoromania -oophoron -oophoropexy -oophororrhaphy -oophorosalpingectomy -oophorostomy -oophorotomy -oophyte -oophytic -ooplasm -ooplasmic -ooplast -oopod -oopodal -ooporphyrin -oorali -oord -ooscope -ooscopy -oosperm -oosphere -oosporange -oosporangium -oospore -Oosporeae -oosporic -oosporiferous -oosporous -oostegite -oostegitic -ootheca -oothecal -ootid -ootocoid -Ootocoidea -ootocoidean -ootocous -ootype -ooze -oozily -ooziness -oozooid -oozy -opacate -opacification -opacifier -opacify -opacite -opacity -opacous -opacousness -opah -opal -opaled -opalesce -opalescence -opalescent -opalesque -Opalina -opaline -opalinid -Opalinidae -opalinine -opalish -opalize -opaloid -opaque -opaquely -opaqueness -Opata -opdalite -ope -Opegrapha -opeidoscope -opelet -open -openable -openband -openbeak -openbill -opencast -opener -openhanded -openhandedly -openhandedness -openhead -openhearted -openheartedly -openheartedness -opening -openly -openmouthed -openmouthedly -openmouthedness -openness -openside -openwork -opera -operability -operabily -operable -operae -operagoer -operalogue -operameter -operance -operancy -operand -operant -operatable -operate -operatee -operatic -operatical -operatically -operating -operation -operational -operationalism -operationalist -operationism -operationist -operative -operatively -operativeness -operativity -operatize -operator -operatory -operatrix -opercle -opercled -opercula -opercular -Operculata -operculate -operculated -operculiferous -operculiform -operculigenous -operculigerous -operculum -operetta -operette -operettist -operose -operosely -operoseness -operosity -Ophelia -ophelimity -Ophian -ophiasis -ophic -ophicalcite -Ophicephalidae -ophicephaloid -Ophicephalus -Ophichthyidae -ophichthyoid -ophicleide -ophicleidean -ophicleidist -Ophidia -ophidian -Ophidiidae -Ophidiobatrachia -ophidioid -Ophidion -ophidiophobia -ophidious -ophidologist -ophidology -Ophiobatrachia -Ophiobolus -Ophioglossaceae -ophioglossaceous -Ophioglossales -Ophioglossum -ophiography -ophioid -ophiolater -ophiolatrous -ophiolatry -ophiolite -ophiolitic -ophiologic -ophiological -ophiologist -ophiology -ophiomancy -ophiomorph -Ophiomorpha -ophiomorphic -ophiomorphous -Ophion -ophionid -Ophioninae -ophionine -ophiophagous -ophiophilism -ophiophilist -ophiophobe -ophiophobia -ophiophoby -ophiopluteus -Ophiosaurus -ophiostaphyle -ophiouride -Ophis -Ophisaurus -Ophism -Ophite -ophite -Ophitic -ophitic -Ophitism -Ophiuchid -Ophiuchus -ophiuran -ophiurid -Ophiurida -ophiuroid -Ophiuroidea -ophiuroidean -ophryon -Ophrys -ophthalaiater -ophthalmagra -ophthalmalgia -ophthalmalgic -ophthalmatrophia -ophthalmectomy -ophthalmencephalon -ophthalmetrical -ophthalmia -ophthalmiac -ophthalmiatrics -ophthalmic -ophthalmious -ophthalmist -ophthalmite -ophthalmitic -ophthalmitis -ophthalmoblennorrhea -ophthalmocarcinoma -ophthalmocele -ophthalmocopia -ophthalmodiagnosis -ophthalmodiastimeter -ophthalmodynamometer -ophthalmodynia -ophthalmography -ophthalmoleucoscope -ophthalmolith -ophthalmologic -ophthalmological -ophthalmologist -ophthalmology -ophthalmomalacia -ophthalmometer -ophthalmometric -ophthalmometry -ophthalmomycosis -ophthalmomyositis -ophthalmomyotomy -ophthalmoneuritis -ophthalmopathy -ophthalmophlebotomy -ophthalmophore -ophthalmophorous -ophthalmophthisis -ophthalmoplasty -ophthalmoplegia -ophthalmoplegic -ophthalmopod -ophthalmoptosis -ophthalmorrhagia -ophthalmorrhea -ophthalmorrhexis -Ophthalmosaurus -ophthalmoscope -ophthalmoscopic -ophthalmoscopical -ophthalmoscopist -ophthalmoscopy -ophthalmostasis -ophthalmostat -ophthalmostatometer -ophthalmothermometer -ophthalmotomy -ophthalmotonometer -ophthalmotonometry -ophthalmotrope -ophthalmotropometer -ophthalmy -opianic -opianyl -opiate -opiateproof -opiatic -Opiconsivia -opificer -opiism -Opilia -Opiliaceae -opiliaceous -Opiliones -Opilionina -opilionine -Opilonea -Opimian -opinability -opinable -opinably -opinant -opination -opinative -opinatively -opinator -opine -opiner -opiniaster -opiniastre -opiniastrety -opiniastrous -opiniater -opiniative -opiniatively -opiniativeness -opiniatreness -opiniatrety -opinion -opinionable -opinionaire -opinional -opinionate -opinionated -opinionatedly -opinionatedness -opinionately -opinionative -opinionatively -opinionativeness -opinioned -opinionedness -opinionist -opiomania -opiomaniac -opiophagism -opiophagy -opiparous -opisometer -opisthenar -opisthion -opisthobranch -Opisthobranchia -opisthobranchiate -Opisthocoelia -opisthocoelian -opisthocoelous -opisthocome -Opisthocomi -Opisthocomidae -opisthocomine -opisthocomous -opisthodetic -opisthodome -opisthodomos -opisthodomus -opisthodont -opisthogastric -Opisthoglossa -opisthoglossal -opisthoglossate -opisthoglyph -Opisthoglypha -opisthoglyphic -opisthoglyphous -Opisthognathidae -opisthognathism -opisthognathous -opisthograph -opisthographal -opisthographic -opisthographical -opisthography -opisthogyrate -opisthogyrous -Opisthoparia -opisthoparian -opisthophagic -opisthoporeia -opisthorchiasis -Opisthorchis -opisthosomal -Opisthothelae -opisthotic -opisthotonic -opisthotonoid -opisthotonos -opisthotonus -opium -opiumism -opobalsam -opodeldoc -opodidymus -opodymus -opopanax -Oporto -opossum -opotherapy -Oppian -oppidan -oppilate -oppilation -oppilative -opponency -opponent -opportune -opportuneless -opportunely -opportuneness -opportunism -opportunist -opportunistic -opportunistically -opportunity -opposability -opposable -oppose -opposed -opposeless -opposer -opposing -opposingly -opposit -opposite -oppositely -oppositeness -oppositiflorous -oppositifolious -opposition -oppositional -oppositionary -oppositionism -oppositionist -oppositionless -oppositious -oppositipetalous -oppositipinnate -oppositipolar -oppositisepalous -oppositive -oppositively -oppositiveness -opposure -oppress -oppressed -oppressible -oppression -oppressionist -oppressive -oppressively -oppressiveness -oppressor -opprobriate -opprobrious -opprobriously -opprobriousness -opprobrium -opprobry -oppugn -oppugnacy -oppugnance -oppugnancy -oppugnant -oppugnate -oppugnation -oppugner -opsigamy -opsimath -opsimathy -opsiometer -opsisform -opsistype -opsonic -opsoniferous -opsonification -opsonify -opsonin -opsonist -opsonium -opsonization -opsonize -opsonogen -opsonoid -opsonology -opsonometry -opsonophilia -opsonophilic -opsonophoric -opsonotherapy -opsy -opt -optable -optableness -optably -optant -optate -optation -optative -optatively -opthalmophorium -opthalmoplegy -opthalmothermometer -optic -optical -optically -optician -opticist -opticity -opticochemical -opticociliary -opticon -opticopapillary -opticopupillary -optics -optigraph -optimacy -optimal -optimate -optimates -optime -optimism -optimist -optimistic -optimistical -optimistically -optimity -optimization -optimize -optimum -option -optional -optionality -optionalize -optionally -optionary -optionee -optionor -optive -optoblast -optogram -optography -optological -optologist -optology -optomeninx -optometer -optometrical -optometrist -optometry -optophone -optotechnics -optotype -Opulaster -opulence -opulency -opulent -opulently -opulus -Opuntia -Opuntiaceae -Opuntiales -opuntioid -opus -opuscular -opuscule -opusculum -oquassa -or -ora -orabassu -orach -oracle -oracular -oracularity -oracularly -oracularness -oraculate -oraculous -oraculously -oraculousness -oraculum -orad -orage -oragious -Orakzai -oral -oraler -oralism -oralist -orality -oralization -oralize -orally -oralogist -oralogy -Orang -orang -orange -orangeade -orangebird -Orangeism -Orangeist -orangeleaf -Orangeman -orangeman -oranger -orangeroot -orangery -orangewoman -orangewood -orangey -orangism -orangist -orangite -orangize -orangutan -orant -Oraon -orarian -orarion -orarium -orary -orate -oration -orational -orationer -orator -oratorial -oratorially -Oratorian -oratorian -Oratorianism -Oratorianize -oratoric -oratorical -oratorically -oratorio -oratorize -oratorlike -oratorship -oratory -oratress -oratrix -orb -orbed -orbic -orbical -Orbicella -orbicle -orbicular -orbicularis -orbicularity -orbicularly -orbicularness -orbiculate -orbiculated -orbiculately -orbiculation -orbiculatocordate -orbiculatoelliptical -Orbiculoidea -orbific -Orbilian -Orbilius -orbit -orbital -orbitale -orbitar -orbitary -orbite -orbitelar -Orbitelariae -orbitelarian -orbitele -orbitelous -orbitofrontal -Orbitoides -Orbitolina -orbitolite -Orbitolites -orbitomalar -orbitomaxillary -orbitonasal -orbitopalpebral -orbitosphenoid -orbitosphenoidal -orbitostat -orbitotomy -orbitozygomatic -orbless -orblet -Orbulina -orby -orc -Orca -Orcadian -orcanet -orcein -orchamus -orchard -orcharding -orchardist -orchardman -orchat -orchel -orchella -orchesis -orchesography -orchester -Orchestia -orchestian -orchestic -orchestiid -Orchestiidae -orchestra -orchestral -orchestraless -orchestrally -orchestrate -orchestrater -orchestration -orchestrator -orchestre -orchestric -orchestrina -orchestrion -orchialgia -orchic -orchichorea -orchid -Orchidaceae -orchidacean -orchidaceous -Orchidales -orchidalgia -orchidectomy -orchideous -orchideously -orchidist -orchiditis -orchidocele -orchidocelioplasty -orchidologist -orchidology -orchidomania -orchidopexy -orchidoplasty -orchidoptosis -orchidorrhaphy -orchidotherapy -orchidotomy -orchiectomy -orchiencephaloma -orchiepididymitis -orchil -orchilla -orchilytic -orchiocatabasis -orchiocele -orchiodynia -orchiomyeloma -orchioncus -orchioneuralgia -orchiopexy -orchioplasty -orchiorrhaphy -orchioscheocele -orchioscirrhus -orchiotomy -Orchis -orchitic -orchitis -orchotomy -orcin -orcinol -Orcinus -ordain -ordainable -ordainer -ordainment -ordanchite -ordeal -order -orderable -ordered -orderedness -orderer -orderless -orderliness -orderly -ordinable -ordinal -ordinally -ordinance -ordinand -ordinant -ordinar -ordinarily -ordinariness -ordinarius -ordinary -ordinaryship -ordinate -ordinately -ordination -ordinative -ordinatomaculate -ordinator -ordinee -ordines -ordnance -ordonnance -ordonnant -ordosite -Ordovian -Ordovices -Ordovician -ordu -ordure -ordurous -ore -oread -Oreamnos -Oreas -orecchion -orectic -orective -oreillet -orellin -oreman -orenda -orendite -Oreocarya -Oreodon -oreodont -Oreodontidae -oreodontine -oreodontoid -Oreodoxa -Oreophasinae -oreophasine -Oreophasis -Oreortyx -oreotragine -Oreotragus -Oreotrochilus -Orestean -Oresteia -oreweed -orewood -orexis -orf -orfgild -organ -organal -organbird -organdy -organella -organelle -organer -organette -organic -organical -organically -organicalness -organicism -organicismal -organicist -organicistic -organicity -organific -organing -organism -organismal -organismic -organist -organistic -organistrum -organistship -organity -organizability -organizable -organization -organizational -organizationally -organizationist -organizatory -organize -organized -organizer -organless -organoantimony -organoarsenic -organobismuth -organoboron -organochordium -organogel -organogen -organogenesis -organogenetic -organogenic -organogenist -organogeny -organogold -organographic -organographical -organographist -organography -organoid -organoiron -organolead -organoleptic -organolithium -organologic -organological -organologist -organology -organomagnesium -organomercury -organometallic -organon -organonomic -organonomy -organonym -organonymal -organonymic -organonymy -organopathy -organophil -organophile -organophilic -organophone -organophonic -organophyly -organoplastic -organoscopy -organosilicon -organosilver -organosodium -organosol -organotherapy -organotin -organotrophic -organotropic -organotropically -organotropism -organotropy -organozinc -organry -organule -organum -organzine -orgasm -orgasmic -orgastic -orgeat -orgia -orgiac -orgiacs -orgiasm -orgiast -orgiastic -orgiastical -orgic -orgue -orguinette -orgulous -orgulously -orgy -orgyia -Orias -Oribatidae -oribi -orichalceous -orichalch -orichalcum -oriconic -oricycle -oriel -oriency -orient -Oriental -oriental -Orientalia -orientalism -orientalist -orientality -orientalization -orientalize -orientally -Orientalogy -orientate -orientation -orientative -orientator -orientite -orientization -orientize -oriently -orientness -orifacial -orifice -orificial -oriflamb -oriflamme -oriform -origan -origanized -Origanum -Origenian -Origenic -Origenical -Origenism -Origenist -Origenistic -Origenize -origin -originable -original -originalist -originality -originally -originalness -originant -originarily -originary -originate -origination -originative -originatively -originator -originatress -originist -orignal -orihon -orihyperbola -orillion -orillon -orinasal -orinasality -oriole -Oriolidae -Oriolus -Orion -Oriskanian -orismologic -orismological -orismology -orison -orisphere -oristic -Oriya -Orkhon -Orkneyan -Orlando -orle -orlean -Orleanism -Orleanist -Orleanistic -Orleans -orlet -orleways -orlewise -orlo -orlop -Ormazd -ormer -ormolu -Ormond -orna -ornament -ornamental -ornamentalism -ornamentalist -ornamentality -ornamentalize -ornamentally -ornamentary -ornamentation -ornamenter -ornamentist -ornate -ornately -ornateness -ornation -ornature -orneriness -ornery -ornis -orniscopic -orniscopist -orniscopy -ornithic -ornithichnite -ornithine -Ornithischia -ornithischian -ornithivorous -ornithobiographical -ornithobiography -ornithocephalic -Ornithocephalidae -ornithocephalous -Ornithocephalus -ornithocoprolite -ornithocopros -ornithodelph -Ornithodelphia -ornithodelphian -ornithodelphic -ornithodelphous -Ornithodoros -Ornithogaea -Ornithogaean -Ornithogalum -ornithogeographic -ornithogeographical -ornithography -ornithoid -Ornitholestes -ornitholite -ornitholitic -ornithologic -ornithological -ornithologically -ornithologist -ornithology -ornithomancy -ornithomantia -ornithomantic -ornithomantist -Ornithomimidae -Ornithomimus -ornithomorph -ornithomorphic -ornithomyzous -ornithon -Ornithopappi -ornithophile -ornithophilist -ornithophilite -ornithophilous -ornithophily -ornithopod -Ornithopoda -ornithopter -Ornithoptera -Ornithopteris -Ornithorhynchidae -ornithorhynchous -Ornithorhynchus -ornithosaur -Ornithosauria -ornithosaurian -Ornithoscelida -ornithoscelidan -ornithoscopic -ornithoscopist -ornithoscopy -ornithosis -ornithotomical -ornithotomist -ornithotomy -ornithotrophy -Ornithurae -ornithuric -ornithurous -ornoite -oroanal -Orobanchaceae -orobanchaceous -Orobanche -orobancheous -orobathymetric -Orobatoidea -Orochon -orocratic -orodiagnosis -orogen -orogenesis -orogenesy -orogenetic -orogenic -orogeny -orograph -orographic -orographical -orographically -orography -oroheliograph -Orohippus -orohydrographic -orohydrographical -orohydrography -oroide -orolingual -orological -orologist -orology -orometer -orometric -orometry -Oromo -oronasal -oronoco -Orontium -oropharyngeal -oropharynx -orotherapy -Orotinan -orotund -orotundity -orphan -orphancy -orphandom -orphange -orphanhood -orphanism -orphanize -orphanry -orphanship -orpharion -Orphean -Orpheist -orpheon -orpheonist -orpheum -Orpheus -Orphic -Orphical -Orphically -Orphicism -Orphism -Orphize -orphrey -orphreyed -orpiment -orpine -Orpington -orrery -orrhoid -orrhology -orrhotherapy -orris -orrisroot -orseille -orseilline -orsel -orselle -orseller -orsellic -orsellinate -orsellinic -Orson -ort -ortalid -Ortalidae -ortalidian -Ortalis -ortet -Orthagoriscus -orthal -orthantimonic -Ortheris -orthian -orthic -orthicon -orthid -Orthidae -Orthis -orthite -orthitic -ortho -orthoarsenite -orthoaxis -orthobenzoquinone -orthobiosis -orthoborate -orthobrachycephalic -orthocarbonic -orthocarpous -Orthocarpus -orthocenter -orthocentric -orthocephalic -orthocephalous -orthocephaly -orthoceracone -Orthoceran -Orthoceras -Orthoceratidae -orthoceratite -orthoceratitic -orthoceratoid -orthochlorite -orthochromatic -orthochromatize -orthoclase -orthoclasite -orthoclastic -orthocoumaric -orthocresol -orthocymene -orthodiaene -orthodiagonal -orthodiagram -orthodiagraph -orthodiagraphic -orthodiagraphy -orthodiazin -orthodiazine -orthodolichocephalic -orthodomatic -orthodome -orthodontia -orthodontic -orthodontics -orthodontist -orthodox -orthodoxal -orthodoxality -orthodoxally -orthodoxian -orthodoxical -orthodoxically -orthodoxism -orthodoxist -orthodoxly -orthodoxness -orthodoxy -orthodromic -orthodromics -orthodromy -orthoepic -orthoepical -orthoepically -orthoepist -orthoepistic -orthoepy -orthoformic -orthogamous -orthogamy -orthogenesis -orthogenetic -orthogenic -orthognathic -orthognathism -orthognathous -orthognathus -orthognathy -orthogneiss -orthogonal -orthogonality -orthogonally -orthogonial -orthograde -orthogranite -orthograph -orthographer -orthographic -orthographical -orthographically -orthographist -orthographize -orthography -orthohydrogen -orthologer -orthologian -orthological -orthology -orthometopic -orthometric -orthometry -Orthonectida -orthonitroaniline -orthopath -orthopathic -orthopathically -orthopathy -orthopedia -orthopedic -orthopedical -orthopedically -orthopedics -orthopedist -orthopedy -orthophenylene -orthophonic -orthophony -orthophoria -orthophoric -orthophosphate -orthophosphoric -orthophyre -orthophyric -orthopinacoid -orthopinacoidal -orthoplastic -orthoplasy -orthoplumbate -orthopnea -orthopneic -orthopod -Orthopoda -orthopraxis -orthopraxy -orthoprism -orthopsychiatric -orthopsychiatrical -orthopsychiatrist -orthopsychiatry -orthopter -Orthoptera -orthopteral -orthopteran -orthopterist -orthopteroid -Orthopteroidea -orthopterological -orthopterologist -orthopterology -orthopteron -orthopterous -orthoptic -orthopyramid -orthopyroxene -orthoquinone -orthorhombic -Orthorrhapha -orthorrhaphous -orthorrhaphy -orthoscope -orthoscopic -orthose -orthosemidin -orthosemidine -orthosilicate -orthosilicic -orthosis -orthosite -orthosomatic -orthospermous -orthostatic -orthostichous -orthostichy -orthostyle -orthosubstituted -orthosymmetric -orthosymmetrical -orthosymmetrically -orthosymmetry -orthotactic -orthotectic -orthotic -orthotolidin -orthotolidine -orthotoluic -orthotoluidin -orthotoluidine -orthotomic -orthotomous -orthotone -orthotonesis -orthotonic -orthotonus -orthotropal -orthotropic -orthotropism -orthotropous -orthotropy -orthotype -orthotypous -orthovanadate -orthovanadic -orthoveratraldehyde -orthoveratric -orthoxazin -orthoxazine -orthoxylene -orthron -ortiga -ortive -Ortol -ortolan -Ortrud -ortstein -ortygan -Ortygian -Ortyginae -ortygine -Ortyx -Orunchun -orvietan -orvietite -Orvieto -Orville -ory -Orycteropodidae -Orycteropus -oryctics -oryctognostic -oryctognostical -oryctognostically -oryctognosy -Oryctolagus -oryssid -Oryssidae -Oryssus -Oryx -Oryza -oryzenin -oryzivorous -Oryzomys -Oryzopsis -Oryzorictes -Oryzorictinae -Os -os -Osage -osamin -osamine -osazone -Osc -Oscan -Oscar -Oscarella -Oscarellidae -oscella -oscheal -oscheitis -oscheocarcinoma -oscheocele -oscheolith -oscheoma -oscheoncus -oscheoplasty -Oschophoria -oscillance -oscillancy -oscillant -Oscillaria -Oscillariaceae -oscillariaceous -oscillate -oscillating -oscillation -oscillative -oscillatively -oscillator -Oscillatoria -Oscillatoriaceae -oscillatoriaceous -oscillatorian -oscillatory -oscillogram -oscillograph -oscillographic -oscillography -oscillometer -oscillometric -oscillometry -oscilloscope -oscin -oscine -Oscines -oscinian -Oscinidae -oscinine -Oscinis -oscitance -oscitancy -oscitant -oscitantly -oscitate -oscitation -oscnode -osculable -osculant -oscular -oscularity -osculate -osculation -osculatory -osculatrix -oscule -osculiferous -osculum -oscurrantist -ose -osela -oshac -Osiandrian -oside -osier -osiered -osierlike -osiery -Osirian -Osiride -Osiridean -Osirification -Osirify -Osiris -Osirism -Oskar -Osmanie -Osmanli -Osmanthus -osmate -osmatic -osmatism -osmazomatic -osmazomatous -osmazome -Osmeridae -Osmerus -osmesis -osmeterium -osmetic -osmic -osmidrosis -osmin -osmina -osmious -osmiridium -osmium -osmodysphoria -osmogene -osmograph -osmolagnia -osmology -osmometer -osmometric -osmometry -Osmond -osmondite -osmophore -osmoregulation -Osmorhiza -osmoscope -osmose -osmosis -osmotactic -osmotaxis -osmotherapy -osmotic -osmotically -osmous -osmund -Osmunda -Osmundaceae -osmundaceous -osmundine -Osnaburg -Osnappar -osoberry -osone -osophy -osotriazine -osotriazole -osphradial -osphradium -osphresiolagnia -osphresiologic -osphresiologist -osphresiology -osphresiometer -osphresiometry -osphresiophilia -osphresis -osphretic -Osphromenidae -osphyalgia -osphyalgic -osphyarthritis -osphyitis -osphyocele -osphyomelitis -osprey -ossal -ossarium -ossature -osse -ossein -osselet -ossements -osseoalbuminoid -osseoaponeurotic -osseocartilaginous -osseofibrous -osseomucoid -osseous -osseously -Osset -Ossetian -Ossetic -Ossetine -Ossetish -Ossian -Ossianesque -Ossianic -Ossianism -Ossianize -ossicle -ossicular -ossiculate -ossicule -ossiculectomy -ossiculotomy -ossiculum -ossiferous -ossific -ossification -ossified -ossifier -ossifluence -ossifluent -ossiform -ossifrage -ossifrangent -ossify -ossivorous -ossuarium -ossuary -ossypite -ostalgia -Ostara -ostariophysan -Ostariophyseae -Ostariophysi -ostariophysial -ostariophysous -ostarthritis -osteal -ostealgia -osteanabrosis -osteanagenesis -ostearthritis -ostearthrotomy -ostectomy -osteectomy -osteectopia -osteectopy -Osteichthyes -ostein -osteitic -osteitis -ostemia -ostempyesis -ostensibility -ostensible -ostensibly -ostension -ostensive -ostensively -ostensorium -ostensory -ostent -ostentate -ostentation -ostentatious -ostentatiously -ostentatiousness -ostentive -ostentous -osteoaneurysm -osteoarthritis -osteoarthropathy -osteoarthrotomy -osteoblast -osteoblastic -osteoblastoma -osteocachetic -osteocarcinoma -osteocartilaginous -osteocele -osteocephaloma -osteochondritis -osteochondrofibroma -osteochondroma -osteochondromatous -osteochondropathy -osteochondrophyte -osteochondrosarcoma -osteochondrous -osteoclasia -osteoclasis -osteoclast -osteoclastic -osteoclasty -osteocolla -osteocomma -osteocranium -osteocystoma -osteodentin -osteodentinal -osteodentine -osteoderm -osteodermal -osteodermatous -osteodermia -osteodermis -osteodiastasis -osteodynia -osteodystrophy -osteoencephaloma -osteoenchondroma -osteoepiphysis -osteofibroma -osteofibrous -osteogangrene -osteogen -osteogenesis -osteogenetic -osteogenic -osteogenist -osteogenous -osteogeny -osteoglossid -Osteoglossidae -osteoglossoid -Osteoglossum -osteographer -osteography -osteohalisteresis -osteoid -Osteolepidae -Osteolepis -osteolite -osteologer -osteologic -osteological -osteologically -osteologist -osteology -osteolysis -osteolytic -osteoma -osteomalacia -osteomalacial -osteomalacic -osteomancy -osteomanty -osteomatoid -osteomere -osteometric -osteometrical -osteometry -osteomyelitis -osteoncus -osteonecrosis -osteoneuralgia -osteopaedion -osteopath -osteopathic -osteopathically -osteopathist -osteopathy -osteopedion -osteoperiosteal -osteoperiostitis -osteopetrosis -osteophage -osteophagia -osteophlebitis -osteophone -osteophony -osteophore -osteophyma -osteophyte -osteophytic -osteoplaque -osteoplast -osteoplastic -osteoplasty -osteoporosis -osteoporotic -osteorrhaphy -osteosarcoma -osteosarcomatous -osteosclerosis -osteoscope -osteosis -osteosteatoma -osteostixis -osteostomatous -osteostomous -osteostracan -Osteostraci -osteosuture -osteosynovitis -osteosynthesis -osteothrombosis -osteotome -osteotomist -osteotomy -osteotribe -osteotrite -osteotrophic -osteotrophy -Ostertagia -ostial -ostiary -ostiate -Ostic -ostiolar -ostiolate -ostiole -ostitis -ostium -ostleress -Ostmannic -ostmark -Ostmen -ostosis -Ostracea -ostracean -ostraceous -Ostraciidae -ostracine -ostracioid -Ostracion -ostracism -ostracizable -ostracization -ostracize -ostracizer -ostracod -Ostracoda -ostracode -ostracoderm -Ostracodermi -ostracodous -ostracoid -Ostracoidea -ostracon -ostracophore -Ostracophori -ostracophorous -ostracum -Ostraeacea -ostraite -Ostrea -ostreaceous -ostreger -ostreicultural -ostreiculture -ostreiculturist -Ostreidae -ostreiform -ostreodynamometer -ostreoid -ostreophage -ostreophagist -ostreophagous -ostrich -ostrichlike -Ostrogoth -Ostrogothian -Ostrogothic -Ostrya -Ostyak -Oswald -Oswegan -otacoustic -otacousticon -Otaheitan -otalgia -otalgic -otalgy -Otaria -otarian -Otariidae -Otariinae -otariine -otarine -otarioid -otary -otate -otectomy -otelcosis -Otello -Othake -othelcosis -Othello -othematoma -othemorrhea -otheoscope -other -otherdom -otherest -othergates -otherguess -otherhow -otherism -otherist -otherness -othersome -othertime -otherwards -otherwhence -otherwhere -otherwhereness -otherwheres -otherwhile -otherwhiles -otherwhither -otherwise -otherwiseness -otherworld -otherworldliness -otherworldly -otherworldness -Othin -Othinism -othmany -Othonna -othygroma -otiant -otiatric -otiatrics -otiatry -otic -oticodinia -Otidae -Otides -Otididae -otidiform -otidine -Otidiphaps -otidium -otiorhynchid -Otiorhynchidae -Otiorhynchinae -otiose -otiosely -otioseness -otiosity -Otis -otitic -otitis -otkon -Oto -otoantritis -otoblennorrhea -otocariasis -otocephalic -otocephaly -otocerebritis -otocleisis -otoconial -otoconite -otoconium -otocrane -otocranial -otocranic -otocranium -Otocyon -otocyst -otocystic -otodynia -otodynic -otoencephalitis -otogenic -otogenous -otographical -otography -Otogyps -otohemineurasthenia -otolaryngologic -otolaryngologist -otolaryngology -otolite -otolith -Otolithidae -Otolithus -otolitic -otological -otologist -otology -Otomaco -otomassage -Otomi -Otomian -Otomitlan -otomucormycosis -otomyces -otomycosis -otonecrectomy -otoneuralgia -otoneurasthenia -otopathic -otopathy -otopharyngeal -otophone -otopiesis -otoplastic -otoplasty -otopolypus -otopyorrhea -otopyosis -otorhinolaryngologic -otorhinolaryngologist -otorhinolaryngology -otorrhagia -otorrhea -otorrhoea -otosalpinx -otosclerosis -otoscope -otoscopic -otoscopy -otosis -otosphenal -otosteal -otosteon -ototomy -Otozoum -ottajanite -ottar -ottavarima -Ottawa -otter -otterer -otterhound -ottinger -ottingkar -Otto -otto -Ottoman -Ottomanean -Ottomanic -Ottomanism -Ottomanization -Ottomanize -Ottomanlike -Ottomite -ottrelife -Ottweilian -Otuquian -oturia -Otus -Otyak -ouabain -ouabaio -ouabe -ouachitite -ouakari -ouananiche -oubliette -ouch -Oudemian -oudenarde -Oudenodon -oudenodont -ouenite -ouf -ough -ought -oughtness -oughtnt -Ouija -ouistiti -oukia -oulap -ounce -ounds -ouphe -ouphish -our -Ouranos -ourie -ouroub -Ourouparia -ours -ourself -ourselves -oust -ouster -out -outact -outadmiral -Outagami -outage -outambush -outarde -outargue -outask -outawe -outbabble -outback -outbacker -outbake -outbalance -outban -outbanter -outbar -outbargain -outbark -outbawl -outbeam -outbear -outbearing -outbeg -outbeggar -outbelch -outbellow -outbent -outbetter -outbid -outbidder -outbirth -outblacken -outblaze -outbleat -outbleed -outbless -outbloom -outblossom -outblot -outblow -outblowing -outblown -outbluff -outblunder -outblush -outbluster -outboard -outboast -outbolting -outbond -outbook -outborn -outborough -outbound -outboundaries -outbounds -outbow -outbowed -outbowl -outbox -outbrag -outbranch -outbranching -outbrave -outbray -outbrazen -outbreak -outbreaker -outbreaking -outbreath -outbreathe -outbreather -outbred -outbreed -outbreeding -outbribe -outbridge -outbring -outbrother -outbud -outbuild -outbuilding -outbulge -outbulk -outbully -outburn -outburst -outbustle -outbuy -outbuzz -outby -outcant -outcaper -outcarol -outcarry -outcase -outcast -outcaste -outcasting -outcastness -outcavil -outchamber -outcharm -outchase -outchatter -outcheat -outchide -outcity -outclamor -outclass -outclerk -outclimb -outcome -outcomer -outcoming -outcompass -outcomplete -outcompliment -outcorner -outcountry -outcourt -outcrawl -outcricket -outcrier -outcrop -outcropper -outcross -outcrossing -outcrow -outcrowd -outcry -outcull -outcure -outcurse -outcurve -outcut -outdaciousness -outdance -outdare -outdate -outdated -outdazzle -outdevil -outdispatch -outdistance -outdistrict -outdo -outdodge -outdoer -outdoor -outdoorness -outdoors -outdoorsman -outdraft -outdragon -outdraw -outdream -outdress -outdrink -outdrive -outdure -outdwell -outdweller -outdwelling -outeat -outecho -outed -outedge -outen -outer -outerly -outermost -outerness -outerwear -outeye -outeyed -outfable -outface -outfall -outfame -outfangthief -outfast -outfawn -outfeast -outfeat -outfeeding -outfence -outferret -outfiction -outfield -outfielder -outfieldsman -outfight -outfighter -outfighting -outfigure -outfish -outfit -outfitter -outflame -outflank -outflanker -outflanking -outflare -outflash -outflatter -outfling -outfloat -outflourish -outflow -outflue -outflung -outflunky -outflush -outflux -outfly -outfold -outfool -outfoot -outform -outfort -outfreeman -outfront -outfroth -outfrown -outgabble -outgain -outgallop -outgamble -outgame -outgang -outgarment -outgarth -outgas -outgate -outgauge -outgaze -outgeneral -outgive -outgiving -outglad -outglare -outgleam -outglitter -outgloom -outglow -outgnaw -outgo -outgoer -outgoing -outgoingness -outgone -outgreen -outgrin -outground -outgrow -outgrowing -outgrowth -outguard -outguess -outgun -outgush -outhammer -outhasten -outhaul -outhauler -outhear -outheart -outhector -outheel -outher -outhire -outhiss -outhit -outhold -outhorror -outhouse -outhousing -outhowl -outhue -outhumor -outhunt -outhurl -outhut -outhymn -outhyperbolize -outimage -outing -outinvent -outish -outissue -outjazz -outjest -outjet -outjetting -outjinx -outjockey -outjourney -outjuggle -outjump -outjut -outkeeper -outkick -outkill -outking -outkiss -outkitchen -outknave -outknee -outlabor -outlaid -outlance -outland -outlander -outlandish -outlandishlike -outlandishly -outlandishness -outlash -outlast -outlaugh -outlaunch -outlaw -outlawry -outlay -outlean -outleap -outlearn -outlegend -outlength -outlengthen -outler -outlet -outlie -outlier -outlighten -outlimb -outlimn -outline -outlinear -outlined -outlineless -outliner -outlinger -outlip -outlipped -outlive -outliver -outlodging -outlook -outlooker -outlord -outlove -outlung -outluster -outly -outlying -outmagic -outmalaprop -outman -outmaneuver -outmantle -outmarch -outmarriage -outmarry -outmaster -outmatch -outmate -outmeasure -outmerchant -outmiracle -outmode -outmoded -outmost -outmount -outmouth -outmove -outname -outness -outnight -outnoise -outnook -outnumber -outoffice -outoven -outpace -outpage -outpaint -outparagon -outparamour -outparish -outpart -outpass -outpassion -outpath -outpatient -outpay -outpayment -outpeal -outpeep -outpeer -outpension -outpensioner -outpeople -outperform -outpick -outpicket -outpipe -outpitch -outpity -outplace -outplan -outplay -outplayed -outplease -outplod -outplot -outpocketing -outpoint -outpoise -outpoison -outpoll -outpomp -outpop -outpopulate -outporch -outport -outporter -outportion -outpost -outpouching -outpour -outpourer -outpouring -outpractice -outpraise -outpray -outpreach -outpreen -outprice -outprodigy -outproduce -outpromise -outpry -outpull -outpupil -outpurl -outpurse -outpush -output -outputter -outquaff -outquarters -outqueen -outquestion -outquibble -outquote -outrace -outrage -outrageous -outrageously -outrageousness -outrageproof -outrager -outraging -outrail -outrance -outrange -outrank -outrant -outrap -outrate -outraught -outrave -outray -outre -outreach -outread -outreason -outreckon -outredden -outrede -outreign -outrelief -outremer -outreness -outrhyme -outrick -outride -outrider -outriding -outrig -outrigger -outriggered -outriggerless -outrigging -outright -outrightly -outrightness -outring -outrival -outroar -outrogue -outroll -outromance -outrooper -outroot -outrove -outrow -outroyal -outrun -outrunner -outrush -outsail -outsaint -outsally -outsatisfy -outsavor -outsay -outscent -outscold -outscore -outscorn -outscour -outscouring -outscream -outsea -outseam -outsearch -outsee -outseek -outsell -outsentry -outsert -outservant -outset -outsetting -outsettlement -outsettler -outshadow -outshake -outshame -outshape -outsharp -outsharpen -outsheathe -outshift -outshine -outshiner -outshoot -outshot -outshoulder -outshout -outshove -outshow -outshower -outshriek -outshrill -outshut -outside -outsided -outsidedness -outsideness -outsider -outsift -outsigh -outsight -outsin -outsing -outsit -outsize -outsized -outskill -outskip -outskirmish -outskirmisher -outskirt -outskirter -outslander -outslang -outsleep -outslide -outslink -outsmart -outsmell -outsmile -outsnatch -outsnore -outsoar -outsole -outsoler -outsonnet -outsophisticate -outsound -outspan -outsparkle -outspeak -outspeaker -outspeech -outspeed -outspell -outspend -outspent -outspill -outspin -outspirit -outspit -outsplendor -outspoken -outspokenly -outspokenness -outsport -outspout -outspread -outspring -outsprint -outspue -outspurn -outspurt -outstagger -outstair -outstand -outstander -outstanding -outstandingly -outstandingness -outstare -outstart -outstarter -outstartle -outstate -outstation -outstatistic -outstature -outstay -outsteal -outsteam -outstep -outsting -outstink -outstood -outstorm -outstrain -outstream -outstreet -outstretch -outstretcher -outstride -outstrike -outstrip -outstrive -outstroke -outstrut -outstudent -outstudy -outstunt -outsubtle -outsuck -outsucken -outsuffer -outsuitor -outsulk -outsum -outsuperstition -outswagger -outswarm -outswear -outsweep -outsweeping -outsweeten -outswell -outswift -outswim -outswindle -outswing -outswirl -outtaken -outtalent -outtalk -outtask -outtaste -outtear -outtease -outtell -outthieve -outthink -outthreaten -outthrob -outthrough -outthrow -outthrust -outthruster -outthunder -outthwack -outtinkle -outtire -outtoil -outtongue -outtop -outtower -outtrade -outtrail -outtravel -outtrick -outtrot -outtrump -outturn -outturned -outtyrannize -outusure -outvalue -outvanish -outvaunt -outvelvet -outvenom -outvictor -outvie -outvier -outvigil -outvillage -outvillain -outvociferate -outvoice -outvote -outvoter -outvoyage -outwait -outwake -outwale -outwalk -outwall -outwallop -outwander -outwar -outwarble -outward -outwardly -outwardmost -outwardness -outwards -outwash -outwaste -outwatch -outwater -outwave -outwealth -outweapon -outwear -outweary -outweave -outweed -outweep -outweigh -outweight -outwell -outwent -outwhirl -outwick -outwile -outwill -outwind -outwindow -outwing -outwish -outwit -outwith -outwittal -outwitter -outwoe -outwoman -outwood -outword -outwore -outwork -outworker -outworld -outworn -outworth -outwrangle -outwrench -outwrest -outwrestle -outwriggle -outwring -outwrite -outwrought -outyard -outyell -outyelp -outyield -outzany -ouzel -Ova -ova -Ovaherero -oval -ovalbumin -ovalescent -ovaliform -ovalish -ovalization -ovalize -ovally -ovalness -ovaloid -ovalwise -Ovambo -Ovampo -Ovangangela -ovant -ovarial -ovarian -ovarin -ovarioabdominal -ovariocele -ovariocentesis -ovariocyesis -ovariodysneuria -ovariohysterectomy -ovariole -ovariolumbar -ovariorrhexis -ovariosalpingectomy -ovariosteresis -ovariostomy -ovariotomist -ovariotomize -ovariotomy -ovariotubal -ovarious -ovaritis -ovarium -ovary -ovate -ovateconical -ovated -ovately -ovation -ovational -ovationary -ovatoacuminate -ovatoconical -ovatocordate -ovatocylindraceous -ovatodeltoid -ovatoellipsoidal -ovatoglobose -ovatolanceolate -ovatooblong -ovatoorbicular -ovatopyriform -ovatoquadrangular -ovatorotundate -ovatoserrate -ovatotriangular -oven -ovenbird -ovenful -ovenlike -ovenly -ovenman -ovenpeel -ovenstone -ovenware -ovenwise -over -overability -overable -overabound -overabsorb -overabstain -overabstemious -overabstemiousness -overabundance -overabundant -overabundantly -overabuse -overaccentuate -overaccumulate -overaccumulation -overaccuracy -overaccurate -overaccurately -overact -overaction -overactive -overactiveness -overactivity -overacute -overaddiction -overadvance -overadvice -overaffect -overaffirmation -overafflict -overaffliction -overage -overageness -overaggravate -overaggravation -overagitate -overagonize -overall -overalled -overalls -overambitioned -overambitious -overambling -overanalyze -overangelic -overannotate -overanswer -overanxiety -overanxious -overanxiously -overappareled -overappraisal -overappraise -overapprehended -overapprehension -overapprehensive -overapt -overarch -overargue -overarm -overartificial -overartificiality -overassail -overassert -overassertion -overassertive -overassertively -overassertiveness -overassess -overassessment -overassumption -overattached -overattachment -overattention -overattentive -overattentively -overawe -overawful -overawn -overawning -overbake -overbalance -overballast -overbalm -overbanded -overbandy -overbank -overbanked -overbark -overbarren -overbarrenness -overbase -overbaseness -overbashful -overbashfully -overbashfulness -overbattle -overbear -overbearance -overbearer -overbearing -overbearingly -overbearingness -overbeat -overbeating -overbeetling -overbelief -overbend -overbepatched -overberg -overbet -overbias -overbid -overbig -overbigness -overbillow -overbit -overbite -overbitten -overbitter -overbitterly -overbitterness -overblack -overblame -overblaze -overbleach -overblessed -overblessedness -overblind -overblindly -overblithe -overbloom -overblouse -overblow -overblowing -overblown -overboard -overboast -overboastful -overbodice -overboding -overbody -overboil -overbold -overboldly -overboldness -overbook -overbookish -overbooming -overborne -overborrow -overbought -overbound -overbounteous -overbounteously -overbounteousness -overbow -overbowed -overbowl -overbrace -overbragging -overbrained -overbranch -overbrave -overbravely -overbravery -overbray -overbreak -overbreathe -overbred -overbreed -overbribe -overbridge -overbright -overbrightly -overbrightness -overbrilliancy -overbrilliant -overbrilliantly -overbrim -overbrimmingly -overbroaden -overbroil -overbrood -overbrow -overbrown -overbrowse -overbrush -overbrutal -overbrutality -overbrutalize -overbrutally -overbubbling -overbuild -overbuilt -overbulk -overbulky -overbumptious -overburden -overburdeningly -overburdensome -overburn -overburned -overburningly -overburnt -overburst -overburthen -overbusily -overbusiness -overbusy -overbuy -overby -overcall -overcanny -overcanopy -overcap -overcapable -overcapably -overcapacity -overcape -overcapitalization -overcapitalize -overcaptious -overcaptiously -overcaptiousness -overcard -overcare -overcareful -overcarefully -overcareless -overcarelessly -overcarelessness -overcaring -overcarking -overcarry -overcast -overcasting -overcasual -overcasually -overcatch -overcaution -overcautious -overcautiously -overcautiousness -overcentralization -overcentralize -overcertification -overcertify -overchafe -overchannel -overchant -overcharge -overchargement -overcharger -overcharitable -overcharitably -overcharity -overchase -overcheap -overcheaply -overcheapness -overcheck -overcherish -overchidden -overchief -overchildish -overchildishness -overchill -overchlorinate -overchoke -overchrome -overchurch -overcirculate -overcircumspect -overcircumspection -overcivil -overcivility -overcivilization -overcivilize -overclaim -overclamor -overclasp -overclean -overcleanly -overcleanness -overcleave -overclever -overcleverness -overclimb -overcloak -overclog -overclose -overclosely -overcloseness -overclothe -overclothes -overcloud -overcloy -overcluster -overcoached -overcoat -overcoated -overcoating -overcoil -overcold -overcoldly -overcollar -overcolor -overcomable -overcome -overcomer -overcomingly -overcommand -overcommend -overcommon -overcommonly -overcommonness -overcompensate -overcompensation -overcompensatory -overcompetition -overcompetitive -overcomplacency -overcomplacent -overcomplacently -overcomplete -overcomplex -overcomplexity -overcompliant -overcompound -overconcentrate -overconcentration -overconcern -overconcerned -overcondensation -overcondense -overconfidence -overconfident -overconfidently -overconfute -overconquer -overconscientious -overconscious -overconsciously -overconsciousness -overconservatism -overconservative -overconservatively -overconsiderate -overconsiderately -overconsideration -overconsume -overconsumption -overcontented -overcontentedly -overcontentment -overcontract -overcontraction -overcontribute -overcontribution -overcook -overcool -overcoolly -overcopious -overcopiously -overcopiousness -overcorned -overcorrect -overcorrection -overcorrupt -overcorruption -overcorruptly -overcostly -overcount -overcourteous -overcourtesy -overcover -overcovetous -overcovetousness -overcow -overcoy -overcoyness -overcram -overcredit -overcredulity -overcredulous -overcredulously -overcreed -overcreep -overcritical -overcritically -overcriticalness -overcriticism -overcriticize -overcrop -overcross -overcrow -overcrowd -overcrowded -overcrowdedly -overcrowdedness -overcrown -overcrust -overcry -overcull -overcultivate -overcultivation -overculture -overcultured -overcumber -overcunning -overcunningly -overcunningness -overcup -overcured -overcurious -overcuriously -overcuriousness -overcurl -overcurrency -overcurrent -overcurtain -overcustom -overcut -overcutter -overcutting -overdaintily -overdaintiness -overdainty -overdamn -overdance -overdangle -overdare -overdaringly -overdarken -overdash -overdazed -overdazzle -overdeal -overdear -overdearly -overdearness -overdeck -overdecorate -overdecoration -overdecorative -overdeeming -overdeep -overdeepen -overdeeply -overdeliberate -overdeliberation -overdelicacy -overdelicate -overdelicately -overdelicious -overdeliciously -overdelighted -overdelightedly -overdemand -overdemocracy -overdepress -overdepressive -overdescant -overdesire -overdesirous -overdesirousness -overdestructive -overdestructively -overdestructiveness -overdetermination -overdetermined -overdevelop -overdevelopment -overdevoted -overdevotedly -overdevotion -overdiffuse -overdiffusely -overdiffuseness -overdigest -overdignified -overdignifiedly -overdignifiedness -overdignify -overdignity -overdiligence -overdiligent -overdiligently -overdilute -overdilution -overdischarge -overdiscipline -overdiscount -overdiscourage -overdiscouragement -overdistance -overdistant -overdistantly -overdistantness -overdistempered -overdistention -overdiverse -overdiversely -overdiversification -overdiversify -overdiversity -overdo -overdoctrinize -overdoer -overdogmatic -overdogmatically -overdogmatism -overdome -overdominate -overdone -overdoor -overdosage -overdose -overdoubt -overdoze -overdraft -overdrain -overdrainage -overdramatic -overdramatically -overdrape -overdrapery -overdraw -overdrawer -overdream -overdrench -overdress -overdrifted -overdrink -overdrip -overdrive -overdriven -overdroop -overdrowsed -overdry -overdubbed -overdue -overdunged -overdure -overdust -overdye -overeager -overeagerly -overeagerness -overearnest -overearnestly -overearnestness -overeasily -overeasiness -overeasy -overeat -overeaten -overedge -overedit -overeducate -overeducated -overeducation -overeducative -overeffort -overegg -overelaborate -overelaborately -overelaboration -overelate -overelegance -overelegancy -overelegant -overelegantly -overelliptical -overembellish -overembellishment -overembroider -overemotional -overemotionality -overemotionalize -overemphasis -overemphasize -overemphatic -overemphatically -overemphaticness -overempired -overemptiness -overempty -overenter -overenthusiasm -overenthusiastic -overentreat -overentry -overequal -overestimate -overestimation -overexcelling -overexcitability -overexcitable -overexcitably -overexcite -overexcitement -overexercise -overexert -overexerted -overexertedly -overexertedness -overexertion -overexpand -overexpansion -overexpansive -overexpect -overexpectant -overexpectantly -overexpenditure -overexpert -overexplain -overexplanation -overexpose -overexposure -overexpress -overexquisite -overexquisitely -overextend -overextension -overextensive -overextreme -overexuberant -overeye -overeyebrowed -overface -overfacile -overfacilely -overfacility -overfactious -overfactiousness -overfag -overfagged -overfaint -overfaith -overfaithful -overfaithfully -overfall -overfamed -overfamiliar -overfamiliarity -overfamiliarly -overfamous -overfanciful -overfancy -overfar -overfast -overfastidious -overfastidiously -overfastidiousness -overfasting -overfat -overfatigue -overfatten -overfavor -overfavorable -overfavorably -overfear -overfearful -overfearfully -overfearfulness -overfeast -overfeatured -overfed -overfee -overfeed -overfeel -overfellowlike -overfellowly -overfelon -overfeminine -overfeminize -overfertile -overfertility -overfestoon -overfew -overfierce -overfierceness -overfile -overfill -overfilm -overfine -overfinished -overfish -overfit -overfix -overflatten -overfleece -overfleshed -overflexion -overfling -overfloat -overflog -overflood -overflorid -overfloridness -overflourish -overflow -overflowable -overflower -overflowing -overflowingly -overflowingness -overflown -overfluency -overfluent -overfluently -overflush -overflutter -overfly -overfold -overfond -overfondle -overfondly -overfondness -overfoolish -overfoolishly -overfoolishness -overfoot -overforce -overforged -overformed -overforward -overforwardly -overforwardness -overfought -overfoul -overfoully -overfrail -overfrailty -overfranchised -overfrank -overfrankly -overfrankness -overfraught -overfree -overfreedom -overfreely -overfreight -overfrequency -overfrequent -overfrequently -overfret -overfrieze -overfrighted -overfrighten -overfroth -overfrown -overfrozen -overfruited -overfruitful -overfull -overfullness -overfunctioning -overfurnish -overgaiter -overgalled -overgamble -overgang -overgarment -overgarrison -overgaze -overgeneral -overgeneralize -overgenerally -overgenerosity -overgenerous -overgenerously -overgenial -overgeniality -overgentle -overgently -overget -overgifted -overgild -overgilted -overgird -overgirded -overgirdle -overglad -overgladly -overglance -overglass -overglaze -overglide -overglint -overgloom -overgloominess -overgloomy -overglorious -overgloss -overglut -overgo -overgoad -overgod -overgodliness -overgodly -overgood -overgorge -overgovern -overgovernment -overgown -overgrace -overgracious -overgrade -overgrain -overgrainer -overgrasping -overgrateful -overgratefully -overgratification -overgratify -overgratitude -overgraze -overgreasiness -overgreasy -overgreat -overgreatly -overgreatness -overgreed -overgreedily -overgreediness -overgreedy -overgrieve -overgrievous -overgrind -overgross -overgrossly -overgrossness -overground -overgrow -overgrown -overgrowth -overguilty -overgun -overhair -overhalf -overhand -overhanded -overhandicap -overhandle -overhang -overhappy -overharass -overhard -overharden -overhardness -overhardy -overharsh -overharshly -overharshness -overhaste -overhasten -overhastily -overhastiness -overhasty -overhate -overhatted -overhaughty -overhaul -overhauler -overhead -overheadiness -overheadman -overheady -overheap -overhear -overhearer -overheartily -overhearty -overheat -overheatedly -overheave -overheaviness -overheavy -overheight -overheighten -overheinous -overheld -overhelp -overhelpful -overhigh -overhighly -overhill -overhit -overholiness -overhollow -overholy -overhomeliness -overhomely -overhonest -overhonestly -overhonesty -overhonor -overhorse -overhot -overhotly -overhour -overhouse -overhover -overhuge -overhuman -overhumanity -overhumanize -overhung -overhunt -overhurl -overhurriedly -overhurry -overhusk -overhysterical -overidealism -overidealistic -overidle -overidly -overillustrate -overillustration -overimaginative -overimaginativeness -overimitate -overimitation -overimitative -overimitatively -overimport -overimportation -overimpress -overimpressible -overinclinable -overinclination -overinclined -overincrust -overincurious -overindividualism -overindividualistic -overindulge -overindulgence -overindulgent -overindulgently -overindustrialization -overindustrialize -overinflate -overinflation -overinflative -overinfluence -overinfluential -overinform -overink -overinsist -overinsistence -overinsistent -overinsistently -overinsolence -overinsolent -overinsolently -overinstruct -overinstruction -overinsurance -overinsure -overintellectual -overintellectuality -overintense -overintensely -overintensification -overintensity -overinterest -overinterested -overinterestedness -overinventoried -overinvest -overinvestment -overiodize -overirrigate -overirrigation -overissue -overitching -overjacket -overjade -overjaded -overjawed -overjealous -overjealously -overjealousness -overjob -overjocular -overjoy -overjoyful -overjoyfully -overjoyous -overjudge -overjudging -overjudgment -overjudicious -overjump -overjust -overjutting -overkeen -overkeenness -overkeep -overkick -overkind -overkindly -overkindness -overking -overknavery -overknee -overknow -overknowing -overlabor -overlace -overlactation -overlade -overlaid -overlain -overland -Overlander -overlander -overlanguaged -overlap -overlard -overlarge -overlargely -overlargeness -overlascivious -overlast -overlate -overlaudation -overlaudatory -overlaugh -overlaunch -overlave -overlavish -overlavishly -overlax -overlaxative -overlaxly -overlaxness -overlay -overlayer -overlead -overleaf -overlean -overleap -overlearn -overlearned -overlearnedly -overlearnedness -overleather -overleave -overleaven -overleer -overleg -overlegislation -overleisured -overlength -overlettered -overlewd -overlewdly -overlewdness -overliberal -overliberality -overliberally -overlicentious -overlick -overlie -overlier -overlift -overlight -overlighted -overlightheaded -overlightly -overlightsome -overliking -overline -overling -overlinger -overlinked -overlip -overlipping -overlisted -overlisten -overliterary -overlittle -overlive -overliveliness -overlively -overliver -overload -overloath -overlock -overlocker -overlofty -overlogical -overlogically -overlong -overlook -overlooker -overloose -overlord -overlordship -overloud -overloup -overlove -overlover -overlow -overlowness -overloyal -overloyally -overloyalty -overlubricatio -overluscious -overlush -overlustiness -overlusty -overluxuriance -overluxuriant -overluxurious -overly -overlying -overmagnify -overmagnitude -overmajority -overmalapert -overman -overmantel -overmantle -overmany -overmarch -overmark -overmarking -overmarl -overmask -overmast -overmaster -overmasterful -overmasterfully -overmasterfulness -overmastering -overmasteringly -overmatch -overmatter -overmature -overmaturity -overmean -overmeanly -overmeanness -overmeasure -overmeddle -overmeek -overmeekly -overmeekness -overmellow -overmellowness -overmelodied -overmelt -overmerciful -overmercifulness -overmerit -overmerrily -overmerry -overmettled -overmickle -overmighty -overmild -overmill -overminute -overminutely -overminuteness -overmix -overmoccasin -overmodest -overmodestly -overmodesty -overmodulation -overmoist -overmoisten -overmoisture -overmortgage -overmoss -overmost -overmotor -overmount -overmounts -overmourn -overmournful -overmournfully -overmuch -overmuchness -overmultiplication -overmultiply -overmultitude -overname -overnarrow -overnarrowly -overnationalization -overnear -overneat -overneatness -overneglect -overnegligence -overnegligent -overnervous -overnervously -overnervousness -overnet -overnew -overnice -overnicely -overniceness -overnicety -overnigh -overnight -overnimble -overnipping -overnoise -overnotable -overnourish -overnoveled -overnumber -overnumerous -overnumerousness -overnurse -overobedience -overobedient -overobediently -overobese -overobjectify -overoblige -overobsequious -overobsequiously -overobsequiousness -overoffend -overoffensive -overofficered -overofficious -overorder -overornamented -overpained -overpainful -overpainfully -overpainfulness -overpaint -overpamper -overpart -overparted -overpartial -overpartiality -overpartially -overparticular -overparticularly -overpass -overpassionate -overpassionately -overpassionateness -overpast -overpatient -overpatriotic -overpay -overpayment -overpeer -overpending -overpensive -overpensiveness -overpeople -overpepper -overperemptory -overpersuade -overpersuasion -overpert -overpessimism -overpessimistic -overpet -overphysic -overpick -overpicture -overpinching -overpitch -overpitched -overpiteous -overplace -overplaced -overplacement -overplain -overplant -overplausible -overplay -overplease -overplenitude -overplenteous -overplenteously -overplentiful -overplenty -overplot -overplow -overplumb -overplume -overplump -overplumpness -overplus -overply -overpointed -overpoise -overpole -overpolemical -overpolish -overpolitic -overponderous -overpopular -overpopularity -overpopularly -overpopulate -overpopulation -overpopulous -overpopulousness -overpositive -overpossess -overpot -overpotent -overpotential -overpour -overpower -overpowerful -overpowering -overpoweringly -overpoweringness -overpraise -overpray -overpreach -overprecise -overpreciseness -overpreface -overpregnant -overpreoccupation -overpreoccupy -overpress -overpressure -overpresumption -overpresumptuous -overprice -overprick -overprint -overprize -overprizer -overprocrastination -overproduce -overproduction -overproductive -overproficient -overprolific -overprolix -overprominence -overprominent -overprominently -overpromise -overprompt -overpromptly -overpromptness -overprone -overproneness -overpronounced -overproof -overproportion -overproportionate -overproportionated -overproportionately -overproportioned -overprosperity -overprosperous -overprotect -overprotract -overprotraction -overproud -overproudly -overprove -overprovender -overprovide -overprovident -overprovidently -overprovision -overprovocation -overprovoke -overprune -overpublic -overpublicity -overpuff -overpuissant -overpunish -overpunishment -overpurchase -overquantity -overquarter -overquell -overquick -overquickly -overquiet -overquietly -overquietness -overrace -overrack -overrake -overrange -overrank -overrankness -overrapture -overrapturize -overrash -overrashly -overrashness -overrate -overrational -overrationalize -overravish -overreach -overreacher -overreaching -overreachingly -overreachingness -overread -overreader -overreadily -overreadiness -overready -overrealism -overrealistic -overreckon -overrecord -overrefine -overrefined -overrefinement -overreflection -overreflective -overregister -overregistration -overregular -overregularity -overregularly -overregulate -overregulation -overrelax -overreliance -overreliant -overreligion -overreligious -overremiss -overremissly -overremissness -overrennet -overrent -overreplete -overrepletion -overrepresent -overrepresentation -overrepresentative -overreserved -overresolute -overresolutely -overrestore -overrestrain -overretention -overreward -overrich -overriches -overrichness -override -overrife -overrigged -overright -overrighteous -overrighteously -overrighteousness -overrigid -overrigidity -overrigidly -overrigorous -overrigorously -overrim -overriot -overripe -overripely -overripen -overripeness -overrise -overroast -overroll -overroof -overrooted -overrough -overroughly -overroughness -overroyal -overrude -overrudely -overrudeness -overruff -overrule -overruler -overruling -overrulingly -overrun -overrunner -overrunning -overrunningly -overrush -overrusset -overrust -oversad -oversadly -oversadness -oversaid -oversail -oversale -oversaliva -oversalt -oversalty -oversand -oversanded -oversanguine -oversanguinely -oversapless -oversated -oversatisfy -oversaturate -oversaturation -oversauce -oversauciness -oversaucy -oversave -overscare -overscatter -overscented -oversceptical -overscepticism -overscore -overscour -overscratch -overscrawl -overscream -overscribble -overscrub -overscruple -overscrupulosity -overscrupulous -overscrupulously -overscrupulousness -overscurf -overscutched -oversea -overseal -overseam -overseamer -oversearch -overseas -overseason -overseasoned -overseated -oversecure -oversecurely -oversecurity -oversee -overseed -overseen -overseer -overseerism -overseership -overseethe -oversell -oversend -oversensible -oversensibly -oversensitive -oversensitively -oversensitiveness -oversententious -oversentimental -oversentimentalism -oversentimentalize -oversentimentally -overserious -overseriously -overseriousness -overservice -overservile -overservility -overset -oversetter -oversettle -oversettled -oversevere -overseverely -overseverity -oversew -overshade -overshadow -overshadower -overshadowing -overshadowingly -overshadowment -overshake -oversharp -oversharpness -overshave -oversheet -overshelving -overshepherd -overshine -overshirt -overshoe -overshoot -overshort -overshorten -overshortly -overshot -overshoulder -overshowered -overshrink -overshroud -oversick -overside -oversight -oversilence -oversilent -oversilver -oversimple -oversimplicity -oversimplification -oversimplify -oversimply -oversize -oversized -overskim -overskip -overskipper -overskirt -overslack -overslander -overslaugh -overslavish -overslavishly -oversleep -oversleeve -overslide -overslight -overslip -overslope -overslow -overslowly -overslowness -overslur -oversmall -oversman -oversmite -oversmitten -oversmoke -oversmooth -oversmoothly -oversmoothness -oversnow -oversoak -oversoar -oversock -oversoft -oversoftly -oversoftness -oversold -oversolemn -oversolemnity -oversolemnly -oversolicitous -oversolicitously -oversolicitousness -oversoon -oversoothing -oversophisticated -oversophistication -oversorrow -oversorrowed -oversot -oversoul -oversound -oversour -oversourly -oversourness -oversow -overspacious -overspaciousness -overspan -overspangled -oversparing -oversparingly -oversparingness -oversparred -overspatter -overspeak -overspecialization -overspecialize -overspeculate -overspeculation -overspeculative -overspeech -overspeed -overspeedily -overspeedy -overspend -overspill -overspin -oversplash -overspread -overspring -oversprinkle -oversprung -overspun -oversqueak -oversqueamish -oversqueamishness -overstaff -overstaid -overstain -overstale -overstalled -overstand -overstaring -overstate -overstately -overstatement -overstay -overstayal -oversteadfast -oversteadfastness -oversteady -overstep -overstiff -overstiffness -overstifle -overstimulate -overstimulation -overstimulative -overstir -overstitch -overstock -overstoop -overstoping -overstore -overstory -overstout -overstoutly -overstowage -overstowed -overstrain -overstrait -overstraiten -overstraitly -overstraitness -overstream -overstrength -overstress -overstretch -overstrew -overstrict -overstrictly -overstrictness -overstride -overstrident -overstridently -overstrike -overstring -overstriving -overstrong -overstrongly -overstrung -overstud -overstudied -overstudious -overstudiously -overstudiousness -overstudy -overstuff -oversublime -oversubscribe -oversubscriber -oversubscription -oversubtile -oversubtle -oversubtlety -oversubtly -oversufficiency -oversufficient -oversufficiently -oversuperstitious -oversupply -oversure -oversurety -oversurge -oversurviving -oversusceptibility -oversusceptible -oversuspicious -oversuspiciously -overswarm -overswarth -oversway -oversweated -oversweep -oversweet -oversweeten -oversweetly -oversweetness -overswell -overswift -overswim -overswimmer -overswing -overswinging -overswirling -oversystematic -oversystematically -oversystematize -overt -overtakable -overtake -overtaker -overtalk -overtalkative -overtalkativeness -overtalker -overtame -overtamely -overtameness -overtapped -overtare -overtariff -overtarry -overtart -overtask -overtax -overtaxation -overteach -overtechnical -overtechnicality -overtedious -overtediously -overteem -overtell -overtempt -overtenacious -overtender -overtenderly -overtenderness -overtense -overtensely -overtenseness -overtension -overterrible -overtest -overthick -overthin -overthink -overthought -overthoughtful -overthriftily -overthriftiness -overthrifty -overthrong -overthrow -overthrowable -overthrowal -overthrower -overthrust -overthwart -overthwartly -overthwartness -overthwartways -overthwartwise -overtide -overtight -overtightly -overtill -overtimbered -overtime -overtimer -overtimorous -overtimorously -overtimorousness -overtinseled -overtint -overtip -overtipple -overtire -overtiredness -overtitle -overtly -overtness -overtoe -overtoil -overtoise -overtone -overtongued -overtop -overtopple -overtorture -overtower -overtrace -overtrack -overtrade -overtrader -overtrailed -overtrain -overtrample -overtravel -overtread -overtreatment -overtrick -overtrim -overtrouble -overtrue -overtrump -overtrust -overtrustful -overtruthful -overtruthfully -overtumble -overture -overturn -overturnable -overturner -overtutor -overtwine -overtwist -overtype -overuberous -overunionized -overunsuitable -overurbanization -overurge -overuse -overusual -overusually -overvaliant -overvaluable -overvaluation -overvalue -overvariety -overvault -overvehemence -overvehement -overveil -overventilate -overventilation -overventuresome -overventurous -overview -overvoltage -overvote -overwade -overwages -overwake -overwalk -overwander -overward -overwash -overwasted -overwatch -overwatcher -overwater -overwave -overway -overwealth -overwealthy -overweaponed -overwear -overweary -overweather -overweave -overweb -overween -overweener -overweening -overweeningly -overweeningness -overweep -overweigh -overweight -overweightage -overwell -overwelt -overwet -overwetness -overwheel -overwhelm -overwhelmer -overwhelming -overwhelmingly -overwhelmingness -overwhipped -overwhirl -overwhisper -overwide -overwild -overwilily -overwilling -overwillingly -overwily -overwin -overwind -overwing -overwinter -overwiped -overwisdom -overwise -overwisely -overwithered -overwoman -overwomanize -overwomanly -overwood -overwooded -overwoody -overword -overwork -overworld -overworn -overworry -overworship -overwound -overwove -overwoven -overwrap -overwrest -overwrested -overwrestle -overwrite -overwroth -overwrought -overyear -overyoung -overyouthful -overzeal -overzealous -overzealously -overzealousness -ovest -ovey -Ovibos -Ovibovinae -ovibovine -ovicapsular -ovicapsule -ovicell -ovicellular -ovicidal -ovicide -ovicular -oviculated -oviculum -ovicyst -ovicystic -Ovidae -Ovidian -oviducal -oviduct -oviductal -oviferous -ovification -oviform -ovigenesis -ovigenetic -ovigenic -ovigenous -ovigerm -ovigerous -ovile -Ovillus -Ovinae -ovine -ovinia -ovipara -oviparal -oviparity -oviparous -oviparously -oviparousness -oviposit -oviposition -ovipositor -Ovis -ovisac -oviscapt -ovism -ovispermary -ovispermiduct -ovist -ovistic -ovivorous -ovocyte -ovoelliptic -ovoflavin -ovogenesis -ovogenetic -ovogenous -ovogonium -ovoid -ovoidal -ovolemma -ovolo -ovological -ovologist -ovology -ovolytic -ovomucoid -ovoplasm -ovoplasmic -ovopyriform -ovorhomboid -ovorhomboidal -ovotesticular -ovotestis -ovovitellin -Ovovivipara -ovoviviparism -ovoviviparity -ovoviviparous -ovoviviparously -ovoviviparousness -Ovula -ovular -ovularian -ovulary -ovulate -ovulation -ovule -ovuliferous -ovuligerous -ovulist -ovum -ow -owd -owe -owelty -Owen -Owenia -Owenian -Owenism -Owenist -Owenite -Owenize -ower -owerance -owerby -owercome -owergang -owerloup -owertaen -owerword -owght -owing -owk -owl -owldom -owler -owlery -owlet -Owlglass -owlhead -owling -owlish -owlishly -owlishness -owlism -owllight -owllike -Owlspiegle -owly -own -owner -ownerless -ownership -ownhood -ownness -ownself -ownwayish -owregane -owrehip -owrelay -owse -owsen -owser -owtchah -owyheeite -ox -oxacid -oxadiazole -oxalacetic -oxalaldehyde -oxalamid -oxalamide -oxalan -oxalate -oxaldehyde -oxalemia -oxalic -Oxalidaceae -oxalidaceous -Oxalis -oxalite -oxalodiacetic -oxalonitril -oxalonitrile -oxaluramid -oxaluramide -oxalurate -oxaluria -oxaluric -oxalyl -oxalylurea -oxamate -oxamethane -oxamic -oxamid -oxamide -oxamidine -oxammite -oxan -oxanate -oxane -oxanic -oxanilate -oxanilic -oxanilide -oxazine -oxazole -oxbane -oxberry -oxbird -oxbiter -oxblood -oxbow -oxboy -oxbrake -oxcart -oxcheek -oxdiacetic -oxdiazole -oxea -oxeate -oxen -oxeote -oxer -oxetone -oxeye -oxfly -Oxford -Oxfordian -Oxfordism -Oxfordist -oxgang -oxgoad -oxharrow -oxhead -oxheal -oxheart -oxhide -oxhoft -oxhorn -oxhouse -oxhuvud -oxidability -oxidable -oxidant -oxidase -oxidate -oxidation -oxidational -oxidative -oxidator -oxide -oxidic -oxidimetric -oxidimetry -oxidizability -oxidizable -oxidization -oxidize -oxidizement -oxidizer -oxidizing -oxidoreductase -oxidoreduction -oxidulated -oximate -oximation -oxime -oxland -oxlike -oxlip -oxman -oxmanship -oxoindoline -Oxonian -oxonic -oxonium -Oxonolatry -oxozone -oxozonide -oxpecker -oxphony -oxreim -oxshoe -oxskin -oxtail -oxter -oxtongue -oxwort -oxy -oxyacanthine -oxyacanthous -oxyacetylene -oxyacid -Oxyaena -Oxyaenidae -oxyaldehyde -oxyamine -oxyanthracene -oxyanthraquinone -oxyaphia -oxyaster -oxybaphon -Oxybaphus -oxybenzaldehyde -oxybenzene -oxybenzoic -oxybenzyl -oxyberberine -oxyblepsia -oxybromide -oxybutyria -oxybutyric -oxycalcium -oxycalorimeter -oxycamphor -oxycaproic -oxycarbonate -oxycellulose -oxycephalic -oxycephalism -oxycephalous -oxycephaly -oxychlorate -oxychloric -oxychloride -oxycholesterol -oxychromatic -oxychromatin -oxychromatinic -oxycinnamic -oxycobaltammine -Oxycoccus -oxycopaivic -oxycoumarin -oxycrate -oxycyanide -oxydactyl -Oxydendrum -oxydiact -oxyesthesia -oxyether -oxyethyl -oxyfatty -oxyfluoride -oxygas -oxygen -oxygenant -oxygenate -oxygenation -oxygenator -oxygenerator -oxygenic -oxygenicity -oxygenium -oxygenizable -oxygenize -oxygenizement -oxygenizer -oxygenous -oxygeusia -oxygnathous -oxyhalide -oxyhaloid -oxyhematin -oxyhemocyanin -oxyhemoglobin -oxyhexactine -oxyhexaster -oxyhydrate -oxyhydric -oxyhydrogen -oxyiodide -oxyketone -oxyl -Oxylabracidae -Oxylabrax -oxyluciferin -oxyluminescence -oxyluminescent -oxymandelic -oxymel -oxymethylene -oxymoron -oxymuriate -oxymuriatic -oxynaphthoic -oxynaphtoquinone -oxynarcotine -oxyneurin -oxyneurine -oxynitrate -oxyntic -oxyophitic -oxyopia -Oxyopidae -oxyosphresia -oxypetalous -oxyphenol -oxyphenyl -oxyphile -oxyphilic -oxyphilous -oxyphonia -oxyphosphate -oxyphthalic -oxyphyllous -oxyphyte -oxypicric -Oxypolis -oxyproline -oxypropionic -oxypurine -oxypycnos -oxyquinaseptol -oxyquinoline -oxyquinone -oxyrhine -oxyrhinous -oxyrhynch -oxyrhynchous -oxyrhynchus -Oxyrrhyncha -oxyrrhynchid -oxysalicylic -oxysalt -oxystearic -Oxystomata -oxystomatous -oxystome -oxysulphate -oxysulphide -oxyterpene -oxytocia -oxytocic -oxytocin -oxytocous -oxytoluene -oxytoluic -oxytone -oxytonesis -oxytonical -oxytonize -Oxytricha -Oxytropis -oxytylotate -oxytylote -oxyuriasis -oxyuricide -Oxyuridae -oxyurous -oxywelding -Oyana -oyapock -oyer -oyster -oysterage -oysterbird -oystered -oysterer -oysterfish -oystergreen -oysterhood -oysterhouse -oystering -oysterish -oysterishness -oysterlike -oysterling -oysterman -oysterous -oysterroot -oysterseed -oystershell -oysterwife -oysterwoman -Ozan -Ozark -ozarkite -ozena -Ozias -ozobrome -ozocerite -ozokerit -ozokerite -ozonate -ozonation -ozonator -ozone -ozoned -ozonic -ozonide -ozoniferous -ozonification -ozonify -Ozonium -ozonization -ozonize -ozonizer -ozonometer -ozonometry -ozonoscope -ozonoscopic -ozonous -ozophen -ozophene -ozostomia -ozotype -P -p -pa -paal -paar -paauw -Paba -pabble -Pablo -pablo -pabouch -pabular -pabulary -pabulation -pabulatory -pabulous -pabulum -pac -paca -pacable -Pacaguara -pacate -pacation -pacative -pacay -pacaya -Paccanarist -Pacchionian -Pace -pace -paceboard -paced -pacemaker -pacemaking -pacer -pachak -pachisi -pachnolite -pachometer -Pachomian -Pachons -Pacht -pachyacria -pachyaemia -pachyblepharon -pachycarpous -pachycephal -pachycephalia -pachycephalic -pachycephalous -pachycephaly -pachychilia -pachycholia -pachychymia -pachycladous -pachydactyl -pachydactylous -pachydactyly -pachyderm -pachyderma -pachydermal -Pachydermata -pachydermatocele -pachydermatoid -pachydermatosis -pachydermatous -pachydermatously -pachydermia -pachydermial -pachydermic -pachydermoid -pachydermous -pachyemia -pachyglossal -pachyglossate -pachyglossia -pachyglossous -pachyhaemia -pachyhaemic -pachyhaemous -pachyhematous -pachyhemia -pachyhymenia -pachyhymenic -Pachylophus -pachylosis -Pachyma -pachymenia -pachymenic -pachymeningitic -pachymeningitis -pachymeninx -pachymeter -pachynathous -pachynema -pachynsis -pachyntic -pachyodont -pachyotia -pachyotous -pachyperitonitis -pachyphyllous -pachypleuritic -pachypod -pachypodous -pachypterous -Pachyrhizus -pachyrhynchous -pachysalpingitis -Pachysandra -pachysaurian -pachysomia -pachysomous -pachystichous -Pachystima -pachytene -pachytrichous -Pachytylus -pachyvaginitis -pacifiable -pacific -pacifical -pacifically -pacificate -pacification -pacificator -pacificatory -pacificism -pacificist -pacificity -pacifier -pacifism -pacifist -pacifistic -pacifistically -pacify -pacifyingly -Pacinian -pack -packable -package -packbuilder -packcloth -packer -packery -packet -packhouse -packless -packly -packmaker -packmaking -packman -packmanship -packness -packsack -packsaddle -packstaff -packthread -packwall -packwaller -packware -packway -paco -Pacolet -pacouryuva -pact -paction -pactional -pactionally -Pactolian -Pactolus -pad -padcloth -Padda -padder -padding -paddle -paddlecock -paddled -paddlefish -paddlelike -paddler -paddlewood -paddling -paddock -paddockride -paddockstone -paddockstool -Paddy -paddy -paddybird -Paddyism -paddymelon -Paddywack -paddywatch -Paddywhack -paddywhack -padella -padfoot -padge -Padina -padishah -padle -padlike -padlock -padmasana -padmelon -padnag -padpiece -Padraic -Padraig -padre -padroadist -padroado -padronism -padstone -padtree -Paduan -Paduanism -paduasoy -Padus -paean -paeanism -paeanize -paedarchy -paedatrophia -paedatrophy -paediatry -paedogenesis -paedogenetic -paedometer -paedometrical -paedomorphic -paedomorphism -paedonymic -paedonymy -paedopsychologist -paedotribe -paedotrophic -paedotrophist -paedotrophy -paegel -paegle -Paelignian -paenula -paeon -Paeonia -Paeoniaceae -Paeonian -paeonic -paetrick -paga -pagan -Paganalia -Paganalian -pagandom -paganic -paganical -paganically -paganish -paganishly -paganism -paganist -paganistic -paganity -paganization -paganize -paganizer -paganly -paganry -pagatpat -Page -page -pageant -pageanted -pageanteer -pageantic -pageantry -pagedom -pageful -pagehood -pageless -pagelike -pager -pageship -pagina -paginal -paginary -paginate -pagination -pagiopod -Pagiopoda -pagoda -pagodalike -pagodite -pagoscope -pagrus -Paguma -pagurian -pagurid -Paguridae -Paguridea -pagurine -Pagurinea -paguroid -Paguroidea -Pagurus -pagus -pah -paha -Pahareen -Pahari -Paharia -pahi -Pahlavi -pahlavi -pahmi -paho -pahoehoe -Pahouin -pahutan -Paiconeca -paideutic -paideutics -paidological -paidologist -paidology -paidonosology -paigle -paik -pail -pailful -paillasse -paillette -pailletted -pailou -paimaneh -pain -pained -painful -painfully -painfulness -paining -painingly -painkiller -painless -painlessly -painlessness -painproof -painstaker -painstaking -painstakingly -painstakingness -painsworthy -paint -paintability -paintable -paintableness -paintably -paintbox -paintbrush -painted -paintedness -painter -painterish -painterlike -painterly -paintership -paintiness -painting -paintingness -paintless -paintpot -paintproof -paintress -paintrix -paintroot -painty -paip -pair -paired -pairedness -pairer -pairment -pairwise -pais -paisa -paisanite -Paisley -Paiute -paiwari -pajahuello -pajama -pajamaed -pajock -Pajonism -Pakawa -Pakawan -pakchoi -pakeha -Pakhpuluk -Pakhtun -Pakistani -paktong -pal -Pala -palace -palaced -palacelike -palaceous -palaceward -palacewards -paladin -palaeanthropic -Palaearctic -Palaeechini -palaeechinoid -Palaeechinoidea -palaeechinoidean -palaeentomology -palaeethnologic -palaeethnological -palaeethnologist -palaeethnology -Palaeeudyptes -Palaeic -palaeichthyan -Palaeichthyes -palaeichthyic -Palaemon -palaemonid -Palaemonidae -palaemonoid -palaeoalchemical -palaeoanthropic -palaeoanthropography -palaeoanthropology -Palaeoanthropus -palaeoatavism -palaeoatavistic -palaeobiogeography -palaeobiologist -palaeobiology -palaeobotanic -palaeobotanical -palaeobotanically -palaeobotanist -palaeobotany -Palaeocarida -palaeoceanography -Palaeocene -palaeochorology -palaeoclimatic -palaeoclimatology -Palaeoconcha -palaeocosmic -palaeocosmology -Palaeocrinoidea -palaeocrystal -palaeocrystallic -palaeocrystalline -palaeocrystic -palaeocyclic -palaeodendrologic -palaeodendrological -palaeodendrologically -palaeodendrologist -palaeodendrology -Palaeodictyoptera -palaeodictyopteran -palaeodictyopteron -palaeodictyopterous -palaeoencephalon -palaeoeremology -palaeoethnic -palaeoethnologic -palaeoethnological -palaeoethnologist -palaeoethnology -palaeofauna -Palaeogaea -Palaeogaean -palaeogene -palaeogenesis -palaeogenetic -palaeogeographic -palaeogeography -palaeoglaciology -palaeoglyph -Palaeognathae -palaeognathic -palaeognathous -palaeograph -palaeographer -palaeographic -palaeographical -palaeographically -palaeographist -palaeography -palaeoherpetologist -palaeoherpetology -palaeohistology -palaeohydrography -palaeolatry -palaeolimnology -palaeolith -palaeolithic -palaeolithical -palaeolithist -palaeolithoid -palaeolithy -palaeological -palaeologist -palaeology -Palaeomastodon -palaeometallic -palaeometeorological -palaeometeorology -Palaeonemertea -palaeonemertean -palaeonemertine -Palaeonemertinea -Palaeonemertini -palaeoniscid -Palaeoniscidae -palaeoniscoid -Palaeoniscum -Palaeoniscus -palaeontographic -palaeontographical -palaeontography -palaeopathology -palaeopedology -palaeophile -palaeophilist -Palaeophis -palaeophysiography -palaeophysiology -palaeophytic -palaeophytological -palaeophytologist -palaeophytology -palaeoplain -palaeopotamology -palaeopsychic -palaeopsychological -palaeopsychology -palaeoptychology -Palaeornis -Palaeornithinae -palaeornithine -palaeornithological -palaeornithology -palaeosaur -Palaeosaurus -palaeosophy -Palaeospondylus -Palaeostraca -palaeostracan -palaeostriatal -palaeostriatum -palaeostylic -palaeostyly -palaeotechnic -palaeothalamus -Palaeothentes -Palaeothentidae -palaeothere -palaeotherian -Palaeotheriidae -palaeotheriodont -palaeotherioid -Palaeotherium -palaeotheroid -Palaeotropical -palaeotype -palaeotypic -palaeotypical -palaeotypically -palaeotypographical -palaeotypographist -palaeotypography -palaeovolcanic -Palaeozoic -palaeozoological -palaeozoologist -palaeozoology -palaestra -palaestral -palaestrian -palaestric -palaestrics -palaetiological -palaetiologist -palaetiology -palafitte -palagonite -palagonitic -Palaic -Palaihnihan -palaiotype -palaite -palama -palamate -palame -Palamedea -palamedean -Palamedeidae -Palamite -Palamitism -palampore -palander -palanka -palankeen -palanquin -palapalai -Palapteryx -Palaquium -palar -palas -palatability -palatable -palatableness -palatably -palatal -palatalism -palatality -palatalization -palatalize -palate -palated -palateful -palatefulness -palateless -palatelike -palatial -palatially -palatialness -palatian -palatic -palatinal -palatinate -palatine -palatineship -Palatinian -palatinite -palation -palatist -palatitis -palative -palatization -palatize -palatoalveolar -palatodental -palatoglossal -palatoglossus -palatognathous -palatogram -palatograph -palatography -palatomaxillary -palatometer -palatonasal -palatopharyngeal -palatopharyngeus -palatoplasty -palatoplegia -palatopterygoid -palatoquadrate -palatorrhaphy -palatoschisis -Palatua -Palau -Palaung -palaver -palaverer -palaverist -palaverment -palaverous -palay -palazzi -palberry -palch -pale -palea -paleaceous -paleanthropic -Palearctic -paleate -palebelly -palebuck -palechinoid -paled -paledness -paleencephalon -paleentomology -paleethnographer -paleethnologic -paleethnological -paleethnologist -paleethnology -paleface -palehearted -paleichthyologic -paleichthyologist -paleichthyology -paleiform -palely -Paleman -paleness -Palenque -paleoalchemical -paleoandesite -paleoanthropic -paleoanthropography -paleoanthropological -paleoanthropologist -paleoanthropology -Paleoanthropus -paleoatavism -paleoatavistic -paleobiogeography -paleobiologist -paleobiology -paleobotanic -paleobotanical -paleobotanically -paleobotanist -paleobotany -paleoceanography -Paleocene -paleochorology -paleoclimatic -paleoclimatologist -paleoclimatology -Paleoconcha -paleocosmic -paleocosmology -paleocrystal -paleocrystallic -paleocrystalline -paleocrystic -paleocyclic -paleodendrologic -paleodendrological -paleodendrologically -paleodendrologist -paleodendrology -paleoecologist -paleoecology -paleoencephalon -paleoeremology -paleoethnic -paleoethnography -paleoethnologic -paleoethnological -paleoethnologist -paleoethnology -paleofauna -Paleogene -paleogenesis -paleogenetic -paleogeographic -paleogeography -paleoglaciology -paleoglyph -paleograph -paleographer -paleographic -paleographical -paleographically -paleographist -paleography -paleoherpetologist -paleoherpetology -paleohistology -paleohydrography -paleoichthyology -paleokinetic -paleola -paleolate -paleolatry -paleolimnology -paleolith -paleolithic -paleolithical -paleolithist -paleolithoid -paleolithy -paleological -paleologist -paleology -paleomammalogy -paleometallic -paleometeorological -paleometeorology -paleontographic -paleontographical -paleontography -paleontologic -paleontological -paleontologically -paleontologist -paleontology -paleopathology -paleopedology -paleophysiography -paleophysiology -paleophytic -paleophytological -paleophytologist -paleophytology -paleopicrite -paleoplain -paleopotamoloy -paleopsychic -paleopsychological -paleopsychology -paleornithological -paleornithology -paleostriatal -paleostriatum -paleostylic -paleostyly -paleotechnic -paleothalamus -paleothermal -paleothermic -Paleotropical -paleovolcanic -paleoytterbium -Paleozoic -paleozoological -paleozoologist -paleozoology -paler -Palermitan -Palermo -Pales -Palesman -Palestinian -palestra -palestral -palestrian -palestric -palet -paletiology -paletot -palette -paletz -palewise -palfrey -palfreyed -palgat -Pali -pali -Palicourea -palification -paliform -paligorskite -palikar -palikarism -palikinesia -palila -palilalia -Palilia -Palilicium -palillogia -palilogetic -palilogy -palimbacchic -palimbacchius -palimpsest -palimpsestic -palinal -palindrome -palindromic -palindromical -palindromically -palindromist -paling -palingenesia -palingenesian -palingenesis -palingenesist -palingenesy -palingenetic -palingenetically -palingenic -palingenist -palingeny -palinode -palinodial -palinodic -palinodist -palinody -palinurid -Palinuridae -palinuroid -Palinurus -paliphrasia -palirrhea -palisade -palisading -palisado -palisander -palisfy -palish -palistrophia -Paliurus -palkee -pall -palla -palladammine -Palladia -palladia -Palladian -Palladianism -palladic -palladiferous -palladinize -palladion -palladious -Palladium -palladium -palladiumize -palladize -palladodiammine -palladosammine -palladous -pallae -pallah -pallall -pallanesthesia -Pallas -pallasite -pallbearer -palled -pallescence -pallescent -pallesthesia -pallet -palleting -palletize -pallette -pallholder -palli -pallial -palliard -palliasse -Palliata -palliata -palliate -palliation -palliative -palliatively -palliator -palliatory -pallid -pallidiflorous -pallidipalpate -palliditarsate -pallidity -pallidiventrate -pallidly -pallidness -palliness -Palliobranchiata -palliobranchiate -palliocardiac -pallioessexite -pallion -palliopedal -palliostratus -pallium -Palliyan -pallograph -pallographic -pallometric -pallone -pallor -Pallu -Palluites -pallwise -pally -palm -palma -Palmaceae -palmaceous -palmad -Palmae -palmanesthesia -palmar -palmarian -palmary -palmate -palmated -palmately -palmatifid -palmatiform -palmatilobate -palmatilobed -palmation -palmatiparted -palmatipartite -palmatisect -palmatisected -palmature -palmcrist -palmed -Palmella -Palmellaceae -palmellaceous -palmelloid -palmer -palmerite -palmery -palmesthesia -palmette -palmetto -palmetum -palmful -palmicolous -palmiferous -palmification -palmiform -palmigrade -palmilobate -palmilobated -palmilobed -palminervate -palminerved -palmiped -Palmipedes -palmipes -palmist -palmister -palmistry -palmitate -palmite -palmitic -palmitin -palmitinic -palmito -palmitoleic -palmitone -palmiveined -palmivorous -palmlike -palmo -palmodic -palmoscopy -palmospasmus -palmula -palmus -palmwise -palmwood -palmy -palmyra -Palmyrene -Palmyrenian -palolo -palombino -palometa -palomino -palosapis -palouser -paloverde -palp -palpability -palpable -palpableness -palpably -palpacle -palpal -palpate -palpation -palpatory -palpebra -palpebral -palpebrate -palpebration -palpebritis -palped -palpi -palpicorn -Palpicornia -palpifer -palpiferous -palpiform -palpiger -palpigerous -palpitant -palpitate -palpitatingly -palpitation -palpless -palpocil -palpon -palpulus -palpus -palsgrave -palsgravine -palsied -palsification -palstave -palster -palsy -palsylike -palsywort -palt -Palta -palter -palterer -palterly -paltrily -paltriness -paltry -paludal -paludament -paludamentum -paludial -paludian -paludic -Paludicella -Paludicolae -paludicole -paludicoline -paludicolous -paludiferous -Paludina -paludinal -paludine -paludinous -paludism -paludose -paludous -paludrin -paludrine -palule -palulus -Palus -palus -palustral -palustrian -palustrine -paly -palynology -Pam -pam -pambanmanche -Pamela -pament -pameroon -Pamir -Pamiri -Pamirian -Pamlico -pamment -Pampanga -Pampangan -Pampango -pampas -pampean -pamper -pampered -pamperedly -pamperedness -pamperer -pamperize -pampero -pamphagous -pampharmacon -Pamphiliidae -Pamphilius -pamphlet -pamphletage -pamphletary -pamphleteer -pamphleter -pamphletful -pamphletic -pamphletical -pamphletize -pamphletwise -pamphysical -pamphysicism -pampilion -pampiniform -pampinocele -pamplegia -pampootee -pampootie -pampre -pamprodactyl -pamprodactylism -pamprodactylous -pampsychism -pampsychist -Pamunkey -Pan -pan -panace -Panacea -panacea -panacean -panaceist -panache -panached -panachure -panada -panade -Panagia -panagiarion -Panak -Panaka -panama -Panamaian -Panaman -Panamanian -Panamano -Panamic -Panamint -Panamist -panapospory -panarchic -panarchy -panaris -panaritium -panarteritis -panarthritis -panary -panatela -Panathenaea -Panathenaean -Panathenaic -panatrophy -panautomorphic -panax -Panayan -Panayano -panbabylonian -panbabylonism -Panboeotian -pancake -pancarditis -panchama -panchayat -pancheon -panchion -panchromatic -panchromatism -panchromatization -panchromatize -panchway -panclastic -panconciliatory -pancosmic -pancosmism -pancosmist -pancratian -pancratiast -pancratiastic -pancratic -pancratical -pancratically -pancration -pancratism -pancratist -pancratium -pancreas -pancreatalgia -pancreatectomize -pancreatectomy -pancreatemphraxis -pancreathelcosis -pancreatic -pancreaticoduodenal -pancreaticoduodenostomy -pancreaticogastrostomy -pancreaticosplenic -pancreatin -pancreatism -pancreatitic -pancreatitis -pancreatization -pancreatize -pancreatoduodenectomy -pancreatoenterostomy -pancreatogenic -pancreatogenous -pancreatoid -pancreatolipase -pancreatolith -pancreatomy -pancreatoncus -pancreatopathy -pancreatorrhagia -pancreatotomy -pancreectomy -pancreozymin -pancyclopedic -pand -panda -pandal -pandan -Pandanaceae -pandanaceous -Pandanales -Pandanus -pandaram -Pandarctos -pandaric -Pandarus -pandation -Pandean -pandect -Pandectist -pandemia -pandemian -pandemic -pandemicity -pandemoniac -Pandemoniacal -Pandemonian -pandemonic -pandemonism -Pandemonium -pandemonium -Pandemos -pandemy -pandenominational -pander -panderage -panderer -panderess -panderism -panderize -panderly -Panderma -pandermite -panderous -pandership -pandestruction -pandiabolism -pandiculation -Pandion -Pandionidae -pandita -pandle -pandlewhew -Pandora -pandora -Pandorea -Pandoridae -Pandorina -Pandosto -pandour -pandowdy -pandrop -pandura -pandurate -pandurated -panduriform -pandy -pane -panecclesiastical -paned -panegoism -panegoist -panegyric -panegyrical -panegyrically -panegyricize -panegyricon -panegyricum -panegyris -panegyrist -panegyrize -panegyrizer -panegyry -paneity -panel -panela -panelation -paneler -paneless -paneling -panelist -panellation -panelling -panelwise -panelwork -panentheism -panesthesia -panesthetic -paneulogism -panfil -panfish -panful -pang -Pangaea -pangamic -pangamous -pangamously -pangamy -pangane -Pangasinan -pangen -pangene -pangenesis -pangenetic -pangenetically -pangenic -pangful -pangi -Pangium -pangless -panglessly -panglima -Pangloss -Panglossian -Panglossic -pangolin -pangrammatist -Pangwe -panhandle -panhandler -panharmonic -panharmonicon -panhead -panheaded -Panhellenic -Panhellenios -Panhellenism -Panhellenist -Panhellenium -panhidrosis -panhuman -panhygrous -panhyperemia -panhysterectomy -Pani -panic -panical -panically -panicful -panichthyophagous -panicked -panicky -panicle -panicled -paniclike -panicmonger -panicmongering -paniconograph -paniconographic -paniconography -Panicularia -paniculate -paniculated -paniculately -paniculitis -Panicum -panidiomorphic -panidrosis -panification -panimmunity -Paninean -Panionia -Panionian -Panionic -Paniquita -Paniquitan -panisc -panisca -paniscus -panisic -panivorous -Panjabi -panjandrum -pank -pankin -pankration -panleucopenia -panlogical -panlogism -panlogistical -panman -panmelodicon -panmelodion -panmerism -panmeristic -panmixia -panmixy -panmnesia -panmug -panmyelophthisis -Panna -pannade -pannage -pannam -pannationalism -panne -pannel -panner -pannery -panneuritic -panneuritis -pannicle -pannicular -pannier -panniered -pannierman -pannikin -panning -Pannonian -Pannonic -pannose -pannosely -pannum -pannus -pannuscorium -Panoan -panocha -panoche -panococo -panoistic -panomphaic -panomphean -panomphic -panophobia -panophthalmia -panophthalmitis -panoplied -panoplist -panoply -panoptic -panoptical -panopticon -panoram -panorama -panoramic -panoramical -panoramically -panoramist -panornithic -Panorpa -Panorpatae -panorpian -panorpid -Panorpidae -Panos -panosteitis -panostitis -panotitis -panotype -panouchi -panpathy -panpharmacon -panphenomenalism -panphobia -Panpipe -panplegia -panpneumatism -panpolism -panpsychic -panpsychism -panpsychist -panpsychistic -panscientist -pansciolism -pansciolist -pansclerosis -pansclerotic -panse -pansexism -pansexual -pansexualism -pansexualist -pansexuality -pansexualize -panshard -panside -pansideman -pansied -pansinuitis -pansinusitis -pansmith -pansophic -pansophical -pansophically -pansophism -pansophist -pansophy -panspermatism -panspermatist -panspermia -panspermic -panspermism -panspermist -panspermy -pansphygmograph -panstereorama -pansy -pansylike -pant -pantachromatic -pantacosm -pantagamy -pantagogue -pantagraph -pantagraphic -pantagraphical -Pantagruel -Pantagruelian -Pantagruelic -Pantagruelically -Pantagrueline -pantagruelion -Pantagruelism -Pantagruelist -Pantagruelistic -Pantagruelistical -Pantagruelize -pantaleon -pantaletless -pantalets -pantaletted -pantalgia -pantalon -Pantalone -pantaloon -pantalooned -pantaloonery -pantaloons -pantameter -pantamorph -pantamorphia -pantamorphic -pantanemone -pantanencephalia -pantanencephalic -pantaphobia -pantarbe -pantarchy -pantas -pantascope -pantascopic -Pantastomatida -Pantastomina -pantatrophia -pantatrophy -pantatype -pantechnic -pantechnicon -pantelegraph -pantelegraphy -panteleologism -pantelephone -pantelephonic -Pantelis -pantellerite -panter -panterer -Pantheian -pantheic -pantheism -pantheist -pantheistic -pantheistical -pantheistically -panthelematism -panthelism -pantheologist -pantheology -pantheon -pantheonic -pantheonization -pantheonize -panther -pantheress -pantherine -pantherish -pantherlike -pantherwood -pantheum -pantie -panties -pantile -pantiled -pantiling -panting -pantingly -pantisocracy -pantisocrat -pantisocratic -pantisocratical -pantisocratist -pantle -pantler -panto -pantochrome -pantochromic -pantochromism -pantochronometer -Pantocrator -pantod -Pantodon -Pantodontidae -pantoffle -pantofle -pantoganglitis -pantogelastic -pantoglossical -pantoglot -pantoglottism -pantograph -pantographer -pantographic -pantographical -pantographically -pantography -pantoiatrical -pantologic -pantological -pantologist -pantology -pantomancer -pantometer -pantometric -pantometrical -pantometry -pantomime -pantomimic -pantomimical -pantomimically -pantomimicry -pantomimish -pantomimist -pantomimus -pantomnesia -pantomnesic -pantomorph -pantomorphia -pantomorphic -panton -pantoon -pantopelagian -pantophagic -pantophagist -pantophagous -pantophagy -pantophile -pantophobia -pantophobic -pantophobous -pantoplethora -pantopod -Pantopoda -pantopragmatic -pantopterous -pantoscope -pantoscopic -pantosophy -Pantostomata -pantostomate -pantostomatous -pantostome -pantotactic -pantothenate -pantothenic -Pantotheria -pantotherian -pantotype -pantoum -pantropic -pantropical -pantry -pantryman -pantrywoman -pants -pantun -panty -pantywaist -panung -panurgic -panurgy -panyar -Panzer -panzoism -panzootia -panzootic -panzooty -Paola -paolo -paon -pap -papa -papability -papable -papabot -papacy -papagallo -Papago -papain -papal -papalism -papalist -papalistic -papalization -papalize -papalizer -papally -papalty -papane -papaphobia -papaphobist -papaprelatical -papaprelatist -paparchical -paparchy -papaship -Papaver -Papaveraceae -papaveraceous -Papaverales -papaverine -papaverous -papaw -papaya -Papayaceae -papayaceous -papayotin -papboat -pape -papelonne -paper -paperback -paperbark -paperboard -papered -paperer -paperful -paperiness -papering -paperlike -papermaker -papermaking -papermouth -papern -papershell -paperweight -papery -papess -papeterie -papey -Paphian -Paphiopedilum -Papiamento -papicolar -papicolist -Papilio -Papilionaceae -papilionaceous -Papiliones -papilionid -Papilionidae -Papilionides -Papilioninae -papilionine -papilionoid -Papilionoidea -papilla -papillae -papillar -papillary -papillate -papillated -papillectomy -papilledema -papilliferous -papilliform -papillitis -papilloadenocystoma -papillocarcinoma -papilloedema -papilloma -papillomatosis -papillomatous -papillon -papilloretinitis -papillosarcoma -papillose -papillosity -papillote -papillous -papillulate -papillule -Papinachois -Papio -papion -papish -papisher -papism -Papist -papist -papistic -papistical -papistically -papistlike -papistly -papistry -papize -papless -papmeat -papolater -papolatrous -papolatry -papoose -papooseroot -Pappea -pappescent -pappi -pappiferous -pappiform -pappose -pappox -pappus -pappy -papreg -paprica -paprika -Papuan -papula -papular -papulate -papulated -papulation -papule -papuliferous -papuloerythematous -papulopustular -papulopustule -papulose -papulosquamous -papulous -papulovesicular -papyr -papyraceous -papyral -papyrean -papyri -papyrian -papyrin -papyrine -papyritious -papyrocracy -papyrograph -papyrographer -papyrographic -papyrography -papyrological -papyrologist -papyrology -papyrophobia -papyroplastics -papyrotamia -papyrotint -papyrotype -papyrus -Paque -paquet -par -para -paraaminobenzoic -parabanate -parabanic -parabaptism -parabaptization -parabasal -parabasic -parabasis -parabema -parabematic -parabenzoquinone -parabiosis -parabiotic -parablast -parablastic -parable -parablepsia -parablepsis -parablepsy -parableptic -parabola -parabolanus -parabolic -parabolical -parabolicalism -parabolically -parabolicness -paraboliform -parabolist -parabolization -parabolize -parabolizer -paraboloid -paraboloidal -parabomb -parabotulism -parabranchia -parabranchial -parabranchiate -parabulia -parabulic -paracanthosis -paracarmine -paracasein -paracaseinate -Paracelsian -Paracelsianism -Paracelsic -Paracelsist -Paracelsistic -Paracelsus -paracentesis -paracentral -paracentric -paracentrical -paracephalus -paracerebellar -paracetaldehyde -parachaplain -paracholia -parachor -parachordal -parachrea -parachroia -parachroma -parachromatism -parachromatophorous -parachromatopsia -parachromatosis -parachrome -parachromoparous -parachromophoric -parachromophorous -parachronism -parachronistic -parachrose -parachute -parachutic -parachutism -parachutist -paraclete -paracmasis -paracme -paracoele -paracoelian -paracolitis -paracolon -paracolpitis -paracolpium -paracondyloid -paracone -paraconic -paraconid -paraconscious -paracorolla -paracotoin -paracoumaric -paracresol -Paracress -paracusia -paracusic -paracyanogen -paracyesis -paracymene -paracystic -paracystitis -paracystium -parade -paradeful -paradeless -paradelike -paradenitis -paradental -paradentitis -paradentium -parader -paraderm -paradiastole -paradiazine -paradichlorbenzene -paradichlorbenzol -paradichlorobenzene -paradichlorobenzol -paradidymal -paradidymis -paradigm -paradigmatic -paradigmatical -paradigmatically -paradigmatize -parading -paradingly -paradiplomatic -paradisaic -paradisaically -paradisal -paradise -Paradisea -paradisean -Paradiseidae -Paradiseinae -Paradisia -paradisiac -paradisiacal -paradisiacally -paradisial -paradisian -paradisic -paradisical -parado -paradoctor -parados -paradoses -paradox -paradoxal -paradoxer -paradoxial -paradoxic -paradoxical -paradoxicalism -paradoxicality -paradoxically -paradoxicalness -paradoxician -Paradoxides -paradoxidian -paradoxism -paradoxist -paradoxographer -paradoxographical -paradoxology -paradoxure -Paradoxurinae -paradoxurine -Paradoxurus -paradoxy -paradromic -paraenesis -paraenesize -paraenetic -paraenetical -paraengineer -paraffin -paraffine -paraffiner -paraffinic -paraffinize -paraffinoid -paraffiny -paraffle -parafle -parafloccular -paraflocculus -paraform -paraformaldehyde -parafunction -paragammacism -paraganglion -paragaster -paragastral -paragastric -paragastrula -paragastrular -parage -paragenesia -paragenesis -paragenetic -paragenic -paragerontic -parageusia -parageusic -parageusis -paragglutination -paraglenal -paraglobin -paraglobulin -paraglossa -paraglossal -paraglossate -paraglossia -paraglycogen -paragnath -paragnathism -paragnathous -paragnathus -paragneiss -paragnosia -paragoge -paragogic -paragogical -paragogically -paragogize -paragon -paragonimiasis -Paragonimus -paragonite -paragonitic -paragonless -paragram -paragrammatist -paragraph -paragrapher -paragraphia -paragraphic -paragraphical -paragraphically -paragraphism -paragraphist -paragraphistical -paragraphize -Paraguay -Paraguayan -parah -paraheliotropic -paraheliotropism -parahematin -parahemoglobin -parahepatic -Parahippus -parahopeite -parahormone -parahydrogen -paraiba -Paraiyan -parakeet -parakeratosis -parakilya -parakinesia -parakinetic -paralactate -paralalia -paralambdacism -paralambdacismus -paralaurionite -paraldehyde -parale -paralectotype -paraleipsis -paralepsis -paralexia -paralexic -paralgesia -paralgesic -paralinin -paralipomena -Paralipomenon -paralipsis -paralitical -parallactic -parallactical -parallactically -parallax -parallel -parallelable -parallelepiped -parallelepipedal -parallelepipedic -parallelepipedon -parallelepipedonal -paralleler -parallelinervate -parallelinerved -parallelinervous -parallelism -parallelist -parallelistic -parallelith -parallelization -parallelize -parallelizer -parallelless -parallelly -parallelodrome -parallelodromous -parallelogram -parallelogrammatic -parallelogrammatical -parallelogrammic -parallelogrammical -parallelograph -parallelometer -parallelopiped -parallelopipedon -parallelotropic -parallelotropism -parallelwise -parallepipedous -paralogia -paralogical -paralogician -paralogism -paralogist -paralogistic -paralogize -paralogy -paraluminite -paralyses -paralysis -paralytic -paralytical -paralytically -paralyzant -paralyzation -paralyze -paralyzedly -paralyzer -paralyzingly -param -paramagnet -paramagnetic -paramagnetism -paramandelic -paramarine -paramastigate -paramastitis -paramastoid -paramatta -Paramecidae -Paramecium -paramedian -paramelaconite -paramenia -parament -paramere -parameric -parameron -paramese -paramesial -parameter -parametric -parametrical -parametritic -parametritis -parametrium -paramide -paramilitary -paramimia -paramine -paramiographer -paramitome -paramnesia -paramo -Paramoecium -paramorph -paramorphia -paramorphic -paramorphine -paramorphism -paramorphosis -paramorphous -paramount -paramountcy -paramountly -paramountness -paramountship -paramour -paramuthetic -paramyelin -paramylum -paramyoclonus -paramyosinogen -paramyotone -paramyotonia -paranasal -paranatellon -parandrus -paranema -paranematic -paranephric -paranephritic -paranephritis -paranephros -paranepionic -paranete -parang -paranitraniline -paranitrosophenol -paranoia -paranoiac -paranoid -paranoidal -paranoidism -paranomia -paranormal -paranosic -paranthelion -paranthracene -Paranthropus -paranuclear -paranucleate -paranucleic -paranuclein -paranucleinic -paranucleus -paranymph -paranymphal -parao -paraoperation -Parapaguridae -paraparesis -paraparetic -parapathia -parapathy -parapegm -parapegma -paraperiodic -parapet -parapetalous -parapeted -parapetless -paraph -paraphasia -paraphasic -paraphemia -paraphenetidine -paraphenylene -paraphenylenediamine -parapherna -paraphernal -paraphernalia -paraphernalian -paraphia -paraphilia -paraphimosis -paraphonia -paraphonic -paraphototropism -paraphrasable -paraphrase -paraphraser -paraphrasia -paraphrasian -paraphrasis -paraphrasist -paraphrast -paraphraster -paraphrastic -paraphrastical -paraphrastically -paraphrenia -paraphrenic -paraphrenitis -paraphyllium -paraphysate -paraphysical -paraphysiferous -paraphysis -paraplasis -paraplasm -paraplasmic -paraplastic -paraplastin -paraplectic -paraplegia -paraplegic -paraplegy -parapleuritis -parapleurum -parapod -parapodial -parapodium -parapophysial -parapophysis -parapraxia -parapraxis -paraproctitis -paraproctium -paraprostatitis -Parapsida -parapsidal -parapsidan -parapsis -parapsychical -parapsychism -parapsychological -parapsychology -parapsychosis -parapteral -parapteron -parapterum -paraquadrate -paraquinone -Pararctalia -Pararctalian -pararectal -pararek -parareka -pararhotacism -pararosaniline -pararosolic -pararthria -parasaboteur -parasalpingitis -parasang -parascene -parascenium -parasceve -paraschematic -parasecretion -paraselene -paraselenic -parasemidin -parasemidine -parasexuality -parashah -parasigmatism -parasigmatismus -Parasita -parasital -parasitary -parasite -parasitelike -parasitemia -parasitic -Parasitica -parasitical -parasitically -parasiticalness -parasiticidal -parasiticide -Parasitidae -parasitism -parasitize -parasitogenic -parasitoid -parasitoidism -parasitological -parasitologist -parasitology -parasitophobia -parasitosis -parasitotrope -parasitotropic -parasitotropism -parasitotropy -paraskenion -parasol -parasoled -parasolette -paraspecific -parasphenoid -parasphenoidal -paraspotter -paraspy -parastas -parastatic -parastemon -parastemonal -parasternal -parasternum -parastichy -parastyle -parasubphonate -parasubstituted -Parasuchia -parasuchian -parasympathetic -parasympathomimetic -parasynapsis -parasynaptic -parasynaptist -parasyndesis -parasynesis -parasynetic -parasynovitis -parasynthesis -parasynthetic -parasyntheton -parasyphilis -parasyphilitic -parasyphilosis -parasystole -paratactic -paratactical -paratactically -paratartaric -parataxis -parate -paraterminal -Paratheria -paratherian -parathesis -parathetic -parathion -parathormone -parathymic -parathyroid -parathyroidal -parathyroidectomize -parathyroidectomy -parathyroprival -parathyroprivia -parathyroprivic -paratitla -paratitles -paratoloid -paratoluic -paratoluidine -paratomial -paratomium -paratonic -paratonically -paratorium -paratory -paratracheal -paratragedia -paratragoedia -paratransversan -paratrichosis -paratrimma -paratriptic -paratroop -paratrooper -paratrophic -paratrophy -paratuberculin -paratuberculosis -paratuberculous -paratungstate -paratungstic -paratype -paratyphlitis -paratyphoid -paratypic -paratypical -paratypically -paravaginitis -paravail -paravane -paravauxite -paravent -paravertebral -paravesical -paraxial -paraxially -paraxon -paraxonic -paraxylene -Parazoa -parazoan -parazonium -parbake -Parbate -parboil -parbuckle -parcel -parceling -parcellary -parcellate -parcellation -parcelling -parcellization -parcellize -parcelment -parcelwise -parcenary -parcener -parcenership -parch -parchable -parchedly -parchedness -parcheesi -parchemin -parcher -parchesi -parching -parchingly -parchisi -parchment -parchmenter -parchmentize -parchmentlike -parchmenty -parchy -parcidentate -parciloquy -parclose -parcook -pard -pardalote -Pardanthus -pardao -parded -pardesi -pardine -pardner -pardnomastic -pardo -pardon -pardonable -pardonableness -pardonably -pardonee -pardoner -pardoning -pardonless -pardonmonger -pare -paregoric -Pareiasauri -Pareiasauria -pareiasaurian -Pareiasaurus -Pareioplitae -parel -parelectronomic -parelectronomy -parella -paren -parencephalic -parencephalon -parenchym -parenchyma -parenchymal -parenchymatic -parenchymatitis -parenchymatous -parenchymatously -parenchyme -parenchymous -parent -parentage -parental -Parentalia -parentalism -parentality -parentally -parentdom -parentela -parentelic -parenteral -parenterally -parentheses -parenthesis -parenthesize -parenthetic -parenthetical -parentheticality -parenthetically -parentheticalness -parenthood -parenticide -parentless -parentlike -parentship -Pareoean -parepididymal -parepididymis -parepigastric -parer -parerethesis -parergal -parergic -parergon -paresis -paresthesia -paresthesis -paresthetic -parethmoid -paretic -paretically -pareunia -parfait -parfilage -parfleche -parfocal -pargana -pargasite -parge -pargeboard -parget -pargeter -pargeting -pargo -parhelia -parheliacal -parhelic -parhelion -parhomologous -parhomology -parhypate -pari -pariah -pariahdom -pariahism -pariahship -parial -Parian -parian -Pariasauria -Pariasaurus -Paridae -paridigitate -paridrosis -paries -parietal -Parietales -Parietaria -parietary -parietes -parietofrontal -parietojugal -parietomastoid -parietoquadrate -parietosphenoid -parietosphenoidal -parietosplanchnic -parietosquamosal -parietotemporal -parietovaginal -parietovisceral -parify -parigenin -pariglin -Parilia -Parilicium -parilla -parillin -parimutuel -Parinarium -parine -paring -paripinnate -Paris -parish -parished -parishen -parishional -parishionally -parishionate -parishioner -parishionership -Parisian -Parisianism -Parisianization -Parisianize -Parisianly -Parisii -parisis -parisology -parison -parisonic -paristhmic -paristhmion -parisyllabic -parisyllabical -Pariti -Paritium -parity -parivincular -park -parka -parkee -parker -parkin -parking -Parkinsonia -Parkinsonism -parkish -parklike -parkward -parkway -parky -parlamento -parlance -parlando -Parlatoria -parlatory -parlay -parle -parley -parleyer -parliament -parliamental -parliamentarian -parliamentarianism -parliamentarily -parliamentariness -parliamentarism -parliamentarization -parliamentarize -parliamentary -parliamenteer -parliamenteering -parliamenter -parling -parlish -parlor -parlorish -parlormaid -parlous -parlously -parlousness -parly -Parma -parma -parmacety -parmak -Parmelia -Parmeliaceae -parmeliaceous -parmelioid -Parmentiera -Parmesan -Parmese -parnas -Parnassia -Parnassiaceae -parnassiaceous -Parnassian -Parnassianism -Parnassiinae -Parnassism -Parnassus -parnel -Parnellism -Parnellite -parnorpine -paroarion -paroarium -paroccipital -paroch -parochial -parochialic -parochialism -parochialist -parochiality -parochialization -parochialize -parochially -parochialness -parochin -parochine -parochiner -parode -parodiable -parodial -parodic -parodical -parodinia -parodist -parodistic -parodistically -parodize -parodontitis -parodos -parody -parodyproof -paroecious -paroeciously -paroeciousness -paroecism -paroecy -paroemia -paroemiac -paroemiographer -paroemiography -paroemiologist -paroemiology -paroicous -parol -parolable -parole -parolee -parolfactory -paroli -parolist -paromoeon -paromologetic -paromologia -paromology -paromphalocele -paromphalocelic -paronomasia -paronomasial -paronomasian -paronomasiastic -paronomastical -paronomastically -paronychia -paronychial -paronychium -paronym -paronymic -paronymization -paronymize -paronymous -paronymy -paroophoric -paroophoritis -paroophoron -paropsis -paroptesis -paroptic -parorchid -parorchis -parorexia -Parosela -parosmia -parosmic -parosteal -parosteitis -parosteosis -parostosis -parostotic -Parotia -parotic -parotid -parotidean -parotidectomy -parotiditis -parotis -parotitic -parotitis -parotoid -parous -parousia -parousiamania -parovarian -parovariotomy -parovarium -paroxazine -paroxysm -paroxysmal -paroxysmalist -paroxysmally -paroxysmic -paroxysmist -paroxytone -paroxytonic -paroxytonize -parpal -parquet -parquetage -parquetry -parr -Parra -parrel -parrhesia -parrhesiastic -parriable -parricidal -parricidally -parricide -parricided -parricidial -parricidism -Parridae -parrier -parrock -parrot -parroter -parrothood -parrotism -parrotize -parrotlet -parrotlike -parrotry -parrotwise -parroty -parry -parsable -parse -parsec -Parsee -Parseeism -parser -parsettensite -Parsi -Parsic -Parsiism -parsimonious -parsimoniously -parsimoniousness -parsimony -Parsism -parsley -parsleylike -parsleywort -parsnip -parson -parsonage -parsonarchy -parsondom -parsoned -parsonese -parsoness -parsonet -parsonhood -parsonic -parsonical -parsonically -parsoning -parsonish -parsonity -parsonize -parsonlike -parsonly -parsonolatry -parsonology -parsonry -parsonship -Parsonsia -parsonsite -parsony -Part -part -partakable -partake -partaker -partan -partanfull -partanhanded -parted -partedness -parter -parterre -parterred -partheniad -Partheniae -parthenian -parthenic -Parthenium -parthenocarpelly -parthenocarpic -parthenocarpical -parthenocarpically -parthenocarpous -parthenocarpy -Parthenocissus -parthenogenesis -parthenogenetic -parthenogenetically -parthenogenic -parthenogenitive -parthenogenous -parthenogeny -parthenogonidium -Parthenolatry -parthenology -Parthenon -Parthenopaeus -parthenoparous -Parthenope -Parthenopean -Parthenos -parthenosperm -parthenospore -Parthian -partial -partialism -partialist -partialistic -partiality -partialize -partially -partialness -partiary -partible -particate -participability -participable -participance -participancy -participant -participantly -participate -participatingly -participation -participative -participatively -participator -participatory -participatress -participial -participiality -participialize -participially -participle -particle -particled -particular -particularism -particularist -particularistic -particularistically -particularity -particularization -particularize -particularly -particularness -particulate -partigen -partile -partimembered -partimen -partinium -partisan -partisanism -partisanize -partisanship -partite -partition -partitional -partitionary -partitioned -partitioner -partitioning -partitionist -partitionment -partitive -partitively -partitura -partiversal -partivity -partless -partlet -partly -partner -partnerless -partnership -parto -partook -partridge -partridgeberry -partridgelike -partridgewood -partridging -partschinite -parture -parturiate -parturience -parturiency -parturient -parturifacient -parturition -parturitive -party -partyism -partyist -partykin -partyless -partymonger -partyship -Parukutu -parulis -parumbilical -parure -paruria -Parus -parvanimity -parvenu -parvenudom -parvenuism -parvicellular -parviflorous -parvifoliate -parvifolious -parvipotent -parvirostrate -parvis -parviscient -parvitude -parvolin -parvoline -parvule -paryphodrome -pasan -pasang -Pascal -Pasch -Pascha -paschal -paschalist -Paschaltide -paschite -pascoite -pascuage -pascual -pascuous -pasgarde -pash -pasha -pashadom -pashalik -pashaship -pashm -pashmina -Pashto -pasi -pasigraphic -pasigraphical -pasigraphy -pasilaly -Pasitelean -pasmo -Paspalum -pasqueflower -pasquil -pasquilant -pasquiler -pasquilic -Pasquin -pasquin -pasquinade -pasquinader -Pasquinian -Pasquino -pass -passable -passableness -passably -passade -passado -passage -passageable -passageway -Passagian -passalid -Passalidae -Passalus -Passamaquoddy -passant -passback -passbook -Passe -passe -passee -passegarde -passement -passementerie -passen -passenger -Passer -passer -Passeres -passeriform -Passeriformes -Passerina -passerine -passewa -passibility -passible -passibleness -Passiflora -Passifloraceae -passifloraceous -Passiflorales -passimeter -passing -passingly -passingness -passion -passional -passionary -passionate -passionately -passionateness -passionative -passioned -passionflower -passionful -passionfully -passionfulness -Passionist -passionist -passionless -passionlessly -passionlessness -passionlike -passionometer -passionproof -Passiontide -passionwise -passionwort -passir -passival -passivate -passivation -passive -passively -passiveness -passivism -passivist -passivity -passkey -passless -passman -passo -passometer -passout -passover -passoverish -passpenny -passport -passportless -passulate -passulation -passus -passway -passwoman -password -passworts -passymeasure -past -paste -pasteboard -pasteboardy -pasted -pastedness -pastedown -pastel -pastelist -paster -pasterer -pastern -pasterned -pasteur -Pasteurella -Pasteurelleae -pasteurellosis -Pasteurian -pasteurism -pasteurization -pasteurize -pasteurizer -pastiche -pasticheur -pastil -pastile -pastille -pastime -pastimer -Pastinaca -pastiness -pasting -pastness -pastophor -pastophorion -pastophorium -pastophorus -pastor -pastorage -pastoral -pastorale -pastoralism -pastoralist -pastorality -pastoralize -pastorally -pastoralness -pastorate -pastoress -pastorhood -pastorium -pastorize -pastorless -pastorlike -pastorling -pastorly -pastorship -pastose -pastosity -pastrami -pastry -pastryman -pasturability -pasturable -pasturage -pastural -pasture -pastureless -pasturer -pasturewise -pasty -pasul -Pat -pat -pata -pataca -patacao -pataco -patagial -patagiate -patagium -Patagon -patagon -Patagones -Patagonian -pataka -patamar -patao -patapat -pataque -Pataria -Patarin -Patarine -Patarinism -patas -patashte -Patavian -patavinity -patball -patballer -patch -patchable -patcher -patchery -patchily -patchiness -patchleaf -patchless -patchouli -patchwise -patchword -patchwork -patchworky -patchy -pate -patefaction -patefy -patel -patella -patellar -patellaroid -patellate -Patellidae -patellidan -patelliform -patelline -patellofemoral -patelloid -patellula -patellulate -paten -patency -patener -patent -patentability -patentable -patentably -patentee -patently -patentor -pater -patera -patercove -paterfamiliar -paterfamiliarly -paterfamilias -pateriform -paterissa -paternal -paternalism -paternalist -paternalistic -paternalistically -paternality -paternalize -paternally -paternity -paternoster -paternosterer -patesi -patesiate -path -Pathan -pathbreaker -pathed -pathema -pathematic -pathematically -pathematology -pathetic -pathetical -pathetically -patheticalness -patheticate -patheticly -patheticness -pathetism -pathetist -pathetize -pathfarer -pathfinder -pathfinding -pathic -pathicism -pathless -pathlessness -pathlet -pathoanatomical -pathoanatomy -pathobiological -pathobiologist -pathobiology -pathochemistry -pathodontia -pathogen -pathogene -pathogenesis -pathogenesy -pathogenetic -pathogenic -pathogenicity -pathogenous -pathogeny -pathogerm -pathogermic -pathognomic -pathognomical -pathognomonic -pathognomonical -pathognomy -pathognostic -pathographical -pathography -pathologic -pathological -pathologically -pathologicoanatomic -pathologicoanatomical -pathologicoclinical -pathologicohistological -pathologicopsychological -pathologist -pathology -patholysis -patholytic -pathomania -pathometabolism -pathomimesis -pathomimicry -pathoneurosis -pathonomia -pathonomy -pathophobia -pathophoresis -pathophoric -pathophorous -pathoplastic -pathoplastically -pathopoeia -pathopoiesis -pathopoietic -pathopsychology -pathopsychosis -pathoradiography -pathos -pathosocial -Pathrusim -pathway -pathwayed -pathy -patible -patibulary -patibulate -patience -patiency -patient -patientless -patiently -patientness -patina -patinate -patination -patine -patined -patinize -patinous -patio -patisserie -patly -Patmian -Patmos -patness -patnidar -pato -patois -patola -patonce -patria -patrial -patriarch -patriarchal -patriarchalism -patriarchally -patriarchate -patriarchdom -patriarched -patriarchess -patriarchic -patriarchical -patriarchically -patriarchism -patriarchist -patriarchship -patriarchy -Patrice -patrice -Patricia -Patrician -patrician -patricianhood -patricianism -patricianly -patricianship -patriciate -patricidal -patricide -Patricio -Patrick -patrico -patrilineal -patrilineally -patrilinear -patriliny -patrilocal -patrimonial -patrimonially -patrimony -patrin -Patriofelis -patriolatry -patriot -patrioteer -patriotess -patriotic -patriotical -patriotically -patriotics -patriotism -patriotly -patriotship -Patripassian -Patripassianism -Patripassianist -Patripassianly -patrist -patristic -patristical -patristically -patristicalness -patristicism -patristics -patrix -patrizate -patrization -patrocinium -patroclinic -patroclinous -patrocliny -patrogenesis -patrol -patroller -patrollotism -patrolman -patrologic -patrological -patrologist -patrology -patron -patronage -patronal -patronate -patrondom -patroness -patronessship -patronite -patronizable -patronization -patronize -patronizer -patronizing -patronizingly -patronless -patronly -patronomatology -patronship -patronym -patronymic -patronymically -patronymy -patroon -patroonry -patroonship -patruity -Patsy -patta -pattable -patte -pattee -patten -pattened -pattener -patter -patterer -patterist -pattern -patternable -patterned -patterner -patterning -patternize -patternless -patternlike -patternmaker -patternmaking -patternwise -patterny -pattu -Patty -patty -pattypan -patu -patulent -patulous -patulously -patulousness -Patuxent -patwari -Patwin -paty -pau -pauciarticulate -pauciarticulated -paucidentate -pauciflorous -paucifoliate -paucifolious -paucify -paucijugate -paucilocular -pauciloquent -pauciloquently -pauciloquy -paucinervate -paucipinnate -pauciplicate -pauciradiate -pauciradiated -paucispiral -paucispirated -paucity -paughty -paukpan -Paul -Paula -paular -pauldron -Pauliad -Paulian -Paulianist -Pauliccian -Paulicianism -paulie -paulin -Paulina -Pauline -Paulinia -Paulinian -Paulinism -Paulinist -Paulinistic -Paulinistically -Paulinity -Paulinize -Paulinus -Paulism -Paulist -Paulista -Paulite -paulopast -paulopost -paulospore -Paulownia -Paulus -Paumari -paunch -paunched -paunchful -paunchily -paunchiness -paunchy -paup -pauper -pauperage -pauperate -pauperdom -pauperess -pauperism -pauperitic -pauperization -pauperize -pauperizer -Paurometabola -paurometabolic -paurometabolism -paurometabolous -paurometaboly -pauropod -Pauropoda -pauropodous -pausably -pausal -pausation -pause -pauseful -pausefully -pauseless -pauselessly -pausement -pauser -pausingly -paussid -Paussidae -paut -pauxi -pavage -pavan -pavane -pave -pavement -pavemental -paver -pavestone -Pavetta -Pavia -pavid -pavidity -pavier -pavilion -paving -pavior -Paviotso -paviour -pavis -pavisade -pavisado -paviser -pavisor -Pavo -pavonated -pavonazzetto -pavonazzo -Pavoncella -Pavonia -pavonian -pavonine -pavonize -pavy -paw -pawdite -pawer -pawing -pawk -pawkery -pawkily -pawkiness -pawkrie -pawky -pawl -pawn -pawnable -pawnage -pawnbroker -pawnbrokerage -pawnbrokeress -pawnbrokering -pawnbrokery -pawnbroking -Pawnee -pawnee -pawner -pawnie -pawnor -pawnshop -pawpaw -Pawtucket -pax -paxilla -paxillar -paxillary -paxillate -paxilliferous -paxilliform -Paxillosa -paxillose -paxillus -paxiuba -paxwax -pay -payability -payable -payableness -payably -Payagua -Payaguan -payday -payed -payee -payeny -payer -paying -paymaster -paymastership -payment -paymistress -Payni -paynim -paynimhood -paynimry -Paynize -payoff -payong -payor -payroll -paysagist -Pazend -pea -peaberry -peace -peaceable -peaceableness -peaceably -peacebreaker -peacebreaking -peaceful -peacefully -peacefulness -peaceless -peacelessness -peacelike -peacemaker -peacemaking -peaceman -peacemonger -peacemongering -peacetime -peach -peachberry -peachblossom -peachblow -peachen -peacher -peachery -peachick -peachify -peachiness -peachlet -peachlike -peachwood -peachwort -peachy -peacoat -peacock -peacockery -peacockish -peacockishly -peacockishness -peacockism -peacocklike -peacockly -peacockwise -peacocky -peacod -peafowl -peag -peage -peahen -peai -peaiism -peak -peaked -peakedly -peakedness -peaker -peakily -peakiness -peaking -peakish -peakishly -peakishness -peakless -peaklike -peakward -peaky -peakyish -peal -pealike -pean -peanut -pear -pearceite -pearl -pearlberry -pearled -pearler -pearlet -pearlfish -pearlfruit -pearlike -pearlin -pearliness -pearling -pearlish -pearlite -pearlitic -pearlsides -pearlstone -pearlweed -pearlwort -pearly -pearmain -pearmonger -peart -pearten -peartly -peartness -pearwood -peasant -peasantess -peasanthood -peasantism -peasantize -peasantlike -peasantly -peasantry -peasantship -peasecod -peaselike -peasen -peashooter -peason -peastake -peastaking -peastick -peasticking -peastone -peasy -peat -peatery -peathouse -peatman -peatship -peatstack -peatwood -peaty -peavey -peavy -Peba -peba -Peban -pebble -pebbled -pebblehearted -pebblestone -pebbleware -pebbly -pebrine -pebrinous -pecan -peccability -peccable -peccadillo -peccancy -peccant -peccantly -peccantness -peccary -peccation -peccavi -pech -pecht -pecite -peck -pecked -pecker -peckerwood -pecket -peckful -peckhamite -peckiness -peckish -peckishly -peckishness -peckle -peckled -peckly -Pecksniffian -Pecksniffianism -Pecksniffism -pecky -Pecopteris -pecopteroid -Pecora -Pecos -pectase -pectate -pecten -pectic -pectin -Pectinacea -pectinacean -pectinaceous -pectinal -pectinase -pectinate -pectinated -pectinately -pectination -pectinatodenticulate -pectinatofimbricate -pectinatopinnate -pectineal -pectineus -pectinibranch -Pectinibranchia -pectinibranchian -Pectinibranchiata -pectinibranchiate -pectinic -pectinid -Pectinidae -pectiniferous -pectiniform -pectinirostrate -pectinite -pectinogen -pectinoid -pectinose -pectinous -pectizable -pectization -pectize -pectocellulose -pectolite -pectora -pectoral -pectoralgia -pectoralis -pectoralist -pectorally -pectoriloquial -pectoriloquism -pectoriloquous -pectoriloquy -pectosase -pectose -pectosic -pectosinase -pectous -pectunculate -Pectunculus -pectus -peculate -peculation -peculator -peculiar -peculiarism -peculiarity -peculiarize -peculiarly -peculiarness -peculiarsome -peculium -pecuniarily -pecuniary -pecuniosity -pecunious -ped -peda -pedage -pedagog -pedagogal -pedagogic -pedagogical -pedagogically -pedagogics -pedagogism -pedagogist -pedagogue -pedagoguery -pedagoguish -pedagoguism -pedagogy -pedal -pedaler -pedalfer -pedalferic -Pedaliaceae -pedaliaceous -pedalian -pedalier -Pedalion -pedalism -pedalist -pedaliter -pedality -Pedalium -pedanalysis -pedant -pedantesque -pedantess -pedanthood -pedantic -pedantical -pedantically -pedanticalness -pedanticism -pedanticly -pedanticness -pedantism -pedantize -pedantocracy -pedantocrat -pedantocratic -pedantry -pedary -Pedata -pedate -pedated -pedately -pedatifid -pedatiform -pedatilobate -pedatilobed -pedatinerved -pedatipartite -pedatisect -pedatisected -pedatrophia -pedder -peddle -peddler -peddleress -peddlerism -peddlery -peddling -peddlingly -pedee -pedelion -pederast -pederastic -pederastically -pederasty -pedes -pedesis -pedestal -pedestrial -pedestrially -pedestrian -pedestrianate -pedestrianism -pedestrianize -pedetentous -Pedetes -Pedetidae -Pedetinae -pediadontia -pediadontic -pediadontist -pedialgia -Pediastrum -pediatric -pediatrician -pediatrics -pediatrist -pediatry -pedicab -pedicel -pediceled -pedicellar -pedicellaria -pedicellate -pedicellated -pedicellation -pedicelled -pedicelliform -Pedicellina -pedicellus -pedicle -pedicular -Pedicularia -Pedicularis -pediculate -pediculated -Pediculati -pedicule -Pediculi -pediculicidal -pediculicide -pediculid -Pediculidae -Pediculina -pediculine -pediculofrontal -pediculoid -pediculoparietal -pediculophobia -pediculosis -pediculous -Pediculus -pedicure -pedicurism -pedicurist -pediferous -pediform -pedigerous -pedigraic -pedigree -pedigreeless -pediluvium -Pedimana -pedimanous -pediment -pedimental -pedimented -pedimentum -Pedioecetes -pedion -pedionomite -Pedionomus -pedipalp -pedipalpal -pedipalpate -Pedipalpi -Pedipalpida -pedipalpous -pedipalpus -pedipulate -pedipulation -pedipulator -pedlar -pedlary -pedobaptism -pedobaptist -pedocal -pedocalcic -pedodontia -pedodontic -pedodontist -pedodontology -pedograph -pedological -pedologist -pedologistical -pedologistically -pedology -pedometer -pedometric -pedometrical -pedometrically -pedometrician -pedometrist -pedomorphic -pedomorphism -pedomotive -pedomotor -pedophilia -pedophilic -pedotribe -pedotrophic -pedotrophist -pedotrophy -pedrail -pedregal -pedrero -Pedro -pedro -pedule -pedum -peduncle -peduncled -peduncular -Pedunculata -pedunculate -pedunculated -pedunculation -pedunculus -pee -peed -peek -peekaboo -peel -peelable -peele -peeled -peeledness -peeler -peelhouse -peeling -Peelism -Peelite -peelman -peen -peenge -peeoy -peep -peeper -peepeye -peephole -peepy -peer -peerage -peerdom -peeress -peerhood -peerie -peeringly -peerless -peerlessly -peerlessness -peerling -peerly -peership -peery -peesash -peesoreh -peesweep -peetweet -peeve -peeved -peevedly -peevedness -peever -peevish -peevishly -peevishness -peewee -Peg -peg -pega -pegall -peganite -Peganum -Pegasean -Pegasian -Pegasid -pegasid -Pegasidae -pegasoid -Pegasus -pegboard -pegbox -pegged -pegger -pegging -peggle -Peggy -peggy -pegless -peglet -peglike -pegman -pegmatite -pegmatitic -pegmatization -pegmatize -pegmatoid -pegmatophyre -pegology -pegomancy -Peguan -pegwood -Pehlevi -peho -Pehuenche -peignoir -peine -peirameter -peirastic -peirastically -peisage -peise -peiser -Peitho -peixere -pejorate -pejoration -pejorationist -pejorative -pejoratively -pejorism -pejorist -pejority -pekan -Pekin -pekin -Peking -Pekingese -pekoe -peladic -pelage -pelagial -Pelagian -pelagian -Pelagianism -Pelagianize -Pelagianizer -pelagic -Pelagothuria -pelamyd -pelanos -Pelargi -pelargic -Pelargikon -pelargomorph -Pelargomorphae -pelargomorphic -pelargonate -pelargonic -pelargonidin -pelargonin -pelargonium -Pelasgi -Pelasgian -Pelasgic -Pelasgikon -Pelasgoi -Pele -pelean -pelecan -Pelecani -Pelecanidae -Pelecaniformes -Pelecanoides -Pelecanoidinae -Pelecanus -pelecypod -Pelecypoda -pelecypodous -pelelith -pelerine -Peleus -Pelew -pelf -Pelias -pelican -pelicanry -pelick -pelicometer -Pelides -Pelidnota -pelike -peliom -pelioma -peliosis -pelisse -pelite -pelitic -pell -Pellaea -pellage -pellagra -pellagragenic -pellagrin -pellagrose -pellagrous -pellar -pellard -pellas -pellate -pellation -peller -pellet -pelleted -pelletierine -pelletlike -pellety -Pellian -pellicle -pellicula -pellicular -pellicularia -pelliculate -pellicule -pellile -pellitory -pellmell -pellock -pellotine -pellucent -pellucid -pellucidity -pellucidly -pellucidness -Pelmanism -Pelmanist -Pelmanize -pelmatic -pelmatogram -Pelmatozoa -pelmatozoan -pelmatozoic -pelmet -Pelobates -pelobatid -Pelobatidae -pelobatoid -Pelodytes -pelodytid -Pelodytidae -pelodytoid -Pelomedusa -pelomedusid -Pelomedusidae -pelomedusoid -Pelomyxa -pelon -Pelopaeus -Pelopid -Pelopidae -Peloponnesian -Pelops -peloria -pelorian -peloriate -peloric -pelorism -pelorization -pelorize -pelorus -pelota -pelotherapy -peloton -pelt -pelta -Peltandra -peltast -peltate -peltated -peltately -peltatifid -peltation -peltatodigitate -pelter -pelterer -peltiferous -peltifolious -peltiform -Peltigera -Peltigeraceae -peltigerine -peltigerous -peltinerved -pelting -peltingly -peltless -peltmonger -Peltogaster -peltry -pelu -peludo -Pelusios -pelveoperitonitis -pelves -Pelvetia -pelvic -pelviform -pelvigraph -pelvigraphy -pelvimeter -pelvimetry -pelviolithotomy -pelvioperitonitis -pelvioplasty -pelvioradiography -pelvioscopy -pelviotomy -pelviperitonitis -pelvirectal -pelvis -pelvisacral -pelvisternal -pelvisternum -pelycogram -pelycography -pelycology -pelycometer -pelycometry -pelycosaur -Pelycosauria -pelycosaurian -pembina -Pembroke -pemican -pemmican -pemmicanization -pemmicanize -pemphigoid -pemphigous -pemphigus -pen -penacute -Penaea -Penaeaceae -penaeaceous -penal -penalist -penality -penalizable -penalization -penalize -penally -penalty -penance -penanceless -penang -penannular -penates -penbard -pencatite -pence -pencel -penceless -penchant -penchute -pencil -penciled -penciler -penciliform -penciling -pencilled -penciller -pencillike -pencilling -pencilry -pencilwood -pencraft -pend -penda -pendant -pendanted -pendanting -pendantlike -pendecagon -pendeloque -pendency -pendent -pendentive -pendently -pendicle -pendicler -pending -pendle -pendom -pendragon -pendragonish -pendragonship -pendulant -pendular -pendulate -pendulation -pendule -penduline -pendulosity -pendulous -pendulously -pendulousness -pendulum -pendulumlike -Penelope -Penelopean -Penelophon -Penelopinae -penelopine -peneplain -peneplanation -peneplane -peneseismic -penetrability -penetrable -penetrableness -penetrably -penetral -penetralia -penetralian -penetrance -penetrancy -penetrant -penetrate -penetrating -penetratingly -penetratingness -penetration -penetrative -penetratively -penetrativeness -penetrativity -penetrator -penetrology -penetrometer -penfieldite -penfold -penful -penghulu -pengo -penguin -penguinery -penhead -penholder -penial -penicillate -penicillated -penicillately -penicillation -penicilliform -penicillin -Penicillium -penide -penile -peninsula -peninsular -peninsularism -peninsularity -peninsulate -penintime -peninvariant -penis -penistone -penitence -penitencer -penitent -Penitentes -penitential -penitentially -penitentiary -penitentiaryship -penitently -penk -penkeeper -penknife -penlike -penmaker -penmaking -penman -penmanship -penmaster -penna -pennaceous -Pennacook -pennae -pennage -Pennales -pennant -Pennaria -Pennariidae -Pennatae -pennate -pennated -pennatifid -pennatilobate -pennatipartite -pennatisect -pennatisected -Pennatula -Pennatulacea -pennatulacean -pennatulaceous -pennatularian -pennatulid -Pennatulidae -pennatuloid -penneech -penneeck -penner -pennet -penni -pennia -pennied -penniferous -penniform -pennigerous -penniless -pennilessly -pennilessness -pennill -penninervate -penninerved -penning -penninite -pennipotent -Pennisetum -penniveined -pennon -pennoned -pennopluma -pennoplume -pennorth -Pennsylvania -Pennsylvanian -Penny -penny -pennybird -pennycress -pennyearth -pennyflower -pennyhole -pennyleaf -pennyrot -pennyroyal -pennysiller -pennystone -pennyweight -pennywinkle -pennywort -pennyworth -Penobscot -penologic -penological -penologist -penology -penorcon -penrack -penroseite -Pensacola -penscript -penseful -pensefulness -penship -pensile -pensileness -pensility -pension -pensionable -pensionably -pensionary -pensioner -pensionership -pensionless -pensive -pensived -pensively -pensiveness -penster -penstick -penstock -pensum -pensy -pent -penta -pentabasic -pentabromide -pentacapsular -pentacarbon -pentacarbonyl -pentacarpellary -pentace -pentacetate -pentachenium -pentachloride -pentachord -pentachromic -pentacid -pentacle -pentacoccous -pentacontane -pentacosane -Pentacrinidae -pentacrinite -pentacrinoid -Pentacrinus -pentacron -pentacrostic -pentactinal -pentactine -pentacular -pentacyanic -pentacyclic -pentad -pentadactyl -Pentadactyla -pentadactylate -pentadactyle -pentadactylism -pentadactyloid -pentadecagon -pentadecahydrate -pentadecahydrated -pentadecane -pentadecatoic -pentadecoic -pentadecyl -pentadecylic -pentadelphous -pentadicity -pentadiene -pentadodecahedron -pentadrachm -pentadrachma -pentaerythrite -pentaerythritol -pentafid -pentafluoride -pentagamist -pentaglossal -pentaglot -pentaglottical -pentagon -pentagonal -pentagonally -pentagonohedron -pentagonoid -pentagram -pentagrammatic -pentagyn -Pentagynia -pentagynian -pentagynous -pentahalide -pentahedral -pentahedrical -pentahedroid -pentahedron -pentahedrous -pentahexahedral -pentahexahedron -pentahydrate -pentahydrated -pentahydric -pentahydroxy -pentail -pentaiodide -pentalobate -pentalogue -pentalogy -pentalpha -Pentamera -pentameral -pentameran -pentamerid -Pentameridae -pentamerism -pentameroid -pentamerous -Pentamerus -pentameter -pentamethylene -pentamethylenediamine -pentametrist -pentametrize -pentander -Pentandria -pentandrian -pentandrous -pentane -pentanedione -pentangle -pentangular -pentanitrate -pentanoic -pentanolide -pentanone -pentapetalous -Pentaphylacaceae -pentaphylacaceous -Pentaphylax -pentaphyllous -pentaploid -pentaploidic -pentaploidy -pentapody -pentapolis -pentapolitan -pentapterous -pentaptote -pentaptych -pentaquine -pentarch -pentarchical -pentarchy -pentasepalous -pentasilicate -pentaspermous -pentaspheric -pentaspherical -pentastich -pentastichous -pentastichy -pentastome -Pentastomida -pentastomoid -pentastomous -Pentastomum -pentastyle -pentastylos -pentasulphide -pentasyllabic -pentasyllabism -pentasyllable -Pentateuch -Pentateuchal -pentateuchal -pentathionate -pentathionic -pentathlete -pentathlon -pentathlos -pentatomic -pentatomid -Pentatomidae -Pentatomoidea -pentatone -pentatonic -pentatriacontane -pentavalence -pentavalency -pentavalent -penteconter -pentecontoglossal -Pentecost -Pentecostal -pentecostal -pentecostalism -pentecostalist -pentecostarion -pentecoster -pentecostys -Pentelic -Pentelican -pentene -penteteric -penthemimer -penthemimeral -penthemimeris -Penthestes -penthiophen -penthiophene -Penthoraceae -Penthorum -penthouse -penthouselike -penthrit -penthrite -pentimento -pentine -pentiodide -pentit -pentite -pentitol -pentlandite -pentobarbital -pentode -pentoic -pentol -pentosan -pentosane -pentose -pentoside -pentosuria -pentoxide -pentremital -pentremite -Pentremites -Pentremitidae -pentrit -pentrite -pentrough -Pentstemon -pentstock -penttail -pentyl -pentylene -pentylic -pentylidene -pentyne -Pentzia -penuchi -penult -penultima -penultimate -penultimatum -penumbra -penumbrae -penumbral -penumbrous -penurious -penuriously -penuriousness -penury -Penutian -penwiper -penwoman -penwomanship -penworker -penwright -peon -peonage -peonism -peony -people -peopledom -peoplehood -peopleize -peopleless -peopler -peoplet -peoplish -Peoria -Peorian -peotomy -pep -peperine -peperino -Peperomia -pepful -Pephredo -pepinella -pepino -peplos -peplosed -peplum -peplus -pepo -peponida -peponium -pepper -pepperbox -peppercorn -peppercornish -peppercorny -pepperer -peppergrass -pepperidge -pepperily -pepperiness -pepperish -pepperishly -peppermint -pepperoni -pepperproof -pepperroot -pepperweed -pepperwood -pepperwort -peppery -peppily -peppin -peppiness -peppy -pepsin -pepsinate -pepsinhydrochloric -pepsiniferous -pepsinogen -pepsinogenic -pepsinogenous -pepsis -peptic -peptical -pepticity -peptidase -peptide -peptizable -peptization -peptize -peptizer -peptogaster -peptogenic -peptogenous -peptogeny -peptohydrochloric -peptolysis -peptolytic -peptonaemia -peptonate -peptone -peptonemia -peptonic -peptonization -peptonize -peptonizer -peptonoid -peptonuria -peptotoxine -Pepysian -Pequot -Per -per -Peracarida -peracephalus -peracetate -peracetic -peracid -peracidite -peract -peracute -peradventure -peragrate -peragration -Perakim -peramble -perambulant -perambulate -perambulation -perambulator -perambulatory -Perameles -Peramelidae -perameline -perameloid -Peramium -Peratae -Perates -perbend -perborate -perborax -perbromide -Perca -percale -percaline -percarbide -percarbonate -percarbonic -perceivability -perceivable -perceivableness -perceivably -perceivance -perceivancy -perceive -perceivedly -perceivedness -perceiver -perceiving -perceivingness -percent -percentable -percentably -percentage -percentaged -percental -percentile -percentual -percept -perceptibility -perceptible -perceptibleness -perceptibly -perception -perceptional -perceptionalism -perceptionism -perceptive -perceptively -perceptiveness -perceptivity -perceptual -perceptually -Percesoces -percesocine -Perceval -perch -percha -perchable -perchance -percher -Percheron -perchlorate -perchlorethane -perchlorethylene -perchloric -perchloride -perchlorinate -perchlorination -perchloroethane -perchloroethylene -perchromate -perchromic -percid -Percidae -perciform -Perciformes -percipience -percipiency -percipient -Percival -perclose -percnosome -percoct -percoid -Percoidea -percoidean -percolable -percolate -percolation -percolative -percolator -percomorph -Percomorphi -percomorphous -percompound -percontation -percontatorial -percribrate -percribration -percrystallization -perculsion -perculsive -percur -percurration -percurrent -percursory -percuss -percussion -percussional -percussioner -percussionist -percussionize -percussive -percussively -percussiveness -percussor -percutaneous -percutaneously -percutient -Percy -percylite -Perdicinae -perdicine -perdition -perditionable -Perdix -perdricide -perdu -perduellion -perdurability -perdurable -perdurableness -perdurably -perdurance -perdurant -perdure -perduring -perduringly -Perean -peregrin -peregrina -peregrinate -peregrination -peregrinator -peregrinatory -peregrine -peregrinity -peregrinoid -pereion -pereiopod -pereira -pereirine -peremptorily -peremptoriness -peremptory -perendinant -perendinate -perendination -perendure -perennate -perennation -perennial -perenniality -perennialize -perennially -perennibranch -Perennibranchiata -perennibranchiate -perequitate -peres -Pereskia -perezone -perfect -perfectation -perfected -perfectedly -perfecter -perfecti -perfectibilian -perfectibilism -perfectibilist -perfectibilitarian -perfectibility -perfectible -perfecting -perfection -perfectionate -perfectionation -perfectionator -perfectioner -perfectionism -perfectionist -perfectionistic -perfectionize -perfectionizement -perfectionizer -perfectionment -perfectism -perfectist -perfective -perfectively -perfectiveness -perfectivity -perfectivize -perfectly -perfectness -perfecto -perfector -perfectuation -perfervent -perfervid -perfervidity -perfervidly -perfervidness -perfervor -perfervour -perfidious -perfidiously -perfidiousness -perfidy -perfilograph -perflate -perflation -perfluent -perfoliate -perfoliation -perforable -perforant -Perforata -perforate -perforated -perforation -perforationproof -perforative -perforator -perforatorium -perforatory -perforce -perforcedly -perform -performable -performance -performant -performative -performer -perfrication -perfumatory -perfume -perfumed -perfumeless -perfumer -perfumeress -perfumery -perfumy -perfunctionary -perfunctorily -perfunctoriness -perfunctorious -perfunctoriously -perfunctorize -perfunctory -perfuncturate -perfusate -perfuse -perfusion -perfusive -Pergamene -pergameneous -Pergamenian -pergamentaceous -Pergamic -pergamyn -pergola -perhalide -perhalogen -perhaps -perhazard -perhorresce -perhydroanthracene -perhydrogenate -perhydrogenation -perhydrogenize -peri -periacinal -periacinous -periactus -periadenitis -periamygdalitis -perianal -periangiocholitis -periangioma -periangitis -perianth -perianthial -perianthium -periaortic -periaortitis -periapical -periappendicitis -periappendicular -periapt -Periarctic -periareum -periarterial -periarteritis -periarthric -periarthritis -periarticular -periaster -periastral -periastron -periastrum -periatrial -periauricular -periaxial -periaxillary -periaxonal -periblast -periblastic -periblastula -periblem -peribolos -peribolus -peribranchial -peribronchial -peribronchiolar -peribronchiolitis -peribronchitis -peribulbar -peribursal -pericaecal -pericaecitis -pericanalicular -pericapsular -pericardia -pericardiac -pericardiacophrenic -pericardial -pericardicentesis -pericardiectomy -pericardiocentesis -pericardiolysis -pericardiomediastinitis -pericardiophrenic -pericardiopleural -pericardiorrhaphy -pericardiosymphysis -pericardiotomy -pericarditic -pericarditis -pericardium -pericardotomy -pericarp -pericarpial -pericarpic -pericarpium -pericarpoidal -pericecal -pericecitis -pericellular -pericemental -pericementitis -pericementoclasia -pericementum -pericenter -pericentral -pericentric -pericephalic -pericerebral -perichaete -perichaetial -perichaetium -perichete -pericholangitis -pericholecystitis -perichondral -perichondrial -perichondritis -perichondrium -perichord -perichordal -perichoresis -perichorioidal -perichoroidal -perichylous -pericladium -periclase -periclasia -periclasite -periclaustral -Periclean -Pericles -periclinal -periclinally -pericline -periclinium -periclitate -periclitation -pericolitis -pericolpitis -periconchal -periconchitis -pericopal -pericope -pericopic -pericorneal -pericowperitis -pericoxitis -pericranial -pericranitis -pericranium -pericristate -Pericu -periculant -pericycle -pericycloid -pericyclone -pericyclonic -pericystic -pericystitis -pericystium -pericytial -peridendritic -peridental -peridentium -peridentoclasia -periderm -peridermal -peridermic -Peridermium -peridesm -peridesmic -peridesmitis -peridesmium -peridial -peridiastole -peridiastolic -perididymis -perididymitis -peridiiform -Peridineae -Peridiniaceae -peridiniaceous -peridinial -Peridiniales -peridinian -peridinid -Peridinidae -Peridinieae -Peridiniidae -Peridinium -peridiole -peridiolum -peridium -peridot -peridotic -peridotite -peridotitic -periductal -periegesis -periegetic -perielesis -periencephalitis -perienteric -perienteritis -perienteron -periependymal -periesophageal -periesophagitis -perifistular -perifoliary -perifollicular -perifolliculitis -perigangliitis -periganglionic -perigastric -perigastritis -perigastrula -perigastrular -perigastrulation -perigeal -perigee -perigemmal -perigenesis -perigenital -perigeum -periglandular -perigloea -periglottic -periglottis -perignathic -perigon -perigonadial -perigonal -perigone -perigonial -perigonium -perigraph -perigraphic -perigynial -perigynium -perigynous -perigyny -perihelial -perihelian -perihelion -perihelium -perihepatic -perihepatitis -perihermenial -perihernial -perihysteric -perijejunitis -perijove -perikaryon -perikronion -peril -perilabyrinth -perilabyrinthitis -perilaryngeal -perilaryngitis -perilenticular -periligamentous -Perilla -perilless -perilobar -perilous -perilously -perilousness -perilsome -perilymph -perilymphangial -perilymphangitis -perilymphatic -perimartium -perimastitis -perimedullary -perimeningitis -perimeter -perimeterless -perimetral -perimetric -perimetrical -perimetrically -perimetritic -perimetritis -perimetrium -perimetry -perimorph -perimorphic -perimorphism -perimorphous -perimyelitis -perimysial -perimysium -perine -perineal -perineocele -perineoplastic -perineoplasty -perineorrhaphy -perineoscrotal -perineostomy -perineosynthesis -perineotomy -perineovaginal -perineovulvar -perinephral -perinephrial -perinephric -perinephritic -perinephritis -perinephrium -perineptunium -perineum -perineural -perineurial -perineuritis -perineurium -perinium -perinuclear -periocular -period -periodate -periodic -periodical -periodicalism -periodicalist -periodicalize -periodically -periodicalness -periodicity -periodide -periodize -periodogram -periodograph -periodology -periodontal -periodontia -periodontic -periodontist -periodontitis -periodontium -periodontoclasia -periodontologist -periodontology -periodontum -periodoscope -perioeci -perioecians -perioecic -perioecid -perioecus -perioesophageal -perioikoi -periomphalic -perionychia -perionychium -perionyx -perionyxis -perioophoritis -periophthalmic -periophthalmitis -periople -perioplic -perioptic -perioptometry -perioral -periorbit -periorbita -periorbital -periorchitis -periost -periostea -periosteal -periosteitis -periosteoalveolar -periosteoma -periosteomedullitis -periosteomyelitis -periosteophyte -periosteorrhaphy -periosteotome -periosteotomy -periosteous -periosteum -periostitic -periostitis -periostoma -periostosis -periostotomy -periostracal -periostracum -periotic -periovular -peripachymeningitis -peripancreatic -peripancreatitis -peripapillary -Peripatetic -peripatetic -peripatetical -peripatetically -peripateticate -Peripateticism -Peripatidae -Peripatidea -peripatize -peripatoid -Peripatopsidae -Peripatopsis -Peripatus -peripenial -peripericarditis -peripetalous -peripetasma -peripeteia -peripetia -peripety -periphacitis -peripharyngeal -peripherad -peripheral -peripherally -peripherial -peripheric -peripherical -peripherically -peripherocentral -peripheroceptor -peripheromittor -peripheroneural -peripherophose -periphery -periphlebitic -periphlebitis -periphractic -periphrase -periphrases -periphrasis -periphrastic -periphrastical -periphrastically -periphraxy -periphyllum -periphyse -periphysis -Periplaneta -periplasm -periplast -periplastic -periplegmatic -peripleural -peripleuritis -Periploca -periplus -peripneumonia -peripneumonic -peripneumony -peripneustic -peripolar -peripolygonal -periportal -periproct -periproctal -periproctitis -periproctous -periprostatic -periprostatitis -peripteral -peripterous -periptery -peripylephlebitis -peripyloric -perique -perirectal -perirectitis -perirenal -perisalpingitis -perisarc -perisarcal -perisarcous -perisaturnium -periscian -periscians -periscii -perisclerotic -periscopal -periscope -periscopic -periscopical -periscopism -perish -perishability -perishable -perishableness -perishably -perished -perishing -perishingly -perishless -perishment -perisigmoiditis -perisinuitis -perisinuous -perisinusitis -perisoma -perisomal -perisomatic -perisome -perisomial -perisperm -perispermal -perispermatitis -perispermic -perisphere -perispheric -perispherical -perisphinctean -Perisphinctes -Perisphinctidae -perisphinctoid -perisplanchnic -perisplanchnitis -perisplenetic -perisplenic -perisplenitis -perispome -perispomenon -perispondylic -perispondylitis -perispore -Perisporiaceae -perisporiaceous -Perisporiales -perissad -perissodactyl -Perissodactyla -perissodactylate -perissodactyle -perissodactylic -perissodactylism -perissodactylous -perissologic -perissological -perissology -perissosyllabic -peristalith -peristalsis -peristaltic -peristaltically -peristaphyline -peristaphylitis -peristele -peristerite -peristeromorph -Peristeromorphae -peristeromorphic -peristeromorphous -peristeronic -peristerophily -peristeropod -peristeropodan -peristeropode -Peristeropodes -peristeropodous -peristethium -peristole -peristoma -peristomal -peristomatic -peristome -peristomial -peristomium -peristrephic -peristrephical -peristrumitis -peristrumous -peristylar -peristyle -peristylium -peristylos -peristylum -perisynovial -perisystole -perisystolic -perit -perite -peritectic -peritendineum -peritenon -perithece -perithecial -perithecium -perithelial -perithelioma -perithelium -perithoracic -perithyreoiditis -perithyroiditis -peritomize -peritomous -peritomy -peritoneal -peritonealgia -peritoneally -peritoneocentesis -peritoneoclysis -peritoneomuscular -peritoneopathy -peritoneopericardial -peritoneopexy -peritoneoplasty -peritoneoscope -peritoneoscopy -peritoneotomy -peritoneum -peritonism -peritonital -peritonitic -peritonitis -peritonsillar -peritonsillitis -peritracheal -peritrema -peritrematous -peritreme -peritrich -Peritricha -peritrichan -peritrichic -peritrichous -peritrichously -peritroch -peritrochal -peritrochanteric -peritrochium -peritrochoid -peritropal -peritrophic -peritropous -perityphlic -perityphlitic -perityphlitis -periumbilical -periungual -periuranium -periureteric -periureteritis -periurethral -periurethritis -periuterine -periuvular -perivaginal -perivaginitis -perivascular -perivasculitis -perivenous -perivertebral -perivesical -perivisceral -perivisceritis -perivitellin -perivitelline -periwig -periwigpated -periwinkle -periwinkled -periwinkler -perizonium -perjink -perjinkety -perjinkities -perjinkly -perjure -perjured -perjuredly -perjuredness -perjurer -perjuress -perjurious -perjuriously -perjuriousness -perjurous -perjury -perjurymonger -perjurymongering -perk -perkily -Perkin -perkin -perkiness -perking -perkingly -perkish -perknite -perky -Perla -perlaceous -Perlaria -perle -perlection -perlid -Perlidae -perligenous -perlingual -perlingually -perlite -perlitic -perloir -perlustrate -perlustration -perlustrator -perm -permafrost -Permalloy -permalloy -permanence -permanency -permanent -permanently -permanentness -permanganate -permanganic -permansive -permeability -permeable -permeableness -permeably -permeameter -permeance -permeant -permeate -permeation -permeative -permeator -Permiak -Permian -permillage -permirific -permissibility -permissible -permissibleness -permissibly -permission -permissioned -permissive -permissively -permissiveness -permissory -permit -permittable -permitted -permittedly -permittee -permitter -permittivity -permixture -Permocarboniferous -permonosulphuric -permoralize -permutability -permutable -permutableness -permutably -permutate -permutation -permutational -permutationist -permutator -permutatorial -permutatory -permute -permuter -pern -pernancy -pernasal -pernavigate -Pernettia -pernicious -perniciously -perniciousness -pernicketiness -pernickety -pernine -Pernis -pernitrate -pernitric -pernoctation -pernor -pernyi -peroba -perobrachius -perocephalus -perochirus -perodactylus -Perodipus -Perognathinae -Perognathus -Peromedusae -Peromela -peromelous -peromelus -Peromyscus -peronate -peroneal -peroneocalcaneal -peroneotarsal -peroneotibial -peronial -peronium -Peronospora -Peronosporaceae -peronosporaceous -Peronosporales -peropod -Peropoda -peropodous -peropus -peroral -perorally -perorate -peroration -perorational -perorative -perorator -peroratorical -peroratorically -peroratory -perosis -perosmate -perosmic -perosomus -perotic -perovskite -peroxidase -peroxidate -peroxidation -peroxide -peroxidic -peroxidize -peroxidizement -peroxy -peroxyl -perozonid -perozonide -perpend -perpendicular -perpendicularity -perpendicularly -perpera -perperfect -perpetrable -perpetrate -perpetration -perpetrator -perpetratress -perpetratrix -perpetuable -perpetual -perpetualism -perpetualist -perpetuality -perpetually -perpetualness -perpetuana -perpetuance -perpetuant -perpetuate -perpetuation -perpetuator -perpetuity -perplantar -perplex -perplexable -perplexed -perplexedly -perplexedness -perplexer -perplexing -perplexingly -perplexity -perplexment -perplication -perquadrat -perquest -perquisite -perquisition -perquisitor -perradial -perradially -perradiate -perradius -perridiculous -perrier -Perrinist -perron -perruche -perrukery -perruthenate -perruthenic -Perry -perry -perryman -Persae -persalt -perscent -perscribe -perscrutate -perscrutation -perscrutator -perse -Persea -persecute -persecutee -persecuting -persecutingly -persecution -persecutional -persecutive -persecutiveness -persecutor -persecutory -persecutress -persecutrix -Perseid -perseite -perseitol -perseity -persentiscency -Persephassa -Persephone -Persepolitan -perseverance -perseverant -perseverate -perseveration -persevere -persevering -perseveringly -Persian -Persianist -Persianization -Persianize -Persic -Persicaria -persicary -Persicize -persico -persicot -persienne -persiennes -persiflage -persiflate -persilicic -persimmon -Persis -persis -Persism -persist -persistence -persistency -persistent -persistently -persister -persisting -persistingly -persistive -persistively -persistiveness -persnickety -person -persona -personable -personableness -personably -personage -personal -personalia -personalism -personalist -personalistic -personality -personalization -personalize -personally -personalness -personalty -personate -personately -personating -personation -personative -personator -personed -personeity -personifiable -personifiant -personification -personificative -personificator -personifier -personify -personization -personize -personnel -personship -perspection -perspective -perspectived -perspectiveless -perspectively -perspectivity -perspectograph -perspectometer -perspicacious -perspicaciously -perspicaciousness -perspicacity -perspicuity -perspicuous -perspicuously -perspicuousness -perspirability -perspirable -perspirant -perspirate -perspiration -perspirative -perspiratory -perspire -perspiringly -perspiry -perstringe -perstringement -persuadability -persuadable -persuadableness -persuadably -persuade -persuaded -persuadedly -persuadedness -persuader -persuadingly -persuasibility -persuasible -persuasibleness -persuasibly -persuasion -persuasive -persuasively -persuasiveness -persuasory -persulphate -persulphide -persulphocyanate -persulphocyanic -persulphuric -persymmetric -persymmetrical -pert -pertain -pertaining -pertainment -perten -perthiocyanate -perthiocyanic -perthiotophyre -perthite -perthitic -perthitically -perthosite -pertinacious -pertinaciously -pertinaciousness -pertinacity -pertinence -pertinency -pertinent -pertinently -pertinentness -pertish -pertly -pertness -perturb -perturbability -perturbable -perturbance -perturbancy -perturbant -perturbate -perturbation -perturbational -perturbatious -perturbative -perturbator -perturbatory -perturbatress -perturbatrix -perturbed -perturbedly -perturbedness -perturber -perturbing -perturbingly -perturbment -Pertusaria -Pertusariaceae -pertuse -pertused -pertusion -pertussal -pertussis -perty -Peru -Perugian -Peruginesque -peruke -perukeless -perukier -perukiership -perula -Perularia -perulate -perule -Perun -perusable -perusal -peruse -peruser -Peruvian -Peruvianize -pervade -pervadence -pervader -pervading -pervadingly -pervadingness -pervagate -pervagation -pervalvar -pervasion -pervasive -pervasively -pervasiveness -perverse -perversely -perverseness -perversion -perversity -perversive -pervert -perverted -pervertedly -pervertedness -perverter -pervertibility -pervertible -pervertibly -pervertive -perviability -perviable -pervicacious -pervicaciously -pervicaciousness -pervicacity -pervigilium -pervious -perviously -perviousness -pervulgate -pervulgation -perwitsky -pes -pesa -Pesach -pesade -pesage -Pesah -peseta -peshkar -peshkash -peshwa -peshwaship -peskily -peskiness -pesky -peso -pess -pessary -pessimal -pessimism -pessimist -pessimistic -pessimistically -pessimize -pessimum -pessomancy -pessoner -pessular -pessulus -pest -Pestalozzian -Pestalozzianism -peste -pester -pesterer -pesteringly -pesterment -pesterous -pestersome -pestful -pesthole -pesthouse -pesticidal -pesticide -pestiduct -pestiferous -pestiferously -pestiferousness -pestifugous -pestify -pestilence -pestilenceweed -pestilencewort -pestilent -pestilential -pestilentially -pestilentialness -pestilently -pestle -pestological -pestologist -pestology -pestproof -pet -petal -petalage -petaled -Petalia -petaliferous -petaliform -Petaliidae -petaline -petalism -petalite -petalled -petalless -petallike -petalocerous -petalodic -petalodont -petalodontid -Petalodontidae -petalodontoid -Petalodus -petalody -petaloid -petaloidal -petaloideous -petalomania -petalon -Petalostemon -petalous -petalwise -petaly -petard -petardeer -petardier -petary -Petasites -petasos -petasus -petaurine -petaurist -Petaurista -Petauristidae -Petauroides -Petaurus -petchary -petcock -Pete -pete -peteca -petechiae -petechial -petechiate -peteman -Peter -peter -Peterkin -Peterloo -peterman -peternet -petersham -peterwort -petful -petiolar -petiolary -Petiolata -petiolate -petiolated -petiole -petioled -Petioliventres -petiolular -petiolulate -petiolule -petiolus -petit -petite -petiteness -petitgrain -petition -petitionable -petitional -petitionarily -petitionary -petitionee -petitioner -petitionist -petitionproof -petitor -petitory -Petiveria -Petiveriaceae -petkin -petling -peto -Petr -Petrarchal -Petrarchan -Petrarchesque -Petrarchian -Petrarchianism -Petrarchism -Petrarchist -Petrarchistic -Petrarchistical -Petrarchize -petrary -petre -Petrea -petrean -petreity -petrel -petrescence -petrescent -Petricola -Petricolidae -petricolous -petrie -petrifaction -petrifactive -petrifiable -petrific -petrificant -petrificate -petrification -petrified -petrifier -petrify -Petrine -Petrinism -Petrinist -Petrinize -petrissage -Petrobium -Petrobrusian -petrochemical -petrochemistry -Petrogale -petrogenesis -petrogenic -petrogeny -petroglyph -petroglyphic -petroglyphy -petrograph -petrographer -petrographic -petrographical -petrographically -petrography -petrohyoid -petrol -petrolage -petrolatum -petrolean -petrolene -petroleous -petroleum -petrolic -petroliferous -petrolific -petrolist -petrolithic -petrolization -petrolize -petrologic -petrological -petrologically -petromastoid -Petromyzon -Petromyzonidae -petromyzont -Petromyzontes -Petromyzontidae -petromyzontoid -petronel -petronella -petropharyngeal -petrophilous -petrosa -petrosal -Petroselinum -petrosilex -petrosiliceous -petrosilicious -petrosphenoid -petrosphenoidal -petrosphere -petrosquamosal -petrosquamous -petrostearin -petrostearine -petrosum -petrotympanic -petrous -petroxolin -pettable -petted -pettedly -pettedness -petter -pettichaps -petticoat -petticoated -petticoaterie -petticoatery -petticoatism -petticoatless -petticoaty -pettifog -pettifogger -pettifoggery -pettifogging -pettifogulize -pettifogulizer -pettily -pettiness -pettingly -pettish -pettitoes -pettle -petty -pettyfog -petulance -petulancy -petulant -petulantly -petune -Petunia -petuntse -petwood -petzite -Peucedanum -Peucetii -peucites -peuhl -Peul -Peumus -Peutingerian -pew -pewage -pewdom -pewee -pewfellow -pewful -pewholder -pewing -pewit -pewless -pewmate -pewter -pewterer -pewterwort -pewtery -pewy -Peyerian -peyote -peyotl -peyton -peytrel -pezantic -Peziza -Pezizaceae -pezizaceous -pezizaeform -Pezizales -peziziform -pezizoid -pezograph -Pezophaps -Pfaffian -pfeffernuss -Pfeifferella -pfennig -pfui -pfund -Phaca -Phacelia -phacelite -phacella -Phacidiaceae -Phacidiales -phacitis -phacoanaphylaxis -phacocele -phacochere -phacocherine -phacochoere -phacochoerid -phacochoerine -phacochoeroid -Phacochoerus -phacocyst -phacocystectomy -phacocystitis -phacoglaucoma -phacoid -phacoidal -phacoidoscope -phacolite -phacolith -phacolysis -phacomalacia -phacometer -phacopid -Phacopidae -Phacops -phacosclerosis -phacoscope -phacotherapy -Phaeacian -Phaedo -phaeism -phaenantherous -phaenanthery -phaenogam -Phaenogamia -phaenogamian -phaenogamic -phaenogamous -phaenogenesis -phaenogenetic -phaenological -phaenology -phaenomenal -phaenomenism -phaenomenon -phaenozygous -phaeochrous -Phaeodaria -phaeodarian -phaeophore -Phaeophyceae -phaeophycean -phaeophyceous -phaeophyll -Phaeophyta -phaeophytin -phaeoplast -Phaeosporales -phaeospore -Phaeosporeae -phaeosporous -Phaet -Phaethon -Phaethonic -Phaethontes -Phaethontic -Phaethontidae -Phaethusa -phaeton -phage -phagedena -phagedenic -phagedenical -phagedenous -Phagineae -phagocytable -phagocytal -phagocyte -phagocyter -phagocytic -phagocytism -phagocytize -phagocytoblast -phagocytolysis -phagocytolytic -phagocytose -phagocytosis -phagodynamometer -phagolysis -phagolytic -phagomania -phainolion -Phainopepla -Phajus -Phalacrocoracidae -phalacrocoracine -Phalacrocorax -phalacrosis -Phalaecean -Phalaecian -Phalaenae -Phalaenidae -phalaenopsid -Phalaenopsis -phalangal -phalange -phalangeal -phalangean -phalanger -Phalangeridae -Phalangerinae -phalangerine -phalanges -phalangette -phalangian -phalangic -phalangid -Phalangida -phalangidan -Phalangidea -phalangidean -Phalangides -phalangiform -Phalangigrada -phalangigrade -phalangigrady -phalangiid -Phalangiidae -phalangist -Phalangista -Phalangistidae -phalangistine -phalangite -phalangitic -phalangitis -Phalangium -phalangologist -phalangology -phalansterial -phalansterian -phalansterianism -phalansteric -phalansterism -phalansterist -phalanstery -phalanx -phalanxed -phalarica -Phalaris -Phalarism -phalarope -Phalaropodidae -phalera -phalerate -phalerated -Phaleucian -Phallaceae -phallaceous -Phallales -phallalgia -phallaneurysm -phallephoric -phallic -phallical -phallicism -phallicist -phallin -phallism -phallist -phallitis -phallocrypsis -phallodynia -phalloid -phalloncus -phalloplasty -phallorrhagia -phallus -Phanar -Phanariot -Phanariote -phanatron -phaneric -phanerite -Phanerocarpae -Phanerocarpous -Phanerocephala -phanerocephalous -phanerocodonic -phanerocryst -phanerocrystalline -phanerogam -Phanerogamia -phanerogamian -phanerogamic -phanerogamous -phanerogamy -phanerogenetic -phanerogenic -Phaneroglossa -phaneroglossal -phaneroglossate -phaneromania -phaneromere -phaneromerous -phaneroscope -phanerosis -phanerozoic -phanerozonate -Phanerozonia -phanic -phano -phansigar -phantascope -phantasia -Phantasiast -Phantasiastic -phantasist -phantasize -phantasm -phantasma -phantasmagoria -phantasmagorial -phantasmagorially -phantasmagorian -phantasmagoric -phantasmagorical -phantasmagorist -phantasmagory -phantasmal -phantasmalian -phantasmality -phantasmally -phantasmascope -phantasmata -Phantasmatic -phantasmatic -phantasmatical -phantasmatically -phantasmatography -phantasmic -phantasmical -phantasmically -Phantasmist -phantasmogenesis -phantasmogenetic -phantasmograph -phantasmological -phantasmology -phantast -phantasy -phantom -phantomatic -phantomic -phantomical -phantomically -Phantomist -phantomize -phantomizer -phantomland -phantomlike -phantomnation -phantomry -phantomship -phantomy -phantoplex -phantoscope -Pharaoh -Pharaonic -Pharaonical -Pharbitis -phare -Phareodus -Pharian -Pharisaean -Pharisaic -pharisaical -pharisaically -pharisaicalness -Pharisaism -Pharisaist -Pharisean -Pharisee -pharisee -Phariseeism -pharmacal -pharmaceutic -pharmaceutical -pharmaceutically -pharmaceutics -pharmaceutist -pharmacic -pharmacist -pharmacite -pharmacodiagnosis -pharmacodynamic -pharmacodynamical -pharmacodynamics -pharmacoendocrinology -pharmacognosia -pharmacognosis -pharmacognosist -pharmacognostical -pharmacognostically -pharmacognostics -pharmacognosy -pharmacography -pharmacolite -pharmacologia -pharmacologic -pharmacological -pharmacologically -pharmacologist -pharmacology -pharmacomania -pharmacomaniac -pharmacomaniacal -pharmacometer -pharmacopedia -pharmacopedic -pharmacopedics -pharmacopeia -pharmacopeial -pharmacopeian -pharmacophobia -pharmacopoeia -pharmacopoeial -pharmacopoeian -pharmacopoeist -pharmacopolist -pharmacoposia -pharmacopsychology -pharmacosiderite -pharmacotherapy -pharmacy -pharmakos -pharmic -pharmuthi -pharology -Pharomacrus -pharos -Pharsalian -pharyngal -pharyngalgia -pharyngalgic -pharyngeal -pharyngectomy -pharyngemphraxis -pharynges -pharyngic -pharyngismus -pharyngitic -pharyngitis -pharyngoamygdalitis -pharyngobranch -pharyngobranchial -pharyngobranchiate -Pharyngobranchii -pharyngocele -pharyngoceratosis -pharyngodynia -pharyngoepiglottic -pharyngoepiglottidean -pharyngoesophageal -pharyngoglossal -pharyngoglossus -pharyngognath -Pharyngognathi -pharyngognathous -pharyngographic -pharyngography -pharyngokeratosis -pharyngolaryngeal -pharyngolaryngitis -pharyngolith -pharyngological -pharyngology -pharyngomaxillary -pharyngomycosis -pharyngonasal -pharyngopalatine -pharyngopalatinus -pharyngoparalysis -pharyngopathy -pharyngoplasty -pharyngoplegia -pharyngoplegic -pharyngoplegy -pharyngopleural -Pharyngopneusta -pharyngopneustal -pharyngorhinitis -pharyngorhinoscopy -pharyngoscleroma -pharyngoscope -pharyngoscopy -pharyngospasm -pharyngotherapy -pharyngotomy -pharyngotonsillitis -pharyngotyphoid -pharyngoxerosis -pharynogotome -pharynx -Phascaceae -phascaceous -Phascogale -Phascolarctinae -Phascolarctos -phascolome -Phascolomyidae -Phascolomys -Phascolonus -Phascum -phase -phaseal -phaseless -phaselin -phasemeter -phasemy -Phaseolaceae -phaseolin -phaseolous -phaseolunatin -Phaseolus -phaseometer -phases -Phasianella -Phasianellidae -phasianic -phasianid -Phasianidae -Phasianinae -phasianine -phasianoid -Phasianus -phasic -Phasiron -phasis -phasm -phasma -phasmatid -Phasmatida -Phasmatidae -Phasmatodea -phasmatoid -Phasmatoidea -phasmatrope -phasmid -Phasmida -Phasmidae -phasmoid -phasogeneous -phasotropy -pheal -pheasant -pheasantry -pheasantwood -Phebe -Phecda -Phegopteris -Pheidole -phellandrene -phellem -Phellodendron -phelloderm -phellodermal -phellogen -phellogenetic -phellogenic -phellonic -phelloplastic -phelloplastics -phelonion -phemic -Phemie -phenacaine -phenacetin -phenaceturic -phenacite -Phenacodontidae -Phenacodus -phenacyl -phenakism -phenakistoscope -Phenalgin -phenanthrene -phenanthridine -phenanthridone -phenanthrol -phenanthroline -phenarsine -phenate -phenazine -phenazone -phene -phenegol -phenene -phenethyl -phenetidine -phenetole -phengite -phengitical -phenic -phenicate -phenicious -phenicopter -phenin -phenmiazine -phenobarbital -phenocoll -phenocopy -phenocryst -phenocrystalline -phenogenesis -phenogenetic -phenol -phenolate -phenolic -phenolization -phenolize -phenological -phenologically -phenologist -phenology -phenoloid -phenolphthalein -phenolsulphonate -phenolsulphonephthalein -phenolsulphonic -phenomena -phenomenal -phenomenalism -phenomenalist -phenomenalistic -phenomenalistically -phenomenality -phenomenalization -phenomenalize -phenomenally -phenomenic -phenomenical -phenomenism -phenomenist -phenomenistic -phenomenize -phenomenological -phenomenologically -phenomenology -phenomenon -phenoplast -phenoplastic -phenoquinone -phenosafranine -phenosal -phenospermic -phenospermy -phenothiazine -phenotype -phenotypic -phenotypical -phenotypically -phenoxazine -phenoxid -phenoxide -phenozygous -Pheny -phenyl -phenylacetaldehyde -phenylacetamide -phenylacetic -phenylalanine -phenylamide -phenylamine -phenylate -phenylation -phenylboric -phenylcarbamic -phenylcarbimide -phenylene -phenylenediamine -phenylethylene -phenylglycine -phenylglycolic -phenylglyoxylic -phenylhydrazine -phenylhydrazone -phenylic -phenylmethane -pheon -pheophyl -pheophyll -pheophytin -Pherecratean -Pherecratian -Pherecratic -Pherephatta -pheretrer -Pherkad -Pherophatta -Phersephatta -Phersephoneia -phew -phi -phial -phiale -phialful -phialide -phialine -phiallike -phialophore -phialospore -Phidiac -Phidian -Phigalian -Phil -Philadelphian -Philadelphianism -philadelphite -Philadelphus -philadelphy -philalethist -philamot -Philander -philander -philanderer -philanthid -Philanthidae -philanthrope -philanthropian -philanthropic -philanthropical -philanthropically -philanthropinism -philanthropinist -Philanthropinum -philanthropism -philanthropist -philanthropistic -philanthropize -philanthropy -Philanthus -philantomba -philarchaist -philaristocracy -philatelic -philatelical -philatelically -philatelism -philatelist -philatelistic -philately -Philathea -philathletic -philematology -Philepitta -Philepittidae -Philesia -Philetaerus -philharmonic -philhellene -philhellenic -philhellenism -philhellenist -philhippic -philhymnic -philiater -Philip -Philippa -Philippan -Philippe -Philippian -Philippic -philippicize -Philippine -Philippines -Philippism -Philippist -Philippistic -Philippizate -philippize -philippizer -philippus -Philistia -Philistian -Philistine -Philistinely -Philistinian -Philistinic -Philistinish -Philistinism -Philistinize -Phill -philliloo -Phillip -phillipsine -phillipsite -Phillis -Phillyrea -phillyrin -philobiblian -philobiblic -philobiblical -philobiblist -philobotanic -philobotanist -philobrutish -philocalic -philocalist -philocaly -philocathartic -philocatholic -philocomal -Philoctetes -philocubist -philocynic -philocynical -philocynicism -philocyny -philodemic -Philodendron -philodespot -philodestructiveness -Philodina -Philodinidae -philodox -philodoxer -philodoxical -philodramatic -philodramatist -philofelist -philofelon -philogarlic -philogastric -philogeant -philogenitive -philogenitiveness -philograph -philographic -philogynaecic -philogynist -philogynous -philogyny -Philohela -philohellenian -philokleptic -philoleucosis -philologaster -philologastry -philologer -philologian -philologic -philological -philologically -philologist -philologistic -philologize -philologue -philology -Philomachus -philomath -philomathematic -philomathematical -philomathic -philomathical -philomathy -philomel -Philomela -philomelanist -philomuse -philomusical -philomystic -philonatural -philoneism -Philonian -Philonic -Philonism -Philonist -philonium -philonoist -philopagan -philopater -philopatrian -philopena -philophilosophos -philopig -philoplutonic -philopoet -philopogon -philopolemic -philopolemical -philopornist -philoprogeneity -philoprogenitive -philoprogenitiveness -philopterid -Philopteridae -philopublican -philoradical -philorchidaceous -philornithic -philorthodox -philosoph -philosophaster -philosophastering -philosophastry -philosophedom -philosopheme -philosopher -philosopheress -philosophership -philosophic -philosophical -philosophically -philosophicalness -philosophicide -philosophicohistorical -philosophicojuristic -philosophicolegal -philosophicoreligious -philosophicotheological -philosophism -philosophist -philosophister -philosophistic -philosophistical -philosophization -philosophize -philosophizer -philosophling -philosophobia -philosophocracy -philosophuncule -philosophunculist -philosophy -philotadpole -philotechnic -philotechnical -philotechnist -philothaumaturgic -philotheism -philotheist -philotheistic -philotheosophical -philotherian -philotherianism -Philotria -Philoxenian -philoxygenous -philozoic -philozoist -philozoonist -philter -philterer -philterproof -philtra -philtrum -Philydraceae -philydraceous -Philyra -phimosed -phimosis -phimotic -Phineas -Phiomia -Phiroze -phit -phiz -phizes -phizog -phlebalgia -phlebangioma -phlebarteriectasia -phlebarteriodialysis -phlebectasia -phlebectasis -phlebectasy -phlebectomy -phlebectopia -phlebectopy -phlebemphraxis -phlebenteric -phlebenterism -phlebitic -phlebitis -Phlebodium -phlebogram -phlebograph -phlebographical -phlebography -phleboid -phleboidal -phlebolite -phlebolith -phlebolithiasis -phlebolithic -phlebolitic -phlebological -phlebology -phlebometritis -phlebopexy -phleboplasty -phleborrhage -phleborrhagia -phleborrhaphy -phleborrhexis -phlebosclerosis -phlebosclerotic -phlebostasia -phlebostasis -phlebostenosis -phlebostrepsis -phlebothrombosis -phlebotome -phlebotomic -phlebotomical -phlebotomically -phlebotomist -phlebotomization -phlebotomize -Phlebotomus -phlebotomus -phlebotomy -Phlegethon -Phlegethontal -Phlegethontic -phlegm -phlegma -phlegmagogue -phlegmasia -phlegmatic -phlegmatical -phlegmatically -phlegmaticalness -phlegmaticly -phlegmaticness -phlegmatism -phlegmatist -phlegmatous -phlegmless -phlegmon -phlegmonic -phlegmonoid -phlegmonous -phlegmy -Phleum -phlobaphene -phlobatannin -phloem -phloeophagous -phloeoterma -phlogisma -phlogistian -phlogistic -phlogistical -phlogisticate -phlogistication -phlogiston -phlogistonism -phlogistonist -phlogogenetic -phlogogenic -phlogogenous -phlogopite -phlogosed -Phlomis -phloretic -phloroglucic -phloroglucin -phlorone -phloxin -pho -phobiac -phobic -phobism -phobist -phobophobia -Phobos -phoby -phoca -phocacean -phocaceous -Phocaean -Phocaena -Phocaenina -phocaenine -phocal -Phocean -phocenate -phocenic -phocenin -Phocian -phocid -Phocidae -phociform -Phocinae -phocine -phocodont -Phocodontia -phocodontic -Phocoena -phocoid -phocomelia -phocomelous -phocomelus -Phoebe -phoebe -Phoebean -Phoenicaceae -phoenicaceous -Phoenicales -phoenicean -Phoenician -Phoenicianism -Phoenicid -phoenicite -Phoenicize -phoenicochroite -Phoenicopteridae -Phoenicopteriformes -phoenicopteroid -Phoenicopteroideae -phoenicopterous -Phoenicopterus -Phoeniculidae -Phoeniculus -phoenicurous -phoenigm -Phoenix -phoenix -phoenixity -phoenixlike -phoh -pholad -Pholadacea -pholadian -pholadid -Pholadidae -Pholadinea -pholadoid -Pholas -pholcid -Pholcidae -pholcoid -Pholcus -pholido -pholidolite -pholidosis -Pholidota -pholidote -Pholiota -Phoma -Phomopsis -phon -phonal -phonasthenia -phonate -phonation -phonatory -phonautogram -phonautograph -phonautographic -phonautographically -phone -phoneidoscope -phoneidoscopic -Phonelescope -phoneme -phonemic -phonemics -phonendoscope -phonesis -phonestheme -phonetic -phonetical -phonetically -phonetician -phoneticism -phoneticist -phoneticization -phoneticize -phoneticogrammatical -phoneticohieroglyphic -phonetics -phonetism -phonetist -phonetization -phonetize -phoniatrics -phoniatry -phonic -phonics -phonikon -phonism -phono -phonocamptic -phonocinematograph -phonodeik -phonodynamograph -phonoglyph -phonogram -phonogramic -phonogramically -phonogrammatic -phonogrammatical -phonogrammic -phonogrammically -phonograph -phonographer -phonographic -phonographical -phonographically -phonographist -phonography -phonolite -phonolitic -phonologer -phonologic -phonological -phonologically -phonologist -phonology -phonometer -phonometric -phonometry -phonomimic -phonomotor -phonopathy -phonophile -phonophobia -phonophone -phonophore -phonophoric -phonophorous -phonophote -phonophotography -phonophotoscope -phonophotoscopic -phonoplex -phonoscope -phonotelemeter -phonotype -phonotyper -phonotypic -phonotypical -phonotypically -phonotypist -phonotypy -phony -phoo -Phora -Phoradendron -phoranthium -phoresis -phoresy -phoria -phorid -Phoridae -phorminx -Phormium -phorology -phorometer -phorometric -phorometry -phorone -phoronic -phoronid -Phoronida -Phoronidea -Phoronis -phoronomia -phoronomic -phoronomically -phoronomics -phoronomy -Phororhacidae -Phororhacos -phoroscope -phorozooid -phos -phose -phosgene -phosgenic -phosgenite -phosis -phosphagen -phospham -phosphamic -phosphamide -phosphamidic -phosphammonium -phosphatase -phosphate -phosphated -phosphatemia -phosphatese -phosphatic -phosphatide -phosphation -phosphatization -phosphatize -phosphaturia -phosphaturic -phosphene -phosphenyl -phosphide -phosphinate -phosphine -phosphinic -phosphite -phospho -phosphoaminolipide -phosphocarnic -phosphocreatine -phosphoferrite -phosphoglycerate -phosphoglyceric -phosphoglycoprotein -phospholipide -phospholipin -phosphomolybdate -phosphomolybdic -phosphonate -phosphonic -phosphonium -phosphophyllite -phosphoprotein -phosphor -phosphorate -phosphore -phosphoreal -phosphorent -phosphoreous -phosphoresce -phosphorescence -phosphorescent -phosphorescently -phosphoreted -phosphorhidrosis -phosphori -phosphoric -phosphorical -phosphoriferous -phosphorism -phosphorite -phosphoritic -phosphorize -phosphorogen -phosphorogenic -phosphorograph -phosphorographic -phosphorography -phosphoroscope -phosphorous -phosphoruria -phosphorus -phosphoryl -phosphorylase -phosphorylation -phosphosilicate -phosphotartaric -phosphotungstate -phosphotungstic -phosphowolframic -phosphuranylite -phosphuret -phosphuria -phosphyl -phossy -phot -photaesthesia -photaesthesis -photaesthetic -photal -photalgia -photechy -photelectrograph -photeolic -photerythrous -photesthesis -photic -photics -Photinia -Photinian -Photinianism -photism -photistic -photo -photoactinic -photoactivate -photoactivation -photoactive -photoactivity -photoaesthetic -photoalbum -photoalgraphy -photoanamorphosis -photoaquatint -Photobacterium -photobathic -photobiotic -photobromide -photocampsis -photocatalysis -photocatalyst -photocatalytic -photocatalyzer -photocell -photocellulose -photoceptor -photoceramic -photoceramics -photoceramist -photochemic -photochemical -photochemically -photochemigraphy -photochemist -photochemistry -photochloride -photochlorination -photochromascope -photochromatic -photochrome -photochromic -photochromography -photochromolithograph -photochromoscope -photochromotype -photochromotypy -photochromy -photochronograph -photochronographic -photochronographical -photochronographically -photochronography -photocollograph -photocollographic -photocollography -photocollotype -photocombustion -photocompose -photocomposition -photoconductivity -photocopier -photocopy -photocrayon -photocurrent -photodecomposition -photodensitometer -photodermatic -photodermatism -photodisintegration -photodissociation -photodrama -photodramatic -photodramatics -photodramatist -photodramaturgic -photodramaturgy -photodrome -photodromy -photodynamic -photodynamical -photodynamically -photodynamics -photodysphoria -photoelastic -photoelasticity -photoelectric -photoelectrical -photoelectrically -photoelectricity -photoelectron -photoelectrotype -photoemission -photoemissive -photoengrave -photoengraver -photoengraving -photoepinastic -photoepinastically -photoepinasty -photoesthesis -photoesthetic -photoetch -photoetcher -photoetching -photofilm -photofinish -photofinisher -photofinishing -photofloodlamp -photogalvanograph -photogalvanographic -photogalvanography -photogastroscope -photogelatin -photogen -photogene -photogenetic -photogenic -photogenically -photogenous -photoglyph -photoglyphic -photoglyphography -photoglyphy -photoglyptic -photoglyptography -photogram -photogrammeter -photogrammetric -photogrammetrical -photogrammetry -photograph -photographable -photographee -photographer -photographeress -photographess -photographic -photographical -photographically -photographist -photographize -photographometer -photography -photogravure -photogravurist -photogyric -photohalide -photoheliograph -photoheliographic -photoheliography -photoheliometer -photohyponastic -photohyponastically -photohyponasty -photoimpression -photoinactivation -photoinduction -photoinhibition -photointaglio -photoionization -photoisomeric -photoisomerization -photokinesis -photokinetic -photolith -photolitho -photolithograph -photolithographer -photolithographic -photolithography -photologic -photological -photologist -photology -photoluminescence -photoluminescent -photolysis -photolyte -photolytic -photoma -photomacrograph -photomagnetic -photomagnetism -photomap -photomapper -photomechanical -photomechanically -photometeor -photometer -photometric -photometrical -photometrically -photometrician -photometrist -photometrograph -photometry -photomezzotype -photomicrogram -photomicrograph -photomicrographer -photomicrographic -photomicrography -photomicroscope -photomicroscopic -photomicroscopy -photomontage -photomorphosis -photomural -photon -photonastic -photonasty -photonegative -photonephograph -photonephoscope -photoneutron -photonosus -photooxidation -photooxidative -photopathic -photopathy -photoperceptive -photoperimeter -photoperiod -photoperiodic -photoperiodism -photophane -photophile -photophilic -photophilous -photophily -photophobe -photophobia -photophobic -photophobous -photophone -photophonic -photophony -photophore -photophoresis -photophosphorescent -photophygous -photophysical -photophysicist -photopia -photopic -photopile -photopitometer -photoplay -photoplayer -photoplaywright -photopography -photopolarigraph -photopolymerization -photopositive -photoprint -photoprinter -photoprinting -photoprocess -photoptometer -photoradio -photoradiogram -photoreception -photoreceptive -photoreceptor -photoregression -photorelief -photoresistance -photosalt -photosantonic -photoscope -photoscopic -photoscopy -photosculptural -photosculpture -photosensitive -photosensitiveness -photosensitivity -photosensitization -photosensitize -photosensitizer -photosensory -photospectroheliograph -photospectroscope -photospectroscopic -photospectroscopical -photospectroscopy -photosphere -photospheric -photostability -photostable -Photostat -photostat -photostationary -photostereograph -photosurveying -photosyntax -photosynthate -photosynthesis -photosynthesize -photosynthetic -photosynthetically -photosynthometer -phototachometer -phototachometric -phototachometrical -phototachometry -phototactic -phototactically -phototactism -phototaxis -phototaxy -phototechnic -phototelegraph -phototelegraphic -phototelegraphically -phototelegraphy -phototelephone -phototelephony -phototelescope -phototelescopic -phototheodolite -phototherapeutic -phototherapeutics -phototherapic -phototherapist -phototherapy -photothermic -phototonic -phototonus -phototopographic -phototopographical -phototopography -phototrichromatic -phototrope -phototrophic -phototrophy -phototropic -phototropically -phototropism -phototropy -phototube -phototype -phototypic -phototypically -phototypist -phototypographic -phototypography -phototypy -photovisual -photovitrotype -photovoltaic -photoxylography -photozinco -photozincograph -photozincographic -photozincography -photozincotype -photozincotypy -photuria -Phractamphibia -phragma -Phragmidium -Phragmites -phragmocone -phragmoconic -Phragmocyttares -phragmocyttarous -phragmoid -phragmosis -phrasable -phrasal -phrasally -phrase -phraseable -phraseless -phrasemaker -phrasemaking -phraseman -phrasemonger -phrasemongering -phrasemongery -phraseogram -phraseograph -phraseographic -phraseography -phraseological -phraseologically -phraseologist -phraseology -phraser -phrasify -phrasiness -phrasing -phrasy -phrator -phratral -phratria -phratriac -phratrial -phratry -phreatic -phreatophyte -phrenesia -phrenesiac -phrenesis -phrenetic -phrenetically -phreneticness -phrenic -phrenicectomy -phrenicocolic -phrenicocostal -phrenicogastric -phrenicoglottic -phrenicohepatic -phrenicolienal -phrenicopericardiac -phrenicosplenic -phrenicotomy -phrenics -phrenitic -phrenitis -phrenocardia -phrenocardiac -phrenocolic -phrenocostal -phrenodynia -phrenogastric -phrenoglottic -phrenogram -phrenograph -phrenography -phrenohepatic -phrenologer -phrenologic -phrenological -phrenologically -phrenologist -phrenologize -phrenology -phrenomagnetism -phrenomesmerism -phrenopathia -phrenopathic -phrenopathy -phrenopericardiac -phrenoplegia -phrenoplegy -phrenosin -phrenosinic -phrenospasm -phrenosplenic -phronesis -Phronima -Phronimidae -phrontisterion -phrontisterium -phrontistery -Phryganea -phryganeid -Phryganeidae -phryganeoid -Phrygian -Phrygianize -phrygium -Phryma -Phrymaceae -phrymaceous -phrynid -Phrynidae -phrynin -phrynoid -Phrynosoma -phthalacene -phthalan -phthalanilic -phthalate -phthalazin -phthalazine -phthalein -phthaleinometer -phthalic -phthalid -phthalide -phthalimide -phthalin -phthalocyanine -phthalyl -phthanite -Phthartolatrae -phthinoid -phthiocol -phthiriasis -Phthirius -phthirophagous -phthisic -phthisical -phthisicky -phthisiogenesis -phthisiogenetic -phthisiogenic -phthisiologist -phthisiology -phthisiophobia -phthisiotherapeutic -phthisiotherapy -phthisipneumonia -phthisipneumony -phthisis -phthongal -phthongometer -phthor -phthoric -phu -phugoid -phulkari -phulwa -phulwara -phut -Phyciodes -phycite -Phycitidae -phycitol -phycochromaceae -phycochromaceous -phycochrome -Phycochromophyceae -phycochromophyceous -phycocyanin -phycocyanogen -Phycodromidae -phycoerythrin -phycography -phycological -phycologist -phycology -Phycomyces -phycomycete -Phycomycetes -phycomycetous -phycophaein -phycoxanthin -phycoxanthine -phygogalactic -phyla -phylacobiosis -phylacobiotic -phylacteric -phylacterical -phylacteried -phylacterize -phylactery -phylactic -phylactocarp -phylactocarpal -Phylactolaema -Phylactolaemata -phylactolaematous -Phylactolema -Phylactolemata -phylarch -phylarchic -phylarchical -phylarchy -phyle -phylephebic -phylesis -phyletic -phyletically -phyletism -phylic -Phyllachora -Phyllactinia -phyllade -Phyllanthus -phyllary -Phyllaurea -phylliform -phyllin -phylline -Phyllis -phyllite -phyllitic -Phyllitis -Phyllium -phyllobranchia -phyllobranchial -phyllobranchiate -Phyllocactus -phyllocarid -Phyllocarida -phyllocaridan -Phylloceras -phyllocerate -Phylloceratidae -phylloclad -phylloclade -phyllocladioid -phyllocladium -phyllocladous -phyllocyanic -phyllocyanin -phyllocyst -phyllocystic -phyllode -phyllodial -phyllodination -phyllodineous -phyllodiniation -phyllodinous -phyllodium -Phyllodoce -phyllody -phylloerythrin -phyllogenetic -phyllogenous -phylloid -phylloidal -phylloideous -phyllomancy -phyllomania -phyllome -phyllomic -phyllomorph -phyllomorphic -phyllomorphosis -phyllomorphy -Phyllophaga -phyllophagous -phyllophore -phyllophorous -phyllophyllin -phyllophyte -phyllopod -Phyllopoda -phyllopodan -phyllopode -phyllopodiform -phyllopodium -phyllopodous -phylloporphyrin -Phyllopteryx -phylloptosis -phyllopyrrole -phyllorhine -phyllorhinine -phylloscopine -Phylloscopus -phyllosiphonic -phyllosoma -Phyllosomata -phyllosome -Phyllospondyli -phyllospondylous -Phyllostachys -Phyllosticta -Phyllostoma -Phyllostomatidae -Phyllostomatinae -phyllostomatoid -phyllostomatous -phyllostome -Phyllostomidae -Phyllostominae -phyllostomine -phyllostomous -Phyllostomus -phyllotactic -phyllotactical -phyllotaxis -phyllotaxy -phyllous -phylloxanthin -Phylloxera -phylloxeran -phylloxeric -Phylloxeridae -phyllozooid -phylogenetic -phylogenetical -phylogenetically -phylogenic -phylogenist -phylogeny -phylogerontic -phylogerontism -phylography -phylology -phylon -phyloneanic -phylonepionic -phylum -phyma -phymata -phymatic -phymatid -Phymatidae -Phymatodes -phymatoid -phymatorhysin -phymatosis -Phymosia -Physa -physagogue -Physalia -physalian -Physaliidae -Physalis -physalite -Physalospora -Physapoda -Physaria -Physcia -Physciaceae -physcioid -Physcomitrium -Physeter -Physeteridae -Physeterinae -physeterine -physeteroid -Physeteroidea -physharmonica -physianthropy -physiatric -physiatrical -physiatrics -physic -physical -physicalism -physicalist -physicalistic -physicalistically -physicality -physically -physicalness -physician -physicianary -physiciancy -physicianed -physicianer -physicianess -physicianless -physicianly -physicianship -physicism -physicist -physicked -physicker -physicking -physicky -physicoastronomical -physicobiological -physicochemic -physicochemical -physicochemically -physicochemist -physicochemistry -physicogeographical -physicologic -physicological -physicomathematical -physicomathematics -physicomechanical -physicomedical -physicomental -physicomorph -physicomorphic -physicomorphism -physicooptics -physicophilosophical -physicophilosophy -physicophysiological -physicopsychical -physicosocial -physicotheological -physicotheologist -physicotheology -physicotherapeutic -physicotherapeutics -physicotherapy -physics -Physidae -physiform -physiochemical -physiochemically -physiocracy -physiocrat -physiocratic -physiocratism -physiocratist -physiogenesis -physiogenetic -physiogenic -physiogeny -physiognomic -physiognomical -physiognomically -physiognomics -physiognomist -physiognomize -physiognomonic -physiognomonical -physiognomy -physiogony -physiographer -physiographic -physiographical -physiographically -physiography -physiolater -physiolatrous -physiolatry -physiologer -physiologian -physiological -physiologically -physiologicoanatomic -physiologist -physiologize -physiologue -physiologus -physiology -physiopathological -physiophilist -physiophilosopher -physiophilosophical -physiophilosophy -physiopsychic -physiopsychical -physiopsychological -physiopsychology -physiosociological -physiosophic -physiosophy -physiotherapeutic -physiotherapeutical -physiotherapeutics -physiotherapist -physiotherapy -physiotype -physiotypy -physique -physiqued -physitheism -physitheistic -physitism -physiurgic -physiurgy -physocarpous -Physocarpus -physocele -physoclist -Physoclisti -physoclistic -physoclistous -Physoderma -physogastric -physogastrism -physogastry -physometra -Physonectae -physonectous -Physophorae -physophoran -physophore -physophorous -physopod -Physopoda -physopodan -Physostegia -Physostigma -physostigmine -physostomatous -physostome -Physostomi -physostomous -phytalbumose -phytase -Phytelephas -Phyteus -phytic -phytiferous -phytiform -phytin -phytivorous -phytobacteriology -phytobezoar -phytobiological -phytobiology -phytochemical -phytochemistry -phytochlorin -phytocidal -phytodynamics -phytoecological -phytoecologist -phytoecology -Phytoflagellata -phytogamy -phytogenesis -phytogenetic -phytogenetical -phytogenetically -phytogenic -phytogenous -phytogeny -phytogeographer -phytogeographic -phytogeographical -phytogeographically -phytogeography -phytoglobulin -phytograph -phytographer -phytographic -phytographical -phytographist -phytography -phytohormone -phytoid -phytol -Phytolacca -Phytolaccaceae -phytolaccaceous -phytolatrous -phytolatry -phytolithological -phytolithologist -phytolithology -phytologic -phytological -phytologically -phytologist -phytology -phytoma -Phytomastigina -Phytomastigoda -phytome -phytomer -phytometer -phytometric -phytometry -phytomonad -Phytomonadida -Phytomonadina -Phytomonas -phytomorphic -phytomorphology -phytomorphosis -phyton -phytonic -phytonomy -phytooecology -phytopaleontologic -phytopaleontological -phytopaleontologist -phytopaleontology -phytoparasite -phytopathogen -phytopathogenic -phytopathologic -phytopathological -phytopathologist -phytopathology -Phytophaga -phytophagan -phytophagic -Phytophagineae -phytophagous -phytophagy -phytopharmacologic -phytopharmacology -phytophenological -phytophenology -phytophil -phytophilous -Phytophthora -phytophylogenetic -phytophylogenic -phytophylogeny -phytophysiological -phytophysiology -phytoplankton -phytopsyche -phytoptid -Phytoptidae -phytoptose -phytoptosis -Phytoptus -phytorhodin -phytosaur -Phytosauria -phytosaurian -phytoserologic -phytoserological -phytoserologically -phytoserology -phytosis -phytosociologic -phytosociological -phytosociologically -phytosociologist -phytosociology -phytosterin -phytosterol -phytostrote -phytosynthesis -phytotaxonomy -phytotechny -phytoteratologic -phytoteratological -phytoteratologist -phytoteratology -Phytotoma -Phytotomidae -phytotomist -phytotomy -phytotopographical -phytotopography -phytotoxic -phytotoxin -phytovitellin -Phytozoa -phytozoan -Phytozoaria -phytozoon -phytyl -pi -Pia -pia -piaba -piacaba -piacle -piacular -piacularity -piacularly -piacularness -piaculum -piaffe -piaffer -pial -pialyn -pian -pianette -pianic -pianino -pianism -pianissimo -pianist -pianiste -pianistic -pianistically -Piankashaw -piannet -piano -pianoforte -pianofortist -pianograph -Pianokoto -Pianola -pianola -pianolist -pianologue -piarhemia -piarhemic -Piarist -Piaroa -Piaroan -Piaropus -Piarroan -piassava -Piast -piaster -piastre -piation -piazine -piazza -piazzaed -piazzaless -piazzalike -piazzian -pibcorn -piblokto -pibroch -pic -Pica -pica -picador -picadura -Picae -pical -picamar -picara -Picard -picarel -picaresque -Picariae -picarian -Picarii -picaro -picaroon -picary -picayune -picayunish -picayunishly -picayunishness -piccadill -piccadilly -piccalilli -piccolo -piccoloist -pice -Picea -Picene -picene -Picenian -piceoferruginous -piceotestaceous -piceous -piceworth -pichi -pichiciago -pichuric -pichurim -Pici -Picidae -piciform -Piciformes -Picinae -picine -pick -pickaback -pickable -pickableness -pickage -pickaninny -pickaroon -pickaway -pickax -picked -pickedly -pickedness -pickee -pickeer -picker -pickerel -pickerelweed -pickering -pickeringite -pickery -picket -picketboat -picketeer -picketer -pickfork -pickietar -pickings -pickle -picklelike -pickleman -pickler -pickleweed -pickleworm -picklock -pickman -pickmaw -picknick -picknicker -pickover -pickpocket -pickpocketism -pickpocketry -pickpole -pickpurse -pickshaft -picksman -picksmith -picksome -picksomeness -pickthank -pickthankly -pickthankness -pickthatch -picktooth -pickup -pickwick -Pickwickian -Pickwickianism -Pickwickianly -pickwork -picky -picnic -picnicker -picnickery -Picnickian -picnickish -picnicky -pico -picofarad -picoid -picoline -picolinic -picot -picotah -picotee -picotite -picqueter -picra -picramic -Picramnia -picrasmin -picrate -picrated -picric -Picris -picrite -picrocarmine -Picrodendraceae -Picrodendron -picroerythrin -picrol -picrolite -picromerite -picropodophyllin -picrorhiza -picrorhizin -picrotin -picrotoxic -picrotoxin -picrotoxinin -picryl -Pict -pict -pictarnie -Pictavi -Pictish -Pictland -pictogram -pictograph -pictographic -pictographically -pictography -Pictones -pictoradiogram -pictorial -pictorialism -pictorialist -pictorialization -pictorialize -pictorially -pictorialness -pictoric -pictorical -pictorically -picturability -picturable -picturableness -picturably -pictural -picture -picturecraft -pictured -picturedom -picturedrome -pictureful -pictureless -picturelike -picturely -picturemaker -picturemaking -picturer -picturesque -picturesquely -picturesqueness -picturesquish -picturization -picturize -pictury -picucule -picuda -picudilla -picudo -picul -piculet -piculule -Picumninae -Picumnus -Picunche -Picuris -Picus -pidan -piddle -piddler -piddling -piddock -pidgin -pidjajap -pie -piebald -piebaldism -piebaldly -piebaldness -piece -pieceable -pieceless -piecemaker -piecemeal -piecemealwise -piecen -piecener -piecer -piecette -piecewise -piecework -pieceworker -piecing -piecrust -pied -piedfort -piedly -piedmont -piedmontal -Piedmontese -piedmontite -piedness -Piegan -piehouse -pieless -pielet -pielum -piemag -pieman -piemarker -pien -pienanny -piend -piepan -pieplant -piepoudre -piepowder -pieprint -pier -pierage -Piercarlo -Pierce -pierce -pierceable -pierced -piercel -pierceless -piercent -piercer -piercing -piercingly -piercingness -pierdrop -Pierette -pierhead -Pierian -pierid -Pieridae -Pierides -Pieridinae -pieridine -Pierinae -pierine -Pieris -pierless -pierlike -Pierre -Pierrot -pierrot -pierrotic -pieshop -Piet -piet -pietas -Piete -Pieter -pietic -pietism -Pietist -pietist -pietistic -pietistical -pietistically -pietose -piety -piewife -piewipe -piewoman -piezo -piezochemical -piezochemistry -piezocrystallization -piezoelectric -piezoelectrically -piezoelectricity -piezometer -piezometric -piezometrical -piezometry -piff -piffle -piffler -pifine -pig -pigbelly -pigdan -pigdom -pigeon -pigeonable -pigeonberry -pigeoneer -pigeoner -pigeonfoot -pigeongram -pigeonhearted -pigeonhole -pigeonholer -pigeonman -pigeonry -pigeontail -pigeonweed -pigeonwing -pigeonwood -pigface -pigfish -pigflower -pigfoot -pigful -piggery -piggin -pigging -piggish -piggishly -piggishness -piggle -piggy -pighead -pigheaded -pigheadedly -pigheadedness -pigherd -pightle -pigless -piglet -pigling -piglinghood -pigly -pigmaker -pigmaking -pigman -pigment -pigmental -pigmentally -pigmentary -pigmentation -pigmentize -pigmentolysis -pigmentophage -pigmentose -Pigmy -pignolia -pignon -pignorate -pignoration -pignoratitious -pignorative -pignus -pignut -pigpen -pigritude -pigroot -pigsconce -pigskin -pigsney -pigstick -pigsticker -pigsty -pigtail -pigwash -pigweed -pigwidgeon -pigyard -piitis -pik -pika -pike -piked -pikel -pikelet -pikeman -pikemonger -piker -pikestaff -piketail -pikey -piki -piking -pikle -piky -pilage -pilandite -pilapil -Pilar -pilar -pilary -pilaster -pilastered -pilastering -pilastrade -pilastraded -pilastric -Pilate -Pilatian -pilau -pilaued -pilch -pilchard -pilcher -pilcorn -pilcrow -pile -Pilea -pileata -pileate -pileated -piled -pileiform -pileolated -pileolus -pileorhiza -pileorhize -pileous -piler -piles -pileus -pileweed -pilework -pileworm -pilewort -pilfer -pilferage -pilferer -pilfering -pilferingly -pilferment -pilgarlic -pilgarlicky -pilger -pilgrim -pilgrimage -pilgrimager -pilgrimatic -pilgrimatical -pilgrimdom -pilgrimer -pilgrimess -pilgrimism -pilgrimize -pilgrimlike -pilgrimwise -pili -pilidium -pilifer -piliferous -piliform -piligan -piliganine -piligerous -pilikai -pililloo -pilimiction -pilin -piline -piling -pilipilula -pilkins -pill -pillage -pillageable -pillagee -pillager -pillar -pillared -pillaret -pillaring -pillarist -pillarize -pillarlet -pillarlike -pillarwise -pillary -pillas -pillbox -pilled -pilledness -pillet -pilleus -pillion -pilliver -pilliwinks -pillmaker -pillmaking -pillmonger -pillorization -pillorize -pillory -pillow -pillowcase -pillowing -pillowless -pillowmade -pillowwork -pillowy -pillworm -pillwort -pilm -pilmy -Pilobolus -pilocarpidine -pilocarpine -Pilocarpus -Pilocereus -pilocystic -piloerection -pilomotor -pilon -pilonidal -pilori -pilose -pilosebaceous -pilosine -pilosis -pilosism -pilosity -Pilot -pilot -pilotage -pilotaxitic -pilotee -pilothouse -piloting -pilotism -pilotless -pilotman -pilotry -pilotship -pilotweed -pilous -Pilpai -Pilpay -pilpul -pilpulist -pilpulistic -piltock -pilula -pilular -Pilularia -pilule -pilulist -pilulous -pilum -Pilumnus -pilus -pilwillet -pily -Pim -Pima -Piman -pimaric -pimelate -Pimelea -pimelic -pimelite -pimelitis -Pimenta -pimento -pimenton -pimgenet -pimienta -pimiento -pimlico -pimola -pimp -pimperlimpimp -pimpernel -pimpery -Pimpinella -pimping -pimpish -Pimpla -pimple -pimpleback -pimpled -pimpleproof -Pimplinae -pimpliness -pimplo -pimploe -pimplous -pimply -pimpship -pin -pina -Pinaceae -pinaceous -pinaces -pinachrome -pinacle -Pinacoceras -Pinacoceratidae -pinacocytal -pinacocyte -pinacoid -pinacoidal -pinacol -pinacolate -pinacolic -pinacolin -pinacone -pinacoteca -pinaculum -Pinacyanol -pinafore -pinakiolite -pinakoidal -pinakotheke -Pinal -Pinaleno -Pinales -pinang -pinaster -pinatype -pinaverdol -pinax -pinball -pinbefore -pinbone -pinbush -pincase -pincement -pincer -pincerlike -pincers -pincerweed -pinch -pinchable -pinchback -pinchbeck -pinchbelly -pinchcock -pinchcommons -pinchcrust -pinche -pinched -pinchedly -pinchedness -pinchem -pincher -pinchfist -pinchfisted -pinchgut -pinching -pinchingly -pinchpenny -Pincian -Pinckneya -pincoffin -pincpinc -Pinctada -pincushion -pincushiony -pind -pinda -Pindari -Pindaric -pindarical -pindarically -Pindarism -Pindarist -Pindarize -Pindarus -pinder -pindling -pindy -pine -pineal -pinealism -pinealoma -pineapple -pined -pinedrops -pineland -pinene -piner -pinery -pinesap -pinetum -pineweed -pinewoods -piney -pinfall -pinfeather -pinfeathered -pinfeatherer -pinfeathery -pinfish -pinfold -Ping -ping -pingle -pingler -pingue -pinguecula -pinguedinous -pinguefaction -pinguefy -pinguescence -pinguescent -Pinguicula -pinguicula -Pinguiculaceae -pinguiculaceous -pinguid -pinguidity -pinguiferous -pinguin -pinguinitescent -pinguite -pinguitude -pinguitudinous -pinhead -pinheaded -pinheadedness -pinhold -pinhole -pinhook -pinic -pinicoline -pinicolous -piniferous -piniform -pining -piningly -pinion -pinioned -pinionless -pinionlike -pinipicrin -pinitannic -pinite -pinitol -pinivorous -pinjane -pinjra -pink -pinkberry -pinked -pinkeen -pinken -pinker -Pinkerton -Pinkertonism -pinkeye -pinkfish -pinkie -pinkify -pinkily -pinkiness -pinking -pinkish -pinkishness -pinkly -pinkness -pinkroot -pinksome -Pinkster -pinkweed -pinkwood -pinkwort -pinky -pinless -pinlock -pinmaker -Pinna -pinna -pinnace -pinnacle -pinnaclet -pinnae -pinnaglobin -pinnal -pinnate -pinnated -pinnatedly -pinnately -pinnatifid -pinnatifidly -pinnatilobate -pinnatilobed -pinnation -pinnatipartite -pinnatiped -pinnatisect -pinnatisected -pinnatodentate -pinnatopectinate -pinnatulate -pinned -pinnel -pinner -pinnet -Pinnidae -pinniferous -pinniform -pinnigerous -Pinnigrada -pinnigrade -pinninervate -pinninerved -pinning -pinningly -pinniped -Pinnipedia -pinnipedian -pinnisect -pinnisected -pinnitarsal -pinnitentaculate -pinniwinkis -pinnock -pinnoite -pinnotere -pinnothere -Pinnotheres -pinnotherian -Pinnotheridae -pinnula -pinnular -pinnulate -pinnulated -pinnule -pinnulet -pinny -pino -pinochle -pinocytosis -pinole -pinoleum -pinolia -pinolin -pinon -pinonic -pinpillow -pinpoint -pinprick -pinproof -pinrail -pinrowed -pinscher -pinsons -pint -pinta -pintadera -pintado -pintadoite -pintail -pintano -pinte -pintle -pinto -pintura -pinulus -Pinus -pinweed -pinwing -pinwork -pinworm -piny -pinyl -pinyon -pioneer -pioneerdom -pioneership -pionnotes -pioscope -pioted -piotine -Piotr -piotty -pioury -pious -piously -piousness -Pioxe -pip -pipa -pipage -pipal -pipe -pipeage -pipecoline -pipecolinic -piped -pipefish -pipeful -pipelayer -pipeless -pipelike -pipeline -pipeman -pipemouth -Piper -piper -Piperaceae -piperaceous -Piperales -piperate -piperazin -piperazine -piperic -piperide -piperideine -piperidge -piperidide -piperidine -piperine -piperitious -piperitone -piperly -piperno -piperoid -piperonal -piperonyl -pipery -piperylene -pipestapple -pipestem -pipestone -pipet -pipette -pipewalker -pipewood -pipework -pipewort -pipi -Pipidae -Pipil -Pipile -Pipilo -piping -pipingly -pipingness -pipiri -pipistrel -pipistrelle -Pipistrellus -pipit -pipkin -pipkinet -pipless -pipped -pipper -pippin -pippiner -pippinface -pippy -Pipra -Pipridae -Piprinae -piprine -piproid -pipsissewa -Piptadenia -Piptomeris -pipunculid -Pipunculidae -pipy -piquable -piquance -piquancy -piquant -piquantly -piquantness -pique -piquet -piquia -piqure -pir -piracy -piragua -Piranga -piranha -pirate -piratelike -piratery -piratess -piratical -piratically -piratism -piratize -piraty -Pirene -Piricularia -pirijiri -piripiri -piririgua -pirl -pirn -pirner -pirnie -pirny -Piro -pirogue -pirol -piroplasm -Piroplasma -piroplasmosis -pirouette -pirouetter -pirouettist -pirr -pirraura -pirrmaw -pirssonite -Pisaca -pisaca -pisachee -Pisan -pisang -pisanite -Pisauridae -pisay -piscary -Piscataqua -Piscataway -piscation -piscatology -piscator -piscatorial -piscatorialist -piscatorially -piscatorian -piscatorious -piscatory -Pisces -piscian -piscicapture -piscicapturist -piscicolous -piscicultural -pisciculturally -pisciculture -pisciculturist -Piscid -Piscidia -piscifauna -pisciferous -pisciform -piscina -piscinal -piscine -piscinity -Piscis -piscivorous -pisco -pise -pish -pishaug -pishogue -Pishquow -pishu -Pisidium -pisiform -Pisistratean -Pisistratidae -pisk -pisky -pismire -pismirism -piso -pisolite -pisolitic -Pisonia -piss -pissabed -pissant -pist -pistache -pistachio -Pistacia -pistacite -pistareen -Pistia -pistic -pistil -pistillaceous -pistillar -pistillary -pistillate -pistillid -pistilliferous -pistilliform -pistilligerous -pistilline -pistillode -pistillody -pistilloid -pistilogy -pistle -Pistoiese -pistol -pistole -pistoleer -pistolet -pistolgram -pistolgraph -pistollike -pistolography -pistology -pistolproof -pistolwise -piston -pistonhead -pistonlike -pistrix -Pisum -pit -pita -Pitahauerat -Pitahauirata -pitahaya -pitanga -pitangua -pitapat -pitapatation -pitarah -pitau -Pitawas -pitaya -pitayita -Pitcairnia -pitch -pitchable -pitchblende -pitcher -pitchered -pitcherful -pitcherlike -pitcherman -pitchfork -pitchhole -pitchi -pitchiness -pitching -pitchlike -pitchman -pitchometer -pitchout -pitchpike -pitchpole -pitchpoll -pitchstone -pitchwork -pitchy -piteous -piteously -piteousness -pitfall -pith -pithecan -pithecanthrope -pithecanthropic -pithecanthropid -Pithecanthropidae -pithecanthropoid -Pithecanthropus -Pithecia -pithecian -Pitheciinae -pitheciine -pithecism -pithecoid -Pithecolobium -pithecological -pithecometric -pithecomorphic -pithecomorphism -pithful -pithily -pithiness -pithless -pithlessly -Pithoegia -Pithoigia -pithole -pithos -pithsome -pithwork -pithy -pitiability -pitiable -pitiableness -pitiably -pitiedly -pitiedness -pitier -pitiful -pitifully -pitifulness -pitikins -pitiless -pitilessly -pitilessness -pitless -pitlike -pitmaker -pitmaking -pitman -pitmark -pitmirk -pitometer -pitpan -pitpit -pitside -Pitta -pittacal -pittance -pittancer -pitted -pitter -pitticite -Pittidae -pittine -pitting -Pittism -Pittite -pittite -pittoid -Pittosporaceae -pittosporaceous -pittospore -Pittosporum -Pittsburgher -pituital -pituitary -pituite -pituitous -pituitousness -Pituitrin -pituri -pitwood -pitwork -pitwright -pity -pitying -pityingly -Pitylus -pityocampa -pityproof -pityriasic -pityriasis -Pityrogramma -pityroid -piuri -piuricapsular -pivalic -pivot -pivotal -pivotally -pivoter -pix -pixie -pixilated -pixilation -pixy -pize -pizza -pizzeria -pizzicato -pizzle -placability -placable -placableness -placably -Placaean -placard -placardeer -placarder -placate -placater -placation -placative -placatively -placatory -placcate -place -placeable -Placean -placebo -placeful -placeless -placelessly -placemaker -placemaking -placeman -placemanship -placement -placemonger -placemongering -placenta -placental -Placentalia -placentalian -placentary -placentate -placentation -placentiferous -placentiform -placentigerous -placentitis -placentoid -placentoma -placer -placet -placewoman -placid -placidity -placidly -placidness -placitum -plack -placket -plackless -placochromatic -placode -placoderm -placodermal -placodermatous -Placodermi -placodermoid -placodont -Placodontia -Placodus -placoganoid -placoganoidean -Placoganoidei -placoid -placoidal -placoidean -Placoidei -Placoides -Placophora -placophoran -placoplast -placula -placuntitis -placuntoma -Placus -pladaroma -pladarosis -plaga -plagal -plagate -plage -Plagianthus -plagiaplite -plagiarical -plagiarism -plagiarist -plagiaristic -plagiaristically -plagiarization -plagiarize -plagiarizer -plagiary -plagihedral -plagiocephalic -plagiocephalism -plagiocephaly -Plagiochila -plagioclase -plagioclasite -plagioclastic -plagioclinal -plagiodont -plagiograph -plagioliparite -plagionite -plagiopatagium -plagiophyre -Plagiostomata -plagiostomatous -plagiostome -Plagiostomi -plagiostomous -plagiotropic -plagiotropically -plagiotropism -plagiotropous -plagium -plagose -plagosity -plague -plagued -plagueful -plagueless -plagueproof -plaguer -plaguesome -plaguesomeness -plaguily -plaguy -plaice -plaid -plaided -plaidie -plaiding -plaidman -plaidy -plain -plainback -plainbacks -plainer -plainful -plainhearted -plainish -plainly -plainness -plainscraft -plainsfolk -plainsman -plainsoled -plainstones -plainswoman -plaint -plaintail -plaintiff -plaintiffship -plaintile -plaintive -plaintively -plaintiveness -plaintless -plainward -plaister -plait -plaited -plaiter -plaiting -plaitless -plaitwork -plak -plakat -plan -planable -planaea -planar -Planaria -planarian -Planarida -planaridan -planariform -planarioid -planarity -planate -planation -planch -plancheite -plancher -planchet -planchette -planching -planchment -plancier -Planckian -plandok -plane -planeness -planer -Planera -planet -planeta -planetable -planetabler -planetal -planetaria -planetarian -planetarily -planetarium -planetary -planeted -planetesimal -planeticose -planeting -planetist -planetkin -planetless -planetlike -planetogeny -planetography -planetoid -planetoidal -planetologic -planetologist -planetology -planetule -planform -planful -planfully -planfulness -plang -plangency -plangent -plangently -plangor -plangorous -planicaudate -planicipital -planidorsate -planifolious -planiform -planigraph -planilla -planimetric -planimetrical -planimetry -planineter -planipennate -Planipennia -planipennine -planipetalous -planiphyllous -planirostral -planirostrate -planiscope -planiscopic -planish -planisher -planispheral -planisphere -planispheric -planispherical -planispiral -planity -plank -plankage -plankbuilt -planker -planking -plankless -planklike -planksheer -plankter -planktologist -planktology -plankton -planktonic -planktont -plankways -plankwise -planky -planless -planlessly -planlessness -planner -planoblast -planoblastic -Planococcus -planoconical -planocylindric -planoferrite -planogamete -planograph -planographic -planographist -planography -planohorizontal -planolindrical -planometer -planometry -planomiller -planoorbicular -Planorbidae -planorbiform -planorbine -Planorbis -planorboid -planorotund -Planosarcina -planosol -planosome -planospiral -planospore -planosubulate -plant -planta -plantable -plantad -Plantae -plantage -Plantaginaceae -plantaginaceous -Plantaginales -plantagineous -Plantago -plantain -plantal -plantar -plantaris -plantarium -plantation -plantationlike -plantdom -planter -planterdom -planterly -plantership -Plantigrada -plantigrade -plantigrady -planting -plantivorous -plantless -plantlet -plantlike -plantling -plantocracy -plantsman -plantula -plantular -plantule -planula -planulan -planular -planulate -planuliform -planuloid -Planuloidea -planuria -planury -planxty -plap -plappert -plaque -plaquette -plash -plasher -plashet -plashingly -plashment -plashy -plasm -plasma -plasmagene -plasmapheresis -plasmase -plasmatic -plasmatical -plasmation -plasmatoparous -plasmatorrhexis -plasmic -plasmocyte -plasmocytoma -plasmode -plasmodesm -plasmodesma -plasmodesmal -plasmodesmic -plasmodesmus -plasmodia -plasmodial -plasmodiate -plasmodic -plasmodiocarp -plasmodiocarpous -Plasmodiophora -Plasmodiophoraceae -Plasmodiophorales -plasmodium -plasmogen -plasmolysis -plasmolytic -plasmolytically -plasmolyzability -plasmolyzable -plasmolyze -plasmoma -Plasmon -Plasmopara -plasmophagous -plasmophagy -plasmoptysis -plasmosoma -plasmosome -plasmotomy -plasome -plass -plasson -plastein -plaster -plasterbill -plasterboard -plasterer -plasteriness -plastering -plasterlike -plasterwise -plasterwork -plastery -Plastic -plastic -plastically -plasticimeter -Plasticine -plasticine -plasticism -plasticity -plasticization -plasticize -plasticizer -plasticly -plastics -plastid -plastidium -plastidome -Plastidozoa -plastidular -plastidule -plastify -plastin -plastinoid -plastisol -plastochondria -plastochron -plastochrone -plastodynamia -plastodynamic -plastogamic -plastogamy -plastogene -plastomere -plastometer -plastosome -plastotype -plastral -plastron -plastrum -plat -Plataean -Platalea -Plataleidae -plataleiform -Plataleinae -plataleine -platan -Platanaceae -platanaceous -platane -platanist -Platanista -Platanistidae -platano -Platanus -platband -platch -plate -platea -plateasm -plateau -plateaux -plated -plateful -plateholder -plateiasmus -platelayer -plateless -platelet -platelike -platemaker -platemaking -plateman -platen -plater -platerer -plateresque -platery -plateway -platework -plateworker -platform -platformally -platformed -platformer -platformish -platformism -platformist -platformistic -platformless -platformy -platic -platicly -platilla -platina -platinamine -platinammine -platinate -Platine -plating -platinic -platinichloric -platinichloride -platiniferous -platiniridium -platinite -platinization -platinize -platinochloric -platinochloride -platinocyanic -platinocyanide -platinoid -platinotype -platinous -platinum -platinumsmith -platitude -platitudinal -platitudinarian -platitudinarianism -platitudinism -platitudinist -platitudinization -platitudinize -platitudinizer -platitudinous -platitudinously -platitudinousness -Platoda -platode -Platodes -platoid -Platonesque -platonesque -Platonian -Platonic -Platonical -Platonically -Platonicalness -Platonician -Platonicism -Platonism -Platonist -Platonistic -Platonization -Platonize -Platonizer -platoon -platopic -platosamine -platosammine -Platt -Plattdeutsch -platted -platten -platter -platterface -platterful -platting -plattnerite -platty -platurous -platy -platybasic -platybrachycephalic -platybrachycephalous -platybregmatic -platycarpous -Platycarpus -Platycarya -platycelian -platycelous -platycephalic -Platycephalidae -platycephalism -platycephaloid -platycephalous -Platycephalus -platycephaly -Platycercinae -platycercine -Platycercus -Platycerium -platycheiria -platycnemia -platycnemic -Platycodon -platycoria -platycrania -platycranial -Platyctenea -platycyrtean -platydactyl -platydactyle -platydactylous -platydolichocephalic -platydolichocephalous -platyfish -platyglossal -platyglossate -platyglossia -Platyhelmia -platyhelminth -Platyhelminthes -platyhelminthic -platyhieric -platykurtic -platylobate -platymeria -platymeric -platymery -platymesaticephalic -platymesocephalic -platymeter -platymyoid -platynite -platynotal -platyodont -platyope -platyopia -platyopic -platypellic -platypetalous -platyphyllous -platypod -Platypoda -platypodia -platypodous -Platyptera -platypus -platypygous -Platyrhina -Platyrhini -platyrhynchous -platyrrhin -Platyrrhina -platyrrhine -Platyrrhini -platyrrhinian -platyrrhinic -platyrrhinism -platyrrhiny -platysma -platysmamyoides -platysomid -Platysomidae -Platysomus -platystaphyline -Platystemon -platystencephalia -platystencephalic -platystencephalism -platystencephaly -platysternal -Platysternidae -Platystomidae -platystomous -platytrope -platytropy -plaud -plaudation -plaudit -plaudite -plauditor -plauditory -plauenite -plausibility -plausible -plausibleness -plausibly -plausive -plaustral -Plautine -Plautus -play -playa -playability -playable -playback -playbill -playbook -playbox -playboy -playboyism -playbroker -playcraft -playcraftsman -playday -playdown -player -playerdom -playeress -playfellow -playfellowship -playfield -playfolk -playful -playfully -playfulness -playgoer -playgoing -playground -playhouse -playingly -playless -playlet -playlike -playmaker -playmaking -playman -playmare -playmate -playmonger -playmongering -playock -playpen -playreader -playroom -playscript -playsome -playsomely -playsomeness -playstead -plaything -playtime -playward -playwoman -playwork -playwright -playwrightess -playwrighting -playwrightry -playwriter -playwriting -plaza -plazolite -plea -pleach -pleached -pleacher -plead -pleadable -pleadableness -pleader -pleading -pleadingly -pleadingness -pleaproof -pleasable -pleasableness -pleasance -pleasant -pleasantable -pleasantish -pleasantly -pleasantness -pleasantry -pleasantsome -please -pleasedly -pleasedness -pleaseman -pleaser -pleaship -pleasing -pleasingly -pleasingness -pleasurability -pleasurable -pleasurableness -pleasurably -pleasure -pleasureful -pleasurehood -pleasureless -pleasurelessly -pleasureman -pleasurement -pleasuremonger -pleasureproof -pleasurer -pleasuring -pleasurist -pleasurous -pleat -pleater -pleatless -pleb -plebe -plebeian -plebeiance -plebeianize -plebeianly -plebeianness -plebeity -plebianism -plebicolar -plebicolist -plebificate -plebification -plebify -plebiscitarian -plebiscitarism -plebiscitary -plebiscite -plebiscitic -plebiscitum -plebs -pleck -Plecoptera -plecopteran -plecopterid -plecopterous -Plecotinae -plecotine -Plecotus -plectognath -Plectognathi -plectognathic -plectognathous -plectopter -plectopteran -plectopterous -plectospondyl -Plectospondyli -plectospondylous -plectre -plectridial -plectridium -plectron -plectrum -pled -pledge -pledgeable -pledgee -pledgeless -pledgeor -pledger -pledgeshop -pledget -pledgor -Plegadis -plegaphonia -plegometer -Pleiades -pleiobar -pleiochromia -pleiochromic -pleiomastia -pleiomazia -pleiomerous -pleiomery -pleion -Pleione -pleionian -pleiophyllous -pleiophylly -pleiotaxis -pleiotropic -pleiotropically -pleiotropism -Pleistocene -Pleistocenic -pleistoseist -plemochoe -plemyrameter -plenarily -plenariness -plenarium -plenarty -plenary -plenicorn -pleniloquence -plenilunal -plenilunar -plenilunary -plenilune -plenipo -plenipotence -plenipotent -plenipotential -plenipotentiality -plenipotentiarily -plenipotentiarize -Plenipotentiary -plenipotentiary -plenipotentiaryship -plenish -plenishing -plenishment -plenism -plenist -plenitide -plenitude -plenitudinous -plenshing -plenteous -plenteously -plenteousness -plentiful -plentifully -plentifulness -plentify -plenty -plenum -pleny -pleochroic -pleochroism -pleochroitic -pleochromatic -pleochromatism -pleochroous -pleocrystalline -pleodont -pleomastia -pleomastic -pleomazia -pleometrosis -pleometrotic -pleomorph -pleomorphic -pleomorphism -pleomorphist -pleomorphous -pleomorphy -pleon -pleonal -pleonasm -pleonast -pleonaste -pleonastic -pleonastical -pleonastically -pleonectic -pleonexia -pleonic -pleophyletic -pleopod -pleopodite -Pleospora -Pleosporaceae -plerergate -plerocercoid -pleroma -pleromatic -plerome -pleromorph -plerophoric -plerophory -plerosis -plerotic -Plesianthropus -plesiobiosis -plesiobiotic -plesiomorphic -plesiomorphism -plesiomorphous -plesiosaur -Plesiosauri -Plesiosauria -plesiosaurian -plesiosauroid -Plesiosaurus -plesiotype -plessigraph -plessimeter -plessimetric -plessimetry -plessor -Plethodon -plethodontid -Plethodontidae -plethora -plethoretic -plethoretical -plethoric -plethorical -plethorically -plethorous -plethory -plethysmograph -plethysmographic -plethysmographically -plethysmography -pleura -Pleuracanthea -Pleuracanthidae -Pleuracanthini -pleuracanthoid -Pleuracanthus -pleural -pleuralgia -pleuralgic -pleurapophysial -pleurapophysis -pleurectomy -pleurenchyma -pleurenchymatous -pleuric -pleuriseptate -pleurisy -pleurite -pleuritic -pleuritical -pleuritically -pleuritis -Pleurobrachia -Pleurobrachiidae -pleurobranch -pleurobranchia -pleurobranchial -pleurobranchiate -pleurobronchitis -Pleurocapsa -Pleurocapsaceae -pleurocapsaceous -pleurocarp -Pleurocarpi -pleurocarpous -pleurocele -pleurocentesis -pleurocentral -pleurocentrum -Pleurocera -pleurocerebral -Pleuroceridae -pleuroceroid -Pleurococcaceae -pleurococcaceous -Pleurococcus -Pleurodelidae -Pleurodira -pleurodiran -pleurodire -pleurodirous -pleurodiscous -pleurodont -pleurodynia -pleurodynic -pleurogenic -pleurogenous -pleurohepatitis -pleuroid -pleurolith -pleurolysis -pleuron -Pleuronectes -pleuronectid -Pleuronectidae -pleuronectoid -Pleuronema -pleuropedal -pleuropericardial -pleuropericarditis -pleuroperitonaeal -pleuroperitoneal -pleuroperitoneum -pleuropneumonia -pleuropneumonic -pleuropodium -pleuropterygian -Pleuropterygii -pleuropulmonary -pleurorrhea -Pleurosaurus -Pleurosigma -pleurospasm -pleurosteal -Pleurosteon -pleurostict -Pleurosticti -Pleurostigma -pleurothotonic -pleurothotonus -Pleurotoma -Pleurotomaria -Pleurotomariidae -pleurotomarioid -Pleurotomidae -pleurotomine -pleurotomoid -pleurotomy -pleurotonic -pleurotonus -Pleurotremata -pleurotribal -pleurotribe -pleurotropous -Pleurotus -pleurotyphoid -pleurovisceral -pleurum -pleuston -pleustonic -plew -plex -plexal -plexicose -plexiform -pleximeter -pleximetric -pleximetry -plexodont -plexometer -plexor -plexure -plexus -pliability -pliable -pliableness -pliably -pliancy -pliant -pliantly -pliantness -plica -plicable -plical -plicate -plicated -plicately -plicateness -plicater -plicatile -plication -plicative -plicatocontorted -plicatocristate -plicatolacunose -plicatolobate -plicatopapillose -plicator -plicatoundulate -plicatulate -plicature -pliciferous -pliciform -plied -plier -plies -pliers -plight -plighted -plighter -plim -plimsoll -Plinian -plinth -plinther -plinthiform -plinthless -plinthlike -Pliny -Plinyism -Pliocene -Pliohippus -Pliopithecus -pliosaur -pliosaurian -Pliosauridae -Pliosaurus -pliothermic -Pliotron -pliskie -plisky -ploat -ploce -Ploceidae -ploceiform -Ploceinae -Ploceus -plock -plod -plodder -plodderly -plodding -ploddingly -ploddingness -plodge -Ploima -ploimate -plomb -plook -plop -ploration -ploratory -plosion -plosive -plot -plote -plotful -Plotinian -Plotinic -Plotinical -Plotinism -Plotinist -Plotinize -plotless -plotlessness -plotproof -plottage -plotted -plotter -plottery -plotting -plottingly -plotty -plough -ploughmanship -ploughtail -plouk -plouked -plouky -plounce -plousiocracy -plout -Plouteneion -plouter -plover -ploverlike -plovery -plow -plowable -plowbote -plowboy -plower -plowfish -plowfoot -plowgang -plowgate -plowgraith -plowhead -plowing -plowjogger -plowland -plowlight -plowline -plowmaker -plowman -plowmanship -plowmell -plowpoint -Plowrightia -plowshare -plowshoe -plowstaff -plowstilt -plowtail -plowwise -plowwoman -plowwright -ploy -ployment -Pluchea -pluck -pluckage -plucked -pluckedness -plucker -Pluckerian -pluckily -pluckiness -pluckless -plucklessness -plucky -plud -pluff -pluffer -pluffy -plug -plugboard -plugdrawer -pluggable -plugged -plugger -plugging -pluggingly -pluggy -plughole -plugless -pluglike -plugman -plugtray -plugtree -plum -pluma -plumaceous -plumach -plumade -plumage -plumaged -plumagery -plumasite -plumate -Plumatella -plumatellid -Plumatellidae -plumatelloid -plumb -plumbable -plumbage -Plumbaginaceae -plumbaginaceous -plumbagine -plumbaginous -plumbago -plumbate -plumbean -plumbeous -plumber -plumbership -plumbery -plumbet -plumbic -plumbiferous -plumbing -plumbism -plumbisolvent -plumbite -plumbless -plumbness -plumbog -plumbojarosite -plumboniobate -plumbosolvency -plumbosolvent -plumbous -plumbum -plumcot -plumdamas -plumdamis -plume -plumed -plumeless -plumelet -plumelike -plumemaker -plumemaking -plumeopicean -plumeous -plumer -plumery -plumet -plumette -plumicorn -plumier -Plumiera -plumieride -plumification -plumiform -plumiformly -plumify -plumigerous -pluminess -plumiped -plumipede -plumist -plumless -plumlet -plumlike -plummer -plummet -plummeted -plummetless -plummy -plumose -plumosely -plumoseness -plumosity -plumous -plump -plumpen -plumper -plumping -plumpish -plumply -plumpness -plumps -plumpy -plumula -plumulaceous -plumular -Plumularia -plumularian -Plumulariidae -plumulate -plumule -plumuliform -plumulose -plumy -plunder -plunderable -plunderage -plunderbund -plunderer -plunderess -plundering -plunderingly -plunderless -plunderous -plunderproof -plunge -plunger -plunging -plungingly -plunk -plunther -plup -plupatriotic -pluperfect -pluperfectly -pluperfectness -plural -pluralism -pluralist -pluralistic -pluralistically -plurality -pluralization -pluralize -pluralizer -plurally -plurative -plurennial -pluriaxial -pluricarinate -pluricarpellary -pluricellular -pluricentral -pluricipital -pluricuspid -pluricuspidate -pluridentate -pluries -plurifacial -plurifetation -plurification -pluriflagellate -pluriflorous -plurifoliate -plurifoliolate -plurify -pluriglandular -pluriguttulate -plurilateral -plurilingual -plurilingualism -plurilingualist -plurilocular -plurimammate -plurinominal -plurinucleate -pluripara -pluriparity -pluriparous -pluripartite -pluripetalous -pluripotence -pluripotent -pluripresence -pluriseptate -pluriserial -pluriseriate -pluriseriated -plurisetose -plurispiral -plurisporous -plurisyllabic -plurisyllable -plurivalent -plurivalve -plurivorous -plurivory -plus -plush -plushed -plushette -plushily -plushiness -plushlike -plushy -Plusia -Plusiinae -plusquamperfect -plussage -Plutarchian -Plutarchic -Plutarchical -Plutarchically -plutarchy -pluteal -plutean -pluteiform -Plutella -pluteus -Pluto -plutocracy -plutocrat -plutocratic -plutocratical -plutocratically -plutolatry -plutological -plutologist -plutology -plutomania -Plutonian -plutonian -plutonic -Plutonion -plutonism -plutonist -plutonite -Plutonium -plutonium -plutonometamorphism -plutonomic -plutonomist -plutonomy -pluvial -pluvialiform -pluvialine -Pluvialis -pluvian -pluvine -pluviograph -pluviographic -pluviographical -pluviography -pluviometer -pluviometric -pluviometrical -pluviometrically -pluviometry -pluvioscope -pluviose -pluviosity -pluvious -ply -plyer -plying -plyingly -Plymouth -Plymouthism -Plymouthist -Plymouthite -Plynlymmon -plywood -pneodynamics -pneograph -pneomanometer -pneometer -pneometry -pneophore -pneoscope -pneuma -pneumarthrosis -pneumathaemia -pneumatic -pneumatical -pneumatically -pneumaticity -pneumatics -pneumatism -pneumatist -pneumatize -pneumatized -pneumatocardia -pneumatocele -pneumatochemical -pneumatochemistry -pneumatocyst -pneumatocystic -pneumatode -pneumatogenic -pneumatogenous -pneumatogram -pneumatograph -pneumatographer -pneumatographic -pneumatography -pneumatolitic -pneumatologic -pneumatological -pneumatologist -pneumatology -pneumatolysis -pneumatolytic -Pneumatomachian -Pneumatomachist -Pneumatomachy -pneumatometer -pneumatometry -pneumatomorphic -pneumatonomy -pneumatophany -pneumatophilosophy -pneumatophobia -pneumatophonic -pneumatophony -pneumatophore -pneumatophorous -pneumatorrhachis -pneumatoscope -pneumatosic -pneumatosis -pneumatotactic -pneumatotherapeutics -pneumatotherapy -Pneumatria -pneumaturia -pneumectomy -pneumobacillus -Pneumobranchia -Pneumobranchiata -pneumocele -pneumocentesis -pneumochirurgia -pneumococcal -pneumococcemia -pneumococcic -pneumococcous -pneumococcus -pneumoconiosis -pneumoderma -pneumodynamic -pneumodynamics -pneumoencephalitis -pneumoenteritis -pneumogastric -pneumogram -pneumograph -pneumographic -pneumography -pneumohemothorax -pneumohydropericardium -pneumohydrothorax -pneumolith -pneumolithiasis -pneumological -pneumology -pneumolysis -pneumomalacia -pneumomassage -Pneumometer -pneumomycosis -pneumonalgia -pneumonectasia -pneumonectomy -pneumonedema -pneumonia -pneumonic -pneumonitic -pneumonitis -pneumonocace -pneumonocarcinoma -pneumonocele -pneumonocentesis -pneumonocirrhosis -pneumonoconiosis -pneumonodynia -pneumonoenteritis -pneumonoerysipelas -pneumonographic -pneumonography -pneumonokoniosis -pneumonolith -pneumonolithiasis -pneumonolysis -pneumonomelanosis -pneumonometer -pneumonomycosis -pneumonoparesis -pneumonopathy -pneumonopexy -pneumonophorous -pneumonophthisis -pneumonopleuritis -pneumonorrhagia -pneumonorrhaphy -pneumonosis -pneumonotherapy -pneumonotomy -pneumony -pneumopericardium -pneumoperitoneum -pneumoperitonitis -pneumopexy -pneumopleuritis -pneumopyothorax -pneumorrachis -pneumorrhachis -pneumorrhagia -pneumotactic -pneumotherapeutics -pneumotherapy -pneumothorax -pneumotomy -pneumotoxin -pneumotropic -pneumotropism -pneumotyphoid -pneumotyphus -pneumoventriculography -Po -po -Poa -Poaceae -poaceous -poach -poachable -poacher -poachiness -poachy -Poales -poalike -pob -pobby -Poblacht -poblacion -pobs -pochade -pochard -pochay -poche -pochette -pocilliform -pock -pocket -pocketable -pocketableness -pocketbook -pocketed -pocketer -pocketful -pocketing -pocketknife -pocketless -pocketlike -pockety -pockhouse -pockily -pockiness -pockmanteau -pockmantie -pockmark -pockweed -pockwood -pocky -poco -pococurante -pococuranteism -pococurantic -pococurantish -pococurantism -pococurantist -pocosin -poculary -poculation -poculent -poculiform -pod -podagra -podagral -podagric -podagrical -podagrous -podal -podalgia -podalic -Podaliriidae -Podalirius -Podarge -Podargidae -Podarginae -podargine -podargue -Podargus -podarthral -podarthritis -podarthrum -podatus -Podaxonia -podaxonial -podded -podder -poddidge -poddish -poddle -poddy -podelcoma -podeon -podesta -podesterate -podetiiform -podetium -podex -podge -podger -podgily -podginess -podgy -podial -podiatrist -podiatry -podical -Podiceps -podices -Podicipedidae -podilegous -podite -poditic -poditti -podium -podler -podley -podlike -podobranch -podobranchia -podobranchial -podobranchiate -podocarp -Podocarpaceae -Podocarpineae -podocarpous -Podocarpus -podocephalous -pododerm -pododynia -podogyn -podogyne -podogynium -Podolian -podolite -podology -podomancy -podomere -podometer -podometry -Podophrya -Podophryidae -Podophthalma -Podophthalmata -podophthalmate -podophthalmatous -Podophthalmia -podophthalmian -podophthalmic -podophthalmite -podophthalmitic -podophthalmous -Podophyllaceae -podophyllic -podophyllin -podophyllotoxin -podophyllous -Podophyllum -podophyllum -podoscaph -podoscapher -podoscopy -Podosomata -podosomatous -podosperm -Podosphaera -Podostemaceae -podostemaceous -podostemad -Podostemon -Podostemonaceae -podostemonaceous -Podostomata -podostomatous -podotheca -podothecal -Podozamites -Podsnap -Podsnappery -podsol -podsolic -podsolization -podsolize -Podunk -Podura -poduran -podurid -Poduridae -podware -podzol -podzolic -podzolization -podzolize -poe -Poecile -Poeciliidae -poecilitic -Poecilocyttares -poecilocyttarous -poecilogonous -poecilogony -poecilomere -poecilonym -poecilonymic -poecilonymy -poecilopod -Poecilopoda -poecilopodous -poem -poematic -poemet -poemlet -Poephaga -poephagous -Poephagus -poesie -poesiless -poesis -poesy -poet -poetaster -poetastering -poetasterism -poetastery -poetastress -poetastric -poetastrical -poetastry -poetcraft -poetdom -poetesque -poetess -poethood -poetic -poetical -poeticality -poetically -poeticalness -poeticism -poeticize -poeticness -poetics -poeticule -poetito -poetization -poetize -poetizer -poetless -poetlike -poetling -poetly -poetomachia -poetress -poetry -poetryless -poetship -poetwise -pogamoggan -pogge -poggy -Pogo -Pogonatum -Pogonia -pogoniasis -pogoniate -pogonion -pogonip -pogoniris -pogonite -pogonological -pogonologist -pogonology -pogonotomy -pogonotrophy -pogrom -pogromist -pogromize -pogy -poh -poha -pohickory -pohna -pohutukawa -poi -Poiana -Poictesme -poietic -poignance -poignancy -poignant -poignantly -poignet -poikilitic -poikiloblast -poikiloblastic -poikilocyte -poikilocythemia -poikilocytosis -poikilotherm -poikilothermic -poikilothermism -poil -poilu -poimenic -poimenics -Poinciana -poind -poindable -poinder -poinding -Poinsettia -point -pointable -pointage -pointed -pointedly -pointedness -pointel -pointer -pointful -pointfully -pointfulness -pointillism -pointillist -pointing -pointingly -pointless -pointlessly -pointlessness -pointlet -pointleted -pointmaker -pointman -pointment -pointrel -pointsman -pointswoman -pointways -pointwise -pointy -poisable -poise -poised -poiser -poison -poisonable -poisonful -poisonfully -poisoning -poisonless -poisonlessness -poisonmaker -poisonous -poisonously -poisonousness -poisonproof -poisonweed -poisonwood -poitrail -poitrel -poivrade -pokable -Pokan -Pokanoket -poke -pokeberry -poked -pokeful -pokeloken -pokeout -poker -pokerish -pokerishly -pokerishness -pokeroot -pokeweed -pokey -pokily -pokiness -poking -Pokom -Pokomam -Pokomo -pokomoo -Pokonchi -pokunt -poky -pol -Polab -Polabian -Polabish -polacca -Polack -polack -polacre -Polander -Polanisia -polar -polaric -Polarid -polarigraphic -polarimeter -polarimetric -polarimetry -Polaris -polariscope -polariscopic -polariscopically -polariscopist -polariscopy -polaristic -polaristrobometer -polarity -polarizability -polarizable -polarization -polarize -polarizer -polarly -polarogram -polarograph -polarographic -polarographically -polarography -Polaroid -polarward -polaxis -poldavis -poldavy -polder -polderboy -polderman -Pole -pole -polearm -poleax -poleaxe -poleaxer -poleburn -polecat -polehead -poleless -poleman -polemarch -polemic -polemical -polemically -polemician -polemicist -polemics -polemist -polemize -Polemoniaceae -polemoniaceous -Polemoniales -Polemonium -polemoscope -polenta -poler -polesetter -Polesian -polesman -polestar -poleward -polewards -poley -poliad -poliadic -Polian -polianite -Polianthes -police -policed -policedom -policeless -policeman -policemanish -policemanism -policemanlike -policemanship -policewoman -Polichinelle -policial -policize -policizer -policlinic -policy -policyholder -poliencephalitis -poliencephalomyelitis -poligar -poligarship -poligraphical -Polinices -polio -polioencephalitis -polioencephalomyelitis -poliomyelitis -poliomyelopathy -polioneuromere -poliorcetic -poliorcetics -poliosis -polis -Polish -polish -polishable -polished -polishedly -polishedness -polisher -polishment -polisman -polissoir -Polistes -politarch -politarchic -Politbureau -Politburo -polite -politeful -politely -politeness -politesse -politic -political -politicalism -politicalize -politically -politicaster -politician -politicious -politicist -politicize -politicizer -politicly -politico -politicomania -politicophobia -politics -politied -Politique -politist -politize -polity -politzerization -politzerize -polk -polka -Poll -poll -pollable -pollack -polladz -pollage -pollakiuria -pollam -pollan -pollarchy -pollard -pollbook -polled -pollen -pollened -polleniferous -pollenigerous -pollenite -pollenivorous -pollenless -pollenlike -pollenproof -pollent -poller -polleten -pollex -pollical -pollicar -pollicate -pollicitation -pollinar -pollinarium -pollinate -pollination -pollinator -pollinctor -pollincture -polling -pollinia -pollinic -pollinical -polliniferous -pollinigerous -pollinium -pollinivorous -pollinization -pollinize -pollinizer -pollinodial -pollinodium -pollinoid -pollinose -pollinosis -polliwig -polliwog -pollock -polloi -pollster -pollucite -pollutant -pollute -polluted -pollutedly -pollutedness -polluter -polluting -pollutingly -pollution -Pollux -pollux -Polly -Pollyanna -Pollyannish -pollywog -polo -poloconic -polocyte -poloist -polonaise -Polonese -Polonia -Polonial -Polonian -Polonism -polonium -Polonius -Polonization -Polonize -polony -polos -polska -polt -poltergeist -poltfoot -poltfooted -poltina -poltinnik -poltophagic -poltophagist -poltophagy -poltroon -poltroonery -poltroonish -poltroonishly -poltroonism -poluphloisboic -poluphloisboiotatotic -poluphloisboiotic -polverine -poly -polyacanthus -polyacid -polyacoustic -polyacoustics -polyact -polyactinal -polyactine -Polyactinia -polyad -polyadelph -Polyadelphia -polyadelphian -polyadelphous -polyadenia -polyadenitis -polyadenoma -polyadenous -polyadic -polyaffectioned -polyalcohol -polyamide -polyamylose -Polyandria -polyandria -polyandrian -polyandrianism -polyandric -polyandrious -polyandrism -polyandrist -polyandrium -polyandrous -polyandry -Polyangium -polyangular -polyantha -polyanthous -polyanthus -polyanthy -polyarch -polyarchal -polyarchical -polyarchist -polyarchy -polyarteritis -polyarthric -polyarthritic -polyarthritis -polyarthrous -polyarticular -polyatomic -polyatomicity -polyautographic -polyautography -polyaxial -polyaxon -polyaxone -polyaxonic -polybasic -polybasicity -polybasite -polyblast -Polyborinae -polyborine -Polyborus -polybranch -Polybranchia -polybranchian -Polybranchiata -polybranchiate -polybromid -polybromide -polybunous -polybuny -polybuttoned -polycarboxylic -Polycarp -polycarpellary -polycarpic -Polycarpon -polycarpous -polycarpy -polycellular -polycentral -polycentric -polycephalic -polycephalous -polycephaly -Polychaeta -polychaete -polychaetous -polychasial -polychasium -polychloride -polychoerany -polychord -polychotomous -polychotomy -polychrest -polychrestic -polychrestical -polychresty -polychroic -polychroism -polychromasia -polychromate -polychromatic -polychromatism -polychromatist -polychromatize -polychromatophil -polychromatophile -polychromatophilia -polychromatophilic -polychrome -polychromia -polychromic -polychromism -polychromize -polychromous -polychromy -polychronious -polyciliate -polycitral -polyclad -Polycladida -polycladine -polycladose -polycladous -polyclady -Polycletan -polyclinic -polyclona -polycoccous -Polycodium -polyconic -polycormic -polycotyl -polycotyledon -polycotyledonary -polycotyledonous -polycotyledony -polycotylous -polycotyly -polycracy -polycrase -polycratic -polycrotic -polycrotism -polycrystalline -polyctenid -Polyctenidae -polycttarian -polycyanide -polycyclic -polycycly -polycyesis -polycystic -polycythemia -polycythemic -Polycyttaria -polydactyl -polydactyle -polydactylism -polydactylous -Polydactylus -polydactyly -polydaemoniac -polydaemonism -polydaemonist -polydaemonistic -polydemic -polydenominational -polydental -polydermous -polydermy -polydigital -polydimensional -polydipsia -polydisperse -polydomous -polydymite -polydynamic -polyeidic -polyeidism -polyembryonate -polyembryonic -polyembryony -polyemia -polyemic -polyenzymatic -polyergic -Polyergus -polyester -polyesthesia -polyesthetic -polyethnic -polyethylene -polyfenestral -polyflorous -polyfoil -polyfold -Polygala -Polygalaceae -polygalaceous -polygalic -polygam -Polygamia -polygamian -polygamic -polygamical -polygamically -polygamist -polygamistic -polygamize -polygamodioecious -polygamous -polygamously -polygamy -polyganglionic -polygastric -polygene -polygenesic -polygenesis -polygenesist -polygenetic -polygenetically -polygenic -polygenism -polygenist -polygenistic -polygenous -polygeny -polyglandular -polyglobulia -polyglobulism -polyglossary -polyglot -polyglotry -polyglottal -polyglottally -polyglotted -polyglotter -polyglottery -polyglottic -polyglottically -polyglottism -polyglottist -polyglottonic -polyglottous -polyglotwise -polyglycerol -polygon -Polygonaceae -polygonaceous -polygonal -Polygonales -polygonally -Polygonatum -Polygonella -polygoneutic -polygoneutism -Polygonia -polygonic -polygonically -polygonoid -polygonous -Polygonum -polygony -Polygordius -polygram -polygrammatic -polygraph -polygrapher -polygraphic -polygraphy -polygroove -polygrooved -polygyn -polygynaiky -Polygynia -polygynian -polygynic -polygynious -polygynist -polygynoecial -polygynous -polygyny -polygyral -polygyria -polyhaemia -polyhaemic -polyhalide -polyhalite -polyhalogen -polyharmonic -polyharmony -polyhedral -polyhedric -polyhedrical -polyhedroid -polyhedron -polyhedrosis -polyhedrous -polyhemia -polyhidrosis -polyhistor -polyhistorian -polyhistoric -polyhistory -polyhybrid -polyhydric -polyhydroxy -polyideic -polyideism -polyidrosis -polyiodide -polykaryocyte -polylaminated -polylemma -polylepidous -polylinguist -polylith -polylithic -polylobular -polylogy -polyloquent -polymagnet -polymastia -polymastic -Polymastiga -polymastigate -Polymastigida -Polymastigina -polymastigous -polymastism -Polymastodon -polymastodont -polymasty -polymath -polymathic -polymathist -polymathy -polymazia -polymelia -polymelian -polymely -polymer -polymere -polymeria -polymeric -polymeride -polymerism -polymerization -polymerize -polymerous -polymetallism -polymetameric -polymeter -polymethylene -polymetochia -polymetochic -polymicrian -polymicrobial -polymicrobic -polymicroscope -polymignite -Polymixia -polymixiid -Polymixiidae -Polymnestor -Polymnia -polymnite -polymolecular -polymolybdate -polymorph -Polymorpha -polymorphean -polymorphic -polymorphism -polymorphistic -polymorphonuclear -polymorphonucleate -polymorphosis -polymorphous -polymorphy -Polymyaria -polymyarian -Polymyarii -Polymyodi -polymyodian -polymyodous -polymyoid -polymyositis -polymythic -polymythy -polynaphthene -polynemid -Polynemidae -polynemoid -Polynemus -Polynesian -polynesic -polyneural -polyneuric -polyneuritic -polyneuritis -polyneuropathy -polynodal -Polynoe -polynoid -Polynoidae -polynome -polynomial -polynomialism -polynomialist -polynomic -polynucleal -polynuclear -polynucleate -polynucleated -polynucleolar -polynucleosis -Polyodon -polyodont -polyodontal -polyodontia -Polyodontidae -polyodontoid -polyoecious -polyoeciously -polyoeciousness -polyoecism -polyoecy -polyoicous -polyommatous -polyonomous -polyonomy -polyonychia -polyonym -polyonymal -polyonymic -polyonymist -polyonymous -polyonymy -polyophthalmic -polyopia -polyopic -polyopsia -polyopsy -polyorama -polyorchidism -polyorchism -polyorganic -polyose -polyoxide -polyoxymethylene -polyp -polypage -polypaged -polypapilloma -polyparasitic -polyparasitism -polyparesis -polyparia -polyparian -polyparium -polyparous -polypary -polypean -polyped -Polypedates -polypeptide -polypetal -Polypetalae -polypetalous -Polyphaga -polyphage -polyphagia -polyphagian -polyphagic -polyphagist -polyphagous -polyphagy -polyphalangism -polypharmacal -polypharmacist -polypharmacon -polypharmacy -polypharmic -polyphasal -polyphase -polyphaser -Polypheme -polyphemian -polyphemic -polyphemous -polyphenol -polyphloesboean -polyphloisboioism -polyphloisboism -polyphobia -polyphobic -polyphone -polyphoned -polyphonia -polyphonic -polyphonical -polyphonism -polyphonist -polyphonium -polyphonous -polyphony -polyphore -polyphosphoric -polyphotal -polyphote -polyphylesis -polyphyletic -polyphyletically -polyphylety -polyphylline -polyphyllous -polyphylly -polyphylogeny -polyphyly -polyphyodont -Polypi -polypi -polypian -polypide -polypidom -Polypifera -polypiferous -polypigerous -polypinnate -polypite -Polyplacophora -polyplacophoran -polyplacophore -polyplacophorous -polyplastic -Polyplectron -polyplegia -polyplegic -polyploid -polyploidic -polyploidy -polypnoea -polypnoeic -polypod -Polypoda -polypodia -Polypodiaceae -polypodiaceous -Polypodium -polypodous -polypody -polypoid -polypoidal -Polypomorpha -polypomorphic -Polyporaceae -polyporaceous -polypore -polyporite -polyporoid -polyporous -Polyporus -polypose -polyposis -polypotome -polypous -polypragmacy -polypragmatic -polypragmatical -polypragmatically -polypragmatism -polypragmatist -polypragmaty -polypragmist -polypragmon -polypragmonic -polypragmonist -polyprene -polyprism -polyprismatic -polyprothetic -polyprotodont -Polyprotodontia -polypseudonymous -polypsychic -polypsychical -polypsychism -polypterid -Polypteridae -polypteroid -Polypterus -polyptote -polyptoton -polyptych -polypus -polyrhizal -polyrhizous -polyrhythmic -polyrhythmical -polysaccharide -polysaccharose -Polysaccum -polysalicylide -polysarcia -polysarcous -polyschematic -polyschematist -polyscope -polyscopic -polysemant -polysemantic -polysemeia -polysemia -polysemous -polysemy -polysensuous -polysensuousness -polysepalous -polyseptate -polyserositis -polysided -polysidedness -polysilicate -polysilicic -Polysiphonia -polysiphonic -polysiphonous -polysomatic -polysomatous -polysomaty -polysomia -polysomic -polysomitic -polysomous -polysomy -polyspast -polyspaston -polyspermal -polyspermatous -polyspermia -polyspermic -polyspermous -polyspermy -polyspondylic -polyspondylous -polyspondyly -Polyspora -polysporangium -polyspore -polyspored -polysporic -polysporous -polystachyous -polystaurion -polystele -polystelic -polystemonous -polystichoid -polystichous -Polystichum -Polystictus -Polystomata -Polystomatidae -polystomatous -polystome -Polystomea -Polystomella -Polystomidae -polystomium -polystylar -polystyle -polystylous -polystyrene -polysulphide -polysulphuration -polysulphurization -polysyllabic -polysyllabical -polysyllabically -polysyllabicism -polysyllabicity -polysyllabism -polysyllable -polysyllogism -polysyllogistic -polysymmetrical -polysymmetrically -polysymmetry -polysyndetic -polysyndetically -polysyndeton -polysynthesis -polysynthesism -polysynthetic -polysynthetical -polysynthetically -polysyntheticism -polysynthetism -polysynthetize -polytechnic -polytechnical -polytechnics -polytechnist -polyterpene -Polythalamia -polythalamian -polythalamic -polythalamous -polythecial -polytheism -polytheist -polytheistic -polytheistical -polytheistically -polytheize -polythelia -polythelism -polythely -polythene -polythionic -polytitanic -polytocous -polytokous -polytoky -polytomous -polytomy -polytonal -polytonalism -polytonality -polytone -polytonic -polytony -polytope -polytopic -polytopical -Polytrichaceae -polytrichaceous -polytrichia -polytrichous -Polytrichum -polytrochal -polytrochous -polytrope -polytrophic -polytropic -polytungstate -polytungstic -polytype -polytypic -polytypical -polytypy -polyuresis -polyuria -polyuric -polyvalence -polyvalent -polyvinyl -polyvinylidene -polyvirulent -polyvoltine -Polyzoa -polyzoal -polyzoan -polyzoarial -polyzoarium -polyzoary -polyzoic -polyzoism -polyzonal -polyzooid -polyzoon -polzenite -pom -pomace -Pomaceae -pomacentrid -Pomacentridae -pomacentroid -Pomacentrus -pomaceous -pomade -Pomaderris -Pomak -pomander -pomane -pomarine -pomarium -pomate -pomato -pomatomid -Pomatomidae -Pomatomus -pomatorhine -pomatum -pombe -pombo -pome -pomegranate -pomelo -Pomeranian -pomeridian -pomerium -pomewater -pomey -pomfret -pomiculture -pomiculturist -pomiferous -pomiform -pomivorous -Pommard -pomme -pommee -pommel -pommeled -pommeler -pommet -pommey -pommy -Pomo -pomological -pomologically -pomologist -pomology -Pomona -pomonal -pomonic -pomp -pompa -Pompadour -pompadour -pompal -pompano -Pompeian -Pompeii -pompelmous -Pompey -pompey -pompholix -pompholygous -pompholyx -pomphus -pompier -pompilid -Pompilidae -pompiloid -Pompilus -pompion -pompist -pompless -pompoleon -pompon -pomposity -pompous -pompously -pompousness -pompster -Pomptine -pomster -pon -Ponca -ponce -ponceau -poncelet -poncho -ponchoed -Poncirus -pond -pondage -pondbush -ponder -ponderability -ponderable -ponderableness -ponderal -ponderance -ponderancy -ponderant -ponderary -ponderate -ponderation -ponderative -ponderer -pondering -ponderingly -ponderling -ponderment -ponderomotive -ponderosapine -ponderosity -ponderous -ponderously -ponderousness -pondfish -pondful -pondgrass -pondlet -pondman -Pondo -pondok -pondokkie -Pondomisi -pondside -pondus -pondweed -pondwort -pondy -pone -ponent -Ponera -Poneramoeba -ponerid -Poneridae -Ponerinae -ponerine -poneroid -ponerology -poney -pong -ponga -pongee -Pongidae -Pongo -poniard -ponica -ponier -ponja -pont -Pontac -Pontacq -pontage -pontal -Pontederia -Pontederiaceae -pontederiaceous -pontee -pontes -pontianak -Pontic -pontic -ponticello -ponticular -ponticulus -pontifex -pontiff -pontific -pontifical -pontificalia -pontificalibus -pontificality -pontifically -pontificate -pontification -pontifices -pontificial -pontificially -pontificious -pontify -pontil -pontile -pontin -Pontine -pontine -pontist -pontlevis -ponto -Pontocaspian -pontocerebellar -ponton -pontonier -pontoon -pontooneer -pontooner -pontooning -Pontus -pontvolant -pony -ponzite -pooa -pooch -pooder -poodle -poodledom -poodleish -poodleship -poof -poogye -pooh -poohpoohist -pook -pooka -pookaun -pookoo -pool -pooler -pooli -poolroom -poolroot -poolside -poolwort -pooly -poon -poonac -poonga -poonghie -poop -pooped -poophyte -poophytic -poor -poorhouse -poorish -poorliness -poorling -poorly -poorlyish -poormaster -poorness -poorweed -poorwill -poot -Pop -pop -popadam -popal -popcorn -popdock -pope -Popean -popedom -popeholy -popehood -popeism -popeler -popeless -popelike -popeline -popely -popery -popeship -popess -popeye -popeyed -popglove -popgun -popgunner -popgunnery -Popian -popify -popinac -popinjay -Popish -popish -popishly -popishness -popjoy -poplar -poplared -Poplilia -poplin -poplinette -popliteal -popliteus -poplolly -Popocracy -Popocrat -Popolari -Popoloco -popomastic -popover -Popovets -poppa -poppability -poppable -poppean -poppel -popper -poppet -poppethead -poppied -poppin -popple -popply -poppy -poppycock -poppycockish -poppyfish -poppyhead -poppylike -poppywort -popshop -populace -popular -popularism -Popularist -popularity -popularization -popularize -popularizer -popularly -popularness -populate -population -populational -populationist -populationistic -populationless -populator -populicide -populin -Populism -Populist -Populistic -populous -populously -populousness -Populus -popweed -poral -porbeagle -porcate -porcated -porcelain -porcelainization -porcelainize -porcelainlike -porcelainous -porcelaneous -porcelanic -porcelanite -porcelanous -Porcellana -porcellanian -porcellanid -Porcellanidae -porcellanize -porch -porched -porching -porchless -porchlike -porcine -Porcula -porcupine -porcupinish -pore -pored -porelike -Porella -porencephalia -porencephalic -porencephalitis -porencephalon -porencephalous -porencephalus -porencephaly -porer -porge -porger -porgy -Poria -poricidal -Porifera -poriferal -poriferan -poriferous -poriform -porimania -poriness -poring -poringly -poriomanic -porism -porismatic -porismatical -porismatically -poristic -poristical -porite -Porites -Poritidae -poritoid -pork -porkburger -porker -porkery -porket -porkfish -porkish -porkless -porkling -porkman -Porkopolis -porkpie -porkwood -porky -pornerastic -pornocracy -pornocrat -pornograph -pornographer -pornographic -pornographically -pornographist -pornography -pornological -Porocephalus -porodine -porodite -porogam -porogamic -porogamous -porogamy -porokaiwhiria -porokeratosis -Porokoto -poroma -porometer -porophyllous -poroplastic -poroporo -pororoca -poros -poroscope -poroscopic -poroscopy -porose -poroseness -porosimeter -porosis -porosity -porotic -porotype -porous -porously -porousness -porpentine -porphine -Porphyra -Porphyraceae -porphyraceous -porphyratin -Porphyrean -porphyria -Porphyrian -porphyrian -Porphyrianist -porphyrin -porphyrine -porphyrinuria -Porphyrio -porphyrion -porphyrite -porphyritic -porphyroblast -porphyroblastic -porphyrogene -porphyrogenite -porphyrogenitic -porphyrogenitism -porphyrogeniture -porphyrogenitus -porphyroid -porphyrophore -porphyrous -porphyry -Porpita -porpitoid -porpoise -porpoiselike -porporate -porr -porraceous -porrect -porrection -porrectus -porret -porridge -porridgelike -porridgy -porriginous -porrigo -Porrima -porringer -porriwiggle -porry -port -porta -portability -portable -portableness -portably -portage -portague -portahepatis -portail -portal -portaled -portalled -portalless -portamento -portance -portass -portatile -portative -portcrayon -portcullis -porteacid -ported -porteligature -portend -portendance -portendment -Porteno -portension -portent -portention -portentosity -portentous -portentously -portentousness -porteous -porter -porterage -Porteranthus -porteress -porterhouse -porterlike -porterly -portership -portfire -portfolio -portglaive -portglave -portgrave -Porthetria -Portheus -porthole -porthook -porthors -porthouse -Portia -portia -portico -porticoed -portiere -portiered -portifory -portify -portio -portiomollis -portion -portionable -portional -portionally -portioner -portionist -portionize -portionless -portitor -Portlandian -portlast -portless -portlet -portligature -portlily -portliness -portly -portman -portmanmote -portmanteau -portmanteaux -portmantle -portmantologism -portment -portmoot -porto -portoise -portolan -portolano -Portor -portrait -portraitist -portraitlike -portraiture -portray -portrayable -portrayal -portrayer -portrayist -portrayment -portreeve -portreeveship -portress -portside -portsider -portsman -portuary -portugais -Portugal -Portugalism -Portugee -Portuguese -Portulaca -Portulacaceae -portulacaceous -Portulacaria -portulan -Portunalia -portunian -Portunidae -Portunus -portway -porty -porule -porulose -porulous -porus -porwigle -pory -Porzana -posadaship -posca -pose -Poseidon -Poseidonian -posement -poser -poseur -posey -posh -posing -posingly -posit -position -positional -positioned -positioner -positionless -positival -positive -positively -positiveness -positivism -positivist -positivistic -positivistically -positivity -positivize -positor -positron -positum -positure -Posnanian -posnet -posole -posologic -posological -posologist -posology -pospolite -poss -posse -posseman -possess -possessable -possessed -possessedly -possessedness -possessing -possessingly -possessingness -possession -possessional -possessionalism -possessionalist -possessionary -possessionate -possessioned -possessioner -possessionist -possessionless -possessionlessness -possessival -possessive -possessively -possessiveness -possessor -possessoress -possessorial -possessoriness -possessorship -possessory -posset -possibilism -possibilist -possibilitate -possibility -possible -possibleness -possibly -possum -possumwood -post -postabdomen -postabdominal -postable -postabortal -postacetabular -postadjunct -postage -postal -postallantoic -postally -postalveolar -postament -postamniotic -postanal -postanesthetic -postantennal -postaortic -postapoplectic -postappendicular -postarterial -postarthritic -postarticular -postarytenoid -postaspirate -postaspirated -postasthmatic -postatrial -postauditory -postauricular -postaxiad -postaxial -postaxially -postaxillary -postbag -postbaptismal -postbox -postboy -postbrachial -postbrachium -postbranchial -postbreakfast -postbronchial -postbuccal -postbulbar -postbursal -postcaecal -postcalcaneal -postcalcarine -postcanonical -postcardiac -postcardinal -postcarnate -postcarotid -postcart -postcartilaginous -postcatarrhal -postcava -postcaval -postcecal -postcenal -postcentral -postcentrum -postcephalic -postcerebellar -postcerebral -postcesarean -postcibal -postclassic -postclassical -postclassicism -postclavicle -postclavicula -postclavicular -postclimax -postclitellian -postclival -postcolon -postcolonial -postcolumellar -postcomitial -postcommissural -postcommissure -postcommunicant -Postcommunion -postconceptive -postcondylar -postconfinement -postconnubial -postconsonantal -postcontact -postcontract -postconvalescent -postconvulsive -postcordial -postcornu -postcosmic -postcostal -postcoxal -postcritical -postcrural -postcubital -postdate -postdental -postdepressive -postdetermined -postdevelopmental -postdiagnostic -postdiaphragmatic -postdiastolic -postdicrotic -postdigestive -postdigital -postdiluvial -postdiluvian -postdiphtheric -postdiphtheritic -postdisapproved -postdisseizin -postdisseizor -postdoctoral -postdoctorate -postdural -postdysenteric -posted -posteen -postelection -postelementary -postembryonal -postembryonic -postemporal -postencephalitic -postencephalon -postenteral -postentry -postepileptic -poster -posterette -posteriad -posterial -posterior -posterioric -posteriorically -posterioristic -posterioristically -posteriority -posteriorly -posteriormost -posteriors -posteriorums -posterish -posterishness -posterist -posterity -posterize -postern -posteroclusion -posterodorsad -posterodorsal -posterodorsally -posteroexternal -posteroinferior -posterointernal -posterolateral -posteromedial -posteromedian -posteromesial -posteroparietal -posterosuperior -posterotemporal -posteroterminal -posteroventral -posteruptive -postesophageal -posteternity -postethmoid -postexilian -postexilic -postexist -postexistence -postexistency -postexistent -postface -postfact -postfebrile -postfemoral -postfetal -postfix -postfixal -postfixation -postfixed -postfixial -postflection -postflexion -postform -postfoveal -postfrontal -postfurca -postfurcal -postganglionic -postgangrenal -postgastric -postgeminum -postgenial -postgeniture -postglacial -postglenoid -postglenoidal -postgonorrheic -postgracile -postgraduate -postgrippal -posthabit -posthaste -posthemiplegic -posthemorrhagic -posthepatic -posthetomist -posthetomy -posthexaplaric -posthippocampal -posthitis -postholder -posthole -posthouse -posthumeral -posthumous -posthumously -posthumousness -posthumus -posthyoid -posthypnotic -posthypnotically -posthypophyseal -posthypophysis -posthysterical -postic -postical -postically -posticous -posticteric -posticum -postil -postilion -postilioned -postillate -postillation -postillator -postimpressionism -postimpressionist -postimpressionistic -postinfective -postinfluenzal -posting -postingly -postintestinal -postique -postischial -postjacent -postjugular -postlabial -postlachrymal -postlaryngeal -postlegitimation -postlenticular -postless -postlike -postliminary -postliminiary -postliminious -postliminium -postliminous -postliminy -postloitic -postloral -postlude -postludium -postluetic -postmalarial -postmamillary -postmammary -postman -postmandibular -postmaniacal -postmarital -postmark -postmarriage -postmaster -postmasterlike -postmastership -postmastoid -postmaturity -postmaxillary -postmaximal -postmeatal -postmedia -postmedial -postmedian -postmediastinal -postmediastinum -postmedullary -postmeiotic -postmeningeal -postmenstrual -postmental -postmeridian -postmeridional -postmesenteric -postmillenarian -postmillenarianism -postmillennial -postmillennialism -postmillennialist -postmillennian -postmineral -postmistress -postmortal -postmortuary -postmundane -postmuscular -postmutative -postmycotic -postmyxedematous -postnarial -postnaris -postnasal -postnatal -postnate -postnati -postnecrotic -postnephritic -postneural -postneuralgic -postneuritic -postneurotic -postnodular -postnominal -postnotum -postnuptial -postnuptially -postobituary -postocular -postolivary -postomental -postoperative -postoptic -postoral -postorbital -postordination -postorgastic -postosseous -postotic -postpagan -postpaid -postpalatal -postpalatine -postpalpebral -postpaludal -postparalytic -postparietal -postparotid -postparotitic -postparoxysmal -postparturient -postpatellar -postpathological -postpericardial -postpharyngeal -postphlogistic -postphragma -postphrenic -postphthisic -postpituitary -postplace -postplegic -postpneumonic -postponable -postpone -postponement -postponence -postponer -postpontile -postpose -postposited -postposition -postpositional -postpositive -postpositively -postprandial -postprandially -postpredicament -postprophesy -postprostate -postpubertal -postpubescent -postpubic -postpubis -postpuerperal -postpulmonary -postpupillary -postpycnotic -postpyloric -postpyramidal -postpyretic -postrachitic -postramus -postrectal -postreduction -postremogeniture -postremote -postrenal -postresurrection -postresurrectional -postretinal -postrheumatic -postrhinal -postrider -postrorse -postrostral -postrubeolar -postsaccular -postsacral -postscalenus -postscapula -postscapular -postscapularis -postscarlatinal -postscenium -postscorbutic -postscribe -postscript -postscriptum -postscutellar -postscutellum -postseason -postsigmoid -postsign -postspasmodic -postsphenoid -postsphenoidal -postsphygmic -postspinous -postsplenial -postsplenic -poststernal -poststertorous -postsuppurative -postsurgical -postsynaptic -postsynsacral -postsyphilitic -postsystolic -posttabetic -posttarsal -posttetanic -postthalamic -postthoracic -postthyroidal -posttibial -posttonic -posttoxic -posttracheal -posttrapezoid -posttraumatic -posttreaty -posttubercular -posttussive -posttympanic -posttyphoid -postulancy -postulant -postulantship -postulata -postulate -postulation -postulational -postulator -postulatory -postulatum -postulnar -postumbilical -postumbonal -postural -posture -posturer -postureteric -posturist -posturize -postuterine -postvaccinal -postvaricellar -postvarioloid -postvelar -postvenereal -postvenous -postverbal -Postverta -postvertebral -postvesical -postvide -postvocalic -postwar -postward -postwise -postwoman -postxyphoid -postyard -postzygapophysial -postzygapophysis -posy -pot -potability -potable -potableness -potagerie -potagery -potamic -Potamobiidae -Potamochoerus -Potamogale -Potamogalidae -Potamogeton -Potamogetonaceae -potamogetonaceous -potamological -potamologist -potamology -potamometer -Potamonidae -potamophilous -potamoplankton -potash -potashery -potass -potassa -potassamide -potassic -potassiferous -potassium -potate -potation -potative -potato -potatoes -potator -potatory -Potawatami -Potawatomi -potbank -potbellied -potbelly -potboil -potboiler -potboy -potboydom -potch -potcher -potcherman -potcrook -potdar -pote -potecary -poteen -potence -potency -potent -potentacy -potentate -potential -potentiality -potentialization -potentialize -potentially -potentialness -potentiate -potentiation -Potentilla -potentiometer -potentiometric -potentize -potently -potentness -poter -Poterium -potestal -potestas -potestate -potestative -poteye -potful -potgirl -potgun -pothanger -pothead -pothecary -potheen -pother -potherb -potherment -pothery -pothole -pothook -pothookery -Pothos -pothouse -pothousey -pothunt -pothunter -pothunting -poticary -potichomania -potichomanist -potifer -Potiguara -potion -potlatch -potleg -potlicker -potlid -potlike -potluck -potmaker -potmaking -potman -potomania -potomato -potometer -potong -potoo -Potoroinae -potoroo -Potorous -potpie -potpourri -potrack -potsherd -potshoot -potshooter -potstick -potstone -pott -pottage -pottagy -pottah -potted -potter -potterer -potteress -potteringly -pottery -Pottiaceae -potting -pottinger -pottle -pottled -potto -potty -potwaller -potwalling -potware -potwhisky -potwork -potwort -pouce -poucer -poucey -pouch -pouched -pouchful -pouchless -pouchlike -pouchy -poudrette -pouf -poulaine -poulard -poulardize -poulp -poulpe -poult -poulter -poulterer -poulteress -poultice -poulticewise -poultry -poultrydom -poultryist -poultryless -poultrylike -poultryman -poultryproof -pounamu -pounce -pounced -pouncer -pouncet -pouncing -pouncingly -pound -poundage -poundal -poundcake -pounder -pounding -poundkeeper -poundless -poundlike -poundman -poundmaster -poundmeal -poundstone -poundworth -pour -pourer -pourie -pouring -pouringly -pourparler -pourparley -pourpiece -pourpoint -pourpointer -pouser -poussette -pout -pouter -poutful -pouting -poutingly -pouty -poverish -poverishment -poverty -povertyweed -Povindah -pow -powder -powderable -powdered -powderer -powderiness -powdering -powderization -powderize -powderizer -powderlike -powderman -powdery -powdike -powdry -powellite -power -powerboat -powered -powerful -powerfully -powerfulness -powerhouse -powerless -powerlessly -powerlessness -powermonger -Powhatan -powitch -powldoody -pownie -powsoddy -powsowdy -powwow -powwower -powwowism -pox -poxy -poy -poyou -pozzolanic -pozzuolana -pozzuolanic -praam -prabble -prabhu -practic -practicability -practicable -practicableness -practicably -practical -practicalism -practicalist -practicality -practicalization -practicalize -practicalizer -practically -practicalness -practicant -practice -practiced -practicedness -practicer -practician -practicianism -practicum -practitional -practitioner -practitionery -prad -Pradeep -pradhana -praeabdomen -praeacetabular -praeanal -praecava -praecipe -praecipuum -praecoces -praecocial -praecognitum -praecoracoid -praecordia -praecordial -praecordium -praecornu -praecox -praecuneus -praedial -praedialist -praediality -praeesophageal -praefect -praefectorial -praefectus -praefervid -praefloration -praefoliation -praehallux -praelabrum -praelection -praelector -praelectorship -praelectress -praeludium -praemaxilla -praemolar -praemunire -praenarial -Praenestine -Praenestinian -praeneural -praenomen -praenomina -praenominal -praeoperculum -praepositor -praepostor -praepostorial -praepubis -praepuce -praescutum -Praesepe -praesertim -Praesian -praesidium -praesphenoid -praesternal -praesternum -praestomium -praesystolic -praetaxation -praetexta -praetor -praetorial -Praetorian -praetorian -praetorianism -praetorium -praetorship -praezygapophysis -pragmatic -pragmatica -pragmatical -pragmaticality -pragmatically -pragmaticalness -pragmaticism -pragmatics -pragmatism -pragmatist -pragmatistic -pragmatize -pragmatizer -prairie -prairiecraft -prairied -prairiedom -prairielike -prairieweed -prairillon -praisable -praisableness -praisably -praise -praiseful -praisefully -praisefulness -praiseless -praiseproof -praiser -praiseworthy -praising -praisingly -praisworthily -praisworthiness -Prajapati -prajna -Prakash -Prakrit -prakriti -Prakritic -Prakritize -praline -pralltriller -pram -Pramnian -prana -prance -pranceful -prancer -prancing -prancingly -prancy -prandial -prandially -prank -pranked -pranker -prankful -prankfulness -pranking -prankingly -prankish -prankishly -prankishness -prankle -pranksome -pranksomeness -prankster -pranky -prase -praseocobaltic -praseodidymium -praseodymia -praseodymium -praseolite -prasine -prasinous -prasoid -prasophagous -prasophagy -prastha -prat -pratal -Pratap -Pratapwant -prate -prateful -pratement -pratensian -Prater -prater -pratey -pratfall -pratiloma -Pratincola -pratincole -pratincoline -pratincolous -prating -pratingly -pratique -pratiyasamutpada -Pratt -prattfall -prattle -prattlement -prattler -prattling -prattlingly -prattly -prau -Pravin -pravity -prawn -prawner -prawny -Praxean -Praxeanist -praxinoscope -praxiology -praxis -Praxitelean -pray -praya -prayer -prayerful -prayerfully -prayerfulness -prayerless -prayerlessly -prayerlessness -prayermaker -prayermaking -prayerwise -prayful -praying -prayingly -prayingwise -preabdomen -preabsorb -preabsorbent -preabstract -preabundance -preabundant -preabundantly -preaccept -preacceptance -preaccess -preaccessible -preaccidental -preaccidentally -preaccommodate -preaccommodating -preaccommodatingly -preaccommodation -preaccomplish -preaccomplishment -preaccord -preaccordance -preaccount -preaccounting -preaccredit -preaccumulate -preaccumulation -preaccusation -preaccuse -preaccustom -preaccustomed -preacetabular -preach -preachable -preacher -preacherdom -preacheress -preacherize -preacherless -preacherling -preachership -preachieved -preachification -preachify -preachily -preachiness -preaching -preachingly -preachman -preachment -preachy -preacid -preacidity -preacidly -preacidness -preacknowledge -preacknowledgment -preacquaint -preacquaintance -preacquire -preacquired -preacquit -preacquittal -preact -preaction -preactive -preactively -preactivity -preacute -preacutely -preacuteness -preadamic -preadamite -preadamitic -preadamitical -preadamitism -preadapt -preadaptable -preadaptation -preaddition -preadditional -preaddress -preadequacy -preadequate -preadequately -preadhere -preadherence -preadherent -preadjectival -preadjective -preadjourn -preadjournment -preadjunct -preadjust -preadjustable -preadjustment -preadministration -preadministrative -preadministrator -preadmire -preadmirer -preadmission -preadmit -preadmonish -preadmonition -preadolescent -preadopt -preadoption -preadoration -preadore -preadorn -preadornment -preadult -preadulthood -preadvance -preadvancement -preadventure -preadvertency -preadvertent -preadvertise -preadvertisement -preadvice -preadvisable -preadvise -preadviser -preadvisory -preadvocacy -preadvocate -preaestival -preaffect -preaffection -preaffidavit -preaffiliate -preaffiliation -preaffirm -preaffirmation -preaffirmative -preafflict -preaffliction -preafternoon -preaged -preaggravate -preaggravation -preaggression -preaggressive -preagitate -preagitation -preagonal -preagony -preagree -preagreement -preagricultural -preagriculture -prealarm -prealcohol -prealcoholic -prealgebra -prealgebraic -prealkalic -preallable -preallably -preallegation -preallege -prealliance -preallied -preallot -preallotment -preallow -preallowable -preallowably -preallowance -preallude -preallusion -preally -prealphabet -prealphabetical -prealtar -prealteration -prealveolar -preamalgamation -preambassadorial -preambition -preambitious -preamble -preambled -preambling -preambular -preambulary -preambulate -preambulation -preambulatory -preanal -preanaphoral -preanesthetic -preanimism -preannex -preannounce -preannouncement -preannouncer -preantepenult -preantepenultimate -preanterior -preanticipate -preantiquity -preantiseptic -preaortic -preappearance -preapperception -preapplication -preappoint -preappointment -preapprehension -preapprise -preapprobation -preapproval -preapprove -preaptitude -prearm -prearrange -prearrangement -prearrest -prearrestment -prearticulate -preartistic -preascertain -preascertainment -preascitic -preaseptic -preassigned -preassume -preassurance -preassure -preataxic -preattachment -preattune -preaudience -preauditory -preaver -preavowal -preaxiad -preaxial -preaxially -prebachelor -prebacillary -prebake -prebalance -preballot -preballoting -prebankruptcy -prebaptismal -prebaptize -prebarbaric -prebarbarous -prebargain -prebasal -prebasilar -prebeleve -prebelief -prebeliever -prebelieving -prebellum -prebeloved -prebend -prebendal -prebendary -prebendaryship -prebendate -prebenediction -prebeneficiary -prebenefit -prebeset -prebestow -prebestowal -prebetray -prebetrayal -prebetrothal -prebid -prebidding -prebill -prebless -preblessing -preblockade -preblooming -preboast -preboding -preboil -preborn -preborrowing -preboyhood -prebrachial -prebrachium -prebreathe -prebridal -prebroadcasting -prebromidic -prebronchial -prebronze -prebrute -prebuccal -prebudget -prebudgetary -prebullying -preburlesque -preburn -precalculable -precalculate -precalculation -precampaign -precancel -precancellation -precancerous -precandidacy -precandidature -precanning -precanonical -precant -precantation -precanvass -precapillary -precapitalist -precapitalistic -precaptivity -precapture -precarcinomatous -precardiac -precaria -precarious -precariously -precariousness -precarium -precarnival -precartilage -precartilaginous -precary -precast -precation -precative -precatively -precatory -precaudal -precausation -precaution -precautional -precautionary -precautious -precautiously -precautiousness -precava -precaval -precedable -precede -precedence -precedency -precedent -precedentable -precedentary -precedented -precedential -precedentless -precedently -preceder -preceding -precelebrant -precelebrate -precelebration -precensure -precensus -precent -precentor -precentorial -precentorship -precentory -precentral -precentress -precentrix -precentrum -precept -preception -preceptist -preceptive -preceptively -preceptor -preceptoral -preceptorate -preceptorial -preceptorially -preceptorship -preceptory -preceptress -preceptual -preceptually -preceramic -precerebellar -precerebral -precerebroid -preceremonial -preceremony -precertification -precertify -preces -precess -precession -precessional -prechallenge -prechampioned -prechampionship -precharge -prechart -precheck -prechemical -precherish -prechildhood -prechill -prechloric -prechloroform -prechoice -prechoose -prechordal -prechoroid -preciation -precinct -precinction -precinctive -preciosity -precious -preciously -preciousness -precipe -precipice -precipiced -precipitability -precipitable -precipitance -precipitancy -precipitant -precipitantly -precipitantness -precipitate -precipitated -precipitatedly -precipitately -precipitation -precipitative -precipitator -precipitin -precipitinogen -precipitinogenic -precipitous -precipitously -precipitousness -precirculate -precirculation -precis -precise -precisely -preciseness -precisian -precisianism -precisianist -precision -precisional -precisioner -precisionism -precisionist -precisionize -precisive -precitation -precite -precited -precivilization -preclaim -preclaimant -preclaimer -preclassic -preclassical -preclassification -preclassified -preclassify -preclean -precleaner -precleaning -preclerical -preclimax -preclinical -preclival -precloacal -preclose -preclosure -preclothe -precludable -preclude -preclusion -preclusive -preclusively -precoagulation -precoccygeal -precocial -precocious -precociously -precociousness -precocity -precogitate -precogitation -precognition -precognitive -precognizable -precognizant -precognize -precognosce -precoil -precoiler -precoincidence -precoincident -precoincidently -precollapsable -precollapse -precollect -precollectable -precollection -precollector -precollege -precollegiate -precollude -precollusion -precollusive -precolor -precolorable -precoloration -precoloring -precombat -precombatant -precombination -precombine -precombustion -precommand -precommend -precomment -precommercial -precommissural -precommissure -precommit -precommune -precommunicate -precommunication -precommunion -precompare -precomparison -precompass -precompel -precompensate -precompensation -precompilation -precompile -precompiler -precompleteness -precompletion -precompliance -precompliant -precomplicate -precomplication -precompose -precomposition -precompound -precompounding -precompoundly -precomprehend -precomprehension -precomprehensive -precompress -precompulsion -precomradeship -preconceal -preconcealment -preconcede -preconceivable -preconceive -preconceived -preconcentrate -preconcentrated -preconcentratedly -preconcentration -preconcept -preconception -preconceptional -preconceptual -preconcern -preconcernment -preconcert -preconcerted -preconcertedly -preconcertedness -preconcertion -preconcertive -preconcession -preconcessive -preconclude -preconclusion -preconcur -preconcurrence -preconcurrent -preconcurrently -precondemn -precondemnation -precondensation -precondense -precondition -preconditioned -preconduct -preconduction -preconductor -precondylar -precondyloid -preconfer -preconference -preconfess -preconfession -preconfide -preconfiguration -preconfigure -preconfine -preconfinedly -preconfinemnt -preconfirm -preconfirmation -preconflict -preconform -preconformity -preconfound -preconfuse -preconfusedly -preconfusion -precongenial -precongested -precongestion -precongestive -precongratulate -precongratulation -precongressional -preconizance -preconization -preconize -preconizer -preconjecture -preconnection -preconnective -preconnubial -preconquer -preconquest -preconquestal -preconquestual -preconscious -preconsciously -preconsciousness -preconsecrate -preconsecration -preconsent -preconsider -preconsideration -preconsign -preconsolation -preconsole -preconsolidate -preconsolidated -preconsolidation -preconsonantal -preconspiracy -preconspirator -preconspire -preconstituent -preconstitute -preconstruct -preconstruction -preconsult -preconsultation -preconsultor -preconsume -preconsumer -preconsumption -precontact -precontain -precontained -precontemn -precontemplate -precontemplation -precontemporaneous -precontemporary -precontend -precontent -precontention -precontently -precontentment -precontest -precontinental -precontract -precontractive -precontractual -precontribute -precontribution -precontributive -precontrivance -precontrive -precontrol -precontrolled -precontroversial -precontroversy -preconvention -preconversation -preconversational -preconversion -preconvert -preconvey -preconveyal -preconveyance -preconvict -preconviction -preconvince -precook -precooker -precool -precooler -precooling -precopy -precoracoid -precordia -precordial -precordiality -precordially -precordium -precorneal -precornu -precoronation -precorrect -precorrection -precorrectly -precorrectness -precorrespond -precorrespondence -precorrespondent -precorridor -precorrupt -precorruption -precorruptive -precorruptly -precoruptness -precosmic -precosmical -precostal -precounsel -precounsellor -precourse -precover -precovering -precox -precreate -precreation -precreative -precredit -precreditor -precreed -precritical -precriticism -precriticize -precrucial -precrural -precrystalline -precultivate -precultivation -precultural -preculturally -preculture -precuneal -precuneate -precuneus -precure -precurrent -precurricular -precurriculum -precursal -precurse -precursive -precursor -precursory -precurtain -precut -precyclone -precyclonic -precynical -precyst -precystic -predable -predacean -predaceous -predaceousness -predacity -predamage -predamn -predamnation -predark -predarkness -predata -predate -predation -predatism -predative -predator -predatorily -predatoriness -predatory -predawn -preday -predaylight -predaytime -predazzite -predealer -predealing -predeath -predeathly -predebate -predebater -predebit -predebtor -predecay -predecease -predeceaser -predeceive -predeceiver -predeception -predecession -predecessor -predecessorship -predecide -predecision -predecisive -predeclaration -predeclare -predeclination -predecline -predecree -prededicate -prededuct -prededuction -predefault -predefeat -predefect -predefective -predefence -predefend -predefense -predefiance -predeficiency -predeficient -predefine -predefinite -predefinition -predefray -predefrayal -predefy -predegeneracy -predegenerate -predegree -predeication -predelay -predelegate -predelegation -predeliberate -predeliberately -predeliberation -predelineate -predelineation -predelinquency -predelinquent -predelinquently -predeliver -predelivery -predella -predelude -predelusion -predemand -predemocracy -predemocratic -predemonstrate -predemonstration -predemonstrative -predenial -predental -predentary -Predentata -predentate -predeny -predepart -predepartmental -predeparture -predependable -predependence -predependent -predeplete -predepletion -predeposit -predepository -predepreciate -predepreciation -predepression -predeprivation -predeprive -prederivation -prederive -predescend -predescent -predescribe -predescription -predesert -predeserter -predesertion -predeserve -predeserving -predesign -predesignate -predesignation -predesignatory -predesirous -predesolate -predesolation -predespair -predesperate -predespicable -predespise -predespond -predespondency -predespondent -predestinable -predestinarian -predestinarianism -predestinate -predestinately -predestination -predestinational -predestinationism -predestinationist -predestinative -predestinator -predestine -predestiny -predestitute -predestitution -predestroy -predestruction -predetach -predetachment -predetail -predetain -predetainer -predetect -predetention -predeterminability -predeterminable -predeterminant -predeterminate -predeterminately -predetermination -predeterminative -predetermine -predeterminer -predeterminism -predeterministic -predetest -predetestation -predetrimental -predevelop -predevelopment -predevise -predevote -predevotion -predevour -prediagnosis -prediagnostic -predial -prediastolic -prediatory -predicability -predicable -predicableness -predicably -predicament -predicamental -predicamentally -predicant -predicate -predication -predicational -predicative -predicatively -predicator -predicatory -predicrotic -predict -predictability -predictable -predictably -predictate -predictation -prediction -predictional -predictive -predictively -predictiveness -predictor -predictory -prediet -predietary -predifferent -predifficulty -predigest -predigestion -predikant -predilect -predilected -predilection -prediligent -prediligently -prediluvial -prediluvian -prediminish -prediminishment -prediminution -predine -predinner -prediphtheritic -prediploma -prediplomacy -prediplomatic -predirect -predirection -predirector -predisability -predisable -predisadvantage -predisadvantageous -predisadvantageously -predisagree -predisagreeable -predisagreement -predisappointment -predisaster -predisastrous -prediscern -prediscernment -predischarge -prediscipline -predisclose -predisclosure -prediscontent -prediscontented -prediscontentment -prediscontinuance -prediscontinuation -prediscontinue -prediscount -prediscountable -prediscourage -prediscouragement -prediscourse -prediscover -prediscoverer -prediscovery -prediscreet -prediscretion -prediscretionary -prediscriminate -prediscrimination -prediscriminator -prediscuss -prediscussion -predisgrace -predisguise -predisgust -predislike -predismiss -predismissal -predismissory -predisorder -predisordered -predisorderly -predispatch -predispatcher -predisperse -predispersion -predisplace -predisplacement -predisplay -predisponency -predisponent -predisposable -predisposal -predispose -predisposed -predisposedly -predisposedness -predisposition -predispositional -predisputant -predisputation -predispute -predisregard -predisrupt -predisruption -predissatisfaction -predissolution -predissolve -predissuade -predistinct -predistinction -predistinguish -predistress -predistribute -predistribution -predistributor -predistrict -predistrust -predistrustful -predisturb -predisturbance -prediversion -predivert -predivide -predividend -predivider -predivinable -predivinity -predivision -predivorce -predivorcement -predoctorate -predocumentary -predomestic -predominance -predominancy -predominant -predominantly -predominate -predominately -predominatingly -predomination -predominator -predonate -predonation -predonor -predoom -predorsal -predoubt -predoubter -predoubtful -predraft -predrainage -predramatic -predraw -predrawer -predread -predreadnought -predrill -predriller -predrive -predriver -predry -preduplicate -preduplication -predusk -predwell -predynamite -predynastic -preen -preener -preeze -prefab -prefabricate -prefabrication -prefabricator -preface -prefaceable -prefacer -prefacial -prefacist -prefactor -prefactory -prefamiliar -prefamiliarity -prefamiliarly -prefamous -prefashion -prefatial -prefator -prefatorial -prefatorially -prefatorily -prefatory -prefavor -prefavorable -prefavorably -prefavorite -prefearful -prefearfully -prefeast -prefect -prefectly -prefectoral -prefectorial -prefectorially -prefectorian -prefectship -prefectual -prefectural -prefecture -prefecundation -prefecundatory -prefederal -prefelic -prefer -preferability -preferable -preferableness -preferably -preferee -preference -preferent -preferential -preferentialism -preferentialist -preferentially -preferment -prefermentation -preferred -preferredly -preferredness -preferrer -preferrous -prefertile -prefertility -prefertilization -prefertilize -prefervid -prefestival -prefeudal -prefeudalic -prefeudalism -prefiction -prefictional -prefigurate -prefiguration -prefigurative -prefiguratively -prefigurativeness -prefigure -prefigurement -prefiller -prefilter -prefinal -prefinance -prefinancial -prefine -prefinish -prefix -prefixable -prefixal -prefixally -prefixation -prefixed -prefixedly -prefixion -prefixture -preflagellate -preflatter -preflattery -preflavor -preflavoring -preflection -preflexion -preflight -preflood -prefloration -preflowering -prefoliation -prefool -preforbidden -preforceps -preforgive -preforgiveness -preforgotten -preform -preformant -preformation -preformationary -preformationism -preformationist -preformative -preformed -preformism -preformist -preformistic -preformulate -preformulation -prefortunate -prefortunately -prefortune -prefoundation -prefounder -prefragrance -prefragrant -prefrankness -prefraternal -prefraternally -prefraud -prefreeze -prefreshman -prefriendly -prefriendship -prefright -prefrighten -prefrontal -prefulfill -prefulfillment -prefulgence -prefulgency -prefulgent -prefunction -prefunctional -prefuneral -prefungoidal -prefurlough -prefurnish -pregain -pregainer -pregalvanize -preganglionic -pregather -pregathering -pregeminum -pregenerate -pregeneration -pregenerosity -pregenerous -pregenerously -pregenial -pregeniculatum -pregeniculum -pregenital -pregeological -pregirlhood -preglacial -pregladden -pregladness -preglenoid -preglenoidal -preglobulin -pregnability -pregnable -pregnance -pregnancy -pregnant -pregnantly -pregnantness -pregolden -pregolfing -pregracile -pregracious -pregrade -pregraduation -pregranite -pregranitic -pregratification -pregratify -pregreet -pregreeting -pregrievance -pregrowth -preguarantee -preguarantor -preguard -preguess -preguidance -preguide -preguilt -preguiltiness -preguilty -pregust -pregustant -pregustation -pregustator -pregustic -prehallux -prehalter -prehandicap -prehandle -prehaps -preharden -preharmonious -preharmoniousness -preharmony -preharsh -preharshness -preharvest -prehatred -prehaunt -prehaunted -prehaustorium -prehazard -prehazardous -preheal -prehearing -preheat -preheated -preheater -prehemiplegic -prehend -prehensible -prehensile -prehensility -prehension -prehensive -prehensiveness -prehensor -prehensorial -prehensory -prehepatic -prehepaticus -preheroic -prehesitancy -prehesitate -prehesitation -prehexameral -prehistorian -prehistoric -prehistorical -prehistorically -prehistorics -prehistory -prehnite -prehnitic -preholder -preholding -preholiday -prehorizon -prehorror -prehostile -prehostility -prehuman -prehumiliate -prehumiliation -prehumor -prehunger -prehydration -prehypophysis -preidea -preidentification -preidentify -preignition -preilluminate -preillumination -preillustrate -preillustration -preimage -preimaginary -preimagination -preimagine -preimbibe -preimbue -preimitate -preimitation -preimitative -preimmigration -preimpair -preimpairment -preimpart -preimperial -preimport -preimportance -preimportant -preimportantly -preimportation -preimposal -preimpose -preimposition -preimpress -preimpression -preimpressive -preimprove -preimprovement -preinaugural -preinaugurate -preincarnate -preincentive -preinclination -preincline -preinclude -preinclusion -preincorporate -preincorporation -preincrease -preindebted -preindebtedness -preindemnification -preindemnify -preindemnity -preindependence -preindependent -preindependently -preindesignate -preindicant -preindicate -preindication -preindispose -preindisposition -preinduce -preinducement -preinduction -preinductive -preindulge -preindulgence -preindulgent -preindustrial -preindustry -preinfect -preinfection -preinfer -preinference -preinflection -preinflectional -preinflict -preinfluence -preinform -preinformation -preinhabit -preinhabitant -preinhabitation -preinhere -preinherit -preinheritance -preinitial -preinitiate -preinitiation -preinjure -preinjurious -preinjury -preinquisition -preinscribe -preinscription -preinsert -preinsertion -preinsinuate -preinsinuating -preinsinuatingly -preinsinuation -preinsinuative -preinspect -preinspection -preinspector -preinspire -preinstall -preinstallation -preinstill -preinstillation -preinstruct -preinstruction -preinstructional -preinstructive -preinsula -preinsular -preinsulate -preinsulation -preinsult -preinsurance -preinsure -preintellectual -preintelligence -preintelligent -preintelligently -preintend -preintention -preintercede -preintercession -preinterchange -preintercourse -preinterest -preinterfere -preinterference -preinterpret -preinterpretation -preinterpretative -preinterview -preintone -preinvent -preinvention -preinventive -preinventory -preinvest -preinvestigate -preinvestigation -preinvestigator -preinvestment -preinvitation -preinvite -preinvocation -preinvolve -preinvolvement -preiotization -preiotize -preirrigation -preirrigational -preissuance -preissue -prejacent -prejournalistic -prejudge -prejudgement -prejudger -prejudgment -prejudication -prejudicative -prejudicator -prejudice -prejudiced -prejudicedly -prejudiceless -prejudiciable -prejudicial -prejudicially -prejudicialness -prejudicious -prejudiciously -prejunior -prejurisdiction -prejustification -prejustify -prejuvenile -Prekantian -prekindergarten -prekindle -preknit -preknow -preknowledge -prelabel -prelabial -prelabor -prelabrum -prelachrymal -prelacrimal -prelacteal -prelacy -prelanguage -prelapsarian -prelate -prelatehood -prelateship -prelatess -prelatial -prelatic -prelatical -prelatically -prelaticalness -prelation -prelatish -prelatism -prelatist -prelatize -prelatry -prelature -prelaunch -prelaunching -prelawful -prelawfully -prelawfulness -prelease -prelect -prelection -prelector -prelectorship -prelectress -prelecture -prelegacy -prelegal -prelegate -prelegatee -prelegend -prelegendary -prelegislative -preliability -preliable -prelibation -preliberal -preliberality -preliberally -preliberate -preliberation -prelicense -prelim -preliminarily -preliminary -prelimit -prelimitate -prelimitation -prelingual -prelinguistic -prelinpinpin -preliquidate -preliquidation -preliteral -preliterally -preliteralness -preliterary -preliterate -preliterature -prelithic -prelitigation -preloan -prelocalization -prelocate -prelogic -prelogical -preloral -preloreal -preloss -prelude -preluder -preludial -preludious -preludiously -preludium -preludize -prelumbar -prelusion -prelusive -prelusively -prelusorily -prelusory -preluxurious -premachine -premadness -premaintain -premaintenance -premake -premaker -premaking -premandibular -premanhood -premaniacal -premanifest -premanifestation -premankind -premanufacture -premanufacturer -premanufacturing -premarital -premarriage -premarry -premastery -prematch -premate -prematerial -prematernity -prematrimonial -prematuration -premature -prematurely -prematureness -prematurity -premaxilla -premaxillary -premeasure -premeasurement -premechanical -premedia -premedial -premedian -premedic -premedical -premedicate -premedication -premedieval -premedievalism -premeditate -premeditatedly -premeditatedness -premeditatingly -premeditation -premeditative -premeditator -premegalithic -prememorandum -premenace -premenstrual -premention -premeridian -premerit -premetallic -premethodical -premial -premiant -premiate -premidnight -premidsummer -premier -premieral -premiere -premieress -premierjus -premiership -premilitary -premillenarian -premillenarianism -premillennial -premillennialism -premillennialist -premillennialize -premillennially -premillennian -preminister -preministry -premious -premisal -premise -premisory -premisrepresent -premisrepresentation -premiss -premium -premix -premixer -premixture -premodel -premodern -premodification -premodify -premolar -premold -premolder -premolding -premonarchial -premonetary -Premongolian -premonish -premonishment -premonition -premonitive -premonitor -premonitorily -premonitory -premonopolize -premonopoly -Premonstrant -Premonstratensian -premonumental -premoral -premorality -premorally -premorbid -premorbidly -premorbidness -premorning -premorse -premortal -premortification -premortify -premortuary -premosaic -premotion -premourn -premove -premovement -premover -premuddle -premultiplication -premultiplier -premultiply -premundane -premunicipal -premunition -premunitory -premusical -premuster -premutative -premutiny -premycotic -premyelocyte -premythical -prename -Prenanthes -prenares -prenarial -prenaris -prenasal -prenatal -prenatalist -prenatally -prenational -prenative -prenatural -prenaval -prender -prendre -prenebular -prenecessitate -preneglect -preneglectful -prenegligence -prenegligent -prenegotiate -prenegotiation -preneolithic -prenephritic -preneural -preneuralgic -prenight -prenoble -prenodal -prenominal -prenominate -prenomination -prenominical -prenotation -prenotice -prenotification -prenotify -prenotion -prentice -prenticeship -prenumber -prenumbering -prenuncial -prenuptial -prenursery -preobedience -preobedient -preobject -preobjection -preobjective -preobligate -preobligation -preoblige -preobservance -preobservation -preobservational -preobserve -preobstruct -preobstruction -preobtain -preobtainable -preobtrude -preobtrusion -preobtrusive -preobviate -preobvious -preobviously -preobviousness -preoccasioned -preoccipital -preocclusion -preoccultation -preoccupancy -preoccupant -preoccupate -preoccupation -preoccupative -preoccupied -preoccupiedly -preoccupiedness -preoccupier -preoccupy -preoccur -preoccurrence -preoceanic -preocular -preodorous -preoffend -preoffense -preoffensive -preoffensively -preoffensiveness -preoffer -preoffering -preofficial -preofficially -preominate -preomission -preomit -preopen -preopening -preoperate -preoperation -preoperative -preoperatively -preoperator -preopercle -preopercular -preoperculum -preopinion -preopinionated -preoppose -preopposition -preoppress -preoppression -preoppressor -preoptic -preoptimistic -preoption -preoral -preorally -preorbital -preordain -preorder -preordination -preorganic -preorganization -preorganize -preoriginal -preoriginally -preornamental -preoutfit -preoutline -preoverthrow -prep -prepainful -prepalatal -prepalatine -prepaleolithic -prepanic -preparable -preparation -preparationist -preparative -preparatively -preparator -preparatorily -preparatory -prepardon -prepare -prepared -preparedly -preparedness -preparement -preparental -preparer -preparietal -preparingly -preparliamentary -preparoccipital -preparoxysmal -prepartake -preparticipation -prepartisan -prepartition -prepartnership -prepatellar -prepatent -prepatriotic -prepave -prepavement -prepay -prepayable -prepayment -prepeduncle -prepenetrate -prepenetration -prepenial -prepense -prepensely -prepeople -preperceive -preperception -preperceptive -preperitoneal -prepersuade -prepersuasion -prepersuasive -preperusal -preperuse -prepetition -prephragma -prephthisical -prepigmental -prepink -prepious -prepituitary -preplace -preplacement -preplacental -preplan -preplant -prepledge -preplot -prepoetic -prepoetical -prepoison -prepolice -prepolish -prepolitic -prepolitical -prepolitically -prepollence -prepollency -prepollent -prepollex -preponder -preponderance -preponderancy -preponderant -preponderantly -preponderate -preponderately -preponderating -preponderatingly -preponderation -preponderous -preponderously -prepontile -prepontine -preportray -preportrayal -prepose -preposition -prepositional -prepositionally -prepositive -prepositively -prepositor -prepositorial -prepositure -prepossess -prepossessed -prepossessing -prepossessingly -prepossessingness -prepossession -prepossessionary -prepossessor -preposterous -preposterously -preposterousness -prepostorship -prepotence -prepotency -prepotent -prepotential -prepotently -prepractical -prepractice -preprandial -prepreference -prepreparation -preprice -preprimary -preprimer -preprimitive -preprint -preprofess -preprofessional -preprohibition -prepromise -prepromote -prepromotion -prepronounce -prepronouncement -preprophetic -preprostatic -preprove -preprovide -preprovision -preprovocation -preprovoke -preprudent -preprudently -prepsychological -prepsychology -prepuberal -prepubertal -prepuberty -prepubescent -prepubic -prepubis -prepublication -prepublish -prepuce -prepunctual -prepunish -prepunishment -prepupa -prepupal -prepurchase -prepurchaser -prepurpose -preputial -preputium -prepyloric -prepyramidal -prequalification -prequalify -prequarantine -prequestion -prequotation -prequote -preracing -preradio -prerailroad -prerailroadite -prerailway -preramus -prerational -prereadiness -preready -prerealization -prerealize -prerebellion -prereceipt -prereceive -prereceiver -prerecital -prerecite -prereckon -prereckoning -prerecognition -prerecognize -prerecommend -prerecommendation -prereconcile -prereconcilement -prereconciliation -prerectal -preredeem -preredemption -prereduction -prerefer -prereference -prerefine -prerefinement -prereform -prereformation -prereformatory -prerefusal -prerefuse -preregal -preregister -preregistration -preregulate -preregulation -prereject -prerejection -prerejoice -prerelate -prerelation -prerelationship -prerelease -prereligious -prereluctation -preremit -preremittance -preremorse -preremote -preremoval -preremove -preremunerate -preremuneration -prerenal -prerent -prerental -prereport -prerepresent -prerepresentation -prereption -prerepublican -prerequest -prerequire -prerequirement -prerequisite -prerequisition -preresemblance -preresemble -preresolve -preresort -prerespectability -prerespectable -prerespiration -prerespire -preresponsibility -preresponsible -prerestoration -prerestrain -prerestraint -prerestrict -prerestriction -prereturn -prereveal -prerevelation -prerevenge -prereversal -prereverse -prereview -prerevise -prerevision -prerevival -prerevolutionary -prerheumatic -prerich -prerighteous -prerighteously -prerighteousness -prerogatival -prerogative -prerogatived -prerogatively -prerogativity -prerolandic -preromantic -preromanticism -preroute -preroutine -preroyal -preroyally -preroyalty -prerupt -preruption -presacral -presacrifice -presacrificial -presage -presageful -presagefully -presager -presagient -presaging -presagingly -presalvation -presanctification -presanctified -presanctify -presanguine -presanitary -presartorial -presatisfaction -presatisfactory -presatisfy -presavage -presavagery -presay -presbyacousia -presbyacusia -presbycousis -presbycusis -presbyope -presbyophrenia -presbyophrenic -presbyopia -presbyopic -presbyopy -presbyte -presbyter -presbyteral -presbyterate -presbyterated -presbyteress -presbyteria -presbyterial -presbyterially -Presbyterian -Presbyterianism -Presbyterianize -Presbyterianly -presbyterium -presbytership -presbytery -presbytia -presbytic -Presbytinae -Presbytis -presbytism -prescapula -prescapular -prescapularis -prescholastic -preschool -prescience -prescient -prescientific -presciently -prescind -prescindent -prescission -prescored -prescout -prescribable -prescribe -prescriber -prescript -prescriptibility -prescriptible -prescription -prescriptionist -prescriptive -prescriptively -prescriptiveness -prescriptorial -prescrive -prescutal -prescutum -preseal -presearch -preseason -preseasonal -presecular -presecure -presee -preselect -presell -preseminal -preseminary -presence -presenced -presenceless -presenile -presenility -presensation -presension -present -presentability -presentable -presentableness -presentably -presental -presentation -presentational -presentationism -presentationist -presentative -presentatively -presentee -presentence -presenter -presential -presentiality -presentially -presentialness -presentient -presentiment -presentimental -presentist -presentive -presentively -presentiveness -presently -presentment -presentness -presentor -preseparate -preseparation -preseparator -preservability -preservable -preserval -preservation -preservationist -preservative -preservatize -preservatory -preserve -preserver -preserveress -preses -presession -preset -presettle -presettlement -presexual -preshadow -preshape -preshare -presharpen -preshelter -preship -preshipment -preshortage -preshorten -preshow -preside -presidence -presidencia -presidency -president -presidente -presidentess -presidential -presidentially -presidentiary -presidentship -presider -presidial -presidially -presidiary -presidio -presidium -presift -presign -presignal -presignificance -presignificancy -presignificant -presignification -presignificative -presignificator -presignify -presimian -preslavery -Presley -presmooth -presocial -presocialism -presocialist -presolar -presolicit -presolicitation -presolution -presolve -presophomore -presound -prespecialist -prespecialize -prespecific -prespecifically -prespecification -prespecify -prespeculate -prespeculation -presphenoid -presphenoidal -presphygmic -prespinal -prespinous -prespiracular -presplendor -presplenomegalic -prespoil -prespontaneity -prespontaneous -prespontaneously -prespread -presprinkle -prespur -press -pressable -pressboard -pressdom -pressel -presser -pressfat -pressful -pressgang -pressible -pressing -pressingly -pressingness -pression -pressive -pressman -pressmanship -pressmark -pressor -presspack -pressroom -pressurage -pressural -pressure -pressureless -pressureproof -pressurize -pressurizer -presswoman -presswork -pressworker -prest -prestabilism -prestability -prestable -prestamp -prestandard -prestandardization -prestandardize -prestant -prestate -prestation -prestatistical -presteam -presteel -prester -presternal -presternum -prestidigital -prestidigitate -prestidigitation -prestidigitator -prestidigitatorial -prestige -prestigiate -prestigiation -prestigiator -prestigious -prestigiously -prestigiousness -prestimulate -prestimulation -prestimulus -prestissimo -presto -prestock -prestomial -prestomium -prestorage -prestore -prestraighten -prestrain -prestrengthen -prestress -prestretch -prestricken -prestruggle -prestubborn -prestudious -prestudiously -prestudiousness -prestudy -presubdue -presubiculum -presubject -presubjection -presubmission -presubmit -presubordinate -presubordination -presubscribe -presubscriber -presubscription -presubsist -presubsistence -presubsistent -presubstantial -presubstitute -presubstitution -presuccess -presuccessful -presuccessfully -presuffer -presuffering -presufficiency -presufficient -presufficiently -presuffrage -presuggest -presuggestion -presuggestive -presuitability -presuitable -presuitably -presumable -presumably -presume -presumedly -presumer -presuming -presumption -presumptious -presumptiously -presumptive -presumptively -presumptuous -presumptuously -presumptuousness -presuperficial -presuperficiality -presuperficially -presuperfluity -presuperfluous -presuperfluously -presuperintendence -presuperintendency -presupervise -presupervision -presupervisor -presupplemental -presupplementary -presupplicate -presupplication -presupply -presupport -presupposal -presuppose -presupposition -presuppositionless -presuppress -presuppression -presuppurative -presupremacy -presupreme -presurgery -presurgical -presurmise -presurprisal -presurprise -presurrender -presurround -presurvey -presusceptibility -presusceptible -presuspect -presuspend -presuspension -presuspicion -presuspicious -presuspiciously -presuspiciousness -presustain -presutural -preswallow -presylvian -presympathize -presympathy -presymphonic -presymphony -presymphysial -presymptom -presymptomatic -presynapsis -presynaptic -presystematic -presystematically -presystole -presystolic -pretabulate -pretabulation -pretan -pretangible -pretangibly -pretannage -pretardily -pretardiness -pretardy -pretariff -pretaste -preteach -pretechnical -pretechnically -pretelegraph -pretelegraphic -pretelephone -pretelephonic -pretell -pretemperate -pretemperately -pretemporal -pretend -pretendant -pretended -pretendedly -pretender -Pretenderism -pretendership -pretendingly -pretendingness -pretense -pretenseful -pretenseless -pretension -pretensional -pretensionless -pretensive -pretensively -pretensiveness -pretentative -pretentious -pretentiously -pretentiousness -pretercanine -preterchristian -preterconventional -preterdetermined -preterdeterminedly -preterdiplomatic -preterdiplomatically -preterequine -preteressential -pretergress -pretergression -preterhuman -preterience -preterient -preterintentional -preterist -preterit -preteriteness -preterition -preteritive -preteritness -preterlabent -preterlegal -preterlethal -preterminal -pretermission -pretermit -pretermitter -preternative -preternatural -preternaturalism -preternaturalist -preternaturality -preternaturally -preternaturalness -preternormal -preternotorious -preternuptial -preterpluperfect -preterpolitical -preterrational -preterregular -preterrestrial -preterritorial -preterroyal -preterscriptural -preterseasonable -pretersensual -pretervection -pretest -pretestify -pretestimony -pretext -pretexted -pretextuous -pretheological -prethoracic -prethoughtful -prethoughtfully -prethoughtfulness -prethreaten -prethrill -prethrust -pretibial -pretimeliness -pretimely -pretincture -pretire -pretoken -pretone -pretonic -pretorial -pretorship -pretorsional -pretorture -pretournament -pretrace -pretracheal -pretraditional -pretrain -pretraining -pretransact -pretransaction -pretranscribe -pretranscription -pretranslate -pretranslation -pretransmission -pretransmit -pretransport -pretransportation -pretravel -pretreat -pretreatment -pretreaty -pretrematic -pretribal -pretry -prettification -prettifier -prettify -prettikin -prettily -prettiness -pretty -prettyface -prettyish -prettyism -pretubercular -pretuberculous -pretympanic -pretyphoid -pretypify -pretypographical -pretyrannical -pretyranny -pretzel -preultimate -preultimately -preumbonal -preunderstand -preundertake -preunion -preunite -preutilizable -preutilization -preutilize -prevacate -prevacation -prevaccinate -prevaccination -prevail -prevailance -prevailer -prevailingly -prevailingness -prevailment -prevalence -prevalency -prevalent -prevalently -prevalentness -prevalescence -prevalescent -prevalid -prevalidity -prevalidly -prevaluation -prevalue -prevariation -prevaricate -prevarication -prevaricator -prevaricatory -prevascular -prevegetation -prevelar -prevenance -prevenancy -prevene -prevenience -prevenient -preveniently -prevent -preventability -preventable -preventative -preventer -preventible -preventingly -prevention -preventionism -preventionist -preventive -preventively -preventiveness -preventorium -preventure -preverb -preverbal -preverification -preverify -prevernal -preversion -prevertebral -prevesical -preveto -previctorious -previde -previdence -preview -previgilance -previgilant -previgilantly -previolate -previolation -previous -previously -previousness -previse -previsibility -previsible -previsibly -prevision -previsional -previsit -previsitor -previsive -previsor -prevocal -prevocalic -prevocally -prevocational -prevogue -prevoid -prevoidance -prevolitional -prevolunteer -prevomer -prevotal -prevote -prevoyance -prevoyant -prevue -prewar -prewarn -prewarrant -prewash -preweigh -prewelcome -prewhip -prewilling -prewillingly -prewillingness -prewire -prewireless -prewitness -prewonder -prewonderment -preworldliness -preworldly -preworship -preworthily -preworthiness -preworthy -prewound -prewrap -prexy -prey -preyer -preyful -preyingly -preyouthful -prezonal -prezone -prezygapophysial -prezygapophysis -prezygomatic -Pria -priacanthid -Priacanthidae -priacanthine -Priacanthus -Priapean -Priapic -priapism -Priapulacea -priapulid -Priapulida -Priapulidae -priapuloid -Priapuloidea -Priapulus -Priapus -Priapusian -Price -price -priceable -priceably -priced -priceite -priceless -pricelessness -pricer -prich -prick -prickant -pricked -pricker -pricket -prickfoot -pricking -prickingly -prickish -prickle -prickleback -prickled -pricklefish -prickless -prickliness -prickling -pricklingly -pricklouse -prickly -pricklyback -prickmadam -prickmedainty -prickproof -pricks -prickseam -prickshot -prickspur -pricktimber -prickwood -pricky -pride -prideful -pridefully -pridefulness -prideless -pridelessly -prideling -prideweed -pridian -priding -pridingly -pridy -pried -prier -priest -priestal -priestcap -priestcraft -priestdom -priesteen -priestery -priestess -priestfish -priesthood -priestianity -priestish -priestism -priestless -priestlet -priestlike -priestliness -priestling -priestly -priestship -priestshire -prig -prigdom -prigger -priggery -priggess -priggish -priggishly -priggishness -priggism -prighood -prigman -prill -prillion -prim -prima -primacy -primage -primal -primality -primar -primarian -primaried -primarily -primariness -primary -primatal -primate -Primates -primateship -primatial -primatic -primatical -primavera -primaveral -prime -primegilt -primely -primeness -primer -primero -primerole -primeval -primevalism -primevally -primeverose -primevity -primevous -primevrin -Primianist -primigene -primigenial -primigenian -primigenious -primigenous -primigravida -primine -priming -primipara -primiparity -primiparous -primipilar -primitiae -primitial -primitias -primitive -primitively -primitivism -primitivist -primitivistic -primitivity -primly -primness -primogenetrix -primogenial -primogenital -primogenitary -primogenitive -primogenitor -primogeniture -primogenitureship -primogenous -primoprime -primoprimitive -primordality -primordia -primordial -primordialism -primordially -primordiate -primordium -primosity -primost -primp -primrose -primrosed -primrosetide -primrosetime -primrosy -primsie -Primula -primula -Primulaceae -primulaceous -Primulales -primulaverin -primulaveroside -primulic -primuline -Primulinus -Primus -primus -primwort -primy -prince -princeage -princecraft -princedom -princehood -Princeite -princekin -princeless -princelet -princelike -princeliness -princeling -princely -princeps -princeship -princess -princessdom -princesse -princesslike -princessly -princewood -princified -princify -principal -principality -principally -principalness -principalship -principate -Principes -principes -principia -principiant -principiate -principiation -principium -principle -principulus -princock -princox -prine -pringle -prink -prinker -prinkle -prinky -print -printability -printable -printableness -printed -printer -printerdom -printerlike -printery -printing -printless -printline -printscript -printworks -Priodon -priodont -Priodontes -prion -prionid -Prionidae -Prioninae -prionine -Prionodesmacea -prionodesmacean -prionodesmaceous -prionodesmatic -Prionodon -prionodont -Prionopinae -prionopine -Prionops -Prionus -prior -prioracy -prioral -priorate -prioress -prioristic -prioristically -priorite -priority -priorly -priorship -priory -prisable -prisage -prisal -priscan -Priscian -Priscianist -Priscilla -Priscillian -Priscillianism -Priscillianist -prism -prismal -prismatic -prismatical -prismatically -prismatization -prismatize -prismatoid -prismatoidal -prismed -prismoid -prismoidal -prismy -prisometer -prison -prisonable -prisondom -prisoner -prisonful -prisonlike -prisonment -prisonous -priss -prissily -prissiness -prissy -pristane -pristine -Pristipomatidae -Pristipomidae -Pristis -Pristodus -pritch -Pritchardia -pritchel -prithee -prius -privacity -privacy -privant -private -privateer -privateersman -privately -privateness -privation -privative -privatively -privativeness -privet -privilege -privileged -privileger -privily -priviness -privity -privy -prizable -prize -prizeable -prizeholder -prizeman -prizer -prizery -prizetaker -prizeworthy -pro -proa -proabolitionist -proabsolutism -proabsolutist -proabstinence -proacademic -proacceptance -proacquisition -proacquittal -proaction -proactor -proaddition -proadjournment -proadministration -proadmission -proadoption -proadvertising -proaesthetic -proaggressionist -proagitation -proagrarian -proagreement -proagricultural -proagule -proairesis -proairplane -proal -proalcoholism -proalien -proalliance -proallotment -proalteration -proamateur -proambient -proamendment -proamnion -proamniotic -proamusement -proanaphora -proanaphoral -proanarchic -proangiosperm -proangiospermic -proangiospermous -proanimistic -proannexation -proannexationist -proantarctic -proanthropos -proapostolic -proappointment -proapportionment -proappreciation -proappropriation -proapproval -proaquatic -proarbitration -proarbitrationist -proarchery -proarctic -proaristocratic -proarmy -Proarthri -proassessment -proassociation -proatheist -proatheistic -proathletic -proatlas -proattack -proattendance -proauction -proaudience -proaulion -proauthor -proauthority -proautomobile -proavian -proaviation -Proavis -proaward -prob -probabiliorism -probabiliorist -probabilism -probabilist -probabilistic -probability -probabilize -probabl -probable -probableness -probably -probachelor -probal -proballoon -probang -probanishment -probankruptcy -probant -probargaining -probaseball -probasketball -probate -probathing -probatical -probation -probational -probationary -probationer -probationerhood -probationership -probationism -probationist -probationship -probative -probatively -probator -probatory -probattle -probattleship -probe -probeable -probeer -prober -probetting -probiology -probituminous -probity -problem -problematic -problematical -problematically -problematist -problematize -problemdom -problemist -problemistic -problemize -problemwise -problockade -probonding -probonus -proborrowing -proboscidal -proboscidate -Proboscidea -proboscidean -proboscideous -proboscides -proboscidial -proboscidian -proboscidiferous -proboscidiform -probosciform -probosciformed -Probosciger -proboscis -proboscislike -probouleutic -proboulevard -probowling -proboxing -proboycott -probrick -probridge -probroadcasting -probudget -probudgeting -probuilding -probusiness -probuying -procacious -procaciously -procacity -procaine -procambial -procambium -procanal -procancellation -procapital -procapitalism -procapitalist -procarnival -procarp -procarpium -procarrier -procatalectic -procatalepsis -procatarctic -procatarxis -procathedral -Procavia -Procaviidae -procedendo -procedural -procedure -proceed -proceeder -proceeding -proceeds -proceleusmatic -Procellaria -procellarian -procellarid -Procellariidae -Procellariiformes -procellariine -procellas -procello -procellose -procellous -procensorship -procensure -procentralization -procephalic -procercoid -procereal -procerebral -procerebrum -proceremonial -proceremonialism -proceremonialist -proceres -procerite -proceritic -procerity -procerus -process -processal -procession -processional -processionalist -processionally -processionary -processioner -processionist -processionize -processionwise -processive -processor -processual -procharity -prochein -prochemical -prochlorite -prochondral -prochoos -prochordal -prochorion -prochorionic -prochromosome -prochronic -prochronism -prochronize -prochurch -prochurchian -procidence -procident -procidentia -procivic -procivilian -procivism -proclaim -proclaimable -proclaimant -proclaimer -proclaiming -proclaimingly -proclamation -proclamator -proclamatory -proclassic -proclassical -proclergy -proclerical -proclericalism -procline -proclisis -proclitic -proclive -proclivitous -proclivity -proclivous -proclivousness -Procne -procnemial -Procoelia -procoelia -procoelian -procoelous -procoercive -procollectivistic -procollegiate -procombat -procombination -procomedy -procommemoration -procomment -procommercial -procommission -procommittee -procommunal -procommunism -procommunist -procommutation -procompensation -procompetition -procompromise -procompulsion -proconcentration -proconcession -proconciliation -procondemnation -proconfederationist -proconference -proconfession -proconfessionist -proconfiscation -proconformity -Proconnesian -proconquest -proconscription -proconscriptive -proconservation -proconservationist -proconsolidation -proconstitutional -proconstitutionalism -proconsul -proconsular -proconsulary -proconsulate -proconsulship -proconsultation -procontinuation -proconvention -proconventional -proconviction -procoracoid -procoracoidal -procorporation -procosmetic -procosmopolitan -procotton -procourt -procrastinate -procrastinating -procrastinatingly -procrastination -procrastinative -procrastinatively -procrastinator -procrastinatory -procreant -procreate -procreation -procreative -procreativeness -procreator -procreatory -procreatress -procreatrix -procremation -Procris -procritic -procritique -Procrustean -Procrusteanism -Procrusteanize -Procrustes -procrypsis -procryptic -procryptically -proctal -proctalgia -proctalgy -proctatresia -proctatresy -proctectasia -proctectomy -procteurynter -proctitis -proctocele -proctoclysis -proctocolitis -proctocolonoscopy -proctocystoplasty -proctocystotomy -proctodaeal -proctodaeum -proctodynia -proctoelytroplastic -proctologic -proctological -proctologist -proctology -proctoparalysis -proctoplastic -proctoplasty -proctoplegia -proctopolypus -proctoptoma -proctoptosis -proctor -proctorage -proctoral -proctorial -proctorially -proctorical -proctorization -proctorize -proctorling -proctorrhagia -proctorrhaphy -proctorrhea -proctorship -proctoscope -proctoscopic -proctoscopy -proctosigmoidectomy -proctosigmoiditis -proctospasm -proctostenosis -proctostomy -proctotome -proctotomy -proctotresia -proctotrypid -Proctotrypidae -proctotrypoid -Proctotrypoidea -proctovalvotomy -Proculian -procumbent -procurable -procuracy -procural -procurance -procurate -procuration -procurative -procurator -procuratorate -procuratorial -procuratorship -procuratory -procuratrix -procure -procurement -procurer -procuress -procurrent -procursive -procurvation -procurved -Procyon -Procyonidae -procyoniform -Procyoniformia -Procyoninae -procyonine -proczarist -prod -prodatary -prodder -proddle -prodecoration -prodefault -prodefiance -prodelay -prodelision -prodemocratic -Prodenia -prodenominational -prodentine -prodeportation -prodespotic -prodespotism -prodialogue -prodigal -prodigalish -prodigalism -prodigality -prodigalize -prodigally -prodigiosity -prodigious -prodigiously -prodigiousness -prodigus -prodigy -prodisarmament -prodisplay -prodissoconch -prodissolution -prodistribution -prodition -proditorious -proditoriously -prodivision -prodivorce -prodproof -prodramatic -prodroma -prodromal -prodromatic -prodromatically -prodrome -prodromic -prodromous -prodromus -producal -produce -produceable -produceableness -produced -producent -producer -producership -producibility -producible -producibleness -product -producted -productibility -productible -productid -Productidae -productile -production -productional -productionist -productive -productively -productiveness -productivity -productoid -productor -productory -productress -Productus -proecclesiastical -proeconomy -proeducation -proeducational -proegumenal -proelectric -proelectrical -proelectrification -proelectrocution -proelimination -proem -proembryo -proembryonic -proemial -proemium -proemployee -proemptosis -proenforcement -proenlargement -proenzym -proenzyme -proepimeron -proepiscopist -proepisternum -proequality -proethical -proethnic -proethnically -proetid -Proetidae -Proetus -proevolution -proevolutionist -proexamination -proexecutive -proexemption -proexercise -proexperiment -proexpert -proexporting -proexposure -proextension -proextravagance -prof -profaculty -profanable -profanableness -profanably -profanation -profanatory -profanchise -profane -profanely -profanement -profaneness -profaner -profanism -profanity -profanize -profarmer -profection -profectional -profectitious -profederation -profeminism -profeminist -proferment -profert -profess -professable -professed -professedly -profession -professional -professionalism -professionalist -professionality -professionalization -professionalize -professionally -professionist -professionize -professionless -professive -professively -professor -professorate -professordom -professoress -professorial -professorialism -professorially -professoriate -professorlike -professorling -professorship -professory -proffer -profferer -proficience -proficiency -proficient -proficiently -proficientness -profiction -proficuous -proficuously -profile -profiler -profilist -profilograph -profit -profitability -profitable -profitableness -profitably -profiteer -profiteering -profiter -profiting -profitless -profitlessly -profitlessness -profitmonger -profitmongering -profitproof -proflated -proflavine -profligacy -profligate -profligately -profligateness -profligation -proflogger -profluence -profluent -profluvious -profluvium -proforeign -profound -profoundly -profoundness -profraternity -profugate -profulgent -profunda -profundity -profuse -profusely -profuseness -profusion -profusive -profusively -profusiveness -prog -progambling -progamete -progamic -proganosaur -Proganosauria -progenerate -progeneration -progenerative -progenital -progenitive -progenitiveness -progenitor -progenitorial -progenitorship -progenitress -progenitrix -progeniture -progenity -progeny -progeotropic -progeotropism -progeria -progermination -progestational -progesterone -progestin -progger -proglottic -proglottid -proglottidean -proglottis -prognathi -prognathic -prognathism -prognathous -prognathy -progne -prognose -prognosis -prognostic -prognosticable -prognostically -prognosticate -prognostication -prognosticative -prognosticator -prognosticatory -progoneate -progospel -progovernment -program -programist -programistic -programma -programmar -programmatic -programmatically -programmatist -programmer -progrede -progrediency -progredient -progress -progresser -progression -progressional -progressionally -progressionary -progressionism -progressionist -progressism -progressist -progressive -progressively -progressiveness -progressivism -progressivist -progressivity -progressor -proguardian -Progymnasium -progymnosperm -progymnospermic -progymnospermous -progypsy -prohaste -prohibit -prohibiter -prohibition -prohibitionary -prohibitionism -prohibitionist -prohibitive -prohibitively -prohibitiveness -prohibitor -prohibitorily -prohibitory -proholiday -prohostility -prohuman -prohumanistic -prohydrotropic -prohydrotropism -proidealistic -proimmunity -proinclusion -proincrease -proindemnity -proindustrial -proinjunction -proinnovationist -proinquiry -proinsurance -prointervention -proinvestment -proirrigation -projacient -project -projectable -projectedly -projectile -projecting -projectingly -projection -projectional -projectionist -projective -projectively -projectivity -projector -projectress -projectrix -projecture -projicience -projicient -projiciently -projournalistic -projudicial -proke -prokeimenon -proker -prokindergarten -proklausis -prolabium -prolabor -prolacrosse -prolactin -prolamin -prolan -prolapse -prolapsus -prolarva -prolarval -prolate -prolately -prolateness -prolation -prolative -prolatively -proleague -proleaguer -prolectite -proleg -prolegate -prolegislative -prolegomena -prolegomenal -prolegomenary -prolegomenist -prolegomenon -prolegomenous -proleniency -prolepsis -proleptic -proleptical -proleptically -proleptics -proletairism -proletarian -proletarianism -proletarianization -proletarianize -proletarianly -proletarianness -proletariat -proletariatism -proletarization -proletarize -proletary -proletcult -proleucocyte -proleukocyte -prolicense -prolicidal -prolicide -proliferant -proliferate -proliferation -proliferative -proliferous -proliferously -prolific -prolificacy -prolifical -prolifically -prolificalness -prolificate -prolification -prolificity -prolificly -prolificness -prolificy -prolify -proligerous -proline -proliquor -proliterary -proliturgical -proliturgist -prolix -prolixity -prolixly -prolixness -prolocution -prolocutor -prolocutorship -prolocutress -prolocutrix -prologist -prologize -prologizer -prologos -prologue -prologuelike -prologuer -prologuist -prologuize -prologuizer -prologus -prolong -prolongable -prolongableness -prolongably -prolongate -prolongation -prolonge -prolonger -prolongment -prolusion -prolusionize -prolusory -prolyl -promachinery -promachos -promagisterial -promagistracy -promagistrate -promajority -promammal -Promammalia -promammalian -promarriage -promatrimonial -promatrimonialist -promaximum -promemorial -promenade -promenader -promenaderess -promercantile -promercy -promerger -promeristem -promerit -promeritor -Promethea -Promethean -Prometheus -promethium -promic -promilitarism -promilitarist -promilitary -prominence -prominency -prominent -prominently -prominimum -proministry -prominority -promisable -promiscuity -promiscuous -promiscuously -promiscuousness -promise -promisee -promiseful -promiseless -promisemonger -promiseproof -promiser -promising -promisingly -promisingness -promisor -promissionary -promissive -promissor -promissorily -promissory -promitosis -promittor -promnesia -promoderation -promoderationist -promodernist -promodernistic -promonarchic -promonarchical -promonarchicalness -promonarchist -promonopolist -promonopoly -promontoried -promontory -promoral -promorph -promorphological -promorphologically -promorphologist -promorphology -promotable -promote -promotement -promoter -promotion -promotional -promotive -promotiveness -promotor -promotorial -promotress -promotrix -promovable -promovent -prompt -promptbook -prompter -promptitude -promptive -promptly -promptness -promptress -promptuary -prompture -promulgate -promulgation -promulgator -promulge -promulger -promuscidate -promuscis -promycelial -promycelium -promythic -pronaos -pronate -pronation -pronational -pronationalism -pronationalist -pronationalistic -pronative -pronatoflexor -pronator -pronaval -pronavy -prone -pronegotiation -pronegro -pronegroism -pronely -proneness -pronephric -pronephridiostome -pronephron -pronephros -proneur -prong -prongbuck -pronged -pronger -pronghorn -pronglike -pronic -pronograde -pronominal -pronominalize -pronominally -pronomination -pronotal -pronotum -pronoun -pronounal -pronounce -pronounceable -pronounced -pronouncedly -pronouncement -pronounceness -pronouncer -pronpl -pronto -Pronuba -pronuba -pronubial -pronuclear -pronucleus -pronumber -pronunciability -pronunciable -pronuncial -pronunciamento -pronunciation -pronunciative -pronunciator -pronunciatory -pronymph -pronymphal -proo -prooemiac -prooemion -prooemium -proof -proofer -proofful -proofing -proofless -prooflessly -proofness -proofread -proofreader -proofreading -proofroom -proofy -prop -propadiene -propaedeutic -propaedeutical -propaedeutics -propagability -propagable -propagableness -propagand -propaganda -propagandic -propagandism -propagandist -propagandistic -propagandistically -propagandize -propagate -propagation -propagational -propagative -propagator -propagatory -propagatress -propago -propagulum -propale -propalinal -propane -propanedicarboxylic -propanol -propanone -propapist -proparasceve -propargyl -propargylic -Proparia -proparian -proparliamental -proparoxytone -proparoxytonic -proparticipation -propatagial -propatagian -propatagium -propatriotic -propatriotism -propatronage -propayment -propellable -propellant -propellent -propeller -propelment -propend -propendent -propene -propenoic -propense -propensely -propenseness -propension -propensitude -propensity -propenyl -propenylic -proper -properispome -properispomenon -properitoneal -properly -properness -propertied -property -propertyless -propertyship -propessimism -propessimist -prophase -prophasis -prophecy -prophecymonger -prophesiable -prophesier -prophesy -prophet -prophetess -prophethood -prophetic -prophetical -propheticality -prophetically -propheticalness -propheticism -propheticly -prophetism -prophetize -prophetless -prophetlike -prophetry -prophetship -prophilosophical -prophloem -prophoric -prophototropic -prophototropism -prophylactic -prophylactical -prophylactically -prophylaxis -prophylaxy -prophyll -prophyllum -propination -propine -propinoic -propinquant -propinque -propinquity -propinquous -propiolaldehyde -propiolate -propiolic -propionate -propione -Propionibacterieae -Propionibacterium -propionic -propionitril -propionitrile -propionyl -Propithecus -propitiable -propitial -propitiate -propitiatingly -propitiation -propitiative -propitiator -propitiatorily -propitiatory -propitious -propitiously -propitiousness -proplasm -proplasma -proplastic -propless -propleural -propleuron -proplex -proplexus -Propliopithecus -propodeal -propodeon -propodeum -propodial -propodiale -propodite -propoditic -propodium -propolis -propolitical -propolization -propolize -propone -proponement -proponent -proponer -propons -Propontic -propooling -propopery -proportion -proportionability -proportionable -proportionableness -proportionably -proportional -proportionalism -proportionality -proportionally -proportionate -proportionately -proportionateness -proportioned -proportioner -proportionless -proportionment -proposable -proposal -proposant -propose -proposer -proposition -propositional -propositionally -propositionize -propositus -propound -propounder -propoundment -propoxy -proppage -propper -propraetor -propraetorial -propraetorian -proprecedent -propriation -proprietage -proprietarian -proprietariat -proprietarily -proprietary -proprietor -proprietorial -proprietorially -proprietorship -proprietory -proprietous -proprietress -proprietrix -propriety -proprioception -proprioceptive -proprioceptor -propriospinal -proprium -proprivilege -proproctor -proprofit -proprovincial -proprovost -props -propterygial -propterygium -proptosed -proptosis -propublication -propublicity -propugnacled -propugnaculum -propugnation -propugnator -propugner -propulsation -propulsatory -propulsion -propulsity -propulsive -propulsor -propulsory -propunishment -propupa -propupal -propurchase -Propus -propwood -propygidium -propyl -propylacetic -propylaeum -propylamine -propylation -propylene -propylic -propylidene -propylite -propylitic -propylitization -propylon -propyne -propynoic -proquaestor -proracing -prorailroad -prorata -proratable -prorate -proration -prore -proreader -prorealism -prorealist -prorealistic -proreality -prorean -prorebate -prorebel -prorecall -proreciprocation -prorecognition -proreconciliation -prorector -prorectorate -proredemption -proreduction -proreferendum -proreform -proreformist -proregent -prorelease -Proreptilia -proreptilian -proreption -prorepublican -proresearch -proreservationist -proresignation -prorestoration -prorestriction -prorevision -prorevisionist -prorevolution -prorevolutionary -prorevolutionist -prorhinal -Prorhipidoglossomorpha -proritual -proritualistic -prorogate -prorogation -prorogator -prorogue -proroguer -proromance -proromantic -proromanticism -proroyal -proroyalty -prorrhesis -prorsad -prorsal -proruption -prosabbath -prosabbatical -prosacral -prosaic -prosaical -prosaically -prosaicalness -prosaicism -prosaicness -prosaism -prosaist -prosar -Prosarthri -prosateur -proscapula -proscapular -proscenium -proscholastic -proschool -proscientific -proscolecine -proscolex -proscribable -proscribe -proscriber -proscript -proscription -proscriptional -proscriptionist -proscriptive -proscriptively -proscriptiveness -proscutellar -proscutellum -proscynemata -prose -prosecrecy -prosecretin -prosect -prosection -prosector -prosectorial -prosectorium -prosectorship -prosecutable -prosecute -prosecution -prosecutor -prosecutrix -proselenic -proselike -proselyte -proselyter -proselytical -proselytingly -proselytism -proselytist -proselytistic -proselytization -proselytize -proselytizer -proseman -proseminar -proseminary -proseminate -prosemination -prosencephalic -prosencephalon -prosenchyma -prosenchymatous -proseneschal -proser -Proserpinaca -prosethmoid -proseucha -proseuche -prosification -prosifier -prosify -prosiliency -prosilient -prosiliently -prosilverite -prosily -Prosimiae -prosimian -prosiness -prosing -prosingly -prosiphon -prosiphonal -prosiphonate -prosish -prosist -proslambanomenos -proslave -proslaver -proslavery -proslaveryism -prosneusis -proso -prosobranch -Prosobranchia -Prosobranchiata -prosobranchiate -prosocele -prosodal -prosode -prosodemic -prosodetic -prosodiac -prosodiacal -prosodiacally -prosodial -prosodially -prosodian -prosodic -prosodical -prosodically -prosodion -prosodist -prosodus -prosody -prosogaster -prosogyrate -prosogyrous -prosoma -prosomal -prosomatic -prosonomasia -prosopalgia -prosopalgic -prosopantritis -prosopectasia -prosophist -prosopic -prosopically -Prosopis -prosopite -Prosopium -prosoplasia -prosopography -prosopon -prosoponeuralgia -prosopoplegia -prosopoplegic -prosopopoeia -prosopopoeial -prosoposchisis -prosopospasm -prosopotocia -prosopyl -prosopyle -prosorus -prospect -prospection -prospective -prospectively -prospectiveness -prospectless -prospector -prospectus -prospectusless -prospeculation -prosper -prosperation -prosperity -prosperous -prosperously -prosperousness -prospicience -prosporangium -prosport -pross -prossy -prostatauxe -prostate -prostatectomy -prostatelcosis -prostatic -prostaticovesical -prostatism -prostatitic -prostatitis -prostatocystitis -prostatocystotomy -prostatodynia -prostatolith -prostatomegaly -prostatometer -prostatomyomectomy -prostatorrhea -prostatorrhoea -prostatotomy -prostatovesical -prostatovesiculectomy -prostatovesiculitis -prostemmate -prostemmatic -prosternal -prosternate -prosternum -prostheca -prosthenic -prosthesis -prosthetic -prosthetically -prosthetics -prosthetist -prosthion -prosthionic -prosthodontia -prosthodontist -Prostigmin -prostitute -prostitutely -prostitution -prostitutor -prostomial -prostomiate -prostomium -prostrate -prostration -prostrative -prostrator -prostrike -prostyle -prostylos -prosubmission -prosubscription -prosubstantive -prosubstitution -prosuffrage -prosupervision -prosupport -prosurgical -prosurrender -prosy -prosyllogism -prosyndicalism -prosyndicalist -protactic -protactinium -protagon -protagonism -protagonist -Protagorean -Protagoreanism -protalbumose -protamine -protandric -protandrism -protandrous -protandrously -protandry -protanomal -protanomalous -protanope -protanopia -protanopic -protargentum -protargin -Protargol -protariff -protarsal -protarsus -protasis -protaspis -protatic -protatically -protax -protaxation -protaxial -protaxis -prote -Protea -protea -Proteaceae -proteaceous -protead -protean -proteanly -proteanwise -protease -protechnical -protect -protectant -protectible -protecting -protectingly -protectingness -protection -protectional -protectionate -protectionism -protectionist -protectionize -protectionship -protective -protectively -protectiveness -Protectograph -protector -protectoral -protectorate -protectorial -protectorian -protectorless -protectorship -protectory -protectress -protectrix -protege -protegee -protegulum -proteic -Proteida -Proteidae -proteide -proteidean -proteidogenous -proteiform -protein -proteinaceous -proteinase -proteinic -proteinochromogen -proteinous -proteinuria -Proteles -Protelidae -Protelytroptera -protelytropteran -protelytropteron -protelytropterous -protemperance -protempirical -protemporaneous -protend -protension -protensity -protensive -protensively -proteoclastic -proteogenous -proteolysis -proteolytic -proteopectic -proteopexic -proteopexis -proteopexy -proteosaurid -Proteosauridae -Proteosaurus -proteose -Proteosoma -proteosomal -proteosome -proteosuria -protephemeroid -Protephemeroidea -proterandrous -proterandrousness -proterandry -proteranthous -proterobase -proteroglyph -Proteroglypha -proteroglyphic -proteroglyphous -proterogynous -proterogyny -proterothesis -proterotype -Proterozoic -protervity -protest -protestable -protestancy -protestant -Protestantish -Protestantishly -protestantism -Protestantize -Protestantlike -Protestantly -protestation -protestator -protestatory -protester -protestingly -protestive -protestor -protetrarch -Proteus -protevangel -protevangelion -protevangelium -protext -prothalamia -prothalamion -prothalamium -prothallia -prothallial -prothallic -prothalline -prothallium -prothalloid -prothallus -protheatrical -protheca -prothesis -prothetic -prothetical -prothetically -prothonotarial -prothonotariat -prothonotary -prothonotaryship -prothoracic -prothorax -prothrift -prothrombin -prothrombogen -prothyl -prothysteron -protide -protiodide -protist -Protista -protistan -protistic -protistological -protistologist -protistology -protiston -Protium -protium -proto -protoactinium -protoalbumose -protoamphibian -protoanthropic -protoapostate -protoarchitect -Protoascales -Protoascomycetes -protobacco -Protobasidii -Protobasidiomycetes -protobasidiomycetous -protobasidium -protobishop -protoblast -protoblastic -protoblattoid -Protoblattoidea -Protobranchia -Protobranchiata -protobranchiate -protocalcium -protocanonical -Protocaris -protocaseose -protocatechualdehyde -protocatechuic -Protoceras -Protoceratidae -Protoceratops -protocercal -protocerebral -protocerebrum -protochemist -protochemistry -protochloride -protochlorophyll -Protochorda -Protochordata -protochordate -protochromium -protochronicler -protocitizen -protoclastic -protocneme -Protococcaceae -protococcaceous -protococcal -Protococcales -protococcoid -Protococcus -protocol -protocolar -protocolary -Protocoleoptera -protocoleopteran -protocoleopteron -protocoleopterous -protocolist -protocolization -protocolize -protoconch -protoconchal -protocone -protoconid -protoconule -protoconulid -protocopper -protocorm -protodeacon -protoderm -protodevil -Protodonata -protodonatan -protodonate -protodont -Protodonta -protodramatic -protodynastic -protoelastose -protoepiphyte -protoforaminifer -protoforester -protogaster -protogelatose -protogenal -protogenes -protogenesis -protogenetic -protogenic -protogenist -Protogeometric -protogine -protoglobulose -protogod -protogonous -protogospel -protograph -protogynous -protogyny -protohematoblast -Protohemiptera -protohemipteran -protohemipteron -protohemipterous -protoheresiarch -Protohippus -protohistorian -protohistoric -protohistory -protohomo -protohuman -Protohydra -protohydrogen -Protohymenoptera -protohymenopteran -protohymenopteron -protohymenopterous -protoiron -protoleration -protoleucocyte -protoleukocyte -protolithic -protoliturgic -protolog -protologist -protoloph -protoma -protomagister -protomagnate -protomagnesium -protomala -protomalal -protomalar -protomammal -protomammalian -protomanganese -protomartyr -Protomastigida -protome -protomeristem -protomerite -protomeritic -protometal -protometallic -protometaphrast -Protominobacter -Protomonadina -protomonostelic -protomorph -protomorphic -Protomycetales -protomyosinose -proton -protone -protonegroid -protonema -protonemal -protonematal -protonematoid -protoneme -Protonemertini -protonephridial -protonephridium -protonephros -protoneuron -protoneurone -protonic -protonickel -protonitrate -protonotater -protonym -protonymph -protonymphal -protopapas -protopappas -protoparent -protopathia -protopathic -protopathy -protopatriarchal -protopatrician -protopattern -protopectin -protopectinase -protopepsia -Protoperlaria -protoperlarian -protophilosophic -protophloem -protophyll -Protophyta -protophyte -protophytic -protopin -protopine -protoplasm -protoplasma -protoplasmal -protoplasmatic -protoplasmic -protoplast -protoplastic -protopod -protopodial -protopodite -protopoditic -protopoetic -protopope -protoporphyrin -protopragmatic -protopresbyter -protopresbytery -protoprism -protoproteose -protoprotestant -protopteran -Protopteridae -protopteridophyte -protopterous -Protopterus -protopyramid -protore -protorebel -protoreligious -protoreptilian -Protorohippus -protorosaur -Protorosauria -protorosaurian -Protorosauridae -protorosauroid -Protorosaurus -Protorthoptera -protorthopteran -protorthopteron -protorthopterous -protosalt -protosaurian -protoscientific -Protoselachii -protosilicate -protosilicon -protosinner -Protosiphon -Protosiphonaceae -protosiphonaceous -protosocial -protosolution -protospasm -Protosphargis -Protospondyli -protospore -Protostega -Protostegidae -protostele -protostelic -protostome -protostrontium -protosulphate -protosulphide -protosyntonose -prototaxites -prototheca -protothecal -prototheme -protothere -Prototheria -prototherian -prototitanium -Prototracheata -prototraitor -prototroch -prototrochal -prototrophic -prototypal -prototype -prototypic -prototypical -prototypically -prototypographer -prototyrant -protovanadium -protoveratrine -protovertebra -protovertebral -protovestiary -protovillain -protovum -protoxide -protoxylem -Protozoa -protozoacidal -protozoacide -protozoal -protozoan -protozoea -protozoean -protozoiasis -protozoic -protozoological -protozoologist -protozoology -protozoon -protozoonal -Protracheata -protracheate -protract -protracted -protractedly -protractedness -protracter -protractible -protractile -protractility -protraction -protractive -protractor -protrade -protradition -protraditional -protragedy -protragical -protragie -protransfer -protranslation -protransubstantiation -protravel -protreasurer -protreaty -Protremata -protreptic -protreptical -protriaene -protropical -protrudable -protrude -protrudent -protrusible -protrusile -protrusion -protrusive -protrusively -protrusiveness -protuberance -protuberancy -protuberant -protuberantial -protuberantly -protuberantness -protuberate -protuberosity -protuberous -Protura -proturan -protutor -protutory -protyl -protyle -Protylopus -protype -proudful -proudhearted -proudish -proudishly -proudling -proudly -proudness -prouniformity -prounion -prounionist -prouniversity -proustite -provability -provable -provableness -provably -provaccinist -provand -provant -provascular -prove -provect -provection -proved -proveditor -provedly -provedor -provedore -proven -provenance -Provencal -Provencalize -Provence -Provencial -provender -provenience -provenient -provenly -proventricular -proventricule -proventriculus -prover -proverb -proverbial -proverbialism -proverbialist -proverbialize -proverbially -proverbic -proverbiologist -proverbiology -proverbize -proverblike -provicar -provicariate -providable -providance -provide -provided -providence -provident -providential -providentialism -providentially -providently -providentness -provider -providing -providore -providoring -province -provincial -provincialate -provincialism -provincialist -provinciality -provincialization -provincialize -provincially -provincialship -provinciate -provinculum -provine -proving -provingly -provision -provisional -provisionality -provisionally -provisionalness -provisionary -provisioner -provisioneress -provisionless -provisionment -provisive -proviso -provisor -provisorily -provisorship -provisory -provitamin -provivisection -provivisectionist -provocant -provocation -provocational -provocative -provocatively -provocativeness -provocator -provocatory -provokable -provoke -provokee -provoker -provoking -provokingly -provokingness -provolunteering -provost -provostal -provostess -provostorial -provostry -provostship -prow -prowar -prowarden -prowaterpower -prowed -prowersite -prowess -prowessed -prowessful -prowl -prowler -prowling -prowlingly -proxenet -proxenete -proxenetism -proxenos -proxenus -proxeny -proxically -proximad -proximal -proximally -proximate -proximately -proximateness -proximation -proximity -proximo -proximobuccal -proximolabial -proximolingual -proxy -proxyship -proxysm -prozone -prozoning -prozygapophysis -prozymite -prude -prudelike -prudely -Prudence -prudence -prudent -prudential -prudentialism -prudentialist -prudentiality -prudentially -prudentialness -prudently -prudery -prudish -prudishly -prudishness -prudist -prudity -Prudy -Prue -pruh -pruinate -pruinescence -pruinose -pruinous -prulaurasin -prunable -prunableness -prunably -Prunaceae -prunase -prunasin -prune -prunell -Prunella -prunella -prunelle -Prunellidae -prunello -pruner -prunetin -prunetol -pruniferous -pruniform -pruning -prunitrin -prunt -prunted -Prunus -prurience -pruriency -prurient -pruriently -pruriginous -prurigo -pruriousness -pruritic -pruritus -prusiano -Prussian -Prussianism -Prussianization -Prussianize -Prussianizer -prussiate -prussic -Prussification -Prussify -prut -prutah -pry -pryer -prying -pryingly -pryingness -pryler -pryproof -pryse -prytaneum -prytanis -prytanize -prytany -psalis -psalm -psalmic -psalmist -psalmister -psalmistry -psalmless -psalmodial -psalmodic -psalmodical -psalmodist -psalmodize -psalmody -psalmograph -psalmographer -psalmography -psalmy -psaloid -psalter -psalterial -psalterian -psalterion -psalterist -psalterium -psaltery -psaltes -psaltress -psammite -psammitic -psammocarcinoma -psammocharid -Psammocharidae -psammogenous -psammolithic -psammologist -psammology -psammoma -psammophile -psammophilous -Psammophis -psammophyte -psammophytic -psammosarcoma -psammotherapy -psammous -Psaronius -pschent -Psedera -Pselaphidae -Pselaphus -psellism -psellismus -psephism -psephisma -psephite -psephitic -psephomancy -Psephurus -Psetta -pseudaconine -pseudaconitine -pseudacusis -pseudalveolar -pseudambulacral -pseudambulacrum -pseudamoeboid -pseudamphora -pseudandry -pseudangina -pseudankylosis -pseudaphia -pseudaposematic -pseudaposporous -pseudapospory -pseudapostle -pseudarachnidan -pseudarthrosis -pseudataxic -pseudatoll -pseudaxine -pseudaxis -Pseudechis -pseudelephant -pseudelminth -pseudelytron -pseudembryo -pseudembryonic -pseudencephalic -pseudencephalus -pseudepigraph -pseudepigrapha -pseudepigraphal -pseudepigraphic -pseudepigraphical -pseudepigraphous -pseudepigraphy -pseudepiploic -pseudepiploon -pseudepiscopacy -pseudepiscopy -pseudepisematic -pseudesthesia -pseudhalteres -pseudhemal -pseudimaginal -pseudimago -pseudisodomum -pseudo -pseudoacaccia -pseudoacademic -pseudoacademical -pseudoaccidental -pseudoacid -pseudoaconitine -pseudoacromegaly -pseudoadiabatic -pseudoaesthetic -pseudoaffectionate -pseudoalkaloid -pseudoalum -pseudoalveolar -pseudoamateurish -pseudoamatory -pseudoanaphylactic -pseudoanaphylaxis -pseudoanatomic -pseudoanatomical -pseudoancestral -pseudoanemia -pseudoanemic -pseudoangelic -pseudoangina -pseudoankylosis -pseudoanthorine -pseudoanthropoid -pseudoanthropological -pseudoanthropology -pseudoantique -pseudoapologetic -pseudoapoplectic -pseudoapoplexy -pseudoappendicitis -pseudoaquatic -pseudoarchaic -pseudoarchaism -pseudoarchaist -pseudoaristocratic -pseudoarthrosis -pseudoarticulation -pseudoartistic -pseudoascetic -pseudoastringent -pseudoasymmetrical -pseudoasymmetry -pseudoataxia -pseudobacterium -pseudobasidium -pseudobenevolent -pseudobenthonic -pseudobenthos -pseudobinary -pseudobiological -pseudoblepsia -pseudoblepsis -pseudobrachial -pseudobrachium -pseudobranch -pseudobranchia -pseudobranchial -pseudobranchiate -Pseudobranchus -pseudobrookite -pseudobrotherly -pseudobulb -pseudobulbar -pseudobulbil -pseudobulbous -pseudobutylene -pseudocandid -pseudocapitulum -pseudocarbamide -pseudocarcinoid -pseudocarp -pseudocarpous -pseudocartilaginous -pseudocele -pseudocelian -pseudocelic -pseudocellus -pseudocentric -pseudocentrous -pseudocentrum -Pseudoceratites -pseudoceratitic -pseudocercaria -pseudoceryl -pseudocharitable -pseudochemical -pseudochina -pseudochromesthesia -pseudochromia -pseudochromosome -pseudochronism -pseudochronologist -pseudochrysalis -pseudochrysolite -pseudochylous -pseudocirrhosis -pseudoclassic -pseudoclassical -pseudoclassicism -pseudoclerical -Pseudococcinae -Pseudococcus -pseudococtate -pseudocollegiate -pseudocolumella -pseudocolumellar -pseudocommissure -pseudocommisural -pseudocompetitive -pseudoconcha -pseudoconclude -pseudocone -pseudoconglomerate -pseudoconglomeration -pseudoconhydrine -pseudoconjugation -pseudoconservative -pseudocorneous -pseudocortex -pseudocosta -pseudocotyledon -pseudocotyledonal -pseudocritical -pseudocroup -pseudocrystalline -pseudocubic -pseudocultivated -pseudocultural -pseudocumene -pseudocumenyl -pseudocumidine -pseudocumyl -pseudocyclosis -pseudocyesis -pseudocyst -pseudodeltidium -pseudodementia -pseudodemocratic -pseudoderm -pseudodermic -pseudodiagnosis -pseudodiastolic -pseudodiphtheria -pseudodiphtheritic -pseudodipteral -pseudodipterally -pseudodipteros -pseudodont -pseudodox -pseudodoxal -pseudodoxy -pseudodramatic -pseudodysentery -pseudoedema -pseudoelectoral -pseudoembryo -pseudoembryonic -pseudoemotional -pseudoencephalitic -pseudoenthusiastic -pseudoephedrine -pseudoepiscopal -pseudoequalitarian -pseudoerotic -pseudoeroticism -pseudoerysipelas -pseudoerysipelatous -pseudoerythrin -pseudoethical -pseudoetymological -pseudoeugenics -pseudoevangelical -pseudofamous -pseudofarcy -pseudofeminine -pseudofever -pseudofeverish -pseudofilaria -pseudofilarian -pseudofinal -pseudofluctuation -pseudofluorescence -pseudofoliaceous -pseudoform -pseudofossil -pseudogalena -pseudoganglion -pseudogaseous -pseudogaster -pseudogastrula -pseudogeneral -pseudogeneric -pseudogenerous -pseudogenteel -pseudogenus -pseudogeometry -pseudogermanic -pseudogeusia -pseudogeustia -pseudoglanders -pseudoglioma -pseudoglobulin -pseudoglottis -pseudograph -pseudographeme -pseudographer -pseudographia -pseudographize -pseudography -pseudograsserie -Pseudogryphus -pseudogyne -pseudogynous -pseudogyny -pseudogyrate -pseudohallucination -pseudohallucinatory -pseudohalogen -pseudohemal -pseudohermaphrodite -pseudohermaphroditic -pseudohermaphroditism -pseudoheroic -pseudohexagonal -pseudohistoric -pseudohistorical -pseudoholoptic -pseudohuman -pseudohydrophobia -pseudohyoscyamine -pseudohypertrophic -pseudohypertrophy -pseudoidentical -pseudoimpartial -pseudoindependent -pseudoinfluenza -pseudoinsane -pseudoinsoluble -pseudoisatin -pseudoism -pseudoisomer -pseudoisomeric -pseudoisomerism -pseudoisotropy -pseudojervine -pseudolabial -pseudolabium -pseudolalia -Pseudolamellibranchia -Pseudolamellibranchiata -pseudolamellibranchiate -pseudolaminated -Pseudolarix -pseudolateral -pseudolatry -pseudolegal -pseudolegendary -pseudoleucite -pseudoleucocyte -pseudoleukemia -pseudoleukemic -pseudoliberal -pseudolichen -pseudolinguistic -pseudoliterary -pseudolobar -pseudological -pseudologically -pseudologist -pseudologue -pseudology -pseudolunule -pseudomalachite -pseudomalaria -pseudomancy -pseudomania -pseudomaniac -pseudomantic -pseudomantist -pseudomasculine -pseudomedical -pseudomedieval -pseudomelanosis -pseudomembrane -pseudomembranous -pseudomeningitis -pseudomenstruation -pseudomer -pseudomeric -pseudomerism -pseudomery -pseudometallic -pseudometameric -pseudometamerism -pseudomica -pseudomilitarist -pseudomilitaristic -pseudomilitary -pseudoministerial -pseudomiraculous -pseudomitotic -pseudomnesia -pseudomodern -pseudomodest -Pseudomonas -pseudomonastic -pseudomonoclinic -pseudomonocotyledonous -pseudomonocyclic -pseudomonotropy -pseudomoral -pseudomorph -pseudomorphia -pseudomorphic -pseudomorphine -pseudomorphism -pseudomorphose -pseudomorphosis -pseudomorphous -pseudomorula -pseudomorular -pseudomucin -pseudomucoid -pseudomultilocular -pseudomultiseptate -pseudomythical -pseudonarcotic -pseudonational -pseudonavicella -pseudonavicellar -pseudonavicula -pseudonavicular -pseudoneuropter -Pseudoneuroptera -pseudoneuropteran -pseudoneuropterous -pseudonitrole -pseudonitrosite -pseudonuclein -pseudonucleolus -pseudonychium -pseudonym -pseudonymal -pseudonymic -pseudonymity -pseudonymous -pseudonymously -pseudonymousness -pseudonymuncle -pseudonymuncule -pseudopapaverine -pseudoparalysis -pseudoparalytic -pseudoparaplegia -pseudoparasitic -pseudoparasitism -pseudoparenchyma -pseudoparenchymatous -pseudoparenchyme -pseudoparesis -pseudoparthenogenesis -pseudopatriotic -pseudopediform -pseudopelletierine -pseudopercular -pseudoperculate -pseudoperculum -pseudoperianth -pseudoperidium -pseudoperiodic -pseudoperipteral -pseudopermanent -pseudoperoxide -pseudoperspective -Pseudopeziza -pseudophallic -pseudophellandrene -pseudophenanthrene -pseudophenanthroline -pseudophenocryst -pseudophilanthropic -pseudophilosophical -Pseudophoenix -pseudopionnotes -pseudopious -pseudoplasm -pseudoplasma -pseudoplasmodium -pseudopneumonia -pseudopod -pseudopodal -pseudopodia -pseudopodial -pseudopodian -pseudopodiospore -pseudopodium -pseudopoetic -pseudopoetical -pseudopolitic -pseudopolitical -pseudopopular -pseudopore -pseudoporphyritic -pseudopregnancy -pseudopregnant -pseudopriestly -pseudoprimitive -pseudoprimitivism -pseudoprincely -pseudoproboscis -pseudoprofessional -pseudoprofessorial -pseudoprophetic -pseudoprophetical -pseudoprosperous -pseudopsia -pseudopsychological -pseudoptics -pseudoptosis -pseudopupa -pseudopupal -pseudopurpurin -pseudopyriform -pseudoquinol -pseudorabies -pseudoracemic -pseudoracemism -pseudoramose -pseudoramulus -pseudorealistic -pseudoreduction -pseudoreformed -pseudoregal -pseudoreligious -pseudoreminiscence -pseudorganic -pseudorheumatic -pseudorhombohedral -pseudoromantic -pseudorunic -pseudosacred -pseudosacrilegious -pseudosalt -pseudosatirical -pseudoscarlatina -Pseudoscarus -pseudoscholarly -pseudoscholastic -pseudoscientific -Pseudoscines -pseudoscinine -pseudosclerosis -pseudoscope -pseudoscopic -pseudoscopically -pseudoscopy -pseudoscorpion -Pseudoscorpiones -Pseudoscorpionida -pseudoscutum -pseudosematic -pseudosensational -pseudoseptate -pseudoservile -pseudosessile -pseudosiphonal -pseudosiphuncal -pseudoskeletal -pseudoskeleton -pseudoskink -pseudosmia -pseudosocial -pseudosocialistic -pseudosolution -pseudosoph -pseudosopher -pseudosophical -pseudosophist -pseudosophy -pseudospectral -pseudosperm -pseudospermic -pseudospermium -pseudospermous -pseudosphere -pseudospherical -pseudospiracle -pseudospiritual -pseudosporangium -pseudospore -pseudosquamate -pseudostalactite -pseudostalactitical -pseudostalagmite -pseudostalagmitical -pseudostereoscope -pseudostereoscopic -pseudostereoscopism -pseudostigma -pseudostigmatic -pseudostoma -pseudostomatous -pseudostomous -pseudostratum -pseudosubtle -Pseudosuchia -pseudosuchian -pseudosweating -pseudosyllogism -pseudosymmetric -pseudosymmetrical -pseudosymmetry -pseudosymptomatic -pseudosyphilis -pseudosyphilitic -pseudotabes -pseudotachylite -pseudotetanus -pseudotetragonal -Pseudotetramera -pseudotetrameral -pseudotetramerous -pseudotrachea -pseudotracheal -pseudotribal -pseudotributary -Pseudotrimera -pseudotrimeral -pseudotrimerous -pseudotropine -Pseudotsuga -pseudotubercular -pseudotuberculosis -pseudotuberculous -pseudoturbinal -pseudotyphoid -pseudoval -pseudovarian -pseudovary -pseudovelar -pseudovelum -pseudoventricle -pseudoviaduct -pseudoviperine -pseudoviscosity -pseudoviscous -pseudovolcanic -pseudovolcano -pseudovum -pseudowhorl -pseudoxanthine -pseudoyohimbine -pseudozealot -pseudozoea -pseudozoogloeal -psha -Pshav -pshaw -psi -Psidium -psilanthropic -psilanthropism -psilanthropist -psilanthropy -psiloceran -Psiloceras -psiloceratan -psiloceratid -Psiloceratidae -psiloi -psilology -psilomelane -psilomelanic -Psilophytales -psilophyte -Psilophyton -psilosis -psilosopher -psilosophy -Psilotaceae -psilotaceous -psilothrum -psilotic -Psilotum -psithurism -Psithyrus -psittaceous -psittaceously -Psittaci -Psittacidae -Psittaciformes -Psittacinae -psittacine -psittacinite -psittacism -psittacistic -Psittacomorphae -psittacomorphic -psittacosis -Psittacus -psoadic -psoas -psoatic -psocid -Psocidae -psocine -psoitis -psomophagic -psomophagist -psomophagy -psora -Psoralea -psoriasic -psoriasiform -psoriasis -psoriatic -psoriatiform -psoric -psoroid -Psorophora -psorophthalmia -psorophthalmic -Psoroptes -psoroptic -psorosis -psorosperm -psorospermial -psorospermiasis -psorospermic -psorospermiform -psorospermosis -psorous -pssimistical -pst -psych -psychagogic -psychagogos -psychagogue -psychagogy -psychal -psychalgia -psychanalysis -psychanalysist -psychanalytic -psychasthenia -psychasthenic -Psyche -psyche -Psychean -psycheometry -psychesthesia -psychesthetic -psychiasis -psychiater -psychiatria -psychiatric -psychiatrical -psychiatrically -psychiatrist -psychiatrize -psychiatry -psychic -psychical -psychically -Psychichthys -psychicism -psychicist -psychics -psychid -Psychidae -psychism -psychist -psychoanalysis -psychoanalyst -psychoanalytic -psychoanalytical -psychoanalytically -psychoanalyze -psychoanalyzer -psychoautomatic -psychobiochemistry -psychobiologic -psychobiological -psychobiology -psychobiotic -psychocatharsis -psychoclinic -psychoclinical -psychoclinicist -Psychoda -psychodiagnostics -Psychodidae -psychodispositional -psychodrama -psychodynamic -psychodynamics -psychoeducational -psychoepilepsy -psychoethical -psychofugal -psychogalvanic -psychogalvanometer -psychogenesis -psychogenetic -psychogenetical -psychogenetically -psychogenetics -psychogenic -psychogeny -psychognosis -psychognostic -psychognosy -psychogonic -psychogonical -psychogony -psychogram -psychograph -psychographer -psychographic -psychographist -psychography -psychoid -psychokinesia -psychokinesis -psychokinetic -psychokyme -psycholepsy -psycholeptic -psychologer -psychologian -psychologic -psychological -psychologically -psychologics -psychologism -psychologist -psychologize -psychologue -psychology -psychomachy -psychomancy -psychomantic -psychometer -psychometric -psychometrical -psychometrically -psychometrician -psychometrics -psychometrist -psychometrize -psychometry -psychomonism -psychomoral -psychomorphic -psychomorphism -psychomotility -psychomotor -psychon -psychoneural -psychoneurological -psychoneurosis -psychoneurotic -psychonomic -psychonomics -psychonomy -psychony -psychoorganic -psychopannychian -psychopannychism -psychopannychist -psychopannychistic -psychopannychy -psychopanychite -psychopath -psychopathia -psychopathic -psychopathist -psychopathologic -psychopathological -psychopathologist -psychopathy -psychopetal -psychophobia -psychophysic -psychophysical -psychophysically -psychophysicist -psychophysics -psychophysiologic -psychophysiological -psychophysiologically -psychophysiologist -psychophysiology -psychoplasm -psychopomp -psychopompos -psychorealism -psychorealist -psychorealistic -psychoreflex -psychorhythm -psychorhythmia -psychorhythmic -psychorhythmical -psychorhythmically -psychorrhagic -psychorrhagy -psychosarcous -psychosensorial -psychosensory -psychoses -psychosexual -psychosexuality -psychosexually -psychosis -psychosocial -psychosomatic -psychosomatics -psychosome -psychosophy -psychostasy -psychostatic -psychostatical -psychostatically -psychostatics -psychosurgeon -psychosurgery -psychosynthesis -psychosynthetic -psychotaxis -psychotechnical -psychotechnician -psychotechnics -psychotechnological -psychotechnology -psychotheism -psychotherapeutic -psychotherapeutical -psychotherapeutics -psychotherapeutist -psychotherapist -psychotherapy -psychotic -Psychotria -psychotrine -psychovital -Psychozoic -psychroesthesia -psychrograph -psychrometer -psychrometric -psychrometrical -psychrometry -psychrophile -psychrophilic -psychrophobia -psychrophore -psychrophyte -psychurgy -psykter -Psylla -psylla -psyllid -Psyllidae -psyllium -ptarmic -Ptarmica -ptarmical -ptarmigan -Ptelea -Ptenoglossa -ptenoglossate -Pteranodon -pteranodont -Pteranodontidae -pteraspid -Pteraspidae -Pteraspis -ptereal -pterergate -Pterian -pteric -Pterichthyodes -Pterichthys -pterideous -pteridium -pteridography -pteridoid -pteridological -pteridologist -pteridology -pteridophilism -pteridophilist -pteridophilistic -Pteridophyta -pteridophyte -pteridophytic -pteridophytous -pteridosperm -Pteridospermae -Pteridospermaphyta -pteridospermaphytic -pteridospermous -pterion -Pteris -Pterobranchia -pterobranchiate -pterocarpous -Pterocarpus -Pterocarya -Pterocaulon -Pterocera -Pteroceras -Pterocles -Pterocletes -Pteroclidae -Pteroclomorphae -pteroclomorphic -pterodactyl -Pterodactyli -pterodactylian -pterodactylic -pterodactylid -Pterodactylidae -pterodactyloid -pterodactylous -Pterodactylus -pterographer -pterographic -pterographical -pterography -pteroid -pteroma -pteromalid -Pteromalidae -Pteromys -pteropaedes -pteropaedic -pteropegal -pteropegous -pteropegum -pterophorid -Pterophoridae -Pterophorus -Pterophryne -pteropid -Pteropidae -pteropine -pteropod -Pteropoda -pteropodal -pteropodan -pteropodial -Pteropodidae -pteropodium -pteropodous -Pteropsida -Pteropus -pterosaur -Pterosauri -Pterosauria -pterosaurian -pterospermous -Pterospora -Pterostemon -Pterostemonaceae -pterostigma -pterostigmal -pterostigmatic -pterostigmatical -pterotheca -pterothorax -pterotic -pteroylglutamic -pterygial -pterygiophore -pterygium -pterygobranchiate -pterygode -pterygodum -Pterygogenea -pterygoid -pterygoidal -pterygoidean -pterygomalar -pterygomandibular -pterygomaxillary -pterygopalatal -pterygopalatine -pterygopharyngeal -pterygopharyngean -pterygophore -pterygopodium -pterygoquadrate -pterygosphenoid -pterygospinous -pterygostaphyline -Pterygota -pterygote -pterygotous -pterygotrabecular -Pterygotus -pteryla -pterylographic -pterylographical -pterylography -pterylological -pterylology -pterylosis -Ptilichthyidae -Ptiliidae -Ptilimnium -ptilinal -ptilinum -Ptilocercus -Ptilonorhynchidae -Ptilonorhynchinae -ptilopaedes -ptilopaedic -ptilosis -Ptilota -ptinid -Ptinidae -ptinoid -Ptinus -ptisan -ptochocracy -ptochogony -ptochology -Ptolemaean -Ptolemaian -Ptolemaic -Ptolemaical -Ptolemaism -Ptolemaist -Ptolemean -Ptolemy -ptomain -ptomaine -ptomainic -ptomatropine -ptosis -ptotic -ptyalagogic -ptyalagogue -ptyalectasis -ptyalin -ptyalism -ptyalize -ptyalocele -ptyalogenic -ptyalolith -ptyalolithiasis -ptyalorrhea -Ptychoparia -ptychoparid -ptychopariid -ptychopterygial -ptychopterygium -Ptychosperma -ptysmagogue -ptyxis -pu -pua -puan -pub -pubal -pubble -puberal -pubertal -pubertic -puberty -puberulent -puberulous -pubes -pubescence -pubescency -pubescent -pubian -pubic -pubigerous -pubiotomy -pubis -public -Publican -publican -publicanism -publication -publichearted -publicheartedness -publicism -publicist -publicity -publicize -publicly -publicness -Publilian -publish -publishable -publisher -publisheress -publishership -publishment -pubococcygeal -pubofemoral -puboiliac -puboischiac -puboischial -puboischiatic -puboprostatic -puborectalis -pubotibial -pubourethral -pubovesical -Puccinia -Pucciniaceae -pucciniaceous -puccinoid -puccoon -puce -pucelage -pucellas -pucelle -Puchanahua -pucherite -puchero -puck -pucka -puckball -pucker -puckerbush -puckerel -puckerer -puckermouth -puckery -puckfist -puckish -puckishly -puckishness -puckle -pucklike -puckling -puckneedle -puckrel -puckster -pud -puddee -puddening -pudder -pudding -puddingberry -puddinghead -puddingheaded -puddinghouse -puddinglike -puddingwife -puddingy -puddle -puddled -puddlelike -puddler -puddling -puddly -puddock -puddy -pudency -pudenda -pudendal -pudendous -pudendum -pudent -pudge -pudgily -pudginess -pudgy -pudiano -pudibund -pudibundity -pudic -pudical -pudicitia -pudicity -pudsey -pudsy -Pudu -pudu -pueblito -Pueblo -pueblo -Puebloan -puebloization -puebloize -Puelche -Puelchean -Pueraria -puerer -puericulture -puerile -puerilely -puerileness -puerilism -puerility -puerman -puerpera -puerperal -puerperalism -puerperant -puerperium -puerperous -puerpery -puff -puffback -puffball -puffbird -puffed -puffer -puffery -puffily -puffin -puffiness -puffinet -puffing -puffingly -Puffinus -pufflet -puffwig -puffy -pug -pugged -pugger -puggi -pugginess -pugging -puggish -puggle -puggree -puggy -pugh -pugil -pugilant -pugilism -pugilist -pugilistic -pugilistical -pugilistically -puglianite -pugman -pugmill -pugmiller -pugnacious -pugnaciously -pugnaciousness -pugnacity -Puinavi -Puinavian -Puinavis -puisne -puissance -puissant -puissantly -puissantness -puist -puistie -puja -Pujunan -puka -pukatea -pukateine -puke -pukeko -puker -pukeweed -Pukhtun -pukish -pukishness -pukras -puku -puky -pul -pulahan -pulahanism -pulasan -pulaskite -Pulaya -Pulayan -pulchrify -pulchritude -pulchritudinous -pule -pulegol -pulegone -puler -Pulex -pulghere -puli -Pulian -pulicarious -pulicat -pulicene -pulicid -Pulicidae -pulicidal -pulicide -pulicine -pulicoid -pulicose -pulicosity -pulicous -puling -pulingly -pulish -pulk -pulka -pull -pullable -pullback -pullboat -pulldevil -pulldoo -pulldown -pulldrive -pullen -puller -pullery -pullet -pulley -pulleyless -pulli -Pullman -Pullmanize -pullorum -pullulant -pullulate -pullulation -pullus -pulmobranchia -pulmobranchial -pulmobranchiate -pulmocardiac -pulmocutaneous -pulmogastric -pulmometer -pulmometry -pulmonal -pulmonar -Pulmonaria -pulmonarian -pulmonary -Pulmonata -pulmonate -pulmonated -pulmonectomy -pulmonic -pulmonifer -Pulmonifera -pulmoniferous -pulmonitis -Pulmotor -pulmotracheal -Pulmotrachearia -pulmotracheary -pulmotracheate -pulp -pulpaceous -pulpal -pulpalgia -pulpamenta -pulpboard -pulpectomy -pulpefaction -pulper -pulpifier -pulpify -pulpily -pulpiness -pulpit -pulpital -pulpitarian -pulpiteer -pulpiter -pulpitful -pulpitic -pulpitical -pulpitically -pulpitis -pulpitish -pulpitism -pulpitize -pulpitless -pulpitly -pulpitolatry -pulpitry -pulpless -pulplike -pulpotomy -pulpous -pulpousness -pulpstone -pulpwood -pulpy -pulque -pulsant -pulsatance -pulsate -pulsatile -pulsatility -Pulsatilla -pulsation -pulsational -pulsative -pulsatively -pulsator -pulsatory -pulse -pulseless -pulselessly -pulselessness -pulselike -pulsellum -pulsidge -pulsific -pulsimeter -pulsion -pulsive -pulsojet -pulsometer -pultaceous -pulton -pulu -pulveraceous -pulverant -pulverate -pulveration -pulvereous -pulverin -pulverizable -pulverizate -pulverization -pulverizator -pulverize -pulverizer -pulverous -pulverulence -pulverulent -pulverulently -pulvic -pulvil -pulvillar -pulvilliform -pulvillus -pulvinar -Pulvinaria -pulvinarian -pulvinate -pulvinated -pulvinately -pulvination -pulvinic -pulviniform -pulvino -pulvinule -pulvinulus -pulvinus -pulviplume -pulwar -puly -puma -Pume -pumicate -pumice -pumiced -pumiceous -pumicer -pumiciform -pumicose -pummel -pummice -pump -pumpable -pumpage -pumpellyite -pumper -pumpernickel -pumpkin -pumpkinification -pumpkinify -pumpkinish -pumpkinity -pumple -pumpless -pumplike -pumpman -pumpsman -pumpwright -pun -puna -punaise -punalua -punaluan -Punan -punatoo -punch -punchable -punchboard -puncheon -puncher -punchinello -punching -punchless -punchlike -punchproof -punchy -punct -punctal -punctate -punctated -punctation -punctator -puncticular -puncticulate -puncticulose -punctiform -punctiliar -punctilio -punctiliomonger -punctiliosity -punctilious -punctiliously -punctiliousness -punctist -punctographic -punctual -punctualist -punctuality -punctually -punctualness -punctuate -punctuation -punctuational -punctuationist -punctuative -punctuator -punctuist -punctulate -punctulated -punctulation -punctule -punctulum -punctum -puncturation -puncture -punctured -punctureless -punctureproof -puncturer -pundigrion -pundit -pundita -punditic -punditically -punditry -pundonor -pundum -puneca -pung -punga -pungapung -pungar -pungence -pungency -pungent -pungently -punger -pungey -pungi -pungle -pungled -Punic -Punica -Punicaceae -punicaceous -puniceous -punicial -punicin -punicine -punily -puniness -punish -punishability -punishable -punishableness -punishably -punisher -punishment -punishmentproof -punition -punitional -punitionally -punitive -punitively -punitiveness -punitory -Punjabi -punjum -punk -punkah -punketto -punkie -punkwood -punky -punless -punlet -punnable -punnage -punner -punnet -punnic -punnical -punnigram -punningly -punnology -Puno -punproof -punster -punstress -punt -punta -puntabout -puntal -puntel -punter -punti -puntil -puntist -Puntlatsh -punto -puntout -puntsman -punty -puny -punyish -punyism -pup -pupa -pupahood -pupal -puparial -puparium -pupate -pupation -pupelo -Pupidae -pupiferous -pupiform -pupigenous -pupigerous -pupil -pupilability -pupilage -pupilar -pupilate -pupildom -pupiled -pupilize -pupillarity -pupillary -pupilless -Pupillidae -pupillometer -pupillometry -pupilloscope -pupilloscoptic -pupilloscopy -Pupipara -pupiparous -Pupivora -pupivore -pupivorous -pupoid -puppet -puppetdom -puppeteer -puppethood -puppetish -puppetism -puppetize -puppetlike -puppetly -puppetman -puppetmaster -puppetry -puppify -puppily -Puppis -puppy -puppydom -puppyfish -puppyfoot -puppyhood -puppyish -puppyism -puppylike -puppysnatch -pupulo -Pupuluca -pupunha -Puquina -Puquinan -pur -purana -puranic -puraque -Purasati -Purbeck -Purbeckian -purblind -purblindly -purblindness -purchasability -purchasable -purchase -purchaser -purchasery -purdah -purdy -pure -pureblood -purebred -pured -puree -purehearted -purely -pureness -purer -purfle -purfled -purfler -purfling -purfly -purga -purgation -purgative -purgatively -purgatorial -purgatorian -purgatory -purge -purgeable -purger -purgery -purging -purificant -purification -purificative -purificator -purificatory -purifier -puriform -purify -purine -puriri -purism -purist -puristic -puristical -Puritan -puritandom -Puritaness -puritanic -puritanical -puritanically -puritanicalness -Puritanism -puritanism -Puritanize -Puritanizer -puritanlike -Puritanly -puritano -purity -Purkinje -Purkinjean -purl -purler -purlhouse -purlicue -purlieu -purlieuman -purlin -purlman -purloin -purloiner -purohepatitis -purolymph -puromucous -purpart -purparty -purple -purplelip -purplely -purpleness -purplescent -purplewood -purplewort -purplish -purplishness -purply -purport -purportless -purpose -purposedly -purposeful -purposefully -purposefulness -purposeless -purposelessly -purposelessness -purposelike -purposely -purposer -purposive -purposively -purposiveness -purposivism -purposivist -purposivistic -purpresture -purpura -purpuraceous -purpurate -purpure -purpureal -purpurean -purpureous -purpurescent -purpuric -purpuriferous -purpuriform -purpurigenous -purpurin -purpurine -purpuriparous -purpurite -purpurize -purpurogallin -purpurogenous -purpuroid -purpuroxanthin -purr -purre -purree -purreic -purrel -purrer -purring -purringly -purrone -purry -purse -pursed -purseful -purseless -purselike -purser -pursership -Purshia -pursily -pursiness -purslane -purslet -pursley -pursuable -pursual -pursuance -pursuant -pursuantly -pursue -pursuer -pursuit -pursuitmeter -pursuivant -pursy -purtenance -Puru -Puruha -purulence -purulency -purulent -purulently -puruloid -Purupuru -purusha -purushartha -purvey -purveyable -purveyal -purveyance -purveyancer -purveyor -purveyoress -purview -purvoe -purwannah -pus -Puschkinia -Puseyism -Puseyistical -Puseyite -push -pushball -pushcart -pusher -pushful -pushfully -pushfulness -pushing -pushingly -pushingness -pushmobile -pushover -pushpin -Pushtu -pushwainling -pusillanimity -pusillanimous -pusillanimously -pusillanimousness -puss -pusscat -pussley -pusslike -pussy -pussycat -pussyfoot -pussyfooted -pussyfooter -pussyfooting -pussyfootism -pussytoe -pustulant -pustular -pustulate -pustulated -pustulation -pustulatous -pustule -pustuled -pustulelike -pustuliform -pustulose -pustulous -put -putage -putamen -putaminous -putanism -putation -putationary -putative -putatively -putback -putchen -putcher -puteal -putelee -puther -puthery -putid -putidly -putidness -putlog -putois -Putorius -putredinal -putredinous -putrefacient -putrefactible -putrefaction -putrefactive -putrefactiveness -putrefiable -putrefier -putrefy -putresce -putrescence -putrescency -putrescent -putrescibility -putrescible -putrescine -putricide -putrid -putridity -putridly -putridness -putrifacted -putriform -putrilage -putrilaginous -putrilaginously -putschism -putschist -putt -puttee -putter -putterer -putteringly -puttier -puttock -putty -puttyblower -puttyhead -puttyhearted -puttylike -puttyroot -puttywork -puture -puxy -Puya -Puyallup -puzzle -puzzleation -puzzled -puzzledly -puzzledness -puzzledom -puzzlehead -puzzleheaded -puzzleheadedly -puzzleheadedness -puzzleman -puzzlement -puzzlepate -puzzlepated -puzzlepatedness -puzzler -puzzling -puzzlingly -puzzlingness -pya -pyal -pyarthrosis -pyche -Pycnanthemum -pycnia -pycnial -pycnid -pycnidia -pycnidial -pycnidiophore -pycnidiospore -pycnidium -pycniospore -pycnite -pycnium -Pycnocoma -pycnoconidium -pycnodont -Pycnodonti -Pycnodontidae -pycnodontoid -Pycnodus -pycnogonid -Pycnogonida -pycnogonidium -pycnogonoid -pycnometer -pycnometochia -pycnometochic -pycnomorphic -pycnomorphous -Pycnonotidae -Pycnonotinae -pycnonotine -Pycnonotus -pycnosis -pycnospore -pycnosporic -pycnostyle -pycnotic -pyelectasis -pyelic -pyelitic -pyelitis -pyelocystitis -pyelogram -pyelograph -pyelographic -pyelography -pyelolithotomy -pyelometry -pyelonephritic -pyelonephritis -pyelonephrosis -pyeloplasty -pyeloscopy -pyelotomy -pyeloureterogram -pyemesis -pyemia -pyemic -pygal -pygalgia -pygarg -pygargus -pygidial -pygidid -Pygididae -Pygidium -pygidium -pygmaean -Pygmalion -pygmoid -Pygmy -pygmy -pygmydom -pygmyhood -pygmyish -pygmyism -pygmyship -pygmyweed -Pygobranchia -Pygobranchiata -pygobranchiate -pygofer -pygopagus -pygopod -Pygopodes -Pygopodidae -pygopodine -pygopodous -Pygopus -pygostyle -pygostyled -pygostylous -pyic -pyin -pyjama -pyjamaed -pyke -pyknatom -pyknic -pyknotic -pyla -Pylades -pylagore -pylangial -pylangium -pylar -pylephlebitic -pylephlebitis -pylethrombophlebitis -pylethrombosis -pylic -pylon -pyloralgia -pylorectomy -pyloric -pyloristenosis -pyloritis -pylorocleisis -pylorodilator -pylorogastrectomy -pyloroplasty -pyloroptosis -pyloroschesis -pyloroscirrhus -pyloroscopy -pylorospasm -pylorostenosis -pylorostomy -pylorus -pyobacillosis -pyocele -pyoctanin -pyocyanase -pyocyanin -pyocyst -pyocyte -pyodermatitis -pyodermatosis -pyodermia -pyodermic -pyogenesis -pyogenetic -pyogenic -pyogenin -pyogenous -pyohemothorax -pyoid -pyolabyrinthitis -pyolymph -pyometra -pyometritis -pyonephritis -pyonephrosis -pyonephrotic -pyopericarditis -pyopericardium -pyoperitoneum -pyoperitonitis -pyophagia -pyophthalmia -pyophylactic -pyoplania -pyopneumocholecystitis -pyopneumocyst -pyopneumopericardium -pyopneumoperitoneum -pyopneumoperitonitis -pyopneumothorax -pyopoiesis -pyopoietic -pyoptysis -pyorrhea -pyorrheal -pyorrheic -pyosalpingitis -pyosalpinx -pyosepticemia -pyosepticemic -pyosis -pyospermia -pyotherapy -pyothorax -pyotoxinemia -pyoureter -pyovesiculosis -pyoxanthose -pyr -pyracanth -Pyracantha -Pyraceae -pyracene -pyral -Pyrales -pyralid -Pyralidae -pyralidan -pyralidid -Pyralididae -pyralidiform -Pyralidoidea -pyralis -pyraloid -Pyrameis -pyramid -pyramidaire -pyramidal -pyramidale -pyramidalis -Pyramidalism -Pyramidalist -pyramidally -pyramidate -Pyramidella -pyramidellid -Pyramidellidae -pyramider -pyramides -pyramidia -pyramidic -pyramidical -pyramidically -pyramidicalness -pyramidion -Pyramidist -pyramidize -pyramidlike -pyramidoattenuate -pyramidoidal -pyramidologist -pyramidoprismatic -pyramidwise -pyramoidal -pyran -pyranometer -pyranyl -pyrargyrite -Pyrausta -Pyraustinae -pyrazine -pyrazole -pyrazoline -pyrazolone -pyrazolyl -pyre -pyrectic -pyrena -pyrene -Pyrenean -pyrenematous -pyrenic -pyrenin -pyrenocarp -pyrenocarpic -pyrenocarpous -Pyrenochaeta -pyrenodean -pyrenodeine -pyrenodeous -pyrenoid -pyrenolichen -Pyrenomycetales -pyrenomycete -Pyrenomycetes -Pyrenomycetineae -pyrenomycetous -Pyrenopeziza -pyrethrin -Pyrethrum -pyrethrum -pyretic -pyreticosis -pyretogenesis -pyretogenetic -pyretogenic -pyretogenous -pyretography -pyretology -pyretolysis -pyretotherapy -pyrewinkes -Pyrex -pyrex -pyrexia -pyrexial -pyrexic -pyrexical -pyrgeometer -pyrgocephalic -pyrgocephaly -pyrgoidal -pyrgologist -pyrgom -pyrheliometer -pyrheliometric -pyrheliometry -pyrheliophor -pyribole -pyridazine -pyridic -pyridine -pyridinium -pyridinize -pyridone -pyridoxine -pyridyl -pyriform -pyriformis -pyrimidine -pyrimidyl -pyritaceous -pyrite -pyrites -pyritic -pyritical -pyritiferous -pyritization -pyritize -pyritohedral -pyritohedron -pyritoid -pyritology -pyritous -pyro -pyroacetic -pyroacid -pyroantimonate -pyroantimonic -pyroarsenate -pyroarsenic -pyroarsenious -pyroarsenite -pyrobelonite -pyrobituminous -pyroborate -pyroboric -pyrocatechin -pyrocatechinol -pyrocatechol -pyrocatechuic -pyrocellulose -pyrochemical -pyrochemically -pyrochlore -pyrochromate -pyrochromic -pyrocinchonic -pyrocitric -pyroclastic -pyrocoll -pyrocollodion -pyrocomenic -pyrocondensation -pyroconductivity -pyrocotton -pyrocrystalline -Pyrocystis -Pyrodine -pyroelectric -pyroelectricity -pyrogallate -pyrogallic -pyrogallol -pyrogen -pyrogenation -pyrogenesia -pyrogenesis -pyrogenetic -pyrogenetically -pyrogenic -pyrogenous -pyroglutamic -pyrognomic -pyrognostic -pyrognostics -pyrograph -pyrographer -pyrographic -pyrography -pyrogravure -pyroguaiacin -pyroheliometer -pyroid -Pyrola -Pyrolaceae -pyrolaceous -pyrolater -pyrolatry -pyroligneous -pyrolignic -pyrolignite -pyrolignous -pyrolite -pyrollogical -pyrologist -pyrology -pyrolusite -pyrolysis -pyrolytic -pyrolyze -pyromachy -pyromagnetic -pyromancer -pyromancy -pyromania -pyromaniac -pyromaniacal -pyromantic -pyromeconic -pyromellitic -pyrometallurgy -pyrometamorphic -pyrometamorphism -pyrometer -pyrometric -pyrometrical -pyrometrically -pyrometry -Pyromorphidae -pyromorphism -pyromorphite -pyromorphous -pyromotor -pyromucate -pyromucic -pyromucyl -pyronaphtha -pyrone -Pyronema -pyronine -pyronomics -pyronyxis -pyrope -pyropen -pyrophanite -pyrophanous -pyrophile -pyrophilous -pyrophobia -pyrophone -pyrophoric -pyrophorous -pyrophorus -pyrophosphate -pyrophosphoric -pyrophosphorous -pyrophotograph -pyrophotography -pyrophotometer -pyrophyllite -pyrophysalite -pyropuncture -pyropus -pyroracemate -pyroracemic -pyroscope -pyroscopy -pyrosis -pyrosmalite -Pyrosoma -Pyrosomatidae -pyrosome -Pyrosomidae -pyrosomoid -pyrosphere -pyrostat -pyrostereotype -pyrostilpnite -pyrosulphate -pyrosulphite -pyrosulphuric -pyrosulphuryl -pyrotantalate -pyrotartaric -pyrotartrate -pyrotechnian -pyrotechnic -pyrotechnical -pyrotechnically -pyrotechnician -pyrotechnics -pyrotechnist -pyrotechny -pyroterebic -pyrotheology -Pyrotheria -Pyrotherium -pyrotic -pyrotoxin -pyrotritaric -pyrotritartric -pyrouric -pyrovanadate -pyrovanadic -pyroxanthin -pyroxene -pyroxenic -pyroxenite -pyroxmangite -pyroxonium -pyroxyle -pyroxylene -pyroxylic -pyroxylin -Pyrrhic -pyrrhic -pyrrhichian -pyrrhichius -pyrrhicist -Pyrrhocoridae -Pyrrhonean -Pyrrhonian -Pyrrhonic -Pyrrhonism -Pyrrhonist -Pyrrhonistic -Pyrrhonize -pyrrhotine -pyrrhotism -pyrrhotist -pyrrhotite -pyrrhous -Pyrrhuloxia -Pyrrhus -pyrrodiazole -pyrrol -pyrrole -pyrrolic -pyrrolidine -pyrrolidone -pyrrolidyl -pyrroline -pyrrolylene -pyrrophyllin -pyrroporphyrin -pyrrotriazole -pyrroyl -pyrryl -pyrrylene -Pyrula -Pyrularia -pyruline -pyruloid -Pyrus -pyruvaldehyde -pyruvate -pyruvic -pyruvil -pyruvyl -pyrylium -Pythagorean -Pythagoreanism -Pythagoreanize -Pythagoreanly -Pythagoric -Pythagorical -Pythagorically -Pythagorism -Pythagorist -Pythagorize -Pythagorizer -Pythia -Pythiaceae -Pythiacystis -Pythiad -Pythiambic -Pythian -Pythic -Pythios -Pythium -Pythius -pythogenesis -pythogenetic -pythogenic -pythogenous -python -pythoness -pythonic -pythonical -pythonid -Pythonidae -pythoniform -Pythoninae -pythonine -pythonism -Pythonissa -pythonist -pythonize -pythonoid -pythonomorph -Pythonomorpha -pythonomorphic -pythonomorphous -pyuria -pyvuril -pyx -Pyxidanthera -pyxidate -pyxides -pyxidium -pyxie -Pyxis -pyxis -Q -q -qasida -qere -qeri -qintar -Qoheleth -qoph -qua -quab -quabird -quachil -quack -quackery -quackhood -quackish -quackishly -quackishness -quackism -quackle -quacksalver -quackster -quacky -quad -quadded -quaddle -Quader -Quadi -quadmeter -quadra -quadrable -quadragenarian -quadragenarious -Quadragesima -quadragesimal -quadragintesimal -quadral -quadrangle -quadrangled -quadrangular -quadrangularly -quadrangularness -quadrangulate -quadrans -quadrant -quadrantal -quadrantes -Quadrantid -quadrantile -quadrantlike -quadrantly -quadrat -quadrate -quadrated -quadrateness -quadratic -quadratical -quadratically -quadratics -Quadratifera -quadratiferous -quadratojugal -quadratomandibular -quadratosquamosal -quadratrix -quadratum -quadrature -quadratus -quadrauricular -quadrennia -quadrennial -quadrennially -quadrennium -quadriad -quadrialate -quadriannulate -quadriarticulate -quadriarticulated -quadribasic -quadric -quadricapsular -quadricapsulate -quadricarinate -quadricellular -quadricentennial -quadriceps -quadrichord -quadriciliate -quadricinium -quadricipital -quadricone -quadricorn -quadricornous -quadricostate -quadricotyledonous -quadricovariant -quadricrescentic -quadricrescentoid -quadricuspid -quadricuspidal -quadricuspidate -quadricycle -quadricycler -quadricyclist -quadridentate -quadridentated -quadriderivative -quadridigitate -quadriennial -quadriennium -quadrienniumutile -quadrifarious -quadrifariously -quadrifid -quadrifilar -quadrifocal -quadrifoil -quadrifoliate -quadrifoliolate -quadrifolious -quadrifolium -quadriform -quadrifrons -quadrifrontal -quadrifurcate -quadrifurcated -quadrifurcation -quadriga -quadrigabled -quadrigamist -quadrigate -quadrigatus -quadrigeminal -quadrigeminate -quadrigeminous -quadrigeminum -quadrigenarious -quadriglandular -quadrihybrid -quadrijugal -quadrijugate -quadrijugous -quadrilaminar -quadrilaminate -quadrilateral -quadrilaterally -quadrilateralness -quadrilingual -quadriliteral -quadrille -quadrilled -quadrillion -quadrillionth -quadrilobate -quadrilobed -quadrilocular -quadriloculate -quadrilogue -quadrilogy -quadrimembral -quadrimetallic -quadrimolecular -quadrimum -quadrinodal -quadrinomial -quadrinomical -quadrinominal -quadrinucleate -quadrioxalate -quadriparous -quadripartite -quadripartitely -quadripartition -quadripennate -quadriphosphate -quadriphyllous -quadripinnate -quadriplanar -quadriplegia -quadriplicate -quadriplicated -quadripolar -quadripole -quadriportico -quadriporticus -quadripulmonary -quadriquadric -quadriradiate -quadrireme -quadrisect -quadrisection -quadriseptate -quadriserial -quadrisetose -quadrispiral -quadristearate -quadrisulcate -quadrisulcated -quadrisulphide -quadrisyllabic -quadrisyllabical -quadrisyllable -quadrisyllabous -quadriternate -quadritubercular -quadrituberculate -quadriurate -quadrivalence -quadrivalency -quadrivalent -quadrivalently -quadrivalve -quadrivalvular -quadrivial -quadrivious -quadrivium -quadrivoltine -quadroon -quadrual -Quadrula -quadrum -Quadrumana -quadrumanal -quadrumane -quadrumanous -quadruped -quadrupedal -quadrupedan -quadrupedant -quadrupedantic -quadrupedantical -quadrupedate -quadrupedation -quadrupedism -quadrupedous -quadruplane -quadruplator -quadruple -quadrupleness -quadruplet -quadruplex -quadruplicate -quadruplication -quadruplicature -quadruplicity -quadruply -quadrupole -quaedam -Quaequae -quaesitum -quaestor -quaestorial -quaestorian -quaestorship -quaestuary -quaff -quaffer -quaffingly -quag -quagga -quagginess -quaggle -quaggy -quagmire -quagmiry -quahog -quail -quailberry -quailery -quailhead -quaillike -quaily -quaint -quaintance -quaintise -quaintish -quaintly -quaintness -Quaitso -quake -quakeful -quakeproof -Quaker -quaker -quakerbird -Quakerdom -Quakeress -Quakeric -Quakerish -Quakerishly -Quakerishness -Quakerism -Quakerization -Quakerize -Quakerlet -Quakerlike -Quakerly -Quakership -Quakery -quaketail -quakiness -quaking -quakingly -quaky -quale -qualifiable -qualification -qualificative -qualificator -qualificatory -qualified -qualifiedly -qualifiedness -qualifier -qualify -qualifyingly -qualimeter -qualitative -qualitatively -qualitied -quality -qualityless -qualityship -qualm -qualminess -qualmish -qualmishly -qualmishness -qualmproof -qualmy -qualmyish -qualtagh -Quamasia -Quamoclit -quan -quandary -quandong -quandy -quannet -quant -quanta -quantic -quantical -quantifiable -quantifiably -quantification -quantifier -quantify -quantimeter -quantitate -quantitative -quantitatively -quantitativeness -quantitied -quantitive -quantitively -quantity -quantivalence -quantivalency -quantivalent -quantization -quantize -quantometer -quantulum -quantum -Quapaw -quaquaversal -quaquaversally -quar -quarantinable -quarantine -quarantiner -quaranty -quardeel -quare -quarenden -quarender -quarentene -quark -quarl -quarle -quarred -quarrel -quarreled -quarreler -quarreling -quarrelingly -quarrelproof -quarrelsome -quarrelsomely -quarrelsomeness -quarriable -quarried -quarrier -quarry -quarryable -quarrying -quarryman -quarrystone -quart -quartan -quartane -quartation -quartenylic -quarter -quarterage -quarterback -quarterdeckish -quartered -quarterer -quartering -quarterization -quarterland -quarterly -quarterman -quartermaster -quartermasterlike -quartermastership -quartern -quarterpace -quarters -quartersaw -quartersawed -quarterspace -quarterstaff -quarterstetch -quartet -quartette -quartetto -quartful -quartic -quartile -quartine -quartiparous -quarto -Quartodeciman -quartodecimanism -quartole -quartz -quartzic -quartziferous -quartzite -quartzitic -quartzless -quartzoid -quartzose -quartzous -quartzy -quash -Quashee -quashey -quashy -quasi -quasijudicial -Quasimodo -quasky -quassation -quassative -Quassia -quassiin -quassin -quat -quata -quatch -quatercentenary -quatern -quaternal -quaternarian -quaternarius -quaternary -quaternate -quaternion -quaternionic -quaternionist -quaternitarian -quaternity -quaters -quatertenses -quatorzain -quatorze -quatrain -quatral -quatrayle -quatre -quatrefeuille -quatrefoil -quatrefoiled -quatrefoliated -quatrible -quatrin -quatrino -quatrocentism -quatrocentist -quatrocento -Quatsino -quattie -quattrini -quatuor -quatuorvirate -quauk -quave -quaver -quaverer -quavering -quaveringly -quaverous -quavery -quaverymavery -quaw -quawk -quay -quayage -quayful -quaylike -quayman -quayside -quaysider -qubba -queach -queachy -queak -queal -quean -queanish -queasily -queasiness -queasom -queasy -quebrachamine -quebrachine -quebrachitol -quebracho -quebradilla -Quechua -Quechuan -quedful -queechy -queen -queencake -queencraft -queencup -queendom -queenfish -queenhood -queening -queenite -queenless -queenlet -queenlike -queenliness -queenly -queenright -queenroot -queensberry -queenship -queenweed -queenwood -queer -queerer -queerish -queerishness -queerity -queerly -queerness -queersome -queery -queest -queesting -queet -queeve -quegh -quei -queintise -quelch -Quelea -quell -queller -quemado -queme -quemeful -quemefully -quemely -quench -quenchable -quenchableness -quencher -quenchless -quenchlessly -quenchlessness -quenelle -quenselite -quercetagetin -quercetic -quercetin -quercetum -quercic -Querciflorae -quercimeritrin -quercin -quercine -quercinic -quercitannic -quercitannin -quercite -quercitin -quercitol -quercitrin -quercitron -quercivorous -Quercus -Querecho -Querendi -Querendy -querent -Queres -querier -queriman -querimonious -querimoniously -querimoniousness -querimony -querist -querken -querl -quern -quernal -Quernales -quernstone -querulent -querulential -querulist -querulity -querulosity -querulous -querulously -querulousness -query -querying -queryingly -queryist -quesited -quesitive -quest -quester -questeur -questful -questingly -question -questionability -questionable -questionableness -questionably -questionary -questionee -questioner -questioningly -questionist -questionless -questionlessly -questionnaire -questionous -questionwise -questman -questor -questorial -questorship -quet -quetch -quetenite -quetzal -queue -quey -Quiangan -quiapo -quib -quibble -quibbleproof -quibbler -quibblingly -quiblet -quica -Quiche -quick -quickbeam -quickborn -quicken -quickenance -quickenbeam -quickener -quickfoot -quickhatch -quickhearted -quickie -quicklime -quickly -quickness -quicksand -quicksandy -quickset -quicksilver -quicksilvering -quicksilverish -quicksilverishness -quicksilvery -quickstep -quickthorn -quickwork -quid -Quidae -quiddative -quidder -Quiddist -quiddit -quidditative -quidditatively -quiddity -quiddle -quiddler -quidnunc -quiesce -quiescence -quiescency -quiescent -quiescently -quiet -quietable -quieten -quietener -quieter -quieting -quietism -quietist -quietistic -quietive -quietlike -quietly -quietness -quietsome -quietude -quietus -quiff -quiffing -Quiina -Quiinaceae -quiinaceous -quila -quiles -Quileute -quilkin -quill -Quillagua -quillai -quillaic -Quillaja -quillaja -quillback -quilled -quiller -quillet -quilleted -quillfish -quilling -quilltail -quillwork -quillwort -quilly -quilt -quilted -quilter -quilting -Quimbaya -Quimper -quin -quina -quinacrine -Quinaielt -quinaldic -quinaldine -quinaldinic -quinaldinium -quinaldyl -quinamicine -quinamidine -quinamine -quinanisole -quinaquina -quinarian -quinarius -quinary -quinate -quinatoxine -Quinault -quinazoline -quinazolyl -quince -quincentenary -quincentennial -quincewort -quinch -quincubital -quincubitalism -quincuncial -quincuncially -quincunx -quincunxial -quindecad -quindecagon -quindecangle -quindecasyllabic -quindecemvir -quindecemvirate -quindecennial -quindecim -quindecima -quindecylic -quindene -quinetum -quingentenary -quinhydrone -quinia -quinible -quinic -quinicine -quinidia -quinidine -quinin -quinina -quinine -quininiazation -quininic -quininism -quininize -quiniretin -quinisext -quinisextine -quinism -quinite -quinitol -quinizarin -quinize -quink -quinnat -quinnet -Quinnipiac -quinoa -quinocarbonium -quinoform -quinogen -quinoid -quinoidal -quinoidation -quinoidine -quinol -quinoline -quinolinic -quinolinium -quinolinyl -quinologist -quinology -quinolyl -quinometry -quinone -quinonediimine -quinonic -quinonimine -quinonization -quinonize -quinonoid -quinonyl -quinopyrin -quinotannic -quinotoxine -quinova -quinovatannic -quinovate -quinovic -quinovin -quinovose -quinoxaline -quinoxalyl -quinoyl -quinquagenarian -quinquagenary -Quinquagesima -quinquagesimal -quinquarticular -Quinquatria -Quinquatrus -quinquecapsular -quinquecostate -quinquedentate -quinquedentated -quinquefarious -quinquefid -quinquefoliate -quinquefoliated -quinquefoliolate -quinquegrade -quinquejugous -quinquelateral -quinqueliteral -quinquelobate -quinquelobated -quinquelobed -quinquelocular -quinqueloculine -quinquenary -quinquenerval -quinquenerved -quinquennalia -quinquennia -quinquenniad -quinquennial -quinquennialist -quinquennially -quinquennium -quinquepartite -quinquepedal -quinquepedalian -quinquepetaloid -quinquepunctal -quinquepunctate -quinqueradial -quinqueradiate -quinquereme -quinquertium -quinquesect -quinquesection -quinqueseptate -quinqueserial -quinqueseriate -quinquesyllabic -quinquesyllable -quinquetubercular -quinquetuberculate -quinquevalence -quinquevalency -quinquevalent -quinquevalve -quinquevalvous -quinquevalvular -quinqueverbal -quinqueverbial -quinquevir -quinquevirate -quinquiliteral -quinquina -quinquino -quinse -quinsied -quinsy -quinsyberry -quinsywort -quint -quintad -quintadena -quintadene -quintain -quintal -quintan -quintant -quintary -quintato -quinte -quintelement -quintennial -quinternion -quinteron -quinteroon -quintessence -quintessential -quintessentiality -quintessentially -quintessentiate -quintet -quintette -quintetto -quintic -quintile -Quintilis -Quintillian -quintillion -quintillionth -Quintin -quintin -quintiped -Quintius -quinto -quintocubital -quintocubitalism -quintole -quinton -quintroon -quintuple -quintuplet -quintuplicate -quintuplication -quintuplinerved -quintupliribbed -quintus -quinuclidine -quinyl -quinze -quinzieme -quip -quipful -quipo -quipper -quippish -quippishness -quippy -quipsome -quipsomeness -quipster -quipu -quira -quire -quirewise -Quirinal -Quirinalia -quirinca -quiritarian -quiritary -Quirite -Quirites -quirk -quirkiness -quirkish -quirksey -quirksome -quirky -quirl -quirquincho -quirt -quis -quisby -quiscos -quisle -quisling -Quisqualis -quisqueite -quisquilian -quisquiliary -quisquilious -quisquous -quisutsch -quit -quitch -quitclaim -quite -Quitemoca -Quiteno -quitrent -quits -quittable -quittance -quitted -quitter -quittor -Quitu -quiver -quivered -quiverer -quiverful -quivering -quiveringly -quiverish -quiverleaf -quivery -Quixote -quixotic -quixotical -quixotically -quixotism -quixotize -quixotry -quiz -quizzability -quizzable -quizzacious -quizzatorial -quizzee -quizzer -quizzery -quizzical -quizzicality -quizzically -quizzicalness -quizzification -quizzify -quizziness -quizzingly -quizzish -quizzism -quizzity -quizzy -Qung -quo -quod -quoddies -quoddity -quodlibet -quodlibetal -quodlibetarian -quodlibetary -quodlibetic -quodlibetical -quodlibetically -quoilers -quoin -quoined -quoining -quoit -quoiter -quoitlike -quoits -quondam -quondamly -quondamship -quoniam -quop -Quoratean -quorum -quot -quota -quotability -quotable -quotableness -quotably -quotation -quotational -quotationally -quotationist -quotative -quote -quotee -quoteless -quotennial -quoter -quoteworthy -quoth -quotha -quotidian -quotidianly -quotidianness -quotient -quotiety -quotingly -quotity -quotlibet -quotum -Qurti -R -r -ra -raad -Raanan -raash -Rab -rab -raband -rabanna -rabat -rabatine -rabatte -rabattement -rabbanist -rabbanite -rabbet -rabbeting -rabbi -rabbin -rabbinate -rabbindom -Rabbinic -rabbinic -Rabbinica -rabbinical -rabbinically -rabbinism -rabbinist -rabbinistic -rabbinistical -rabbinite -rabbinize -rabbinship -rabbiship -rabbit -rabbitberry -rabbiter -rabbithearted -rabbitlike -rabbitmouth -rabbitproof -rabbitroot -rabbitry -rabbitskin -rabbitweed -rabbitwise -rabbitwood -rabbity -rabble -rabblelike -rabblement -rabbleproof -rabbler -rabblesome -rabboni -rabbonim -Rabelaisian -Rabelaisianism -Rabelaism -Rabi -rabic -rabid -rabidity -rabidly -rabidness -rabies -rabietic -rabific -rabiform -rabigenic -Rabin -rabinet -rabirubia -rabitic -rabulistic -rabulous -raccoon -raccoonberry -raccroc -race -raceabout -racebrood -racecourse -racegoer -racegoing -racelike -racemate -racemation -raceme -racemed -racemic -racemiferous -racemiform -racemism -racemization -racemize -racemocarbonate -racemocarbonic -racemomethylate -racemose -racemosely -racemous -racemously -racemule -racemulose -racer -raceway -rach -rache -Rachel -rachial -rachialgia -rachialgic -rachianalgesia -Rachianectes -rachianesthesia -rachicentesis -rachides -rachidial -rachidian -rachiform -Rachiglossa -rachiglossate -rachigraph -rachilla -rachiocentesis -rachiococainize -rachiocyphosis -rachiodont -rachiodynia -rachiometer -rachiomyelitis -rachioparalysis -rachioplegia -rachioscoliosis -rachiotome -rachiotomy -rachipagus -rachis -rachischisis -rachitic -rachitis -rachitism -rachitogenic -rachitome -rachitomous -rachitomy -Rachycentridae -Rachycentron -racial -racialism -racialist -raciality -racialization -racialize -racially -racily -raciness -racing -racinglike -racism -racist -rack -rackabones -rackan -rackboard -racker -racket -racketeer -racketeering -racketer -racketing -racketlike -racketproof -racketry -rackett -rackettail -rackety -rackful -racking -rackingly -rackle -rackless -rackmaster -rackproof -rackrentable -rackway -rackwork -racloir -racon -raconteur -racoon -Racovian -racy -rad -rada -radar -radarman -radarscope -raddle -raddleman -raddlings -radectomy -Radek -radiability -radiable -radial -radiale -radialia -radiality -radialization -radialize -radially -radian -radiance -radiancy -radiant -radiantly -Radiata -radiate -radiated -radiately -radiateness -radiatics -radiatiform -radiation -radiational -radiative -radiatopatent -radiatoporose -radiatoporous -radiator -radiatory -radiatostriate -radiatosulcate -radiature -radical -radicalism -radicality -radicalization -radicalize -radically -radicalness -radicand -radicant -radicate -radicated -radicating -radication -radicel -radices -radicicola -radicicolous -radiciferous -radiciflorous -radiciform -radicivorous -radicle -radicolous -radicose -Radicula -radicular -radicule -radiculectomy -radiculitis -radiculose -radiectomy -radiescent -radiferous -radii -radio -radioacoustics -radioactinium -radioactivate -radioactive -radioactively -radioactivity -radioamplifier -radioanaphylaxis -radioautograph -radioautographic -radioautography -radiobicipital -radiobroadcast -radiobroadcaster -radiobroadcasting -radiobserver -radiocarbon -radiocarpal -radiocast -radiocaster -radiochemical -radiochemistry -radiocinematograph -radioconductor -radiode -radiodermatitis -radiodetector -radiodiagnosis -radiodigital -radiodontia -radiodontic -radiodontist -radiodynamic -radiodynamics -radioelement -radiogenic -radiogoniometer -radiogoniometric -radiogoniometry -radiogram -radiograph -radiographer -radiographic -radiographical -radiographically -radiography -radiohumeral -radioisotope -Radiolaria -radiolarian -radiolead -radiolite -Radiolites -radiolitic -Radiolitidae -radiolocation -radiolocator -radiologic -radiological -radiologist -radiology -radiolucency -radiolucent -radioluminescence -radioluminescent -radioman -radiomedial -radiometallography -radiometeorograph -radiometer -radiometric -radiometrically -radiometry -radiomicrometer -radiomovies -radiomuscular -radionecrosis -radioneuritis -radionics -radiopacity -radiopalmar -radiopaque -radiopelvimetry -radiophare -radiophone -radiophonic -radiophony -radiophosphorus -radiophotograph -radiophotography -radiopraxis -radioscope -radioscopic -radioscopical -radioscopy -radiosensibility -radiosensitive -radiosensitivity -radiosonde -radiosonic -radiostereoscopy -radiosurgery -radiosurgical -radiosymmetrical -radiotechnology -radiotelegram -radiotelegraph -radiotelegraphic -radiotelegraphy -radiotelephone -radiotelephonic -radiotelephony -radioteria -radiothallium -radiotherapeutic -radiotherapeutics -radiotherapeutist -radiotherapist -radiotherapy -radiothermy -radiothorium -radiotoxemia -radiotransparency -radiotransparent -radiotrician -Radiotron -radiotropic -radiotropism -radiovision -radish -radishlike -radium -radiumization -radiumize -radiumlike -radiumproof -radiumtherapy -radius -radix -radknight -radman -radome -radon -radsimir -radula -radulate -raduliferous -raduliform -Rafael -Rafe -raff -Raffaelesque -raffe -raffee -raffery -raffia -raffinase -raffinate -raffing -raffinose -raffish -raffishly -raffishness -raffle -raffler -Rafflesia -rafflesia -Rafflesiaceae -rafflesiaceous -Rafik -raft -raftage -rafter -raftiness -raftlike -raftman -raftsman -rafty -rag -raga -ragabash -ragabrash -ragamuffin -ragamuffinism -ragamuffinly -rage -rageful -ragefully -rageless -rageous -rageously -rageousness -rageproof -rager -ragesome -ragfish -ragged -raggedly -raggedness -raggedy -raggee -ragger -raggery -raggety -raggil -raggily -ragging -raggle -raggled -raggy -raghouse -Raghu -raging -ragingly -raglan -raglanite -raglet -raglin -ragman -Ragnar -ragout -ragpicker -ragseller -ragshag -ragsorter -ragstone -ragtag -ragtime -ragtimer -ragtimey -ragule -raguly -ragweed -ragwort -rah -Rahanwin -rahdar -rahdaree -Rahul -Raia -raia -Raiae -raid -raider -raidproof -Raif -Raiidae -raiiform -rail -railage -railbird -railer -railhead -railing -railingly -raillery -railless -raillike -railly -railman -railroad -railroadana -railroader -railroadiana -railroading -railroadish -railroadship -railway -railwaydom -railwayless -Raimannia -raiment -raimentless -rain -rainband -rainbird -rainbound -rainbow -rainbowlike -rainbowweed -rainbowy -rainburst -raincoat -raindrop -Rainer -rainer -rainfall -rainfowl -rainful -rainily -raininess -rainless -rainlessness -rainlight -rainproof -rainproofer -rainspout -rainstorm -raintight -rainwash -rainworm -rainy -raioid -Rais -rais -raisable -raise -raised -raiseman -raiser -raisin -raising -raisiny -Raj -raj -Raja -raja -Rajah -rajah -Rajarshi -rajaship -Rajasthani -rajbansi -Rajeev -Rajendra -Rajesh -Rajidae -Rajiv -Rajput -rakan -rake -rakeage -rakeful -rakehell -rakehellish -rakehelly -raker -rakery -rakesteel -rakestele -rakh -Rakhal -raki -rakily -raking -rakish -rakishly -rakishness -rakit -rakshasa -raku -Ralf -rallentando -ralliance -Rallidae -rallier -ralliform -Rallinae -ralline -Rallus -rally -Ralph -ralph -ralstonite -Ram -ram -Rama -ramada -Ramadoss -ramage -Ramaism -Ramaite -ramal -Raman -Ramanan -ramanas -ramarama -ramass -ramate -rambeh -ramberge -ramble -rambler -rambling -ramblingly -ramblingness -Rambo -rambong -rambooze -Rambouillet -rambunctious -rambutan -ramdohrite -rame -rameal -Ramean -ramed -ramekin -ramellose -rament -ramentaceous -ramental -ramentiferous -ramentum -rameous -ramequin -Rameses -Rameseum -Ramesh -Ramessid -Ramesside -ramet -ramex -ramfeezled -ramgunshoch -ramhead -ramhood -rami -ramicorn -ramie -ramiferous -ramificate -ramification -ramified -ramiflorous -ramiform -ramify -ramigerous -Ramillie -Ramillied -ramiparous -Ramiro -ramisection -ramisectomy -Ramism -Ramist -Ramistical -ramlike -ramline -rammack -rammel -rammelsbergite -rammer -rammerman -rammish -rammishly -rammishness -rammy -Ramneek -Ramnenses -Ramnes -Ramon -Ramona -Ramoosii -ramose -ramosely -ramosity -ramosopalmate -ramosopinnate -ramososubdivided -ramous -ramp -rampacious -rampaciously -rampage -rampageous -rampageously -rampageousness -rampager -rampagious -rampancy -rampant -rampantly -rampart -ramped -ramper -Ramphastidae -Ramphastides -Ramphastos -rampick -rampike -ramping -rampingly -rampion -rampire -rampler -ramplor -rampsman -ramrace -ramrod -ramroddy -ramscallion -ramsch -Ramsey -ramshackle -ramshackled -ramshackleness -ramshackly -ramson -ramstam -ramtil -ramular -ramule -ramuliferous -ramulose -ramulous -ramulus -ramus -ramuscule -Ramusi -Ran -ran -Rana -rana -ranal -Ranales -ranarian -ranarium -Ranatra -rance -rancel -rancellor -rancelman -rancer -rancescent -ranch -ranche -rancher -rancheria -ranchero -ranchless -ranchman -rancho -ranchwoman -rancid -rancidification -rancidify -rancidity -rancidly -rancidness -rancor -rancorous -rancorously -rancorousness -rancorproof -Rand -rand -Randal -Randall -Randallite -randan -randannite -Randell -randem -rander -Randia -randing -randir -Randite -randle -Randolph -random -randomish -randomization -randomize -randomly -randomness -randomwise -Randy -randy -rane -Ranella -Ranere -rang -rangatira -range -ranged -rangeless -rangeman -ranger -rangership -rangework -rangey -Rangifer -rangiferine -ranginess -ranging -rangle -rangler -rangy -rani -ranid -Ranidae -raniferous -raniform -Ranina -Raninae -ranine -raninian -ranivorous -Ranjit -rank -ranked -ranker -rankish -rankle -rankless -ranklingly -rankly -rankness -ranksman -rankwise -rann -rannel -rannigal -ranny -Ranquel -ransack -ransacker -ransackle -ransel -ranselman -ransom -ransomable -ransomer -ransomfree -ransomless -ranstead -rant -rantan -rantankerous -rantepole -ranter -Ranterism -ranting -rantingly -rantipole -rantock -ranty -ranula -ranular -Ranunculaceae -ranunculaceous -Ranunculales -ranunculi -Ranunculus -Ranzania -Raoulia -rap -Rapaces -rapaceus -rapacious -rapaciously -rapaciousness -rapacity -rapakivi -Rapallo -Rapanea -Rapateaceae -rapateaceous -rape -rapeful -raper -rapeseed -Raphael -Raphaelesque -Raphaelic -Raphaelism -Raphaelite -Raphaelitism -raphania -Raphanus -raphany -raphe -Raphia -raphide -raphides -raphidiferous -raphidiid -Raphidiidae -Raphidodea -Raphidoidea -Raphiolepis -raphis -rapic -rapid -rapidity -rapidly -rapidness -rapier -rapiered -rapillo -rapine -rapiner -raping -rapinic -rapist -raploch -rappage -rapparee -rappe -rappel -rapper -rapping -Rappist -rappist -Rappite -rapport -rapscallion -rapscallionism -rapscallionly -rapscallionry -rapt -raptatorial -raptatory -raptly -raptness -raptor -Raptores -raptorial -raptorious -raptril -rapture -raptured -raptureless -rapturist -rapturize -rapturous -rapturously -rapturousness -raptury -raptus -rare -rarebit -rarefaction -rarefactional -rarefactive -rarefiable -rarefication -rarefier -rarefy -rarely -rareness -rareripe -Rareyfy -rariconstant -rarish -rarity -Rarotongan -ras -rasa -Rasalas -Rasalhague -rasamala -rasant -rascacio -rascal -rascaldom -rascaless -rascalion -rascalism -rascality -rascalize -rascallike -rascallion -rascally -rascalry -rascalship -rasceta -rascette -rase -rasen -Rasenna -raser -rasgado -rash -rasher -rashful -rashing -rashlike -rashly -rashness -Rashti -rasion -Raskolnik -Rasores -rasorial -rasp -raspatorium -raspatory -raspberriade -raspberry -raspberrylike -rasped -rasper -rasping -raspingly -raspingness -raspings -raspish -raspite -raspy -rasse -Rasselas -rassle -Rastaban -raster -rastik -rastle -Rastus -rasure -rat -rata -ratability -ratable -ratableness -ratably -ratafee -ratafia -ratal -ratanhia -rataplan -ratbite -ratcatcher -ratcatching -ratch -ratchel -ratchelly -ratcher -ratchet -ratchetlike -ratchety -ratching -ratchment -rate -rated -ratel -rateless -ratement -ratepayer -ratepaying -rater -ratfish -rath -rathe -rathed -rathely -ratheness -rather -ratherest -ratheripe -ratherish -ratherly -rathest -rathite -Rathnakumar -rathole -rathskeller -raticidal -raticide -ratification -ratificationist -ratifier -ratify -ratihabition -ratine -rating -ratio -ratiocinant -ratiocinate -ratiocination -ratiocinative -ratiocinator -ratiocinatory -ratiometer -ration -rationable -rationably -rational -rationale -rationalism -rationalist -rationalistic -rationalistical -rationalistically -rationalisticism -rationality -rationalizable -rationalization -rationalize -rationalizer -rationally -rationalness -rationate -rationless -rationment -Ratitae -ratite -ratitous -ratlike -ratline -ratliner -ratoon -ratooner -ratproof -ratsbane -ratskeller -rattage -rattail -rattan -ratteen -ratten -rattener -ratter -rattery -ratti -rattinet -rattish -rattle -rattlebag -rattlebones -rattlebox -rattlebrain -rattlebrained -rattlebush -rattled -rattlehead -rattleheaded -rattlejack -rattlemouse -rattlenut -rattlepate -rattlepated -rattlepod -rattleproof -rattler -rattleran -rattleroot -rattlertree -rattles -rattleskull -rattleskulled -rattlesnake -rattlesome -rattletrap -rattleweed -rattlewort -rattling -rattlingly -rattlingness -rattly -ratton -rattoner -rattrap -Rattus -ratty -ratwa -ratwood -raucid -raucidity -raucity -raucous -raucously -raucousness -raught -raugrave -rauk -raukle -Raul -rauli -raun -raunge -raupo -rauque -Rauraci -Raurici -Rauwolfia -ravage -ravagement -ravager -rave -ravehook -raveinelike -ravel -raveler -ravelin -raveling -ravelly -ravelment -ravelproof -raven -Ravenala -ravendom -ravenduck -Ravenelia -ravener -ravenhood -ravening -ravenish -ravenlike -ravenous -ravenously -ravenousness -ravenry -ravens -Ravensara -ravensara -ravenstone -ravenwise -raver -Ravi -ravigote -ravin -ravinate -Ravindran -Ravindranath -ravine -ravined -ravinement -raviney -raving -ravingly -ravioli -ravish -ravishedly -ravisher -ravishing -ravishingly -ravishment -ravison -ravissant -raw -rawboned -rawbones -rawhead -rawhide -rawhider -rawish -rawishness -rawness -rax -Ray -ray -raya -rayage -Rayan -rayed -rayful -rayless -raylessness -raylet -Raymond -rayon -rayonnance -rayonnant -raze -razee -razer -razoo -razor -razorable -razorback -razorbill -razoredge -razorless -razormaker -razormaking -razorman -razorstrop -Razoumofskya -razz -razzia -razzly -re -rea -reaal -reabandon -reabolish -reabolition -reabridge -reabsence -reabsent -reabsolve -reabsorb -reabsorption -reabuse -reacceptance -reaccess -reaccession -reacclimatization -reacclimatize -reaccommodate -reaccompany -reaccomplish -reaccomplishment -reaccord -reaccost -reaccount -reaccredit -reaccrue -reaccumulate -reaccumulation -reaccusation -reaccuse -reaccustom -reacetylation -reach -reachable -reacher -reachieve -reachievement -reaching -reachless -reachy -reacidification -reacidify -reacknowledge -reacknowledgment -reacquaint -reacquaintance -reacquire -reacquisition -react -reactance -reactant -reaction -reactional -reactionally -reactionariness -reactionarism -reactionarist -reactionary -reactionaryism -reactionism -reactionist -reactivate -reactivation -reactive -reactively -reactiveness -reactivity -reactological -reactology -reactor -reactualization -reactualize -reactuate -read -readability -readable -readableness -readably -readapt -readaptability -readaptable -readaptation -readaptive -readaptiveness -readd -readdition -readdress -reader -readerdom -readership -readhere -readhesion -readily -readiness -reading -readingdom -readjourn -readjournment -readjudicate -readjust -readjustable -readjuster -readjustment -readmeasurement -readminister -readmiration -readmire -readmission -readmit -readmittance -readopt -readoption -readorn -readvance -readvancement -readvent -readventure -readvertency -readvertise -readvertisement -readvise -readvocate -ready -reaeration -reaffect -reaffection -reaffiliate -reaffiliation -reaffirm -reaffirmance -reaffirmation -reaffirmer -reafflict -reafford -reafforest -reafforestation -reaffusion -reagency -reagent -reaggravate -reaggravation -reaggregate -reaggregation -reaggressive -reagin -reagitate -reagitation -reagree -reagreement -reak -Real -real -realarm -reales -realest -realgar -realienate -realienation -realign -realignment -realism -realist -realistic -realistically -realisticize -reality -realive -realizability -realizable -realizableness -realizably -realization -realize -realizer -realizing -realizingly -reallegation -reallege -reallegorize -realliance -reallocate -reallocation -reallot -reallotment -reallow -reallowance -reallude -reallusion -really -realm -realmless -realmlet -realness -realter -realteration -realtor -realty -ream -reamage -reamalgamate -reamalgamation -reamass -reambitious -reamend -reamendment -reamer -reamerer -reaminess -reamputation -reamuse -reamy -reanalysis -reanalyze -reanchor -reanimalize -reanimate -reanimation -reanneal -reannex -reannexation -reannotate -reannounce -reannouncement -reannoy -reannoyance -reanoint -reanswer -reanvil -reanxiety -reap -reapable -reapdole -reaper -reapologize -reapology -reapparel -reapparition -reappeal -reappear -reappearance -reappease -reapplaud -reapplause -reappliance -reapplicant -reapplication -reapplier -reapply -reappoint -reappointment -reapportion -reapportionment -reapposition -reappraisal -reappraise -reappraisement -reappreciate -reappreciation -reapprehend -reapprehension -reapproach -reapprobation -reappropriate -reappropriation -reapproval -reapprove -rear -rearbitrate -rearbitration -rearer -reargue -reargument -rearhorse -rearisal -rearise -rearling -rearm -rearmament -rearmost -rearousal -rearouse -rearrange -rearrangeable -rearrangement -rearranger -rearray -rearrest -rearrival -rearrive -rearward -rearwardly -rearwardness -rearwards -reascend -reascendancy -reascendant -reascendency -reascendent -reascension -reascensional -reascent -reascertain -reascertainment -reashlar -reasiness -reask -reason -reasonability -reasonable -reasonableness -reasonably -reasoned -reasonedly -reasoner -reasoning -reasoningly -reasonless -reasonlessly -reasonlessness -reasonproof -reaspire -reassail -reassault -reassay -reassemblage -reassemble -reassembly -reassent -reassert -reassertion -reassertor -reassess -reassessment -reasseverate -reassign -reassignation -reassignment -reassimilate -reassimilation -reassist -reassistance -reassociate -reassociation -reassort -reassortment -reassume -reassumption -reassurance -reassure -reassured -reassuredly -reassurement -reassurer -reassuring -reassuringly -reastiness -reastonish -reastonishment -reastray -reasty -reasy -reattach -reattachment -reattack -reattain -reattainment -reattempt -reattend -reattendance -reattention -reattentive -reattest -reattire -reattract -reattraction -reattribute -reattribution -reatus -reaudit -reauthenticate -reauthentication -reauthorization -reauthorize -reavail -reavailable -reave -reaver -reavoid -reavoidance -reavouch -reavow -reawait -reawake -reawaken -reawakening -reawakenment -reaward -reaware -reb -rebab -reback -rebag -rebait -rebake -rebalance -rebale -reballast -reballot -reban -rebandage -rebanish -rebanishment -rebankrupt -rebankruptcy -rebaptism -rebaptismal -rebaptization -rebaptize -rebaptizer -rebar -rebarbarization -rebarbarize -rebarbative -rebargain -rebase -rebasis -rebatable -rebate -rebateable -rebatement -rebater -rebathe -rebato -rebawl -rebeamer -rebear -rebeat -rebeautify -rebec -Rebecca -Rebeccaism -Rebeccaites -rebeck -rebecome -rebed -rebeg -rebeget -rebeggar -rebegin -rebeginner -rebeginning -rebeguile -rebehold -Rebekah -rebel -rebeldom -rebelief -rebelieve -rebeller -rebellike -rebellion -rebellious -rebelliously -rebelliousness -rebellow -rebelly -rebelong -rebelove -rebelproof -rebemire -rebend -rebenediction -rebenefit -rebeset -rebesiege -rebestow -rebestowal -rebetake -rebetray -rebewail -rebia -rebias -rebid -rebill -rebillet -rebilling -rebind -rebirth -rebite -reblade -reblame -reblast -rebleach -reblend -rebless -reblock -rebloom -reblossom -reblot -reblow -reblue -rebluff -reblunder -reboant -reboantic -reboard -reboast -rebob -reboil -reboiler -reboise -reboisement -rebold -rebolt -rebone -rebook -rebop -rebore -reborn -reborrow -rebottle -Reboulia -rebounce -rebound -reboundable -rebounder -reboundingness -rebourbonize -rebox -rebrace -rebraid -rebranch -rebrand -rebrandish -rebreathe -rebreed -rebrew -rebribe -rebrick -rebridge -rebring -rebringer -rebroach -rebroadcast -rebronze -rebrown -rebrush -rebrutalize -rebubble -rebuckle -rebud -rebudget -rebuff -rebuffable -rebuffably -rebuffet -rebuffproof -rebuild -rebuilder -rebuilt -rebukable -rebuke -rebukeable -rebukeful -rebukefully -rebukefulness -rebukeproof -rebuker -rebukingly -rebulk -rebunch -rebundle -rebunker -rebuoy -rebuoyage -reburden -reburgeon -reburial -reburn -reburnish -reburst -rebury -rebus -rebush -rebusy -rebut -rebute -rebutment -rebuttable -rebuttal -rebutter -rebutton -rebuy -recable -recadency -recage -recalcination -recalcine -recalcitrance -recalcitrant -recalcitrate -recalcitration -recalculate -recalculation -recalesce -recalescence -recalescent -recalibrate -recalibration -recalk -recall -recallable -recallist -recallment -recampaign -recancel -recancellation -recandescence -recandidacy -recant -recantation -recanter -recantingly -recanvas -recap -recapacitate -recapitalization -recapitalize -recapitulate -recapitulation -recapitulationist -recapitulative -recapitulator -recapitulatory -recappable -recapper -recaption -recaptivate -recaptivation -recaptor -recapture -recapturer -recarbon -recarbonate -recarbonation -recarbonization -recarbonize -recarbonizer -recarburization -recarburize -recarburizer -recarnify -recarpet -recarriage -recarrier -recarry -recart -recarve -recase -recash -recasket -recast -recaster -recasting -recatalogue -recatch -recaulescence -recausticize -recce -recco -reccy -recede -recedence -recedent -receder -receipt -receiptable -receiptless -receiptor -receipts -receivability -receivable -receivables -receivablness -receival -receive -received -receivedness -receiver -receivership -recelebrate -recelebration -recement -recementation -recency -recense -recension -recensionist -recensor -recensure -recensus -recent -recenter -recently -recentness -recentralization -recentralize -recentre -recept -receptacle -receptacular -receptaculite -Receptaculites -receptaculitid -Receptaculitidae -receptaculitoid -receptaculum -receptant -receptibility -receptible -reception -receptionism -receptionist -receptitious -receptive -receptively -receptiveness -receptivity -receptor -receptoral -receptorial -receptual -receptually -recercelee -recertificate -recertify -recess -recesser -recession -recessional -recessionary -recessive -recessively -recessiveness -recesslike -recessor -Rechabite -Rechabitism -rechafe -rechain -rechal -rechallenge -rechamber -rechange -rechant -rechaos -rechar -recharge -recharter -rechase -rechaser -rechasten -rechaw -recheat -recheck -recheer -recherche -rechew -rechip -rechisel -rechoose -rechristen -rechuck -rechurn -recidivation -recidive -recidivism -recidivist -recidivistic -recidivity -recidivous -recipe -recipiangle -recipience -recipiency -recipiend -recipiendary -recipient -recipiomotor -reciprocable -reciprocal -reciprocality -reciprocalize -reciprocally -reciprocalness -reciprocate -reciprocation -reciprocative -reciprocator -reciprocatory -reciprocitarian -reciprocity -recircle -recirculate -recirculation -recision -recission -recissory -recitable -recital -recitalist -recitatif -recitation -recitationalism -recitationist -recitative -recitatively -recitativical -recitativo -recite -recitement -reciter -recivilization -recivilize -reck -reckla -reckless -recklessly -recklessness -reckling -reckon -reckonable -reckoner -reckoning -reclaim -reclaimable -reclaimableness -reclaimably -reclaimant -reclaimer -reclaimless -reclaimment -reclama -reclamation -reclang -reclasp -reclass -reclassification -reclassify -reclean -recleaner -recleanse -reclear -reclearance -reclimb -reclinable -reclinate -reclinated -reclination -recline -recliner -reclose -reclothe -reclothing -recluse -reclusely -recluseness -reclusery -reclusion -reclusive -reclusiveness -reclusory -recoach -recoagulation -recoal -recoast -recoat -recock -recoct -recoction -recode -recodification -recodify -recogitate -recogitation -recognition -recognitive -recognitor -recognitory -recognizability -recognizable -recognizably -recognizance -recognizant -recognize -recognizedly -recognizee -recognizer -recognizingly -recognizor -recognosce -recohabitation -recoil -recoiler -recoilingly -recoilment -recoin -recoinage -recoiner -recoke -recollapse -recollate -recollation -Recollect -recollectable -recollected -recollectedly -recollectedness -recollectible -recollection -recollective -recollectively -recollectiveness -Recollet -recolonization -recolonize -recolor -recomb -recombination -recombine -recomember -recomfort -recommand -recommence -recommencement -recommencer -recommend -recommendability -recommendable -recommendableness -recommendably -recommendation -recommendatory -recommendee -recommender -recommission -recommit -recommitment -recommittal -recommunicate -recommunion -recompact -recompare -recomparison -recompass -recompel -recompensable -recompensate -recompensation -recompense -recompenser -recompensive -recompete -recompetition -recompetitor -recompilation -recompile -recompilement -recomplain -recomplaint -recomplete -recompletion -recompliance -recomplicate -recomplication -recomply -recompose -recomposer -recomposition -recompound -recomprehend -recomprehension -recompress -recompression -recomputation -recompute -recon -reconceal -reconcealment -reconcede -reconceive -reconcentrate -reconcentration -reconception -reconcert -reconcession -reconcilability -reconcilable -reconcilableness -reconcilably -reconcile -reconcilee -reconcileless -reconcilement -reconciler -reconciliability -reconciliable -reconciliate -reconciliation -reconciliative -reconciliator -reconciliatory -reconciling -reconcilingly -reconclude -reconclusion -reconcoct -reconcrete -reconcur -recondemn -recondemnation -recondensation -recondense -recondite -reconditely -reconditeness -recondition -recondole -reconduct -reconduction -reconfer -reconfess -reconfide -reconfine -reconfinement -reconfirm -reconfirmation -reconfiscate -reconfiscation -reconform -reconfound -reconfront -reconfuse -reconfusion -recongeal -recongelation -recongest -recongestion -recongratulate -recongratulation -reconjoin -reconjunction -reconnaissance -reconnect -reconnection -reconnoissance -reconnoiter -reconnoiterer -reconnoiteringly -reconnoitre -reconnoitrer -reconnoitringly -reconquer -reconqueror -reconquest -reconsecrate -reconsecration -reconsent -reconsider -reconsideration -reconsign -reconsignment -reconsole -reconsolidate -reconsolidation -reconstituent -reconstitute -reconstitution -reconstruct -reconstructed -reconstruction -reconstructional -reconstructionary -reconstructionist -reconstructive -reconstructiveness -reconstructor -reconstrue -reconsult -reconsultation -recontact -recontemplate -recontemplation -recontend -recontest -recontinuance -recontinue -recontract -recontraction -recontrast -recontribute -recontribution -recontrivance -recontrive -recontrol -reconvalesce -reconvalescence -reconvalescent -reconvene -reconvention -reconventional -reconverge -reconverse -reconversion -reconvert -reconvertible -reconvey -reconveyance -reconvict -reconviction -reconvince -reconvoke -recook -recool -recooper -recopper -recopy -recopyright -record -recordable -recordant -recordation -recordative -recordatively -recordatory -recordedly -recorder -recordership -recording -recordist -recordless -recork -recorporification -recorporify -recorrect -recorrection -recorrupt -recorruption -recostume -recounsel -recount -recountable -recountal -recountenance -recounter -recountless -recoup -recoupable -recouper -recouple -recoupment -recourse -recover -recoverability -recoverable -recoverableness -recoverance -recoveree -recoverer -recoveringly -recoverless -recoveror -recovery -recramp -recrank -recrate -recreance -recreancy -recreant -recreantly -recreantness -recrease -recreate -recreation -recreational -recreationist -recreative -recreatively -recreativeness -recreator -recreatory -recredit -recrement -recremental -recrementitial -recrementitious -recrescence -recrew -recriminate -recrimination -recriminative -recriminator -recriminatory -recriticize -recroon -recrop -recross -recrowd -recrown -recrucify -recrudency -recrudesce -recrudescence -recrudescency -recrudescent -recruit -recruitable -recruitage -recruital -recruitee -recruiter -recruithood -recruiting -recruitment -recruity -recrush -recrusher -recrystallization -recrystallize -rect -recta -rectal -rectalgia -rectally -rectangle -rectangled -rectangular -rectangularity -rectangularly -rectangularness -rectangulate -rectangulometer -rectectomy -recti -rectifiable -rectification -rectificative -rectificator -rectificatory -rectified -rectifier -rectify -rectigrade -Rectigraph -rectilineal -rectilineally -rectilinear -rectilinearism -rectilinearity -rectilinearly -rectilinearness -rectilineation -rectinerved -rection -rectipetality -rectirostral -rectischiac -rectiserial -rectitic -rectitis -rectitude -rectitudinous -recto -rectoabdominal -rectocele -rectoclysis -rectococcygeal -rectococcygeus -rectocolitic -rectocolonic -rectocystotomy -rectogenital -rectopexy -rectoplasty -rector -rectoral -rectorate -rectoress -rectorial -rectorrhaphy -rectorship -rectory -rectoscope -rectoscopy -rectosigmoid -rectostenosis -rectostomy -rectotome -rectotomy -rectovaginal -rectovesical -rectress -rectricial -rectrix -rectum -rectus -recubant -recubate -recultivate -recultivation -recumbence -recumbency -recumbent -recumbently -recuperability -recuperance -recuperate -recuperation -recuperative -recuperativeness -recuperator -recuperatory -recur -recure -recureful -recureless -recurl -recurrence -recurrency -recurrent -recurrently -recurrer -recurring -recurringly -recurse -recursion -recursive -recurtain -recurvant -recurvate -recurvation -recurvature -recurve -Recurvirostra -recurvirostral -Recurvirostridae -recurvopatent -recurvoternate -recurvous -recusance -recusancy -recusant -recusation -recusative -recusator -recuse -recushion -recussion -recut -recycle -Red -red -redact -redaction -redactional -redactor -redactorial -redamage -redamnation -redan -redare -redargue -redargution -redargutive -redargutory -redarken -redarn -redart -redate -redaub -redawn -redback -redbait -redbeard -redbelly -redberry -redbill -redbird -redbone -redbreast -redbrush -redbuck -redbud -redcap -redcoat -redd -redden -reddendo -reddendum -reddening -redder -redding -reddingite -reddish -reddishness -reddition -reddleman -reddock -reddsman -reddy -rede -redeal -redebate -redebit -redeceive -redecide -redecimate -redecision -redeck -redeclaration -redeclare -redecline -redecorate -redecoration -redecrease -redecussate -rededicate -rededication -rededicatory -rededuct -rededuction -redeed -redeem -redeemability -redeemable -redeemableness -redeemably -redeemer -redeemeress -redeemership -redeemless -redefault -redefeat -redefecate -redefer -redefiance -redefine -redefinition -redeflect -redefy -redeify -redelay -redelegate -redelegation -redeliberate -redeliberation -redeliver -redeliverance -redeliverer -redelivery -redemand -redemandable -redemise -redemolish -redemonstrate -redemonstration -redemptible -Redemptine -redemption -redemptional -redemptioner -Redemptionist -redemptionless -redemptive -redemptively -redemptor -redemptorial -Redemptorist -redemptory -redemptress -redemptrice -redenigrate -redeny -redepend -redeploy -redeployment -redeposit -redeposition -redepreciate -redepreciation -redeprive -rederivation -redescend -redescent -redescribe -redescription -redesertion -redeserve -redesign -redesignate -redesignation -redesire -redesirous -redesman -redespise -redetect -redetention -redetermination -redetermine -redevelop -redeveloper -redevelopment -redevise -redevote -redevotion -redeye -redfin -redfinch -redfish -redfoot -redhead -redheaded -redheadedly -redheadedness -redhearted -redhibition -redhibitory -redhoop -redia -redictate -redictation -redient -redifferentiate -redifferentiation -redig -redigest -redigestion -rediminish -redingote -redintegrate -redintegration -redintegrative -redintegrator -redip -redipper -redirect -redirection -redisable -redisappear -redisburse -redisbursement -redischarge -rediscipline -rediscount -rediscourage -rediscover -rediscoverer -rediscovery -rediscuss -rediscussion -redisembark -redismiss -redispatch -redispel -redisperse -redisplay -redispose -redisposition -redispute -redissect -redissection -redisseise -redisseisin -redisseisor -redisseize -redisseizin -redisseizor -redissoluble -redissolution -redissolvable -redissolve -redistend -redistill -redistillation -redistiller -redistinguish -redistrain -redistrainer -redistribute -redistributer -redistribution -redistributive -redistributor -redistributory -redistrict -redisturb -redive -rediversion -redivert -redivertible -redivide -redivision -redivive -redivivous -redivivus -redivorce -redivorcement -redivulge -redivulgence -redjacket -redknees -redleg -redlegs -redly -redmouth -redness -redo -redock -redocket -redolence -redolency -redolent -redolently -redominate -redondilla -redoom -redouble -redoublement -redoubler -redoubling -redoubt -redoubtable -redoubtableness -redoubtably -redoubted -redound -redowa -redox -redpoll -redraft -redrag -redrape -redraw -redrawer -redream -redredge -redress -redressable -redressal -redresser -redressible -redressive -redressless -redressment -redressor -redrill -redrive -redroot -redry -redsear -redshank -redshirt -redskin -redstart -redstreak -redtab -redtail -redthroat -redtop -redub -redubber -reduce -reduceable -reduceableness -reduced -reducement -reducent -reducer -reducibility -reducible -reducibleness -reducibly -reducing -reduct -reductant -reductase -reductibility -reduction -reductional -reductionism -reductionist -reductionistic -reductive -reductively -reductor -reductorial -redue -Redunca -redundance -redundancy -redundant -redundantly -reduplicate -reduplication -reduplicative -reduplicatively -reduplicatory -reduplicature -reduviid -Reduviidae -reduvioid -Reduvius -redux -redward -redware -redweed -redwing -redwithe -redwood -redye -Ree -ree -reechy -reed -reedbird -reedbuck -reedbush -reeded -reeden -reeder -reediemadeasy -reedily -reediness -reeding -reedish -reedition -reedless -reedlike -reedling -reedmaker -reedmaking -reedman -reedplot -reedwork -reedy -reef -reefable -reefer -reefing -reefy -reek -reeker -reekingly -reeky -reel -reelable -reeled -reeler -reelingly -reelrall -reem -reeming -reemish -reen -reenge -reeper -Rees -reese -reeshle -reesk -reesle -reest -reester -reestle -reesty -reet -reetam -reetle -reeve -reeveland -reeveship -ref -reface -refacilitate -refall -refallow -refan -refascinate -refascination -refashion -refashioner -refashionment -refasten -refathered -refavor -refect -refection -refectionary -refectioner -refective -refectorarian -refectorary -refectorer -refectorial -refectorian -refectory -refederate -refeed -refeel -refeign -refel -refence -refer -referable -referee -reference -referenda -referendal -referendary -referendaryship -referendum -referent -referential -referentially -referently -referment -referral -referrer -referrible -referribleness -refertilization -refertilize -refetch -refight -refigure -refill -refillable -refilm -refilter -refinable -refinage -refinance -refind -refine -refined -refinedly -refinedness -refinement -refiner -refinery -refinger -refining -refiningly -refinish -refire -refit -refitment -refix -refixation -refixture -reflag -reflagellate -reflame -reflash -reflate -reflation -reflationism -reflect -reflectance -reflected -reflectedly -reflectedness -reflectent -reflecter -reflectibility -reflectible -reflecting -reflectingly -reflection -reflectional -reflectionist -reflectionless -reflective -reflectively -reflectiveness -reflectivity -reflectometer -reflectometry -reflector -reflectoscope -refledge -reflee -reflex -reflexed -reflexibility -reflexible -reflexism -reflexive -reflexively -reflexiveness -reflexivity -reflexly -reflexness -reflexogenous -reflexological -reflexologist -reflexology -refling -refloat -refloatation -reflog -reflood -refloor -reflorescence -reflorescent -reflourish -reflourishment -reflow -reflower -refluctuation -refluence -refluency -refluent -reflush -reflux -refluxed -refly -refocillate -refocillation -refocus -refold -refoment -refont -refool -refoot -reforbid -reforce -reford -reforecast -reforest -reforestation -reforestization -reforestize -reforestment -reforfeit -reforfeiture -reforge -reforger -reforget -reforgive -reform -reformability -reformable -reformableness -reformado -reformandum -Reformati -reformation -reformational -reformationary -reformationist -reformative -reformatively -reformatness -reformatory -reformed -reformedly -reformer -reformeress -reformingly -reformism -reformist -reformistic -reformproof -reformulate -reformulation -reforsake -refortification -refortify -reforward -refound -refoundation -refounder -refract -refractable -refracted -refractedly -refractedness -refractile -refractility -refracting -refraction -refractional -refractionate -refractionist -refractive -refractively -refractiveness -refractivity -refractometer -refractometric -refractometry -refractor -refractorily -refractoriness -refractory -refracture -refragability -refragable -refragableness -refrain -refrainer -refrainment -reframe -refrangent -refrangibility -refrangible -refrangibleness -refreeze -refrenation -refrenzy -refresh -refreshant -refreshen -refreshener -refresher -refreshful -refreshfully -refreshing -refreshingly -refreshingness -refreshment -refrigerant -refrigerate -refrigerating -refrigeration -refrigerative -refrigerator -refrigeratory -refrighten -refringence -refringency -refringent -refront -refrustrate -reft -refuel -refueling -refuge -refugee -refugeeism -refugeeship -refulge -refulgence -refulgency -refulgent -refulgently -refulgentness -refunction -refund -refunder -refundment -refurbish -refurbishment -refurl -refurnish -refurnishment -refusable -refusal -refuse -refuser -refusing -refusingly -refusion -refusive -refutability -refutable -refutably -refutal -refutation -refutative -refutatory -refute -refuter -reg -regain -regainable -regainer -regainment -regal -regale -Regalecidae -Regalecus -regalement -regaler -regalia -regalian -regalism -regalist -regality -regalize -regallop -regally -regalness -regalvanization -regalvanize -regard -regardable -regardance -regardancy -regardant -regarder -regardful -regardfully -regardfulness -regarding -regardless -regardlessly -regardlessness -regarment -regarnish -regarrison -regather -regatta -regauge -regelate -regelation -regency -regeneracy -regenerance -regenerant -regenerate -regenerateness -regeneration -regenerative -regeneratively -regenerator -regeneratory -regeneratress -regeneratrix -regenesis -regent -regental -regentess -regentship -regerminate -regermination -reges -reget -Regga -Reggie -regia -regicidal -regicide -regicidism -regift -regifuge -regild -regill -regime -regimen -regimenal -regiment -regimental -regimentaled -regimentalled -regimentally -regimentals -regimentary -regimentation -regiminal -regin -reginal -Reginald -region -regional -regionalism -regionalist -regionalistic -regionalization -regionalize -regionally -regionary -regioned -register -registered -registerer -registership -registrability -registrable -registral -registrant -registrar -registrarship -registrary -registrate -registration -registrational -registrationist -registrator -registrer -registry -regive -regladden -reglair -reglaze -regle -reglement -reglementary -reglementation -reglementist -reglet -reglorified -regloss -reglove -reglow -reglue -regma -regmacarp -regnal -regnancy -regnant -regnerable -regolith -regorge -regovern -regradation -regrade -regraduate -regraduation -regraft -regrant -regrasp -regrass -regrate -regrater -regratification -regratify -regrating -regratingly -regrator -regratress -regravel -regrede -regreen -regreet -regress -regression -regressionist -regressive -regressively -regressiveness -regressivity -regressor -regret -regretful -regretfully -regretfulness -regretless -regrettable -regrettableness -regrettably -regretter -regrettingly -regrind -regrinder -regrip -regroup -regroupment -regrow -regrowth -reguarantee -reguard -reguardant -reguide -regula -regulable -regular -Regulares -Regularia -regularity -regularization -regularize -regularizer -regularly -regularness -regulatable -regulate -regulated -regulation -regulationist -regulative -regulatively -regulator -regulatorship -regulatory -regulatress -regulatris -reguli -reguline -regulize -Regulus -regulus -regur -regurge -regurgitant -regurgitate -regurgitation -regush -reh -rehabilitate -rehabilitation -rehabilitative -rehair -rehale -rehallow -rehammer -rehandicap -rehandle -rehandler -rehandling -rehang -rehappen -reharden -reharm -reharmonize -reharness -reharrow -reharvest -rehash -rehaul -rehazard -rehead -reheal -reheap -rehear -rehearing -rehearsal -rehearse -rehearser -rehearten -reheat -reheater -Reheboth -rehedge -reheel -reheighten -Rehoboam -Rehoboth -Rehobothan -rehoe -rehoist -rehollow -rehonor -rehonour -rehood -rehook -rehoop -rehouse -rehumanize -rehumble -rehumiliate -rehumiliation -rehung -rehybridize -rehydrate -rehydration -rehypothecate -rehypothecation -rehypothecator -reichsgulden -Reichsland -Reichslander -reichsmark -reichspfennig -reichstaler -Reid -reidentification -reidentify -reif -reification -reify -reign -reignite -reignition -reignore -reillume -reilluminate -reillumination -reillumine -reillustrate -reillustration -reim -reimage -reimagination -reimagine -reimbark -reimbarkation -reimbibe -reimbody -reimbursable -reimburse -reimbursement -reimburser -reimbush -reimbushment -reimkennar -reimmerge -reimmerse -reimmersion -reimmigrant -reimmigration -reimpact -reimpark -reimpart -reimpatriate -reimpatriation -reimpel -reimplant -reimplantation -reimply -reimport -reimportation -reimportune -reimpose -reimposition -reimposure -reimpregnate -reimpress -reimpression -reimprint -reimprison -reimprisonment -reimprove -reimprovement -reimpulse -rein -reina -reinability -reinaugurate -reinauguration -reincapable -reincarnadine -reincarnate -reincarnation -reincarnationism -reincarnationist -reincense -reincentive -reincidence -reincidency -reincite -reinclination -reincline -reinclude -reinclusion -reincorporate -reincorporation -reincrease -reincrudate -reincrudation -reinculcate -reincur -reindebted -reindebtedness -reindeer -reindependence -reindicate -reindication -reindict -reindictment -reindifferent -reindorse -reinduce -reinducement -reindue -reindulge -reindulgence -Reiner -reinette -reinfect -reinfection -reinfectious -reinfer -reinfest -reinfestation -reinflame -reinflate -reinflation -reinflict -reinfliction -reinfluence -reinforce -reinforcement -reinforcer -reinform -reinfuse -reinfusion -reingraft -reingratiate -reingress -reinhabit -reinhabitation -Reinhard -reinherit -reinitiate -reinitiation -reinject -reinjure -reinless -reinoculate -reinoculation -reinquire -reinquiry -reins -reinsane -reinsanity -reinscribe -reinsert -reinsertion -reinsist -reinsman -reinspect -reinspection -reinspector -reinsphere -reinspiration -reinspire -reinspirit -reinstall -reinstallation -reinstallment -reinstalment -reinstate -reinstatement -reinstation -reinstator -reinstauration -reinstil -reinstill -reinstitute -reinstitution -reinstruct -reinstruction -reinsult -reinsurance -reinsure -reinsurer -reintegrate -reintegration -reintend -reinter -reintercede -reintercession -reinterchange -reinterest -reinterfere -reinterference -reinterment -reinterpret -reinterpretation -reinterrogate -reinterrogation -reinterrupt -reinterruption -reintervene -reintervention -reinterview -reinthrone -reintimate -reintimation -reintitule -reintrench -reintroduce -reintroduction -reintrude -reintrusion -reintuition -reintuitive -reinvade -reinvasion -reinvent -reinvention -reinventor -reinversion -reinvert -reinvest -reinvestigate -reinvestigation -reinvestiture -reinvestment -reinvigorate -reinvigoration -reinvitation -reinvite -reinvoice -reinvolve -Reinwardtia -reirrigate -reirrigation -reis -reisolation -reissuable -reissue -reissuement -reissuer -reit -reitbok -reitbuck -reitemize -reiter -reiterable -reiterance -reiterant -reiterate -reiterated -reiteratedly -reiteratedness -reiteration -reiterative -reiteratively -reiver -rejail -Rejang -reject -rejectable -rejectableness -rejectage -rejectamenta -rejecter -rejectingly -rejection -rejective -rejectment -rejector -rejerk -rejoice -rejoiceful -rejoicement -rejoicer -rejoicing -rejoicingly -rejoin -rejoinder -rejolt -rejourney -rejudge -rejumble -rejunction -rejustification -rejustify -rejuvenant -rejuvenate -rejuvenation -rejuvenative -rejuvenator -rejuvenesce -rejuvenescence -rejuvenescent -rejuvenize -Reki -rekick -rekill -rekindle -rekindlement -rekindler -reking -rekiss -reknit -reknow -rel -relabel -relace -relacquer -relade -reladen -relais -relament -relamp -reland -relap -relapper -relapsable -relapse -relapseproof -relapser -relapsing -relast -relaster -relata -relatability -relatable -relatch -relate -related -relatedness -relater -relatinization -relation -relational -relationality -relationally -relationary -relationism -relationist -relationless -relationship -relatival -relative -relatively -relativeness -relativism -relativist -relativistic -relativity -relativization -relativize -relator -relatrix -relatum -relaunch -relax -relaxable -relaxant -relaxation -relaxative -relaxatory -relaxed -relaxedly -relaxedness -relaxer -relay -relayman -relbun -relead -releap -relearn -releasable -release -releasee -releasement -releaser -releasor -releather -relection -relegable -relegate -relegation -relend -relent -relenting -relentingly -relentless -relentlessly -relentlessness -relentment -relessee -relessor -relet -reletter -relevance -relevancy -relevant -relevantly -relevate -relevation -relevator -relevel -relevy -reliability -reliable -reliableness -reliably -reliance -reliant -reliantly -reliberate -relic -relicary -relicense -relick -reliclike -relicmonger -relict -relicted -reliction -relief -reliefless -relier -relievable -relieve -relieved -relievedly -reliever -relieving -relievingly -relievo -relift -religate -religation -relight -relightable -relighten -relightener -relighter -religion -religionary -religionate -religioner -religionism -religionist -religionistic -religionize -religionless -religiose -religiosity -religious -religiously -religiousness -relime -relimit -relimitation -reline -reliner -relink -relinquent -relinquish -relinquisher -relinquishment -reliquaire -reliquary -reliquefy -reliquiae -reliquian -reliquidate -reliquidation -reliquism -relish -relishable -relisher -relishing -relishingly -relishsome -relishy -relist -relisten -relitigate -relive -Rellyan -Rellyanism -Rellyanite -reload -reloan -relocable -relocate -relocation -relocator -relock -relodge -relook -relose -relost -relot -relove -relower -relucent -reluct -reluctance -reluctancy -reluctant -reluctantly -reluctate -reluctation -reluctivity -relume -relumine -rely -remade -remagnetization -remagnetize -remagnification -remagnify -remail -remain -remainder -remainderman -remaindership -remainer -remains -remaintain -remaintenance -remake -remaker -reman -remanage -remanagement -remanation -remancipate -remancipation -remand -remandment -remanence -remanency -remanent -remanet -remanipulate -remanipulation -remantle -remanufacture -remanure -remap -remarch -remargin -remark -remarkability -remarkable -remarkableness -remarkably -remarkedly -remarker -remarket -remarque -remarriage -remarry -remarshal -remask -remass -remast -remasticate -remastication -rematch -rematerialize -remble -Rembrandt -Rembrandtesque -Rembrandtish -Rembrandtism -remeant -remeasure -remeasurement -remede -remediable -remediableness -remediably -remedial -remedially -remediation -remediless -remedilessly -remedilessness -remeditate -remeditation -remedy -remeet -remelt -remember -rememberability -rememberable -rememberably -rememberer -remembrance -remembrancer -remembrancership -rememorize -remenace -remend -remerge -remetal -remex -Remi -remica -remicate -remication -remicle -remiform -remigate -remigation -remiges -remigial -remigrant -remigrate -remigration -Remijia -remilitarization -remilitarize -remill -remimic -remind -remindal -reminder -remindful -remindingly -remineralization -remineralize -remingle -reminisce -reminiscence -reminiscenceful -reminiscencer -reminiscency -reminiscent -reminiscential -reminiscentially -reminiscently -reminiscer -reminiscitory -remint -remiped -remirror -remise -remisrepresent -remisrepresentation -remiss -remissful -remissibility -remissible -remissibleness -remission -remissive -remissively -remissiveness -remissly -remissness -remissory -remisunderstand -remit -remitment -remittable -remittal -remittance -remittancer -remittee -remittence -remittency -remittent -remittently -remitter -remittitur -remittor -remix -remixture -remnant -remnantal -remobilization -remobilize -Remoboth -remock -remodel -remodeler -remodeller -remodelment -remodification -remodify -remolade -remold -remollient -remonetization -remonetize -remonstrance -remonstrant -remonstrantly -remonstrate -remonstrating -remonstratingly -remonstration -remonstrative -remonstratively -remonstrator -remonstratory -remontado -remontant -remontoir -remop -remora -remord -remorse -remorseful -remorsefully -remorsefulness -remorseless -remorselessly -remorselessness -remorseproof -remortgage -remote -remotely -remoteness -remotion -remotive -remould -remount -removability -removable -removableness -removably -removal -remove -removed -removedly -removedness -removement -remover -removing -remultiplication -remultiply -remunerability -remunerable -remunerably -remunerate -remuneration -remunerative -remuneratively -remunerativeness -remunerator -remuneratory -remurmur -Remus -remuster -remutation -renable -renably -renail -Renaissance -renaissance -Renaissancist -Renaissant -renal -rename -Renardine -renascence -renascency -renascent -renascible -renascibleness -renature -renavigate -renavigation -rencontre -rencounter -renculus -rend -render -renderable -renderer -rendering -renderset -rendezvous -rendibility -rendible -rendition -rendlewood -rendrock -rendzina -reneague -Renealmia -renecessitate -reneg -renegade -renegadism -renegado -renegation -renege -reneger -reneglect -renegotiable -renegotiate -renegotiation -renegotiations -renegue -renerve -renes -renet -renew -renewability -renewable -renewably -renewal -renewedly -renewedness -renewer -renewment -renicardiac -renickel -renidification -renidify -reniform -Renilla -Renillidae -renin -renipericardial -reniportal -renipuncture -renish -renishly -renitence -renitency -renitent -renk -renky -renne -rennet -renneting -rennin -renniogen -renocutaneous -renogastric -renography -renointestinal -renominate -renomination -renopericardial -renopulmonary -renormalize -renotation -renotice -renotification -renotify -renounce -renounceable -renouncement -renouncer -renourish -renovate -renovater -renovatingly -renovation -renovative -renovator -renovatory -renovize -renown -renowned -renownedly -renownedness -renowner -renownful -renownless -rensselaerite -rent -rentability -rentable -rentage -rental -rentaler -rentaller -rented -rentee -renter -rentless -rentrant -rentrayeuse -Renu -renumber -renumerate -renumeration -renunciable -renunciance -renunciant -renunciate -renunciation -renunciative -renunciator -renunciatory -renunculus -renverse -renvoi -renvoy -reobject -reobjectivization -reobjectivize -reobligate -reobligation -reoblige -reobscure -reobservation -reobserve -reobtain -reobtainable -reobtainment -reoccasion -reoccupation -reoccupy -reoccur -reoccurrence -reoffend -reoffense -reoffer -reoffset -reoil -reometer -reomission -reomit -reopen -reoperate -reoperation -reoppose -reopposition -reoppress -reoppression -reorchestrate -reordain -reorder -reordinate -reordination -reorganization -reorganizationist -reorganize -reorganizer -reorient -reorientation -reornament -reoutfit -reoutline -reoutput -reoutrage -reovercharge -reoverflow -reovertake -reoverwork -reown -reoxidation -reoxidize -reoxygenate -reoxygenize -rep -repace -repacification -repacify -repack -repackage -repacker -repaganization -repaganize -repaganizer -repage -repaint -repair -repairable -repairableness -repairer -repairman -repale -repand -repandly -repandodentate -repandodenticulate -repandolobate -repandous -repandousness -repanel -repaper -reparability -reparable -reparably -reparagraph -reparate -reparation -reparative -reparatory -repark -repartable -repartake -repartee -reparticipate -reparticipation -repartition -repartitionable -repass -repassable -repassage -repasser -repast -repaste -repasture -repatch -repatency -repatent -repatriable -repatriate -repatriation -repatronize -repattern -repave -repavement -repawn -repay -repayable -repayal -repaying -repayment -repeal -repealability -repealable -repealableness -repealer -repealist -repealless -repeat -repeatability -repeatable -repeatal -repeated -repeatedly -repeater -repeg -repel -repellance -repellant -repellence -repellency -repellent -repellently -repeller -repelling -repellingly -repellingness -repen -repenetrate -repension -repent -repentable -repentance -repentant -repentantly -repenter -repentingly -repeople -reperceive -repercept -reperception -repercolation -repercuss -repercussion -repercussive -repercussively -repercussiveness -repercutient -reperform -reperformance -reperfume -reperible -repermission -repermit -reperplex -repersonalization -repersonalize -repersuade -repersuasion -repertoire -repertorial -repertorily -repertorium -repertory -reperusal -reperuse -repetend -repetition -repetitional -repetitionary -repetitious -repetitiously -repetitiousness -repetitive -repetitively -repetitiveness -repetitory -repetticoat -repew -Rephael -rephase -rephonate -rephosphorization -rephosphorize -rephotograph -rephrase -repic -repick -repicture -repiece -repile -repin -repine -repineful -repinement -repiner -repiningly -repipe -repique -repitch -repkie -replace -replaceability -replaceable -replacement -replacer -replait -replan -replane -replant -replantable -replantation -replanter -replaster -replate -replay -replead -repleader -repleat -repledge -repledger -replenish -replenisher -replenishingly -replenishment -replete -repletely -repleteness -repletion -repletive -repletively -repletory -repleviable -replevin -replevisable -replevisor -replevy -repliant -replica -replicate -replicated -replicatile -replication -replicative -replicatively -replicatory -replier -replight -replod -replot -replotment -replotter -replough -replow -replum -replume -replunder -replunge -reply -replyingly -repocket -repoint -repolish -repoll -repollute -repolon -repolymerization -repolymerize -reponder -repone -repope -repopulate -repopulation -report -reportable -reportage -reportedly -reporter -reporteress -reporterism -reportership -reportingly -reportion -reportorial -reportorially -reposal -repose -reposed -reposedly -reposedness -reposeful -reposefully -reposefulness -reposer -reposit -repositary -reposition -repositor -repository -repossess -repossession -repossessor -repost -repostpone -repot -repound -repour -repowder -repp -repped -repractice -repray -repreach -reprecipitate -reprecipitation -repredict -reprefer -reprehend -reprehendable -reprehendatory -reprehender -reprehensibility -reprehensible -reprehensibleness -reprehensibly -reprehension -reprehensive -reprehensively -reprehensory -repreparation -reprepare -represcribe -represent -representability -representable -representamen -representant -representation -representational -representationalism -representationalist -representationary -representationism -representationist -representative -representatively -representativeness -representativeship -representativity -representer -representment -represide -repress -repressed -repressedly -represser -repressible -repressibly -repression -repressionary -repressionist -repressive -repressively -repressiveness -repressment -repressor -repressory -repressure -reprice -reprieval -reprieve -repriever -reprimand -reprimander -reprimanding -reprimandingly -reprime -reprimer -reprint -reprinter -reprisal -reprisalist -reprise -repristinate -repristination -reprivatization -reprivatize -reprivilege -reproach -reproachable -reproachableness -reproachably -reproacher -reproachful -reproachfully -reproachfulness -reproachingly -reproachless -reproachlessness -reprobacy -reprobance -reprobate -reprobateness -reprobater -reprobation -reprobationary -reprobationer -reprobative -reprobatively -reprobator -reprobatory -reproceed -reprocess -reproclaim -reproclamation -reprocurable -reprocure -reproduce -reproduceable -reproducer -reproducibility -reproducible -reproduction -reproductionist -reproductive -reproductively -reproductiveness -reproductivity -reproductory -reprofane -reprofess -reprohibit -repromise -repromulgate -repromulgation -repronounce -repronunciation -reproof -reproofless -repropagate -repropitiate -repropitiation -reproportion -reproposal -repropose -reprosecute -reprosecution -reprosper -reprotect -reprotection -reprotest -reprovable -reprovableness -reprovably -reproval -reprove -reprover -reprovide -reprovingly -reprovision -reprovocation -reprovoke -reprune -reps -reptant -reptatorial -reptatory -reptile -reptiledom -reptilelike -reptilferous -Reptilia -reptilian -reptiliary -reptiliform -reptilious -reptiliousness -reptilism -reptility -reptilivorous -reptiloid -republic -republican -republicanism -republicanization -republicanize -republicanizer -republication -republish -republisher -republishment -repuddle -repudiable -repudiate -repudiation -repudiationist -repudiative -repudiator -repudiatory -repuff -repugn -repugnable -repugnance -repugnancy -repugnant -repugnantly -repugnantness -repugnate -repugnatorial -repugner -repullulate -repullulation -repullulative -repullulescent -repulpit -repulse -repulseless -repulseproof -repulser -repulsion -repulsive -repulsively -repulsiveness -repulsory -repulverize -repump -repunish -repunishment -repurchase -repurchaser -repurge -repurification -repurify -repurple -repurpose -repursue -repursuit -reputability -reputable -reputableness -reputably -reputation -reputationless -reputative -reputatively -repute -reputed -reputedly -reputeless -requalification -requalify -requarantine -requeen -requench -request -requester -requestion -requiem -Requienia -requiescence -requin -requirable -require -requirement -requirer -requisite -requisitely -requisiteness -requisition -requisitionary -requisitioner -requisitionist -requisitor -requisitorial -requisitory -requit -requitable -requital -requitative -requite -requiteful -requitement -requiter -requiz -requotation -requote -rerack -reracker -reradiation -rerail -reraise -rerake -rerank -rerate -reread -rereader -rerebrace -reredos -reree -rereel -rereeve -rerefief -reregister -reregistration -reregulate -reregulation -rereign -reremouse -rerent -rerental -reresupper -rerig -rering -rerise -rerival -rerivet -rerob -rerobe -reroll -reroof -reroot -rerope -reroute -rerow -reroyalize -rerub -rerummage -rerun -resaca -resack -resacrifice -resaddle -resail -resalable -resale -resalt -resalutation -resalute -resalvage -resample -resanctify -resanction -resatisfaction -resatisfy -resaw -resawer -resawyer -resay -resazurin -rescan -reschedule -rescind -rescindable -rescinder -rescindment -rescissible -rescission -rescissory -rescore -rescramble -rescratch -rescribe -rescript -rescription -rescriptive -rescriptively -rescrub -rescuable -rescue -rescueless -rescuer -reseal -reseam -research -researcher -researchful -researchist -reseat -resecrete -resecretion -resect -resection -resectional -Reseda -reseda -Resedaceae -resedaceous -resee -reseed -reseek -resegment -resegmentation -reseise -reseiser -reseize -reseizer -reseizure -reselect -reselection -reself -resell -reseller -resemblable -resemblance -resemblant -resemble -resembler -resemblingly -reseminate -resend -resene -resensation -resensitization -resensitize -resent -resentationally -resentence -resenter -resentful -resentfullness -resentfully -resentience -resentingly -resentless -resentment -resepulcher -resequent -resequester -resequestration -reserene -reservable -reserval -reservation -reservationist -reservatory -reserve -reserved -reservedly -reservedness -reservee -reserveful -reserveless -reserver -reservery -reservice -reservist -reservoir -reservor -reset -resettable -resetter -resettle -resettlement -resever -resew -resex -resh -reshake -reshape -reshare -resharpen -reshave -reshear -reshearer -resheathe -reshelve -reshift -reshine -reshingle -reship -reshipment -reshipper -reshoe -reshoot -reshoulder -reshovel -reshower -reshrine -reshuffle -reshun -reshunt -reshut -reshuttle -resiccate -reside -residence -residencer -residency -resident -residental -residenter -residential -residentiality -residentially -residentiary -residentiaryship -residentship -resider -residua -residual -residuary -residuation -residue -residuent -residuous -residuum -resift -resigh -resign -resignal -resignatary -resignation -resignationism -resigned -resignedly -resignedness -resignee -resigner -resignful -resignment -resile -resilement -resilial -resiliate -resilience -resiliency -resilient -resilifer -resiliometer -resilition -resilium -resilver -resin -resina -resinaceous -resinate -resinbush -resiner -resinfiable -resing -resinic -resiniferous -resinification -resinifluous -resiniform -resinify -resinize -resink -resinlike -resinoelectric -resinoextractive -resinogenous -resinoid -resinol -resinolic -resinophore -resinosis -resinous -resinously -resinousness -resinovitreous -resiny -resipiscence -resipiscent -resist -resistability -resistable -resistableness -resistance -resistant -resistantly -resister -resistful -resistibility -resistible -resistibleness -resistibly -resisting -resistingly -resistive -resistively -resistiveness -resistivity -resistless -resistlessly -resistlessness -resistor -resitting -resize -resizer -resketch -reskin -reslash -reslate -reslay -reslide -reslot -resmell -resmelt -resmile -resmooth -resnap -resnatch -resnatron -resnub -resoak -resoap -resoften -resoil -resojourn -resolder -resole -resolemnize -resolicit -resolidification -resolidify -resolubility -resoluble -resolubleness -resolute -resolutely -resoluteness -resolution -resolutioner -resolutionist -resolutory -resolvability -resolvable -resolvableness -resolvancy -resolve -resolved -resolvedly -resolvedness -resolvent -resolver -resolvible -resonance -resonancy -resonant -resonantly -resonate -resonator -resonatory -resoothe -resorb -resorbence -resorbent -resorcin -resorcine -resorcinism -resorcinol -resorcinolphthalein -resorcinum -resorcylic -resorption -resorptive -resort -resorter -resorufin -resought -resound -resounder -resounding -resoundingly -resource -resourceful -resourcefully -resourcefulness -resourceless -resourcelessness -resoutive -resow -resp -respace -respade -respan -respangle -resparkle -respeak -respect -respectability -respectabilize -respectable -respectableness -respectably -respectant -respecter -respectful -respectfully -respectfulness -respecting -respective -respectively -respectiveness -respectless -respectlessly -respectlessness -respectworthy -respell -respersive -respin -respirability -respirable -respirableness -respiration -respirational -respirative -respirator -respiratored -respiratorium -respiratory -respire -respirit -respirometer -respite -respiteless -resplend -resplendence -resplendency -resplendent -resplendently -resplice -resplit -respoke -respond -responde -respondence -respondency -respondent -respondentia -responder -responsal -responsary -response -responseless -responser -responsibility -responsible -responsibleness -responsibly -responsion -responsive -responsively -responsiveness -responsivity -responsorial -responsory -respot -respray -respread -respring -resprout -respue -resquare -resqueak -ressaidar -ressala -ressaldar -ressaut -rest -restable -restack -restaff -restain -restainable -restake -restamp -restandardization -restandardize -restant -restart -restate -restatement -restaur -restaurant -restaurate -restaurateur -restauration -restbalk -resteal -resteel -resteep -restem -restep -rester -resterilize -restes -restful -restfully -restfulness -restharrow -resthouse -Restiaceae -restiaceous -restiad -restibrachium -restiff -restiffen -restiffener -restiffness -restifle -restiform -restigmatize -restimulate -restimulation -resting -restingly -Restio -Restionaceae -restionaceous -restipulate -restipulation -restipulatory -restir -restis -restitch -restitute -restitution -restitutionism -restitutionist -restitutive -restitutor -restitutory -restive -restively -restiveness -restless -restlessly -restlessness -restock -restopper -restorable -restorableness -restoral -restoration -restorationer -restorationism -restorationist -restorative -restoratively -restorativeness -restorator -restoratory -restore -restorer -restow -restowal -restproof -restraighten -restrain -restrainability -restrained -restrainedly -restrainedness -restrainer -restraining -restrainingly -restraint -restraintful -restrap -restratification -restream -restrengthen -restress -restretch -restrict -restricted -restrictedly -restrictedness -restriction -restrictionary -restrictionist -restrictive -restrictively -restrictiveness -restrike -restring -restringe -restringency -restringent -restrip -restrive -restroke -restudy -restuff -restward -restwards -resty -restyle -resubject -resubjection -resubjugate -resublimation -resublime -resubmerge -resubmission -resubmit -resubordinate -resubscribe -resubscriber -resubscription -resubstitute -resubstitution -resucceed -resuck -resudation -resue -resuffer -resufferance -resuggest -resuggestion -resuing -resuit -result -resultance -resultancy -resultant -resultantly -resultative -resultful -resultfully -resulting -resultingly -resultive -resultless -resultlessly -resultlessness -resumability -resumable -resume -resumer -resummon -resummons -resumption -resumptive -resumptively -resun -resup -resuperheat -resupervise -resupinate -resupinated -resupination -resupine -resupply -resupport -resuppose -resupposition -resuppress -resuppression -resurface -resurge -resurgence -resurgency -resurgent -resurprise -resurrect -resurrectible -resurrection -resurrectional -resurrectionary -resurrectioner -resurrectioning -resurrectionism -resurrectionist -resurrectionize -resurrective -resurrector -resurrender -resurround -resurvey -resuscitable -resuscitant -resuscitate -resuscitation -resuscitative -resuscitator -resuspect -resuspend -resuspension -reswage -reswallow -resward -reswarm -reswear -resweat -resweep -reswell -reswill -reswim -resyllabification -resymbolization -resymbolize -resynthesis -resynthesize -ret -retable -retack -retackle -retag -retail -retailer -retailment -retailor -retain -retainability -retainable -retainableness -retainal -retainder -retainer -retainership -retaining -retake -retaker -retaliate -retaliation -retaliationist -retaliative -retaliator -retaliatory -retalk -retama -retame -retan -retanner -retape -retard -retardance -retardant -retardate -retardation -retardative -retardatory -retarded -retardence -retardent -retarder -retarding -retardingly -retardive -retardment -retardure -retare -retariff -retaste -retation -retattle -retax -retaxation -retch -reteach -retecious -retelegraph -retelephone -retell -retelling -retem -retemper -retempt -retemptation -retenant -retender -retene -retent -retention -retentionist -retentive -retentively -retentiveness -retentivity -retentor -Retepora -retepore -Reteporidae -retest -retexture -rethank -rethatch -rethaw -rethe -retheness -rethicken -rethink -rethrash -rethread -rethreaten -rethresh -rethresher -rethrill -rethrive -rethrone -rethrow -rethrust -rethunder -retia -retial -Retiariae -retiarian -retiarius -retiary -reticella -reticello -reticence -reticency -reticent -reticently -reticket -reticle -reticula -reticular -Reticularia -reticularian -reticularly -reticulary -reticulate -reticulated -reticulately -reticulation -reticulatocoalescent -reticulatogranulate -reticulatoramose -reticulatovenose -reticule -reticuled -reticulin -reticulitis -reticulocyte -reticulocytosis -reticuloramose -Reticulosa -reticulose -reticulovenose -reticulum -retie -retier -retiform -retighten -retile -retill -retimber -retime -retin -retina -retinacular -retinaculate -retinaculum -retinal -retinalite -retinasphalt -retinasphaltum -retincture -retinene -retinerved -retinian -retinispora -retinite -retinitis -retinize -retinker -retinoblastoma -retinochorioid -retinochorioidal -retinochorioiditis -retinoid -retinol -retinopapilitis -retinophoral -retinophore -retinoscope -retinoscopic -retinoscopically -retinoscopist -retinoscopy -Retinospora -retinue -retinula -retinular -retinule -retip -retiracied -retiracy -retirade -retiral -retire -retired -retiredly -retiredness -retirement -retirer -retiring -retiringly -retiringness -retistene -retoast -retold -retolerate -retoleration -retomb -retonation -retook -retool -retooth -retoother -retort -retortable -retorted -retorter -retortion -retortive -retorture -retoss -retotal -retouch -retoucher -retouching -retouchment -retour -retourable -retrace -retraceable -retracement -retrack -retract -retractability -retractable -retractation -retracted -retractibility -retractible -retractile -retractility -retraction -retractive -retractively -retractiveness -retractor -retrad -retrade -retradition -retrahent -retrain -retral -retrally -retramp -retrample -retranquilize -retranscribe -retranscription -retransfer -retransference -retransfigure -retransform -retransformation -retransfuse -retransit -retranslate -retranslation -retransmission -retransmissive -retransmit -retransmute -retransplant -retransport -retransportation -retravel -retraverse -retraxit -retread -retreat -retreatal -retreatant -retreater -retreatful -retreating -retreatingness -retreative -retreatment -retree -retrench -retrenchable -retrencher -retrenchment -retrial -retribute -retribution -retributive -retributively -retributor -retributory -retricked -retrievability -retrievable -retrievableness -retrievably -retrieval -retrieve -retrieveless -retrievement -retriever -retrieverish -retrim -retrimmer -retrip -retroact -retroaction -retroactive -retroactively -retroactivity -retroalveolar -retroauricular -retrobronchial -retrobuccal -retrobulbar -retrocaecal -retrocardiac -retrocecal -retrocede -retrocedence -retrocedent -retrocervical -retrocession -retrocessional -retrocessionist -retrocessive -retrochoir -retroclavicular -retroclusion -retrocognition -retrocognitive -retrocolic -retroconsciousness -retrocopulant -retrocopulation -retrocostal -retrocouple -retrocoupler -retrocurved -retrodate -retrodeviation -retrodisplacement -retroduction -retrodural -retroesophageal -retroflected -retroflection -retroflex -retroflexed -retroflexion -retroflux -retroform -retrofract -retrofracted -retrofrontal -retrogastric -retrogenerative -retrogradation -retrogradatory -retrograde -retrogradely -retrogradient -retrogradingly -retrogradism -retrogradist -retrogress -retrogression -retrogressionist -retrogressive -retrogressively -retrohepatic -retroinfection -retroinsular -retroiridian -retroject -retrojection -retrojugular -retrolabyrinthine -retrolaryngeal -retrolingual -retrolocation -retromammary -retromammillary -retromandibular -retromastoid -retromaxillary -retromigration -retromingent -retromingently -retromorphosed -retromorphosis -retronasal -retroperitoneal -retroperitoneally -retropharyngeal -retropharyngitis -retroplacental -retroplexed -retroposed -retroposition -retropresbyteral -retropubic -retropulmonary -retropulsion -retropulsive -retroreception -retrorectal -retroreflective -retrorenal -retrorse -retrorsely -retroserrate -retroserrulate -retrospect -retrospection -retrospective -retrospectively -retrospectiveness -retrospectivity -retrosplenic -retrostalsis -retrostaltic -retrosternal -retrosusception -retrot -retrotarsal -retrotemporal -retrothyroid -retrotracheal -retrotransfer -retrotransference -retrotympanic -retrousse -retrovaccinate -retrovaccination -retrovaccine -retroverse -retroversion -retrovert -retrovision -retroxiphoid -retrude -retrue -retrusible -retrusion -retrust -retry -retted -retter -rettery -retting -rettory -retube -retuck -retumble -retumescence -retune -returban -returf -returfer -return -returnability -returnable -returned -returner -returnless -returnlessly -retuse -retwine -retwist -retying -retype -retzian -Reub -Reuben -Reubenites -Reuchlinian -Reuchlinism -Reuel -reundercut -reundergo -reundertake -reundulate -reundulation -reune -reunfold -reunification -reunify -reunion -reunionism -reunionist -reunionistic -reunitable -reunite -reunitedly -reuniter -reunition -reunitive -reunpack -reuphold -reupholster -reuplift -reurge -reuse -reutilization -reutilize -reutter -reutterance -rev -revacate -revaccinate -revaccination -revalenta -revalescence -revalescent -revalidate -revalidation -revalorization -revalorize -revaluate -revaluation -revalue -revamp -revamper -revampment -revaporization -revaporize -revarnish -revary -reve -reveal -revealability -revealable -revealableness -revealed -revealedly -revealer -revealing -revealingly -revealingness -revealment -revegetate -revegetation -revehent -reveil -reveille -revel -revelability -revelant -revelation -revelational -revelationer -revelationist -revelationize -revelative -revelator -revelatory -reveler -revellent -revelly -revelment -revelrout -revelry -revenant -revend -revender -revendicate -revendication -reveneer -revenge -revengeable -revengeful -revengefully -revengefulness -revengeless -revengement -revenger -revengingly -revent -reventilate -reventure -revenual -revenue -revenued -revenuer -rever -reverable -reverb -reverbatory -reverberant -reverberate -reverberation -reverberative -reverberator -reverberatory -reverbrate -reverdure -revere -revered -reverence -reverencer -reverend -reverendly -reverendship -reverent -reverential -reverentiality -reverentially -reverentialness -reverently -reverentness -reverer -reverie -reverification -reverify -reverist -revers -reversability -reversable -reversal -reverse -reversed -reversedly -reverseful -reverseless -reversely -reversement -reverser -reverseways -reversewise -reversi -reversibility -reversible -reversibleness -reversibly -reversification -reversifier -reversify -reversing -reversingly -reversion -reversionable -reversional -reversionally -reversionary -reversioner -reversionist -reversis -reversist -reversive -reverso -revert -revertal -reverter -revertibility -revertible -revertive -revertively -revery -revest -revestiary -revestry -revet -revete -revetement -revetment -revibrate -revibration -revibrational -revictorious -revictory -revictual -revictualment -revie -review -reviewability -reviewable -reviewage -reviewal -reviewer -revieweress -reviewish -reviewless -revigorate -revigoration -revile -revilement -reviler -reviling -revilingly -revindicate -revindication -reviolate -reviolation -revirescence -revirescent -Revisable -revisable -revisableness -revisal -revise -Revised -revisee -reviser -revisership -revisible -revision -revisional -revisionary -revisionism -revisionist -revisit -revisitant -revisitation -revisor -revisory -revisualization -revisualize -revitalization -revitalize -revitalizer -revivability -revivable -revivably -revival -revivalism -revivalist -revivalistic -revivalize -revivatory -revive -revivement -reviver -revivification -revivifier -revivify -reviving -revivingly -reviviscence -reviviscency -reviviscent -reviviscible -revivor -revocability -revocable -revocableness -revocably -revocation -revocative -revocatory -revoice -revokable -revoke -revokement -revoker -revokingly -revolant -revolatilize -revolt -revolter -revolting -revoltingly -revoltress -revolubility -revoluble -revolubly -revolunteer -revolute -revoluted -revolution -revolutional -revolutionally -revolutionarily -revolutionariness -revolutionary -revolutioneering -revolutioner -revolutionism -revolutionist -revolutionize -revolutionizement -revolutionizer -revolvable -revolvably -revolve -revolvement -revolvency -revolver -revolving -revolvingly -revomit -revote -revue -revuette -revuist -revulsed -revulsion -revulsionary -revulsive -revulsively -rewade -rewager -rewake -rewaken -rewall -rewallow -reward -rewardable -rewardableness -rewardably -rewardedly -rewarder -rewardful -rewardfulness -rewarding -rewardingly -rewardless -rewardproof -rewarehouse -rewarm -rewarn -rewash -rewater -rewave -rewax -rewaybill -rewayle -reweaken -rewear -reweave -rewed -reweigh -reweigher -reweight -rewelcome -reweld -rewend -rewet -rewhelp -rewhirl -rewhisper -rewhiten -rewiden -rewin -rewind -rewinder -rewirable -rewire -rewish -rewithdraw -rewithdrawal -rewood -reword -rework -reworked -rewound -rewove -rewoven -rewrap -rewrite -rewriter -Rex -rex -rexen -reyield -Reynard -Reynold -reyoke -reyouth -rezbanyite -rhabdite -rhabditiform -Rhabditis -rhabdium -Rhabdocarpum -Rhabdocoela -rhabdocoelan -rhabdocoele -Rhabdocoelida -rhabdocoelidan -rhabdocoelous -rhabdoid -rhabdoidal -rhabdolith -rhabdom -rhabdomal -rhabdomancer -rhabdomancy -rhabdomantic -rhabdomantist -Rhabdomonas -rhabdomyoma -rhabdomyosarcoma -rhabdomysarcoma -rhabdophane -rhabdophanite -Rhabdophora -rhabdophoran -Rhabdopleura -rhabdopod -rhabdos -rhabdosome -rhabdosophy -rhabdosphere -rhabdus -Rhacianectes -Rhacomitrium -Rhacophorus -Rhadamanthine -Rhadamanthus -Rhadamanthys -Rhaetian -Rhaetic -rhagades -rhagadiform -rhagiocrin -rhagionid -Rhagionidae -rhagite -Rhagodia -rhagon -rhagonate -rhagose -rhamn -Rhamnaceae -rhamnaceous -rhamnal -Rhamnales -rhamnetin -rhamninase -rhamninose -rhamnite -rhamnitol -rhamnohexite -rhamnohexitol -rhamnohexose -rhamnonic -rhamnose -rhamnoside -Rhamnus -rhamphoid -Rhamphorhynchus -Rhamphosuchus -rhamphotheca -Rhapidophyllum -Rhapis -rhapontic -rhaponticin -rhapontin -rhapsode -rhapsodic -rhapsodical -rhapsodically -rhapsodie -rhapsodism -rhapsodist -rhapsodistic -rhapsodize -rhapsodomancy -rhapsody -Rhaptopetalaceae -rhason -rhasophore -rhatania -rhatany -rhe -Rhea -rhea -rheadine -Rheae -rhebok -rhebosis -rheeboc -rheebok -rheen -rhegmatype -rhegmatypy -Rhegnopteri -rheic -Rheidae -Rheiformes -rhein -rheinic -rhema -rhematic -rhematology -rheme -Rhemish -Rhemist -Rhenish -rhenium -rheobase -rheocrat -rheologist -rheology -rheometer -rheometric -rheometry -rheophile -rheophore -rheophoric -rheoplankton -rheoscope -rheoscopic -rheostat -rheostatic -rheostatics -rheotactic -rheotan -rheotaxis -rheotome -rheotrope -rheotropic -rheotropism -rhesian -rhesus -rhetor -rhetoric -rhetorical -rhetorically -rhetoricalness -rhetoricals -rhetorician -rhetorize -Rheum -rheum -rheumarthritis -rheumatalgia -rheumatic -rheumatical -rheumatically -rheumaticky -rheumatism -rheumatismal -rheumatismoid -rheumative -rheumatiz -rheumatize -rheumatoid -rheumatoidal -rheumatoidally -rheumed -rheumic -rheumily -rheuminess -rheumy -Rhexia -rhexis -rhigolene -rhigosis -rhigotic -Rhina -rhinal -rhinalgia -Rhinanthaceae -Rhinanthus -rhinarium -rhincospasm -rhine -Rhineland -Rhinelander -rhinencephalic -rhinencephalon -rhinencephalous -rhinenchysis -Rhineodon -Rhineodontidae -rhinestone -Rhineura -rhineurynter -Rhinidae -rhinion -rhinitis -rhino -Rhinobatidae -Rhinobatus -rhinobyon -rhinocaul -rhinocele -rhinocelian -rhinocerial -rhinocerian -rhinocerine -rhinoceroid -rhinoceros -rhinoceroslike -rhinocerotic -Rhinocerotidae -rhinocerotiform -rhinocerotine -rhinocerotoid -rhinochiloplasty -Rhinoderma -rhinodynia -rhinogenous -rhinolalia -rhinolaryngology -rhinolaryngoscope -rhinolite -rhinolith -rhinolithic -rhinological -rhinologist -rhinology -rhinolophid -Rhinolophidae -rhinolophine -rhinopharyngeal -rhinopharyngitis -rhinopharynx -Rhinophidae -Rhinophis -rhinophonia -rhinophore -rhinophyma -rhinoplastic -rhinoplasty -rhinopolypus -Rhinoptera -Rhinopteridae -rhinorrhagia -rhinorrhea -rhinorrheal -rhinoscleroma -rhinoscope -rhinoscopic -rhinoscopy -rhinosporidiosis -Rhinosporidium -rhinotheca -rhinothecal -Rhinthonic -Rhinthonica -rhipidate -rhipidion -Rhipidistia -rhipidistian -rhipidium -Rhipidoglossa -rhipidoglossal -rhipidoglossate -Rhipidoptera -rhipidopterous -rhipiphorid -Rhipiphoridae -Rhipiptera -rhipipteran -rhipipterous -Rhipsalis -Rhiptoglossa -rhizanthous -rhizautoicous -Rhizina -Rhizinaceae -rhizine -rhizinous -Rhizobium -rhizocarp -Rhizocarpeae -rhizocarpean -rhizocarpian -rhizocarpic -rhizocarpous -rhizocaul -rhizocaulus -Rhizocephala -rhizocephalan -rhizocephalous -rhizocorm -Rhizoctonia -rhizoctoniose -rhizodermis -Rhizodus -Rhizoflagellata -rhizoflagellate -rhizogen -rhizogenetic -rhizogenic -rhizogenous -rhizoid -rhizoidal -rhizoma -rhizomatic -rhizomatous -rhizome -rhizomelic -rhizomic -rhizomorph -rhizomorphic -rhizomorphoid -rhizomorphous -rhizoneure -rhizophagous -rhizophilous -Rhizophora -Rhizophoraceae -rhizophoraceous -rhizophore -rhizophorous -rhizophyte -rhizoplast -rhizopod -Rhizopoda -rhizopodal -rhizopodan -rhizopodist -rhizopodous -Rhizopogon -Rhizopus -rhizosphere -Rhizostomae -Rhizostomata -rhizostomatous -rhizostome -rhizostomous -Rhizota -rhizotaxis -rhizotaxy -rhizote -rhizotic -rhizotomi -rhizotomy -rho -Rhoda -rhodaline -Rhodamine -rhodamine -rhodanate -Rhodanian -rhodanic -rhodanine -rhodanthe -rhodeose -Rhodes -Rhodesian -Rhodesoid -rhodeswood -Rhodian -rhodic -rhoding -rhodinol -rhodite -rhodium -rhodizite -rhodizonic -Rhodobacteriaceae -Rhodobacterioideae -rhodochrosite -Rhodococcus -Rhodocystis -rhodocyte -rhododendron -rhodolite -Rhodomelaceae -rhodomelaceous -rhodonite -Rhodope -rhodophane -Rhodophyceae -rhodophyceous -rhodophyll -Rhodophyllidaceae -Rhodophyta -rhodoplast -rhodopsin -Rhodora -Rhodoraceae -rhodorhiza -rhodosperm -Rhodospermeae -rhodospermin -rhodospermous -Rhodospirillum -Rhodothece -Rhodotypos -Rhodymenia -Rhodymeniaceae -rhodymeniaceous -Rhodymeniales -Rhoeadales -Rhoecus -Rhoeo -rhomb -rhombencephalon -rhombenporphyr -rhombic -rhombical -rhombiform -rhomboclase -rhomboganoid -Rhomboganoidei -rhombogene -rhombogenic -rhombogenous -rhombohedra -rhombohedral -rhombohedrally -rhombohedric -rhombohedron -rhomboid -rhomboidal -rhomboidally -rhomboideus -rhomboidly -rhomboquadratic -rhomborectangular -rhombos -rhombovate -Rhombozoa -rhombus -rhonchal -rhonchial -rhonchus -Rhonda -rhopalic -rhopalism -rhopalium -Rhopalocera -rhopaloceral -rhopalocerous -Rhopalura -rhotacism -rhotacismus -rhotacistic -rhotacize -rhubarb -rhubarby -rhumb -rhumba -rhumbatron -Rhus -rhyacolite -rhyme -rhymeless -rhymelet -rhymemaker -rhymemaking -rhymeproof -rhymer -rhymery -rhymester -rhymewise -rhymic -rhymist -rhymy -Rhynchobdellae -Rhynchobdellida -Rhynchocephala -Rhynchocephali -Rhynchocephalia -rhynchocephalian -rhynchocephalic -rhynchocephalous -Rhynchocoela -rhynchocoelan -rhynchocoelic -rhynchocoelous -rhyncholite -Rhynchonella -Rhynchonellacea -Rhynchonellidae -rhynchonelloid -Rhynchophora -rhynchophoran -rhynchophore -rhynchophorous -Rhynchopinae -Rhynchops -Rhynchosia -Rhynchospora -Rhynchota -rhynchotal -rhynchote -rhynchotous -rhynconellid -Rhyncostomi -Rhynia -Rhyniaceae -Rhynocheti -Rhynsburger -rhyobasalt -rhyodacite -rhyolite -rhyolitic -rhyotaxitic -rhyparographer -rhyparographic -rhyparographist -rhyparography -rhypography -rhyptic -rhyptical -rhysimeter -Rhyssa -rhythm -rhythmal -rhythmic -rhythmical -rhythmicality -rhythmically -rhythmicity -rhythmicize -rhythmics -rhythmist -rhythmizable -rhythmization -rhythmize -rhythmless -rhythmometer -rhythmopoeia -rhythmproof -Rhytidodon -rhytidome -rhytidosis -Rhytina -Rhytisma -rhyton -ria -rial -riancy -riant -riantly -riata -rib -ribald -ribaldish -ribaldly -ribaldrous -ribaldry -riband -Ribandism -Ribandist -ribandlike -ribandmaker -ribandry -ribat -ribaudequin -ribaudred -ribband -ribbandry -ribbed -ribber -ribbet -ribbidge -ribbing -ribble -ribbon -ribbonback -ribboner -ribbonfish -Ribbonism -ribbonlike -ribbonmaker -Ribbonman -ribbonry -ribbonweed -ribbonwood -ribbony -ribby -ribe -Ribes -Ribhus -ribless -riblet -riblike -riboflavin -ribonic -ribonuclease -ribonucleic -ribose -ribroast -ribroaster -ribroasting -ribskin -ribspare -Ribston -ribwork -ribwort -Ric -Ricardian -Ricardianism -Ricardo -Riccia -Ricciaceae -ricciaceous -Ricciales -rice -ricebird -riceland -ricer -ricey -Rich -rich -Richard -Richardia -Richardsonia -richdom -Richebourg -richellite -richen -riches -richesse -richling -richly -Richmond -Richmondena -richness -richt -richterite -richweed -ricin -ricine -ricinelaidic -ricinelaidinic -ricinic -ricinine -ricininic -ricinium -ricinoleate -ricinoleic -ricinolein -ricinolic -Ricinulei -Ricinus -ricinus -Rick -rick -rickardite -ricker -ricketily -ricketiness -ricketish -rickets -Rickettsia -rickettsial -Rickettsiales -rickettsialpox -rickety -rickey -rickle -rickmatic -rickrack -ricksha -rickshaw -rickstaddle -rickstand -rickstick -Ricky -rickyard -ricochet -ricolettaite -ricrac -rictal -rictus -rid -ridable -ridableness -ridably -riddam -riddance -riddel -ridden -ridder -ridding -riddle -riddlemeree -riddler -riddling -riddlingly -riddlings -ride -rideable -rideau -riden -rident -rider -ridered -rideress -riderless -ridge -ridgeband -ridgeboard -ridgebone -ridged -ridgel -ridgelet -ridgelike -ridgeling -ridgepiece -ridgeplate -ridgepole -ridgepoled -ridger -ridgerope -ridgetree -ridgeway -ridgewise -ridgil -ridging -ridgingly -ridgling -ridgy -ridibund -ridicule -ridiculer -ridiculize -ridiculosity -ridiculous -ridiculously -ridiculousness -riding -ridingman -ridotto -rie -riebeckite -riem -Riemannean -Riemannian -riempie -rier -Riesling -rife -rifely -rifeness -Riff -riff -Riffi -Riffian -riffle -riffler -riffraff -Rifi -Rifian -rifle -riflebird -rifledom -rifleman -riflemanship -rifleproof -rifler -riflery -rifleshot -rifling -rift -rifter -riftless -rifty -rig -rigadoon -rigamajig -rigamarole -rigation -rigbane -Rigel -Rigelian -rigescence -rigescent -riggald -rigger -rigging -riggish -riggite -riggot -right -rightabout -righten -righteous -righteously -righteousness -righter -rightful -rightfully -rightfulness -rightheaded -righthearted -rightist -rightle -rightless -rightlessness -rightly -rightmost -rightness -righto -rightship -rightward -rightwardly -rightwards -righty -rigid -rigidify -rigidist -rigidity -rigidly -rigidness -rigidulous -rigling -rigmaree -rigmarole -rigmarolery -rigmarolic -rigmarolish -rigmarolishly -rignum -rigol -rigolette -rigor -rigorism -rigorist -rigoristic -rigorous -rigorously -rigorousness -rigsby -rigsdaler -Rigsmaal -Rigsmal -rigwiddie -rigwiddy -Rik -Rikari -rikisha -rikk -riksha -rikshaw -Riksmaal -Riksmal -rilawa -rile -riley -rill -rillet -rillett -rillette -rillock -rillstone -rilly -rim -rima -rimal -rimate -rimbase -rime -rimeless -rimer -rimester -rimfire -rimiform -rimland -rimless -rimmaker -rimmaking -rimmed -rimmer -rimose -rimosely -rimosity -rimous -rimpi -rimple -rimption -rimrock -rimu -rimula -rimulose -rimy -Rinaldo -rinceau -rinch -rincon -Rind -rind -Rinde -rinded -rinderpest -rindle -rindless -rindy -rine -ring -ringable -Ringatu -ringbark -ringbarker -ringbill -ringbird -ringbolt -ringbone -ringboned -ringcraft -ringdove -ringe -ringed -ringent -ringer -ringeye -ringgiver -ringgiving -ringgoer -ringhals -ringhead -ringiness -ringing -ringingly -ringingness -ringite -ringle -ringlead -ringleader -ringleaderless -ringleadership -ringless -ringlet -ringleted -ringlety -ringlike -ringmaker -ringmaking -ringman -ringmaster -ringneck -ringsail -ringside -ringsider -ringster -ringtail -ringtaw -ringtime -ringtoss -ringwalk -ringwall -ringwise -ringworm -ringy -rink -rinka -rinker -rinkite -rinncefada -rinneite -rinner -rinsable -rinse -rinser -rinsing -rinthereout -rintherout -Rio -rio -riot -rioter -rioting -riotingly -riotist -riotistic -riotocracy -riotous -riotously -riotousness -riotproof -riotry -rip -ripa -ripal -riparial -riparian -Riparii -riparious -ripcord -ripe -ripelike -ripely -ripen -ripener -ripeness -ripening -ripeningly -riper -ripgut -ripicolous -ripidolite -ripienist -ripieno -ripier -ripost -riposte -rippable -ripper -ripperman -rippet -rippier -ripping -rippingly -rippingness -rippit -ripple -rippleless -rippler -ripplet -rippling -ripplingly -ripply -rippon -riprap -riprapping -ripsack -ripsaw -ripsnorter -ripsnorting -Ripuarian -ripup -riroriro -risala -risberm -rise -risen -riser -rishi -rishtadar -risibility -risible -risibleness -risibles -risibly -rising -risk -risker -riskful -riskfulness -riskily -riskiness -riskish -riskless -riskproof -risky -risorial -risorius -risp -risper -risque -risquee -Riss -rissel -risser -Rissian -rissle -Rissoa -rissoid -Rissoidae -rist -ristori -rit -Rita -rita -Ritalynne -ritardando -Ritchey -rite -riteless -ritelessness -ritling -ritornel -ritornelle -ritornello -Ritschlian -Ritschlianism -rittingerite -ritual -ritualism -ritualist -ritualistic -ritualistically -rituality -ritualize -ritualless -ritually -ritzy -riva -rivage -rival -rivalable -rivaless -rivalism -rivality -rivalize -rivalless -rivalrous -rivalry -rivalship -rive -rivel -rivell -riven -river -riverain -riverbank -riverbush -riverdamp -rivered -riverhead -riverhood -riverine -riverish -riverless -riverlet -riverlike -riverling -riverly -riverman -riverscape -riverside -riversider -riverward -riverwards -riverwash -riverway -riverweed -riverwise -rivery -rivet -riveter -rivethead -riveting -rivetless -rivetlike -Rivina -riving -rivingly -Rivinian -rivose -Rivularia -Rivulariaceae -rivulariaceous -rivulation -rivulet -rivulose -rix -rixatrix -rixy -riyal -riziform -rizzar -rizzle -rizzom -rizzomed -rizzonite -Ro -roach -roachback -road -roadability -roadable -roadbed -roadblock -roadbook -roadcraft -roaded -roader -roadfellow -roadhead -roadhouse -roading -roadite -roadless -roadlessness -roadlike -roadman -roadmaster -roadside -roadsider -roadsman -roadstead -roadster -roadstone -roadtrack -roadway -roadweed -roadwise -roadworthiness -roadworthy -roam -roamage -roamer -roaming -roamingly -roan -roanoke -roar -roarer -roaring -roaringly -roast -roastable -roaster -roasting -roastingly -Rob -rob -robalito -robalo -roband -robber -robberproof -robbery -Robbin -robbin -robbing -robe -robeless -Robenhausian -rober -roberd -Roberdsman -Robert -Roberta -Roberto -Robigalia -Robigus -Robin -robin -robinet -robing -Robinia -robinin -robinoside -roble -robomb -roborant -roborate -roboration -roborative -roborean -roboreous -robot -robotesque -robotian -robotism -robotistic -robotization -robotize -robotlike -robotry -robur -roburite -robust -robustful -robustfully -robustfulness -robustic -robusticity -robustious -robustiously -robustiousness -robustity -robustly -robustness -roc -rocambole -Roccella -Roccellaceae -roccellic -roccellin -roccelline -Rochea -rochelime -Rochelle -rocher -rochet -rocheted -rock -rockable -rockably -rockaby -rockabye -rockallite -Rockaway -rockaway -rockbell -rockberry -rockbird -rockborn -rockbrush -rockcist -rockcraft -rockelay -rocker -rockery -rocket -rocketeer -rocketer -rocketlike -rocketor -rocketry -rockety -rockfall -rockfish -rockfoil -rockhair -rockhearted -Rockies -rockiness -rocking -rockingly -rockish -rocklay -rockless -rocklet -rocklike -rockling -rockman -rockrose -rockshaft -rockslide -rockstaff -rocktree -rockward -rockwards -rockweed -rockwood -rockwork -rocky -rococo -Rocouyenne -rocta -Rod -rod -rodd -roddikin -roddin -rodding -rode -Rodent -rodent -Rodentia -rodential -rodentially -rodentian -rodenticidal -rodenticide -rodentproof -rodeo -Roderic -Roderick -rodge -Rodger -rodham -Rodinal -Rodinesque -roding -rodingite -rodknight -rodless -rodlet -rodlike -rodmaker -rodman -Rodney -rodney -Rodolph -Rodolphus -rodomont -rodomontade -rodomontadist -rodomontador -rodsman -rodster -rodwood -roe -roeblingite -roebuck -roed -roelike -roentgen -roentgenism -roentgenization -roentgenize -roentgenogram -roentgenograph -roentgenographic -roentgenographically -roentgenography -roentgenologic -roentgenological -roentgenologically -roentgenologist -roentgenology -roentgenometer -roentgenometry -roentgenoscope -roentgenoscopic -roentgenoscopy -roentgenotherapy -roentgentherapy -roer -roestone -roey -rog -rogan -rogation -Rogationtide -rogative -rogatory -Roger -roger -Rogero -rogersite -roggle -Rogue -rogue -roguedom -rogueling -roguery -rogueship -roguing -roguish -roguishly -roguishness -rohan -Rohilla -rohob -rohun -rohuna -roi -roid -roil -roily -Roist -roister -roisterer -roistering -roisteringly -roisterly -roisterous -roisterously -roit -Rok -roka -roke -rokeage -rokee -rokelay -roker -rokey -roky -Roland -Rolandic -role -roleo -Rolf -Rolfe -roll -rollable -rollback -rolled -rollejee -roller -rollerer -rollermaker -rollermaking -rollerman -rollerskater -rollerskating -rolley -rolleyway -rolleywayman -rolliche -rollichie -rollick -rollicker -rollicking -rollickingly -rollickingness -rollicksome -rollicksomeness -rollicky -rolling -rollingly -Rollinia -rollix -rollmop -Rollo -rollock -rollway -roloway -Romaean -Romagnese -Romagnol -Romagnole -Romaic -romaika -Romain -romaine -Romaji -romal -Roman -Romance -romance -romancealist -romancean -romanceful -romanceish -romanceishness -romanceless -romancelet -romancelike -romancemonger -romanceproof -romancer -romanceress -romancical -romancing -romancist -romancy -Romandom -Romane -Romanes -Romanese -Romanesque -Romanhood -Romanian -Romanic -Romaniform -Romanish -Romanism -Romanist -Romanistic -Romanite -Romanity -romanium -Romanization -Romanize -Romanizer -Romanly -Romansch -Romansh -romantic -romantical -romanticalism -romanticality -romantically -romanticalness -romanticism -romanticist -romanticistic -romanticity -romanticize -romanticly -romanticness -romantism -romantist -Romany -romanza -romaunt -rombos -rombowline -Rome -romeite -Romeo -romerillo -romero -Romescot -Romeshot -Romeward -Romewards -Romic -Romipetal -Romish -Romishly -Romishness -rommack -Rommany -Romney -Romneya -romp -romper -romping -rompingly -rompish -rompishly -rompishness -rompu -rompy -Romulian -Romulus -Ron -Ronald -roncador -Roncaglian -roncet -ronco -rond -rondache -rondacher -rondawel -ronde -rondeau -rondel -rondelet -Rondeletia -rondelier -rondelle -rondellier -rondino -rondle -rondo -rondoletto -rondure -rone -Rong -Ronga -rongeur -Ronni -ronquil -Ronsardian -Ronsardism -Ronsardist -Ronsardize -Ronsdorfer -Ronsdorfian -rontgen -ronyon -rood -roodebok -roodle -roodstone -roof -roofage -roofer -roofing -roofless -rooflet -rooflike -roofman -rooftree -roofward -roofwise -roofy -rooibok -rooinek -rook -rooker -rookeried -rookery -rookie -rookish -rooklet -rooklike -rooky -rool -room -roomage -roomed -roomer -roomful -roomie -roomily -roominess -roomkeeper -roomless -roomlet -roommate -roomstead -roomth -roomthily -roomthiness -roomthy -roomward -roomy -roon -roorback -roosa -Roosevelt -Rooseveltian -roost -roosted -rooster -roosterfish -roosterhood -roosterless -roosters -roostership -Root -root -rootage -rootcap -rooted -rootedly -rootedness -rooter -rootery -rootfast -rootfastness -roothold -rootiness -rootle -rootless -rootlessness -rootlet -rootlike -rootling -rootstalk -rootstock -rootwalt -rootward -rootwise -rootworm -rooty -roove -ropable -rope -ropeable -ropeband -ropebark -ropedance -ropedancer -ropedancing -ropelayer -ropelaying -ropelike -ropemaker -ropemaking -ropeman -roper -roperipe -ropery -ropes -ropesmith -ropetrick -ropewalk -ropewalker -ropeway -ropework -ropily -ropiness -roping -ropish -ropishness -ropp -ropy -roque -roquelaure -roquer -roquet -roquette -roquist -roral -roratorio -Rori -roric -Roridula -Roridulaceae -roriferous -rorifluent -Roripa -Rorippa -roritorious -rorqual -rorty -rorulent -rory -Rosa -Rosabel -Rosabella -Rosaceae -rosacean -rosaceous -rosal -Rosales -Rosalia -Rosalie -Rosalind -Rosaline -Rosamond -rosanilin -rosaniline -rosarian -rosario -rosarium -rosaruby -rosary -rosated -Roschach -roscherite -roscid -roscoelite -rose -roseal -roseate -roseately -rosebay -rosebud -rosebush -rosed -rosedrop -rosefish -rosehead -rosehill -rosehiller -roseine -rosel -roseless -roselet -roselike -roselite -rosella -rosellate -roselle -Rosellinia -rosemary -Rosenbergia -rosenbuschite -roseola -roseolar -roseoliform -roseolous -roseous -roseroot -rosery -roset -rosetan -rosetangle -rosetime -Rosetta -rosette -rosetted -rosetty -rosetum -rosety -roseways -rosewise -rosewood -rosewort -Rosicrucian -Rosicrucianism -rosied -rosier -rosieresite -rosilla -rosillo -rosily -rosin -rosinate -rosinduline -Rosine -rosiness -rosinous -rosinweed -rosinwood -rosiny -rosland -rosmarine -Rosmarinus -Rosminian -Rosminianism -rosoli -rosolic -rosolio -rosolite -rosorial -Ross -ross -rosser -rossite -rostel -rostellar -Rostellaria -rostellarian -rostellate -rostelliform -rostellum -roster -rostra -rostral -rostrally -rostrate -rostrated -rostriferous -rostriform -rostroantennary -rostrobranchial -rostrocarinate -rostrocaudal -rostroid -rostrolateral -rostrular -rostrulate -rostrulum -rostrum -rosular -rosulate -rosy -rot -rota -rotacism -Rotal -rotal -Rotala -Rotalia -rotalian -rotaliform -rotaliiform -rotaman -rotameter -rotan -Rotanev -rotang -Rotarian -Rotarianism -rotarianize -Rotary -rotary -rotascope -rotatable -rotate -rotated -rotating -rotation -rotational -rotative -rotatively -rotativism -rotatodentate -rotatoplane -rotator -Rotatoria -rotatorian -rotatory -rotch -rote -rotella -rotenone -roter -rotge -rotgut -rother -rothermuck -rotifer -Rotifera -rotiferal -rotiferan -rotiferous -rotiform -rotisserie -roto -rotograph -rotogravure -rotor -rotorcraft -rotproof -Rotse -rottan -rotten -rottenish -rottenly -rottenness -rottenstone -rotter -rotting -rottle -rottlera -rottlerin -rottock -rottolo -rotula -rotulad -rotular -rotulet -rotulian -rotuliform -rotulus -rotund -rotunda -rotundate -rotundifoliate -rotundifolious -rotundiform -rotundify -rotundity -rotundly -rotundness -rotundo -rotundotetragonal -roub -roucou -roud -roue -rouelle -rouge -rougeau -rougeberry -rougelike -rougemontite -rougeot -rough -roughage -roughcast -roughcaster -roughdraft -roughdraw -roughdress -roughdry -roughen -roughener -rougher -roughet -roughhearted -roughheartedness -roughhew -roughhewer -roughhewn -roughhouse -roughhouser -roughhousing -roughhousy -roughie -roughing -roughings -roughish -roughishly -roughishness -roughleg -roughly -roughness -roughometer -roughride -roughrider -roughroot -roughscuff -roughsetter -roughshod -roughslant -roughsome -roughstring -roughstuff -roughtail -roughtailed -roughwork -roughwrought -roughy -rougy -rouille -rouky -roulade -rouleau -roulette -Rouman -Roumeliote -roun -rounce -rounceval -rouncy -round -roundabout -roundaboutly -roundaboutness -rounded -roundedly -roundedness -roundel -roundelay -roundeleer -rounder -roundfish -roundhead -roundheaded -roundheadedness -roundhouse -rounding -roundish -roundishness -roundlet -roundline -roundly -roundmouthed -roundness -roundnose -roundnosed -roundridge -roundseam -roundsman -roundtail -roundtop -roundtree -roundup -roundwise -roundwood -roundworm -roundy -roup -rouper -roupet -roupily -roupingwife -roupit -roupy -rouse -rouseabout -rousedness -rousement -rouser -rousing -rousingly -Rousseau -Rousseauan -Rousseauism -Rousseauist -Rousseauistic -Rousseauite -Roussellian -roussette -Roussillon -roust -roustabout -rouster -rousting -rout -route -router -routh -routhercock -routhie -routhiness -routhy -routinary -routine -routineer -routinely -routing -routinish -routinism -routinist -routinization -routinize -routivarite -routous -routously -rouvillite -rove -rover -rovet -rovetto -roving -rovingly -rovingness -row -rowable -rowan -rowanberry -rowboat -rowdily -rowdiness -rowdy -rowdydow -rowdydowdy -rowdyish -rowdyishly -rowdyishness -rowdyism -rowdyproof -rowed -rowel -rowelhead -rowen -Rowena -rower -rowet -rowiness -rowing -Rowland -rowlandite -Rowleian -rowlet -Rowley -Rowleyan -rowlock -rowport -rowty -rowy -rox -Roxana -Roxane -Roxanne -Roxburgh -Roxburghiaceae -Roxbury -Roxie -Roxolani -Roxy -roxy -Roy -royal -royale -royalet -royalism -royalist -royalization -royalize -royally -royalty -Royena -royet -royetness -royetous -royetously -Roystonea -royt -rozum -Rua -ruach -ruana -rub -rubasse -rubato -rubbed -rubber -rubberer -rubberize -rubberless -rubberneck -rubbernecker -rubbernose -rubbers -rubberstone -rubberwise -rubbery -rubbing -rubbingstone -rubbish -rubbishing -rubbishingly -rubbishly -rubbishry -rubbishy -rubble -rubbler -rubblestone -rubblework -rubbly -rubdown -Rube -rubedinous -rubedity -rubefacient -rubefaction -rubelet -rubella -rubelle -rubellite -rubellosis -Rubensian -rubeola -rubeolar -rubeoloid -ruberythric -ruberythrinic -rubescence -rubescent -Rubia -Rubiaceae -rubiaceous -Rubiales -rubianic -rubiate -rubiator -rubican -rubicelle -Rubicola -Rubicon -rubiconed -rubicund -rubicundity -rubidic -rubidine -rubidium -rubied -rubific -rubification -rubificative -rubify -rubiginous -rubijervine -rubine -rubineous -rubious -ruble -rublis -rubor -rubric -rubrica -rubrical -rubricality -rubrically -rubricate -rubrication -rubricator -rubrician -rubricism -rubricist -rubricity -rubricize -rubricose -rubrific -rubrification -rubrify -rubrisher -rubrospinal -rubstone -Rubus -ruby -rubylike -rubytail -rubythroat -rubywise -rucervine -Rucervus -Ruchbah -ruche -ruching -ruck -rucker -ruckle -ruckling -rucksack -rucksey -ruckus -rucky -ructation -ruction -rud -rudas -Rudbeckia -rudd -rudder -rudderhead -rudderhole -rudderless -rudderlike -rudderpost -rudderstock -ruddied -ruddily -ruddiness -ruddle -ruddleman -ruddock -ruddy -ruddyish -rude -rudely -rudeness -rudented -rudenture -ruderal -rudesby -Rudesheimer -rudge -rudiment -rudimental -rudimentarily -rudimentariness -rudimentary -rudimentation -rudish -Rudista -Rudistae -rudistan -rudistid -rudity -Rudmasday -Rudolf -Rudolph -Rudolphus -Rudy -rue -rueful -ruefully -ruefulness -ruelike -ruelle -Ruellia -ruen -ruer -ruesome -ruesomeness -ruewort -rufescence -rufescent -ruff -ruffable -ruffed -ruffer -ruffian -ruffianage -ruffiandom -ruffianhood -ruffianish -ruffianism -ruffianize -ruffianlike -ruffianly -ruffiano -ruffin -ruffle -ruffled -ruffleless -rufflement -ruffler -rufflike -ruffliness -ruffling -ruffly -ruficarpous -ruficaudate -ruficoccin -ruficornate -rufigallic -rufoferruginous -rufofulvous -rufofuscous -rufopiceous -rufotestaceous -rufous -rufter -rufulous -Rufus -rufus -rug -ruga -rugate -Rugbeian -Rugby -rugged -ruggedly -ruggedness -Rugger -rugging -ruggle -ruggy -rugheaded -ruglike -rugmaker -rugmaking -Rugosa -rugosa -rugose -rugosely -rugosity -rugous -rugulose -ruin -ruinable -ruinate -ruination -ruinatious -ruinator -ruined -ruiner -ruing -ruiniform -ruinlike -ruinous -ruinously -ruinousness -ruinproof -Rukbat -rukh -rulable -Rulander -rule -ruledom -ruleless -rulemonger -ruler -rulership -ruling -rulingly -rull -ruller -rullion -Rum -rum -rumal -Ruman -Rumanian -rumbelow -rumble -rumblegarie -rumblegumption -rumblement -rumbler -rumbling -rumblingly -rumbly -rumbo -rumbooze -rumbowline -rumbowling -rumbullion -rumbumptious -rumbustical -rumbustious -rumbustiousness -rumchunder -Rumelian -rumen -rumenitis -rumenocentesis -rumenotomy -Rumex -rumfustian -rumgumption -rumgumptious -ruminal -ruminant -Ruminantia -ruminantly -ruminate -ruminating -ruminatingly -rumination -ruminative -ruminatively -ruminator -rumkin -rumless -rumly -rummage -rummager -rummagy -rummer -rummily -rumminess -rummish -rummy -rumness -rumney -rumor -rumorer -rumormonger -rumorous -rumorproof -rumourmonger -rump -rumpad -rumpadder -rumpade -Rumper -rumple -rumpless -rumply -rumpscuttle -rumpuncheon -rumpus -rumrunner -rumrunning -rumshop -rumswizzle -rumtytoo -run -runabout -runagate -runaround -runaway -runback -runboard -runby -runch -runchweed -runcinate -rundale -Rundi -rundle -rundlet -rune -runecraft -runed -runefolk -runeless -runelike -runer -runesmith -runestaff -runeword -runfish -rung -runghead -rungless -runholder -runic -runically -runiform -runite -runkeeper -runkle -runkly -runless -runlet -runman -runnable -runnel -runner -runnet -running -runningly -runny -runoff -runologist -runology -runout -runover -runproof -runrig -runround -runt -runted -runtee -runtiness -runtish -runtishly -runtishness -runty -runway -rupa -rupee -Rupert -rupestral -rupestrian -rupestrine -rupia -rupiah -rupial -Rupicapra -Rupicaprinae -rupicaprine -Rupicola -Rupicolinae -rupicoline -rupicolous -rupie -rupitic -Ruppia -ruptile -ruption -ruptive -ruptuary -rupturable -rupture -ruptured -rupturewort -rural -ruralism -ruralist -ruralite -rurality -ruralization -ruralize -rurally -ruralness -rurban -ruridecanal -rurigenous -Ruritania -Ruritanian -ruru -Rus -Rusa -Ruscus -ruse -rush -rushbush -rushed -rushen -rusher -rushiness -rushing -rushingly -rushingness -rushland -rushlight -rushlighted -rushlike -rushlit -rushy -Rusin -rusine -rusk -ruskin -Ruskinian -rusky -rusma -rusot -ruspone -Russ -russel -Russelia -Russell -Russellite -Russene -russet -russeting -russetish -russetlike -russety -Russia -russia -Russian -Russianism -Russianist -Russianization -Russianize -Russification -Russificator -Russifier -Russify -Russine -Russism -Russniak -Russolatrous -Russolatry -Russomania -Russomaniac -Russomaniacal -Russophile -Russophilism -Russophilist -Russophobe -Russophobia -Russophobiac -Russophobism -Russophobist -russud -Russula -rust -rustable -rustful -rustic -rustical -rustically -rusticalness -rusticate -rustication -rusticator -rusticial -rusticism -rusticity -rusticize -rusticly -rusticness -rusticoat -rustily -rustiness -rustle -rustler -rustless -rustling -rustlingly -rustlingness -rustly -rustproof -rustre -rustred -Rusty -rusty -rustyback -rustyish -ruswut -rut -Ruta -rutabaga -Rutaceae -rutaceous -rutaecarpine -rutate -rutch -rutelian -Rutelinae -Ruth -ruth -ruthenate -Ruthene -Ruthenian -ruthenic -ruthenious -ruthenium -ruthenous -ruther -rutherford -rutherfordine -rutherfordite -ruthful -ruthfully -ruthfulness -ruthless -ruthlessly -ruthlessness -rutic -rutidosis -rutilant -rutilated -rutile -rutilous -rutin -rutinose -Rutiodon -ruttee -rutter -ruttiness -ruttish -ruttishly -ruttishness -rutty -Rutuli -rutyl -rutylene -ruvid -rux -rvulsant -ryal -ryania -rybat -ryder -rye -ryen -Rymandra -ryme -Rynchospora -rynchosporous -rynd -rynt -ryot -ryotwar -ryotwari -rype -rypeck -rytidosis -Rytina -Ryukyu -S -s -sa -saa -Saad -Saan -Saarbrucken -sab -Saba -sabadilla -sabadine -sabadinine -Sabaean -Sabaeanism -Sabaeism -sabaigrass -Sabaism -Sabaist -Sabal -Sabalaceae -sabalo -Saban -sabanut -Sabaoth -Sabathikos -Sabazian -Sabazianism -Sabazios -sabbat -Sabbatarian -Sabbatarianism -Sabbatary -Sabbatean -Sabbath -sabbath -Sabbathaian -Sabbathaic -Sabbathaist -Sabbathbreaker -Sabbathbreaking -Sabbathism -Sabbathize -Sabbathkeeper -Sabbathkeeping -Sabbathless -Sabbathlike -Sabbathly -Sabbatia -sabbatia -Sabbatian -Sabbatic -sabbatic -Sabbatical -sabbatical -Sabbatically -Sabbaticalness -sabbatine -sabbatism -Sabbatist -Sabbatization -Sabbatize -sabbaton -sabbitha -sabdariffa -sabe -sabeca -Sabella -sabella -sabellan -Sabellaria -sabellarian -Sabelli -Sabellian -Sabellianism -Sabellianize -sabellid -Sabellidae -sabelloid -saber -saberbill -sabered -saberleg -saberlike -saberproof -sabertooth -saberwing -Sabia -Sabiaceae -sabiaceous -Sabian -Sabianism -sabicu -Sabik -Sabina -sabina -Sabine -sabine -Sabinian -sabino -Sabir -sable -sablefish -sableness -sably -sabora -saboraim -sabot -sabotage -saboted -saboteur -sabotine -Sabra -sabra -sabretache -Sabrina -Sabromin -sabromin -Sabuja -sabuline -sabulite -sabulose -sabulosity -sabulous -sabulum -saburra -saburral -saburration -sabutan -sabzi -Sac -sac -Sacae -sacalait -sacaline -sacaton -sacatra -sacbrood -saccade -saccadic -Saccammina -saccate -saccated -Saccha -saccharamide -saccharase -saccharate -saccharated -saccharephidrosis -saccharic -saccharide -sacchariferous -saccharification -saccharifier -saccharify -saccharilla -saccharimeter -saccharimetric -saccharimetrical -saccharimetry -saccharin -saccharinate -saccharinated -saccharine -saccharineish -saccharinely -saccharinic -saccharinity -saccharization -saccharize -saccharobacillus -saccharobiose -saccharobutyric -saccharoceptive -saccharoceptor -saccharochemotropic -saccharocolloid -saccharofarinaceous -saccharogalactorrhea -saccharogenic -saccharohumic -saccharoid -saccharoidal -saccharolactonic -saccharolytic -saccharometabolic -saccharometabolism -saccharometer -saccharometric -saccharometry -saccharomucilaginous -Saccharomyces -saccharomyces -Saccharomycetaceae -saccharomycetaceous -Saccharomycetales -saccharomycete -Saccharomycetes -saccharomycetic -saccharomycosis -saccharon -saccharonate -saccharone -saccharonic -saccharophylly -saccharorrhea -saccharoscope -saccharose -saccharostarchy -saccharosuria -saccharotriose -saccharous -saccharulmic -saccharulmin -Saccharum -saccharum -saccharuria -sacciferous -sacciform -Saccobranchiata -saccobranchiate -Saccobranchus -saccoderm -Saccolabium -saccolabium -saccomyian -saccomyid -Saccomyidae -Saccomyina -saccomyine -saccomyoid -Saccomyoidea -saccomyoidean -Saccomys -Saccopharyngidae -Saccopharynx -Saccorhiza -saccos -saccular -sacculate -sacculated -sacculation -saccule -Sacculina -sacculoutricular -sacculus -saccus -sacellum -sacerdocy -sacerdotage -sacerdotal -sacerdotalism -sacerdotalist -sacerdotalize -sacerdotally -sacerdotical -sacerdotism -sachamaker -sachem -sachemdom -sachemic -sachemship -sachet -Sacheverell -Sacian -sack -sackage -sackamaker -sackbag -sackbut -sackcloth -sackclothed -sackdoudle -sacked -sacken -sacker -sackful -sacking -sackless -sacklike -sackmaker -sackmaking -sackman -sacktime -saclike -saco -sacope -sacque -sacra -sacrad -sacral -sacralgia -sacralization -sacrament -sacramental -sacramentalism -sacramentalist -sacramentality -sacramentally -sacramentalness -Sacramentarian -sacramentarian -sacramentarianism -sacramentarist -Sacramentary -sacramentary -sacramenter -sacramentism -sacramentize -Sacramento -sacramentum -sacraria -sacrarial -sacrarium -sacrectomy -sacred -sacredly -sacredness -sacrificable -sacrificant -Sacrificati -sacrification -sacrificator -sacrificatory -sacrificature -sacrifice -sacrificer -sacrificial -sacrificially -sacrificing -sacrilege -sacrileger -sacrilegious -sacrilegiously -sacrilegiousness -sacrilegist -sacrilumbal -sacrilumbalis -sacring -Sacripant -sacrist -sacristan -sacristy -sacro -sacrocaudal -sacrococcygeal -sacrococcygean -sacrococcygeus -sacrococcyx -sacrocostal -sacrocotyloid -sacrocotyloidean -sacrocoxalgia -sacrocoxitis -sacrodorsal -sacrodynia -sacrofemoral -sacroiliac -sacroinguinal -sacroischiac -sacroischiadic -sacroischiatic -sacrolumbal -sacrolumbalis -sacrolumbar -sacropectineal -sacroperineal -sacropictorial -sacroposterior -sacropubic -sacrorectal -sacrosanct -sacrosanctity -sacrosanctness -sacrosciatic -sacrosecular -sacrospinal -sacrospinalis -sacrospinous -sacrotomy -sacrotuberous -sacrovertebral -sacrum -sad -Sadachbia -Sadalmelik -Sadalsuud -sadden -saddening -saddeningly -saddik -saddirham -saddish -saddle -saddleback -saddlebag -saddlebow -saddlecloth -saddled -saddleleaf -saddleless -saddlelike -saddlenose -saddler -saddlery -saddlesick -saddlesore -saddlesoreness -saddlestead -saddletree -saddlewise -saddling -Sadducaic -Sadducean -Sadducee -Sadduceeism -Sadduceeist -Sadducism -Sadducize -sade -sadh -sadhe -sadhearted -sadhu -sadic -Sadie -sadiron -sadism -sadist -sadistic -sadistically -Sadite -sadly -sadness -sado -sadomasochism -Sadr -sadr -saecula -saeculum -Saeima -saernaite -saeter -saeume -Safar -safari -Safavi -Safawid -safe -safeblower -safeblowing -safebreaker -safebreaking -safecracking -safeguard -safeguarder -safehold -safekeeper -safekeeping -safelight -safely -safemaker -safemaking -safen -safener -safeness -safety -Saffarian -Saffarid -saffian -safflor -safflorite -safflow -safflower -saffron -saffroned -saffrontree -saffronwood -saffrony -Safi -Safine -Safini -safranin -safranine -safranophile -safrole -saft -sag -saga -sagaciate -sagacious -sagaciously -sagaciousness -sagacity -Sagai -sagaie -sagaman -sagamite -sagamore -sagapenum -sagathy -sage -sagebrush -sagebrusher -sagebush -sageleaf -sagely -sagene -sageness -sagenite -sagenitic -Sageretia -sagerose -sageship -sagewood -sagger -sagging -saggon -saggy -saghavart -Sagina -saginate -sagination -saging -Sagitarii -sagitta -sagittal -sagittally -Sagittaria -Sagittariid -Sagittarius -sagittarius -Sagittary -sagittary -sagittate -Sagittid -sagittiferous -sagittiform -sagittocyst -sagittoid -sagless -sago -sagoin -sagolike -Sagra -saguaro -Saguerus -sagum -saguran -sagvandite -sagwire -sagy -sah -Sahadeva -Sahaptin -Sahara -Saharan -Saharian -Saharic -sahh -sahib -Sahibah -Sahidic -sahme -Saho -sahoukar -sahukar -sai -saic -said -Saidi -Saify -saiga -Saiid -sail -sailable -sailage -sailboat -sailcloth -sailed -sailer -sailfish -sailflying -sailing -sailingly -sailless -sailmaker -sailmaking -sailor -sailoring -sailorizing -sailorless -sailorlike -sailorly -sailorman -sailorproof -sailplane -sailship -sailsman -saily -saim -saimiri -saimy -sain -Sainfoin -saint -saintdom -sainted -saintess -sainthood -saintish -saintism -saintless -saintlike -saintlily -saintliness -saintling -saintly -saintologist -saintology -Saintpaulia -saintship -saip -Saiph -sair -sairly -sairve -sairy -Saite -saithe -Saitic -Saiva -Saivism -saj -sajou -Sak -Saka -Sakai -Sakalava -sake -sakeber -sakeen -Sakel -Sakelarides -Sakell -Sakellaridis -saker -sakeret -Sakha -saki -sakieh -Sakkara -Saktism -sakulya -Sakyamuni -Sal -sal -salaam -salaamlike -salability -salable -salableness -salably -salaceta -salacious -salaciously -salaciousness -salacity -salacot -salad -salading -salago -salagrama -salal -salamandarin -salamander -salamanderlike -Salamandra -salamandrian -Salamandridae -salamandriform -Salamandrina -salamandrine -salamandroid -salambao -Salaminian -salamo -salampore -salangane -salangid -Salangidae -Salar -salar -salariat -salaried -salary -salaryless -salat -salay -sale -salegoer -salele -salema -salenixon -salep -saleratus -saleroom -salesclerk -Salesian -saleslady -salesman -salesmanship -salespeople -salesperson -salesroom -saleswoman -salework -saleyard -salfern -Salian -Saliaric -Salic -salic -Salicaceae -salicaceous -Salicales -Salicariaceae -salicetum -salicin -salicional -salicorn -Salicornia -salicyl -salicylal -salicylaldehyde -salicylamide -salicylanilide -salicylase -salicylate -salicylic -salicylide -salicylidene -salicylism -salicylize -salicylous -salicyluric -salicylyl -salience -salient -Salientia -salientian -saliently -saliferous -salifiable -salification -salify -saligenin -saligot -salimeter -salimetry -Salina -salina -Salinan -salination -saline -Salinella -salinelle -salineness -saliniferous -salinification -saliniform -salinity -salinize -salinometer -salinometry -salinosulphureous -salinoterreous -Salisburia -Salish -Salishan -salite -salited -Saliva -saliva -salival -Salivan -salivant -salivary -salivate -salivation -salivator -salivatory -salivous -Salix -salix -salle -sallee -salleeman -sallenders -sallet -sallier -salloo -sallow -sallowish -sallowness -sallowy -Sally -sally -Sallybloom -sallyman -sallywood -Salm -salma -salmagundi -salmiac -salmine -salmis -Salmo -Salmon -salmon -salmonberry -Salmonella -salmonella -salmonellae -salmonellosis -salmonet -salmonid -Salmonidae -salmoniform -salmonlike -salmonoid -Salmonoidea -Salmonoidei -salmonsite -salmwood -salnatron -Salol -salol -Salome -salometer -salometry -salomon -Salomonia -Salomonian -Salomonic -salon -saloon -saloonist -saloonkeeper -saloop -Salopian -salopian -salp -Salpa -salpa -salpacean -salpian -salpicon -Salpidae -salpiform -Salpiglossis -salpiglossis -salpingectomy -salpingemphraxis -salpinges -salpingian -salpingion -salpingitic -salpingitis -salpingocatheterism -salpingocele -salpingocyesis -salpingomalleus -salpingonasal -salpingopalatal -salpingopalatine -salpingoperitonitis -salpingopexy -salpingopharyngeal -salpingopharyngeus -salpingopterygoid -salpingorrhaphy -salpingoscope -salpingostaphyline -salpingostenochoria -salpingostomatomy -salpingostomy -salpingotomy -salpinx -salpoid -salse -salsifis -salsify -salsilla -Salsola -Salsolaceae -salsolaceous -salsuginous -salt -salta -saltant -saltarella -saltarello -saltary -saltate -saltation -saltativeness -Saltator -saltator -Saltatoria -saltatorial -saltatorian -saltatoric -saltatorious -saltatory -saltbush -saltcat -saltcatch -saltcellar -salted -saltee -salten -salter -saltern -saltery -saltfat -saltfoot -salthouse -saltier -saltierra -saltierwise -Saltigradae -saltigrade -saltimbanco -saltimbank -saltimbankery -saltine -saltiness -salting -saltish -saltishly -saltishness -saltless -saltlessness -saltly -saltmaker -saltmaking -saltman -saltmouth -saltness -saltometer -saltorel -saltpan -saltpeter -saltpetrous -saltpond -saltspoon -saltspoonful -saltsprinkler -saltus -saltweed -saltwife -saltworker -saltworks -saltwort -salty -salubrify -salubrious -salubriously -salubriousness -salubrity -saluki -salung -salutarily -salutariness -salutary -salutation -salutational -salutationless -salutatious -salutatorian -salutatorily -salutatorium -salutatory -salute -saluter -salutiferous -salutiferously -Salva -salvability -salvable -salvableness -salvably -Salvadora -salvadora -Salvadoraceae -salvadoraceous -Salvadoran -Salvadorian -salvage -salvageable -salvagee -salvageproof -salvager -salvaging -Salvarsan -salvarsan -salvatella -salvation -salvational -salvationism -salvationist -salvatory -salve -salveline -Salvelinus -salver -salverform -Salvia -salvianin -salvific -salvifical -salvifically -Salvinia -Salviniaceae -salviniaceous -Salviniales -salviol -salvo -salvor -salvy -Salwey -salzfelle -Sam -sam -Samadera -samadh -samadhi -samaj -Samal -saman -Samandura -Samani -Samanid -Samantha -samara -samaria -samariform -Samaritan -Samaritaness -Samaritanism -samarium -Samarkand -samaroid -samarra -samarskite -Samas -samba -Sambal -sambal -sambaqui -sambar -Sambara -Sambathe -sambhogakaya -Sambo -sambo -Sambucaceae -Sambucus -sambuk -sambuke -sambunigrin -Samburu -same -samekh -samel -sameliness -samely -samen -sameness -samesome -Samgarnebo -samh -Samhain -samhita -Samian -samiel -Samir -samiresite -samiri -samisen -Samish -samite -samkara -samlet -sammel -sammer -sammier -Sammy -sammy -Samnani -Samnite -Samoan -Samogitian -samogonka -Samolus -Samosatenian -samothere -Samotherium -Samothracian -samovar -Samoyed -Samoyedic -samp -sampaguita -sampaloc -sampan -samphire -sampi -sample -sampleman -sampler -samplery -sampling -Sampsaean -Samsam -samsara -samshu -Samsien -samskara -Samson -samson -Samsoness -Samsonian -Samsonic -Samsonistic -samsonite -Samucan -Samucu -Samuel -samurai -Samydaceae -San -san -sanability -sanable -sanableness -sanai -Sanand -sanative -sanativeness -sanatoria -sanatorium -sanatory -Sanballat -sanbenito -Sanche -sancho -sanct -sancta -sanctanimity -sanctifiable -sanctifiableness -sanctifiably -sanctificate -sanctification -sanctified -sanctifiedly -sanctifier -sanctify -sanctifyingly -sanctilogy -sanctiloquent -sanctimonial -sanctimonious -sanctimoniously -sanctimoniousness -sanctimony -sanction -sanctionable -sanctionary -sanctionative -sanctioner -sanctionist -sanctionless -sanctionment -sanctitude -sanctity -sanctologist -Sanctology -sanctorium -sanctuaried -sanctuarize -sanctuary -sanctum -Sanctus -Sancy -sancyite -sand -sandak -sandal -sandaled -sandaliform -sandaling -sandalwood -sandalwort -sandan -sandarac -sandaracin -sandastros -Sandawe -sandbag -sandbagger -sandbank -sandbin -sandblast -sandboard -sandbox -sandboy -sandbur -sandclub -sandculture -sanded -Sandeep -Sandemanian -Sandemanianism -Sandemanism -Sander -sander -sanderling -sanders -sandfish -sandflower -sandglass -sandheat -sandhi -sandiferous -sandiness -sanding -Sandip -sandiver -sandix -sandlapper -sandless -sandlike -sandling -sandman -sandnatter -sandnecker -sandpaper -sandpaperer -sandpeep -sandpiper -sandproof -Sandra -sandrock -sandspit -sandspur -sandstay -sandstone -sandstorm -sandust -sandweed -sandweld -sandwich -sandwood -sandworm -sandwort -Sandy -sandy -sandyish -sane -sanely -saneness -Sanetch -Sanford -Sanforized -sang -sanga -Sangamon -sangar -sangaree -sangei -sanger -sangerbund -sangerfest -Sanggil -sangha -Sangho -Sangir -Sangirese -sanglant -sangley -Sangraal -sangreeroot -sangrel -sangsue -sanguicolous -sanguifacient -sanguiferous -sanguification -sanguifier -sanguifluous -sanguimotor -sanguimotory -sanguinaceous -Sanguinaria -sanguinarily -sanguinariness -sanguinary -sanguine -sanguineless -sanguinely -sanguineness -sanguineobilious -sanguineophlegmatic -sanguineous -sanguineousness -sanguineovascular -sanguinicolous -sanguiniferous -sanguinification -sanguinism -sanguinity -sanguinivorous -sanguinocholeric -sanguinolency -sanguinolent -sanguinopoietic -sanguinous -Sanguisorba -Sanguisorbaceae -sanguisuge -sanguisugent -sanguisugous -sanguivorous -Sanhedrim -Sanhedrin -Sanhedrist -Sanhita -sanicle -Sanicula -sanidine -sanidinic -sanidinite -sanies -sanification -sanify -sanious -sanipractic -sanitarian -sanitarily -sanitarist -sanitarium -sanitary -sanitate -sanitation -sanitationist -sanitist -sanitize -Sanity -sanity -sanjak -sanjakate -sanjakbeg -sanjakship -Sanjay -Sanjeev -Sanjib -sank -sankha -Sankhya -sannaite -Sannoisian -sannup -sannyasi -sannyasin -sanopurulent -sanoserous -Sanpoil -sans -Sansar -sansei -Sansevieria -sanshach -sansi -Sanskrit -Sanskritic -Sanskritist -Sanskritization -Sanskritize -sant -Santa -Santal -santal -Santalaceae -santalaceous -Santalales -Santali -santalic -santalin -santalol -Santalum -santalwood -santapee -Santee -santene -Santiago -santimi -santims -santir -Santo -Santolina -santon -santonica -santonin -santoninic -santorinite -Santos -sanukite -Sanvitalia -Sanyakoan -sao -Saoshyant -sap -sapa -sapajou -sapan -sapanwood -sapbush -sapek -Saperda -sapful -Sapharensian -saphead -sapheaded -sapheadedness -saphena -saphenal -saphenous -saphie -sapid -sapidity -sapidless -sapidness -sapience -sapiency -sapient -sapiential -sapientially -sapientize -sapiently -sapin -sapinda -Sapindaceae -sapindaceous -Sapindales -sapindaship -Sapindus -Sapium -sapiutan -saple -sapless -saplessness -sapling -saplinghood -sapo -sapodilla -sapogenin -saponaceous -saponaceousness -saponacity -Saponaria -saponarin -saponary -Saponi -saponifiable -saponification -saponifier -saponify -saponin -saponite -sapophoric -sapor -saporific -saporosity -saporous -Sapota -sapota -Sapotaceae -sapotaceous -sapote -sapotilha -sapotilla -sapotoxin -sappanwood -sappare -sapper -Sapphic -sapphic -sapphire -sapphireberry -sapphired -sapphirewing -sapphiric -sapphirine -Sapphism -Sapphist -Sappho -sappiness -sapping -sapples -sappy -sapremia -sapremic -saprine -saprocoll -saprodil -saprodontia -saprogenic -saprogenous -Saprolegnia -Saprolegniaceae -saprolegniaceous -Saprolegniales -saprolegnious -saprolite -saprolitic -sapropel -sapropelic -sapropelite -saprophagan -saprophagous -saprophile -saprophilous -saprophyte -saprophytic -saprophytically -saprophytism -saprostomous -saprozoic -sapsago -sapskull -sapsuck -sapsucker -sapucaia -sapucainha -sapwood -sapwort -Saqib -sar -Sara -saraad -sarabacan -Sarabaite -saraband -Saracen -Saracenian -Saracenic -Saracenical -Saracenism -Saracenlike -Sarada -saraf -Sarah -Sarakolet -Sarakolle -Saramaccaner -Saran -sarangi -sarangousty -Saratoga -Saratogan -Saravan -Sarawakese -sarawakite -Sarawan -sarbacane -sarbican -sarcasm -sarcasmproof -sarcast -sarcastic -sarcastical -sarcastically -sarcasticalness -sarcasticness -sarcelle -sarcenet -sarcilis -Sarcina -sarcine -sarcitis -sarcle -sarcler -sarcoadenoma -Sarcobatus -sarcoblast -sarcocarcinoma -sarcocarp -sarcocele -Sarcococca -Sarcocolla -sarcocollin -sarcocyst -Sarcocystidea -sarcocystidean -sarcocystidian -Sarcocystis -sarcocystoid -sarcocyte -sarcode -sarcoderm -Sarcodes -sarcodic -sarcodictyum -Sarcodina -sarcodous -sarcoenchondroma -sarcogenic -sarcogenous -sarcoglia -Sarcogyps -sarcoid -sarcolactic -sarcolemma -sarcolemmic -sarcolemmous -sarcoline -sarcolite -sarcologic -sarcological -sarcologist -sarcology -sarcolysis -sarcolyte -sarcolytic -sarcoma -sarcomatoid -sarcomatosis -sarcomatous -sarcomere -Sarcophaga -sarcophagal -sarcophagi -sarcophagic -sarcophagid -Sarcophagidae -sarcophagine -sarcophagize -sarcophagous -sarcophagus -sarcophagy -sarcophile -sarcophilous -Sarcophilus -sarcoplasm -sarcoplasma -sarcoplasmatic -sarcoplasmic -sarcoplast -sarcoplastic -sarcopoietic -Sarcopsylla -Sarcopsyllidae -Sarcoptes -sarcoptic -sarcoptid -Sarcoptidae -Sarcorhamphus -sarcosepsis -sarcosepta -sarcoseptum -sarcosine -sarcosis -sarcosoma -sarcosperm -sarcosporid -Sarcosporida -Sarcosporidia -sarcosporidial -sarcosporidian -sarcosporidiosis -sarcostosis -sarcostyle -sarcotheca -sarcotherapeutics -sarcotherapy -sarcotic -sarcous -Sarcura -Sard -sard -sardachate -Sardanapalian -Sardanapalus -sardel -Sardian -sardine -sardinewise -Sardinian -sardius -Sardoin -sardonic -sardonical -sardonically -sardonicism -sardonyx -sare -sargasso -Sargassum -sargassum -sargo -Sargonic -Sargonid -Sargonide -sargus -sari -sarif -Sarigue -sarigue -sarinda -sarip -sark -sarkar -sarkful -sarkical -sarkine -sarking -sarkinite -sarkit -sarkless -sarlak -sarlyk -Sarmatian -Sarmatic -sarmatier -sarment -sarmenta -sarmentaceous -sarmentiferous -sarmentose -sarmentous -sarmentum -sarna -sarod -saron -sarong -saronic -saronide -saros -Sarothamnus -Sarothra -sarothrum -sarpler -sarpo -sarra -Sarracenia -sarracenia -Sarraceniaceae -sarraceniaceous -sarracenial -Sarraceniales -sarraf -sarrazin -sarrusophone -sarrusophonist -sarsa -sarsaparilla -sarsaparillin -Sarsar -Sarsechim -sarsen -sarsenet -Sarsi -Sart -sart -sartage -sartain -Sartish -sartor -sartoriad -sartorial -sartorially -sartorian -sartorite -sartorius -Saruk -sarus -Sarvarthasiddha -sarwan -Sarzan -sasa -sasan -sasani -sasanqua -sash -sashay -sashery -sashing -sashless -sasin -sasine -saskatoon -sassaby -sassafac -sassafrack -sassafras -Sassak -Sassan -Sassanian -Sassanid -Sassanidae -Sassanide -Sassenach -sassolite -sassy -sassywood -Sastean -sat -satable -Satan -satan -Satanael -Satanas -satang -satanic -satanical -satanically -satanicalness -Satanism -Satanist -satanist -Satanistic -Satanity -satanize -Satanology -Satanophany -Satanophil -Satanophobia -Satanship -satara -satchel -satcheled -sate -sateen -sateenwood -sateless -satelles -satellitarian -satellite -satellited -satellitesimal -satellitian -satellitic -satellitious -satellitium -satellitoid -satellitory -satelloid -satiability -satiable -satiableness -satiably -satiate -satiation -Satieno -satient -satiety -satin -satinbush -satine -satined -satinette -satinfin -satinflower -satinite -satinity -satinize -satinleaf -satinlike -satinpod -satinwood -satiny -satire -satireproof -satiric -satirical -satirically -satiricalness -satirist -satirizable -satirize -satirizer -satisdation -satisdiction -satisfaction -satisfactional -satisfactionist -satisfactionless -satisfactive -satisfactorily -satisfactoriness -satisfactorious -satisfactory -satisfiable -satisfice -satisfied -satisfiedly -satisfiedness -satisfier -satisfy -satisfying -satisfyingly -satisfyingness -satispassion -satlijk -Satrae -satrap -satrapal -satrapess -satrapic -satrapical -satrapy -satron -Satsuma -sattle -sattva -satura -saturability -saturable -saturant -saturate -saturated -saturater -saturation -saturator -Saturday -Satureia -Saturn -Saturnal -Saturnale -Saturnalia -saturnalia -Saturnalian -saturnalian -Saturnia -Saturnian -saturnian -Saturnicentric -saturniid -Saturniidae -Saturnine -saturnine -saturninely -saturnineness -saturninity -saturnism -saturnity -saturnize -Saturnus -satyagrahi -satyashodak -satyr -satyresque -satyress -satyriasis -satyric -Satyridae -Satyrinae -satyrine -satyrion -satyrism -satyrlike -satyromaniac -sauce -sauceboat -saucebox -saucedish -sauceless -sauceline -saucemaker -saucemaking -sauceman -saucepan -sauceplate -saucer -saucerful -saucerleaf -saucerless -saucerlike -saucily -sauciness -saucy -Sauerbraten -sauerkraut -sauf -sauger -saugh -saughen -Saul -sauld -saulie -sault -saulter -Saulteur -saum -saumon -saumont -Saumur -Saumya -sauna -saunders -saunderswood -saunter -saunterer -sauntering -saunteringly -sauqui -saur -Saura -Sauraseni -Saurauia -Saurauiaceae -saurel -Sauria -saurian -sauriasis -sauriosis -Saurischia -saurischian -Sauroctonos -saurodont -Saurodontidae -Saurognathae -saurognathism -saurognathous -Sauromatian -saurophagous -sauropod -Sauropoda -sauropodous -sauropsid -Sauropsida -sauropsidan -sauropsidian -Sauropterygia -sauropterygian -Saurornithes -saurornithic -Saururaceae -saururaceous -Saururae -saururan -saururous -Saururus -saury -sausage -sausagelike -sausinger -Saussurea -saussurite -saussuritic -saussuritization -saussuritize -saut -saute -sauterelle -sauterne -sauternes -sauteur -sauty -Sauvagesia -sauve -sauvegarde -savable -savableness -savacu -savage -savagedom -savagely -savageness -savagerous -savagery -savagess -savagism -savagize -savanilla -savanna -Savannah -savant -Savara -savarin -savation -save -saved -saveloy -saver -Savery -savin -saving -savingly -savingness -savior -savioress -saviorhood -saviorship -Saviour -Savitar -Savitri -savola -Savonarolist -Savonnerie -savor -savored -savorer -savorily -savoriness -savoringly -savorless -savorous -savorsome -savory -savour -savoy -Savoyard -savoyed -savoying -savssat -savvy -saw -sawah -Sawaiori -sawali -Sawan -sawarra -sawback -sawbelly -sawbill -sawbones -sawbuck -sawbwa -sawder -sawdust -sawdustish -sawdustlike -sawdusty -sawed -sawer -sawfish -sawfly -sawhorse -sawing -sawish -sawlike -sawmaker -sawmaking -sawman -sawmill -sawmiller -sawmilling -sawmon -sawmont -sawn -Sawney -sawney -sawsetter -sawsharper -sawsmith -sawt -sawway -sawworker -sawwort -sawyer -sax -saxatile -saxboard -saxcornet -Saxe -saxhorn -Saxicava -saxicavous -Saxicola -saxicole -Saxicolidae -Saxicolinae -saxicoline -saxicolous -Saxifraga -Saxifragaceae -saxifragaceous -saxifragant -saxifrage -saxifragous -saxifrax -saxigenous -Saxish -Saxon -Saxondom -Saxonian -Saxonic -Saxonical -Saxonically -Saxonish -Saxonism -Saxonist -saxonite -Saxonization -Saxonize -Saxonly -Saxony -saxophone -saxophonist -saxotromba -saxpence -saxten -saxtie -saxtuba -say -saya -sayability -sayable -sayableness -Sayal -sayer -sayette -sayid -saying -sazen -Sbaikian -sblood -sbodikins -scab -scabbard -scabbardless -scabbed -scabbedness -scabbery -scabbily -scabbiness -scabble -scabbler -scabbling -scabby -scabellum -scaberulous -scabid -scabies -scabietic -scabinus -Scabiosa -scabiosity -scabious -scabish -scabland -scabrate -scabrescent -scabrid -scabridity -scabridulous -scabrities -scabriusculose -scabriusculous -scabrosely -scabrous -scabrously -scabrousness -scabwort -scacchic -scacchite -scad -scaddle -scads -Scaean -scaff -scaffer -scaffery -scaffie -scaffle -scaffold -scaffoldage -scaffolder -scaffolding -scaglia -scagliola -scagliolist -scala -scalable -scalableness -scalably -scalage -scalar -scalare -Scalaria -scalarian -scalariform -Scalariidae -scalarwise -scalation -scalawag -scalawaggery -scalawaggy -scald -scaldberry -scalded -scalder -scaldfish -scaldic -scalding -scaldweed -scaldy -scale -scaleback -scalebark -scaleboard -scaled -scaledrake -scalefish -scaleful -scaleless -scalelet -scalelike -scaleman -scalena -scalene -scalenohedral -scalenohedron -scalenon -scalenous -scalenum -scalenus -scalepan -scaleproof -scaler -scales -scalesman -scalesmith -scaletail -scalewing -scalewise -scalework -scalewort -scaliger -scaliness -scaling -scall -scalled -scallion -scallola -scallom -scallop -scalloper -scalloping -scallopwise -scalma -scaloni -Scalops -Scalopus -scalp -scalpeen -scalpel -scalpellar -scalpellic -scalpellum -scalpellus -scalper -scalping -scalpless -scalpriform -scalprum -scalpture -scalt -scaly -scalytail -scam -scamander -Scamandrius -scamble -scambler -scambling -scamell -scamler -scamles -scammoniate -scammonin -scammony -scammonyroot -scamp -scampavia -scamper -scamperer -scamphood -scamping -scampingly -scampish -scampishly -scampishness -scampsman -scan -scandal -scandalization -scandalize -scandalizer -scandalmonger -scandalmongering -scandalmongery -scandalmonging -scandalous -scandalously -scandalousness -scandalproof -scandaroon -scandent -scandia -Scandian -scandic -scandicus -Scandinavia -Scandinavian -Scandinavianism -scandium -Scandix -Scania -Scanian -Scanic -scanmag -scannable -scanner -scanning -scanningly -scansion -scansionist -Scansores -scansorial -scansorious -scant -scanties -scantily -scantiness -scantity -scantle -scantling -scantlinged -scantly -scantness -scanty -scap -scape -scapegallows -scapegoat -scapegoatism -scapegrace -scapel -scapeless -scapement -scapethrift -scapha -Scaphander -Scaphandridae -scaphion -Scaphiopodidae -Scaphiopus -scaphism -scaphite -Scaphites -Scaphitidae -scaphitoid -scaphocephalic -scaphocephalism -scaphocephalous -scaphocephalus -scaphocephaly -scaphocerite -scaphoceritic -scaphognathite -scaphognathitic -scaphoid -scapholunar -scaphopod -Scaphopoda -scaphopodous -scapiform -scapigerous -scapoid -scapolite -scapolitization -scapose -scapple -scappler -scapula -scapulalgia -scapular -scapulare -scapulary -scapulated -scapulectomy -scapulet -scapulimancy -scapuloaxillary -scapulobrachial -scapuloclavicular -scapulocoracoid -scapulodynia -scapulohumeral -scapulopexy -scapuloradial -scapulospinal -scapulothoracic -scapuloulnar -scapulovertebral -scapus -scar -scarab -scarabaean -scarabaei -scarabaeid -Scarabaeidae -scarabaeidoid -scarabaeiform -Scarabaeinae -scarabaeoid -scarabaeus -scarabee -scaraboid -Scaramouch -scaramouch -scarce -scarcelins -scarcely -scarcement -scarcen -scarceness -scarcity -scare -scarebabe -scarecrow -scarecrowish -scarecrowy -scareful -scarehead -scaremonger -scaremongering -scareproof -scarer -scaresome -scarf -scarface -scarfed -scarfer -scarflike -scarfpin -scarfskin -scarfwise -scarfy -scarid -Scaridae -scarification -scarificator -scarifier -scarify -scarily -scariose -scarious -scarlatina -scarlatinal -scarlatiniform -scarlatinoid -scarlatinous -scarless -scarlet -scarletberry -scarletseed -scarlety -scarman -scarn -scaroid -scarp -scarpines -scarping -scarpment -scarproof -scarred -scarrer -scarring -scarry -scart -scarth -Scarus -scarus -scarved -scary -scase -scasely -scat -scatch -scathe -scatheful -scatheless -scathelessly -scathing -scathingly -Scaticook -scatland -scatologia -scatologic -scatological -scatology -scatomancy -scatophagid -Scatophagidae -scatophagoid -scatophagous -scatophagy -scatoscopy -scatter -scatterable -scatteration -scatteraway -scatterbrain -scatterbrained -scatterbrains -scattered -scatteredly -scatteredness -scatterer -scattergood -scattering -scatteringly -scatterling -scattermouch -scattery -scatty -scatula -scaturient -scaul -scaum -scaup -scauper -scaur -scaurie -scaut -scavage -scavel -scavenage -scavenge -scavenger -scavengerism -scavengership -scavengery -scavenging -scaw -scawd -scawl -scazon -scazontic -sceat -scelalgia -scelerat -scelidosaur -scelidosaurian -scelidosauroid -Scelidosaurus -Scelidotherium -Sceliphron -sceloncus -Sceloporus -scelotyrbe -scena -scenario -scenarioist -scenarioization -scenarioize -scenarist -scenarization -scenarize -scenary -scend -scene -scenecraft -Scenedesmus -sceneful -sceneman -scenery -sceneshifter -scenewright -scenic -scenical -scenically -scenist -scenite -scenograph -scenographer -scenographic -scenographical -scenographically -scenography -Scenopinidae -scent -scented -scenter -scentful -scenting -scentless -scentlessness -scentproof -scentwood -scepsis -scepter -scepterdom -sceptered -scepterless -sceptic -sceptral -sceptropherous -sceptrosophy -sceptry -scerne -sceuophorion -sceuophylacium -sceuophylax -schaapsteker -Schaefferia -schairerite -schalmei -schalmey -schalstein -schanz -schapbachite -schappe -schapped -schapping -scharf -Scharlachberger -schatchen -Scheat -Schedar -schediasm -schediastic -Schedius -schedular -schedulate -schedule -schedulize -scheelite -scheffel -schefferite -schelling -Schellingian -Schellingianism -Schellingism -schelly -scheltopusik -schema -schemata -schematic -schematically -schematism -schematist -schematization -schematize -schematizer -schematogram -schematograph -schematologetically -schematomancy -schematonics -scheme -schemeful -schemeless -schemer -schemery -scheming -schemingly -schemist -schemy -schene -schepel -schepen -scherm -scherzando -scherzi -scherzo -schesis -Scheuchzeria -Scheuchzeriaceae -scheuchzeriaceous -schiavone -Schiedam -schiffli -schiller -schillerfels -schillerization -schillerize -schilling -schimmel -schindylesis -schindyletic -Schinus -schipperke -Schisandra -Schisandraceae -schism -schisma -schismatic -schismatical -schismatically -schismaticalness -schismatism -schismatist -schismatize -schismic -schismless -schist -schistaceous -schistic -schistocelia -schistocephalus -Schistocerca -schistocoelia -schistocormia -schistocormus -schistocyte -schistocytosis -schistoglossia -schistoid -schistomelia -schistomelus -schistoprosopia -schistoprosopus -schistorrhachis -schistoscope -schistose -schistosity -Schistosoma -schistosome -schistosomia -schistosomiasis -schistosomus -schistosternia -schistothorax -schistous -schistus -Schizaea -Schizaeaceae -schizaeaceous -Schizanthus -schizanthus -schizaxon -schizocarp -schizocarpic -schizocarpous -schizochroal -schizocoele -schizocoelic -schizocoelous -schizocyte -schizocytosis -schizodinic -schizogamy -schizogenesis -schizogenetic -schizogenetically -schizogenic -schizogenous -schizogenously -schizognath -Schizognathae -schizognathism -schizognathous -schizogonic -schizogony -Schizogregarinae -schizogregarine -Schizogregarinida -schizoid -schizoidism -Schizolaenaceae -schizolaenaceous -schizolite -schizolysigenous -Schizomeria -schizomycete -Schizomycetes -schizomycetic -schizomycetous -schizomycosis -Schizonemertea -schizonemertean -schizonemertine -Schizoneura -Schizonotus -schizont -schizopelmous -Schizopetalon -schizophasia -Schizophragma -schizophrene -schizophrenia -schizophreniac -schizophrenic -Schizophyceae -Schizophyllum -Schizophyta -schizophyte -schizophytic -schizopod -Schizopoda -schizopodal -schizopodous -schizorhinal -schizospore -schizostele -schizostelic -schizostely -schizothecal -schizothoracic -schizothyme -schizothymia -schizothymic -schizotrichia -Schizotrypanum -schiztic -Schlauraffenland -Schleichera -schlemiel -schlemihl -schlenter -schlieren -schlieric -schloop -Schmalkaldic -schmaltz -schmelz -schmelze -schnabel -Schnabelkanne -schnapper -schnapps -schnauzer -schneider -Schneiderian -schnitzel -schnorchel -schnorkel -schnorrer -scho -schochat -schochet -schoenobatic -schoenobatist -Schoenocaulon -Schoenus -schoenus -Schoharie -schola -scholae -scholaptitude -scholar -scholarch -scholardom -scholarian -scholarism -scholarless -scholarlike -scholarliness -scholarly -scholarship -scholasm -scholastic -scholastical -scholastically -scholasticate -scholasticism -scholasticly -scholia -scholiast -scholiastic -scholion -scholium -Schomburgkia -schone -schonfelsite -Schoodic -School -school -schoolable -schoolbag -schoolbook -schoolbookish -schoolboy -schoolboydom -schoolboyhood -schoolboyish -schoolboyishly -schoolboyishness -schoolboyism -schoolbutter -schoolcraft -schooldame -schooldom -schooled -schoolery -schoolfellow -schoolfellowship -schoolful -schoolgirl -schoolgirlhood -schoolgirlish -schoolgirlishly -schoolgirlishness -schoolgirlism -schoolgirly -schoolgoing -schoolhouse -schooling -schoolingly -schoolish -schoolkeeper -schoolkeeping -schoolless -schoollike -schoolmaam -schoolmaamish -schoolmaid -schoolman -schoolmaster -schoolmasterhood -schoolmastering -schoolmasterish -schoolmasterishly -schoolmasterishness -schoolmasterism -schoolmasterly -schoolmastership -schoolmastery -schoolmate -schoolmiss -schoolmistress -schoolmistressy -schoolroom -schoolteacher -schoolteacherish -schoolteacherly -schoolteachery -schoolteaching -schooltide -schooltime -schoolward -schoolwork -schoolyard -schoon -schooner -Schopenhauereanism -Schopenhauerian -Schopenhauerism -schoppen -schorenbergite -schorl -schorlaceous -schorlomite -schorlous -schorly -schottische -schottish -schout -schraubthaler -Schrebera -schreiner -schreinerize -schriesheimite -Schrund -schtoff -schuh -schuhe -schuit -schule -schultenite -schungite -schuss -schute -schwa -schwabacher -Schwalbea -schwarz -Schwarzian -schweizer -schweizerkase -Schwendenerian -Schwenkfelder -Schwenkfeldian -Sciadopitys -Sciaena -sciaenid -Sciaenidae -sciaeniform -Sciaeniformes -sciaenoid -scialytic -sciamachy -Scian -sciapod -sciapodous -Sciara -sciarid -Sciaridae -Sciarinae -sciatheric -sciatherical -sciatherically -sciatic -sciatica -sciatical -sciatically -sciaticky -scibile -science -scienced -scient -sciential -scientician -scientific -scientifical -scientifically -scientificalness -scientificogeographical -scientificohistorical -scientificophilosophical -scientificopoetic -scientificoreligious -scientificoromantic -scientintically -scientism -Scientist -scientist -scientistic -scientistically -scientize -scientolism -scilicet -Scilla -scillain -scillipicrin -Scillitan -scillitin -scillitoxin -Scillonian -scimitar -scimitared -scimitarpod -scincid -Scincidae -scincidoid -scinciform -scincoid -scincoidian -Scincomorpha -Scincus -scind -sciniph -scintilla -scintillant -scintillantly -scintillate -scintillating -scintillatingly -scintillation -scintillator -scintillescent -scintillize -scintillometer -scintilloscope -scintillose -scintillously -scintle -scintler -scintling -sciograph -sciographic -sciography -sciolism -sciolist -sciolistic -sciolous -sciomachiology -sciomachy -sciomancy -sciomantic -scion -sciophilous -sciophyte -scioptic -sciopticon -scioptics -scioptric -sciosophist -sciosophy -Sciot -scioterical -scioterique -sciotheism -sciotheric -sciotherical -sciotherically -scious -scirenga -Scirophoria -Scirophorion -Scirpus -scirrhi -scirrhogastria -scirrhoid -scirrhoma -scirrhosis -scirrhous -scirrhus -scirrosity -scirtopod -Scirtopoda -scirtopodous -scissel -scissible -scissile -scission -scissiparity -scissor -scissorbill -scissorbird -scissorer -scissoring -scissorium -scissorlike -scissorlikeness -scissors -scissorsbird -scissorsmith -scissorstail -scissortail -scissorwise -scissura -scissure -Scissurella -scissurellid -Scissurellidae -Scitaminales -Scitamineae -sciurid -Sciuridae -sciurine -sciuroid -sciuromorph -Sciuromorpha -sciuromorphic -Sciuropterus -Sciurus -sclaff -sclate -sclater -Sclav -Sclavonian -sclaw -scler -sclera -scleral -scleranth -Scleranthaceae -Scleranthus -scleratogenous -sclere -sclerectasia -sclerectomy -scleredema -sclereid -sclerema -sclerencephalia -sclerenchyma -sclerenchymatous -sclerenchyme -sclererythrin -scleretinite -Scleria -scleriasis -sclerification -sclerify -sclerite -scleritic -scleritis -sclerized -sclerobase -sclerobasic -scleroblast -scleroblastema -scleroblastemic -scleroblastic -sclerocauly -sclerochorioiditis -sclerochoroiditis -scleroconjunctival -scleroconjunctivitis -sclerocornea -sclerocorneal -sclerodactylia -sclerodactyly -scleroderm -Scleroderma -scleroderma -Sclerodermaceae -Sclerodermata -Sclerodermatales -sclerodermatitis -sclerodermatous -Sclerodermi -sclerodermia -sclerodermic -sclerodermite -sclerodermitic -sclerodermitis -sclerodermous -sclerogen -Sclerogeni -sclerogenoid -sclerogenous -scleroid -scleroiritis -sclerokeratitis -sclerokeratoiritis -scleroma -scleromata -scleromeninx -scleromere -sclerometer -sclerometric -scleronychia -scleronyxis -Scleropages -Scleroparei -sclerophthalmia -sclerophyll -sclerophyllous -sclerophylly -scleroprotein -sclerosal -sclerosarcoma -Scleroscope -scleroscope -sclerose -sclerosed -scleroseptum -sclerosis -scleroskeletal -scleroskeleton -Sclerospora -sclerostenosis -Sclerostoma -sclerostomiasis -sclerotal -sclerote -sclerotia -sclerotial -sclerotic -sclerotica -sclerotical -scleroticectomy -scleroticochorioiditis -scleroticochoroiditis -scleroticonyxis -scleroticotomy -Sclerotinia -sclerotinial -sclerotiniose -sclerotioid -sclerotitic -sclerotitis -sclerotium -sclerotized -sclerotoid -sclerotome -sclerotomic -sclerotomy -sclerous -scleroxanthin -sclerozone -scliff -sclim -sclimb -scoad -scob -scobby -scobicular -scobiform -scobs -scoff -scoffer -scoffery -scoffing -scoffingly -scoffingstock -scofflaw -scog -scoggan -scogger -scoggin -scogginism -scogginist -scoinson -scoke -scolb -scold -scoldable -scoldenore -scolder -scolding -scoldingly -scoleces -scoleciasis -scolecid -Scolecida -scoleciform -scolecite -scolecoid -scolecology -scolecophagous -scolecospore -scoleryng -scolex -Scolia -scolia -scolices -scoliid -Scoliidae -scoliograptic -scoliokyposis -scoliometer -scolion -scoliorachitic -scoliosis -scoliotic -scoliotone -scolite -scollop -scolog -scolopaceous -Scolopacidae -scolopacine -Scolopax -Scolopendra -scolopendra -Scolopendrella -Scolopendrellidae -scolopendrelloid -scolopendrid -Scolopendridae -scolopendriform -scolopendrine -Scolopendrium -scolopendroid -scolophore -scolopophore -Scolymus -scolytid -Scolytidae -scolytoid -Scolytus -Scomber -scomberoid -Scombresocidae -Scombresox -scombrid -Scombridae -scombriform -Scombriformes -scombrine -scombroid -Scombroidea -scombroidean -scombrone -sconce -sconcer -sconcheon -sconcible -scone -scoon -scoop -scooped -scooper -scoopful -scooping -scoopingly -scoot -scooter -scopa -scoparin -scoparius -scopate -scope -scopeless -scopelid -Scopelidae -scopeliform -scopelism -scopeloid -Scopelus -scopet -scopic -Scopidae -scopiferous -scopiform -scopiformly -scopine -scopiped -scopola -scopolamine -scopoleine -scopoletin -scopoline -scopperil -scops -scoptical -scoptically -scoptophilia -scoptophiliac -scoptophilic -scoptophobia -scopula -Scopularia -scopularian -scopulate -scopuliferous -scopuliform -scopuliped -Scopulipedes -scopulite -scopulous -scopulousness -Scopus -scorbute -scorbutic -scorbutical -scorbutically -scorbutize -scorbutus -scorch -scorched -scorcher -scorching -scorchingly -scorchingness -scorchproof -score -scoreboard -scorebook -scored -scorekeeper -scorekeeping -scoreless -scorer -scoria -scoriac -scoriaceous -scoriae -scorification -scorifier -scoriform -scorify -scoring -scorious -scorn -scorned -scorner -scornful -scornfully -scornfulness -scorningly -scornproof -scorny -scorodite -Scorpaena -scorpaenid -Scorpaenidae -scorpaenoid -scorpene -scorper -Scorpidae -Scorpididae -Scorpii -Scorpiid -Scorpio -scorpioid -scorpioidal -Scorpioidea -scorpion -Scorpiones -scorpionic -scorpionid -Scorpionida -Scorpionidea -Scorpionis -scorpionweed -scorpionwort -Scorpiurus -Scorpius -scorse -scortation -scortatory -Scorzonera -Scot -scot -scotale -Scotch -scotch -scotcher -Scotchery -Scotchification -Scotchify -Scotchiness -scotching -Scotchman -scotchman -Scotchness -Scotchwoman -Scotchy -scote -scoter -scoterythrous -Scotia -scotia -Scotic -scotino -Scotism -Scotist -Scotistic -Scotistical -Scotize -Scotlandwards -scotodinia -scotogram -scotograph -scotographic -scotography -scotoma -scotomata -scotomatic -scotomatical -scotomatous -scotomia -scotomic -scotomy -scotophobia -scotopia -scotopic -scotoscope -scotosis -Scots -Scotsman -Scotswoman -Scott -Scotticism -Scotticize -Scottie -Scottification -Scottify -Scottish -Scottisher -Scottishly -Scottishman -Scottishness -Scotty -scouch -scouk -scoundrel -scoundreldom -scoundrelish -scoundrelism -scoundrelly -scoundrelship -scoup -scour -scourage -scoured -scourer -scouress -scourfish -scourge -scourger -scourging -scourgingly -scouriness -scouring -scourings -scourway -scourweed -scourwort -scoury -scouse -scout -scoutcraft -scoutdom -scouter -scouth -scouther -scouthood -scouting -scoutingly -scoutish -scoutmaster -scoutwatch -scove -scovel -scovillite -scovy -scow -scowbank -scowbanker -scowder -scowl -scowler -scowlful -scowling -scowlingly -scowlproof -scowman -scrab -scrabble -scrabbled -scrabbler -scrabe -scrae -scraffle -scrag -scragged -scraggedly -scraggedness -scragger -scraggily -scragginess -scragging -scraggled -scraggling -scraggly -scraggy -scraily -scram -scramasax -scramble -scramblement -scrambler -scrambling -scramblingly -scrambly -scrampum -scran -scranch -scrank -scranky -scrannel -scranning -scranny -scrap -scrapable -scrapbook -scrape -scrapeage -scraped -scrapepenny -scraper -scrapie -scraping -scrapingly -scrapler -scraplet -scrapling -scrapman -scrapmonger -scrappage -scrapped -scrapper -scrappet -scrappily -scrappiness -scrapping -scrappingly -scrapple -scrappler -scrappy -scrapworks -scrapy -scrat -scratch -scratchable -scratchably -scratchback -scratchboard -scratchbrush -scratchcard -scratchcarding -scratchcat -scratcher -scratches -scratchification -scratchiness -scratching -scratchingly -scratchless -scratchlike -scratchman -scratchproof -scratchweed -scratchwork -scratchy -scrath -scratter -scrattle -scrattling -scrauch -scrauchle -scraunch -scraw -scrawk -scrawl -scrawler -scrawliness -scrawly -scrawm -scrawnily -scrawniness -scrawny -scray -scraze -screak -screaking -screaky -scream -screamer -screaminess -screaming -screamingly -screamproof -screamy -scree -screech -screechbird -screecher -screechily -screechiness -screeching -screechingly -screechy -screed -screek -screel -screeman -screen -screenable -screenage -screencraft -screendom -screened -screener -screening -screenless -screenlike -screenman -screenplay -screensman -screenwise -screenwork -screenwriter -screeny -screet -screeve -screeved -screever -screich -screigh -screve -screver -screw -screwable -screwage -screwball -screwbarrel -screwdrive -screwdriver -screwed -screwer -screwhead -screwiness -screwing -screwish -screwless -screwlike -screwman -screwmatics -screwship -screwsman -screwstem -screwstock -screwwise -screwworm -screwy -scribable -scribacious -scribaciousness -scribal -scribatious -scribatiousness -scribblage -scribblative -scribblatory -scribble -scribbleable -scribbled -scribbledom -scribbleism -scribblemania -scribblement -scribbleomania -scribbler -scribbling -scribblingly -scribbly -scribe -scriber -scribeship -scribing -scribism -scribophilous -scride -scrieve -scriever -scriggle -scriggler -scriggly -scrike -scrim -scrime -scrimer -scrimmage -scrimmager -scrimp -scrimped -scrimpily -scrimpiness -scrimpingly -scrimply -scrimpness -scrimption -scrimpy -scrimshander -scrimshandy -scrimshank -scrimshanker -scrimshaw -scrimshon -scrimshorn -scrin -scrinch -scrine -scringe -scriniary -scrip -scripee -scripless -scrippage -script -scription -scriptitious -scriptitiously -scriptitory -scriptive -scriptor -scriptorial -scriptorium -scriptory -scriptural -Scripturalism -scripturalism -Scripturalist -scripturalist -Scripturality -scripturality -scripturalize -scripturally -scripturalness -Scripturarian -Scripture -scripture -Scriptured -scriptured -Scriptureless -scripturiency -scripturient -Scripturism -scripturism -Scripturist -scripula -scripulum -scritch -scritoire -scrivaille -scrive -scrivello -scriven -scrivener -scrivenership -scrivenery -scrivening -scrivenly -scriver -scrob -scrobble -scrobe -scrobicula -scrobicular -scrobiculate -scrobiculated -scrobicule -scrobiculus -scrobis -scrod -scrodgill -scroff -scrofula -scrofularoot -scrofulaweed -scrofulide -scrofulism -scrofulitic -scrofuloderm -scrofuloderma -scrofulorachitic -scrofulosis -scrofulotuberculous -scrofulous -scrofulously -scrofulousness -scrog -scroggy -scrolar -scroll -scrolled -scrollery -scrollhead -scrollwise -scrollwork -scrolly -scronach -scroo -scrooch -scrooge -scroop -Scrophularia -Scrophulariaceae -scrophulariaceous -scrota -scrotal -scrotectomy -scrotiform -scrotitis -scrotocele -scrotofemoral -scrotum -scrouge -scrouger -scrounge -scrounger -scrounging -scrout -scrow -scroyle -scrub -scrubbable -scrubbed -scrubber -scrubbery -scrubbily -scrubbiness -scrubbird -scrubbly -scrubboard -scrubby -scrubgrass -scrubland -scrubwood -scruf -scruff -scruffle -scruffman -scruffy -scruft -scrum -scrummage -scrummager -scrump -scrumple -scrumption -scrumptious -scrumptiously -scrumptiousness -scrunch -scrunchy -scrunge -scrunger -scrunt -scruple -scrupleless -scrupler -scruplesome -scruplesomeness -scrupula -scrupular -scrupuli -scrupulist -scrupulosity -scrupulous -scrupulously -scrupulousness -scrupulum -scrupulus -scrush -scrutability -scrutable -scrutate -scrutation -scrutator -scrutatory -scrutinant -scrutinate -scrutineer -scrutinization -scrutinize -scrutinizer -scrutinizingly -scrutinous -scrutinously -scrutiny -scruto -scrutoire -scruze -scry -scryer -scud -scuddaler -scuddawn -scudder -scuddick -scuddle -scuddy -scudi -scudler -scudo -scuff -scuffed -scuffer -scuffle -scuffler -scufflingly -scuffly -scuffy -scuft -scufter -scug -scuggery -sculch -sculduddery -scull -sculler -scullery -scullful -scullion -scullionish -scullionize -scullionship -scullog -sculp -sculper -sculpin -sculpt -sculptile -sculptitory -sculptograph -sculptography -Sculptor -sculptor -Sculptorid -sculptress -sculptural -sculpturally -sculpturation -sculpture -sculptured -sculpturer -sculpturesque -sculpturesquely -sculpturesqueness -sculpturing -sculsh -scum -scumber -scumble -scumbling -scumboard -scumfish -scumless -scumlike -scummed -scummer -scumming -scummy -scumproof -scun -scuncheon -scunder -scunner -scup -scupful -scuppaug -scupper -scuppernong -scuppet -scuppler -scur -scurdy -scurf -scurfer -scurfily -scurfiness -scurflike -scurfy -scurrier -scurrile -scurrilist -scurrility -scurrilize -scurrilous -scurrilously -scurrilousness -scurry -scurvied -scurvily -scurviness -scurvish -scurvy -scurvyweed -scusation -scuse -scut -scuta -scutage -scutal -scutate -scutated -scutatiform -scutation -scutch -scutcheon -scutcheoned -scutcheonless -scutcheonlike -scutcheonwise -scutcher -scutching -scute -scutel -scutella -scutellae -scutellar -Scutellaria -scutellarin -scutellate -scutellated -scutellation -scutellerid -Scutelleridae -scutelliform -scutelligerous -scutelliplantar -scutelliplantation -scutellum -scutibranch -Scutibranchia -scutibranchian -scutibranchiate -scutifer -scutiferous -scutiform -scutiger -Scutigera -scutigeral -Scutigeridae -scutigerous -scutiped -scutter -scuttle -scuttlebutt -scuttleful -scuttleman -scuttler -scuttling -scuttock -scutty -scutula -scutular -scutulate -scutulated -scutulum -Scutum -scutum -scybala -scybalous -scybalum -scye -scyelite -Scyld -Scylla -Scyllaea -Scyllaeidae -scyllarian -Scyllaridae -scyllaroid -Scyllarus -Scyllidae -Scylliidae -scyllioid -Scylliorhinidae -scylliorhinoid -Scylliorhinus -scyllite -scyllitol -Scyllium -scypha -scyphae -scyphate -scyphi -scyphiferous -scyphiform -scyphiphorous -scyphistoma -scyphistomae -scyphistomoid -scyphistomous -scyphoi -scyphomancy -Scyphomedusae -scyphomedusan -scyphomedusoid -scyphophore -Scyphophori -scyphophorous -scyphopolyp -scyphose -scyphostoma -Scyphozoa -scyphozoan -scyphula -scyphulus -scyphus -scyt -scytale -Scyth -scythe -scytheless -scythelike -scytheman -scythesmith -scythestone -scythework -Scythian -Scythic -Scythize -scytitis -scytoblastema -scytodepsic -Scytonema -Scytonemataceae -scytonemataceous -scytonematoid -scytonematous -Scytopetalaceae -scytopetalaceous -Scytopetalum -sdeath -sdrucciola -se -sea -seabeach -seabeard -Seabee -seaberry -seaboard -seaborderer -seabound -seacannie -seacatch -seacoast -seaconny -seacraft -seacrafty -seacunny -seadog -seadrome -seafardinger -seafare -seafarer -seafaring -seaflood -seaflower -seafolk -Seaforthia -seafowl -Seaghan -seagirt -seagoer -seagoing -seah -seahound -seak -seal -sealable -sealant -sealch -sealed -sealer -sealery -sealess -sealet -sealette -sealflower -sealike -sealine -sealing -sealless -seallike -sealskin -sealwort -Sealyham -seam -seaman -seamancraft -seamanite -seamanlike -seamanly -seamanship -seamark -Seamas -seambiter -seamed -seamer -seaminess -seaming -seamless -seamlessly -seamlessness -seamlet -seamlike -seamost -seamrend -seamrog -seamster -seamstress -Seamus -seamy -Sean -seance -seapiece -seaplane -seaport -seaquake -sear -searce -searcer -search -searchable -searchableness -searchant -searcher -searcheress -searcherlike -searchership -searchful -searching -searchingly -searchingness -searchless -searchlight -searchment -searcloth -seared -searedness -searer -searing -searlesite -searness -seary -Seasan -seascape -seascapist -seascout -seascouting -seashine -seashore -seasick -seasickness -seaside -seasider -season -seasonable -seasonableness -seasonably -seasonal -seasonality -seasonally -seasonalness -seasoned -seasonedly -seasoner -seasoning -seasoninglike -seasonless -seastrand -seastroke -seat -seatang -seated -seater -seathe -seating -seatless -seatrain -seatron -seatsman -seatwork -seave -seavy -seawant -seaward -seawardly -seaware -seaway -seaweed -seaweedy -seawife -seawoman -seaworn -seaworthiness -seaworthy -seax -Seba -sebacate -sebaceous -sebacic -sebait -Sebastian -sebastianite -Sebastichthys -Sebastodes -sebate -sebesten -sebiferous -sebific -sebilla -sebiparous -sebkha -sebolith -seborrhagia -seborrhea -seborrheal -seborrheic -seborrhoic -Sebright -sebum -sebundy -sec -secability -secable -Secale -secalin -secaline -secalose -Secamone -secancy -secant -secantly -secateur -secede -Seceder -seceder -secern -secernent -secernment -secesh -secesher -Secessia -Secession -secession -Secessional -secessional -secessionalist -Secessiondom -secessioner -secessionism -secessionist -sech -Sechium -Sechuana -seck -Seckel -seclude -secluded -secludedly -secludedness -secluding -secluse -seclusion -seclusionist -seclusive -seclusively -seclusiveness -secodont -secohm -secohmmeter -second -secondar -secondarily -secondariness -secondary -seconde -seconder -secondhand -secondhanded -secondhandedly -secondhandedness -secondly -secondment -secondness -secos -secpar -secque -secre -secrecy -secret -secreta -secretage -secretagogue -secretarial -secretarian -Secretariat -secretariat -secretariate -secretary -secretaryship -secrete -secretin -secretion -secretional -secretionary -secretitious -secretive -secretively -secretiveness -secretly -secretmonger -secretness -secreto -secretomotor -secretor -secretory -secretum -sect -sectarial -sectarian -sectarianism -sectarianize -sectarianly -sectarism -sectarist -sectary -sectator -sectile -sectility -section -sectional -sectionalism -sectionalist -sectionality -sectionalization -sectionalize -sectionally -sectionary -sectionist -sectionize -sectioplanography -sectism -sectist -sectiuncle -sective -sector -sectoral -sectored -sectorial -sectroid -sectwise -secular -secularism -secularist -secularistic -secularity -secularization -secularize -secularizer -secularly -secularness -secund -secundate -secundation -secundiflorous -secundigravida -secundine -secundipara -secundiparity -secundiparous -secundly -secundogeniture -secundoprimary -secundus -securable -securance -secure -securely -securement -secureness -securer -securicornate -securifer -Securifera -securiferous -securiform -Securigera -securigerous -securitan -security -Sedaceae -Sedan -sedan -Sedang -sedanier -Sedat -sedate -sedately -sedateness -sedation -sedative -sedent -Sedentaria -sedentarily -sedentariness -sedentary -sedentation -Seder -sederunt -sedge -sedged -sedgelike -sedging -sedgy -sedigitate -sedigitated -sedile -sedilia -sediment -sedimental -sedimentarily -sedimentary -sedimentate -sedimentation -sedimentous -sedimetric -sedimetrical -sedition -seditionary -seditionist -seditious -seditiously -seditiousness -sedjadeh -Sedovic -seduce -seduceable -seducee -seducement -seducer -seducible -seducing -seducingly -seducive -seduct -seduction -seductionist -seductive -seductively -seductiveness -seductress -sedulity -sedulous -sedulously -sedulousness -Sedum -sedum -see -seeable -seeableness -Seebeck -seecatch -seech -seed -seedage -seedbed -seedbird -seedbox -seedcake -seedcase -seedeater -seeded -Seeder -seeder -seedful -seedgall -seedily -seediness -seedkin -seedless -seedlessness -seedlet -seedlike -seedling -seedlip -seedman -seedness -seedsman -seedstalk -seedtime -seedy -seege -seeing -seeingly -seeingness -seek -seeker -Seekerism -seeking -seel -seelful -seely -seem -seemable -seemably -seemer -seeming -seemingly -seemingness -seemless -seemlihead -seemlily -seemliness -seemly -seen -seenie -Seenu -seep -seepage -seeped -seepweed -seepy -seer -seerband -seercraft -seeress -seerfish -seerhand -seerhood -seerlike -seerpaw -seership -seersucker -seesaw -seesawiness -seesee -seethe -seething -seethingly -seetulputty -Sefekhet -seg -seggar -seggard -segged -seggrom -Seginus -segment -segmental -segmentally -segmentary -segmentate -segmentation -segmented -sego -segol -segolate -segreant -segregable -segregant -segregate -segregateness -segregation -segregational -segregationist -segregative -segregator -Sehyo -seiche -Seid -Seidel -seidel -Seidlitz -seigneur -seigneurage -seigneuress -seigneurial -seigneury -seignior -seigniorage -seignioral -seignioralty -seigniorial -seigniority -seigniorship -seigniory -seignorage -seignoral -seignorial -seignorize -seignory -seilenoi -seilenos -seine -seiner -seirospore -seirosporic -seise -seism -seismal -seismatical -seismetic -seismic -seismically -seismicity -seismism -seismochronograph -seismogram -seismograph -seismographer -seismographic -seismographical -seismography -seismologic -seismological -seismologically -seismologist -seismologue -seismology -seismometer -seismometric -seismometrical -seismometrograph -seismometry -seismomicrophone -seismoscope -seismoscopic -seismotectonic -seismotherapy -seismotic -seit -seity -Seiurus -Seiyuhonto -Seiyukai -seizable -seize -seizer -seizin -seizing -seizor -seizure -sejant -sejoin -sejoined -sejugate -sejugous -sejunct -sejunctive -sejunctively -sejunctly -Sekane -Sekani -Sekar -Seker -Sekhwan -sekos -selachian -Selachii -selachoid -Selachoidei -Selachostome -Selachostomi -selachostomous -seladang -Selaginaceae -Selaginella -Selaginellaceae -selaginellaceous -selagite -Selago -selah -selamin -selamlik -selbergite -Selbornian -seldom -seldomcy -seldomer -seldomly -seldomness -seldor -seldseen -sele -select -selectable -selected -selectedly -selectee -selection -selectionism -selectionist -selective -selectively -selectiveness -selectivity -selectly -selectman -selectness -selector -Selena -selenate -Selene -selenian -seleniate -selenic -Selenicereus -selenide -Selenidera -seleniferous -selenigenous -selenion -selenious -Selenipedium -selenite -selenitic -selenitical -selenitiferous -selenitish -selenium -seleniuret -selenobismuthite -selenocentric -selenodont -Selenodonta -selenodonty -selenograph -selenographer -selenographic -selenographical -selenographically -selenographist -selenography -selenolatry -selenological -selenologist -selenology -selenomancy -selenoscope -selenosis -selenotropic -selenotropism -selenotropy -selensilver -selensulphur -Seleucian -Seleucid -Seleucidae -Seleucidan -Seleucidean -Seleucidian -Seleucidic -self -selfcide -selfdom -selfful -selffulness -selfheal -selfhood -selfish -selfishly -selfishness -selfism -selfist -selfless -selflessly -selflessness -selfly -selfness -selfpreservatory -selfsame -selfsameness -selfward -selfwards -selictar -seligmannite -selihoth -Selina -Selinuntine -selion -Seljuk -Seljukian -sell -sella -sellable -sellably -sellaite -sellar -sellate -sellenders -seller -Selli -sellie -selliform -selling -sellout -selly -selsoviet -selsyn -selt -Selter -Seltzer -seltzogene -Selung -selva -selvage -selvaged -selvagee -selvedge -selzogene -Semaeostomae -Semaeostomata -Semang -semanteme -semantic -semantical -semantically -semantician -semanticist -semantics -semantological -semantology -semantron -semaphore -semaphoric -semaphorical -semaphorically -semaphorist -semarum -semasiological -semasiologically -semasiologist -semasiology -semateme -sematic -sematographic -sematography -sematology -sematrope -semball -semblable -semblably -semblance -semblant -semblative -semble -seme -Semecarpus -semeed -semeia -semeiography -semeiologic -semeiological -semeiologist -semeiology -semeion -semeiotic -semeiotical -semeiotics -semelfactive -semelincident -semen -semence -Semeostoma -semese -semester -semestral -semestrial -semi -semiabstracted -semiaccomplishment -semiacid -semiacidified -semiacquaintance -semiadherent -semiadjectively -semiadnate -semiaerial -semiaffectionate -semiagricultural -Semiahmoo -semialbinism -semialcoholic -semialien -semiallegiance -semialpine -semialuminous -semiamplexicaul -semiamplitude -semianarchist -semianatomical -semianatropal -semianatropous -semiangle -semiangular -semianimal -semianimate -semianimated -semiannealed -semiannual -semiannually -semiannular -semianthracite -semiantiministerial -semiantique -semiape -semiaperiodic -semiaperture -semiappressed -semiaquatic -semiarborescent -semiarc -semiarch -semiarchitectural -semiarid -semiaridity -semiarticulate -semiasphaltic -semiatheist -semiattached -semiautomatic -semiautomatically -semiautonomous -semiaxis -semibacchanalian -semibachelor -semibald -semibalked -semiball -semiballoon -semiband -semibarbarian -semibarbarianism -semibarbaric -semibarbarism -semibarbarous -semibaronial -semibarren -semibase -semibasement -semibastion -semibay -semibeam -semibejan -semibelted -semibifid -semibituminous -semibleached -semiblind -semiblunt -semibody -semiboiled -semibolshevist -semibolshevized -semibouffant -semibourgeois -semibreve -semibull -semiburrowing -semic -semicadence -semicalcareous -semicalcined -semicallipygian -semicanal -semicanalis -semicannibalic -semicantilever -semicarbazide -semicarbazone -semicarbonate -semicarbonize -semicardinal -semicartilaginous -semicastrate -semicastration -semicatholicism -semicaudate -semicelestial -semicell -semicellulose -semicentenarian -semicentenary -semicentennial -semicentury -semichannel -semichaotic -semichemical -semicheviot -semichevron -semichiffon -semichivalrous -semichoric -semichorus -semichrome -semicircle -semicircled -semicircular -semicircularity -semicircularly -semicircularness -semicircumference -semicircumferentor -semicircumvolution -semicirque -semicitizen -semicivilization -semicivilized -semiclassic -semiclassical -semiclause -semicleric -semiclerical -semiclimber -semiclimbing -semiclose -semiclosed -semiclosure -semicoagulated -semicoke -semicollapsible -semicollar -semicollegiate -semicolloid -semicolloquial -semicolon -semicolonial -semicolumn -semicolumnar -semicoma -semicomatose -semicombined -semicombust -semicomic -semicomical -semicommercial -semicompact -semicompacted -semicomplete -semicomplicated -semiconceal -semiconcrete -semiconducting -semiconductor -semicone -semiconfident -semiconfinement -semiconfluent -semiconformist -semiconformity -semiconic -semiconical -semiconnate -semiconnection -semiconoidal -semiconscious -semiconsciously -semiconsciousness -semiconservative -semiconsonant -semiconsonantal -semiconspicuous -semicontinent -semicontinuum -semicontraction -semicontradiction -semiconvergence -semiconvergent -semiconversion -semiconvert -semicordate -semicordated -semicoriaceous -semicorneous -semicoronate -semicoronated -semicoronet -semicostal -semicostiferous -semicotton -semicotyle -semicounterarch -semicountry -semicrepe -semicrescentic -semicretin -semicretinism -semicriminal -semicroma -semicrome -semicrustaceous -semicrystallinc -semicubical -semicubit -semicup -semicupium -semicupola -semicured -semicurl -semicursive -semicurvilinear -semicyclic -semicycloid -semicylinder -semicylindric -semicylindrical -semicynical -semidaily -semidangerous -semidark -semidarkness -semidead -semideaf -semidecay -semidecussation -semidefinite -semideific -semideification -semideistical -semideity -semidelight -semidelirious -semideltaic -semidemented -semidenatured -semidependence -semidependent -semideponent -semidesert -semidestructive -semidetached -semidetachment -semideveloped -semidiagrammatic -semidiameter -semidiapason -semidiapente -semidiaphaneity -semidiaphanous -semidiatessaron -semidifference -semidigested -semidigitigrade -semidigression -semidilapidation -semidine -semidirect -semidisabled -semidisk -semiditone -semidiurnal -semidivided -semidivine -semidocumentary -semidodecagon -semidole -semidome -semidomed -semidomestic -semidomesticated -semidomestication -semidomical -semidormant -semidouble -semidrachm -semidramatic -semidress -semidressy -semidried -semidry -semidrying -semiductile -semidull -semiduplex -semiduration -semieducated -semieffigy -semiegg -semiegret -semielastic -semielision -semiellipse -semiellipsis -semiellipsoidal -semielliptic -semielliptical -semienclosed -semiengaged -semiequitant -semierect -semieremitical -semiessay -semiexecutive -semiexpanded -semiexplanation -semiexposed -semiexternal -semiextinct -semiextinction -semifable -semifabulous -semifailure -semifamine -semifascia -semifasciated -semifashion -semifast -semifatalistic -semiferal -semiferous -semifeudal -semifeudalism -semifib -semifiction -semifictional -semifigurative -semifigure -semifinal -semifinalist -semifine -semifinish -semifinished -semifiscal -semifistular -semifit -semifitting -semifixed -semiflashproof -semiflex -semiflexed -semiflexible -semiflexion -semiflexure -semiflint -semifloating -semifloret -semifloscular -semifloscule -semiflosculose -semiflosculous -semifluctuant -semifluctuating -semifluid -semifluidic -semifluidity -semifoaming -semiforbidding -semiforeign -semiform -semiformal -semiformed -semifossil -semifossilized -semifrantic -semifriable -semifrontier -semifuddle -semifunctional -semifused -semifusion -semify -semigala -semigelatinous -semigentleman -semigenuflection -semigirder -semiglaze -semiglazed -semiglobe -semiglobose -semiglobular -semiglobularly -semiglorious -semiglutin -semigod -semigovernmental -semigrainy -semigranitic -semigranulate -semigravel -semigroove -semihand -semihard -semiharden -semihardy -semihastate -semihepatization -semiherbaceous -semiheterocercal -semihexagon -semihexagonal -semihiant -semihiatus -semihibernation -semihigh -semihistorical -semihobo -semihonor -semihoral -semihorny -semihostile -semihot -semihuman -semihumanitarian -semihumanized -semihumbug -semihumorous -semihumorously -semihyaline -semihydrate -semihydrobenzoinic -semihyperbola -semihyperbolic -semihyperbolical -semijealousy -semijubilee -semijudicial -semijuridical -semilanceolate -semilatent -semilatus -semileafless -semilegendary -semilegislative -semilens -semilenticular -semilethal -semiliberal -semilichen -semiligneous -semilimber -semilined -semiliquid -semiliquidity -semiliterate -semilocular -semilogarithmic -semilogical -semilong -semilooper -semiloose -semiloyalty -semilucent -semilunar -semilunare -semilunary -semilunate -semilunation -semilune -semiluxation -semiluxury -semimachine -semimade -semimadman -semimagical -semimagnetic -semimajor -semimalignant -semimanufacture -semimanufactured -semimarine -semimarking -semimathematical -semimature -semimechanical -semimedicinal -semimember -semimembranosus -semimembranous -semimenstrual -semimercerized -semimessianic -semimetal -semimetallic -semimetamorphosis -semimicrochemical -semimild -semimilitary -semimill -semimineral -semimineralized -semiminim -semiminor -semimolecule -semimonastic -semimonitor -semimonopoly -semimonster -semimonthly -semimoron -semimucous -semimute -semimystic -semimystical -semimythical -seminaked -seminal -seminality -seminally -seminaphthalidine -seminaphthylamine -seminar -seminarcosis -seminarial -seminarian -seminarianism -seminarist -seminaristic -seminarize -seminary -seminasal -seminase -seminatant -seminate -semination -seminationalization -seminative -seminebulous -seminecessary -seminegro -seminervous -seminiferal -seminiferous -seminific -seminifical -seminification -seminist -seminium -seminivorous -seminocturnal -Seminole -seminoma -seminomad -seminomadic -seminomata -seminonconformist -seminonflammable -seminonsensical -seminormal -seminose -seminovel -seminovelty -seminude -seminudity -seminule -seminuliferous -seminuria -seminvariant -seminvariantive -semioblivion -semioblivious -semiobscurity -semioccasional -semioccasionally -semiocclusive -semioctagonal -semiofficial -semiofficially -semiography -Semionotidae -Semionotus -semiopacity -semiopacous -semiopal -semiopalescent -semiopaque -semiopened -semiorb -semiorbicular -semiorbicularis -semiorbiculate -semiordinate -semiorganized -semioriental -semioscillation -semiosseous -semiostracism -semiotic -semiotician -semioval -semiovaloid -semiovate -semioviparous -semiovoid -semiovoidal -semioxidated -semioxidized -semioxygenated -semioxygenized -semipagan -semipalmate -semipalmated -semipalmation -semipanic -semipapal -semipapist -semiparallel -semiparalysis -semiparameter -semiparasitic -semiparasitism -semipaste -semipastoral -semipasty -semipause -semipeace -semipectinate -semipectinated -semipectoral -semiped -semipedal -semipellucid -semipellucidity -semipendent -semipenniform -semiperfect -semiperimeter -semiperimetry -semiperiphery -semipermanent -semipermeability -semipermeable -semiperoid -semiperspicuous -semipertinent -semipervious -semipetaloid -semipetrified -semiphase -semiphilologist -semiphilosophic -semiphilosophical -semiphlogisticated -semiphonotypy -semiphosphorescent -semipinacolic -semipinacolin -semipinnate -semipiscine -semiplantigrade -semiplastic -semiplumaceous -semiplume -semipolar -semipolitical -semipolitician -semipoor -semipopish -semipopular -semiporcelain -semiporous -semiporphyritic -semiportable -semipostal -semipractical -semiprecious -semipreservation -semiprimigenous -semiprivacy -semiprivate -semipro -semiprofane -semiprofessional -semiprofessionalized -semipronation -semiprone -semipronominal -semiproof -semiproselyte -semiprosthetic -semiprostrate -semiprotectorate -semiproven -semipublic -semipupa -semipurulent -semiputrid -semipyramidal -semipyramidical -semipyritic -semiquadrangle -semiquadrantly -semiquadrate -semiquantitative -semiquantitatively -semiquartile -semiquaver -semiquietism -semiquietist -semiquinquefid -semiquintile -semiquote -semiradial -semiradiate -Semiramis -Semiramize -semirapacious -semirare -semirattlesnake -semiraw -semirebellion -semirecondite -semirecumbent -semirefined -semireflex -semiregular -semirelief -semireligious -semireniform -semirepublican -semiresinous -semiresolute -semirespectability -semirespectable -semireticulate -semiretirement -semiretractile -semireverberatory -semirevolute -semirevolution -semirevolutionist -semirhythm -semiriddle -semirigid -semiring -semiroll -semirotary -semirotating -semirotative -semirotatory -semirotund -semirotunda -semiround -semiroyal -semiruin -semirural -semirustic -semis -semisacerdotal -semisacred -semisagittate -semisaint -semisaline -semisaltire -semisaprophyte -semisaprophytic -semisarcodic -semisatiric -semisaturation -semisavage -semisavagedom -semisavagery -semiscenic -semischolastic -semiscientific -semiseafaring -semisecondary -semisecrecy -semisecret -semisection -semisedentary -semisegment -semisensuous -semisentient -semisentimental -semiseparatist -semiseptate -semiserf -semiserious -semiseriously -semiseriousness -semiservile -semisevere -semiseverely -semiseverity -semisextile -semishady -semishaft -semisheer -semishirker -semishrub -semishrubby -semisightseeing -semisilica -semisimious -semisimple -semisingle -semisixth -semiskilled -semislave -semismelting -semismile -semisocial -semisocialism -semisociative -semisocinian -semisoft -semisolemn -semisolemnity -semisolemnly -semisolid -semisolute -semisomnambulistic -semisomnolence -semisomnous -semisopor -semisovereignty -semispan -semispeculation -semisphere -semispheric -semispherical -semispheroidal -semispinalis -semispiral -semispiritous -semispontaneity -semispontaneous -semispontaneously -semispontaneousness -semisport -semisporting -semisquare -semistagnation -semistaminate -semistarvation -semistarved -semistate -semisteel -semistiff -semistill -semistock -semistory -semistratified -semistriate -semistriated -semistuporous -semisubterranean -semisuburban -semisuccess -semisuccessful -semisuccessfully -semisucculent -semisupernatural -semisupinated -semisupination -semisupine -semisuspension -semisymmetric -semita -semitact -semitae -semitailored -semital -semitandem -semitangent -semitaur -Semite -semitechnical -semiteetotal -semitelic -semitendinosus -semitendinous -semiterete -semiterrestrial -semitertian -semitesseral -semitessular -semitheological -semithoroughfare -Semitic -Semiticism -Semiticize -Semitics -semitime -Semitism -Semitist -Semitization -Semitize -semitonal -semitonally -semitone -semitonic -semitonically -semitontine -semitorpid -semitour -semitrailer -semitrained -semitransept -semitranslucent -semitransparency -semitransparent -semitransverse -semitreasonable -semitrimmed -semitropic -semitropical -semitropics -semitruth -semituberous -semitubular -semiuncial -semiundressed -semiuniversalist -semiupright -semiurban -semiurn -semivalvate -semivault -semivector -semivegetable -semivertebral -semiverticillate -semivibration -semivirtue -semiviscid -semivital -semivitreous -semivitrification -semivitrified -semivocal -semivocalic -semivolatile -semivolcanic -semivoluntary -semivowel -semivulcanized -semiwaking -semiwarfare -semiweekly -semiwild -semiwoody -semiyearly -semmet -semmit -Semnae -Semnones -Semnopithecinae -semnopithecine -Semnopithecus -semola -semolella -semolina -semological -semology -Semostomae -semostomeous -semostomous -semperannual -sempergreen -semperidentical -semperjuvenescent -sempervirent -sempervirid -Sempervivum -sempitern -sempiternal -sempiternally -sempiternity -sempiternize -sempiternous -sempstrywork -semsem -semuncia -semuncial -sen -Senaah -senaite -senam -senarian -senarius -senarmontite -senary -senate -senator -senatorial -senatorially -senatorian -senatorship -senatory -senatress -senatrices -senatrix -sence -Senci -sencion -send -sendable -sendal -sendee -sender -sending -Seneca -Senecan -Senecio -senecioid -senecionine -senectitude -senectude -senectuous -senega -Senegal -Senegalese -Senegambian -senegin -senesce -senescence -senescent -seneschal -seneschally -seneschalship -seneschalsy -seneschalty -sengreen -senicide -Senijextee -senile -senilely -senilism -senility -senilize -senior -seniority -seniorship -Senlac -Senna -senna -sennegrass -sennet -sennight -sennit -sennite -senocular -Senones -Senonian -sensa -sensable -sensal -sensate -sensation -sensational -sensationalism -sensationalist -sensationalistic -sensationalize -sensationally -sensationary -sensationish -sensationism -sensationist -sensationistic -sensationless -sensatorial -sensatory -sense -sensed -senseful -senseless -senselessly -senselessness -sensibilia -sensibilisin -sensibilitist -sensibilitous -sensibility -sensibilium -sensibilization -sensibilize -sensible -sensibleness -sensibly -sensical -sensifacient -sensiferous -sensific -sensificatory -sensifics -sensify -sensigenous -sensile -sensilia -sensilla -sensillum -sension -sensism -sensist -sensistic -sensitive -sensitively -sensitiveness -sensitivity -sensitization -sensitize -sensitizer -sensitometer -sensitometric -sensitometry -sensitory -sensive -sensize -senso -sensomobile -sensomobility -sensomotor -sensoparalysis -sensor -sensoria -sensorial -sensoriglandular -sensorimotor -sensorimuscular -sensorium -sensorivascular -sensorivasomotor -sensorivolitional -sensory -sensual -sensualism -sensualist -sensualistic -sensuality -sensualization -sensualize -sensually -sensualness -sensuism -sensuist -sensum -sensuosity -sensuous -sensuously -sensuousness -sensyne -sent -sentence -sentencer -sentential -sententially -sententiarian -sententiarist -sententiary -sententiosity -sententious -sententiously -sententiousness -sentience -sentiendum -sentient -sentiently -sentiment -sentimental -sentimentalism -sentimentalist -sentimentality -sentimentalization -sentimentalize -sentimentalizer -sentimentally -sentimenter -sentimentless -sentinel -sentinellike -sentinelship -sentinelwise -sentisection -sentition -sentry -Senusi -Senusian -Senusism -sepad -sepal -sepaled -sepaline -sepalled -sepalody -sepaloid -separability -separable -separableness -separably -separata -separate -separatedly -separately -separateness -separates -separatical -separating -separation -separationism -separationist -separatism -separatist -separatistic -separative -separatively -separativeness -separator -separatory -separatress -separatrix -separatum -Sepharad -Sephardi -Sephardic -Sephardim -Sepharvites -sephen -sephiric -sephirothic -sepia -sepiaceous -sepialike -sepian -sepiarian -sepiary -sepic -sepicolous -Sepiidae -sepiment -sepioid -Sepioidea -Sepiola -Sepiolidae -sepiolite -sepion -sepiost -sepiostaire -sepium -sepone -sepoy -seppuku -seps -Sepsidae -sepsine -sepsis -Sept -sept -septa -septal -septan -septane -septangle -septangled -septangular -septangularness -septarian -septariate -septarium -septate -septated -septation -septatoarticulate -septavalent -septave -septcentenary -septectomy -September -Septemberer -Septemberism -Septemberist -Septembral -Septembrian -Septembrist -Septembrize -Septembrizer -septemdecenary -septemfid -septemfluous -septemfoliate -septemfoliolate -septemia -septempartite -septemplicate -septemvious -septemvir -septemvirate -septemviri -septenar -septenarian -septenarius -septenary -septenate -septendecennial -septendecimal -septennary -septennate -septenniad -septennial -septennialist -septenniality -septennially -septennium -septenous -Septentrio -Septentrion -septentrional -septentrionality -septentrionally -septentrionate -septentrionic -septerium -septet -septfoil -Septi -Septibranchia -Septibranchiata -septic -septical -septically -septicemia -septicemic -septicidal -septicidally -septicity -septicization -septicolored -septicopyemia -septicopyemic -septier -septifarious -septiferous -septifluous -septifolious -septiform -septifragal -septifragally -septilateral -septile -septillion -septillionth -septimal -septimanal -septimanarian -septime -septimetritis -septimole -septinsular -septipartite -septisyllabic -septisyllable -septivalent -septleva -Septobasidium -septocosta -septocylindrical -Septocylindrium -septodiarrhea -septogerm -Septogloeum -septoic -septole -septomarginal -septomaxillary -septonasal -Septoria -septotomy -septship -septuagenarian -septuagenarianism -septuagenary -septuagesima -Septuagint -septuagint -Septuagintal -septulate -septulum -septum -septuncial -septuor -septuple -septuplet -septuplicate -septuplication -sepulcher -sepulchral -sepulchralize -sepulchrally -sepulchrous -sepultural -sepulture -sequa -sequacious -sequaciously -sequaciousness -sequacity -Sequan -Sequani -Sequanian -sequel -sequela -sequelae -sequelant -sequence -sequencer -sequency -sequent -sequential -sequentiality -sequentially -sequently -sequest -sequester -sequestered -sequesterment -sequestra -sequestrable -sequestral -sequestrate -sequestration -sequestrator -sequestratrices -sequestratrix -sequestrectomy -sequestrotomy -sequestrum -sequin -sequitur -Sequoia -ser -sera -serab -Serabend -seragli -seraglio -serai -serail -seral -seralbumin -seralbuminous -serang -serape -Serapea -Serapeum -seraph -seraphic -seraphical -seraphically -seraphicalness -seraphicism -seraphicness -seraphim -seraphina -seraphine -seraphism -seraphlike -seraphtide -Serapias -Serapic -Serapis -Serapist -serasker -seraskerate -seraskier -seraskierat -serau -seraw -Serb -Serbdom -Serbian -Serbize -Serbonian -Serbophile -Serbophobe -sercial -serdab -Serdar -Sere -sere -Serean -sereh -Serena -serenade -serenader -serenata -serenate -Serendib -serendibite -serendipity -serendite -serene -serenely -sereneness -serenify -serenissime -serenissimi -serenissimo -serenity -serenize -Serenoa -Serer -Seres -sereward -serf -serfage -serfdom -serfhood -serfish -serfishly -serfishness -serfism -serflike -serfship -Serge -serge -sergeancy -Sergeant -sergeant -sergeantcy -sergeantess -sergeantry -sergeantship -sergeanty -sergedesoy -Sergei -serger -sergette -serging -Sergio -Sergiu -Sergius -serglobulin -Seri -serial -serialist -seriality -serialization -serialize -serially -Serian -seriary -seriate -seriately -seriatim -seriation -Seric -Sericana -sericate -sericated -sericea -sericeotomentose -sericeous -sericicultural -sericiculture -sericiculturist -sericin -sericipary -sericite -sericitic -sericitization -Sericocarpus -sericteria -sericterium -serictery -sericultural -sericulture -sericulturist -seriema -series -serif -serific -Seriform -serigraph -serigrapher -serigraphy -serimeter -serin -serine -serinette -seringa -seringal -seringhi -Serinus -serio -seriocomedy -seriocomic -seriocomical -seriocomically -seriogrotesque -Seriola -Seriolidae -serioline -serioludicrous -seriopantomimic -serioridiculous -seriosity -serious -seriously -seriousness -seripositor -Serjania -serjeant -serment -sermo -sermocination -sermocinatrix -sermon -sermoneer -sermoner -sermonesque -sermonet -sermonettino -sermonic -sermonically -sermonics -sermonish -sermonism -sermonist -sermonize -sermonizer -sermonless -sermonoid -sermonolatry -sermonology -sermonproof -sermonwise -sermuncle -sernamby -sero -seroalbumin -seroalbuminuria -seroanaphylaxis -serobiological -serocolitis -serocyst -serocystic -serodermatosis -serodermitis -serodiagnosis -serodiagnostic -seroenteritis -seroenzyme -serofibrinous -serofibrous -serofluid -serogelatinous -serohemorrhagic -serohepatitis -seroimmunity -serolactescent -serolemma -serolin -serolipase -serologic -serological -serologically -serologist -serology -seromaniac -seromembranous -seromucous -seromuscular -seron -seronegative -seronegativity -seroon -seroot -seroperitoneum -serophthisis -serophysiology -seroplastic -seropneumothorax -seropositive -seroprevention -seroprognosis -seroprophylaxis -seroprotease -seropuriform -seropurulent -seropus -seroreaction -serosa -serosanguineous -serosanguinolent -seroscopy -serositis -serosity -serosynovial -serosynovitis -serotherapeutic -serotherapeutics -serotherapist -serotherapy -serotina -serotinal -serotine -serotinous -serotoxin -serous -serousness -serovaccine -serow -serozyme -Serpari -serpedinous -Serpens -Serpent -serpent -serpentaria -Serpentarian -Serpentarii -serpentarium -Serpentarius -serpentary -serpentcleide -serpenteau -Serpentes -serpentess -Serpentian -serpenticidal -serpenticide -Serpentid -serpentiferous -serpentiform -serpentina -serpentine -serpentinely -Serpentinian -serpentinic -serpentiningly -serpentinization -serpentinize -serpentinoid -serpentinous -Serpentis -serpentivorous -serpentize -serpentlike -serpently -serpentoid -serpentry -serpentwood -serphid -Serphidae -serphoid -Serphoidea -serpierite -serpiginous -serpiginously -serpigo -serpivolant -serpolet -Serpula -serpula -Serpulae -serpulae -serpulan -serpulid -Serpulidae -serpulidan -serpuline -serpulite -serpulitic -serpuloid -serra -serradella -serrage -serran -serrana -serranid -Serranidae -Serrano -serrano -serranoid -Serranus -Serrasalmo -serrate -serrated -serratic -serratiform -serratile -serration -serratirostral -serratocrenate -serratodentate -serratodenticulate -serratoglandulous -serratospinose -serrature -serricorn -Serricornia -Serridentines -Serridentinus -serried -serriedly -serriedness -Serrifera -serriferous -serriform -serriped -serrirostrate -serrulate -serrulated -serrulation -serry -sert -serta -Sertularia -sertularian -Sertulariidae -sertularioid -sertule -sertulum -sertum -serum -serumal -serut -servable -servage -serval -servaline -servant -servantcy -servantdom -servantess -servantless -servantlike -servantry -servantship -servation -serve -servente -serventism -server -servery -servet -Servetian -Servetianism -Servian -service -serviceability -serviceable -serviceableness -serviceably -serviceberry -serviceless -servicelessness -serviceman -Servidor -servidor -servient -serviential -serviette -servile -servilely -servileness -servilism -servility -servilize -serving -servingman -servist -Servite -servitor -servitorial -servitorship -servitress -servitrix -servitude -serviture -Servius -servo -servomechanism -servomotor -servulate -serwamby -sesame -sesamoid -sesamoidal -sesamoiditis -Sesamum -Sesban -Sesbania -sescuple -Seseli -Seshat -Sesia -Sesiidae -sesma -sesqui -sesquialter -sesquialtera -sesquialteral -sesquialteran -sesquialterous -sesquibasic -sesquicarbonate -sesquicentennial -sesquichloride -sesquiduplicate -sesquihydrate -sesquihydrated -sesquinona -sesquinonal -sesquioctava -sesquioctaval -sesquioxide -sesquipedal -sesquipedalian -sesquipedalianism -sesquipedality -sesquiplicate -sesquiquadrate -sesquiquarta -sesquiquartal -sesquiquartile -sesquiquinta -sesquiquintal -sesquiquintile -sesquisalt -sesquiseptimal -sesquisextal -sesquisilicate -sesquisquare -sesquisulphate -sesquisulphide -sesquisulphuret -sesquiterpene -sesquitertia -sesquitertial -sesquitertian -sesquitertianal -sess -sessile -sessility -Sessiliventres -session -sessional -sessionary -sessions -sesterce -sestertium -sestet -sesti -sestiad -Sestian -sestina -sestine -sestole -sestuor -Sesuto -Sesuvium -set -seta -setaceous -setaceously -setae -setal -Setaria -setarious -setback -setbolt -setdown -setfast -Seth -seth -sethead -Sethian -Sethic -Sethite -Setibo -setier -Setifera -setiferous -setiform -setigerous -setiparous -setirostral -setline -setness -setoff -seton -Setophaga -Setophaginae -setophagine -setose -setous -setout -setover -setscrew -setsman -sett -settable -settaine -settee -setter -settergrass -setterwort -setting -settle -settleable -settled -settledly -settledness -settlement -settler -settlerdom -settling -settlings -settlor -settsman -setula -setule -setuliform -setulose -setulous -setup -setwall -setwise -setwork -seugh -Sevastopol -seven -sevenbark -sevener -sevenfold -sevenfolded -sevenfoldness -sevennight -sevenpence -sevenpenny -sevenscore -seventeen -seventeenfold -seventeenth -seventeenthly -seventh -seventhly -seventieth -seventy -seventyfold -sever -severable -several -severalfold -severality -severalize -severally -severalness -severalth -severalty -severance -severation -severe -severedly -severely -severeness -severer -Severian -severingly -severish -severity -severization -severize -severy -Sevillian -sew -sewable -sewage -sewan -sewed -sewellel -sewen -sewer -sewerage -sewered -sewerless -sewerlike -sewerman -sewery -sewing -sewless -sewn -sewround -sex -sexadecimal -sexagenarian -sexagenarianism -sexagenary -Sexagesima -sexagesimal -sexagesimally -sexagesimals -sexagonal -sexangle -sexangled -sexangular -sexangularly -sexannulate -sexarticulate -sexcentenary -sexcuspidate -sexdigital -sexdigitate -sexdigitated -sexdigitism -sexed -sexenary -sexennial -sexennially -sexennium -sexern -sexfarious -sexfid -sexfoil -sexhood -sexifid -sexillion -sexiped -sexipolar -sexisyllabic -sexisyllable -sexitubercular -sexivalence -sexivalency -sexivalent -sexless -sexlessly -sexlessness -sexlike -sexlocular -sexly -sexological -sexologist -sexology -sexpartite -sexradiate -sext -sextactic -sextain -sextan -sextans -Sextant -sextant -sextantal -sextar -sextarii -sextarius -sextary -sextennial -sextern -sextet -sextic -sextile -Sextilis -sextillion -sextillionth -sextipara -sextipartite -sextipartition -sextiply -sextipolar -sexto -sextodecimo -sextole -sextolet -sexton -sextoness -sextonship -sextry -sextubercular -sextuberculate -sextula -sextulary -sextumvirate -sextuple -sextuplet -sextuplex -sextuplicate -sextuply -sexual -sexuale -sexualism -sexualist -sexuality -sexualization -sexualize -sexually -sexuous -sexupara -sexuparous -sexy -sey -seybertite -Seymeria -Seymour -sfoot -Sgad -sgraffiato -sgraffito -sh -sha -shaatnez -shab -Shaban -shabash -Shabbath -shabbed -shabbify -shabbily -shabbiness -shabble -shabby -shabbyish -shabrack -shabunder -Shabuoth -shachle -shachly -shack -shackanite -shackatory -shackbolt -shackland -shackle -shacklebone -shackledom -shackler -shacklewise -shackling -shackly -shacky -shad -shadbelly -shadberry -shadbird -shadbush -shadchan -shaddock -shade -shaded -shadeful -shadeless -shadelessness -shader -shadetail -shadflower -shadily -shadine -shadiness -shading -shadkan -shadoof -Shadow -shadow -shadowable -shadowbox -shadowboxing -shadowed -shadower -shadowfoot -shadowgram -shadowgraph -shadowgraphic -shadowgraphist -shadowgraphy -shadowily -shadowiness -shadowing -shadowishly -shadowist -shadowland -shadowless -shadowlessness -shadowlike -shadowly -shadowy -shadrach -shady -shaffle -Shafiite -shaft -shafted -shafter -shaftfoot -shafting -shaftless -shaftlike -shaftman -shaftment -shaftsman -shaftway -shafty -shag -shaganappi -shagbag -shagbark -shagged -shaggedness -shaggily -shagginess -shaggy -Shagia -shaglet -shaglike -shagpate -shagrag -shagreen -shagreened -shagroon -shagtail -shah -Shahaptian -shaharith -shahdom -shahi -Shahid -shahin -shahzada -Shai -Shaigia -shaikh -Shaikiyeh -shaitan -Shaiva -Shaivism -Shaka -shakable -shake -shakeable -shakebly -shakedown -shakefork -shaken -shakenly -shakeout -shakeproof -Shaker -shaker -shakerag -Shakerdom -Shakeress -Shakerism -Shakerlike -shakers -shakescene -Shakespearean -Shakespeareana -Shakespeareanism -Shakespeareanly -Shakespearize -Shakespearolater -Shakespearolatry -shakha -Shakil -shakily -shakiness -shaking -shakingly -shako -shaksheer -Shakta -Shakti -shakti -Shaktism -shaku -shaky -Shakyamuni -Shalako -shale -shalelike -shaleman -shall -shallal -shallon -shalloon -shallop -shallopy -shallot -shallow -shallowbrained -shallowhearted -shallowish -shallowist -shallowly -shallowness -shallowpate -shallowpated -shallows -shallowy -shallu -shalom -shalt -shalwar -shaly -Sham -sham -shama -shamable -shamableness -shamably -shamal -shamalo -shaman -shamaness -shamanic -shamanism -shamanist -shamanistic -shamanize -shamateur -shamba -Shambala -shamble -shambling -shamblingly -shambrier -Shambu -shame -shameable -shamed -shameface -shamefaced -shamefacedly -shamefacedness -shamefast -shamefastly -shamefastness -shameful -shamefully -shamefulness -shameless -shamelessly -shamelessness -shameproof -shamer -shamesick -shameworthy -shamianah -Shamim -shamir -Shammar -shammed -shammer -shammick -shamming -shammish -shammock -shammocking -shammocky -shammy -shampoo -shampooer -shamrock -shamroot -shamsheer -Shan -shan -shanachas -shanachie -Shandean -shandry -shandrydan -Shandy -shandy -shandygaff -Shandyism -Shane -Shang -Shangalla -shangan -Shanghai -shanghai -shanghaier -shank -Shankar -shanked -shanker -shankings -shankpiece -shanksman -shanna -Shannon -shanny -shansa -shant -Shantung -shanty -shantylike -shantyman -shantytown -shap -shapable -Shape -shape -shaped -shapeful -shapeless -shapelessly -shapelessness -shapeliness -shapely -shapen -shaper -shapeshifter -shapesmith -shaping -shapingly -shapometer -shaps -Shaptan -shapy -sharable -Sharada -Sharan -shard -Shardana -sharded -shardy -share -shareable -sharebone -sharebroker -sharecrop -sharecropper -shareholder -shareholdership -shareman -sharepenny -sharer -shareship -sharesman -sharewort -Sharezer -shargar -Shari -Sharia -Sharira -shark -sharkful -sharkish -sharklet -sharklike -sharkship -sharkskin -sharky -sharn -sharnbud -sharny -Sharon -sharp -sharpen -sharpener -sharper -sharpie -sharpish -sharply -sharpness -sharps -sharpsaw -sharpshin -sharpshod -sharpshooter -sharpshooting -sharptail -sharpware -sharpy -Sharra -sharrag -sharry -Shasta -shastaite -Shastan -shaster -shastra -shastraik -shastri -shastrik -shat -shatan -shathmont -Shatter -shatter -shatterbrain -shatterbrained -shatterer -shatterheaded -shattering -shatteringly -shatterment -shatterpated -shatterproof -shatterwit -shattery -shattuckite -shauchle -shaugh -shaul -Shaula -shaup -shauri -shauwe -shavable -shave -shaveable -shaved -shavee -shaveling -shaven -shaver -shavery -Shavese -shavester -shavetail -shaveweed -Shavian -Shaviana -Shavianism -shaving -shavings -Shaw -shaw -Shawanese -Shawano -shawl -shawled -shawling -shawlless -shawllike -shawlwise -shawm -Shawn -Shawnee -shawneewood -shawny -Shawwal -shawy -shay -Shaysite -she -shea -sheading -sheaf -sheafage -sheaflike -sheafripe -sheafy -sheal -shealing -Shean -shear -shearbill -sheard -shearer -sheargrass -shearhog -shearing -shearless -shearling -shearman -shearmouse -shears -shearsman -sheartail -shearwater -shearwaters -sheat -sheatfish -sheath -sheathbill -sheathe -sheathed -sheather -sheathery -sheathing -sheathless -sheathlike -sheathy -sheave -sheaved -sheaveless -sheaveman -shebang -Shebat -shebeen -shebeener -Shechem -Shechemites -shed -shedded -shedder -shedding -sheder -shedhand -shedlike -shedman -shedwise -shee -sheely -sheen -sheenful -sheenless -sheenly -sheeny -sheep -sheepback -sheepberry -sheepbine -sheepbiter -sheepbiting -sheepcote -sheepcrook -sheepfaced -sheepfacedly -sheepfacedness -sheepfold -sheepfoot -sheepgate -sheephead -sheepheaded -sheephearted -sheepherder -sheepherding -sheephook -sheephouse -sheepify -sheepish -sheepishly -sheepishness -sheepkeeper -sheepkeeping -sheepkill -sheepless -sheeplet -sheeplike -sheepling -sheepman -sheepmaster -sheepmonger -sheepnose -sheepnut -sheeppen -sheepshank -sheepshead -sheepsheadism -sheepshear -sheepshearer -sheepshearing -sheepshed -sheepskin -sheepsplit -sheepsteal -sheepstealer -sheepstealing -sheepwalk -sheepwalker -sheepweed -sheepy -sheer -sheered -sheering -sheerly -sheerness -sheet -sheetage -sheeted -sheeter -sheetflood -sheetful -sheeting -sheetless -sheetlet -sheetlike -sheetling -sheetways -sheetwise -sheetwork -sheetwriting -sheety -Sheffield -shehitah -sheik -sheikdom -sheikhlike -sheikhly -sheiklike -sheikly -Sheila -shekel -Shekinah -Shel -shela -sheld -sheldapple -shelder -sheldfowl -sheldrake -shelduck -shelf -shelfback -shelffellow -shelfful -shelflist -shelfmate -shelfpiece -shelfroom -shelfworn -shelfy -shell -shellac -shellacker -shellacking -shellapple -shellback -shellblow -shellblowing -shellbound -shellburst -shellcracker -shelleater -shelled -sheller -Shelleyan -Shelleyana -shellfire -shellfish -shellfishery -shellflower -shellful -shellhead -shelliness -shelling -shellman -shellmonger -shellproof -shellshake -shellum -shellwork -shellworker -shelly -shellycoat -shelta -shelter -shelterage -sheltered -shelterer -shelteringly -shelterless -shelterlessness -shelterwood -sheltery -sheltron -shelty -shelve -shelver -shelving -shelvingly -shelvingness -shelvy -Shelyak -Shemaka -sheminith -Shemite -Shemitic -Shemitish -Shemu -Shen -shenanigan -shend -sheng -Shenshai -Sheol -sheolic -shepherd -shepherdage -shepherddom -shepherdess -shepherdhood -Shepherdia -shepherdish -shepherdism -shepherdize -shepherdless -shepherdlike -shepherdling -shepherdly -shepherdry -sheppeck -sheppey -shepstare -sher -Sherani -Sherardia -sherardize -sherardizer -Sheratan -Sheraton -sherbacha -sherbet -sherbetlee -sherbetzide -sheriat -sherif -sherifa -sherifate -sheriff -sheriffalty -sheriffdom -sheriffess -sheriffhood -sheriffry -sheriffship -sheriffwick -sherifi -sherifian -sherify -sheristadar -Sheriyat -sherlock -Sherman -Sherpa -Sherramoor -Sherri -sherry -Sherrymoor -sherryvallies -Shesha -sheth -Shetland -Shetlander -Shetlandic -sheugh -sheva -shevel -sheveled -shevri -shewa -shewbread -shewel -sheyle -shi -Shiah -shibah -shibar -shibboleth -shibbolethic -shibuichi -shice -shicer -shicker -shickered -shide -shied -shiel -shield -shieldable -shieldboard -shielddrake -shielded -shielder -shieldflower -shielding -shieldless -shieldlessly -shieldlessness -shieldlike -shieldling -shieldmaker -shieldmay -shieldtail -shieling -shier -shies -shiest -shift -shiftable -shiftage -shifter -shiftful -shiftfulness -shiftily -shiftiness -shifting -shiftingly -shiftingness -shiftless -shiftlessly -shiftlessness -shifty -Shigella -shiggaion -shigram -shih -Shiism -Shiite -Shiitic -Shik -shikar -shikara -shikargah -shikari -shikasta -shikimi -shikimic -shikimole -shikimotoxin -shikken -shiko -shikra -shilf -shilfa -Shilh -Shilha -shill -shilla -shillaber -shillelagh -shillet -shillety -shillhouse -shillibeer -shilling -shillingless -shillingsworth -shilloo -Shilluh -Shilluk -Shiloh -shilpit -shim -shimal -Shimei -shimmer -shimmering -shimmeringly -shimmery -shimmy -Shimonoseki -shimose -shimper -shin -Shina -shinaniging -shinarump -shinbone -shindig -shindle -shindy -shine -shineless -shiner -shingle -shingled -shingler -shingles -shinglewise -shinglewood -shingling -shingly -shinily -shininess -shining -shiningly -shiningness -shinleaf -Shinnecock -shinner -shinnery -shinning -shinny -shinplaster -shintiyan -Shinto -Shintoism -Shintoist -Shintoistic -Shintoize -shinty -Shinwari -shinwood -shiny -shinza -ship -shipboard -shipbound -shipboy -shipbreaking -shipbroken -shipbuilder -shipbuilding -shipcraft -shipentine -shipful -shipkeeper -shiplap -shipless -shiplessly -shiplet -shipload -shipman -shipmanship -shipmast -shipmaster -shipmate -shipmatish -shipment -shipowner -shipowning -shippable -shippage -shipped -shipper -shipping -shipplane -shippo -shippon -shippy -shipshape -shipshapely -shipside -shipsmith -shipward -shipwards -shipway -shipwork -shipworm -shipwreck -shipwrecky -shipwright -shipwrightery -shipwrightry -shipyard -shirakashi -shirallee -Shiraz -shire -shirehouse -shireman -shirewick -shirk -shirker -shirky -shirl -shirlcock -Shirley -shirpit -shirr -shirring -shirt -shirtband -shirtiness -shirting -shirtless -shirtlessness -shirtlike -shirtmaker -shirtmaking -shirtman -shirttail -shirtwaist -shirty -Shirvan -shish -shisham -shisn -shita -shitepoke -shither -shittah -shittim -shittimwood -shiv -Shivaism -Shivaist -Shivaistic -Shivaite -shivaree -shive -shiver -shivereens -shiverer -shivering -shiveringly -shiverproof -shiversome -shiverweed -shivery -shivey -shivoo -shivy -shivzoku -Shkupetar -Shlu -Shluh -Sho -sho -Shoa -shoad -shoader -shoal -shoalbrain -shoaler -shoaliness -shoalness -shoalwise -shoaly -shoat -shock -shockability -shockable -shockedness -shocker -shockheaded -shocking -shockingly -shockingness -shocklike -shockproof -shod -shodden -shoddily -shoddiness -shoddy -shoddydom -shoddyism -shoddyite -shoddylike -shoddyward -shoddywards -shode -shoder -shoe -shoebill -shoebinder -shoebindery -shoebinding -shoebird -shoeblack -shoeboy -shoebrush -shoecraft -shoeflower -shoehorn -shoeing -shoeingsmith -shoelace -shoeless -shoemaker -shoemaking -shoeman -shoepack -shoer -shoescraper -shoeshine -shoeshop -shoesmith -shoestring -shoewoman -shoful -shog -shogaol -shoggie -shoggle -shoggly -shogi -shogun -shogunal -shogunate -shohet -shoji -Shojo -shola -shole -Shona -shone -shoneen -shonkinite -shoo -shood -shoofa -shoofly -shooi -shook -shool -shooldarry -shooler -shoop -shoopiltie -shoor -shoot -shootable -shootboard -shootee -shooter -shoother -shooting -shootist -shootman -shop -shopboard -shopbook -shopboy -shopbreaker -shopbreaking -shopfolk -shopful -shopgirl -shopgirlish -shophar -shopkeeper -shopkeeperess -shopkeeperish -shopkeeperism -shopkeepery -shopkeeping -shopland -shoplet -shoplifter -shoplifting -shoplike -shopmaid -shopman -shopmark -shopmate -shopocracy -shopocrat -shoppe -shopper -shopping -shoppish -shoppishness -shoppy -shopster -shoptalk -shopwalker -shopwear -shopwife -shopwindow -shopwoman -shopwork -shopworker -shopworn -shoq -Shor -shor -shoran -shore -Shorea -shoreberry -shorebush -shored -shoregoing -shoreland -shoreless -shoreman -shorer -shoreside -shoresman -shoreward -shorewards -shoreweed -shoreyer -shoring -shorling -shorn -short -shortage -shortbread -shortcake -shortchange -shortchanger -shortclothes -shortcoat -shortcomer -shortcoming -shorten -shortener -shortening -shorter -shortfall -shorthand -shorthanded -shorthandedness -shorthander -shorthead -shorthorn -Shortia -shortish -shortly -shortness -shorts -shortschat -shortsighted -shortsightedly -shortsightedness -shortsome -shortstaff -shortstop -shorttail -Shortzy -Shoshonean -shoshonite -shot -shotbush -shote -shotgun -shotless -shotlike -shotmaker -shotman -shotproof -shotsman -shotstar -shott -shotted -shotten -shotter -shotty -Shotweld -shou -should -shoulder -shouldered -shoulderer -shoulderette -shouldering -shouldna -shouldnt -shoupeltin -shout -shouter -shouting -shoutingly -shoval -shove -shovegroat -shovel -shovelard -shovelbill -shovelboard -shovelfish -shovelful -shovelhead -shovelmaker -shovelman -shovelnose -shovelweed -shover -show -showable -showance -showbird -showboard -showboat -showboater -showboating -showcase -showdom -showdown -shower -showerer -showerful -showeriness -showerless -showerlike -showerproof -showery -showily -showiness -showing -showish -showless -showman -showmanism -showmanry -showmanship -shown -showpiece -showroom -showup -showworthy -showy -showyard -shoya -shrab -shraddha -shradh -shraf -shrag -shram -shrank -shrap -shrapnel -shrave -shravey -shreadhead -shred -shredcock -shredder -shredding -shreddy -shredless -shredlike -Shree -shree -shreeve -shrend -shrew -shrewd -shrewdish -shrewdly -shrewdness -shrewdom -shrewdy -shrewish -shrewishly -shrewishness -shrewlike -shrewly -shrewmouse -shrewstruck -shriek -shrieker -shriekery -shriekily -shriekiness -shriekingly -shriekproof -shrieky -shrieval -shrievalty -shrift -shrike -shrill -shrilling -shrillish -shrillness -shrilly -shrimp -shrimper -shrimpfish -shrimpi -shrimpish -shrimpishness -shrimplike -shrimpy -shrinal -Shrine -shrine -shrineless -shrinelet -shrinelike -Shriner -shrink -shrinkable -shrinkage -shrinkageproof -shrinker -shrinkhead -shrinking -shrinkingly -shrinkproof -shrinky -shrip -shrite -shrive -shrivel -shriven -shriver -shriving -shroff -shrog -Shropshire -shroud -shrouded -shrouding -shroudless -shroudlike -shroudy -Shrove -shrove -shrover -Shrovetide -shrub -shrubbed -shrubbery -shrubbiness -shrubbish -shrubby -shrubland -shrubless -shrublet -shrublike -shrubwood -shruff -shrug -shruggingly -shrunk -shrunken -shrups -Shtokavski -shtreimel -Shu -shuba -shubunkin -shuck -shucker -shucking -shuckins -shuckpen -shucks -shudder -shudderful -shudderiness -shudderingly -shuddersome -shuddery -shuff -shuffle -shuffleboard -shufflecap -shuffler -shufflewing -shuffling -shufflingly -shug -Shuhali -Shukria -Shukulumbwe -shul -Shulamite -shuler -shulwaurs -shumac -shun -Shunammite -shune -shunless -shunnable -shunner -shunt -shunter -shunting -shure -shurf -shush -shusher -Shuswap -shut -shutdown -shutness -shutoff -Shutoku -shutout -shuttance -shutten -shutter -shuttering -shutterless -shutterwise -shutting -shuttle -shuttlecock -shuttleheaded -shuttlelike -shuttlewise -Shuvra -shwanpan -shy -Shyam -shydepoke -shyer -shyish -Shylock -Shylockism -shyly -shyness -shyster -si -Sia -siak -sial -sialaden -sialadenitis -sialadenoncus -sialagogic -sialagogue -sialagoguic -sialemesis -Sialia -sialic -sialid -Sialidae -sialidan -Sialis -sialoangitis -sialogenous -sialoid -sialolith -sialolithiasis -sialology -sialorrhea -sialoschesis -sialosemeiology -sialosis -sialostenosis -sialosyrinx -sialozemia -Siam -siamang -Siamese -sib -Sibbaldus -sibbed -sibbens -sibber -sibboleth -sibby -Siberian -Siberic -siberite -sibilance -sibilancy -sibilant -sibilantly -sibilate -sibilatingly -sibilator -sibilatory -sibilous -sibilus -Sibiric -sibling -sibness -sibrede -sibship -sibyl -sibylesque -sibylic -sibylism -sibylla -sibylline -sibyllist -sic -Sicambri -Sicambrian -Sicana -Sicani -Sicanian -sicarian -sicarious -sicarius -sicca -siccaneous -siccant -siccate -siccation -siccative -siccimeter -siccity -sice -Sicel -Siceliot -Sicilian -sicilian -siciliana -Sicilianism -sicilica -sicilicum -sicilienne -sicinnian -sick -sickbed -sicken -sickener -sickening -sickeningly -sicker -sickerly -sickerness -sickhearted -sickish -sickishly -sickishness -sickle -sicklebill -sickled -sicklelike -sickleman -sicklemia -sicklemic -sicklepod -sickler -sicklerite -sickless -sickleweed -sicklewise -sicklewort -sicklied -sicklily -sickliness -sickling -sickly -sickness -sicknessproof -sickroom -sicsac -sicula -sicular -Siculi -Siculian -Sicyonian -Sicyonic -Sicyos -Sid -Sida -Sidalcea -sidder -Siddha -Siddhanta -Siddhartha -Siddhi -siddur -side -sideage -sidearm -sideboard -sidebone -sidebones -sideburns -sidecar -sidecarist -sidecheck -sided -sidedness -sideflash -sidehead -sidehill -sidekicker -sidelang -sideless -sideline -sideling -sidelings -sidelingwise -sidelong -sidenote -sidepiece -sider -sideral -sideration -siderealize -sidereally -siderean -siderin -siderism -siderite -sideritic -Sideritis -siderognost -siderographic -siderographical -siderographist -siderography -siderolite -siderology -sideromagnetic -sideromancy -sideromelane -sideronatrite -sideronym -sideroscope -siderose -siderosis -siderostat -siderostatic -siderotechny -siderous -Sideroxylon -sidership -siderurgical -siderurgy -sides -sidesaddle -sideshake -sideslip -sidesman -sidesplitter -sidesplitting -sidesplittingly -sidesway -sideswipe -sideswiper -sidetrack -sidewalk -sideward -sidewards -sideway -sideways -sidewinder -sidewipe -sidewiper -sidewise -sidhe -sidi -siding -sidle -sidler -sidling -sidlingly -Sidney -Sidonian -Sidrach -sidth -sidy -sie -siege -siegeable -siegecraft -siegenite -sieger -siegework -Siegfried -Sieglingia -Siegmund -Siegurd -Siena -Sienese -sienna -sier -siering -sierozem -Sierra -sierra -sierran -siesta -siestaland -Sieva -sieve -sieveful -sievelike -siever -Sieversia -sievings -sievy -sifac -sifaka -Sifatite -sife -siffilate -siffle -sifflement -sifflet -sifflot -sift -siftage -sifted -sifter -sifting -sig -Siganidae -Siganus -sigatoka -Sigaultian -sigger -sigh -sigher -sighful -sighfully -sighing -sighingly -sighingness -sighless -sighlike -sight -sightable -sighted -sighten -sightening -sighter -sightful -sightfulness -sighthole -sighting -sightless -sightlessly -sightlessness -sightlily -sightliness -sightly -sightproof -sightworthiness -sightworthy -sighty -sigil -sigilative -Sigillaria -Sigillariaceae -sigillariaceous -sigillarian -sigillarid -sigillarioid -sigillarist -sigillaroid -sigillary -sigillate -sigillated -sigillation -sigillistic -sigillographer -sigillographical -sigillography -sigillum -sigla -siglarian -siglos -Sigma -sigma -sigmaspire -sigmate -sigmatic -sigmation -sigmatism -sigmodont -Sigmodontes -sigmoid -sigmoidal -sigmoidally -sigmoidectomy -sigmoiditis -sigmoidopexy -sigmoidoproctostomy -sigmoidorectostomy -sigmoidoscope -sigmoidoscopy -sigmoidostomy -Sigmund -sign -signable -signal -signalee -signaler -signalese -signaletic -signaletics -signalism -signalist -signality -signalize -signally -signalman -signalment -signary -signatary -signate -signation -signator -signatory -signatural -signature -signatureless -signaturist -signboard -signee -signer -signet -signetwise -signifer -signifiable -significal -significance -significancy -significant -significantly -significantness -significate -signification -significatist -significative -significatively -significativeness -significator -significatory -significatrix -significature -significavit -significian -significs -signifier -signify -signior -signiorship -signist -signless -signlike -signman -signorial -signorship -signory -signpost -signum -signwriter -Sigurd -Sihasapa -Sika -sika -sikar -sikatch -sike -sikerly -sikerness -siket -Sikh -sikhara -Sikhism -sikhra -Sikinnis -Sikkimese -Siksika -sil -silage -silaginoid -silane -Silas -silbergroschen -silcrete -sile -silen -Silenaceae -silenaceous -Silenales -silence -silenced -silencer -silency -Silene -sileni -silenic -silent -silential -silentiary -silentious -silentish -silently -silentness -silenus -silesia -Silesian -Siletz -silex -silexite -silhouette -silhouettist -silhouettograph -silica -silicam -silicane -silicate -silication -silicatization -Silicea -silicean -siliceocalcareous -siliceofelspathic -siliceofluoric -siliceous -silicic -silicicalcareous -silicicolous -silicide -silicidize -siliciferous -silicification -silicifluoric -silicifluoride -silicify -siliciophite -silicious -Silicispongiae -silicium -siliciuretted -silicize -silicle -silico -silicoacetic -silicoalkaline -silicoaluminate -silicoarsenide -silicocalcareous -silicochloroform -silicocyanide -silicoethane -silicoferruginous -Silicoflagellata -Silicoflagellatae -silicoflagellate -Silicoflagellidae -silicofluoric -silicofluoride -silicohydrocarbon -Silicoidea -silicomagnesian -silicomanganese -silicomethane -silicon -silicone -siliconize -silicononane -silicopropane -silicosis -Silicospongiae -silicotalcose -silicotic -silicotitanate -silicotungstate -silicotungstic -silicula -silicular -silicule -siliculose -siliculous -silicyl -Silipan -siliqua -siliquaceous -siliquae -Siliquaria -Siliquariidae -silique -siliquiferous -siliquiform -siliquose -siliquous -silk -silkalene -silkaline -silked -silken -silker -silkflower -silkgrower -silkie -silkily -silkiness -silklike -silkman -silkness -silksman -silktail -silkweed -silkwoman -silkwood -silkwork -silkworks -silkworm -silky -sill -sillabub -silladar -Sillaginidae -Sillago -sillandar -sillar -siller -Sillery -sillibouk -sillikin -sillily -sillimanite -silliness -sillock -sillograph -sillographer -sillographist -sillometer -sillon -silly -sillyhood -sillyhow -sillyish -sillyism -sillyton -silo -siloist -Silpha -silphid -Silphidae -silphium -silt -siltage -siltation -silting -siltlike -silty -silundum -Silures -Silurian -Siluric -silurid -Siluridae -Siluridan -siluroid -Siluroidei -Silurus -silva -silvan -silvanity -silvanry -Silvanus -silvendy -silver -silverback -silverbeater -silverbelly -silverberry -silverbill -silverboom -silverbush -silvered -silverer -silvereye -silverfin -silverfish -silverhead -silverily -silveriness -silvering -silverish -silverite -silverize -silverizer -silverleaf -silverless -silverlike -silverling -silverly -silvern -silverness -silverpoint -silverrod -silverside -silversides -silverskin -silversmith -silversmithing -silverspot -silvertail -silvertip -silvertop -silvervine -silverware -silverweed -silverwing -silverwood -silverwork -silverworker -silvery -Silvester -Silvia -silvical -silvicolous -silvics -silvicultural -silviculturally -silviculture -silviculturist -Silvius -Silybum -silyl -Sim -sima -Simaba -simal -simar -Simarouba -Simaroubaceae -simaroubaceous -simball -simbil -simblin -simblot -Simblum -sime -Simeon -Simeonism -Simeonite -Simia -simiad -simial -simian -simianity -simiesque -Simiidae -Simiinae -similar -similarity -similarize -similarly -similative -simile -similimum -similiter -similitive -similitude -similitudinize -simility -similize -similor -simioid -simious -simiousness -simity -simkin -simlin -simling -simmer -simmeringly -simmon -simnel -simnelwise -simoleon -Simon -simoniac -simoniacal -simoniacally -Simonian -Simonianism -simonious -simonism -Simonist -simonist -simony -simool -simoom -simoon -Simosaurus -simous -simp -simpai -simper -simperer -simperingly -simple -simplehearted -simpleheartedly -simpleheartedness -simpleness -simpler -simpleton -simpletonian -simpletonianism -simpletonic -simpletonish -simpletonism -simplex -simplexed -simplexity -simplicident -Simplicidentata -simplicidentate -simplicist -simplicitarian -simplicity -simplicize -simplification -simplificative -simplificator -simplified -simplifiedly -simplifier -simplify -simplism -simplist -simplistic -simply -simsim -simson -simulacra -simulacral -simulacre -simulacrize -simulacrum -simulance -simulant -simular -simulate -simulation -simulative -simulatively -simulator -simulatory -simulcast -simuler -simuliid -Simuliidae -simulioid -Simulium -simultaneity -simultaneous -simultaneously -simultaneousness -sin -sina -Sinae -Sinaean -Sinaic -sinaite -Sinaitic -sinal -sinalbin -Sinaloa -sinamay -sinamine -sinapate -sinapic -sinapine -sinapinic -Sinapis -sinapis -sinapism -sinapize -sinapoline -sinarchism -sinarchist -sinarquism -sinarquist -sinarquista -sinawa -sincaline -since -sincere -sincerely -sincereness -sincerity -sincipital -sinciput -sind -sinder -Sindhi -sindle -sindoc -sindon -sindry -sine -sinecural -sinecure -sinecureship -sinecurism -sinecurist -Sinesian -sinew -sinewed -sinewiness -sinewless -sinewous -sinewy -sinfonia -sinfonie -sinfonietta -sinful -sinfully -sinfulness -sing -singability -singable -singableness -singally -singarip -singe -singed -singeing -singeingly -singer -singey -Singfo -singh -Singhalese -singillatim -singing -singingly -singkamas -single -singlebar -singled -singlehanded -singlehandedly -singlehandedness -singlehearted -singleheartedly -singleheartedness -singlehood -singleness -singler -singles -singlestick -singlesticker -singlet -singleton -singletree -singlings -singly -Singpho -Singsing -singsong -singsongy -Singspiel -singspiel -singstress -singular -singularism -singularist -singularity -singularization -singularize -singularly -singularness -singult -singultous -singultus -sinh -Sinhalese -Sinian -Sinic -Sinicism -Sinicization -Sinicize -Sinico -Sinification -Sinify -sinigrin -sinigrinase -sinigrosid -sinigroside -Sinisian -Sinism -sinister -sinisterly -sinisterness -sinisterwise -sinistrad -sinistral -sinistrality -sinistrally -sinistration -sinistrin -sinistrocerebral -sinistrocular -sinistrodextral -sinistrogyrate -sinistrogyration -sinistrogyric -sinistromanual -sinistrorsal -sinistrorsally -sinistrorse -sinistrous -sinistrously -sinistruous -Sinite -Sinitic -sink -sinkable -sinkage -sinker -sinkerless -sinkfield -sinkhead -sinkhole -sinking -Sinkiuse -sinkless -sinklike -sinkroom -sinkstone -sinky -sinless -sinlessly -sinlessness -sinlike -sinnable -sinnableness -sinnen -sinner -sinneress -sinnership -sinnet -Sinningia -sinningly -sinningness -sinoatrial -sinoauricular -Sinogram -sinoidal -Sinolog -Sinologer -Sinological -Sinologist -Sinologue -Sinology -sinomenine -Sinonism -Sinophile -Sinophilism -sinopia -Sinopic -sinopite -sinople -sinproof -Sinsiga -sinsion -sinsring -sinsyne -sinter -Sinto -sintoc -Sintoism -Sintoist -Sintsink -Sintu -sinuate -sinuated -sinuatedentate -sinuately -sinuation -sinuatocontorted -sinuatodentate -sinuatodentated -sinuatopinnatifid -sinuatoserrated -sinuatoundulate -sinuatrial -sinuauricular -sinuitis -sinuose -sinuosely -sinuosity -sinuous -sinuously -sinuousness -Sinupallia -sinupallial -Sinupallialia -Sinupalliata -sinupalliate -sinus -sinusal -sinusitis -sinuslike -sinusoid -sinusoidal -sinusoidally -sinuventricular -sinward -siol -Sion -sion -Sionite -Siouan -Sioux -sip -sipage -sipe -siper -siphoid -siphon -siphonaceous -siphonage -siphonal -Siphonales -Siphonaptera -siphonapterous -Siphonaria -siphonariid -Siphonariidae -Siphonata -siphonate -Siphoneae -siphoneous -siphonet -siphonia -siphonial -Siphoniata -siphonic -Siphonifera -siphoniferous -siphoniform -siphonium -siphonless -siphonlike -Siphonobranchiata -siphonobranchiate -Siphonocladales -Siphonocladiales -siphonogam -Siphonogama -siphonogamic -siphonogamous -siphonogamy -siphonoglyph -siphonoglyphe -siphonognathid -Siphonognathidae -siphonognathous -Siphonognathus -Siphonophora -siphonophoran -siphonophore -siphonophorous -siphonoplax -siphonopore -siphonorhinal -siphonorhine -siphonosome -siphonostele -siphonostelic -siphonostely -Siphonostoma -Siphonostomata -siphonostomatous -siphonostome -siphonostomous -siphonozooid -siphonula -siphorhinal -siphorhinian -siphosome -siphuncle -siphuncled -siphuncular -Siphunculata -siphunculate -siphunculated -Sipibo -sipid -sipidity -Siping -siping -sipling -sipper -sippet -sippingly -sippio -Sipunculacea -sipunculacean -sipunculid -Sipunculida -sipunculoid -Sipunculoidea -Sipunculus -sipylite -Sir -sir -sircar -sirdar -sirdarship -sire -Siredon -sireless -siren -sirene -Sirenia -sirenian -sirenic -sirenical -sirenically -Sirenidae -sirening -sirenize -sirenlike -sirenoid -Sirenoidea -Sirenoidei -sireny -sireship -siress -sirgang -Sirian -sirian -Sirianian -siriasis -siricid -Siricidae -Siricoidea -sirih -siriometer -Sirione -siris -Sirius -sirkeer -sirki -sirky -sirloin -sirloiny -Sirmian -Sirmuellera -siroc -sirocco -siroccoish -siroccoishly -sirpea -sirple -sirpoon -sirrah -sirree -sirship -siruaballi -siruelas -sirup -siruped -siruper -sirupy -Siryan -Sis -sis -sisal -siscowet -sise -sisel -siserara -siserary -siserskite -sish -sisham -sisi -siskin -Sisley -sismotherapy -siss -Sisseton -sissification -sissify -sissiness -sissoo -Sissu -sissy -sissyish -sissyism -sist -Sistani -sister -sisterhood -sisterin -sistering -sisterize -sisterless -sisterlike -sisterliness -sisterly -sistern -Sistine -sistle -sistomensin -sistrum -Sistrurus -Sisymbrium -Sisyphean -Sisyphian -Sisyphides -Sisyphism -Sisyphist -Sisyphus -Sisyrinchium -sisyrinchium -sit -Sita -sitao -sitar -sitatunga -sitch -site -sitfast -sith -sithcund -sithe -sithement -sithence -sithens -sitient -sitio -sitiology -sitiomania -sitiophobia -Sitka -Sitkan -sitology -sitomania -Sitophilus -sitophobia -sitophobic -sitosterin -sitosterol -sitotoxism -Sitta -sittee -sitten -sitter -Sittidae -Sittinae -sittine -sitting -sittringy -situal -situate -situated -situation -situational -situla -situlae -situs -Sium -Siusi -Siuslaw -Siva -siva -Sivaism -Sivaist -Sivaistic -Sivaite -Sivan -Sivapithecus -sivathere -Sivatheriidae -Sivatheriinae -sivatherioid -Sivatherium -siver -sivvens -Siwan -Siwash -siwash -six -sixain -sixer -sixfoil -sixfold -sixhaend -sixhynde -sixpence -sixpenny -sixpennyworth -sixscore -sixsome -sixte -sixteen -sixteener -sixteenfold -sixteenmo -sixteenth -sixteenthly -sixth -sixthet -sixthly -sixtieth -Sixtowns -Sixtus -sixty -sixtyfold -sixtypenny -sizable -sizableness -sizably -sizal -sizar -sizarship -size -sizeable -sizeableness -sized -sizeman -sizer -sizes -siziness -sizing -sizy -sizygia -sizygium -sizz -sizzard -sizzing -sizzle -sizzling -sizzlingly -Sjaak -sjambok -Sjouke -skaddle -skaff -skaffie -skag -skaillie -skainsmate -skair -skaitbird -skal -skalawag -skaldship -skance -Skanda -skandhas -skart -skasely -Skat -skat -skate -skateable -skater -skatikas -skatiku -skating -skatist -skatole -skatosine -skatoxyl -skaw -skean -skeanockle -skedaddle -skedaddler -skedge -skedgewith -skedlock -skee -skeed -skeeg -skeel -skeeling -skeely -skeen -skeenyie -skeer -skeered -skeery -skeesicks -skeet -Skeeter -skeeter -skeezix -Skef -skeg -skegger -skeif -skeigh -skeily -skein -skeiner -skeipp -skel -skelder -skelderdrake -skeldrake -skeletal -skeletin -skeletogenous -skeletogeny -skeletomuscular -skeleton -skeletonian -skeletonic -skeletonization -skeletonize -skeletonizer -skeletonless -skeletonweed -skeletony -skelf -skelgoose -skelic -skell -skellat -skeller -skelloch -skellum -skelly -skelp -skelper -skelpin -skelping -skelter -Skeltonian -Skeltonic -Skeltonical -Skeltonics -skemmel -skemp -sken -skene -skeo -skeough -skep -skepful -skeppist -skeppund -skeptic -skeptical -skeptically -skepticalness -skepticism -skepticize -sker -skere -skerret -skerrick -skerry -sketch -sketchability -sketchable -sketchbook -sketchee -sketcher -sketchily -sketchiness -sketching -sketchingly -sketchist -sketchlike -sketchy -skete -sketiotai -skeuomorph -skeuomorphic -skevish -skew -skewback -skewbacked -skewbald -skewed -skewer -skewerer -skewerwood -skewings -skewl -skewly -skewness -skewwhiff -skewwise -skewy -skey -skeyting -ski -skiagram -skiagraph -skiagrapher -skiagraphic -skiagraphical -skiagraphically -skiagraphy -skiameter -skiametry -skiapod -skiapodous -skiascope -skiascopy -skibby -skibslast -skice -skid -skidded -skidder -skidding -skiddingly -skiddoo -skiddy -Skidi -skidpan -skidproof -skidway -skied -skieppe -skiepper -skier -skies -skiff -skiffless -skiffling -skift -skiing -skijore -skijorer -skijoring -skil -skilder -skildfel -skilfish -skill -skillagalee -skilled -skillenton -skillessness -skillet -skillful -skillfully -skillfulness -skilligalee -skilling -skillion -skilly -skilpot -skilts -skim -skimback -skime -skimmed -skimmer -skimmerton -Skimmia -skimming -skimmingly -skimmington -skimmity -skimp -skimpily -skimpiness -skimpingly -skimpy -skin -skinbound -skinch -skinflint -skinflintily -skinflintiness -skinflinty -skinful -skink -skinker -skinking -skinkle -skinless -skinlike -skinned -skinner -skinnery -skinniness -skinning -skinny -skintight -skinworm -skiogram -skiograph -skiophyte -Skip -skip -skipbrain -Skipetar -skipjack -skipjackly -skipkennel -skipman -skippable -skippel -skipper -skippered -skippership -skippery -skippet -skipping -skippingly -skipple -skippund -skippy -skiptail -skirl -skirlcock -skirling -skirmish -skirmisher -skirmishing -skirmishingly -skirp -skirr -skirreh -skirret -skirt -skirtboard -skirted -skirter -skirting -skirtingly -skirtless -skirtlike -skirty -skirwhit -skirwort -skit -skite -skiter -skither -Skitswish -Skittaget -Skittagetan -skitter -skittish -skittishly -skittishness -skittle -skittled -skittler -skittles -skitty -skittyboot -skiv -skive -skiver -skiverwood -skiving -skivvies -sklate -sklater -sklent -skleropelite -sklinter -skoal -Skodaic -skogbolite -Skoinolon -skokiaan -Skokomish -skomerite -skoo -skookum -Skopets -skoptsy -skout -skraeling -skraigh -skrike -skrimshander -skrupul -skua -skulduggery -skulk -skulker -skulking -skulkingly -skull -skullbanker -skullcap -skulled -skullery -skullfish -skullful -skully -skulp -skun -skunk -skunkbill -skunkbush -skunkdom -skunkery -skunkhead -skunkish -skunklet -skunktop -skunkweed -skunky -Skupshtina -skuse -skutterudite -sky -skybal -skycraft -Skye -skyey -skyful -skyish -skylark -skylarker -skyless -skylight -skylike -skylook -skyman -skyphoi -skyphos -skyplast -skyre -skyrgaliard -skyrocket -skyrockety -skysail -skyscape -skyscraper -skyscraping -skyshine -skyugle -skyward -skywards -skyway -skywrite -skywriter -skywriting -sla -slab -slabbed -slabber -slabberer -slabbery -slabbiness -slabbing -slabby -slabman -slabness -slabstone -slack -slackage -slacked -slacken -slackener -slacker -slackerism -slacking -slackingly -slackly -slackness -slad -sladang -slade -slae -slag -slaggability -slaggable -slagger -slagging -slaggy -slagless -slaglessness -slagman -slain -slainte -slaister -slaistery -slait -slake -slakeable -slakeless -slaker -slaking -slaky -slam -slammakin -slammerkin -slammock -slammocking -slammocky -slamp -slampamp -slampant -slander -slanderer -slanderful -slanderfully -slandering -slanderingly -slanderous -slanderously -slanderousness -slanderproof -slane -slang -slangily -slanginess -slangish -slangishly -slangism -slangkop -slangous -slangster -slanguage -slangular -slangy -slank -slant -slantindicular -slantindicularly -slanting -slantingly -slantingways -slantly -slantways -slantwise -slap -slapdash -slapdashery -slape -slaphappy -slapjack -slapper -slapping -slapstick -slapsticky -slare -slart -slarth -Slartibartfast -slash -slashed -slasher -slashing -slashingly -slashy -slat -slatch -slate -slateful -slatelike -slatemaker -slatemaking -slater -slateworks -slateyard -slath -slather -slatify -slatiness -slating -slatish -slatted -slatter -slattern -slatternish -slatternliness -slatternly -slatternness -slattery -slatting -slaty -slaughter -slaughterer -slaughterhouse -slaughteringly -slaughterman -slaughterous -slaughterously -slaughteryard -slaum -Slav -Slavdom -Slave -slave -slaveborn -slaved -slaveholder -slaveholding -slaveland -slaveless -slavelet -slavelike -slaveling -slavemonger -slaveowner -slaveownership -slavepen -slaver -slaverer -slavering -slaveringly -slavery -Slavey -slavey -Slavi -Slavian -Slavic -Slavicism -Slavicize -Slavification -Slavify -slavikite -slaving -Slavish -slavish -slavishly -slavishness -Slavism -Slavist -Slavistic -Slavization -Slavize -slavocracy -slavocrat -slavocratic -Slavonian -Slavonianize -Slavonic -Slavonically -Slavonicize -Slavonish -Slavonism -Slavonization -Slavonize -Slavophile -Slavophilism -Slavophobe -Slavophobist -slaw -slay -slayable -slayer -slaying -sleathy -sleave -sleaved -sleaziness -sleazy -Sleb -sleck -sled -sledded -sledder -sledding -sledful -sledge -sledgeless -sledgemeter -sledger -sledging -sledlike -slee -sleech -sleechy -sleek -sleeken -sleeker -sleeking -sleekit -sleekly -sleekness -sleeky -sleep -sleeper -sleepered -sleepful -sleepfulness -sleepify -sleepily -sleepiness -sleeping -sleepingly -sleepland -sleepless -sleeplessly -sleeplessness -sleeplike -sleepmarken -sleepproof -sleepry -sleepwaker -sleepwaking -sleepwalk -sleepwalker -sleepwalking -sleepward -sleepwort -sleepy -sleepyhead -sleer -sleet -sleetiness -sleeting -sleetproof -sleety -sleeve -sleeveband -sleeveboard -sleeved -sleeveen -sleevefish -sleeveful -sleeveless -sleevelessness -sleevelet -sleevelike -sleever -sleigh -sleigher -sleighing -sleight -sleightful -sleighty -slendang -slender -slenderish -slenderize -slenderly -slenderness -slent -slepez -slept -slete -sleuth -sleuthdog -sleuthful -sleuthhound -sleuthlike -slew -slewed -slewer -slewing -sley -sleyer -slice -sliceable -sliced -slicer -slich -slicht -slicing -slicingly -slick -slicken -slickens -slickenside -slicker -slickered -slickery -slicking -slickly -slickness -slid -slidable -slidableness -slidably -slidage -slidden -slidder -sliddery -slide -slideable -slideableness -slideably -slided -slidehead -slideman -slideproof -slider -slideway -sliding -slidingly -slidingness -slidometer -slifter -slight -slighted -slighter -slightily -slightiness -slighting -slightingly -slightish -slightly -slightness -slighty -slim -slime -slimeman -slimer -slimily -sliminess -slimish -slimishness -slimly -slimmish -slimness -slimpsy -slimsy -slimy -sline -sling -slingball -slinge -slinger -slinging -slingshot -slingsman -slingstone -slink -slinker -slinkily -slinkiness -slinking -slinkingly -slinkskin -slinkweed -slinky -slip -slipback -slipband -slipboard -slipbody -slipcase -slipcoach -slipcoat -slipe -slipgibbet -sliphorn -sliphouse -slipknot -slipless -slipman -slipover -slippage -slipped -slipper -slippered -slipperflower -slipperily -slipperiness -slipperlike -slipperweed -slipperwort -slippery -slipperyback -slipperyroot -slippiness -slipping -slippingly -slipproof -slippy -slipshod -slipshoddiness -slipshoddy -slipshodness -slipshoe -slipslap -slipslop -slipsloppish -slipsloppism -slipsole -slipstep -slipstring -sliptopped -slipway -slirt -slish -slit -slitch -slite -slither -slithering -slitheroo -slithers -slithery -slithy -slitless -slitlike -slitshell -slitted -slitter -slitting -slitty -slitwise -slive -sliver -sliverer -sliverlike -sliverproof -slivery -sliving -slivovitz -sloan -Sloanea -slob -slobber -slobberchops -slobberer -slobbers -slobbery -slobby -slock -slocken -slod -slodder -slodge -slodger -sloe -sloeberry -sloebush -sloetree -slog -slogan -sloganeer -sloganize -slogger -slogging -slogwood -sloka -sloke -slommock -slon -slone -slonk -sloo -sloom -sloomy -sloop -sloopman -sloosh -slop -slopdash -slope -sloped -slopely -slopeness -sloper -slopeways -slopewise -sloping -slopingly -slopingness -slopmaker -slopmaking -sloppage -slopped -sloppery -sloppily -sloppiness -slopping -sloppy -slops -slopseller -slopselling -slopshop -slopstone -slopwork -slopworker -slopy -slorp -slosh -slosher -sloshily -sloshiness -sloshy -slot -slote -sloted -sloth -slothful -slothfully -slothfulness -slothound -slotted -slotter -slottery -slotting -slotwise -slouch -sloucher -slouchily -slouchiness -slouching -slouchingly -slouchy -slough -sloughiness -sloughy -slour -sloush -Slovak -Slovakian -Slovakish -sloven -Slovene -Slovenian -Slovenish -slovenlike -slovenliness -slovenly -slovenwood -Slovintzi -slow -slowbellied -slowbelly -slowdown -slowgoing -slowheaded -slowhearted -slowheartedness -slowhound -slowish -slowly -slowmouthed -slowpoke -slowrie -slows -slowworm -sloyd -slub -slubber -slubberdegullion -slubberer -slubbering -slubberingly -slubberly -slubbery -slubbing -slubby -slud -sludder -sluddery -sludge -sludged -sludger -sludgy -slue -sluer -slug -slugabed -sluggard -sluggarding -sluggardize -sluggardliness -sluggardly -sluggardness -sluggardry -slugged -slugger -slugging -sluggingly -sluggish -sluggishly -sluggishness -sluggy -sluglike -slugwood -sluice -sluicelike -sluicer -sluiceway -sluicing -sluicy -sluig -sluit -slum -slumber -slumberer -slumberful -slumbering -slumberingly -slumberland -slumberless -slumberous -slumberously -slumberousness -slumberproof -slumbersome -slumbery -slumbrous -slumdom -slumgullion -slumgum -slumland -slummage -slummer -slumminess -slumming -slummock -slummocky -slummy -slump -slumpproof -slumproof -slumpwork -slumpy -slumward -slumwise -slung -slungbody -slunge -slunk -slunken -slur -slurbow -slurp -slurry -slush -slusher -slushily -slushiness -slushy -slut -slutch -slutchy -sluther -sluthood -slutter -sluttery -sluttikin -sluttish -sluttishly -sluttishness -slutty -sly -slyboots -slyish -slyly -slyness -slype -sma -smachrie -smack -smackee -smacker -smackful -smacking -smackingly -smacksman -smaik -Smalcaldian -Smalcaldic -small -smallage -smallclothes -smallcoal -smallen -smaller -smallhearted -smallholder -smalling -smallish -smallmouth -smallmouthed -smallness -smallpox -smalls -smallsword -smalltime -smallware -smally -smalm -smalt -smalter -smaltine -smaltite -smalts -smaragd -smaragdine -smaragdite -smaragdus -smarm -smarmy -smart -smarten -smarting -smartingly -smartish -smartism -smartless -smartly -smartness -smartweed -smarty -smash -smashable -smashage -smashboard -smasher -smashery -smashing -smashingly -smashment -smashup -smatter -smatterer -smattering -smatteringly -smattery -smaze -smear -smearcase -smeared -smearer -smeariness -smearless -smeary -smectic -smectis -smectite -Smectymnuan -Smectymnuus -smeddum -smee -smeech -smeek -smeeky -smeer -smeeth -smegma -smell -smellable -smellage -smelled -smeller -smellful -smellfungi -smellfungus -smelliness -smelling -smellproof -smellsome -smelly -smelt -smelter -smelterman -smeltery -smeltman -smeth -smethe -smeuse -smew -smich -smicker -smicket -smiddie -smiddum -smidge -smidgen -smifligate -smifligation -smiggins -Smilacaceae -smilacaceous -Smilaceae -smilaceous -smilacin -Smilacina -Smilax -smilax -smile -smileable -smileage -smileful -smilefulness -smileless -smilelessly -smilelessness -smilemaker -smilemaking -smileproof -smiler -smilet -smiling -smilingly -smilingness -Smilodon -smily -Smintheus -Sminthian -sminthurid -Sminthuridae -Sminthurus -smirch -smircher -smirchless -smirchy -smiris -smirk -smirker -smirking -smirkingly -smirkish -smirkle -smirkly -smirky -smirtle -smit -smitch -smite -smiter -smith -smitham -smithcraft -smither -smithereens -smithery -Smithian -Smithianism -smithing -smithite -Smithsonian -smithsonite -smithwork -smithy -smithydander -smiting -smitten -smitting -smock -smocker -smockface -smocking -smockless -smocklike -smog -smokables -smoke -smokeable -smokebox -smokebush -smoked -smokefarthings -smokehouse -smokejack -smokeless -smokelessly -smokelessness -smokelike -smokeproof -smoker -smokery -smokestack -smokestone -smoketight -smokewood -smokily -smokiness -smoking -smokish -smoky -smokyseeming -smolder -smolderingness -smolt -smooch -smoochy -smoodge -smoodger -smook -smoorich -Smoos -smoot -smooth -smoothable -smoothback -smoothbore -smoothbored -smoothcoat -smoothen -smoother -smoothification -smoothify -smoothing -smoothingly -smoothish -smoothly -smoothmouthed -smoothness -smoothpate -smopple -smore -smorgasbord -smote -smother -smotherable -smotheration -smothered -smotherer -smotheriness -smothering -smotheringly -smothery -smotter -smouch -smoucher -smous -smouse -smouser -smout -smriti -smudge -smudged -smudgedly -smudgeless -smudgeproof -smudger -smudgily -smudginess -smudgy -smug -smuggery -smuggish -smuggishly -smuggishness -smuggle -smuggleable -smuggler -smugglery -smuggling -smugism -smugly -smugness -smuisty -smur -smurr -smurry -smuse -smush -smut -smutch -smutchin -smutchless -smutchy -smutproof -smutted -smutter -smuttily -smuttiness -smutty -Smyrna -Smyrnaite -Smyrnean -Smyrniot -Smyrniote -smyth -smytrie -snab -snabbie -snabble -snack -snackle -snackman -snaff -snaffle -snaffles -snafu -snag -snagbush -snagged -snagger -snaggled -snaggletooth -snaggy -snagrel -snail -snaileater -snailery -snailfish -snailflower -snailish -snailishly -snaillike -snails -snaily -snaith -snake -snakebark -snakeberry -snakebird -snakebite -snakefish -snakeflower -snakehead -snakeholing -snakeleaf -snakeless -snakelet -snakelike -snakeling -snakemouth -snakeneck -snakeology -snakephobia -snakepiece -snakepipe -snakeproof -snaker -snakeroot -snakery -snakeship -snakeskin -snakestone -snakeweed -snakewise -snakewood -snakeworm -snakewort -snakily -snakiness -snaking -snakish -snaky -snap -snapback -snapbag -snapberry -snapdragon -snape -snaper -snaphead -snapholder -snapjack -snapless -snappable -snapped -snapper -snappily -snappiness -snapping -snappingly -snappish -snappishly -snappishness -snapps -snappy -snaps -snapsack -snapshot -snapshotter -snapweed -snapwood -snapwort -snapy -snare -snareless -snarer -snaringly -snark -snarl -snarler -snarleyyow -snarlingly -snarlish -snarly -snary -snaste -snatch -snatchable -snatched -snatcher -snatchily -snatching -snatchingly -snatchproof -snatchy -snath -snathe -snavel -snavvle -snaw -snead -sneak -sneaker -sneakiness -sneaking -sneakingly -sneakingness -sneakish -sneakishly -sneakishness -sneaksby -sneaksman -sneaky -sneap -sneath -sneathe -sneb -sneck -sneckdraw -sneckdrawing -sneckdrawn -snecker -snecket -sned -snee -sneer -sneerer -sneerful -sneerfulness -sneering -sneeringly -sneerless -sneery -sneesh -sneeshing -sneest -sneesty -sneeze -sneezeless -sneezeproof -sneezer -sneezeweed -sneezewood -sneezewort -sneezing -sneezy -snell -snelly -Snemovna -snerp -snew -snib -snibble -snibbled -snibbler -snibel -snicher -snick -snickdraw -snickdrawing -snicker -snickering -snickeringly -snickersnee -snicket -snickey -snickle -sniddle -snide -snideness -sniff -sniffer -sniffily -sniffiness -sniffing -sniffingly -sniffish -sniffishness -sniffle -sniffler -sniffly -sniffy -snift -snifter -snifty -snig -snigger -sniggerer -sniggering -sniggle -sniggler -sniggoringly -snip -snipe -snipebill -snipefish -snipelike -sniper -sniperscope -sniping -snipish -snipjack -snipnose -snipocracy -snipper -snippersnapper -snipperty -snippet -snippetiness -snippety -snippiness -snipping -snippish -snippy -snipsnapsnorum -sniptious -snipy -snirl -snirt -snirtle -snitch -snitcher -snite -snithe -snithy -snittle -snivel -sniveled -sniveler -sniveling -snively -snivy -snob -snobber -snobbery -snobbess -snobbing -snobbish -snobbishly -snobbishness -snobbism -snobby -snobdom -snobling -snobocracy -snobocrat -snobographer -snobography -snobologist -snobonomer -snobscat -snocher -snock -snocker -snod -snodly -snoek -snoeking -snog -snoga -Snohomish -snoke -Snonowas -snood -snooded -snooding -snook -snooker -snookered -snoop -snooper -snooperscope -snoopy -snoose -snoot -snootily -snootiness -snooty -snoove -snooze -snoozer -snooziness -snoozle -snoozy -snop -Snoqualmie -Snoquamish -snore -snoreless -snorer -snoring -snoringly -snork -snorkel -snorker -snort -snorter -snorting -snortingly -snortle -snorty -snot -snotter -snottily -snottiness -snotty -snouch -snout -snouted -snouter -snoutish -snoutless -snoutlike -snouty -Snow -snow -Snowball -snowball -snowbank -snowbell -snowberg -snowberry -snowbird -snowblink -snowbound -snowbreak -snowbush -snowcap -snowcraft -Snowdonian -snowdrift -snowdrop -snowfall -snowflake -snowflight -snowflower -snowfowl -snowhammer -snowhouse -snowie -snowily -snowiness -snowish -snowk -snowl -snowland -snowless -snowlike -snowmanship -snowmobile -snowplow -snowproof -snowscape -snowshade -snowshed -snowshine -snowshoe -snowshoed -snowshoeing -snowshoer -snowslide -snowslip -snowstorm -snowsuit -snowworm -snowy -snozzle -snub -snubbable -snubbed -snubbee -snubber -snubbiness -snubbing -snubbingly -snubbish -snubbishly -snubbishness -snubby -snubproof -snuck -snudge -snuff -snuffbox -snuffboxer -snuffcolored -snuffer -snuffers -snuffiness -snuffing -snuffingly -snuffish -snuffle -snuffler -snuffles -snuffless -snuffliness -snuffling -snufflingly -snuffly -snuffman -snuffy -snug -snugger -snuggery -snuggish -snuggle -snugify -snugly -snugness -snum -snup -snupper -snur -snurl -snurly -snurp -snurt -snuzzle -sny -snying -so -soak -soakage -soakaway -soaked -soaken -soaker -soaking -soakingly -soakman -soaky -soally -soam -soap -soapbark -soapberry -soapbox -soapboxer -soapbubbly -soapbush -soaper -soapery -soapfish -soapily -soapiness -soaplees -soapless -soaplike -soapmaker -soapmaking -soapmonger -soaprock -soaproot -soapstone -soapsud -soapsuddy -soapsuds -soapsudsy -soapweed -soapwood -soapwort -soapy -soar -soarability -soarable -soarer -soaring -soaringly -soary -sob -sobber -sobbing -sobbingly -sobby -sobeit -sober -soberer -sobering -soberingly -soberize -soberlike -soberly -soberness -sobersault -sobersided -sobersides -soberwise -sobful -soboles -soboliferous -sobproof -Sobralia -sobralite -Sobranje -sobrevest -sobriety -sobriquet -sobriquetical -soc -socage -socager -soccer -soccerist -soccerite -soce -socht -sociability -sociable -sociableness -sociably -social -Sociales -socialism -socialist -socialistic -socialite -sociality -socializable -socialization -socialize -socializer -socially -socialness -sociation -sociative -societal -societally -societarian -societarianism -societary -societified -societism -societist -societologist -societology -society -societyish -societyless -socii -Socinian -Socinianism -Socinianistic -Socinianize -sociobiological -sociocentric -sociocracy -sociocrat -sociocratic -sociocultural -sociodrama -sociodramatic -socioeconomic -socioeducational -sociogenesis -sociogenetic -sociogeny -sociography -sociolatry -sociolegal -sociologian -sociologic -sociological -sociologically -sociologism -sociologist -sociologistic -sociologize -sociologizer -sociologizing -sociology -sociomedical -sociometric -sociometry -socionomic -socionomics -socionomy -sociophagous -sociopolitical -socioreligious -socioromantic -sociostatic -sociotechnical -socius -sock -sockdolager -socker -socket -socketful -socketless -sockeye -sockless -socklessness -sockmaker -sockmaking -socky -socle -socman -socmanry -soco -Socorrito -Socotran -Socotri -Socotrine -Socratean -Socratic -Socratical -Socratically -Socraticism -Socratism -Socratist -Socratize -sod -soda -sodaclase -sodaic -sodaless -sodalist -sodalite -sodalithite -sodality -sodamide -sodbuster -sodded -sodden -soddenly -soddenness -sodding -soddite -soddy -sodic -sodio -sodioaluminic -sodioaurous -sodiocitrate -sodiohydric -sodioplatinic -sodiosalicylate -sodiotartrate -sodium -sodless -sodoku -Sodom -sodomic -Sodomist -Sodomite -sodomitess -sodomitic -sodomitical -sodomitically -Sodomitish -sodomy -sodwork -sody -soe -soekoe -soever -sofa -sofane -sofar -soffit -Sofia -Sofoklis -Sofronia -soft -softa -softball -softbrained -soften -softener -softening -softhead -softheaded -softhearted -softheartedly -softheartedness -softhorn -softish -softling -softly -softner -softness -softship -softtack -softwood -softy -sog -Soga -Sogdian -Sogdianese -Sogdianian -Sogdoite -soger -soget -soggarth -soggendalite -soggily -sogginess -sogging -soggy -soh -soho -Soiesette -soiesette -soil -soilage -soiled -soiling -soilless -soilproof -soilure -soily -soiree -soixantine -Soja -soja -sojourn -sojourner -sojourney -sojournment -sok -soka -soke -sokeman -sokemanemot -sokemanry -soken -Sokoki -Sokotri -Sokulk -Sol -sol -sola -solace -solaceful -solacement -solaceproof -solacer -solacious -solaciously -solaciousness -solan -Solanaceae -solanaceous -solanal -Solanales -solander -solaneine -solaneous -solanidine -solanine -Solanum -solanum -solar -solarism -solarist -solaristic -solaristically -solaristics -Solarium -solarium -solarization -solarize -solarometer -solate -solatia -solation -solatium -solay -sold -soldado -Soldan -soldan -soldanel -Soldanella -soldanelle -soldanrie -solder -solderer -soldering -solderless -soldi -soldier -soldierbird -soldierbush -soldierdom -soldieress -soldierfish -soldierhearted -soldierhood -soldiering -soldierize -soldierlike -soldierliness -soldierly -soldierproof -soldiership -soldierwise -soldierwood -soldiery -soldo -sole -Solea -solea -soleas -solecism -solecist -solecistic -solecistical -solecistically -solecize -solecizer -Soleidae -soleiform -soleil -soleless -solely -solemn -solemncholy -solemnify -solemnitude -solemnity -solemnization -solemnize -solemnizer -solemnly -solemnness -Solen -solen -solenacean -solenaceous -soleness -solenette -solenial -Solenidae -solenite -solenitis -solenium -solenoconch -Solenoconcha -solenocyte -Solenodon -solenodont -Solenodontidae -solenogaster -Solenogastres -solenoglyph -Solenoglypha -solenoglyphic -solenoid -solenoidal -solenoidally -Solenopsis -solenostele -solenostelic -solenostomid -Solenostomidae -solenostomoid -solenostomous -Solenostomus -solent -solentine -solepiece -soleplate -soleprint -soler -Solera -soles -soleus -soleyn -solfataric -solfeggio -solferino -soli -soliative -solicit -solicitant -solicitation -solicitationism -solicited -solicitee -soliciter -soliciting -solicitor -solicitorship -solicitous -solicitously -solicitousness -solicitress -solicitrix -solicitude -solicitudinous -solid -Solidago -solidago -solidaric -solidarily -solidarism -solidarist -solidaristic -solidarity -solidarize -solidary -solidate -solidi -solidifiability -solidifiable -solidifiableness -solidification -solidifier -solidiform -solidify -solidish -solidism -solidist -solidistic -solidity -solidly -solidness -solidum -Solidungula -solidungular -solidungulate -solidus -solifidian -solifidianism -solifluction -solifluctional -soliform -Solifugae -solifuge -solifugean -solifugid -solifugous -soliloquacious -soliloquist -soliloquium -soliloquize -soliloquizer -soliloquizing -soliloquizingly -soliloquy -solilunar -Solio -solio -soliped -solipedal -solipedous -solipsism -solipsismal -solipsist -solipsistic -solist -solitaire -solitarian -solitarily -solitariness -solitary -soliterraneous -solitidal -solitude -solitudinarian -solitudinize -solitudinous -solivagant -solivagous -sollar -solleret -Sollya -solmizate -solmization -solo -solod -solodi -solodization -solodize -soloecophanes -soloist -Solomon -Solomonian -Solomonic -Solomonical -Solomonitic -Solon -solon -solonchak -solonetz -solonetzic -solonetzicity -Solonian -Solonic -solonist -soloth -solotink -solotnik -solpugid -Solpugida -Solpugidea -Solpugides -solstice -solsticion -solstitia -solstitial -solstitially -solstitium -solubility -solubilization -solubilize -soluble -solubleness -solubly -solum -solute -solution -solutional -solutioner -solutionist -solutize -solutizer -Solutrean -solvability -solvable -solvableness -solvate -solvation -solve -solvement -solvency -solvend -solvent -solvently -solventproof -solver -solvolysis -solvolytic -solvolyze -solvsbergite -Solyma -Solymaean -soma -somacule -Somal -somal -Somali -somaplasm -Somaschian -somasthenia -somata -somatasthenia -Somateria -somatic -somatical -somatically -somaticosplanchnic -somaticovisceral -somatics -somatism -somatist -somatization -somatochrome -somatocyst -somatocystic -somatoderm -somatogenetic -somatogenic -somatognosis -somatognostic -somatologic -somatological -somatologically -somatologist -somatology -somatome -somatomic -somatophyte -somatophytic -somatoplasm -somatopleural -somatopleure -somatopleuric -somatopsychic -somatosplanchnic -somatotonia -somatotonic -somatotropic -somatotropically -somatotropism -somatotype -somatotyper -somatotypy -somatous -somber -somberish -somberly -somberness -sombre -sombrerite -sombrero -sombreroed -sombrous -sombrously -sombrousness -some -somebody -someday -somedeal -somegate -somehow -someone -somepart -someplace -somers -somersault -somerset -Somersetian -somervillite -somesthesia -somesthesis -somesthetic -something -somethingness -sometime -sometimes -someway -someways -somewhat -somewhatly -somewhatness -somewhen -somewhence -somewhere -somewheres -somewhile -somewhiles -somewhither -somewhy -somewise -somital -somite -somitic -somma -sommaite -sommelier -somnambulance -somnambulancy -somnambulant -somnambular -somnambulary -somnambulate -somnambulation -somnambulator -somnambule -somnambulency -somnambulic -somnambulically -somnambulism -somnambulist -somnambulistic -somnambulize -somnambulous -somnial -somniative -somnifacient -somniferous -somniferously -somnific -somnifuge -somnify -somniloquacious -somniloquence -somniloquent -somniloquism -somniloquist -somniloquize -somniloquous -somniloquy -Somniosus -somnipathist -somnipathy -somnivolency -somnivolent -somnolence -somnolency -somnolent -somnolently -somnolescence -somnolescent -somnolism -somnolize -somnopathy -somnorific -somnus -sompay -sompne -sompner -Son -son -sonable -sonance -sonancy -sonant -sonantal -sonantic -sonantina -sonantized -sonar -sonata -sonatina -sonation -Sonchus -sond -sondation -sondeli -Sonderbund -sonderclass -Sondergotter -Sondylomorum -soneri -song -songbird -songbook -songcraft -songfest -songful -songfully -songfulness -Songhai -Songish -songish -songland -songle -songless -songlessly -songlessness -songlet -songlike -songman -Songo -Songoi -songster -songstress -songworthy -songwright -songy -sonhood -sonic -soniferous -sonification -soniou -Sonja -sonk -sonless -sonlike -sonlikeness -sonly -Sonneratia -Sonneratiaceae -sonneratiaceous -sonnet -sonnetary -sonneteer -sonneteeress -sonnetic -sonneting -sonnetish -sonnetist -sonnetize -sonnetlike -sonnetwise -sonnikins -Sonny -sonny -sonobuoy -sonometer -Sonoran -sonorant -sonorescence -sonorescent -sonoric -sonoriferous -sonoriferously -sonorific -sonority -sonorophone -sonorosity -sonorous -sonorously -sonorousness -Sonrai -sons -sonship -sonsy -sontag -soodle -soodly -Soohong -sook -Sooke -sooky -sool -sooloos -soon -sooner -soonish -soonly -Soorah -soorawn -soord -soorkee -Soot -soot -sooter -sooterkin -sooth -soothe -soother -sootherer -soothful -soothing -soothingly -soothingness -soothless -soothsay -soothsayer -soothsayership -soothsaying -sootily -sootiness -sootless -sootlike -sootproof -sooty -sootylike -sop -sope -soph -Sopheric -Sopherim -Sophia -sophia -Sophian -sophic -sophical -sophically -sophiologic -sophiology -sophism -Sophist -sophister -sophistic -sophistical -sophistically -sophisticalness -sophisticant -sophisticate -sophisticated -sophistication -sophisticative -sophisticator -sophisticism -Sophistress -sophistress -sophistry -Sophoclean -sophomore -sophomoric -sophomorical -sophomorically -Sophora -sophoria -Sophronia -sophronize -Sophy -sophy -sopite -sopition -sopor -soporiferous -soporiferously -soporiferousness -soporific -soporifical -soporifically -soporose -sopper -soppiness -sopping -soppy -soprani -sopranino -sopranist -soprano -sora -Sorabian -sorage -soral -Sorb -sorb -Sorbaria -sorbate -sorbefacient -sorbent -Sorbian -sorbic -sorbile -sorbin -sorbinose -Sorbish -sorbite -sorbitic -sorbitize -sorbitol -Sorbonic -Sorbonical -Sorbonist -Sorbonne -sorbose -sorboside -Sorbus -sorbus -sorcer -sorcerer -sorceress -sorcering -sorcerous -sorcerously -sorcery -sorchin -sorda -Sordaria -Sordariaceae -sordawalite -sordellina -Sordello -sordes -sordid -sordidity -sordidly -sordidness -sordine -sordino -sordor -sore -soredia -soredial -sorediate -sorediferous -sorediform -soredioid -soredium -soree -sorefalcon -sorefoot -sorehawk -sorehead -soreheaded -soreheadedly -soreheadedness -sorehearted -sorehon -sorely -sorema -soreness -Sorex -sorgho -Sorghum -sorghum -sorgo -sori -soricid -Soricidae -soricident -Soricinae -soricine -soricoid -Soricoidea -soriferous -sorite -sorites -soritical -sorn -sornare -sornari -sorner -sorning -soroban -Soroptimist -sororal -sororate -sororial -sororially -sororicidal -sororicide -sorority -sororize -sorose -sorosis -sorosphere -Sorosporella -Sorosporium -sorption -sorra -Sorrel -sorrel -sorrento -sorrily -sorriness -sorroa -sorrow -sorrower -sorrowful -sorrowfully -sorrowfulness -sorrowing -sorrowingly -sorrowless -sorrowproof -sorrowy -sorry -sorryhearted -sorryish -sort -sortable -sortably -sortal -sortation -sorted -sorter -sortie -sortilege -sortileger -sortilegic -sortilegious -sortilegus -sortilegy -sortiment -sortition -sortly -sorty -sorus -sorva -sory -sosh -soshed -Sosia -soso -sosoish -Sospita -soss -sossle -sostenuto -sot -Sotadean -Sotadic -Soter -Soteres -soterial -soteriologic -soteriological -soteriology -Sothiac -Sothiacal -Sothic -Sothis -Sotho -sotie -Sotik -sotnia -sotnik -sotol -sots -sottage -sotted -sotter -sottish -sottishly -sottishness -sou -souari -soubise -soubrette -soubrettish -soucar -souchet -Souchong -souchong -souchy -soud -soudagur -souffle -souffleed -sough -sougher -soughing -sought -Souhegan -soul -soulack -soulcake -souled -Souletin -soulful -soulfully -soulfulness -soulical -soulish -soulless -soullessly -soullessness -soullike -Soulmass -soulsaving -soulward -souly -soum -soumansite -soumarque -sound -soundable -soundage -soundboard -sounder -soundful -soundheaded -soundheadedness -soundhearted -soundheartednes -sounding -soundingly -soundingness -soundless -soundlessly -soundlessness -soundly -soundness -soundproof -soundproofing -soup -soupbone -soupcon -souper -souple -soupless -souplike -soupspoon -soupy -sour -sourbelly -sourberry -sourbread -sourbush -sourcake -source -sourceful -sourcefulness -sourceless -sourcrout -sourdeline -sourdine -soured -souredness -souren -sourer -sourhearted -souring -sourish -sourishly -sourishness -sourjack -sourling -sourly -sourness -sourock -soursop -sourtop -sourweed -sourwood -soury -sousaphone -sousaphonist -souse -souser -souslik -soutane -souter -souterrain -South -south -southard -southbound -Southcottian -Southdown -southeast -southeaster -southeasterly -southeastern -southeasternmost -southeastward -southeastwardly -southeastwards -souther -southerland -southerliness -southerly -southermost -southern -Southerner -southerner -southernism -southernize -southernliness -southernly -southernmost -southernness -southernwood -southing -southland -southlander -southmost -southness -southpaw -Southron -southron -Southronie -Southumbrian -southward -southwardly -southwards -southwest -southwester -southwesterly -southwestern -Southwesterner -southwesternmost -southwestward -southwestwardly -souvenir -souverain -souwester -sov -sovereign -sovereigness -sovereignly -sovereignness -sovereignship -sovereignty -soviet -sovietdom -sovietic -sovietism -sovietist -sovietization -sovietize -sovite -sovkhose -sovkhoz -sovran -sovranty -sow -sowable -sowan -sowans -sowar -sowarry -sowback -sowbacked -sowbane -sowbelly -sowbread -sowdones -sowel -sowens -sower -sowfoot -sowing -sowins -sowl -sowle -sowlike -sowlth -sown -sowse -sowt -sowte -Soxhlet -soy -soya -soybean -Soyot -sozin -sozolic -sozzle -sozzly -spa -Space -space -spaceband -spaced -spaceful -spaceless -spacer -spacesaving -spaceship -spaciness -spacing -spaciosity -spaciotemporal -spacious -spaciously -spaciousness -spack -spacy -spad -spade -spadebone -spaded -spadefish -spadefoot -spadeful -spadelike -spademan -spader -spadesman -spadewise -spadework -spadger -spadiceous -spadices -spadicifloral -spadiciflorous -spadiciform -spadicose -spadilla -spadille -spading -spadix -spadone -spadonic -spadonism -spadrone -spadroon -spae -spaebook -spaecraft -spaedom -spaeman -spaer -spaewife -spaewoman -spaework -spaewright -spaghetti -Spagnuoli -spagyric -spagyrical -spagyrically -spagyrist -spahi -spaid -spaik -spairge -spak -Spalacidae -spalacine -Spalax -spald -spalder -spalding -spale -spall -spallation -spaller -spalling -spalpeen -spalt -span -spancel -spandle -spandrel -spandy -spane -spanemia -spanemy -spang -spanghew -spangle -spangled -spangler -spanglet -spangly -spangolite -Spaniard -Spaniardization -Spaniardize -Spaniardo -spaniel -spaniellike -spanielship -spaning -Spaniol -Spaniolate -Spanioli -Spaniolize -spanipelagic -Spanish -Spanishize -Spanishly -spank -spanker -spankily -spanking -spankingly -spanky -spanless -spann -spannel -spanner -spannerman -spanopnoea -spanpiece -spantoon -spanule -spanworm -Spar -spar -sparable -sparada -sparadrap -sparagrass -sparagus -Sparassis -sparassodont -Sparassodonta -Sparaxis -sparaxis -sparch -spare -spareable -spareless -sparely -spareness -sparer -sparerib -sparesome -Sparganiaceae -Sparganium -sparganium -sparganosis -sparganum -sparge -sparger -spargosis -sparhawk -sparid -Sparidae -sparing -sparingly -sparingness -spark -sparkback -sparked -sparker -sparkiness -sparking -sparkish -sparkishly -sparkishness -sparkle -sparkleberry -sparkler -sparkless -sparklessly -sparklet -sparklike -sparkliness -sparkling -sparklingly -sparklingness -sparkly -sparkproof -sparks -sparky -sparlike -sparling -sparm -Sparmannia -Sparnacian -sparoid -sparpiece -sparred -sparrer -sparring -sparringly -sparrow -sparrowbill -sparrowcide -sparrowdom -sparrowgrass -sparrowish -sparrowless -sparrowlike -sparrowtail -sparrowtongue -sparrowwort -sparrowy -sparry -sparse -sparsedly -sparsely -sparsile -sparsioplast -sparsity -spart -Spartacan -Spartacide -Spartacism -Spartacist -spartacist -Spartan -Spartanhood -Spartanic -Spartanically -Spartanism -Spartanize -Spartanlike -Spartanly -sparteine -sparterie -sparth -Spartiate -Spartina -Spartium -spartle -Sparus -sparver -spary -spasm -spasmatic -spasmatical -spasmatomancy -spasmed -spasmic -spasmodic -spasmodical -spasmodically -spasmodicalness -spasmodism -spasmodist -spasmolytic -spasmophilia -spasmophilic -spasmotin -spasmotoxin -spasmous -Spass -spastic -spastically -spasticity -spat -spatalamancy -Spatangida -Spatangina -spatangoid -Spatangoida -Spatangoidea -spatangoidean -Spatangus -spatchcock -spate -spatha -spathaceous -spathal -spathe -spathed -spatheful -spathic -Spathiflorae -spathilae -spathilla -spathose -spathous -spathulate -Spathyema -spatial -spatiality -spatialization -spatialize -spatially -spatiate -spatiation -spatilomancy -spatiotemporal -spatling -spatted -spatter -spatterdashed -spatterdasher -spatterdock -spattering -spatteringly -spatterproof -spatterwork -spatting -spattle -spattlehoe -Spatula -spatula -spatulamancy -spatular -spatulate -spatulation -spatule -spatuliform -spatulose -spave -spaver -spavie -spavied -spaviet -spavin -spavindy -spavined -spawn -spawneater -spawner -spawning -spawny -spay -spayad -spayard -spaying -speak -speakable -speakableness -speakably -speaker -speakeress -speakership -speakhouse -speakies -speaking -speakingly -speakingness -speakless -speaklessly -speal -spealbone -spean -spear -spearcast -spearer -spearfish -spearflower -spearhead -spearing -spearman -spearmanship -spearmint -spearproof -spearsman -spearwood -spearwort -speary -spec -specchie -spece -special -specialism -specialist -specialistic -speciality -specialization -specialize -specialized -specializer -specially -specialness -specialty -speciation -specie -species -speciestaler -specifiable -specific -specifical -specificality -specifically -specificalness -specificate -specification -specificative -specificatively -specificity -specificize -specificly -specificness -specifier -specifist -specify -specillum -specimen -specimenize -speciology -speciosity -specious -speciously -speciousness -speck -specked -speckedness -speckfall -speckiness -specking -speckle -specklebelly -specklebreast -speckled -speckledbill -speckledness -speckless -specklessly -specklessness -speckling -speckly -speckproof -specks -specksioneer -specky -specs -spectacle -spectacled -spectacleless -spectaclelike -spectaclemaker -spectaclemaking -spectacles -spectacular -spectacularism -spectacularity -spectacularly -spectator -spectatordom -spectatorial -spectatorship -spectatory -spectatress -spectatrix -specter -spectered -specterlike -spectra -spectral -spectralism -spectrality -spectrally -spectralness -spectrobolograph -spectrobolographic -spectrobolometer -spectrobolometric -spectrochemical -spectrochemistry -spectrocolorimetry -spectrocomparator -spectroelectric -spectrogram -spectrograph -spectrographic -spectrographically -spectrography -spectroheliogram -spectroheliograph -spectroheliographic -spectrohelioscope -spectrological -spectrologically -spectrology -spectrometer -spectrometric -spectrometry -spectromicroscope -spectromicroscopical -spectrophobia -spectrophone -spectrophonic -spectrophotoelectric -spectrophotograph -spectrophotography -spectrophotometer -spectrophotometric -spectrophotometry -spectropolarimeter -spectropolariscope -spectropyrheliometer -spectropyrometer -spectroradiometer -spectroradiometric -spectroradiometry -spectroscope -spectroscopic -spectroscopically -spectroscopist -spectroscopy -spectrotelescope -spectrous -spectrum -spectry -specula -specular -Specularia -specularly -speculate -speculation -speculatist -speculative -speculatively -speculativeness -speculativism -speculator -speculatory -speculatrices -speculatrix -speculist -speculum -specus -sped -speech -speechcraft -speecher -speechful -speechfulness -speechification -speechifier -speechify -speeching -speechless -speechlessly -speechlessness -speechlore -speechmaker -speechmaking -speechment -speed -speedaway -speedboat -speedboating -speedboatman -speeder -speedful -speedfully -speedfulness -speedily -speediness -speeding -speedingly -speedless -speedometer -speedster -speedway -speedwell -speedy -speel -speelken -speelless -speen -speer -speering -speerity -speiskobalt -speiss -spekboom -spelaean -spelder -spelding -speldring -speleological -speleologist -speleology -spelk -spell -spellable -spellbind -spellbinder -spellbinding -spellbound -spellcraft -spelldown -speller -spellful -spelling -spellingdown -spellingly -spellmonger -spellproof -spellword -spellwork -spelt -spelter -spelterman -speltoid -speltz -speluncar -speluncean -spelunk -spelunker -spence -Spencean -Spencer -spencer -Spencerian -Spencerianism -Spencerism -spencerite -spend -spendable -spender -spendful -spendible -spending -spendless -spendthrift -spendthrifty -Spenerism -spense -Spenserian -spent -speos -Speotyto -sperable -Speranza -sperate -Spergula -Spergularia -sperity -sperket -sperling -sperm -sperma -spermaceti -spermacetilike -spermaduct -spermalist -Spermaphyta -spermaphyte -spermaphytic -spermarium -spermary -spermashion -spermatangium -spermatheca -spermathecal -spermatic -spermatically -spermatid -spermatiferous -spermatin -spermatiogenous -spermation -spermatiophore -spermatism -spermatist -spermatitis -spermatium -spermatize -spermatoblast -spermatoblastic -spermatocele -spermatocyst -spermatocystic -spermatocystitis -spermatocytal -spermatocyte -spermatogemma -spermatogenesis -spermatogenetic -spermatogenic -spermatogenous -spermatogeny -spermatogonial -spermatogonium -spermatoid -spermatolysis -spermatolytic -spermatophoral -spermatophore -spermatophorous -Spermatophyta -spermatophyte -spermatophytic -spermatoplasm -spermatoplasmic -spermatoplast -spermatorrhea -spermatospore -spermatotheca -spermatova -spermatovum -spermatoxin -spermatozoa -spermatozoal -spermatozoan -spermatozoic -spermatozoid -spermatozoon -spermaturia -spermic -spermidine -spermiducal -spermiduct -spermigerous -spermine -spermiogenesis -spermism -spermist -spermoblast -spermoblastic -spermocarp -spermocenter -spermoderm -spermoduct -spermogenesis -spermogenous -spermogone -spermogoniferous -spermogonium -spermogonous -spermologer -spermological -spermologist -spermology -spermolysis -spermolytic -spermophile -spermophiline -Spermophilus -spermophore -spermophorium -Spermophyta -spermophyte -spermophytic -spermosphere -spermotheca -spermotoxin -spermous -spermoviduct -spermy -speronara -speronaro -sperone -sperrylite -spessartite -spet -spetch -spetrophoby -speuchan -spew -spewer -spewiness -spewing -spewy -spex -sphacel -Sphacelaria -Sphacelariaceae -sphacelariaceous -Sphacelariales -sphacelate -sphacelated -sphacelation -sphacelia -sphacelial -sphacelism -sphaceloderma -Sphaceloma -sphacelotoxin -sphacelous -sphacelus -Sphaeralcea -sphaeraphides -Sphaerella -sphaerenchyma -Sphaeriaceae -sphaeriaceous -Sphaeriales -sphaeridia -sphaeridial -sphaeridium -Sphaeriidae -Sphaerioidaceae -sphaeristerium -sphaerite -Sphaerium -sphaeroblast -Sphaerobolaceae -Sphaerobolus -Sphaerocarpaceae -Sphaerocarpales -Sphaerocarpus -sphaerocobaltite -Sphaerococcaceae -sphaerococcaceous -Sphaerococcus -sphaerolite -sphaerolitic -Sphaeroma -Sphaeromidae -Sphaerophoraceae -Sphaerophorus -Sphaeropsidaceae -Sphaeropsidales -Sphaeropsis -sphaerosiderite -sphaerosome -sphaerospore -Sphaerostilbe -Sphaerotheca -Sphaerotilus -sphagion -Sphagnaceae -sphagnaceous -Sphagnales -sphagnicolous -sphagnologist -sphagnology -sphagnous -Sphagnum -sphagnum -Sphakiot -sphalerite -Sphargis -sphecid -Sphecidae -Sphecina -Sphecoidea -spheges -sphegid -Sphegidae -Sphegoidea -sphendone -sphene -sphenethmoid -sphenethmoidal -sphenic -sphenion -Sphenisci -Spheniscidae -Sphenisciformes -spheniscine -spheniscomorph -Spheniscomorphae -spheniscomorphic -Spheniscus -sphenobasilar -sphenobasilic -sphenocephalia -sphenocephalic -sphenocephalous -sphenocephaly -Sphenodon -sphenodon -sphenodont -Sphenodontia -Sphenodontidae -sphenoethmoid -sphenoethmoidal -sphenofrontal -sphenogram -sphenographic -sphenographist -sphenography -sphenoid -sphenoidal -sphenoiditis -sphenolith -sphenomalar -sphenomandibular -sphenomaxillary -sphenopalatine -sphenoparietal -sphenopetrosal -Sphenophorus -Sphenophyllaceae -sphenophyllaceous -Sphenophyllales -Sphenophyllum -Sphenopteris -sphenosquamosal -sphenotemporal -sphenotic -sphenotribe -sphenotripsy -sphenoturbinal -sphenovomerine -sphenozygomatic -spherable -spheral -spherality -spheraster -spheration -sphere -sphereless -spheric -spherical -sphericality -spherically -sphericalness -sphericist -sphericity -sphericle -sphericocylindrical -sphericotetrahedral -sphericotriangular -spherics -spheriform -spherify -spheroconic -spherocrystal -spherograph -spheroidal -spheroidally -spheroidic -spheroidical -spheroidically -spheroidicity -spheroidism -spheroidity -spheroidize -spheromere -spherometer -spheroquartic -spherula -spherular -spherulate -spherule -spherulite -spherulitic -spherulitize -sphery -spheterize -Sphex -sphexide -sphincter -sphincteral -sphincteralgia -sphincterate -sphincterectomy -sphincterial -sphincteric -sphincterismus -sphincteroscope -sphincteroscopy -sphincterotomy -sphindid -Sphindidae -Sphindus -sphingal -sphinges -sphingid -Sphingidae -sphingiform -sphingine -sphingoid -sphingometer -sphingomyelin -sphingosine -Sphingurinae -Sphingurus -sphinx -sphinxian -sphinxianness -sphinxlike -Sphoeroides -sphragide -sphragistic -sphragistics -sphygmia -sphygmic -sphygmochronograph -sphygmodic -sphygmogram -sphygmograph -sphygmographic -sphygmography -sphygmoid -sphygmology -sphygmomanometer -sphygmomanometric -sphygmomanometry -sphygmometer -sphygmometric -sphygmophone -sphygmophonic -sphygmoscope -sphygmus -Sphyraena -sphyraenid -Sphyraenidae -sphyraenoid -Sphyrapicus -Sphyrna -Sphyrnidae -Spica -spica -spical -spicant -Spicaria -spicate -spicated -spiccato -spice -spiceable -spiceberry -spicebush -spicecake -spiced -spiceful -spicehouse -spiceland -spiceless -spicelike -spicer -spicery -spicewood -spiciferous -spiciform -spicigerous -spicilege -spicily -spiciness -spicing -spick -spicket -spickle -spicknel -spicose -spicosity -spicous -spicousness -spicula -spiculae -spicular -spiculate -spiculated -spiculation -spicule -spiculiferous -spiculiform -spiculigenous -spiculigerous -spiculofiber -spiculose -spiculous -spiculum -spiculumamoris -spicy -spider -spidered -spiderflower -spiderish -spiderless -spiderlike -spiderling -spiderly -spiderweb -spiderwork -spiderwort -spidery -spidger -spied -spiegel -spiegeleisen -spiel -spieler -spier -spiff -spiffed -spiffily -spiffiness -spiffing -spiffy -spiflicate -spiflicated -spiflication -spig -Spigelia -Spigeliaceae -Spigelian -spiggoty -spignet -spigot -Spike -spike -spikebill -spiked -spikedness -spikefish -spikehorn -spikelet -spikelike -spikenard -spiker -spiketail -spiketop -spikeweed -spikewise -spikily -spikiness -spiking -spiky -Spilanthes -spile -spilehole -spiler -spileworm -spilikin -spiling -spilite -spilitic -spill -spillage -spiller -spillet -spillproof -spillway -spilly -Spilogale -spiloma -spilosite -spilt -spilth -spilus -spin -spina -spinacene -spinaceous -spinach -spinachlike -Spinacia -spinae -spinage -spinal -spinales -spinalis -spinally -spinate -spinder -spindlage -spindle -spindleage -spindled -spindleful -spindlehead -spindlelegs -spindlelike -spindler -spindleshanks -spindletail -spindlewise -spindlewood -spindleworm -spindliness -spindling -spindly -spindrift -spine -spinebill -spinebone -spined -spinel -spineless -spinelessly -spinelessness -spinelet -spinelike -spinescence -spinescent -spinet -spinetail -spingel -spinibulbar -spinicarpous -spinicerebellar -spinidentate -spiniferous -Spinifex -spinifex -spiniform -spinifugal -spinigerous -spinigrade -spininess -spinipetal -spinitis -spinituberculate -spink -spinnable -spinnaker -spinner -spinneret -spinnerular -spinnerule -spinnery -spinney -spinning -spinningly -spinobulbar -spinocarpous -spinocerebellar -spinogalvanization -spinoglenoid -spinoid -spinomuscular -spinoneural -spinoperipheral -spinose -spinosely -spinoseness -spinosity -spinosodentate -spinosodenticulate -spinosotubercular -spinosotuberculate -spinosympathetic -spinotectal -spinothalamic -spinotuberculous -spinous -spinousness -Spinozism -Spinozist -Spinozistic -spinster -spinsterdom -spinsterhood -spinsterial -spinsterish -spinsterishly -spinsterism -spinsterlike -spinsterly -spinsterous -spinstership -spinstress -spintext -spinthariscope -spinthariscopic -spintherism -spinulate -spinulation -spinule -spinulescent -spinuliferous -spinuliform -Spinulosa -spinulose -spinulosely -spinulosociliate -spinulosodentate -spinulosodenticulate -spinulosogranulate -spinulososerrate -spinulous -spiny -spionid -Spionidae -Spioniformia -spiracle -spiracula -spiracular -spiraculate -spiraculiferous -spiraculiform -spiraculum -Spiraea -Spiraeaceae -spiral -spirale -spiraled -spiraliform -spiralism -spirality -spiralization -spiralize -spirally -spiraloid -spiraltail -spiralwise -spiran -spirant -Spiranthes -spiranthic -spiranthy -spirantic -spirantize -spiraster -spirate -spirated -spiration -spire -spirea -spired -spiregrass -spireless -spirelet -spireme -spirepole -spireward -spirewise -spiricle -Spirifer -Spirifera -Spiriferacea -spiriferid -Spiriferidae -spiriferoid -spiriferous -spiriform -spirignath -spirignathous -spirilla -Spirillaceae -spirillaceous -spirillar -spirillolysis -spirillosis -spirillotropic -spirillotropism -spirillum -spiring -spirit -spiritally -spiritdom -spirited -spiritedly -spiritedness -spiriter -spiritful -spiritfully -spiritfulness -spirithood -spiriting -spiritism -spiritist -spiritistic -spiritize -spiritland -spiritleaf -spiritless -spiritlessly -spiritlessness -spiritlike -spiritmonger -spiritous -spiritrompe -spiritsome -spiritual -spiritualism -spiritualist -spiritualistic -spiritualistically -spirituality -spiritualization -spiritualize -spiritualizer -spiritually -spiritualness -spiritualship -spiritualty -spirituosity -spirituous -spirituously -spirituousness -spiritus -spiritweed -spirity -spirivalve -spirket -spirketing -spirling -spiro -Spirobranchia -Spirobranchiata -spirobranchiate -Spirochaeta -Spirochaetaceae -spirochaetal -Spirochaetales -Spirochaete -spirochetal -spirochete -spirochetemia -spirochetic -spirocheticidal -spirocheticide -spirochetosis -spirochetotic -Spirodela -spirogram -spirograph -spirographidin -spirographin -Spirographis -Spirogyra -spiroid -spiroloculine -spirometer -spirometric -spirometrical -spirometry -Spironema -spiropentane -Spirophyton -Spirorbis -spiroscope -Spirosoma -spirous -spirt -Spirula -spirulate -spiry -spise -spissated -spissitude -Spisula -spit -spital -spitball -spitballer -spitbox -spitchcock -spite -spiteful -spitefully -spitefulness -spiteless -spiteproof -spitfire -spitful -spithamai -spithame -spitish -spitpoison -spitscocked -spitstick -spitted -spitten -spitter -spitting -spittle -spittlefork -spittlestaff -spittoon -spitz -Spitzenburg -spitzkop -spiv -spivery -Spizella -spizzerinctum -Splachnaceae -splachnaceous -splachnoid -Splachnum -splacknuck -splairge -splanchnapophysial -splanchnapophysis -splanchnectopia -splanchnemphraxis -splanchnesthesia -splanchnesthetic -splanchnic -splanchnoblast -splanchnocoele -splanchnoderm -splanchnodiastasis -splanchnodynia -splanchnographer -splanchnographical -splanchnography -splanchnolith -splanchnological -splanchnologist -splanchnology -splanchnomegalia -splanchnomegaly -splanchnopathy -splanchnopleural -splanchnopleure -splanchnopleuric -splanchnoptosia -splanchnoptosis -splanchnosclerosis -splanchnoscopy -splanchnoskeletal -splanchnoskeleton -splanchnosomatic -splanchnotomical -splanchnotomy -splanchnotribe -splash -splashboard -splashed -splasher -splashiness -splashing -splashingly -splashproof -splashy -splat -splatch -splatcher -splatchy -splathering -splatter -splatterdash -splatterdock -splatterer -splatterfaced -splatterwork -splay -splayed -splayer -splayfoot -splayfooted -splaymouth -splaymouthed -spleen -spleenful -spleenfully -spleenish -spleenishly -spleenishness -spleenless -spleenwort -spleeny -spleet -spleetnew -splenadenoma -splenalgia -splenalgic -splenalgy -splenatrophia -splenatrophy -splenauxe -splenculus -splendacious -splendaciously -splendaciousness -splendent -splendently -splender -splendescent -splendid -splendidly -splendidness -splendiferous -splendiferously -splendiferousness -splendor -splendorous -splendorproof -splendourproof -splenectama -splenectasis -splenectomist -splenectomize -splenectomy -splenectopia -splenectopy -splenelcosis -splenemia -splenemphraxis -spleneolus -splenepatitis -splenetic -splenetical -splenetically -splenetive -splenial -splenic -splenical -splenicterus -splenification -spleniform -splenitis -splenitive -splenium -splenius -splenization -splenoblast -splenocele -splenoceratosis -splenocleisis -splenocolic -splenocyte -splenodiagnosis -splenodynia -splenography -splenohemia -splenoid -splenolaparotomy -splenology -splenolymph -splenolymphatic -splenolysin -splenolysis -splenoma -splenomalacia -splenomedullary -splenomegalia -splenomegalic -splenomegaly -splenomyelogenous -splenoncus -splenonephric -splenopancreatic -splenoparectama -splenoparectasis -splenopathy -splenopexia -splenopexis -splenopexy -splenophrenic -splenopneumonia -splenoptosia -splenoptosis -splenorrhagia -splenorrhaphy -splenotomy -splenotoxin -splenotyphoid -splenulus -splenunculus -splet -spleuchan -splice -spliceable -splicer -splicing -splinder -spline -splineway -splint -splintage -splinter -splinterd -splinterless -splinternew -splinterproof -splintery -splintwood -splinty -split -splitbeak -splitfinger -splitfruit -splitmouth -splitnew -splitsaw -splittail -splitten -splitter -splitting -splitworm -splodge -splodgy -splore -splosh -splotch -splotchily -splotchiness -splotchy -splother -splunge -splurge -splurgily -splurgy -splurt -spluther -splutter -splutterer -spoach -Spock -spode -spodiosite -spodium -spodogenic -spodogenous -spodomancy -spodomantic -spodumene -spoffish -spoffle -spoffy -spogel -spoil -spoilable -spoilage -spoilation -spoiled -spoiler -spoilfive -spoilful -spoiling -spoilless -spoilment -spoilsman -spoilsmonger -spoilsport -spoilt -Spokan -spoke -spokeless -spoken -spokeshave -spokesman -spokesmanship -spokester -spokeswoman -spokeswomanship -spokewise -spoky -spole -spolia -spoliarium -spoliary -spoliate -spoliation -spoliator -spoliatory -spolium -spondaic -spondaical -spondaize -spondean -spondee -spondiac -Spondiaceae -Spondias -spondulics -spondyl -spondylalgia -spondylarthritis -spondylarthrocace -spondylexarthrosis -spondylic -spondylid -Spondylidae -spondylioid -spondylitic -spondylitis -spondylium -spondylizema -spondylocace -Spondylocladium -spondylodiagnosis -spondylodidymia -spondylodymus -spondyloid -spondylolisthesis -spondylolisthetic -spondylopathy -spondylopyosis -spondyloschisis -spondylosis -spondylosyndesis -spondylotherapeutics -spondylotherapist -spondylotherapy -spondylotomy -spondylous -Spondylus -spondylus -spong -sponge -spongecake -sponged -spongeful -spongeless -spongelet -spongelike -spongeous -spongeproof -sponger -spongewood -Spongiae -spongian -spongicolous -spongiculture -Spongida -spongiferous -spongiform -Spongiidae -Spongilla -spongillid -Spongillidae -spongilline -spongily -spongin -sponginblast -sponginblastic -sponginess -sponging -spongingly -spongioblast -spongioblastoma -spongiocyte -spongiolin -spongiopilin -spongioplasm -spongioplasmic -spongiose -spongiosity -spongiousness -Spongiozoa -spongiozoon -spongoblast -spongoblastic -spongoid -spongology -spongophore -Spongospora -spongy -sponsal -sponsalia -sponsibility -sponsible -sponsing -sponsion -sponsional -sponson -sponsor -sponsorial -sponsorship -sponspeck -spontaneity -spontaneous -spontaneously -spontaneousness -spontoon -spoof -spoofer -spoofery -spoofish -spook -spookdom -spookery -spookily -spookiness -spookish -spookism -spookist -spookological -spookologist -spookology -spooky -spool -spooler -spoolful -spoollike -spoolwood -spoom -spoon -spoonbill -spoondrift -spooner -spoonerism -spooneyism -spooneyly -spooneyness -spoonflower -spoonful -spoonhutch -spoonily -spooniness -spooning -spoonism -spoonless -spoonlike -spoonmaker -spoonmaking -spoonways -spoonwood -spoony -spoonyism -spoor -spoorer -spoot -spor -sporabola -sporaceous -sporades -sporadial -sporadic -sporadical -sporadically -sporadicalness -sporadicity -sporadism -sporadosiderite -sporal -sporange -sporangia -sporangial -sporangidium -sporangiferous -sporangiform -sporangioid -sporangiola -sporangiole -sporangiolum -sporangiophore -sporangiospore -sporangite -Sporangites -sporangium -sporation -spore -spored -sporeformer -sporeforming -sporeling -sporicide -sporid -sporidesm -sporidia -sporidial -sporidiferous -sporidiole -sporidiolum -sporidium -sporiferous -sporification -sporiparity -sporiparous -sporoblast -Sporobolus -sporocarp -sporocarpium -Sporochnaceae -Sporochnus -sporocyst -sporocystic -sporocystid -sporocyte -sporodochia -sporodochium -sporoduct -sporogenesis -sporogenic -sporogenous -sporogeny -sporogone -sporogonial -sporogonic -sporogonium -sporogony -sporoid -sporologist -sporomycosis -sporont -sporophore -sporophoric -sporophorous -sporophydium -sporophyll -sporophyllary -sporophyllum -sporophyte -sporophytic -sporoplasm -sporosac -sporostegium -sporostrote -sporotrichosis -sporotrichotic -Sporotrichum -sporous -Sporozoa -sporozoal -sporozoan -sporozoic -sporozoite -sporozoon -sporran -sport -sportability -sportable -sportance -sporter -sportful -sportfully -sportfulness -sportily -sportiness -sporting -sportingly -sportive -sportively -sportiveness -sportless -sportling -sportly -sports -sportsman -sportsmanlike -sportsmanliness -sportsmanly -sportsmanship -sportsome -sportswear -sportswoman -sportswomanly -sportswomanship -sportula -sportulae -sporty -sporular -sporulate -sporulation -sporule -sporuliferous -sporuloid -sposh -sposhy -spot -spotless -spotlessly -spotlessness -spotlight -spotlighter -spotlike -spotrump -spotsman -spottable -spotted -spottedly -spottedness -spotteldy -spotter -spottily -spottiness -spotting -spottle -spotty -spoucher -spousage -spousal -spousally -spouse -spousehood -spouseless -spousy -spout -spouter -spoutiness -spouting -spoutless -spoutlike -spoutman -spouty -sprachle -sprack -sprackish -sprackle -sprackly -sprackness -sprad -spraddle -sprag -spragger -spraggly -spraich -sprain -spraint -spraints -sprang -sprangle -sprangly -sprank -sprat -spratter -spratty -sprauchle -sprawl -sprawler -sprawling -sprawlingly -sprawly -spray -sprayboard -sprayer -sprayey -sprayful -sprayfully -sprayless -spraylike -sprayproof -spread -spreadation -spreadboard -spreaded -spreader -spreadhead -spreading -spreadingly -spreadingness -spreadover -spready -spreaghery -spreath -spreckle -spree -spreeuw -Sprekelia -spreng -sprent -spret -sprew -sprewl -spridhogue -spried -sprier -spriest -sprig -sprigged -sprigger -spriggy -sprightful -sprightfully -sprightfulness -sprightlily -sprightliness -sprightly -sprighty -spriglet -sprigtail -Spring -spring -springal -springald -springboard -springbok -springbuck -springe -springer -springerle -springfinger -springfish -springful -springhaas -springhalt -springhead -springhouse -springily -springiness -springing -springingly -springle -springless -springlet -springlike -springly -springmaker -springmaking -springtail -springtide -springtime -springtrap -springwood -springworm -springwort -springwurzel -springy -sprink -sprinkle -sprinkled -sprinkleproof -sprinkler -sprinklered -sprinkling -sprint -sprinter -sprit -sprite -spritehood -spritsail -sprittail -sprittie -spritty -sproat -sprocket -sprod -sprogue -sproil -sprong -sprose -sprottle -sprout -sproutage -sprouter -sproutful -sprouting -sproutland -sproutling -sprowsy -spruce -sprucely -spruceness -sprucery -sprucification -sprucify -sprue -spruer -sprug -spruiker -spruit -sprung -sprunny -sprunt -spruntly -spry -spryly -spryness -spud -Spudboy -spudder -spuddle -spuddy -spuffle -spug -spuilyie -spuilzie -spuke -spume -spumescence -spumescent -spumiferous -spumification -spumiform -spumone -spumose -spumous -spumy -spun -spung -spunk -spunkie -spunkily -spunkiness -spunkless -spunky -spunny -spur -spurflower -spurgall -spurge -spurgewort -spuriae -spuriosity -spurious -spuriously -spuriousness -Spurius -spurl -spurless -spurlet -spurlike -spurling -spurmaker -spurmoney -spurn -spurner -spurnpoint -spurnwater -spurproof -spurred -spurrer -spurrial -spurrier -spurrings -spurrite -spurry -spurt -spurter -spurtive -spurtively -spurtle -spurway -spurwing -spurwinged -spurwort -sput -sputa -sputative -sputter -sputterer -sputtering -sputteringly -sputtery -sputum -sputumary -sputumose -sputumous -Spy -spy -spyboat -spydom -spyer -spyfault -spyglass -spyhole -spyism -spyproof -Spyros -spyship -spytower -squab -squabash -squabasher -squabbed -squabbish -squabble -squabbler -squabbling -squabblingly -squabbly -squabby -squacco -squad -squaddy -squadrate -squadrism -squadron -squadrone -squadroned -squail -squailer -squalene -Squali -squalid -Squalida -Squalidae -squalidity -squalidly -squalidness -squaliform -squall -squaller -squallery -squallish -squally -squalm -Squalodon -squalodont -Squalodontidae -squaloid -Squaloidei -squalor -Squalus -squam -squama -squamaceous -squamae -Squamariaceae -Squamata -squamate -squamated -squamatine -squamation -squamatogranulous -squamatotuberculate -squame -squamella -squamellate -squamelliferous -squamelliform -squameous -squamiferous -squamiform -squamify -squamigerous -squamipennate -Squamipennes -squamipinnate -Squamipinnes -squamocellular -squamoepithelial -squamoid -squamomastoid -squamoparietal -squamopetrosal -squamosa -squamosal -squamose -squamosely -squamoseness -squamosis -squamosity -squamosodentated -squamosoimbricated -squamosomaxillary -squamosoparietal -squamosoradiate -squamosotemporal -squamosozygomatic -squamosphenoid -squamosphenoidal -squamotemporal -squamous -squamously -squamousness -squamozygomatic -Squamscot -squamula -squamulae -squamulate -squamulation -squamule -squamuliform -squamulose -squander -squanderer -squanderingly -squandermania -squandermaniac -squantum -squarable -square -squareage -squarecap -squared -squaredly -squareface -squareflipper -squarehead -squarelike -squarely -squareman -squaremouth -squareness -squarer -squaretail -squarewise -squaring -squarish -squarishly -squark -squarrose -squarrosely -squarrous -squarrulose -squarson -squarsonry -squary -squash -squashberry -squasher -squashily -squashiness -squashy -squat -Squatarola -squatarole -Squatina -squatina -squatinid -Squatinidae -squatinoid -Squatinoidei -squatly -squatment -squatmore -squatness -squattage -squatted -squatter -squatterarchy -squatterdom -squatterproof -squattily -squattiness -squatting -squattingly -squattish -squattocracy -squattocratic -squatty -squatwise -squaw -squawberry -squawbush -squawdom -squawfish -squawflower -squawk -squawker -squawkie -squawking -squawkingly -squawky -Squawmish -squawroot -Squawtits -squawweed -Squaxon -squdge -squdgy -squeak -squeaker -squeakery -squeakily -squeakiness -squeaking -squeakingly -squeaklet -squeakproof -squeaky -squeakyish -squeal -squeald -squealer -squealing -squeam -squeamish -squeamishly -squeamishness -squeamous -squeamy -Squedunk -squeege -squeegee -squeezability -squeezable -squeezableness -squeezably -squeeze -squeezeman -squeezer -squeezing -squeezingly -squeezy -squelch -squelcher -squelchily -squelchiness -squelching -squelchingly -squelchingness -squelchy -squench -squencher -squeteague -squib -squibber -squibbery -squibbish -squiblet -squibling -squid -squiddle -squidge -squidgereen -squidgy -squiffed -squiffer -squiffy -squiggle -squiggly -squilgee -squilgeer -Squill -Squilla -squilla -squillagee -squillery -squillian -squillid -Squillidae -squilloid -Squilloidea -squimmidge -squin -squinance -squinancy -squinch -squinny -squinsy -squint -squinted -squinter -squinting -squintingly -squintingness -squintly -squintness -squinty -squirage -squiralty -squire -squirearch -squirearchal -squirearchical -squirearchy -squiredom -squireen -squirehood -squireless -squirelet -squirelike -squireling -squirely -squireocracy -squireship -squiress -squiret -squirewise -squirish -squirism -squirk -squirm -squirminess -squirming -squirmingly -squirmy -squirr -squirrel -squirrelfish -squirrelian -squirreline -squirrelish -squirrellike -squirrelproof -squirreltail -squirt -squirter -squirtiness -squirting -squirtingly -squirtish -squirty -squish -squishy -squit -squitch -squitchy -squitter -squoze -squush -squushy -sraddha -sramana -Sri -sri -Sridhar -Sridharan -Srikanth -Srinivas -Srinivasan -Sriram -Srivatsan -sruti -Ssi -ssu -st -staab -Staatsrat -stab -stabber -stabbing -stabbingly -stabile -stabilify -stabilist -stabilitate -stability -stabilization -stabilizator -stabilize -stabilizer -stable -stableboy -stableful -stablekeeper -stablelike -stableman -stableness -stabler -stablestand -stableward -stablewards -stabling -stablishment -stably -staboy -stabproof -stabulate -stabulation -stabwort -staccato -Stacey -stacher -stachydrin -stachydrine -stachyose -Stachys -stachys -Stachytarpheta -Stachyuraceae -stachyuraceous -Stachyurus -stack -stackage -stackencloud -stacker -stackfreed -stackful -stackgarth -Stackhousia -Stackhousiaceae -stackhousiaceous -stackless -stackman -stackstand -stackyard -stacte -stactometer -Stacy -stadda -staddle -staddling -stade -stadholder -stadholderate -stadholdership -stadhouse -stadia -stadic -stadimeter -stadiometer -stadion -stadium -stafette -staff -staffed -staffelite -staffer -staffless -staffman -stag -stagbush -stage -stageability -stageable -stageableness -stageably -stagecoach -stagecoaching -stagecraft -staged -stagedom -stagehand -stagehouse -stageland -stagelike -stageman -stager -stagery -stagese -stagewise -stageworthy -stagewright -staggard -staggart -staggarth -Stagger -stagger -staggerbush -staggerer -staggering -staggeringly -staggers -staggerweed -staggerwort -staggery -staggie -staggy -staghead -staghorn -staghound -staghunt -staghunter -staghunting -stagiary -stagily -staginess -staging -Stagirite -Stagiritic -staglike -stagmometer -stagnance -stagnancy -stagnant -stagnantly -stagnantness -stagnate -stagnation -stagnatory -stagnature -stagnicolous -stagnize -stagnum -Stagonospora -stagskin -stagworm -stagy -Stahlhelm -Stahlhelmer -Stahlhelmist -Stahlian -Stahlianism -Stahlism -staia -staid -staidly -staidness -stain -stainability -stainable -stainableness -stainably -stainer -stainful -stainierite -staining -stainless -stainlessly -stainlessness -stainproof -staio -stair -stairbeak -stairbuilder -stairbuilding -staircase -staired -stairhead -stairless -stairlike -stairstep -stairway -stairwise -stairwork -stairy -staith -staithman -staiver -stake -stakehead -stakeholder -stakemaster -staker -stakerope -Stakhanovism -Stakhanovite -stalactic -stalactical -stalactiform -stalactital -stalactite -stalactited -stalactitic -stalactitical -stalactitically -stalactitiform -stalactitious -stalagma -stalagmite -stalagmitic -stalagmitical -stalagmitically -stalagmometer -stalagmometric -stalagmometry -stale -stalely -stalemate -staleness -staling -Stalinism -Stalinist -Stalinite -stalk -stalkable -stalked -stalker -stalkily -stalkiness -stalking -stalkingly -stalkless -stalklet -stalklike -stalko -stalky -stall -stallage -stallar -stallboard -stallenger -staller -stallership -stalling -stallion -stallionize -stallman -stallment -stalwart -stalwartism -stalwartize -stalwartly -stalwartness -stam -stambha -stambouline -stamen -stamened -stamin -stamina -staminal -staminate -stamineal -stamineous -staminiferous -staminigerous -staminode -staminodium -staminody -stammel -stammer -stammerer -stammering -stammeringly -stammeringness -stammerwort -stamnos -stamp -stampable -stampage -stampedable -stampede -stampeder -stampedingly -stampee -stamper -stampery -stamphead -Stampian -stamping -stample -stampless -stampman -stampsman -stampweed -Stan -stance -stanch -stanchable -stanchel -stancheled -stancher -stanchion -stanchless -stanchly -stanchness -stand -standage -standard -standardbred -standardizable -standardization -standardize -standardized -standardizer -standardwise -standee -standel -standelwelks -standelwort -stander -standergrass -standerwort -standfast -standing -standish -standoff -standoffish -standoffishness -standout -standpat -standpatism -standpatter -standpipe -standpoint -standpost -standstill -stane -stanechat -stang -Stangeria -stanhope -Stanhopea -stanine -Stanislaw -stanjen -stank -stankie -Stanley -Stanly -stannane -stannary -stannate -stannator -stannel -stanner -stannery -stannic -stannide -stanniferous -stannite -stanno -stannotype -stannous -stannoxyl -stannum -stannyl -stanza -stanzaed -stanzaic -stanzaical -stanzaically -stanze -stap -stapedectomy -stapedial -stapediform -stapediovestibular -stapedius -Stapelia -stapelia -stapes -staphisagria -staphyle -Staphylea -Staphyleaceae -staphyleaceous -staphylectomy -staphyledema -staphylematoma -staphylic -staphyline -staphylinic -staphylinid -Staphylinidae -staphylinideous -Staphylinoidea -Staphylinus -staphylion -staphylitis -staphyloangina -staphylococcal -staphylococci -staphylococcic -Staphylococcus -staphylococcus -staphylodermatitis -staphylodialysis -staphyloedema -staphylohemia -staphylolysin -staphyloma -staphylomatic -staphylomatous -staphylomycosis -staphyloncus -staphyloplastic -staphyloplasty -staphyloptosia -staphyloptosis -staphyloraphic -staphylorrhaphic -staphylorrhaphy -staphyloschisis -staphylosis -staphylotome -staphylotomy -staphylotoxin -staple -stapled -stapler -staplewise -stapling -Star -star -starblind -starbloom -starboard -starbolins -starbright -Starbuck -starch -starchboard -starched -starchedly -starchedness -starcher -starchflower -starchily -starchiness -starchless -starchlike -starchly -starchmaker -starchmaking -starchman -starchness -starchroot -starchworks -starchwort -starchy -starcraft -stardom -stare -staree -starer -starets -starfish -starflower -starfruit -starful -stargaze -stargazer -stargazing -staring -staringly -stark -starken -starkly -starkness -starky -starless -starlessly -starlessness -starlet -starlight -starlighted -starlights -starlike -starling -starlit -starlite -starlitten -starmonger -starn -starnel -starnie -starnose -Staroobriadtsi -starost -starosta -starosty -starred -starrily -starriness -starring -starringly -starry -starshake -starshine -starship -starshoot -starshot -starstone -starstroke -start -starter -startful -startfulness -starthroat -starting -startingly -startish -startle -startler -startling -startlingly -startlingness -startlish -startlishness -startly -startor -starty -starvation -starve -starveacre -starved -starvedly -starveling -starver -starvy -starward -starwise -starworm -starwort -stary -stases -stash -stashie -stasidion -stasimetric -stasimon -stasimorphy -stasiphobia -stasis -stassfurtite -statable -statal -statant -statcoulomb -State -state -statecraft -stated -statedly -stateful -statefully -statefulness -statehood -Statehouse -stateless -statelet -statelich -statelily -stateliness -stately -statement -statemonger -statequake -stater -stateroom -statesboy -stateside -statesider -statesman -statesmanese -statesmanlike -statesmanly -statesmanship -statesmonger -stateswoman -stateway -statfarad -stathmoi -stathmos -static -statical -statically -Statice -staticproof -statics -station -stational -stationarily -stationariness -stationary -stationer -stationery -stationman -stationmaster -statiscope -statism -statist -statistic -statistical -statistically -statistician -statisticize -statistics -statistology -stative -statoblast -statocracy -statocyst -statolatry -statolith -statolithic -statometer -stator -statoreceptor -statorhab -statoscope -statospore -statuarism -statuarist -statuary -statue -statuecraft -statued -statueless -statuelike -statuesque -statuesquely -statuesqueness -statuette -stature -statured -status -statutable -statutableness -statutably -statutary -statute -statutorily -statutory -statvolt -staucher -stauk -staumer -staun -staunch -staunchable -staunchly -staunchness -staup -stauracin -stauraxonia -stauraxonial -staurion -staurolatry -staurolite -staurolitic -staurology -Stauromedusae -stauromedusan -stauropegial -stauropegion -stauroscope -stauroscopic -stauroscopically -staurotide -stauter -stave -staveable -staveless -staver -stavers -staverwort -stavesacre -stavewise -stavewood -staving -stavrite -staw -stawn -staxis -stay -stayable -stayed -stayer -staylace -stayless -staylessness -staymaker -staymaking -staynil -stays -staysail -stayship -stchi -stead -steadfast -steadfastly -steadfastness -steadier -steadily -steadiment -steadiness -steading -steadman -steady -steadying -steadyingly -steadyish -steak -steal -stealability -stealable -stealage -stealed -stealer -stealing -stealingly -stealth -stealthful -stealthfully -stealthily -stealthiness -stealthless -stealthlike -stealthwise -stealthy -stealy -steam -steamboat -steamboating -steamboatman -steamcar -steamer -steamerful -steamerless -steamerload -steamily -steaminess -steaming -steamless -steamlike -steampipe -steamproof -steamship -steamtight -steamtightness -steamy -stean -steaning -steapsin -stearate -stearic -steariform -stearin -stearolactone -stearone -stearoptene -stearrhea -stearyl -steatin -steatite -steatitic -steatocele -steatogenous -steatolysis -steatolytic -steatoma -steatomatous -steatopathic -steatopyga -steatopygia -steatopygic -steatopygous -Steatornis -Steatornithes -Steatornithidae -steatorrhea -steatosis -stech -stechados -steckling -steddle -Stedman -steed -steedless -steedlike -steek -steekkan -steekkannen -steel -Steelboy -steeler -steelhead -steelhearted -steelification -steelify -steeliness -steeling -steelless -steellike -steelmaker -steelmaking -steelproof -steelware -steelwork -steelworker -steelworks -steely -steelyard -Steen -steen -steenboc -steenbock -steenbok -Steenie -steenkirk -steenstrupine -steenth -steep -steepdown -steepen -steeper -steepgrass -steepish -steeple -steeplebush -steeplechase -steeplechaser -steeplechasing -steepled -steepleless -steeplelike -steepletop -steeply -steepness -steepweed -steepwort -steepy -steer -steerability -steerable -steerage -steerageway -steerer -steering -steeringly -steerling -steerman -steermanship -steersman -steerswoman -steeve -steevely -steever -steeving -Stefan -steg -steganogram -steganographical -steganographist -steganography -Steganophthalmata -steganophthalmate -steganophthalmatous -Steganophthalmia -steganopod -steganopodan -Steganopodes -steganopodous -stegnosis -stegnotic -stegocarpous -Stegocephalia -stegocephalian -stegocephalous -Stegodon -stegodont -stegodontine -Stegomus -Stegomyia -stegosaur -Stegosauria -stegosaurian -stegosauroid -Stegosaurus -steid -steigh -Stein -stein -Steinberger -steinbok -Steinerian -steinful -steinkirk -Steironema -stekan -stela -stelae -stelai -stelar -stele -stell -Stella -stella -stellar -Stellaria -stellary -stellate -stellated -stellately -stellature -stelleridean -stellerine -stelliferous -stellification -stelliform -stellify -stelling -stellionate -stelliscript -Stellite -stellite -stellular -stellularly -stellulate -stelography -stem -stema -stemhead -stemless -stemlet -stemlike -stemma -stemmata -stemmatiform -stemmatous -stemmed -stemmer -stemmery -stemming -stemmy -Stemona -Stemonaceae -stemonaceous -stemple -stempost -stemson -stemwards -stemware -sten -stenar -stench -stenchel -stenchful -stenching -stenchion -stenchy -stencil -stenciler -stencilmaker -stencilmaking -stend -steng -stengah -stenion -steno -stenobathic -stenobenthic -stenobragmatic -stenobregma -stenocardia -stenocardiac -Stenocarpus -stenocephalia -stenocephalic -stenocephalous -stenocephaly -stenochoria -stenochrome -stenochromy -stenocoriasis -stenocranial -stenocrotaphia -Stenofiber -stenog -stenogastric -stenogastry -Stenoglossa -stenograph -stenographer -stenographic -stenographical -stenographically -stenographist -stenography -stenohaline -stenometer -stenopaic -Stenopelmatidae -stenopetalous -stenophile -Stenophragma -stenophyllous -stenorhyncous -stenosed -stenosepalous -stenosis -stenosphere -stenostomatous -stenostomia -Stenotaphrum -stenotelegraphy -stenothermal -stenothorax -stenotic -stenotype -stenotypic -stenotypist -stenotypy -stent -stenter -stenterer -stenton -Stentor -stentorian -stentorianly -stentorine -stentorious -stentoriously -stentoriousness -stentoronic -stentorophonic -stentrel -step -stepaunt -stepbairn -stepbrother -stepbrotherhood -stepchild -stepdame -stepdaughter -stepfather -stepfatherhood -stepfatherly -stepgrandchild -stepgrandfather -stepgrandmother -stepgrandson -Stephan -Stephana -stephane -stephanial -Stephanian -stephanic -Stephanie -stephanion -stephanite -Stephanoceros -Stephanokontae -stephanome -stephanos -Stephanotis -stephanotis -Stephanurus -Stephe -Stephen -stepladder -stepless -steplike -stepminnie -stepmother -stepmotherhood -stepmotherless -stepmotherliness -stepmotherly -stepnephew -stepniece -stepparent -steppe -stepped -steppeland -stepper -stepping -steppingstone -steprelation -steprelationship -stepsire -stepsister -stepson -stepstone -stept -stepuncle -stepway -stepwise -steradian -stercobilin -stercolin -stercophagic -stercophagous -stercoraceous -stercoral -Stercoranism -Stercoranist -Stercorariidae -Stercorariinae -stercorarious -Stercorarius -stercorary -stercorate -stercoration -stercorean -stercoremia -stercoreous -Stercorianism -stercoricolous -Stercorist -stercorite -stercorol -stercorous -stercovorous -Sterculia -Sterculiaceae -sterculiaceous -sterculiad -stere -stereagnosis -Sterelmintha -sterelminthic -sterelminthous -stereo -stereobate -stereobatic -stereoblastula -stereocamera -stereocampimeter -stereochemic -stereochemical -stereochemically -stereochemistry -stereochromatic -stereochromatically -stereochrome -stereochromic -stereochromically -stereochromy -stereocomparagraph -stereocomparator -stereoelectric -stereofluoroscopic -stereofluoroscopy -stereogastrula -stereognosis -stereognostic -stereogoniometer -stereogram -stereograph -stereographer -stereographic -stereographical -stereographically -stereography -stereoisomer -stereoisomeric -stereoisomerical -stereoisomeride -stereoisomerism -stereomatrix -stereome -stereomer -stereomeric -stereomerical -stereomerism -stereometer -stereometric -stereometrical -stereometrically -stereometry -stereomicrometer -stereomonoscope -stereoneural -stereophantascope -stereophonic -stereophony -stereophotogrammetry -stereophotograph -stereophotographic -stereophotography -stereophotomicrograph -stereophotomicrography -stereophysics -stereopicture -stereoplanigraph -stereoplanula -stereoplasm -stereoplasma -stereoplasmic -stereopsis -stereoptician -stereopticon -stereoradiograph -stereoradiography -Stereornithes -stereornithic -stereoroentgenogram -stereoroentgenography -stereoscope -stereoscopic -stereoscopically -stereoscopism -stereoscopist -stereoscopy -Stereospondyli -stereospondylous -stereostatic -stereostatics -stereotactic -stereotactically -stereotaxis -stereotelemeter -stereotelescope -stereotomic -stereotomical -stereotomist -stereotomy -stereotropic -stereotropism -stereotypable -stereotype -stereotyped -stereotyper -stereotypery -stereotypic -stereotypical -stereotyping -stereotypist -stereotypographer -stereotypography -stereotypy -Stereum -sterhydraulic -steri -steric -sterically -sterics -steride -sterigma -sterigmata -sterigmatic -sterile -sterilely -sterileness -sterilisable -sterility -sterilizability -sterilizable -sterilization -sterilize -sterilizer -sterin -sterk -sterlet -Sterling -sterling -sterlingly -sterlingness -Stern -stern -Sterna -sterna -sternad -sternage -sternal -sternalis -sternbergite -sterncastle -sterneber -sternebra -sternebrae -sternebral -sterned -sternforemost -Sterninae -sternite -sternitic -sternly -sternman -sternmost -sternness -Sterno -sternoclavicular -sternocleidomastoid -sternoclidomastoid -sternocoracoid -sternocostal -sternofacial -sternofacialis -sternoglossal -sternohumeral -sternohyoid -sternohyoidean -sternomancy -sternomastoid -sternomaxillary -sternonuchal -sternopericardiac -sternopericardial -sternoscapular -sternothere -Sternotherus -sternothyroid -sternotracheal -sternotribe -sternovertebral -sternoxiphoid -sternpost -sternson -sternum -sternutation -sternutative -sternutator -sternutatory -sternward -sternway -sternways -sternworks -stero -steroid -sterol -Sterope -sterrinck -stert -stertor -stertorious -stertoriously -stertoriousness -stertorous -stertorously -stertorousness -sterve -Stesichorean -stet -stetch -stetharteritis -stethogoniometer -stethograph -stethographic -stethokyrtograph -stethometer -stethometric -stethometry -stethoparalysis -stethophone -stethophonometer -stethoscope -stethoscopic -stethoscopical -stethoscopically -stethoscopist -stethoscopy -stethospasm -Stevan -Steve -stevedorage -stevedore -stevedoring -stevel -Steven -steven -Stevensonian -Stevensoniana -Stevia -stevia -stew -stewable -steward -stewardess -stewardly -stewardry -stewardship -Stewart -Stewartia -stewartry -stewarty -stewed -stewpan -stewpond -stewpot -stewy -stey -sthenia -sthenic -sthenochire -stib -stibbler -stibblerig -stibethyl -stibial -stibialism -stibiate -stibiated -stibic -stibiconite -stibine -stibious -stibium -stibnite -stibonium -sticcado -stich -sticharion -sticheron -stichic -stichically -stichid -stichidium -stichomancy -stichometric -stichometrical -stichometrically -stichometry -stichomythic -stichomythy -stick -stickability -stickable -stickadore -stickadove -stickage -stickball -sticked -sticker -stickers -stickfast -stickful -stickily -stickiness -sticking -stickit -stickle -stickleaf -stickleback -stickler -stickless -sticklike -stickling -stickly -stickpin -sticks -stickseed -sticksmanship -sticktail -sticktight -stickum -stickwater -stickweed -stickwork -sticky -Sticta -Stictaceae -Stictidaceae -stictiform -Stictis -stid -stiddy -stife -stiff -stiffen -stiffener -stiffening -stiffhearted -stiffish -stiffleg -stifflike -stiffly -stiffneck -stiffness -stiffrump -stifftail -stifle -stifledly -stifler -stifling -stiflingly -stigma -stigmai -stigmal -stigmaria -stigmarian -stigmarioid -stigmasterol -stigmata -stigmatal -stigmatic -stigmatical -stigmatically -stigmaticalness -stigmatiferous -stigmatiform -stigmatism -stigmatist -stigmatization -stigmatize -stigmatizer -stigmatoid -stigmatose -stigme -stigmeology -stigmonose -stigonomancy -Stikine -Stilbaceae -Stilbella -stilbene -stilbestrol -stilbite -stilboestrol -Stilbum -stile -stileman -stilet -stiletto -stilettolike -still -stillage -stillatitious -stillatory -stillbirth -stillborn -stiller -stillhouse -stillicide -stillicidium -stilliform -stilling -Stillingia -stillion -stillish -stillman -stillness -stillroom -stillstand -Stillwater -stilly -Stilophora -Stilophoraceae -stilpnomelane -stilpnosiderite -stilt -stiltbird -stilted -stilter -stiltify -stiltiness -stiltish -stiltlike -Stilton -stilty -stim -stime -stimpart -stimpert -stimulability -stimulable -stimulance -stimulancy -stimulant -stimulate -stimulatingly -stimulation -stimulative -stimulator -stimulatory -stimulatress -stimulatrix -stimuli -stimulogenous -stimulus -stimy -stine -sting -stingaree -stingareeing -stingbull -stinge -stinger -stingfish -stingily -stinginess -stinging -stingingly -stingingness -stingless -stingo -stingproof -stingray -stingtail -stingy -stink -stinkard -stinkardly -stinkball -stinkberry -stinkbird -stinkbug -stinkbush -stinkdamp -stinker -stinkhorn -stinking -stinkingly -stinkingness -stinkpot -stinkstone -stinkweed -stinkwood -stinkwort -stint -stinted -stintedly -stintedness -stinter -stintingly -stintless -stinty -stion -stionic -Stipa -stipe -stiped -stipel -stipellate -stipend -stipendial -stipendiarian -stipendiary -stipendiate -stipendium -stipendless -stipes -stipiform -stipitate -stipitiform -stipiture -Stipiturus -stippen -stipple -stippled -stippler -stippling -stipply -stipula -stipulable -stipulaceous -stipulae -stipular -stipulary -stipulate -stipulation -stipulator -stipulatory -stipule -stipuled -stipuliferous -stipuliform -stir -stirabout -stirk -stirless -stirlessly -stirlessness -stirp -stirpicultural -stirpiculture -stirpiculturist -stirps -stirra -stirrable -stirrage -stirrer -stirring -stirringly -stirrup -stirrupless -stirruplike -stirrupwise -stitch -stitchbird -stitchdown -stitcher -stitchery -stitching -stitchlike -stitchwhile -stitchwork -stitchwort -stite -stith -stithy -stive -stiver -stivy -Stizolobium -stoa -stoach -stoat -stoater -stob -stocah -stoccado -stoccata -stochastic -stochastical -stochastically -stock -stockade -stockannet -stockbow -stockbreeder -stockbreeding -Stockbridge -stockbroker -stockbrokerage -stockbroking -stockcar -stocker -stockfather -stockfish -stockholder -stockholding -stockhouse -stockily -stockiness -stockinet -stocking -stockinger -stockingless -stockish -stockishly -stockishness -stockjobber -stockjobbery -stockjobbing -stockjudging -stockkeeper -stockkeeping -stockless -stocklike -stockmaker -stockmaking -stockman -stockowner -stockpile -stockpot -stockproof -stockrider -stockriding -stocks -stockstone -stocktaker -stocktaking -Stockton -stockwork -stockwright -stocky -stockyard -stod -stodge -stodger -stodgery -stodgily -stodginess -stodgy -stoechas -stoep -stof -stoff -stog -stoga -stogie -stogy -Stoic -stoic -stoical -stoically -stoicalness -stoicharion -stoichiological -stoichiology -stoichiometric -stoichiometrical -stoichiometrically -stoichiometry -Stoicism -stoicism -Stokavci -Stokavian -Stokavski -stoke -stokehold -stokehole -stoker -stokerless -Stokesia -stokesite -stola -stolae -stole -stoled -stolelike -stolen -stolenly -stolenness -stolenwise -stolewise -stolid -stolidity -stolidly -stolidness -stolist -stolkjaerre -stollen -stolon -stolonate -stoloniferous -stoloniferously -stolonlike -stolzite -stoma -stomacace -stomach -stomachable -stomachal -stomacher -stomachful -stomachfully -stomachfulness -stomachic -stomachically -stomachicness -stomaching -stomachless -stomachlessness -stomachy -stomapod -Stomapoda -stomapodiform -stomapodous -stomata -stomatal -stomatalgia -stomate -stomatic -stomatiferous -stomatitic -stomatitis -stomatocace -Stomatoda -stomatodaeal -stomatodaeum -stomatode -stomatodeum -stomatodynia -stomatogastric -stomatograph -stomatography -stomatolalia -stomatologic -stomatological -stomatologist -stomatology -stomatomalacia -stomatomenia -stomatomy -stomatomycosis -stomatonecrosis -stomatopathy -Stomatophora -stomatophorous -stomatoplastic -stomatoplasty -stomatopod -Stomatopoda -stomatopodous -stomatorrhagia -stomatoscope -stomatoscopy -stomatose -stomatosepsis -stomatotomy -stomatotyphus -stomatous -stomenorrhagia -stomium -stomodaea -stomodaeal -stomodaeum -Stomoisia -stomoxys -stomp -stomper -stonable -stond -Stone -stone -stoneable -stonebird -stonebiter -stoneboat -stonebow -stonebrash -stonebreak -stonebrood -stonecast -stonechat -stonecraft -stonecrop -stonecutter -stoned -stonedamp -stonefish -stonegale -stonegall -stonehand -stonehatch -stonehead -stonehearted -Stonehenge -stonelayer -stonelaying -stoneless -stonelessness -stonelike -stoneman -stonemason -stonemasonry -stonen -stonepecker -stoner -stoneroot -stoneseed -stoneshot -stonesmatch -stonesmich -stonesmitch -stonesmith -stonewall -stonewaller -stonewally -stoneware -stoneweed -stonewise -stonewood -stonework -stoneworker -stonewort -stoneyard -stong -stonied -stonifiable -stonify -stonily -stoniness -stoning -stonish -stonishment -stonker -stony -stonyhearted -stonyheartedly -stonyheartedness -stood -stooded -stooden -stoof -stooge -stook -stooker -stookie -stool -stoolball -stoollike -stoon -stoond -stoop -stooper -stoopgallant -stooping -stoopingly -stoory -stoot -stoothing -stop -stopa -stopback -stopblock -stopboard -stopcock -stope -stoper -stopgap -stophound -stoping -stopless -stoplessness -stopover -stoppability -stoppable -stoppableness -stoppably -stoppage -stopped -stopper -stopperless -stoppeur -stopping -stoppit -stopple -stopwater -stopwork -storable -storage -storax -store -storeen -storehouse -storehouseman -storekeep -storekeeper -storekeeping -storeman -storer -storeroom -storeship -storesman -storge -storiate -storiation -storied -storier -storiette -storify -storiological -storiologist -storiology -stork -storken -storkish -storklike -storkling -storkwise -storm -stormable -Stormberg -stormbird -stormbound -stormcock -stormer -stormful -stormfully -stormfulness -stormily -storminess -storming -stormingly -stormish -stormless -stormlessness -stormlike -stormproof -stormward -stormwind -stormwise -stormy -Storting -story -storybook -storyless -storymaker -storymonger -storyteller -storytelling -storywise -storywork -stosh -stoss -stosston -stot -stotinka -stotter -stotterel -stoun -stound -stoundmeal -stoup -stoupful -stour -stouring -stourliness -stourness -stoury -stoush -stout -stouten -stouth -stouthearted -stoutheartedly -stoutheartedness -stoutish -stoutly -stoutness -stoutwood -stouty -stove -stovebrush -stoveful -stovehouse -stoveless -stovemaker -stovemaking -stoveman -stoven -stovepipe -stover -stovewood -stow -stowable -stowage -stowaway -stowbord -stowbordman -stowce -stowdown -stower -stowing -stownlins -stowwood -stra -strabism -strabismal -strabismally -strabismic -strabismical -strabismometer -strabismometry -strabismus -strabometer -strabometry -strabotome -strabotomy -strack -strackling -stract -Strad -strad -stradametrical -straddle -straddleback -straddlebug -straddler -straddleways -straddlewise -straddling -straddlingly -strade -stradine -stradiot -Stradivari -Stradivarius -stradl -stradld -stradlings -strae -strafe -strafer -Straffordian -strag -straggle -straggler -straggling -stragglingly -straggly -stragular -stragulum -straight -straightabout -straightaway -straightedge -straighten -straightener -straightforward -straightforwardly -straightforwardness -straightforwards -straighthead -straightish -straightly -straightness -straighttail -straightup -straightwards -straightway -straightways -straightwise -straik -strain -strainable -strainableness -strainably -strained -strainedly -strainedness -strainer -strainerman -straining -strainingly -strainless -strainlessly -strainproof -strainslip -straint -strait -straiten -straitlacedness -straitlacing -straitly -straitness -straitsman -straitwork -Straka -strake -straked -straky -stram -stramash -stramazon -stramineous -stramineously -strammel -strammer -stramonium -stramony -stramp -strand -strandage -strander -stranding -strandless -strandward -strang -strange -strangeling -strangely -strangeness -stranger -strangerdom -strangerhood -strangerlike -strangership -strangerwise -strangle -strangleable -stranglement -strangler -strangles -strangletare -strangleweed -strangling -stranglingly -strangulable -strangulate -strangulation -strangulative -strangulatory -strangullion -strangurious -strangury -stranner -strany -strap -straphang -straphanger -straphead -strapless -straplike -strappable -strappado -strappan -strapped -strapper -strapping -strapple -strapwork -strapwort -strass -strata -stratagem -stratagematic -stratagematical -stratagematically -stratagematist -stratagemical -stratagemically -stratal -stratameter -stratege -strategetic -strategetics -strategi -strategian -strategic -strategical -strategically -strategics -strategist -strategize -strategos -strategy -Stratfordian -strath -strathspey -strati -stratic -straticulate -straticulation -stratification -stratified -stratiform -stratify -stratigrapher -stratigraphic -stratigraphical -stratigraphically -stratigraphist -stratigraphy -Stratiomyiidae -Stratiotes -stratlin -stratochamber -stratocracy -stratocrat -stratocratic -stratographic -stratographical -stratographically -stratography -stratonic -Stratonical -stratopedarch -stratoplane -stratose -stratosphere -stratospheric -stratospherical -stratotrainer -stratous -stratum -stratus -straucht -strauchten -stravage -strave -straw -strawberry -strawberrylike -strawbill -strawboard -strawbreadth -strawen -strawer -strawflower -strawfork -strawless -strawlike -strawman -strawmote -strawsmall -strawsmear -strawstack -strawstacker -strawwalker -strawwork -strawworm -strawy -strawyard -stray -strayaway -strayer -strayling -stre -streahte -streak -streaked -streakedly -streakedness -streaker -streakily -streakiness -streaklike -streakwise -streaky -stream -streamer -streamful -streamhead -streaminess -streaming -streamingly -streamless -streamlet -streamlike -streamline -streamlined -streamliner -streamling -streamside -streamward -streamway -streamwort -streamy -streck -streckly -stree -streek -streel -streeler -streen -streep -street -streetage -streetcar -streetful -streetless -streetlet -streetlike -streets -streetside -streetwalker -streetwalking -streetward -streetway -streetwise -streite -streke -Strelitz -Strelitzi -strelitzi -Strelitzia -Streltzi -streltzi -stremma -stremmatograph -streng -strengite -strength -strengthen -strengthener -strengthening -strengtheningly -strengthful -strengthfulness -strengthily -strengthless -strengthlessly -strengthlessness -strengthy -strent -strenth -strenuity -strenuosity -strenuous -strenuously -strenuousness -strepen -strepent -strepera -streperous -strephonade -strephosymbolia -strepitant -strepitantly -strepitation -strepitous -strepor -Strepsiceros -strepsiceros -strepsinema -Strepsiptera -strepsipteral -strepsipteran -strepsipteron -strepsipterous -strepsis -strepsitene -streptaster -streptobacilli -streptobacillus -Streptocarpus -streptococcal -streptococci -streptococcic -Streptococcus -streptococcus -streptolysin -Streptomyces -streptomycin -Streptoneura -streptoneural -streptoneurous -streptosepticemia -streptothricial -streptothricin -streptothricosis -Streptothrix -streptotrichal -streptotrichosis -stress -stresser -stressful -stressfully -stressless -stresslessness -stret -stretch -stretchable -stretchberry -stretcher -stretcherman -stretchiness -stretchneck -stretchproof -stretchy -stretman -strette -stretti -stretto -strew -strewage -strewer -strewment -strewn -strey -streyne -stria -striae -strial -Striaria -Striariaceae -striatal -striate -striated -striation -striatum -striature -strich -striche -strick -stricken -strickenly -strickenness -stricker -strickle -strickler -strickless -strict -striction -strictish -strictly -strictness -stricture -strictured -strid -stridden -striddle -stride -strideleg -stridelegs -stridence -stridency -strident -stridently -strider -strideways -stridhan -stridhana -stridhanum -stridingly -stridling -stridlins -stridor -stridulant -stridulate -stridulation -stridulator -stridulatory -stridulent -stridulous -stridulously -stridulousness -strife -strifeful -strifeless -strifemaker -strifemaking -strifemonger -strifeproof -striffen -strig -Striga -striga -strigae -strigal -strigate -Striges -striggle -stright -Strigidae -Strigiformes -strigil -strigilate -strigilation -strigilator -strigiles -strigilis -strigillose -strigilous -Striginae -strigine -strigose -strigous -strigovite -Strigula -Strigulaceae -strigulose -strike -strikeboat -strikebreaker -strikebreaking -strikeless -striker -striking -strikingly -strikingness -strind -string -stringboard -stringcourse -stringed -stringency -stringene -stringent -stringently -stringentness -stringer -stringful -stringhalt -stringhalted -stringhaltedness -stringiness -stringing -stringless -stringlike -stringmaker -stringmaking -stringman -stringpiece -stringsman -stringways -stringwood -stringy -stringybark -strinkle -striola -striolae -striolate -striolated -striolet -strip -stripe -striped -stripeless -striper -striplet -stripling -strippage -stripped -stripper -stripping -strippit -strippler -stript -stripy -strit -strive -strived -striven -striver -striving -strivingly -Strix -strix -stroam -strobic -strobila -strobilaceous -strobilae -strobilate -strobilation -strobile -strobili -strobiliferous -strobiliform -strobiline -strobilization -strobiloid -Strobilomyces -Strobilophyta -strobilus -stroboscope -stroboscopic -stroboscopical -stroboscopy -strobotron -strockle -stroddle -strode -stroil -stroke -stroker -strokesman -stroking -stroky -strold -stroll -strolld -stroller -strom -stroma -stromal -stromata -Stromateidae -stromateoid -stromatic -stromatiform -stromatology -Stromatopora -Stromatoporidae -stromatoporoid -Stromatoporoidea -stromatous -stromb -Strombidae -strombiform -strombite -stromboid -strombolian -strombuliferous -strombuliform -Strombus -strome -stromeyerite -stromming -strone -strong -strongback -strongbark -strongbox -strongbrained -strongfully -stronghand -stronghead -strongheadedly -strongheadedness -stronghearted -stronghold -strongish -stronglike -strongly -strongness -strongylate -strongyle -strongyliasis -strongylid -Strongylidae -strongylidosis -strongyloid -Strongyloides -strongyloidosis -strongylon -Strongyloplasmata -Strongylosis -strongylosis -Strongylus -strontia -strontian -strontianiferous -strontianite -strontic -strontion -strontitic -strontium -strook -strooken -stroot -strop -strophaic -strophanhin -Strophanthus -Stropharia -strophe -strophic -strophical -strophically -strophiolate -strophiolated -strophiole -strophoid -Strophomena -Strophomenacea -strophomenid -Strophomenidae -strophomenoid -strophosis -strophotaxis -strophulus -stropper -stroppings -stroth -stroud -strouding -strounge -stroup -strouthiocamel -strouthiocamelian -strouthocamelian -strove -strow -strowd -strown -stroy -stroyer -stroygood -strub -strubbly -struck -strucken -structural -structuralism -structuralist -structuralization -structuralize -structurally -structuration -structure -structured -structureless -structurely -structurist -strudel -strue -struggle -struggler -struggling -strugglingly -Struldbrug -Struldbruggian -Struldbruggism -strum -struma -strumae -strumatic -strumaticness -strumectomy -Strumella -strumiferous -strumiform -strumiprivic -strumiprivous -strumitis -strummer -strumose -strumous -strumousness -strumpet -strumpetlike -strumpetry -strumstrum -strumulose -strung -strunt -strut -struth -struthian -struthiform -Struthio -struthioid -Struthiomimus -Struthiones -Struthionidae -struthioniform -Struthioniformes -Struthiopteris -struthious -struthonine -strutter -strutting -struttingly -struv -struvite -strych -strychnia -strychnic -strychnin -strychnine -strychninic -strychninism -strychninization -strychninize -strychnize -strychnol -Strychnos -Strymon -Stu -Stuart -Stuartia -stub -stubachite -stubb -stubbed -stubbedness -stubber -stubbiness -stubble -stubbleberry -stubbled -stubbleward -stubbly -stubborn -stubbornhearted -stubbornly -stubbornness -stubboy -stubby -stubchen -stuber -stuboy -stubrunner -stucco -stuccoer -stuccowork -stuccoworker -stuccoyer -stuck -stuckling -stucturelessness -stud -studbook -studder -studdie -studding -studdle -stude -student -studenthood -studentless -studentlike -studentry -studentship -studerite -studfish -studflower -studhorse -studia -studiable -studied -studiedly -studiedness -studier -studio -studious -studiously -studiousness -Studite -Studium -studium -studwork -study -stue -stuff -stuffed -stuffender -stuffer -stuffgownsman -stuffily -stuffiness -stuffing -stuffy -stug -stuggy -stuiver -stull -stuller -stulm -stultification -stultifier -stultify -stultiloquence -stultiloquently -stultiloquious -stultioquy -stultloquent -stum -stumble -stumbler -stumbling -stumblingly -stumbly -stumer -stummer -stummy -stump -stumpage -stumper -stumpily -stumpiness -stumpish -stumpless -stumplike -stumpling -stumpnose -stumpwise -stumpy -stun -Stundism -Stundist -stung -stunk -stunkard -stunner -stunning -stunningly -stunpoll -stunsail -stunsle -stunt -stunted -stuntedly -stuntedness -stunter -stuntiness -stuntness -stunty -stupa -stupe -stupefacient -stupefaction -stupefactive -stupefactiveness -stupefied -stupefiedness -stupefier -stupefy -stupend -stupendly -stupendous -stupendously -stupendousness -stupent -stupeous -stupex -stupid -stupidhead -stupidish -stupidity -stupidly -stupidness -stupor -stuporific -stuporose -stuporous -stupose -stupp -stuprate -stupration -stuprum -stupulose -sturdied -sturdily -sturdiness -sturdy -sturdyhearted -sturgeon -sturine -Sturiones -sturionine -sturk -Sturmian -Sturnella -Sturnidae -sturniform -Sturninae -sturnine -sturnoid -Sturnus -sturt -sturtan -sturtin -sturtion -sturtite -stuss -stut -stutter -stutterer -stuttering -stutteringly -sty -styan -styca -styceric -stycerin -stycerinol -stychomythia -styful -styfziekte -Stygial -Stygian -stylar -Stylaster -Stylasteridae -stylate -style -stylebook -styledom -styleless -stylelessness -stylelike -styler -stylet -stylewort -Stylidiaceae -stylidiaceous -Stylidium -styliferous -styliform -styline -styling -stylish -stylishly -stylishness -stylist -stylistic -stylistical -stylistically -stylistics -stylite -stylitic -stylitism -stylization -stylize -stylizer -stylo -styloauricularis -stylobate -Stylochus -styloglossal -styloglossus -stylogonidium -stylograph -stylographic -stylographical -stylographically -stylography -stylohyal -stylohyoid -stylohyoidean -stylohyoideus -styloid -stylolite -stylolitic -stylomandibular -stylomastoid -stylomaxillary -stylometer -Stylommatophora -stylommatophorous -stylomyloid -Stylonurus -Stylonychia -stylopharyngeal -stylopharyngeus -stylopid -Stylopidae -stylopization -stylopized -stylopod -stylopodium -Stylops -stylops -Stylosanthes -stylospore -stylosporous -stylostegium -stylotypite -stylus -stymie -Stymphalian -Stymphalid -Stymphalides -Styphelia -styphnate -styphnic -stypsis -styptic -styptical -stypticalness -stypticity -stypticness -Styracaceae -styracaceous -styracin -Styrax -styrax -styrene -Styrian -styrogallol -styrol -styrolene -styrone -styryl -styrylic -stythe -styward -Styx -Styxian -suability -suable -suably -suade -Suaeda -suaharo -Sualocin -Suanitian -suant -suantly -suasible -suasion -suasionist -suasive -suasively -suasiveness -suasory -suavastika -suave -suavely -suaveness -suaveolent -suavify -suaviloquence -suaviloquent -suavity -sub -subabbot -subabdominal -subability -subabsolute -subacademic -subaccount -subacetate -subacid -subacidity -subacidly -subacidness -subacidulous -subacrid -subacrodrome -subacromial -subact -subacuminate -subacute -subacutely -subadditive -subadjacent -subadjutor -subadministrate -subadministration -subadministrator -subadult -subaduncate -subaerate -subaeration -subaerial -subaerially -subaetheric -subaffluent -subage -subagency -subagent -subaggregate -subah -subahdar -subahdary -subahship -subaid -Subakhmimic -subalary -subalate -subalgebra -subalkaline -suballiance -subalmoner -subalpine -subaltern -subalternant -subalternate -subalternately -subalternating -subalternation -subalternity -subanal -subandean -subangled -subangular -subangulate -subangulated -subanniversary -subantarctic -subantichrist -subantique -Subanun -subapical -subaponeurotic -subapostolic -subapparent -subappearance -subappressed -subapprobation -subapterous -subaquatic -subaquean -subaqueous -subarachnoid -subarachnoidal -subarachnoidean -subarboraceous -subarboreal -subarborescent -subarch -subarchesporial -subarchitect -subarctic -subarcuate -subarcuated -subarcuation -subarea -subareolar -subareolet -Subarian -subarmor -subarouse -subarrhation -subartesian -subarticle -subarytenoid -subascending -subassemblage -subassembly -subassociation -subastragalar -subastragaloid -subastral -subastringent -subatom -subatomic -subattenuate -subattenuated -subattorney -subaud -subaudible -subaudition -subauditionist -subauditor -subauditur -subaural -subauricular -subautomatic -subaverage -subaxillar -subaxillary -subbailie -subbailiff -subbailiwick -subballast -subband -subbank -subbasal -subbasaltic -subbase -subbasement -subbass -subbeadle -subbeau -subbias -subbifid -subbing -subbituminous -subbookkeeper -subboreal -subbourdon -subbrachycephalic -subbrachycephaly -subbrachyskelic -subbranch -subbranched -subbranchial -subbreed -subbrigade -subbrigadier -subbroker -subbromid -subbromide -subbronchial -subbureau -subcaecal -subcalcareous -subcalcarine -subcaliber -subcallosal -subcampanulate -subcancellate -subcandid -subcantor -subcapsular -subcaptain -subcaption -subcarbide -subcarbonate -Subcarboniferous -subcarbureted -subcarburetted -subcardinal -subcarinate -subcartilaginous -subcase -subcash -subcashier -subcasino -subcast -subcaste -subcategory -subcaudal -subcaudate -subcaulescent -subcause -subcavate -subcavity -subcelestial -subcell -subcellar -subcenter -subcentral -subcentrally -subchairman -subchamberer -subchancel -subchanter -subchapter -subchaser -subchela -subchelate -subcheliform -subchief -subchloride -subchondral -subchordal -subchorioid -subchorioidal -subchorionic -subchoroid -subchoroidal -subcinctorium -subcineritious -subcingulum -subcircuit -subcircular -subcision -subcity -subclaim -Subclamatores -subclan -subclass -subclassify -subclause -subclavate -subclavia -subclavian -subclavicular -subclavioaxillary -subclaviojugular -subclavius -subclerk -subclimate -subclimax -subclinical -subclover -subcoastal -subcollateral -subcollector -subcollegiate -subcolumnar -subcommander -subcommendation -subcommended -subcommissary -subcommissaryship -subcommission -subcommissioner -subcommit -subcommittee -subcompany -subcompensate -subcompensation -subcompressed -subconcave -subconcession -subconcessionaire -subconchoidal -subconference -subconformable -subconical -subconjunctival -subconjunctively -subconnate -subconnect -subconnivent -subconscience -subconscious -subconsciously -subconsciousness -subconservator -subconsideration -subconstable -subconstellation -subconsul -subcontained -subcontest -subcontiguous -subcontinent -subcontinental -subcontinual -subcontinued -subcontinuous -subcontract -subcontracted -subcontractor -subcontraoctave -subcontrariety -subcontrarily -subcontrary -subcontrol -subconvex -subconvolute -subcool -subcoracoid -subcordate -subcordiform -subcoriaceous -subcorneous -subcorporation -subcortex -subcortical -subcortically -subcorymbose -subcosta -subcostal -subcostalis -subcouncil -subcranial -subcreative -subcreek -subcrenate -subcrepitant -subcrepitation -subcrescentic -subcrest -subcriminal -subcrossing -subcrureal -subcrureus -subcrust -subcrustaceous -subcrustal -subcrystalline -subcubical -subcuboidal -subcultrate -subcultural -subculture -subcurate -subcurator -subcuratorship -subcurrent -subcutaneous -subcutaneously -subcutaneousness -subcuticular -subcutis -subcyaneous -subcyanide -subcylindric -subcylindrical -subdatary -subdate -subdeacon -subdeaconate -subdeaconess -subdeaconry -subdeaconship -subdealer -subdean -subdeanery -subdeb -subdebutante -subdecanal -subdecimal -subdecuple -subdeducible -subdefinition -subdelegate -subdelegation -subdelirium -subdeltaic -subdeltoid -subdeltoidal -subdemonstrate -subdemonstration -subdenomination -subdentate -subdentated -subdented -subdenticulate -subdepartment -subdeposit -subdepository -subdepot -subdepressed -subdeputy -subderivative -subdermal -subdeterminant -subdevil -subdiaconal -subdiaconate -subdial -subdialect -subdialectal -subdialectally -subdiapason -subdiapente -subdiaphragmatic -subdichotomize -subdichotomous -subdichotomously -subdichotomy -subdie -subdilated -subdirector -subdiscoidal -subdisjunctive -subdistich -subdistichous -subdistinction -subdistinguish -subdistinguished -subdistrict -subdititious -subdititiously -subdivecious -subdiversify -subdividable -subdivide -subdivider -subdividing -subdividingly -subdivine -subdivisible -subdivision -subdivisional -subdivisive -subdoctor -subdolent -subdolichocephalic -subdolichocephaly -subdolous -subdolously -subdolousness -subdominant -subdorsal -subdorsally -subdouble -subdrain -subdrainage -subdrill -subdruid -subduable -subduableness -subduably -subdual -subduce -subduct -subduction -subdue -subdued -subduedly -subduedness -subduement -subduer -subduing -subduingly -subduple -subduplicate -subdural -subdurally -subecho -subectodermal -subedit -subeditor -subeditorial -subeditorship -subeffective -subelection -subelectron -subelement -subelementary -subelliptic -subelliptical -subelongate -subemarginate -subencephalon -subencephaltic -subendocardial -subendorse -subendorsement -subendothelial -subendymal -subenfeoff -subengineer -subentire -subentitle -subentry -subepidermal -subepiglottic -subepithelial -subepoch -subequal -subequality -subequally -subequatorial -subequilateral -subequivalve -suber -suberane -suberate -suberect -subereous -suberic -suberiferous -suberification -suberiform -suberin -suberinization -suberinize -Suberites -Suberitidae -suberization -suberize -suberone -suberose -suberous -subescheator -subesophageal -subessential -subetheric -subexaminer -subexcitation -subexcite -subexecutor -subexternal -subface -subfacies -subfactor -subfactorial -subfactory -subfalcate -subfalcial -subfalciform -subfamily -subfascial -subfastigiate -subfebrile -subferryman -subfestive -subfeu -subfeudation -subfeudatory -subfibrous -subfief -subfigure -subfissure -subfix -subflavor -subflexuose -subfloor -subflooring -subflora -subflush -subfluvial -subfocal -subfoliar -subforeman -subform -subformation -subfossil -subfossorial -subfoundation -subfraction -subframe -subfreshman -subfrontal -subfulgent -subfumigation -subfumose -subfunctional -subfusc -subfuscous -subfusiform -subfusk -subgalea -subgallate -subganger -subgape -subgelatinous -subgeneric -subgenerical -subgenerically -subgeniculate -subgenital -subgens -subgenual -subgenus -subgeometric -subget -subgit -subglabrous -subglacial -subglacially -subglenoid -subglobose -subglobosely -subglobular -subglobulose -subglossal -subglossitis -subglottic -subglumaceous -subgod -subgoverness -subgovernor -subgrade -subgranular -subgrin -subgroup -subgular -subgwely -subgyre -subgyrus -subhalid -subhalide -subhall -subharmonic -subhastation -subhatchery -subhead -subheading -subheadquarters -subheadwaiter -subhealth -subhedral -subhemispherical -subhepatic -subherd -subhero -subhexagonal -subhirsute -subhooked -subhorizontal -subhornblendic -subhouse -subhuman -subhumid -subhyaline -subhyaloid -subhymenial -subhymenium -subhyoid -subhyoidean -subhypothesis -subhysteria -subicle -subicteric -subicular -subiculum -subidar -subidea -subideal -subimaginal -subimago -subimbricate -subimbricated -subimposed -subimpressed -subincandescent -subincident -subincise -subincision -subincomplete -subindex -subindicate -subindication -subindicative -subindices -subindividual -subinduce -subinfer -subinfeud -subinfeudate -subinfeudation -subinfeudatory -subinflammation -subinflammatory -subinform -subingression -subinguinal -subinitial -subinoculate -subinoculation -subinsert -subinsertion -subinspector -subinspectorship -subintegumental -subintellection -subintelligential -subintelligitur -subintent -subintention -subintercessor -subinternal -subinterval -subintestinal -subintroduce -subintroduction -subintroductory -subinvoluted -subinvolution -subiodide -subirrigate -subirrigation -subitane -subitaneous -subitem -Subiya -subjacency -subjacent -subjacently -subjack -subject -subjectability -subjectable -subjectdom -subjected -subjectedly -subjectedness -subjecthood -subjectibility -subjectible -subjectification -subjectify -subjectile -subjection -subjectional -subjectist -subjective -subjectively -subjectiveness -subjectivism -subjectivist -subjectivistic -subjectivistically -subjectivity -subjectivize -subjectivoidealistic -subjectless -subjectlike -subjectness -subjectship -subjee -subjicible -subjoin -subjoinder -subjoint -subjudge -subjudiciary -subjugable -subjugal -subjugate -subjugation -subjugator -subjugular -subjunct -subjunction -subjunctive -subjunctively -subjunior -subking -subkingdom -sublabial -sublaciniate -sublacustrine -sublanate -sublanceolate -sublanguage -sublapsarian -sublapsarianism -sublapsary -sublaryngeal -sublate -sublateral -sublation -sublative -subleader -sublease -sublecturer -sublegislation -sublegislature -sublenticular -sublessee -sublessor -sublet -sublethal -sublettable -subletter -sublevaminous -sublevate -sublevation -sublevel -sublibrarian -sublicense -sublicensee -sublid -sublieutenancy -sublieutenant -subligation -sublighted -sublimable -sublimableness -sublimant -sublimate -sublimation -sublimational -sublimationist -sublimator -sublimatory -sublime -sublimed -sublimely -sublimeness -sublimer -subliminal -subliminally -sublimish -sublimitation -sublimity -sublimize -sublinear -sublineation -sublingua -sublinguae -sublingual -sublinguate -sublittoral -sublobular -sublong -subloral -subloreal -sublot -sublumbar -sublunar -sublunary -sublunate -sublustrous -subluxate -subluxation -submaid -submain -submakroskelic -submammary -subman -submanager -submania -submanic -submanor -submarginal -submarginally -submarginate -submargined -submarine -submariner -submarinism -submarinist -submarshal -submaster -submaxilla -submaxillary -submaximal -submeaning -submedial -submedian -submediant -submediation -submediocre -submeeting -submember -submembranaceous -submembranous -submeningeal -submental -submentum -submerge -submerged -submergement -submergence -submergibility -submergible -submerse -submersed -submersibility -submersible -submersion -submetallic -submeter -submetering -submicron -submicroscopic -submicroscopically -submiliary -submind -subminimal -subminister -submiss -submissible -submission -submissionist -submissive -submissively -submissiveness -submissly -submissness -submit -submittal -submittance -submitter -submittingly -submolecule -submonition -submontagne -submontane -submontanely -submontaneous -submorphous -submortgage -submotive -submountain -submucosa -submucosal -submucous -submucronate -submultiple -submundane -submuriate -submuscular -Submytilacea -subnarcotic -subnasal -subnascent -subnatural -subnect -subnervian -subness -subneural -subnex -subnitrate -subnitrated -subniveal -subnivean -subnormal -subnormality -subnotation -subnote -subnotochordal -subnubilar -subnucleus -subnude -subnumber -subnuvolar -suboblique -subobscure -subobscurely -subobtuse -suboccipital -subocean -suboceanic -suboctave -suboctile -suboctuple -subocular -suboesophageal -suboffice -subofficer -subofficial -subolive -subopaque -subopercle -subopercular -suboperculum -subopposite -suboptic -suboptimal -suboptimum -suboral -suborbicular -suborbiculate -suborbiculated -suborbital -suborbitar -suborbitary -subordain -suborder -subordinacy -subordinal -subordinary -subordinate -subordinately -subordinateness -subordinating -subordinatingly -subordination -subordinationism -subordinationist -subordinative -suborganic -suborn -subornation -subornative -suborner -Suboscines -suboval -subovate -subovated -suboverseer -subovoid -suboxidation -suboxide -subpackage -subpagoda -subpallial -subpalmate -subpanel -subparagraph -subparallel -subpart -subpartition -subpartitioned -subpartitionment -subparty -subpass -subpassage -subpastor -subpatron -subpattern -subpavement -subpectinate -subpectoral -subpeduncle -subpeduncular -subpedunculate -subpellucid -subpeltate -subpeltated -subpentagonal -subpentangular -subpericardial -subperiod -subperiosteal -subperiosteally -subperitoneal -subperitoneally -subpermanent -subpermanently -subperpendicular -subpetiolar -subpetiolate -subpharyngeal -subphosphate -subphratry -subphrenic -subphylar -subphylum -subpial -subpilose -subpimp -subpiston -subplacenta -subplant -subplantigrade -subplat -subpleural -subplinth -subplot -subplow -subpodophyllous -subpoena -subpoenal -subpolar -subpolygonal -subpool -subpopular -subpopulation -subporphyritic -subport -subpostmaster -subpostmastership -subpostscript -subpotency -subpotent -subpreceptor -subpreceptorial -subpredicate -subpredication -subprefect -subprefectorial -subprefecture -subprehensile -subpress -subprimary -subprincipal -subprior -subprioress -subproblem -subproctor -subproduct -subprofessional -subprofessor -subprofessoriate -subprofitable -subproportional -subprotector -subprovince -subprovincial -subpubescent -subpubic -subpulmonary -subpulverizer -subpunch -subpunctuation -subpurchaser -subpurlin -subputation -subpyramidal -subpyriform -subquadrangular -subquadrate -subquality -subquestion -subquinquefid -subquintuple -Subra -subrace -subradial -subradiance -subradiate -subradical -subradius -subradular -subrailway -subrameal -subramose -subramous -subrange -subrational -subreader -subreason -subrebellion -subrectangular -subrector -subreference -subregent -subregion -subregional -subregular -subreguli -subregulus -subrelation -subreligion -subreniform -subrent -subrepand -subrepent -subreport -subreptary -subreption -subreptitious -subreputable -subresin -subretinal -subrhombic -subrhomboid -subrhomboidal -subrictal -subrident -subridently -subrigid -subrision -subrisive -subrisory -subrogate -subrogation -subroot -subrostral -subround -subrule -subruler -subsacral -subsale -subsaline -subsalt -subsample -subsartorial -subsatiric -subsatirical -subsaturated -subsaturation -subscapular -subscapularis -subscapulary -subschedule -subscheme -subschool -subscience -subscleral -subsclerotic -subscribable -subscribe -subscriber -subscribership -subscript -subscription -subscriptionist -subscriptive -subscriptively -subscripture -subscrive -subscriver -subsea -subsecive -subsecretarial -subsecretary -subsect -subsection -subsecurity -subsecute -subsecutive -subsegment -subsemifusa -subsemitone -subsensation -subsensible -subsensual -subsensuous -subsept -subseptuple -subsequence -subsequency -subsequent -subsequential -subsequentially -subsequently -subsequentness -subseries -subserosa -subserous -subserrate -subserve -subserviate -subservience -subserviency -subservient -subserviently -subservientness -subsessile -subset -subsewer -subsextuple -subshaft -subsheriff -subshire -subshrub -subshrubby -subside -subsidence -subsidency -subsident -subsider -subsidiarie -subsidiarily -subsidiariness -subsidiary -subsiding -subsidist -subsidizable -subsidization -subsidize -subsidizer -subsidy -subsilicate -subsilicic -subsill -subsimilation -subsimious -subsimple -subsinuous -subsist -subsistence -subsistency -subsistent -subsistential -subsistingly -subsizar -subsizarship -subsmile -subsneer -subsocial -subsoil -subsoiler -subsolar -subsolid -subsonic -subsorter -subsovereign -subspace -subspatulate -subspecialist -subspecialize -subspecialty -subspecies -subspecific -subspecifically -subsphenoidal -subsphere -subspherical -subspherically -subspinous -subspiral -subspontaneous -subsquadron -substage -substalagmite -substalagmitic -substance -substanceless -substanch -substandard -substandardize -substant -substantiability -substantial -substantialia -substantialism -substantialist -substantiality -substantialize -substantially -substantialness -substantiate -substantiation -substantiative -substantiator -substantify -substantious -substantival -substantivally -substantive -substantively -substantiveness -substantivity -substantivize -substantize -substation -substernal -substituent -substitutable -substitute -substituted -substituter -substituting -substitutingly -substitution -substitutional -substitutionally -substitutionary -substitutive -substitutively -substock -substoreroom -substory -substract -substraction -substratal -substrate -substrati -substrative -substrator -substratose -substratosphere -substratospheric -substratum -substriate -substruct -substruction -substructional -substructural -substructure -substylar -substyle -subsulfid -subsulfide -subsulphate -subsulphid -subsulphide -subsult -subsultive -subsultorily -subsultorious -subsultory -subsultus -subsumable -subsume -subsumption -subsumptive -subsuperficial -subsurety -subsurface -subsyndicate -subsynod -subsynodical -subsystem -subtack -subtacksman -subtangent -subtarget -subtartarean -subtectal -subtegminal -subtegulaneous -subtemperate -subtenancy -subtenant -subtend -subtense -subtenure -subtepid -subteraqueous -subterbrutish -subtercelestial -subterconscious -subtercutaneous -subterethereal -subterfluent -subterfluous -subterfuge -subterhuman -subterjacent -subtermarine -subterminal -subternatural -subterpose -subterposition -subterrane -subterraneal -subterranean -subterraneanize -subterraneanly -subterraneous -subterraneously -subterraneousness -subterranity -subterraqueous -subterrene -subterrestrial -subterritorial -subterritory -subtersensual -subtersensuous -subtersuperlative -subtersurface -subtertian -subtext -subthalamic -subthalamus -subthoracic -subthrill -subtile -subtilely -subtileness -subtilin -subtilism -subtilist -subtility -subtilization -subtilize -subtilizer -subtill -subtillage -subtilty -subtitle -subtitular -subtle -subtleness -subtlety -subtlist -subtly -subtone -subtonic -subtorrid -subtotal -subtotem -subtower -subtract -subtracter -subtraction -subtractive -subtrahend -subtranslucent -subtransparent -subtransverse -subtrapezoidal -subtread -subtreasurer -subtreasurership -subtreasury -subtrench -subtriangular -subtriangulate -subtribal -subtribe -subtribual -subtrifid -subtrigonal -subtrihedral -subtriplicate -subtriplicated -subtriquetrous -subtrist -subtrochanteric -subtrochlear -subtropic -subtropical -subtropics -subtrousers -subtrude -subtruncate -subtrunk -subtuberant -subtunic -subtunnel -subturbary -subturriculate -subturriculated -subtutor -subtwined -subtype -subtypical -subulate -subulated -subulicorn -Subulicornia -subuliform -subultimate -subumbellate -subumbonal -subumbral -subumbrella -subumbrellar -subuncinate -subunequal -subungual -subunguial -Subungulata -subungulate -subunit -subuniverse -suburb -suburban -suburbandom -suburbanhood -suburbanism -suburbanite -suburbanity -suburbanization -suburbanize -suburbanly -suburbed -suburbia -suburbican -suburbicarian -suburbicary -suburethral -subursine -subvaginal -subvaluation -subvarietal -subvariety -subvassal -subvassalage -subvein -subvendee -subvene -subvention -subventionary -subventioned -subventionize -subventitious -subventive -subventral -subventricose -subvermiform -subversal -subverse -subversed -subversion -subversionary -subversive -subversivism -subvert -subvertebral -subverter -subvertible -subvertical -subverticillate -subvesicular -subvestment -subvicar -subvicarship -subvillain -subvirate -subvirile -subvisible -subvitalized -subvitreous -subvocal -subvola -subwarden -subwater -subway -subwealthy -subweight -subwink -subworker -subworkman -subzonal -subzone -subzygomatic -succade -succedanea -succedaneous -succedaneum -succedent -succeed -succeedable -succeeder -succeeding -succeedingly -succent -succentor -succenturiate -succenturiation -success -successful -successfully -successfulness -succession -successional -successionally -successionist -successionless -successive -successively -successiveness -successivity -successless -successlessly -successlessness -successor -successoral -successorship -successory -succi -succin -succinamate -succinamic -succinamide -succinanil -succinate -succinct -succinctly -succinctness -succinctorium -succinctory -succincture -succinic -succiniferous -succinimide -succinite -succinoresinol -succinosulphuric -succinous -succinyl -Succisa -succise -succivorous -succor -succorable -succorer -succorful -succorless -succorrhea -succory -succotash -succourful -succourless -succous -succub -succuba -succubae -succube -succubine -succubous -succubus -succula -succulence -succulency -succulent -succulently -succulentness -succulous -succumb -succumbence -succumbency -succumbent -succumber -succursal -succuss -succussation -succussatory -succussion -succussive -such -suchlike -suchness -Suchos -suchwise -sucivilized -suck -suckable -suckabob -suckage -suckauhock -sucken -suckener -sucker -suckerel -suckerfish -suckerlike -suckfish -suckhole -sucking -suckle -suckler -suckless -suckling -suckstone -suclat -sucramine -sucrate -sucre -sucroacid -sucrose -suction -suctional -Suctoria -suctorial -suctorian -suctorious -sucupira -sucuri -sucuriu -sucuruju -sud -sudadero -sudamen -sudamina -sudaminal -Sudan -Sudanese -Sudani -Sudanian -Sudanic -sudarium -sudary -sudate -sudation -sudatorium -sudatory -Sudburian -sudburite -sudd -sudden -suddenly -suddenness -suddenty -Sudder -sudder -suddle -suddy -Sudic -sudiform -sudoral -sudoresis -sudoric -sudoriferous -sudoriferousness -sudorific -sudoriparous -sudorous -Sudra -suds -sudsman -sudsy -Sue -sue -Suecism -suede -suer -Suerre -Suessiones -suet -suety -Sueve -Suevi -Suevian -Suevic -Sufeism -suff -suffect -suffection -suffer -sufferable -sufferableness -sufferably -sufferance -sufferer -suffering -sufferingly -suffete -suffice -sufficeable -sufficer -sufficiency -sufficient -sufficiently -sufficientness -sufficing -sufficingly -sufficingness -suffiction -suffix -suffixal -suffixation -suffixion -suffixment -sufflaminate -sufflamination -sufflate -sufflation -sufflue -suffocate -suffocating -suffocatingly -suffocation -suffocative -Suffolk -suffragan -suffraganal -suffraganate -suffragancy -suffraganeous -suffragatory -suffrage -suffragette -suffragettism -suffragial -suffragism -suffragist -suffragistic -suffragistically -suffragitis -suffrago -suffrutescent -suffrutex -suffruticose -suffruticous -suffruticulose -suffumigate -suffumigation -suffusable -suffuse -suffused -suffusedly -suffusion -suffusive -Sufi -Sufiism -Sufiistic -Sufism -Sufistic -sugamo -sugan -sugar -sugarberry -sugarbird -sugarbush -sugared -sugarelly -sugarer -sugarhouse -sugariness -sugarless -sugarlike -sugarplum -sugarsweet -sugarworks -sugary -sugent -sugescent -suggest -suggestable -suggestedness -suggester -suggestibility -suggestible -suggestibleness -suggestibly -suggesting -suggestingly -suggestion -suggestionability -suggestionable -suggestionism -suggestionist -suggestionize -suggestive -suggestively -suggestiveness -suggestivity -suggestment -suggestress -suggestum -suggillate -suggillation -sugh -sugi -Sugih -suguaro -suhuaro -Sui -suicidal -suicidalism -suicidally -suicidalwise -suicide -suicidical -suicidism -suicidist -suid -Suidae -suidian -suiform -suilline -suimate -Suina -suine -suing -suingly -suint -Suiogoth -Suiogothic -Suiones -suisimilar -suist -suit -suitability -suitable -suitableness -suitably -suitcase -suite -suithold -suiting -suitor -suitoress -suitorship -suity -suji -Suk -Sukey -sukiyaki -sukkenye -Suku -Sula -Sulaba -Sulafat -Sulaib -sulbasutra -sulcal -sulcalization -sulcalize -sulcar -sulcate -sulcated -sulcation -sulcatoareolate -sulcatocostate -sulcatorimose -sulciform -sulcomarginal -sulcular -sulculate -sulculus -sulcus -suld -sulea -sulfa -sulfacid -sulfadiazine -sulfaguanidine -sulfamate -sulfamerazin -sulfamerazine -sulfamethazine -sulfamethylthiazole -sulfamic -sulfamidate -sulfamide -sulfamidic -sulfamine -sulfaminic -sulfamyl -sulfanilamide -sulfanilic -sulfanilylguanidine -sulfantimonide -sulfapyrazine -sulfapyridine -sulfaquinoxaline -sulfarsenide -sulfarsenite -sulfarseniuret -sulfarsphenamine -Sulfasuxidine -sulfatase -sulfathiazole -sulfatic -sulfatize -sulfato -sulfazide -sulfhydrate -sulfhydric -sulfhydryl -sulfindigotate -sulfindigotic -sulfindylic -sulfion -sulfionide -sulfoacid -sulfoamide -sulfobenzide -sulfobenzoate -sulfobenzoic -sulfobismuthite -sulfoborite -sulfocarbamide -sulfocarbimide -sulfocarbolate -sulfocarbolic -sulfochloride -sulfocyan -sulfocyanide -sulfofication -sulfogermanate -sulfohalite -sulfohydrate -sulfoindigotate -sulfoleic -sulfolysis -sulfomethylic -sulfonamic -sulfonamide -sulfonate -sulfonation -sulfonator -sulfonephthalein -sulfonethylmethane -sulfonic -sulfonium -sulfonmethane -sulfonyl -sulfophthalein -sulfopurpurate -sulfopurpuric -sulforicinate -sulforicinic -sulforicinoleate -sulforicinoleic -sulfoselenide -sulfosilicide -sulfostannide -sulfotelluride -sulfourea -sulfovinate -sulfovinic -sulfowolframic -sulfoxide -sulfoxism -sulfoxylate -sulfoxylic -sulfurage -sulfuran -sulfurate -sulfuration -sulfurator -sulfurea -sulfureous -sulfureously -sulfureousness -sulfuret -sulfuric -sulfurization -sulfurize -sulfurosyl -sulfurous -sulfury -sulfuryl -Sulidae -Sulides -Suliote -sulk -sulka -sulker -sulkily -sulkiness -sulky -sulkylike -sull -sulla -sullage -Sullan -sullen -sullenhearted -sullenly -sullenness -sulliable -sullow -sully -sulpha -sulphacid -sulphaldehyde -sulphamate -sulphamic -sulphamidate -sulphamide -sulphamidic -sulphamine -sulphaminic -sulphamino -sulphammonium -sulphamyl -sulphanilate -sulphanilic -sulphantimonate -sulphantimonial -sulphantimonic -sulphantimonide -sulphantimonious -sulphantimonite -sulpharsenate -sulpharseniate -sulpharsenic -sulpharsenide -sulpharsenious -sulpharsenite -sulpharseniuret -sulpharsphenamine -sulphatase -sulphate -sulphated -sulphatic -sulphation -sulphatization -sulphatize -sulphato -sulphatoacetic -sulphatocarbonic -sulphazide -sulphazotize -sulphbismuthite -sulphethylate -sulphethylic -sulphhemoglobin -sulphichthyolate -sulphidation -sulphide -sulphidic -sulphidize -sulphimide -sulphinate -sulphindigotate -sulphine -sulphinic -sulphinide -sulphinyl -sulphitation -sulphite -sulphitic -sulphmethemoglobin -sulpho -sulphoacetic -sulphoamid -sulphoamide -sulphoantimonate -sulphoantimonic -sulphoantimonious -sulphoantimonite -sulphoarsenic -sulphoarsenious -sulphoarsenite -sulphoazotize -sulphobenzide -sulphobenzoate -sulphobenzoic -sulphobismuthite -sulphoborite -sulphobutyric -sulphocarbamic -sulphocarbamide -sulphocarbanilide -sulphocarbimide -sulphocarbolate -sulphocarbolic -sulphocarbonate -sulphocarbonic -sulphochloride -sulphochromic -sulphocinnamic -sulphocyan -sulphocyanate -sulphocyanic -sulphocyanide -sulphocyanogen -sulphodichloramine -sulphofication -sulphofy -sulphogallic -sulphogel -sulphogermanate -sulphogermanic -sulphohalite -sulphohaloid -sulphohydrate -sulphoichthyolate -sulphoichthyolic -sulphoindigotate -sulphoindigotic -sulpholeate -sulpholeic -sulpholipin -sulpholysis -sulphonal -sulphonalism -sulphonamic -sulphonamide -sulphonamido -sulphonamine -sulphonaphthoic -sulphonate -sulphonated -sulphonation -sulphonator -sulphoncyanine -sulphone -sulphonephthalein -sulphonethylmethane -sulphonic -sulphonium -sulphonmethane -sulphonphthalein -sulphonyl -sulphoparaldehyde -sulphophosphate -sulphophosphite -sulphophosphoric -sulphophosphorous -sulphophthalein -sulphophthalic -sulphopropionic -sulphoproteid -sulphopupuric -sulphopurpurate -sulphoricinate -sulphoricinic -sulphoricinoleate -sulphoricinoleic -sulphosalicylic -sulphoselenide -sulphoselenium -sulphosilicide -sulphosol -sulphostannate -sulphostannic -sulphostannide -sulphostannite -sulphostannous -sulphosuccinic -sulphosulphurous -sulphotannic -sulphotelluride -sulphoterephthalic -sulphothionyl -sulphotoluic -sulphotungstate -sulphotungstic -sulphourea -sulphovanadate -sulphovinate -sulphovinic -sulphowolframic -sulphoxide -sulphoxism -sulphoxylate -sulphoxylic -sulphoxyphosphate -sulphozincate -sulphur -sulphurage -sulphuran -sulphurate -sulphuration -sulphurator -sulphurea -sulphurean -sulphureity -sulphureonitrous -sulphureosaline -sulphureosuffused -sulphureous -sulphureously -sulphureousness -sulphureovirescent -sulphuret -sulphureted -sulphuric -sulphuriferous -sulphurity -sulphurization -sulphurize -sulphurless -sulphurlike -sulphurosyl -sulphurous -sulphurously -sulphurousness -sulphurproof -sulphurweed -sulphurwort -sulphury -sulphuryl -sulphydrate -sulphydric -sulphydryl -Sulpician -sultam -sultan -sultana -sultanaship -sultanate -sultane -sultanesque -sultaness -sultanian -sultanic -sultanin -sultanism -sultanist -sultanize -sultanlike -sultanry -sultanship -sultone -sultrily -sultriness -sultry -Sulu -Suluan -sulung -sulvanite -sulvasutra -sum -sumac -Sumak -Sumass -Sumatra -sumatra -Sumatran -sumbul -sumbulic -Sumdum -Sumerian -Sumerology -Sumitro -sumless -sumlessness -summability -summable -summage -summand -summar -summarily -summariness -summarist -summarization -summarize -summarizer -summary -summate -summation -summational -summative -summatory -summed -summer -summerbird -summercastle -summerer -summerhead -summeriness -summering -summerings -summerish -summerite -summerize -summerland -summerlay -summerless -summerlike -summerliness -summerling -summerly -summerproof -summertide -summertime -summertree -summerward -summerwood -summery -summist -summit -summital -summitless -summity -summon -summonable -summoner -summoningly -summons -summula -summulist -summut -sumner -Sumo -sump -sumpage -sumper -sumph -sumphish -sumphishly -sumphishness -sumphy -sumpit -sumpitan -sumple -sumpman -sumpsimus -sumpter -sumption -sumptuary -sumptuosity -sumptuous -sumptuously -sumptuousness -sun -sunbeam -sunbeamed -sunbeamy -sunberry -sunbird -sunblink -sunbonnet -sunbonneted -sunbow -sunbreak -sunburn -sunburned -sunburnedness -sunburnproof -sunburnt -sunburntness -sunburst -suncherchor -suncup -sundae -Sundanese -Sundanesian -sundang -Sundar -Sundaresan -sundari -Sunday -Sundayfied -Sundayish -Sundayism -Sundaylike -Sundayness -Sundayproof -sundek -sunder -sunderable -sunderance -sunderer -sunderment -sunderwise -sundew -sundial -sundik -sundog -sundown -sundowner -sundowning -sundra -sundri -sundries -sundriesman -sundrily -sundriness -sundrops -sundry -sundryman -sune -sunfall -sunfast -sunfish -sunfisher -sunfishery -sunflower -Sung -sung -sungha -sunglade -sunglass -sunglo -sunglow -Sunil -sunk -sunken -sunket -sunkland -sunlamp -sunland -sunless -sunlessly -sunlessness -sunlet -sunlight -sunlighted -sunlike -sunlit -sunn -Sunna -Sunni -Sunniah -sunnily -sunniness -Sunnism -Sunnite -sunnud -sunny -sunnyhearted -sunnyheartedness -sunproof -sunquake -sunray -sunrise -sunrising -sunroom -sunscald -sunset -sunsetting -sunsetty -sunshade -sunshine -sunshineless -sunshining -sunshiny -sunsmit -sunsmitten -sunspot -sunspotted -sunspottedness -sunspottery -sunspotty -sunsquall -sunstone -sunstricken -sunstroke -sunt -sunup -sunward -sunwards -sunway -sunways -sunweed -sunwise -sunyie -Suomi -Suomic -suovetaurilia -sup -supa -Supai -supari -supawn -supe -supellex -super -superabduction -superabhor -superability -superable -superableness -superably -superabnormal -superabominable -superabomination -superabound -superabstract -superabsurd -superabundance -superabundancy -superabundant -superabundantly -superaccession -superaccessory -superaccommodating -superaccomplished -superaccrue -superaccumulate -superaccumulation -superaccurate -superacetate -superachievement -superacid -superacidulated -superacknowledgment -superacquisition -superacromial -superactive -superactivity -superacute -superadaptable -superadd -superaddition -superadditional -superadequate -superadequately -superadjacent -superadministration -superadmirable -superadmiration -superadorn -superadornment -superaerial -superaesthetical -superaffiliation -superaffiuence -superagency -superaggravation -superagitation -superagrarian -superalbal -superalbuminosis -superalimentation -superalkaline -superalkalinity -superallowance -superaltar -superaltern -superambitious -superambulacral -superanal -superangelic -superangelical -superanimal -superannuate -superannuation -superannuitant -superannuity -superapology -superappreciation -superaqueous -superarbiter -superarbitrary -superarctic -superarduous -superarrogant -superarseniate -superartificial -superartificially -superaspiration -superassertion -superassociate -superassume -superastonish -superastonishment -superattachment -superattainable -superattendant -superattraction -superattractive -superauditor -superaural -superaverage -superavit -superaward -superaxillary -superazotation -superb -superbelief -superbeloved -superbenefit -superbenevolent -superbenign -superbias -superbious -superbity -superblessed -superblunder -superbly -superbness -superbold -superborrow -superbrain -superbrave -superbrute -superbuild -superbungalow -superbusy -supercabinet -supercalender -supercallosal -supercandid -supercanine -supercanonical -supercanonization -supercanopy -supercapable -supercaption -supercarbonate -supercarbonization -supercarbonize -supercarbureted -supercargo -supercargoship -supercarpal -supercatastrophe -supercatholic -supercausal -supercaution -supercelestial -supercensure -supercentral -supercentrifuge -supercerebellar -supercerebral -superceremonious -supercharge -supercharged -supercharger -superchemical -superchivalrous -superciliary -superciliosity -supercilious -superciliously -superciliousness -supercilium -supercivil -supercivilization -supercivilized -superclaim -superclass -superclassified -supercloth -supercoincidence -supercolossal -supercolumnar -supercolumniation -supercombination -supercombing -supercommendation -supercommentary -supercommentator -supercommercial -supercompetition -supercomplete -supercomplex -supercomprehension -supercompression -superconception -superconductive -superconductivity -superconductor -superconfident -superconfirmation -superconformable -superconformist -superconformity -superconfusion -supercongestion -superconscious -superconsciousness -superconsecrated -superconsequency -superconservative -superconstitutional -supercontest -supercontribution -supercontrol -supercool -supercordial -supercorporation -supercow -supercredit -supercrescence -supercrescent -supercrime -supercritic -supercritical -supercrowned -supercrust -supercube -supercultivated -supercurious -supercycle -supercynical -superdainty -superdanger -superdebt -superdeclamatory -superdecoration -superdeficit -superdeity -superdejection -superdelegate -superdelicate -superdemand -superdemocratic -superdemonic -superdemonstration -superdensity -superdeposit -superdesirous -superdevelopment -superdevilish -superdevotion -superdiabolical -superdiabolically -superdicrotic -superdifficult -superdiplomacy -superdirection -superdiscount -superdistention -superdistribution -superdividend -superdivine -superdivision -superdoctor -superdominant -superdomineering -superdonation -superdose -superdramatist -superdreadnought -superdubious -superduplication -superdural -superdying -superearthly -supereconomy -superedification -superedify -supereducation -supereffective -supereffluence -supereffluently -superego -superelaborate -superelastic -superelated -superelegance -superelementary -superelevated -superelevation -supereligible -supereloquent -supereminence -supereminency -supereminent -supereminently -superemphasis -superemphasize -superendorse -superendorsement -superendow -superenergetic -superenforcement -superengrave -superenrollment -superepic -superepoch -superequivalent -supererogant -supererogantly -supererogate -supererogation -supererogative -supererogator -supererogatorily -supererogatory -superespecial -superessential -superessentially -superestablish -superestablishment -supereternity -superether -superethical -superethmoidal -superevangelical -superevident -superexacting -superexalt -superexaltation -superexaminer -superexceed -superexceeding -superexcellence -superexcellency -superexcellent -superexcellently -superexceptional -superexcitation -superexcited -superexcitement -superexcrescence -superexert -superexertion -superexiguity -superexist -superexistent -superexpand -superexpansion -superexpectation -superexpenditure -superexplicit -superexport -superexpressive -superexquisite -superexquisitely -superexquisiteness -superextend -superextension -superextol -superextreme -superfamily -superfantastic -superfarm -superfat -superfecundation -superfecundity -superfee -superfeminine -superfervent -superfetate -superfetation -superfeudation -superfibrination -superficial -superficialism -superficialist -superficiality -superficialize -superficially -superficialness -superficiary -superficies -superfidel -superfinance -superfine -superfinical -superfinish -superfinite -superfissure -superfit -superfix -superfleet -superflexion -superfluent -superfluid -superfluitance -superfluity -superfluous -superfluously -superfluousness -superflux -superfoliaceous -superfoliation -superfolly -superformal -superformation -superformidable -superfortunate -superfriendly -superfrontal -superfructified -superfulfill -superfulfillment -superfunction -superfunctional -superfuse -superfusibility -superfusible -superfusion -supergaiety -supergallant -supergene -supergeneric -supergenerosity -supergenerous -supergenual -supergiant -superglacial -superglorious -superglottal -supergoddess -supergoodness -supergovern -supergovernment -supergraduate -supergrant -supergratification -supergratify -supergravitate -supergravitation -superguarantee -supergun -superhandsome -superhearty -superheat -superheater -superheresy -superhero -superheroic -superhet -superheterodyne -superhighway -superhirudine -superhistoric -superhistorical -superhive -superhuman -superhumanity -superhumanize -superhumanly -superhumanness -superhumeral -superhypocrite -superideal -superignorant -superillustrate -superillustration -superimpend -superimpending -superimpersonal -superimply -superimportant -superimposable -superimpose -superimposed -superimposition -superimposure -superimpregnated -superimpregnation -superimprobable -superimproved -superincentive -superinclination -superinclusive -superincomprehensible -superincrease -superincumbence -superincumbency -superincumbent -superincumbently -superindependent -superindiction -superindifference -superindifferent -superindignant -superindividual -superindividualism -superindividualist -superinduce -superinducement -superinduct -superinduction -superindulgence -superindulgent -superindustrious -superindustry -superinenarrable -superinfection -superinfer -superinference -superinfeudation -superinfinite -superinfinitely -superinfirmity -superinfluence -superinformal -superinfuse -superinfusion -superingenious -superingenuity -superinitiative -superinjustice -superinnocent -superinquisitive -superinsaniated -superinscription -superinsist -superinsistence -superinsistent -superinstitute -superinstitution -superintellectual -superintend -superintendence -superintendency -superintendent -superintendential -superintendentship -superintender -superintense -superintolerable -superinundation -superior -superioress -superiority -superiorly -superiorness -superiorship -superirritability -superius -superjacent -superjudicial -superjurisdiction -superjustification -superknowledge -superlabial -superlaborious -superlactation -superlapsarian -superlaryngeal -superlation -superlative -superlatively -superlativeness -superlenient -superlie -superlikelihood -superline -superlocal -superlogical -superloyal -superlucky -superlunary -superlunatical -superluxurious -supermagnificent -supermagnificently -supermalate -superman -supermanhood -supermanifest -supermanism -supermanliness -supermanly -supermannish -supermarginal -supermarine -supermarket -supermarvelous -supermasculine -supermaterial -supermathematical -supermaxilla -supermaxillary -supermechanical -supermedial -supermedicine -supermediocre -supermental -supermentality -supermetropolitan -supermilitary -supermishap -supermixture -supermodest -supermoisten -supermolten -supermoral -supermorose -supermunicipal -supermuscan -supermystery -supernacular -supernaculum -supernal -supernalize -supernally -supernatant -supernatation -supernation -supernational -supernationalism -supernatural -supernaturaldom -supernaturalism -supernaturalist -supernaturality -supernaturalize -supernaturally -supernaturalness -supernature -supernecessity -supernegligent -supernormal -supernormally -supernormalness -supernotable -supernova -supernumeral -supernumerariness -supernumerary -supernumeraryship -supernumerous -supernutrition -superoanterior -superobedience -superobedient -superobese -superobject -superobjection -superobjectionable -superobligation -superobstinate -superoccipital -superoctave -superocular -superodorsal -superoexternal -superoffensive -superofficious -superofficiousness -superofrontal -superointernal -superolateral -superomedial -superoposterior -superopposition -superoptimal -superoptimist -superoratorical -superorbital -superordain -superorder -superordinal -superordinary -superordinate -superordination -superorganic -superorganism -superorganization -superorganize -superornament -superornamental -superosculate -superoutput -superoxalate -superoxide -superoxygenate -superoxygenation -superparamount -superparasite -superparasitic -superparasitism -superparliamentary -superpassage -superpatient -superpatriotic -superpatriotism -superperfect -superperfection -superperson -superpersonal -superpersonalism -superpetrosal -superphlogisticate -superphlogistication -superphosphate -superphysical -superpigmentation -superpious -superplausible -superplease -superplus -superpolite -superpolitic -superponderance -superponderancy -superponderant -superpopulation -superposable -superpose -superposed -superposition -superpositive -superpower -superpowered -superpraise -superprecarious -superprecise -superprelatical -superpreparation -superprinting -superprobability -superproduce -superproduction -superproportion -superprosperous -superpublicity -superpure -superpurgation -superquadrupetal -superqualify -superquote -superradical -superrational -superrationally -superreaction -superrealism -superrealist -superrefine -superrefined -superrefinement -superreflection -superreform -superreformation -superregal -superregeneration -superregenerative -superregistration -superregulation -superreliance -superremuneration -superrenal -superrequirement -superrespectable -superresponsible -superrestriction -superreward -superrheumatized -superrighteous -superromantic -superroyal -supersacerdotal -supersacral -supersacred -supersacrifice -supersafe -supersagacious -supersaint -supersaintly -supersalesman -supersaliency -supersalient -supersalt -supersanction -supersanguine -supersanity -supersarcastic -supersatisfaction -supersatisfy -supersaturate -supersaturation -superscandal -superscholarly -superscientific -superscribe -superscript -superscription -superscrive -superseaman -supersecret -supersecretion -supersecular -supersecure -supersedable -supersede -supersedeas -supersedence -superseder -supersedure -superselect -superseminate -supersemination -superseminator -supersensible -supersensibly -supersensitive -supersensitiveness -supersensitization -supersensory -supersensual -supersensualism -supersensualist -supersensualistic -supersensuality -supersensually -supersensuous -supersensuousness -supersentimental -superseptal -superseptuaginarian -superseraphical -superserious -superservice -superserviceable -superserviceableness -superserviceably -supersesquitertial -supersession -supersessive -supersevere -supershipment -supersignificant -supersilent -supersimplicity -supersimplify -supersincerity -supersingular -supersistent -supersize -supersmart -supersocial -supersoil -supersolar -supersolemn -supersolemness -supersolemnity -supersolemnly -supersolicit -supersolicitation -supersolid -supersonant -supersonic -supersovereign -supersovereignty -superspecialize -superspecies -superspecification -supersphenoid -supersphenoidal -superspinous -superspiritual -superspirituality -supersquamosal -superstage -superstamp -superstandard -superstate -superstatesman -superstimulate -superstimulation -superstition -superstitionist -superstitionless -superstitious -superstitiously -superstitiousness -superstoical -superstrain -superstrata -superstratum -superstrenuous -superstrict -superstrong -superstruct -superstruction -superstructor -superstructory -superstructural -superstructure -superstuff -superstylish -supersublimated -supersuborder -supersubsist -supersubstantial -supersubstantiality -supersubstantiate -supersubtilized -supersubtle -supersufficiency -supersufficient -supersulcus -supersulphate -supersulphuret -supersulphureted -supersulphurize -supersuperabundance -supersuperabundant -supersuperabundantly -supersuperb -supersuperior -supersupremacy -supersupreme -supersurprise -supersuspicious -supersweet -supersympathy -supersyndicate -supersystem -supertare -supertartrate -supertax -supertaxation -supertemporal -supertempt -supertemptation -supertension -superterranean -superterraneous -superterrene -superterrestrial -superthankful -superthorough -superthyroidism -supertoleration -supertonic -supertotal -supertower -supertragic -supertragical -supertrain -supertramp -supertranscendent -supertranscendently -supertreason -supertrivial -supertuchun -supertunic -supertutelary -superugly -superultrafrostified -superunfit -superunit -superunity -superuniversal -superuniverse -superurgent -supervalue -supervast -supervene -supervenience -supervenient -supervenosity -supervention -supervestment -supervexation -supervictorious -supervigilant -supervigorous -supervirulent -supervisal -supervisance -supervise -supervision -supervisionary -supervisive -supervisor -supervisorial -supervisorship -supervisory -supervisual -supervisure -supervital -supervive -supervolition -supervoluminous -supervolute -superwager -superwealthy -superweening -superwise -superwoman -superworldly -superwrought -superyacht -superzealous -supinate -supination -supinator -supine -supinely -supineness -suppedaneum -supper -suppering -supperless -suppertime -supperwards -supping -supplace -supplant -supplantation -supplanter -supplantment -supple -supplejack -supplely -supplement -supplemental -supplementally -supplementarily -supplementary -supplementation -supplementer -suppleness -suppletion -suppletive -suppletively -suppletorily -suppletory -suppliable -supplial -suppliance -suppliancy -suppliant -suppliantly -suppliantness -supplicancy -supplicant -supplicantly -supplicat -supplicate -supplicating -supplicatingly -supplication -supplicationer -supplicative -supplicator -supplicatory -supplicavit -supplice -supplier -suppling -supply -support -supportability -supportable -supportableness -supportably -supportance -supporter -supportful -supporting -supportingly -supportive -supportless -supportlessly -supportress -supposable -supposableness -supposably -supposal -suppose -supposed -supposedly -supposer -supposing -supposition -suppositional -suppositionally -suppositionary -suppositionless -suppositious -supposititious -supposititiously -supposititiousness -suppositive -suppositively -suppository -suppositum -suppost -suppress -suppressal -suppressed -suppressedly -suppresser -suppressible -suppression -suppressionist -suppressive -suppressively -suppressor -supprise -suppurant -suppurate -suppuration -suppurative -suppuratory -suprabasidorsal -suprabranchial -suprabuccal -supracaecal -supracargo -supracaudal -supracensorious -supracentenarian -suprachorioid -suprachorioidal -suprachorioidea -suprachoroid -suprachoroidal -suprachoroidea -supraciliary -supraclavicle -supraclavicular -supraclusion -supracommissure -supraconduction -supraconductor -supracondylar -supracondyloid -supraconscious -supraconsciousness -supracoralline -supracostal -supracoxal -supracranial -supracretaceous -supradecompound -supradental -supradorsal -supradural -suprafeminine -suprafine -suprafoliaceous -suprafoliar -supraglacial -supraglenoid -supraglottic -supragovernmental -suprahepatic -suprahistorical -suprahuman -suprahumanity -suprahyoid -suprailiac -suprailium -supraintellectual -suprainterdorsal -suprajural -supralabial -supralapsarian -supralapsarianism -supralateral -supralegal -supraliminal -supraliminally -supralineal -supralinear -supralocal -supralocally -supraloral -supralunar -supralunary -supramammary -supramarginal -supramarine -supramastoid -supramaxilla -supramaxillary -supramaximal -suprameatal -supramechanical -supramedial -supramental -supramolecular -supramoral -supramortal -supramundane -supranasal -supranational -supranatural -supranaturalism -supranaturalist -supranaturalistic -supranature -supranervian -supraneural -supranormal -supranuclear -supraoccipital -supraocclusion -supraocular -supraoesophagal -supraoesophageal -supraoptimal -supraoptional -supraoral -supraorbital -supraorbitar -supraordinary -supraordinate -supraordination -suprapapillary -suprapedal -suprapharyngeal -supraposition -supraprotest -suprapubian -suprapubic -suprapygal -supraquantivalence -supraquantivalent -suprarational -suprarationalism -suprarationality -suprarenal -suprarenalectomize -suprarenalectomy -suprarenalin -suprarenine -suprarimal -suprasaturate -suprascapula -suprascapular -suprascapulary -suprascript -suprasegmental -suprasensible -suprasensitive -suprasensual -suprasensuous -supraseptal -suprasolar -suprasoriferous -suprasphanoidal -supraspinal -supraspinate -supraspinatus -supraspinous -suprasquamosal -suprastandard -suprastapedial -suprastate -suprasternal -suprastigmal -suprasubtle -supratemporal -supraterraneous -supraterrestrial -suprathoracic -supratonsillar -supratrochlear -supratropical -supratympanic -supravaginal -supraventricular -supraversion -supravital -supraworld -supremacy -suprematism -supreme -supremely -supremeness -supremity -sur -sura -suraddition -surah -surahi -sural -suralimentation -suranal -surangular -surat -surbase -surbased -surbasement -surbate -surbater -surbed -surcease -surcharge -surcharger -surcingle -surcoat -surcrue -surculi -surculigerous -surculose -surculous -surculus -surd -surdation -surdeline -surdent -surdimutism -surdity -surdomute -sure -surely -sureness -sures -Suresh -surette -surety -suretyship -surexcitation -surf -surface -surfaced -surfacedly -surfaceless -surfacely -surfaceman -surfacer -surfacing -surfactant -surfacy -surfbird -surfboard -surfboarding -surfboat -surfboatman -surfeit -surfeiter -surfer -surficial -surfle -surflike -surfman -surfmanship -surfrappe -surfuse -surfusion -surfy -surge -surgeful -surgeless -surgent -surgeon -surgeoncy -surgeoness -surgeonfish -surgeonless -surgeonship -surgeproof -surgerize -surgery -surgical -surgically -surginess -surging -surgy -Suriana -Surianaceae -Suricata -suricate -suriga -Surinam -surinamine -surlily -surliness -surly -surma -surmark -surmaster -surmisable -surmisal -surmisant -surmise -surmised -surmisedly -surmiser -surmount -surmountable -surmountableness -surmountal -surmounted -surmounter -surmullet -surname -surnamer -surnap -surnay -surnominal -surpass -surpassable -surpasser -surpassing -surpassingly -surpassingness -surpeopled -surplice -surpliced -surplicewise -surplician -surplus -surplusage -surpreciation -surprint -surprisable -surprisal -surprise -surprisedly -surprisement -surpriseproof -surpriser -surprising -surprisingly -surprisingness -surquedry -surquidry -surquidy -surra -surrealism -surrealist -surrealistic -surrealistically -surrebound -surrebut -surrebuttal -surrebutter -surrection -surrejoin -surrejoinder -surrenal -surrender -surrenderee -surrenderer -surrenderor -surreption -surreptitious -surreptitiously -surreptitiousness -surreverence -surreverently -surrey -surrogacy -surrogate -surrogateship -surrogation -surrosion -surround -surrounded -surroundedly -surrounder -surrounding -surroundings -sursaturation -sursolid -sursumduction -sursumvergence -sursumversion -surtax -surtout -surturbrand -surveillance -surveillant -survey -surveyable -surveyage -surveyal -surveyance -surveying -surveyor -surveyorship -survigrous -survivability -survivable -survival -survivalism -survivalist -survivance -survivancy -survive -surviver -surviving -survivor -survivoress -survivorship -Surya -Sus -Susan -Susanchite -Susanna -Susanne -susannite -suscept -susceptance -susceptibility -susceptible -susceptibleness -susceptibly -susception -susceptive -susceptiveness -susceptivity -susceptor -suscitate -suscitation -susi -Susian -Susianian -Susie -suslik -susotoxin -suspect -suspectable -suspected -suspectedness -suspecter -suspectful -suspectfulness -suspectible -suspectless -suspector -suspend -suspended -suspender -suspenderless -suspenders -suspendibility -suspendible -suspensation -suspense -suspenseful -suspensely -suspensibility -suspensible -suspension -suspensive -suspensively -suspensiveness -suspensoid -suspensor -suspensorial -suspensorium -suspensory -suspercollate -suspicion -suspicionable -suspicional -suspicionful -suspicionless -suspicious -suspiciously -suspiciousness -suspiration -suspiratious -suspirative -suspire -suspirious -Susquehanna -Sussex -sussexite -Sussexman -sussultatory -sussultorial -sustain -sustainable -sustained -sustainer -sustaining -sustainingly -sustainment -sustanedly -sustenance -sustenanceless -sustentacula -sustentacular -sustentaculum -sustentation -sustentational -sustentative -sustentator -sustention -sustentive -sustentor -Susu -susu -Susuhunan -Susuidae -Susumu -susurr -susurrant -susurrate -susurration -susurringly -susurrous -susurrus -Sutaio -suterbery -suther -Sutherlandia -sutile -sutler -sutlerage -sutleress -sutlership -sutlery -Suto -sutor -sutorial -sutorian -sutorious -sutra -Suttapitaka -suttee -sutteeism -sutten -suttin -suttle -Sutu -sutural -suturally -suturation -suture -Suu -suum -Suwandi -suwarro -suwe -Suyog -suz -Suzan -Suzanne -suzerain -suzeraine -suzerainship -suzerainty -Suzy -Svan -Svanetian -Svanish -Svante -Svantovit -svarabhakti -svarabhaktic -Svarloka -svelte -Svetambara -sviatonosite -swa -Swab -swab -swabber -swabberly -swabble -Swabian -swack -swacken -swacking -swad -swaddle -swaddlebill -swaddler -swaddling -swaddy -Swadeshi -Swadeshism -swag -swagbellied -swagbelly -swage -swager -swagger -swaggerer -swaggering -swaggeringly -swaggie -swaggy -swaglike -swagman -swagsman -Swahilese -Swahili -Swahilian -Swahilize -swaimous -swain -swainish -swainishness -swainship -Swainsona -swainsona -swaird -swale -swaler -swaling -swalingly -swallet -swallo -swallow -swallowable -swallower -swallowlike -swallowling -swallowpipe -swallowtail -swallowwort -swam -swami -swamp -swampable -swampberry -swamper -swampish -swampishness -swampland -swampside -swampweed -swampwood -swampy -Swamy -swan -swandown -swanflower -swang -swangy -swanherd -swanhood -swanimote -swank -swanker -swankily -swankiness -swanking -swanky -swanlike -swanmark -swanmarker -swanmarking -swanneck -swannecked -swanner -swannery -swannish -swanny -swanskin -Swantevit -swanweed -swanwort -swap -swape -swapper -swapping -swaraj -swarajism -swarajist -swarbie -sward -swardy -sware -swarf -swarfer -swarm -swarmer -swarming -swarmy -swarry -swart -swartback -swarth -swarthily -swarthiness -swarthness -swarthy -swartish -swartly -swartness -swartrutter -swartrutting -swarty -Swartzbois -Swartzia -swarve -swash -swashbuckle -swashbuckler -swashbucklerdom -swashbucklering -swashbucklery -swashbuckling -swasher -swashing -swashway -swashwork -swashy -swastika -swastikaed -Swat -swat -swatch -Swatchel -swatcher -swatchway -swath -swathable -swathband -swathe -swatheable -swather -swathy -Swati -Swatow -swatter -swattle -swaver -sway -swayable -swayed -swayer -swayful -swaying -swayingly -swayless -Swazi -Swaziland -sweal -sweamish -swear -swearer -swearingly -swearword -sweat -sweatband -sweatbox -sweated -sweater -sweatful -sweath -sweatily -sweatiness -sweating -sweatless -sweatproof -sweatshop -sweatweed -sweaty -Swede -Swedenborgian -Swedenborgianism -Swedenborgism -swedge -Swedish -sweeny -sweep -sweepable -sweepage -sweepback -sweepboard -sweepdom -sweeper -sweeperess -sweepforward -sweeping -sweepingly -sweepingness -sweepings -sweepstake -sweepwasher -sweepwashings -sweepy -sweer -sweered -sweet -sweetberry -sweetbread -sweetbrier -sweetbriery -sweeten -sweetener -sweetening -sweetfish -sweetful -sweetheart -sweetheartdom -sweethearted -sweetheartedness -sweethearting -sweetheartship -sweetie -sweeting -sweetish -sweetishly -sweetishness -sweetleaf -sweetless -sweetlike -sweetling -sweetly -sweetmaker -sweetmeat -sweetmouthed -sweetness -sweetroot -sweetshop -sweetsome -sweetsop -sweetwater -sweetweed -sweetwood -sweetwort -sweety -swego -swelchie -swell -swellage -swelldom -swelldoodle -swelled -sweller -swellfish -swelling -swellish -swellishness -swellmobsman -swellness -swelltoad -swelly -swelp -swelt -swelter -sweltering -swelteringly -swelth -sweltry -swelty -swep -swept -swerd -Swertia -swerve -swerveless -swerver -swervily -swick -swidge -Swietenia -swift -swiften -swifter -swiftfoot -swiftlet -swiftlike -swiftness -swifty -swig -swigger -swiggle -swile -swill -swillbowl -swiller -swilltub -swim -swimmable -swimmer -swimmeret -swimmily -swimminess -swimming -swimmingly -swimmingness -swimmist -swimmy -swimsuit -swimy -Swinburnesque -Swinburnian -swindle -swindleable -swindledom -swindler -swindlership -swindlery -swindling -swindlingly -swine -swinebread -swinecote -swinehead -swineherd -swineherdship -swinehood -swinehull -swinelike -swinely -swinepipe -swinery -swinestone -swinesty -swiney -swing -swingable -swingback -swingdevil -swingdingle -swinge -swingeing -swinger -swinging -swingingly -Swingism -swingle -swinglebar -swingletail -swingletree -swingstock -swingtree -swingy -swinish -swinishly -swinishness -swink -swinney -swipe -swiper -swipes -swiple -swipper -swipy -swird -swire -swirl -swirlingly -swirly -swirring -swish -swisher -swishing -swishingly -swishy -Swiss -swiss -Swissess -swissing -switch -switchback -switchbacker -switchboard -switched -switchel -switcher -switchgear -switching -switchkeeper -switchlike -switchman -switchy -switchyard -swith -swithe -swithen -swither -Swithin -Switzer -Switzeress -swivel -swiveled -swiveleye -swiveleyed -swivellike -swivet -swivetty -swiz -swizzle -swizzler -swob -swollen -swollenly -swollenness -swom -swonken -swoon -swooned -swooning -swooningly -swoony -swoop -swooper -swoosh -sword -swordbill -swordcraft -swordfish -swordfisherman -swordfishery -swordfishing -swordick -swording -swordless -swordlet -swordlike -swordmaker -swordmaking -swordman -swordmanship -swordplay -swordplayer -swordproof -swordsman -swordsmanship -swordsmith -swordster -swordstick -swordswoman -swordtail -swordweed -swore -sworn -swosh -swot -swotter -swounds -swow -swum -swung -swungen -swure -syagush -sybarism -sybarist -Sybarital -Sybaritan -Sybarite -Sybaritic -Sybaritical -Sybaritically -Sybaritish -sybaritism -Sybil -sybotic -sybotism -sycamine -sycamore -syce -sycee -sychnocarpous -sycock -sycoma -sycomancy -Sycon -Syconaria -syconarian -syconate -Sycones -syconid -Syconidae -syconium -syconoid -syconus -sycophancy -sycophant -sycophantic -sycophantical -sycophantically -sycophantish -sycophantishly -sycophantism -sycophantize -sycophantry -sycosiform -sycosis -Syd -Sydneian -Sydneyite -sye -Syed -syenite -syenitic -syenodiorite -syenogabbro -sylid -syllab -syllabarium -syllabary -syllabatim -syllabation -syllabe -syllabi -syllabic -syllabical -syllabically -syllabicate -syllabication -syllabicness -syllabification -syllabify -syllabism -syllabize -syllable -syllabled -syllabus -syllepsis -sylleptic -sylleptical -sylleptically -Syllidae -syllidian -Syllis -sylloge -syllogism -syllogist -syllogistic -syllogistical -syllogistically -syllogistics -syllogization -syllogize -syllogizer -sylph -sylphic -sylphid -sylphidine -sylphish -sylphize -sylphlike -Sylphon -sylphy -sylva -sylvae -sylvage -Sylvan -sylvan -sylvanesque -sylvanite -sylvanitic -sylvanity -sylvanize -sylvanly -sylvanry -sylvate -sylvatic -Sylvester -sylvester -sylvestral -sylvestrene -Sylvestrian -sylvestrian -Sylvestrine -Sylvia -Sylvian -sylvic -Sylvicolidae -sylvicoline -Sylviidae -Sylviinae -sylviine -sylvine -sylvinite -sylvite -symbasic -symbasical -symbasically -symbasis -symbiogenesis -symbiogenetic -symbiogenetically -symbion -symbiont -symbiontic -symbionticism -symbiosis -symbiot -symbiote -symbiotic -symbiotically -symbiotics -symbiotism -symbiotrophic -symblepharon -symbol -symbolaeography -symbolater -symbolatrous -symbolatry -symbolic -symbolical -symbolically -symbolicalness -symbolicly -symbolics -symbolism -symbolist -symbolistic -symbolistical -symbolistically -symbolization -symbolize -symbolizer -symbolofideism -symbological -symbologist -symbolography -symbology -symbololatry -symbolology -symbolry -symbouleutic -symbranch -Symbranchia -symbranchiate -symbranchoid -symbranchous -symmachy -symmedian -symmelia -symmelian -symmelus -symmetalism -symmetral -symmetric -symmetrical -symmetricality -symmetrically -symmetricalness -symmetrist -symmetrization -symmetrize -symmetroid -symmetrophobia -symmetry -symmorphic -symmorphism -sympalmograph -sympathectomize -sympathectomy -sympathetectomy -sympathetic -sympathetical -sympathetically -sympatheticism -sympatheticity -sympatheticness -sympatheticotonia -sympatheticotonic -sympathetoblast -sympathicoblast -sympathicotonia -sympathicotonic -sympathicotripsy -sympathism -sympathist -sympathize -sympathizer -sympathizing -sympathizingly -sympathoblast -sympatholysis -sympatholytic -sympathomimetic -sympathy -sympatric -sympatry -Sympetalae -sympetalous -Symphalangus -symphenomena -symphenomenal -symphile -symphilic -symphilism -symphilous -symphily -symphogenous -symphonetic -symphonia -symphonic -symphonically -symphonion -symphonious -symphoniously -symphonist -symphonize -symphonous -symphony -Symphoricarpos -symphoricarpous -symphrase -symphronistic -symphyantherous -symphycarpous -Symphyla -symphylan -symphyllous -symphylous -symphynote -symphyogenesis -symphyogenetic -symphyostemonous -symphyseal -symphyseotomy -symphysial -symphysian -symphysic -symphysion -symphysiotomy -symphysis -symphysodactylia -symphysotomy -symphysy -Symphyta -symphytic -symphytically -symphytism -symphytize -Symphytum -sympiesometer -symplasm -symplectic -Symplegades -symplesite -Symplocaceae -symplocaceous -Symplocarpus -symploce -Symplocos -sympode -sympodia -sympodial -sympodially -sympodium -sympolity -symposia -symposiac -symposiacal -symposial -symposiarch -symposiast -symposiastic -symposion -symposium -symptom -symptomatic -symptomatical -symptomatically -symptomatics -symptomatize -symptomatography -symptomatological -symptomatologically -symptomatology -symptomical -symptomize -symptomless -symptosis -symtomology -synacme -synacmic -synacmy -synactic -synadelphite -synaeresis -synagogal -synagogian -synagogical -synagogism -synagogist -synagogue -synalgia -synalgic -synallactic -synallagmatic -synaloepha -synanastomosis -synange -synangia -synangial -synangic -synangium -synanthema -synantherological -synantherologist -synantherology -synantherous -synanthesis -synanthetic -synanthic -synanthous -synanthrose -synanthy -synaphea -synaposematic -synapse -synapses -Synapsida -synapsidan -synapsis -synaptai -synaptase -synapte -synaptene -Synaptera -synapterous -synaptic -synaptical -synaptically -synapticula -synapticulae -synapticular -synapticulate -synapticulum -Synaptosauria -synaptychus -synarchical -synarchism -synarchy -synarmogoid -Synarmogoidea -synarquism -synartesis -synartete -synartetic -synarthrodia -synarthrodial -synarthrodially -synarthrosis -Synascidiae -synascidian -synastry -synaxar -synaxarion -synaxarist -synaxarium -synaxary -synaxis -sync -Syncarida -syncarp -syncarpia -syncarpium -syncarpous -syncarpy -syncategorematic -syncategorematical -syncategorematically -syncategoreme -syncephalic -syncephalus -syncerebral -syncerebrum -synch -synchitic -synchondoses -synchondrosial -synchondrosially -synchondrosis -synchondrotomy -synchoresis -synchro -synchroflash -synchromesh -synchronal -synchrone -synchronic -synchronical -synchronically -synchronism -synchronistic -synchronistical -synchronistically -synchronizable -synchronization -synchronize -synchronized -synchronizer -synchronograph -synchronological -synchronology -synchronous -synchronously -synchronousness -synchrony -synchroscope -synchrotron -synchysis -Synchytriaceae -Synchytrium -syncladous -synclastic -synclinal -synclinally -syncline -synclinical -synclinore -synclinorial -synclinorian -synclinorium -synclitic -syncliticism -synclitism -syncoelom -syncopal -syncopate -syncopated -syncopation -syncopator -syncope -syncopic -syncopism -syncopist -syncopize -syncotyledonous -syncracy -syncraniate -syncranterian -syncranteric -syncrasy -syncretic -syncretical -syncreticism -syncretion -syncretism -syncretist -syncretistic -syncretistical -syncretize -syncrisis -Syncrypta -syncryptic -syncytia -syncytial -syncytioma -syncytiomata -syncytium -syndactyl -syndactylia -syndactylic -syndactylism -syndactylous -syndactyly -syndectomy -synderesis -syndesis -syndesmectopia -syndesmitis -syndesmography -syndesmology -syndesmoma -Syndesmon -syndesmoplasty -syndesmorrhaphy -syndesmosis -syndesmotic -syndesmotomy -syndetic -syndetical -syndetically -syndic -syndical -syndicalism -syndicalist -syndicalistic -syndicalize -syndicate -syndicateer -syndication -syndicator -syndicship -syndoc -syndrome -syndromic -syndyasmian -Syndyoceras -syne -synecdoche -synecdochic -synecdochical -synecdochically -synecdochism -synechia -synechiological -synechiology -synechological -synechology -synechotomy -synechthran -synechthry -synecology -synecphonesis -synectic -synecticity -Synedra -synedral -Synedria -synedria -synedrial -synedrian -Synedrion -synedrion -Synedrium -synedrium -synedrous -syneidesis -synema -synemmenon -synenergistic -synenergistical -synenergistically -synentognath -Synentognathi -synentognathous -syneresis -synergastic -synergetic -synergia -synergic -synergically -synergid -synergidae -synergidal -synergism -synergist -synergistic -synergistical -synergistically -synergize -synergy -synerize -synesis -synesthesia -synesthetic -synethnic -syngamic -syngamous -syngamy -Syngenesia -syngenesian -syngenesious -syngenesis -syngenetic -syngenic -syngenism -syngenite -Syngnatha -Syngnathi -syngnathid -Syngnathidae -syngnathoid -syngnathous -Syngnathus -syngraph -synizesis -synkaryon -synkatathesis -synkinesia -synkinesis -synkinetic -synneurosis -synneusis -synochoid -synochus -synocreate -synod -synodal -synodalian -synodalist -synodally -synodical -synodically -synodist -synodite -synodontid -Synodontidae -synodontoid -synodsman -Synodus -synoecete -synoeciosis -synoecious -synoeciously -synoeciousness -synoecism -synoecize -synoecy -synoicous -synomosy -synonym -synonymatic -synonymic -synonymical -synonymicon -synonymics -synonymist -synonymity -synonymize -synonymous -synonymously -synonymousness -synonymy -synophthalmus -synopses -synopsis -synopsize -synopsy -synoptic -synoptical -synoptically -Synoptist -synoptist -Synoptistic -synorchidism -synorchism -synorthographic -synosteology -synosteosis -synostose -synostosis -synostotic -synostotical -synostotically -synousiacs -synovectomy -synovia -synovial -synovially -synoviparous -synovitic -synovitis -synpelmous -synrhabdosome -synsacral -synsacrum -synsepalous -synspermous -synsporous -syntactic -syntactical -syntactically -syntactician -syntactics -syntagma -syntan -syntasis -syntax -syntaxis -syntaxist -syntechnic -syntectic -syntelome -syntenosis -synteresis -syntexis -syntheme -synthermal -syntheses -synthesis -synthesism -synthesist -synthesization -synthesize -synthesizer -synthete -synthetic -synthetical -synthetically -syntheticism -synthetism -synthetist -synthetization -synthetize -synthetizer -synthol -synthroni -synthronoi -synthronos -synthronus -syntomia -syntomy -syntone -syntonic -syntonical -syntonically -syntonin -syntonization -syntonize -syntonizer -syntonolydian -syntonous -syntony -syntripsis -syntrope -syntrophic -syntropic -syntropical -syntropy -syntype -syntypic -syntypicism -Synura -synusia -synusiast -syodicon -sypher -syphilide -syphilidography -syphilidologist -syphiliphobia -syphilis -syphilitic -syphilitically -syphilization -syphilize -syphiloderm -syphilodermatous -syphilogenesis -syphilogeny -syphilographer -syphilography -syphiloid -syphilologist -syphilology -syphiloma -syphilomatous -syphilophobe -syphilophobia -syphilophobic -syphilopsychosis -syphilosis -syphilous -Syracusan -syre -Syriac -Syriacism -Syriacist -Syrian -Syrianic -Syrianism -Syrianize -Syriarch -Syriasm -syringa -syringadenous -syringe -syringeal -syringeful -syringes -syringin -syringitis -syringium -syringocoele -syringomyelia -syringomyelic -syringotome -syringotomy -syrinx -Syriologist -Syrma -syrma -Syrmian -Syrnium -Syrophoenician -syrphian -syrphid -Syrphidae -syrt -syrtic -Syrtis -syrup -syruped -syruper -syruplike -syrupy -Syryenian -syssarcosis -syssel -sysselman -syssiderite -syssitia -syssition -systaltic -systasis -systatic -system -systematic -systematical -systematicality -systematically -systematician -systematicness -systematics -systematism -systematist -systematization -systematize -systematizer -systematology -systemed -systemic -systemically -systemist -systemizable -systemization -systemize -systemizer -systemless -systemproof -systemwise -systilius -systolated -systole -systolic -systyle -systylous -Syun -syzygetic -syzygetically -syzygial -syzygium -syzygy -szaibelyite -Szekler -szlachta -szopelka -T -t -ta -taa -Taal -Taalbond -taar -Tab -tab -tabacin -tabacosis -tabacum -tabanid -Tabanidae -tabaniform -tabanuco -Tabanus -tabard -tabarded -tabaret -Tabasco -tabasheer -tabashir -tabaxir -tabbarea -tabber -tabbinet -Tabby -tabby -Tabebuia -tabefaction -tabefy -tabella -Tabellaria -Tabellariaceae -tabellion -taberdar -taberna -tabernacle -tabernacler -tabernacular -Tabernaemontana -tabernariae -tabes -tabescence -tabescent -tabet -tabetic -tabetiform -tabetless -tabic -tabid -tabidly -tabidness -tabific -tabifical -tabinet -Tabira -Tabitha -tabitude -tabla -tablature -table -tableau -tableaux -tablecloth -tableclothwise -tableclothy -tabled -tablefellow -tablefellowship -tableful -tableity -tableland -tableless -tablelike -tablemaid -tablemaker -tablemaking -tableman -tablemate -tabler -tables -tablespoon -tablespoonful -tablet -tabletary -tableware -tablewise -tabling -tablinum -Tabloid -tabloid -tabog -taboo -tabooism -tabooist -taboot -taboparalysis -taboparesis -taboparetic -tabophobia -tabor -taborer -taboret -taborin -Taborite -tabour -tabourer -tabouret -tabret -Tabriz -tabu -tabula -tabulable -tabular -tabulare -tabularium -tabularization -tabularize -tabularly -tabulary -Tabulata -tabulate -tabulated -tabulation -tabulator -tabulatory -tabule -tabuliform -tabut -tacahout -tacamahac -Tacana -Tacanan -Tacca -Taccaceae -taccaceous -taccada -tach -Tachardia -Tachardiinae -tache -tacheless -tacheography -tacheometer -tacheometric -tacheometry -tacheture -tachhydrite -tachibana -Tachina -Tachinaria -tachinarian -tachinid -Tachinidae -tachiol -tachistoscope -tachistoscopic -tachogram -tachograph -tachometer -tachometry -tachoscope -tachycardia -tachycardiac -tachygen -tachygenesis -tachygenetic -tachygenic -tachyglossal -tachyglossate -Tachyglossidae -Tachyglossus -tachygraph -tachygrapher -tachygraphic -tachygraphical -tachygraphically -tachygraphist -tachygraphometer -tachygraphometry -tachygraphy -tachyhydrite -tachyiatry -tachylalia -tachylite -tachylyte -tachylytic -tachymeter -tachymetric -tachymetry -tachyphagia -tachyphasia -tachyphemia -tachyphrasia -tachyphrenia -tachypnea -tachyscope -tachyseism -tachysterol -tachysystole -tachythanatous -tachytomy -tachytype -tacit -Tacitean -tacitly -tacitness -taciturn -taciturnist -taciturnity -taciturnly -tack -tacker -tacket -tackety -tackey -tackiness -tacking -tackingly -tackle -tackled -tackleless -tackleman -tackler -tackless -tackling -tackproof -tacksman -tacky -taclocus -tacmahack -tacnode -Taconian -Taconic -taconite -tacso -Tacsonia -tact -tactable -tactful -tactfully -tactfulness -tactic -tactical -tactically -tactician -tactics -tactile -tactilist -tactility -tactilogical -tactinvariant -taction -tactite -tactive -tactless -tactlessly -tactlessness -tactometer -tactor -tactosol -tactual -tactualist -tactuality -tactually -tactus -tacuacine -Taculli -Tad -tad -tade -Tadjik -Tadousac -tadpole -tadpoledom -tadpolehood -tadpolelike -tadpolism -tae -tael -taen -taenia -taeniacidal -taeniacide -Taeniada -taeniafuge -taenial -taenian -taeniasis -Taeniata -taeniate -taenicide -Taenidia -taenidium -taeniform -taenifuge -taeniiform -Taeniobranchia -taeniobranchiate -Taeniodonta -Taeniodontia -Taeniodontidae -Taenioglossa -taenioglossate -taenioid -taeniosome -Taeniosomi -taeniosomous -taenite -taennin -Taetsia -taffarel -tafferel -taffeta -taffety -taffle -taffrail -Taffy -taffy -taffylike -taffymaker -taffymaking -taffywise -tafia -tafinagh -taft -tafwiz -tag -Tagabilis -Tagakaolo -Tagal -Tagala -Tagalize -Tagalo -Tagalog -tagasaste -Tagassu -Tagassuidae -tagatose -Tagaur -Tagbanua -tagboard -Tagetes -tagetol -tagetone -tagged -tagger -taggle -taggy -Taghlik -tagilite -Tagish -taglet -Tagliacotian -Tagliacozzian -taglike -taglock -tagrag -tagraggery -tagsore -tagtail -tagua -taguan -Tagula -tagwerk -taha -Tahami -taheen -tahil -tahin -Tahiti -Tahitian -tahkhana -Tahltan -tahr -tahseeldar -tahsil -tahsildar -Tahsin -tahua -Tai -tai -taiaha -taich -taiga -taigle -taiglesome -taihoa -taikhana -tail -tailage -tailband -tailboard -tailed -tailender -tailer -tailet -tailfirst -tailflower -tailforemost -tailge -tailhead -tailing -tailings -taille -tailless -taillessly -taillessness -taillie -taillight -taillike -tailor -tailorage -tailorbird -tailorcraft -tailordom -tailoress -tailorhood -tailoring -tailorism -tailorization -tailorize -tailorless -tailorlike -tailorly -tailorman -tailorship -tailorwise -tailory -tailpiece -tailpin -tailpipe -tailrace -tailsman -tailstock -Tailte -tailward -tailwards -tailwise -taily -tailzee -tailzie -taimen -taimyrite -tain -Tainan -Taino -taint -taintable -taintless -taintlessly -taintlessness -taintment -taintor -taintproof -tainture -taintworm -Tainui -taipan -Taipi -Taiping -taipo -tairge -tairger -tairn -taisch -taise -Taisho -taissle -taistrel -taistril -Tait -tait -taiver -taivers -taivert -Taiwanhemp -Taiyal -taj -Tajik -takable -takamaka -Takao -takar -Takayuki -take -takedown -takedownable -takeful -Takelma -taken -taker -Takeuchi -Takhaar -Takhtadjy -Takilman -takin -taking -takingly -takingness -takings -Takitumu -takosis -takt -Taku -taky -takyr -Tal -tal -tala -talabon -talahib -Talaing -talaje -talak -talalgia -Talamanca -Talamancan -talanton -talao -talapoin -talar -talari -talaria -talaric -talayot -talbot -talbotype -talc -talcer -Talcher -talcky -talclike -talcochlorite -talcoid -talcomicaceous -talcose -talcous -talcum -tald -tale -talebearer -talebearing -talebook -talecarrier -talecarrying -taled -taleful -Talegallinae -Talegallus -talemaster -talemonger -talemongering -talent -talented -talentless -talepyet -taler -tales -talesman -taleteller -taletelling -tali -Taliacotian -taliage -taliation -taliera -taligrade -Talinum -talion -talionic -talipat -taliped -talipedic -talipes -talipomanus -talipot -talis -talisay -Talishi -talisman -talismanic -talismanical -talismanically -talismanist -talite -Talitha -talitol -talk -talkability -talkable -talkathon -talkative -talkatively -talkativeness -talker -talkfest -talkful -talkie -talkiness -talking -talkworthy -talky -tall -tallage -tallageability -tallageable -tallboy -tallegalane -taller -tallero -talles -tallet -talliable -talliage -talliar -talliate -tallier -tallis -tallish -tallit -tallith -tallness -talloel -tallote -tallow -tallowberry -tallower -tallowiness -tallowing -tallowish -tallowlike -tallowmaker -tallowmaking -tallowman -tallowroot -tallowweed -tallowwood -tallowy -tallwood -tally -tallyho -tallyman -tallymanship -tallywag -tallywalka -tallywoman -talma -talmouse -Talmud -Talmudic -Talmudical -Talmudism -Talmudist -Talmudistic -Talmudistical -Talmudization -Talmudize -talocalcaneal -talocalcanean -talocrural -talofibular -talon -talonavicular -taloned -talonic -talonid -taloscaphoid -talose -talotibial -Talpa -talpacoti -talpatate -talpetate -talpicide -talpid -Talpidae -talpiform -talpify -talpine -talpoid -talthib -Taltushtuntude -Taluche -Taluhet -taluk -taluka -talukdar -talukdari -talus -taluto -talwar -talwood -Talyshin -tam -Tama -tamability -tamable -tamableness -tamably -Tamaceae -Tamachek -tamacoare -tamale -Tamanac -Tamanaca -Tamanaco -tamandu -tamandua -tamanoas -tamanoir -tamanowus -tamanu -Tamara -tamara -tamarack -tamaraite -tamarao -Tamaricaceae -tamaricaceous -tamarin -tamarind -Tamarindus -tamarisk -Tamarix -Tamaroa -tamas -tamasha -Tamashek -Tamaulipecan -tambac -tambaroora -tamber -tambo -tamboo -Tambookie -tambookie -tambor -Tambouki -tambour -tamboura -tambourer -tambouret -tambourgi -tambourin -tambourinade -tambourine -tambourist -tambreet -Tambuki -tamburan -tamburello -Tame -tame -tamehearted -tameheartedness -tamein -tameless -tamelessly -tamelessness -tamely -tameness -tamer -Tamerlanism -Tamias -tamidine -Tamil -Tamilian -Tamilic -tamis -tamise -tamlung -Tammanial -Tammanize -Tammany -Tammanyism -Tammanyite -Tammanyize -tammie -tammock -Tammy -tammy -Tamonea -Tamoyo -tamp -tampala -tampan -tampang -tamper -tamperer -tamperproof -tampin -tamping -tampion -tampioned -tampon -tamponade -tamponage -tamponment -tampoon -Tamul -Tamulian -Tamulic -Tamus -Tamworth -Tamzine -tan -tana -tanacetin -tanacetone -Tanacetum -tanacetyl -tanach -tanager -Tanagra -Tanagraean -Tanagridae -tanagrine -tanagroid -Tanaidacea -tanaist -tanak -Tanaka -Tanala -tanan -tanbark -tanbur -tancel -Tanchelmian -tanchoir -tandan -tandem -tandemer -tandemist -tandemize -tandemwise -tandle -tandour -Tandy -tane -tanekaha -Tang -tang -tanga -Tangaloa -tangalung -tangantangan -Tangaridae -Tangaroa -Tangaroan -tanged -tangeite -tangelo -tangence -tangency -tangent -tangental -tangentally -tangential -tangentiality -tangentially -tangently -tanger -Tangerine -tangfish -tangham -tanghan -tanghin -Tanghinia -tanghinin -tangi -tangibile -tangibility -tangible -tangibleness -tangibly -tangie -Tangier -tangilin -Tangipahoa -tangka -tanglad -tangle -tangleberry -tanglefish -tanglefoot -tanglement -tangleproof -tangler -tangleroot -tanglesome -tangless -tanglewrack -tangling -tanglingly -tangly -tango -tangoreceptor -tangram -tangs -tangue -tanguile -tangum -tangun -Tangut -tangy -tanh -tanha -tanhouse -tania -tanica -tanier -tanist -tanistic -tanistry -tanistship -Tanite -Tanitic -tanjib -tanjong -tank -tanka -tankage -tankah -tankard -tanked -tanker -tankerabogus -tankert -tankette -tankful -tankle -tankless -tanklike -tankmaker -tankmaking -tankman -tankodrome -tankroom -tankwise -tanling -tannable -tannage -tannaic -tannaim -tannaitic -tannalbin -tannase -tannate -tanned -tanner -tannery -tannic -tannide -tanniferous -tannin -tannined -tanning -tanninlike -tannocaffeic -tannogallate -tannogallic -tannogelatin -tannogen -tannoid -tannometer -tannyl -Tano -tanoa -Tanoan -tanproof -tanquam -Tanquelinian -tanquen -tanrec -tanstuff -tansy -tantadlin -tantafflin -tantalate -Tantalean -Tantalian -Tantalic -tantalic -tantaliferous -tantalifluoride -tantalite -tantalization -tantalize -tantalizer -tantalizingly -tantalizingness -tantalofluoride -tantalum -Tantalus -tantamount -tantara -tantarabobus -tantarara -tanti -tantivy -tantle -Tantony -tantra -tantric -tantrik -tantrism -tantrist -tantrum -tantum -tanwood -tanworks -Tanya -tanyard -Tanyoan -Tanystomata -tanystomatous -tanystome -tanzeb -tanzib -Tanzine -tanzy -Tao -tao -Taoism -Taoist -Taoistic -Taonurus -Taos -taotai -taoyin -tap -Tapa -tapa -Tapachula -Tapachulteca -tapacolo -tapaculo -Tapacura -tapadera -tapadero -Tapajo -tapalo -tapamaker -tapamaking -tapas -tapasvi -Tape -tape -Tapeats -tapeinocephalic -tapeinocephalism -tapeinocephaly -tapeless -tapelike -tapeline -tapemaker -tapemaking -tapeman -tapen -taper -taperbearer -tapered -taperer -tapering -taperingly -taperly -tapermaker -tapermaking -taperness -taperwise -tapesium -tapestring -tapestry -tapestrylike -tapet -tapetal -tapete -tapeti -tapetless -tapetum -tapework -tapeworm -taphephobia -taphole -taphouse -Taphria -Taphrina -Taphrinaceae -tapia -Tapijulapane -tapinceophalism -tapinocephalic -tapinocephaly -Tapinoma -tapinophobia -tapinophoby -tapinosis -tapioca -tapir -Tapiridae -tapiridian -tapirine -Tapiro -tapiroid -Tapirus -tapis -tapism -tapist -taplash -taplet -Tapleyism -tapmost -tapnet -tapoa -Taposa -tapoun -tappa -tappable -tappableness -tappall -tappaul -tappen -tapper -tapperer -Tappertitian -tappet -tappietoorie -tapping -tappoon -Taprobane -taproom -taproot -taprooted -taps -tapster -tapsterlike -tapsterly -tapstress -tapu -tapul -Tapuya -Tapuyan -Tapuyo -taqua -tar -tara -tarabooka -taraf -tarafdar -tarage -Tarahumar -Tarahumara -Tarahumare -Tarahumari -Tarai -tarairi -tarakihi -Taraktogenos -taramellite -Taramembe -Taranchi -tarand -Tarandean -Tarandian -tarantara -tarantass -tarantella -tarantism -tarantist -tarantula -tarantular -tarantulary -tarantulated -tarantulid -Tarantulidae -tarantulism -tarantulite -tarantulous -tarapatch -taraph -tarapin -Tarapon -Tarasc -Tarascan -Tarasco -tarassis -tarata -taratah -taratantara -taratantarize -tarau -taraxacerin -taraxacin -Taraxacum -Tarazed -tarbadillo -tarbet -tarboard -tarbogan -tarboggin -tarboosh -tarbooshed -tarboy -tarbrush -tarbush -tarbuttite -Tardenoisian -Tardigrada -tardigrade -tardigradous -tardily -tardiness -tarditude -tardive -tardle -tardy -tare -tarea -tarefa -tarefitch -tarentala -tarente -Tarentine -tarentism -tarentola -tarepatch -Tareq -tarfa -tarflower -targe -targeman -targer -target -targeted -targeteer -targetlike -targetman -Targum -Targumic -Targumical -Targumist -Targumistic -Targumize -Tarheel -Tarheeler -tarhood -tari -Tariana -tarie -tariff -tariffable -tariffication -tariffism -tariffist -tariffite -tariffize -tariffless -tarin -Tariri -tariric -taririnic -tarish -Tarkalani -Tarkani -tarkashi -tarkeean -tarkhan -tarlatan -tarlataned -tarletan -tarlike -tarltonize -Tarmac -tarmac -tarman -Tarmi -tarmined -tarn -tarnal -tarnally -tarnation -tarnish -tarnishable -tarnisher -tarnishment -tarnishproof -tarnlike -tarnside -taro -taroc -tarocco -tarok -taropatch -tarot -tarp -tarpan -tarpaulin -tarpaulinmaker -Tarpeia -Tarpeian -tarpon -tarpot -tarpum -Tarquin -Tarquinish -tarr -tarrack -tarradiddle -tarradiddler -tarragon -tarragona -tarras -tarrass -Tarrateen -Tarratine -tarred -tarrer -tarri -tarriance -tarrie -tarrier -tarrify -tarrily -tarriness -tarrish -tarrock -tarrow -tarry -tarrying -tarryingly -tarryingness -tars -tarsadenitis -tarsal -tarsale -tarsalgia -tarse -tarsectomy -tarsectopia -tarsi -tarsia -tarsier -Tarsiidae -tarsioid -Tarsipedidae -Tarsipedinae -Tarsipes -tarsitis -Tarsius -tarsochiloplasty -tarsoclasis -tarsomalacia -tarsome -tarsometatarsal -tarsometatarsus -tarsonemid -Tarsonemidae -Tarsonemus -tarsophalangeal -tarsophyma -tarsoplasia -tarsoplasty -tarsoptosis -tarsorrhaphy -tarsotarsal -tarsotibal -tarsotomy -tarsus -tart -tartago -Tartan -tartan -tartana -tartane -Tartar -tartar -tartarated -Tartarean -Tartareous -tartareous -tartaret -Tartarian -Tartaric -tartaric -Tartarin -tartarish -Tartarism -Tartarization -tartarization -Tartarize -tartarize -Tartarized -Tartarlike -tartarly -Tartarology -tartarous -tartarproof -tartarum -Tartarus -Tartary -tartemorion -tarten -tartish -tartishly -tartle -tartlet -tartly -tartness -tartramate -tartramic -tartramide -tartrate -tartrated -tartratoferric -tartrazine -tartrazinic -tartro -tartronate -tartronic -tartronyl -tartronylurea -tartrous -tartryl -tartrylic -Tartufe -tartufery -tartufian -tartufish -tartufishly -tartufism -tartwoman -Taruma -Tarumari -tarve -Tarvia -tarweed -tarwhine -tarwood -tarworks -taryard -Taryba -Tarzan -Tarzanish -tasajo -tascal -tasco -taseometer -tash -tasheriff -tashie -tashlik -Tashnagist -Tashnakist -tashreef -tashrif -Tasian -tasimeter -tasimetric -tasimetry -task -taskage -tasker -taskit -taskless -tasklike -taskmaster -taskmastership -taskmistress -tasksetter -tasksetting -taskwork -taslet -Tasmanian -tasmanite -Tass -tass -tassago -tassah -tassal -tassard -tasse -tassel -tasseler -tasselet -tasselfish -tassellus -tasselmaker -tasselmaking -tassely -tasser -tasset -tassie -tassoo -tastable -tastableness -tastably -taste -tasteable -tasteableness -tasteably -tasted -tasteful -tastefully -tastefulness -tastekin -tasteless -tastelessly -tastelessness -tasten -taster -tastily -tastiness -tasting -tastingly -tasty -tasu -Tat -tat -Tatar -Tatarian -Tataric -Tatarization -Tatarize -Tatary -tataupa -tatbeb -tatchy -tate -tater -Tates -tath -Tatian -Tatianist -tatie -tatinek -tatler -tatou -tatouay -tatpurusha -Tatsanottine -tatsman -tatta -tatter -tatterdemalion -tatterdemalionism -tatterdemalionry -tattered -tatteredly -tatteredness -tatterly -tatterwallop -tattery -tatther -tattied -tatting -tattle -tattlement -tattler -tattlery -tattletale -tattling -tattlingly -tattoo -tattooage -tattooer -tattooing -tattooist -tattooment -tattva -tatty -Tatu -tatu -tatukira -Tatusia -Tatusiidae -tau -Taube -Tauchnitz -taught -taula -Tauli -taum -taun -Taungthu -taunt -taunter -taunting -tauntingly -tauntingness -Taunton -tauntress -taupe -taupo -taupou -taur -tauranga -taurean -Tauri -Taurian -taurian -Tauric -tauric -tauricide -tauricornous -Taurid -Tauridian -tauriferous -tauriform -taurine -Taurini -taurite -taurobolium -tauroboly -taurocephalous -taurocholate -taurocholic -taurocol -taurocolla -Tauroctonus -taurodont -tauroesque -taurokathapsia -taurolatry -tauromachian -tauromachic -tauromachy -tauromorphic -tauromorphous -taurophile -taurophobe -Tauropolos -Taurotragus -Taurus -tauryl -taut -tautaug -tauted -tautegorical -tautegory -tauten -tautirite -tautit -tautly -tautness -tautochrone -tautochronism -tautochronous -tautog -tautologic -tautological -tautologically -tautologicalness -tautologism -tautologist -tautologize -tautologizer -tautologous -tautologously -tautology -tautomer -tautomeral -tautomeric -tautomerism -tautomerizable -tautomerization -tautomerize -tautomery -tautometer -tautometric -tautometrical -tautomorphous -tautonym -tautonymic -tautonymy -tautoousian -tautoousious -tautophonic -tautophonical -tautophony -tautopodic -tautopody -tautosyllabic -tautotype -tautourea -tautousian -tautousious -tautozonal -tautozonality -tav -Tavast -Tavastian -Tave -tave -tavell -taver -tavern -taverner -tavernize -tavernless -tavernlike -tavernly -tavernous -tavernry -tavernwards -tavers -tavert -Tavghi -tavistockite -tavola -tavolatite -Tavy -taw -tawa -tawdered -tawdrily -tawdriness -tawdry -tawer -tawery -Tawgi -tawie -tawite -tawkee -tawkin -tawn -tawney -tawnily -tawniness -tawnle -tawny -tawpi -tawpie -taws -tawse -tawtie -tax -taxability -taxable -taxableness -taxably -Taxaceae -taxaceous -taxameter -taxaspidean -taxation -taxational -taxative -taxatively -taxator -taxeater -taxeating -taxed -taxeme -taxemic -taxeopod -Taxeopoda -taxeopodous -taxeopody -taxer -taxgatherer -taxgathering -taxi -taxiable -taxiarch -taxiauto -taxibus -taxicab -Taxidea -taxidermal -taxidermic -taxidermist -taxidermize -taxidermy -taximan -taximeter -taximetered -taxine -taxing -taxingly -taxinomic -taxinomist -taxinomy -taxiplane -taxis -taxite -taxitic -taxless -taxlessly -taxlessness -taxman -Taxodiaceae -Taxodium -taxodont -taxology -taxometer -taxon -taxonomer -taxonomic -taxonomical -taxonomically -taxonomist -taxonomy -taxor -taxpaid -taxpayer -taxpaying -Taxus -taxwax -taxy -tay -Tayassu -Tayassuidae -tayer -Taygeta -tayir -Taylor -Taylorism -Taylorite -taylorite -Taylorize -tayra -Tayrona -taysaam -tazia -Tcawi -tch -tchai -tcharik -tchast -tche -tcheirek -Tcheka -Tcherkess -tchervonets -tchervonetz -Tchetchentsish -Tchetnitsi -Tchi -tchick -tchu -Tchwi -tck -Td -te -tea -teaberry -teaboard -teabox -teaboy -teacake -teacart -teach -teachability -teachable -teachableness -teachably -teache -teacher -teacherage -teacherdom -teacheress -teacherhood -teacherless -teacherlike -teacherly -teachership -teachery -teaching -teachingly -teachless -teachment -teachy -teacup -teacupful -tead -teadish -teaer -teaey -teagardeny -teagle -Teague -Teagueland -Teaguelander -teahouse -teaish -teaism -teak -teakettle -teakwood -teal -tealeafy -tealery -tealess -teallite -team -teamaker -teamaking -teaman -teameo -teamer -teaming -teamland -teamless -teamman -teammate -teamsman -teamster -teamwise -teamwork -tean -teanal -teap -teapot -teapotful -teapottykin -teapoy -tear -tearable -tearableness -tearably -tearage -tearcat -teardown -teardrop -tearer -tearful -tearfully -tearfulness -tearing -tearless -tearlessly -tearlessness -tearlet -tearlike -tearoom -tearpit -tearproof -tearstain -teart -tearthroat -tearthumb -teary -teasable -teasableness -teasably -tease -teaseable -teaseableness -teaseably -teasehole -teasel -teaseler -teaseller -teasellike -teaselwort -teasement -teaser -teashop -teasiness -teasing -teasingly -teasler -teaspoon -teaspoonful -teasy -teat -teataster -teated -teatfish -teathe -teather -teatime -teatlike -teatling -teatman -teaty -teave -teaware -teaze -teazer -tebbet -Tebet -Tebeth -Tebu -tec -Teca -teca -tecali -Tech -tech -techily -techiness -technetium -technic -technica -technical -technicalism -technicalist -technicality -technicalize -technically -technicalness -technician -technicism -technicist -technicological -technicology -Technicolor -technicon -technics -techniphone -technique -techniquer -technism -technist -technocausis -technochemical -technochemistry -technocracy -technocrat -technocratic -technographer -technographic -technographical -technographically -technography -technolithic -technologic -technological -technologically -technologist -technologue -technology -technonomic -technonomy -technopsychology -techous -techy -teck -Tecla -tecnoctonia -tecnology -Teco -Tecoma -tecomin -tecon -Tecpanec -tectal -tectibranch -Tectibranchia -tectibranchian -Tectibranchiata -tectibranchiate -tectiform -tectocephalic -tectocephaly -tectological -tectology -Tectona -tectonic -tectonics -tectorial -tectorium -Tectosages -tectosphere -tectospinal -Tectospondyli -tectospondylic -tectospondylous -tectrices -tectricial -tectum -tecum -tecuma -Tecuna -Ted -ted -Teda -tedder -Teddy -tedescan -tedge -tediosity -tedious -tediously -tediousness -tediousome -tedisome -tedium -tee -teedle -teel -teem -teemer -teemful -teemfulness -teeming -teemingly -teemingness -teemless -teems -teen -teenage -teenet -teens -teensy -teenty -teeny -teer -teerer -teest -Teeswater -teet -teetaller -teetan -teeter -teeterboard -teeterer -teetertail -teeth -teethache -teethbrush -teethe -teethful -teethily -teething -teethless -teethlike -teethridge -teethy -teeting -teetotal -teetotaler -teetotalism -teetotalist -teetotally -teetotum -teetotumism -teetotumize -teetotumwise -teety -teevee -teewhaap -teff -teg -Tegean -Tegeticula -tegmen -tegmental -tegmentum -tegmina -tegminal -Tegmine -tegua -teguexin -Teguima -tegula -tegular -tegularly -tegulated -tegumen -tegument -tegumental -tegumentary -tegumentum -tegurium -Teheran -tehseel -tehseeldar -tehsil -tehsildar -Tehuantepecan -Tehueco -Tehuelche -Tehuelchean -Tehuelet -Teian -teicher -teiglech -Teiidae -teil -teind -teindable -teinder -teinland -teinoscope -teioid -Teiresias -Tejon -tejon -teju -tekiah -Tekintsi -Tekke -tekke -tekken -Tekkintzi -teknonymous -teknonymy -tektite -tekya -telacoustic -telakucha -telamon -telang -telangiectasia -telangiectasis -telangiectasy -telangiectatic -telangiosis -Telanthera -telar -telarian -telary -telautogram -telautograph -telautographic -telautographist -telautography -telautomatic -telautomatically -telautomatics -Telchines -Telchinic -tele -teleanemograph -teleangiectasia -telebarograph -telebarometer -telecast -telecaster -telechemic -telechirograph -telecinematography -telecode -telecommunication -telecryptograph -telectroscope -teledendrion -teledendrite -teledendron -teledu -telega -telegenic -Telegn -telegnosis -telegnostic -telegonic -telegonous -telegony -telegram -telegrammatic -telegrammic -telegraph -telegraphee -telegrapheme -telegrapher -telegraphese -telegraphic -telegraphical -telegraphically -telegraphist -telegraphone -telegraphophone -telegraphoscope -telegraphy -Telegu -telehydrobarometer -Telei -Teleia -teleianthous -teleiosis -telekinematography -telekinesis -telekinetic -telelectric -telelectrograph -telelectroscope -telemanometer -Telemark -telemark -Telembi -telemechanic -telemechanics -telemechanism -telemetacarpal -telemeteorograph -telemeteorographic -telemeteorography -telemeter -telemetric -telemetrical -telemetrist -telemetrograph -telemetrographic -telemetrography -telemetry -telemotor -telencephal -telencephalic -telencephalon -telenergic -telenergy -teleneurite -teleneuron -Telenget -telengiscope -Telenomus -teleobjective -Teleocephali -teleocephalous -Teleoceras -Teleodesmacea -teleodesmacean -teleodesmaceous -teleodont -teleologic -teleological -teleologically -teleologism -teleologist -teleology -teleometer -teleophobia -teleophore -teleophyte -teleoptile -teleorganic -teleoroentgenogram -teleoroentgenography -teleosaur -teleosaurian -Teleosauridae -Teleosaurus -teleost -teleostean -Teleostei -teleosteous -teleostomate -teleostome -Teleostomi -teleostomian -teleostomous -teleotemporal -teleotrocha -teleozoic -teleozoon -telepathic -telepathically -telepathist -telepathize -telepathy -telepheme -telephone -telephoner -telephonic -telephonical -telephonically -telephonist -telephonograph -telephonographic -telephony -telephote -telephoto -telephotograph -telephotographic -telephotography -Telephus -telepicture -teleplasm -teleplasmic -teleplastic -telepost -teleprinter -teleradiophone -teleran -telergic -telergical -telergically -telergy -telescope -telescopic -telescopical -telescopically -telescopiform -telescopist -Telescopium -telescopy -telescriptor -teleseism -teleseismic -teleseismology -teleseme -telesia -telesis -telesmeter -telesomatic -telespectroscope -telestereograph -telestereography -telestereoscope -telesterion -telesthesia -telesthetic -telestial -telestic -telestich -teletactile -teletactor -teletape -teletherapy -telethermogram -telethermograph -telethermometer -telethermometry -telethon -teletopometer -teletranscription -Teletype -teletype -teletyper -teletypesetter -teletypewriter -teletyping -Teleut -teleuto -teleutoform -teleutosorus -teleutospore -teleutosporic -teleutosporiferous -teleview -televiewer -televise -television -televisional -televisionary -televisor -televisual -televocal -televox -telewriter -Telfairia -telfairic -telfer -telferage -telford -telfordize -telharmonic -telharmonium -telharmony -teli -telial -telic -telical -telically -teliferous -Telinga -teliosorus -teliospore -teliosporic -teliosporiferous -teliostage -telium -tell -tellable -tellach -tellee -teller -tellership -telligraph -Tellima -Tellina -Tellinacea -tellinacean -tellinaceous -telling -tellingly -Tellinidae -tellinoid -tellsome -tellt -telltale -telltalely -telltruth -tellural -tellurate -telluret -tellureted -tellurethyl -telluretted -tellurhydric -tellurian -telluric -telluride -telluriferous -tellurion -tellurism -tellurist -tellurite -tellurium -tellurize -telluronium -tellurous -telmatological -telmatology -teloblast -teloblastic -telocentric -telodendrion -telodendron -telodynamic -telokinesis -telolecithal -telolemma -telome -telomic -telomitic -telonism -Teloogoo -Telopea -telophase -telophragma -telopsis -teloptic -telosynapsis -telosynaptic -telosynaptist -teloteropathic -teloteropathically -teloteropathy -Telotremata -telotrematous -telotroch -telotrocha -telotrochal -telotrochous -telotrophic -telotype -telpath -telpher -telpherage -telpherman -telpherway -telson -telsonic -telt -Telugu -telurgy -telyn -Tema -temacha -temalacatl -Teman -teman -Temanite -tembe -temblor -Tembu -temenos -temerarious -temerariously -temerariousness -temeritous -temerity -temerous -temerously -temerousness -temiak -temin -Temiskaming -Temne -Temnospondyli -temnospondylous -temp -Tempe -Tempean -temper -tempera -temperability -temperable -temperably -temperality -temperament -temperamental -temperamentalist -temperamentally -temperamented -temperance -temperate -temperately -temperateness -temperative -temperature -tempered -temperedly -temperedness -temperer -temperish -temperless -tempersome -tempery -tempest -tempestical -tempestive -tempestively -tempestivity -tempestuous -tempestuously -tempestuousness -tempesty -tempi -Templar -templar -templardom -templarism -templarlike -templarlikeness -templary -template -templater -temple -templed -templeful -templeless -templelike -templet -Templetonia -templeward -templize -tempo -tempora -temporal -temporale -temporalism -temporalist -temporality -temporalize -temporally -temporalness -temporalty -temporaneous -temporaneously -temporaneousness -temporarily -temporariness -temporary -temporator -temporization -temporizer -temporizing -temporizingly -temporoalar -temporoauricular -temporocentral -temporocerebellar -temporofacial -temporofrontal -temporohyoid -temporomalar -temporomandibular -temporomastoid -temporomaxillary -temporooccipital -temporoparietal -temporopontine -temporosphenoid -temporosphenoidal -temporozygomatic -tempre -temprely -tempt -temptability -temptable -temptableness -temptation -temptational -temptationless -temptatious -temptatory -tempter -tempting -temptingly -temptingness -temptress -Tempyo -temse -temser -temulence -temulency -temulent -temulentive -temulently -ten -tenability -tenable -tenableness -tenably -tenace -tenacious -tenaciously -tenaciousness -tenacity -tenaculum -tenai -tenaille -tenaillon -Tenaktak -tenancy -tenant -tenantable -tenantableness -tenanter -tenantism -tenantless -tenantlike -tenantry -tenantship -tench -tenchweed -Tencteri -tend -tendance -tendant -tendence -tendency -tendent -tendential -tendentious -tendentiously -tendentiousness -tender -tenderability -tenderable -tenderably -tenderee -tenderer -tenderfoot -tenderfootish -tenderful -tenderfully -tenderheart -tenderhearted -tenderheartedly -tenderheartedness -tenderish -tenderize -tenderling -tenderloin -tenderly -tenderness -tenderometer -tendersome -tendinal -tending -tendingly -tendinitis -tendinous -tendinousness -tendomucoid -tendon -tendonous -tendoplasty -tendosynovitis -tendotome -tendotomy -tendour -tendovaginal -tendovaginitis -tendresse -tendril -tendriled -tendriliferous -tendrillar -tendrilly -tendrilous -tendron -tenebra -Tenebrae -tenebricose -tenebrific -tenebrificate -Tenebrio -tenebrionid -Tenebrionidae -tenebrious -tenebriously -tenebrity -tenebrose -tenebrosity -tenebrous -tenebrously -tenebrousness -tenectomy -tenement -tenemental -tenementary -tenementer -tenementization -tenementize -tenendas -tenendum -tenent -teneral -Teneriffe -tenesmic -tenesmus -tenet -tenfold -tenfoldness -teng -tengere -tengerite -Tenggerese -tengu -teniacidal -teniacide -tenible -Tenino -tenio -tenline -tenmantale -tennantite -tenne -tenner -Tennessean -tennis -tennisdom -tennisy -Tennysonian -Tennysonianism -Tenochtitlan -tenodesis -tenodynia -tenography -tenology -tenomyoplasty -tenomyotomy -tenon -tenonectomy -tenoner -Tenonian -tenonitis -tenonostosis -tenontagra -tenontitis -tenontodynia -tenontography -tenontolemmitis -tenontology -tenontomyoplasty -tenontomyotomy -tenontophyma -tenontoplasty -tenontothecitis -tenontotomy -tenophony -tenophyte -tenoplastic -tenoplasty -tenor -tenorist -tenorister -tenorite -tenorless -tenoroon -tenorrhaphy -tenositis -tenostosis -tenosuture -tenotome -tenotomist -tenotomize -tenotomy -tenovaginitis -tenpence -tenpenny -tenpin -tenrec -Tenrecidae -tense -tenseless -tenselessness -tensely -tenseness -tensibility -tensible -tensibleness -tensibly -tensify -tensile -tensilely -tensileness -tensility -tensimeter -tensiometer -tension -tensional -tensionless -tensity -tensive -tenson -tensor -tent -tentability -tentable -tentacle -tentacled -tentaclelike -tentacula -tentacular -Tentaculata -tentaculate -tentaculated -Tentaculifera -tentaculite -Tentaculites -Tentaculitidae -tentaculocyst -tentaculoid -tentaculum -tentage -tentamen -tentation -tentative -tentatively -tentativeness -tented -tenter -tenterbelly -tenterer -tenterhook -tentful -tenth -tenthly -tenthmeter -tenthredinid -Tenthredinidae -tenthredinoid -Tenthredinoidea -Tenthredo -tentiform -tentigo -tentillum -tention -tentless -tentlet -tentlike -tentmaker -tentmaking -tentmate -tentorial -tentorium -tenture -tentwards -tentwise -tentwork -tentwort -tenty -tenuate -tenues -tenuicostate -tenuifasciate -tenuiflorous -tenuifolious -tenuious -tenuiroster -tenuirostral -tenuirostrate -Tenuirostres -tenuis -tenuistriate -tenuity -tenuous -tenuously -tenuousness -tenure -tenurial -tenurially -teocalli -teopan -teosinte -Teotihuacan -tepache -tepal -Tepanec -Tepecano -tepee -tepefaction -tepefy -Tepehua -Tepehuane -tepetate -Tephillah -tephillin -tephramancy -tephrite -tephritic -tephroite -tephromalacia -tephromyelitic -Tephrosia -tephrosis -tepid -tepidarium -tepidity -tepidly -tepidness -tepomporize -teponaztli -tepor -tequila -Tequistlateca -Tequistlatecan -tera -teraglin -terakihi -teramorphous -terap -teraphim -teras -teratical -teratism -teratoblastoma -teratogenesis -teratogenetic -teratogenic -teratogenous -teratogeny -teratoid -teratological -teratologist -teratology -teratoma -teratomatous -teratoscopy -teratosis -terbia -terbic -terbium -tercel -tercelet -tercentenarian -tercentenarize -tercentenary -tercentennial -tercer -terceron -tercet -terchloride -tercia -tercine -tercio -terdiurnal -terebate -terebella -terebellid -Terebellidae -terebelloid -terebellum -terebene -terebenic -terebenthene -terebic -terebilic -terebinic -terebinth -Terebinthaceae -terebinthial -terebinthian -terebinthic -terebinthina -terebinthinate -terebinthine -terebinthinous -Terebinthus -terebra -terebral -terebrant -Terebrantia -terebrate -terebration -Terebratula -terebratular -terebratulid -Terebratulidae -terebratuliform -terebratuline -terebratulite -terebratuloid -Terebridae -Teredinidae -teredo -terek -Terence -Terentian -terephthalate -terephthalic -Teresa -Teresian -Teresina -terete -teretial -tereticaudate -teretifolious -teretipronator -teretiscapular -teretiscapularis -teretish -tereu -Tereus -terfez -Terfezia -Terfeziaceae -tergal -tergant -tergeminate -tergeminous -tergiferous -tergite -tergitic -tergiversant -tergiversate -tergiversation -tergiversator -tergiversatory -tergiverse -tergolateral -tergum -Teri -Teriann -terlinguaite -term -terma -termagancy -Termagant -termagant -termagantish -termagantism -termagantly -termage -termatic -termen -termer -Termes -termillenary -termin -terminability -terminable -terminableness -terminably -terminal -Terminalia -Terminaliaceae -terminalization -terminalized -terminally -terminant -terminate -termination -terminational -terminative -terminatively -terminator -terminatory -termine -terminer -termini -terminine -terminism -terminist -terministic -terminize -termino -terminological -terminologically -terminologist -terminology -terminus -termital -termitarium -termitary -termite -termitic -termitid -Termitidae -termitophagous -termitophile -termitophilous -termless -termlessly -termlessness -termly -termolecular -termon -termor -termtime -tern -terna -ternal -ternar -ternariant -ternarious -ternary -ternate -ternately -ternatipinnate -ternatisect -ternatopinnate -terne -terneplate -ternery -ternion -ternize -ternlet -Ternstroemia -Ternstroemiaceae -teroxide -terp -terpadiene -terpane -terpene -terpeneless -terphenyl -terpilene -terpin -terpine -terpinene -terpineol -terpinol -terpinolene -terpodion -Terpsichore -terpsichoreal -terpsichoreally -Terpsichorean -terpsichorean -Terraba -terrace -terraceous -terracer -terracette -terracewards -terracewise -terracework -terraciform -terracing -terraculture -terraefilial -terraefilian -terrage -terrain -terral -terramara -terramare -Terrance -terrane -terranean -terraneous -Terrapene -terrapin -terraquean -terraqueous -terraqueousness -terrar -terrarium -terrazzo -terrella -terremotive -Terrence -terrene -terrenely -terreneness -terreplein -terrestrial -terrestrialism -terrestriality -terrestrialize -terrestrially -terrestrialness -terrestricity -terrestrious -terret -terreted -Terri -terribility -terrible -terribleness -terribly -terricole -terricoline -terricolous -terrier -terrierlike -terrific -terrifical -terrifically -terrification -terrificly -terrificness -terrifiedly -terrifier -terrify -terrifying -terrifyingly -terrigenous -terrine -Territelae -territelarian -territorial -territorialism -territorialist -territoriality -territorialization -territorialize -territorially -territorian -territoried -territory -terron -terror -terrorful -terrorific -terrorism -terrorist -terroristic -terroristical -terrorization -terrorize -terrorizer -terrorless -terrorproof -terrorsome -Terry -terry -terse -tersely -terseness -tersion -tersulphate -tersulphide -tersulphuret -tertenant -tertia -tertial -tertian -tertiana -tertianship -tertiarian -tertiary -tertiate -tertius -terton -tertrinal -Tertullianism -Tertullianist -teruncius -terutero -Teruyuki -tervalence -tervalency -tervalent -tervariant -tervee -terzetto -terzina -terzo -tesack -tesarovitch -teschenite -teschermacherite -teskere -teskeria -Tess -tessara -tessarace -tessaraconter -tessaradecad -tessaraglot -tessaraphthong -tessarescaedecahedron -tessel -tessella -tessellar -tessellate -tessellated -tessellation -tessera -tesseract -tesseradecade -tesseraic -tesseral -Tesserants -tesserarian -tesserate -tesserated -tesseratomic -tesseratomy -tessular -test -testa -testable -Testacea -testacean -testaceography -testaceology -testaceous -testaceousness -testacy -testament -testamental -testamentally -testamentalness -testamentarily -testamentary -testamentate -testamentation -testamentum -testamur -testar -testata -testate -testation -testator -testatorship -testatory -testatrices -testatrix -testatum -teste -tested -testee -tester -testes -testibrachial -testibrachium -testicardinate -testicardine -Testicardines -testicle -testicond -testicular -testiculate -testiculated -testiere -testificate -testification -testificator -testificatory -testifier -testify -testily -testimonial -testimonialist -testimonialization -testimonialize -testimonializer -testimonium -testimony -testiness -testing -testingly -testis -teston -testone -testoon -testor -testosterone -testril -testudinal -Testudinaria -testudinarious -Testudinata -testudinate -testudinated -testudineal -testudineous -Testudinidae -testudinous -testudo -testy -Tesuque -tetanic -tetanical -tetanically -tetaniform -tetanigenous -tetanilla -tetanine -tetanism -tetanization -tetanize -tetanoid -tetanolysin -tetanomotor -tetanospasmin -tetanotoxin -tetanus -tetany -tetarcone -tetarconid -tetard -tetartemorion -tetartocone -tetartoconid -tetartohedral -tetartohedrally -tetartohedrism -tetartohedron -tetartoid -tetartosymmetry -tetch -tetchy -tete -tetel -teterrimous -teth -tethelin -tether -tetherball -tethery -tethydan -Tethys -Teton -tetra -tetraamylose -tetrabasic -tetrabasicity -Tetrabelodon -tetrabelodont -tetrabiblos -tetraborate -tetraboric -tetrabrach -tetrabranch -Tetrabranchia -tetrabranchiate -tetrabromid -tetrabromide -tetrabromo -tetrabromoethane -tetracadactylity -tetracarboxylate -tetracarboxylic -tetracarpellary -tetraceratous -tetracerous -Tetracerus -tetrachical -tetrachlorid -tetrachloride -tetrachloro -tetrachloroethane -tetrachloroethylene -tetrachloromethane -tetrachord -tetrachordal -tetrachordon -tetrachoric -tetrachotomous -tetrachromatic -tetrachromic -tetrachronous -tetracid -tetracoccous -tetracoccus -tetracolic -tetracolon -tetracoral -Tetracoralla -tetracoralline -tetracosane -tetract -tetractinal -tetractine -tetractinellid -Tetractinellida -tetractinellidan -tetractinelline -tetractinose -tetracyclic -tetrad -tetradactyl -tetradactylous -tetradactyly -tetradarchy -tetradecane -tetradecanoic -tetradecapod -Tetradecapoda -tetradecapodan -tetradecapodous -tetradecyl -Tetradesmus -tetradiapason -tetradic -Tetradite -tetradrachma -tetradrachmal -tetradrachmon -tetradymite -Tetradynamia -tetradynamian -tetradynamious -tetradynamous -tetraedron -tetraedrum -tetraethylsilane -tetrafluoride -tetrafolious -tetragamy -tetragenous -tetraglot -tetraglottic -tetragon -tetragonal -tetragonally -tetragonalness -Tetragonia -Tetragoniaceae -tetragonidium -tetragonous -tetragonus -tetragram -tetragrammatic -Tetragrammaton -tetragrammatonic -tetragyn -Tetragynia -tetragynian -tetragynous -tetrahedral -tetrahedrally -tetrahedric -tetrahedrite -tetrahedroid -tetrahedron -tetrahexahedral -tetrahexahedron -tetrahydrate -tetrahydrated -tetrahydric -tetrahydride -tetrahydro -tetrahydroxy -tetraiodid -tetraiodide -tetraiodo -tetraiodophenolphthalein -tetrakaidecahedron -tetraketone -tetrakisazo -tetrakishexahedron -tetralemma -Tetralin -tetralogic -tetralogue -tetralogy -tetralophodont -tetramastia -tetramastigote -Tetramera -tetrameral -tetrameralian -tetrameric -tetramerism -tetramerous -tetrameter -tetramethyl -tetramethylammonium -tetramethylene -tetramethylium -tetramin -tetramine -tetrammine -tetramorph -tetramorphic -tetramorphism -tetramorphous -tetrander -Tetrandria -tetrandrian -tetrandrous -tetrane -tetranitrate -tetranitro -tetranitroaniline -tetranuclear -Tetranychus -Tetrao -Tetraodon -tetraodont -Tetraodontidae -tetraonid -Tetraonidae -Tetraoninae -tetraonine -Tetrapanax -tetrapartite -tetrapetalous -tetraphalangeate -tetrapharmacal -tetrapharmacon -tetraphenol -tetraphony -tetraphosphate -tetraphyllous -tetrapla -tetraplegia -tetrapleuron -tetraploid -tetraploidic -tetraploidy -tetraplous -Tetrapneumona -Tetrapneumones -tetrapneumonian -tetrapneumonous -tetrapod -Tetrapoda -tetrapodic -tetrapody -tetrapolar -tetrapolis -tetrapolitan -tetrapous -tetraprostyle -tetrapteran -tetrapteron -tetrapterous -tetraptote -Tetrapturus -tetraptych -tetrapylon -tetrapyramid -tetrapyrenous -tetraquetrous -tetrarch -tetrarchate -tetrarchic -tetrarchy -tetrasaccharide -tetrasalicylide -tetraselenodont -tetraseme -tetrasemic -tetrasepalous -tetraskelion -tetrasome -tetrasomic -tetrasomy -tetraspermal -tetraspermatous -tetraspermous -tetraspheric -tetrasporange -tetrasporangiate -tetrasporangium -tetraspore -tetrasporic -tetrasporiferous -tetrasporous -tetraster -tetrastich -tetrastichal -tetrastichic -Tetrastichidae -tetrastichous -Tetrastichus -tetrastoon -tetrastyle -tetrastylic -tetrastylos -tetrastylous -tetrasubstituted -tetrasubstitution -tetrasulphide -tetrasyllabic -tetrasyllable -tetrasymmetry -tetrathecal -tetratheism -tetratheite -tetrathionates -tetrathionic -tetratomic -tetratone -tetravalence -tetravalency -tetravalent -tetraxial -tetraxon -Tetraxonia -tetraxonian -tetraxonid -Tetraxonida -tetrazane -tetrazene -tetrazin -tetrazine -tetrazo -tetrazole -tetrazolium -tetrazolyl -tetrazone -tetrazotization -tetrazotize -tetrazyl -tetremimeral -tetrevangelium -tetric -tetrical -tetricity -tetricous -tetrigid -Tetrigidae -tetriodide -Tetrix -tetrobol -tetrobolon -tetrode -Tetrodon -tetrodont -Tetrodontidae -tetrole -tetrolic -tetronic -tetronymal -tetrose -tetroxalate -tetroxide -tetrsyllabical -tetryl -tetrylene -tetter -tetterish -tetterous -tetterwort -tettery -Tettigidae -tettigoniid -Tettigoniidae -tettix -Tetum -Teucer -Teucri -Teucrian -teucrin -Teucrium -teufit -teuk -Teutolatry -Teutomania -Teutomaniac -Teuton -Teutondom -Teutonesque -Teutonia -Teutonic -Teutonically -Teutonicism -Teutonism -Teutonist -Teutonity -Teutonization -Teutonize -Teutonomania -Teutonophobe -Teutonophobia -Teutophil -Teutophile -Teutophilism -Teutophobe -Teutophobia -Teutophobism -teviss -tew -Tewa -tewel -tewer -tewit -tewly -tewsome -Texan -Texas -Texcocan -texguino -text -textarian -textbook -textbookless -textiferous -textile -textilist -textlet -textman -textorial -textrine -textual -textualism -textualist -textuality -textually -textuarist -textuary -textural -texturally -texture -textureless -tez -Tezcatlipoca -Tezcatzoncatl -Tezcucan -tezkere -th -tha -thack -thacker -Thackerayan -Thackerayana -Thackerayesque -thackless -Thad -Thai -Thais -thakur -thakurate -thalamencephalic -thalamencephalon -thalami -thalamic -Thalamiflorae -thalamifloral -thalamiflorous -thalamite -thalamium -thalamocele -thalamocoele -thalamocortical -thalamocrural -thalamolenticular -thalamomammillary -thalamopeduncular -Thalamophora -thalamotegmental -thalamotomy -thalamus -Thalarctos -thalassal -Thalassarctos -thalassian -thalassic -thalassinid -Thalassinidea -thalassinidian -thalassinoid -thalassiophyte -thalassiophytous -thalasso -Thalassochelys -thalassocracy -thalassocrat -thalassographer -thalassographic -thalassographical -thalassography -thalassometer -thalassophilous -thalassophobia -thalassotherapy -thalattology -thalenite -thaler -Thalesia -Thalesian -Thalessa -Thalia -Thaliacea -thaliacean -Thalian -Thaliard -Thalictrum -thalli -thallic -thalliferous -thalliform -thalline -thallious -thallium -thallochlore -thallodal -thallogen -thallogenic -thallogenous -thalloid -thallome -Thallophyta -thallophyte -thallophytic -thallose -thallous -thallus -thalposis -thalpotic -thalthan -thameng -Thamesis -Thamnidium -thamnium -thamnophile -Thamnophilinae -thamnophiline -Thamnophilus -Thamnophis -Thamudean -Thamudene -Thamudic -thamuria -Thamus -Thamyras -than -thana -thanadar -thanage -thanan -thanatism -thanatist -thanatobiologic -thanatognomonic -thanatographer -thanatography -thanatoid -thanatological -thanatologist -thanatology -thanatomantic -thanatometer -thanatophidia -thanatophidian -thanatophobe -thanatophobia -thanatophobiac -thanatophoby -thanatopsis -Thanatos -thanatosis -thanatotic -thanatousia -thane -thanedom -thanehood -thaneland -thaneship -thank -thankee -thanker -thankful -thankfully -thankfulness -thankless -thanklessly -thanklessness -thanks -thanksgiver -thanksgiving -thankworthily -thankworthiness -thankworthy -thapes -Thapsia -thapsia -thar -Tharen -tharf -tharfcake -Thargelion -tharginyah -tharm -Thasian -Thaspium -that -thatch -thatcher -thatching -thatchless -thatchwood -thatchwork -thatchy -thatn -thatness -thats -thaught -Thaumantian -Thaumantias -thaumasite -thaumatogeny -thaumatography -thaumatolatry -thaumatology -thaumatrope -thaumatropical -thaumaturge -thaumaturgia -thaumaturgic -thaumaturgical -thaumaturgics -thaumaturgism -thaumaturgist -thaumaturgy -thaumoscopic -thave -thaw -thawer -thawless -thawn -thawy -The -the -Thea -Theaceae -theaceous -theah -theandric -theanthropic -theanthropical -theanthropism -theanthropist -theanthropology -theanthropophagy -theanthropos -theanthroposophy -theanthropy -thearchic -thearchy -theasum -theat -theater -theatergoer -theatergoing -theaterless -theaterlike -theaterward -theaterwards -theaterwise -Theatine -theatral -theatric -theatricable -theatrical -theatricalism -theatricality -theatricalization -theatricalize -theatrically -theatricalness -theatricals -theatrician -theatricism -theatricize -theatrics -theatrize -theatrocracy -theatrograph -theatromania -theatromaniac -theatron -theatrophile -theatrophobia -theatrophone -theatrophonic -theatropolis -theatroscope -theatry -theave -theb -Thebaic -Thebaid -thebaine -Thebais -thebaism -Theban -Thebesian -theca -thecae -thecal -Thecamoebae -thecaphore -thecasporal -thecaspore -thecaspored -thecasporous -Thecata -thecate -thecia -thecitis -thecium -Thecla -thecla -theclan -thecodont -thecoglossate -thecoid -Thecoidea -Thecophora -Thecosomata -thecosomatous -thee -theek -theeker -theelin -theelol -Theemim -theer -theet -theetsee -theezan -theft -theftbote -theftdom -theftless -theftproof -theftuous -theftuously -thegether -thegidder -thegither -thegn -thegndom -thegnhood -thegnland -thegnlike -thegnly -thegnship -thegnworthy -theiform -Theileria -theine -theinism -their -theirn -theirs -theirselves -theirsens -theism -theist -theistic -theistical -theistically -thelalgia -Thelemite -thelemite -Thelephora -Thelephoraceae -Theligonaceae -theligonaceous -Theligonum -thelitis -thelium -Thelodontidae -Thelodus -theloncus -thelorrhagia -Thelphusa -thelphusian -Thelphusidae -thelyblast -thelyblastic -thelyotokous -thelyotoky -Thelyphonidae -Thelyphonus -thelyplasty -thelytocia -thelytoky -thelytonic -them -thema -themata -thematic -thematical -thematically -thematist -theme -themeless -themelet -themer -Themis -themis -Themistian -themsel -themselves -then -thenabouts -thenadays -thenal -thenar -thenardite -thence -thenceafter -thenceforth -thenceforward -thenceforwards -thencefrom -thenceward -thenness -Theo -theoanthropomorphic -theoanthropomorphism -theoastrological -Theobald -Theobroma -theobromic -theobromine -theocentric -theocentricism -theocentrism -theochristic -theocollectivism -theocollectivist -theocracy -theocrasia -theocrasical -theocrasy -theocrat -theocratic -theocratical -theocratically -theocratist -Theocritan -Theocritean -theodemocracy -theodicaea -theodicean -theodicy -theodidact -theodolite -theodolitic -Theodora -Theodore -Theodoric -Theodosia -Theodosian -Theodotian -theodrama -theody -theogamy -theogeological -theognostic -theogonal -theogonic -theogonism -theogonist -theogony -theohuman -theokrasia -theoktonic -theoktony -theolatrous -theolatry -theolepsy -theoleptic -theologal -theologaster -theologastric -theologate -theologeion -theologer -theologi -theologian -theologic -theological -theologically -theologician -theologicoastronomical -theologicoethical -theologicohistorical -theologicometaphysical -theologicomilitary -theologicomoral -theologiconatural -theologicopolitical -theologics -theologism -theologist -theologium -theologization -theologize -theologizer -theologoumena -theologoumenon -theologue -theologus -theology -theomachia -theomachist -theomachy -theomammomist -theomancy -theomania -theomaniac -theomantic -theomastix -theomicrist -theomisanthropist -theomorphic -theomorphism -theomorphize -theomythologer -theomythology -theonomy -theopantism -Theopaschist -Theopaschitally -Theopaschite -Theopaschitic -Theopaschitism -theopathetic -theopathic -theopathy -theophagic -theophagite -theophagous -theophagy -Theophania -theophania -theophanic -theophanism -theophanous -theophany -Theophila -theophilanthrope -theophilanthropic -theophilanthropism -theophilanthropist -theophilanthropy -theophile -theophilist -theophilosophic -Theophilus -theophobia -theophoric -theophorous -Theophrastaceae -theophrastaceous -Theophrastan -Theophrastean -theophylline -theophysical -theopneust -theopneusted -theopneustia -theopneustic -theopneusty -theopolitician -theopolitics -theopolity -theopsychism -theorbist -theorbo -theorem -theorematic -theorematical -theorematically -theorematist -theoremic -theoretic -theoretical -theoreticalism -theoretically -theoretician -theoreticopractical -theoretics -theoria -theoriai -theoric -theorical -theorically -theorician -theoricon -theorics -theorism -theorist -theorization -theorize -theorizer -theorum -theory -theoryless -theorymonger -theosoph -theosopheme -theosophic -theosophical -theosophically -theosophism -theosophist -theosophistic -theosophistical -theosophize -theosophy -theotechnic -theotechnist -theotechny -theoteleological -theoteleology -theotherapy -Theotokos -theow -theowdom -theowman -Theraean -theralite -therapeusis -Therapeutae -Therapeutic -therapeutic -therapeutical -therapeutically -therapeutics -therapeutism -therapeutist -Theraphosa -theraphose -theraphosid -Theraphosidae -theraphosoid -therapist -therapsid -Therapsida -therapy -therblig -there -thereabouts -thereabove -thereacross -thereafter -thereafterward -thereagainst -thereamong -thereamongst -thereanent -thereanents -therearound -thereas -thereat -thereaway -thereaways -therebeside -therebesides -therebetween -thereby -thereckly -therefor -therefore -therefrom -therehence -therein -thereinafter -thereinbefore -thereinto -therence -thereness -thereof -thereoid -thereologist -thereology -thereon -thereout -thereover -thereright -theres -Theresa -therese -therethrough -theretill -thereto -theretofore -theretoward -thereunder -thereuntil -thereunto -thereup -thereupon -Thereva -therevid -Therevidae -therewhile -therewith -therewithal -therewithin -Theria -theriac -theriaca -theriacal -therial -therianthropic -therianthropism -theriatrics -theridiid -Theridiidae -Theridion -theriodic -theriodont -Theriodonta -Theriodontia -theriolatry -theriomancy -theriomaniac -theriomimicry -theriomorph -theriomorphic -theriomorphism -theriomorphosis -theriomorphous -theriotheism -theriotrophical -theriozoic -therm -thermacogenesis -thermae -thermal -thermalgesia -thermality -thermally -thermanalgesia -thermanesthesia -thermantic -thermantidote -thermatologic -thermatologist -thermatology -thermesthesia -thermesthesiometer -thermetograph -thermetrograph -thermic -thermically -Thermidorian -thermion -thermionic -thermionically -thermionics -thermistor -Thermit -thermit -thermite -thermo -thermoammeter -thermoanalgesia -thermoanesthesia -thermobarograph -thermobarometer -thermobattery -thermocautery -thermochemic -thermochemical -thermochemically -thermochemist -thermochemistry -thermochroic -thermochrosy -thermocline -thermocouple -thermocurrent -thermodiffusion -thermoduric -thermodynamic -thermodynamical -thermodynamically -thermodynamician -thermodynamicist -thermodynamics -thermodynamist -thermoelectric -thermoelectrical -thermoelectrically -thermoelectricity -thermoelectrometer -thermoelectromotive -thermoelement -thermoesthesia -thermoexcitory -thermogalvanometer -thermogen -thermogenerator -thermogenesis -thermogenetic -thermogenic -thermogenous -thermogeny -thermogeographical -thermogeography -thermogram -thermograph -thermography -thermohyperesthesia -thermojunction -thermokinematics -thermolabile -thermolability -thermological -thermology -thermoluminescence -thermoluminescent -thermolysis -thermolytic -thermolyze -thermomagnetic -thermomagnetism -thermometamorphic -thermometamorphism -thermometer -thermometerize -thermometric -thermometrical -thermometrically -thermometrograph -thermometry -thermomotive -thermomotor -thermomultiplier -thermonastic -thermonasty -thermonatrite -thermoneurosis -thermoneutrality -thermonous -thermonuclear -thermopair -thermopalpation -thermopenetration -thermoperiod -thermoperiodic -thermoperiodicity -thermoperiodism -thermophile -thermophilic -thermophilous -thermophobous -thermophone -thermophore -thermophosphor -thermophosphorescence -thermopile -thermoplastic -thermoplasticity -thermoplegia -thermopleion -thermopolymerization -thermopolypnea -thermopolypneic -Thermopsis -thermoradiotherapy -thermoreduction -thermoregulation -thermoregulator -thermoresistance -thermoresistant -thermos -thermoscope -thermoscopic -thermoscopical -thermoscopically -thermosetting -thermosiphon -thermostability -thermostable -thermostat -thermostatic -thermostatically -thermostatics -thermostimulation -thermosynthesis -thermosystaltic -thermosystaltism -thermotactic -thermotank -thermotaxic -thermotaxis -thermotelephone -thermotensile -thermotension -thermotherapeutics -thermotherapy -thermotic -thermotical -thermotically -thermotics -thermotropic -thermotropism -thermotropy -thermotype -thermotypic -thermotypy -thermovoltaic -therodont -theroid -therolatry -therologic -therological -therologist -therology -Theromora -Theromores -theromorph -Theromorpha -theromorphia -theromorphic -theromorphism -theromorphological -theromorphology -theromorphous -Theron -theropod -Theropoda -theropodous -thersitean -Thersites -thersitical -thesauri -thesaurus -these -Thesean -theses -Theseum -Theseus -thesial -thesicle -thesis -Thesium -Thesmophoria -Thesmophorian -Thesmophoric -thesmothetae -thesmothete -thesmothetes -thesocyte -Thespesia -Thespesius -Thespian -Thessalian -Thessalonian -thestreen -theta -thetch -thetic -thetical -thetically -thetics -thetin -thetine -Thetis -theurgic -theurgical -theurgically -theurgist -theurgy -Thevetia -thevetin -thew -thewed -thewless -thewness -thewy -they -theyll -theyre -thiacetic -thiadiazole -thialdine -thiamide -thiamin -thiamine -thianthrene -thiasi -thiasine -thiasite -thiasoi -thiasos -thiasote -thiasus -thiazine -thiazole -thiazoline -thick -thickbrained -thicken -thickener -thickening -thicket -thicketed -thicketful -thickety -thickhead -thickheaded -thickheadedly -thickheadedness -thickish -thickleaf -thicklips -thickly -thickneck -thickness -thicknessing -thickset -thickskin -thickskull -thickskulled -thickwind -thickwit -thief -thiefcraft -thiefdom -thiefland -thiefmaker -thiefmaking -thiefproof -thieftaker -thiefwise -Thielavia -Thielaviopsis -thienone -thienyl -Thierry -thievable -thieve -thieveless -thiever -thievery -thieving -thievingly -thievish -thievishly -thievishness -thig -thigger -thigging -thigh -thighbone -thighed -thight -thightness -thigmonegative -thigmopositive -thigmotactic -thigmotactically -thigmotaxis -thigmotropic -thigmotropically -thigmotropism -Thilanottine -thilk -thill -thiller -thilly -thimber -thimble -thimbleberry -thimbled -thimbleflower -thimbleful -thimblelike -thimblemaker -thimblemaking -thimbleman -thimblerig -thimblerigger -thimbleriggery -thimblerigging -thimbleweed -thin -thinbrained -thine -thing -thingal -thingamabob -thinghood -thinginess -thingish -thingless -thinglet -thinglike -thinglikeness -thingliness -thingly -thingman -thingness -thingstead -thingum -thingumajig -thingumbob -thingummy -thingy -Think -think -thinkable -thinkableness -thinkably -thinker -thinkful -thinking -thinkingly -thinkingpart -thinkling -thinly -thinner -thinness -thinning -thinnish -Thinocoridae -Thinocorus -thinolite -thio -thioacetal -thioacetic -thioalcohol -thioaldehyde -thioamide -thioantimonate -thioantimoniate -thioantimonious -thioantimonite -thioarsenate -thioarseniate -thioarsenic -thioarsenious -thioarsenite -Thiobacillus -Thiobacteria -thiobacteria -Thiobacteriales -thiobismuthite -thiocarbamic -thiocarbamide -thiocarbamyl -thiocarbanilide -thiocarbimide -thiocarbonate -thiocarbonic -thiocarbonyl -thiochloride -thiochrome -thiocresol -thiocyanate -thiocyanation -thiocyanic -thiocyanide -thiocyano -thiocyanogen -thiodiazole -thiodiphenylamine -thiofuran -thiofurane -thiofurfuran -thiofurfurane -thiogycolic -thiohydrate -thiohydrolysis -thiohydrolyze -thioindigo -thioketone -thiol -thiolacetic -thiolactic -thiolic -thionamic -thionaphthene -thionate -thionation -thioneine -thionic -thionine -thionitrite -thionium -thionobenzoic -thionthiolic -thionurate -thionyl -thionylamine -thiophen -thiophene -thiophenic -thiophenol -thiophosgene -thiophosphate -thiophosphite -thiophosphoric -thiophosphoryl -thiophthene -thiopyran -thioresorcinol -thiosinamine -Thiospira -thiostannate -thiostannic -thiostannite -thiostannous -thiosulphate -thiosulphonic -thiosulphuric -Thiothrix -thiotolene -thiotungstate -thiotungstic -thiouracil -thiourea -thiourethan -thiourethane -thioxene -thiozone -thiozonide -thir -third -thirdborough -thirdings -thirdling -thirdly -thirdness -thirdsman -thirl -thirlage -thirling -thirst -thirster -thirstful -thirstily -thirstiness -thirsting -thirstingly -thirstland -thirstle -thirstless -thirstlessness -thirstproof -thirsty -thirt -thirteen -thirteener -thirteenfold -thirteenth -thirteenthly -thirtieth -thirty -thirtyfold -thirtyish -this -thishow -thislike -thisn -thisness -thissen -thistle -thistlebird -thistled -thistledown -thistlelike -thistleproof -thistlery -thistlish -thistly -thiswise -thither -thitherto -thitherward -thitsiol -thiuram -thivel -thixle -thixolabile -thixotropic -thixotropy -Thlaspi -Thlingchadinne -Thlinget -thlipsis -Tho -tho -thob -thocht -thof -thoft -thoftfellow -thoke -thokish -thole -tholeiite -tholepin -tholi -tholoi -tholos -tholus -Thomaean -Thomas -Thomasa -Thomasine -thomasing -Thomasite -thomisid -Thomisidae -Thomism -Thomist -Thomistic -Thomistical -Thomite -Thomomys -thomsenolite -Thomsonian -Thomsonianism -thomsonite -thon -thonder -Thondracians -Thondraki -Thondrakians -thone -thong -Thonga -thonged -thongman -thongy -thoo -thooid -thoom -thoracalgia -thoracaorta -thoracectomy -thoracentesis -thoraces -thoracic -Thoracica -thoracical -thoracicoabdominal -thoracicoacromial -thoracicohumeral -thoracicolumbar -thoraciform -thoracispinal -thoracoabdominal -thoracoacromial -thoracobronchotomy -thoracoceloschisis -thoracocentesis -thoracocyllosis -thoracocyrtosis -thoracodelphus -thoracodidymus -thoracodorsal -thoracodynia -thoracogastroschisis -thoracograph -thoracohumeral -thoracolumbar -thoracolysis -thoracomelus -thoracometer -thoracometry -thoracomyodynia -thoracopagus -thoracoplasty -thoracoschisis -thoracoscope -thoracoscopy -Thoracostei -thoracostenosis -thoracostomy -Thoracostraca -thoracostracan -thoracostracous -thoracotomy -thoral -thorascope -thorax -thore -thoria -thorianite -thoriate -thoric -thoriferous -thorina -thorite -thorium -thorn -thornback -thornbill -thornbush -thorned -thornen -thornhead -thornily -thorniness -thornless -thornlessness -thornlet -thornlike -thornproof -thornstone -thorntail -thorny -thoro -thorocopagous -thorogummite -thoron -thorough -Thoroughbred -thoroughbred -thoroughbredness -thoroughfare -thoroughfarer -thoroughfaresome -thoroughfoot -thoroughgoing -thoroughgoingly -thoroughgoingness -thoroughgrowth -thoroughly -thoroughness -thoroughpaced -thoroughpin -thoroughsped -thoroughstem -thoroughstitch -thoroughstitched -thoroughwax -thoroughwort -thorp -thort -thorter -thortveitite -Thos -Those -those -thou -though -thought -thoughted -thoughten -thoughtful -thoughtfully -thoughtfulness -thoughtkin -thoughtless -thoughtlessly -thoughtlessness -thoughtlet -thoughtness -thoughtsick -thoughty -thousand -thousandfold -thousandfoldly -thousandth -thousandweight -thouse -thow -thowel -thowless -thowt -Thraces -Thracian -thrack -thraep -thrail -thrain -thrall -thrallborn -thralldom -thram -thrammle -thrang -thrangity -thranite -thranitic -thrap -thrapple -thrash -thrashel -thrasher -thrasherman -thrashing -thrasonic -thrasonical -thrasonically -thrast -Thraupidae -thrave -thraver -thraw -thrawcrook -thrawn -thrawneen -Thrax -thread -threadbare -threadbareness -threadbarity -threaded -threaden -threader -threadfin -threadfish -threadflower -threadfoot -threadiness -threadle -threadless -threadlet -threadlike -threadmaker -threadmaking -threadway -threadweed -threadworm -thready -threap -threaper -threat -threaten -threatenable -threatener -threatening -threateningly -threatful -threatfully -threatless -threatproof -three -threefold -threefolded -threefoldedness -threefoldly -threefoldness -threeling -threeness -threepence -threepenny -threepennyworth -threescore -threesome -thremmatology -threne -threnetic -threnetical -threnode -threnodial -threnodian -threnodic -threnodical -threnodist -threnody -threnos -threonin -threonine -threose -threpsology -threptic -thresh -threshel -thresher -thresherman -threshingtime -threshold -Threskiornithidae -Threskiornithinae -threw -thribble -thrice -thricecock -thridacium -thrift -thriftbox -thriftily -thriftiness -thriftless -thriftlessly -thriftlessness -thriftlike -thrifty -thrill -thriller -thrillful -thrillfully -thrilling -thrillingly -thrillingness -thrillproof -thrillsome -thrilly -thrimble -thrimp -Thrinax -thring -thrinter -thrioboly -thrip -thripel -Thripidae -thripple -thrips -thrive -thriveless -thriven -thriver -thriving -thrivingly -thrivingness -thro -throat -throatal -throatband -throated -throatful -throatily -throatiness -throating -throatlash -throatlatch -throatless -throatlet -throatroot -throatstrap -throatwort -throaty -throb -throbber -throbbingly -throbless -throck -throdden -throddy -throe -thrombase -thrombin -thromboangiitis -thromboarteritis -thrombocyst -thrombocyte -thrombocytopenia -thrombogen -thrombogenic -thromboid -thrombokinase -thrombolymphangitis -thrombopenia -thrombophlebitis -thromboplastic -thromboplastin -thrombose -thrombosis -thrombostasis -thrombotic -thrombus -thronal -throne -thronedom -throneless -thronelet -thronelike -throneward -throng -thronger -throngful -throngingly -thronize -thropple -throstle -throstlelike -throttle -throttler -throttling -throttlingly -throu -throuch -throucht -through -throughbear -throughbred -throughcome -throughgang -throughganging -throughgoing -throughgrow -throughknow -throughout -throughput -throve -throw -throwaway -throwback -throwdown -thrower -throwing -thrown -throwoff -throwout -throwster -throwwort -thrum -thrummer -thrummers -thrummy -thrumwort -thrush -thrushel -thrushlike -thrushy -thrust -thruster -thrustful -thrustfulness -thrusting -thrustings -thrutch -thrutchings -Thruthvang -thruv -thrymsa -Thryonomys -Thuan -Thuban -Thucydidean -thud -thudding -thuddingly -thug -thugdom -thuggee -thuggeeism -thuggery -thuggess -thuggish -thuggism -Thuidium -Thuja -thujene -thujin -thujone -Thujopsis -thujyl -Thule -thulia -thulir -thulite -thulium -thulr -thuluth -thumb -thumbbird -thumbed -thumber -thumbkin -thumble -thumbless -thumblike -thumbmark -thumbnail -thumbpiece -thumbprint -thumbrope -thumbscrew -thumbstall -thumbstring -thumbtack -thumby -thumlungur -thump -thumper -thumping -thumpingly -Thunar -Thunbergia -thunbergilene -thunder -thunderation -thunderball -thunderbearer -thunderbearing -thunderbird -thunderblast -thunderbolt -thunderburst -thunderclap -thundercloud -thundercrack -thunderer -thunderfish -thunderflower -thunderful -thunderhead -thunderheaded -thundering -thunderingly -thunderless -thunderlike -thunderous -thunderously -thunderousness -thunderpeal -thunderplump -thunderproof -thundershower -thundersmite -thundersquall -thunderstick -thunderstone -thunderstorm -thunderstrike -thunderstroke -thunderstruck -thunderwood -thunderworm -thunderwort -thundery -thundrous -thundrously -thung -thunge -Thunnidae -Thunnus -Thunor -thuoc -Thurberia -thurible -thuribuler -thuribulum -thurifer -thuriferous -thurificate -thurificati -thurification -thurify -Thuringian -thuringite -Thurio -thurl -thurm -thurmus -Thurnia -Thurniaceae -thurrock -Thursday -thurse -thurt -thus -thusgate -Thushi -thusly -thusness -thuswise -thutter -Thuyopsis -thwack -thwacker -thwacking -thwackingly -thwackstave -thwaite -thwart -thwartedly -thwarteous -thwarter -thwarting -thwartingly -thwartly -thwartman -thwartness -thwartover -thwartsaw -thwartship -thwartships -thwartways -thwartwise -thwite -thwittle -thy -Thyestean -Thyestes -thyine -thylacine -thylacitis -Thylacoleo -Thylacynus -thymacetin -Thymallidae -Thymallus -thymate -thyme -thymectomize -thymectomy -thymegol -Thymelaea -Thymelaeaceae -thymelaeaceous -Thymelaeales -thymelcosis -thymele -thymelic -thymelical -thymelici -thymene -thymetic -thymic -thymicolymphatic -thymine -thymiosis -thymitis -thymocyte -thymogenic -thymol -thymolate -thymolize -thymolphthalein -thymolsulphonephthalein -thymoma -thymonucleic -thymopathy -thymoprivic -thymoprivous -thymopsyche -thymoquinone -thymotactic -thymotic -Thymus -thymus -thymy -thymyl -thymylic -thynnid -Thynnidae -Thyraden -thyratron -thyreoadenitis -thyreoantitoxin -thyreoarytenoid -thyreoarytenoideus -thyreocervical -thyreocolloid -Thyreocoridae -thyreoepiglottic -thyreogenic -thyreogenous -thyreoglobulin -thyreoglossal -thyreohyal -thyreohyoid -thyreoid -thyreoidal -thyreoideal -thyreoidean -thyreoidectomy -thyreoiditis -thyreoitis -thyreolingual -thyreoprotein -thyreosis -thyreotomy -thyreotoxicosis -thyreotropic -thyridial -Thyrididae -thyridium -Thyris -thyrisiferous -thyroadenitis -thyroantitoxin -thyroarytenoid -thyroarytenoideus -thyrocardiac -thyrocele -thyrocervical -thyrocolloid -thyrocricoid -thyroepiglottic -thyroepiglottidean -thyrogenic -thyroglobulin -thyroglossal -thyrohyal -thyrohyoid -thyrohyoidean -thyroid -thyroidal -thyroidea -thyroideal -thyroidean -thyroidectomize -thyroidectomy -thyroidism -thyroiditis -thyroidization -thyroidless -thyroidotomy -thyroiodin -thyrolingual -thyronine -thyroparathyroidectomize -thyroparathyroidectomy -thyroprival -thyroprivia -thyroprivic -thyroprivous -thyroprotein -Thyrostraca -thyrostracan -thyrotherapy -thyrotomy -thyrotoxic -thyrotoxicosis -thyrotropic -thyroxine -thyrse -thyrsiflorous -thyrsiform -thyrsoid -thyrsoidal -thyrsus -Thysanocarpus -thysanopter -Thysanoptera -thysanopteran -thysanopteron -thysanopterous -Thysanoura -thysanouran -thysanourous -Thysanura -thysanuran -thysanurian -thysanuriform -thysanurous -thysel -thyself -thysen -Ti -ti -Tiahuanacan -Tiam -tiang -tiao -tiar -tiara -tiaralike -tiarella -Tiatinagua -tib -Tibbie -Tibbu -tibby -Tiberian -Tiberine -Tiberius -tibet -Tibetan -tibey -tibia -tibiad -tibiae -tibial -tibiale -tibicinist -tibiocalcanean -tibiofemoral -tibiofibula -tibiofibular -tibiometatarsal -tibionavicular -tibiopopliteal -tibioscaphoid -tibiotarsal -tibiotarsus -Tibouchina -tibourbou -tiburon -Tiburtine -tic -tical -ticca -tice -ticement -ticer -Tichodroma -tichodrome -tichorrhine -tick -tickbean -tickbird -tickeater -ticked -ticken -ticker -ticket -ticketer -ticketing -ticketless -ticketmonger -tickey -tickicide -tickie -ticking -tickle -tickleback -ticklebrain -tickled -ticklely -ticklenburg -tickleness -tickleproof -tickler -ticklesome -tickless -tickleweed -tickling -ticklingly -ticklish -ticklishly -ticklishness -tickly -tickney -tickproof -tickseed -tickseeded -ticktack -ticktacker -ticktacktoe -ticktick -ticktock -tickweed -ticky -ticul -Ticuna -Ticunan -tid -tidal -tidally -tidbit -tiddle -tiddledywinks -tiddler -tiddley -tiddling -tiddlywink -tiddlywinking -tiddy -tide -tided -tideful -tidehead -tideland -tideless -tidelessness -tidelike -tidely -tidemaker -tidemaking -tidemark -tiderace -tidesman -tidesurveyor -Tideswell -tidewaiter -tidewaitership -tideward -tidewater -tideway -tidiable -tidily -tidiness -tiding -tidingless -tidings -tidley -tidological -tidology -tidy -tidyism -tidytips -tie -tieback -tied -Tiefenthal -tiemaker -tiemaking -tiemannite -tien -tiepin -tier -tierce -tierced -tierceron -tiered -tierer -tierlike -tiersman -tietick -tiewig -tiewigged -tiff -tiffany -tiffanyite -tiffie -tiffin -tiffish -tiffle -tiffy -tifinagh -tift -tifter -tig -tige -tigella -tigellate -tigelle -tigellum -tigellus -tiger -tigerbird -tigereye -tigerflower -tigerfoot -tigerhearted -tigerhood -tigerish -tigerishly -tigerishness -tigerism -tigerkin -tigerlike -tigerling -tigerly -tigernut -tigerproof -tigerwood -tigery -Tigger -tigger -tight -tighten -tightener -tightfisted -tightish -tightly -tightness -tightrope -tights -tightwad -tightwire -tiglaldehyde -tiglic -tiglinic -tignum -Tigrai -Tigre -Tigrean -tigress -tigresslike -Tigridia -Tigrina -tigrine -Tigris -tigroid -tigrolysis -tigrolytic -tigtag -Tigua -Tigurine -Tiki -tikitiki -tikka -tikker -tiklin -tikolosh -tikor -tikur -til -tilaite -tilaka -tilasite -tilbury -Tilda -tilde -tile -tiled -tilefish -tilelike -tilemaker -tilemaking -tiler -tileroot -tilery -tileseed -tilestone -tileways -tilework -tileworks -tilewright -tileyard -Tilia -Tiliaceae -tiliaceous -tilikum -tiling -till -tillable -Tillaea -Tillaeastrum -tillage -Tillamook -Tillandsia -tiller -tillering -tillerless -tillerman -Tilletia -Tilletiaceae -tilletiaceous -tilley -tillite -tillodont -Tillodontia -Tillodontidae -tillot -tillotter -tilly -tilmus -tilpah -Tilsit -tilt -tiltable -tiltboard -tilter -tilth -tilting -tiltlike -tiltmaker -tiltmaking -tiltup -tilty -tiltyard -tilyer -Tim -timable -Timaeus -Timalia -Timaliidae -Timaliinae -timaliine -timaline -Timani -timar -timarau -timawa -timazite -timbal -timbale -timbang -timbe -timber -timbered -timberer -timberhead -timbering -timberjack -timberland -timberless -timberlike -timberling -timberman -timbermonger -timbern -timbersome -timbertuned -timberwood -timberwork -timberwright -timbery -timberyard -Timbira -timbo -timbre -timbrel -timbreled -timbreler -timbrologist -timbrology -timbromania -timbromaniac -timbromanist -timbrophilic -timbrophilism -timbrophilist -timbrophily -time -timeable -timecard -timed -timeful -timefully -timefulness -timekeep -timekeeper -timekeepership -timeless -timelessly -timelessness -Timelia -Timeliidae -timeliine -timelily -timeliness -timeling -timely -timenoguy -timeous -timeously -timepiece -timepleaser -timeproof -timer -times -timesaver -timesaving -timeserver -timeserving -timeservingness -timetable -timetaker -timetaking -timeward -timework -timeworker -timeworn -Timias -timid -timidity -timidly -timidness -timing -timish -timist -Timne -Timo -timocracy -timocratic -timocratical -Timon -timon -timoneer -Timonian -Timonism -Timonist -Timonize -timor -Timorese -timorous -timorously -timorousness -Timote -Timotean -Timothean -Timothy -timothy -timpani -timpanist -timpano -Timucua -Timucuan -Timuquan -Timuquanan -tin -Tina -Tinamidae -tinamine -tinamou -tinampipi -tincal -tinchel -tinchill -tinclad -tinct -tinction -tinctorial -tinctorially -tinctorious -tinctumutation -tincture -tind -tindal -tindalo -tinder -tinderbox -tindered -tinderish -tinderlike -tinderous -tindery -tine -tinea -tineal -tinean -tined -tinegrass -tineid -Tineidae -Tineina -tineine -tineman -tineoid -Tineoidea -tinetare -tinety -tineweed -tinful -Ting -ting -tinge -tinged -tinger -Tinggian -tingi -tingibility -tingible -tingid -Tingidae -Tingis -tingitid -Tingitidae -tinglass -tingle -tingler -tingletangle -tingling -tinglingly -tinglish -tingly -tingtang -tinguaite -tinguaitic -Tinguian -tinguy -tinhorn -tinhouse -tinily -tininess -tining -tink -tinker -tinkerbird -tinkerdom -tinkerer -tinkerlike -tinkerly -tinkershire -tinkershue -tinkerwise -tinkle -tinkler -tinklerman -tinkling -tinklingly -tinkly -tinlet -tinlike -tinman -Tinne -tinned -tinner -tinnery -tinnet -Tinni -tinnified -tinnily -tinniness -tinning -tinnitus -tinnock -tinny -Tino -Tinoceras -tinosa -tinsel -tinsellike -tinselly -tinselmaker -tinselmaking -tinselry -tinselweaver -tinselwork -tinsman -tinsmith -tinsmithing -tinsmithy -tinstone -tinstuff -tint -tinta -tintage -tintamarre -tintarron -tinted -tinter -tintie -tintiness -tinting -tintingly -tintinnabula -tintinnabulant -tintinnabular -tintinnabulary -tintinnabulate -tintinnabulation -tintinnabulatory -tintinnabulism -tintinnabulist -tintinnabulous -tintinnabulum -tintist -tintless -tintometer -tintometric -tintometry -tinty -tintype -tintyper -tinwald -tinware -tinwoman -tinwork -tinworker -tinworking -tiny -tinzenite -Tionontates -Tionontati -Tiou -tip -tipburn -tipcart -tipcat -tipe -tipful -tiphead -Tiphia -Tiphiidae -tipiti -tiple -tipless -tiplet -tipman -tipmost -tiponi -tippable -tipped -tippee -tipper -tippet -tipping -tipple -tippleman -tippler -tipply -tipproof -tippy -tipsification -tipsifier -tipsify -tipsily -tipsiness -tipstaff -tipster -tipstock -tipsy -tiptail -tipteerer -tiptilt -tiptoe -tiptoeing -tiptoeingly -tiptop -tiptopness -tiptopper -tiptoppish -tiptoppishness -tiptopsome -Tipula -Tipularia -tipulid -Tipulidae -tipuloid -Tipuloidea -tipup -Tipura -tirade -tiralee -tire -tired -tiredly -tiredness -tiredom -tirehouse -tireless -tirelessly -tirelessness -tiremaid -tiremaker -tiremaking -tireman -tirer -tireroom -tiresmith -tiresome -tiresomely -tiresomeness -tiresomeweed -tirewoman -Tirhutia -tiriba -tiring -tiringly -tirl -tirma -tirocinium -Tirolean -Tirolese -Tironian -tirr -tirralirra -tirret -Tirribi -tirrivee -tirrlie -tirrwirr -tirthankara -Tirurai -tirve -tirwit -tisane -tisar -Tishiya -Tishri -Tisiphone -tissual -tissue -tissued -tissueless -tissuelike -tissuey -tisswood -tiswin -tit -Titan -titanate -titanaugite -Titanesque -Titaness -titania -Titanian -Titanic -titanic -Titanical -Titanically -Titanichthyidae -Titanichthys -titaniferous -titanifluoride -Titanism -titanite -titanitic -titanium -Titanlike -titano -titanocolumbate -titanocyanide -titanofluoride -Titanolater -Titanolatry -Titanomachia -Titanomachy -titanomagnetite -titanoniobate -titanosaur -Titanosaurus -titanosilicate -titanothere -Titanotheridae -Titanotherium -titanous -titanyl -titar -titbit -titbitty -tite -titer -titeration -titfish -tithable -tithal -tithe -tithebook -titheless -tithemonger -tithepayer -tither -titheright -tithing -tithingman -tithingpenny -tithonic -tithonicity -tithonographic -tithonometer -Tithymalopsis -Tithymalus -titi -Titian -titian -Titianesque -Titianic -titien -Tities -titilate -titillability -titillant -titillater -titillating -titillatingly -titillation -titillative -titillator -titillatory -titivate -titivation -titivator -titlark -title -titleboard -titled -titledom -titleholder -titleless -titleproof -titler -titleship -titlike -titling -titlist -titmal -titman -Titmarsh -Titmarshian -titmouse -Titoism -Titoist -titoki -titrable -titratable -titrate -titration -titre -titrimetric -titrimetry -titter -titterel -titterer -tittering -titteringly -tittery -tittie -tittle -tittlebat -tittler -tittup -tittupy -titty -tittymouse -titubancy -titubant -titubantly -titubate -titubation -titular -titularity -titularly -titulary -titulation -titule -titulus -Titurel -Titus -tiver -Tivoli -tivoli -tivy -Tiwaz -tiza -tizeur -tizzy -tjanting -tji -tjosite -tlaco -Tlakluit -Tlapallan -Tlascalan -Tlingit -tmema -Tmesipteris -tmesis -to -toa -toad -toadback -toadeat -toadeater -toader -toadery -toadess -toadfish -toadflax -toadflower -toadhead -toadier -toadish -toadless -toadlet -toadlike -toadlikeness -toadling -toadpipe -toadroot -toadship -toadstone -toadstool -toadstoollike -toadwise -toady -toadyish -toadyism -toadyship -Toag -toast -toastable -toastee -toaster -toastiness -toastmaster -toastmastery -toastmistress -toasty -toat -toatoa -Toba -tobacco -tobaccofied -tobaccoism -tobaccoite -tobaccoless -tobaccolike -tobaccoman -tobacconalian -tobacconist -tobacconistical -tobacconize -tobaccophil -tobaccoroot -tobaccoweed -tobaccowood -tobaccoy -tobe -Tobiah -Tobias -Tobikhar -tobine -tobira -toboggan -tobogganeer -tobogganer -tobogganist -Toby -toby -tobyman -tocalote -toccata -Tocharese -Tocharian -Tocharic -Tocharish -tocher -tocherless -tock -toco -Tocobaga -tocodynamometer -tocogenetic -tocogony -tocokinin -tocological -tocologist -tocology -tocome -tocometer -tocopherol -tocororo -tocsin -tocusso -Tod -tod -Toda -today -todayish -Todd -todder -toddick -toddite -toddle -toddlekins -toddler -toddy -toddyize -toddyman -tode -Todea -Todidae -Todus -tody -toe -toeboard -toecap -toecapped -toed -toeless -toelike -toellite -toenail -toeplate -Toerless -toernebohmite -toetoe -toff -toffee -toffeeman -toffing -toffish -toffy -toffyman -Tofieldia -Toft -toft -tofter -toftman -toftstead -tofu -tog -toga -togaed -togalike -togata -togate -togated -togawise -together -togetherhood -togetheriness -togetherness -toggel -toggery -toggle -toggler -togless -togs -togt -togue -toher -toheroa -toho -Tohome -tohubohu -tohunga -toi -toil -toiled -toiler -toilet -toileted -toiletry -toilette -toiletted -toiletware -toilful -toilfully -toilinet -toiling -toilingly -toilless -toillessness -toilsome -toilsomely -toilsomeness -toilworn -toise -toit -toitish -toity -Tokay -tokay -toke -Tokelau -token -tokened -tokenless -toko -tokology -tokonoma -tokopat -tol -tolamine -tolan -tolane -tolbooth -told -toldo -tole -Toledan -Toledo -Toledoan -tolerability -tolerable -tolerableness -tolerablish -tolerably -tolerance -tolerancy -Tolerant -tolerant -tolerantism -tolerantly -tolerate -toleration -tolerationism -tolerationist -tolerative -tolerator -tolerism -Toletan -tolfraedic -tolguacha -tolidine -tolite -toll -tollable -tollage -tollbooth -Tollefsen -toller -tollery -tollgate -tollgatherer -tollhouse -tolliker -tolling -tollkeeper -tollman -tollmaster -tollpenny -tolltaker -tolly -Tolowa -tolpatch -tolpatchery -tolsester -tolsey -Tolstoyan -Tolstoyism -Tolstoyist -tolt -Toltec -Toltecan -tolter -tolu -tolualdehyde -toluate -toluene -toluic -toluide -toluidide -toluidine -toluidino -toluido -Toluifera -tolunitrile -toluol -toluquinaldine -tolusafranine -toluyl -toluylene -toluylenediamine -toluylic -tolyl -tolylene -tolylenediamine -Tolypeutes -tolypeutine -Tom -Toma -tomahawk -tomahawker -tomalley -toman -Tomas -tomatillo -tomato -tomb -tombac -tombal -tombe -tombic -tombless -tomblet -tomblike -tombola -tombolo -tomboy -tomboyful -tomboyish -tomboyishly -tomboyishness -tomboyism -tombstone -tomcat -tomcod -tome -tomeful -tomelet -toment -tomentose -tomentous -tomentulose -tomentum -tomfool -tomfoolery -tomfoolish -tomfoolishness -tomial -tomin -tomish -Tomistoma -tomium -tomjohn -Tomkin -tomkin -Tommer -Tomming -Tommy -tommy -tommybag -tommycod -tommyrot -tomnoddy -tomnoup -tomogram -tomographic -tomography -Tomopteridae -Tomopteris -tomorn -tomorrow -tomorrower -tomorrowing -tomorrowness -tomosis -Tompion -tompiper -tompon -tomtate -tomtit -Tomtitmouse -ton -tonal -tonalamatl -tonalist -tonalite -tonalitive -tonality -tonally -tonant -tonation -tondino -tone -toned -toneless -tonelessly -tonelessness -toneme -toneproof -toner -tonetic -tonetically -tonetician -tonetics -tong -Tonga -tonga -Tongan -Tongas -tonger -tongkang -tongman -Tongrian -tongs -tongsman -tongue -tonguecraft -tongued -tonguedoughty -tonguefence -tonguefencer -tongueflower -tongueful -tongueless -tonguelet -tonguelike -tongueman -tonguemanship -tongueplay -tongueproof -tonguer -tongueshot -tonguesman -tonguesore -tonguester -tonguetip -tonguey -tonguiness -tonguing -tonic -tonically -tonicity -tonicize -tonicobalsamic -tonicoclonic -tonicostimulant -tonify -tonight -Tonikan -tonish -tonishly -tonishness -tonite -tonitrocirrus -tonitruant -tonitruone -tonitruous -tonjon -tonk -Tonkawa -Tonkawan -tonkin -Tonkinese -tonlet -Tonna -tonnage -tonneau -tonneaued -tonner -tonnish -tonnishly -tonnishness -tonoclonic -tonogram -tonograph -tonological -tonology -tonometer -tonometric -tonometry -tonophant -tonoplast -tonoscope -tonotactic -tonotaxis -tonous -tonsbergite -tonsil -tonsilectomy -tonsilitic -tonsillar -tonsillary -tonsillectome -tonsillectomic -tonsillectomize -tonsillectomy -tonsillith -tonsillitic -tonsillitis -tonsillolith -tonsillotome -tonsillotomy -tonsilomycosis -tonsor -tonsorial -tonsurate -tonsure -tonsured -tontine -tontiner -Tonto -tonus -Tony -tony -tonyhoop -too -toodle -toodleloodle -took -tooken -tool -toolbox -toolbuilder -toolbuilding -tooler -toolhead -toolholder -toolholding -tooling -toolless -toolmaker -toolmaking -toolman -toolmark -toolmarking -toolplate -toolroom -toolsetter -toolslide -toolsmith -toolstock -toolstone -toom -toomly -toon -Toona -toonwood -toop -toorie -toorock -tooroo -toosh -toot -tooter -tooth -toothache -toothaching -toothachy -toothbill -toothbrush -toothbrushy -toothchiseled -toothcomb -toothcup -toothdrawer -toothdrawing -toothed -toother -toothflower -toothful -toothill -toothing -toothless -toothlessly -toothlessness -toothlet -toothleted -toothlike -toothpick -toothplate -toothproof -toothsome -toothsomely -toothsomeness -toothstick -toothwash -toothwork -toothwort -toothy -tootle -tootler -tootlish -tootsy -toozle -toozoo -top -topalgia -toparch -toparchia -toparchical -toparchy -topass -Topatopa -topaz -topazfels -topazine -topazite -topazolite -topazy -topcap -topcast -topchrome -topcoat -topcoating -tope -topectomy -topee -topeewallah -topeng -topepo -toper -toperdom -topesthesia -topflight -topfull -topgallant -toph -tophaceous -tophaike -Tophet -tophetic -tophetize -tophus -tophyperidrosis -topi -topia -topiarian -topiarist -topiarius -topiary -topic -topical -topicality -topically -topinambou -Topinish -topknot -topknotted -topless -toplighted -toplike -topline -toploftical -toploftily -toploftiness -toplofty -topmaker -topmaking -topman -topmast -topmost -topmostly -topnotch -topnotcher -topo -topoalgia -topochemical -topognosia -topognosis -topograph -topographer -topographic -topographical -topographically -topographics -topographist -topographize -topographometric -topography -topolatry -topologic -topological -topologist -topology -toponarcosis -toponym -toponymal -toponymic -toponymical -toponymics -toponymist -toponymy -topophobia -topophone -topotactic -topotaxis -topotype -topotypic -topotypical -topped -topper -toppiece -topping -toppingly -toppingness -topple -toppler -topply -toppy -toprail -toprope -tops -topsail -topsailite -topside -topsl -topsman -topsoil -topstone -topswarm -Topsy -topsyturn -toptail -topwise -toque -Tor -tor -tora -torah -Toraja -toral -toran -torbanite -torbanitic -torbernite -torc -torcel -torch -torchbearer -torchbearing -torcher -torchless -torchlight -torchlighted -torchlike -torchman -torchon -torchweed -torchwood -torchwort -torcular -torculus -tordrillite -tore -toreador -tored -Torenia -torero -toreumatography -toreumatology -toreutic -toreutics -torfaceous -torfel -torgoch -Torgot -toric -Toriest -Torified -torii -Torilis -Torinese -Toriness -torma -tormen -torment -tormenta -tormentable -tormentation -tormentative -tormented -tormentedly -tormentful -tormentil -tormentilla -tormenting -tormentingly -tormentingness -tormentive -tormentor -tormentous -tormentress -tormentry -tormentum -tormina -torminal -torminous -tormodont -torn -tornachile -tornade -tornadic -tornado -tornadoesque -tornadoproof -tornal -tornaria -tornarian -tornese -torney -tornillo -Tornit -tornote -tornus -toro -toroid -toroidal -torolillo -Toromona -Torontonian -tororokombu -Torosaurus -torose -torosity -torotoro -torous -torpedineer -Torpedinidae -torpedinous -torpedo -torpedoer -torpedoist -torpedolike -torpedoplane -torpedoproof -torpent -torpescence -torpescent -torpid -torpidity -torpidly -torpidness -torpify -torpitude -torpor -torporific -torporize -torquate -torquated -torque -torqued -torques -torrefaction -torrefication -torrefy -torrent -torrentful -torrentfulness -torrential -torrentiality -torrentially -torrentine -torrentless -torrentlike -torrentuous -torrentwise -Torreya -Torricellian -torrid -torridity -torridly -torridness -Torridonian -Torrubia -torsade -torse -torsel -torsibility -torsigraph -torsile -torsimeter -torsiogram -torsiograph -torsiometer -torsion -torsional -torsionally -torsioning -torsionless -torsive -torsk -torso -torsoclusion -torsometer -torsoocclusion -Torsten -tort -torta -torteau -torticollar -torticollis -torticone -tortile -tortility -tortilla -tortille -tortious -tortiously -tortive -tortoise -tortoiselike -Tortonian -tortrices -tortricid -Tortricidae -Tortricina -tortricine -tortricoid -Tortricoidea -Tortrix -tortula -Tortulaceae -tortulaceous -tortulous -tortuose -tortuosity -tortuous -tortuously -tortuousness -torturable -torturableness -torture -tortured -torturedly -tortureproof -torturer -torturesome -torturing -torturingly -torturous -torturously -toru -torula -torulaceous -torulaform -toruliform -torulin -toruloid -torulose -torulosis -torulous -torulus -torus -torve -torvid -torvity -torvous -Tory -tory -Torydom -Toryess -Toryfication -Toryfy -toryhillite -Toryish -Toryism -Toryistic -Toryize -Toryship -toryweed -tosaphist -tosaphoth -toscanite -Tosephta -Tosephtas -tosh -toshakhana -tosher -toshery -toshly -toshnail -toshy -tosily -Tosk -Toskish -toss -tosser -tossicated -tossily -tossing -tossingly -tossment -tosspot -tossup -tossy -tost -tosticate -tostication -toston -tosy -tot -total -totalitarian -totalitarianism -totality -totalization -totalizator -totalize -totalizer -totally -totalness -totanine -Totanus -totaquin -totaquina -totaquine -totara -totchka -tote -toteload -totem -totemic -totemically -totemism -totemist -totemistic -totemite -totemization -totemy -toter -tother -totient -Totipalmatae -totipalmate -totipalmation -totipotence -totipotency -totipotent -totipotential -totipotentiality -totitive -toto -Totonac -Totonacan -Totonaco -totora -Totoro -totquot -totter -totterer -tottergrass -tottering -totteringly -totterish -tottery -Tottie -totting -tottle -tottlish -totty -tottyhead -totuava -totum -toty -totyman -tou -toucan -toucanet -Toucanid -touch -touchable -touchableness -touchback -touchbell -touchbox -touchdown -touched -touchedness -toucher -touchhole -touchily -touchiness -touching -touchingly -touchingness -touchless -touchline -touchous -touchpan -touchpiece -touchstone -touchwood -touchy -Toufic -toug -tough -toughen -toughener -toughhead -toughhearted -toughish -toughly -toughness -tought -tould -toumnah -Tounatea -toup -toupee -toupeed -toupet -tour -touraco -tourbillion -tourer -tourette -touring -tourism -tourist -touristdom -touristic -touristproof -touristry -touristship -touristy -tourize -tourmaline -tourmalinic -tourmaliniferous -tourmalinization -tourmalinize -tourmalite -tourn -tournament -tournamental -tournant -tournasin -tournay -tournee -Tournefortia -Tournefortian -tourney -tourneyer -tourniquet -tourte -tousche -touse -touser -tousle -tously -tousy -tout -touter -Tovah -tovar -Tovaria -Tovariaceae -tovariaceous -tovarish -tow -towable -towage -towai -towan -toward -towardliness -towardly -towardness -towards -towboat -towcock -towd -towel -towelette -toweling -towelry -tower -towered -towering -toweringly -towerless -towerlet -towerlike -towerman -towerproof -towerwise -towerwork -towerwort -towery -towght -towhead -towheaded -towhee -towing -towkay -towlike -towline -towmast -town -towned -townee -towner -townet -townfaring -townfolk -townful -towngate -townhood -townify -towniness -townish -townishly -townishness -townist -townland -townless -townlet -townlike -townling -townly -townman -townsboy -townscape -Townsendia -Townsendite -townsfellow -townsfolk -township -townside -townsite -townsman -townspeople -townswoman -townward -townwards -townwear -towny -towpath -towrope -towser -towy -tox -toxa -toxalbumic -toxalbumin -toxalbumose -toxamin -toxanemia -toxaphene -toxcatl -toxemia -toxemic -toxic -toxicaemia -toxical -toxically -toxicant -toxicarol -toxication -toxicemia -toxicity -toxicodendrol -Toxicodendron -toxicoderma -toxicodermatitis -toxicodermatosis -toxicodermia -toxicodermitis -toxicogenic -toxicognath -toxicohaemia -toxicohemia -toxicoid -toxicologic -toxicological -toxicologically -toxicologist -toxicology -toxicomania -toxicopathic -toxicopathy -toxicophagous -toxicophagy -toxicophidia -toxicophobia -toxicosis -toxicotraumatic -toxicum -toxidermic -toxidermitis -toxifer -Toxifera -toxiferous -toxigenic -toxihaemia -toxihemia -toxiinfection -toxiinfectious -toxin -toxinemia -toxinfection -toxinfectious -toxinosis -toxiphobia -toxiphobiac -toxiphoric -toxitabellae -toxity -Toxodon -toxodont -Toxodontia -toxogenesis -Toxoglossa -toxoglossate -toxoid -toxology -toxolysis -toxon -toxone -toxonosis -toxophil -toxophile -toxophilism -toxophilite -toxophilitic -toxophilitism -toxophilous -toxophily -toxophoric -toxophorous -toxoplasmosis -toxosis -toxosozin -Toxostoma -toxotae -Toxotes -Toxotidae -Toxylon -toy -toydom -toyer -toyful -toyfulness -toyhouse -toying -toyingly -toyish -toyishly -toyishness -toyland -toyless -toylike -toymaker -toymaking -toyman -toyon -toyshop -toysome -toytown -toywoman -toywort -toze -tozee -tozer -tra -trabacolo -trabal -trabant -trabascolo -trabea -trabeae -trabeatae -trabeated -trabeation -trabecula -trabecular -trabecularism -trabeculate -trabeculated -trabeculation -trabecule -trabuch -trabucho -Tracaulon -trace -traceability -traceable -traceableness -traceably -traceless -tracelessly -tracer -traceried -tracery -Tracey -trachea -tracheaectasy -tracheal -trachealgia -trachealis -trachean -Trachearia -trachearian -tracheary -Tracheata -tracheate -tracheation -tracheid -tracheidal -tracheitis -trachelagra -trachelate -trachelectomopexia -trachelectomy -trachelismus -trachelitis -trachelium -tracheloacromialis -trachelobregmatic -tracheloclavicular -trachelocyllosis -trachelodynia -trachelology -trachelomastoid -trachelopexia -tracheloplasty -trachelorrhaphy -tracheloscapular -Trachelospermum -trachelotomy -trachenchyma -tracheobronchial -tracheobronchitis -tracheocele -tracheochromatic -tracheoesophageal -tracheofissure -tracheolar -tracheolaryngeal -tracheolaryngotomy -tracheole -tracheolingual -tracheopathia -tracheopathy -tracheopharyngeal -Tracheophonae -tracheophone -tracheophonesis -tracheophonine -tracheophony -tracheoplasty -tracheopyosis -tracheorrhagia -tracheoschisis -tracheoscopic -tracheoscopist -tracheoscopy -tracheostenosis -tracheostomy -tracheotome -tracheotomist -tracheotomize -tracheotomy -Trachinidae -trachinoid -Trachinus -trachitis -trachle -Trachodon -trachodont -trachodontid -Trachodontidae -Trachoma -trachomatous -Trachomedusae -trachomedusan -trachyandesite -trachybasalt -trachycarpous -Trachycarpus -trachychromatic -trachydolerite -trachyglossate -Trachylinae -trachyline -Trachymedusae -trachymedusan -trachyphonia -trachyphonous -Trachypteridae -trachypteroid -Trachypterus -trachyspermous -trachyte -trachytic -trachytoid -tracing -tracingly -track -trackable -trackage -trackbarrow -tracked -tracker -trackhound -trackingscout -tracklayer -tracklaying -trackless -tracklessly -tracklessness -trackman -trackmanship -trackmaster -trackscout -trackshifter -tracksick -trackside -trackwalker -trackway -trackwork -tract -tractability -tractable -tractableness -tractably -tractarian -Tractarianism -tractarianize -tractate -tractator -tractatule -tractellate -tractellum -tractiferous -tractile -tractility -traction -tractional -tractioneering -Tractite -tractlet -tractor -tractoration -tractorism -tractorist -tractorization -tractorize -tractory -tractrix -Tracy -tradable -tradal -trade -tradecraft -tradeful -tradeless -trademaster -trader -tradership -Tradescantia -tradesfolk -tradesman -tradesmanlike -tradesmanship -tradesmanwise -tradespeople -tradesperson -tradeswoman -tradiment -trading -tradite -tradition -traditional -traditionalism -traditionalist -traditionalistic -traditionality -traditionalize -traditionally -traditionarily -traditionary -traditionate -traditionately -traditioner -traditionism -traditionist -traditionitis -traditionize -traditionless -traditionmonger -traditious -traditive -traditor -traditores -traditorship -traduce -traducement -traducent -traducer -traducian -traducianism -traducianist -traducianistic -traducible -traducing -traducingly -traduction -traductionist -trady -traffic -trafficability -trafficable -trafficableness -trafficless -trafficway -trafflicker -trafflike -trag -tragacanth -tragacantha -tragacanthin -tragal -Tragasol -tragedial -tragedian -tragedianess -tragedical -tragedienne -tragedietta -tragedist -tragedization -tragedize -tragedy -tragelaph -tragelaphine -Tragelaphus -tragi -tragic -tragical -tragicality -tragically -tragicalness -tragicaster -tragicize -tragicly -tragicness -tragicofarcical -tragicoheroicomic -tragicolored -tragicomedian -tragicomedy -tragicomic -tragicomical -tragicomicality -tragicomically -tragicomipastoral -tragicoromantic -tragicose -tragopan -Tragopogon -Tragulidae -Tragulina -traguline -traguloid -Traguloidea -Tragulus -tragus -trah -traheen -traik -trail -trailer -trailery -trailiness -trailing -trailingly -trailless -trailmaker -trailmaking -trailman -trailside -trailsman -traily -train -trainable -trainage -trainagraph -trainband -trainbearer -trainbolt -trainboy -trained -trainee -trainer -trainful -training -trainless -trainload -trainman -trainmaster -trainsick -trainster -traintime -trainway -trainy -traipse -trait -traitless -traitor -traitorhood -traitorism -traitorize -traitorlike -traitorling -traitorous -traitorously -traitorousness -traitorship -traitorwise -traitress -traject -trajectile -trajection -trajectitious -trajectory -trajet -tralatician -tralaticiary -tralatition -tralatitious -tralatitiously -tralira -Trallian -tram -trama -tramal -tramcar -trame -Trametes -tramful -tramless -tramline -tramman -trammel -trammeled -trammeler -trammelhead -trammeling -trammelingly -trammelled -trammellingly -trammer -tramming -trammon -tramontane -tramp -trampage -trampdom -tramper -trampess -tramphood -trampish -trampishly -trampism -trample -trampler -tramplike -trampolin -trampoline -trampoose -trampot -tramroad -tramsmith -tramway -tramwayman -tramyard -Tran -trance -tranced -trancedly -tranceful -trancelike -tranchefer -tranchet -trancoidal -traneen -trank -tranka -tranker -trankum -tranky -tranquil -tranquility -tranquilization -tranquilize -tranquilizer -tranquilizing -tranquilizingly -tranquillity -tranquillization -tranquillize -tranquilly -tranquilness -transaccidentation -transact -transaction -transactional -transactionally -transactioneer -transactor -transalpine -transalpinely -transalpiner -transamination -transanimate -transanimation -transannular -transapical -transappalachian -transaquatic -transarctic -transatlantic -transatlantically -transatlantican -transatlanticism -transaudient -transbaikal -transbaikalian -transbay -transboard -transborder -transcalency -transcalent -transcalescency -transcalescent -Transcaucasian -transceiver -transcend -transcendence -transcendency -transcendent -transcendental -transcendentalism -transcendentalist -transcendentalistic -transcendentality -transcendentalize -transcendentally -transcendently -transcendentness -transcendible -transcending -transcendingly -transcendingness -transcension -transchannel -transcolor -transcoloration -transconductance -transcondylar -transcondyloid -transconscious -transcontinental -transcorporate -transcorporeal -transcortical -transcreate -transcribable -transcribble -transcribbler -transcribe -transcriber -transcript -transcription -transcriptional -transcriptionally -transcriptitious -transcriptive -transcriptively -transcriptural -transcrystalline -transcurrent -transcurrently -transcurvation -transdermic -transdesert -transdialect -transdiaphragmatic -transdiurnal -transducer -transduction -transect -transection -transelement -transelementate -transelementation -transempirical -transenna -transept -transeptal -transeptally -transequatorial -transessentiate -transeunt -transexperiential -transfashion -transfeature -transfer -transferability -transferable -transferableness -transferably -transferal -transferee -transference -transferent -transferential -transferography -transferor -transferotype -transferred -transferrer -transferribility -transferring -transferror -transferrotype -transfigurate -transfiguration -transfigurative -transfigure -transfigurement -transfiltration -transfinite -transfix -transfixation -transfixion -transfixture -transfluent -transfluvial -transflux -transforation -transform -transformability -transformable -transformance -transformation -transformationist -transformative -transformator -transformer -transforming -transformingly -transformism -transformist -transformistic -transfrontal -transfrontier -transfuge -transfugitive -transfuse -transfuser -transfusible -transfusion -transfusionist -transfusive -transfusively -transgredient -transgress -transgressible -transgressing -transgressingly -transgression -transgressional -transgressive -transgressively -transgressor -transhape -transhuman -transhumanate -transhumanation -transhumance -transhumanize -transhumant -transience -transiency -transient -transiently -transientness -transigence -transigent -transiliac -transilience -transiliency -transilient -transilluminate -transillumination -transilluminator -transimpression -transincorporation -transindividual -transinsular -transire -transischiac -transisthmian -transistor -transit -transitable -transiter -transition -transitional -transitionally -transitionalness -transitionary -transitionist -transitival -transitive -transitively -transitiveness -transitivism -transitivity -transitman -transitorily -transitoriness -transitory -transitus -Transjordanian -translade -translatable -translatableness -translate -translater -translation -translational -translationally -translative -translator -translatorese -translatorial -translatorship -translatory -translatress -translatrix -translay -transleithan -transletter -translinguate -transliterate -transliteration -transliterator -translocalization -translocate -translocation -translocatory -translucence -translucency -translucent -translucently -translucid -transmarginal -transmarine -transmaterial -transmateriation -transmedial -transmedian -transmental -transmentation -transmeridional -transmethylation -transmigrant -transmigrate -transmigration -transmigrationism -transmigrationist -transmigrative -transmigratively -transmigrator -transmigratory -transmissibility -transmissible -transmission -transmissional -transmissionist -transmissive -transmissively -transmissiveness -transmissivity -transmissometer -transmissory -transmit -transmittable -transmittal -transmittance -transmittancy -transmittant -transmitter -transmittible -transmogrification -transmogrifier -transmogrify -transmold -transmontane -transmorphism -transmundane -transmural -transmuscle -transmutability -transmutable -transmutableness -transmutably -transmutation -transmutational -transmutationist -transmutative -transmutatory -transmute -transmuter -transmuting -transmutive -transmutual -transnatation -transnational -transnatural -transnaturation -transnature -transnihilation -transnormal -transocean -transoceanic -transocular -transom -transomed -transonic -transorbital -transpacific -transpadane -transpalatine -transpalmar -transpanamic -transparence -transparency -transparent -transparentize -transparently -transparentness -transparietal -transparish -transpeciate -transpeciation -transpeer -transpenetrable -transpeninsular -transperitoneal -transperitoneally -transpersonal -transphenomenal -transphysical -transpicuity -transpicuous -transpicuously -transpierce -transpirability -transpirable -transpiration -transpirative -transpiratory -transpire -transpirometer -transplace -transplant -transplantability -transplantable -transplantar -transplantation -transplantee -transplanter -transplendency -transplendent -transplendently -transpleural -transpleurally -transpolar -transponibility -transponible -transpontine -transport -transportability -transportable -transportableness -transportal -transportance -transportation -transportational -transportationist -transportative -transported -transportedly -transportedness -transportee -transporter -transporting -transportingly -transportive -transportment -transposability -transposable -transposableness -transposal -transpose -transposer -transposition -transpositional -transpositive -transpositively -transpositor -transpository -transpour -transprint -transprocess -transprose -transproser -transpulmonary -transpyloric -transradiable -transrational -transreal -transrectification -transrhenane -transrhodanian -transriverine -transsegmental -transsensual -transseptal -transsepulchral -transshape -transshift -transship -transshipment -transsolid -transstellar -transsubjective -transtemporal -Transteverine -transthalamic -transthoracic -transubstantial -transubstantially -transubstantiate -transubstantiation -transubstantiationalist -transubstantiationite -transubstantiative -transubstantiatively -transubstantiatory -transudate -transudation -transudative -transudatory -transude -transumpt -transumption -transumptive -transuranian -transuranic -transuranium -transuterine -transvaal -Transvaaler -Transvaalian -transvaluate -transvaluation -transvalue -transvasate -transvasation -transvase -transvectant -transvection -transvenom -transverbate -transverbation -transverberate -transverberation -transversal -transversale -transversalis -transversality -transversally -transversan -transversary -transverse -transversely -transverseness -transverser -transversion -transversive -transversocubital -transversomedial -transversospinal -transversovertical -transversum -transversus -transvert -transverter -transvest -transvestism -transvestite -transvestitism -transvolation -transwritten -Transylvanian -trant -tranter -trantlum -Tranzschelia -trap -Trapa -Trapaceae -trapaceous -trapball -trapes -trapezate -trapeze -trapezia -trapezial -trapezian -trapeziform -trapezing -trapeziometacarpal -trapezist -trapezium -trapezius -trapezohedral -trapezohedron -trapezoid -trapezoidal -trapezoidiform -trapfall -traphole -trapiferous -traplight -traplike -trapmaker -trapmaking -trappean -trapped -trapper -trapperlike -trappiness -trapping -trappingly -Trappist -trappist -Trappistine -trappoid -trappose -trappous -trappy -traprock -traps -trapshoot -trapshooter -trapshooting -trapstick -trapunto -trasformism -trash -trashery -trashify -trashily -trashiness -traship -trashless -trashrack -trashy -trass -Trastevere -Trasteverine -trasy -traulism -trauma -traumasthenia -traumatic -traumatically -traumaticin -traumaticine -traumatism -traumatize -traumatology -traumatonesis -traumatopnea -traumatopyra -traumatosis -traumatotactic -traumatotaxis -traumatropic -traumatropism -Trautvetteria -travail -travale -travally -travated -trave -travel -travelability -travelable -traveldom -traveled -traveler -traveleress -travelerlike -traveling -travellability -travellable -travelled -traveller -travelogue -traveloguer -traveltime -traversable -traversal -traversary -traverse -traversed -traversely -traverser -traversewise -traversework -traversing -traversion -travertin -travertine -travestier -travestiment -travesty -Travis -travis -travois -travoy -trawl -trawlboat -trawler -trawlerman -trawlnet -tray -trayful -traylike -treacher -treacherous -treacherously -treacherousness -treachery -treacle -treaclelike -treaclewort -treacliness -treacly -tread -treadboard -treader -treading -treadle -treadler -treadmill -treadwheel -treason -treasonable -treasonableness -treasonably -treasonful -treasonish -treasonist -treasonless -treasonmonger -treasonous -treasonously -treasonproof -treasurable -treasure -treasureless -treasurer -treasurership -treasuress -treasurous -treasury -treasuryship -treat -treatable -treatableness -treatably -treatee -treater -treating -treatise -treatiser -treatment -treator -treaty -treatyist -treatyite -treatyless -Trebellian -treble -trebleness -trebletree -trebly -trebuchet -trecentist -trechmannite -treckschuyt -Treculia -treddle -tredecile -tredille -tree -treebeard -treebine -treed -treefish -treeful -treehair -treehood -treeify -treeiness -treeless -treelessness -treelet -treelike -treeling -treemaker -treemaking -treeman -treen -treenail -treescape -treeship -treespeeler -treetop -treeward -treewards -treey -tref -trefgordd -trefle -trefoil -trefoiled -trefoillike -trefoilwise -tregadyne -tregerg -tregohm -trehala -trehalase -trehalose -treillage -trek -trekker -trekometer -trekpath -trellis -trellised -trellislike -trelliswork -Trema -Tremandra -Tremandraceae -tremandraceous -Trematoda -trematode -Trematodea -Trematodes -trematoid -Trematosaurus -tremble -tremblement -trembler -trembling -tremblingly -tremblingness -tremblor -trembly -Tremella -Tremellaceae -tremellaceous -Tremellales -tremelliform -tremelline -tremellineous -tremelloid -tremellose -tremendous -tremendously -tremendousness -tremetol -tremie -tremolando -tremolant -tremolist -tremolite -tremolitic -tremolo -tremor -tremorless -tremorlessly -tremulant -tremulate -tremulation -tremulous -tremulously -tremulousness -trenail -trench -trenchancy -trenchant -trenchantly -trenchantness -trenchboard -trenched -trencher -trencherless -trencherlike -trenchermaker -trenchermaking -trencherman -trencherside -trencherwise -trencherwoman -trenchful -trenchlet -trenchlike -trenchmaster -trenchmore -trenchward -trenchwise -trenchwork -trend -trendle -Trent -trental -Trentepohlia -Trentepohliaceae -trentepohliaceous -Trentine -Trenton -trepan -trepanation -trepang -trepanize -trepanner -trepanning -trepanningly -trephination -trephine -trephiner -trephocyte -trephone -trepid -trepidancy -trepidant -trepidate -trepidation -trepidatory -trepidity -trepidly -trepidness -Treponema -treponematous -treponemiasis -treponemiatic -treponemicidal -treponemicide -Trepostomata -trepostomatous -Treron -Treronidae -Treroninae -tresaiel -trespass -trespassage -trespasser -trespassory -tress -tressed -tressful -tressilate -tressilation -tressless -tresslet -tresslike -tresson -tressour -tressure -tressured -tressy -trest -trestle -trestletree -trestlewise -trestlework -trestling -tret -trevally -trevet -Trevor -trews -trewsman -Trey -trey -tri -triable -triableness -triace -triacetamide -triacetate -triacetonamine -triachenium -triacid -triacontaeterid -triacontane -triaconter -triact -triactinal -triactine -triad -triadelphous -Triadenum -triadic -triadical -triadically -triadism -triadist -triaene -triaenose -triage -triagonal -triakisicosahedral -triakisicosahedron -triakisoctahedral -triakisoctahedrid -triakisoctahedron -triakistetrahedral -triakistetrahedron -trial -trialate -trialism -trialist -triality -trialogue -triamid -triamide -triamine -triamino -triammonium -triamylose -triander -Triandria -triandrian -triandrous -triangle -triangled -triangler -triangleways -trianglewise -trianglework -Triangula -triangular -triangularity -triangularly -triangulate -triangulately -triangulation -triangulator -Triangulid -trianguloid -triangulopyramidal -triangulotriangular -Triangulum -triannual -triannulate -Trianon -Triantaphyllos -triantelope -trianthous -triapsal -triapsidal -triarch -triarchate -triarchy -triarctic -triarcuated -triareal -triarii -Triarthrus -triarticulate -Trias -Triassic -triaster -triatic -Triatoma -triatomic -triatomicity -triaxial -triaxon -triaxonian -triazane -triazin -triazine -triazo -triazoic -triazole -triazolic -tribade -tribadism -tribady -tribal -tribalism -tribalist -tribally -tribarred -tribase -tribasic -tribasicity -tribasilar -tribble -tribe -tribeless -tribelet -tribelike -tribesfolk -tribeship -tribesman -tribesmanship -tribespeople -tribeswoman -triblastic -triblet -triboelectric -triboelectricity -tribofluorescence -tribofluorescent -Tribolium -triboluminescence -triboluminescent -tribometer -Tribonema -Tribonemaceae -tribophosphorescence -tribophosphorescent -tribophosphoroscope -triborough -tribrac -tribrach -tribrachial -tribrachic -tribracteate -tribracteolate -tribromacetic -tribromide -tribromoethanol -tribromophenol -tribromphenate -tribromphenol -tribual -tribually -tribular -tribulate -tribulation -tribuloid -Tribulus -tribuna -tribunal -tribunate -tribune -tribuneship -tribunitial -tribunitian -tribunitiary -tribunitive -tributable -tributarily -tributariness -tributary -tribute -tributer -tributist -tributorian -tributyrin -trica -tricae -tricalcic -tricalcium -tricapsular -tricar -tricarballylic -tricarbimide -tricarbon -tricarboxylic -tricarinate -tricarinated -tricarpellary -tricarpellate -tricarpous -tricaudal -tricaudate -trice -tricellular -tricenarious -tricenarium -tricenary -tricennial -tricentenarian -tricentenary -tricentennial -tricentral -tricephal -tricephalic -tricephalous -tricephalus -triceps -Triceratops -triceria -tricerion -tricerium -trichatrophia -trichauxis -Trichechidae -trichechine -trichechodont -Trichechus -trichevron -trichi -trichia -trichiasis -Trichilia -Trichina -trichina -trichinae -trichinal -Trichinella -trichiniasis -trichiniferous -trichinization -trichinize -trichinoid -trichinopoly -trichinoscope -trichinoscopy -trichinosed -trichinosis -trichinotic -trichinous -trichite -trichitic -trichitis -trichiurid -Trichiuridae -trichiuroid -Trichiurus -trichloride -trichlormethane -trichloro -trichloroacetic -trichloroethylene -trichloromethane -trichloromethyl -trichobacteria -trichobezoar -trichoblast -trichobranchia -trichobranchiate -trichocarpous -trichocephaliasis -Trichocephalus -trichoclasia -trichoclasis -trichocyst -trichocystic -trichode -Trichoderma -Trichodesmium -Trichodontidae -trichoepithelioma -trichogen -trichogenous -trichoglossia -Trichoglossidae -Trichoglossinae -trichoglossine -Trichogramma -Trichogrammatidae -trichogyne -trichogynial -trichogynic -trichoid -Tricholaena -trichological -trichologist -trichology -Tricholoma -trichoma -Trichomanes -trichomaphyte -trichomatose -trichomatosis -trichomatous -trichome -trichomic -trichomonad -Trichomonadidae -Trichomonas -trichomoniasis -trichomycosis -trichonosus -trichopathic -trichopathy -trichophore -trichophoric -trichophyllous -trichophyte -trichophytia -trichophytic -Trichophyton -trichophytosis -Trichoplax -trichopore -trichopter -Trichoptera -trichoptera -trichopteran -trichopteron -trichopterous -trichopterygid -Trichopterygidae -trichord -trichorrhea -trichorrhexic -trichorrhexis -Trichosanthes -trichoschisis -trichosis -trichosporange -trichosporangial -trichosporangium -Trichosporum -trichostasis -Trichostema -trichostrongyle -trichostrongylid -Trichostrongylus -trichothallic -trichotillomania -trichotomic -trichotomism -trichotomist -trichotomize -trichotomous -trichotomously -trichotomy -trichroic -trichroism -trichromat -trichromate -trichromatic -trichromatism -trichromatist -trichrome -trichromic -trichronous -trichuriasis -Trichuris -trichy -Tricia -tricinium -tricipital -tricircular -trick -tricker -trickery -trickful -trickily -trickiness -tricking -trickingly -trickish -trickishly -trickishness -trickle -trickless -tricklet -tricklike -trickling -tricklingly -trickly -trickment -trickproof -tricksical -tricksily -tricksiness -tricksome -trickster -trickstering -trickstress -tricksy -tricktrack -tricky -triclad -Tricladida -triclinate -triclinia -triclinial -tricliniarch -tricliniary -triclinic -triclinium -triclinohedric -tricoccose -tricoccous -tricolette -tricolic -tricolon -tricolor -tricolored -tricolumnar -tricompound -triconch -Triconodon -triconodont -Triconodonta -triconodontid -triconodontoid -triconodonty -triconsonantal -triconsonantalism -tricophorous -tricorn -tricornered -tricornute -tricorporal -tricorporate -tricoryphean -tricosane -tricosanone -tricostate -tricosyl -tricosylic -tricot -tricotine -tricotyledonous -tricresol -tricrotic -tricrotism -tricrotous -tricrural -tricurvate -tricuspal -tricuspid -tricuspidal -tricuspidate -tricuspidated -tricussate -tricyanide -tricycle -tricyclene -tricycler -tricyclic -tricyclist -Tricyrtis -Tridacna -Tridacnidae -tridactyl -tridactylous -tridaily -triddler -tridecane -tridecene -tridecilateral -tridecoic -tridecyl -tridecylene -tridecylic -trident -tridental -tridentate -tridentated -tridentiferous -Tridentine -Tridentinian -tridepside -tridermic -tridiametral -tridiapason -tridigitate -tridimensional -tridimensionality -tridimensioned -tridiurnal -tridominium -tridrachm -triduan -triduum -tridymite -tridynamous -tried -triedly -trielaidin -triene -triennial -trienniality -triennially -triennium -triens -triental -Trientalis -triequal -trier -trierarch -trierarchal -trierarchic -trierarchy -trierucin -trieteric -trieterics -triethanolamine -triethyl -triethylamine -triethylstibine -trifa -trifacial -trifarious -trifasciated -triferous -trifid -trifilar -trifistulary -triflagellate -trifle -trifledom -trifler -triflet -trifling -triflingly -triflingness -trifloral -triflorate -triflorous -trifluoride -trifocal -trifoil -trifold -trifoliate -trifoliated -trifoliolate -trifoliosis -Trifolium -trifolium -trifoly -triforial -triforium -triform -triformed -triformin -triformity -triformous -trifoveolate -trifuran -trifurcal -trifurcate -trifurcation -trig -trigamist -trigamous -trigamy -trigeminal -trigeminous -trigeneric -trigesimal -trigger -triggered -triggerfish -triggerless -trigintal -trigintennial -Trigla -triglandular -triglid -Triglidae -triglochid -Triglochin -triglochin -triglot -trigly -triglyceride -triglyceryl -triglyph -triglyphal -triglyphed -triglyphic -triglyphical -trigness -trigon -Trigona -trigonal -trigonally -trigone -Trigonella -trigonelline -trigoneutic -trigoneutism -Trigonia -Trigoniaceae -trigoniacean -trigoniaceous -trigonic -trigonid -Trigoniidae -trigonite -trigonitis -trigonocephalic -trigonocephalous -Trigonocephalus -trigonocephaly -trigonocerous -trigonododecahedron -trigonodont -trigonoid -trigonometer -trigonometric -trigonometrical -trigonometrician -trigonometry -trigonon -trigonotype -trigonous -trigonum -trigram -trigrammatic -trigrammatism -trigrammic -trigraph -trigraphic -triguttulate -trigyn -Trigynia -trigynian -trigynous -trihalide -trihedral -trihedron -trihemeral -trihemimer -trihemimeral -trihemimeris -trihemiobol -trihemiobolion -trihemitetartemorion -trihoral -trihourly -trihybrid -trihydrate -trihydrated -trihydric -trihydride -trihydrol -trihydroxy -trihypostatic -trijugate -trijugous -trijunction -trikaya -trike -triker -trikeria -trikerion -triketo -triketone -trikir -trilabe -trilabiate -trilamellar -trilamellated -trilaminar -trilaminate -trilarcenous -trilateral -trilaterality -trilaterally -trilateralness -trilaurin -trilby -trilemma -trilinear -trilineate -trilineated -trilingual -trilinguar -trilinolate -trilinoleate -trilinolenate -trilinolenin -Trilisa -trilit -trilite -triliteral -triliteralism -triliterality -triliterally -triliteralness -trilith -trilithic -trilithon -trill -trillachan -trillet -trilli -Trilliaceae -trilliaceous -trillibub -trilliin -trilling -trillion -trillionaire -trillionize -trillionth -Trillium -trillium -trillo -trilobate -trilobated -trilobation -trilobe -trilobed -Trilobita -trilobite -trilobitic -trilocular -triloculate -trilogic -trilogical -trilogist -trilogy -Trilophodon -trilophodont -triluminar -triluminous -trim -trimacer -trimacular -trimargarate -trimargarin -trimastigate -trimellitic -trimembral -trimensual -trimer -Trimera -trimercuric -Trimeresurus -trimeric -trimeride -trimerite -trimerization -trimerous -trimesic -trimesinic -trimesitic -trimesitinic -trimester -trimestral -trimestrial -trimesyl -trimetalism -trimetallic -trimeter -trimethoxy -trimethyl -trimethylacetic -trimethylamine -trimethylbenzene -trimethylene -trimethylmethane -trimethylstibine -trimetric -trimetrical -trimetrogon -trimly -trimmer -trimming -trimmingly -trimness -trimodal -trimodality -trimolecular -trimonthly -trimoric -trimorph -trimorphic -trimorphism -trimorphous -trimotor -trimotored -trimstone -trimtram -trimuscular -trimyristate -trimyristin -trin -Trinacrian -trinal -trinality -trinalize -trinary -trinational -trindle -trine -trinely -trinervate -trinerve -trinerved -trineural -Tringa -tringine -tringle -tringoid -Trinidadian -trinidado -Trinil -Trinitarian -trinitarian -Trinitarianism -trinitrate -trinitration -trinitride -trinitrin -trinitro -trinitrocarbolic -trinitrocellulose -trinitrocresol -trinitroglycerin -trinitromethane -trinitrophenol -trinitroresorcin -trinitrotoluene -trinitroxylene -trinitroxylol -Trinity -trinity -trinityhood -trink -trinkerman -trinket -trinketer -trinketry -trinkety -trinkle -trinklement -trinklet -trinkums -Trinobantes -trinoctial -trinodal -trinode -trinodine -trinol -trinomial -trinomialism -trinomialist -trinomiality -trinomially -trinopticon -Trinorantum -Trinovant -Trinovantes -trintle -trinucleate -Trinucleus -Trio -trio -triobol -triobolon -trioctile -triocular -triode -triodia -triodion -Triodon -Triodontes -Triodontidae -triodontoid -Triodontoidea -Triodontoidei -Triodontophorus -Trioecia -trioecious -trioeciously -trioecism -triolcous -triole -trioleate -triolefin -trioleic -triolein -triolet -triology -Trionychidae -trionychoid -Trionychoideachid -trionychoidean -trionym -trionymal -Trionyx -trioperculate -Triopidae -Triops -trior -triorchis -triorchism -triorthogonal -triose -Triosteum -triovulate -trioxazine -trioxide -trioxymethylene -triozonide -trip -tripal -tripaleolate -tripalmitate -tripalmitin -tripara -tripart -triparted -tripartedly -tripartible -tripartient -tripartite -tripartitely -tripartition -tripaschal -tripe -tripedal -tripel -tripelike -tripeman -tripemonger -tripennate -tripenny -tripeptide -tripersonal -tripersonalism -tripersonalist -tripersonality -tripersonally -tripery -tripeshop -tripestone -tripetaloid -tripetalous -tripewife -tripewoman -triphammer -triphane -triphase -triphaser -Triphasia -triphasic -triphenyl -triphenylamine -triphenylated -triphenylcarbinol -triphenylmethane -triphenylmethyl -triphenylphosphine -triphibian -triphibious -triphony -Triphora -triphthong -triphyletic -triphyline -triphylite -triphyllous -Triphysite -tripinnate -tripinnated -tripinnately -tripinnatifid -tripinnatisect -Tripitaka -triplane -Triplaris -triplasian -triplasic -triple -tripleback -triplefold -triplegia -tripleness -triplet -tripletail -tripletree -triplewise -triplex -triplexity -triplicate -triplication -triplicative -triplicature -Triplice -Triplicist -triplicity -triplicostate -tripliform -triplinerved -tripling -triplite -triploblastic -triplocaulescent -triplocaulous -Triplochitonaceae -triploid -triploidic -triploidite -triploidy -triplopia -triplopy -triplum -triplumbic -triply -tripmadam -tripod -tripodal -tripodial -tripodian -tripodic -tripodical -tripody -tripointed -tripolar -tripoli -Tripoline -tripoline -Tripolitan -tripolite -tripos -tripotassium -trippant -tripper -trippet -tripping -trippingly -trippingness -trippist -tripple -trippler -Tripsacum -tripsill -tripsis -tripsome -tripsomely -triptane -tripterous -triptote -triptych -triptyque -tripudial -tripudiant -tripudiary -tripudiate -tripudiation -tripudist -tripudium -tripunctal -tripunctate -tripy -Tripylaea -tripylaean -Tripylarian -tripylarian -tripyrenous -triquadrantal -triquetra -triquetral -triquetric -triquetrous -triquetrously -triquetrum -triquinate -triquinoyl -triradial -triradially -triradiate -triradiated -triradiately -triradiation -Triratna -trirectangular -triregnum -trireme -trirhombohedral -trirhomboidal -triricinolein -trisaccharide -trisaccharose -trisacramentarian -Trisagion -trisalt -trisazo -trisceptral -trisect -trisected -trisection -trisector -trisectrix -triseme -trisemic -trisensory -trisepalous -triseptate -triserial -triserially -triseriate -triseriatim -trisetose -Trisetum -trishna -trisilane -trisilicane -trisilicate -trisilicic -trisinuate -trisinuated -triskele -triskelion -trismegist -trismegistic -trismic -trismus -trisoctahedral -trisoctahedron -trisodium -trisome -trisomic -trisomy -trisonant -Trisotropis -trispast -trispaston -trispermous -trispinose -trisplanchnic -trisporic -trisporous -trisquare -trist -tristachyous -Tristam -Tristan -Tristania -tristate -tristearate -tristearin -tristeness -tristetrahedron -tristeza -tristful -tristfully -tristfulness -tristich -Tristichaceae -tristichic -tristichous -tristigmatic -tristigmatose -tristiloquy -tristisonous -Tristram -tristylous -trisubstituted -trisubstitution -trisul -trisula -trisulcate -trisulcated -trisulphate -trisulphide -trisulphone -trisulphonic -trisulphoxide -trisylabic -trisyllabical -trisyllabically -trisyllabism -trisyllabity -trisyllable -tritactic -tritagonist -tritangent -tritangential -tritanope -tritanopia -tritanopic -tritaph -trite -Triteleia -tritely -tritemorion -tritencephalon -triteness -triternate -triternately -triterpene -tritetartemorion -tritheism -tritheist -tritheistic -tritheistical -tritheite -tritheocracy -trithing -trithioaldehyde -trithiocarbonate -trithiocarbonic -trithionate -trithionic -Trithrinax -tritical -triticality -tritically -triticalness -triticeous -triticeum -triticin -triticism -triticoid -Triticum -triticum -tritish -tritium -tritocerebral -tritocerebrum -tritocone -tritoconid -Tritogeneia -tritolo -Tritoma -tritomite -Triton -triton -tritonal -tritonality -tritone -Tritoness -Tritonia -Tritonic -Tritonidae -tritonoid -tritonous -tritonymph -tritonymphal -tritopatores -tritopine -tritor -tritoral -tritorium -tritoxide -tritozooid -tritriacontane -trittichan -tritubercular -Trituberculata -trituberculism -trituberculy -triturable -tritural -triturate -trituration -triturator -triturature -triturium -Triturus -trityl -Tritylodon -Triumfetta -Triumph -triumph -triumphal -triumphance -triumphancy -triumphant -triumphantly -triumphator -triumpher -triumphing -triumphwise -triumvir -triumviral -triumvirate -triumviri -triumvirship -triunal -triune -triungulin -triunification -triunion -triunitarian -triunity -triunsaturated -triurid -Triuridaceae -Triuridales -Triuris -trivalence -trivalency -trivalent -trivalerin -trivalve -trivalvular -trivant -trivantly -trivariant -triverbal -triverbial -trivet -trivetwise -trivia -trivial -trivialism -trivialist -triviality -trivialize -trivially -trivialness -trivirga -trivirgate -trivium -trivoltine -trivvet -triweekly -Trix -Trixie -Trixy -trizoic -trizomal -trizonal -trizone -Trizonia -Troad -troat -troca -trocaical -trocar -Trochaic -trochaic -trochaicality -trochal -trochalopod -Trochalopoda -trochalopodous -trochanter -trochanteric -trochanterion -trochantin -trochantinian -trochart -trochate -troche -trocheameter -trochee -trocheeize -trochelminth -Trochelminthes -trochi -trochid -Trochidae -trochiferous -trochiform -Trochila -Trochili -trochili -trochilic -trochilics -trochilidae -trochilidine -trochilidist -trochiline -trochilopodous -Trochilus -trochilus -troching -trochiscation -trochiscus -trochite -trochitic -Trochius -trochlea -trochlear -trochleariform -trochlearis -trochleary -trochleate -trochleiform -trochocephalia -trochocephalic -trochocephalus -trochocephaly -Trochodendraceae -trochodendraceous -Trochodendron -trochoid -trochoidal -trochoidally -trochoides -trochometer -trochophore -Trochosphaera -Trochosphaerida -trochosphere -trochospherical -Trochozoa -trochozoic -trochozoon -Trochus -trochus -trock -troco -troctolite -trod -trodden -trode -troegerite -Troezenian -troft -trog -trogger -troggin -troglodytal -troglodyte -Troglodytes -troglodytic -troglodytical -Troglodytidae -Troglodytinae -troglodytish -troglodytism -trogon -Trogones -Trogonidae -Trogoniformes -trogonoid -trogs -trogue -Troiades -Troic -troika -troilite -Trojan -troke -troker -troll -trolldom -trolleite -troller -trolley -trolleyer -trolleyful -trolleyman -trollflower -trollimog -trolling -Trollius -trollman -trollol -trollop -Trollopean -Trollopeanism -trollopish -trollops -trollopy -trolly -tromba -trombe -trombiculid -trombidiasis -Trombidiidae -Trombidium -trombone -trombonist -trombony -trommel -tromometer -tromometric -tromometrical -tromometry -tromp -trompe -trompil -trompillo -tromple -tron -trona -tronador -tronage -tronc -trondhjemite -trone -troner -troolie -troop -trooper -trooperess -troopfowl -troopship -troopwise -troostite -troostitic -troot -tropacocaine -tropaeolaceae -tropaeolaceous -tropaeolin -Tropaeolum -tropaion -tropal -troparia -troparion -tropary -tropate -trope -tropeic -tropeine -troper -tropesis -trophaea -trophaeum -trophal -trophallactic -trophallaxis -trophectoderm -trophedema -trophema -trophesial -trophesy -trophi -trophic -trophical -trophically -trophicity -trophied -Trophis -trophism -trophobiont -trophobiosis -trophobiotic -trophoblast -trophoblastic -trophochromatin -trophocyte -trophoderm -trophodisc -trophodynamic -trophodynamics -trophogenesis -trophogenic -trophogeny -trophology -trophonema -trophoneurosis -trophoneurotic -Trophonian -trophonucleus -trophopathy -trophophore -trophophorous -trophophyte -trophoplasm -trophoplasmatic -trophoplasmic -trophoplast -trophosomal -trophosome -trophosperm -trophosphere -trophospongia -trophospongial -trophospongium -trophospore -trophotaxis -trophotherapy -trophothylax -trophotropic -trophotropism -trophozoite -trophozooid -trophy -trophyless -trophywort -tropic -tropical -Tropicalia -Tropicalian -tropicality -tropicalization -tropicalize -tropically -tropicopolitan -tropidine -Tropidoleptus -tropine -tropism -tropismatic -tropist -tropistic -tropocaine -tropologic -tropological -tropologically -tropologize -tropology -tropometer -tropopause -tropophil -tropophilous -tropophyte -tropophytic -troposphere -tropostereoscope -tropoyl -troptometer -tropyl -trostera -trot -trotcozy -troth -trothful -trothless -trothlike -trothplight -trotlet -trotline -trotol -trotter -trottie -trottles -trottoir -trottoired -trotty -trotyl -troubadour -troubadourish -troubadourism -troubadourist -trouble -troubledly -troubledness -troublemaker -troublemaking -troublement -troubleproof -troubler -troublesome -troublesomely -troublesomeness -troubling -troublingly -troublous -troublously -troublousness -troubly -trough -troughful -troughing -troughlike -troughster -troughway -troughwise -troughy -trounce -trouncer -troupand -troupe -trouper -troupial -trouse -trouser -trouserdom -trousered -trouserettes -trouserian -trousering -trouserless -trousers -trousseau -trousseaux -trout -troutbird -trouter -troutflower -troutful -troutiness -troutless -troutlet -troutlike -trouty -trouvere -trouveur -trove -troveless -trover -trow -trowel -trowelbeak -troweler -trowelful -trowelman -trowing -trowlesworthite -trowman -trowth -Troy -troy -Troynovant -Troytown -truancy -truandise -truant -truantcy -truantism -truantlike -truantly -truantness -truantry -truantship -trub -trubu -truce -trucebreaker -trucebreaking -truceless -trucemaker -trucemaking -trucial -trucidation -truck -truckage -trucker -truckful -trucking -truckle -truckler -trucklike -truckling -trucklingly -truckload -truckman -truckmaster -trucks -truckster -truckway -truculence -truculency -truculent -truculental -truculently -truculentness -truddo -trudellite -trudge -trudgen -trudger -Trudy -true -trueborn -truebred -truehearted -trueheartedly -trueheartedness -truelike -truelove -trueness -truepenny -truer -truff -truffle -truffled -trufflelike -truffler -trufflesque -trug -truish -truism -truismatic -truistic -truistical -trull -Trullan -truller -trullization -trullo -truly -trumbash -trummel -trump -trumper -trumperiness -trumpery -trumpet -trumpetbush -trumpeter -trumpeting -trumpetless -trumpetlike -trumpetry -trumpetweed -trumpetwood -trumpety -trumph -trumpie -trumpless -trumplike -trun -truncage -truncal -truncate -truncated -Truncatella -Truncatellidae -truncately -truncation -truncator -truncatorotund -truncatosinuate -truncature -trunch -trunched -truncheon -truncheoned -truncher -trunchman -trundle -trundlehead -trundler -trundleshot -trundletail -trundling -trunk -trunkback -trunked -trunkfish -trunkful -trunking -trunkless -trunkmaker -trunknose -trunkway -trunkwork -trunnel -trunnion -trunnioned -trunnionless -trush -trusion -truss -trussed -trussell -trusser -trussing -trussmaker -trussmaking -trusswork -trust -trustability -trustable -trustableness -trustably -trustee -trusteeism -trusteeship -trusten -truster -trustful -trustfully -trustfulness -trustification -trustify -trustihood -trustily -trustiness -trusting -trustingly -trustingness -trustle -trustless -trustlessly -trustlessness -trustman -trustmonger -trustwoman -trustworthily -trustworthiness -trustworthy -trusty -truth -truthable -truthful -truthfully -truthfulness -truthify -truthiness -truthless -truthlessly -truthlessness -truthlike -truthlikeness -truthsman -truthteller -truthtelling -truthy -Trutta -truttaceous -truvat -truxillic -truxilline -try -trygon -Trygonidae -tryhouse -Trying -trying -tryingly -tryingness -tryma -tryout -tryp -trypa -trypan -trypaneid -Trypaneidae -trypanocidal -trypanocide -trypanolysin -trypanolysis -trypanolytic -Trypanosoma -trypanosoma -trypanosomacidal -trypanosomacide -trypanosomal -trypanosomatic -Trypanosomatidae -trypanosomatosis -trypanosomatous -trypanosome -trypanosomiasis -trypanosomic -Tryparsamide -Trypeta -trypetid -Trypetidae -Tryphena -Tryphosa -trypiate -trypograph -trypographic -trypsin -trypsinize -trypsinogen -tryptase -tryptic -tryptogen -tryptone -tryptonize -tryptophan -trysail -tryst -tryster -trysting -tryt -tryworks -tsadik -tsamba -tsantsa -tsar -tsardom -tsarevitch -tsarina -tsaritza -tsarship -tsatlee -Tsattine -tscharik -tscheffkinite -Tscherkess -tsere -tsessebe -tsetse -Tshi -tsia -Tsiltaden -Tsimshian -tsine -tsingtauite -tsiology -Tsoneca -Tsonecan -tst -tsuba -tsubo -Tsuga -Tsuma -tsumebite -tsun -tsunami -tsungtu -Tsutsutsi -tu -tua -Tualati -Tuamotu -Tuamotuan -Tuan -tuan -Tuareg -tuarn -tuart -tuatara -tuatera -tuath -tub -Tuba -tuba -tubae -tubage -tubal -tubaphone -tubar -tubate -tubatoxin -Tubatulabal -tubba -tubbable -tubbal -tubbeck -tubber -tubbie -tubbiness -tubbing -tubbish -tubboe -tubby -tube -tubeflower -tubeform -tubeful -tubehead -tubehearted -tubeless -tubelet -tubelike -tubemaker -tubemaking -tubeman -tuber -Tuberaceae -tuberaceous -Tuberales -tuberation -tubercle -tubercled -tuberclelike -tubercula -tubercular -Tubercularia -Tuberculariaceae -tuberculariaceous -tubercularization -tubercularize -tubercularly -tubercularness -tuberculate -tuberculated -tuberculatedly -tuberculately -tuberculation -tuberculatogibbous -tuberculatonodose -tuberculatoradiate -tuberculatospinous -tubercule -tuberculed -tuberculid -tuberculide -tuberculiferous -tuberculiform -tuberculin -tuberculinic -tuberculinization -tuberculinize -tuberculization -tuberculize -tuberculocele -tuberculocidin -tuberculoderma -tuberculoid -tuberculoma -tuberculomania -tuberculomata -tuberculophobia -tuberculoprotein -tuberculose -tuberculosectorial -tuberculosed -tuberculosis -tuberculotherapist -tuberculotherapy -tuberculotoxin -tuberculotrophic -tuberculous -tuberculously -tuberculousness -tuberculum -tuberiferous -tuberiform -tuberin -tuberization -tuberize -tuberless -tuberoid -tuberose -tuberosity -tuberous -tuberously -tuberousness -tubesmith -tubework -tubeworks -tubfish -tubful -tubicen -tubicinate -tubicination -Tubicola -Tubicolae -tubicolar -tubicolous -tubicorn -tubicornous -tubifacient -tubifer -tubiferous -Tubifex -Tubificidae -Tubiflorales -tubiflorous -tubiform -tubig -tubik -tubilingual -Tubinares -tubinarial -tubinarine -tubing -Tubingen -tubiparous -Tubipora -tubipore -tubiporid -Tubiporidae -tubiporoid -tubiporous -tublet -tublike -tubmaker -tubmaking -tubman -tuboabdominal -tubocurarine -tubolabellate -tuboligamentous -tuboovarial -tuboovarian -tuboperitoneal -tuborrhea -tubotympanal -tubovaginal -tubular -Tubularia -tubularia -Tubulariae -tubularian -Tubularida -tubularidan -Tubulariidae -tubularity -tubularly -tubulate -tubulated -tubulation -tubulator -tubulature -tubule -tubulet -tubuli -tubulibranch -tubulibranchian -Tubulibranchiata -tubulibranchiate -Tubulidentata -tubulidentate -Tubulifera -tubuliferan -tubuliferous -tubulifloral -tubuliflorous -tubuliform -Tubulipora -tubulipore -tubuliporid -Tubuliporidae -tubuliporoid -tubulization -tubulodermoid -tubuloracemose -tubulosaccular -tubulose -tubulostriato -tubulous -tubulously -tubulousness -tubulure -tubulus -tubwoman -Tucana -Tucanae -tucandera -Tucano -tuchit -tuchun -tuchunate -tuchunism -tuchunize -tuck -Tuckahoe -tuckahoe -tucker -tuckermanity -tucket -tucking -tuckner -tuckshop -tucktoo -tucky -tucum -tucuma -tucuman -Tucuna -tudel -Tudesque -Tudor -Tudoresque -tue -tueiron -Tuesday -tufa -tufaceous -tufalike -tufan -tuff -tuffaceous -tuffet -tuffing -tuft -tuftaffeta -tufted -tufter -tufthunter -tufthunting -tuftily -tufting -tuftlet -tufty -tug -tugboat -tugboatman -tugger -tuggery -tugging -tuggingly -tughra -tugless -tuglike -tugman -tugrik -tugui -tugurium -tui -tuik -tuille -tuillette -tuilyie -tuism -tuition -tuitional -tuitionary -tuitive -tuke -tukra -Tukuler -Tukulor -tula -Tulalip -tulare -tularemia -tulasi -Tulbaghia -tulchan -tulchin -tule -tuliac -tulip -Tulipa -tulipflower -tulipiferous -tulipist -tuliplike -tulipomania -tulipomaniac -tulipwood -tulipy -tulisan -Tulkepaia -tulle -Tullian -tullibee -Tulostoma -tulsi -Tulu -tulwar -tum -tumasha -tumatakuru -tumatukuru -tumbak -tumbester -tumble -tumblebug -tumbled -tumbledung -tumbler -tumblerful -tumblerlike -tumblerwise -tumbleweed -tumblification -tumbling -tumblingly -tumbly -Tumboa -tumbrel -tume -tumefacient -tumefaction -tumefy -tumescence -tumescent -tumid -tumidity -tumidly -tumidness -Tumion -tummals -tummel -tummer -tummock -tummy -tumor -tumored -tumorlike -tumorous -tump -tumpline -tumtum -tumular -tumulary -tumulate -tumulation -tumuli -tumulose -tumulosity -tumulous -tumult -tumultuarily -tumultuariness -tumultuary -tumultuate -tumultuation -tumultuous -tumultuously -tumultuousness -tumulus -Tumupasa -tun -Tuna -tuna -tunable -tunableness -tunably -tunbellied -tunbelly -tunca -tund -tundagslatta -tunder -tundish -tundra -tundun -tune -Tunebo -tuned -tuneful -tunefully -tunefulness -tuneless -tunelessly -tunelessness -tunemaker -tunemaking -tuner -tunesome -tunester -tunful -tung -Tunga -Tungan -tungate -tungo -tungstate -tungsten -tungstenic -tungsteniferous -tungstenite -tungstic -tungstite -tungstosilicate -tungstosilicic -Tungus -Tungusian -Tungusic -tunhoof -tunic -Tunica -Tunican -tunicary -Tunicata -tunicate -tunicated -tunicin -tunicked -tunicle -tunicless -tuniness -tuning -tunish -Tunisian -tunist -tunk -Tunker -tunket -tunlike -tunmoot -tunna -tunnel -tunneled -tunneler -tunneling -tunnelist -tunnelite -tunnellike -tunnelly -tunnelmaker -tunnelmaking -tunnelman -tunnelway -tunner -tunnery -Tunnit -tunnland -tunnor -tunny -tuno -tunu -tuny -tup -Tupaia -Tupaiidae -tupakihi -tupanship -tupara -tupek -tupelo -Tupi -Tupian -tupik -Tupinamba -Tupinaqui -tupman -tuppence -tuppenny -Tupperian -Tupperish -Tupperism -Tupperize -tupuna -tuque -tur -turacin -Turacus -Turanian -Turanianism -Turanism -turanose -turb -turban -turbaned -turbanesque -turbanette -turbanless -turbanlike -turbantop -turbanwise -turbary -turbeh -Turbellaria -turbellarian -turbellariform -turbescency -turbid -turbidimeter -turbidimetric -turbidimetry -turbidity -turbidly -turbidness -turbinaceous -turbinage -turbinal -turbinate -turbinated -turbination -turbinatoconcave -turbinatocylindrical -turbinatoglobose -turbinatostipitate -turbine -turbinectomy -turbined -turbinelike -Turbinella -Turbinellidae -turbinelloid -turbiner -turbines -Turbinidae -turbiniform -turbinoid -turbinotome -turbinotomy -turbit -turbith -turbitteen -Turbo -turbo -turboalternator -turboblower -turbocompressor -turbodynamo -turboexciter -turbofan -turbogenerator -turbomachine -turbomotor -turbopump -turbosupercharge -turbosupercharger -turbot -turbotlike -turboventilator -turbulence -turbulency -turbulent -turbulently -turbulentness -Turcian -Turcic -Turcification -Turcism -Turcize -Turco -turco -Turcoman -Turcophilism -turcopole -turcopolier -turd -Turdetan -Turdidae -turdiform -Turdinae -turdine -turdoid -Turdus -tureen -tureenful -turf -turfage -turfdom -turfed -turfen -turfiness -turfing -turfite -turfless -turflike -turfman -turfwise -turfy -turgency -turgent -turgently -turgesce -turgescence -turgescency -turgescent -turgescible -turgid -turgidity -turgidly -turgidness -turgite -turgoid -turgor -turgy -Turi -turicata -turio -turion -turioniferous -turjaite -turjite -Turk -turk -Turkana -Turkdom -Turkeer -turken -Turkery -Turkess -Turkey -turkey -turkeyback -turkeyberry -turkeybush -Turkeydom -turkeyfoot -Turkeyism -turkeylike -Turki -Turkic -Turkicize -Turkification -Turkify -turkis -Turkish -Turkishly -Turkishness -Turkism -Turkize -turkle -Turklike -Turkman -Turkmen -Turkmenian -Turkologist -Turkology -Turkoman -Turkomania -Turkomanic -Turkomanize -Turkophil -Turkophile -Turkophilia -Turkophilism -Turkophobe -Turkophobist -turlough -Turlupin -turm -turma -turment -turmeric -turmit -turmoil -turmoiler -turn -turnable -turnabout -turnagain -turnaround -turnaway -turnback -turnbout -turnbuckle -turncap -turncoat -turncoatism -turncock -turndown -turndun -turned -turnel -turner -Turnera -Turneraceae -turneraceous -Turneresque -Turnerian -Turnerism -turnerite -turnery -turney -turngate -turnhall -Turnhalle -Turnices -Turnicidae -turnicine -Turnicomorphae -turnicomorphic -turning -turningness -turnip -turniplike -turnipweed -turnipwise -turnipwood -turnipy -Turnix -turnix -turnkey -turnoff -turnout -turnover -turnpike -turnpiker -turnpin -turnplate -turnplow -turnrow -turns -turnscrew -turnsheet -turnskin -turnsole -turnspit -turnstile -turnstone -turntable -turntail -turnup -turnwrest -turnwrist -Turonian -turp -turpantineweed -turpentine -turpentineweed -turpentinic -turpeth -turpethin -turpid -turpidly -turpitude -turps -turquoise -turquoiseberry -turquoiselike -turr -turret -turreted -turrethead -turretlike -turrical -turricle -turricula -turriculae -turricular -turriculate -turriferous -turriform -turrigerous -Turrilepas -turrilite -Turrilites -turriliticone -Turrilitidae -Turritella -turritella -turritellid -Turritellidae -turritelloid -turse -Tursenoi -Tursha -tursio -Tursiops -Turtan -turtle -turtleback -turtlebloom -turtledom -turtledove -turtlehead -turtleize -turtlelike -turtler -turtlet -turtling -turtosa -tururi -turus -Turveydrop -Turveydropdom -Turveydropian -turwar -Tusayan -Tuscan -Tuscanism -Tuscanize -Tuscanlike -Tuscany -Tuscarora -tusche -Tusculan -Tush -tush -tushed -Tushepaw -tusher -tushery -tusk -tuskar -tusked -Tuskegee -tusker -tuskish -tuskless -tusklike -tuskwise -tusky -tussah -tussal -tusser -tussicular -Tussilago -tussis -tussive -tussle -tussock -tussocked -tussocker -tussocky -tussore -tussur -tut -tutania -tutball -tute -tutee -tutela -tutelage -tutelar -tutelary -Tutelo -tutenag -tuth -tutin -tutiorism -tutiorist -tutly -tutman -tutor -tutorage -tutorer -tutoress -tutorhood -tutorial -tutorially -tutoriate -tutorism -tutorization -tutorize -tutorless -tutorly -tutorship -tutory -tutoyer -tutress -tutrice -tutrix -tuts -tutsan -tutster -tutti -tuttiman -tutty -tutu -tutulus -Tututni -tutwork -tutworker -tutworkman -tuwi -tux -tuxedo -tuyere -Tuyuneiri -tuza -Tuzla -tuzzle -twa -Twaddell -twaddle -twaddledom -twaddleize -twaddlement -twaddlemonger -twaddler -twaddlesome -twaddling -twaddlingly -twaddly -twaddy -twae -twaesome -twafauld -twagger -twain -twaite -twal -twale -twalpenny -twalpennyworth -twalt -Twana -twang -twanger -twanginess -twangle -twangler -twangy -twank -twanker -twanking -twankingly -twankle -twanky -twant -twarly -twas -twasome -twat -twatchel -twatterlight -twattle -twattler -twattling -tway -twayblade -twazzy -tweag -tweak -tweaker -tweaky -twee -tweed -tweeded -tweedle -tweedledee -tweedledum -tweedy -tweeg -tweel -tween -tweenlight -tweeny -tweesh -tweesht -tweest -tweet -tweeter -tweeze -tweezer -tweezers -tweil -twelfhynde -twelfhyndeman -twelfth -twelfthly -Twelfthtide -twelve -twelvefold -twelvehynde -twelvehyndeman -twelvemo -twelvemonth -twelvepence -twelvepenny -twelvescore -twentieth -twentiethly -twenty -twentyfold -twentymo -twere -twerp -Twi -twibil -twibilled -twice -twicer -twicet -twichild -twick -twiddle -twiddler -twiddling -twiddly -twifoil -twifold -twifoldly -twig -twigful -twigged -twiggen -twigger -twiggy -twigless -twiglet -twiglike -twigsome -twigwithy -twilight -twilightless -twilightlike -twilighty -twilit -twill -twilled -twiller -twilling -twilly -twilt -twin -twinable -twinberry -twinborn -twindle -twine -twineable -twinebush -twineless -twinelike -twinemaker -twinemaking -twiner -twinflower -twinfold -twinge -twingle -twinhood -twiningly -twinism -twink -twinkle -twinkledum -twinkleproof -twinkler -twinkles -twinkless -twinkling -twinklingly -twinkly -twinleaf -twinlike -twinling -twinly -twinned -twinner -twinness -twinning -twinship -twinsomeness -twinter -twiny -twire -twirk -twirl -twirler -twirligig -twirly -twiscar -twisel -twist -twistable -twisted -twistedly -twistened -twister -twisterer -twistical -twistification -twistily -twistiness -twisting -twistingly -twistiways -twistiwise -twistle -twistless -twisty -twit -twitch -twitchel -twitcheling -twitcher -twitchet -twitchety -twitchfire -twitchily -twitchiness -twitchingly -twitchy -twite -twitlark -twitten -twitter -twitteration -twitterboned -twitterer -twittering -twitteringly -twitterly -twittery -twittingly -twitty -twixt -twixtbrain -twizzened -twizzle -two -twodecker -twofold -twofoldly -twofoldness -twoling -twoness -twopence -twopenny -twosome -twyblade -twyhynde -Tybalt -Tyburn -Tyburnian -Tyche -tychism -tychite -Tychonian -Tychonic -tychoparthenogenesis -tychopotamic -tycoon -tycoonate -tyddyn -tydie -tye -tyee -tyg -Tyigh -tying -tyke -tyken -tykhana -tyking -tylarus -tyleberry -Tylenchus -Tyler -Tylerism -Tylerite -Tylerize -tylion -tyloma -tylopod -Tylopoda -tylopodous -Tylosaurus -tylose -tylosis -tylosteresis -Tylostoma -Tylostomaceae -tylostylar -tylostyle -tylostylote -tylostylus -Tylosurus -tylotate -tylote -tylotic -tylotoxea -tylotoxeate -tylotus -tylus -tymbalon -tymp -tympan -tympana -tympanal -tympanectomy -tympani -tympanic -tympanichord -tympanichordal -tympanicity -tympaniform -tympaning -tympanism -tympanist -tympanites -tympanitic -tympanitis -tympanocervical -tympanohyal -tympanomalleal -tympanomandibular -tympanomastoid -tympanomaxillary -tympanon -tympanoperiotic -tympanosis -tympanosquamosal -tympanostapedial -tympanotemporal -tympanotomy -Tympanuchus -tympanum -tympany -tynd -Tyndallization -Tyndallize -tyndallmeter -Tynwald -typal -typarchical -type -typecast -Typees -typeholder -typer -typescript -typeset -typesetter -typesetting -typewrite -typewriter -typewriting -Typha -Typhaceae -typhaceous -typhemia -typhia -typhic -typhinia -typhization -typhlatonia -typhlatony -typhlectasis -typhlectomy -typhlenteritis -typhlitic -typhlitis -typhloalbuminuria -typhlocele -typhloempyema -typhloenteritis -typhlohepatitis -typhlolexia -typhlolithiasis -typhlology -typhlomegaly -Typhlomolge -typhlon -typhlopexia -typhlopexy -typhlophile -typhlopid -Typhlopidae -Typhlops -typhloptosis -typhlosis -typhlosolar -typhlosole -typhlostenosis -typhlostomy -typhlotomy -typhobacillosis -Typhoean -typhoemia -typhogenic -typhoid -typhoidal -typhoidin -typhoidlike -typholysin -typhomalaria -typhomalarial -typhomania -typhonia -Typhonian -Typhonic -typhonic -typhoon -typhoonish -typhopneumonia -typhose -typhosepsis -typhosis -typhotoxine -typhous -Typhula -typhus -typic -typica -typical -typicality -typically -typicalness -typicon -typicum -typification -typifier -typify -typist -typo -typobar -typocosmy -typographer -typographia -typographic -typographical -typographically -typographist -typography -typolithographic -typolithography -typologic -typological -typologically -typologist -typology -typomania -typometry -typonym -typonymal -typonymic -typonymous -typophile -typorama -typoscript -typotelegraph -typotelegraphy -typothere -Typotheria -Typotheriidae -typothetae -typp -typtological -typtologist -typtology -typy -tyramine -tyranness -Tyranni -tyrannial -tyrannic -tyrannical -tyrannically -tyrannicalness -tyrannicidal -tyrannicide -tyrannicly -Tyrannidae -Tyrannides -Tyranninae -tyrannine -tyrannism -tyrannize -tyrannizer -tyrannizing -tyrannizingly -tyrannoid -tyrannophobia -tyrannosaur -Tyrannosaurus -tyrannous -tyrannously -tyrannousness -Tyrannus -tyranny -tyrant -tyrantcraft -tyrantlike -tyrantship -tyre -tyremesis -Tyrian -tyriasis -tyro -tyrocidin -tyrocidine -tyroglyphid -Tyroglyphidae -Tyroglyphus -Tyrolean -Tyrolese -Tyrolienne -tyrolite -tyrology -tyroma -tyromancy -tyromatous -tyrone -tyronic -tyronism -tyrosinase -tyrosine -tyrosinuria -tyrosyl -tyrotoxicon -tyrotoxine -Tyrr -Tyrrhene -Tyrrheni -Tyrrhenian -Tyrsenoi -Tyrtaean -tysonite -tyste -tyt -Tyto -Tytonidae -Tzaam -Tzapotec -tzaritza -Tzendal -Tzental -tzolkin -tzontle -Tzotzil -Tzutuhil -U -u -uang -Uaraycu -Uarekena -Uaupe -uayeb -Ubbenite -Ubbonite -uberant -uberous -uberously -uberousness -uberty -ubi -ubication -ubiety -Ubii -Ubiquarian -ubiquarian -ubiquious -Ubiquist -ubiquit -Ubiquitarian -ubiquitarian -Ubiquitarianism -ubiquitariness -ubiquitary -Ubiquitism -Ubiquitist -ubiquitous -ubiquitously -ubiquitousness -ubiquity -ubussu -Uca -Ucal -Ucayale -Uchean -Uchee -uckia -Ud -udal -udaler -udaller -udalman -udasi -udder -uddered -udderful -udderless -udderlike -udell -Udi -Udic -Udish -udo -Udolphoish -udometer -udometric -udometry -udomograph -Uds -Ueueteotl -ug -Ugandan -Ugarono -ugh -uglification -uglifier -uglify -uglily -ugliness -uglisome -ugly -Ugrian -Ugric -Ugroid -ugsome -ugsomely -ugsomeness -uhlan -uhllo -uhtensang -uhtsong -Uigur -Uigurian -Uiguric -uily -uinal -Uinta -uintaite -uintathere -Uintatheriidae -Uintatherium -uintjie -Uirina -Uitotan -uitspan -uji -ukase -uke -ukiyoye -Ukrainer -Ukrainian -ukulele -ula -ulatrophia -ulcer -ulcerable -ulcerate -ulceration -ulcerative -ulcered -ulceromembranous -ulcerous -ulcerously -ulcerousness -ulcery -ulcuscle -ulcuscule -ule -ulema -ulemorrhagia -ulerythema -uletic -Ulex -ulex -ulexine -ulexite -Ulidia -Ulidian -uliginose -uliginous -ulitis -ull -ulla -ullage -ullaged -ullagone -uller -ulling -ullmannite -ulluco -Ulmaceae -ulmaceous -Ulmaria -ulmic -ulmin -ulminic -ulmo -ulmous -Ulmus -ulna -ulnad -ulnae -ulnar -ulnare -ulnaria -ulnocarpal -ulnocondylar -ulnometacarpal -ulnoradial -uloborid -Uloboridae -Uloborus -ulocarcinoma -uloid -Ulonata -uloncus -Ulophocinae -ulorrhagia -ulorrhagy -ulorrhea -Ulothrix -Ulotrichaceae -ulotrichaceous -Ulotrichales -ulotrichan -Ulotriches -Ulotrichi -ulotrichous -ulotrichy -ulrichite -ulster -ulstered -ulsterette -Ulsterian -ulstering -Ulsterite -Ulsterman -ulterior -ulteriorly -ultima -ultimacy -ultimata -ultimate -ultimately -ultimateness -ultimation -ultimatum -ultimity -ultimo -ultimobranchial -ultimogenitary -ultimogeniture -ultimum -Ultonian -ultra -ultrabasic -ultrabasite -ultrabelieving -ultrabenevolent -ultrabrachycephalic -ultrabrachycephaly -ultrabrilliant -ultracentenarian -ultracentenarianism -ultracentralizer -ultracentrifuge -ultraceremonious -ultrachurchism -ultracivil -ultracomplex -ultraconcomitant -ultracondenser -ultraconfident -ultraconscientious -ultraconservatism -ultraconservative -ultracordial -ultracosmopolitan -ultracredulous -ultracrepidarian -ultracrepidarianism -ultracrepidate -ultracritical -ultradandyism -ultradeclamatory -ultrademocratic -ultradespotic -ultradignified -ultradiscipline -ultradolichocephalic -ultradolichocephaly -ultradolichocranial -ultraeducationist -ultraeligible -ultraelliptic -ultraemphasis -ultraenergetic -ultraenforcement -ultraenthusiasm -ultraenthusiastic -ultraepiscopal -ultraevangelical -ultraexcessive -ultraexclusive -ultraexpeditious -ultrafantastic -ultrafashionable -ultrafastidious -ultrafederalist -ultrafeudal -ultrafidian -ultrafidianism -ultrafilter -ultrafilterability -ultrafilterable -ultrafiltrate -ultrafiltration -ultraformal -ultrafrivolous -ultragallant -ultragaseous -ultragenteel -ultragood -ultragrave -ultraheroic -ultrahonorable -ultrahuman -ultraimperialism -ultraimperialist -ultraimpersonal -ultrainclusive -ultraindifferent -ultraindulgent -ultraingenious -ultrainsistent -ultraintimate -ultrainvolved -ultraism -ultraist -ultraistic -ultralaborious -ultralegality -ultralenient -ultraliberal -ultraliberalism -ultralogical -ultraloyal -ultraluxurious -ultramarine -ultramaternal -ultramaximal -ultramelancholy -ultramicrochemical -ultramicrochemist -ultramicrochemistry -ultramicrometer -ultramicron -ultramicroscope -ultramicroscopic -ultramicroscopical -ultramicroscopy -ultraminute -ultramoderate -ultramodern -ultramodernism -ultramodernist -ultramodernistic -ultramodest -ultramontane -ultramontanism -ultramontanist -ultramorose -ultramulish -ultramundane -ultranational -ultranationalism -ultranationalist -ultranatural -ultranegligent -ultranice -ultranonsensical -ultraobscure -ultraobstinate -ultraofficious -ultraoptimistic -ultraornate -ultraorthodox -ultraorthodoxy -ultraoutrageous -ultrapapist -ultraparallel -ultraperfect -ultrapersuasive -ultraphotomicrograph -ultrapious -ultraplanetary -ultraplausible -ultrapopish -ultraproud -ultraprudent -ultraradical -ultraradicalism -ultrarapid -ultrareactionary -ultrared -ultrarefined -ultrarefinement -ultrareligious -ultraremuneration -ultrarepublican -ultrarevolutionary -ultrarevolutionist -ultraritualism -ultraromantic -ultraroyalism -ultraroyalist -ultrasanguine -ultrascholastic -ultraselect -ultraservile -ultrasevere -ultrashrewd -ultrasimian -ultrasolemn -ultrasonic -ultrasonics -ultraspartan -ultraspecialization -ultraspiritualism -ultrasplendid -ultrastandardization -ultrastellar -ultrasterile -ultrastrenuous -ultrastrict -ultrasubtle -ultrasystematic -ultratechnical -ultratense -ultraterrene -ultraterrestrial -ultratotal -ultratrivial -ultratropical -ultraugly -ultrauncommon -ultraurgent -ultravicious -ultraviolent -ultraviolet -ultravirtuous -ultravirus -ultravisible -ultrawealthy -ultrawise -ultrayoung -ultrazealous -ultrazodiacal -ultroneous -ultroneously -ultroneousness -ulu -Ulua -ulua -uluhi -ululant -ululate -ululation -ululative -ululatory -ululu -Ulva -Ulvaceae -ulvaceous -Ulvales -Ulvan -Ulyssean -Ulysses -um -umangite -Umatilla -Umaua -umbeclad -umbel -umbeled -umbella -Umbellales -umbellar -umbellate -umbellated -umbellately -umbellet -umbellic -umbellifer -Umbelliferae -umbelliferone -umbelliferous -umbelliflorous -umbelliform -umbelloid -Umbellula -Umbellularia -umbellulate -umbellule -Umbellulidae -umbelluliferous -umbelwort -umber -umbethink -umbilectomy -umbilic -umbilical -umbilically -umbilicar -Umbilicaria -umbilicate -umbilicated -umbilication -umbilici -umbiliciform -umbilicus -umbiliform -umbilroot -umble -umbo -umbolateral -umbonal -umbonate -umbonated -umbonation -umbone -umbones -umbonial -umbonic -umbonulate -umbonule -Umbra -umbra -umbracious -umbraciousness -umbraculate -umbraculiferous -umbraculiform -umbraculum -umbrae -umbrage -umbrageous -umbrageously -umbrageousness -umbral -umbrally -umbratile -umbrel -umbrella -umbrellaed -umbrellaless -umbrellalike -umbrellawise -umbrellawort -umbrette -Umbrian -Umbriel -umbriferous -umbriferously -umbriferousness -umbril -umbrine -umbrose -umbrosity -umbrous -Umbundu -ume -umiak -umiri -umlaut -ump -umph -umpirage -umpire -umpirer -umpireship -umpiress -umpirism -Umpqua -umpteen -umpteenth -umptekite -umptieth -umpty -umquhile -umu -un -Una -unabandoned -unabased -unabasedly -unabashable -unabashed -unabashedly -unabatable -unabated -unabatedly -unabating -unabatingly -unabbreviated -unabetted -unabettedness -unabhorred -unabiding -unabidingly -unabidingness -unability -unabject -unabjured -unable -unableness -unably -unabolishable -unabolished -unabraded -unabrased -unabridgable -unabridged -unabrogated -unabrupt -unabsent -unabsolute -unabsolvable -unabsolved -unabsolvedness -unabsorb -unabsorbable -unabsorbed -unabsorbent -unabstract -unabsurd -unabundance -unabundant -unabundantly -unabused -unacademic -unacademical -unaccelerated -unaccent -unaccented -unaccentuated -unaccept -unacceptability -unacceptable -unacceptableness -unacceptably -unacceptance -unacceptant -unaccepted -unaccessibility -unaccessible -unaccessibleness -unaccessibly -unaccessional -unaccessory -unaccidental -unaccidentally -unaccidented -unacclimated -unacclimation -unacclimatization -unacclimatized -unaccommodable -unaccommodated -unaccommodatedness -unaccommodating -unaccommodatingly -unaccommodatingness -unaccompanable -unaccompanied -unaccompanying -unaccomplishable -unaccomplished -unaccomplishedness -unaccord -unaccordable -unaccordance -unaccordant -unaccorded -unaccording -unaccordingly -unaccostable -unaccosted -unaccountability -unaccountable -unaccountableness -unaccountably -unaccounted -unaccoutered -unaccoutred -unaccreditated -unaccredited -unaccrued -unaccumulable -unaccumulate -unaccumulated -unaccumulation -unaccuracy -unaccurate -unaccurately -unaccurateness -unaccursed -unaccusable -unaccusably -unaccuse -unaccusing -unaccustom -unaccustomed -unaccustomedly -unaccustomedness -unachievable -unachieved -unaching -unacidulated -unacknowledged -unacknowledgedness -unacknowledging -unacknowledgment -unacoustic -unacquaint -unacquaintable -unacquaintance -unacquainted -unacquaintedly -unacquaintedness -unacquiescent -unacquirable -unacquirableness -unacquirably -unacquired -unacquit -unacquittable -unacquitted -unacquittedness -unact -unactability -unactable -unacted -unacting -unactinic -unaction -unactivated -unactive -unactively -unactiveness -unactivity -unactorlike -unactual -unactuality -unactually -unactuated -unacute -unacutely -unadapt -unadaptability -unadaptable -unadaptableness -unadaptably -unadapted -unadaptedly -unadaptedness -unadaptive -unadd -unaddable -unadded -unaddicted -unaddictedness -unadditional -unaddress -unaddressed -unadequate -unadequately -unadequateness -unadherence -unadherent -unadherently -unadhesive -unadjacent -unadjacently -unadjectived -unadjourned -unadjournment -unadjudged -unadjust -unadjustably -unadjusted -unadjustment -unadministered -unadmirable -unadmire -unadmired -unadmiring -unadmissible -unadmissibly -unadmission -unadmittable -unadmittableness -unadmittably -unadmitted -unadmittedly -unadmitting -unadmonished -unadopt -unadoptable -unadoptably -unadopted -unadoption -unadorable -unadoration -unadored -unadoring -unadorn -unadornable -unadorned -unadornedly -unadornedness -unadornment -unadult -unadulterate -unadulterated -unadulteratedly -unadulteratedness -unadulterately -unadulterous -unadulterously -unadvanced -unadvancedly -unadvancedness -unadvancement -unadvancing -unadvantaged -unadvantageous -unadventured -unadventuring -unadventurous -unadventurously -unadverse -unadversely -unadverseness -unadvertency -unadvertised -unadvertisement -unadvertising -unadvisability -unadvisable -unadvisableness -unadvisably -unadvised -unadvisedly -unadvisedness -unadvocated -unaerated -unaesthetic -unaesthetical -unafeard -unafeared -unaffable -unaffably -unaffected -unaffectedly -unaffectedness -unaffecting -unaffectionate -unaffectionately -unaffectioned -unaffianced -unaffied -unaffiliated -unaffiliation -unaffirmation -unaffirmed -unaffixed -unafflicted -unafflictedly -unafflicting -unaffliction -unaffordable -unafforded -unaffranchised -unaffrighted -unaffrightedly -unaffronted -unafire -unafloat -unaflow -unafraid -unaged -unaggravated -unaggravating -unaggregated -unaggression -unaggressive -unaggressively -unaggressiveness -unaghast -unagile -unagility -unaging -unagitated -unagitatedly -unagitatedness -unagitation -unagonize -unagrarian -unagreeable -unagreeableness -unagreeably -unagreed -unagreeing -unagreement -unagricultural -unaidable -unaided -unaidedly -unaiding -unailing -unaimed -unaiming -unaired -unaisled -Unakhotana -unakin -unakite -unal -Unalachtigo -unalarm -unalarmed -unalarming -Unalaska -unalcoholized -unaldermanly -unalert -unalertly -unalertness -unalgebraical -unalienable -unalienableness -unalienably -unalienated -unalignable -unaligned -unalike -unalimentary -unalist -unalive -unallayable -unallayably -unallayed -unalleged -unallegorical -unalleviably -unalleviated -unalleviation -unalliable -unallied -unalliedly -unalliedness -unallotment -unallotted -unallow -unallowable -unallowed -unallowedly -unallowing -unalloyed -unallurable -unallured -unalluring -unalluringly -unalmsed -unalone -unaloud -unalphabeted -unalphabetic -unalphabetical -unalterability -unalterable -unalterableness -unalterably -unalteration -unaltered -unaltering -unalternated -unamalgamable -unamalgamated -unamalgamating -unamassed -unamazed -unamazedly -unambiguity -unambiguous -unambiguously -unambiguousness -unambition -unambitious -unambitiously -unambitiousness -unambrosial -unambush -unamenability -unamenable -unamenableness -unamenably -unamend -unamendable -unamended -unamendedly -unamending -unamendment -unamerced -Unami -unamiability -unamiable -unamiableness -unamiably -unamicable -unamicably -unamiss -unamo -unamortization -unamortized -unample -unamplifiable -unamplified -unamply -unamputated -unamusable -unamusably -unamused -unamusement -unamusing -unamusingly -unamusive -unanalogical -unanalogous -unanalogously -unanalogousness -unanalytic -unanalytical -unanalyzable -unanalyzed -unanalyzing -unanatomizable -unanatomized -unancestored -unancestried -unanchor -unanchored -unanchylosed -unancient -unaneled -unangelic -unangelical -unangrily -unangry -unangular -unanimalized -unanimate -unanimated -unanimatedly -unanimatedness -unanimately -unanimism -unanimist -unanimistic -unanimistically -unanimity -unanimous -unanimously -unanimousness -unannealed -unannex -unannexed -unannexedly -unannexedness -unannihilable -unannihilated -unannotated -unannounced -unannoyed -unannoying -unannullable -unannulled -unanointed -unanswerability -unanswerable -unanswerableness -unanswerably -unanswered -unanswering -unantagonistic -unantagonizable -unantagonized -unantagonizing -unanticipated -unanticipating -unanticipatingly -unanticipation -unanticipative -unantiquated -unantiquatedness -unantique -unantiquity -unanxiety -unanxious -unanxiously -unanxiousness -unapart -unapocryphal -unapologetic -unapologizing -unapostatized -unapostolic -unapostolical -unapostolically -unapostrophized -unappalled -unappareled -unapparent -unapparently -unapparentness -unappealable -unappealableness -unappealably -unappealed -unappealing -unappeasable -unappeasableness -unappeasably -unappeased -unappeasedly -unappeasedness -unappendaged -unapperceived -unappertaining -unappetizing -unapplauded -unapplauding -unapplausive -unappliable -unappliableness -unappliably -unapplianced -unapplicable -unapplicableness -unapplicably -unapplied -unapplying -unappoint -unappointable -unappointableness -unappointed -unapportioned -unapposite -unappositely -unappraised -unappreciable -unappreciableness -unappreciably -unappreciated -unappreciating -unappreciation -unappreciative -unappreciatively -unappreciativeness -unapprehendable -unapprehendableness -unapprehendably -unapprehended -unapprehending -unapprehensible -unapprehensibleness -unapprehension -unapprehensive -unapprehensively -unapprehensiveness -unapprenticed -unapprised -unapprisedly -unapprisedness -unapproachability -unapproachable -unapproachableness -unapproached -unapproaching -unapprobation -unappropriable -unappropriate -unappropriated -unappropriately -unappropriateness -unappropriation -unapprovable -unapprovableness -unapprovably -unapproved -unapproving -unapprovingly -unapproximate -unapproximately -unaproned -unapropos -unapt -unaptitude -unaptly -unaptness -unarbitrarily -unarbitrariness -unarbitrary -unarbitrated -unarch -unarchdeacon -unarched -unarchitectural -unarduous -unarguable -unarguableness -unarguably -unargued -unarguing -unargumentative -unargumentatively -unarisen -unarising -unaristocratic -unaristocratically -unarithmetical -unarithmetically -unark -unarm -unarmed -unarmedly -unarmedness -unarmored -unarmorial -unaromatized -unarousable -unaroused -unarousing -unarraignable -unarraigned -unarranged -unarray -unarrayed -unarrestable -unarrested -unarresting -unarrival -unarrived -unarriving -unarrogance -unarrogant -unarrogating -unarted -unartful -unartfully -unartfulness -unarticled -unarticulate -unarticulated -unartificial -unartificiality -unartificially -unartistic -unartistical -unartistically -unartistlike -unary -unascendable -unascendableness -unascended -unascertainable -unascertainableness -unascertainably -unascertained -unashamed -unashamedly -unashamedness -unasinous -unaskable -unasked -unasking -unasleep -unaspersed -unasphalted -unaspirated -unaspiring -unaspiringly -unaspiringness -unassailable -unassailableness -unassailably -unassailed -unassailing -unassassinated -unassaultable -unassaulted -unassayed -unassaying -unassembled -unassented -unassenting -unasserted -unassertive -unassertiveness -unassessable -unassessableness -unassessed -unassibilated -unassiduous -unassignable -unassignably -unassigned -unassimilable -unassimilated -unassimilating -unassimilative -unassisted -unassisting -unassociable -unassociably -unassociated -unassociative -unassociativeness -unassoiled -unassorted -unassuageable -unassuaged -unassuaging -unassuetude -unassumable -unassumed -unassuming -unassumingly -unassumingness -unassured -unassuredly -unassuredness -unassuring -unasterisk -unastonish -unastonished -unastonishment -unastray -unathirst -unathletically -unatmospheric -unatonable -unatoned -unatoning -unattach -unattachable -unattached -unattackable -unattackableness -unattackably -unattacked -unattainability -unattainable -unattainableness -unattainably -unattained -unattaining -unattainment -unattaint -unattainted -unattaintedly -unattempered -unattemptable -unattempted -unattempting -unattendance -unattendant -unattended -unattentive -unattenuated -unattested -unattestedness -unattire -unattired -unattractable -unattractableness -unattracted -unattracting -unattractive -unattractively -unattractiveness -unattributable -unattributed -unattuned -unau -unauctioned -unaudible -unaudibleness -unaudibly -unaudienced -unaudited -unaugmentable -unaugmented -unauspicious -unauspiciously -unauspiciousness -unaustere -unauthentic -unauthentical -unauthentically -unauthenticated -unauthenticity -unauthorish -unauthoritative -unauthoritatively -unauthoritativeness -unauthoritied -unauthoritiveness -unauthorizable -unauthorize -unauthorized -unauthorizedly -unauthorizedness -unautomatic -unautumnal -unavailability -unavailable -unavailableness -unavailably -unavailed -unavailful -unavailing -unavailingly -unavengeable -unavenged -unavenging -unavenued -unaveraged -unaverred -unaverted -unavertible -unavertibleness -unavertibly -unavian -unavoidable -unavoidableness -unavoidably -unavoidal -unavoided -unavoiding -unavouchable -unavouchableness -unavouchably -unavouched -unavowable -unavowableness -unavowably -unavowed -unavowedly -unawakable -unawakableness -unawake -unawaked -unawakened -unawakenedness -unawakening -unawaking -unawardable -unawardableness -unawardably -unawarded -unaware -unawared -unawaredly -unawareness -unawares -unaway -unawed -unawful -unawfully -unawkward -unawned -unaxled -unazotized -unbackboarded -unbacked -unbackward -unbadged -unbaffled -unbaffling -unbag -unbagged -unbailable -unbailableness -unbailed -unbain -unbait -unbaited -unbaized -unbaked -unbalance -unbalanceable -unbalanceably -unbalanced -unbalancement -unbalancing -unbalconied -unbale -unbalked -unballast -unballasted -unballoted -unbandage -unbandaged -unbanded -unbanished -unbank -unbankable -unbankableness -unbankably -unbanked -unbankrupt -unbannered -unbaptize -unbaptized -unbar -unbarb -unbarbarize -unbarbarous -unbarbed -unbarbered -unbare -unbargained -unbark -unbarking -unbaronet -unbarrable -unbarred -unbarrel -unbarreled -unbarren -unbarrenness -unbarricade -unbarricaded -unbarricadoed -unbase -unbased -unbasedness -unbashful -unbashfully -unbashfulness -unbasket -unbastardized -unbaste -unbasted -unbastilled -unbastinadoed -unbated -unbathed -unbating -unbatted -unbatten -unbatterable -unbattered -unbattling -unbay -unbe -unbeached -unbeaconed -unbeaded -unbear -unbearable -unbearableness -unbearably -unbeard -unbearded -unbearing -unbeast -unbeatable -unbeatableness -unbeatably -unbeaten -unbeaued -unbeauteous -unbeauteously -unbeauteousness -unbeautified -unbeautiful -unbeautifully -unbeautifulness -unbeautify -unbeavered -unbeclogged -unbeclouded -unbecome -unbecoming -unbecomingly -unbecomingness -unbed -unbedabbled -unbedaggled -unbedashed -unbedaubed -unbedded -unbedecked -unbedewed -unbedimmed -unbedinned -unbedizened -unbedraggled -unbefit -unbefitting -unbefittingly -unbefittingness -unbefool -unbefriend -unbefriended -unbefringed -unbeget -unbeggar -unbegged -unbegilt -unbeginning -unbeginningly -unbeginningness -unbegirded -unbegirt -unbegot -unbegotten -unbegottenly -unbegottenness -unbegreased -unbegrimed -unbegrudged -unbeguile -unbeguiled -unbeguileful -unbegun -unbehaving -unbeheaded -unbeheld -unbeholdable -unbeholden -unbeholdenness -unbeholding -unbehoveful -unbehoving -unbeing -unbejuggled -unbeknown -unbeknownst -unbelied -unbelief -unbeliefful -unbelieffulness -unbelievability -unbelievable -unbelievableness -unbelievably -unbelieve -unbelieved -unbeliever -unbelieving -unbelievingly -unbelievingness -unbell -unbellicose -unbelligerent -unbelonging -unbeloved -unbelt -unbemoaned -unbemourned -unbench -unbend -unbendable -unbendableness -unbendably -unbended -unbending -unbendingly -unbendingness -unbendsome -unbeneficed -unbeneficent -unbeneficial -unbenefitable -unbenefited -unbenefiting -unbenetted -unbenevolence -unbenevolent -unbenevolently -unbenight -unbenighted -unbenign -unbenignant -unbenignantly -unbenignity -unbenignly -unbent -unbenumb -unbenumbed -unbequeathable -unbequeathed -unbereaved -unbereft -unberouged -unberth -unberufen -unbeseem -unbeseeming -unbeseemingly -unbeseemingness -unbeseemly -unbeset -unbesieged -unbesmeared -unbesmirched -unbesmutted -unbesot -unbesought -unbespeak -unbespoke -unbespoken -unbesprinkled -unbestarred -unbestowed -unbet -unbeteared -unbethink -unbethought -unbetide -unbetoken -unbetray -unbetrayed -unbetraying -unbetrothed -unbetterable -unbettered -unbeveled -unbewailed -unbewailing -unbewilder -unbewildered -unbewilled -unbewitch -unbewitched -unbewitching -unbewrayed -unbewritten -unbias -unbiasable -unbiased -unbiasedly -unbiasedness -unbibulous -unbickered -unbickering -unbid -unbidable -unbiddable -unbidden -unbigged -unbigoted -unbilled -unbillet -unbilleted -unbind -unbindable -unbinding -unbiographical -unbiological -unbirdlike -unbirdlimed -unbirdly -unbirthday -unbishop -unbishoply -unbit -unbiting -unbitt -unbitted -unbitten -unbitter -unblacked -unblackened -unblade -unblamable -unblamableness -unblamably -unblamed -unblaming -unblanched -unblanketed -unblasphemed -unblasted -unblazoned -unbleached -unbleaching -unbled -unbleeding -unblemishable -unblemished -unblemishedness -unblemishing -unblenched -unblenching -unblenchingly -unblendable -unblended -unblent -unbless -unblessed -unblessedness -unblest -unblighted -unblightedly -unblightedness -unblind -unblindfold -unblinking -unblinkingly -unbliss -unblissful -unblistered -unblithe -unblithely -unblock -unblockaded -unblocked -unblooded -unbloodied -unbloodily -unbloodiness -unbloody -unbloom -unbloomed -unblooming -unblossomed -unblossoming -unblotted -unbloused -unblown -unblued -unbluestockingish -unbluffed -unbluffing -unblunder -unblundered -unblundering -unblunted -unblurred -unblush -unblushing -unblushingly -unblushingness -unboarded -unboasted -unboastful -unboastfully -unboasting -unboat -unbodied -unbodiliness -unbodily -unboding -unbodkined -unbody -unbodylike -unbog -unboggy -unbohemianize -unboiled -unboisterous -unbokel -unbold -unbolden -unboldly -unboldness -unbolled -unbolster -unbolstered -unbolt -unbolted -unbombast -unbondable -unbondableness -unbonded -unbone -unboned -unbonnet -unbonneted -unbonny -unbooked -unbookish -unbooklearned -unboot -unbooted -unboraxed -unborder -unbordered -unbored -unboring -unborn -unborne -unborough -unborrowed -unborrowing -unbosom -unbosomer -unbossed -unbotanical -unbothered -unbothering -unbottle -unbottom -unbottomed -unbought -unbound -unboundable -unboundableness -unboundably -unbounded -unboundedly -unboundedness -unboundless -unbounteous -unbountiful -unbountifully -unbountifulness -unbow -unbowable -unbowdlerized -unbowed -unbowel -unboweled -unbowered -unbowing -unbowingness -unbowled -unbowsome -unbox -unboxed -unboy -unboyish -unboylike -unbrace -unbraced -unbracedness -unbracelet -unbraceleted -unbracing -unbragged -unbragging -unbraid -unbraided -unbrailed -unbrained -unbran -unbranched -unbranching -unbrand -unbranded -unbrandied -unbrave -unbraved -unbravely -unbraze -unbreachable -unbreached -unbreaded -unbreakable -unbreakableness -unbreakably -unbreakfasted -unbreaking -unbreast -unbreath -unbreathable -unbreathableness -unbreathed -unbreathing -unbred -unbreech -unbreeched -unbreezy -unbrent -unbrewed -unbribable -unbribableness -unbribably -unbribed -unbribing -unbrick -unbridegroomlike -unbridgeable -unbridged -unbridle -unbridled -unbridledly -unbridledness -unbridling -unbrief -unbriefed -unbriefly -unbright -unbrightened -unbrilliant -unbrimming -unbrined -unbrittle -unbroached -unbroad -unbroadcasted -unbroidered -unbroiled -unbroke -unbroken -unbrokenly -unbrokenness -unbronzed -unbrooch -unbrooded -unbrookable -unbrookably -unbrothered -unbrotherlike -unbrotherliness -unbrotherly -unbrought -unbrown -unbrowned -unbruised -unbrushed -unbrutalize -unbrutalized -unbrute -unbrutelike -unbrutify -unbrutize -unbuckle -unbuckramed -unbud -unbudded -unbudgeability -unbudgeable -unbudgeableness -unbudgeably -unbudged -unbudgeted -unbudging -unbuffed -unbuffered -unbuffeted -unbuild -unbuilded -unbuilt -unbulky -unbulled -unbulletined -unbumped -unbumptious -unbunched -unbundle -unbundled -unbung -unbungling -unbuoyant -unbuoyed -unburden -unburdened -unburdenment -unburdensome -unburdensomeness -unburgessed -unburiable -unburial -unburied -unburlesqued -unburly -unburn -unburnable -unburned -unburning -unburnished -unburnt -unburrow -unburrowed -unburst -unburstable -unburstableness -unburthen -unbury -unbush -unbusied -unbusily -unbusiness -unbusinesslike -unbusk -unbuskin -unbuskined -unbustling -unbusy -unbutchered -unbutcherlike -unbuttered -unbutton -unbuttoned -unbuttonment -unbuttressed -unbuxom -unbuxomly -unbuxomness -unbuyable -unbuyableness -unbuying -unca -uncabined -uncabled -uncadenced -uncage -uncaged -uncake -uncalcareous -uncalcified -uncalcined -uncalculable -uncalculableness -uncalculably -uncalculated -uncalculating -uncalculatingly -uncalendered -uncalk -uncalked -uncall -uncalled -uncallow -uncallower -uncalm -uncalmed -uncalmly -uncalumniated -uncambered -uncamerated -uncamouflaged -uncanceled -uncancellable -uncancelled -uncandid -uncandidly -uncandidness -uncandied -uncandor -uncaned -uncankered -uncanned -uncannily -uncanniness -uncanny -uncanonic -uncanonical -uncanonically -uncanonicalness -uncanonize -uncanonized -uncanopied -uncantoned -uncantonized -uncanvassably -uncanvassed -uncap -uncapable -uncapableness -uncapably -uncapacious -uncapacitate -uncaparisoned -uncapitalized -uncapped -uncapper -uncapsizable -uncapsized -uncaptained -uncaptioned -uncaptious -uncaptiously -uncaptivate -uncaptivated -uncaptivating -uncaptived -uncapturable -uncaptured -uncarbonated -uncarboned -uncarbureted -uncarded -uncardinal -uncardinally -uncareful -uncarefully -uncarefulness -uncaressed -uncargoed -Uncaria -uncaricatured -uncaring -uncarnate -uncarnivorous -uncaroled -uncarpentered -uncarpeted -uncarriageable -uncarried -uncart -uncarted -uncartooned -uncarved -uncase -uncased -uncasemated -uncask -uncasked -uncasketed -uncasque -uncassock -uncast -uncaste -uncastigated -uncastle -uncastled -uncastrated -uncasual -uncatalogued -uncatchable -uncate -uncatechised -uncatechisedness -uncatechized -uncatechizedness -uncategorized -uncathedraled -uncatholcity -uncatholic -uncatholical -uncatholicalness -uncatholicize -uncatholicly -uncaucusable -uncaught -uncausatively -uncaused -uncauterized -uncautious -uncautiously -uncautiousness -uncavalier -uncavalierly -uncave -unceasable -unceased -unceasing -unceasingly -unceasingness -unceded -unceiled -unceilinged -uncelebrated -uncelebrating -uncelestial -uncelestialized -uncellar -uncement -uncemented -uncementing -uncensorable -uncensored -uncensorious -uncensoriously -uncensoriousness -uncensurable -uncensured -uncensuring -uncenter -uncentered -uncentral -uncentrality -uncentrally -uncentred -uncentury -uncereclothed -unceremented -unceremonial -unceremonious -unceremoniously -unceremoniousness -uncertain -uncertainly -uncertainness -uncertainty -uncertifiable -uncertifiableness -uncertificated -uncertified -uncertifying -uncertitude -uncessant -uncessantly -uncessantness -unchafed -unchain -unchainable -unchained -unchair -unchaired -unchalked -unchallengeable -unchallengeableness -unchallengeably -unchallenged -unchallenging -unchambered -unchamfered -unchampioned -unchance -unchancellor -unchancy -unchange -unchangeability -unchangeable -unchangeableness -unchangeably -unchanged -unchangedness -unchangeful -unchangefulness -unchanging -unchangingly -unchangingness -unchanneled -unchannelled -unchanted -unchaperoned -unchaplain -unchapleted -unchapter -unchaptered -uncharacter -uncharactered -uncharacteristic -uncharacteristically -uncharacterized -uncharge -unchargeable -uncharged -uncharging -uncharily -unchariness -unchariot -uncharitable -uncharitableness -uncharitably -uncharity -uncharm -uncharmable -uncharmed -uncharming -uncharnel -uncharred -uncharted -unchartered -unchary -unchased -unchaste -unchastely -unchastened -unchasteness -unchastisable -unchastised -unchastising -unchastity -unchatteled -unchauffeured -unchawed -uncheat -uncheated -uncheating -uncheck -uncheckable -unchecked -uncheckered -uncheerable -uncheered -uncheerful -uncheerfully -uncheerfulness -uncheerily -uncheeriness -uncheering -uncheery -unchemical -unchemically -uncherished -uncherishing -unchested -unchevroned -unchewable -unchewableness -unchewed -unchid -unchidden -unchided -unchiding -unchidingly -unchild -unchildish -unchildishly -unchildishness -unchildlike -unchilled -unchiming -unchinked -unchipped -unchiseled -unchiselled -unchivalric -unchivalrous -unchivalrously -unchivalrousness -unchivalry -unchloridized -unchoicely -unchokable -unchoked -uncholeric -unchoosable -unchopped -unchoral -unchorded -unchosen -unchrisom -unchristen -unchristened -unchristian -unchristianity -unchristianize -unchristianized -unchristianlike -unchristianly -unchristianness -unchronicled -unchronological -unchronologically -unchurch -unchurched -unchurchlike -unchurchly -unchurn -unci -uncia -uncial -uncialize -uncially -uncicatrized -unciferous -unciform -unciliated -uncinal -Uncinaria -uncinariasis -uncinariatic -Uncinata -uncinate -uncinated -uncinatum -uncinch -uncinct -uncinctured -uncini -Uncinula -uncinus -uncipher -uncircular -uncircularized -uncirculated -uncircumcised -uncircumcisedness -uncircumcision -uncircumlocutory -uncircumscribable -uncircumscribed -uncircumscribedness -uncircumscript -uncircumscriptible -uncircumscription -uncircumspect -uncircumspection -uncircumspectly -uncircumspectness -uncircumstanced -uncircumstantial -uncirostrate -uncite -uncited -uncitied -uncitizen -uncitizenlike -uncitizenly -uncity -uncivic -uncivil -uncivilish -uncivility -uncivilizable -uncivilization -uncivilize -uncivilized -uncivilizedly -uncivilizedness -uncivilly -uncivilness -unclad -unclaimed -unclaiming -unclamorous -unclamp -unclamped -unclarified -unclarifying -unclarity -unclashing -unclasp -unclasped -unclassable -unclassableness -unclassably -unclassed -unclassible -unclassical -unclassically -unclassifiable -unclassifiableness -unclassification -unclassified -unclassify -unclassifying -unclawed -unclay -unclayed -uncle -unclead -unclean -uncleanable -uncleaned -uncleanlily -uncleanliness -uncleanly -uncleanness -uncleansable -uncleanse -uncleansed -uncleansedness -unclear -uncleared -unclearing -uncleavable -uncleave -uncledom -uncleft -unclehood -unclement -unclemently -unclementness -unclench -unclergy -unclergyable -unclerical -unclericalize -unclerically -unclericalness -unclerklike -unclerkly -uncleship -unclever -uncleverly -uncleverness -unclew -unclick -uncliented -unclify -unclimaxed -unclimb -unclimbable -unclimbableness -unclimbably -unclimbed -unclimbing -unclinch -uncling -unclinical -unclip -unclipped -unclipper -uncloak -uncloakable -uncloaked -unclog -unclogged -uncloister -uncloistered -uncloistral -unclosable -unclose -unclosed -uncloseted -unclothe -unclothed -unclothedly -unclothedness -unclotted -uncloud -unclouded -uncloudedly -uncloudedness -uncloudy -unclout -uncloven -uncloyable -uncloyed -uncloying -unclub -unclubbable -unclubby -unclustered -unclustering -unclutch -unclutchable -unclutched -unclutter -uncluttered -unco -uncoach -uncoachable -uncoachableness -uncoached -uncoacted -uncoagulable -uncoagulated -uncoagulating -uncoat -uncoated -uncoatedness -uncoaxable -uncoaxed -uncoaxing -uncock -uncocked -uncockneyfy -uncocted -uncodded -uncoddled -uncoded -uncodified -uncoerced -uncoffer -uncoffin -uncoffined -uncoffle -uncogent -uncogged -uncogitable -uncognizable -uncognizant -uncognized -uncognoscibility -uncognoscible -uncoguidism -uncoherent -uncoherently -uncoherentness -uncohesive -uncoif -uncoifed -uncoil -uncoiled -uncoin -uncoined -uncoked -uncoking -uncollapsed -uncollapsible -uncollar -uncollared -uncollated -uncollatedness -uncollected -uncollectedly -uncollectedness -uncollectible -uncollectibleness -uncollectibly -uncolleged -uncollegian -uncollegiate -uncolloquial -uncolloquially -uncolonellike -uncolonial -uncolonize -uncolonized -uncolorable -uncolorably -uncolored -uncoloredly -uncoloredness -uncoloured -uncolouredly -uncolouredness -uncolt -uncoly -uncombable -uncombatable -uncombated -uncombed -uncombinable -uncombinableness -uncombinably -uncombine -uncombined -uncombining -uncombiningness -uncombustible -uncome -uncomelily -uncomeliness -uncomely -uncomfort -uncomfortable -uncomfortableness -uncomfortably -uncomforted -uncomforting -uncomfy -uncomic -uncommanded -uncommandedness -uncommanderlike -uncommemorated -uncommenced -uncommendable -uncommendableness -uncommendably -uncommended -uncommensurability -uncommensurable -uncommensurableness -uncommensurate -uncommented -uncommenting -uncommerciable -uncommercial -uncommercially -uncommercialness -uncommingled -uncomminuted -uncommiserated -uncommiserating -uncommissioned -uncommitted -uncommitting -uncommixed -uncommodious -uncommodiously -uncommodiousness -uncommon -uncommonable -uncommonly -uncommonness -uncommonplace -uncommunicable -uncommunicableness -uncommunicably -uncommunicated -uncommunicating -uncommunicative -uncommunicatively -uncommunicativeness -uncommutable -uncommutative -uncommuted -uncompact -uncompacted -Uncompahgre -uncompahgrite -uncompaniable -uncompanied -uncompanioned -uncomparable -uncomparably -uncompared -uncompass -uncompassable -uncompassed -uncompassion -uncompassionate -uncompassionated -uncompassionately -uncompassionateness -uncompassionating -uncompassioned -uncompatible -uncompatibly -uncompellable -uncompelled -uncompelling -uncompensable -uncompensated -uncompetent -uncompetitive -uncompiled -uncomplacent -uncomplained -uncomplaining -uncomplainingly -uncomplainingness -uncomplaint -uncomplaisance -uncomplaisant -uncomplaisantly -uncomplemental -uncompletable -uncomplete -uncompleted -uncompletely -uncompleteness -uncomplex -uncompliability -uncompliable -uncompliableness -uncompliance -uncompliant -uncomplicated -uncomplimentary -uncomplimented -uncomplimenting -uncomplying -uncomposable -uncomposeable -uncomposed -uncompoundable -uncompounded -uncompoundedly -uncompoundedness -uncompounding -uncomprehended -uncomprehending -uncomprehendingly -uncomprehendingness -uncomprehensible -uncomprehension -uncomprehensive -uncomprehensively -uncomprehensiveness -uncompressed -uncompressible -uncomprised -uncomprising -uncomprisingly -uncompromised -uncompromising -uncompromisingly -uncompromisingness -uncompulsive -uncompulsory -uncomputable -uncomputableness -uncomputably -uncomputed -uncomraded -unconcatenated -unconcatenating -unconcealable -unconcealableness -unconcealably -unconcealed -unconcealing -unconcealingly -unconcealment -unconceded -unconceited -unconceivable -unconceivableness -unconceivably -unconceived -unconceiving -unconcern -unconcerned -unconcernedly -unconcernedness -unconcerning -unconcernment -unconcertable -unconcerted -unconcertedly -unconcertedness -unconcessible -unconciliable -unconciliated -unconciliatedness -unconciliating -unconciliatory -unconcludable -unconcluded -unconcluding -unconcludingness -unconclusive -unconclusively -unconclusiveness -unconcocted -unconcordant -unconcrete -unconcreted -unconcurrent -unconcurring -uncondemnable -uncondemned -uncondensable -uncondensableness -uncondensed -uncondensing -uncondescending -uncondescension -uncondition -unconditional -unconditionality -unconditionally -unconditionalness -unconditionate -unconditionated -unconditionately -unconditioned -unconditionedly -unconditionedness -uncondoled -uncondoling -unconducing -unconducive -unconduciveness -unconducted -unconductive -unconductiveness -unconfected -unconfederated -unconferred -unconfess -unconfessed -unconfessing -unconfided -unconfidence -unconfident -unconfidential -unconfidentialness -unconfidently -unconfiding -unconfinable -unconfine -unconfined -unconfinedly -unconfinedness -unconfinement -unconfining -unconfirm -unconfirmative -unconfirmed -unconfirming -unconfiscable -unconfiscated -unconflicting -unconflictingly -unconflictingness -unconformability -unconformable -unconformableness -unconformably -unconformed -unconformedly -unconforming -unconformist -unconformity -unconfound -unconfounded -unconfoundedly -unconfrontable -unconfronted -unconfusable -unconfusably -unconfused -unconfusedly -unconfutable -unconfuted -unconfuting -uncongeal -uncongealable -uncongealed -uncongenial -uncongeniality -uncongenially -uncongested -unconglobated -unconglomerated -unconglutinated -uncongratulate -uncongratulated -uncongratulating -uncongregated -uncongregational -uncongressional -uncongruous -unconjecturable -unconjectured -unconjoined -unconjugal -unconjugated -unconjunctive -unconjured -unconnected -unconnectedly -unconnectedness -unconned -unconnived -unconniving -unconquerable -unconquerableness -unconquerably -unconquered -unconscienced -unconscient -unconscientious -unconscientiously -unconscientiousness -unconscionable -unconscionableness -unconscionably -unconscious -unconsciously -unconsciousness -unconsecrate -unconsecrated -unconsecratedly -unconsecratedness -unconsecration -unconsecutive -unconsent -unconsentaneous -unconsented -unconsenting -unconsequential -unconsequentially -unconsequentialness -unconservable -unconservative -unconserved -unconserving -unconsiderable -unconsiderate -unconsiderately -unconsiderateness -unconsidered -unconsideredly -unconsideredness -unconsidering -unconsideringly -unconsignable -unconsigned -unconsistent -unconsociable -unconsociated -unconsolable -unconsolably -unconsolatory -unconsoled -unconsolidated -unconsolidating -unconsolidation -unconsoling -unconsonancy -unconsonant -unconsonantly -unconsonous -unconspicuous -unconspicuously -unconspicuousness -unconspired -unconspiring -unconspiringly -unconspiringness -unconstancy -unconstant -unconstantly -unconstantness -unconstellated -unconstipated -unconstituted -unconstitutional -unconstitutionalism -unconstitutionality -unconstitutionally -unconstrainable -unconstrained -unconstrainedly -unconstrainedness -unconstraining -unconstraint -unconstricted -unconstruable -unconstructed -unconstructive -unconstructural -unconstrued -unconsular -unconsult -unconsultable -unconsulted -unconsulting -unconsumable -unconsumed -unconsuming -unconsummate -unconsummated -unconsumptive -uncontagious -uncontainable -uncontainableness -uncontainably -uncontained -uncontaminable -uncontaminate -uncontaminated -uncontemned -uncontemnedly -uncontemplated -uncontemporaneous -uncontemporary -uncontemptuous -uncontended -uncontending -uncontent -uncontentable -uncontented -uncontentedly -uncontentedness -uncontenting -uncontentingness -uncontentious -uncontentiously -uncontentiousness -uncontestable -uncontestableness -uncontestably -uncontested -uncontestedly -uncontestedness -uncontinence -uncontinent -uncontinental -uncontinented -uncontinently -uncontinual -uncontinued -uncontinuous -uncontorted -uncontract -uncontracted -uncontractedness -uncontractile -uncontradictable -uncontradictableness -uncontradictably -uncontradicted -uncontradictedly -uncontradictious -uncontradictory -uncontrastable -uncontrasted -uncontrasting -uncontributed -uncontributing -uncontributory -uncontrite -uncontrived -uncontriving -uncontrol -uncontrollability -uncontrollable -uncontrollableness -uncontrollably -uncontrolled -uncontrolledly -uncontrolledness -uncontrolling -uncontroversial -uncontroversially -uncontrovertable -uncontrovertableness -uncontrovertably -uncontroverted -uncontrovertedly -uncontrovertible -uncontrovertibleness -uncontrovertibly -unconvenable -unconvened -unconvenience -unconvenient -unconveniently -unconventional -unconventionalism -unconventionality -unconventionalize -unconventionally -unconventioned -unconversable -unconversableness -unconversably -unconversant -unconversational -unconversion -unconvert -unconverted -unconvertedly -unconvertedness -unconvertibility -unconvertible -unconveyable -unconveyed -unconvicted -unconvicting -unconvince -unconvinced -unconvincedly -unconvincedness -unconvincibility -unconvincible -unconvincing -unconvincingly -unconvincingness -unconvoluted -unconvoyed -unconvulsed -uncookable -uncooked -uncooled -uncoop -uncooped -uncoopered -uncooping -uncope -uncopiable -uncopied -uncopious -uncopyrighted -uncoquettish -uncoquettishly -uncord -uncorded -uncordial -uncordiality -uncordially -uncording -uncore -uncored -uncork -uncorked -uncorker -uncorking -uncorned -uncorner -uncoronated -uncoroneted -uncorporal -uncorpulent -uncorrect -uncorrectable -uncorrected -uncorrectible -uncorrectly -uncorrectness -uncorrelated -uncorrespondency -uncorrespondent -uncorresponding -uncorrigible -uncorrigibleness -uncorrigibly -uncorroborated -uncorroded -uncorrugated -uncorrupt -uncorrupted -uncorruptedly -uncorruptedness -uncorruptibility -uncorruptible -uncorruptibleness -uncorruptibly -uncorrupting -uncorruption -uncorruptive -uncorruptly -uncorruptness -uncorseted -uncosseted -uncost -uncostliness -uncostly -uncostumed -uncottoned -uncouch -uncouched -uncouching -uncounselable -uncounseled -uncounsellable -uncounselled -uncountable -uncountableness -uncountably -uncounted -uncountenanced -uncounteracted -uncounterbalanced -uncounterfeit -uncounterfeited -uncountermandable -uncountermanded -uncountervailed -uncountess -uncountrified -uncouple -uncoupled -uncoupler -uncourageous -uncoursed -uncourted -uncourteous -uncourteously -uncourteousness -uncourtierlike -uncourting -uncourtlike -uncourtliness -uncourtly -uncous -uncousinly -uncouth -uncouthie -uncouthly -uncouthness -uncouthsome -uncovenant -uncovenanted -uncover -uncoverable -uncovered -uncoveredly -uncoveted -uncoveting -uncovetingly -uncovetous -uncowed -uncowl -uncoy -uncracked -uncradled -uncraftily -uncraftiness -uncrafty -uncram -uncramp -uncramped -uncrampedness -uncranked -uncrannied -uncrated -uncravatted -uncraven -uncraving -uncravingly -uncrazed -uncream -uncreased -uncreatability -uncreatable -uncreatableness -uncreate -uncreated -uncreatedness -uncreating -uncreation -uncreative -uncreativeness -uncreaturely -uncredentialed -uncredentialled -uncredibility -uncredible -uncredibly -uncreditable -uncreditableness -uncreditably -uncredited -uncrediting -uncredulous -uncreeping -uncreosoted -uncrest -uncrested -uncrevassed -uncrib -uncried -uncrime -uncriminal -uncriminally -uncrinkle -uncrinkled -uncrinkling -uncrippled -uncrisp -uncritical -uncritically -uncriticisable -uncriticised -uncriticising -uncriticisingly -uncriticism -uncriticizable -uncriticized -uncriticizing -uncriticizingly -uncrochety -uncrook -uncrooked -uncrooking -uncropped -uncropt -uncross -uncrossable -uncrossableness -uncrossed -uncrossexaminable -uncrossexamined -uncrossly -uncrowded -uncrown -uncrowned -uncrowning -uncrucified -uncrudded -uncrude -uncruel -uncrumbled -uncrumple -uncrumpling -uncrushable -uncrushed -uncrusted -uncrying -uncrystaled -uncrystalled -uncrystalline -uncrystallizability -uncrystallizable -uncrystallized -unction -unctional -unctioneer -unctionless -unctious -unctiousness -unctorium -unctuose -unctuosity -unctuous -unctuously -unctuousness -uncubbed -uncubic -uncuckold -uncuckolded -uncudgelled -uncuffed -uncular -unculled -uncultivability -uncultivable -uncultivate -uncultivated -uncultivation -unculturable -unculture -uncultured -uncumber -uncumbered -uncumbrous -uncunning -uncunningly -uncunningness -uncupped -uncurable -uncurableness -uncurably -uncurb -uncurbable -uncurbed -uncurbedly -uncurbing -uncurd -uncurdled -uncurdling -uncured -uncurious -uncuriously -uncurl -uncurled -uncurling -uncurrent -uncurrently -uncurrentness -uncurricularized -uncurried -uncurse -uncursed -uncursing -uncurst -uncurtailed -uncurtain -uncurtained -uncus -uncushioned -uncusped -uncustomable -uncustomarily -uncustomariness -uncustomary -uncustomed -uncut -uncuth -uncuticulate -uncuttable -uncynical -uncynically -uncypress -undabbled -undaggled -undaily -undaintiness -undainty -undallying -undam -undamageable -undamaged -undamaging -undamasked -undammed -undamming -undamn -undamped -undancing -undandiacal -undandled -undangered -undangerous -undangerousness -undared -undaring -undark -undarken -undarkened -undarned -undashed -undatable -undate -undateable -undated -undatedness -undaub -undaubed -undaughter -undaughterliness -undaughterly -undauntable -undaunted -undauntedly -undauntedness -undaunting -undawned -undawning -undazed -undazing -undazzle -undazzled -undazzling -unde -undead -undeadened -undeaf -undealable -undealt -undean -undear -undebarred -undebased -undebatable -undebated -undebating -undebauched -undebilitated -undebilitating -undecagon -undecanaphthene -undecane -undecatoic -undecayable -undecayableness -undecayed -undecayedness -undecaying -undeceased -undeceitful -undeceivable -undeceivableness -undeceivably -undeceive -undeceived -undeceiver -undeceiving -undecency -undecennary -undecennial -undecent -undecently -undeception -undeceptious -undeceptitious -undeceptive -undecidable -undecide -undecided -undecidedly -undecidedness -undeciding -undecimal -undeciman -undecimole -undecipher -undecipherability -undecipherable -undecipherably -undeciphered -undecision -undecisive -undecisively -undecisiveness -undeck -undecked -undeclaimed -undeclaiming -undeclamatory -undeclarable -undeclare -undeclared -undeclinable -undeclinableness -undeclinably -undeclined -undeclining -undecocted -undecoic -undecolic -undecomposable -undecomposed -undecompounded -undecorated -undecorative -undecorous -undecorously -undecorousness -undecorticated -undecoyed -undecreased -undecreasing -undecree -undecreed -undecried -undecyl -undecylenic -undecylic -undedicate -undedicated -undeducible -undeducted -undeeded -undeemed -undeemous -undeemously -undeep -undefaceable -undefaced -undefalcated -undefamed -undefaming -undefatigable -undefaulted -undefaulting -undefeasible -undefeat -undefeatable -undefeated -undefeatedly -undefeatedness -undefecated -undefectible -undefective -undefectiveness -undefendable -undefendableness -undefendably -undefended -undefending -undefense -undefensed -undefensible -undeferential -undeferentially -undeferred -undefiant -undeficient -undefied -undefilable -undefiled -undefiledly -undefiledness -undefinable -undefinableness -undefinably -undefine -undefined -undefinedly -undefinedness -undeflected -undeflowered -undeformed -undeformedness -undefrauded -undefrayed -undeft -undegeneracy -undegenerate -undegenerated -undegenerating -undegraded -undegrading -undeification -undeified -undeify -undeistical -undejected -undelated -undelayable -undelayed -undelayedly -undelaying -undelayingly -undelectable -undelectably -undelegated -undeleted -undeliberate -undeliberated -undeliberately -undeliberateness -undeliberating -undeliberatingly -undeliberative -undeliberativeness -undelible -undelicious -undelight -undelighted -undelightful -undelightfully -undelightfulness -undelighting -undelightsome -undelimited -undelineated -undeliverable -undeliverableness -undelivered -undelivery -undeludable -undelude -undeluded -undeluding -undeluged -undelusive -undelusively -undelve -undelved -undelylene -undemagnetizable -undemanded -undemised -undemocratic -undemocratically -undemocratize -undemolishable -undemolished -undemonstrable -undemonstrably -undemonstratable -undemonstrated -undemonstrative -undemonstratively -undemonstrativeness -undemure -undemurring -unden -undeniable -undeniableness -undeniably -undenied -undeniedly -undenizened -undenominated -undenominational -undenominationalism -undenominationalist -undenominationalize -undenominationally -undenoted -undenounced -undenuded -undepartableness -undepartably -undeparted -undeparting -undependable -undependableness -undependably -undependent -undepending -undephlegmated -undepicted -undepleted -undeplored -undeported -undeposable -undeposed -undeposited -undepraved -undepravedness -undeprecated -undepreciated -undepressed -undepressible -undepressing -undeprivable -undeprived -undepurated -undeputed -under -underabyss -underaccident -underaccommodated -underact -underacted -underacting -underaction -underactor -underadjustment -underadmiral -underadventurer -underage -underagency -underagent -underagitation -underaid -underaim -underair -underalderman -underanged -underarch -underargue -underarm -underaverage -underback -underbailiff -underbake -underbalance -underballast -underbank -underbarber -underbarring -underbasal -underbeadle -underbeak -underbeam -underbear -underbearer -underbearing -underbeat -underbeaten -underbed -underbelly -underbeveling -underbid -underbidder -underbill -underbillow -underbishop -underbishopric -underbit -underbite -underbitted -underbitten -underboard -underboated -underbodice -underbody -underboil -underboom -underborn -underborne -underbottom -underbough -underbought -underbound -underbowed -underbowser -underbox -underboy -underbrace -underbraced -underbranch -underbreath -underbreathing -underbred -underbreeding -underbrew -underbridge -underbrigadier -underbright -underbrim -underbrush -underbubble -underbud -underbuild -underbuilder -underbuilding -underbuoy -underburn -underburned -underburnt -underbursar -underbury -underbush -underbutler -underbuy -undercanopy -undercanvass -undercap -undercapitaled -undercapitalization -undercapitalize -undercaptain -undercarder -undercarriage -undercarry -undercarter -undercarve -undercarved -undercase -undercasing -undercast -undercause -underceiling -undercellar -undercellarer -underchamber -underchamberlain -underchancellor -underchanter -underchap -undercharge -undercharged -underchief -underchime -underchin -underchord -underchurched -undercircle -undercitizen -underclad -underclass -underclassman -underclay -underclearer -underclerk -underclerkship -undercliff -underclift -undercloak -undercloth -underclothe -underclothed -underclothes -underclothing -underclub -underclutch -undercoachman -undercoat -undercoated -undercoater -undercoating -undercollector -undercolor -undercolored -undercoloring -undercommander -undercomment -undercompounded -underconcerned -undercondition -underconsciousness -underconstable -underconsume -underconsumption -undercook -undercool -undercooper -undercorrect -undercountenance -undercourse -undercourtier -undercover -undercovering -undercovert -undercrawl -undercreep -undercrest -undercrier -undercroft -undercrop -undercrust -undercry -undercrypt -undercup -undercurl -undercurrent -undercurve -undercut -undercutter -undercutting -underdauber -underdeacon -underdead -underdebauchee -underdeck -underdepth -underdevelop -underdevelopment -underdevil -underdialogue -underdig -underdip -underdish -underdistinction -underdistributor -underditch -underdive -underdo -underdoctor -underdoer -underdog -underdoing -underdone -underdose -underdot -underdown -underdraft -underdrag -underdrain -underdrainage -underdrainer -underdraught -underdraw -underdrawers -underdrawn -underdress -underdressed -underdrift -underdrive -underdriven -underdrudgery -underdrumming -underdry -underdunged -underearth -undereat -undereaten -underedge -undereducated -underemployment -underengraver -underenter -underer -underescheator -underestimate -underestimation -underexcited -underexercise -underexpose -underexposure -undereye -underface -underfaction -underfactor -underfaculty -underfalconer -underfall -underfarmer -underfeathering -underfeature -underfed -underfeed -underfeeder -underfeeling -underfeet -underfellow -underfiend -underfill -underfilling -underfinance -underfind -underfire -underfitting -underflame -underflannel -underfleece -underflood -underfloor -underflooring -underflow -underfold -underfolded -underfong -underfoot -underfootage -underfootman -underforebody -underform -underfortify -underframe -underframework -underframing -underfreight -underfrequency -underfringe -underfrock -underfur -underfurnish -underfurnisher -underfurrow -undergabble -undergamekeeper -undergaoler -undergarb -undergardener -undergarment -undergarnish -undergauge -undergear -undergeneral -undergentleman -undergird -undergirder -undergirding -undergirdle -undergirth -underglaze -undergloom -underglow -undergnaw -undergo -undergod -undergoer -undergoing -undergore -undergoverness -undergovernment -undergovernor -undergown -undergrad -undergrade -undergraduate -undergraduatedom -undergraduateness -undergraduateship -undergraduatish -undergraduette -undergraining -undergrass -undergreen -undergrieve -undergroan -underground -undergrounder -undergroundling -undergrove -undergrow -undergrowl -undergrown -undergrowth -undergrub -underguard -underguardian -undergunner -underhabit -underhammer -underhand -underhanded -underhandedly -underhandedness -underhang -underhanging -underhangman -underhatch -underhead -underheat -underheaven -underhelp -underhew -underhid -underhill -underhint -underhistory -underhive -underhold -underhole -underhonest -underhorse -underhorsed -underhousemaid -underhum -underhung -underided -underinstrument -underisive -underissue -underivable -underivative -underived -underivedly -underivedness -underjacket -underjailer -underjanitor -underjaw -underjawed -underjobbing -underjudge -underjungle -underkeel -underkeeper -underkind -underking -underkingdom -underlaborer -underlaid -underlain -underland -underlanguaged -underlap -underlapper -underlash -underlaundress -underlawyer -underlay -underlayer -underlaying -underleaf -underlease -underleather -underlegate -underlessee -underlet -underletter -underlevel -underlever -underlid -underlie -underlier -underlieutenant -underlife -underlift -underlight -underliking -underlimbed -underlimit -underline -underlineation -underlineman -underlinement -underlinen -underliner -underling -underlining -underlip -underlive -underload -underlock -underlodging -underloft -underlook -underlooker -underlout -underlunged -underly -underlye -underlying -undermade -undermaid -undermaker -underman -undermanager -undermanned -undermanning -undermark -undermarshal -undermarshalman -undermasted -undermaster -undermatch -undermatched -undermate -undermath -undermeal -undermeaning -undermeasure -undermediator -undermelody -undermentioned -undermiller -undermimic -underminable -undermine -underminer -undermining -underminingly -underminister -underministry -undermist -undermoated -undermoney -undermoral -undermost -undermotion -undermount -undermountain -undermusic -undermuslin -undern -undername -undernatural -underneath -underness -underniceness -undernote -undernoted -undernourish -undernourished -undernourishment -undernsong -underntide -underntime -undernurse -undernutrition -underoccupied -underofficer -underofficered -underofficial -underogating -underogatory -underopinion -underorb -underorganization -underorseman -underoverlooker -underoxidize -underpacking -underpaid -underpain -underpainting -underpan -underpants -underparticipation -underpartner -underpass -underpassion -underpay -underpayment -underpeep -underpeer -underpen -underpeopled -underpetticoat -underpetticoated -underpick -underpier -underpilaster -underpile -underpin -underpinner -underpinning -underpitch -underpitched -underplain -underplan -underplant -underplate -underplay -underplot -underplotter -underply -underpoint -underpole -underpopulate -underpopulation -underporch -underporter -underpose -underpossessor -underpot -underpower -underpraise -underprefect -underprentice -underpresence -underpresser -underpressure -underprice -underpriest -underprincipal -underprint -underprior -underprivileged -underprize -underproduce -underproduction -underproductive -underproficient -underprompt -underprompter -underproof -underprop -underproportion -underproportioned -underproposition -underpropped -underpropper -underpropping -underprospect -underpry -underpuke -underqualified -underqueen -underquote -underranger -underrate -underratement -underrating -underreach -underread -underreader -underrealize -underrealm -underream -underreamer -underreceiver -underreckon -underrecompense -underregion -underregistration -underrent -underrented -underrenting -underrepresent -underrepresentation -underrespected -underriddle -underriding -underrigged -underring -underripe -underripened -underriver -underroarer -underroast -underrobe -underrogue -underroll -underroller -underroof -underroom -underroot -underrooted -underrower -underrule -underruler -underrun -underrunning -undersacristan -undersailed -undersally -undersap -undersatisfaction -undersaturate -undersaturation -undersavior -undersaw -undersawyer -underscale -underscheme -underschool -underscoop -underscore -underscribe -underscript -underscrub -underscrupulous -undersea -underseam -underseaman -undersearch -underseas -underseated -undersecretary -undersecretaryship -undersect -undersee -underseeded -underseedman -undersell -underseller -underselling -undersense -undersequence -underservant -underserve -underservice -underset -undersetter -undersetting -undersettle -undersettler -undersettling -undersexton -undershapen -undersharp -undersheathing -undershepherd -undersheriff -undersheriffry -undersheriffship -undersheriffwick -undershield -undershine -undershining -undershire -undershirt -undershoe -undershoot -undershore -undershorten -undershot -undershrievalty -undershrieve -undershrievery -undershrub -undershrubbiness -undershrubby -undershunter -undershut -underside -undersight -undersighted -undersign -undersignalman -undersigner -undersill -undersinging -undersitter -undersize -undersized -underskin -underskirt -undersky -undersleep -undersleeve -underslip -underslope -undersluice -underslung -undersneer -undersociety -undersoil -undersole -undersomething -undersong -undersorcerer -undersort -undersoul -undersound -undersovereign -undersow -underspar -undersparred -underspecies -underspecified -underspend -undersphere -underspin -underspinner -undersplice -underspore -underspread -underspring -undersprout -underspurleather -undersquare -understaff -understage -understain -understairs -understamp -understand -understandability -understandable -understandableness -understandably -understander -understanding -understandingly -understandingness -understate -understatement -understay -understeer -understem -understep -understeward -understewardship -understimulus -understock -understocking -understood -understory -understrain -understrap -understrapper -understrapping -understratum -understream -understress -understrew -understride -understriding -understrife -understrike -understring -understroke -understrung -understudy -understuff -understuffing -undersuck -undersuggestion -undersuit -undersupply -undersupport -undersurface -underswain -underswamp -undersward -underswearer -undersweat -undersweep -underswell -undertakable -undertake -undertakement -undertaker -undertakerish -undertakerlike -undertakerly -undertakery -undertaking -undertakingly -undertalk -undertapster -undertaxed -underteacher -underteamed -underteller -undertenancy -undertenant -undertenter -undertenure -underterrestrial -undertest -underthane -underthaw -underthief -underthing -underthink -underthirst -underthought -underthroating -underthrob -underthrust -undertide -undertided -undertie -undertime -undertimed -undertint -undertitle -undertone -undertoned -undertook -undertow -undertrader -undertrained -undertread -undertreasurer -undertreat -undertribe -undertrick -undertrodden -undertruck -undertrump -undertruss -undertub -undertune -undertunic -underturf -underturn -underturnkey -undertutor -undertwig -undertype -undertyrant -underusher -undervaluation -undervalue -undervaluement -undervaluer -undervaluing -undervaluinglike -undervaluingly -undervalve -undervassal -undervaulted -undervaulting -undervegetation -underventilation -underverse -undervest -undervicar -underviewer -undervillain -undervinedresser -undervitalized -undervocabularied -undervoice -undervoltage -underwage -underwaist -underwaistcoat -underwalk -underward -underwarden -underwarmth -underwarp -underwash -underwatch -underwatcher -underwater -underwave -underway -underweapon -underwear -underweft -underweigh -underweight -underweighted -underwent -underwheel -underwhistle -underwind -underwing -underwit -underwitch -underwitted -underwood -underwooded -underwork -underworker -underworking -underworkman -underworld -underwrap -underwrite -underwriter -underwriting -underwrought -underyield -underyoke -underzeal -underzealot -undescendable -undescended -undescendible -undescribable -undescribably -undescribed -undescried -undescript -undescriptive -undescrying -undesert -undeserted -undeserting -undeserve -undeserved -undeservedly -undeservedness -undeserver -undeserving -undeservingly -undeservingness -undesign -undesignated -undesigned -undesignedly -undesignedness -undesigning -undesigningly -undesigningness -undesirability -undesirable -undesirableness -undesirably -undesire -undesired -undesiredly -undesiring -undesirous -undesirously -undesirousness -undesisting -undespaired -undespairing -undespairingly -undespatched -undespised -undespising -undespoiled -undespondent -undespondently -undesponding -undespotic -undestined -undestroyable -undestroyed -undestructible -undestructive -undetachable -undetached -undetailed -undetainable -undetained -undetectable -undetected -undetectible -undeteriorated -undeteriorating -undeterminable -undeterminate -undetermination -undetermined -undetermining -undeterred -undeterring -undetested -undetesting -undethronable -undethroned -undetracting -undetractingly -undetrimental -undevelopable -undeveloped -undeveloping -undeviated -undeviating -undeviatingly -undevil -undevious -undeviously -undevisable -undevised -undevoted -undevotion -undevotional -undevoured -undevout -undevoutly -undevoutness -undewed -undewy -undexterous -undexterously -undextrous -undextrously -undiademed -undiagnosable -undiagnosed -undialed -undialyzed -undiametric -undiamonded -undiapered -undiaphanous -undiatonic -undichotomous -undictated -undid -undidactic -undies -undieted -undifferenced -undifferent -undifferential -undifferentiated -undifficult -undiffident -undiffracted -undiffused -undiffusible -undiffusive -undig -undigenous -undigest -undigestable -undigested -undigestible -undigesting -undigestion -undigged -undight -undighted -undigitated -undignified -undignifiedly -undignifiedness -undignify -undiked -undilapidated -undilatable -undilated -undilatory -undiligent -undiligently -undilute -undiluted -undilution -undiluvial -undim -undimensioned -undimerous -undimidiate -undiminishable -undiminishableness -undiminishably -undiminished -undiminishing -undiminutive -undimmed -undimpled -Undine -undine -undined -undinted -undiocesed -undiphthongize -undiplomaed -undiplomatic -undipped -undirect -undirected -undirectional -undirectly -undirectness -undirk -undisabled -undisadvantageous -undisagreeable -undisappearing -undisappointable -undisappointed -undisappointing -undisarmed -undisastrous -undisbanded -undisbarred -undisburdened -undisbursed -undiscardable -undiscarded -undiscerned -undiscernedly -undiscernible -undiscernibleness -undiscernibly -undiscerning -undiscerningly -undischargeable -undischarged -undiscipled -undisciplinable -undiscipline -undisciplined -undisciplinedness -undisclaimed -undisclosed -undiscolored -undiscomfitable -undiscomfited -undiscomposed -undisconcerted -undisconnected -undiscontinued -undiscordant -undiscording -undiscounted -undiscourageable -undiscouraged -undiscouraging -undiscoursed -undiscoverable -undiscoverableness -undiscoverably -undiscovered -undiscreditable -undiscredited -undiscreet -undiscreetly -undiscreetness -undiscretion -undiscriminated -undiscriminating -undiscriminatingly -undiscriminatingness -undiscriminative -undiscursive -undiscussable -undiscussed -undisdained -undisdaining -undiseased -undisestablished -undisfigured -undisfranchised -undisfulfilled -undisgorged -undisgraced -undisguisable -undisguise -undisguised -undisguisedly -undisguisedness -undisgusted -undisheartened -undished -undisheveled -undishonored -undisillusioned -undisinfected -undisinheritable -undisinherited -undisintegrated -undisinterested -undisjoined -undisjointed -undisliked -undislocated -undislodgeable -undislodged -undismantled -undismay -undismayable -undismayed -undismayedly -undismembered -undismissed -undismounted -undisobedient -undisobeyed -undisobliging -undisordered -undisorderly -undisorganized -undisowned -undisowning -undisparaged -undisparity -undispassionate -undispatchable -undispatched -undispatching -undispellable -undispelled -undispensable -undispensed -undispensing -undispersed -undispersing -undisplaced -undisplanted -undisplay -undisplayable -undisplayed -undisplaying -undispleased -undispose -undisposed -undisposedness -undisprivacied -undisprovable -undisproved -undisproving -undisputable -undisputableness -undisputably -undisputatious -undisputatiously -undisputed -undisputedly -undisputedness -undisputing -undisqualifiable -undisqualified -undisquieted -undisreputable -undisrobed -undisrupted -undissected -undissembled -undissembledness -undissembling -undissemblingly -undisseminated -undissenting -undissevered -undissimulated -undissipated -undissociated -undissoluble -undissolute -undissolvable -undissolved -undissolving -undissonant -undissuadable -undissuadably -undissuade -undistanced -undistant -undistantly -undistasted -undistasteful -undistempered -undistend -undistended -undistilled -undistinct -undistinctive -undistinctly -undistinctness -undistinguish -undistinguishable -undistinguishableness -undistinguishably -undistinguished -undistinguishing -undistinguishingly -undistorted -undistorting -undistracted -undistractedly -undistractedness -undistracting -undistractingly -undistrained -undistraught -undistress -undistressed -undistributed -undistrusted -undistrustful -undisturbable -undisturbance -undisturbed -undisturbedly -undisturbedness -undisturbing -undisturbingly -unditched -undithyrambic -undittoed -undiuretic -undiurnal -undivable -undivergent -undiverging -undiverse -undiversified -undiverted -undivertible -undivertibly -undiverting -undivested -undivestedly -undividable -undividableness -undividably -undivided -undividedly -undividedness -undividing -undivinable -undivined -undivinelike -undivinely -undivining -undivisible -undivisive -undivorceable -undivorced -undivorcedness -undivorcing -undivulged -undivulging -undizened -undizzied -undo -undoable -undock -undocked -undoctor -undoctored -undoctrinal -undoctrined -undocumentary -undocumented -undocumentedness -undodged -undoer -undoffed -undog -undogmatic -undogmatical -undoing -undoingness -undolled -undolorous -undomed -undomestic -undomesticate -undomesticated -undomestication -undomicilable -undomiciled -undominated -undomineering -undominical -undominoed -undon -undonated -undonating -undone -undoneness -undonkey -undonnish -undoomed -undoped -undormant -undose -undosed -undoting -undotted -undouble -undoubled -undoubtable -undoubtableness -undoubtably -undoubted -undoubtedly -undoubtedness -undoubtful -undoubtfully -undoubtfulness -undoubting -undoubtingly -undoubtingness -undouched -undoughty -undovelike -undoweled -undowered -undowned -undowny -undrab -undraftable -undrafted -undrag -undragoned -undragooned -undrainable -undrained -undramatic -undramatical -undramatically -undramatizable -undramatized -undrape -undraped -undraperied -undraw -undrawable -undrawn -undreaded -undreadful -undreadfully -undreading -undreamed -undreaming -undreamlike -undreamt -undreamy -undredged -undreggy -undrenched -undress -undressed -undried -undrillable -undrilled -undrinkable -undrinkableness -undrinkably -undrinking -undripping -undrivable -undrivableness -undriven -undronelike -undrooping -undropped -undropsical -undrossy -undrowned -undrubbed -undrugged -undrunk -undrunken -undry -undryable -undrying -undualize -undub -undubbed -undubitable -undubitably -unducal -unduchess -undue -unduelling -undueness -undug -unduke -undulant -undular -undularly -undulatance -undulate -undulated -undulately -undulating -undulatingly -undulation -undulationist -undulative -undulatory -undull -undulled -undullness -unduloid -undulose -undulous -unduly -undumped -unduncelike -undunged -undupable -unduped -unduplicability -unduplicable -unduplicity -undurable -undurableness -undurably -undust -undusted -unduteous -undutiable -undutiful -undutifully -undutifulness -unduty -undwarfed -undwelt -undwindling -undy -undye -undyeable -undyed -undying -undyingly -undyingness -uneager -uneagerly -uneagerness -uneagled -unearly -unearned -unearnest -unearth -unearthed -unearthliness -unearthly -unease -uneaseful -uneasefulness -uneasily -uneasiness -uneastern -uneasy -uneatable -uneatableness -uneaten -uneath -uneating -unebbed -unebbing -unebriate -uneccentric -unecclesiastical -unechoed -unechoing -uneclectic -uneclipsed -uneconomic -uneconomical -uneconomically -uneconomicalness -uneconomizing -unecstatic -unedge -unedged -unedible -unedibleness -unedibly -unedified -unedifying -uneditable -unedited -uneducable -uneducableness -uneducably -uneducate -uneducated -uneducatedly -uneducatedness -uneducative -uneduced -uneffaceable -uneffaceably -uneffaced -uneffected -uneffectible -uneffective -uneffectless -uneffectual -uneffectually -uneffectualness -uneffectuated -uneffeminate -uneffeminated -uneffervescent -uneffete -unefficacious -unefficient -uneffigiated -uneffused -uneffusing -uneffusive -unegoist -unegoistical -unegoistically -unegregious -unejaculated -unejected -unelaborate -unelaborated -unelaborately -unelaborateness -unelapsed -unelastic -unelasticity -unelated -unelating -unelbowed -unelderly -unelect -unelectable -unelected -unelective -unelectric -unelectrical -unelectrified -unelectrify -unelectrifying -unelectrized -unelectronic -uneleemosynary -unelegant -unelegantly -unelegantness -unelemental -unelementary -unelevated -unelicited -unelided -unelidible -uneligibility -uneligible -uneligibly -uneliminated -unelongated -uneloped -uneloping -uneloquent -uneloquently -unelucidated -unelucidating -uneluded -unelusive -unemaciated -unemancipable -unemancipated -unemasculated -unembalmed -unembanked -unembarrassed -unembarrassedly -unembarrassedness -unembarrassing -unembarrassment -unembased -unembattled -unembayed -unembellished -unembezzled -unembittered -unemblazoned -unembodied -unembodiment -unembossed -unembowelled -unembowered -unembraceable -unembraced -unembroidered -unembroiled -unembryonic -unemendable -unemended -unemerged -unemerging -unemigrating -uneminent -uneminently -unemitted -unemolumentary -unemolumented -unemotional -unemotionalism -unemotionally -unemotionalness -unemotioned -unempaneled -unemphatic -unemphatical -unemphatically -unempirical -unempirically -unemploy -unemployability -unemployable -unemployableness -unemployably -unemployed -unemployment -unempoisoned -unempowered -unempt -unemptiable -unemptied -unempty -unemulative -unemulous -unemulsified -unenabled -unenacted -unenameled -unenamored -unencamped -unenchafed -unenchant -unenchanted -unencircled -unenclosed -unencompassed -unencored -unencounterable -unencountered -unencouraged -unencouraging -unencroached -unencroaching -unencumber -unencumbered -unencumberedly -unencumberedness -unencumbering -unencysted -unendable -unendamaged -unendangered -unendeared -unendeavored -unended -unending -unendingly -unendingness -unendorsable -unendorsed -unendowed -unendowing -unendued -unendurability -unendurable -unendurably -unendured -unenduring -unenduringly -unenergetic -unenergized -unenervated -unenfeebled -unenfiladed -unenforceable -unenforced -unenforcedly -unenforcedness -unenforcibility -unenfranchised -unengaged -unengaging -unengendered -unengineered -unenglish -unengraved -unengraven -unengrossed -unenhanced -unenjoined -unenjoyable -unenjoyed -unenjoying -unenjoyingly -unenkindled -unenlarged -unenlightened -unenlightening -unenlisted -unenlivened -unenlivening -unennobled -unennobling -unenounced -unenquired -unenquiring -unenraged -unenraptured -unenrichable -unenrichableness -unenriched -unenriching -unenrobed -unenrolled -unenshrined -unenslave -unenslaved -unensnared -unensouled -unensured -unentailed -unentangle -unentangleable -unentangled -unentanglement -unentangler -unenterable -unentered -unentering -unenterprise -unenterprised -unenterprising -unenterprisingly -unenterprisingness -unentertainable -unentertained -unentertaining -unentertainingly -unentertainingness -unenthralled -unenthralling -unenthroned -unenthusiasm -unenthusiastic -unenthusiastically -unenticed -unenticing -unentire -unentitled -unentombed -unentomological -unentrance -unentranced -unentrapped -unentreated -unentreating -unentrenched -unentwined -unenumerable -unenumerated -unenveloped -unenvenomed -unenviable -unenviably -unenvied -unenviedly -unenvious -unenviously -unenvironed -unenvying -unenwoven -unepauleted -unephemeral -unepic -unepicurean -unepigrammatic -unepilogued -unepiscopal -unepiscopally -unepistolary -unepitaphed -unepithelial -unepitomized -unequable -unequableness -unequably -unequal -unequalable -unequaled -unequality -unequalize -unequalized -unequally -unequalness -unequated -unequatorial -unequestrian -unequiangular -unequiaxed -unequilateral -unequilibrated -unequine -unequipped -unequitable -unequitableness -unequitably -unequivalent -unequivalve -unequivalved -unequivocal -unequivocally -unequivocalness -uneradicable -uneradicated -unerasable -unerased -unerasing -unerect -unerected -unermined -uneroded -unerrable -unerrableness -unerrably -unerrancy -unerrant -unerratic -unerring -unerringly -unerringness -unerroneous -unerroneously -unerudite -unerupted -uneruptive -unescaladed -unescalloped -unescapable -unescapableness -unescapably -unescaped -unescheated -uneschewable -uneschewably -uneschewed -Unesco -unescorted -unescutcheoned -unesoteric -unespied -unespousable -unespoused -unessayed -unessence -unessential -unessentially -unessentialness -unestablish -unestablishable -unestablished -unestablishment -unesteemed -unestimable -unestimableness -unestimably -unestimated -unestopped -unestranged -unetched -uneternal -uneternized -unethereal -unethic -unethical -unethically -unethicalness -unethnological -unethylated -unetymological -unetymologizable -uneucharistical -uneugenic -uneulogized -uneuphemistical -uneuphonic -uneuphonious -uneuphoniously -uneuphoniousness -unevacuated -unevadable -unevaded -unevaluated -unevanescent -unevangelic -unevangelical -unevangelized -unevaporate -unevaporated -unevasive -uneven -unevenly -unevenness -uneventful -uneventfully -uneventfulness -uneverted -unevicted -unevidenced -unevident -unevidential -unevil -unevinced -unevirated -uneviscerated -unevitable -unevitably -unevokable -unevoked -unevolutionary -unevolved -unexacerbated -unexact -unexacted -unexactedly -unexacting -unexactingly -unexactly -unexactness -unexaggerable -unexaggerated -unexaggerating -unexalted -unexaminable -unexamined -unexamining -unexampled -unexampledness -unexasperated -unexasperating -unexcavated -unexceedable -unexceeded -unexcelled -unexcellent -unexcelling -unexceptable -unexcepted -unexcepting -unexceptionability -unexceptionable -unexceptionableness -unexceptionably -unexceptional -unexceptionally -unexceptionalness -unexceptive -unexcerpted -unexcessive -unexchangeable -unexchangeableness -unexchanged -unexcised -unexcitability -unexcitable -unexcited -unexciting -unexclaiming -unexcludable -unexcluded -unexcluding -unexclusive -unexclusively -unexclusiveness -unexcogitable -unexcogitated -unexcommunicated -unexcoriated -unexcorticated -unexcrescent -unexcreted -unexcruciating -unexculpable -unexculpably -unexculpated -unexcursive -unexcusable -unexcusableness -unexcusably -unexcused -unexcusedly -unexcusedness -unexcusing -unexecrated -unexecutable -unexecuted -unexecuting -unexecutorial -unexemplary -unexemplifiable -unexemplified -unexempt -unexempted -unexemptible -unexempting -unexercisable -unexercise -unexercised -unexerted -unexhalable -unexhaled -unexhausted -unexhaustedly -unexhaustedness -unexhaustible -unexhaustibleness -unexhaustibly -unexhaustion -unexhaustive -unexhaustiveness -unexhibitable -unexhibitableness -unexhibited -unexhilarated -unexhilarating -unexhorted -unexhumed -unexigent -unexilable -unexiled -unexistence -unexistent -unexisting -unexonerable -unexonerated -unexorable -unexorableness -unexorbitant -unexorcisable -unexorcisably -unexorcised -unexotic -unexpandable -unexpanded -unexpanding -unexpansive -unexpectable -unexpectant -unexpected -unexpectedly -unexpectedness -unexpecting -unexpectingly -unexpectorated -unexpedient -unexpeditated -unexpedited -unexpeditious -unexpelled -unexpendable -unexpended -unexpensive -unexpensively -unexpensiveness -unexperience -unexperienced -unexperiencedness -unexperient -unexperiential -unexperimental -unexperimented -unexpert -unexpertly -unexpertness -unexpiable -unexpiated -unexpired -unexpiring -unexplainable -unexplainableness -unexplainably -unexplained -unexplainedly -unexplainedness -unexplaining -unexplanatory -unexplicable -unexplicableness -unexplicably -unexplicated -unexplicit -unexplicitly -unexplicitness -unexploded -unexploitation -unexploited -unexplorable -unexplorative -unexplored -unexplosive -unexportable -unexported -unexporting -unexposable -unexposed -unexpostulating -unexpoundable -unexpounded -unexpress -unexpressable -unexpressableness -unexpressably -unexpressed -unexpressedly -unexpressible -unexpressibleness -unexpressibly -unexpressive -unexpressively -unexpressiveness -unexpressly -unexpropriable -unexpropriated -unexpugnable -unexpunged -unexpurgated -unexpurgatedly -unexpurgatedness -unextended -unextendedly -unextendedness -unextendible -unextensible -unextenuable -unextenuated -unextenuating -unexterminable -unexterminated -unexternal -unexternality -unexterritoriality -unextinct -unextinctness -unextinguishable -unextinguishableness -unextinguishably -unextinguished -unextirpated -unextolled -unextortable -unextorted -unextractable -unextracted -unextradited -unextraneous -unextraordinary -unextravagance -unextravagant -unextravagating -unextravasated -unextreme -unextricable -unextricated -unextrinsic -unextruded -unexuberant -unexuded -unexultant -uneye -uneyeable -uneyed -unfabled -unfabling -unfabricated -unfabulous -unfacaded -unface -unfaceable -unfaced -unfaceted -unfacetious -unfacile -unfacilitated -unfact -unfactional -unfactious -unfactitious -unfactorable -unfactored -unfactual -unfadable -unfaded -unfading -unfadingly -unfadingness -unfagged -unfagoted -unfailable -unfailableness -unfailably -unfailed -unfailing -unfailingly -unfailingness -unfain -unfaint -unfainting -unfaintly -unfair -unfairly -unfairminded -unfairness -unfairylike -unfaith -unfaithful -unfaithfully -unfaithfulness -unfaked -unfallacious -unfallaciously -unfallen -unfallenness -unfallible -unfallibleness -unfallibly -unfalling -unfallowed -unfalse -unfalsifiable -unfalsified -unfalsifiedness -unfalsity -unfaltering -unfalteringly -unfamed -unfamiliar -unfamiliarity -unfamiliarized -unfamiliarly -unfanatical -unfanciable -unfancied -unfanciful -unfancy -unfanged -unfanned -unfantastic -unfantastical -unfantastically -unfar -unfarced -unfarcical -unfarewelled -unfarmed -unfarming -unfarrowed -unfarsighted -unfasciated -unfascinate -unfascinated -unfascinating -unfashion -unfashionable -unfashionableness -unfashionably -unfashioned -unfast -unfasten -unfastenable -unfastened -unfastener -unfastidious -unfastidiously -unfastidiousness -unfasting -unfather -unfathered -unfatherlike -unfatherliness -unfatherly -unfathomability -unfathomable -unfathomableness -unfathomably -unfathomed -unfatigue -unfatigueable -unfatigued -unfatiguing -unfattable -unfatted -unfatten -unfauceted -unfaultfinding -unfaulty -unfavorable -unfavorableness -unfavorably -unfavored -unfavoring -unfavorite -unfawning -unfealty -unfeared -unfearful -unfearfully -unfearing -unfearingly -unfeary -unfeasable -unfeasableness -unfeasably -unfeasibility -unfeasible -unfeasibleness -unfeasibly -unfeasted -unfeather -unfeathered -unfeatured -unfecund -unfecundated -unfed -unfederal -unfederated -unfeeble -unfeed -unfeedable -unfeeding -unfeeing -unfeelable -unfeeling -unfeelingly -unfeelingness -unfeignable -unfeignableness -unfeignably -unfeigned -unfeignedly -unfeignedness -unfeigning -unfeigningly -unfeigningness -unfele -unfelicitated -unfelicitating -unfelicitous -unfelicitously -unfelicitousness -unfeline -unfellable -unfelled -unfellied -unfellow -unfellowed -unfellowlike -unfellowly -unfellowshiped -unfelon -unfelonious -unfeloniously -unfelony -unfelt -unfelted -unfemale -unfeminine -unfemininely -unfeminineness -unfemininity -unfeminist -unfeminize -unfence -unfenced -unfendered -unfenestrated -unfeoffed -unfermentable -unfermentableness -unfermentably -unfermented -unfermenting -unfernlike -unferocious -unferreted -unferried -unfertile -unfertileness -unfertility -unfertilizable -unfertilized -unfervent -unfervid -unfester -unfestered -unfestival -unfestive -unfestively -unfestooned -unfetchable -unfetched -unfeted -unfetter -unfettered -unfettled -unfeudal -unfeudalize -unfeudalized -unfeued -unfevered -unfeverish -unfew -unfibbed -unfibbing -unfiber -unfibered -unfibrous -unfickle -unfictitious -unfidelity -unfidgeting -unfielded -unfiend -unfiendlike -unfierce -unfiery -unfight -unfightable -unfighting -unfigurable -unfigurative -unfigured -unfilamentous -unfilched -unfile -unfiled -unfilial -unfilially -unfilialness -unfill -unfillable -unfilled -unfilleted -unfilling -unfilm -unfilmed -unfiltered -unfiltrated -unfinable -unfinancial -unfine -unfined -unfinessed -unfingered -unfinical -unfinish -unfinishable -unfinished -unfinishedly -unfinishedness -unfinite -unfired -unfireproof -unfiring -unfirm -unfirmamented -unfirmly -unfirmness -unfiscal -unfishable -unfished -unfishing -unfishlike -unfissile -unfistulous -unfit -unfitly -unfitness -unfittable -unfitted -unfittedness -unfitten -unfitting -unfittingly -unfittingness -unfitty -unfix -unfixable -unfixated -unfixed -unfixedness -unfixing -unfixity -unflag -unflagged -unflagging -unflaggingly -unflaggingness -unflagitious -unflagrant -unflaky -unflamboyant -unflaming -unflanged -unflank -unflanked -unflapping -unflashing -unflat -unflated -unflattened -unflatterable -unflattered -unflattering -unflatteringly -unflaunted -unflavored -unflawed -unflayed -unflead -unflecked -unfledge -unfledged -unfledgedness -unfleece -unfleeced -unfleeing -unfleeting -unflesh -unfleshed -unfleshliness -unfleshly -unfleshy -unfletched -unflexed -unflexible -unflexibleness -unflexibly -unflickering -unflickeringly -unflighty -unflinching -unflinchingly -unflinchingness -unflintify -unflippant -unflirtatious -unflitched -unfloatable -unfloating -unflock -unfloggable -unflogged -unflooded -unfloor -unfloored -unflorid -unflossy -unflounced -unfloured -unflourished -unflourishing -unflouted -unflower -unflowered -unflowing -unflown -unfluctuating -unfluent -unfluid -unfluked -unflunked -unfluorescent -unflurried -unflush -unflushed -unflustered -unfluted -unflutterable -unfluttered -unfluttering -unfluvial -unfluxile -unflying -unfoaled -unfoaming -unfocused -unfoggy -unfoilable -unfoiled -unfoisted -unfold -unfoldable -unfolded -unfolder -unfolding -unfoldment -unfoldure -unfoliaged -unfoliated -unfollowable -unfollowed -unfollowing -unfomented -unfond -unfondled -unfondness -unfoodful -unfool -unfoolable -unfooled -unfooling -unfoolish -unfooted -unfootsore -unfoppish -unforaged -unforbade -unforbearance -unforbearing -unforbid -unforbidden -unforbiddenly -unforbiddenness -unforbidding -unforceable -unforced -unforcedly -unforcedness -unforceful -unforcible -unforcibleness -unforcibly -unfordable -unfordableness -unforded -unforeboded -unforeboding -unforecasted -unforegone -unforeign -unforeknowable -unforeknown -unforensic -unforeordained -unforesee -unforeseeable -unforeseeableness -unforeseeably -unforeseeing -unforeseeingly -unforeseen -unforeseenly -unforeseenness -unforeshortened -unforest -unforestallable -unforestalled -unforested -unforetellable -unforethought -unforethoughtful -unforetold -unforewarned -unforewarnedness -unforfeit -unforfeitable -unforfeited -unforgeability -unforgeable -unforged -unforget -unforgetful -unforgettable -unforgettableness -unforgettably -unforgetting -unforgettingly -unforgivable -unforgivableness -unforgivably -unforgiven -unforgiveness -unforgiver -unforgiving -unforgivingly -unforgivingness -unforgone -unforgot -unforgotten -unfork -unforked -unforkedness -unforlorn -unform -unformal -unformality -unformalized -unformally -unformalness -unformative -unformed -unformidable -unformulable -unformularizable -unformularize -unformulated -unformulistic -unforsaken -unforsaking -unforsook -unforsworn -unforthright -unfortifiable -unfortified -unfortify -unfortuitous -unfortunate -unfortunately -unfortunateness -unfortune -unforward -unforwarded -unfossiliferous -unfossilized -unfostered -unfought -unfoughten -unfoul -unfoulable -unfouled -unfound -unfounded -unfoundedly -unfoundedness -unfoundered -unfountained -unfowllike -unfoxy -unfractured -unfragrance -unfragrant -unfragrantly -unfrail -unframable -unframableness -unframably -unframe -unframed -unfranchised -unfrank -unfrankable -unfranked -unfrankly -unfrankness -unfraternal -unfraternizing -unfraudulent -unfraught -unfrayed -unfreckled -unfree -unfreed -unfreedom -unfreehold -unfreely -unfreeman -unfreeness -unfreezable -unfreeze -unfreezing -unfreighted -unfrenchified -unfrenzied -unfrequency -unfrequent -unfrequented -unfrequentedness -unfrequently -unfrequentness -unfret -unfretful -unfretting -unfriable -unfriarlike -unfricative -unfrictioned -unfried -unfriend -unfriended -unfriendedness -unfriending -unfriendlike -unfriendlily -unfriendliness -unfriendly -unfriendship -unfrighted -unfrightenable -unfrightened -unfrightenedness -unfrightful -unfrigid -unfrill -unfrilled -unfringe -unfringed -unfrisky -unfrivolous -unfrizz -unfrizzled -unfrizzy -unfrock -unfrocked -unfroglike -unfrolicsome -unfronted -unfrost -unfrosted -unfrosty -unfrounced -unfroward -unfrowardly -unfrowning -unfroze -unfrozen -unfructed -unfructified -unfructify -unfructuous -unfructuously -unfrugal -unfrugally -unfrugalness -unfruitful -unfruitfully -unfruitfulness -unfruity -unfrustrable -unfrustrably -unfrustratable -unfrustrated -unfrutuosity -unfuddled -unfueled -unfulfill -unfulfillable -unfulfilled -unfulfilling -unfulfillment -unfull -unfulled -unfully -unfulminated -unfulsome -unfumbled -unfumbling -unfumed -unfumigated -unfunctional -unfundamental -unfunded -unfunnily -unfunniness -unfunny -unfur -unfurbelowed -unfurbished -unfurcate -unfurious -unfurl -unfurlable -unfurnish -unfurnished -unfurnishedness -unfurnitured -unfurred -unfurrow -unfurrowable -unfurrowed -unfurthersome -unfused -unfusible -unfusibleness -unfusibly -unfussed -unfussing -unfussy -unfutile -unfuturistic -ungabled -ungag -ungaged -ungagged -ungain -ungainable -ungained -ungainful -ungainfully -ungainfulness -ungaining -ungainlike -ungainliness -ungainly -ungainness -ungainsaid -ungainsayable -ungainsayably -ungainsaying -ungainsome -ungainsomely -ungaite -ungallant -ungallantly -ungallantness -ungalling -ungalvanized -ungamboling -ungamelike -unganged -ungangrened -ungarbed -ungarbled -ungardened -ungargled -ungarland -ungarlanded -ungarment -ungarmented -ungarnered -ungarnish -ungarnished -ungaro -ungarrisoned -ungarter -ungartered -ungashed -ungassed -ungastric -ungathered -ungaudy -ungauged -ungauntlet -ungauntleted -ungazetted -ungazing -ungear -ungeared -ungelatinizable -ungelatinized -ungelded -ungelt -ungeminated -ungenerable -ungeneral -ungeneraled -ungeneralized -ungenerate -ungenerated -ungenerative -ungeneric -ungenerical -ungenerosity -ungenerous -ungenerously -ungenerousness -ungenial -ungeniality -ungenially -ungenialness -ungenitured -ungenius -ungenteel -ungenteelly -ungenteelness -ungentile -ungentility -ungentilize -ungentle -ungentled -ungentleman -ungentlemanize -ungentlemanlike -ungentlemanlikeness -ungentlemanliness -ungentlemanly -ungentleness -ungentlewomanlike -ungently -ungenuine -ungenuinely -ungenuineness -ungeodetical -ungeographic -ungeographical -ungeographically -ungeological -ungeometric -ungeometrical -ungeometrically -ungeometricalness -ungerminated -ungerminating -ungermlike -ungerontic -ungesting -ungesturing -unget -ungettable -unghostlike -unghostly -ungiant -ungibbet -ungiddy -ungifted -ungiftedness -ungild -ungilded -ungill -ungilt -ungingled -unginned -ungird -ungirded -ungirdle -ungirdled -ungirlish -ungirt -ungirth -ungirthed -ungive -ungiveable -ungiven -ungiving -ungka -unglaciated -unglad -ungladden -ungladdened -ungladly -ungladness -ungladsome -unglamorous -unglandular -unglassed -unglaze -unglazed -ungleaned -unglee -ungleeful -unglimpsed -unglistening -unglittering -ungloating -unglobe -unglobular -ungloom -ungloomed -ungloomy -unglorified -unglorify -unglorifying -unglorious -ungloriously -ungloriousness -unglory -unglosed -ungloss -unglossaried -unglossed -unglossily -unglossiness -unglossy -unglove -ungloved -unglowing -unglozed -unglue -unglued -unglutinate -unglutted -ungluttonous -ungnarred -ungnaw -ungnawn -ungnostic -ungoaded -ungoatlike -ungod -ungoddess -ungodlike -ungodlily -ungodliness -ungodly -ungodmothered -ungold -ungolden -ungone -ungood -ungoodliness -ungoodly -ungored -ungorge -ungorged -ungorgeous -ungospel -ungospelized -ungospelled -ungospellike -ungossiping -ungot -ungothic -ungotten -ungouged -ungouty -ungovernable -ungovernableness -ungovernably -ungoverned -ungovernedness -ungoverning -ungown -ungowned -ungrace -ungraced -ungraceful -ungracefully -ungracefulness -ungracious -ungraciously -ungraciousness -ungradated -ungraded -ungradual -ungradually -ungraduated -ungraduating -ungraft -ungrafted -ungrain -ungrainable -ungrained -ungrammar -ungrammared -ungrammatic -ungrammatical -ungrammatically -ungrammaticalness -ungrammaticism -ungrand -ungrantable -ungranted -ungranulated -ungraphic -ungraphitized -ungrapple -ungrappled -ungrappler -ungrasp -ungraspable -ungrasped -ungrasping -ungrassed -ungrassy -ungrated -ungrateful -ungratefully -ungratefulness -ungratifiable -ungratified -ungratifying -ungrating -ungrave -ungraved -ungraveled -ungravelly -ungravely -ungraven -ungrayed -ungrazed -ungreased -ungreat -ungreatly -ungreatness -ungreeable -ungreedy -ungreen -ungreenable -ungreened -ungreeted -ungregarious -ungrieve -ungrieved -ungrieving -ungrilled -ungrimed -ungrindable -ungrip -ungripe -ungrizzled -ungroaning -ungroined -ungroomed -ungrooved -ungropeable -ungross -ungrotesque -unground -ungroundable -ungroundably -ungrounded -ungroundedly -ungroundedness -ungroupable -ungrouped -ungrow -ungrowing -ungrown -ungrubbed -ungrudged -ungrudging -ungrudgingly -ungrudgingness -ungruesome -ungruff -ungrumbling -ungual -unguaranteed -unguard -unguardable -unguarded -unguardedly -unguardedness -ungueal -unguent -unguentaria -unguentarium -unguentary -unguentiferous -unguentous -unguentum -unguerdoned -ungues -unguessable -unguessableness -unguessed -unguical -unguicorn -unguicular -Unguiculata -unguiculate -unguiculated -unguidable -unguidableness -unguidably -unguided -unguidedly -unguiferous -unguiform -unguiled -unguileful -unguilefully -unguilefulness -unguillotined -unguiltily -unguiltiness -unguilty -unguinal -unguinous -unguirostral -unguis -ungula -ungulae -ungular -Ungulata -ungulate -ungulated -unguled -unguligrade -ungull -ungulous -ungulp -ungum -ungummed -ungushing -ungutted -unguttural -unguyed -unguzzled -ungymnastic -ungypsylike -ungyve -ungyved -unhabit -unhabitable -unhabitableness -unhabited -unhabitual -unhabitually -unhabituate -unhabituated -unhacked -unhackled -unhackneyed -unhackneyedness -unhad -unhaft -unhafted -unhaggled -unhaggling -unhailable -unhailed -unhair -unhaired -unhairer -unhairily -unhairiness -unhairing -unhairy -unhallooed -unhallow -unhallowed -unhallowedness -unhaloed -unhalsed -unhalted -unhalter -unhaltered -unhalting -unhalved -unhammered -unhamper -unhampered -unhand -unhandcuff -unhandcuffed -unhandicapped -unhandily -unhandiness -unhandled -unhandseled -unhandsome -unhandsomely -unhandsomeness -unhandy -unhang -unhanged -unhap -unhappen -unhappily -unhappiness -unhappy -unharangued -unharassed -unharbor -unharbored -unhard -unharden -unhardenable -unhardened -unhardihood -unhardily -unhardiness -unhardness -unhardy -unharked -unharmable -unharmed -unharmful -unharmfully -unharming -unharmonic -unharmonical -unharmonious -unharmoniously -unharmoniousness -unharmonize -unharmonized -unharmony -unharness -unharnessed -unharped -unharried -unharrowed -unharsh -unharvested -unhashed -unhasp -unhasped -unhaste -unhasted -unhastened -unhastily -unhastiness -unhasting -unhasty -unhat -unhatchability -unhatchable -unhatched -unhatcheled -unhate -unhated -unhateful -unhating -unhatingly -unhatted -unhauled -unhaunt -unhaunted -unhave -unhawked -unhayed -unhazarded -unhazarding -unhazardous -unhazardousness -unhazed -unhead -unheaded -unheader -unheady -unheal -unhealable -unhealableness -unhealably -unhealed -unhealing -unhealth -unhealthful -unhealthfully -unhealthfulness -unhealthily -unhealthiness -unhealthsome -unhealthsomeness -unhealthy -unheaped -unhearable -unheard -unhearing -unhearsed -unheart -unhearten -unheartsome -unhearty -unheatable -unheated -unheathen -unheaved -unheaven -unheavenly -unheavily -unheaviness -unheavy -unhectored -unhedge -unhedged -unheed -unheeded -unheededly -unheedful -unheedfully -unheedfulness -unheeding -unheedingly -unheedy -unheeled -unheelpieced -unhefted -unheightened -unheired -unheld -unhele -unheler -unhelm -unhelmed -unhelmet -unhelmeted -unhelpable -unhelpableness -unhelped -unhelpful -unhelpfully -unhelpfulness -unhelping -unhelved -unhemmed -unheppen -unheralded -unheraldic -unherd -unherded -unhereditary -unheretical -unheritable -unhermetic -unhero -unheroic -unheroical -unheroically -unheroism -unheroize -unherolike -unhesitant -unhesitating -unhesitatingly -unhesitatingness -unheuristic -unhewable -unhewed -unhewn -unhex -unhid -unhidable -unhidableness -unhidably -unhidated -unhidden -unhide -unhidebound -unhideous -unhieratic -unhigh -unhilarious -unhinderable -unhinderably -unhindered -unhindering -unhinge -unhingement -unhinted -unhipped -unhired -unhissed -unhistoric -unhistorical -unhistorically -unhistory -unhistrionic -unhit -unhitch -unhitched -unhittable -unhive -unhoard -unhoarded -unhoarding -unhoary -unhoaxed -unhobble -unhocked -unhoed -unhogged -unhoist -unhoisted -unhold -unholiday -unholily -unholiness -unhollow -unhollowed -unholy -unhome -unhomelike -unhomelikeness -unhomeliness -unhomely -unhomish -unhomogeneity -unhomogeneous -unhomogeneously -unhomologous -unhoned -unhonest -unhonestly -unhoneyed -unhonied -unhonorable -unhonorably -unhonored -unhonoured -unhood -unhooded -unhoodwink -unhoodwinked -unhoofed -unhook -unhooked -unhoop -unhooped -unhooper -unhooted -unhoped -unhopedly -unhopedness -unhopeful -unhopefully -unhopefulness -unhoping -unhopingly -unhopped -unhoppled -unhorizoned -unhorizontal -unhorned -unhorny -unhoroscopic -unhorse -unhose -unhosed -unhospitable -unhospitableness -unhospitably -unhostile -unhostilely -unhostileness -unhostility -unhot -unhoundlike -unhouse -unhoused -unhouseled -unhouselike -unhousewifely -unhuddle -unhugged -unhull -unhulled -unhuman -unhumanize -unhumanized -unhumanly -unhumanness -unhumble -unhumbled -unhumbledness -unhumbleness -unhumbly -unhumbugged -unhumid -unhumiliated -unhumored -unhumorous -unhumorously -unhumorousness -unhumoured -unhung -unhuntable -unhunted -unhurdled -unhurled -unhurried -unhurriedly -unhurriedness -unhurrying -unhurryingly -unhurt -unhurted -unhurtful -unhurtfully -unhurtfulness -unhurting -unhusbanded -unhusbandly -unhushable -unhushed -unhushing -unhusk -unhusked -unhustled -unhustling -unhutched -unhuzzaed -unhydraulic -unhydrolyzed -unhygienic -unhygienically -unhygrometric -unhymeneal -unhymned -unhyphenated -unhyphened -unhypnotic -unhypnotizable -unhypnotize -unhypocritical -unhypocritically -unhypothecated -unhypothetical -unhysterical -uniambic -uniambically -uniangulate -uniarticular -uniarticulate -Uniat -uniat -Uniate -uniate -uniauriculate -uniauriculated -uniaxal -uniaxally -uniaxial -uniaxially -unibasal -unibivalent -unible -unibracteate -unibracteolate -unibranchiate -unicalcarate -unicameral -unicameralism -unicameralist -unicamerate -unicapsular -unicarinate -unicarinated -unice -uniced -unicell -unicellate -unicelled -unicellular -unicellularity -unicentral -unichord -uniciliate -unicism -unicist -unicity -uniclinal -unicolor -unicolorate -unicolored -unicolorous -uniconstant -unicorn -unicorneal -unicornic -unicornlike -unicornous -unicornuted -unicostate -unicotyledonous -unicum -unicursal -unicursality -unicursally -unicuspid -unicuspidate -unicycle -unicyclist -unidactyl -unidactyle -unidactylous -unideaed -unideal -unidealism -unidealist -unidealistic -unidealized -unidentate -unidentated -unidenticulate -unidentifiable -unidentifiableness -unidentifiably -unidentified -unidentifiedly -unidentifying -unideographic -unidextral -unidextrality -unidigitate -unidimensional -unidiomatic -unidiomatically -unidirect -unidirected -unidirection -unidirectional -unidle -unidleness -unidly -unidolatrous -unidolized -unidyllic -unie -uniembryonate -uniequivalent -uniface -unifaced -unifacial -unifactorial -unifarious -unifiable -unific -unification -unificationist -unificator -unified -unifiedly -unifiedness -unifier -unifilar -uniflagellate -unifloral -uniflorate -uniflorous -uniflow -uniflowered -unifocal -unifoliar -unifoliate -unifoliolate -Unifolium -uniform -uniformal -uniformalization -uniformalize -uniformally -uniformation -uniformed -uniformist -uniformitarian -uniformitarianism -uniformity -uniformization -uniformize -uniformless -uniformly -uniformness -unify -unigenesis -unigenetic -unigenist -unigenistic -unigenital -unigeniture -unigenous -uniglandular -uniglobular -unignitable -unignited -unignitible -unignominious -unignorant -unignored -unigravida -uniguttulate -unijugate -unijugous -unilabiate -unilabiated -unilamellar -unilamellate -unilaminar -unilaminate -unilateral -unilateralism -unilateralist -unilaterality -unilateralization -unilateralize -unilaterally -unilinear -unilingual -unilingualism -uniliteral -unilludedly -unillumed -unilluminated -unilluminating -unillumination -unillumined -unillusioned -unillusory -unillustrated -unillustrative -unillustrious -unilobal -unilobar -unilobate -unilobe -unilobed -unilobular -unilocular -unilocularity -uniloculate -unimacular -unimaged -unimaginable -unimaginableness -unimaginably -unimaginary -unimaginative -unimaginatively -unimaginativeness -unimagine -unimagined -unimanual -unimbanked -unimbellished -unimbezzled -unimbibed -unimbibing -unimbittered -unimbodied -unimboldened -unimbordered -unimbosomed -unimbowed -unimbowered -unimbroiled -unimbrowned -unimbrued -unimbued -unimedial -unimitable -unimitableness -unimitably -unimitated -unimitating -unimitative -unimmaculate -unimmanent -unimmediate -unimmerged -unimmergible -unimmersed -unimmigrating -unimmolated -unimmortal -unimmortalize -unimmortalized -unimmovable -unimmured -unimodal -unimodality -unimodular -unimolecular -unimolecularity -unimpair -unimpairable -unimpaired -unimpartable -unimparted -unimpartial -unimpassionate -unimpassioned -unimpassionedly -unimpassionedness -unimpatient -unimpawned -unimpeachability -unimpeachable -unimpeachableness -unimpeachably -unimpeached -unimpearled -unimped -unimpeded -unimpededly -unimpedible -unimpedness -unimpelled -unimpenetrable -unimperative -unimperial -unimperialistic -unimperious -unimpertinent -unimpinging -unimplanted -unimplicable -unimplicate -unimplicated -unimplicit -unimplicitly -unimplied -unimplorable -unimplored -unimpoisoned -unimportance -unimportant -unimportantly -unimported -unimporting -unimportunate -unimportunately -unimportuned -unimposed -unimposedly -unimposing -unimpostrous -unimpounded -unimpoverished -unimpowered -unimprecated -unimpregnable -unimpregnate -unimpregnated -unimpressed -unimpressibility -unimpressible -unimpressibleness -unimpressibly -unimpressionability -unimpressionable -unimpressive -unimpressively -unimpressiveness -unimprinted -unimprison -unimprisonable -unimprisoned -unimpropriated -unimprovable -unimprovableness -unimprovably -unimproved -unimprovedly -unimprovedness -unimprovement -unimproving -unimprovised -unimpugnable -unimpugned -unimpulsive -unimpurpled -unimputable -unimputed -unimucronate -unimultiplex -unimuscular -uninaugurated -unincantoned -unincarcerated -unincarnate -unincarnated -unincensed -uninchoative -unincidental -unincised -unincisive -unincited -uninclinable -uninclined -uninclining -uninclosed -uninclosedness -unincludable -unincluded -uninclusive -uninclusiveness -uninconvenienced -unincorporate -unincorporated -unincorporatedly -unincorporatedness -unincreasable -unincreased -unincreasing -unincubated -uninculcated -unincumbered -unindebted -unindebtedly -unindebtedness -unindemnified -unindentable -unindented -unindentured -unindexed -unindicable -unindicated -unindicative -unindictable -unindicted -unindifference -unindifferency -unindifferent -unindifferently -unindigent -unindignant -unindividual -unindividualize -unindividualized -unindividuated -unindorsed -uninduced -uninductive -unindulged -unindulgent -unindulgently -unindurated -unindustrial -unindustrialized -unindustrious -unindustriously -unindwellable -uninebriated -uninebriating -uninervate -uninerved -uninfallibility -uninfallible -uninfatuated -uninfectable -uninfected -uninfectious -uninfectiousness -uninfeft -uninferred -uninfested -uninfiltrated -uninfinite -uninfiniteness -uninfixed -uninflamed -uninflammability -uninflammable -uninflated -uninflected -uninflectedness -uninflicted -uninfluenceable -uninfluenced -uninfluencing -uninfluencive -uninfluential -uninfluentiality -uninfolded -uninformed -uninforming -uninfracted -uninfringeable -uninfringed -uninfringible -uninfuriated -uninfused -uningenious -uningeniously -uningeniousness -uningenuity -uningenuous -uningenuously -uningenuousness -uningested -uningrafted -uningrained -uninhabitability -uninhabitable -uninhabitableness -uninhabitably -uninhabited -uninhabitedness -uninhaled -uninheritability -uninheritable -uninherited -uninhibited -uninhibitive -uninhumed -uninimical -uniniquitous -uninitialed -uninitialled -uninitiate -uninitiated -uninitiatedness -uninitiation -uninjectable -uninjected -uninjurable -uninjured -uninjuredness -uninjuring -uninjurious -uninjuriously -uninjuriousness -uninked -uninlaid -uninn -uninnate -uninnocence -uninnocent -uninnocently -uninnocuous -uninnovating -uninoculable -uninoculated -uninodal -uninominal -uninquired -uninquiring -uninquisitive -uninquisitively -uninquisitiveness -uninquisitorial -uninsane -uninsatiable -uninscribed -uninserted -uninshrined -uninsinuated -uninsistent -uninsolvent -uninspected -uninspirable -uninspired -uninspiring -uninspiringly -uninspirited -uninspissated -uninstalled -uninstanced -uninstated -uninstigated -uninstilled -uninstituted -uninstructed -uninstructedly -uninstructedness -uninstructible -uninstructing -uninstructive -uninstructively -uninstructiveness -uninstrumental -uninsular -uninsulate -uninsulated -uninsultable -uninsulted -uninsulting -uninsurability -uninsurable -uninsured -unintegrated -unintellective -unintellectual -unintellectualism -unintellectuality -unintellectually -unintelligence -unintelligent -unintelligently -unintelligentsia -unintelligibility -unintelligible -unintelligibleness -unintelligibly -unintended -unintendedly -unintensive -unintent -unintentional -unintentionality -unintentionally -unintentionalness -unintently -unintentness -unintercalated -unintercepted -uninterchangeable -uninterdicted -uninterested -uninterestedly -uninterestedness -uninteresting -uninterestingly -uninterestingness -uninterferedwith -uninterjected -uninterlaced -uninterlarded -uninterleave -uninterleaved -uninterlined -uninterlinked -uninterlocked -unintermarrying -unintermediate -unintermingled -unintermission -unintermissive -unintermitted -unintermittedly -unintermittedness -unintermittent -unintermitting -unintermittingly -unintermittingness -unintermixed -uninternational -uninterpleaded -uninterpolated -uninterposed -uninterposing -uninterpretable -uninterpreted -uninterred -uninterrogable -uninterrogated -uninterrupted -uninterruptedly -uninterruptedness -uninterruptible -uninterruptibleness -uninterrupting -uninterruption -unintersected -uninterspersed -unintervening -uninterviewed -unintervolved -uninterwoven -uninthroned -unintimate -unintimated -unintimidated -unintitled -unintombed -unintoned -unintoxicated -unintoxicatedness -unintoxicating -unintrenchable -unintrenched -unintricate -unintrigued -unintriguing -unintroduced -unintroducible -unintroitive -unintromitted -unintrospective -unintruded -unintruding -unintrusive -unintrusively -unintrusted -unintuitive -unintwined -uninuclear -uninucleate -uninucleated -uninundated -uninured -uninurned -uninvadable -uninvaded -uninvaginated -uninvalidated -uninveighing -uninveigled -uninvented -uninventful -uninventibleness -uninventive -uninventively -uninventiveness -uninverted -uninvested -uninvestigable -uninvestigated -uninvestigating -uninvestigative -uninvidious -uninvidiously -uninvigorated -uninvincible -uninvite -uninvited -uninvitedly -uninviting -uninvoiced -uninvoked -uninvolved -uninweaved -uninwoven -uninwrapped -uninwreathed -Unio -unio -uniocular -unioid -Uniola -union -unioned -unionic -unionid -Unionidae -unioniform -unionism -unionist -unionistic -unionization -unionize -unionoid -unioval -uniovular -uniovulate -unipara -uniparental -uniparient -uniparous -unipartite -uniped -unipeltate -uniperiodic -unipersonal -unipersonalist -unipersonality -unipetalous -uniphase -uniphaser -uniphonous -uniplanar -uniplicate -unipod -unipolar -unipolarity -uniporous -unipotence -unipotent -unipotential -unipulse -uniquantic -unique -uniquely -uniqueness -uniquity -uniradial -uniradiate -uniradiated -uniradical -uniramose -uniramous -unirascible -unireme -unirenic -unirhyme -uniridescent -unironed -unironical -unirradiated -unirrigated -unirritable -unirritant -unirritated -unirritatedly -unirritating -unisepalous -uniseptate -uniserial -uniserially -uniseriate -uniseriately -uniserrate -uniserrulate -unisexed -unisexual -unisexuality -unisexually -unisilicate -unisoil -unisolable -unisolate -unisolated -unisomeric -unisometrical -unisomorphic -unison -unisonal -unisonally -unisonance -unisonant -unisonous -unisotropic -unisparker -unispiculate -unispinose -unispiral -unissuable -unissued -unistylist -unisulcate -unit -unitage -unital -unitalicized -Unitarian -unitarian -Unitarianism -Unitarianize -unitarily -unitariness -unitarism -unitarist -unitary -unite -uniteability -uniteable -uniteably -united -unitedly -unitedness -unitemized -unitentacular -uniter -uniting -unitingly -unition -unitism -unitistic -unitive -unitively -unitiveness -unitize -unitooth -unitrivalent -unitrope -unituberculate -unitude -unity -uniunguiculate -uniungulate -univalence -univalency -univalent -univalvate -univalve -univalvular -univariant -univerbal -universal -universalia -Universalian -Universalism -universalism -Universalist -universalist -Universalistic -universalistic -universality -universalization -universalize -universalizer -universally -universalness -universanimous -universe -universeful -universitarian -universitarianism -universitary -universitize -university -universityless -universitylike -universityship -universological -universologist -universology -univied -univocability -univocacy -univocal -univocalized -univocally -univocity -univoltine -univorous -unjacketed -unjaded -unjagged -unjailed -unjam -unjapanned -unjarred -unjarring -unjaundiced -unjaunty -unjealous -unjealoused -unjellied -unjesting -unjesuited -unjesuitical -unjesuitically -unjewel -unjeweled -unjewelled -Unjewish -unjilted -unjocose -unjocund -unjogged -unjogging -unjoin -unjoinable -unjoint -unjointed -unjointedness -unjointured -unjoking -unjokingly -unjolly -unjolted -unjostled -unjournalized -unjovial -unjovially -unjoyed -unjoyful -unjoyfully -unjoyfulness -unjoyous -unjoyously -unjoyousness -unjudgable -unjudge -unjudged -unjudgelike -unjudging -unjudicable -unjudicial -unjudicially -unjudicious -unjudiciously -unjudiciousness -unjuggled -unjuiced -unjuicy -unjumbled -unjumpable -unjust -unjustice -unjusticiable -unjustifiable -unjustifiableness -unjustifiably -unjustified -unjustifiedly -unjustifiedness -unjustify -unjustled -unjustly -unjustness -unjuvenile -unkaiserlike -unkamed -unked -unkeeled -unkembed -unkempt -unkemptly -unkemptness -unken -unkenned -unkennedness -unkennel -unkenneled -unkenning -unkensome -unkept -unkerchiefed -unket -unkey -unkeyed -unkicked -unkid -unkill -unkillability -unkillable -unkilled -unkilling -unkilned -unkin -unkind -unkindhearted -unkindled -unkindledness -unkindlily -unkindliness -unkindling -unkindly -unkindness -unkindred -unkindredly -unking -unkingdom -unkinged -unkinger -unkinglike -unkingly -unkink -unkinlike -unkirk -unkiss -unkissed -unkist -unknave -unkneaded -unkneeling -unknelled -unknew -unknight -unknighted -unknightlike -unknit -unknittable -unknitted -unknitting -unknocked -unknocking -unknot -unknotted -unknotty -unknow -unknowability -unknowable -unknowableness -unknowably -unknowing -unknowingly -unknowingness -unknowledgeable -unknown -unknownly -unknownness -unknownst -unkodaked -unkoshered -unlabeled -unlabialize -unlabiate -unlaborable -unlabored -unlaboring -unlaborious -unlaboriously -unlaboriousness -unlace -unlaced -unlacerated -unlackeyed -unlacquered -unlade -unladen -unladled -unladyfied -unladylike -unlagging -unlaid -unlame -unlamed -unlamented -unlampooned -unlanced -unland -unlanded -unlandmarked -unlanguaged -unlanguid -unlanguishing -unlanterned -unlap -unlapped -unlapsed -unlapsing -unlarded -unlarge -unlash -unlashed -unlasher -unlassoed -unlasting -unlatch -unlath -unlathed -unlathered -unlatinized -unlatticed -unlaudable -unlaudableness -unlaudably -unlauded -unlaugh -unlaughing -unlaunched -unlaundered -unlaureled -unlaved -unlaving -unlavish -unlavished -unlaw -unlawed -unlawful -unlawfully -unlawfulness -unlawlearned -unlawlike -unlawly -unlawyered -unlawyerlike -unlay -unlayable -unleached -unlead -unleaded -unleaderly -unleaf -unleafed -unleagued -unleaguer -unleakable -unleaky -unleal -unlean -unleared -unlearn -unlearnability -unlearnable -unlearnableness -unlearned -unlearnedly -unlearnedness -unlearning -unlearnt -unleasable -unleased -unleash -unleashed -unleathered -unleave -unleaved -unleavenable -unleavened -unlectured -unled -unleft -unlegacied -unlegal -unlegalized -unlegally -unlegalness -unlegate -unlegislative -unleisured -unleisuredness -unleisurely -unlenient -unlensed -unlent -unless -unlessened -unlessoned -unlet -unlettable -unletted -unlettered -unletteredly -unletteredness -unlettering -unletterlike -unlevel -unleveled -unlevelly -unlevelness -unlevied -unlevigated -unlexicographical -unliability -unliable -unlibeled -unliberal -unliberalized -unliberated -unlibidinous -unlicensed -unlicentiated -unlicentious -unlichened -unlickable -unlicked -unlid -unlidded -unlie -unlifelike -unliftable -unlifted -unlifting -unligable -unligatured -unlight -unlighted -unlightedly -unlightedness -unlightened -unlignified -unlikable -unlikableness -unlikably -unlike -unlikeable -unlikeableness -unlikeably -unliked -unlikelihood -unlikeliness -unlikely -unliken -unlikeness -unliking -unlimb -unlimber -unlime -unlimed -unlimitable -unlimitableness -unlimitably -unlimited -unlimitedly -unlimitedness -unlimitless -unlimned -unlimp -unline -unlineal -unlined -unlingering -unlink -unlinked -unlionlike -unliquefiable -unliquefied -unliquid -unliquidatable -unliquidated -unliquidating -unliquidation -unliquored -unlisping -unlist -unlisted -unlistened -unlistening -unlisty -unlit -unliteral -unliterally -unliteralness -unliterary -unliterate -unlitigated -unlitten -unlittered -unliturgical -unliturgize -unlivable -unlivableness -unlivably -unlive -unliveable -unliveableness -unliveably -unliveliness -unlively -unliveried -unlivery -unliving -unlizardlike -unload -unloaded -unloaden -unloader -unloafing -unloanably -unloaned -unloaning -unloath -unloathed -unloathful -unloathly -unloathsome -unlobed -unlocal -unlocalizable -unlocalize -unlocalized -unlocally -unlocated -unlock -unlockable -unlocked -unlocker -unlocking -unlocomotive -unlodge -unlodged -unlofty -unlogged -unlogic -unlogical -unlogically -unlogicalness -unlonely -unlook -unlooked -unloop -unlooped -unloosable -unloosably -unloose -unloosen -unloosening -unloosing -unlooted -unlopped -unloquacious -unlord -unlorded -unlordly -unlosable -unlosableness -unlost -unlotted -unlousy -unlovable -unlovableness -unlovably -unlove -unloveable -unloveableness -unloveably -unloved -unlovelily -unloveliness -unlovely -unloverlike -unloverly -unloving -unlovingly -unlovingness -unlowered -unlowly -unloyal -unloyally -unloyalty -unlubricated -unlucent -unlucid -unluck -unluckful -unluckily -unluckiness -unlucky -unlucrative -unludicrous -unluffed -unlugged -unlugubrious -unluminous -unlumped -unlunar -unlured -unlust -unlustily -unlustiness -unlustrous -unlusty -unlute -unluted -unluxated -unluxuriant -unluxurious -unlycanthropize -unlying -unlyrical -unlyrically -unmacadamized -unmacerated -unmachinable -unmackly -unmad -unmadded -unmaddened -unmade -unmagic -unmagical -unmagisterial -unmagistratelike -unmagnanimous -unmagnetic -unmagnetical -unmagnetized -unmagnified -unmagnify -unmaid -unmaidenlike -unmaidenliness -unmaidenly -unmail -unmailable -unmailableness -unmailed -unmaimable -unmaimed -unmaintainable -unmaintained -unmajestic -unmakable -unmake -unmaker -unmalevolent -unmalicious -unmalignant -unmaligned -unmalleability -unmalleable -unmalleableness -unmalled -unmaltable -unmalted -unmammalian -unmammonized -unman -unmanacle -unmanacled -unmanageable -unmanageableness -unmanageably -unmanaged -unmancipated -unmandated -unmanducated -unmaned -unmaneged -unmanful -unmanfully -unmangled -unmaniable -unmaniac -unmaniacal -unmanicured -unmanifest -unmanifested -unmanipulatable -unmanipulated -unmanlike -unmanlily -unmanliness -unmanly -unmanned -unmanner -unmannered -unmanneredly -unmannerliness -unmannerly -unmannish -unmanored -unmantle -unmantled -unmanufacturable -unmanufactured -unmanumissible -unmanumitted -unmanurable -unmanured -unmappable -unmapped -unmarbled -unmarch -unmarching -unmarginal -unmarginated -unmarine -unmaritime -unmarkable -unmarked -unmarketable -unmarketed -unmarled -unmarred -unmarriable -unmarriageability -unmarriageable -unmarried -unmarring -unmarry -unmarrying -unmarshaled -unmartial -unmartyr -unmartyred -unmarvelous -unmasculine -unmashed -unmask -unmasked -unmasker -unmasking -unmasquerade -unmassacred -unmassed -unmast -unmaster -unmasterable -unmastered -unmasterful -unmasticable -unmasticated -unmatchable -unmatchableness -unmatchably -unmatched -unmatchedness -unmate -unmated -unmaterial -unmaterialistic -unmateriate -unmaternal -unmathematical -unmathematically -unmating -unmatriculated -unmatrimonial -unmatronlike -unmatted -unmature -unmatured -unmaturely -unmatureness -unmaturing -unmaturity -unmauled -unmaze -unmeaning -unmeaningly -unmeaningness -unmeant -unmeasurable -unmeasurableness -unmeasurably -unmeasured -unmeasuredly -unmeasuredness -unmeated -unmechanic -unmechanical -unmechanically -unmechanistic -unmechanize -unmechanized -unmedaled -unmedalled -unmeddle -unmeddled -unmeddlesome -unmeddling -unmeddlingly -unmeddlingness -unmediaeval -unmediated -unmediatized -unmedicable -unmedical -unmedicated -unmedicative -unmedicinable -unmedicinal -unmeditated -unmeditative -unmediumistic -unmedullated -unmeek -unmeekly -unmeekness -unmeet -unmeetable -unmeetly -unmeetness -unmelancholy -unmeliorated -unmellow -unmellowed -unmelodic -unmelodious -unmelodiously -unmelodiousness -unmelodized -unmelodramatic -unmeltable -unmeltableness -unmeltably -unmelted -unmeltedness -unmelting -unmember -unmemoired -unmemorable -unmemorialized -unmemoried -unmemorized -unmenaced -unmenacing -unmendable -unmendableness -unmendably -unmendacious -unmended -unmenial -unmenseful -unmenstruating -unmensurable -unmental -unmentionability -unmentionable -unmentionableness -unmentionables -unmentionably -unmentioned -unmercantile -unmercenariness -unmercenary -unmercerized -unmerchantable -unmerchantlike -unmerchantly -unmerciful -unmercifully -unmercifulness -unmercurial -unmeretricious -unmerge -unmerged -unmeridional -unmerited -unmeritedly -unmeritedness -unmeriting -unmeritorious -unmeritoriously -unmeritoriousness -unmerry -unmesh -unmesmeric -unmesmerize -unmesmerized -unmet -unmetaled -unmetalized -unmetalled -unmetallic -unmetallurgical -unmetamorphosed -unmetaphorical -unmetaphysic -unmetaphysical -unmeted -unmeteorological -unmetered -unmethodical -unmethodically -unmethodicalness -unmethodized -unmethodizing -unmethylated -unmeticulous -unmetric -unmetrical -unmetrically -unmetricalness -unmetropolitan -unmettle -unmew -unmewed -unmicaceous -unmicrobic -unmicroscopic -unmidwifed -unmighty -unmigrating -unmildewed -unmilitant -unmilitarily -unmilitariness -unmilitaristic -unmilitarized -unmilitary -unmilked -unmilled -unmillinered -unmilted -unmimicked -unminable -unminced -unmincing -unmind -unminded -unmindful -unmindfully -unmindfulness -unminding -unmined -unmineralized -unmingle -unmingleable -unmingled -unmingling -unminimized -unminished -unminister -unministered -unministerial -unministerially -unminted -unminuted -unmiracled -unmiraculous -unmiraculously -unmired -unmirrored -unmirthful -unmirthfully -unmirthfulness -unmiry -unmisanthropic -unmiscarrying -unmischievous -unmiscible -unmisconceivable -unmiserly -unmisgiving -unmisgivingly -unmisguided -unmisinterpretable -unmisled -unmissable -unmissed -unmissionary -unmissionized -unmist -unmistakable -unmistakableness -unmistakably -unmistakedly -unmistaken -unmistakingly -unmistressed -unmistrusted -unmistrustful -unmistrusting -unmisunderstandable -unmisunderstanding -unmisunderstood -unmiter -unmitigable -unmitigated -unmitigatedly -unmitigatedness -unmitigative -unmittened -unmix -unmixable -unmixableness -unmixed -unmixedly -unmixedness -unmoaned -unmoated -unmobbed -unmobilized -unmocked -unmocking -unmockingly -unmodel -unmodeled -unmodelled -unmoderate -unmoderately -unmoderateness -unmoderating -unmodern -unmodernity -unmodernize -unmodernized -unmodest -unmodifiable -unmodifiableness -unmodifiably -unmodified -unmodifiedness -unmodish -unmodulated -unmoiled -unmoist -unmoisten -unmold -unmoldable -unmolded -unmoldered -unmoldering -unmoldy -unmolested -unmolestedly -unmolesting -unmollifiable -unmollifiably -unmollified -unmollifying -unmolten -unmomentary -unmomentous -unmomentously -unmonarch -unmonarchical -unmonastic -unmonetary -unmoneyed -unmonistic -unmonitored -unmonkish -unmonkly -unmonopolize -unmonopolized -unmonopolizing -unmonotonous -unmonumented -unmoor -unmoored -unmooted -unmopped -unmoral -unmoralist -unmorality -unmoralize -unmoralized -unmoralizing -unmorally -unmoralness -unmorbid -unmordanted -unmoribund -unmorose -unmorphological -unmortal -unmortared -unmortgage -unmortgageable -unmortgaged -unmortified -unmortifiedly -unmortifiedness -unmortise -unmortised -unmossed -unmothered -unmotherly -unmotionable -unmotivated -unmotivatedly -unmotivatedness -unmotived -unmotorized -unmottled -unmounded -unmount -unmountable -unmountainous -unmounted -unmounting -unmourned -unmournful -unmourning -unmouthable -unmouthed -unmouthpieced -unmovability -unmovable -unmovableness -unmovably -unmoved -unmovedly -unmoving -unmovingly -unmovingness -unmowed -unmown -unmucilaged -unmudded -unmuddied -unmuddle -unmuddled -unmuddy -unmuffle -unmuffled -unmulcted -unmulish -unmulled -unmullioned -unmultipliable -unmultiplied -unmultipliedly -unmultiply -unmummied -unmummify -unmunched -unmundane -unmundified -unmunicipalized -unmunificent -unmunitioned -unmurmured -unmurmuring -unmurmuringly -unmurmurous -unmuscled -unmuscular -unmusical -unmusicality -unmusically -unmusicalness -unmusicianly -unmusked -unmussed -unmusted -unmusterable -unmustered -unmutated -unmutation -unmuted -unmutilated -unmutinous -unmuttered -unmutual -unmutualized -unmuzzle -unmuzzled -unmuzzling -unmyelinated -unmysterious -unmysteriously -unmystery -unmystical -unmysticize -unmystified -unmythical -unnabbed -unnagged -unnagging -unnail -unnailed -unnaked -unnamability -unnamable -unnamableness -unnamably -unname -unnameability -unnameable -unnameableness -unnameably -unnamed -unnapkined -unnapped -unnarcotic -unnarrated -unnarrow -unnation -unnational -unnationalized -unnative -unnatural -unnaturalism -unnaturalist -unnaturalistic -unnaturality -unnaturalizable -unnaturalize -unnaturalized -unnaturally -unnaturalness -unnature -unnautical -unnavigability -unnavigable -unnavigableness -unnavigably -unnavigated -unneaped -unnearable -unneared -unnearly -unnearness -unneat -unneatly -unneatness -unnebulous -unnecessarily -unnecessariness -unnecessary -unnecessitated -unnecessitating -unnecessity -unneeded -unneedful -unneedfully -unneedfulness -unneedy -unnefarious -unnegated -unneglected -unnegligent -unnegotiable -unnegotiableness -unnegotiably -unnegotiated -unnegro -unneighbored -unneighborlike -unneighborliness -unneighborly -unnephritic -unnerve -unnerved -unnervous -unnest -unnestle -unnestled -unneth -unnethe -unnethes -unnethis -unnetted -unnettled -unneurotic -unneutral -unneutralized -unneutrally -unnew -unnewly -unnewness -unnibbed -unnibbied -unnice -unnicely -unniceness -unniched -unnicked -unnickeled -unnickelled -unnicknamed -unniggard -unniggardly -unnigh -unnimbed -unnimble -unnimbleness -unnimbly -unnipped -unnitrogenized -unnobilitated -unnobility -unnoble -unnobleness -unnobly -unnoised -unnomadic -unnominated -unnonsensical -unnoosed -unnormal -unnorthern -unnose -unnosed -unnotable -unnotched -unnoted -unnoteworthy -unnoticeable -unnoticeableness -unnoticeably -unnoticed -unnoticing -unnotified -unnotify -unnoting -unnourishable -unnourished -unnourishing -unnovel -unnovercal -unnucleated -unnullified -unnumberable -unnumberableness -unnumberably -unnumbered -unnumberedness -unnumerical -unnumerous -unnurtured -unnutritious -unnutritive -unnuzzled -unnymphlike -unoared -unobdurate -unobedience -unobedient -unobediently -unobese -unobeyed -unobeying -unobjected -unobjectionable -unobjectionableness -unobjectionably -unobjectional -unobjective -unobligated -unobligatory -unobliged -unobliging -unobligingly -unobligingness -unobliterable -unobliterated -unoblivious -unobnoxious -unobscene -unobscure -unobscured -unobsequious -unobsequiously -unobsequiousness -unobservable -unobservance -unobservant -unobservantly -unobservantness -unobserved -unobservedly -unobserving -unobservingly -unobsessed -unobsolete -unobstinate -unobstruct -unobstructed -unobstructedly -unobstructedness -unobstructive -unobstruent -unobtainable -unobtainableness -unobtainably -unobtained -unobtruded -unobtruding -unobtrusive -unobtrusively -unobtrusiveness -unobtunded -unobumbrated -unobverted -unobviated -unobvious -unoccasional -unoccasioned -unoccidental -unoccluded -unoccupancy -unoccupation -unoccupied -unoccupiedly -unoccupiedness -unoccurring -unoceanic -unocular -unode -unodious -unodoriferous -unoecumenic -unoecumenical -unoffendable -unoffended -unoffendedly -unoffender -unoffending -unoffendingly -unoffensive -unoffensively -unoffensiveness -unoffered -unofficed -unofficered -unofficerlike -unofficial -unofficialdom -unofficially -unofficialness -unofficiating -unofficinal -unofficious -unofficiously -unofficiousness -unoffset -unoften -unogled -unoil -unoiled -unoiling -unoily -unold -unomened -unominous -unomitted -unomnipotent -unomniscient -Unona -unonerous -unontological -unopaque -unoped -unopen -unopenable -unopened -unopening -unopenly -unopenness -unoperably -unoperated -unoperatic -unoperating -unoperative -unoperculate -unoperculated -unopined -unopinionated -unoppignorated -unopportune -unopportunely -unopportuneness -unopposable -unopposed -unopposedly -unopposedness -unopposite -unoppressed -unoppressive -unoppressively -unoppressiveness -unopprobrious -unoppugned -unopulence -unopulent -unoratorial -unoratorical -unorbed -unorbital -unorchestrated -unordain -unordainable -unordained -unorder -unorderable -unordered -unorderly -unordinarily -unordinariness -unordinary -unordinate -unordinately -unordinateness -unordnanced -unorganic -unorganical -unorganically -unorganicalness -unorganizable -unorganized -unorganizedly -unorganizedness -unoriental -unorientalness -unoriented -unoriginal -unoriginality -unoriginally -unoriginalness -unoriginate -unoriginated -unoriginatedness -unoriginately -unoriginateness -unorigination -unoriginative -unoriginatively -unoriginativeness -unorn -unornamental -unornamentally -unornamentalness -unornamented -unornate -unornithological -unornly -unorphaned -unorthodox -unorthodoxically -unorthodoxly -unorthodoxness -unorthodoxy -unorthographical -unorthographically -unoscillating -unosculated -unossified -unostensible -unostentation -unostentatious -unostentatiously -unostentatiousness -unoutgrown -unoutlawed -unoutraged -unoutspeakable -unoutspoken -unoutworn -unoverclouded -unovercome -unoverdone -unoverdrawn -unoverflowing -unoverhauled -unoverleaped -unoverlooked -unoverpaid -unoverpowered -unoverruled -unovert -unovertaken -unoverthrown -unovervalued -unoverwhelmed -unowed -unowing -unown -unowned -unoxidable -unoxidated -unoxidizable -unoxidized -unoxygenated -unoxygenized -unpacable -unpaced -unpacifiable -unpacific -unpacified -unpacifiedly -unpacifiedness -unpacifist -unpack -unpacked -unpacker -unpadded -unpadlocked -unpagan -unpaganize -unpaged -unpaginal -unpaid -unpained -unpainful -unpaining -unpainstaking -unpaint -unpaintability -unpaintable -unpaintableness -unpaintably -unpainted -unpaintedly -unpaintedness -unpaired -unpalatability -unpalatable -unpalatableness -unpalatably -unpalatal -unpalatial -unpale -unpaled -unpalisaded -unpalisadoed -unpalled -unpalliable -unpalliated -unpalpable -unpalped -unpalpitating -unpalsied -unpampered -unpanegyrized -unpanel -unpaneled -unpanelled -unpanged -unpanniered -unpanoplied -unpantheistic -unpanting -unpapal -unpapaverous -unpaper -unpapered -unparaded -unparadise -unparadox -unparagoned -unparagonized -unparagraphed -unparallel -unparallelable -unparalleled -unparalleledly -unparalleledness -unparallelness -unparalyzed -unparaphrased -unparasitical -unparcel -unparceled -unparceling -unparcelled -unparcelling -unparch -unparched -unparching -unpardon -unpardonable -unpardonableness -unpardonably -unpardoned -unpardonedness -unpardoning -unpared -unparented -unparfit -unpargeted -unpark -unparked -unparking -unparliamentary -unparliamented -unparodied -unparrel -unparriable -unparried -unparroted -unparrying -unparsed -unparsimonious -unparsonic -unparsonical -unpartable -unpartableness -unpartably -unpartaken -unpartaking -unparted -unpartial -unpartiality -unpartially -unpartialness -unparticipant -unparticipated -unparticipating -unparticipative -unparticular -unparticularized -unparticularizing -unpartisan -unpartitioned -unpartizan -unpartnered -unpartook -unparty -unpass -unpassable -unpassableness -unpassably -unpassed -unpassing -unpassionate -unpassionately -unpassionateness -unpassioned -unpassive -unpaste -unpasted -unpasteurized -unpasting -unpastor -unpastoral -unpastured -unpatched -unpatent -unpatentable -unpatented -unpaternal -unpathed -unpathetic -unpathwayed -unpatient -unpatiently -unpatientness -unpatriarchal -unpatrician -unpatriotic -unpatriotically -unpatriotism -unpatristic -unpatrolled -unpatronizable -unpatronized -unpatronizing -unpatted -unpatterned -unpaunch -unpaunched -unpauperized -unpausing -unpausingly -unpave -unpaved -unpavilioned -unpaving -unpawed -unpawn -unpawned -unpayable -unpayableness -unpayably -unpaying -unpayment -unpeace -unpeaceable -unpeaceableness -unpeaceably -unpeaceful -unpeacefully -unpeacefulness -unpealed -unpearled -unpebbled -unpeccable -unpecked -unpecuniarily -unpedagogical -unpedantic -unpeddled -unpedestal -unpedigreed -unpeel -unpeelable -unpeelableness -unpeeled -unpeerable -unpeered -unpeg -unpejorative -unpelagic -unpelted -unpen -unpenal -unpenalized -unpenanced -unpenciled -unpencilled -unpenetrable -unpenetrated -unpenetrating -unpenitent -unpenitently -unpenitentness -unpenned -unpennied -unpennoned -unpensionable -unpensionableness -unpensioned -unpensioning -unpent -unpenurious -unpeople -unpeopled -unpeopling -unperceived -unperceivedly -unperceptible -unperceptibly -unperceptive -unperch -unperched -unpercipient -unpercolated -unpercussed -unperfect -unperfected -unperfectedly -unperfectedness -unperfectly -unperfectness -unperfidious -unperflated -unperforate -unperforated -unperformable -unperformance -unperformed -unperforming -unperfumed -unperilous -unperiodic -unperiodical -unperiphrased -unperishable -unperishableness -unperishably -unperished -unperishing -unperjured -unpermanency -unpermanent -unpermanently -unpermeable -unpermeated -unpermissible -unpermissive -unpermitted -unpermitting -unpermixed -unpernicious -unperpendicular -unperpetrated -unperpetuated -unperplex -unperplexed -unperplexing -unpersecuted -unpersecutive -unperseverance -unpersevering -unperseveringly -unperseveringness -unpersonable -unpersonableness -unpersonal -unpersonality -unpersonified -unpersonify -unperspicuous -unperspirable -unperspiring -unpersuadable -unpersuadableness -unpersuadably -unpersuaded -unpersuadedness -unpersuasibleness -unpersuasion -unpersuasive -unpersuasively -unpersuasiveness -unpertaining -unpertinent -unpertinently -unperturbed -unperturbedly -unperturbedness -unperuked -unperused -unpervaded -unperverse -unpervert -unperverted -unpervious -unpessimistic -unpestered -unpestilential -unpetal -unpetitioned -unpetrified -unpetrify -unpetticoated -unpetulant -unpharasaic -unpharasaical -unphased -unphenomenal -unphilanthropic -unphilanthropically -unphilological -unphilosophic -unphilosophically -unphilosophicalness -unphilosophize -unphilosophized -unphilosophy -unphlegmatic -unphonetic -unphoneticness -unphonographed -unphosphatized -unphotographed -unphrasable -unphrasableness -unphrased -unphrenological -unphysical -unphysically -unphysicianlike -unphysicked -unphysiological -unpicaresque -unpick -unpickable -unpicked -unpicketed -unpickled -unpictorial -unpictorially -unpicturability -unpicturable -unpictured -unpicturesque -unpicturesquely -unpicturesqueness -unpiece -unpieced -unpierceable -unpierced -unpiercing -unpiety -unpigmented -unpile -unpiled -unpilfered -unpilgrimlike -unpillaged -unpillared -unpilled -unpilloried -unpillowed -unpiloted -unpimpled -unpin -unpinched -unpining -unpinion -unpinioned -unpinked -unpinned -unpious -unpiped -unpiqued -unpirated -unpitched -unpiteous -unpiteously -unpiteousness -unpitiable -unpitiably -unpitied -unpitiedly -unpitiedness -unpitiful -unpitifully -unpitifulness -unpitted -unpitying -unpityingly -unpityingness -unplacable -unplacably -unplacated -unplace -unplaced -unplacid -unplagiarized -unplagued -unplaid -unplain -unplained -unplainly -unplainness -unplait -unplaited -unplan -unplaned -unplanished -unplank -unplanked -unplanned -unplannedly -unplannedness -unplant -unplantable -unplanted -unplantlike -unplashed -unplaster -unplastered -unplastic -unplat -unplated -unplatted -unplausible -unplausibleness -unplausibly -unplayable -unplayed -unplayful -unplaying -unpleached -unpleadable -unpleaded -unpleading -unpleasable -unpleasant -unpleasantish -unpleasantly -unpleasantness -unpleasantry -unpleased -unpleasing -unpleasingly -unpleasingness -unpleasurable -unpleasurably -unpleasure -unpleat -unpleated -unplebeian -unpledged -unplenished -unplenteous -unplentiful -unplentifulness -unpliable -unpliableness -unpliably -unpliancy -unpliant -unpliantly -unplied -unplighted -unplodding -unplotted -unplotting -unplough -unploughed -unplow -unplowed -unplucked -unplug -unplugged -unplugging -unplumb -unplumbed -unplume -unplumed -unplummeted -unplump -unplundered -unplunge -unplunged -unplutocratic -unplutocratically -unpoached -unpocket -unpocketed -unpodded -unpoetic -unpoetically -unpoeticalness -unpoeticized -unpoetize -unpoetized -unpoignard -unpointed -unpointing -unpoise -unpoised -unpoison -unpoisonable -unpoisoned -unpoisonous -unpolarizable -unpolarized -unpoled -unpolemical -unpolemically -unpoliced -unpolicied -unpolish -unpolishable -unpolished -unpolishedness -unpolite -unpolitely -unpoliteness -unpolitic -unpolitical -unpolitically -unpoliticly -unpollarded -unpolled -unpollutable -unpolluted -unpollutedly -unpolluting -unpolymerized -unpompous -unpondered -unpontifical -unpooled -unpope -unpopular -unpopularity -unpopularize -unpopularly -unpopularness -unpopulate -unpopulated -unpopulous -unpopulousness -unporous -unportable -unportended -unportentous -unportioned -unportly -unportmanteaued -unportraited -unportrayable -unportrayed -unportuous -unposed -unposing -unpositive -unpossessable -unpossessed -unpossessedness -unpossessing -unpossibility -unpossible -unpossibleness -unpossibly -unposted -unpostered -unposthumous -unpostmarked -unpostponable -unpostponed -unpostulated -unpot -unpotted -unpouched -unpoulticed -unpounced -unpounded -unpoured -unpowdered -unpower -unpowerful -unpowerfulness -unpracticability -unpracticable -unpracticableness -unpracticably -unpractical -unpracticality -unpractically -unpracticalness -unpractice -unpracticed -unpragmatical -unpraisable -unpraise -unpraised -unpraiseful -unpraiseworthy -unpranked -unpray -unprayable -unprayed -unprayerful -unpraying -unpreach -unpreached -unpreaching -unprecarious -unprecautioned -unpreceded -unprecedented -unprecedentedly -unprecedentedness -unprecedential -unprecedently -unprecious -unprecipitate -unprecipitated -unprecise -unprecisely -unpreciseness -unprecluded -unprecludible -unprecocious -unpredacious -unpredestinated -unpredestined -unpredicable -unpredicated -unpredict -unpredictable -unpredictableness -unpredictably -unpredicted -unpredictedness -unpredicting -unpredisposed -unpredisposing -unpreened -unprefaced -unpreferable -unpreferred -unprefigured -unprefined -unprefixed -unpregnant -unprejudged -unprejudicated -unprejudice -unprejudiced -unprejudicedly -unprejudicedness -unprejudiciable -unprejudicial -unprejudicially -unprejudicialness -unprelatic -unprelatical -unpreluded -unpremature -unpremeditate -unpremeditated -unpremeditatedly -unpremeditatedness -unpremeditately -unpremeditation -unpremonished -unpremonstrated -unprenominated -unprenticed -unpreoccupied -unpreordained -unpreparation -unprepare -unprepared -unpreparedly -unpreparedness -unpreparing -unpreponderated -unpreponderating -unprepossessedly -unprepossessing -unprepossessingly -unprepossessingness -unpreposterous -unpresaged -unpresageful -unpresaging -unpresbyterated -unprescient -unprescinded -unprescribed -unpresentability -unpresentable -unpresentableness -unpresentably -unpresented -unpreservable -unpreserved -unpresidential -unpresiding -unpressed -unpresumable -unpresumed -unpresuming -unpresumingness -unpresumptuous -unpresumptuously -unpresupposed -unpretended -unpretending -unpretendingly -unpretendingness -unpretentious -unpretentiously -unpretentiousness -unpretermitted -unpreternatural -unprettiness -unpretty -unprevailing -unprevalent -unprevaricating -unpreventable -unpreventableness -unpreventably -unprevented -unpreventible -unpreventive -unpriceably -unpriced -unpricked -unprickled -unprickly -unpriest -unpriestlike -unpriestly -unpriggish -unprim -unprime -unprimed -unprimitive -unprimmed -unprince -unprincelike -unprinceliness -unprincely -unprincess -unprincipal -unprinciple -unprincipled -unprincipledly -unprincipledness -unprint -unprintable -unprintableness -unprintably -unprinted -unpriority -unprismatic -unprison -unprisonable -unprisoned -unprivate -unprivileged -unprizable -unprized -unprobated -unprobationary -unprobed -unprobity -unproblematic -unproblematical -unprocessed -unproclaimed -unprocrastinated -unprocreant -unprocreated -unproctored -unprocurable -unprocurableness -unprocure -unprocured -unproded -unproduceable -unproduceableness -unproduceably -unproduced -unproducedness -unproducible -unproducibleness -unproducibly -unproductive -unproductively -unproductiveness -unproductivity -unprofanable -unprofane -unprofaned -unprofessed -unprofessing -unprofessional -unprofessionalism -unprofessionally -unprofessorial -unproffered -unproficiency -unproficient -unproficiently -unprofit -unprofitable -unprofitableness -unprofitably -unprofited -unprofiteering -unprofiting -unprofound -unprofuse -unprofusely -unprofuseness -unprognosticated -unprogressed -unprogressive -unprogressively -unprogressiveness -unprohibited -unprohibitedness -unprohibitive -unprojected -unprojecting -unproliferous -unprolific -unprolix -unprologued -unprolonged -unpromiscuous -unpromise -unpromised -unpromising -unpromisingly -unpromisingness -unpromotable -unpromoted -unprompted -unpromptly -unpromulgated -unpronounce -unpronounceable -unpronounced -unpronouncing -unproofread -unprop -unpropagated -unpropelled -unpropense -unproper -unproperly -unproperness -unpropertied -unprophesiable -unprophesied -unprophetic -unprophetical -unprophetically -unprophetlike -unpropitiable -unpropitiated -unpropitiatedness -unpropitiatory -unpropitious -unpropitiously -unpropitiousness -unproportion -unproportionable -unproportionableness -unproportionably -unproportional -unproportionality -unproportionally -unproportionate -unproportionately -unproportionateness -unproportioned -unproportionedly -unproportionedness -unproposed -unproposing -unpropounded -unpropped -unpropriety -unprorogued -unprosaic -unproscribable -unproscribed -unprosecutable -unprosecuted -unprosecuting -unproselyte -unproselyted -unprosodic -unprospected -unprospective -unprosperably -unprospered -unprosperity -unprosperous -unprosperously -unprosperousness -unprostitute -unprostituted -unprostrated -unprotectable -unprotected -unprotectedly -unprotectedness -unprotective -unprotestant -unprotestantize -unprotested -unprotesting -unprotruded -unprotruding -unprotrusive -unproud -unprovability -unprovable -unprovableness -unprovably -unproved -unprovedness -unproven -unproverbial -unprovidable -unprovide -unprovided -unprovidedly -unprovidedness -unprovidenced -unprovident -unprovidential -unprovidently -unprovincial -unproving -unprovision -unprovisioned -unprovocative -unprovokable -unprovoke -unprovoked -unprovokedly -unprovokedness -unprovoking -unproximity -unprudence -unprudent -unprudently -unpruned -unprying -unpsychic -unpsychological -unpublic -unpublicity -unpublishable -unpublishableness -unpublishably -unpublished -unpucker -unpuckered -unpuddled -unpuffed -unpuffing -unpugilistic -unpugnacious -unpulled -unpulleyed -unpulped -unpulverable -unpulverize -unpulverized -unpulvinate -unpulvinated -unpumicated -unpummeled -unpummelled -unpumpable -unpumped -unpunched -unpunctated -unpunctilious -unpunctual -unpunctuality -unpunctually -unpunctuated -unpunctuating -unpunishable -unpunishably -unpunished -unpunishedly -unpunishedness -unpunishing -unpunishingly -unpurchasable -unpurchased -unpure -unpurely -unpureness -unpurgeable -unpurged -unpurifiable -unpurified -unpurifying -unpuritan -unpurled -unpurloined -unpurpled -unpurported -unpurposed -unpurposelike -unpurposely -unpurposing -unpurse -unpursed -unpursuable -unpursued -unpursuing -unpurveyed -unpushed -unput -unputrefiable -unputrefied -unputrid -unputtied -unpuzzle -unquadded -unquaffed -unquailed -unquailing -unquailingly -unquakerlike -unquakerly -unquaking -unqualifiable -unqualification -unqualified -unqualifiedly -unqualifiedness -unqualify -unqualifying -unqualifyingly -unqualitied -unquality -unquantified -unquantitative -unquarantined -unquarreled -unquarreling -unquarrelled -unquarrelling -unquarrelsome -unquarried -unquartered -unquashed -unquayed -unqueen -unqueened -unqueening -unqueenlike -unqueenly -unquellable -unquelled -unquenchable -unquenchableness -unquenchably -unquenched -unqueried -unquested -unquestionability -unquestionable -unquestionableness -unquestionably -unquestionate -unquestioned -unquestionedly -unquestionedness -unquestioning -unquestioningly -unquestioningness -unquibbled -unquibbling -unquick -unquickened -unquickly -unquicksilvered -unquiescence -unquiescent -unquiescently -unquiet -unquietable -unquieted -unquieting -unquietly -unquietness -unquietude -unquilleted -unquilted -unquit -unquittable -unquitted -unquivered -unquivering -unquizzable -unquizzed -unquotable -unquote -unquoted -unrabbeted -unrabbinical -unraced -unrack -unracked -unracking -unradiated -unradical -unradicalize -unraffled -unraftered -unraided -unrailed -unrailroaded -unrailwayed -unrainy -unraised -unrake -unraked -unraking -unrallied -unram -unrambling -unramified -unrammed -unramped -unranched -unrancid -unrancored -unrandom -unrank -unranked -unransacked -unransomable -unransomed -unrapacious -unraped -unraptured -unrare -unrarefied -unrash -unrasped -unratable -unrated -unratified -unrational -unrattled -unravaged -unravel -unravelable -unraveled -unraveler -unraveling -unravellable -unravelled -unraveller -unravelling -unravelment -unraving -unravished -unravishing -unray -unrayed -unrazed -unrazored -unreachable -unreachably -unreached -unreactive -unread -unreadability -unreadable -unreadableness -unreadably -unreadily -unreadiness -unready -unreal -unrealism -unrealist -unrealistic -unreality -unrealizable -unrealize -unrealized -unrealizing -unreally -unrealmed -unrealness -unreaped -unreared -unreason -unreasonability -unreasonable -unreasonableness -unreasonably -unreasoned -unreasoning -unreasoningly -unreassuring -unreassuringly -unreave -unreaving -unrebated -unrebel -unrebellious -unrebuffable -unrebuffably -unrebuilt -unrebukable -unrebukably -unrebuked -unrebuttable -unrebuttableness -unrebutted -unrecallable -unrecallably -unrecalled -unrecalling -unrecantable -unrecanted -unrecaptured -unreceding -unreceipted -unreceivable -unreceived -unreceiving -unrecent -unreceptant -unreceptive -unreceptivity -unreciprocal -unreciprocated -unrecited -unrecked -unrecking -unreckingness -unreckon -unreckonable -unreckoned -unreclaimable -unreclaimably -unreclaimed -unreclaimedness -unreclaiming -unreclined -unreclining -unrecognition -unrecognizable -unrecognizableness -unrecognizably -unrecognized -unrecognizing -unrecognizingly -unrecoined -unrecollected -unrecommendable -unrecompensable -unrecompensed -unreconcilable -unreconcilableness -unreconcilably -unreconciled -unrecondite -unreconnoitered -unreconsidered -unreconstructed -unrecordable -unrecorded -unrecordedness -unrecording -unrecountable -unrecounted -unrecoverable -unrecoverableness -unrecoverably -unrecovered -unrecreant -unrecreated -unrecreating -unrecriminative -unrecruitable -unrecruited -unrectangular -unrectifiable -unrectifiably -unrectified -unrecumbent -unrecuperated -unrecurrent -unrecurring -unrecusant -unred -unredacted -unredeemable -unredeemableness -unredeemably -unredeemed -unredeemedly -unredeemedness -unredeeming -unredressable -unredressed -unreduceable -unreduced -unreducible -unreducibleness -unreducibly -unreduct -unreefed -unreel -unreelable -unreeled -unreeling -unreeve -unreeving -unreferenced -unreferred -unrefilled -unrefine -unrefined -unrefinedly -unrefinedness -unrefinement -unrefining -unrefitted -unreflected -unreflecting -unreflectingly -unreflectingness -unreflective -unreflectively -unreformable -unreformed -unreformedness -unreforming -unrefracted -unrefracting -unrefrainable -unrefrained -unrefraining -unrefreshed -unrefreshful -unrefreshing -unrefreshingly -unrefrigerated -unrefulgent -unrefunded -unrefunding -unrefusable -unrefusably -unrefused -unrefusing -unrefusingly -unrefutable -unrefuted -unrefuting -unregainable -unregained -unregal -unregaled -unregality -unregally -unregard -unregardable -unregardant -unregarded -unregardedly -unregardful -unregeneracy -unregenerate -unregenerately -unregenerateness -unregenerating -unregeneration -unregimented -unregistered -unregressive -unregretful -unregretfully -unregretfulness -unregrettable -unregretted -unregretting -unregular -unregulated -unregulative -unregurgitated -unrehabilitated -unrehearsable -unrehearsed -unrehearsing -unreigning -unreimbodied -unrein -unreined -unreinstated -unreiterable -unreiterated -unrejectable -unrejoiced -unrejoicing -unrejuvenated -unrelapsing -unrelated -unrelatedness -unrelating -unrelational -unrelative -unrelatively -unrelaxable -unrelaxed -unrelaxing -unrelaxingly -unreleasable -unreleased -unreleasing -unrelegated -unrelentance -unrelented -unrelenting -unrelentingly -unrelentingness -unrelentor -unrelevant -unreliability -unreliable -unreliableness -unreliably -unreliance -unrelievable -unrelievableness -unrelieved -unrelievedly -unreligion -unreligioned -unreligious -unreligiously -unreligiousness -unrelinquishable -unrelinquishably -unrelinquished -unrelinquishing -unrelishable -unrelished -unrelishing -unreluctant -unreluctantly -unremaining -unremanded -unremarkable -unremarked -unremarried -unremediable -unremedied -unremember -unrememberable -unremembered -unremembering -unremembrance -unreminded -unremissible -unremittable -unremitted -unremittedly -unremittent -unremittently -unremitting -unremittingly -unremittingness -unremonstrant -unremonstrated -unremonstrating -unremorseful -unremorsefully -unremote -unremotely -unremounted -unremovable -unremovableness -unremovably -unremoved -unremunerated -unremunerating -unremunerative -unremuneratively -unremunerativeness -unrenderable -unrendered -unrenewable -unrenewed -unrenounceable -unrenounced -unrenouncing -unrenovated -unrenowned -unrenownedly -unrenownedness -unrent -unrentable -unrented -unreorganized -unrepaid -unrepair -unrepairable -unrepaired -unrepartable -unreparted -unrepealability -unrepealable -unrepealableness -unrepealably -unrepealed -unrepeatable -unrepeated -unrepellable -unrepelled -unrepellent -unrepent -unrepentable -unrepentance -unrepentant -unrepentantly -unrepentantness -unrepented -unrepenting -unrepentingly -unrepentingness -unrepetitive -unrepined -unrepining -unrepiningly -unrepiqued -unreplaceable -unreplaced -unreplenished -unrepleviable -unreplevined -unrepliable -unrepliably -unreplied -unreplying -unreportable -unreported -unreportedly -unreportedness -unrepose -unreposed -unreposeful -unreposefulness -unreposing -unrepossessed -unreprehended -unrepresentable -unrepresentation -unrepresentative -unrepresented -unrepresentedness -unrepressed -unrepressible -unreprievable -unreprievably -unreprieved -unreprimanded -unreprinted -unreproachable -unreproachableness -unreproachably -unreproached -unreproachful -unreproachfully -unreproaching -unreproachingly -unreprobated -unreproducible -unreprovable -unreprovableness -unreprovably -unreproved -unreprovedly -unreprovedness -unreproving -unrepublican -unrepudiable -unrepudiated -unrepugnant -unrepulsable -unrepulsed -unrepulsing -unrepulsive -unreputable -unreputed -unrequalified -unrequested -unrequickened -unrequired -unrequisite -unrequitable -unrequital -unrequited -unrequitedly -unrequitedness -unrequitement -unrequiter -unrequiting -unrescinded -unrescued -unresemblant -unresembling -unresented -unresentful -unresenting -unreserve -unreserved -unreservedly -unreservedness -unresifted -unresigned -unresistable -unresistably -unresistance -unresistant -unresistantly -unresisted -unresistedly -unresistedness -unresistible -unresistibleness -unresistibly -unresisting -unresistingly -unresistingness -unresolute -unresolvable -unresolve -unresolved -unresolvedly -unresolvedness -unresolving -unresonant -unresounded -unresounding -unresourceful -unresourcefulness -unrespect -unrespectability -unrespectable -unrespected -unrespectful -unrespectfully -unrespectfulness -unrespective -unrespectively -unrespectiveness -unrespirable -unrespired -unrespited -unresplendent -unresponding -unresponsible -unresponsibleness -unresponsive -unresponsively -unresponsiveness -unrest -unrestable -unrested -unrestful -unrestfully -unrestfulness -unresting -unrestingly -unrestingness -unrestorable -unrestored -unrestrainable -unrestrainably -unrestrained -unrestrainedly -unrestrainedness -unrestraint -unrestrictable -unrestricted -unrestrictedly -unrestrictedness -unrestrictive -unresty -unresultive -unresumed -unresumptive -unretainable -unretained -unretaliated -unretaliating -unretardable -unretarded -unretentive -unreticent -unretinued -unretired -unretiring -unretorted -unretouched -unretractable -unretracted -unretreating -unretrenchable -unretrenched -unretrievable -unretrieved -unretrievingly -unretted -unreturnable -unreturnably -unreturned -unreturning -unreturningly -unrevealable -unrevealed -unrevealedness -unrevealing -unrevealingly -unrevelationize -unrevenged -unrevengeful -unrevengefulness -unrevenging -unrevengingly -unrevenue -unrevenued -unreverberated -unrevered -unreverence -unreverenced -unreverend -unreverendly -unreverent -unreverential -unreverently -unreverentness -unreversable -unreversed -unreversible -unreverted -unrevertible -unreverting -unrevested -unrevetted -unreviewable -unreviewed -unreviled -unrevised -unrevivable -unrevived -unrevocable -unrevocableness -unrevocably -unrevoked -unrevolted -unrevolting -unrevolutionary -unrevolutionized -unrevolved -unrevolving -unrewardable -unrewarded -unrewardedly -unrewarding -unreworded -unrhetorical -unrhetorically -unrhetoricalness -unrhyme -unrhymed -unrhythmic -unrhythmical -unrhythmically -unribbed -unribboned -unrich -unriched -unricht -unricked -unrid -unridable -unridableness -unridably -unridden -unriddle -unriddleable -unriddled -unriddler -unriddling -unride -unridely -unridered -unridged -unridiculed -unridiculous -unrife -unriffled -unrifled -unrifted -unrig -unrigged -unrigging -unright -unrightable -unrighted -unrighteous -unrighteously -unrighteousness -unrightful -unrightfully -unrightfulness -unrightly -unrightwise -unrigid -unrigorous -unrimpled -unrind -unring -unringable -unringed -unringing -unrinsed -unrioted -unrioting -unriotous -unrip -unripe -unriped -unripely -unripened -unripeness -unripening -unrippable -unripped -unripping -unrippled -unrippling -unripplingly -unrisen -unrising -unriskable -unrisked -unrisky -unritual -unritualistic -unrivalable -unrivaled -unrivaledly -unrivaledness -unrived -unriven -unrivet -unriveted -unriveting -unroaded -unroadworthy -unroaming -unroast -unroasted -unrobbed -unrobe -unrobed -unrobust -unrocked -unrococo -unrodded -unroiled -unroll -unrollable -unrolled -unroller -unrolling -unrollment -unromantic -unromantical -unromantically -unromanticalness -unromanticized -unroof -unroofed -unroofing -unroomy -unroost -unroosted -unroosting -unroot -unrooted -unrooting -unrope -unroped -unrosed -unrosined -unrostrated -unrotated -unrotating -unroted -unrotted -unrotten -unrotund -unrouged -unrough -unroughened -unround -unrounded -unrounding -unrousable -unroused -unroutable -unrouted -unrove -unroved -unroving -unrow -unrowed -unroweled -unroyal -unroyalist -unroyalized -unroyally -unroyalness -Unrra -unrubbed -unrubbish -unrubified -unrubrical -unrubricated -unruddered -unruddled -unrueful -unruffable -unruffed -unruffle -unruffled -unruffling -unrugged -unruinable -unruinated -unruined -unrulable -unrulableness -unrule -unruled -unruledly -unruledness -unruleful -unrulily -unruliness -unruly -unruminated -unruminating -unruminatingly -unrummaged -unrumored -unrumple -unrumpled -unrun -unrung -unruptured -unrural -unrushed -Unrussian -unrust -unrusted -unrustic -unrusticated -unrustling -unruth -unsabbatical -unsabered -unsabled -unsabred -unsaccharic -unsacerdotal -unsacerdotally -unsack -unsacked -unsacramental -unsacramentally -unsacramentarian -unsacred -unsacredly -unsacrificeable -unsacrificeably -unsacrificed -unsacrificial -unsacrificing -unsacrilegious -unsad -unsadden -unsaddened -unsaddle -unsaddled -unsaddling -unsafe -unsafeguarded -unsafely -unsafeness -unsafety -unsagacious -unsage -unsagging -unsaid -unsailable -unsailed -unsailorlike -unsaint -unsainted -unsaintlike -unsaintly -unsalability -unsalable -unsalableness -unsalably -unsalaried -unsalesmanlike -unsaline -unsalivated -unsallying -unsalmonlike -unsalt -unsaltable -unsaltatory -unsalted -unsalubrious -unsalutary -unsaluted -unsaluting -unsalvability -unsalvable -unsalvableness -unsalvaged -unsalved -unsampled -unsanctification -unsanctified -unsanctifiedly -unsanctifiedness -unsanctify -unsanctifying -unsanctimonious -unsanctimoniously -unsanctimoniousness -unsanction -unsanctionable -unsanctioned -unsanctioning -unsanctitude -unsanctity -unsanctuaried -unsandaled -unsanded -unsane -unsanguinary -unsanguine -unsanguinely -unsanguineness -unsanguineous -unsanguineously -unsanitariness -unsanitary -unsanitated -unsanitation -unsanity -unsaponifiable -unsaponified -unsapped -unsappy -unsarcastic -unsardonic -unsartorial -unsash -unsashed -unsatable -unsatanic -unsated -unsatedly -unsatedness -unsatiability -unsatiable -unsatiableness -unsatiably -unsatiate -unsatiated -unsatiating -unsatin -unsatire -unsatirical -unsatirically -unsatirize -unsatirized -unsatisfaction -unsatisfactorily -unsatisfactoriness -unsatisfactory -unsatisfiable -unsatisfiableness -unsatisfiably -unsatisfied -unsatisfiedly -unsatisfiedness -unsatisfying -unsatisfyingly -unsatisfyingness -unsaturable -unsaturated -unsaturatedly -unsaturatedness -unsaturation -unsatyrlike -unsauced -unsaurian -unsavable -unsaveable -unsaved -unsaving -unsavored -unsavoredly -unsavoredness -unsavorily -unsavoriness -unsavory -unsawed -unsawn -unsay -unsayability -unsayable -unscabbard -unscabbarded -unscabbed -unscaffolded -unscalable -unscalableness -unscalably -unscale -unscaled -unscaledness -unscalloped -unscaly -unscamped -unscandalize -unscandalized -unscandalous -unscannable -unscanned -unscanted -unscanty -unscarb -unscarce -unscared -unscarfed -unscarified -unscarred -unscathed -unscathedly -unscathedness -unscattered -unscavengered -unscenic -unscent -unscented -unscepter -unsceptered -unsceptical -unsceptre -unsceptred -unscheduled -unschematic -unschematized -unscholar -unscholarlike -unscholarly -unscholastic -unschool -unschooled -unschooledly -unschooledness -unscienced -unscientific -unscientifical -unscientifically -unscintillating -unscioned -unscissored -unscoffed -unscoffing -unscolded -unsconced -unscooped -unscorched -unscored -unscorified -unscoring -unscorned -unscornful -unscornfully -unscornfulness -unscotch -unscotched -unscottify -unscoured -unscourged -unscowling -unscramble -unscrambling -unscraped -unscratchable -unscratched -unscratching -unscratchingly -unscrawled -unscreen -unscreenable -unscreenably -unscreened -unscrew -unscrewable -unscrewed -unscrewing -unscribal -unscribbled -unscribed -unscrimped -unscriptural -unscripturally -unscripturalness -unscrubbed -unscrupled -unscrupulosity -unscrupulous -unscrupulously -unscrupulousness -unscrutable -unscrutinized -unscrutinizing -unscrutinizingly -unsculptural -unsculptured -unscummed -unscutcheoned -unseafaring -unseal -unsealable -unsealed -unsealer -unsealing -unseam -unseamanlike -unseamanship -unseamed -unseaming -unsearchable -unsearchableness -unsearchably -unsearched -unsearcherlike -unsearching -unseared -unseason -unseasonable -unseasonableness -unseasonably -unseasoned -unseat -unseated -unseaworthiness -unseaworthy -unseceding -unsecluded -unseclusive -unseconded -unsecrecy -unsecret -unsecretarylike -unsecreted -unsecreting -unsecretly -unsecretness -unsectarian -unsectarianism -unsectarianize -unsectional -unsecular -unsecularize -unsecularized -unsecure -unsecured -unsecuredly -unsecuredness -unsecurely -unsecureness -unsecurity -unsedate -unsedentary -unseditious -unseduce -unseduced -unseducible -unseductive -unsedulous -unsee -unseeable -unseeded -unseeing -unseeingly -unseeking -unseeming -unseemingly -unseemlily -unseemliness -unseemly -unseen -unseethed -unsegmented -unsegregable -unsegregated -unsegregatedness -unseignorial -unseismic -unseizable -unseized -unseldom -unselect -unselected -unselecting -unselective -unself -unselfish -unselfishly -unselfishness -unselflike -unselfness -unselling -unsenatorial -unsenescent -unsensational -unsense -unsensed -unsensibility -unsensible -unsensibleness -unsensibly -unsensitive -unsensitize -unsensitized -unsensory -unsensual -unsensualize -unsensualized -unsensually -unsensuous -unsensuousness -unsent -unsentenced -unsententious -unsentient -unsentimental -unsentimentalist -unsentimentality -unsentimentalize -unsentimentally -unsentineled -unsentinelled -unseparable -unseparableness -unseparably -unseparate -unseparated -unseptate -unseptated -unsepulcher -unsepulchered -unsepulchral -unsepulchre -unsepulchred -unsepultured -unsequenced -unsequential -unsequestered -unseraphical -unserenaded -unserene -unserflike -unserious -unseriousness -unserrated -unserried -unservable -unserved -unserviceability -unserviceable -unserviceableness -unserviceably -unservicelike -unservile -unsesquipedalian -unset -unsetting -unsettle -unsettleable -unsettled -unsettledness -unsettlement -unsettling -unseverable -unseverableness -unsevere -unsevered -unseveredly -unseveredness -unsew -unsewed -unsewered -unsewing -unsewn -unsex -unsexed -unsexing -unsexlike -unsexual -unshackle -unshackled -unshackling -unshade -unshaded -unshadow -unshadowable -unshadowed -unshady -unshafted -unshakable -unshakably -unshakeable -unshakeably -unshaken -unshakenly -unshakenness -unshaking -unshakingness -unshaled -unshamable -unshamableness -unshamably -unshameable -unshameableness -unshameably -unshamed -unshamefaced -unshamefacedness -unshameful -unshamefully -unshamefulness -unshammed -unshanked -unshapable -unshape -unshapeable -unshaped -unshapedness -unshapeliness -unshapely -unshapen -unshapenly -unshapenness -unsharable -unshared -unsharedness -unsharing -unsharp -unsharped -unsharpen -unsharpened -unsharpening -unsharping -unshattered -unshavable -unshaveable -unshaved -unshavedly -unshavedness -unshaven -unshavenly -unshavenness -unshawl -unsheaf -unsheared -unsheathe -unsheathed -unsheathing -unshed -unsheet -unsheeted -unsheeting -unshell -unshelled -unshelling -unshelterable -unsheltered -unsheltering -unshelve -unshepherded -unshepherding -unsheriff -unshewed -unshieldable -unshielded -unshielding -unshiftable -unshifted -unshiftiness -unshifting -unshifty -unshimmering -unshingled -unshining -unship -unshiplike -unshipment -unshipped -unshipping -unshipshape -unshipwrecked -unshirking -unshirted -unshivered -unshivering -unshockable -unshocked -unshod -unshodden -unshoe -unshoed -unshoeing -unshop -unshore -unshored -unshorn -unshort -unshortened -unshot -unshotted -unshoulder -unshouted -unshouting -unshoved -unshoveled -unshowable -unshowed -unshowmanlike -unshown -unshowy -unshredded -unshrew -unshrewd -unshrewish -unshrill -unshrine -unshrined -unshrinement -unshrink -unshrinkability -unshrinkable -unshrinking -unshrinkingly -unshrived -unshriveled -unshrivelled -unshriven -unshroud -unshrouded -unshrubbed -unshrugging -unshrunk -unshrunken -unshuddering -unshuffle -unshuffled -unshunnable -unshunned -unshunted -unshut -unshutter -unshuttered -unshy -unshyly -unshyness -unsibilant -unsiccated -unsick -unsickened -unsicker -unsickerly -unsickerness -unsickled -unsickly -unsided -unsiding -unsiege -unsifted -unsighing -unsight -unsightable -unsighted -unsighting -unsightliness -unsightly -unsigmatic -unsignable -unsignaled -unsignalized -unsignalled -unsignatured -unsigned -unsigneted -unsignificancy -unsignificant -unsignificantly -unsignificative -unsignified -unsignifying -unsilenceable -unsilenceably -unsilenced -unsilent -unsilentious -unsilently -unsilicified -unsilly -unsilvered -unsimilar -unsimilarity -unsimilarly -unsimple -unsimplicity -unsimplified -unsimplify -unsimulated -unsimultaneous -unsin -unsincere -unsincerely -unsincereness -unsincerity -unsinew -unsinewed -unsinewing -unsinewy -unsinful -unsinfully -unsinfulness -unsing -unsingability -unsingable -unsingableness -unsinged -unsingle -unsingled -unsingleness -unsingular -unsinister -unsinkability -unsinkable -unsinking -unsinnable -unsinning -unsinningness -unsiphon -unsipped -unsister -unsistered -unsisterliness -unsisterly -unsizable -unsizableness -unsizeable -unsizeableness -unsized -unskaithd -unskeptical -unsketchable -unsketched -unskewed -unskewered -unskilful -unskilfully -unskilled -unskilledly -unskilledness -unskillful -unskillfully -unskillfulness -unskimmed -unskin -unskinned -unskirted -unslack -unslacked -unslackened -unslackening -unslacking -unslagged -unslain -unslakable -unslakeable -unslaked -unslammed -unslandered -unslanderous -unslapped -unslashed -unslate -unslated -unslating -unslaughtered -unslave -unslayable -unsleaved -unsleek -unsleepably -unsleeping -unsleepingly -unsleepy -unsleeve -unsleeved -unslender -unslept -unsliced -unsliding -unslighted -unsling -unslip -unslipped -unslippery -unslipping -unslit -unslockened -unsloped -unslopped -unslot -unslothful -unslothfully -unslothfulness -unslotted -unsloughed -unsloughing -unslow -unsluggish -unsluice -unsluiced -unslumbering -unslumberous -unslumbrous -unslung -unslurred -unsly -unsmacked -unsmart -unsmartly -unsmartness -unsmeared -unsmelled -unsmelling -unsmelted -unsmiled -unsmiling -unsmilingly -unsmilingness -unsmirched -unsmirking -unsmitten -unsmokable -unsmokeable -unsmoked -unsmokified -unsmoking -unsmoky -unsmooth -unsmoothed -unsmoothly -unsmoothness -unsmote -unsmotherable -unsmothered -unsmudged -unsmuggled -unsmutched -unsmutted -unsmutty -unsnaffled -unsnagged -unsnaggled -unsnaky -unsnap -unsnapped -unsnare -unsnared -unsnarl -unsnatch -unsnatched -unsneck -unsneering -unsnib -unsnipped -unsnobbish -unsnoring -unsnouted -unsnow -unsnubbable -unsnubbed -unsnuffed -unsoaked -unsoaped -unsoarable -unsober -unsoberly -unsoberness -unsobriety -unsociability -unsociable -unsociableness -unsociably -unsocial -unsocialism -unsocialistic -unsociality -unsocializable -unsocialized -unsocially -unsocialness -unsociological -unsocket -unsodden -unsoft -unsoftened -unsoftening -unsoggy -unsoil -unsoiled -unsoiledness -unsolaced -unsolacing -unsolar -unsold -unsolder -unsoldered -unsoldering -unsoldier -unsoldiered -unsoldierlike -unsoldierly -unsole -unsoled -unsolemn -unsolemness -unsolemnize -unsolemnized -unsolemnly -unsolicitated -unsolicited -unsolicitedly -unsolicitous -unsolicitously -unsolicitousness -unsolid -unsolidarity -unsolidifiable -unsolidified -unsolidity -unsolidly -unsolidness -unsolitary -unsolubility -unsoluble -unsolvable -unsolvableness -unsolvably -unsolved -unsomatic -unsomber -unsombre -unsome -unson -unsonable -unsonant -unsonlike -unsonneted -unsonorous -unsonsy -unsoothable -unsoothed -unsoothfast -unsoothing -unsooty -unsophistical -unsophistically -unsophisticate -unsophisticated -unsophisticatedly -unsophisticatedness -unsophistication -unsophomoric -unsordid -unsore -unsorrowed -unsorrowing -unsorry -unsort -unsortable -unsorted -unsorting -unsotted -unsought -unsoul -unsoulful -unsoulfully -unsoulish -unsound -unsoundable -unsoundableness -unsounded -unsounding -unsoundly -unsoundness -unsour -unsoured -unsoused -unsovereign -unsowed -unsown -unspaced -unspacious -unspaded -unspan -unspangled -unspanked -unspanned -unspar -unsparable -unspared -unsparing -unsparingly -unsparingness -unsparkling -unsparred -unsparse -unspatial -unspatiality -unspattered -unspawned -unspayed -unspeak -unspeakability -unspeakable -unspeakableness -unspeakably -unspeaking -unspeared -unspecialized -unspecializing -unspecific -unspecified -unspecifiedly -unspecious -unspecked -unspeckled -unspectacled -unspectacular -unspectacularly -unspecterlike -unspectrelike -unspeculating -unspeculative -unspeculatively -unsped -unspeed -unspeedy -unspeered -unspell -unspellable -unspelled -unspelt -unspendable -unspending -unspent -unspewed -unsphere -unsphered -unsphering -unspiable -unspiced -unspicy -unspied -unspike -unspillable -unspin -unspinsterlike -unspinsterlikeness -unspiral -unspired -unspirit -unspirited -unspiritedly -unspiriting -unspiritual -unspirituality -unspiritualize -unspiritualized -unspiritually -unspiritualness -unspissated -unspit -unspited -unspiteful -unspitted -unsplashed -unsplattered -unsplayed -unspleened -unspleenish -unspleenishly -unsplendid -unspliced -unsplinted -unsplintered -unsplit -unspoil -unspoilable -unspoilableness -unspoilably -unspoiled -unspoken -unspokenly -unsponged -unspongy -unsponsored -unspontaneous -unspontaneously -unspookish -unsported -unsportful -unsporting -unsportive -unsportsmanlike -unsportsmanly -unspot -unspotlighted -unspottable -unspotted -unspottedly -unspottedness -unspoused -unspouselike -unspouted -unsprained -unsprayed -unspread -unsprightliness -unsprightly -unspring -unspringing -unspringlike -unsprinkled -unsprinklered -unsprouted -unsproutful -unsprouting -unspruced -unsprung -unspun -unspurned -unspurred -unspying -unsquandered -unsquarable -unsquare -unsquared -unsquashed -unsqueamish -unsqueezable -unsqueezed -unsquelched -unsquinting -unsquire -unsquired -unsquirelike -unsquirted -unstabbed -unstability -unstable -unstabled -unstableness -unstablished -unstably -unstack -unstacked -unstacker -unstaffed -unstaged -unstaggered -unstaggering -unstagnating -unstagy -unstaid -unstaidly -unstaidness -unstain -unstainable -unstainableness -unstained -unstainedly -unstainedness -unstaled -unstalked -unstalled -unstammering -unstamped -unstampeded -unstanch -unstanchable -unstandard -unstandardized -unstanzaic -unstar -unstarch -unstarched -unstarlike -unstarred -unstarted -unstarting -unstartled -unstarved -unstatable -unstate -unstateable -unstated -unstately -unstatesmanlike -unstatic -unstating -unstation -unstationary -unstationed -unstatistic -unstatistical -unstatued -unstatuesque -unstatutable -unstatutably -unstaunch -unstaunchable -unstaunched -unstavable -unstaveable -unstaved -unstayable -unstayed -unstayedness -unstaying -unsteadfast -unsteadfastly -unsteadfastness -unsteadied -unsteadily -unsteadiness -unsteady -unsteadying -unstealthy -unsteamed -unsteaming -unsteck -unstecked -unsteel -unsteeled -unsteep -unsteeped -unsteepled -unsteered -unstemmable -unstemmed -unstentorian -unstep -unstercorated -unstereotyped -unsterile -unsterilized -unstern -unstethoscoped -unstewardlike -unstewed -unstick -unsticking -unstickingness -unsticky -unstiffen -unstiffened -unstifled -unstigmatized -unstill -unstilled -unstillness -unstilted -unstimulated -unstimulating -unsting -unstinged -unstinging -unstinted -unstintedly -unstinting -unstintingly -unstippled -unstipulated -unstirrable -unstirred -unstirring -unstitch -unstitched -unstitching -unstock -unstocked -unstocking -unstockinged -unstoic -unstoical -unstoically -unstoicize -unstoked -unstoken -unstolen -unstonable -unstone -unstoned -unstoniness -unstony -unstooping -unstop -unstoppable -unstopped -unstopper -unstoppered -unstopple -unstore -unstored -unstoried -unstormed -unstormy -unstout -unstoved -unstow -unstowed -unstraddled -unstrafed -unstraight -unstraightened -unstraightforward -unstraightness -unstrain -unstrained -unstraitened -unstrand -unstranded -unstrange -unstrangered -unstrangled -unstrangulable -unstrap -unstrapped -unstrategic -unstrategically -unstratified -unstraying -unstreaked -unstrength -unstrengthen -unstrengthened -unstrenuous -unstressed -unstressedly -unstressedness -unstretch -unstretched -unstrewed -unstrewn -unstriated -unstricken -unstrictured -unstridulous -unstrike -unstriking -unstring -unstringed -unstringing -unstrip -unstriped -unstripped -unstriving -unstroked -unstrong -unstructural -unstruggling -unstrung -unstubbed -unstubborn -unstuccoed -unstuck -unstudded -unstudied -unstudious -unstuff -unstuffed -unstuffing -unstultified -unstumbling -unstung -unstunned -unstunted -unstupefied -unstupid -unstuttered -unstuttering -unsty -unstyled -unstylish -unstylishly -unstylishness -unsubdivided -unsubduable -unsubduableness -unsubduably -unsubducted -unsubdued -unsubduedly -unsubduedness -unsubject -unsubjectable -unsubjected -unsubjectedness -unsubjection -unsubjective -unsubjectlike -unsubjugate -unsubjugated -unsublimable -unsublimated -unsublimed -unsubmerged -unsubmergible -unsubmerging -unsubmission -unsubmissive -unsubmissively -unsubmissiveness -unsubmitted -unsubmitting -unsubordinate -unsubordinated -unsuborned -unsubpoenaed -unsubscribed -unsubscribing -unsubservient -unsubsided -unsubsidiary -unsubsiding -unsubsidized -unsubstanced -unsubstantial -unsubstantiality -unsubstantialize -unsubstantially -unsubstantialness -unsubstantiate -unsubstantiated -unsubstantiation -unsubstituted -unsubtle -unsubtleness -unsubtlety -unsubtly -unsubtracted -unsubventioned -unsubventionized -unsubversive -unsubvertable -unsubverted -unsubvertive -unsucceedable -unsucceeded -unsucceeding -unsuccess -unsuccessful -unsuccessfully -unsuccessfulness -unsuccessive -unsuccessively -unsuccessiveness -unsuccinct -unsuccorable -unsuccored -unsucculent -unsuccumbing -unsucked -unsuckled -unsued -unsufferable -unsufferableness -unsufferably -unsuffered -unsuffering -unsufficed -unsufficience -unsufficiency -unsufficient -unsufficiently -unsufficing -unsufficingness -unsufflated -unsuffocate -unsuffocated -unsuffocative -unsuffused -unsugared -unsugary -unsuggested -unsuggestedness -unsuggestive -unsuggestiveness -unsuit -unsuitability -unsuitable -unsuitableness -unsuitably -unsuited -unsuiting -unsulky -unsullen -unsulliable -unsullied -unsulliedly -unsulliedness -unsulphonated -unsulphureous -unsulphurized -unsultry -unsummable -unsummarized -unsummed -unsummered -unsummerlike -unsummerly -unsummonable -unsummoned -unsumptuary -unsumptuous -unsun -unsunburned -unsundered -unsung -unsunk -unsunken -unsunned -unsunny -unsuperable -unsuperannuated -unsupercilious -unsuperficial -unsuperfluous -unsuperior -unsuperlative -unsupernatural -unsupernaturalize -unsupernaturalized -unsuperscribed -unsuperseded -unsuperstitious -unsupervised -unsupervisedly -unsupped -unsupplantable -unsupplanted -unsupple -unsuppled -unsupplemented -unsuppliable -unsupplicated -unsupplied -unsupportable -unsupportableness -unsupportably -unsupported -unsupportedly -unsupportedness -unsupporting -unsupposable -unsupposed -unsuppressed -unsuppressible -unsuppressibly -unsuppurated -unsuppurative -unsupreme -unsurcharge -unsurcharged -unsure -unsurfaced -unsurfeited -unsurfeiting -unsurgical -unsurging -unsurmised -unsurmising -unsurmountable -unsurmountableness -unsurmountably -unsurmounted -unsurnamed -unsurpassable -unsurpassableness -unsurpassably -unsurpassed -unsurplice -unsurpliced -unsurprised -unsurprising -unsurrendered -unsurrendering -unsurrounded -unsurveyable -unsurveyed -unsurvived -unsurviving -unsusceptibility -unsusceptible -unsusceptibleness -unsusceptibly -unsusceptive -unsuspectable -unsuspectably -unsuspected -unsuspectedly -unsuspectedness -unsuspectful -unsuspectfulness -unsuspectible -unsuspecting -unsuspectingly -unsuspectingness -unsuspective -unsuspended -unsuspicion -unsuspicious -unsuspiciously -unsuspiciousness -unsustainable -unsustained -unsustaining -unsutured -unswabbed -unswaddle -unswaddled -unswaddling -unswallowable -unswallowed -unswanlike -unswapped -unswarming -unswathable -unswathe -unswathed -unswathing -unswayable -unswayed -unswayedness -unswaying -unswear -unswearing -unsweat -unsweated -unsweating -unsweepable -unsweet -unsweeten -unsweetened -unsweetenedness -unsweetly -unsweetness -unswell -unswelled -unswelling -unsweltered -unswept -unswervable -unswerved -unswerving -unswervingly -unswilled -unswing -unswingled -unswitched -unswivel -unswollen -unswooning -unsworn -unswung -unsyllabic -unsyllabled -unsyllogistical -unsymbolic -unsymbolical -unsymbolically -unsymbolicalness -unsymbolized -unsymmetrical -unsymmetrically -unsymmetricalness -unsymmetrized -unsymmetry -unsympathetic -unsympathetically -unsympathizability -unsympathizable -unsympathized -unsympathizing -unsympathizingly -unsympathy -unsymphonious -unsymptomatic -unsynchronized -unsynchronous -unsyncopated -unsyndicated -unsynonymous -unsyntactical -unsynthetic -unsyringed -unsystematic -unsystematical -unsystematically -unsystematized -unsystematizedly -unsystematizing -unsystemizable -untabernacled -untabled -untabulated -untack -untacked -untacking -untackle -untackled -untactful -untactfully -untactfulness -untagged -untailed -untailorlike -untailorly -untaint -untaintable -untainted -untaintedly -untaintedness -untainting -untakable -untakableness -untakeable -untakeableness -untaken -untaking -untalented -untalkative -untalked -untalking -untall -untallied -untallowed -untamable -untamableness -untame -untamed -untamedly -untamedness -untamely -untameness -untampered -untangential -untangibility -untangible -untangibleness -untangibly -untangle -untangled -untangling -untanned -untantalized -untantalizing -untap -untaped -untapered -untapering -untapestried -untappable -untapped -untar -untarnishable -untarnished -untarred -untarried -untarrying -untartarized -untasked -untasseled -untastable -untaste -untasteable -untasted -untasteful -untastefully -untastefulness -untasting -untasty -untattered -untattooed -untaught -untaughtness -untaunted -untaut -untautological -untawdry -untawed -untax -untaxable -untaxed -untaxing -unteach -unteachable -unteachableness -unteachably -unteacherlike -unteaching -unteam -unteamed -unteaming -untearable -unteased -unteasled -untechnical -untechnicalize -untechnically -untedded -untedious -unteem -unteeming -unteethed -untelegraphed -untell -untellable -untellably -untelling -untemper -untemperamental -untemperate -untemperately -untemperateness -untempered -untempering -untempested -untempestuous -untempled -untemporal -untemporary -untemporizing -untemptability -untemptable -untemptably -untempted -untemptible -untemptibly -untempting -untemptingly -untemptingness -untenability -untenable -untenableness -untenably -untenacious -untenacity -untenant -untenantable -untenantableness -untenanted -untended -untender -untendered -untenderly -untenderness -untenible -untenibleness -untenibly -untense -untent -untentaculate -untented -untentered -untenty -unterminable -unterminableness -unterminably -unterminated -unterminating -unterraced -unterrestrial -unterrible -unterribly -unterrifiable -unterrific -unterrified -unterrifying -unterrorized -untessellated -untestable -untestamentary -untested -untestifying -untether -untethered -untethering -untewed -untextual -unthank -unthanked -unthankful -unthankfully -unthankfulness -unthanking -unthatch -unthatched -unthaw -unthawed -unthawing -untheatric -untheatrical -untheatrically -untheistic -unthematic -untheological -untheologically -untheologize -untheoretic -untheoretical -untheorizable -untherapeutical -unthick -unthicken -unthickened -unthievish -unthink -unthinkability -unthinkable -unthinkableness -unthinkably -unthinker -unthinking -unthinkingly -unthinkingness -unthinned -unthinning -unthirsting -unthirsty -unthistle -untholeable -untholeably -unthorn -unthorny -unthorough -unthought -unthoughted -unthoughtedly -unthoughtful -unthoughtfully -unthoughtfulness -unthoughtlike -unthrall -unthralled -unthrashed -unthread -unthreadable -unthreaded -unthreading -unthreatened -unthreatening -unthreshed -unthrid -unthridden -unthrift -unthriftihood -unthriftily -unthriftiness -unthriftlike -unthrifty -unthrilled -unthrilling -unthriven -unthriving -unthrivingly -unthrivingness -unthrob -unthrone -unthroned -unthronged -unthroning -unthrottled -unthrowable -unthrown -unthrushlike -unthrust -unthumbed -unthumped -unthundered -unthwacked -unthwarted -untiaraed -unticketed -untickled -untidal -untidily -untidiness -untidy -untie -untied -untight -untighten -untightness -until -untile -untiled -untill -untillable -untilled -untilling -untilt -untilted -untilting -untimbered -untimed -untimedness -untimeliness -untimely -untimeous -untimeously -untimesome -untimorous -untin -untinct -untinctured -untine -untinged -untinkered -untinned -untinseled -untinted -untippable -untipped -untippled -untipt -untirability -untirable -untire -untired -untiredly -untiring -untiringly -untissued -untithability -untithable -untithed -untitled -untittering -untitular -unto -untoadying -untoasted -untogaed -untoggle -untoggler -untoiled -untoileted -untoiling -untold -untolerable -untolerableness -untolerably -untolerated -untomb -untombed -untonality -untone -untoned -untongued -untonsured -untooled -untooth -untoothed -untoothsome -untoothsomeness -untop -untopographical -untopped -untopping -untormented -untorn -untorpedoed -untorpid -untorrid -untortuous -untorture -untortured -untossed -untotaled -untotalled -untottering -untouch -untouchability -untouchable -untouchableness -untouchably -untouched -untouchedness -untouching -untough -untoured -untouristed -untoward -untowardliness -untowardly -untowardness -untowered -untown -untownlike -untrace -untraceable -untraceableness -untraceably -untraced -untraceried -untracked -untractability -untractable -untractableness -untractably -untractarian -untractible -untractibleness -untradeable -untraded -untradesmanlike -untrading -untraditional -untraduced -untraffickable -untrafficked -untragic -untragical -untrailed -untrain -untrainable -untrained -untrainedly -untrainedness -untraitored -untraitorous -untrammed -untrammeled -untrammeledness -untramped -untrampled -untrance -untranquil -untranquilized -untranquillize -untranquillized -untransacted -untranscended -untranscendental -untranscribable -untranscribed -untransferable -untransferred -untransfigured -untransfixed -untransformable -untransformed -untransforming -untransfused -untransfusible -untransgressed -untransient -untransitable -untransitive -untransitory -untranslatability -untranslatable -untranslatableness -untranslatably -untranslated -untransmigrated -untransmissible -untransmitted -untransmutable -untransmuted -untransparent -untranspassable -untranspired -untranspiring -untransplanted -untransportable -untransported -untransposed -untransubstantiated -untrappable -untrapped -untrashed -untravelable -untraveled -untraveling -untravellable -untravelling -untraversable -untraversed -untravestied -untreacherous -untread -untreadable -untreading -untreasonable -untreasure -untreasured -untreatable -untreatableness -untreatably -untreated -untreed -untrekked -untrellised -untrembling -untremblingly -untremendous -untremulous -untrenched -untrepanned -untrespassed -untrespassing -untress -untressed -untriable -untribal -untributary -untriced -untrickable -untricked -untried -untrifling -untrig -untrigonometrical -untrill -untrim -untrimmable -untrimmed -untrimmedness -untrinitarian -untripe -untrippable -untripped -untripping -untrite -untriturated -untriumphable -untriumphant -untriumphed -untrochaic -untrod -untrodden -untroddenness -untrolled -untrophied -untropical -untrotted -untroublable -untrouble -untroubled -untroubledly -untroubledness -untroublesome -untroublesomeness -untrounced -untrowed -untruant -untruck -untruckled -untruckling -untrue -untrueness -untruism -untruly -untrumped -untrumpeted -untrumping -untrundled -untrunked -untruss -untrussed -untrusser -untrussing -untrust -untrustably -untrusted -untrustful -untrustiness -untrusting -untrustworthily -untrustworthiness -untrustworthy -untrusty -untruth -untruther -untruthful -untruthfully -untruthfulness -untrying -untubbed -untuck -untucked -untuckered -untucking -untufted -untugged -untumbled -untumefied -untumid -untumultuous -untunable -untunableness -untunably -untune -untuneable -untuneableness -untuneably -untuned -untuneful -untunefully -untunefulness -untuning -untunneled -untupped -unturbaned -unturbid -unturbulent -unturf -unturfed -unturgid -unturn -unturnable -unturned -unturning -unturpentined -unturreted -untusked -untutelar -untutored -untutoredly -untutoredness -untwilled -untwinable -untwine -untwineable -untwined -untwining -untwinkling -untwinned -untwirl -untwirled -untwirling -untwist -untwisted -untwister -untwisting -untwitched -untying -untypical -untypically -untyrannic -untyrannical -untyrantlike -untz -unubiquitous -unugly -unulcerated -unultra -unumpired -ununanimity -ununanimous -ununanimously -ununderstandable -ununderstandably -ununderstanding -ununderstood -unundertaken -unundulatory -Unungun -ununifiable -ununified -ununiform -ununiformed -ununiformity -ununiformly -ununiformness -ununitable -ununitableness -ununitably -ununited -ununiting -ununiversity -ununiversitylike -unupbraiding -unupbraidingly -unupholstered -unupright -unuprightly -unuprightness -unupset -unupsettable -unurban -unurbane -unurged -unurgent -unurging -unurn -unurned -unusable -unusableness -unusably -unuse -unused -unusedness -unuseful -unusefully -unusefulness -unushered -unusual -unusuality -unusually -unusualness -unusurious -unusurped -unusurping -unutilizable -unutterability -unutterable -unutterableness -unutterably -unuttered -unuxorial -unuxorious -unvacant -unvaccinated -unvacillating -unvailable -unvain -unvaleted -unvaletudinary -unvaliant -unvalid -unvalidated -unvalidating -unvalidity -unvalidly -unvalidness -unvalorous -unvaluable -unvaluableness -unvaluably -unvalue -unvalued -unvamped -unvanishing -unvanquishable -unvanquished -unvantaged -unvaporized -unvariable -unvariableness -unvariably -unvariant -unvaried -unvariedly -unvariegated -unvarnished -unvarnishedly -unvarnishedness -unvarying -unvaryingly -unvaryingness -unvascular -unvassal -unvatted -unvaulted -unvaulting -unvaunted -unvaunting -unvauntingly -unveering -unveil -unveiled -unveiledly -unveiledness -unveiler -unveiling -unveilment -unveined -unvelvety -unvendable -unvendableness -unvended -unvendible -unvendibleness -unveneered -unvenerable -unvenerated -unvenereal -unvenged -unveniable -unvenial -unvenom -unvenomed -unvenomous -unventable -unvented -unventilated -unventured -unventurous -unvenued -unveracious -unveracity -unverbalized -unverdant -unverdured -unveridical -unverifiable -unverifiableness -unverifiably -unverified -unverifiedness -unveritable -unverity -unvermiculated -unverminous -unvernicular -unversatile -unversed -unversedly -unversedness -unversified -unvertical -unvessel -unvesseled -unvest -unvested -unvetoed -unvexed -unviable -unvibrated -unvibrating -unvicar -unvicarious -unvicariously -unvicious -unvictimized -unvictorious -unvictualed -unvictualled -unviewable -unviewed -unvigilant -unvigorous -unvigorously -unvilified -unvillaged -unvindicated -unvindictive -unvindictively -unvindictiveness -unvinous -unvintaged -unviolable -unviolated -unviolenced -unviolent -unviolined -unvirgin -unvirginal -unvirginlike -unvirile -unvirility -unvirtue -unvirtuous -unvirtuously -unvirtuousness -unvirulent -unvisible -unvisibleness -unvisibly -unvision -unvisionary -unvisioned -unvisitable -unvisited -unvisor -unvisored -unvisualized -unvital -unvitalized -unvitalness -unvitiated -unvitiatedly -unvitiatedness -unvitrescibility -unvitrescible -unvitrifiable -unvitrified -unvitriolized -unvituperated -unvivacious -unvivid -unvivified -unvizard -unvizarded -unvocal -unvocalized -unvociferous -unvoice -unvoiced -unvoiceful -unvoicing -unvoidable -unvoided -unvolatile -unvolatilize -unvolatilized -unvolcanic -unvolitioned -unvoluminous -unvoluntarily -unvoluntariness -unvoluntary -unvolunteering -unvoluptuous -unvomited -unvoracious -unvote -unvoted -unvoting -unvouched -unvouchedly -unvouchedness -unvouchsafed -unvowed -unvoweled -unvoyageable -unvoyaging -unvulcanized -unvulgar -unvulgarize -unvulgarized -unvulgarly -unvulnerable -unwadable -unwadded -unwadeable -unwaded -unwading -unwafted -unwaged -unwagered -unwaggable -unwaggably -unwagged -unwailed -unwailing -unwainscoted -unwaited -unwaiting -unwaked -unwakeful -unwakefulness -unwakened -unwakening -unwaking -unwalkable -unwalked -unwalking -unwall -unwalled -unwallet -unwallowed -unwan -unwandered -unwandering -unwaning -unwanted -unwanton -unwarbled -unware -unwarely -unwareness -unwarily -unwariness -unwarlike -unwarlikeness -unwarm -unwarmable -unwarmed -unwarming -unwarn -unwarned -unwarnedly -unwarnedness -unwarnished -unwarp -unwarpable -unwarped -unwarping -unwarrant -unwarrantability -unwarrantable -unwarrantableness -unwarrantably -unwarranted -unwarrantedly -unwarrantedness -unwary -unwashable -unwashed -unwashedness -unwassailing -unwastable -unwasted -unwasteful -unwastefully -unwasting -unwastingly -unwatchable -unwatched -unwatchful -unwatchfully -unwatchfulness -unwatching -unwater -unwatered -unwaterlike -unwatermarked -unwatery -unwattled -unwaved -unwaverable -unwavered -unwavering -unwaveringly -unwaving -unwax -unwaxed -unwayed -unwayward -unweaken -unweakened -unweal -unwealsomeness -unwealthy -unweaned -unweapon -unweaponed -unwearable -unweariability -unweariable -unweariableness -unweariably -unwearied -unweariedly -unweariedness -unwearily -unweariness -unwearing -unwearisome -unwearisomeness -unweary -unwearying -unwearyingly -unweathered -unweatherly -unweatherwise -unweave -unweaving -unweb -unwebbed -unwebbing -unwed -unwedded -unweddedly -unweddedness -unwedge -unwedgeable -unwedged -unweeded -unweel -unweelness -unweened -unweeping -unweeting -unweetingly -unweft -unweighable -unweighed -unweighing -unweight -unweighted -unweighty -unwelcome -unwelcomed -unwelcomely -unwelcomeness -unweld -unweldable -unwelded -unwell -unwellness -unwelted -unwept -unwestern -unwesternized -unwet -unwettable -unwetted -unwheedled -unwheel -unwheeled -unwhelmed -unwhelped -unwhetted -unwhig -unwhiglike -unwhimsical -unwhining -unwhip -unwhipped -unwhirled -unwhisked -unwhiskered -unwhisperable -unwhispered -unwhispering -unwhistled -unwhite -unwhited -unwhitened -unwhitewashed -unwholesome -unwholesomely -unwholesomeness -unwidened -unwidowed -unwield -unwieldable -unwieldily -unwieldiness -unwieldly -unwieldy -unwifed -unwifelike -unwifely -unwig -unwigged -unwild -unwilily -unwiliness -unwill -unwilled -unwillful -unwillfully -unwillfulness -unwilling -unwillingly -unwillingness -unwilted -unwilting -unwily -unwincing -unwincingly -unwind -unwindable -unwinding -unwindingly -unwindowed -unwindy -unwingable -unwinged -unwinking -unwinkingly -unwinnable -unwinning -unwinnowed -unwinsome -unwinter -unwintry -unwiped -unwire -unwired -unwisdom -unwise -unwisely -unwiseness -unwish -unwished -unwishful -unwishing -unwist -unwistful -unwitch -unwitched -unwithdrawable -unwithdrawing -unwithdrawn -unwitherable -unwithered -unwithering -unwithheld -unwithholden -unwithholding -unwithstanding -unwithstood -unwitless -unwitnessed -unwitted -unwittily -unwitting -unwittingly -unwittingness -unwitty -unwive -unwived -unwoeful -unwoful -unwoman -unwomanish -unwomanize -unwomanized -unwomanlike -unwomanliness -unwomanly -unwomb -unwon -unwonder -unwonderful -unwondering -unwonted -unwontedly -unwontedness -unwooded -unwooed -unwoof -unwooly -unwordable -unwordably -unwordily -unwordy -unwork -unworkability -unworkable -unworkableness -unworkably -unworked -unworkedness -unworker -unworking -unworkmanlike -unworkmanly -unworld -unworldliness -unworldly -unwormed -unwormy -unworn -unworried -unworriedly -unworriedness -unworshiped -unworshipful -unworshiping -unworshipped -unworshipping -unworth -unworthily -unworthiness -unworthy -unwotting -unwound -unwoundable -unwoundableness -unwounded -unwoven -unwrangling -unwrap -unwrapped -unwrapper -unwrapping -unwrathful -unwrathfully -unwreaked -unwreathe -unwreathed -unwreathing -unwrecked -unwrench -unwrenched -unwrested -unwrestedly -unwresting -unwrestled -unwretched -unwriggled -unwrinkle -unwrinkleable -unwrinkled -unwrit -unwritable -unwrite -unwriting -unwritten -unwronged -unwrongful -unwrought -unwrung -unyachtsmanlike -unyeaned -unyearned -unyearning -unyielded -unyielding -unyieldingly -unyieldingness -unyoke -unyoked -unyoking -unyoung -unyouthful -unyouthfully -unze -unzealous -unzealously -unzealousness -unzen -unzephyrlike -unzone -unzoned -up -upaisle -upaithric -upalley -upalong -upanishadic -upapurana -uparch -uparching -uparise -uparm -uparna -upas -upattic -upavenue -upbank -upbar -upbay -upbear -upbearer -upbeat -upbelch -upbelt -upbend -upbid -upbind -upblacken -upblast -upblaze -upblow -upboil -upbolster -upbolt -upboost -upborne -upbotch -upboulevard -upbound -upbrace -upbraid -upbraider -upbraiding -upbraidingly -upbray -upbreak -upbred -upbreed -upbreeze -upbrighten -upbrim -upbring -upbristle -upbroken -upbrook -upbrought -upbrow -upbubble -upbuild -upbuilder -upbulging -upbuoy -upbuoyance -upburn -upburst -upbuy -upcall -upcanal -upcanyon -upcarry -upcast -upcatch -upcaught -upchamber -upchannel -upchariot -upchimney -upchoke -upchuck -upcity -upclimb -upclose -upcloser -upcoast -upcock -upcoil -upcolumn -upcome -upcoming -upconjure -upcountry -upcourse -upcover -upcrane -upcrawl -upcreek -upcreep -upcrop -upcrowd -upcry -upcurl -upcurrent -upcurve -upcushion -upcut -updart -update -updeck -updelve -updive -updo -updome -updraft -updrag -updraw -updrink -updry -upeat -upend -upeygan -upfeed -upfield -upfill -upfingered -upflame -upflare -upflash -upflee -upflicker -upfling -upfloat -upflood -upflow -upflower -upflung -upfly -upfold -upfollow -upframe -upfurl -upgale -upgang -upgape -upgather -upgaze -upget -upgird -upgirt -upgive -upglean -upglide -upgo -upgorge -upgrade -upgrave -upgrow -upgrowth -upgully -upgush -uphand -uphang -upharbor -upharrow -uphasp -upheal -upheap -uphearted -upheaval -upheavalist -upheave -upheaven -upheld -uphelm -uphelya -upher -uphill -uphillward -uphoard -uphoist -uphold -upholden -upholder -upholster -upholstered -upholsterer -upholsteress -upholsterous -upholstery -upholsterydom -upholstress -uphung -uphurl -upisland -upjerk -upjet -upkeep -upkindle -upknell -upknit -upla -upladder -uplaid -uplake -upland -uplander -uplandish -uplane -uplay -uplead -upleap -upleg -uplick -uplift -upliftable -uplifted -upliftedly -upliftedness -uplifter -uplifting -upliftingly -upliftingness -upliftitis -upliftment -uplight -uplimb -uplimber -upline -uplock -uplong -uplook -uplooker -uploom -uploop -uplying -upmaking -upmast -upmix -upmost -upmount -upmountain -upmove -upness -upo -upon -uppard -uppent -upper -upperch -uppercut -upperer -upperest -upperhandism -uppermore -uppermost -uppers -uppertendom -uppile -upping -uppish -uppishly -uppishness -uppity -upplough -upplow -uppluck -uppoint -uppoise -uppop -uppour -uppowoc -upprick -upprop -uppuff -uppull -uppush -upquiver -upraisal -upraise -upraiser -upreach -uprear -uprein -uprend -uprender -uprest -uprestore -uprid -upridge -upright -uprighteous -uprighteously -uprighteousness -uprighting -uprightish -uprightly -uprightness -uprights -uprip -uprisal -uprise -uprisement -uprisen -upriser -uprising -uprist -uprive -upriver -uproad -uproar -uproariness -uproarious -uproariously -uproariousness -uproom -uproot -uprootal -uprooter -uprose -uprouse -uproute -uprun -uprush -upsaddle -upscale -upscrew -upscuddle -upseal -upseek -upseize -upsend -upset -upsetment -upsettable -upsettal -upsetted -upsetter -upsetting -upsettingly -upsey -upshaft -upshear -upsheath -upshoot -upshore -upshot -upshoulder -upshove -upshut -upside -upsides -upsighted -upsiloid -upsilon -upsilonism -upsit -upsitten -upsitting -upslant -upslip -upslope -upsmite -upsnatch -upsoak -upsoar -upsolve -upspeak -upspear -upspeed -upspew -upspin -upspire -upsplash -upspout -upspread -upspring -upsprinkle -upsprout -upspurt -upstaff -upstage -upstair -upstairs -upstamp -upstand -upstander -upstanding -upstare -upstart -upstartism -upstartle -upstartness -upstate -upstater -upstaunch -upstay -upsteal -upsteam -upstem -upstep -upstick -upstir -upstraight -upstream -upstreamward -upstreet -upstretch -upstrike -upstrive -upstroke -upstruggle -upsuck -upsun -upsup -upsurge -upsurgence -upswallow -upswarm -upsway -upsweep -upswell -upswing -uptable -uptake -uptaker -uptear -uptemper -uptend -upthrow -upthrust -upthunder -uptide -uptie -uptill -uptilt -uptorn -uptoss -uptower -uptown -uptowner -uptrace -uptrack -uptrail -uptrain -uptree -uptrend -uptrill -uptrunk -uptruss -uptube -uptuck -upturn -uptwined -uptwist -Upupa -Upupidae -upupoid -upvalley -upvomit -upwaft -upwall -upward -upwardly -upwardness -upwards -upwarp -upwax -upway -upways -upwell -upwent -upwheel -upwhelm -upwhir -upwhirl -upwind -upwith -upwork -upwound -upwrap -upwreathe -upwrench -upwring -upwrought -upyard -upyoke -ur -ura -urachal -urachovesical -urachus -uracil -uraemic -uraeus -Uragoga -Ural -ural -urali -Uralian -Uralic -uraline -uralite -uralitic -uralitization -uralitize -uralium -uramido -uramil -uramilic -uramino -Uran -uran -uranalysis -uranate -Urania -Uranian -uranic -Uranicentric -uranidine -uraniferous -uraniid -Uraniidae -uranin -uranine -uraninite -uranion -uraniscochasma -uraniscoplasty -uraniscoraphy -uraniscorrhaphy -uranism -uranist -uranite -uranitic -uranium -uranocircite -uranographer -uranographic -uranographical -uranographist -uranography -uranolatry -uranolite -uranological -uranology -uranometria -uranometrical -uranometry -uranophane -uranophotography -uranoplastic -uranoplasty -uranoplegia -uranorrhaphia -uranorrhaphy -uranoschisis -uranoschism -uranoscope -uranoscopia -uranoscopic -Uranoscopidae -Uranoscopus -uranoscopy -uranospathite -uranosphaerite -uranospinite -uranostaphyloplasty -uranostaphylorrhaphy -uranotantalite -uranothallite -uranothorite -uranotil -uranous -Uranus -uranyl -uranylic -urao -urare -urari -Urartaean -Urartic -urase -urataemia -urate -uratemia -uratic -uratoma -uratosis -uraturia -urazine -urazole -urbacity -urbainite -Urban -urban -urbane -urbanely -urbaneness -urbanism -Urbanist -urbanist -urbanite -urbanity -urbanization -urbanize -urbarial -urbian -urbic -Urbicolae -urbicolous -urbification -urbify -urbinate -urceiform -urceolar -urceolate -urceole -urceoli -Urceolina -urceolus -urceus -urchin -urchiness -urchinlike -urchinly -urd -urde -urdee -Urdu -ure -urea -ureal -ureameter -ureametry -urease -urechitin -urechitoxin -uredema -Uredinales -uredine -Uredineae -uredineal -uredineous -uredinia -uredinial -Urediniopsis -urediniospore -urediniosporic -uredinium -uredinoid -uredinologist -uredinology -uredinous -Uredo -uredo -uredosorus -uredospore -uredosporic -uredosporiferous -uredosporous -uredostage -ureic -ureid -ureide -ureido -uremia -uremic -Urena -urent -ureometer -ureometry -ureosecretory -uresis -uretal -ureter -ureteral -ureteralgia -uretercystoscope -ureterectasia -ureterectasis -ureterectomy -ureteric -ureteritis -ureterocele -ureterocervical -ureterocolostomy -ureterocystanastomosis -ureterocystoscope -ureterocystostomy -ureterodialysis -ureteroenteric -ureteroenterostomy -ureterogenital -ureterogram -ureterograph -ureterography -ureterointestinal -ureterolith -ureterolithiasis -ureterolithic -ureterolithotomy -ureterolysis -ureteronephrectomy -ureterophlegma -ureteroplasty -ureteroproctostomy -ureteropyelitis -ureteropyelogram -ureteropyelography -ureteropyelonephritis -ureteropyelostomy -ureteropyosis -ureteroradiography -ureterorectostomy -ureterorrhagia -ureterorrhaphy -ureterosalpingostomy -ureterosigmoidostomy -ureterostegnosis -ureterostenoma -ureterostenosis -ureterostoma -ureterostomy -ureterotomy -ureterouteral -ureterovaginal -ureterovesical -urethan -urethane -urethra -urethrae -urethragraph -urethral -urethralgia -urethrameter -urethrascope -urethratome -urethratresia -urethrectomy -urethremphraxis -urethreurynter -urethrism -urethritic -urethritis -urethroblennorrhea -urethrobulbar -urethrocele -urethrocystitis -urethrogenital -urethrogram -urethrograph -urethrometer -urethropenile -urethroperineal -urethrophyma -urethroplastic -urethroplasty -urethroprostatic -urethrorectal -urethrorrhagia -urethrorrhaphy -urethrorrhea -urethrorrhoea -urethroscope -urethroscopic -urethroscopical -urethroscopy -urethrosexual -urethrospasm -urethrostaxis -urethrostenosis -urethrostomy -urethrotome -urethrotomic -urethrotomy -urethrovaginal -urethrovesical -urethylan -uretic -ureylene -urf -urfirnis -urge -urgence -urgency -urgent -urgently -urgentness -urger -Urginea -urging -urgingly -Urgonian -urheen -Uri -Uria -Uriah -urial -Urian -uric -uricacidemia -uricaciduria -uricaemia -uricaemic -uricemia -uricemic -uricolysis -uricolytic -uridrosis -Uriel -urinaemia -urinal -urinalist -urinalysis -urinant -urinarium -urinary -urinate -urination -urinative -urinator -urine -urinemia -uriniferous -uriniparous -urinocryoscopy -urinogenital -urinogenitary -urinogenous -urinologist -urinology -urinomancy -urinometer -urinometric -urinometry -urinoscopic -urinoscopist -urinoscopy -urinose -urinosexual -urinous -urinousness -urite -urlar -urled -urling -urluch -urman -urn -urna -urnae -urnal -urnflower -urnful -urning -urningism -urnism -urnlike -urnmaker -Uro -uroacidimeter -uroazotometer -urobenzoic -urobilin -urobilinemia -urobilinogen -urobilinogenuria -urobilinuria -urocanic -urocele -Urocerata -urocerid -Uroceridae -urochloralic -urochord -Urochorda -urochordal -urochordate -urochrome -urochromogen -Urocoptidae -Urocoptis -urocyanogen -Urocyon -urocyst -urocystic -Urocystis -urocystitis -urodaeum -Urodela -urodelan -urodele -urodelous -urodialysis -urodynia -uroedema -uroerythrin -urofuscohematin -urogaster -urogastric -urogenic -urogenital -urogenitary -urogenous -uroglaucin -Uroglena -urogram -urography -urogravimeter -urohematin -urohyal -urolagnia -uroleucic -uroleucinic -urolith -urolithiasis -urolithic -urolithology -urologic -urological -urologist -urology -urolutein -urolytic -uromancy -uromantia -uromantist -Uromastix -uromelanin -uromelus -uromere -uromeric -urometer -Uromyces -Uromycladium -uronephrosis -uronic -uronology -uropatagium -Uropeltidae -urophanic -urophanous -urophein -Urophlyctis -urophthisis -uroplania -uropod -uropodal -uropodous -uropoetic -uropoiesis -uropoietic -uroporphyrin -uropsile -Uropsilus -uroptysis -Uropygi -uropygial -uropygium -uropyloric -urorosein -urorrhagia -urorrhea -urorubin -urosaccharometry -urosacral -uroschesis -uroscopic -uroscopist -uroscopy -urosepsis -uroseptic -urosis -urosomatic -urosome -urosomite -urosomitic -urostea -urostealith -urostegal -urostege -urostegite -urosteon -urosternite -urosthene -urosthenic -urostylar -urostyle -urotoxia -urotoxic -urotoxicity -urotoxin -urotoxy -uroxanate -uroxanic -uroxanthin -uroxin -urradhus -urrhodin -urrhodinic -Urs -Ursa -ursal -ursicidal -ursicide -Ursid -Ursidae -ursiform -ursigram -ursine -ursoid -ursolic -urson -ursone -ursuk -Ursula -Ursuline -Ursus -Urtica -urtica -Urticaceae -urticaceous -Urticales -urticant -urticaria -urticarial -urticarious -Urticastrum -urticate -urticating -urtication -urticose -urtite -Uru -urubu -urucu -urucuri -Uruguayan -uruisg -Urukuena -urunday -urus -urushi -urushic -urushinic -urushiol -urushiye -urva -us -usability -usable -usableness -usage -usager -usance -usar -usara -usaron -usation -use -used -usedly -usedness -usednt -usee -useful -usefullish -usefully -usefulness -usehold -useless -uselessly -uselessness -usent -user -ush -ushabti -ushabtiu -Ushak -Usheen -usher -usherance -usherdom -usherer -usheress -usherette -Usherian -usherian -usherism -usherless -ushership -usings -Usipetes -usitate -usitative -Uskara -Uskok -Usnea -usnea -Usneaceae -usneaceous -usneoid -usnic -usninic -Uspanteca -usque -usquebaugh -usself -ussels -usselven -ussingite -ust -Ustarana -uster -Ustilaginaceae -ustilaginaceous -Ustilaginales -ustilagineous -Ustilaginoidea -Ustilago -ustion -ustorious -ustulate -ustulation -Ustulina -usual -usualism -usually -usualness -usuary -usucapient -usucapion -usucapionary -usucapt -usucaptable -usucaption -usucaptor -usufruct -usufructuary -Usun -usure -usurer -usurerlike -usuress -usurious -usuriously -usuriousness -usurp -usurpation -usurpative -usurpatively -usurpatory -usurpature -usurpedly -usurper -usurpership -usurping -usurpingly -usurpment -usurpor -usurpress -usury -usward -uswards -ut -Uta -uta -Utah -Utahan -utahite -utai -utas -utch -utchy -Ute -utees -utensil -uteralgia -uterectomy -uteri -uterine -uteritis -uteroabdominal -uterocele -uterocervical -uterocystotomy -uterofixation -uterogestation -uterogram -uterography -uterointestinal -uterolith -uterology -uteromania -uterometer -uteroovarian -uteroparietal -uteropelvic -uteroperitoneal -uteropexia -uteropexy -uteroplacental -uteroplasty -uterosacral -uterosclerosis -uteroscope -uterotomy -uterotonic -uterotubal -uterovaginal -uteroventral -uterovesical -uterus -utfangenethef -utfangethef -utfangthef -utfangthief -utick -utile -utilitarian -utilitarianism -utilitarianist -utilitarianize -utilitarianly -utility -utilizable -utilization -utilize -utilizer -utinam -utmost -utmostness -Utopia -utopia -Utopian -utopian -utopianism -utopianist -Utopianize -Utopianizer -utopianizer -utopiast -utopism -utopist -utopistic -utopographer -Utraquism -utraquist -utraquistic -Utrecht -utricle -utricul -utricular -Utricularia -Utriculariaceae -utriculate -utriculiferous -utriculiform -utriculitis -utriculoid -utriculoplastic -utriculoplasty -utriculosaccular -utriculose -utriculus -utriform -utrubi -utrum -utsuk -utter -utterability -utterable -utterableness -utterance -utterancy -utterer -utterless -utterly -uttermost -utterness -utu -utum -uturuncu -uva -uval -uvalha -uvanite -uvarovite -uvate -uvea -uveal -uveitic -uveitis -Uvella -uveous -uvic -uvid -uviol -uvitic -uvitinic -uvito -uvitonic -uvrou -uvula -uvulae -uvular -Uvularia -uvularly -uvulitis -uvuloptosis -uvulotome -uvulotomy -uvver -uxorial -uxoriality -uxorially -uxoricidal -uxoricide -uxorious -uxoriously -uxoriousness -uzan -uzara -uzarin -uzaron -Uzbak -Uzbeg -Uzbek -V -v -vaagmer -vaalite -Vaalpens -vacabond -vacancy -vacant -vacanthearted -vacantheartedness -vacantly -vacantness -vacantry -vacatable -vacate -vacation -vacational -vacationer -vacationist -vacationless -vacatur -Vaccaria -vaccary -vaccenic -vaccicide -vaccigenous -vaccina -vaccinable -vaccinal -vaccinate -vaccination -vaccinationist -vaccinator -vaccinatory -vaccine -vaccinee -vaccinella -vaccinia -Vacciniaceae -vacciniaceous -vaccinial -vaccinifer -vacciniform -vacciniola -vaccinist -Vaccinium -vaccinium -vaccinization -vaccinogenic -vaccinogenous -vaccinoid -vaccinophobia -vaccinotherapy -vache -Vachellia -vachette -vacillancy -vacillant -vacillate -vacillating -vacillatingly -vacillation -vacillator -vacillatory -vacoa -vacona -vacoua -vacouf -vacual -vacuate -vacuation -vacuefy -vacuist -vacuity -vacuolar -vacuolary -vacuolate -vacuolated -vacuolation -vacuole -vacuolization -vacuome -vacuometer -vacuous -vacuously -vacuousness -vacuum -vacuuma -vacuumize -vade -Vadim -vadimonium -vadimony -vadium -vadose -vady -vag -vagabond -vagabondage -vagabondager -vagabondia -vagabondish -vagabondism -vagabondismus -vagabondize -vagabondizer -vagabondry -vagal -vagarian -vagarious -vagariously -vagarish -vagarisome -vagarist -vagaristic -vagarity -vagary -vagas -vage -vagiform -vagile -vagina -vaginal -vaginalectomy -vaginaless -vaginalitis -vaginant -vaginate -vaginated -vaginectomy -vaginervose -Vaginicola -vaginicoline -vaginicolous -vaginiferous -vaginipennate -vaginismus -vaginitis -vaginoabdominal -vaginocele -vaginodynia -vaginofixation -vaginolabial -vaginometer -vaginomycosis -vaginoperineal -vaginoperitoneal -vaginopexy -vaginoplasty -vaginoscope -vaginoscopy -vaginotome -vaginotomy -vaginovesical -vaginovulvar -vaginula -vaginulate -vaginule -vagitus -Vagnera -vagoaccessorius -vagodepressor -vagoglossopharyngeal -vagogram -vagolysis -vagosympathetic -vagotomize -vagotomy -vagotonia -vagotonic -vagotropic -vagotropism -vagrance -vagrancy -vagrant -vagrantism -vagrantize -vagrantlike -vagrantly -vagrantness -vagrate -vagrom -vague -vaguely -vagueness -vaguish -vaguity -vagulous -vagus -vahine -Vai -Vaidic -vail -vailable -vain -vainful -vainglorious -vaingloriously -vaingloriousness -vainglory -vainly -vainness -vair -vairagi -vaire -vairy -Vaishnava -Vaishnavism -vaivode -vajra -vajrasana -vakass -vakia -vakil -vakkaliga -Val -valance -valanced -valanche -valbellite -vale -valediction -valedictorian -valedictorily -valedictory -valence -Valencia -Valencian -valencianite -Valenciennes -valency -valent -Valentide -Valentin -Valentine -valentine -Valentinian -Valentinianism -valentinite -valeral -valeraldehyde -valeramide -valerate -Valeria -valerian -Valeriana -Valerianaceae -valerianaceous -Valerianales -valerianate -Valerianella -Valerianoides -valeric -Valerie -valerin -valerolactone -valerone -valeryl -valerylene -valet -valeta -valetage -valetdom -valethood -valetism -valetry -valetudinarian -valetudinarianism -valetudinariness -valetudinarist -valetudinarium -valetudinary -valeur -valeward -valgoid -valgus -valhall -Valhalla -Vali -vali -valiance -valiancy -valiant -valiantly -valiantness -valid -validate -validation -validatory -validification -validity -validly -validness -valine -valise -valiseful -valiship -Valkyr -Valkyria -Valkyrian -Valkyrie -vall -vallancy -vallar -vallary -vallate -vallated -vallation -vallecula -vallecular -valleculate -vallevarite -valley -valleyful -valleyite -valleylet -valleylike -valleyward -valleywise -vallicula -vallicular -vallidom -vallis -Valliscaulian -Vallisneria -Vallisneriaceae -vallisneriaceous -Vallombrosan -Vallota -vallum -Valmy -Valois -valonia -Valoniaceae -valoniaceous -valor -valorization -valorize -valorous -valorously -valorousness -Valsa -Valsaceae -Valsalvan -valse -valsoid -valuable -valuableness -valuably -valuate -valuation -valuational -valuator -value -valued -valueless -valuelessness -valuer -valuta -valva -valval -Valvata -valvate -Valvatidae -valve -valved -valveless -valvelet -valvelike -valveman -valviferous -valviform -valvotomy -valvula -valvular -valvulate -valvule -valvulitis -valvulotome -valvulotomy -valyl -valylene -vambrace -vambraced -vamfont -vammazsa -vamoose -vamp -vamped -vamper -vamphorn -vampire -vampireproof -vampiric -vampirish -vampirism -vampirize -vamplate -vampproof -Vampyrella -Vampyrellidae -Vampyrum -Van -van -vanadate -vanadiate -vanadic -vanadiferous -vanadinite -vanadium -vanadosilicate -vanadous -vanadyl -Vanaheim -vanaprastha -Vance -vancourier -Vancouveria -Vanda -Vandal -Vandalic -vandalish -vandalism -vandalistic -vandalization -vandalize -vandalroot -Vandemonian -Vandemonianism -Vandiemenian -Vandyke -vane -vaned -vaneless -vanelike -Vanellus -Vanessa -vanessian -vanfoss -vang -vangee -vangeli -vanglo -vanguard -Vanguardist -Vangueria -vanilla -vanillal -vanillaldehyde -vanillate -vanille -vanillery -vanillic -vanillin -vanillinic -vanillism -vanilloes -vanillon -vanilloyl -vanillyl -Vanir -vanish -vanisher -vanishing -vanishingly -vanishment -Vanist -vanitarianism -vanitied -vanity -vanjarrah -vanman -vanmost -Vannai -vanner -vannerman -vannet -Vannic -vanquish -vanquishable -vanquisher -vanquishment -vansire -vantage -vantageless -vantbrace -vantbrass -vanward -vapid -vapidism -vapidity -vapidly -vapidness -vapocauterization -vapographic -vapography -vapor -vaporability -vaporable -vaporarium -vaporary -vaporate -vapored -vaporer -vaporescence -vaporescent -vaporiferous -vaporiferousness -vaporific -vaporiform -vaporimeter -vaporing -vaporingly -vaporish -vaporishness -vaporium -vaporizable -vaporization -vaporize -vaporizer -vaporless -vaporlike -vaporograph -vaporographic -vaporose -vaporoseness -vaporosity -vaporous -vaporously -vaporousness -vaportight -vapory -vapulary -vapulate -vapulation -vapulatory -vara -varahan -varan -Varanger -Varangi -Varangian -varanid -Varanidae -Varanoid -Varanus -Varda -vardapet -vardy -vare -varec -vareheaded -vareuse -vargueno -vari -variability -variable -variableness -variably -Variag -variance -variancy -variant -variate -variation -variational -variationist -variatious -variative -variatively -variator -varical -varicated -varication -varicella -varicellar -varicellate -varicellation -varicelliform -varicelloid -varicellous -varices -variciform -varicoblepharon -varicocele -varicoid -varicolored -varicolorous -varicose -varicosed -varicoseness -varicosis -varicosity -varicotomy -varicula -varied -variedly -variegate -variegated -variegation -variegator -varier -varietal -varietally -varietism -varietist -variety -variform -variformed -variformity -variformly -varigradation -variocoupler -variola -variolar -Variolaria -variolate -variolation -variole -variolic -varioliform -variolite -variolitic -variolitization -variolization -varioloid -variolous -variolovaccine -variolovaccinia -variometer -variorum -variotinted -various -variously -variousness -variscite -varisse -varix -varlet -varletaille -varletess -varletry -varletto -varment -varna -varnashrama -varnish -varnished -varnisher -varnishing -varnishlike -varnishment -varnishy -varnpliktige -varnsingite -Varolian -Varronia -Varronian -varsha -varsity -Varsovian -varsoviana -Varuna -varus -varve -varved -vary -varyingly -vas -Vasa -vasa -vasal -Vascons -vascular -vascularity -vascularization -vascularize -vascularly -vasculated -vasculature -vasculiferous -vasculiform -vasculitis -vasculogenesis -vasculolymphatic -vasculomotor -vasculose -vasculum -vase -vasectomize -vasectomy -vaseful -vaselet -vaselike -Vaseline -vasemaker -vasemaking -vasewise -vasework -vashegyite -vasicentric -vasicine -vasifactive -vasiferous -vasiform -vasoconstricting -vasoconstriction -vasoconstrictive -vasoconstrictor -vasocorona -vasodentinal -vasodentine -vasodilatation -vasodilatin -vasodilating -vasodilation -vasodilator -vasoepididymostomy -vasofactive -vasoformative -vasoganglion -vasohypertonic -vasohypotonic -vasoinhibitor -vasoinhibitory -vasoligation -vasoligature -vasomotion -vasomotor -vasomotorial -vasomotoric -vasomotory -vasoneurosis -vasoparesis -vasopressor -vasopuncture -vasoreflex -vasorrhaphy -vasosection -vasospasm -vasospastic -vasostimulant -vasostomy -vasotomy -vasotonic -vasotribe -vasotripsy -vasotrophic -vasovesiculectomy -vasquine -vassal -vassalage -vassaldom -vassaless -vassalic -vassalism -vassality -vassalize -vassalless -vassalry -vassalship -Vassos -vast -vastate -vastation -vastidity -vastily -vastiness -vastitude -vastity -vastly -vastness -vasty -vasu -Vasudeva -Vasundhara -vat -Vateria -vatful -vatic -vatically -Vatican -vaticanal -vaticanic -vaticanical -Vaticanism -Vaticanist -Vaticanization -Vaticanize -vaticide -vaticinal -vaticinant -vaticinate -vaticination -vaticinator -vaticinatory -vaticinatress -vaticinatrix -vatmaker -vatmaking -vatman -Vatteluttu -vatter -vau -Vaucheria -Vaucheriaceae -vaucheriaceous -vaudeville -vaudevillian -vaudevillist -Vaudism -Vaudois -vaudy -Vaughn -vaugnerite -vault -vaulted -vaultedly -vaulter -vaulting -vaultlike -vaulty -vaunt -vauntage -vaunted -vaunter -vauntery -vauntful -vauntiness -vaunting -vauntingly -vauntmure -vaunty -vauquelinite -Vauxhall -Vauxhallian -vauxite -vavasor -vavasory -vaward -Vayu -Vazimba -Veadar -veal -vealer -vealiness -veallike -vealskin -vealy -vectigal -vection -vectis -vectograph -vectographic -vector -vectorial -vectorially -vecture -Veda -Vedaic -Vedaism -Vedalia -vedana -Vedanga -Vedanta -Vedantic -Vedantism -Vedantist -Vedda -Veddoid -vedette -Vedic -vedika -Vediovis -Vedism -Vedist -vedro -Veduis -veduis -vee -veen -veep -veer -veerable -veeringly -veery -Vega -vegasite -vegeculture -vegetability -vegetable -vegetablelike -vegetablewise -vegetablize -vegetably -vegetal -vegetalcule -vegetality -vegetant -vegetarian -vegetarianism -vegetate -vegetation -vegetational -vegetationless -vegetative -vegetatively -vegetativeness -vegete -vegeteness -vegetism -vegetive -vegetivorous -vegetoalkali -vegetoalkaline -vegetoalkaloid -vegetoanimal -vegetobituminous -vegetocarbonaceous -vegetomineral -vehemence -vehemency -vehement -vehemently -vehicle -vehicular -vehicularly -vehiculary -vehiculate -vehiculation -vehiculatory -Vehmic -vei -veigle -veil -veiled -veiledly -veiledness -veiler -veiling -veilless -veillike -veilmaker -veilmaking -Veiltail -veily -vein -veinage -veinal -veinbanding -veined -veiner -veinery -veininess -veining -veinless -veinlet -veinous -veinstone -veinstuff -veinule -veinulet -veinwise -veinwork -veiny -Vejoces -vejoces -Vejovis -Vejoz -vela -velal -velamen -velamentous -velamentum -velar -velardenite -velaric -velarium -velarize -velary -velate -velated -velation -velatura -Velchanos -veldcraft -veldman -veldschoen -veldt -veldtschoen -Velella -velellidous -velic -veliferous -veliform -veliger -veligerous -Velika -velitation -vell -vellala -velleda -velleity -vellicate -vellication -vellicative -vellinch -vellon -vellosine -Vellozia -Velloziaceae -velloziaceous -vellum -vellumy -velo -velociman -velocimeter -velocious -velociously -velocipedal -velocipede -velocipedean -velocipedic -velocitous -velocity -velodrome -velometer -velours -veloutine -velte -velum -velumen -velure -Velutina -velutinous -velveret -velvet -velvetbreast -velveted -velveteen -velveteened -velvetiness -velveting -velvetleaf -velvetlike -velvetry -velvetseed -velvetweed -velvetwork -velvety -venada -venal -venality -venalization -venalize -venally -venalness -Venantes -venanzite -venatic -venatical -venatically -venation -venational -venator -venatorial -venatorious -venatory -vencola -Vend -vend -vendace -Vendean -vendee -vender -vendetta -vendettist -vendibility -vendible -vendibleness -vendibly -vendicate -Vendidad -vending -venditate -venditation -vendition -venditor -vendor -vendue -Vened -Venedotian -veneer -veneerer -veneering -venefical -veneficious -veneficness -veneficous -venenate -venenation -venene -veneniferous -venenific -venenosalivary -venenous -venenousness -venepuncture -venerability -venerable -venerableness -venerably -Veneracea -veneracean -veneraceous -veneral -Veneralia -venerance -venerant -venerate -veneration -venerational -venerative -veneratively -venerativeness -venerator -venereal -venerealness -venereologist -venereology -venerer -Veneres -venerial -Veneridae -veneriform -venery -venesect -venesection -venesector -venesia -Venetes -Veneti -Venetian -Venetianed -Venetic -venezolano -Venezuelan -vengeable -vengeance -vengeant -vengeful -vengefully -vengefulness -vengeously -venger -venial -veniality -venially -venialness -Venice -venie -venin -veniplex -venipuncture -venireman -venison -venisonivorous -venisonlike -venisuture -Venite -Venizelist -Venkata -vennel -venner -venoatrial -venoauricular -venom -venomed -venomer -venomization -venomize -venomly -venomness -venomosalivary -venomous -venomously -venomousness -venomproof -venomsome -venomy -venosal -venosclerosis -venose -venosinal -venosity -venostasis -venous -venously -venousness -vent -ventage -ventail -venter -Ventersdorp -venthole -ventiduct -ventifact -ventil -ventilable -ventilagin -ventilate -ventilating -ventilation -ventilative -ventilator -ventilatory -ventless -ventometer -ventose -ventoseness -ventosity -ventpiece -ventrad -ventral -ventrally -ventralmost -ventralward -ventric -ventricle -ventricolumna -ventricolumnar -ventricornu -ventricornual -ventricose -ventricoseness -ventricosity -ventricous -ventricular -ventricularis -ventriculite -Ventriculites -ventriculitic -Ventriculitidae -ventriculogram -ventriculography -ventriculoscopy -ventriculose -ventriculous -ventriculus -ventricumbent -ventriduct -ventrifixation -ventrilateral -ventrilocution -ventriloqual -ventriloqually -ventriloque -ventriloquial -ventriloquially -ventriloquism -ventriloquist -ventriloquistic -ventriloquize -ventriloquous -ventriloquously -ventriloquy -ventrimesal -ventrimeson -ventrine -ventripotency -ventripotent -ventripotential -ventripyramid -ventroaxial -ventroaxillary -ventrocaudal -ventrocystorrhaphy -ventrodorsad -ventrodorsal -ventrodorsally -ventrofixation -ventrohysteropexy -ventroinguinal -ventrolateral -ventrolaterally -ventromedial -ventromedian -ventromesal -ventromesial -ventromyel -ventroposterior -ventroptosia -ventroptosis -ventroscopy -ventrose -ventrosity -ventrosuspension -ventrotomy -venture -venturer -venturesome -venturesomely -venturesomeness -Venturia -venturine -venturous -venturously -venturousness -venue -venula -venular -venule -venulose -Venus -Venusian -venust -Venutian -venville -Veps -Vepse -Vepsish -vera -veracious -veraciously -veraciousness -veracity -veranda -verandaed -verascope -veratral -veratralbine -veratraldehyde -veratrate -veratria -veratric -veratridine -veratrine -veratrinize -veratrize -veratroidine -veratrole -veratroyl -Veratrum -veratryl -veratrylidene -verb -verbal -verbalism -verbalist -verbality -verbalization -verbalize -verbalizer -verbally -verbarian -verbarium -verbasco -verbascose -Verbascum -verbate -verbatim -verbena -Verbenaceae -verbenaceous -verbenalike -verbenalin -Verbenarius -verbenate -verbene -verbenone -verberate -verberation -verberative -Verbesina -verbiage -verbicide -verbiculture -verbid -verbification -verbify -verbigerate -verbigeration -verbigerative -verbile -verbless -verbolatry -verbomania -verbomaniac -verbomotor -verbose -verbosely -verboseness -verbosity -verbous -verby -verchok -verd -verdancy -verdant -verdantly -verdantness -verdea -verdelho -verderer -verderership -verdet -verdict -verdigris -verdigrisy -verdin -verditer -verdoy -verdugoship -verdun -verdure -verdured -verdureless -verdurous -verdurousness -verecund -verecundity -verecundness -verek -veretilliform -Veretillum -veretillum -verge -vergeboard -vergence -vergency -vergent -vergentness -verger -vergeress -vergerism -vergerless -vergership -vergery -vergi -vergiform -Vergilianism -verglas -vergobret -veri -veridic -veridical -veridicality -veridically -veridicalness -veridicous -veridity -verifiability -verifiable -verifiableness -verifiably -verificate -verification -verificative -verificatory -verifier -verify -verily -verine -verisimilar -verisimilarly -verisimilitude -verisimilitudinous -verisimility -verism -verist -veristic -veritability -veritable -veritableness -veritably -verite -veritism -veritist -veritistic -verity -verjuice -vermeil -vermeologist -vermeology -Vermes -vermetid -Vermetidae -vermetidae -Vermetus -vermian -vermicelli -vermicidal -vermicide -vermicious -vermicle -vermicular -Vermicularia -vermicularly -vermiculate -vermiculated -vermiculation -vermicule -vermiculite -vermiculose -vermiculosity -vermiculous -vermiform -Vermiformia -vermiformis -vermiformity -vermiformous -vermifugal -vermifuge -vermifugous -vermigerous -vermigrade -Vermilingues -Vermilinguia -vermilinguial -vermilion -vermilionette -vermilionize -vermin -verminal -verminate -vermination -verminer -verminicidal -verminicide -verminiferous -verminlike -verminly -verminosis -verminous -verminously -verminousness -verminproof -verminy -vermiparous -vermiparousness -vermis -vermivorous -vermivorousness -vermix -Vermont -Vermonter -Vermontese -vermorel -vermouth -Vern -vernacle -vernacular -vernacularism -vernacularist -vernacularity -vernacularization -vernacularize -vernacularly -vernacularness -vernaculate -vernal -vernality -vernalization -vernalize -vernally -vernant -vernation -vernicose -vernier -vernile -vernility -vernin -vernine -vernition -Vernon -Vernonia -vernoniaceous -Vernonieae -vernonin -Verona -Veronal -veronalism -Veronese -Veronica -Veronicella -Veronicellidae -Verpa -verre -verrel -verriculate -verriculated -verricule -verruca -verrucano -Verrucaria -Verrucariaceae -verrucariaceous -verrucarioid -verrucated -verruciferous -verruciform -verrucose -verrucoseness -verrucosis -verrucosity -verrucous -verruculose -verruga -versability -versable -versableness -versal -versant -versate -versatile -versatilely -versatileness -versatility -versation -versative -verse -versecraft -versed -verseless -verselet -versemaker -versemaking -verseman -versemanship -versemonger -versemongering -versemongery -verser -versesmith -verset -versette -verseward -versewright -versicle -versicler -versicolor -versicolorate -versicolored -versicolorous -versicular -versicule -versifiable -versifiaster -versification -versificator -versificatory -versificatrix -versifier -versiform -versify -versiloquy -versine -version -versional -versioner -versionist -versionize -versipel -verso -versor -verst -versta -versual -versus -vert -vertebra -vertebrae -vertebral -vertebraless -vertebrally -Vertebraria -vertebrarium -vertebrarterial -Vertebrata -vertebrate -vertebrated -vertebration -vertebre -vertebrectomy -vertebriform -vertebroarterial -vertebrobasilar -vertebrochondral -vertebrocostal -vertebrodymus -vertebrofemoral -vertebroiliac -vertebromammary -vertebrosacral -vertebrosternal -vertex -vertibility -vertible -vertibleness -vertical -verticalism -verticality -vertically -verticalness -vertices -verticil -verticillary -verticillaster -verticillastrate -verticillate -verticillated -verticillately -verticillation -verticilliaceous -verticilliose -Verticillium -verticillus -verticity -verticomental -verticordious -vertiginate -vertigines -vertiginous -vertigo -vertilinear -vertimeter -Vertumnus -Verulamian -veruled -verumontanum -vervain -vervainlike -verve -vervecine -vervel -verveled -vervelle -vervenia -vervet -very -Vesalian -vesania -vesanic -vesbite -vesicae -vesical -vesicant -vesicate -vesication -vesicatory -vesicle -vesicoabdominal -vesicocavernous -vesicocele -vesicocervical -vesicoclysis -vesicofixation -vesicointestinal -vesicoprostatic -vesicopubic -vesicorectal -vesicosigmoid -vesicospinal -vesicotomy -vesicovaginal -vesicular -Vesicularia -vesicularly -vesiculary -vesiculase -Vesiculata -Vesiculatae -vesiculate -vesiculation -vesicule -vesiculectomy -vesiculiferous -vesiculiform -vesiculigerous -vesiculitis -vesiculobronchial -vesiculocavernous -vesiculopustular -vesiculose -vesiculotomy -vesiculotubular -vesiculotympanic -vesiculotympanitic -vesiculous -vesiculus -vesicupapular -veskit -Vespa -vespacide -vespal -vesper -vesperal -vesperian -vespering -vespers -vespertide -vespertilian -Vespertilio -vespertilio -Vespertiliones -vespertilionid -Vespertilionidae -Vespertilioninae -vespertilionine -vespertinal -vespertine -vespery -vespiary -vespid -Vespidae -vespiform -Vespina -vespine -vespoid -Vespoidea -vessel -vesseled -vesselful -vessignon -vest -Vesta -vestal -Vestalia -vestalia -vestalship -Vestas -vestee -vester -vestiarian -vestiarium -vestiary -vestibula -vestibular -vestibulary -vestibulate -vestibule -vestibuled -vestibulospinal -vestibulum -vestige -vestigial -vestigially -Vestigian -vestigiary -vestigium -vestiment -vestimental -vestimentary -vesting -Vestini -Vestinian -vestiture -vestlet -vestment -vestmental -vestmented -vestral -vestralization -vestrical -vestrification -vestrify -vestry -vestrydom -vestryhood -vestryish -vestryism -vestryize -vestryman -vestrymanly -vestrymanship -vestuary -vestural -vesture -vesturer -Vesuvian -vesuvian -vesuvianite -vesuviate -vesuvite -vesuvius -veszelyite -vet -veta -vetanda -vetch -vetchling -vetchy -veteran -veterancy -veteraness -veteranize -veterinarian -veterinarianism -veterinary -vetitive -vetivene -vetivenol -vetiver -Vetiveria -vetiveria -vetivert -vetkousie -veto -vetoer -vetoism -vetoist -vetoistic -vetoistical -vetust -vetusty -veuglaire -veuve -vex -vexable -vexation -vexatious -vexatiously -vexatiousness -vexatory -vexed -vexedly -vexedness -vexer -vexful -vexil -vexillar -vexillarious -vexillary -vexillate -vexillation -vexillum -vexingly -vexingness -vext -via -viability -viable -viaduct -viaggiatory -viagram -viagraph -viajaca -vial -vialful -vialmaker -vialmaking -vialogue -viameter -viand -viander -viatic -viatica -viatical -viaticum -viatometer -viator -viatorial -viatorially -vibetoite -vibex -vibgyor -vibix -vibracular -vibracularium -vibraculoid -vibraculum -vibrance -vibrancy -vibrant -vibrantly -vibraphone -vibrate -vibratile -vibratility -vibrating -vibratingly -vibration -vibrational -vibrationless -vibratiuncle -vibratiunculation -vibrative -vibrato -vibrator -vibratory -Vibrio -vibrioid -vibrion -vibrionic -vibrissa -vibrissae -vibrissal -vibrograph -vibromassage -vibrometer -vibromotive -vibronic -vibrophone -vibroscope -vibroscopic -vibrotherapeutics -viburnic -viburnin -Viburnum -Vic -vicar -vicarage -vicarate -vicaress -vicarial -vicarian -vicarianism -vicariate -vicariateship -vicarious -vicariously -vicariousness -vicarly -vicarship -Vice -vice -vicecomes -vicecomital -vicegeral -vicegerency -vicegerent -vicegerentship -viceless -vicelike -vicenary -vicennial -viceregal -viceregally -vicereine -viceroy -viceroyal -viceroyalty -viceroydom -viceroyship -vicety -viceversally -Vichyite -vichyssoise -Vicia -vicianin -vicianose -vicilin -vicinage -vicinal -vicine -vicinity -viciosity -vicious -viciously -viciousness -vicissitous -vicissitude -vicissitudinary -vicissitudinous -vicissitudinousness -Vick -Vicki -Vickie -Vicky -vicoite -vicontiel -victim -victimhood -victimizable -victimization -victimize -victimizer -victless -Victor -victor -victordom -victorfish -Victoria -Victorian -Victorianism -Victorianize -Victorianly -victoriate -victoriatus -victorine -victorious -victoriously -victoriousness -victorium -victory -victoryless -victress -victrix -Victrola -victrola -victual -victualage -victualer -victualing -victuallership -victualless -victualry -victuals -vicuna -Viddhal -viddui -videndum -video -videogenic -vidette -Vidhyanath -Vidian -vidonia -vidry -Vidua -viduage -vidual -vidually -viduate -viduated -viduation -Viduinae -viduine -viduity -viduous -vidya -vie -vielle -Vienna -Viennese -vier -vierling -viertel -viertelein -Vietminh -Vietnamese -view -viewable -viewably -viewer -viewiness -viewless -viewlessly -viewly -viewpoint -viewsome -viewster -viewworthy -viewy -vifda -viga -vigentennial -vigesimal -vigesimation -vigia -vigil -vigilance -vigilancy -vigilant -vigilante -vigilantism -vigilantly -vigilantness -vigilate -vigilation -vigintiangular -vigneron -vignette -vignetter -vignettist -vignin -vigonia -vigor -vigorist -vigorless -vigorous -vigorously -vigorousness -vihara -vihuela -vijao -Vijay -viking -vikingism -vikinglike -vikingship -vila -vilayet -vile -vilehearted -Vilela -vilely -vileness -Vilhelm -Vili -vilicate -vilification -vilifier -vilify -vilifyingly -vilipend -vilipender -vilipenditory -vility -vill -villa -villadom -villaette -village -villageful -villagehood -villageless -villagelet -villagelike -villageous -villager -villageress -villagery -villaget -villageward -villagey -villagism -villain -villainage -villaindom -villainess -villainist -villainous -villainously -villainousness -villainproof -villainy -villakin -villaless -villalike -villanage -villanella -villanelle -villanette -villanous -villanously -Villanova -Villanovan -villar -villate -villatic -ville -villein -villeinage -villeiness -villeinhold -villenage -villiaumite -villiferous -villiform -villiplacental -Villiplacentalia -villitis -villoid -villose -villosity -villous -villously -villus -vim -vimana -vimen -vimful -Viminal -viminal -vimineous -vina -vinaceous -vinaconic -vinage -vinagron -vinaigrette -vinaigretted -vinaigrier -vinaigrous -vinal -Vinalia -vinasse -vinata -Vince -Vincent -vincent -Vincentian -Vincenzo -Vincetoxicum -vincetoxin -vincibility -vincible -vincibleness -vincibly -vincular -vinculate -vinculation -vinculum -Vindelici -vindemial -vindemiate -vindemiation -vindemiatory -Vindemiatrix -vindex -vindhyan -vindicability -vindicable -vindicableness -vindicably -vindicate -vindication -vindicative -vindicatively -vindicativeness -vindicator -vindicatorily -vindicatorship -vindicatory -vindicatress -vindictive -vindictively -vindictiveness -vindictivolence -vindresser -vine -vinea -vineal -vineatic -vined -vinegar -vinegarer -vinegarette -vinegarish -vinegarist -vinegarroon -vinegarweed -vinegary -vinegerone -vinegrower -vineity -vineland -vineless -vinelet -vinelike -viner -vinery -vinestalk -vinewise -vineyard -Vineyarder -vineyarding -vineyardist -vingerhoed -Vingolf -vinhatico -vinic -vinicultural -viniculture -viniculturist -vinifera -viniferous -vinification -vinificator -Vinland -vinny -vino -vinoacetous -Vinod -vinolence -vinolent -vinologist -vinology -vinometer -vinomethylic -vinose -vinosity -vinosulphureous -vinous -vinously -vinousness -vinquish -vint -vinta -vintage -vintager -vintaging -vintem -vintener -vintlite -vintner -vintneress -vintnership -vintnery -vintress -vintry -viny -vinyl -vinylbenzene -vinylene -vinylic -vinylidene -viol -viola -violability -violable -violableness -violably -Violaceae -violacean -violaceous -violaceously -violal -Violales -violanin -violaquercitrin -violate -violater -violation -violational -violative -violator -violatory -violature -violence -violent -violently -violentness -violer -violescent -violet -violetish -violetlike -violette -violetwise -violety -violin -violina -violine -violinette -violinist -violinistic -violinlike -violinmaker -violinmaking -violist -violmaker -violmaking -violon -violoncellist -violoncello -violone -violotta -violuric -viosterol -Vip -viper -Vipera -viperan -viperess -viperfish -viperian -viperid -Viperidae -viperiform -Viperina -Viperinae -viperine -viperish -viperishly -viperlike -viperling -viperoid -Viperoidea -viperous -viperously -viperousness -vipery -vipolitic -vipresident -viqueen -Vira -viragin -viraginian -viraginity -viraginous -virago -viragoish -viragolike -viragoship -viral -Virales -Virbius -vire -virelay -viremia -viremic -virent -vireo -vireonine -virescence -virescent -virga -virgal -virgate -virgated -virgater -virgation -virgilia -Virgilism -virgin -virginal -Virginale -virginalist -virginality -virginally -virgineous -virginhead -Virginia -Virginian -Virginid -virginitis -virginity -virginityship -virginium -virginlike -virginly -virginship -Virgo -virgula -virgular -Virgularia -virgularian -Virgulariidae -virgulate -virgule -virgultum -virial -viricide -virid -viridene -viridescence -viridescent -viridian -viridigenous -viridine -viridite -viridity -virific -virify -virile -virilely -virileness -virilescence -virilescent -virilify -viriliously -virilism -virilist -virility -viripotent -viritrate -virl -virole -viroled -virological -virologist -virology -viron -virose -virosis -virous -virtu -virtual -virtualism -virtualist -virtuality -virtualize -virtually -virtue -virtued -virtuefy -virtuelessness -virtueproof -virtuless -virtuosa -virtuose -virtuosi -virtuosic -virtuosity -virtuoso -virtuosoship -virtuous -virtuouslike -virtuously -virtuousness -virucidal -virucide -viruela -virulence -virulency -virulent -virulented -virulently -virulentness -viruliferous -virus -viruscidal -viruscide -virusemic -vis -visa -visage -visaged -visagraph -visarga -Visaya -Visayan -viscacha -viscera -visceral -visceralgia -viscerally -viscerate -visceration -visceripericardial -visceroinhibitory -visceromotor -visceroparietal -visceroperitioneal -visceropleural -visceroptosis -visceroptotic -viscerosensory -visceroskeletal -viscerosomatic -viscerotomy -viscerotonia -viscerotonic -viscerotrophic -viscerotropic -viscerous -viscid -viscidity -viscidize -viscidly -viscidness -viscidulous -viscin -viscoidal -viscolize -viscometer -viscometrical -viscometrically -viscometry -viscontal -viscoscope -viscose -viscosimeter -viscosimetry -viscosity -viscount -viscountcy -viscountess -viscountship -viscounty -viscous -viscously -viscousness -viscus -vise -viseman -Vishal -Vishnavite -Vishnu -Vishnuism -Vishnuite -Vishnuvite -visibility -visibilize -visible -visibleness -visibly -visie -Visigoth -Visigothic -visile -vision -visional -visionally -visionarily -visionariness -visionary -visioned -visioner -visionic -visionist -visionize -visionless -visionlike -visionmonger -visionproof -visit -visita -visitable -Visitandine -visitant -visitation -visitational -visitative -visitator -visitatorial -visite -visitee -visiter -visiting -visitment -visitor -visitoress -visitorial -visitorship -visitress -visitrix -visive -visne -vison -visor -visorless -visorlike -vista -vistaed -vistal -vistaless -vistamente -Vistlik -visto -Vistulian -visual -visualist -visuality -visualization -visualize -visualizer -visually -visuoauditory -visuokinesthetic -visuometer -visuopsychic -visuosensory -vita -Vitaceae -Vitaglass -vital -vitalic -vitalism -vitalist -vitalistic -vitalistically -vitality -vitalization -vitalize -vitalizer -vitalizing -vitalizingly -Vitallium -vitally -vitalness -vitals -vitamer -vitameric -vitamin -vitaminic -vitaminize -vitaminology -vitapath -vitapathy -vitaphone -vitascope -vitascopic -vitasti -vitativeness -vitellarian -vitellarium -vitellary -vitellicle -vitelliferous -vitelligenous -vitelligerous -vitellin -vitelline -vitellogene -vitellogenous -vitellose -vitellus -viterbite -Viti -vitiable -vitiate -vitiated -vitiation -vitiator -viticetum -viticulose -viticultural -viticulture -viticulturer -viticulturist -vitiferous -vitiliginous -vitiligo -vitiligoidea -vitiosity -Vitis -vitium -vitochemic -vitochemical -vitrage -vitrail -vitrailed -vitrailist -vitrain -vitraux -vitreal -vitrean -vitrella -vitremyte -vitreodentinal -vitreodentine -vitreoelectric -vitreosity -vitreous -vitreouslike -vitreously -vitreousness -vitrescence -vitrescency -vitrescent -vitrescibility -vitrescible -vitreum -vitric -vitrics -vitrifaction -vitrifacture -vitrifiability -vitrifiable -vitrification -vitriform -vitrify -Vitrina -vitrine -vitrinoid -vitriol -vitriolate -vitriolation -vitriolic -vitrioline -vitriolizable -vitriolization -vitriolize -vitriolizer -vitrite -vitrobasalt -vitrophyre -vitrophyric -vitrotype -vitrous -Vitruvian -Vitruvianism -vitta -vittate -vitular -vituline -vituperable -vituperate -vituperation -vituperative -vituperatively -vituperator -vituperatory -vituperious -viuva -viva -vivacious -vivaciously -vivaciousness -vivacity -vivandiere -vivarium -vivary -vivax -vive -Vivek -vively -vivency -viver -Viverridae -viverriform -Viverrinae -viverrine -vivers -vives -vivianite -vivicremation -vivid -vividialysis -vividiffusion -vividissection -vividity -vividly -vividness -vivific -vivificate -vivification -vivificative -vivificator -vivifier -vivify -viviparism -viviparity -viviparous -viviparously -viviparousness -vivipary -viviperfuse -vivisect -vivisection -vivisectional -vivisectionally -vivisectionist -vivisective -vivisector -vivisectorium -vivisepulture -vixen -vixenish -vixenishly -vixenishness -vixenlike -vixenly -vizard -vizarded -vizardless -vizardlike -vizardmonger -vizier -vizierate -viziercraft -vizierial -viziership -vizircraft -Vlach -Vladimir -Vladislav -vlei -voar -vocability -vocable -vocably -vocabular -vocabularian -vocabularied -vocabulary -vocabulation -vocabulist -vocal -vocalic -vocalion -vocalise -vocalism -vocalist -vocalistic -vocality -vocalization -vocalize -vocalizer -vocaller -vocally -vocalness -vocate -vocation -vocational -vocationalism -vocationalization -vocationalize -vocationally -vocative -vocatively -Vochysiaceae -vochysiaceous -vocicultural -vociferance -vociferant -vociferate -vociferation -vociferative -vociferator -vociferize -vociferosity -vociferous -vociferously -vociferousness -vocification -vocimotor -vocular -vocule -Vod -vodka -voe -voet -voeten -Voetian -vog -vogesite -voglite -vogue -voguey -voguish -Vogul -voice -voiced -voiceful -voicefulness -voiceless -voicelessly -voicelessness -voicelet -voicelike -voicer -voicing -void -voidable -voidableness -voidance -voided -voidee -voider -voiding -voidless -voidly -voidness -voile -voiturette -voivode -voivodeship -vol -volable -volage -Volans -volant -volantly -Volapuk -Volapuker -Volapukism -Volapukist -volar -volata -volatic -volatile -volatilely -volatileness -volatility -volatilizable -volatilization -volatilize -volatilizer -volation -volational -volborthite -Volcae -volcan -Volcanalia -volcanian -volcanic -volcanically -volcanicity -volcanism -volcanist -volcanite -volcanity -volcanization -volcanize -volcano -volcanoism -volcanological -volcanologist -volcanologize -volcanology -Volcanus -vole -volemitol -volency -volent -volently -volery -volet -volhynite -volipresence -volipresent -volitant -volitate -volitation -volitational -volitiency -volitient -volition -volitional -volitionalist -volitionality -volitionally -volitionary -volitionate -volitionless -volitive -volitorial -Volkerwanderung -volley -volleyball -volleyer -volleying -volleyingly -volost -volplane -volplanist -Volsci -Volscian -volsella -volsellum -Volstead -Volsteadism -volt -Volta -voltaelectric -voltaelectricity -voltaelectrometer -voltaelectrometric -voltage -voltagraphy -voltaic -Voltairian -Voltairianize -Voltairish -Voltairism -voltaism -voltaite -voltameter -voltametric -voltammeter -voltaplast -voltatype -voltinism -voltivity -voltize -voltmeter -voltzite -volubilate -volubility -voluble -volubleness -volubly -volucrine -volume -volumed -volumenometer -volumenometry -volumescope -volumeter -volumetric -volumetrical -volumetrically -volumetry -volumette -voluminal -voluminosity -voluminous -voluminously -voluminousness -volumist -volumometer -volumometrical -volumometry -voluntariate -voluntarily -voluntariness -voluntarism -voluntarist -voluntaristic -voluntarity -voluntary -voluntaryism -voluntaryist -voluntative -volunteer -volunteerism -volunteerly -volunteership -volupt -voluptary -voluptas -voluptuarian -voluptuary -voluptuate -voluptuosity -voluptuous -voluptuously -voluptuousness -volupty -Voluspa -voluta -volutate -volutation -volute -voluted -Volutidae -volutiform -volutin -volution -volutoid -volva -volvate -volvelle -volvent -Volvocaceae -volvocaceous -volvulus -vomer -vomerine -vomerobasilar -vomeronasal -vomeropalatine -vomica -vomicine -vomit -vomitable -vomiter -vomiting -vomitingly -vomition -vomitive -vomitiveness -vomito -vomitory -vomiture -vomiturition -vomitus -vomitwort -vondsira -vonsenite -voodoo -voodooism -voodooist -voodooistic -voracious -voraciously -voraciousness -voracity -voraginous -vorago -vorant -vorhand -vorlooper -vorondreo -vorpal -vortex -vortical -vortically -vorticel -Vorticella -vorticellid -Vorticellidae -vortices -vorticial -vorticiform -vorticism -vorticist -vorticity -vorticose -vorticosely -vorticular -vorticularly -vortiginous -Vortumnus -Vosgian -vota -votable -votal -votally -votaress -votarist -votary -votation -Vote -vote -voteen -voteless -voter -voting -Votish -votive -votively -votiveness -votometer -votress -Votyak -vouch -vouchable -vouchee -voucher -voucheress -vouchment -vouchsafe -vouchsafement -vouge -Vougeot -Vouli -voussoir -vow -vowed -vowel -vowelish -vowelism -vowelist -vowelization -vowelize -vowelless -vowellessness -vowellike -vowely -vower -vowess -vowless -vowmaker -vowmaking -voyage -voyageable -voyager -voyance -voyeur -voyeurism -vraic -vraicker -vraicking -vrbaite -vriddhi -vrother -Vu -vug -vuggy -Vulcan -Vulcanalia -Vulcanalial -Vulcanalian -Vulcanian -Vulcanic -vulcanicity -vulcanism -vulcanist -vulcanite -vulcanizable -vulcanizate -vulcanization -vulcanize -vulcanizer -vulcanological -vulcanologist -vulcanology -vulgar -vulgare -vulgarian -vulgarish -vulgarism -vulgarist -vulgarity -vulgarization -vulgarize -vulgarizer -vulgarlike -vulgarly -vulgarness -vulgarwise -Vulgate -vulgate -vulgus -vuln -vulnerability -vulnerable -vulnerableness -vulnerably -vulnerary -vulnerate -vulneration -vulnerative -vulnerose -vulnific -vulnose -Vulpecula -vulpecular -Vulpeculid -Vulpes -vulpic -vulpicidal -vulpicide -vulpicidism -Vulpinae -vulpine -vulpinism -vulpinite -vulsella -vulsellum -vulsinite -Vultur -vulture -vulturelike -vulturewise -Vulturidae -Vulturinae -vulturine -vulturish -vulturism -vulturn -vulturous -vulva -vulval -vulvar -vulvate -vulviform -vulvitis -vulvocrural -vulvouterine -vulvovaginal -vulvovaginitis -vum -vying -vyingly -W -w -Wa -wa -Waac -waag -waapa -waar -Waasi -wab -wabber -wabble -wabbly -wabby -wabe -Wabena -wabeno -Wabi -wabster -Wabuma -Wabunga -Wac -wacago -wace -Wachaga -Wachenheimer -wachna -Wachuset -wack -wacke -wacken -wacker -wackiness -wacky -Waco -wad -waddent -wadder -wadding -waddler -waddlesome -waddling -waddlingly -waddly -waddy -waddywood -Wade -wade -wadeable -wader -wadi -wading -wadingly -wadlike -wadmaker -wadmaking -wadmal -wadmeal -wadna -wadset -wadsetter -wae -waeg -waer -waesome -waesuck -Waf -Wafd -Wafdist -wafer -waferer -waferish -wafermaker -wafermaking -waferwoman -waferwork -wafery -waff -waffle -wafflike -waffly -waft -waftage -wafter -wafture -wafty -wag -Waganda -waganging -wagaun -wagbeard -wage -waged -wagedom -wageless -wagelessness -wagenboom -Wagener -wager -wagerer -wagering -wages -wagesman -wagework -wageworker -wageworking -waggable -waggably -waggel -wagger -waggery -waggie -waggish -waggishly -waggishness -waggle -waggling -wagglingly -waggly -Waggumbura -waggy -waglike -wagling -Wagneresque -Wagnerian -Wagneriana -Wagnerianism -Wagnerism -Wagnerist -Wagnerite -wagnerite -Wagnerize -Wagogo -Wagoma -wagon -wagonable -wagonage -wagoner -wagoness -wagonette -wagonful -wagonload -wagonmaker -wagonmaking -wagonman -wagonry -wagonsmith -wagonway -wagonwayman -wagonwork -wagonwright -wagsome -wagtail -Waguha -wagwag -wagwants -Wagweno -wagwit -wah -Wahabi -Wahabiism -Wahabit -Wahabitism -wahahe -Wahehe -Wahima -wahine -Wahlenbergia -wahoo -wahpekute -Wahpeton -waiata -Waibling -Waicuri -Waicurian -waif -Waiguli -Waiilatpuan -waik -waikly -waikness -wail -Wailaki -wailer -wailful -wailfully -wailingly -wailsome -waily -wain -wainage -wainbote -wainer -wainful -wainman -wainrope -wainscot -wainscoting -wainwright -waipiro -wairch -waird -wairepo -wairsh -waise -waist -waistband -waistcloth -waistcoat -waistcoated -waistcoateer -waistcoathole -waistcoating -waistcoatless -waisted -waister -waisting -waistless -waistline -wait -waiter -waiterage -waiterdom -waiterhood -waitering -waiterlike -waitership -waiting -waitingly -waitress -waivatua -waive -waiver -waivery -waivod -Waiwai -waiwode -wajang -waka -Wakamba -wakan -Wakashan -wake -wakeel -wakeful -wakefully -wakefulness -wakeless -waken -wakener -wakening -waker -wakes -waketime -wakf -Wakhi -wakif -wakiki -waking -wakingly -wakiup -wakken -wakon -wakonda -Wakore -Wakwafi -waky -Walach -Walachian -walahee -Walapai -Walchia -Waldenses -Waldensian -waldflute -waldgrave -waldgravine -Waldheimia -waldhorn -waldmeister -Waldsteinia -wale -waled -walepiece -Waler -waler -walewort -wali -waling -walk -walkable -walkaway -walker -walking -walkist -walkmill -walkmiller -walkout -walkover -walkrife -walkside -walksman -walkway -walkyrie -wall -wallaba -wallaby -Wallach -wallah -wallaroo -Wallawalla -wallbird -wallboard -walled -waller -Wallerian -wallet -walletful -walleye -walleyed -wallflower -wallful -wallhick -walling -wallise -wallless -wallman -Wallon -Wallonian -Walloon -walloon -wallop -walloper -walloping -wallow -wallower -wallowish -wallowishly -wallowishness -wallpaper -wallpapering -wallpiece -Wallsend -wallwise -wallwork -wallwort -wally -walnut -Walpapi -Walpolean -Walpurgis -walpurgite -walrus -walsh -Walt -walt -Walter -walter -walth -Waltonian -waltz -waltzer -waltzlike -walycoat -wamara -wambais -wamble -wambliness -wambling -wamblingly -wambly -Wambuba -Wambugu -Wambutti -wame -wamefou -wamel -wammikin -wamp -Wampanoag -wampee -wample -wampum -wampumpeag -wampus -wamus -wan -Wanapum -wanchancy -wand -wander -wanderable -wanderer -wandering -wanderingly -wanderingness -Wanderjahr -wanderlust -wanderluster -wanderlustful -wanderoo -wandery -wanderyear -wandflower -wandle -wandlike -wandoo -Wandorobo -wandsman -wandy -wane -Waneatta -waned -waneless -wang -wanga -wangala -wangan -Wangara -wangateur -wanghee -wangle -wangler -Wangoni -wangrace -wangtooth -wanhope -wanhorn -wanigan -waning -wankapin -wankle -wankliness -wankly -wanle -wanly -wanner -wanness -wannish -wanny -wanrufe -wansonsy -want -wantage -wanter -wantful -wanthill -wanthrift -wanting -wantingly -wantingness -wantless -wantlessness -wanton -wantoner -wantonlike -wantonly -wantonness -wantwit -wanty -wanwordy -wanworth -wany -Wanyakyusa -Wanyamwezi -Wanyasa -Wanyoro -wap -wapacut -Wapato -wapatoo -wapentake -Wapisiana -wapiti -Wapogoro -Wapokomo -wapp -Wappato -wappenschaw -wappenschawing -wapper -wapping -Wappinger -Wappo -war -warabi -waratah -warble -warbled -warblelike -warbler -warblerlike -warblet -warbling -warblingly -warbly -warch -warcraft -ward -wardable -wardage -wardapet -warday -warded -Warden -warden -wardency -wardenry -wardenship -warder -warderer -wardership -wardholding -warding -wardite -wardless -wardlike -wardmaid -wardman -wardmote -wardress -wardrobe -wardrober -wardroom -wardship -wardsmaid -wardsman -wardswoman -wardwite -wardwoman -ware -Waregga -warehou -warehouse -warehouseage -warehoused -warehouseful -warehouseman -warehouser -wareless -waremaker -waremaking -wareman -wareroom -warf -warfare -warfarer -warfaring -warful -warily -wariness -Waring -waringin -warish -warison -wark -warkamoowee -warl -warless -warlessly -warlike -warlikely -warlikeness -warlock -warluck -warly -warm -warmable -warman -warmed -warmedly -warmer -warmful -warmhearted -warmheartedly -warmheartedness -warmhouse -warming -warmish -warmly -warmness -warmonger -warmongering -warmouth -warmth -warmthless -warmus -warn -warnel -warner -warning -warningly -warningproof -warnish -warnoth -warnt -Warori -warp -warpable -warpage -warped -warper -warping -warplane -warple -warplike -warproof -warpwise -warragal -warrambool -warran -warrand -warrandice -warrant -warrantable -warrantableness -warrantably -warranted -warrantee -warranter -warrantise -warrantless -warrantor -warranty -warratau -Warrau -warree -Warren -warren -warrener -warrenlike -warrer -Warri -warrin -warrior -warrioress -warriorhood -warriorism -warriorlike -warriorship -warriorwise -warrok -Warsaw -warsaw -warse -warsel -warship -warsle -warsler -warst -wart -warted -wartern -wartflower -warth -wartime -wartless -wartlet -wartlike -wartproof -wartweed -wartwort -warty -wartyback -Warua -Warundi -warve -warwards -Warwick -warwickite -warwolf -warworn -wary -was -wasabi -Wasagara -Wasandawi -Wasango -Wasat -Wasatch -Wasco -wase -Wasegua -wasel -wash -washability -washable -washableness -Washaki -washaway -washbasin -washbasket -washboard -washbowl -washbrew -washcloth -washday -washdish -washdown -washed -washen -washer -washerless -washerman -washerwife -washerwoman -washery -washeryman -washhand -washhouse -washin -washiness -washing -Washington -Washingtonia -Washingtonian -Washingtoniana -Washita -washland -washmaid -washman -Washo -Washoan -washoff -washout -washpot -washproof -washrag -washroad -washroom -washshed -washstand -washtail -washtray -washtrough -washtub -washway -washwoman -washwork -washy -Wasir -wasnt -Wasoga -Wasp -wasp -waspen -wasphood -waspily -waspish -waspishly -waspishness -wasplike -waspling -waspnesting -waspy -wassail -wassailer -wassailous -wassailry -wassie -wast -wastable -wastage -waste -wastebasket -wasteboard -wasted -wasteful -wastefully -wastefulness -wastel -wasteland -wastelbread -wasteless -wasteman -wastement -wasteness -wastepaper -wasteproof -waster -wasterful -wasterfully -wasterfulness -wastethrift -wasteword -wasteyard -wasting -wastingly -wastingness -wastland -wastrel -wastrife -wasty -Wasukuma -Waswahili -Wat -wat -Watala -watap -watch -watchable -watchboat -watchcase -watchcry -watchdog -watched -watcher -watchfree -watchful -watchfully -watchfulness -watchglassful -watchhouse -watching -watchingly -watchkeeper -watchless -watchlessness -watchmaker -watchmaking -watchman -watchmanly -watchmanship -watchmate -watchment -watchout -watchtower -watchwise -watchwoman -watchword -watchwork -water -waterage -waterbailage -waterbelly -Waterberg -waterboard -waterbok -waterbosh -waterbrain -waterchat -watercup -waterdoe -waterdrop -watered -waterer -waterfall -waterfinder -waterflood -waterfowl -waterfront -waterhead -waterhorse -waterie -waterily -wateriness -watering -wateringly -wateringman -waterish -waterishly -waterishness -Waterlander -Waterlandian -waterleave -waterless -waterlessly -waterlessness -waterlike -waterline -waterlog -waterlogged -waterloggedness -waterlogger -waterlogging -Waterloo -waterman -watermanship -watermark -watermaster -watermelon -watermonger -waterphone -waterpot -waterproof -waterproofer -waterproofing -waterproofness -waterquake -waterscape -watershed -watershoot -waterside -watersider -waterskin -watersmeet -waterspout -waterstead -watertight -watertightal -watertightness -waterward -waterwards -waterway -waterweed -waterwise -waterwoman -waterwood -waterwork -waterworker -waterworm -waterworn -waterwort -watery -wath -wathstead -Watsonia -watt -wattage -wattape -wattle -wattlebird -wattled -wattless -wattlework -wattling -wattman -wattmeter -Watusi -wauble -wauch -wauchle -waucht -wauf -waugh -waughy -wauken -waukit -waukrife -waul -waumle -wauner -wauns -waup -waur -Waura -wauregan -wauve -wavable -wavably -Wave -wave -waved -waveless -wavelessly -wavelessness -wavelet -wavelike -wavellite -wavemark -wavement -wavemeter -waveproof -waver -waverable -waverer -wavering -waveringly -waveringness -waverous -wavery -waveson -waveward -wavewise -wavey -wavicle -wavily -waviness -waving -wavingly -Wavira -wavy -waw -wawa -wawah -wawaskeesh -wax -waxberry -waxbill -waxbird -waxbush -waxchandler -waxchandlery -waxen -waxer -waxflower -Waxhaw -waxhearted -waxily -waxiness -waxing -waxingly -waxlike -waxmaker -waxmaking -waxman -waxweed -waxwing -waxwork -waxworker -waxworking -waxy -way -wayaka -wayang -Wayao -wayback -wayberry -waybill -waybird -waybook -waybread -waybung -wayfare -wayfarer -wayfaring -wayfaringly -wayfellow -waygang -waygate -waygoing -waygone -waygoose -wayhouse -waying -waylaid -waylaidlessness -waylay -waylayer -wayleave -wayless -waymaker -wayman -waymark -waymate -Wayne -waypost -ways -wayside -waysider -waysliding -waythorn -wayward -waywarden -waywardly -waywardness -waywiser -waywode -waywodeship -wayworn -waywort -wayzgoose -Wazir -we -Wea -weak -weakbrained -weaken -weakener -weakening -weakfish -weakhanded -weakhearted -weakheartedly -weakheartedness -weakish -weakishly -weakishness -weakliness -weakling -weakly -weakmouthed -weakness -weaky -weal -weald -Wealden -wealdsman -wealth -wealthily -wealthiness -wealthless -wealthmaker -wealthmaking -wealthmonger -Wealthy -wealthy -weam -wean -weanable -weanedness -weanel -weaner -weanling -Weanoc -weanyer -Weapemeoc -weapon -weaponed -weaponeer -weaponless -weaponmaker -weaponmaking -weaponproof -weaponry -weaponshaw -weaponshow -weaponshowing -weaponsmith -weaponsmithy -wear -wearability -wearable -wearer -weariable -weariableness -wearied -weariedly -weariedness -wearier -weariful -wearifully -wearifulness -weariless -wearilessly -wearily -weariness -wearing -wearingly -wearish -wearishly -wearishness -wearisome -wearisomely -wearisomeness -wearproof -weary -wearying -wearyingly -weasand -weasel -weaselfish -weasellike -weaselly -weaselship -weaselskin -weaselsnout -weaselwise -weaser -weason -weather -weatherboard -weatherboarding -weatherbreak -weathercock -weathercockish -weathercockism -weathercocky -weathered -weatherer -weatherfish -weatherglass -weathergleam -weatherhead -weatherheaded -weathering -weatherliness -weatherly -weathermaker -weathermaking -weatherman -weathermost -weatherology -weatherproof -weatherproofed -weatherproofing -weatherproofness -weatherward -weatherworn -weathery -weavable -weave -weaveable -weaved -weavement -weaver -weaverbird -weaveress -weaving -weazen -weazened -weazeny -web -webbed -webber -webbing -webby -weber -Weberian -webeye -webfoot -webfooter -webless -weblike -webmaker -webmaking -webster -Websterian -websterite -webwork -webworm -wecht -wed -wedana -wedbed -wedbedrip -wedded -weddedly -weddedness -wedder -wedding -weddinger -wede -wedge -wedgeable -wedgebill -wedged -wedgelike -wedger -wedgewise -Wedgie -wedging -Wedgwood -wedgy -wedlock -Wednesday -wedset -wee -weeble -weed -weeda -weedable -weedage -weeded -weeder -weedery -weedful -weedhook -weediness -weedingtime -weedish -weedless -weedlike -weedling -weedow -weedproof -weedy -week -weekday -weekend -weekender -weekly -weekwam -weel -weelfard -weelfaured -weemen -ween -weendigo -weeness -weening -weenong -weeny -weep -weepable -weeper -weepered -weepful -weeping -weepingly -weeps -weepy -weesh -weeshy -weet -weetbird -weetless -weever -weevil -weeviled -weevillike -weevilproof -weevily -weewow -weeze -weft -weftage -wefted -wefty -Wega -wegenerian -wegotism -wehrlite -Wei -weibyeite -weichselwood -Weierstrassian -Weigela -weigelite -weigh -weighable -weighage -weighbar -weighbauk -weighbridge -weighbridgeman -weighed -weigher -weighership -weighhouse -weighin -weighing -weighman -weighment -weighshaft -weight -weightchaser -weighted -weightedly -weightedness -weightily -weightiness -weighting -weightless -weightlessly -weightlessness -weightometer -weighty -weinbergerite -Weinmannia -weinschenkite -weir -weirangle -weird -weirdful -weirdish -weirdless -weirdlessness -weirdlike -weirdliness -weirdly -weirdness -weirdsome -weirdward -weirdwoman -weiring -weisbachite -weiselbergite -weism -Weismannian -Weismannism -weissite -Weissnichtwo -Weitspekan -wejack -weka -wekau -wekeen -weki -welcome -welcomeless -welcomely -welcomeness -welcomer -welcoming -welcomingly -weld -weldability -weldable -welder -welding -weldless -weldment -weldor -Welf -welfare -welfaring -Welfic -welk -welkin -welkinlike -well -wellat -wellaway -wellborn -wellcurb -wellhead -wellhole -welling -wellington -Wellingtonia -wellish -wellmaker -wellmaking -wellman -wellnear -wellness -wellring -Wellsian -wellside -wellsite -wellspring -wellstead -wellstrand -welly -wellyard -wels -Welsh -welsh -welsher -Welshery -Welshism -Welshland -Welshlike -Welshman -Welshness -Welshry -Welshwoman -Welshy -welsium -welt -welted -welter -welterweight -welting -Welwitschia -wem -wemless -wen -wench -wencher -wenchless -wenchlike -Wenchow -Wenchowese -Wend -wend -wende -Wendell -Wendi -Wendic -Wendish -Wendy -wene -Wenlock -Wenlockian -wennebergite -wennish -wenny -Wenonah -Wenrohronon -went -wentletrap -wenzel -wept -wer -Werchowinci -were -werebear -werecalf -werefolk -werefox -werehyena -werejaguar -wereleopard -werent -weretiger -werewolf -werewolfish -werewolfism -werf -wergil -weri -Werner -Wernerian -Wernerism -wernerite -werowance -wert -Werther -Wertherian -Wertherism -wervel -Wes -wese -weskit -Wesleyan -Wesleyanism -Wesleyism -wesselton -Wessexman -west -westaway -westbound -weste -wester -westering -westerliness -westerly -westermost -western -westerner -westernism -westernization -westernize -westernly -westernmost -westerwards -westfalite -westing -westland -Westlander -westlandways -westmost -westness -Westphalian -Westralian -Westralianism -westward -westwardly -westwardmost -westwards -westy -wet -weta -wetback -wetbird -wetched -wetchet -wether -wetherhog -wetherteg -wetly -wetness -wettability -wettable -wetted -wetter -wetting -wettish -Wetumpka -weve -wevet -Wewenoc -wey -Wezen -Wezn -wha -whabby -whack -whacker -whacking -whacky -whafabout -whale -whaleback -whalebacker -whalebird -whaleboat -whalebone -whaleboned -whaledom -whalehead -whalelike -whaleman -whaler -whaleroad -whalery -whaleship -whaling -whalish -whally -whalm -whalp -whaly -wham -whamble -whame -whammle -whamp -whampee -whample -whan -whand -whang -whangable -whangam -whangdoodle -whangee -whanghee -whank -whap -whappet -whapuka -whapukee -whapuku -whar -whare -whareer -wharf -wharfage -wharfhead -wharfholder -wharfing -wharfinger -wharfland -wharfless -wharfman -wharfmaster -wharfrae -wharfside -wharl -wharp -wharry -whart -wharve -whase -whasle -what -whata -whatabouts -whatever -whatkin -whatlike -whatna -whatness -whatnot -whatreck -whats -whatso -whatsoeer -whatsoever -whatsomever -whatten -whau -whauk -whaup -whaur -whauve -wheal -whealworm -whealy -wheam -wheat -wheatbird -wheatear -wheateared -wheaten -wheatgrower -wheatland -wheatless -wheatlike -wheatstalk -wheatworm -wheaty -whedder -whee -wheedle -wheedler -wheedlesome -wheedling -wheedlingly -wheel -wheelage -wheelband -wheelbarrow -wheelbarrowful -wheelbird -wheelbox -wheeldom -wheeled -wheeler -wheelery -wheelhouse -wheeling -wheelingly -wheelless -wheellike -wheelmaker -wheelmaking -wheelman -wheelrace -wheelroad -wheelsman -wheelsmith -wheelspin -wheelswarf -wheelway -wheelwise -wheelwork -wheelwright -wheelwrighting -wheely -wheem -wheen -wheencat -wheenge -wheep -wheeple -wheer -wheerikins -wheesht -wheetle -wheeze -wheezer -wheezily -wheeziness -wheezingly -wheezle -wheezy -wheft -whein -whekau -wheki -whelk -whelked -whelker -whelklike -whelky -whelm -whelp -whelphood -whelpish -whelpless -whelpling -whelve -whemmel -when -whenabouts -whenas -whence -whenceeer -whenceforth -whenceforward -whencesoeer -whencesoever -whencever -wheneer -whenever -whenness -whenso -whensoever -whensomever -where -whereabout -whereabouts -whereafter -whereanent -whereas -whereat -whereaway -whereby -whereer -wherefor -wherefore -wherefrom -wherein -whereinsoever -whereinto -whereness -whereof -whereon -whereout -whereover -whereso -wheresoeer -wheresoever -wheresomever -wherethrough -wheretill -whereto -wheretoever -wheretosoever -whereunder -whereuntil -whereunto -whereup -whereupon -wherever -wherewith -wherewithal -wherret -wherrit -wherry -wherryman -whet -whether -whetile -whetrock -whetstone -whetter -whew -whewellite -whewer -whewl -whewt -whey -wheybeard -wheyey -wheyeyness -wheyface -wheyfaced -wheyish -wheyishness -wheylike -wheyness -whiba -which -whichever -whichsoever -whichway -whichways -whick -whicken -whicker -whid -whidah -whidder -whiff -whiffenpoof -whiffer -whiffet -whiffle -whiffler -whifflery -whiffletree -whiffling -whifflingly -whiffy -whift -Whig -whig -Whiggamore -whiggamore -Whiggarchy -Whiggery -Whiggess -Whiggification -Whiggify -Whiggish -Whiggishly -Whiggishness -Whiggism -Whiglet -Whigling -whigmaleerie -whigship -whikerby -while -whileen -whilere -whiles -whilie -whilk -Whilkut -whill -whillaballoo -whillaloo -whillilew -whilly -whillywha -whilock -whilom -whils -whilst -whilter -whim -whimberry -whimble -whimbrel -whimling -whimmy -whimper -whimperer -whimpering -whimperingly -whimsey -whimsic -whimsical -whimsicality -whimsically -whimsicalness -whimsied -whimstone -whimwham -whin -whinberry -whinchacker -whinchat -whincheck -whincow -whindle -whine -whiner -whinestone -whing -whinge -whinger -whininess -whiningly -whinnel -whinner -whinnock -whinny -whinstone -whiny -whinyard -whip -whipbelly -whipbird -whipcat -whipcord -whipcordy -whipcrack -whipcracker -whipcraft -whipgraft -whipjack -whipking -whiplash -whiplike -whipmaker -whipmaking -whipman -whipmanship -whipmaster -whippa -whippable -whipparee -whipped -whipper -whippersnapper -whippertail -whippet -whippeter -whippiness -whipping -whippingly -whippletree -whippoorwill -whippost -whippowill -whippy -whipsaw -whipsawyer -whipship -whipsocket -whipstaff -whipstalk -whipstall -whipster -whipstick -whipstitch -whipstock -whipt -whiptail -whiptree -whipwise -whipworm -whir -whirken -whirl -whirlabout -whirlblast -whirlbone -whirlbrain -whirled -whirler -whirley -whirlgig -whirlicane -whirligig -whirlimagig -whirling -whirlingly -whirlmagee -whirlpool -whirlpuff -whirlwig -whirlwind -whirlwindish -whirlwindy -whirly -whirlygigum -whirret -whirrey -whirroo -whirry -whirtle -whish -whisk -whisker -whiskerage -whiskerando -whiskerandoed -whiskered -whiskerer -whiskerette -whiskerless -whiskerlike -whiskery -whiskey -whiskful -whiskied -whiskified -whisking -whiskingly -whisky -whiskyfied -whiskylike -whisp -whisper -whisperable -whisperation -whispered -whisperer -whisperhood -whispering -whisperingly -whisperingness -whisperless -whisperous -whisperously -whisperproof -whispery -whissle -Whisson -whist -whister -whisterpoop -whistle -whistlebelly -whistlefish -whistlelike -whistler -Whistlerian -whistlerism -whistlewing -whistlewood -whistlike -whistling -whistlingly -whistly -whistness -Whistonian -Whit -whit -white -whiteback -whitebait -whitebark -whitebeard -whitebelly -whitebill -whitebird -whiteblaze -whiteblow -whitebottle -Whiteboy -Whiteboyism -whitecap -whitecapper -Whitechapel -whitecoat -whitecomb -whitecorn -whitecup -whited -whiteface -Whitefieldian -Whitefieldism -Whitefieldite -whitefish -whitefisher -whitefishery -Whitefoot -whitefoot -whitefootism -whitehanded -whitehass -whitehawse -whitehead -whiteheart -whitehearted -whitelike -whitely -whiten -whitener -whiteness -whitening -whitenose -whitepot -whiteroot -whiterump -whites -whitesark -whiteseam -whiteshank -whiteside -whitesmith -whitestone -whitetail -whitethorn -whitethroat -whitetip -whitetop -whitevein -whitewall -whitewards -whiteware -whitewash -whitewasher -whiteweed -whitewing -whitewood -whiteworm -whitewort -whitfinch -whither -whitherso -whithersoever -whitherto -whitherward -whiting -whitish -whitishness -whitleather -Whitleyism -whitling -whitlow -whitlowwort -Whitmanese -Whitmanesque -Whitmanism -Whitmanize -Whitmonday -whitneyite -whitrack -whits -whitster -Whitsun -Whitsunday -Whitsuntide -whittaw -whitten -whittener -whitter -whitterick -whittle -whittler -whittling -whittret -whittrick -whity -whiz -whizgig -whizzer -whizzerman -whizziness -whizzing -whizzingly -whizzle -who -whoa -whodunit -whoever -whole -wholehearted -wholeheartedly -wholeheartedness -wholeness -wholesale -wholesalely -wholesaleness -wholesaler -wholesome -wholesomely -wholesomeness -wholewise -wholly -whom -whomble -whomever -whomso -whomsoever -whone -whoo -whoof -whoop -whoopee -whooper -whooping -whoopingly -whooplike -whoops -whoosh -whop -whopper -whopping -whorage -whore -whoredom -whorelike -whoremaster -whoremasterly -whoremastery -whoremonger -whoremonging -whoreship -whoreson -whorish -whorishly -whorishness -whorl -whorled -whorlflower -whorly -whorlywort -whort -whortle -whortleberry -whose -whosen -whosesoever -whosever -whosomever -whosumdever -whud -whuff -whuffle -whulk -whulter -whummle -whun -whunstane -whup -whush -whuskie -whussle -whute -whuther -whutter -whuttering -whuz -why -whyever -whyfor -whyness -whyo -wi -wice -Wichita -wicht -wichtisite -wichtje -wick -wickawee -wicked -wickedish -wickedlike -wickedly -wickedness -wicken -wicker -wickerby -wickerware -wickerwork -wickerworked -wickerworker -wicket -wicketkeep -wicketkeeper -wicketkeeping -wicketwork -wicking -wickiup -wickless -wickup -wicky -wicopy -wid -widbin -widdendream -widder -widdershins -widdifow -widdle -widdy -wide -widegab -widehearted -widely -widemouthed -widen -widener -wideness -widespread -widespreadedly -widespreadly -widespreadness -widewhere -widework -widgeon -widish -widow -widowed -widower -widowered -widowerhood -widowership -widowery -widowhood -widowish -widowlike -widowly -widowman -widowy -width -widthless -widthway -widthways -widthwise -widu -wield -wieldable -wielder -wieldiness -wieldy -wiener -wienerwurst -wienie -wierangle -wiesenboden -wife -wifecarl -wifedom -wifehood -wifeism -wifekin -wifeless -wifelessness -wifelet -wifelike -wifeling -wifelkin -wifely -wifeship -wifeward -wifie -wifiekie -wifish -wifock -wig -wigan -wigdom -wigful -wigged -wiggen -wigger -wiggery -wigging -wiggish -wiggishness -wiggism -wiggle -wiggler -wiggly -wiggy -wight -wightly -wightness -wigless -wiglet -wiglike -wigmaker -wigmaking -wigtail -wigwag -wigwagger -wigwam -wiikite -Wikeno -Wikstroemia -Wilbur -Wilburite -wild -wildbore -wildcat -wildcatter -wildcatting -wildebeest -wilded -wilder -wilderedly -wildering -wilderment -wilderness -wildfire -wildfowl -wildgrave -wilding -wildish -wildishly -wildishness -wildlife -wildlike -wildling -wildly -wildness -wildsome -wildwind -wile -wileful -wileless -wileproof -Wilfred -wilga -wilgers -Wilhelm -Wilhelmina -Wilhelmine -wilily -wiliness -wilk -wilkeite -wilkin -Wilkinson -Will -will -willable -willawa -willed -willedness -willemite -willer -willet -willey -willeyer -willful -willfully -willfulness -William -williamsite -Williamsonia -Williamsoniaceae -Willie -willie -willier -willies -willing -willinghearted -willinghood -willingly -willingness -williwaw -willmaker -willmaking -willness -willock -willow -willowbiter -willowed -willower -willowish -willowlike -willowware -willowweed -willowworm -willowwort -willowy -Willugbaeya -Willy -willy -willyard -willyart -willyer -Wilmer -wilsome -wilsomely -wilsomeness -Wilson -Wilsonian -wilt -wilter -Wilton -wiltproof -Wiltshire -wily -wim -wimberry -wimble -wimblelike -wimbrel -wime -wimick -wimple -wimpleless -wimplelike -Win -win -winberry -wince -wincer -wincey -winch -wincher -Winchester -winchman -wincing -wincingly -Wind -wind -windable -windage -windbag -windbagged -windbaggery -windball -windberry -windbibber -windbore -windbracing -windbreak -Windbreaker -windbreaker -windbroach -windclothes -windcuffer -winddog -winded -windedly -windedness -winder -windermost -Windesheimer -windfall -windfallen -windfanner -windfirm -windfish -windflaw -windflower -windgall -windgalled -windhole -windhover -windigo -windily -windiness -winding -windingly -windingness -windjammer -windjamming -windlass -windlasser -windle -windles -windless -windlessly -windlessness -windlestrae -windlestraw -windlike -windlin -windling -windmill -windmilly -windock -windore -window -windowful -windowless -windowlessness -windowlet -windowlight -windowlike -windowmaker -windowmaking -windowman -windowpane -windowpeeper -windowshut -windowward -windowwards -windowwise -windowy -windpipe -windplayer -windproof -windring -windroad -windroot -windrow -windrower -windscreen -windshield -windshock -Windsor -windsorite -windstorm -windsucker -windtight -windup -windward -windwardly -windwardmost -windwardness -windwards -windway -windwayward -windwaywardly -windy -wine -wineball -wineberry -winebibber -winebibbery -winebibbing -Winebrennerian -wineconner -wined -wineglass -wineglassful -winegrower -winegrowing -winehouse -wineless -winelike -winemay -winepot -winer -winery -Winesap -wineshop -wineskin -winesop -winetaster -winetree -winevat -Winfred -winful -wing -wingable -wingbeat -wingcut -winged -wingedly -wingedness -winger -wingfish -winghanded -wingle -wingless -winglessness -winglet -winglike -wingman -wingmanship -wingpiece -wingpost -wingseed -wingspread -wingstem -wingy -Winifred -winish -wink -winkel -winkelman -winker -winkered -winking -winkingly -winkle -winklehawk -winklehole -winklet -winly -winna -winnable -winnard -Winnebago -Winnecowet -winnel -winnelstrae -winner -Winnie -winning -winningly -winningness -winnings -winninish -Winnipesaukee -winnle -winnonish -winnow -winnower -winnowing -winnowingly -Winona -winrace -winrow -winsome -winsomely -winsomeness -Winston -wint -winter -Winteraceae -winterage -Winteranaceae -winterberry -winterbloom -winterbourne -winterdykes -wintered -winterer -winterfeed -wintergreen -winterhain -wintering -winterish -winterishly -winterishness -winterization -winterize -winterkill -winterkilling -winterless -winterlike -winterliness -winterling -winterly -winterproof -wintersome -wintertide -wintertime -winterward -winterwards -winterweed -wintle -wintrify -wintrily -wintriness -wintrish -wintrous -wintry -Wintun -winy -winze -winzeman -wipe -wiper -wippen -wips -wir -wirable -wirble -wird -wire -wirebar -wirebird -wired -wiredancer -wiredancing -wiredraw -wiredrawer -wiredrawn -wirehair -wireless -wirelessly -wirelessness -wirelike -wiremaker -wiremaking -wireman -wiremonger -Wirephoto -wirepull -wirepuller -wirepulling -wirer -wiresmith -wirespun -wiretail -wireway -wireweed -wirework -wireworker -wireworking -wireworks -wireworm -wirily -wiriness -wiring -wirl -wirling -Wiros -wirr -wirra -wirrah -wirrasthru -wiry -wis -Wisconsinite -wisdom -wisdomful -wisdomless -wisdomproof -wisdomship -wise -wiseacre -wiseacred -wiseacredness -wiseacredom -wiseacreish -wiseacreishness -wiseacreism -wisecrack -wisecracker -wisecrackery -wisehead -wisehearted -wiseheartedly -wiseheimer -wiselike -wiseling -wisely -wiseman -wisen -wiseness -wisenheimer -wisent -wiser -wiseweed -wisewoman -wish -wisha -wishable -wishbone -wished -wishedly -wisher -wishful -wishfully -wishfulness -wishing -wishingly -wishless -wishly -wishmay -wishness -Wishoskan -Wishram -wisht -wishtonwish -Wisigothic -wisket -wiskinky -wisp -wispish -wisplike -wispy -wiss -wisse -wissel -wist -Wistaria -wistaria -wiste -wistened -Wisteria -wisteria -wistful -wistfully -wistfulness -wistit -wistiti -wistless -wistlessness -wistonwish -wit -witan -Witbooi -witch -witchbells -witchcraft -witched -witchedly -witchen -witchering -witchery -witchet -witchetty -witchhood -witching -witchingly -witchleaf -witchlike -witchman -witchmonger -witchuck -witchweed -witchwife -witchwoman -witchwood -witchwork -witchy -witcraft -wite -witeless -witenagemot -witepenny -witess -witful -with -withal -withamite -Withania -withdraught -withdraw -withdrawable -withdrawal -withdrawer -withdrawing -withdrawingness -withdrawment -withdrawn -withdrawnness -withe -withen -wither -witherband -withered -witheredly -witheredness -witherer -withergloom -withering -witheringly -witherite -witherly -withernam -withers -withershins -withertip -witherwards -witherweight -withery -withewood -withheld -withhold -withholdable -withholdal -withholder -withholdment -within -withindoors -withinside -withinsides -withinward -withinwards -withness -witholden -without -withoutdoors -withouten -withoutforth -withoutside -withoutwards -withsave -withstand -withstander -withstandingness -withstay -withstood -withstrain -withvine -withwind -withy -withypot -withywind -witjar -witless -witlessly -witlessness -witlet -witling -witloof -witmonger -witness -witnessable -witnessdom -witnesser -witney -witneyer -Witoto -witship -wittal -wittawer -witteboom -witted -witter -wittering -witticaster -wittichenite -witticism -witticize -wittified -wittily -wittiness -witting -wittingly -wittol -wittolly -witty -Witumki -witwall -witzchoura -wive -wiver -wivern -Wiyat -Wiyot -wiz -wizard -wizardess -wizardism -wizardlike -wizardly -wizardry -wizardship -wizen -wizened -wizenedness -wizier -wizzen -wloka -wo -woad -woader -woadman -woadwaxen -woady -woak -woald -woan -wob -wobbegong -wobble -wobbler -wobbliness -wobbling -wobblingly -wobbly -wobster -wocheinite -Wochua -wod -woddie -wode -Wodenism -wodge -wodgy -woe -woebegone -woebegoneness -woebegonish -woeful -woefully -woefulness -woehlerite -woesome -woevine -woeworn -woffler -woft -wog -wogiet -Wogulian -woibe -wokas -woke -wokowi -wold -woldlike -woldsman -woldy -Wolf -wolf -wolfachite -wolfberry -wolfdom -wolfen -wolfer -Wolffia -Wolffian -Wolffianism -Wolfgang -wolfhood -wolfhound -Wolfian -wolfish -wolfishly -wolfishness -wolfkin -wolfless -wolflike -wolfling -wolfram -wolframate -wolframic -wolframine -wolframinium -wolframite -wolfsbane -wolfsbergite -wolfskin -wolfward -wolfwards -wollastonite -wollomai -wollop -Wolof -wolter -wolve -wolveboon -wolver -wolverine -woman -womanbody -womandom -womanfolk -womanfully -womanhead -womanhearted -womanhood -womanhouse -womanish -womanishly -womanishness -womanism -womanist -womanity -womanization -womanize -womanizer -womankind -womanless -womanlike -womanliness -womanly -womanmuckle -womanness -womanpost -womanproof -womanship -womanways -womanwise -womb -wombat -wombed -womble -wombstone -womby -womenfolk -womenfolks -womenkind -womera -wommerala -won -wonder -wonderberry -wonderbright -wondercraft -wonderer -wonderful -wonderfully -wonderfulness -wondering -wonderingly -wonderland -wonderlandish -wonderless -wonderment -wondermonger -wondermongering -wondersmith -wondersome -wonderstrong -wonderwell -wonderwork -wonderworthy -wondrous -wondrously -wondrousness -wone -wonegan -wong -wonga -Wongara -wongen -wongshy -wongsky -woning -wonky -wonna -wonned -wonner -wonning -wonnot -wont -wonted -wontedly -wontedness -wonting -woo -wooable -wood -woodagate -woodbark -woodbin -woodbind -woodbine -woodbined -woodbound -woodburytype -woodbush -woodchat -woodchuck -woodcock -woodcockize -woodcracker -woodcraft -woodcrafter -woodcraftiness -woodcraftsman -woodcrafty -woodcut -woodcutter -woodcutting -wooded -wooden -woodendite -woodenhead -woodenheaded -woodenheadedness -woodenly -woodenness -woodenware -woodenweary -woodeny -woodfish -woodgeld -woodgrub -woodhack -woodhacker -woodhole -woodhorse -woodhouse -woodhung -woodine -woodiness -wooding -woodish -woodjobber -woodkern -woodknacker -woodland -woodlander -woodless -woodlessness -woodlet -woodlike -woodlocked -woodly -woodman -woodmancraft -woodmanship -woodmonger -woodmote -woodness -woodpeck -woodpecker -woodpenny -woodpile -woodprint -woodranger -woodreeve -woodrick -woodrock -woodroof -woodrow -woodrowel -Woodruff -woodruff -woodsere -woodshed -woodshop -Woodsia -woodside -woodsilver -woodskin -woodsman -woodspite -woodstone -woodsy -woodwall -woodward -Woodwardia -woodwardship -woodware -woodwax -woodwaxen -woodwise -woodwork -woodworker -woodworking -woodworm -woodwose -woodwright -Woody -woody -woodyard -wooer -woof -woofed -woofell -woofer -woofy -woohoo -wooing -wooingly -wool -woold -woolder -woolding -wooled -woolen -woolenet -woolenization -woolenize -wooler -woolert -woolfell -woolgatherer -woolgathering -woolgrower -woolgrowing -woolhead -wooliness -woollike -woolly -woollyhead -woollyish -woolman -woolpack -woolpress -woolsack -woolsey -woolshearer -woolshearing -woolshears -woolshed -woolskin -woolsorter -woolsorting -woolsower -woolstock -woolulose -Woolwa -woolwasher -woolweed -woolwheel -woolwinder -woolwork -woolworker -woolworking -woom -woomer -woomerang -woon -woons -woorali -woorari -woosh -wootz -woozle -woozy -wop -woppish -wops -worble -worcester -word -wordable -wordably -wordage -wordbook -wordbuilding -wordcraft -wordcraftsman -worded -Worden -worder -wordily -wordiness -wording -wordish -wordishly -wordishness -wordle -wordless -wordlessly -wordlessness -wordlike -wordlorist -wordmaker -wordmaking -wordman -wordmanship -wordmonger -wordmongering -wordmongery -wordplay -wordsman -wordsmanship -wordsmith -wordspite -wordster -Wordsworthian -Wordsworthianism -wordy -wore -work -workability -workable -workableness -workaday -workaway -workbag -workbasket -workbench -workbook -workbox -workbrittle -workday -worked -worker -workfellow -workfolk -workfolks -workgirl -workhand -workhouse -workhoused -working -workingly -workingman -workingwoman -workless -worklessness -workloom -workman -workmanlike -workmanlikeness -workmanliness -workmanly -workmanship -workmaster -workmistress -workout -workpan -workpeople -workpiece -workplace -workroom -works -workship -workshop -worksome -workstand -worktable -worktime -workways -workwise -workwoman -workwomanlike -workwomanly -worky -workyard -world -worlded -worldful -worldish -worldless -worldlet -worldlike -worldlily -worldliness -worldling -worldly -worldmaker -worldmaking -worldproof -worldquake -worldward -worldwards -worldway -worldy -worm -wormed -wormer -wormhole -wormholed -wormhood -Wormian -wormil -worming -wormless -wormlike -wormling -wormproof -wormroot -wormseed -wormship -wormweed -wormwood -wormy -worn -wornil -wornness -worral -worriable -worricow -worried -worriedly -worriedness -worrier -worriless -worriment -worrisome -worrisomely -worrisomeness -worrit -worriter -worry -worrying -worryingly -worryproof -worrywart -worse -worsement -worsen -worseness -worsening -worser -worserment -worset -worship -worshipability -worshipable -worshiper -worshipful -worshipfully -worshipfulness -worshipingly -worshipless -worshipworth -worshipworthy -worst -worsted -wort -worth -worthful -worthfulness -worthiest -worthily -worthiness -worthless -worthlessly -worthlessness -worthship -worthward -worthy -wosbird -wot -wote -wots -wottest -wotteth -woubit -wouch -wouf -wough -would -wouldest -wouldnt -wouldst -wound -woundability -woundable -woundableness -wounded -woundedly -wounder -woundily -wounding -woundingly -woundless -wounds -woundwort -woundworth -woundy -wourali -wourari -wournil -wove -woven -Wovoka -wow -wowser -wowserdom -wowserian -wowserish -wowserism -wowsery -wowt -woy -Woyaway -wrack -wracker -wrackful -Wraf -wraggle -wrainbolt -wrainstaff -wrainstave -wraith -wraithe -wraithlike -wraithy -wraitly -wramp -wran -wrang -wrangle -wrangler -wranglership -wranglesome -wranglingly -wrannock -wranny -wrap -wrappage -wrapped -wrapper -wrapperer -wrappering -wrapping -wraprascal -wrasse -wrastle -wrastler -wrath -wrathful -wrathfully -wrathfulness -wrathily -wrathiness -wrathlike -wrathy -wraw -wrawl -wrawler -wraxle -wreak -wreakful -wreakless -wreat -wreath -wreathage -wreathe -wreathed -wreathen -wreather -wreathingly -wreathless -wreathlet -wreathlike -wreathmaker -wreathmaking -wreathwise -wreathwork -wreathwort -wreathy -wreck -wreckage -wrecker -wreckfish -wreckful -wrecking -wrecky -Wren -wren -wrench -wrenched -wrencher -wrenchingly -wrenlet -wrenlike -wrentail -wrest -wrestable -wrester -wresting -wrestingly -wrestle -wrestler -wrestlerlike -wrestling -wretch -wretched -wretchedly -wretchedness -wretchless -wretchlessly -wretchlessness -wretchock -wricht -wrick -wride -wried -wrier -wriest -wrig -wriggle -wriggler -wrigglesome -wrigglingly -wriggly -wright -wrightine -wring -wringbolt -wringer -wringman -wringstaff -wrinkle -wrinkleable -wrinkled -wrinkledness -wrinkledy -wrinkleful -wrinkleless -wrinkleproof -wrinklet -wrinkly -wrist -wristband -wristbone -wristed -wrister -wristfall -wristikin -wristlet -wristlock -wristwork -writ -writability -writable -writation -writative -write -writeable -writee -writer -writeress -writerling -writership -writh -writhe -writhed -writhedly -writhedness -writhen -writheneck -writher -writhing -writhingly -writhy -writing -writinger -writmaker -writmaking -writproof -written -writter -wrive -wrizzled -wro -wrocht -wroke -wroken -wrong -wrongdoer -wrongdoing -wronged -wronger -wrongful -wrongfully -wrongfulness -wronghead -wrongheaded -wrongheadedly -wrongheadedness -wronghearted -wrongheartedly -wrongheartedness -wrongish -wrongless -wronglessly -wrongly -wrongness -wrongous -wrongously -wrongousness -wrongwise -Wronskian -wrossle -wrote -wroth -wrothful -wrothfully -wrothily -wrothiness -wrothly -wrothsome -wrothy -wrought -wrox -wrung -wrungness -wry -wrybill -wryly -wrymouth -wryneck -wryness -wrytail -Wu -Wuchereria -wud -wuddie -wudge -wudu -wugg -wulfenite -wulk -wull -wullawins -wullcat -Wullie -wulliwa -wumble -wumman -wummel -wun -Wundtian -wungee -wunna -wunner -wunsome -wup -wur -wurley -wurmal -Wurmian -wurrus -wurset -wurtzilite -wurtzite -Wurzburger -wurzel -wush -wusp -wuss -wusser -wust -wut -wuther -wuzu -wuzzer -wuzzle -wuzzy -wy -Wyandot -Wyandotte -Wycliffian -Wycliffism -Wycliffist -Wycliffite -wyde -wye -Wyethia -wyke -Wykehamical -Wykehamist -wyle -wyliecoat -wymote -wyn -wynd -wyne -wynkernel -wynn -Wyomingite -wyomingite -wype -wyson -wyss -wyve -wyver -X -x -xanthaline -xanthamic -xanthamide -xanthane -xanthate -xanthation -xanthein -xanthelasma -xanthelasmic -xanthelasmoidea -xanthene -Xanthian -xanthic -xanthide -Xanthidium -xanthin -xanthine -xanthinuria -xanthione -Xanthisma -xanthite -Xanthium -xanthiuria -xanthocarpous -Xanthocephalus -Xanthoceras -Xanthochroi -xanthochroia -Xanthochroic -xanthochroid -xanthochroism -xanthochromia -xanthochromic -xanthochroous -xanthocobaltic -xanthocone -xanthoconite -xanthocreatinine -xanthocyanopsia -xanthocyanopsy -xanthocyanopy -xanthoderm -xanthoderma -xanthodont -xanthodontous -xanthogen -xanthogenamic -xanthogenamide -xanthogenate -xanthogenic -xantholeucophore -xanthoma -xanthomata -xanthomatosis -xanthomatous -Xanthomelanoi -xanthomelanous -xanthometer -Xanthomonas -xanthomyeloma -xanthone -xanthophane -xanthophore -xanthophose -Xanthophyceae -xanthophyll -xanthophyllite -xanthophyllous -Xanthopia -xanthopia -xanthopicrin -xanthopicrite -xanthoproteic -xanthoprotein -xanthoproteinic -xanthopsia -xanthopsin -xanthopsydracia -xanthopterin -xanthopurpurin -xanthorhamnin -Xanthorrhiza -Xanthorrhoea -xanthorrhoea -xanthosiderite -xanthosis -Xanthosoma -xanthospermous -xanthotic -Xanthoura -xanthous -Xanthoxalis -xanthoxenite -xanthoxylin -xanthuria -xanthydrol -xanthyl -xarque -Xaverian -xebec -Xema -xenacanthine -Xenacanthini -xenagogue -xenagogy -Xenarchi -Xenarthra -xenarthral -xenarthrous -xenelasia -xenelasy -xenia -xenial -xenian -Xenicidae -Xenicus -xenium -xenobiosis -xenoblast -Xenocratean -Xenocratic -xenocryst -xenodochium -xenogamous -xenogamy -xenogenesis -xenogenetic -xenogenic -xenogenous -xenogeny -xenolite -xenolith -xenolithic -xenomania -xenomaniac -Xenomi -Xenomorpha -xenomorphic -xenomorphosis -xenon -xenoparasite -xenoparasitism -xenopeltid -Xenopeltidae -Xenophanean -xenophile -xenophilism -xenophobe -xenophobia -xenophobian -xenophobism -xenophoby -Xenophonic -Xenophontean -Xenophontian -Xenophontic -Xenophontine -Xenophora -xenophoran -Xenophoridae -xenophthalmia -xenophya -xenopodid -Xenopodidae -xenopodoid -Xenopsylla -xenopteran -Xenopteri -xenopterygian -Xenopterygii -Xenopus -Xenorhynchus -Xenos -xenosaurid -Xenosauridae -xenosauroid -Xenosaurus -xenotime -Xenurus -xenyl -xenylamine -xerafin -xeransis -Xeranthemum -xeranthemum -xerantic -xerarch -xerasia -Xeres -xeric -xerically -xeriff -xerocline -xeroderma -xerodermatic -xerodermatous -xerodermia -xerodermic -xerogel -xerography -xeroma -xeromata -xeromenia -xeromorph -xeromorphic -xeromorphous -xeromorphy -xeromyron -xeromyrum -xeronate -xeronic -xerophagia -xerophagy -xerophil -xerophile -xerophilous -xerophily -xerophobous -xerophthalmia -xerophthalmos -xerophthalmy -Xerophyllum -xerophyte -xerophytic -xerophytically -xerophytism -xeroprinting -xerosis -xerostoma -xerostomia -xerotes -xerotherm -xerotic -xerotocia -xerotripsis -Xerus -xi -Xicak -Xicaque -Ximenia -Xina -Xinca -Xipe -Xiphias -xiphias -xiphihumeralis -xiphiid -Xiphiidae -xiphiiform -xiphioid -xiphiplastra -xiphiplastral -xiphiplastron -xiphisterna -xiphisternal -xiphisternum -Xiphisura -xiphisuran -Xiphiura -Xiphius -xiphocostal -Xiphodon -Xiphodontidae -xiphodynia -xiphoid -xiphoidal -xiphoidian -xiphopagic -xiphopagous -xiphopagus -xiphophyllous -xiphosterna -xiphosternum -Xiphosura -xiphosuran -xiphosure -Xiphosuridae -xiphosurous -Xiphosurus -xiphuous -Xiphura -Xiphydria -xiphydriid -Xiphydriidae -Xiraxara -Xmas -xoana -xoanon -Xosa -xurel -xyla -xylan -Xylaria -Xylariaceae -xylate -Xyleborus -xylem -xylene -xylenol -xylenyl -xyletic -Xylia -xylic -xylidic -xylidine -Xylina -xylindein -xylinid -xylite -xylitol -xylitone -xylobalsamum -xylocarp -xylocarpous -Xylocopa -xylocopid -Xylocopidae -xylogen -xyloglyphy -xylograph -xylographer -xylographic -xylographical -xylographically -xylography -xyloid -xyloidin -xylol -xylology -xyloma -xylomancy -xylometer -xylon -xylonic -Xylonite -xylonitrile -Xylophaga -xylophagan -xylophage -xylophagid -Xylophagidae -xylophagous -Xylophagus -xylophilous -xylophone -xylophonic -xylophonist -Xylopia -xyloplastic -xylopyrography -xyloquinone -xylorcin -xylorcinol -xylose -xyloside -Xylosma -xylostroma -xylostromata -xylostromatoid -xylotile -xylotomist -xylotomous -xylotomy -Xylotrya -xylotypographic -xylotypography -xyloyl -xylyl -xylylene -xylylic -xyphoid -Xyrichthys -xyrid -Xyridaceae -xyridaceous -Xyridales -Xyris -xyst -xyster -xysti -xystos -xystum -xystus -Y -y -ya -yaba -yabber -yabbi -yabble -yabby -yabu -yacal -yacca -yachan -yacht -yachtdom -yachter -yachting -yachtist -yachtman -yachtmanship -yachtsman -yachtsmanlike -yachtsmanship -yachtswoman -yachty -yad -Yadava -yade -yaff -yaffingale -yaffle -yagger -yaghourt -yagi -Yagnob -yagourundi -Yagua -yagua -yaguarundi -yaguaza -yah -yahan -Yahgan -Yahganan -Yahoo -yahoo -Yahoodom -Yahooish -Yahooism -Yahuna -Yahuskin -Yahweh -Yahwism -Yahwist -Yahwistic -yair -yaird -yaje -yajeine -yajenine -Yajna -Yajnavalkya -yajnopavita -yak -Yaka -Yakala -yakalo -yakamik -Yakan -yakattalo -Yakima -yakin -yakka -yakman -Yakona -Yakonan -Yakut -Yakutat -yalb -Yale -yale -Yalensian -yali -yalla -yallaer -yallow -yam -Yamacraw -Yamamadi -yamamai -yamanai -yamaskite -Yamassee -Yamato -Yamel -yamen -Yameo -yamilke -yammadji -yammer -yamp -yampa -yamph -yamshik -yamstchik -yan -Yana -Yanan -yancopin -yander -yang -yangtao -yank -Yankee -Yankeedom -Yankeefy -Yankeeism -Yankeeist -Yankeeize -Yankeeland -Yankeeness -yanking -Yankton -Yanktonai -yanky -Yannigan -Yao -yaoort -yaourti -yap -yapa -yaply -Yapman -yapness -yapok -yapp -yapped -yapper -yappiness -yapping -yappingly -yappish -yappy -yapster -Yaqui -Yaquina -yar -yarak -yaray -yarb -Yarborough -yard -yardage -yardang -yardarm -yarder -yardful -yarding -yardkeep -yardland -yardman -yardmaster -yardsman -yardstick -yardwand -yare -yareta -yark -Yarkand -yarke -yarl -yarly -yarm -yarn -yarnen -yarner -yarnwindle -yarpha -yarr -yarraman -yarran -yarringle -yarrow -yarth -yarthen -Yaru -Yarura -Yaruran -Yaruro -yarwhelp -yarwhip -yas -yashiro -yashmak -Yasht -Yasna -yat -yataghan -yatalite -yate -yati -Yatigan -yatter -Yatvyag -Yauapery -yaud -yauld -yaupon -yautia -yava -Yavapai -yaw -yawl -yawler -yawlsman -yawmeter -yawn -yawner -yawney -yawnful -yawnfully -yawnily -yawniness -yawning -yawningly -yawnproof -yawnups -yawny -yawp -yawper -yawroot -yaws -yawweed -yawy -yaxche -yaya -Yazdegerdian -Yazoo -ycie -yday -ye -yea -yeah -yealing -yean -yeanling -year -yeara -yearbird -yearbook -yeard -yearday -yearful -yearling -yearlong -yearly -yearn -yearnful -yearnfully -yearnfulness -yearning -yearnling -yearock -yearth -yeast -yeastily -yeastiness -yeasting -yeastlike -yeasty -yeat -yeather -yed -yede -yee -yeel -yeelaman -yees -yegg -yeggman -yeguita -yeld -yeldrin -yeldrock -yelk -yell -yeller -yelling -yelloch -yellow -yellowammer -yellowback -yellowbelly -yellowberry -yellowbill -yellowbird -yellowcrown -yellowcup -yellowfin -yellowfish -yellowhammer -yellowhead -yellowing -yellowish -yellowishness -Yellowknife -yellowlegs -yellowly -yellowness -yellowroot -yellowrump -yellows -yellowseed -yellowshank -yellowshanks -yellowshins -yellowtail -yellowthorn -yellowthroat -yellowtop -yellowware -yellowweed -yellowwood -yellowwort -yellowy -yelm -yelmer -yelp -yelper -yelt -Yemen -Yemeni -Yemenic -Yemenite -yen -yender -Yengee -Yengeese -yeni -Yenisei -Yeniseian -yenite -yentnite -yeo -yeoman -yeomaness -yeomanette -yeomanhood -yeomanlike -yeomanly -yeomanry -yeomanwise -yeorling -yeowoman -yep -yer -Yerava -Yeraver -yerb -yerba -yercum -yerd -yere -yerga -yerk -yern -yerth -yes -yese -Yeshibah -Yeshiva -yeso -yesso -yest -yester -yesterday -yestereve -yestereven -yesterevening -yestermorn -yestermorning -yestern -yesternight -yesternoon -yesterweek -yesteryear -yestreen -yesty -yet -yeta -yetapa -yeth -yether -yetlin -yeuk -yeukieness -yeuky -yeven -yew -yex -yez -Yezdi -Yezidi -yezzy -ygapo -Yid -Yiddish -Yiddisher -Yiddishism -Yiddishist -yield -yieldable -yieldableness -yieldance -yielden -yielder -yielding -yieldingly -yieldingness -yieldy -yigh -Yikirgaulit -Yildun -yill -yilt -Yin -yin -yince -yinst -yip -yird -yirk -yirm -yirmilik -yirn -yirr -yirth -yis -yite -ym -yn -ynambu -yo -yobi -yocco -yochel -yock -yockel -yodel -yodeler -yodelist -yodh -yoe -yoga -yogasana -yogh -yoghurt -yogi -yogin -yogism -yogist -yogoite -yohimbe -yohimbi -yohimbine -yohimbinization -yohimbinize -yoi -yoick -yoicks -yojan -yojana -Yojuane -yok -yoke -yokeable -yokeableness -yokeage -yokefellow -yokel -yokeldom -yokeless -yokelish -yokelism -yokelry -yokemate -yokemating -yoker -yokewise -yokewood -yoking -Yokuts -yoky -yolden -Yoldia -yoldring -yolk -yolked -yolkiness -yolkless -yolky -yom -yomer -Yomud -yon -yoncopin -yond -yonder -Yonkalla -yonner -yonside -yont -yook -yoop -yor -yore -yoretime -york -Yorker -yorker -Yorkish -Yorkist -Yorkshire -Yorkshireism -Yorkshireman -Yoruba -Yoruban -yot -yotacism -yotacize -yote -you -youd -youden -youdendrift -youdith -youff -youl -young -youngberry -younger -younghearted -youngish -younglet -youngling -youngly -youngness -youngster -youngun -younker -youp -your -yourn -yours -yoursel -yourself -yourselves -youse -youth -youthen -youthful -youthfullity -youthfully -youthfulness -youthhead -youthheid -youthhood -youthily -youthless -youthlessness -youthlike -youthlikeness -youthsome -youthtide -youthwort -youthy -youve -youward -youwards -youze -yoven -yow -yowie -yowl -yowler -yowley -yowlring -yowt -yox -yoy -yperite -Yponomeuta -Yponomeutid -Yponomeutidae -ypsiliform -ypsiloid -Ypurinan -Yquem -yr -ytterbia -ytterbic -ytterbium -yttria -yttrialite -yttric -yttriferous -yttrious -yttrium -yttrocerite -yttrocolumbite -yttrocrasite -yttrofluorite -yttrogummite -yttrotantalite -Yuan -yuan -Yuapin -yuca -Yucatec -Yucatecan -Yucateco -Yucca -yucca -Yuchi -yuck -yuckel -yucker -yuckle -yucky -Yuechi -yuft -Yuga -yugada -Yugoslav -Yugoslavian -Yugoslavic -yuh -Yuit -Yukaghir -Yuki -Yukian -yukkel -yulan -yule -yuleblock -yuletide -Yuma -Yuman -yummy -Yun -Yunca -Yuncan -yungan -Yunnanese -Yurak -Yurok -yurt -yurta -Yurucare -Yurucarean -Yurucari -Yurujure -Yuruk -Yuruna -Yurupary -yus -yusdrum -Yustaga -yutu -yuzlik -yuzluk -Yvonne -Z -z -za -Zabaean -zabaglione -Zabaism -Zaberma -zabeta -Zabian -Zabism -zabra -zabti -zabtie -zac -zacate -Zacatec -Zacateco -zacaton -Zach -Zachariah -zachun -zad -Zadokite -zadruga -zaffar -zaffer -zafree -zag -zagged -Zaglossus -zaibatsu -zain -Zaitha -zak -zakkeu -Zaklohpakap -zalambdodont -Zalambdodonta -Zalophus -zaman -zamang -zamarra -zamarro -Zambal -Zambezian -zambo -zamboorak -Zamenis -Zamia -Zamiaceae -Zamicrus -zamindar -zamindari -zamorin -zamouse -Zan -Zanclidae -Zanclodon -Zanclodontidae -Zande -zander -zandmole -zanella -Zaniah -Zannichellia -Zannichelliaceae -Zanonia -zant -zante -Zantedeschia -zantewood -Zanthorrhiza -Zanthoxylaceae -Zanthoxylum -zanthoxylum -Zantiot -zantiote -zany -zanyish -zanyism -zanyship -Zanzalian -zanze -Zanzibari -Zapara -Zaparan -Zaparo -Zaparoan -zapas -zapatero -zaphara -Zaphetic -zaphrentid -Zaphrentidae -Zaphrentis -zaphrentoid -Zapodidae -Zapodinae -Zaporogian -Zaporogue -zapota -Zapotec -Zapotecan -Zapoteco -zaptiah -zaptieh -Zaptoeca -zapupe -Zapus -zaqqum -Zaque -zar -zarabanda -Zaramo -Zarathustrian -Zarathustrianism -Zarathustrism -zaratite -Zardushti -zareba -Zarema -zarf -zarnich -zarp -zarzuela -zat -zati -zattare -Zaurak -Zauschneria -Zavijava -zax -zayat -zayin -Zea -zeal -Zealander -zealful -zealless -zeallessness -zealot -zealotic -zealotical -zealotism -zealotist -zealotry -zealous -zealously -zealousness -zealousy -zealproof -zebra -zebraic -zebralike -zebrass -zebrawood -Zebrina -zebrine -zebrinny -zebroid -zebrula -zebrule -zebu -zebub -Zebulunite -zeburro -zecchini -zecchino -zechin -Zechstein -zed -zedoary -zee -zeed -Zeelander -Zeguha -zehner -Zeidae -zein -zeism -zeist -Zeke -zel -Zelanian -zelator -zelatrice -zelatrix -Zelkova -Zeltinger -zemeism -zemi -zemimdari -zemindar -zemmi -zemni -zemstroist -zemstvo -Zen -Zenaga -Zenaida -Zenaidinae -Zenaidura -zenana -Zend -Zendic -zendician -zendik -zendikite -Zenelophon -zenick -zenith -zenithal -zenithward -zenithwards -Zenobia -zenocentric -zenographic -zenographical -zenography -Zenonian -Zenonic -zenu -Zeoidei -zeolite -zeolitic -zeolitization -zeolitize -zeoscope -Zep -zepharovichite -zephyr -Zephyranthes -zephyrean -zephyrless -zephyrlike -zephyrous -zephyrus -zephyry -Zeppelin -zeppelin -zequin -zer -zerda -Zerma -zermahbub -zero -zeroaxial -zeroize -zerumbet -zest -zestful -zestfully -zestfulness -zesty -zeta -zetacism -zetetic -Zeuctocoelomata -zeuctocoelomatic -zeuctocoelomic -Zeuglodon -zeuglodon -zeuglodont -Zeuglodonta -Zeuglodontia -Zeuglodontidae -zeuglodontoid -zeugma -zeugmatic -zeugmatically -Zeugobranchia -Zeugobranchiata -zeunerite -Zeus -Zeuxian -Zeuzera -zeuzerian -Zeuzeridae -Zhmud -ziamet -ziara -ziarat -zibeline -zibet -zibethone -zibetone -zibetum -ziega -zieger -zietrisikite -ziffs -zig -ziganka -ziggurat -zigzag -zigzagged -zigzaggedly -zigzaggedness -zigzagger -zigzaggery -zigzaggy -zigzagwise -zihar -zikurat -Zilla -zillah -zimarra -zimb -zimbabwe -zimbalon -zimbaloon -zimbi -zimentwater -zimme -Zimmerwaldian -Zimmerwaldist -zimmi -zimmis -zimocca -zinc -Zincalo -zincate -zincic -zincide -zinciferous -zincification -zincify -zincing -zincite -zincize -zincke -zincky -zinco -zincograph -zincographer -zincographic -zincographical -zincography -zincotype -zincous -zincum -zincuret -zinfandel -zing -zingaresca -zingel -zingerone -Zingiber -Zingiberaceae -zingiberaceous -zingiberene -zingiberol -zingiberone -zink -zinkenite -Zinnia -zinnwaldite -zinsang -zinyamunga -Zinzar -Zinziberaceae -zinziberaceous -Zion -Zionism -Zionist -Zionistic -Zionite -Zionless -Zionward -zip -Zipa -ziphian -Ziphiidae -Ziphiinae -ziphioid -Ziphius -Zipper -zipper -zipping -zippingly -zippy -Zips -zira -zirai -Zirak -Zirbanit -zircite -zircofluoride -zircon -zirconate -zirconia -zirconian -zirconic -zirconiferous -zirconifluoride -zirconium -zirconofluoride -zirconoid -zirconyl -Zirian -Zirianian -zirkelite -zither -zitherist -Zizania -Zizia -Zizyphus -zizz -zloty -Zmudz -zo -Zoa -zoa -zoacum -Zoanthacea -zoanthacean -Zoantharia -zoantharian -zoanthid -Zoanthidae -Zoanthidea -zoanthodeme -zoanthodemic -zoanthoid -zoanthropy -Zoanthus -Zoarces -zoarcidae -zoaria -zoarial -Zoarite -zoarium -zobo -zobtenite -zocco -zoccolo -zodiac -zodiacal -zodiophilous -zoea -zoeaform -zoeal -zoeform -zoehemera -zoehemerae -zoetic -zoetrope -zoetropic -zogan -zogo -Zohak -Zoharist -Zoharite -zoiatria -zoiatrics -zoic -zoid -zoidiophilous -zoidogamous -Zoilean -Zoilism -Zoilist -zoisite -zoisitization -zoism -zoist -zoistic -zokor -Zolaesque -Zolaism -Zolaist -Zolaistic -Zolaize -zoll -zolle -Zollernia -zollpfund -zolotink -zolotnik -zombi -zombie -zombiism -zomotherapeutic -zomotherapy -zonal -zonality -zonally -zonar -Zonaria -zonary -zonate -zonated -zonation -zone -zoned -zoneless -zonelet -zonelike -zonesthesia -Zongora -zonic -zoniferous -zoning -zonite -Zonites -zonitid -Zonitidae -Zonitoides -zonochlorite -zonociliate -zonoid -zonolimnetic -zonoplacental -Zonoplacentalia -zonoskeleton -Zonotrichia -Zonta -Zontian -zonular -zonule -zonulet -zonure -zonurid -Zonuridae -zonuroid -Zonurus -zoo -zoobenthos -zooblast -zoocarp -zoocecidium -zoochemical -zoochemistry -zoochemy -Zoochlorella -zoochore -zoocoenocyte -zoocultural -zooculture -zoocurrent -zoocyst -zoocystic -zoocytial -zoocytium -zoodendria -zoodendrium -zoodynamic -zoodynamics -zooecia -zooecial -zooecium -zooerastia -zooerythrin -zoofulvin -zoogamete -zoogamous -zoogamy -zoogene -zoogenesis -zoogenic -zoogenous -zoogeny -zoogeographer -zoogeographic -zoogeographical -zoogeographically -zoogeography -zoogeological -zoogeologist -zoogeology -zoogloea -zoogloeal -zoogloeic -zoogonic -zoogonidium -zoogonous -zoogony -zoograft -zoografting -zoographer -zoographic -zoographical -zoographically -zoographist -zoography -zooid -zooidal -zooidiophilous -zooks -zoolater -zoolatria -zoolatrous -zoolatry -zoolite -zoolith -zoolithic -zoolitic -zoologer -zoologic -zoological -zoologically -zoologicoarchaeologist -zoologicobotanical -zoologist -zoologize -zoology -zoom -zoomagnetic -zoomagnetism -zoomancy -zoomania -zoomantic -zoomantist -Zoomastigina -Zoomastigoda -zoomechanical -zoomechanics -zoomelanin -zoometric -zoometry -zoomimetic -zoomimic -zoomorph -zoomorphic -zoomorphism -zoomorphize -zoomorphy -zoon -zoonal -zoonerythrin -zoonic -zoonist -zoonite -zoonitic -zoonomia -zoonomic -zoonomical -zoonomist -zoonomy -zoonosis -zoonosologist -zoonosology -zoonotic -zoons -zoonule -zoopaleontology -zoopantheon -zooparasite -zooparasitic -zoopathological -zoopathologist -zoopathology -zoopathy -zooperal -zooperist -zoopery -Zoophaga -zoophagan -Zoophagineae -zoophagous -zoopharmacological -zoopharmacy -zoophile -zoophilia -zoophilic -zoophilism -zoophilist -zoophilite -zoophilitic -zoophilous -zoophily -zoophobia -zoophobous -zoophoric -zoophorus -zoophysical -zoophysics -zoophysiology -Zoophyta -zoophytal -zoophyte -zoophytic -zoophytical -zoophytish -zoophytography -zoophytoid -zoophytological -zoophytologist -zoophytology -zooplankton -zooplanktonic -zooplastic -zooplasty -zoopraxiscope -zoopsia -zoopsychological -zoopsychologist -zoopsychology -zooscopic -zooscopy -zoosis -zoosmosis -zoosperm -zoospermatic -zoospermia -zoospermium -zoosphere -zoosporange -zoosporangia -zoosporangial -zoosporangiophore -zoosporangium -zoospore -zoosporic -zoosporiferous -zoosporocyst -zoosporous -zootaxy -zootechnic -zootechnics -zootechny -zooter -zoothecia -zoothecial -zoothecium -zootheism -zootheist -zootheistic -zootherapy -zoothome -zootic -Zootoca -zootomic -zootomical -zootomically -zootomist -zootomy -zoototemism -zootoxin -zootrophic -zootrophy -zootype -zootypic -zooxanthella -zooxanthellae -zooxanthin -zoozoo -zopilote -Zoque -Zoquean -Zoraptera -zorgite -zoril -zorilla -Zorillinae -zorillo -Zoroastrian -Zoroastrianism -Zoroastrism -Zorotypus -zorrillo -zorro -Zosma -zoster -Zostera -Zosteraceae -zosteriform -Zosteropinae -Zosterops -Zouave -zounds -zowie -Zoysia -Zubeneschamali -zuccarino -zucchetto -zucchini -zudda -zugtierlast -zugtierlaster -zuisin -Zuleika -Zulhijjah -Zulinde -Zulkadah -Zulu -Zuludom -Zuluize -zumatic -zumbooruk -Zuni -Zunian -zunyite -zupanate -Zutugil -zuurveldt -zuza -zwanziger -Zwieback -zwieback -Zwinglian -Zwinglianism -Zwinglianist -zwitter -zwitterion -zwitterionic -zyga -zygadenine -Zygadenus -Zygaena -zygaenid -Zygaenidae -zygal -zygantra -zygantrum -zygapophyseal -zygapophysis -zygion -zygite -Zygnema -Zygnemaceae -Zygnemales -Zygnemataceae -zygnemataceous -Zygnematales -zygobranch -Zygobranchia -Zygobranchiata -zygobranchiate -Zygocactus -zygodactyl -Zygodactylae -Zygodactyli -zygodactylic -zygodactylism -zygodactylous -zygodont -zygolabialis -zygoma -zygomata -zygomatic -zygomaticoauricular -zygomaticoauricularis -zygomaticofacial -zygomaticofrontal -zygomaticomaxillary -zygomaticoorbital -zygomaticosphenoid -zygomaticotemporal -zygomaticum -zygomaticus -zygomaxillare -zygomaxillary -zygomorphic -zygomorphism -zygomorphous -zygomycete -Zygomycetes -zygomycetous -zygon -zygoneure -zygophore -zygophoric -Zygophyceae -zygophyceous -Zygophyllaceae -zygophyllaceous -Zygophyllum -zygophyte -zygopleural -Zygoptera -Zygopteraceae -zygopteran -zygopterid -Zygopterides -Zygopteris -zygopteron -zygopterous -Zygosaccharomyces -zygose -zygosis -zygosperm -zygosphenal -zygosphene -zygosphere -zygosporange -zygosporangium -zygospore -zygosporic -zygosporophore -zygostyle -zygotactic -zygotaxis -zygote -zygotene -zygotic -zygotoblast -zygotoid -zygotomere -zygous -zygozoospore -zymase -zyme -zymic -zymin -zymite -zymogen -zymogene -zymogenesis -zymogenic -zymogenous -zymoid -zymologic -zymological -zymologist -zymology -zymolyis -zymolysis -zymolytic -zymome -zymometer -zymomin -zymophore -zymophoric -zymophosphate -zymophyte -zymoplastic -zymoscope -zymosimeter -zymosis -zymosterol -zymosthenic -zymotechnic -zymotechnical -zymotechnics -zymotechny -zymotic -zymotically -zymotize -zymotoxic -zymurgy -Zyrenian -Zyrian -Zyryan -zythem -Zythia -zythum -Zyzomys -Zyzzogeton +A +a +aa +aal +aalii +aam +Aani +aardvark +aardwolf +Aaron +Aaronic +Aaronical +Aaronite +Aaronitic +Aaru +Ab +aba +Ababdeh +Ababua +abac +abaca +abacate +abacay +abacinate +abacination +abaciscus +abacist +aback +abactinal +abactinally +abaction +abactor +abaculus +abacus +Abadite +abaff +abaft +abaisance +abaiser +abaissed +abalienate +abalienation +abalone +Abama +abampere +abandon +abandonable +abandoned +abandonedly +abandonee +abandoner +abandonment +Abanic +Abantes +abaptiston +Abarambo +Abaris +abarthrosis +abarticular +abarticulation +abas +abase +abased +abasedly +abasedness +abasement +abaser +Abasgi +abash +abashed +abashedly +abashedness +abashless +abashlessly +abashment +abasia +abasic +abask +Abassin +abastardize +abatable +abate +abatement +abater +abatis +abatised +abaton +abator +abattoir +Abatua +abature +abave +abaxial +abaxile +abaze +abb +Abba +abbacomes +abbacy +Abbadide +abbas +abbasi +abbassi +Abbasside +abbatial +abbatical +abbess +abbey +abbeystede +Abbie +abbot +abbotcy +abbotnullius +abbotship +abbreviate +abbreviately +abbreviation +abbreviator +abbreviatory +abbreviature +Abby +abcoulomb +abdal +abdat +Abderian +Abderite +abdest +abdicable +abdicant +abdicate +abdication +abdicative +abdicator +Abdiel +abditive +abditory +abdomen +abdominal +Abdominales +abdominalian +abdominally +abdominoanterior +abdominocardiac +abdominocentesis +abdominocystic +abdominogenital +abdominohysterectomy +abdominohysterotomy +abdominoposterior +abdominoscope +abdominoscopy +abdominothoracic +abdominous +abdominovaginal +abdominovesical +abduce +abducens +abducent +abduct +abduction +abductor +Abe +abeam +abear +abearance +abecedarian +abecedarium +abecedary +abed +abeigh +Abel +abele +Abelia +Abelian +Abelicea +Abelite +abelite +Abelmoschus +abelmosk +Abelonian +abeltree +Abencerrages +abenteric +abepithymia +Aberdeen +aberdevine +Aberdonian +Aberia +aberrance +aberrancy +aberrant +aberrate +aberration +aberrational +aberrator +aberrometer +aberroscope +aberuncator +abet +abetment +abettal +abettor +abevacuation +abey +abeyance +abeyancy +abeyant +abfarad +abhenry +abhiseka +abhominable +abhor +abhorrence +abhorrency +abhorrent +abhorrently +abhorrer +abhorrible +abhorring +Abhorson +abidal +abidance +abide +abider +abidi +abiding +abidingly +abidingness +Abie +Abies +abietate +abietene +abietic +abietin +Abietineae +abietineous +abietinic +Abiezer +Abigail +abigail +abigailship +abigeat +abigeus +abilao +ability +abilla +abilo +abintestate +abiogenesis +abiogenesist +abiogenetic +abiogenetical +abiogenetically +abiogenist +abiogenous +abiogeny +abiological +abiologically +abiology +abiosis +abiotic +abiotrophic +abiotrophy +Abipon +abir +abirritant +abirritate +abirritation +abirritative +abiston +Abitibi +abiuret +abject +abjectedness +abjection +abjective +abjectly +abjectness +abjoint +abjudge +abjudicate +abjudication +abjunction +abjunctive +abjuration +abjuratory +abjure +abjurement +abjurer +abkar +abkari +Abkhas +Abkhasian +ablach +ablactate +ablactation +ablare +ablastemic +ablastous +ablate +ablation +ablatitious +ablatival +ablative +ablator +ablaut +ablaze +able +ableeze +ablegate +ableness +ablepharia +ablepharon +ablepharous +Ablepharus +ablepsia +ableptical +ableptically +abler +ablest +ablewhackets +ablins +abloom +ablow +ablude +abluent +ablush +ablution +ablutionary +abluvion +ably +abmho +Abnaki +abnegate +abnegation +abnegative +abnegator +Abner +abnerval +abnet +abneural +abnormal +abnormalism +abnormalist +abnormality +abnormalize +abnormally +abnormalness +abnormity +abnormous +abnumerable +Abo +aboard +Abobra +abode +abodement +abody +abohm +aboil +abolish +abolisher +abolishment +abolition +abolitionary +abolitionism +abolitionist +abolitionize +abolla +aboma +abomasum +abomasus +abominable +abominableness +abominably +abominate +abomination +abominator +abomine +Abongo +aboon +aborad +aboral +aborally +abord +aboriginal +aboriginality +aboriginally +aboriginary +aborigine +abort +aborted +aborticide +abortient +abortifacient +abortin +abortion +abortional +abortionist +abortive +abortively +abortiveness +abortus +abouchement +abound +abounder +abounding +aboundingly +about +abouts +above +aboveboard +abovedeck +aboveground +aboveproof +abovestairs +abox +abracadabra +abrachia +abradant +abrade +abrader +Abraham +Abrahamic +Abrahamidae +Abrahamite +Abrahamitic +abraid +Abram +Abramis +abranchial +abranchialism +abranchian +Abranchiata +abranchiate +abranchious +abrasax +abrase +abrash +abrasiometer +abrasion +abrasive +abrastol +abraum +abraxas +abreact +abreaction +abreast +abrenounce +abret +abrico +abridge +abridgeable +abridged +abridgedly +abridger +abridgment +abrim +abrin +abristle +abroach +abroad +Abrocoma +abrocome +abrogable +abrogate +abrogation +abrogative +abrogator +Abroma +Abronia +abrook +abrotanum +abrotine +abrupt +abruptedly +abruption +abruptly +abruptness +Abrus +Absalom +absampere +Absaroka +absarokite +abscess +abscessed +abscession +abscessroot +abscind +abscise +abscision +absciss +abscissa +abscissae +abscisse +abscission +absconce +abscond +absconded +abscondedly +abscondence +absconder +absconsa +abscoulomb +absence +absent +absentation +absentee +absenteeism +absenteeship +absenter +absently +absentment +absentmindedly +absentness +absfarad +abshenry +Absi +absinthe +absinthial +absinthian +absinthiate +absinthic +absinthin +absinthine +absinthism +absinthismic +absinthium +absinthol +absit +absmho +absohm +absolute +absolutely +absoluteness +absolution +absolutism +absolutist +absolutistic +absolutistically +absolutive +absolutization +absolutize +absolutory +absolvable +absolvatory +absolve +absolvent +absolver +absolvitor +absolvitory +absonant +absonous +absorb +absorbability +absorbable +absorbed +absorbedly +absorbedness +absorbefacient +absorbency +absorbent +absorber +absorbing +absorbingly +absorbition +absorpt +absorptance +absorptiometer +absorptiometric +absorption +absorptive +absorptively +absorptiveness +absorptivity +absquatulate +abstain +abstainer +abstainment +abstemious +abstemiously +abstemiousness +abstention +abstentionist +abstentious +absterge +abstergent +abstersion +abstersive +abstersiveness +abstinence +abstinency +abstinent +abstinential +abstinently +abstract +abstracted +abstractedly +abstractedness +abstracter +abstraction +abstractional +abstractionism +abstractionist +abstractitious +abstractive +abstractively +abstractiveness +abstractly +abstractness +abstractor +abstrahent +abstricted +abstriction +abstruse +abstrusely +abstruseness +abstrusion +abstrusity +absume +absumption +absurd +absurdity +absurdly +absurdness +absvolt +Absyrtus +abterminal +abthain +abthainrie +abthainry +abthanage +Abu +abu +abucco +abulia +abulic +abulomania +abuna +abundance +abundancy +abundant +Abundantia +abundantly +abura +aburabozu +aburban +aburst +aburton +abusable +abuse +abusedly +abusee +abuseful +abusefully +abusefulness +abuser +abusion +abusious +abusive +abusively +abusiveness +abut +Abuta +Abutilon +abutment +abuttal +abutter +abutting +abuzz +abvolt +abwab +aby +abysm +abysmal +abysmally +abyss +abyssal +Abyssinian +abyssobenthonic +abyssolith +abyssopelagic +acacatechin +acacatechol +acacetin +Acacia +Acacian +acaciin +acacin +academe +academial +academian +Academic +academic +academical +academically +academicals +academician +academicism +academism +academist +academite +academization +academize +Academus +academy +Acadia +acadialite +Acadian +Acadie +Acaena +acajou +acaleph +Acalepha +Acalephae +acalephan +acalephoid +acalycal +acalycine +acalycinous +acalyculate +Acalypha +Acalypterae +Acalyptrata +Acalyptratae +acalyptrate +Acamar +acampsia +acana +acanaceous +acanonical +acanth +acantha +Acanthaceae +acanthaceous +acanthad +Acantharia +Acanthia +acanthial +acanthin +acanthine +acanthion +acanthite +acanthocarpous +Acanthocephala +acanthocephalan +Acanthocephali +acanthocephalous +Acanthocereus +acanthocladous +Acanthodea +acanthodean +Acanthodei +Acanthodes +acanthodian +Acanthodidae +Acanthodii +Acanthodini +acanthoid +Acantholimon +acanthological +acanthology +acantholysis +acanthoma +Acanthomeridae +acanthon +Acanthopanax +Acanthophis +acanthophorous +acanthopod +acanthopodous +acanthopomatous +acanthopore +acanthopteran +Acanthopteri +acanthopterous +acanthopterygian +Acanthopterygii +acanthosis +acanthous +Acanthuridae +Acanthurus +acanthus +acapnia +acapnial +acapsular +acapu +acapulco +acara +Acarapis +acardia +acardiac +acari +acarian +acariasis +acaricidal +acaricide +acarid +Acarida +Acaridea +acaridean +acaridomatium +acariform +Acarina +acarine +acarinosis +acarocecidium +acarodermatitis +acaroid +acarol +acarologist +acarology +acarophilous +acarophobia +acarotoxic +acarpelous +acarpous +Acarus +Acastus +acatalectic +acatalepsia +acatalepsy +acataleptic +acatallactic +acatamathesia +acataphasia +acataposis +acatastasia +acatastatic +acate +acategorical +acatery +acatharsia +acatharsy +acatholic +acaudal +acaudate +acaulescent +acauline +acaulose +acaulous +acca +accede +accedence +acceder +accelerable +accelerando +accelerant +accelerate +accelerated +acceleratedly +acceleration +accelerative +accelerator +acceleratory +accelerograph +accelerometer +accend +accendibility +accendible +accension +accensor +accent +accentless +accentor +accentuable +accentual +accentuality +accentually +accentuate +accentuation +accentuator +accentus +accept +acceptability +acceptable +acceptableness +acceptably +acceptance +acceptancy +acceptant +acceptation +accepted +acceptedly +accepter +acceptilate +acceptilation +acception +acceptive +acceptor +acceptress +accerse +accersition +accersitor +access +accessarily +accessariness +accessary +accessaryship +accessibility +accessible +accessibly +accession +accessional +accessioner +accessive +accessively +accessless +accessorial +accessorily +accessoriness +accessorius +accessory +accidence +accidency +accident +accidental +accidentalism +accidentalist +accidentality +accidentally +accidentalness +accidented +accidential +accidentiality +accidently +accidia +accidie +accinge +accipient +Accipiter +accipitral +accipitrary +Accipitres +accipitrine +accismus +accite +acclaim +acclaimable +acclaimer +acclamation +acclamator +acclamatory +acclimatable +acclimatation +acclimate +acclimatement +acclimation +acclimatizable +acclimatization +acclimatize +acclimatizer +acclimature +acclinal +acclinate +acclivitous +acclivity +acclivous +accloy +accoast +accoil +accolade +accoladed +accolated +accolent +accolle +accombination +accommodable +accommodableness +accommodate +accommodately +accommodateness +accommodating +accommodatingly +accommodation +accommodational +accommodative +accommodativeness +accommodator +accompanier +accompaniment +accompanimental +accompanist +accompany +accompanyist +accompletive +accomplice +accompliceship +accomplicity +accomplish +accomplishable +accomplished +accomplisher +accomplishment +accomplisht +accompt +accord +accordable +accordance +accordancy +accordant +accordantly +accorder +according +accordingly +accordion +accordionist +accorporate +accorporation +accost +accostable +accosted +accouche +accouchement +accoucheur +accoucheuse +account +accountability +accountable +accountableness +accountably +accountancy +accountant +accountantship +accounting +accountment +accouple +accouplement +accouter +accouterment +accoy +accredit +accreditate +accreditation +accredited +accreditment +accrementitial +accrementition +accresce +accrescence +accrescent +accretal +accrete +accretion +accretionary +accretive +accroach +accroides +accrual +accrue +accruement +accruer +accubation +accubitum +accubitus +accultural +acculturate +acculturation +acculturize +accumbency +accumbent +accumber +accumulable +accumulate +accumulation +accumulativ +accumulative +accumulatively +accumulativeness +accumulator +accuracy +accurate +accurately +accurateness +accurse +accursed +accursedly +accursedness +accusable +accusably +accusal +accusant +accusation +accusatival +accusative +accusatively +accusatorial +accusatorially +accusatory +accusatrix +accuse +accused +accuser +accusingly +accusive +accustom +accustomed +accustomedly +accustomedness +ace +aceacenaphthene +aceanthrene +aceanthrenequinone +acecaffine +aceconitic +acedia +acediamine +acediast +acedy +Aceldama +Acemetae +Acemetic +acenaphthene +acenaphthenyl +acenaphthylene +acentric +acentrous +aceologic +aceology +acephal +Acephala +acephalan +Acephali +acephalia +Acephalina +acephaline +acephalism +acephalist +Acephalite +acephalocyst +acephalous +acephalus +Acer +Aceraceae +aceraceous +Acerae +Acerata +acerate +Acerates +acerathere +Aceratherium +aceratosis +acerb +Acerbas +acerbate +acerbic +acerbity +acerdol +acerin +acerose +acerous +acerra +acertannin +acervate +acervately +acervation +acervative +acervose +acervuline +acervulus +acescence +acescency +acescent +aceship +acesodyne +Acestes +acetabular +Acetabularia +acetabuliferous +acetabuliform +acetabulous +acetabulum +acetacetic +acetal +acetaldehydase +acetaldehyde +acetaldehydrase +acetalization +acetalize +acetamide +acetamidin +acetamidine +acetamido +acetaminol +acetanilid +acetanilide +acetanion +acetaniside +acetanisidide +acetannin +acetarious +acetarsone +acetate +acetated +acetation +acetbromamide +acetenyl +acethydrazide +acetic +acetification +acetifier +acetify +acetimeter +acetimetry +acetin +acetize +acetmethylanilide +acetnaphthalide +acetoacetanilide +acetoacetate +acetoacetic +acetoamidophenol +acetoarsenite +Acetobacter +acetobenzoic +acetobromanilide +acetochloral +acetocinnamene +acetoin +acetol +acetolysis +acetolytic +acetometer +acetometrical +acetometrically +acetometry +acetomorphine +acetonaphthone +acetonate +acetonation +acetone +acetonemia +acetonemic +acetonic +acetonitrile +acetonization +acetonize +acetonuria +acetonurometer +acetonyl +acetonylacetone +acetonylidene +acetophenetide +acetophenin +acetophenine +acetophenone +acetopiperone +acetopyrin +acetosalicylic +acetose +acetosity +acetosoluble +acetothienone +acetotoluide +acetotoluidine +acetous +acetoveratrone +acetoxime +acetoxyl +acetoxyphthalide +acetphenetid +acetphenetidin +acetract +acettoluide +acetum +aceturic +acetyl +acetylacetonates +acetylacetone +acetylamine +acetylate +acetylation +acetylator +acetylbenzene +acetylbenzoate +acetylbenzoic +acetylbiuret +acetylcarbazole +acetylcellulose +acetylcholine +acetylcyanide +acetylenation +acetylene +acetylenediurein +acetylenic +acetylenyl +acetylfluoride +acetylglycine +acetylhydrazine +acetylic +acetylide +acetyliodide +acetylizable +acetylization +acetylize +acetylizer +acetylmethylcarbinol +acetylperoxide +acetylphenol +acetylphenylhydrazine +acetylrosaniline +acetylsalicylate +acetylsalol +acetyltannin +acetylthymol +acetyltropeine +acetylurea +ach +Achaean +Achaemenian +Achaemenid +Achaemenidae +Achaemenidian +Achaenodon +Achaeta +achaetous +achage +Achagua +Achakzai +achalasia +Achamoth +Achango +achar +Achariaceae +Achariaceous +achate +Achates +Achatina +Achatinella +Achatinidae +ache +acheilia +acheilous +acheiria +acheirous +acheirus +Achen +achene +achenial +achenium +achenocarp +achenodium +acher +Achernar +Acheronian +Acherontic +Acherontical +achete +Achetidae +Acheulean +acheweed +achievable +achieve +achievement +achiever +achigan +achilary +achill +Achillea +Achillean +Achilleid +achilleine +Achillize +achillobursitis +achillodynia +achime +Achimenes +Achinese +aching +achingly +achira +Achitophel +achlamydate +Achlamydeae +achlamydeous +achlorhydria +achlorophyllous +achloropsia +Achmetha +acholia +acholic +Acholoe +acholous +acholuria +acholuric +Achomawi +achondrite +achondritic +achondroplasia +achondroplastic +achor +achordal +Achordata +achordate +Achorion +Achras +achree +achroacyte +Achroanthes +achrodextrin +achrodextrinase +achroglobin +achroiocythaemia +achroiocythemia +achroite +achroma +achromacyte +achromasia +achromat +achromate +Achromatiaceae +achromatic +achromatically +achromaticity +achromatin +achromatinic +achromatism +Achromatium +achromatizable +achromatization +achromatize +achromatocyte +achromatolysis +achromatope +achromatophile +achromatopia +achromatopsia +achromatopsy +achromatosis +achromatous +achromaturia +achromia +achromic +Achromobacter +Achromobacterieae +achromoderma +achromophilous +achromotrichia +achromous +achronical +achroodextrin +achroodextrinase +achroous +achropsia +achtehalber +achtel +achtelthaler +Achuas +achy +achylia +achylous +achymia +achymous +Achyranthes +Achyrodes +acichloride +acicula +acicular +acicularly +aciculate +aciculated +aciculum +acid +Acidanthera +Acidaspis +acidemia +acider +acidic +acidiferous +acidifiable +acidifiant +acidific +acidification +acidifier +acidify +acidimeter +acidimetric +acidimetrical +acidimetrically +acidimetry +acidite +acidity +acidize +acidly +acidness +acidoid +acidology +acidometer +acidometry +acidophile +acidophilic +acidophilous +acidoproteolytic +acidosis +acidosteophyte +acidotic +acidproof +acidulate +acidulent +acidulous +aciduric +acidyl +acier +acierage +Acieral +acierate +acieration +aciform +aciliate +aciliated +Acilius +acinaceous +acinaces +acinacifolious +acinaciform +acinar +acinarious +acinary +Acineta +Acinetae +acinetan +Acinetaria +acinetarian +acinetic +acinetiform +Acinetina +acinetinan +acinic +aciniform +acinose +acinotubular +acinous +acinus +Acipenser +Acipenseres +acipenserid +Acipenseridae +acipenserine +acipenseroid +Acipenseroidei +Acis +aciurgy +acker +ackey +ackman +acknow +acknowledge +acknowledgeable +acknowledged +acknowledgedly +acknowledger +aclastic +acle +acleidian +acleistous +Aclemon +aclidian +aclinal +aclinic +acloud +aclys +Acmaea +Acmaeidae +acmatic +acme +acmesthesia +acmic +Acmispon +acmite +acne +acneform +acneiform +acnemia +Acnida +acnodal +acnode +Acocanthera +acocantherin +acock +acockbill +acocotl +Acoela +Acoelomata +acoelomate +acoelomatous +Acoelomi +acoelomous +acoelous +Acoemetae +Acoemeti +Acoemetic +acoin +acoine +Acolapissa +acold +Acolhua +Acolhuan +acologic +acology +acolous +acoluthic +acolyte +acolythate +Acoma +acoma +acomia +acomous +aconative +acondylose +acondylous +acone +aconic +aconin +aconine +aconital +aconite +aconitia +aconitic +aconitin +aconitine +Aconitum +Acontias +acontium +Acontius +aconuresis +acopic +acopon +acopyrin +acopyrine +acor +acorea +acoria +acorn +acorned +Acorus +acosmic +acosmism +acosmist +acosmistic +acotyledon +acotyledonous +acouasm +acouchi +acouchy +acoumeter +acoumetry +acouometer +acouophonia +acoupa +acousmata +acousmatic +acoustic +acoustical +acoustically +acoustician +acousticolateral +Acousticon +acoustics +acquaint +acquaintance +acquaintanceship +acquaintancy +acquaintant +acquainted +acquaintedness +acquest +acquiesce +acquiescement +acquiescence +acquiescency +acquiescent +acquiescently +acquiescer +acquiescingly +acquirability +acquirable +acquire +acquired +acquirement +acquirenda +acquirer +acquisible +acquisite +acquisited +acquisition +acquisitive +acquisitively +acquisitiveness +acquisitor +acquisitum +acquist +acquit +acquitment +acquittal +acquittance +acquitter +Acrab +acracy +acraein +Acraeinae +acraldehyde +Acrania +acranial +acraniate +acrasia +Acrasiaceae +Acrasiales +Acrasida +Acrasieae +Acraspeda +acraspedote +acratia +acraturesis +acrawl +acraze +acre +acreable +acreage +acreak +acream +acred +Acredula +acreman +acrestaff +acrid +acridan +acridian +acridic +Acrididae +Acridiidae +acridine +acridinic +acridinium +acridity +Acridium +acridly +acridness +acridone +acridonium +acridophagus +acridyl +acriflavin +acriflavine +acrimonious +acrimoniously +acrimoniousness +acrimony +acrindoline +acrinyl +acrisia +Acrisius +Acrita +acritan +acrite +acritical +acritol +Acroa +acroaesthesia +acroama +acroamatic +acroamatics +acroanesthesia +acroarthritis +acroasphyxia +acroataxia +acroatic +acrobacy +acrobat +Acrobates +acrobatholithic +acrobatic +acrobatical +acrobatically +acrobatics +acrobatism +acroblast +acrobryous +acrobystitis +Acrocarpi +acrocarpous +acrocephalia +acrocephalic +acrocephalous +acrocephaly +Acrocera +Acroceratidae +Acroceraunian +Acroceridae +Acrochordidae +Acrochordinae +acrochordon +Acroclinium +Acrocomia +acroconidium +acrocontracture +acrocoracoid +acrocyanosis +acrocyst +acrodactylum +acrodermatitis +acrodont +acrodontism +acrodrome +acrodromous +Acrodus +acrodynia +acroesthesia +acrogamous +acrogamy +acrogen +acrogenic +acrogenous +acrogenously +acrography +Acrogynae +acrogynae +acrogynous +acrolein +acrolith +acrolithan +acrolithic +acrologic +acrologically +acrologism +acrologue +acrology +acromania +acromastitis +acromegalia +acromegalic +acromegaly +acromelalgia +acrometer +acromial +acromicria +acromioclavicular +acromiocoracoid +acromiodeltoid +acromiohumeral +acromiohyoid +acromion +acromioscapular +acromiosternal +acromiothoracic +acromonogrammatic +acromphalus +Acromyodi +acromyodian +acromyodic +acromyodous +acromyotonia +acromyotonus +acron +acronarcotic +acroneurosis +acronical +acronically +acronyc +acronych +Acronycta +acronyctous +acronym +acronymic +acronymize +acronymous +acronyx +acrook +acroparalysis +acroparesthesia +acropathology +acropathy +acropetal +acropetally +acrophobia +acrophonetic +acrophonic +acrophony +acropodium +acropoleis +acropolis +acropolitan +Acropora +acrorhagus +acrorrheuma +acrosarc +acrosarcum +acroscleriasis +acroscleroderma +acroscopic +acrose +acrosome +acrosphacelus +acrospire +acrospore +acrosporous +across +acrostic +acrostical +acrostically +acrostichal +Acrosticheae +acrostichic +acrostichoid +Acrostichum +acrosticism +acrostolion +acrostolium +acrotarsial +acrotarsium +acroteleutic +acroterial +acroteric +acroterium +Acrothoracica +acrotic +acrotism +acrotomous +Acrotreta +Acrotretidae +acrotrophic +acrotrophoneurosis +Acrux +Acrydium +acryl +acrylaldehyde +acrylate +acrylic +acrylonitrile +acrylyl +act +acta +actability +actable +Actaea +Actaeaceae +Actaeon +Actaeonidae +Actiad +Actian +actification +actifier +actify +actin +actinal +actinally +actinautographic +actinautography +actine +actinenchyma +acting +Actinia +actinian +Actiniaria +actiniarian +actinic +actinically +Actinidia +Actinidiaceae +actiniferous +actiniform +actinine +actiniochrome +actiniohematin +Actiniomorpha +actinism +Actinistia +actinium +actinobacillosis +Actinobacillus +actinoblast +actinobranch +actinobranchia +actinocarp +actinocarpic +actinocarpous +actinochemistry +actinocrinid +Actinocrinidae +actinocrinite +Actinocrinus +actinocutitis +actinodermatitis +actinodielectric +actinodrome +actinodromous +actinoelectric +actinoelectrically +actinoelectricity +actinogonidiate +actinogram +actinograph +actinography +actinoid +Actinoida +Actinoidea +actinolite +actinolitic +actinologous +actinologue +actinology +actinomere +actinomeric +actinometer +actinometric +actinometrical +actinometry +actinomorphic +actinomorphous +actinomorphy +Actinomyces +Actinomycetaceae +Actinomycetales +actinomycete +actinomycetous +actinomycin +actinomycoma +actinomycosis +actinomycotic +Actinomyxidia +Actinomyxidiida +actinon +Actinonema +actinoneuritis +actinophone +actinophonic +actinophore +actinophorous +actinophryan +Actinophrys +Actinopoda +actinopraxis +actinopteran +Actinopteri +actinopterous +actinopterygian +Actinopterygii +actinopterygious +actinoscopy +actinosoma +actinosome +Actinosphaerium +actinost +actinostereoscopy +actinostomal +actinostome +actinotherapeutic +actinotherapeutics +actinotherapy +actinotoxemia +actinotrichium +actinotrocha +actinouranium +Actinozoa +actinozoal +actinozoan +actinozoon +actinula +action +actionable +actionably +actional +actionary +actioner +actionize +actionless +Actipylea +Actium +activable +activate +activation +activator +active +actively +activeness +activin +activism +activist +activital +activity +activize +actless +actomyosin +acton +actor +actorship +actress +Acts +actu +actual +actualism +actualist +actualistic +actuality +actualization +actualize +actually +actualness +actuarial +actuarially +actuarian +actuary +actuaryship +actuation +actuator +acture +acturience +actutate +acuaesthesia +Acuan +acuate +acuation +Acubens +acuclosure +acuductor +acuesthesia +acuity +aculea +Aculeata +aculeate +aculeated +aculeiform +aculeolate +aculeolus +aculeus +acumen +acuminate +acumination +acuminose +acuminous +acuminulate +acupress +acupressure +acupunctuate +acupunctuation +acupuncturation +acupuncturator +acupuncture +acurative +acushla +acutangular +acutate +acute +acutely +acutenaculum +acuteness +acutiator +acutifoliate +Acutilinguae +acutilingual +acutilobate +acutiplantar +acutish +acutograve +acutonodose +acutorsion +acyanoblepsia +acyanopsia +acyclic +acyesis +acyetic +acyl +acylamido +acylamidobenzene +acylamino +acylate +acylation +acylogen +acyloin +acyloxy +acyloxymethane +acyrological +acyrology +acystia +ad +Ada +adactyl +adactylia +adactylism +adactylous +Adad +adad +adage +adagial +adagietto +adagio +Adai +Adaize +Adam +adamant +adamantean +adamantine +adamantinoma +adamantoblast +adamantoblastoma +adamantoid +adamantoma +adamas +Adamastor +adambulacral +adamellite +Adamhood +Adamic +Adamical +Adamically +adamine +Adamite +adamite +Adamitic +Adamitical +Adamitism +Adamsia +adamsite +adance +adangle +Adansonia +Adapa +adapid +Adapis +adapt +adaptability +adaptable +adaptation +adaptational +adaptationally +adaptative +adaptedness +adapter +adaption +adaptional +adaptionism +adaptitude +adaptive +adaptively +adaptiveness +adaptometer +adaptor +adaptorial +Adar +adarme +adat +adati +adatom +adaunt +adaw +adawe +adawlut +adawn +adaxial +aday +adays +adazzle +adcraft +add +Adda +adda +addability +addable +addax +addebted +added +addedly +addend +addenda +addendum +adder +adderbolt +adderfish +adderspit +adderwort +addibility +addible +addicent +addict +addicted +addictedness +addiction +Addie +addiment +Addisonian +Addisoniana +additament +additamentary +addition +additional +additionally +additionary +additionist +addititious +additive +additively +additivity +additory +addle +addlebrain +addlebrained +addlehead +addleheaded +addleheadedly +addleheadedness +addlement +addleness +addlepate +addlepated +addlepatedness +addleplot +addlings +addlins +addorsed +address +addressee +addresser +addressful +Addressograph +addressor +addrest +Addu +adduce +adducent +adducer +adducible +adduct +adduction +adductive +adductor +Addy +Ade +ade +adead +adeem +adeep +Adela +Adelaide +Adelarthra +Adelarthrosomata +adelarthrosomatous +Adelbert +Adelea +Adeleidae +Adelges +Adelia +Adelina +Adeline +adeling +adelite +Adeliza +adelocerous +Adelochorda +adelocodonic +adelomorphic +adelomorphous +adelopod +Adelops +Adelphi +Adelphian +adelphogamy +Adelphoi +adelpholite +adelphophagy +ademonist +adempted +ademption +adenalgia +adenalgy +Adenanthera +adenase +adenasthenia +adendric +adendritic +adenectomy +adenectopia +adenectopic +adenemphractic +adenemphraxis +adenia +adeniform +adenine +adenitis +adenization +adenoacanthoma +adenoblast +adenocancroid +adenocarcinoma +adenocarcinomatous +adenocele +adenocellulitis +adenochondroma +adenochondrosarcoma +adenochrome +adenocyst +adenocystoma +adenocystomatous +adenodermia +adenodiastasis +adenodynia +adenofibroma +adenofibrosis +adenogenesis +adenogenous +adenographer +adenographic +adenographical +adenography +adenohypersthenia +adenoid +adenoidal +adenoidism +adenoliomyofibroma +adenolipoma +adenolipomatosis +adenologaditis +adenological +adenology +adenolymphocele +adenolymphoma +adenoma +adenomalacia +adenomatome +adenomatous +adenomeningeal +adenometritis +adenomycosis +adenomyofibroma +adenomyoma +adenomyxoma +adenomyxosarcoma +adenoncus +adenoneural +adenoneure +adenopathy +adenopharyngeal +adenopharyngitis +adenophlegmon +Adenophora +adenophore +adenophorous +adenophthalmia +adenophyllous +adenophyma +adenopodous +adenosarcoma +adenosclerosis +adenose +adenosine +adenosis +adenostemonous +Adenostoma +adenotome +adenotomic +adenotomy +adenotyphoid +adenotyphus +adenyl +adenylic +Adeodatus +Adeona +Adephaga +adephagan +adephagia +adephagous +adept +adeptness +adeptship +adequacy +adequate +adequately +adequateness +adequation +adequative +adermia +adermin +Adessenarian +adet +adevism +adfected +adfix +adfluxion +adglutinate +Adhafera +adhaka +adhamant +Adhara +adharma +adhere +adherence +adherency +adherent +adherently +adherer +adherescence +adherescent +adhesion +adhesional +adhesive +adhesively +adhesivemeter +adhesiveness +adhibit +adhibition +adiabatic +adiabatically +adiabolist +adiactinic +adiadochokinesis +adiagnostic +adiantiform +Adiantum +adiaphon +adiaphonon +adiaphoral +adiaphoresis +adiaphoretic +adiaphorism +adiaphorist +adiaphoristic +adiaphorite +adiaphoron +adiaphorous +adiate +adiathermal +adiathermancy +adiathermanous +adiathermic +adiathetic +adiation +Adib +Adicea +adicity +Adiel +adieu +adieux +Adigei +Adighe +Adigranth +adigranth +Adin +Adinida +adinidan +adinole +adion +adipate +adipescent +adipic +adipinic +adipocele +adipocellulose +adipocere +adipoceriform +adipocerous +adipocyte +adipofibroma +adipogenic +adipogenous +adipoid +adipolysis +adipolytic +adipoma +adipomatous +adipometer +adipopexia +adipopexis +adipose +adiposeness +adiposis +adiposity +adiposogenital +adiposuria +adipous +adipsia +adipsic +adipsous +adipsy +adipyl +Adirondack +adit +adital +aditus +adjacency +adjacent +adjacently +adjag +adject +adjection +adjectional +adjectival +adjectivally +adjective +adjectively +adjectivism +adjectivitis +adjiger +adjoin +adjoined +adjoinedly +adjoining +adjoint +adjourn +adjournal +adjournment +adjudge +adjudgeable +adjudger +adjudgment +adjudicate +adjudication +adjudicative +adjudicator +adjudicature +adjunct +adjunction +adjunctive +adjunctively +adjunctly +adjuration +adjuratory +adjure +adjurer +adjust +adjustable +adjustably +adjustage +adjustation +adjuster +adjustive +adjustment +adjutage +adjutancy +adjutant +adjutantship +adjutorious +adjutory +adjutrice +adjuvant +Adlai +adlay +adless +adlet +Adlumia +adlumidine +adlumine +adman +admarginate +admaxillary +admeasure +admeasurement +admeasurer +admedial +admedian +admensuration +admi +adminicle +adminicula +adminicular +adminiculary +adminiculate +adminiculation +adminiculum +administer +administerd +administerial +administrable +administrant +administrate +administration +administrational +administrative +administratively +administrator +administratorship +administratress +administratrices +administratrix +admirability +admirable +admirableness +admirably +admiral +admiralship +admiralty +admiration +admirative +admirator +admire +admired +admiredly +admirer +admiring +admiringly +admissibility +admissible +admissibleness +admissibly +admission +admissive +admissory +admit +admittable +admittance +admitted +admittedly +admittee +admitter +admittible +admix +admixtion +admixture +admonish +admonisher +admonishingly +admonishment +admonition +admonitioner +admonitionist +admonitive +admonitively +admonitor +admonitorial +admonitorily +admonitory +admonitrix +admortization +adnascence +adnascent +adnate +adnation +adnephrine +adnerval +adneural +adnex +adnexal +adnexed +adnexitis +adnexopexy +adnominal +adnominally +adnomination +adnoun +ado +adobe +adolesce +adolescence +adolescency +adolescent +adolescently +Adolph +Adolphus +Adonai +Adonean +Adonia +Adoniad +Adonian +Adonic +adonidin +adonin +Adoniram +Adonis +adonite +adonitol +adonize +adoperate +adoperation +adopt +adoptability +adoptable +adoptant +adoptative +adopted +adoptedly +adoptee +adopter +adoptian +adoptianism +adoptianist +adoption +adoptional +adoptionism +adoptionist +adoptious +adoptive +adoptively +adorability +adorable +adorableness +adorably +adoral +adorally +adorant +Adorantes +adoration +adoratory +adore +adorer +Adoretus +adoringly +adorn +adorner +adorningly +adornment +adosculation +adossed +adoulie +adown +Adoxa +Adoxaceae +adoxaceous +adoxography +adoxy +adoze +adpao +adpress +adpromission +adradial +adradially +adradius +Adramelech +Adrammelech +adread +adream +adreamed +adreamt +adrectal +adrenal +adrenalectomize +adrenalectomy +Adrenalin +adrenaline +adrenalize +adrenalone +adrenergic +adrenin +adrenine +adrenochrome +adrenocortical +adrenocorticotropic +adrenolysis +adrenolytic +adrenotropic +Adrian +Adriana +Adriatic +Adrienne +adrift +adrip +adroit +adroitly +adroitness +adroop +adrop +adrostral +adrowse +adrue +adry +adsbud +adscendent +adscititious +adscititiously +adscript +adscripted +adscription +adscriptitious +adscriptitius +adscriptive +adsessor +adsheart +adsignification +adsignify +adsmith +adsmithing +adsorb +adsorbable +adsorbate +adsorbent +adsorption +adsorptive +adstipulate +adstipulation +adstipulator +adterminal +adtevac +adular +adularescence +adularia +adulate +adulation +adulator +adulatory +adulatress +Adullam +Adullamite +adult +adulter +adulterant +adulterate +adulterately +adulterateness +adulteration +adulterator +adulterer +adulteress +adulterine +adulterize +adulterous +adulterously +adultery +adulthood +adulticidal +adulticide +adultness +adultoid +adumbral +adumbrant +adumbrate +adumbration +adumbrative +adumbratively +adunc +aduncate +aduncated +aduncity +aduncous +adusk +adust +adustion +adustiosis +Advaita +advance +advanceable +advanced +advancedness +advancement +advancer +advancing +advancingly +advancive +advantage +advantageous +advantageously +advantageousness +advection +advectitious +advective +advehent +advene +advenience +advenient +Advent +advential +Adventism +Adventist +adventitia +adventitious +adventitiously +adventitiousness +adventive +adventual +adventure +adventureful +adventurement +adventurer +adventureship +adventuresome +adventuresomely +adventuresomeness +adventuress +adventurish +adventurous +adventurously +adventurousness +adverb +adverbial +adverbiality +adverbialize +adverbially +adverbiation +adversant +adversaria +adversarious +adversary +adversative +adversatively +adverse +adversely +adverseness +adversifoliate +adversifolious +adversity +advert +advertence +advertency +advertent +advertently +advertisable +advertise +advertisee +advertisement +advertiser +advertising +advice +adviceful +advisability +advisable +advisableness +advisably +advisal +advisatory +advise +advised +advisedly +advisedness +advisee +advisement +adviser +advisership +advisive +advisiveness +advisor +advisorily +advisory +advocacy +advocate +advocateship +advocatess +advocation +advocator +advocatory +advocatress +advocatrice +advocatrix +advolution +advowee +advowson +ady +adynamia +adynamic +adynamy +adyta +adyton +adytum +adz +adze +adzer +adzooks +ae +Aeacides +Aeacus +Aeaean +Aechmophorus +aecial +Aecidiaceae +aecidial +aecidioform +Aecidiomycetes +aecidiospore +aecidiostage +aecidium +aeciospore +aeciostage +aecioteliospore +aeciotelium +aecium +aedeagus +Aedes +aedicula +aedile +aedileship +aedilian +aedilic +aedilitian +aedility +aedoeagus +aefald +aefaldness +aefaldy +aefauld +aegagropila +aegagropile +aegagrus +Aegean +aegerian +aegeriid +Aegeriidae +Aegialitis +aegicrania +Aegina +Aeginetan +Aeginetic +Aegipan +aegirine +aegirinolite +aegirite +aegis +Aegisthus +Aegithalos +Aegithognathae +aegithognathism +aegithognathous +Aegle +Aegopodium +aegrotant +aegyptilla +aegyrite +aeluroid +Aeluroidea +aelurophobe +aelurophobia +aeluropodous +aenach +aenean +aeneolithic +aeneous +aenigmatite +aeolharmonica +Aeolia +Aeolian +Aeolic +Aeolicism +aeolid +Aeolidae +Aeolididae +aeolina +aeoline +aeolipile +Aeolis +Aeolism +Aeolist +aeolistic +aeolodicon +aeolodion +aeolomelodicon +aeolopantalon +aeolotropic +aeolotropism +aeolotropy +aeolsklavier +aeon +aeonial +aeonian +aeonist +Aepyceros +Aepyornis +Aepyornithidae +Aepyornithiformes +Aequi +Aequian +Aequiculi +Aequipalpia +aequoreal +aer +aerage +aerarian +aerarium +aerate +aeration +aerator +aerenchyma +aerenterectasia +aerial +aerialist +aeriality +aerially +aerialness +aeric +aerical +Aerides +aerie +aeried +aerifaction +aeriferous +aerification +aeriform +aerify +aero +Aerobacter +aerobate +aerobatic +aerobatics +aerobe +aerobian +aerobic +aerobically +aerobiologic +aerobiological +aerobiologically +aerobiologist +aerobiology +aerobion +aerobiont +aerobioscope +aerobiosis +aerobiotic +aerobiotically +aerobious +aerobium +aeroboat +Aerobranchia +aerobranchiate +aerobus +aerocamera +aerocartograph +Aerocharidae +aerocolpos +aerocraft +aerocurve +aerocyst +aerodermectasia +aerodone +aerodonetic +aerodonetics +aerodrome +aerodromics +aerodynamic +aerodynamical +aerodynamicist +aerodynamics +aerodyne +aeroembolism +aeroenterectasia +aerofoil +aerogel +aerogen +aerogenes +aerogenesis +aerogenic +aerogenically +aerogenous +aerogeologist +aerogeology +aerognosy +aerogram +aerograph +aerographer +aerographic +aerographical +aerographics +aerography +aerogun +aerohydrodynamic +aerohydropathy +aerohydroplane +aerohydrotherapy +aerohydrous +aeroides +aerolite +aerolith +aerolithology +aerolitic +aerolitics +aerologic +aerological +aerologist +aerology +aeromaechanic +aeromancer +aeromancy +aeromantic +aeromarine +aeromechanical +aeromechanics +aerometeorograph +aerometer +aerometric +aerometry +aeromotor +aeronat +aeronaut +aeronautic +aeronautical +aeronautically +aeronautics +aeronautism +aeronef +aeroneurosis +aeropathy +Aerope +aeroperitoneum +aeroperitonia +aerophagia +aerophagist +aerophagy +aerophane +aerophilatelic +aerophilatelist +aerophilately +aerophile +aerophilic +aerophilous +aerophobia +aerophobic +aerophone +aerophor +aerophore +aerophotography +aerophysical +aerophysics +aerophyte +aeroplane +aeroplaner +aeroplanist +aeropleustic +aeroporotomy +aeroscepsis +aeroscepsy +aeroscope +aeroscopic +aeroscopically +aeroscopy +aerose +aerosiderite +aerosiderolite +Aerosol +aerosol +aerosphere +aerosporin +aerostat +aerostatic +aerostatical +aerostatics +aerostation +aerosteam +aerotactic +aerotaxis +aerotechnical +aerotherapeutics +aerotherapy +aerotonometer +aerotonometric +aerotonometry +aerotropic +aerotropism +aeroyacht +aeruginous +aerugo +aery +aes +Aeschylean +Aeschynanthus +Aeschynomene +aeschynomenous +Aesculaceae +aesculaceous +Aesculapian +Aesculapius +Aesculus +Aesopian +Aesopic +aesthete +aesthetic +aesthetical +aesthetically +aesthetician +aestheticism +aestheticist +aestheticize +aesthetics +aesthiology +aesthophysiology +Aestii +aethalioid +aethalium +aetheogam +aetheogamic +aetheogamous +aethered +Aethionema +aethogen +aethrioscope +Aethusa +Aetian +aetiogenic +aetiotropic +aetiotropically +Aetobatidae +Aetobatus +Aetolian +Aetomorphae +aetosaur +aetosaurian +Aetosaurus +aevia +aface +afaint +Afar +afar +afara +afear +afeard +afeared +afebrile +Afenil +afernan +afetal +affa +affability +affable +affableness +affably +affabrous +affair +affaite +affect +affectable +affectate +affectation +affectationist +affected +affectedly +affectedness +affecter +affectibility +affectible +affecting +affectingly +affection +affectional +affectionally +affectionate +affectionately +affectionateness +affectioned +affectious +affective +affectively +affectivity +affeer +affeerer +affeerment +affeir +affenpinscher +affenspalte +afferent +affettuoso +affiance +affiancer +affiant +affidation +affidavit +affidavy +affiliable +affiliate +affiliation +affinal +affination +affine +affined +affinely +affinitative +affinitatively +affinite +affinition +affinitive +affinity +affirm +affirmable +affirmably +affirmance +affirmant +affirmation +affirmative +affirmatively +affirmatory +affirmer +affirmingly +affix +affixal +affixation +affixer +affixion +affixture +afflation +afflatus +afflict +afflicted +afflictedness +afflicter +afflicting +afflictingly +affliction +afflictionless +afflictive +afflictively +affluence +affluent +affluently +affluentness +afflux +affluxion +afforce +afforcement +afford +affordable +afforest +afforestable +afforestation +afforestment +afformative +affranchise +affranchisement +affray +affrayer +affreight +affreighter +affreightment +affricate +affricated +affrication +affricative +affright +affrighted +affrightedly +affrighter +affrightful +affrightfully +affrightingly +affrightment +affront +affronte +affronted +affrontedly +affrontedness +affronter +affronting +affrontingly +affrontingness +affrontive +affrontiveness +affrontment +affuse +affusion +affy +Afghan +afghani +afield +Afifi +afikomen +afire +aflagellar +aflame +aflare +aflat +aflaunt +aflicker +aflight +afloat +aflow +aflower +afluking +aflush +aflutter +afoam +afoot +afore +aforehand +aforenamed +aforesaid +aforethought +aforetime +aforetimes +afortiori +afoul +afraid +afraidness +Aframerican +Afrasia +Afrasian +afreet +afresh +afret +Afric +African +Africana +Africanism +Africanist +Africanization +Africanize +Africanoid +Africanthropus +Afridi +Afrikaans +Afrikander +Afrikanderdom +Afrikanderism +Afrikaner +Afrogaea +Afrogaean +afront +afrown +Afshah +Afshar +aft +aftaba +after +afteract +afterage +afterattack +afterband +afterbeat +afterbirth +afterblow +afterbody +afterbrain +afterbreach +afterbreast +afterburner +afterburning +aftercare +aftercareer +aftercast +aftercataract +aftercause +afterchance +afterchrome +afterchurch +afterclap +afterclause +aftercome +aftercomer +aftercoming +aftercooler +aftercost +aftercourse +aftercrop +aftercure +afterdamp +afterdate +afterdays +afterdeck +afterdinner +afterdrain +afterdrops +aftereffect +afterend +aftereye +afterfall +afterfame +afterfeed +afterfermentation +afterform +afterfriend +afterfruits +afterfuture +aftergame +aftergas +afterglide +afterglow +aftergo +aftergood +aftergrass +aftergrave +aftergrief +aftergrind +aftergrowth +afterguard +afterguns +afterhand +afterharm +afterhatch +afterhelp +afterhend +afterhold +afterhope +afterhours +afterimage +afterimpression +afterings +afterking +afterknowledge +afterlife +afterlifetime +afterlight +afterloss +afterlove +aftermark +aftermarriage +aftermass +aftermast +aftermath +aftermatter +aftermeal +aftermilk +aftermost +afternight +afternoon +afternoons +afternose +afternote +afteroar +afterpain +afterpart +afterpast +afterpeak +afterpiece +afterplanting +afterplay +afterpressure +afterproof +afterrake +afterreckoning +afterrider +afterripening +afterroll +afterschool +aftersend +aftersensation +aftershaft +aftershafted +aftershine +aftership +aftershock +aftersong +aftersound +afterspeech +afterspring +afterstain +afterstate +afterstorm +afterstrain +afterstretch +afterstudy +afterswarm +afterswarming +afterswell +aftertan +aftertask +aftertaste +afterthinker +afterthought +afterthoughted +afterthrift +aftertime +aftertimes +aftertouch +aftertreatment +aftertrial +afterturn +aftervision +afterwale +afterwar +afterward +afterwards +afterwash +afterwhile +afterwisdom +afterwise +afterwit +afterwitted +afterwork +afterworking +afterworld +afterwrath +afterwrist +aftmost +Aftonian +aftosa +aftward +aftwards +afunction +afunctional +afwillite +Afzelia +aga +agabanee +agacante +agacella +Agaces +Agade +Agag +again +against +againstand +agal +agalactia +agalactic +agalactous +agalawood +agalaxia +agalaxy +Agalena +Agalenidae +Agalinis +agalite +agalloch +agallochum +agallop +agalma +agalmatolite +agalwood +Agama +agama +Agamae +Agamemnon +agamete +agami +agamian +agamic +agamically +agamid +Agamidae +agamobium +agamogenesis +agamogenetic +agamogenetically +agamogony +agamoid +agamont +agamospore +agamous +agamy +aganglionic +Aganice +Aganippe +Agao +Agaonidae +Agapanthus +agape +Agapemone +Agapemonian +Agapemonist +Agapemonite +agapetae +agapeti +agapetid +Agapetidae +Agapornis +agar +agaric +agaricaceae +agaricaceous +Agaricales +agaricic +agariciform +agaricin +agaricine +agaricoid +Agaricus +Agaristidae +agarita +Agarum +agarwal +agasp +Agastache +Agastreae +agastric +agastroneuria +agate +agateware +Agatha +Agathaea +Agathaumas +agathin +Agathis +agathism +agathist +agathodaemon +agathodaemonic +agathokakological +agathology +Agathosma +agatiferous +agatiform +agatine +agatize +agatoid +agaty +Agau +Agave +agavose +Agawam +Agaz +agaze +agazed +Agdistis +age +aged +agedly +agedness +agee +Agelacrinites +Agelacrinitidae +Agelaius +Agelaus +ageless +agelessness +agelong +agen +Agena +agency +agenda +agendum +agenesia +agenesic +agenesis +agennetic +agent +agentess +agential +agentival +agentive +agentry +agentship +ageometrical +ager +Ageratum +ageusia +ageusic +ageustia +agger +aggerate +aggeration +aggerose +Aggie +agglomerant +agglomerate +agglomerated +agglomeratic +agglomeration +agglomerative +agglomerator +agglutinability +agglutinable +agglutinant +agglutinate +agglutination +agglutinationist +agglutinative +agglutinator +agglutinin +agglutinize +agglutinogen +agglutinogenic +agglutinoid +agglutinoscope +agglutogenic +aggradation +aggradational +aggrade +aggrandizable +aggrandize +aggrandizement +aggrandizer +aggrate +aggravate +aggravating +aggravatingly +aggravation +aggravative +aggravator +aggregable +aggregant +Aggregata +Aggregatae +aggregate +aggregately +aggregateness +aggregation +aggregative +aggregator +aggregatory +aggress +aggressin +aggression +aggressionist +aggressive +aggressively +aggressiveness +aggressor +aggrievance +aggrieve +aggrieved +aggrievedly +aggrievedness +aggrievement +aggroup +aggroupment +aggry +aggur +agha +Aghan +aghanee +aghast +aghastness +Aghlabite +Aghorapanthi +Aghori +Agialid +Agib +Agiel +agilawood +agile +agilely +agileness +agility +agillawood +aging +agio +agiotage +agist +agistator +agistment +agistor +agitable +agitant +agitate +agitatedly +agitation +agitational +agitationist +agitative +agitator +agitatorial +agitatrix +agitprop +Agkistrodon +agla +Aglaia +aglance +Aglaonema +Aglaos +aglaozonia +aglare +Aglaspis +Aglauros +agleaf +agleam +aglet +aglethead +agley +aglimmer +aglint +Aglipayan +Aglipayano +aglitter +aglobulia +Aglossa +aglossal +aglossate +aglossia +aglow +aglucon +aglutition +aglycosuric +Aglypha +aglyphodont +Aglyphodonta +Aglyphodontia +aglyphous +agmatine +agmatology +agminate +agminated +agnail +agname +agnamed +agnate +Agnatha +agnathia +agnathic +Agnathostomata +agnathostomatous +agnathous +agnatic +agnatically +agnation +agnel +Agnes +agnification +agnize +Agnoetae +Agnoete +Agnoetism +agnoiology +Agnoite +agnomen +agnomical +agnominal +agnomination +agnosia +agnosis +agnostic +agnostically +agnosticism +Agnostus +agnosy +Agnotozoic +agnus +ago +agog +agoge +agogic +agogics +agoho +agoing +agomensin +agomphiasis +agomphious +agomphosis +agon +agonal +agone +agoniada +agoniadin +agoniatite +Agoniatites +agonic +agonied +agonist +Agonista +agonistarch +agonistic +agonistically +agonistics +agonium +agonize +agonizedly +agonizer +agonizingly +Agonostomus +agonothete +agonothetic +agony +agora +agoranome +agoraphobia +agouara +agouta +agouti +agpaite +agpaitic +Agra +agraffee +agrah +agral +agrammatical +agrammatism +Agrania +agranulocyte +agranulocytosis +agranuloplastic +Agrapha +agraphia +agraphic +agrarian +agrarianism +agrarianize +agrarianly +Agrauleum +agre +agree +agreeability +agreeable +agreeableness +agreeably +agreed +agreeing +agreeingly +agreement +agreer +agregation +agrege +agrestal +agrestial +agrestian +agrestic +agria +agricere +agricole +agricolist +agricolite +agricolous +agricultor +agricultural +agriculturalist +agriculturally +agriculture +agriculturer +agriculturist +Agrilus +Agrimonia +agrimony +agrimotor +agrin +Agriochoeridae +Agriochoerus +agriological +agriologist +agriology +Agrionia +agrionid +Agrionidae +Agriotes +Agriotypidae +Agriotypus +agrise +agrito +agroan +agrobiologic +agrobiological +agrobiologically +agrobiologist +agrobiology +agrogeological +agrogeologically +agrogeology +agrologic +agrological +agrologically +agrology +agrom +Agromyza +agromyzid +Agromyzidae +agronome +agronomial +agronomic +agronomical +agronomics +agronomist +agronomy +agroof +agrope +Agropyron +Agrostemma +agrosteral +Agrostis +agrostographer +agrostographic +agrostographical +agrostography +agrostologic +agrostological +agrostologist +agrostology +agrotechny +Agrotis +aground +agrufe +agruif +agrypnia +agrypnotic +agsam +agua +aguacate +Aguacateca +aguavina +Agudist +ague +aguelike +agueproof +agueweed +aguey +aguilarite +aguilawood +aguinaldo +aguirage +aguish +aguishly +aguishness +agunah +agush +agust +agy +Agyieus +agynarious +agynary +agynous +agyrate +agyria +Ah +ah +aha +ahaaina +ahankara +Ahantchuyuk +ahartalav +ahaunch +ahead +aheap +ahem +Ahepatokla +Ahet +ahey +ahimsa +ahind +ahint +Ahir +ahluwalia +ahmadi +Ahmadiya +Ahmed +Ahmet +Ahnfeltia +aho +Ahom +ahong +ahorse +ahorseback +Ahousaht +ahoy +Ahrendahronon +Ahriman +Ahrimanian +ahsan +Aht +Ahtena +ahu +ahuatle +ahuehuete +ahull +ahum +ahungered +ahungry +ahunt +ahura +ahush +ahwal +ahypnia +ai +Aias +Aiawong +aichmophobia +aid +aidable +aidance +aidant +aide +Aidenn +aider +Aides +aidful +aidless +aiel +aigialosaur +Aigialosauridae +Aigialosaurus +aiglet +aigremore +aigrette +aiguille +aiguillesque +aiguillette +aiguilletted +aikinite +ail +ailantery +ailanthic +Ailanthus +ailantine +ailanto +aile +Aileen +aileron +ailette +Ailie +ailing +aillt +ailment +ailsyte +Ailuridae +ailuro +ailuroid +Ailuroidea +Ailuropoda +Ailuropus +Ailurus +ailweed +aim +Aimak +aimara +Aimee +aimer +aimful +aimfully +aiming +aimless +aimlessly +aimlessness +Aimore +aimworthiness +ainaleh +ainhum +ainoi +ainsell +aint +Ainu +aion +aionial +air +Aira +airable +airampo +airan +airbound +airbrained +airbrush +aircraft +aircraftman +aircraftsman +aircraftswoman +aircraftwoman +aircrew +aircrewman +airdock +airdrome +airdrop +aire +Airedale +airedale +airer +airfield +airfoil +airframe +airfreight +airfreighter +airgraphics +airhead +airiferous +airified +airily +airiness +airing +airish +airless +airlift +airlike +airliner +airmail +airman +airmanship +airmark +airmarker +airmonger +airohydrogen +airometer +airpark +airphobia +airplane +airplanist +airport +airproof +airscape +airscrew +airship +airsick +airsickness +airstrip +airt +airtight +airtightly +airtightness +airward +airwards +airway +airwayman +airwoman +airworthiness +airworthy +airy +aischrolatreia +aiseweed +aisle +aisled +aisleless +aisling +Aissaoua +Aissor +aisteoir +Aistopoda +Aistopodes +ait +aitch +aitchbone +aitchless +aitchpiece +aitesis +aithochroi +aition +aitiotropic +Aitkenite +Aitutakian +aiwan +Aix +aizle +Aizoaceae +aizoaceous +Aizoon +Ajaja +ajaja +ajangle +ajar +ajari +Ajatasatru +ajava +ajhar +ajivika +ajog +ajoint +ajowan +Ajuga +ajutment +ak +Aka +aka +Akal +akala +Akali +akalimba +akamatsu +Akamnik +Akan +Akanekunik +Akania +Akaniaceae +akaroa +akasa +Akawai +akazga +akazgine +akcheh +ake +akeake +akebi +Akebia +akee +akeki +akeley +akenobeite +akepiro +akerite +akey +Akha +Akhissar +Akhlame +Akhmimic +akhoond +akhrot +akhyana +akia +Akim +akimbo +akin +akindle +akinesia +akinesic +akinesis +akinete +akinetic +Akiskemikinik +Akiyenik +Akka +Akkad +Akkadian +Akkadist +akmudar +akmuddar +aknee +ako +akoasm +akoasma +akoluthia +akonge +Akontae +Akoulalion +akov +akpek +Akra +akra +Akrabattine +akroasis +akrochordite +akroterion +Aktistetae +Aktistete +Aktivismus +Aktivist +aku +akuammine +akule +akund +Akwapim +Al +al +ala +Alabama +Alabaman +Alabamian +alabamide +alabamine +alabandite +alabarch +alabaster +alabastos +alabastrian +alabastrine +alabastrites +alabastron +alabastrum +alacha +alack +alackaday +alacreatine +alacreatinine +alacrify +alacritous +alacrity +Alactaga +alada +Aladdin +Aladdinize +Aladfar +Aladinist +alaihi +Alain +alaite +Alaki +Alala +alala +alalite +alalonga +alalunga +alalus +Alamanni +Alamannian +Alamannic +alameda +alamo +alamodality +alamonti +alamosite +alamoth +Alan +alan +aland +Alangiaceae +alangin +alangine +Alangium +alani +alanine +alannah +Alans +alantic +alantin +alantol +alantolactone +alantolic +alanyl +alar +Alarbus +alares +Alaria +Alaric +alarm +alarmable +alarmed +alarmedly +alarming +alarmingly +alarmism +alarmist +Alarodian +alarum +alary +alas +Alascan +Alaska +alaskaite +Alaskan +alaskite +Alastair +Alaster +alastrim +alate +alated +alatern +alaternus +alation +Alauda +Alaudidae +alaudine +Alaunian +Alawi +Alb +alb +alba +albacore +albahaca +Albainn +Alban +alban +Albanenses +Albanensian +Albania +Albanian +albanite +Albany +albarco +albardine +albarello +albarium +albaspidin +albata +Albatros +albatross +albe +albedo +albedograph +albee +albeit +Alberene +Albert +Alberta +albertin +Albertina +Albertine +Albertinian +Albertist +albertite +Alberto +albertustaler +albertype +albescence +albescent +albespine +albetad +Albi +Albian +albicans +albicant +albication +albiculi +albification +albificative +albiflorous +albify +Albigenses +Albigensian +Albigensianism +Albin +albinal +albiness +albinic +albinism +albinistic +albino +albinoism +albinotic +albinuria +Albion +Albireo +albite +albitic +albitite +albitization +albitophyre +Albizzia +albocarbon +albocinereous +Albococcus +albocracy +Alboin +albolite +albolith +albopannin +albopruinose +alboranite +Albrecht +Albright +albronze +Albruna +Albuca +Albuginaceae +albuginea +albugineous +albuginitis +albugo +album +albumean +albumen +albumenization +albumenize +albumenizer +albumimeter +albumin +albuminate +albuminaturia +albuminiferous +albuminiform +albuminimeter +albuminimetry +albuminiparous +albuminization +albuminize +albuminocholia +albuminofibrin +albuminogenous +albuminoid +albuminoidal +albuminolysis +albuminometer +albuminometry +albuminone +albuminorrhea +albuminoscope +albuminose +albuminosis +albuminous +albuminousness +albuminuria +albuminuric +albumoid +albumoscope +albumose +albumosuria +alburn +alburnous +alburnum +albus +albutannin +Albyn +Alca +Alcaaba +Alcae +Alcaic +alcaide +alcalde +alcaldeship +alcaldia +Alcaligenes +alcalizate +Alcalzar +alcamine +alcanna +Alcantara +Alcantarines +alcarraza +alcatras +alcazar +Alcedines +Alcedinidae +Alcedininae +Alcedo +alcelaphine +Alcelaphus +Alces +alchemic +alchemical +alchemically +Alchemilla +alchemist +alchemistic +alchemistical +alchemistry +alchemize +alchemy +alchera +alcheringa +alchimy +alchitran +alchochoden +Alchornea +alchymy +Alcibiadean +Alcicornium +Alcidae +alcidine +alcine +Alcippe +alclad +alco +alcoate +alcogel +alcogene +alcohate +alcohol +alcoholate +alcoholature +alcoholdom +alcoholemia +alcoholic +alcoholically +alcoholicity +alcoholimeter +alcoholism +alcoholist +alcoholizable +alcoholization +alcoholize +alcoholmeter +alcoholmetric +alcoholomania +alcoholometer +alcoholometric +alcoholometrical +alcoholometry +alcoholophilia +alcoholuria +alcoholysis +alcoholytic +Alcor +Alcoran +Alcoranic +Alcoranist +alcornoco +alcornoque +alcosol +Alcotate +alcove +alcovinometer +Alcuinian +alcyon +Alcyonacea +alcyonacean +Alcyonaria +alcyonarian +Alcyone +Alcyones +Alcyoniaceae +alcyonic +alcyoniform +Alcyonium +alcyonoid +aldamine +aldane +aldazin +aldazine +aldeament +Aldebaran +aldebaranium +aldehol +aldehydase +aldehyde +aldehydic +aldehydine +aldehydrol +alder +Alderamin +alderman +aldermanate +aldermancy +aldermaness +aldermanic +aldermanical +aldermanity +aldermanlike +aldermanly +aldermanry +aldermanship +aldern +Alderney +alderwoman +Aldhafara +Aldhafera +aldim +aldime +aldimine +Aldine +aldine +aldoheptose +aldohexose +aldoketene +aldol +aldolization +aldolize +aldononose +aldopentose +aldose +aldoside +aldoxime +Aldrovanda +Aldus +ale +Alea +aleak +aleatory +alebench +aleberry +Alebion +alec +alecithal +alecize +Aleck +aleconner +alecost +Alectoria +alectoria +Alectorides +alectoridine +alectorioid +Alectoris +alectoromachy +alectoromancy +Alectoromorphae +alectoromorphous +Alectoropodes +alectoropodous +Alectrion +Alectrionidae +alectryomachy +alectryomancy +Alectryon +alecup +alee +alef +alefnull +aleft +alefzero +alegar +alehoof +alehouse +Alejandro +alem +alemana +Alemanni +Alemannian +Alemannic +Alemannish +alembic +alembicate +alembroth +Alemite +alemite +alemmal +alemonger +alen +Alencon +Aleochara +aleph +alephs +alephzero +alepidote +alepole +alepot +Aleppine +Aleppo +alerce +alerse +alert +alertly +alertness +alesan +alestake +aletap +aletaster +Alethea +alethiology +alethopteis +alethopteroid +alethoscope +aletocyte +Aletris +alette +aleukemic +Aleurites +aleuritic +Aleurobius +Aleurodes +Aleurodidae +aleuromancy +aleurometer +aleuronat +aleurone +aleuronic +aleuroscope +Aleut +Aleutian +Aleutic +aleutite +alevin +alewife +Alex +Alexander +alexanders +Alexandra +Alexandreid +Alexandrian +Alexandrianism +Alexandrina +Alexandrine +alexandrite +Alexas +Alexia +alexia +Alexian +alexic +alexin +alexinic +alexipharmacon +alexipharmacum +alexipharmic +alexipharmical +alexipyretic +Alexis +alexiteric +alexiterical +Alexius +aleyard +Aleyrodes +aleyrodid +Aleyrodidae +Alf +alf +alfa +alfaje +alfalfa +alfaqui +alfaquin +alfenide +alfet +alfilaria +alfileria +alfilerilla +alfilerillo +alfiona +Alfirk +alfonsin +alfonso +alforja +Alfred +Alfreda +alfresco +alfridaric +alfridary +Alfur +Alfurese +Alfuro +alga +algae +algaecide +algaeological +algaeologist +algaeology +algaesthesia +algaesthesis +algal +algalia +Algaroth +algarroba +algarrobilla +algarrobin +Algarsife +Algarsyf +algate +Algebar +algebra +algebraic +algebraical +algebraically +algebraist +algebraization +algebraize +Algedi +algedo +algedonic +algedonics +algefacient +Algenib +Algerian +Algerine +algerine +Algernon +algesia +algesic +algesis +algesthesis +algetic +Algic +algic +algid +algidity +algidness +Algieba +algific +algin +alginate +algine +alginic +alginuresis +algiomuscular +algist +algivorous +algocyan +algodoncillo +algodonite +algoesthesiometer +algogenic +algoid +Algol +algolagnia +algolagnic +algolagnist +algolagny +algological +algologist +algology +Algoman +algometer +algometric +algometrical +algometrically +algometry +Algomian +Algomic +Algonkian +Algonquian +Algonquin +algophilia +algophilist +algophobia +algor +Algorab +Algores +algorism +algorismic +algorist +algoristic +algorithm +algorithmic +algosis +algous +algovite +algraphic +algraphy +alguazil +algum +Algy +Alhagi +Alhambra +Alhambraic +Alhambresque +Alhena +alhenna +alias +Alibamu +alibangbang +alibi +alibility +alible +Alicant +Alice +alichel +Alichino +Alicia +Alick +alicoche +alictisal +alicyclic +Alida +alidade +Alids +alien +alienability +alienable +alienage +alienate +alienation +alienator +aliency +alienee +aliener +alienicola +alienigenate +alienism +alienist +alienize +alienor +alienship +aliethmoid +aliethmoidal +alif +aliferous +aliform +aligerous +alight +align +aligner +alignment +aligreek +aliipoe +alike +alikeness +alikewise +Alikuluf +Alikulufan +alilonghi +alima +aliment +alimental +alimentally +alimentariness +alimentary +alimentation +alimentative +alimentatively +alimentativeness +alimenter +alimentic +alimentive +alimentiveness +alimentotherapy +alimentum +alimonied +alimony +alin +alinasal +Aline +alineation +alintatao +aliofar +Alioth +alipata +aliped +aliphatic +alipterion +aliptes +aliptic +aliquant +aliquot +aliseptal +alish +alisier +Alisma +Alismaceae +alismaceous +alismad +alismal +Alismales +Alismataceae +alismoid +aliso +Alison +alison +alisonite +alisp +alisphenoid +alisphenoidal +alist +Alister +alit +alite +alitrunk +aliturgic +aliturgical +aliunde +alive +aliveness +alivincular +Alix +aliyah +alizarate +alizari +alizarin +aljoba +alk +alkahest +alkahestic +alkahestica +alkahestical +Alkaid +alkalamide +alkalemia +alkalescence +alkalescency +alkalescent +alkali +alkalic +alkaliferous +alkalifiable +alkalify +alkaligen +alkaligenous +alkalimeter +alkalimetric +alkalimetrical +alkalimetrically +alkalimetry +alkaline +alkalinity +alkalinization +alkalinize +alkalinuria +alkalizable +alkalizate +alkalization +alkalize +alkalizer +alkaloid +alkaloidal +alkalometry +alkalosis +alkalous +Alkalurops +alkamin +alkamine +alkane +alkanet +Alkanna +alkannin +Alkaphrah +alkapton +alkaptonuria +alkaptonuric +alkargen +alkarsin +alkekengi +alkene +alkenna +alkenyl +alkermes +Alkes +alkide +alkine +alkool +Alkoran +Alkoranic +alkoxide +alkoxy +alkoxyl +alky +alkyd +alkyl +alkylamine +alkylate +alkylation +alkylene +alkylic +alkylidene +alkylize +alkylogen +alkyloxy +alkyne +all +allabuta +allactite +allaeanthus +allagite +allagophyllous +allagostemonous +Allah +allalinite +Allamanda +allamotti +Allan +allan +allanite +allanitic +allantiasis +allantochorion +allantoic +allantoid +allantoidal +Allantoidea +allantoidean +allantoidian +allantoin +allantoinase +allantoinuria +allantois +allantoxaidin +allanturic +Allasch +allassotonic +allative +allatrate +allay +allayer +allayment +allbone +Alle +allecret +allectory +allegate +allegation +allegator +allege +allegeable +allegedly +allegement +alleger +Alleghenian +Allegheny +allegiance +allegiancy +allegiant +allegoric +allegorical +allegorically +allegoricalness +allegorism +allegorist +allegorister +allegoristic +allegorization +allegorize +allegorizer +allegory +allegretto +allegro +allele +allelic +allelism +allelocatalytic +allelomorph +allelomorphic +allelomorphism +allelotropic +allelotropism +allelotropy +alleluia +alleluiatic +allemand +allemande +allemontite +Allen +allenarly +allene +Allentiac +Allentiacan +aller +allergen +allergenic +allergia +allergic +allergin +allergist +allergy +allerion +allesthesia +alleviate +alleviatingly +alleviation +alleviative +alleviator +alleviatory +alley +alleyed +alleyite +alleyway +allgood +Allhallow +Allhallowtide +allheal +alliable +alliably +Alliaceae +alliaceous +alliance +alliancer +Alliaria +allicampane +allice +allicholly +alliciency +allicient +Allie +allied +Allies +allies +alligate +alligator +alligatored +allineate +allineation +Allionia +Allioniaceae +allision +alliteral +alliterate +alliteration +alliterational +alliterationist +alliterative +alliteratively +alliterativeness +alliterator +Allium +allivalite +allmouth +allness +Allobroges +allocable +allocaffeine +allocatable +allocate +allocatee +allocation +allocator +allochetia +allochetite +allochezia +allochiral +allochirally +allochiria +allochlorophyll +allochroic +allochroite +allochromatic +allochroous +allochthonous +allocinnamic +alloclase +alloclasite +allocochick +allocrotonic +allocryptic +allocute +allocution +allocutive +allocyanine +allodelphite +allodesmism +alloeosis +alloeostropha +alloeotic +alloerotic +alloerotism +allogamous +allogamy +allogene +allogeneity +allogeneous +allogenic +allogenically +allograph +alloiogenesis +alloisomer +alloisomeric +alloisomerism +allokinesis +allokinetic +allokurtic +allomerism +allomerous +allometric +allometry +allomorph +allomorphic +allomorphism +allomorphite +allomucic +allonomous +allonym +allonymous +allopalladium +allopath +allopathetic +allopathetically +allopathic +allopathically +allopathist +allopathy +allopatric +allopatrically +allopatry +allopelagic +allophanamide +allophanates +allophane +allophanic +allophone +allophyle +allophylian +allophylic +Allophylus +allophytoid +alloplasm +alloplasmatic +alloplasmic +alloplast +alloplastic +alloplasty +alloploidy +allopolyploid +allopsychic +alloquial +alloquialism +alloquy +allorhythmia +allorrhyhmia +allorrhythmic +allosaur +Allosaurus +allose +allosematic +allosome +allosyndesis +allosyndetic +allot +allotee +allotelluric +allotheism +Allotheria +allothigene +allothigenetic +allothigenetically +allothigenic +allothigenous +allothimorph +allothimorphic +allothogenic +allothogenous +allotment +allotriodontia +Allotriognathi +allotriomorphic +allotriophagia +allotriophagy +allotriuria +allotrope +allotrophic +allotropic +allotropical +allotropically +allotropicity +allotropism +allotropize +allotropous +allotropy +allotrylic +allottable +allottee +allotter +allotype +allotypical +allover +allow +allowable +allowableness +allowably +allowance +allowedly +allower +alloxan +alloxanate +alloxanic +alloxantin +alloxuraemia +alloxuremia +alloxuric +alloxyproteic +alloy +alloyage +allozooid +allseed +allspice +allthing +allthorn +alltud +allude +allure +allurement +allurer +alluring +alluringly +alluringness +allusion +allusive +allusively +allusiveness +alluvia +alluvial +alluviate +alluviation +alluvion +alluvious +alluvium +allwhere +allwhither +allwork +Allworthy +Ally +ally +allyl +allylamine +allylate +allylation +allylene +allylic +allylthiourea +Alma +alma +Almach +almaciga +almacigo +almadia +almadie +almagest +almagra +Almain +Alman +almanac +almandine +almandite +alme +almeidina +almemar +Almerian +almeriite +Almida +almightily +almightiness +almighty +almique +Almira +almirah +almochoden +Almohad +Almohade +Almohades +almoign +Almon +almon +almond +almondy +almoner +almonership +almonry +Almoravid +Almoravide +Almoravides +almost +almous +alms +almsdeed +almsfolk +almsful +almsgiver +almsgiving +almshouse +almsman +almswoman +almucantar +almuce +almud +almude +almug +Almuredin +almuten +aln +alnage +alnager +alnagership +Alnaschar +Alnascharism +alnein +alnico +Alnilam +alniresinol +Alnitak +Alnitham +alniviridol +alnoite +alnuin +Alnus +alo +Aloadae +Alocasia +alochia +alod +alodial +alodialism +alodialist +alodiality +alodially +alodian +alodiary +alodification +alodium +alody +aloe +aloed +aloelike +aloemodin +aloeroot +aloesol +aloeswood +aloetic +aloetical +aloewood +aloft +alogia +Alogian +alogical +alogically +alogism +alogy +aloid +aloin +Alois +aloisiite +aloma +alomancy +alone +aloneness +along +alongshore +alongshoreman +alongside +alongst +Alonso +Alonsoa +Alonzo +aloof +aloofly +aloofness +aloose +alop +alopecia +Alopecias +alopecist +alopecoid +Alopecurus +alopeke +Alopias +Alopiidae +Alosa +alose +Alouatta +alouatte +aloud +alow +alowe +Aloxite +Aloysia +Aloysius +alp +alpaca +alpasotes +Alpax +alpeen +Alpen +alpenglow +alpenhorn +alpenstock +alpenstocker +alpestral +alpestrian +alpestrine +alpha +alphabet +alphabetarian +alphabetic +alphabetical +alphabetically +alphabetics +alphabetiform +alphabetism +alphabetist +alphabetization +alphabetize +alphabetizer +Alphard +alphatoluic +Alphean +Alphecca +alphenic +Alpheratz +alphitomancy +alphitomorphous +alphol +Alphonist +Alphonse +Alphonsine +Alphonsism +Alphonso +alphorn +alphos +alphosis +alphyl +Alpian +Alpid +alpieu +alpigene +Alpine +alpine +alpinely +alpinery +alpinesque +Alpinia +Alpiniaceae +Alpinism +Alpinist +alpist +Alpujarra +alqueire +alquier +alquifou +alraun +alreadiness +already +alright +alrighty +alroot +alruna +Alsatia +Alsatian +alsbachite +Alshain +Alsinaceae +alsinaceous +Alsine +also +alsoon +Alsophila +Alstonia +alstonidine +alstonine +alstonite +Alstroemeria +alsweill +alt +Altaian +Altaic +Altaid +Altair +altaite +Altamira +altar +altarage +altared +altarist +altarlet +altarpiece +altarwise +altazimuth +alter +alterability +alterable +alterableness +alterably +alterant +alterate +alteration +alterative +altercate +altercation +altercative +alteregoism +alteregoistic +alterer +alterity +altern +alternacy +alternance +alternant +Alternanthera +Alternaria +alternariose +alternate +alternately +alternateness +alternating +alternatingly +alternation +alternationist +alternative +alternatively +alternativeness +alternativity +alternator +alterne +alternifoliate +alternipetalous +alternipinnate +alternisepalous +alternize +alterocentric +Althaea +althaein +Althea +althea +althein +altheine +althionic +altho +althorn +although +Altica +Alticamelus +altigraph +altilik +altiloquence +altiloquent +altimeter +altimetrical +altimetrically +altimetry +altin +altincar +Altingiaceae +altingiaceous +altininck +altiplano +altiscope +altisonant +altisonous +altissimo +altitude +altitudinal +altitudinarian +alto +altogether +altogetherness +altometer +altoun +altrices +altricial +altropathy +altrose +altruism +altruist +altruistic +altruistically +altschin +altun +Aluco +Aluconidae +Aluconinae +aludel +Aludra +alula +alular +alulet +Alulim +alum +alumbloom +Alumel +alumic +alumiferous +alumina +aluminaphone +aluminate +alumine +aluminic +aluminide +aluminiferous +aluminiform +aluminish +aluminite +aluminium +aluminize +aluminoferric +aluminographic +aluminography +aluminose +aluminosilicate +aluminosis +aluminosity +aluminothermic +aluminothermics +aluminothermy +aluminotype +aluminous +aluminum +aluminyl +alumish +alumite +alumium +alumna +alumnae +alumnal +alumni +alumniate +Alumnol +alumnus +alumohydrocalcite +alumroot +Alundum +aluniferous +alunite +alunogen +alupag +Alur +alure +alurgite +alushtite +aluta +alutaceous +Alvah +Alvan +alvar +alvearium +alveary +alveloz +alveola +alveolar +alveolariform +alveolary +alveolate +alveolated +alveolation +alveole +alveolectomy +alveoli +alveoliform +alveolite +Alveolites +alveolitis +alveoloclasia +alveolocondylean +alveolodental +alveololabial +alveololingual +alveolonasal +alveolosubnasal +alveolotomy +alveolus +alveus +alviducous +Alvin +Alvina +alvine +Alvissmal +alvite +alvus +alway +always +aly +Alya +alycompaine +alymphia +alymphopotent +alypin +alysson +Alyssum +alytarch +Alytes +am +ama +amaas +Amabel +amability +amacratic +amacrinal +amacrine +amadavat +amadelphous +Amadi +Amadis +amadou +Amaethon +Amafingo +amaga +amah +Amahuaca +amain +amaister +amakebe +Amakosa +amala +amalaita +amalaka +Amalfian +Amalfitan +amalgam +amalgamable +amalgamate +amalgamation +amalgamationist +amalgamative +amalgamatize +amalgamator +amalgamist +amalgamization +amalgamize +Amalings +Amalrician +amaltas +amamau +Amampondo +Amanda +amandin +Amandus +amang +amani +amania +Amanist +Amanita +amanitin +amanitine +Amanitopsis +amanori +amanous +amantillo +amanuenses +amanuensis +amapa +Amapondo +amar +Amara +Amarantaceae +amarantaceous +amaranth +Amaranthaceae +amaranthaceous +amaranthine +amaranthoid +Amaranthus +amarantite +Amarantus +amarelle +amarevole +amargoso +amarillo +amarin +amarine +amaritude +amarity +amaroid +amaroidal +Amarth +amarthritis +amaryllid +Amaryllidaceae +amaryllidaceous +amaryllideous +Amaryllis +amasesis +amass +amassable +amasser +amassment +Amasta +amasthenic +amastia +amasty +Amatembu +amaterialistic +amateur +amateurish +amateurishly +amateurishness +amateurism +amateurship +Amati +amative +amatively +amativeness +amatol +amatorial +amatorially +amatorian +amatorious +amatory +amatrice +amatungula +amaurosis +amaurotic +amaze +amazed +amazedly +amazedness +amazeful +amazement +amazia +Amazilia +amazing +amazingly +Amazon +Amazona +Amazonian +Amazonism +amazonite +Amazulu +amba +ambage +ambagiosity +ambagious +ambagiously +ambagiousness +ambagitory +ambalam +amban +ambar +ambaree +ambarella +ambary +ambash +ambassade +Ambassadeur +ambassador +ambassadorial +ambassadorially +ambassadorship +ambassadress +ambassage +ambassy +ambatch +ambatoarinite +ambay +ambeer +amber +amberfish +ambergris +amberiferous +amberite +amberoid +amberous +ambery +ambicolorate +ambicoloration +ambidexter +ambidexterity +ambidextral +ambidextrous +ambidextrously +ambidextrousness +ambience +ambiency +ambiens +ambient +ambier +ambigenous +ambiguity +ambiguous +ambiguously +ambiguousness +ambilateral +ambilateralaterally +ambilaterality +ambilevous +ambilian +ambilogy +ambiopia +ambiparous +ambisinister +ambisinistrous +ambisporangiate +ambisyllabic +ambit +ambital +ambitendency +ambition +ambitionist +ambitionless +ambitionlessly +ambitious +ambitiously +ambitiousness +ambitty +ambitus +ambivalence +ambivalency +ambivalent +ambivert +amble +ambler +ambling +amblingly +amblotic +amblyacousia +amblyaphia +Amblycephalidae +Amblycephalus +amblychromatic +Amblydactyla +amblygeusia +amblygon +amblygonal +amblygonite +amblyocarpous +Amblyomma +amblyope +amblyopia +amblyopic +Amblyopsidae +Amblyopsis +amblyoscope +amblypod +Amblypoda +amblypodous +Amblyrhynchus +amblystegite +Amblystoma +ambo +amboceptoid +amboceptor +Ambocoelia +Amboina +Amboinese +ambomalleal +ambon +ambonite +Ambonnay +ambos +ambosexous +ambosexual +ambrain +ambrein +ambrette +Ambrica +ambrite +ambroid +ambrology +Ambrose +ambrose +ambrosia +ambrosiac +Ambrosiaceae +ambrosiaceous +ambrosial +ambrosially +Ambrosian +ambrosian +ambrosiate +ambrosin +ambrosine +Ambrosio +ambrosterol +ambrotype +ambry +ambsace +ambulacral +ambulacriform +ambulacrum +ambulance +ambulancer +ambulant +ambulate +ambulatio +ambulation +ambulative +ambulator +Ambulatoria +ambulatorial +ambulatorium +ambulatory +ambuling +ambulomancy +amburbial +ambury +ambuscade +ambuscader +ambush +ambusher +ambushment +Ambystoma +Ambystomidae +amchoor +ame +amebiform +Amedeo +ameed +ameen +Ameiuridae +Ameiurus +Ameiva +Amelanchier +amelcorn +Amelia +amelia +amelification +ameliorable +ameliorableness +ameliorant +ameliorate +amelioration +ameliorativ +ameliorative +ameliorator +amellus +ameloblast +ameloblastic +amelu +amelus +Amen +amen +amenability +amenable +amenableness +amenably +amend +amendable +amendableness +amendatory +amende +amender +amendment +amends +amene +amenia +Amenism +Amenite +amenity +amenorrhea +amenorrheal +amenorrheic +amenorrhoea +ament +amentaceous +amental +amentia +Amentiferae +amentiferous +amentiform +amentulum +amentum +amerce +amerceable +amercement +amercer +amerciament +America +American +Americana +Americanese +Americanism +Americanist +Americanistic +Americanitis +Americanization +Americanize +Americanizer +Americanly +Americanoid +Americaward +Americawards +americium +Americomania +Americophobe +Amerimnon +Amerind +Amerindian +Amerindic +amerism +ameristic +amesite +Ametabola +ametabole +ametabolia +ametabolian +ametabolic +ametabolism +ametabolous +ametaboly +ametallous +amethodical +amethodically +amethyst +amethystine +ametoecious +ametria +ametrometer +ametrope +ametropia +ametropic +ametrous +Amex +amgarn +amhar +amherstite +amhran +Ami +ami +Amia +amiability +amiable +amiableness +amiably +amianth +amianthiform +amianthine +Amianthium +amianthoid +amianthoidal +amianthus +amic +amicability +amicable +amicableness +amicably +amical +amice +amiced +amicicide +amicrobic +amicron +amicronucleate +amid +amidase +amidate +amidation +amide +amidic +amidid +amidide +amidin +amidine +Amidism +Amidist +amido +amidoacetal +amidoacetic +amidoacetophenone +amidoaldehyde +amidoazo +amidoazobenzene +amidoazobenzol +amidocaffeine +amidocapric +amidofluorid +amidofluoride +amidogen +amidoguaiacol +amidohexose +amidoketone +amidol +amidomyelin +amidon +amidophenol +amidophosphoric +amidoplast +amidoplastid +amidopyrine +amidosuccinamic +amidosulphonal +amidothiazole +amidoxime +amidoxy +amidoxyl +amidrazone +amidship +amidships +amidst +amidstream +amidulin +Amigo +Amiidae +amil +Amiles +Amiloun +amimia +amimide +amin +aminate +amination +amine +amini +aminic +aminity +aminization +aminize +amino +aminoacetal +aminoacetanilide +aminoacetic +aminoacetone +aminoacetophenetidine +aminoacetophenone +aminoacidemia +aminoaciduria +aminoanthraquinone +aminoazobenzene +aminobarbituric +aminobenzaldehyde +aminobenzamide +aminobenzene +aminobenzoic +aminocaproic +aminodiphenyl +aminoethionic +aminoformic +aminogen +aminoglutaric +aminoguanidine +aminoid +aminoketone +aminolipin +aminolysis +aminolytic +aminomalonic +aminomyelin +aminophenol +aminoplast +aminoplastic +aminopropionic +aminopurine +aminopyrine +aminoquinoline +aminosis +aminosuccinamic +aminosulphonic +aminothiophen +aminovaleric +aminoxylol +Aminta +Amintor +Amioidei +Amir +amir +Amiranha +amiray +amirship +Amish +Amishgo +amiss +amissibility +amissible +amissness +Amita +Amitabha +amitosis +amitotic +amitotically +amity +amixia +Amizilis +amla +amli +amlikar +amlong +Amma +amma +amman +Ammanite +ammelide +ammelin +ammeline +ammer +ammeter +Ammi +Ammiaceae +ammiaceous +ammine +amminochloride +amminolysis +amminolytic +ammiolite +ammo +Ammobium +ammochaeta +ammochryse +ammocoete +ammocoetes +ammocoetid +Ammocoetidae +ammocoetiform +ammocoetoid +Ammodytes +Ammodytidae +ammodytoid +ammonal +ammonate +ammonation +Ammonea +ammonia +ammoniacal +ammoniacum +ammoniate +ammoniation +ammonic +ammonical +ammoniemia +ammonification +ammonifier +ammonify +ammoniojarosite +ammonion +ammonionitrate +Ammonite +ammonite +Ammonites +Ammonitess +ammonitic +ammoniticone +ammonitiferous +Ammonitish +ammonitoid +Ammonitoidea +ammonium +ammoniuria +ammonization +ammono +ammonobasic +ammonocarbonic +ammonocarbonous +ammonoid +Ammonoidea +ammonoidean +ammonolysis +ammonolytic +ammonolyze +Ammophila +ammophilous +ammoresinol +ammotherapy +ammu +ammunition +amnemonic +amnesia +amnesic +amnestic +amnesty +amnia +amniac +amniatic +amnic +Amnigenia +amnioallantoic +amniocentesis +amniochorial +amnioclepsis +amniomancy +amnion +Amnionata +amnionate +amnionic +amniorrhea +Amniota +amniote +amniotic +amniotitis +amniotome +amober +amobyr +amoeba +amoebae +Amoebaea +amoebaean +amoebaeum +amoebalike +amoeban +amoebian +amoebiasis +amoebic +amoebicide +amoebid +Amoebida +Amoebidae +amoebiform +Amoebobacter +Amoebobacterieae +amoebocyte +Amoebogeniae +amoeboid +amoeboidism +amoebous +amoebula +amok +amoke +amole +amolilla +amomal +Amomales +Amomis +amomum +among +amongst +amontillado +amor +amorado +amoraic +amoraim +amoral +amoralism +amoralist +amorality +amoralize +Amores +amoret +amoretto +Amoreuxia +amorism +amorist +amoristic +Amorite +Amoritic +Amoritish +amorosity +amoroso +amorous +amorously +amorousness +Amorpha +amorphia +amorphic +amorphinism +amorphism +Amorphophallus +amorphophyte +amorphotae +amorphous +amorphously +amorphousness +amorphus +amorphy +amort +amortisseur +amortizable +amortization +amortize +amortizement +Amorua +Amos +Amoskeag +amotion +amotus +amount +amour +amourette +amovability +amovable +amove +Amoy +Amoyan +Amoyese +ampalaya +ampalea +ampangabeite +ampasimenite +Ampelidaceae +ampelidaceous +Ampelidae +ampelideous +Ampelis +ampelite +ampelitic +ampelographist +ampelography +ampelopsidin +ampelopsin +Ampelopsis +Ampelosicyos +ampelotherapy +amper +amperage +ampere +amperemeter +Amperian +amperometer +ampersand +ampery +amphanthium +ampheclexis +ampherotokous +ampherotoky +amphetamine +amphiarthrodial +amphiarthrosis +amphiaster +amphibalus +Amphibia +amphibial +amphibian +amphibichnite +amphibiety +amphibiological +amphibiology +amphibion +amphibiotic +Amphibiotica +amphibious +amphibiously +amphibiousness +amphibium +amphiblastic +amphiblastula +amphiblestritis +Amphibola +amphibole +amphibolia +amphibolic +amphiboliferous +amphiboline +amphibolite +amphibolitic +amphibological +amphibologically +amphibologism +amphibology +amphibolous +amphiboly +amphibrach +amphibrachic +amphibryous +Amphicarpa +Amphicarpaea +amphicarpic +amphicarpium +amphicarpogenous +amphicarpous +amphicentric +amphichroic +amphichrom +amphichromatic +amphichrome +amphicoelian +amphicoelous +Amphicondyla +amphicondylous +amphicrania +amphicreatinine +amphicribral +amphictyon +amphictyonian +amphictyonic +amphictyony +Amphicyon +Amphicyonidae +amphicyrtic +amphicyrtous +amphicytula +amphid +amphide +amphidesmous +amphidetic +amphidiarthrosis +amphidiploid +amphidiploidy +amphidisc +Amphidiscophora +amphidiscophoran +amphierotic +amphierotism +Amphigaea +amphigam +Amphigamae +amphigamous +amphigastrium +amphigastrula +amphigean +amphigen +amphigene +amphigenesis +amphigenetic +amphigenous +amphigenously +amphigonic +amphigonium +amphigonous +amphigony +amphigoric +amphigory +amphigouri +amphikaryon +amphilogism +amphilogy +amphimacer +amphimictic +amphimictical +amphimictically +amphimixis +amphimorula +Amphinesian +Amphineura +amphineurous +amphinucleus +Amphion +Amphionic +Amphioxi +Amphioxidae +Amphioxides +Amphioxididae +amphioxus +amphipeptone +amphiphloic +amphiplatyan +Amphipleura +amphiploid +amphiploidy +amphipneust +Amphipneusta +amphipneustic +Amphipnous +amphipod +Amphipoda +amphipodal +amphipodan +amphipodiform +amphipodous +amphiprostylar +amphiprostyle +amphiprotic +amphipyrenin +Amphirhina +amphirhinal +amphirhine +amphisarca +amphisbaena +amphisbaenian +amphisbaenic +Amphisbaenidae +amphisbaenoid +amphisbaenous +amphiscians +amphiscii +Amphisile +Amphisilidae +amphispermous +amphisporangiate +amphispore +Amphistoma +amphistomatic +amphistome +amphistomoid +amphistomous +Amphistomum +amphistylar +amphistylic +amphistyly +amphitene +amphitheater +amphitheatered +amphitheatral +amphitheatric +amphitheatrical +amphitheatrically +amphithecial +amphithecium +amphithect +amphithyron +amphitokal +amphitokous +amphitoky +amphitriaene +amphitrichous +Amphitrite +amphitropal +amphitropous +Amphitruo +Amphitryon +Amphiuma +Amphiumidae +amphivasal +amphivorous +Amphizoidae +amphodarch +amphodelite +amphodiplopia +amphogenous +ampholyte +amphopeptone +amphophil +amphophile +amphophilic +amphophilous +amphora +amphoral +amphore +amphorette +amphoric +amphoricity +amphoriloquy +amphorophony +amphorous +amphoteric +Amphrysian +ample +amplectant +ampleness +amplexation +amplexicaudate +amplexicaul +amplexicauline +amplexifoliate +amplexus +ampliate +ampliation +ampliative +amplicative +amplidyne +amplification +amplificative +amplificator +amplificatory +amplifier +amplify +amplitude +amply +ampollosity +ampongue +ampoule +ampul +ampulla +ampullaceous +ampullar +Ampullaria +Ampullariidae +ampullary +ampullate +ampullated +ampulliform +ampullitis +ampullula +amputate +amputation +amputational +amputative +amputator +amputee +ampyx +amra +amreeta +amrita +Amritsar +amsath +amsel +Amsonia +Amsterdamer +amt +amtman +Amuchco +amuck +Amueixa +amuguis +amula +amulet +amuletic +amulla +amunam +amurca +amurcosity +amurcous +Amurru +amusable +amuse +amused +amusedly +amusee +amusement +amuser +amusette +Amusgo +amusia +amusing +amusingly +amusingness +amusive +amusively +amusiveness +amutter +amuyon +amuyong +amuze +amvis +Amy +amy +Amyclaean +Amyclas +amyelencephalia +amyelencephalic +amyelencephalous +amyelia +amyelic +amyelinic +amyelonic +amyelous +amygdal +amygdala +Amygdalaceae +amygdalaceous +amygdalase +amygdalate +amygdalectomy +amygdalic +amygdaliferous +amygdaliform +amygdalin +amygdaline +amygdalinic +amygdalitis +amygdaloid +amygdaloidal +amygdalolith +amygdaloncus +amygdalopathy +amygdalothripsis +amygdalotome +amygdalotomy +Amygdalus +amygdonitrile +amygdophenin +amygdule +amyl +amylaceous +amylamine +amylan +amylase +amylate +amylemia +amylene +amylenol +amylic +amylidene +amyliferous +amylin +amylo +amylocellulose +amyloclastic +amylocoagulase +amylodextrin +amylodyspepsia +amylogen +amylogenesis +amylogenic +amylohydrolysis +amylohydrolytic +amyloid +amyloidal +amyloidosis +amyloleucite +amylolysis +amylolytic +amylom +amylometer +amylon +amylopectin +amylophagia +amylophosphate +amylophosphoric +amyloplast +amyloplastic +amyloplastid +amylopsin +amylose +amylosis +amylosynthesis +amylum +amyluria +Amynodon +amynodont +amyosthenia +amyosthenic +amyotaxia +amyotonia +amyotrophia +amyotrophic +amyotrophy +amyous +Amyraldism +Amyraldist +Amyridaceae +amyrin +Amyris +amyrol +amyroot +Amytal +amyxorrhea +amyxorrhoea +an +Ana +ana +Anabaena +Anabantidae +Anabaptism +Anabaptist +Anabaptistic +Anabaptistical +Anabaptistically +Anabaptistry +anabaptize +Anabas +anabasine +anabasis +anabasse +anabata +anabathmos +anabatic +anaberoga +anabibazon +anabiosis +anabiotic +Anablepidae +Anableps +anabo +anabohitsite +anabolic +anabolin +anabolism +anabolite +anabolize +anabong +anabranch +anabrosis +anabrotic +anacahuita +anacahuite +anacalypsis +anacampsis +anacamptic +anacamptically +anacamptics +anacamptometer +anacanth +anacanthine +Anacanthini +anacanthous +anacara +anacard +Anacardiaceae +anacardiaceous +anacardic +Anacardium +anacatadidymus +anacatharsis +anacathartic +anacephalaeosis +anacephalize +Anaces +Anacharis +anachorism +anachromasis +anachronic +anachronical +anachronically +anachronism +anachronismatical +anachronist +anachronistic +anachronistical +anachronistically +anachronize +anachronous +anachronously +anachueta +anacid +anacidity +anaclasis +anaclastic +anaclastics +Anaclete +anacleticum +anaclinal +anaclisis +anaclitic +anacoenosis +anacoluthia +anacoluthic +anacoluthically +anacoluthon +anaconda +Anacreon +Anacreontic +Anacreontically +anacrisis +Anacrogynae +anacrogynae +anacrogynous +anacromyodian +anacrotic +anacrotism +anacrusis +anacrustic +anacrustically +anaculture +anacusia +anacusic +anacusis +Anacyclus +anadem +anadenia +anadicrotic +anadicrotism +anadidymus +anadiplosis +anadipsia +anadipsic +anadrom +anadromous +Anadyomene +anaematosis +anaemia +anaemic +anaeretic +anaerobation +anaerobe +anaerobia +anaerobian +anaerobic +anaerobically +anaerobies +anaerobion +anaerobiont +anaerobiosis +anaerobiotic +anaerobiotically +anaerobious +anaerobism +anaerobium +anaerophyte +anaeroplastic +anaeroplasty +anaesthesia +anaesthesiant +anaesthetically +anaesthetizer +anaetiological +anagalactic +Anagallis +anagap +anagenesis +anagenetic +anagep +anagignoskomena +anaglyph +anaglyphic +anaglyphical +anaglyphics +anaglyphoscope +anaglyphy +anaglyptic +anaglyptical +anaglyptics +anaglyptograph +anaglyptographic +anaglyptography +anaglypton +anagnorisis +anagnost +anagoge +anagogic +anagogical +anagogically +anagogics +anagogy +anagram +anagrammatic +anagrammatical +anagrammatically +anagrammatism +anagrammatist +anagrammatize +anagrams +anagraph +anagua +anagyrin +anagyrine +Anagyris +anahau +Anahita +Anaitis +Anakes +anakinesis +anakinetic +anakinetomer +anakinetomeric +anakoluthia +anakrousis +anaktoron +anal +analabos +analav +analcime +analcimite +analcite +analcitite +analecta +analectic +analects +analemma +analemmatic +analepsis +analepsy +analeptic +analeptical +analgen +analgesia +analgesic +Analgesidae +analgesis +analgesist +analgetic +analgia +analgic +analgize +analkalinity +anallagmatic +anallantoic +Anallantoidea +anallantoidean +anallergic +anally +analogic +analogical +analogically +analogicalness +analogion +analogism +analogist +analogistic +analogize +analogon +analogous +analogously +analogousness +analogue +analogy +analphabet +analphabete +analphabetic +analphabetical +analphabetism +analysability +analysable +analysand +analysation +analyse +analyser +analyses +analysis +analyst +analytic +analytical +analytically +analytics +analyzability +analyzable +analyzation +analyze +analyzer +Anam +anam +anama +anamesite +anametadromous +Anamirta +anamirtin +Anamite +anamite +anammonid +anammonide +anamnesis +anamnestic +anamnestically +Anamnia +Anamniata +Anamnionata +anamnionic +Anamniota +anamniote +anamniotic +anamorphic +anamorphism +anamorphoscope +anamorphose +anamorphosis +anamorphote +anamorphous +anan +anana +ananaplas +ananaples +ananas +ananda +anandrarious +anandria +anandrous +ananepionic +anangioid +anangular +Ananias +Ananism +Ananite +anankastic +Anansi +Ananta +anantherate +anantherous +ananthous +ananym +anapaest +anapaestic +anapaestical +anapaestically +anapaganize +anapaite +anapanapa +anapeiratic +anaphalantiasis +Anaphalis +anaphase +Anaphe +anaphia +anaphora +anaphoral +anaphoria +anaphoric +anaphorical +anaphrodisia +anaphrodisiac +anaphroditic +anaphroditous +anaphylactic +anaphylactin +anaphylactogen +anaphylactogenic +anaphylactoid +anaphylatoxin +anaphylaxis +anaphyte +anaplasia +anaplasis +anaplasm +Anaplasma +anaplasmosis +anaplastic +anaplasty +anaplerosis +anaplerotic +anapnea +anapneic +anapnoeic +anapnograph +anapnoic +anapnometer +anapodeictic +anapophysial +anapophysis +anapsid +Anapsida +anapsidan +Anapterygota +anapterygote +anapterygotism +anapterygotous +Anaptomorphidae +Anaptomorphus +anaptotic +anaptychus +anaptyctic +anaptyctical +anaptyxis +anaqua +anarcestean +Anarcestes +anarch +anarchal +anarchial +anarchic +anarchical +anarchically +anarchism +anarchist +anarchistic +anarchize +anarchoindividualist +anarchosocialist +anarchosyndicalism +anarchosyndicalist +anarchy +anarcotin +anareta +anaretic +anaretical +anargyros +anarthria +anarthric +anarthropod +Anarthropoda +anarthropodous +anarthrosis +anarthrous +anarthrously +anarthrousness +anartismos +anarya +Anaryan +Anas +Anasa +anasarca +anasarcous +Anasazi +anaschistic +anaseismic +Anasitch +anaspadias +anaspalin +Anaspida +Anaspidacea +Anaspides +anastalsis +anastaltic +Anastasia +Anastasian +anastasimon +anastasimos +anastasis +Anastasius +anastate +anastatic +Anastatica +Anastatus +anastigmat +anastigmatic +anastomose +anastomosis +anastomotic +Anastomus +anastrophe +Anastrophia +Anat +anatase +anatexis +anathema +anathematic +anathematical +anathematically +anathematism +anathematization +anathematize +anathematizer +anatheme +anathemize +Anatherum +Anatidae +anatifa +Anatifae +anatifer +anatiferous +Anatinacea +Anatinae +anatine +anatocism +Anatole +Anatolian +Anatolic +Anatoly +anatomic +anatomical +anatomically +anatomicobiological +anatomicochirurgical +anatomicomedical +anatomicopathologic +anatomicopathological +anatomicophysiologic +anatomicophysiological +anatomicosurgical +anatomism +anatomist +anatomization +anatomize +anatomizer +anatomopathologic +anatomopathological +anatomy +anatopism +anatox +anatoxin +anatreptic +anatripsis +anatripsology +anatriptic +anatron +anatropal +anatropia +anatropous +Anatum +anaudia +anaunter +anaunters +Anax +Anaxagorean +Anaxagorize +anaxial +Anaximandrian +anaxon +anaxone +Anaxonia +anay +anazoturia +anba +anbury +Ancerata +ancestor +ancestorial +ancestorially +ancestral +ancestrally +ancestress +ancestrial +ancestrian +ancestry +Ancha +Anchat +Anchietea +anchietin +anchietine +anchieutectic +anchimonomineral +Anchisaurus +Anchises +Anchistea +Anchistopoda +anchithere +anchitherioid +anchor +anchorable +anchorage +anchorate +anchored +anchorer +anchoress +anchoret +anchoretic +anchoretical +anchoretish +anchoretism +anchorhold +anchorite +anchoritess +anchoritic +anchoritical +anchoritish +anchoritism +anchorless +anchorlike +anchorwise +anchovy +Anchtherium +Anchusa +anchusin +anchusine +anchylose +anchylosis +ancience +anciency +ancient +ancientism +anciently +ancientness +ancientry +ancienty +ancile +ancilla +ancillary +ancipital +ancipitous +Ancistrocladaceae +ancistrocladaceous +Ancistrocladus +ancistroid +ancon +Ancona +anconad +anconagra +anconal +ancone +anconeal +anconeous +anconeus +anconitis +anconoid +ancony +ancora +ancoral +Ancyloceras +Ancylocladus +Ancylodactyla +ancylopod +Ancylopoda +Ancylostoma +ancylostome +ancylostomiasis +Ancylostomum +Ancylus +Ancyrean +Ancyrene +and +anda +andabatarian +Andalusian +andalusite +Andaman +Andamanese +andante +andantino +Andaqui +Andaquian +Andarko +Andaste +Ande +Andean +Anderson +Andesic +andesine +andesinite +andesite +andesitic +Andevo +Andhra +Andi +Andian +Andine +Andira +andirin +andirine +andiroba +andiron +Andoke +andorite +Andorobo +Andorran +andouillet +andradite +andranatomy +andrarchy +Andre +Andrea +Andreaea +Andreaeaceae +Andreaeales +Andreas +Andrena +andrenid +Andrenidae +Andrew +andrewsite +Andria +Andriana +Andrias +andric +Andries +androcentric +androcephalous +androcephalum +androclinium +Androclus +androconium +androcracy +androcratic +androcyte +androdioecious +androdioecism +androdynamous +androecial +androecium +androgametangium +androgametophore +androgen +androgenesis +androgenetic +androgenic +androgenous +androginous +androgone +androgonia +androgonial +androgonidium +androgonium +Andrographis +andrographolide +androgynal +androgynary +androgyne +androgyneity +androgynia +androgynism +androgynous +androgynus +androgyny +android +androidal +androkinin +androl +androlepsia +androlepsy +Andromache +andromania +Andromaque +Andromeda +Andromede +andromedotoxin +andromonoecious +andromonoecism +andromorphous +andron +Andronicus +andronitis +andropetalar +andropetalous +androphagous +androphobia +androphonomania +androphore +androphorous +androphorum +androphyll +Andropogon +Androsace +Androscoggin +androseme +androsin +androsphinx +androsporangium +androspore +androsterone +androtauric +androtomy +Andy +anear +aneath +anecdota +anecdotage +anecdotal +anecdotalism +anecdote +anecdotic +anecdotical +anecdotically +anecdotist +anele +anelectric +anelectrode +anelectrotonic +anelectrotonus +anelytrous +anematosis +Anemia +anemia +anemic +anemobiagraph +anemochord +anemoclastic +anemogram +anemograph +anemographic +anemographically +anemography +anemological +anemology +anemometer +anemometric +anemometrical +anemometrically +anemometrograph +anemometrographic +anemometrographically +anemometry +anemonal +anemone +Anemonella +anemonin +anemonol +anemony +anemopathy +anemophile +anemophilous +anemophily +Anemopsis +anemoscope +anemosis +anemotaxis +anemotropic +anemotropism +anencephalia +anencephalic +anencephalotrophia +anencephalous +anencephalus +anencephaly +anend +anenergia +anenst +anent +anenterous +anepia +anepigraphic +anepigraphous +anepiploic +anepithymia +anerethisia +aneretic +anergia +anergic +anergy +anerly +aneroid +aneroidograph +anerotic +anerythroplasia +anerythroplastic +anes +anesis +anesthesia +anesthesiant +anesthesimeter +anesthesiologist +anesthesiology +anesthesis +anesthetic +anesthetically +anesthetist +anesthetization +anesthetize +anesthetizer +anesthyl +anethole +Anethum +anetiological +aneuploid +aneuploidy +aneuria +aneuric +aneurilemmic +aneurin +aneurism +aneurismally +aneurysm +aneurysmal +aneurysmally +aneurysmatic +anew +Anezeh +anfractuose +anfractuosity +anfractuous +anfractuousness +anfracture +Angami +Angara +angaralite +angaria +angary +Angdistis +angekok +angel +Angela +angelate +angeldom +Angeleno +angelet +angeleyes +angelfish +angelhood +angelic +Angelica +angelica +Angelical +angelical +angelically +angelicalness +Angelican +angelicic +angelicize +angelico +angelin +Angelina +angeline +angelique +angelize +angellike +Angelo +angelocracy +angelographer +angelolater +angelolatry +angelologic +angelological +angelology +angelomachy +Angelonia +angelophany +angelot +angelship +Angelus +anger +angerly +Angerona +Angeronalia +Angers +Angetenar +Angevin +angeyok +angiasthenia +angico +Angie +angiectasis +angiectopia +angiemphraxis +angiitis +angild +angili +angina +anginal +anginiform +anginoid +anginose +anginous +angioasthenia +angioataxia +angioblast +angioblastic +angiocarditis +angiocarp +angiocarpian +angiocarpic +angiocarpous +angiocavernous +angiocholecystitis +angiocholitis +angiochondroma +angioclast +angiocyst +angiodermatitis +angiodiascopy +angioelephantiasis +angiofibroma +angiogenesis +angiogenic +angiogeny +angioglioma +angiograph +angiography +angiohyalinosis +angiohydrotomy +angiohypertonia +angiohypotonia +angioid +angiokeratoma +angiokinesis +angiokinetic +angioleucitis +angiolipoma +angiolith +angiology +angiolymphitis +angiolymphoma +angioma +angiomalacia +angiomatosis +angiomatous +angiomegaly +angiometer +angiomyocardiac +angiomyoma +angiomyosarcoma +angioneoplasm +angioneurosis +angioneurotic +angionoma +angionosis +angioparalysis +angioparalytic +angioparesis +angiopathy +angiophorous +angioplany +angioplasty +angioplerosis +angiopoietic +angiopressure +angiorrhagia +angiorrhaphy +angiorrhea +angiorrhexis +angiosarcoma +angiosclerosis +angiosclerotic +angioscope +angiosis +angiospasm +angiospastic +angiosperm +Angiospermae +angiospermal +angiospermatous +angiospermic +angiospermous +angiosporous +angiostegnosis +angiostenosis +angiosteosis +angiostomize +angiostomy +angiostrophy +angiosymphysis +angiotasis +angiotelectasia +angiothlipsis +angiotome +angiotomy +angiotonic +angiotonin +angiotribe +angiotripsy +angiotrophic +Angka +anglaise +angle +angleberry +angled +anglehook +anglepod +angler +Angles +anglesite +anglesmith +angletouch +angletwitch +anglewing +anglewise +angleworm +Anglian +Anglic +Anglican +Anglicanism +Anglicanize +Anglicanly +Anglicanum +Anglicism +Anglicist +Anglicization +anglicization +Anglicize +anglicize +Anglification +Anglify +anglimaniac +angling +Anglish +Anglist +Anglistics +Anglogaea +Anglogaean +angloid +Angloman +Anglomane +Anglomania +Anglomaniac +Anglophile +Anglophobe +Anglophobia +Anglophobiac +Anglophobic +Anglophobist +ango +Angola +angolar +Angolese +angor +Angora +angostura +Angouleme +Angoumian +Angraecum +angrily +angriness +angrite +angry +angst +angster +Angstrom +angstrom +anguid +Anguidae +anguiform +Anguilla +Anguillaria +Anguillidae +anguilliform +anguilloid +Anguillula +Anguillulidae +Anguimorpha +anguine +anguineal +anguineous +Anguinidae +anguiped +Anguis +anguis +anguish +anguished +anguishful +anguishous +anguishously +angula +angular +angulare +angularity +angularization +angularize +angularly +angularness +angulate +angulated +angulately +angulateness +angulation +angulatogibbous +angulatosinuous +anguliferous +angulinerved +Anguloa +angulodentate +angulometer +angulosity +angulosplenial +angulous +anguria +Angus +angusticlave +angustifoliate +angustifolious +angustirostrate +angustisellate +angustiseptal +angustiseptate +angwantibo +anhalamine +anhaline +anhalonine +Anhalonium +anhalouidine +anhang +Anhanga +anharmonic +anhedonia +anhedral +anhedron +anhelation +anhelous +anhematosis +anhemolytic +anhidrosis +anhidrotic +anhima +Anhimae +Anhimidae +anhinga +anhistic +anhistous +anhungered +anhungry +anhydrate +anhydration +anhydremia +anhydremic +anhydric +anhydride +anhydridization +anhydridize +anhydrite +anhydrization +anhydrize +anhydroglocose +anhydromyelia +anhydrous +anhydroxime +anhysteretic +ani +Aniba +Anice +aniconic +aniconism +anicular +anicut +anidian +anidiomatic +anidiomatical +anidrosis +Aniellidae +aniente +anigh +anight +anights +anil +anilao +anilau +anile +anileness +anilic +anilid +anilide +anilidic +anilidoxime +aniline +anilinism +anilinophile +anilinophilous +anility +anilla +anilopyrin +anilopyrine +anima +animability +animable +animableness +animadversion +animadversional +animadversive +animadversiveness +animadvert +animadverter +animal +animalcula +animalculae +animalcular +animalcule +animalculine +animalculism +animalculist +animalculous +animalculum +animalhood +Animalia +animalian +animalic +animalier +animalish +animalism +animalist +animalistic +animality +Animalivora +animalivore +animalivorous +animalization +animalize +animally +animastic +animastical +animate +animated +animatedly +animately +animateness +animater +animating +animatingly +animation +animatism +animatistic +animative +animatograph +animator +anime +animi +Animikean +animikite +animism +animist +animistic +animize +animosity +animotheism +animous +animus +anion +anionic +aniridia +anis +anisal +anisalcohol +anisaldehyde +anisaldoxime +anisamide +anisandrous +anisanilide +anisate +anischuria +anise +aniseed +aniseikonia +aniseikonic +aniselike +aniseroot +anisette +anisic +anisidin +anisidine +anisil +anisilic +anisobranchiate +anisocarpic +anisocarpous +anisocercal +anisochromatic +anisochromia +anisocoria +anisocotyledonous +anisocotyly +anisocratic +anisocycle +anisocytosis +anisodactyl +Anisodactyla +Anisodactyli +anisodactylic +anisodactylous +anisodont +anisogamete +anisogamous +anisogamy +anisogenous +anisogeny +anisognathism +anisognathous +anisogynous +anisoin +anisole +anisoleucocytosis +Anisomeles +anisomelia +anisomelus +anisomeric +anisomerous +anisometric +anisometrope +anisometropia +anisometropic +anisomyarian +Anisomyodi +anisomyodian +anisomyodous +anisopetalous +anisophyllous +anisophylly +anisopia +anisopleural +anisopleurous +anisopod +Anisopoda +anisopodal +anisopodous +anisopogonous +Anisoptera +anisopterous +anisosepalous +anisospore +anisostaminous +anisostemonous +anisosthenic +anisostichous +Anisostichus +anisostomous +anisotonic +anisotropal +anisotrope +anisotropic +anisotropical +anisotropically +anisotropism +anisotropous +anisotropy +anisoyl +anisum +anisuria +anisyl +anisylidene +Anita +anither +anitrogenous +anjan +Anjou +ankaramite +ankaratrite +ankee +anker +ankerite +ankh +ankle +anklebone +anklejack +anklet +anklong +Ankoli +Ankou +ankus +ankusha +ankylenteron +ankyloblepharon +ankylocheilia +ankylodactylia +ankylodontia +ankyloglossia +ankylomele +ankylomerism +ankylophobia +ankylopodia +ankylopoietic +ankyloproctia +ankylorrhinia +Ankylosaurus +ankylose +ankylosis +ankylostoma +ankylotia +ankylotic +ankylotome +ankylotomy +ankylurethria +ankyroid +anlace +anlaut +Ann +ann +Anna +anna +Annabel +annabergite +annal +annale +annaline +annalism +annalist +annalistic +annalize +annals +Annam +Annamese +Annamite +Annamitic +Annapurna +Annard +annat +annates +annatto +Anne +anneal +annealer +annectent +annection +annelid +Annelida +annelidan +Annelides +annelidian +annelidous +annelism +Annellata +anneloid +annerodite +Anneslia +annet +Annette +annex +annexa +annexable +annexal +annexation +annexational +annexationist +annexer +annexion +annexionist +annexitis +annexive +annexment +annexure +annidalin +Annie +Anniellidae +annihilability +annihilable +annihilate +annihilation +annihilationism +annihilationist +annihilative +annihilator +annihilatory +Annist +annite +anniversarily +anniversariness +anniversary +anniverse +annodated +Annona +annona +Annonaceae +annonaceous +annotate +annotater +annotation +annotative +annotator +annotatory +annotine +annotinous +announce +announceable +announcement +announcer +annoy +annoyance +annoyancer +annoyer +annoyful +annoying +annoyingly +annoyingness +annoyment +annual +annualist +annualize +annually +annuary +annueler +annuent +annuitant +annuity +annul +annular +Annularia +annularity +annularly +annulary +Annulata +annulate +annulated +annulation +annulet +annulettee +annulism +annullable +annullate +annullation +annuller +annulment +annuloid +Annuloida +Annulosa +annulosan +annulose +annulus +annunciable +annunciate +annunciation +annunciative +annunciator +annunciatory +anoa +Anobiidae +anocarpous +anociassociation +anococcygeal +anodal +anode +anodendron +anodic +anodically +anodize +Anodon +Anodonta +anodontia +anodos +anodyne +anodynia +anodynic +anodynous +anoegenetic +anoesia +anoesis +anoestrous +anoestrum +anoestrus +anoetic +anogenic +anogenital +Anogra +anoil +anoine +anoint +anointer +anointment +anole +anoli +anolian +Anolis +Anolympiad +anolyte +Anomala +anomaliflorous +anomaliped +anomalism +anomalist +anomalistic +anomalistical +anomalistically +anomalocephalus +anomaloflorous +Anomalogonatae +anomalogonatous +Anomalon +anomalonomy +Anomalopteryx +anomaloscope +anomalotrophy +anomalous +anomalously +anomalousness +anomalure +Anomaluridae +Anomalurus +anomaly +Anomatheca +Anomia +Anomiacea +Anomiidae +anomite +anomocarpous +anomodont +Anomodontia +Anomoean +Anomoeanism +anomophyllous +anomorhomboid +anomorhomboidal +anomphalous +Anomura +anomural +anomuran +anomurous +anomy +anon +anonang +anoncillo +anonol +anonychia +anonym +anonyma +anonymity +anonymous +anonymously +anonymousness +anonymuncule +anoopsia +anoperineal +anophele +Anopheles +Anophelinae +anopheline +anophoria +anophthalmia +anophthalmos +Anophthalmus +anophyte +anopia +anopisthographic +Anopla +Anoplanthus +anoplocephalic +anoplonemertean +Anoplonemertini +anoplothere +Anoplotheriidae +anoplotherioid +Anoplotherium +anoplotheroid +Anoplura +anopluriform +anopsia +anopubic +anorak +anorchia +anorchism +anorchous +anorchus +anorectal +anorectic +anorectous +anorexia +anorexy +anorgana +anorganic +anorganism +anorganology +anormal +anormality +anorogenic +anorth +anorthic +anorthite +anorthitic +anorthitite +anorthoclase +anorthographic +anorthographical +anorthographically +anorthography +anorthophyre +anorthopia +anorthoscope +anorthose +anorthosite +anoscope +anoscopy +Anosia +anosmatic +anosmia +anosmic +anosphrasia +anosphresia +anospinal +anostosis +Anostraca +anoterite +another +anotherkins +anotia +anotropia +anotta +anotto +anotus +anounou +Anous +anovesical +anoxemia +anoxemic +anoxia +anoxic +anoxidative +anoxybiosis +anoxybiotic +anoxyscope +ansa +ansar +ansarian +Ansarie +ansate +ansation +Anseis +Ansel +Anselm +Anselmian +Anser +anserated +Anseres +Anseriformes +Anserinae +anserine +anserous +anspessade +ansu +ansulate +answer +answerability +answerable +answerableness +answerably +answerer +answeringly +answerless +answerlessly +ant +Anta +anta +antacid +antacrid +antadiform +Antaean +Antaeus +antagonism +antagonist +antagonistic +antagonistical +antagonistically +antagonization +antagonize +antagonizer +antagony +Antaimerina +Antaios +Antaiva +antal +antalgesic +antalgol +antalkali +antalkaline +antambulacral +antanacathartic +antanaclasis +Antanandro +antanemic +antapex +antaphrodisiac +antaphroditic +antapocha +antapodosis +antapology +antapoplectic +Antar +Antara +antarchism +antarchist +antarchistic +antarchistical +antarchy +Antarctalia +Antarctalian +antarctic +Antarctica +antarctica +antarctical +antarctically +Antarctogaea +Antarctogaean +Antares +antarthritic +antasphyctic +antasthenic +antasthmatic +antatrophic +antdom +ante +anteact +anteal +anteambulate +anteambulation +anteater +antebaptismal +antebath +antebrachial +antebrachium +antebridal +antecabinet +antecaecal +antecardium +antecavern +antecedaneous +antecedaneously +antecede +antecedence +antecedency +antecedent +antecedental +antecedently +antecessor +antechamber +antechapel +Antechinomys +antechoir +antechurch +anteclassical +antecloset +antecolic +antecommunion +anteconsonantal +antecornu +antecourt +antecoxal +antecubital +antecurvature +antedate +antedawn +antediluvial +antediluvially +antediluvian +Antedon +antedonin +antedorsal +antefebrile +antefix +antefixal +anteflected +anteflexed +anteflexion +antefurca +antefurcal +antefuture +antegarden +antegrade +antehall +antehistoric +antehuman +antehypophysis +anteinitial +antejentacular +antejudiciary +antejuramentum +antelabium +antelegal +antelocation +antelope +antelopian +antelucan +antelude +anteluminary +antemarginal +antemarital +antemedial +antemeridian +antemetallic +antemetic +antemillennial +antemingent +antemortal +antemundane +antemural +antenarial +antenatal +antenatalitial +antenati +antenave +antenna +antennae +antennal +Antennaria +antennariid +Antennariidae +Antennarius +antennary +Antennata +antennate +antenniferous +antenniform +antennula +antennular +antennulary +antennule +antenodal +antenoon +Antenor +antenumber +anteoccupation +anteocular +anteopercle +anteoperculum +anteorbital +antepagmenta +antepagments +antepalatal +antepaschal +antepast +antepatriarchal +antepectoral +antepectus +antependium +antepenult +antepenultima +antepenultimate +antephialtic +antepileptic +antepirrhema +anteporch +anteportico +anteposition +anteposthumous +anteprandial +antepredicament +antepredicamental +antepreterit +antepretonic +anteprohibition +anteprostate +anteprostatic +antepyretic +antequalm +antereformation +antereformational +anteresurrection +anterethic +anterevolutional +anterevolutionary +anteriad +anterior +anteriority +anteriorly +anteriorness +anteroclusion +anterodorsal +anteroexternal +anterofixation +anteroflexion +anterofrontal +anterograde +anteroinferior +anterointerior +anterointernal +anterolateral +anterolaterally +anteromedial +anteromedian +anteroom +anteroparietal +anteroposterior +anteroposteriorly +anteropygal +anterospinal +anterosuperior +anteroventral +anteroventrally +antes +antescript +antesignanus +antespring +antestature +antesternal +antesternum +antesunrise +antesuperior +antetemple +antetype +Anteva +antevenient +anteversion +antevert +antevocalic +antewar +anthecological +anthecologist +anthecology +Antheia +anthela +anthelion +anthelmintic +anthem +anthema +anthemene +anthemia +Anthemideae +anthemion +Anthemis +anthemwise +anthemy +anther +Antheraea +antheral +Anthericum +antherid +antheridial +antheridiophore +antheridium +antheriferous +antheriform +antherless +antherogenous +antheroid +antherozoid +antherozoidal +antherozooid +antherozooidal +anthesis +Anthesteria +Anthesteriac +anthesterin +Anthesterion +anthesterol +antheximeter +Anthicidae +Anthidium +anthill +Anthinae +anthine +anthobiology +anthocarp +anthocarpous +anthocephalous +Anthoceros +Anthocerotaceae +Anthocerotales +anthocerote +anthochlor +anthochlorine +anthoclinium +anthocyan +anthocyanidin +anthocyanin +anthodium +anthoecological +anthoecologist +anthoecology +anthogenesis +anthogenetic +anthogenous +anthography +anthoid +anthokyan +antholite +anthological +anthologically +anthologion +anthologist +anthologize +anthology +antholysis +Antholyza +anthomania +anthomaniac +Anthomedusae +anthomedusan +Anthomyia +anthomyiid +Anthomyiidae +Anthonin +Anthonomus +Anthony +anthood +anthophagous +Anthophila +anthophile +anthophilian +anthophilous +anthophobia +Anthophora +anthophore +Anthophoridae +anthophorous +anthophyllite +anthophyllitic +Anthophyta +anthophyte +anthorine +anthosiderite +Anthospermum +anthotaxis +anthotaxy +anthotropic +anthotropism +anthoxanthin +Anthoxanthum +Anthozoa +anthozoan +anthozoic +anthozooid +anthozoon +anthracemia +anthracene +anthraceniferous +anthrachrysone +anthracia +anthracic +anthraciferous +anthracin +anthracite +anthracitic +anthracitiferous +anthracitious +anthracitism +anthracitization +anthracnose +anthracnosis +anthracocide +anthracoid +anthracolithic +anthracomancy +Anthracomarti +anthracomartian +Anthracomartus +anthracometer +anthracometric +anthraconecrosis +anthraconite +Anthracosaurus +anthracosis +anthracothere +Anthracotheriidae +Anthracotherium +anthracotic +anthracyl +anthradiol +anthradiquinone +anthraflavic +anthragallol +anthrahydroquinone +anthramine +anthranil +anthranilate +anthranilic +anthranol +anthranone +anthranoyl +anthranyl +anthraphenone +anthrapurpurin +anthrapyridine +anthraquinol +anthraquinone +anthraquinonyl +anthrarufin +anthratetrol +anthrathiophene +anthratriol +anthrax +anthraxolite +anthraxylon +Anthrenus +anthribid +Anthribidae +Anthriscus +anthrohopobiological +anthroic +anthrol +anthrone +anthropic +anthropical +Anthropidae +anthropobiologist +anthropobiology +anthropocentric +anthropocentrism +anthropoclimatologist +anthropoclimatology +anthropocosmic +anthropodeoxycholic +Anthropodus +anthropogenesis +anthropogenetic +anthropogenic +anthropogenist +anthropogenous +anthropogeny +anthropogeographer +anthropogeographical +anthropogeography +anthropoglot +anthropogony +anthropography +anthropoid +anthropoidal +Anthropoidea +anthropoidean +anthropolater +anthropolatric +anthropolatry +anthropolite +anthropolithic +anthropolitic +anthropological +anthropologically +anthropologist +anthropology +anthropomancy +anthropomantic +anthropomantist +anthropometer +anthropometric +anthropometrical +anthropometrically +anthropometrist +anthropometry +anthropomorph +Anthropomorpha +anthropomorphic +anthropomorphical +anthropomorphically +Anthropomorphidae +anthropomorphism +anthropomorphist +anthropomorphite +anthropomorphitic +anthropomorphitical +anthropomorphitism +anthropomorphization +anthropomorphize +anthropomorphological +anthropomorphologically +anthropomorphology +anthropomorphosis +anthropomorphotheist +anthropomorphous +anthropomorphously +anthroponomical +anthroponomics +anthroponomist +anthroponomy +anthropopathia +anthropopathic +anthropopathically +anthropopathism +anthropopathite +anthropopathy +anthropophagi +anthropophagic +anthropophagical +anthropophaginian +anthropophagism +anthropophagist +anthropophagistic +anthropophagite +anthropophagize +anthropophagous +anthropophagously +anthropophagy +anthropophilous +anthropophobia +anthropophuism +anthropophuistic +anthropophysiography +anthropophysite +Anthropopithecus +anthropopsychic +anthropopsychism +Anthropos +anthroposcopy +anthroposociologist +anthroposociology +anthroposomatology +anthroposophical +anthroposophist +anthroposophy +anthropoteleoclogy +anthropoteleological +anthropotheism +anthropotomical +anthropotomist +anthropotomy +anthropotoxin +Anthropozoic +anthropurgic +anthroropolith +anthroxan +anthroxanic +anthryl +anthrylene +Anthurium +Anthus +Anthyllis +anthypophora +anthypophoretic +Anti +anti +antiabolitionist +antiabrasion +antiabrin +antiabsolutist +antiacid +antiadiaphorist +antiaditis +antiadministration +antiae +antiaesthetic +antiager +antiagglutinating +antiagglutinin +antiaggression +antiaggressionist +antiaggressive +antiaircraft +antialbumid +antialbumin +antialbumose +antialcoholic +antialcoholism +antialcoholist +antialdoxime +antialexin +antialien +antiamboceptor +antiamusement +antiamylase +antianaphylactogen +antianaphylaxis +antianarchic +antianarchist +antiangular +antiannexation +antiannexationist +antianopheline +antianthrax +antianthropocentric +antianthropomorphism +antiantibody +antiantidote +antiantienzyme +antiantitoxin +antiaphrodisiac +antiaphthic +antiapoplectic +antiapostle +antiaquatic +antiar +Antiarcha +Antiarchi +antiarin +Antiaris +antiaristocrat +antiarthritic +antiascetic +antiasthmatic +antiastronomical +antiatheism +antiatheist +antiatonement +antiattrition +antiautolysin +antibacchic +antibacchius +antibacterial +antibacteriolytic +antiballooner +antibalm +antibank +antibasilican +antibenzaldoxime +antiberiberin +antibibliolatry +antibigotry +antibilious +antibiont +antibiosis +antibiotic +antibishop +antiblastic +antiblennorrhagic +antiblock +antiblue +antibody +antiboxing +antibreakage +antibridal +antibromic +antibubonic +Antiburgher +antic +anticachectic +antical +anticalcimine +anticalculous +anticalligraphic +anticancer +anticapital +anticapitalism +anticapitalist +anticardiac +anticardium +anticarious +anticarnivorous +anticaste +anticatalase +anticatalyst +anticatalytic +anticatalyzer +anticatarrhal +anticathexis +anticathode +anticaustic +anticensorship +anticentralization +anticephalalgic +anticeremonial +anticeremonialism +anticeremonialist +anticheater +antichlor +antichlorine +antichloristic +antichlorotic +anticholagogue +anticholinergic +antichoromanic +antichorus +antichresis +antichretic +antichrist +antichristian +antichristianity +antichristianly +antichrome +antichronical +antichronically +antichthon +antichurch +antichurchian +antichymosin +anticipant +anticipatable +anticipate +anticipation +anticipative +anticipatively +anticipator +anticipatorily +anticipatory +anticivic +anticivism +anticize +anticker +anticlactic +anticlassical +anticlassicist +Anticlea +anticlergy +anticlerical +anticlericalism +anticlimactic +anticlimax +anticlinal +anticline +anticlinorium +anticlockwise +anticlogging +anticly +anticnemion +anticness +anticoagulant +anticoagulating +anticoagulative +anticoagulin +anticogitative +anticolic +anticombination +anticomet +anticomment +anticommercial +anticommunist +anticomplement +anticomplementary +anticomplex +anticonceptionist +anticonductor +anticonfederationist +anticonformist +anticonscience +anticonscription +anticonscriptive +anticonstitutional +anticonstitutionalist +anticonstitutionally +anticontagion +anticontagionist +anticontagious +anticonventional +anticonventionalism +anticonvulsive +anticor +anticorn +anticorrosion +anticorrosive +anticorset +anticosine +anticosmetic +anticouncil +anticourt +anticourtier +anticous +anticovenanter +anticovenanting +anticreation +anticreative +anticreator +anticreep +anticreeper +anticreeping +anticrepuscular +anticrepuscule +anticrisis +anticritic +anticritique +anticrochet +anticrotalic +anticryptic +anticum +anticyclic +anticyclone +anticyclonic +anticyclonically +anticynic +anticytolysin +anticytotoxin +antidactyl +antidancing +antidecalogue +antideflation +antidemocrat +antidemocratic +antidemocratical +antidemoniac +antidetonant +antidetonating +antidiabetic +antidiastase +Antidicomarian +Antidicomarianite +antidictionary +antidiffuser +antidinic +antidiphtheria +antidiphtheric +antidiphtherin +antidiphtheritic +antidisciplinarian +antidivine +antidivorce +antidogmatic +antidomestic +antidominican +Antidorcas +antidoron +antidotal +antidotally +antidotary +antidote +antidotical +antidotically +antidotism +antidraft +antidrag +antidromal +antidromic +antidromically +antidromous +antidromy +antidrug +antiduke +antidumping +antidynamic +antidynastic +antidyscratic +antidysenteric +antidysuric +antiecclesiastic +antiecclesiastical +antiedemic +antieducation +antieducational +antiegotism +antiejaculation +antiemetic +antiemperor +antiempirical +antiendotoxin +antiendowment +antienergistic +antienthusiastic +antienzyme +antienzymic +antiepicenter +antiepileptic +antiepiscopal +antiepiscopist +antiepithelial +antierosion +antierysipelas +Antietam +antiethnic +antieugenic +antievangelical +antievolution +antievolutionist +antiexpansionist +antiexporting +antiextreme +antieyestrain +antiface +antifaction +antifame +antifanatic +antifat +antifatigue +antifebrile +antifederal +antifederalism +antifederalist +antifelon +antifelony +antifeminism +antifeminist +antiferment +antifermentative +antifertilizer +antifeudal +antifeudalism +antifibrinolysin +antifibrinolysis +antifideism +antifire +antiflash +antiflattering +antiflatulent +antiflux +antifoam +antifoaming +antifogmatic +antiforeign +antiforeignism +antiformin +antifouler +antifouling +antifowl +antifreeze +antifreezing +antifriction +antifrictional +antifrost +antifundamentalist +antifungin +antigalactagogue +antigalactic +antigambling +antiganting +antigen +antigenic +antigenicity +antighostism +antigigmanic +antiglare +antiglyoxalase +antigod +Antigone +antigonococcic +Antigonon +antigonorrheic +Antigonus +antigorite +antigovernment +antigraft +antigrammatical +antigraph +antigravitate +antigravitational +antigropelos +antigrowth +Antiguan +antiguggler +antigyrous +antihalation +antiharmonist +antihectic +antihelix +antihelminthic +antihemagglutinin +antihemisphere +antihemoglobin +antihemolysin +antihemolytic +antihemorrhagic +antihemorrheidal +antihero +antiheroic +antiheroism +antiheterolysin +antihidrotic +antihierarchical +antihierarchist +antihistamine +antihistaminic +antiholiday +antihormone +antihuff +antihum +antihuman +antihumbuggist +antihunting +antihydrophobic +antihydropic +antihydropin +antihygienic +antihylist +antihypnotic +antihypochondriac +antihypophora +antihysteric +Antikamnia +antikathode +antikenotoxin +antiketogen +antiketogenesis +antiketogenic +antikinase +antiking +antiknock +antilabor +antilaborist +antilacrosse +antilacrosser +antilactase +antilapsarian +antileague +antilegalist +antilegomena +antilemic +antilens +antilepsis +antileptic +antilethargic +antileveling +Antilia +antiliberal +antilibration +antilift +antilipase +antilipoid +antiliquor +antilithic +antiliturgical +antiliturgist +Antillean +antilobium +Antilocapra +Antilocapridae +Antilochus +antiloemic +antilogarithm +antilogic +antilogical +antilogism +antilogous +antilogy +antiloimic +Antilope +Antilopinae +antilottery +antiluetin +antilynching +antilysin +antilysis +antilyssic +antilytic +antimacassar +antimachine +antimachinery +antimagistratical +antimalaria +antimalarial +antimallein +antimaniac +antimaniacal +Antimarian +antimark +antimartyr +antimask +antimasker +Antimason +Antimasonic +Antimasonry +antimasque +antimasquer +antimasquerade +antimaterialist +antimaterialistic +antimatrimonial +antimatrimonialist +antimedical +antimedieval +antimelancholic +antimellin +antimeningococcic +antimension +antimensium +antimephitic +antimere +antimerger +antimeric +Antimerina +antimerism +antimeristem +antimetabole +antimetathesis +antimetathetic +antimeter +antimethod +antimetrical +antimetropia +antimetropic +antimiasmatic +antimicrobic +antimilitarism +antimilitarist +antimilitary +antiministerial +antiministerialist +antiminsion +antimiscegenation +antimission +antimissionary +antimissioner +antimixing +antimnemonic +antimodel +antimodern +antimonarchial +antimonarchic +antimonarchical +antimonarchically +antimonarchicalness +antimonarchist +antimonate +antimonial +antimoniate +antimoniated +antimonic +antimonid +antimonide +antimoniferous +antimonious +antimonite +antimonium +antimoniuret +antimoniureted +antimoniuretted +antimonopolist +antimonopoly +antimonsoon +antimony +antimonyl +antimoral +antimoralism +antimoralist +antimosquito +antimusical +antimycotic +antimythic +antimythical +antinarcotic +antinarrative +antinational +antinationalist +antinationalistic +antinatural +antinegro +antinegroism +antineologian +antinephritic +antinepotic +antineuralgic +antineuritic +antineurotoxin +antineutral +antinial +antinicotine +antinion +antinode +antinoise +antinome +antinomian +antinomianism +antinomic +antinomical +antinomist +antinomy +antinormal +antinosarian +Antinous +Antiochene +Antiochian +Antiochianism +antiodont +antiodontalgic +Antiope +antiopelmous +antiophthalmic +antiopium +antiopiumist +antiopiumite +antioptimist +antioptionist +antiorgastic +antiorthodox +antioxidant +antioxidase +antioxidizer +antioxidizing +antioxygen +antioxygenation +antioxygenator +antioxygenic +antipacifist +antipapacy +antipapal +antipapalist +antipapism +antipapist +antipapistical +antiparabema +antiparagraphe +antiparagraphic +antiparallel +antiparallelogram +antiparalytic +antiparalytical +antiparasitic +antiparastatitis +antiparliament +antiparliamental +antiparliamentarist +antiparliamentary +antipart +Antipasch +Antipascha +antipass +antipastic +Antipatharia +antipatharian +antipathetic +antipathetical +antipathetically +antipatheticalness +antipathic +Antipathida +antipathist +antipathize +antipathogen +antipathy +antipatriarch +antipatriarchal +antipatriot +antipatriotic +antipatriotism +antipedal +Antipedobaptism +Antipedobaptist +antipeduncular +antipellagric +antipepsin +antipeptone +antiperiodic +antiperistalsis +antiperistaltic +antiperistasis +antiperistatic +antiperistatical +antiperistatically +antipersonnel +antiperthite +antipestilential +antipetalous +antipewism +antiphagocytic +antipharisaic +antipharmic +antiphase +antiphilosophic +antiphilosophical +antiphlogistian +antiphlogistic +antiphon +antiphonal +antiphonally +antiphonary +antiphoner +antiphonetic +antiphonic +antiphonical +antiphonically +antiphonon +antiphony +antiphrasis +antiphrastic +antiphrastical +antiphrastically +antiphthisic +antiphthisical +antiphylloxeric +antiphysic +antiphysical +antiphysician +antiplague +antiplanet +antiplastic +antiplatelet +antipleion +antiplenist +antiplethoric +antipleuritic +antiplurality +antipneumococcic +antipodagric +antipodagron +antipodal +antipode +antipodean +antipodes +antipodic +antipodism +antipodist +antipoetic +antipoints +antipolar +antipole +antipolemist +antipolitical +antipollution +antipolo +antipolygamy +antipolyneuritic +antipool +antipooling +antipope +antipopery +antipopular +antipopulationist +antiportable +antiposition +antipoverty +antipragmatic +antipragmatist +antiprecipitin +antipredeterminant +antiprelate +antiprelatic +antiprelatist +antipreparedness +antiprestidigitation +antipriest +antipriestcraft +antiprime +antiprimer +antipriming +antiprinciple +antiprism +antiproductionist +antiprofiteering +antiprohibition +antiprohibitionist +antiprojectivity +antiprophet +antiprostate +antiprostatic +antiprotease +antiproteolysis +antiprotozoal +antiprudential +antipruritic +antipsalmist +antipsoric +antiptosis +antipudic +antipuritan +antiputrefaction +antiputrefactive +antiputrescent +antiputrid +antipyic +antipyonin +antipyresis +antipyretic +Antipyrine +antipyrotic +antipyryl +antiqua +antiquarian +antiquarianism +antiquarianize +antiquarianly +antiquarism +antiquartan +antiquary +antiquate +antiquated +antiquatedness +antiquation +antique +antiquely +antiqueness +antiquer +antiquing +antiquist +antiquitarian +antiquity +antirabic +antirabies +antiracemate +antiracer +antirachitic +antirachitically +antiracing +antiradiating +antiradiation +antiradical +antirailwayist +antirational +antirationalism +antirationalist +antirationalistic +antirattler +antireactive +antirealism +antirealistic +antirebating +antirecruiting +antired +antireducer +antireform +antireformer +antireforming +antireformist +antireligion +antireligious +antiremonstrant +antirennet +antirennin +antirent +antirenter +antirentism +antirepublican +antireservationist +antirestoration +antireticular +antirevisionist +antirevolutionary +antirevolutionist +antirheumatic +antiricin +antirickets +antiritual +antiritualistic +antirobin +antiromance +antiromantic +antiromanticism +antiroyal +antiroyalist +Antirrhinum +antirumor +antirun +antirust +antisacerdotal +antisacerdotalist +antisaloon +antisalooner +antisavage +antiscabious +antiscale +antischolastic +antischool +antiscians +antiscientific +antiscion +antiscolic +antiscorbutic +antiscorbutical +antiscrofulous +antiseismic +antiselene +antisensitizer +antisensuous +antisensuousness +antisepalous +antisepsin +antisepsis +antiseptic +antiseptical +antiseptically +antisepticism +antisepticist +antisepticize +antiseption +antiseptize +antiserum +antishipping +Antisi +antisialagogue +antisialic +antisiccative +antisideric +antisilverite +antisimoniacal +antisine +antisiphon +antisiphonal +antiskeptical +antiskid +antiskidding +antislavery +antislaveryism +antislickens +antislip +antismoking +antisnapper +antisocial +antisocialist +antisocialistic +antisocialistically +antisociality +antisolar +antisophist +antisoporific +antispace +antispadix +antispasis +antispasmodic +antispast +antispastic +antispectroscopic +antispermotoxin +antispiritual +antispirochetic +antisplasher +antisplenetic +antisplitting +antispreader +antispreading +antisquama +antisquatting +antistadholder +antistadholderian +antistalling +antistaphylococcic +antistate +antistatism +antistatist +antisteapsin +antisterility +antistes +antistimulant +antistock +antistreptococcal +antistreptococcic +antistreptococcin +antistreptococcus +antistrike +antistrophal +antistrophe +antistrophic +antistrophically +antistrophize +antistrophon +antistrumatic +antistrumous +antisubmarine +antisubstance +antisudoral +antisudorific +antisuffrage +antisuffragist +antisun +antisupernaturalism +antisupernaturalist +antisurplician +antisymmetrical +antisyndicalism +antisyndicalist +antisynod +antisyphilitic +antitabetic +antitabloid +antitangent +antitank +antitarnish +antitartaric +antitax +antiteetotalism +antitegula +antitemperance +antitetanic +antitetanolysin +antithalian +antitheft +antitheism +antitheist +antitheistic +antitheistical +antitheistically +antithenar +antitheologian +antitheological +antithermic +antithermin +antitheses +antithesis +antithesism +antithesize +antithet +antithetic +antithetical +antithetically +antithetics +antithrombic +antithrombin +antitintinnabularian +antitobacco +antitobacconal +antitobacconist +antitonic +antitorpedo +antitoxic +antitoxin +antitrade +antitrades +antitraditional +antitragal +antitragic +antitragicus +antitragus +antitrismus +antitrochanter +antitropal +antitrope +antitropic +antitropical +antitropous +antitropy +antitrust +antitrypsin +antitryptic +antituberculin +antituberculosis +antituberculotic +antituberculous +antiturnpikeism +antitwilight +antitypal +antitype +antityphoid +antitypic +antitypical +antitypically +antitypy +antityrosinase +antiunion +antiunionist +antiuratic +antiurease +antiusurious +antiutilitarian +antivaccination +antivaccinationist +antivaccinator +antivaccinist +antivariolous +antivenefic +antivenereal +antivenin +antivenom +antivenomous +antivermicular +antivibrating +antivibrator +antivibratory +antivice +antiviral +antivirus +antivitalist +antivitalistic +antivitamin +antivivisection +antivivisectionist +antivolition +antiwar +antiwarlike +antiwaste +antiwedge +antiweed +antiwit +antixerophthalmic +antizealot +antizymic +antizymotic +antler +antlered +antlerite +antlerless +antlia +antliate +Antlid +antling +antluetic +antodontalgic +antoeci +antoecian +antoecians +Antoinette +Anton +Antonella +Antonia +Antonina +antoninianus +Antonio +antonomasia +antonomastic +antonomastical +antonomastically +antonomasy +Antony +antonym +antonymous +antonymy +antorbital +antproof +antra +antral +antralgia +antre +antrectomy +antrin +antritis +antrocele +antronasal +antrophore +antrophose +antrorse +antrorsely +antroscope +antroscopy +Antrostomus +antrotome +antrotomy +antrotympanic +antrotympanitis +antrum +antrustion +antrustionship +antship +Antu +antu +Antum +Antwerp +antwise +anubing +Anubis +anucleate +anukabiet +Anukit +anuloma +Anura +anuran +anuresis +anuretic +anuria +anuric +anurous +anury +anus +anusim +anusvara +anutraminosa +anvasser +anvil +anvilsmith +anxietude +anxiety +anxious +anxiously +anxiousness +any +anybody +Anychia +anyhow +anyone +anyplace +Anystidae +anything +anythingarian +anythingarianism +anyway +anyways +anywhen +anywhere +anywhereness +anywheres +anywhy +anywise +anywither +Anzac +Anzanian +Ao +aogiri +Aoife +aonach +Aonian +aorist +aoristic +aoristically +aorta +aortal +aortarctia +aortectasia +aortectasis +aortic +aorticorenal +aortism +aortitis +aortoclasia +aortoclasis +aortolith +aortomalacia +aortomalaxis +aortopathy +aortoptosia +aortoptosis +aortorrhaphy +aortosclerosis +aortostenosis +aortotomy +aosmic +Aotea +Aotearoa +Aotes +Aotus +aoudad +Aouellimiden +Aoul +apa +apabhramsa +apace +Apache +apache +Apachette +apachism +apachite +apadana +apagoge +apagogic +apagogical +apagogically +apaid +Apalachee +apalit +Apama +apandry +Apanteles +Apantesis +apanthropia +apanthropy +apar +Aparai +aparaphysate +aparejo +Apargia +aparithmesis +apart +apartheid +aparthrosis +apartment +apartmental +apartness +apasote +apastron +apatan +Apatela +apatetic +apathetic +apathetical +apathetically +apathic +apathism +apathist +apathistical +apathogenic +Apathus +apathy +apatite +Apatornis +Apatosaurus +Apaturia +Apayao +ape +apeak +apectomy +apedom +apehood +apeiron +apelet +apelike +apeling +apellous +Apemantus +Apennine +apenteric +apepsia +apepsinia +apepsy +apeptic +aper +aperch +aperea +aperient +aperiodic +aperiodically +aperiodicity +aperispermic +aperistalsis +aperitive +apert +apertly +apertness +apertometer +apertural +aperture +apertured +Aperu +apery +apesthesia +apesthetic +apesthetize +Apetalae +apetaloid +apetalose +apetalous +apetalousness +apetaly +apex +apexed +aphaeresis +aphaeretic +aphagia +aphakia +aphakial +aphakic +Aphanapteryx +Aphanes +aphanesite +Aphaniptera +aphanipterous +aphanite +aphanitic +aphanitism +Aphanomyces +aphanophyre +aphanozygous +Apharsathacites +aphasia +aphasiac +aphasic +Aphelandra +Aphelenchus +aphelian +Aphelinus +aphelion +apheliotropic +apheliotropically +apheliotropism +Aphelops +aphemia +aphemic +aphengescope +aphengoscope +aphenoscope +apheresis +apheretic +aphesis +apheta +aphetic +aphetically +aphetism +aphetize +aphicidal +aphicide +aphid +aphides +aphidian +aphidicide +aphidicolous +aphidid +Aphididae +Aphidiinae +aphidious +Aphidius +aphidivorous +aphidolysin +aphidophagous +aphidozer +aphilanthropy +Aphis +aphlaston +aphlebia +aphlogistic +aphnology +aphodal +aphodian +Aphodius +aphodus +aphonia +aphonic +aphonous +aphony +aphoria +aphorism +aphorismatic +aphorismer +aphorismic +aphorismical +aphorismos +aphorist +aphoristic +aphoristically +aphorize +aphorizer +Aphoruridae +aphotic +aphototactic +aphototaxis +aphototropic +aphototropism +Aphra +aphrasia +aphrite +aphrizite +aphrodisia +aphrodisiac +aphrodisiacal +aphrodisian +Aphrodision +Aphrodistic +Aphrodite +Aphroditeum +aphroditic +Aphroditidae +aphroditous +aphrolite +aphronia +aphrosiderite +aphtha +Aphthartodocetae +Aphthartodocetic +Aphthartodocetism +aphthic +aphthitalite +aphthoid +aphthong +aphthongal +aphthongia +aphthous +aphydrotropic +aphydrotropism +aphyllose +aphyllous +aphylly +aphyric +Apiaca +Apiaceae +apiaceous +Apiales +apian +apiarian +apiarist +apiary +apiator +apicad +apical +apically +apices +Apician +apicifixed +apicilar +apicillary +apicitis +apickaback +apicoectomy +apicolysis +apicula +apicular +apiculate +apiculated +apiculation +apicultural +apiculture +apiculturist +apiculus +Apidae +apiece +apieces +apigenin +apii +apiin +apikoros +apilary +Apina +Apinae +Apinage +apinch +aping +apinoid +apio +Apioceridae +apioid +apioidal +apiole +apiolin +apiologist +apiology +apionol +Apios +apiose +Apiosoma +apiphobia +Apis +apish +apishamore +apishly +apishness +apism +apitong +apitpat +Apium +apivorous +apjohnite +aplacental +Aplacentalia +Aplacentaria +Aplacophora +aplacophoran +aplacophorous +aplanat +aplanatic +aplanatically +aplanatism +Aplanobacter +aplanogamete +aplanospore +aplasia +aplastic +Aplectrum +aplenty +aplite +aplitic +aplobasalt +aplodiorite +Aplodontia +Aplodontiidae +aplomb +aplome +Aplopappus +aploperistomatous +aplostemonous +aplotaxene +aplotomy +Apluda +aplustre +Aplysia +apnea +apneal +apneic +apneumatic +apneumatosis +Apneumona +apneumonous +apneustic +apoaconitine +apoatropine +apobiotic +apoblast +apocaffeine +apocalypse +apocalypst +apocalypt +apocalyptic +apocalyptical +apocalyptically +apocalypticism +apocalyptism +apocalyptist +apocamphoric +apocarp +apocarpous +apocarpy +apocatastasis +apocatastatic +apocatharsis +apocenter +apocentric +apocentricity +apocha +apocholic +apochromat +apochromatic +apochromatism +apocinchonine +apocodeine +apocopate +apocopated +apocopation +apocope +apocopic +apocrenic +apocrisiary +Apocrita +apocrustic +apocryph +Apocrypha +apocryphal +apocryphalist +apocryphally +apocryphalness +apocryphate +apocryphon +Apocynaceae +apocynaceous +apocyneous +Apocynum +apod +Apoda +apodal +apodan +apodeipnon +apodeixis +apodema +apodemal +apodematal +apodeme +Apodes +Apodia +apodia +apodictic +apodictical +apodictically +apodictive +Apodidae +apodixis +apodosis +apodous +apodyterium +apoembryony +apofenchene +apogaeic +apogalacteum +apogamic +apogamically +apogamous +apogamously +apogamy +apogeal +apogean +apogee +apogeic +apogenous +apogeny +apogeotropic +apogeotropically +apogeotropism +Apogon +Apogonidae +apograph +apographal +apoharmine +apohyal +Apoidea +apoise +apojove +apokrea +apokreos +apolar +apolarity +apolaustic +apolegamic +Apolista +Apolistan +Apollinarian +Apollinarianism +Apolline +Apollo +Apollonia +Apollonian +Apollonic +apollonicon +Apollonistic +Apolloship +Apollyon +apologal +apologete +apologetic +apologetical +apologetically +apologetics +apologia +apologist +apologize +apologizer +apologue +apology +apolousis +Apolysin +apolysis +apolytikion +apomecometer +apomecometry +apometabolic +apometabolism +apometabolous +apometaboly +apomictic +apomictical +apomixis +apomorphia +apomorphine +aponeurology +aponeurorrhaphy +aponeurosis +aponeurositis +aponeurotic +aponeurotome +aponeurotomy +aponia +aponic +Aponogeton +Aponogetonaceae +aponogetonaceous +apoop +apopenptic +apopetalous +apophantic +apophasis +apophatic +Apophis +apophlegmatic +apophonia +apophony +apophorometer +apophthegm +apophthegmatist +apophyge +apophylactic +apophylaxis +apophyllite +apophyllous +apophysary +apophysate +apophyseal +apophysis +apophysitis +apoplasmodial +apoplastogamous +apoplectic +apoplectical +apoplectically +apoplectiform +apoplectoid +apoplex +apoplexy +apopyle +apoquinamine +apoquinine +aporetic +aporetical +aporhyolite +aporia +Aporobranchia +aporobranchian +Aporobranchiata +Aporocactus +Aporosa +aporose +aporphin +aporphine +Aporrhaidae +Aporrhais +aporrhaoid +aporrhegma +aport +aportoise +aposafranine +aposaturn +aposaturnium +aposematic +aposematically +aposepalous +aposia +aposiopesis +aposiopetic +apositia +apositic +aposoro +aposporogony +aposporous +apospory +apostasis +apostasy +apostate +apostatic +apostatical +apostatically +apostatism +apostatize +apostaxis +apostemate +apostematic +apostemation +apostematous +aposteme +aposteriori +aposthia +apostil +apostle +apostlehood +apostleship +apostolate +apostoless +apostoli +Apostolian +Apostolic +apostolic +apostolical +apostolically +apostolicalness +Apostolici +apostolicism +apostolicity +apostolize +Apostolos +apostrophal +apostrophation +apostrophe +apostrophic +apostrophied +apostrophize +apostrophus +Apotactic +Apotactici +apotelesm +apotelesmatic +apotelesmatical +apothecal +apothecary +apothecaryship +apothece +apothecial +apothecium +apothegm +apothegmatic +apothegmatical +apothegmatically +apothegmatist +apothegmatize +apothem +apotheose +apotheoses +apotheosis +apotheosize +apothesine +apothesis +apotome +apotracheal +apotropaic +apotropaion +apotropaism +apotropous +apoturmeric +apotype +apotypic +apout +apoxesis +Apoxyomenos +apozem +apozema +apozemical +apozymase +Appalachia +Appalachian +appall +appalling +appallingly +appallment +appalment +appanage +appanagist +apparatus +apparel +apparelment +apparence +apparency +apparent +apparently +apparentness +apparition +apparitional +apparitor +appassionata +appassionato +appay +appeal +appealability +appealable +appealer +appealing +appealingly +appealingness +appear +appearance +appearanced +appearer +appeasable +appeasableness +appeasably +appease +appeasement +appeaser +appeasing +appeasingly +appeasive +appellability +appellable +appellancy +appellant +appellate +appellation +appellational +appellative +appellatived +appellatively +appellativeness +appellatory +appellee +appellor +append +appendage +appendaged +appendalgia +appendance +appendancy +appendant +appendectomy +appendical +appendicalgia +appendice +appendicectasis +appendicectomy +appendices +appendicial +appendicious +appendicitis +appendicle +appendicocaecostomy +appendicostomy +appendicular +Appendicularia +appendicularian +Appendiculariidae +Appendiculata +appendiculate +appendiculated +appenditious +appendix +appendorontgenography +appendotome +appentice +apperceive +apperception +apperceptionism +apperceptionist +apperceptionistic +apperceptive +apperceptively +appercipient +appersonation +appertain +appertainment +appertinent +appet +appete +appetence +appetency +appetent +appetently +appetibility +appetible +appetibleness +appetite +appetition +appetitional +appetitious +appetitive +appetize +appetizement +appetizer +appetizingly +appinite +Appius +applanate +applanation +applaud +applaudable +applaudably +applauder +applaudingly +applause +applausive +applausively +apple +appleberry +appleblossom +applecart +appledrane +applegrower +applejack +applejohn +applemonger +applenut +appleringy +appleroot +applesauce +applewife +applewoman +appliable +appliableness +appliably +appliance +appliant +applicability +applicable +applicableness +applicably +applicancy +applicant +applicate +application +applicative +applicatively +applicator +applicatorily +applicatory +applied +appliedly +applier +applique +applosion +applosive +applot +applotment +apply +applyingly +applyment +appoggiatura +appoint +appointable +appointe +appointee +appointer +appointive +appointment +appointor +Appomatox +Appomattoc +apport +apportion +apportionable +apportioner +apportionment +apposability +apposable +appose +apposer +apposiopestic +apposite +appositely +appositeness +apposition +appositional +appositionally +appositive +appositively +appraisable +appraisal +appraise +appraisement +appraiser +appraising +appraisingly +appraisive +appreciable +appreciably +appreciant +appreciate +appreciatingly +appreciation +appreciational +appreciativ +appreciative +appreciatively +appreciativeness +appreciator +appreciatorily +appreciatory +appredicate +apprehend +apprehender +apprehendingly +apprehensibility +apprehensible +apprehensibly +apprehension +apprehensive +apprehensively +apprehensiveness +apprend +apprense +apprentice +apprenticehood +apprenticement +apprenticeship +appressed +appressor +appressorial +appressorium +appreteur +apprise +apprize +apprizement +apprizer +approach +approachability +approachabl +approachable +approachableness +approacher +approaching +approachless +approachment +approbate +approbation +approbative +approbativeness +approbator +approbatory +approof +appropinquate +appropinquation +appropinquity +appropre +appropriable +appropriate +appropriately +appropriateness +appropriation +appropriative +appropriativeness +appropriator +approvable +approvableness +approval +approvance +approve +approvedly +approvedness +approvement +approver +approvingly +approximal +approximate +approximately +approximation +approximative +approximatively +approximativeness +approximator +appulse +appulsion +appulsive +appulsively +appurtenance +appurtenant +apractic +apraxia +apraxic +apricate +aprication +aprickle +apricot +April +Aprilesque +Apriline +Aprilis +apriori +apriorism +apriorist +aprioristic +apriority +Aprocta +aproctia +aproctous +apron +aproneer +apronful +apronless +apronlike +apropos +aprosexia +aprosopia +aprosopous +aproterodont +apse +apselaphesia +apselaphesis +apsidal +apsidally +apsides +apsidiole +apsis +apsychia +apsychical +apt +Aptal +Aptenodytes +Aptera +apteral +apteran +apterial +apterium +apteroid +apterous +Apteryges +apterygial +Apterygidae +Apterygiformes +Apterygogenea +Apterygota +apterygote +apterygotous +Apteryx +Aptian +Aptiana +aptitude +aptitudinal +aptitudinally +aptly +aptness +aptote +aptotic +aptyalia +aptyalism +aptychus +Apulian +apulmonic +apulse +apurpose +Apus +apyonin +apyrene +apyretic +apyrexia +apyrexial +apyrexy +apyrotype +apyrous +aqua +aquabelle +aquabib +aquacade +aquacultural +aquaculture +aquaemanale +aquafortist +aquage +aquagreen +aquamarine +aquameter +aquaplane +aquapuncture +aquarelle +aquarellist +aquaria +aquarial +Aquarian +aquarian +Aquarid +Aquarii +aquariist +aquarium +Aquarius +aquarter +aquascutum +aquatic +aquatical +aquatically +aquatile +aquatint +aquatinta +aquatinter +aquation +aquativeness +aquatone +aquavalent +aquavit +aqueduct +aqueoglacial +aqueoigneous +aqueomercurial +aqueous +aqueously +aqueousness +aquicolous +aquicultural +aquiculture +aquiculturist +aquifer +aquiferous +Aquifoliaceae +aquifoliaceous +aquiform +Aquila +Aquilaria +aquilawood +aquilege +Aquilegia +Aquilian +Aquilid +aquiline +aquilino +aquincubital +aquincubitalism +Aquinist +aquintocubital +aquintocubitalism +aquiparous +Aquitanian +aquiver +aquo +aquocapsulitis +aquocarbonic +aquocellolitis +aquopentamminecobaltic +aquose +aquosity +aquotization +aquotize +ar +ara +Arab +araba +araban +arabana +Arabella +arabesque +arabesquely +arabesquerie +Arabian +Arabianize +Arabic +Arabicism +Arabicize +Arabidopsis +arability +arabin +arabinic +arabinose +arabinosic +Arabis +Arabism +Arabist +arabit +arabitol +arabiyeh +Arabize +arable +Arabophil +Araby +araca +Aracana +aracanga +aracari +Araceae +araceous +arachic +arachidonic +arachin +Arachis +arachnactis +Arachne +arachnean +arachnid +Arachnida +arachnidan +arachnidial +arachnidism +arachnidium +arachnism +Arachnites +arachnitis +arachnoid +arachnoidal +Arachnoidea +arachnoidea +arachnoidean +arachnoiditis +arachnological +arachnologist +arachnology +Arachnomorphae +arachnophagous +arachnopia +arad +Aradidae +arado +araeostyle +araeosystyle +Aragallus +Aragonese +Aragonian +aragonite +araguato +arain +Arains +Arakanese +arakawaite +arake +Arales +Aralia +Araliaceae +araliaceous +araliad +Araliaephyllum +aralie +Araliophyllum +aralkyl +aralkylated +Aramaean +Aramaic +Aramaicize +Aramaism +aramayoite +Aramidae +aramina +Araminta +Aramis +Aramitess +Aramu +Aramus +Aranea +Araneae +araneid +Araneida +araneidan +araneiform +Araneiformes +Araneiformia +aranein +Araneina +Araneoidea +araneologist +araneology +araneous +aranga +arango +Aranyaka +aranzada +arapahite +Arapaho +arapaima +araphorostic +arapunga +Araquaju +arar +Arara +arara +araracanga +ararao +ararauna +arariba +araroba +arati +aration +aratory +Araua +Arauan +Araucan +Araucanian +Araucano +Araucaria +Araucariaceae +araucarian +Araucarioxylon +Araujia +Arauna +Arawa +Arawak +Arawakan +Arawakian +arba +Arbacia +arbacin +arbalest +arbalester +arbalestre +arbalestrier +arbalist +arbalister +arbalo +Arbela +arbiter +arbitrable +arbitrager +arbitragist +arbitral +arbitrament +arbitrarily +arbitrariness +arbitrary +arbitrate +arbitration +arbitrational +arbitrationist +arbitrative +arbitrator +arbitratorship +arbitratrix +arbitrement +arbitrer +arbitress +arboloco +arbor +arboraceous +arboral +arborary +arborator +arboreal +arboreally +arborean +arbored +arboreous +arborescence +arborescent +arborescently +arboresque +arboret +arboreta +arboretum +arborical +arboricole +arboricoline +arboricolous +arboricultural +arboriculture +arboriculturist +arboriform +arborist +arborization +arborize +arboroid +arborolatry +arborous +arborvitae +arborway +arbuscle +arbuscula +arbuscular +arbuscule +arbusterol +arbustum +arbutase +arbute +arbutean +arbutin +arbutinase +arbutus +arc +arca +Arcacea +arcade +Arcadia +Arcadian +arcadian +Arcadianism +Arcadianly +Arcadic +Arcady +arcana +arcanal +arcane +arcanite +arcanum +arcate +arcature +Arcella +Arceuthobium +arch +archabomination +archae +archaecraniate +Archaeoceti +Archaeocyathidae +Archaeocyathus +archaeogeology +archaeographic +archaeographical +archaeography +archaeolatry +archaeolith +archaeolithic +archaeologer +archaeologian +archaeologic +archaeological +archaeologically +archaeologist +archaeology +Archaeopithecus +Archaeopteris +Archaeopterygiformes +Archaeopteryx +Archaeornis +Archaeornithes +archaeostoma +Archaeostomata +archaeostomatous +archagitator +archaic +archaical +archaically +archaicism +archaism +archaist +archaistic +archaize +archaizer +archangel +archangelic +Archangelica +archangelical +archangelship +archantagonist +archantiquary +archapostate +archapostle +archarchitect +archarios +archartist +archband +archbeacon +archbeadle +archbishop +archbishopess +archbishopric +archbishopry +archbotcher +archboutefeu +archbuffoon +archbuilder +archchampion +archchaplain +archcharlatan +archcheater +archchemic +archchief +archchronicler +archcity +archconfraternity +archconsoler +archconspirator +archcorrupter +archcorsair +archcount +archcozener +archcriminal +archcritic +archcrown +archcupbearer +archdapifer +archdapifership +archdeacon +archdeaconate +archdeaconess +archdeaconry +archdeaconship +archdean +archdeanery +archdeceiver +archdefender +archdemon +archdepredator +archdespot +archdetective +archdevil +archdiocesan +archdiocese +archdiplomatist +archdissembler +archdisturber +archdivine +archdogmatist +archdolt +archdruid +archducal +archduchess +archduchy +archduke +archdukedom +arche +archeal +Archean +archearl +archebiosis +archecclesiastic +archecentric +arched +archegone +archegonial +Archegoniata +Archegoniatae +archegoniate +archegoniophore +archegonium +archegony +Archegosaurus +archeion +Archelaus +Archelenis +archelogy +Archelon +archemperor +Archencephala +archencephalic +archenemy +archengineer +archenteric +archenteron +archeocyte +Archeozoic +Archer +archer +archeress +archerfish +archership +archery +arches +archespore +archesporial +archesporium +archetypal +archetypally +archetype +archetypic +archetypical +archetypically +archetypist +archeunuch +archeus +archexorcist +archfelon +archfiend +archfire +archflamen +archflatterer +archfoe +archfool +archform +archfounder +archfriend +archgenethliac +archgod +archgomeral +archgovernor +archgunner +archhead +archheart +archheresy +archheretic +archhost +archhouse +archhumbug +archhypocrisy +archhypocrite +Archiannelida +archiater +Archibald +archibenthal +archibenthic +archibenthos +archiblast +archiblastic +archiblastoma +archiblastula +Archibuteo +archicantor +archicarp +archicerebrum +Archichlamydeae +archichlamydeous +archicleistogamous +archicleistogamy +archicoele +archicontinent +archicyte +archicytula +Archidamus +Archidiaceae +archidiaconal +archidiaconate +archididascalian +archididascalos +Archidiskodon +Archidium +archidome +Archie +archiepiscopacy +archiepiscopal +archiepiscopally +archiepiscopate +archiereus +archigaster +archigastrula +archigenesis +archigonic +archigonocyte +archigony +archiheretical +archikaryon +archil +archilithic +Archilochian +archilowe +archimage +Archimago +archimagus +archimandrite +Archimedean +Archimedes +archimime +archimorphic +archimorula +archimperial +archimperialism +archimperialist +archimperialistic +archimpressionist +Archimycetes +archineuron +archinfamy +archinformer +arching +archipallial +archipallium +archipelagian +archipelagic +archipelago +archipin +archiplasm +archiplasmic +Archiplata +archiprelatical +archipresbyter +archipterygial +archipterygium +archisperm +Archispermae +archisphere +archispore +archistome +archisupreme +archisymbolical +architect +architective +architectonic +Architectonica +architectonically +architectonics +architectress +architectural +architecturalist +architecturally +architecture +architecturesque +Architeuthis +architis +architraval +architrave +architraved +architypographer +archival +archive +archivist +archivolt +archizoic +archjockey +archking +archknave +archleader +archlecher +archleveler +archlexicographer +archliar +archlute +archly +archmachine +archmagician +archmagirist +archmarshal +archmediocrity +archmessenger +archmilitarist +archmime +archminister +archmock +archmocker +archmockery +archmonarch +archmonarchist +archmonarchy +archmugwump +archmurderer +archmystagogue +archness +archocele +archocystosyrinx +archology +archon +archonship +archont +archontate +Archontia +archontic +archoplasm +archoplasmic +archoptoma +archoptosis +archorrhagia +archorrhea +archostegnosis +archostenosis +archosyrinx +archoverseer +archpall +archpapist +archpastor +archpatriarch +archpatron +archphilosopher +archphylarch +archpiece +archpilferer +archpillar +archpirate +archplagiarist +archplagiary +archplayer +archplotter +archplunderer +archplutocrat +archpoet +archpolitician +archpontiff +archpractice +archprelate +archprelatic +archprelatical +archpresbyter +archpresbyterate +archpresbytery +archpretender +archpriest +archpriesthood +archpriestship +archprimate +archprince +archprophet +archprotopope +archprototype +archpublican +archpuritan +archradical +archrascal +archreactionary +archrebel +archregent +archrepresentative +archrobber +archrogue +archruler +archsacrificator +archsacrificer +archsaint +archsatrap +archscoundrel +archseducer +archsee +archsewer +archshepherd +archsin +archsnob +archspirit +archspy +archsteward +archswindler +archsynagogue +archtempter +archthief +archtraitor +archtreasurer +archtreasurership +archturncoat +archtyrant +archurger +archvagabond +archvampire +archvestryman +archvillain +archvillainy +archvisitor +archwag +archway +archwench +archwise +archworker +archworkmaster +Archy +archy +Arcidae +Arcifera +arciferous +arcifinious +arciform +arcing +Arcite +arcked +arcking +arcocentrous +arcocentrum +arcograph +Arcos +Arctalia +Arctalian +Arctamerican +arctation +Arctia +arctian +arctic +arctically +arctician +arcticize +arcticward +arcticwards +arctiid +Arctiidae +Arctisca +Arctium +Arctocephalus +Arctogaea +Arctogaeal +Arctogaean +arctoid +Arctoidea +arctoidean +Arctomys +Arctos +Arctosis +Arctostaphylos +Arcturia +Arcturus +arcual +arcuale +arcuate +arcuated +arcuately +arcuation +arcubalist +arcubalister +arcula +arculite +ardassine +Ardea +Ardeae +ardeb +Ardeidae +Ardelia +ardella +ardency +ardennite +ardent +ardently +ardentness +Ardhamagadhi +Ardhanari +ardish +Ardisia +Ardisiaceae +ardoise +ardor +ardri +ardu +arduinite +arduous +arduously +arduousness +ardurous +are +area +areach +aread +areal +areality +Arean +arear +areasoner +areaway +Areca +Arecaceae +arecaceous +arecaidin +arecaidine +arecain +arecaine +Arecales +arecolidin +arecolidine +arecolin +arecoline +Arecuna +ared +areek +areel +arefact +arefaction +aregenerative +aregeneratory +areito +arena +arenaceous +arenae +Arenaria +arenariae +arenarious +arenation +arend +arendalite +areng +Arenga +Arenicola +arenicole +arenicolite +arenicolous +Arenig +arenilitic +arenoid +arenose +arenosity +arent +areocentric +areographer +areographic +areographical +areographically +areography +areola +areolar +areolate +areolated +areolation +areole +areolet +areologic +areological +areologically +areologist +areology +areometer +areometric +areometrical +areometry +Areopagist +Areopagite +Areopagitic +Areopagitica +Areopagus +areotectonics +areroscope +aretaics +arete +Arethusa +Arethuse +Aretinian +arfvedsonite +argal +argala +argali +argans +Argante +Argas +argasid +Argasidae +Argean +argeers +argel +Argemone +argemony +argenol +argent +argental +argentamid +argentamide +argentamin +argentamine +argentate +argentation +argenteous +argenter +argenteum +argentic +argenticyanide +argentide +argentiferous +Argentina +Argentine +argentine +Argentinean +Argentinian +Argentinidae +argentinitrate +Argentinize +Argentino +argention +argentite +argentojarosite +argentol +argentometric +argentometrically +argentometry +argenton +argentoproteinum +argentose +argentous +argentum +Argestes +arghan +arghel +arghool +Argid +argil +argillaceous +argilliferous +argillite +argillitic +argilloarenaceous +argillocalcareous +argillocalcite +argilloferruginous +argilloid +argillomagnesian +argillous +arginine +argininephosphoric +Argiope +Argiopidae +Argiopoidea +Argive +Argo +argo +Argoan +argol +argolet +Argolian +Argolic +Argolid +argon +Argonaut +Argonauta +Argonautic +Argonne +argosy +argot +argotic +Argovian +arguable +argue +arguer +argufier +argufy +Argulus +argument +argumental +argumentation +argumentatious +argumentative +argumentatively +argumentativeness +argumentator +argumentatory +Argus +argusfish +Argusianus +Arguslike +argute +argutely +arguteness +Argyle +Argyll +Argynnis +argyranthemous +argyranthous +Argyraspides +argyria +argyric +argyrite +argyrocephalous +argyrodite +Argyrol +Argyroneta +Argyropelecus +argyrose +argyrosis +Argyrosomus +argyrythrose +arhar +arhat +arhatship +Arhauaco +arhythmic +aria +Ariadne +Arian +Ariana +Arianism +Arianistic +Arianistical +Arianize +Arianizer +Arianrhod +aribine +Arician +aricine +arid +Arided +aridge +aridian +aridity +aridly +aridness +ariegite +Ariel +ariel +arienzo +Aries +arietation +Arietid +arietinous +arietta +aright +arightly +arigue +Ariidae +Arikara +aril +ariled +arillary +arillate +arillated +arilliform +arillode +arillodium +arilloid +arillus +Arimasp +Arimaspian +Arimathaean +Ariocarpus +Arioi +Arioian +Arion +ariose +arioso +ariot +aripple +Arisaema +arisard +arise +arisen +arist +arista +Aristarch +Aristarchian +aristarchy +aristate +Aristeas +Aristida +Aristides +Aristippus +aristocracy +aristocrat +aristocratic +aristocratical +aristocratically +aristocraticalness +aristocraticism +aristocraticness +aristocratism +aristodemocracy +aristodemocratical +aristogenesis +aristogenetic +aristogenic +aristogenics +Aristol +Aristolochia +Aristolochiaceae +aristolochiaceous +Aristolochiales +aristolochin +aristolochine +aristological +aristologist +aristology +aristomonarchy +Aristophanic +aristorepublicanism +Aristotelian +Aristotelianism +Aristotelic +Aristotelism +aristotype +aristulate +arite +arithmetic +arithmetical +arithmetically +arithmetician +arithmetization +arithmetize +arithmic +arithmocracy +arithmocratic +arithmogram +arithmograph +arithmography +arithmomania +arithmometer +Arius +Arivaipa +Arizona +Arizonan +Arizonian +arizonite +arjun +ark +Arkab +Arkansan +Arkansas +Arkansawyer +arkansite +Arkite +arkite +arkose +arkosic +arksutite +Arlene +Arleng +arles +Arline +arm +armada +armadilla +Armadillididae +Armadillidium +armadillo +Armado +Armageddon +Armageddonist +armagnac +armament +armamentarium +armamentary +armangite +armariolum +armarium +Armata +Armatoles +Armatoli +armature +armbone +armchair +armchaired +armed +armeniaceous +Armenian +Armenic +Armenize +Armenoid +armer +Armeria +Armeriaceae +armet +armful +armgaunt +armhole +armhoop +Armida +armied +armiferous +armiger +armigeral +armigerous +armil +armilla +Armillaria +armillary +armillate +armillated +arming +Arminian +Arminianism +Arminianize +Arminianizer +armipotence +armipotent +armisonant +armisonous +armistice +armless +armlet +armload +armoire +armonica +armor +Armoracia +armored +armorer +armorial +Armoric +Armorican +Armorician +armoried +armorist +armorproof +armorwise +armory +Armouchiquois +armozeen +armpiece +armpit +armplate +armrack +armrest +arms +armscye +armure +army +arn +arna +Arnaut +arnberry +Arne +Arneb +Arnebia +arnee +arni +arnica +Arnold +Arnoldist +Arnoseris +arnotta +arnotto +Arnusian +arnut +Aro +aroar +aroast +arock +aroeira +aroid +aroideous +Aroides +aroint +arolium +arolla +aroma +aromacity +aromadendrin +aromatic +aromatically +aromaticness +aromatite +aromatites +aromatization +aromatize +aromatizer +aromatophor +aromatophore +Aronia +aroon +Aroras +Arosaguntacook +arose +around +arousal +arouse +arousement +arouser +arow +aroxyl +arpeggiando +arpeggiated +arpeggiation +arpeggio +arpeggioed +arpen +arpent +arquerite +arquifoux +arracach +arracacha +Arracacia +arrack +arrah +arraign +arraigner +arraignment +arrame +arrange +arrangeable +arrangement +arranger +arrant +arrantly +Arras +arras +arrased +arrasene +arrastra +arrastre +arratel +arrau +array +arrayal +arrayer +arrayment +arrear +arrearage +arrect +arrector +arrendation +arrenotokous +arrenotoky +arrent +arrentable +arrentation +arreptitious +arrest +arrestable +arrestation +arrestee +arrester +arresting +arrestingly +arrestive +arrestment +arrestor +Arretine +arrhenal +Arrhenatherum +arrhenoid +arrhenotokous +arrhenotoky +arrhinia +arrhizal +arrhizous +arrhythmia +arrhythmic +arrhythmical +arrhythmically +arrhythmous +arrhythmy +arriage +arriba +arride +arridge +arrie +arriere +Arriet +arrimby +arris +arrish +arrisways +arriswise +arrival +arrive +arriver +arroba +arrogance +arrogancy +arrogant +arrogantly +arrogantness +arrogate +arrogatingly +arrogation +arrogative +arrogator +arrojadite +arrope +arrosive +arrow +arrowbush +arrowed +arrowhead +arrowheaded +arrowleaf +arrowless +arrowlet +arrowlike +arrowplate +arrowroot +arrowsmith +arrowstone +arrowweed +arrowwood +arrowworm +arrowy +arroyo +Arruague +Arry +Arryish +Arsacid +Arsacidan +arsanilic +arse +arsedine +arsenal +arsenate +arsenation +arseneted +arsenetted +arsenfast +arsenferratose +arsenhemol +arseniasis +arseniate +arsenic +arsenical +arsenicalism +arsenicate +arsenicism +arsenicize +arsenicophagy +arsenide +arseniferous +arsenillo +arseniopleite +arseniosiderite +arsenious +arsenism +arsenite +arsenium +arseniuret +arseniureted +arsenization +arseno +arsenobenzene +arsenobenzol +arsenobismite +arsenoferratin +arsenofuran +arsenohemol +arsenolite +arsenophagy +arsenophen +arsenophenol +arsenophenylglycin +arsenopyrite +arsenostyracol +arsenotherapy +arsenotungstates +arsenotungstic +arsenous +arsenoxide +arsenyl +arses +arsesmart +arsheen +arshin +arshine +arsine +arsinic +arsino +Arsinoitherium +arsis +arsle +arsmetrik +arsmetrike +arsnicker +arsoite +arson +arsonate +arsonation +arsonic +arsonist +arsonite +arsonium +arsono +arsonvalization +arsphenamine +arsyl +arsylene +Art +art +artaba +artabe +artal +Artamidae +Artamus +artar +artarine +artcraft +artefact +artel +Artemas +Artemia +Artemis +Artemisia +artemisic +artemisin +Artemision +Artemisium +arteriagra +arterial +arterialization +arterialize +arterially +arteriarctia +arteriasis +arteriectasia +arteriectasis +arteriectopia +arterin +arterioarctia +arteriocapillary +arteriococcygeal +arteriodialysis +arteriodiastasis +arteriofibrosis +arteriogenesis +arteriogram +arteriograph +arteriography +arteriole +arteriolith +arteriology +arteriolosclerosis +arteriomalacia +arteriometer +arteriomotor +arterionecrosis +arteriopalmus +arteriopathy +arteriophlebotomy +arterioplania +arterioplasty +arteriopressor +arteriorenal +arteriorrhagia +arteriorrhaphy +arteriorrhexis +arteriosclerosis +arteriosclerotic +arteriospasm +arteriostenosis +arteriostosis +arteriostrepsis +arteriosympathectomy +arteriotome +arteriotomy +arteriotrepsis +arterious +arteriovenous +arterioversion +arterioverter +arteritis +artery +Artesian +artesian +artful +artfully +artfulness +Artgum +artha +arthel +arthemis +arthragra +arthral +arthralgia +arthralgic +arthrectomy +arthredema +arthrempyesis +arthresthesia +arthritic +arthritical +arthriticine +arthritis +arthritism +arthrobacterium +arthrobranch +arthrobranchia +arthrocace +arthrocarcinoma +arthrocele +arthrochondritis +arthroclasia +arthrocleisis +arthroclisis +arthroderm +arthrodesis +arthrodia +arthrodial +arthrodic +Arthrodira +arthrodiran +arthrodire +arthrodirous +Arthrodonteae +arthrodynia +arthrodynic +arthroempyema +arthroempyesis +arthroendoscopy +Arthrogastra +arthrogastran +arthrogenous +arthrography +arthrogryposis +arthrolite +arthrolith +arthrolithiasis +arthrology +arthromeningitis +arthromere +arthromeric +arthrometer +arthrometry +arthroncus +arthroneuralgia +arthropathic +arthropathology +arthropathy +arthrophlogosis +arthrophyma +arthroplastic +arthroplasty +arthropleura +arthropleure +arthropod +Arthropoda +arthropodal +arthropodan +arthropodous +Arthropomata +arthropomatous +arthropterous +arthropyosis +arthrorheumatism +arthrorrhagia +arthrosclerosis +arthrosia +arthrosis +arthrospore +arthrosporic +arthrosporous +arthrosteitis +arthrosterigma +arthrostome +arthrostomy +Arthrostraca +arthrosynovitis +arthrosyrinx +arthrotome +arthrotomy +arthrotrauma +arthrotropic +arthrotyphoid +arthrous +arthroxerosis +Arthrozoa +arthrozoan +arthrozoic +Arthur +Arthurian +Arthuriana +artiad +artichoke +article +articled +articulability +articulable +articulacy +articulant +articular +articulare +articularly +articulary +Articulata +articulate +articulated +articulately +articulateness +articulation +articulationist +articulative +articulator +articulatory +articulite +articulus +Artie +artifact +artifactitious +artifice +artificer +artificership +artificial +artificialism +artificiality +artificialize +artificially +artificialness +artiller +artillerist +artillery +artilleryman +artilleryship +artiness +artinite +Artinskian +artiodactyl +Artiodactyla +artiodactylous +artiphyllous +artisan +artisanship +artist +artistdom +artiste +artistic +artistical +artistically +artistry +artless +artlessly +artlessness +artlet +artlike +Artocarpaceae +artocarpad +artocarpeous +artocarpous +Artocarpus +artolater +artophagous +artophorion +artotype +artotypy +Artotyrite +artware +arty +aru +Aruac +arui +aruke +Arulo +Arum +arumin +Aruncus +arundiferous +arundinaceous +Arundinaria +arundineous +Arundo +Arunta +arupa +arusa +arusha +arustle +arval +arvel +Arverni +Arvicola +arvicole +Arvicolinae +arvicoline +arvicolous +arviculture +arx +ary +Arya +Aryan +Aryanism +Aryanization +Aryanize +aryballoid +aryballus +aryepiglottic +aryl +arylamine +arylamino +arylate +arytenoid +arytenoidal +arzan +Arzava +Arzawa +arzrunite +arzun +As +as +Asa +asaddle +asafetida +Asahel +asak +asale +asana +Asaph +asaphia +Asaphic +asaphid +Asaphidae +Asaphus +asaprol +asarabacca +Asaraceae +Asarh +asarite +asaron +asarone +asarotum +Asarum +asbest +asbestic +asbestiform +asbestine +asbestinize +asbestoid +asbestoidal +asbestos +asbestosis +asbestous +asbestus +asbolin +asbolite +Ascabart +Ascalabota +ascan +Ascanian +Ascanius +ascare +ascariasis +ascaricidal +ascaricide +ascarid +Ascaridae +ascarides +Ascaridia +ascaridiasis +ascaridole +Ascaris +ascaron +Ascella +ascellus +ascend +ascendable +ascendance +ascendancy +ascendant +ascendence +ascendency +ascendent +ascender +ascendible +ascending +ascendingly +ascension +ascensional +ascensionist +Ascensiontide +ascensive +ascent +ascertain +ascertainable +ascertainableness +ascertainably +ascertainer +ascertainment +ascescency +ascescent +ascetic +ascetical +ascetically +asceticism +Ascetta +aschaffite +ascham +aschistic +asci +ascian +Ascidia +Ascidiacea +Ascidiae +ascidian +ascidiate +ascidicolous +ascidiferous +ascidiform +ascidioid +Ascidioida +Ascidioidea +Ascidiozoa +ascidiozooid +ascidium +asciferous +ascigerous +ascii +ascites +ascitic +ascitical +ascititious +asclent +Asclepiad +asclepiad +Asclepiadaceae +asclepiadaceous +Asclepiadae +Asclepiadean +asclepiadeous +Asclepiadic +Asclepian +Asclepias +asclepidin +asclepidoid +Asclepieion +asclepin +Asclepius +ascocarp +ascocarpous +Ascochyta +ascogenous +ascogone +ascogonial +ascogonidium +ascogonium +ascolichen +Ascolichenes +ascoma +ascomycetal +ascomycete +Ascomycetes +ascomycetous +ascon +Ascones +ascophore +ascophorous +Ascophyllum +ascorbic +ascospore +ascosporic +ascosporous +Ascot +ascot +Ascothoracica +ascribable +ascribe +ascript +ascription +ascriptitii +ascriptitious +ascriptitius +ascry +ascula +Ascupart +ascus +ascyphous +Ascyrum +asdic +ase +asearch +asecretory +aseethe +aseismatic +aseismic +aseismicity +aseity +aselgeia +asellate +Aselli +Asellidae +Aselline +Asellus +asem +asemasia +asemia +asepsis +aseptate +aseptic +aseptically +asepticism +asepticize +aseptify +aseptol +aseptolin +asexual +asexuality +asexualization +asexualize +asexually +asfetida +ash +Asha +ashake +ashame +ashamed +ashamedly +ashamedness +ashamnu +Ashangos +Ashantee +Ashanti +Asharasi +ashberry +ashcake +ashen +Asher +asherah +Asherites +ashery +ashes +ashet +ashily +ashimmer +ashine +ashiness +ashipboard +Ashir +ashiver +Ashkenazic +Ashkenazim +ashkoko +ashlar +ashlared +ashlaring +ashless +ashling +Ashluslay +ashman +Ashmolean +Ashochimi +ashore +ashpan +ashpit +ashplant +ashraf +ashrafi +ashthroat +Ashur +ashur +ashweed +ashwort +ashy +asialia +Asian +Asianic +Asianism +Asiarch +Asiarchate +Asiatic +Asiatical +Asiatically +Asiatican +Asiaticism +Asiaticization +Asiaticize +Asiatize +aside +asidehand +asideness +asiderite +asideu +asiento +asilid +Asilidae +Asilus +asimen +Asimina +asimmer +asinego +asinine +asininely +asininity +asiphonate +asiphonogama +asitia +ask +askable +askance +askant +askar +askari +asker +askew +askingly +askip +asklent +Asklepios +askos +Askr +aslant +aslantwise +aslaver +asleep +aslop +aslope +aslumber +asmack +asmalte +asmear +asmile +asmoke +asmolder +asniffle +asnort +asoak +asocial +asok +asoka +asomatophyte +asomatous +asonant +asonia +asop +asor +asouth +asp +aspace +aspalathus +Aspalax +asparagic +asparagine +asparaginic +asparaginous +asparagus +asparagyl +asparkle +aspartate +aspartic +aspartyl +Aspasia +Aspatia +aspect +aspectable +aspectant +aspection +aspectual +aspen +asper +asperate +asperation +aspergation +asperge +asperger +Asperges +aspergil +aspergill +Aspergillaceae +Aspergillales +aspergilliform +aspergillin +aspergillosis +aspergillum +aspergillus +Asperifoliae +asperifoliate +asperifolious +asperite +asperity +aspermatic +aspermatism +aspermatous +aspermia +aspermic +aspermous +asperous +asperously +asperse +aspersed +asperser +aspersion +aspersive +aspersively +aspersor +aspersorium +aspersory +Asperugo +Asperula +asperuloside +asperulous +asphalt +asphaltene +asphalter +asphaltic +asphaltite +asphaltum +aspheterism +aspheterize +asphodel +Asphodelaceae +Asphodeline +Asphodelus +asphyctic +asphyctous +asphyxia +asphyxial +asphyxiant +asphyxiate +asphyxiation +asphyxiative +asphyxiator +asphyxied +asphyxy +aspic +aspiculate +aspiculous +aspidate +aspidiaria +aspidinol +Aspidiotus +Aspidiske +Aspidistra +aspidium +Aspidobranchia +Aspidobranchiata +aspidobranchiate +Aspidocephali +Aspidochirota +Aspidoganoidei +aspidomancy +Aspidosperma +aspidospermine +aspirant +aspirata +aspirate +aspiration +aspirator +aspiratory +aspire +aspirer +aspirin +aspiring +aspiringly +aspiringness +aspish +asplanchnic +Asplenieae +asplenioid +Asplenium +asporogenic +asporogenous +asporous +asport +asportation +asporulate +aspout +asprawl +aspread +Aspredinidae +Aspredo +aspring +asprout +asquare +asquat +asqueal +asquint +asquirm +ass +assacu +assagai +assai +assail +assailable +assailableness +assailant +assailer +assailment +Assam +Assamese +Assamites +assapan +assapanic +assarion +assart +assary +assassin +assassinate +assassination +assassinative +assassinator +assassinatress +assassinist +assate +assation +assault +assaultable +assaulter +assaut +assay +assayable +assayer +assaying +assbaa +asse +assecuration +assecurator +assedation +assegai +asself +assemblable +assemblage +assemble +assembler +assembly +assemblyman +assent +assentaneous +assentation +assentatious +assentator +assentatorily +assentatory +assented +assenter +assentient +assenting +assentingly +assentive +assentiveness +assentor +assert +assertable +assertative +asserter +assertible +assertion +assertional +assertive +assertively +assertiveness +assertor +assertorial +assertorially +assertoric +assertorical +assertorically +assertorily +assertory +assertress +assertrix +assertum +assess +assessable +assessably +assessed +assessee +assession +assessionary +assessment +assessor +assessorial +assessorship +assessory +asset +assets +assever +asseverate +asseveratingly +asseveration +asseverative +asseveratively +asseveratory +asshead +assi +assibilate +assibilation +Assidean +assident +assidual +assidually +assiduity +assiduous +assiduously +assiduousness +assientist +assiento +assify +assign +assignability +assignable +assignably +assignat +assignation +assigned +assignee +assigneeship +assigner +assignment +assignor +assilag +assimilability +assimilable +assimilate +assimilation +assimilationist +assimilative +assimilativeness +assimilator +assimilatory +Assiniboin +assis +Assisan +assise +assish +assishly +assishness +assist +assistance +assistant +assistanted +assistantship +assistency +assister +assistful +assistive +assistless +assistor +assize +assizement +assizer +assizes +asslike +assman +Assmannshauser +assmanship +associability +associable +associableness +associate +associated +associatedness +associateship +association +associational +associationalism +associationalist +associationism +associationist +associationistic +associative +associatively +associativeness +associator +associatory +assoil +assoilment +assoilzie +assonance +assonanced +assonant +assonantal +assonantic +assonate +Assonia +assort +assortative +assorted +assortedness +assorter +assortive +assortment +assuade +assuage +assuagement +assuager +assuasive +assubjugate +assuetude +assumable +assumably +assume +assumed +assumedly +assumer +assuming +assumingly +assumingness +assumpsit +assumption +Assumptionist +assumptious +assumptiousness +assumptive +assumptively +assurable +assurance +assurant +assure +assured +assuredly +assuredness +assurer +assurge +assurgency +assurgent +assuring +assuringly +assyntite +Assyrian +Assyrianize +Assyriological +Assyriologist +Assyriologue +Assyriology +Assyroid +assythment +ast +asta +Astacidae +Astacus +Astakiwi +astalk +astarboard +astare +astart +Astarte +Astartian +Astartidae +astasia +astatic +astatically +astaticism +astatine +astatize +astatizer +astay +asteam +asteatosis +asteep +asteer +asteism +astelic +astely +aster +Asteraceae +asteraceous +Asterales +Asterella +astereognosis +asteria +asterial +Asterias +asteriated +Asteriidae +asterikos +asterin +Asterina +Asterinidae +asterioid +Asterion +asterion +Asterionella +asterisk +asterism +asterismal +astern +asternal +Asternata +asternia +Asterochiton +asteroid +asteroidal +Asteroidea +asteroidean +Asterolepidae +Asterolepis +Asterope +asterophyllite +Asterophyllites +Asterospondyli +asterospondylic +asterospondylous +Asteroxylaceae +Asteroxylon +Asterozoa +asterwort +asthenia +asthenic +asthenical +asthenobiosis +asthenobiotic +asthenolith +asthenology +asthenopia +asthenopic +asthenosphere +astheny +asthma +asthmatic +asthmatical +asthmatically +asthmatoid +asthmogenic +asthore +asthorin +Astian +astichous +astigmatic +astigmatical +astigmatically +astigmatism +astigmatizer +astigmatometer +astigmatoscope +astigmatoscopy +astigmia +astigmism +astigmometer +astigmometry +Astilbe +astilbe +astint +astipulate +astir +astite +astomatal +astomatous +astomia +astomous +astonied +astonish +astonishedly +astonisher +astonishing +astonishingly +astonishingness +astonishment +astony +astoop +astor +astound +astoundable +astounding +astoundingly +astoundment +Astrachan +astraddle +Astraea +Astraean +astraean +astraeid +Astraeidae +astraeiform +astragal +astragalar +astragalectomy +astragali +astragalocalcaneal +astragalocentral +astragalomancy +astragalonavicular +astragaloscaphoid +astragalotibial +Astragalus +astragalus +astrain +astrakanite +astrakhan +astral +astrally +astrand +Astrantia +astraphobia +astrapophobia +astray +astream +astrer +astrict +astriction +astrictive +astrictively +astrictiveness +Astrid +astride +astrier +astriferous +astrild +astringe +astringency +astringent +astringently +astringer +astroalchemist +astroblast +Astrocaryum +astrochemist +astrochemistry +astrochronological +astrocyte +astrocytoma +astrocytomata +astrodiagnosis +astrodome +astrofel +astrogeny +astroglia +astrognosy +astrogonic +astrogony +astrograph +astrographic +astrography +astroid +astroite +astrolabe +astrolabical +astrolater +astrolatry +astrolithology +astrologaster +astrologer +astrologian +astrologic +astrological +astrologically +astrologistic +astrologize +astrologous +astrology +astromancer +astromancy +astromantic +astrometeorological +astrometeorologist +astrometeorology +astrometer +astrometrical +astrometry +astronaut +astronautics +astronomer +astronomic +astronomical +astronomically +astronomics +astronomize +astronomy +Astropecten +Astropectinidae +astrophil +astrophobia +astrophotographic +astrophotography +astrophotometer +astrophotometrical +astrophotometry +astrophyllite +astrophysical +astrophysicist +astrophysics +Astrophyton +astroscope +Astroscopus +astroscopy +astrospectral +astrospectroscopic +astrosphere +astrotheology +astrut +astucious +astuciously +astucity +Astur +Asturian +astute +astutely +astuteness +astylar +Astylospongia +Astylosternus +asudden +asunder +Asuri +aswail +aswarm +asway +asweat +aswell +aswim +aswing +aswirl +aswoon +aswooned +asyla +asyllabia +asyllabic +asyllabical +asylum +asymbiotic +asymbolia +asymbolic +asymbolical +asymmetric +asymmetrical +asymmetrically +Asymmetron +asymmetry +asymptomatic +asymptote +asymptotic +asymptotical +asymptotically +asynapsis +asynaptic +asynartete +asynartetic +asynchronism +asynchronous +asyndesis +asyndetic +asyndetically +asyndeton +asynergia +asynergy +asyngamic +asyngamy +asyntactic +asyntrophy +asystole +asystolic +asystolism +asyzygetic +at +Ata +atabal +atabeg +atabek +Atabrine +Atacaman +Atacamenan +Atacamenian +Atacameno +atacamite +atactic +atactiform +Ataentsic +atafter +Ataigal +Ataiyal +Atalan +ataman +atamasco +Atamosco +atangle +atap +ataraxia +ataraxy +atatschite +ataunt +atavi +atavic +atavism +atavist +atavistic +atavistically +atavus +ataxaphasia +ataxia +ataxiagram +ataxiagraph +ataxiameter +ataxiaphasia +ataxic +ataxinomic +ataxite +ataxonomic +ataxophemia +ataxy +atazir +atbash +atchison +ate +Ateba +atebrin +atechnic +atechnical +atechny +ateeter +atef +atelectasis +atelectatic +ateleological +Ateles +atelestite +atelets +atelier +ateliosis +Atellan +atelo +atelocardia +atelocephalous +ateloglossia +atelognathia +atelomitic +atelomyelia +atelopodia +ateloprosopia +atelorachidia +atelostomia +atemporal +Aten +Atenism +Atenist +Aterian +ates +Atestine +ateuchi +ateuchus +Atfalati +Athabasca +Athabascan +athalamous +athalline +Athamantid +athanasia +Athanasian +Athanasianism +Athanasianist +athanasy +athanor +Athapascan +athar +Atharvan +Athecae +Athecata +athecate +atheism +atheist +atheistic +atheistical +atheistically +atheisticalness +atheize +atheizer +athelia +atheling +athematic +Athena +Athenaea +athenaeum +athenee +Athenian +Athenianly +athenor +Athens +atheological +atheologically +atheology +atheous +Athericera +athericeran +athericerous +atherine +Atherinidae +Atheriogaea +Atheriogaean +Atheris +athermancy +athermanous +athermic +athermous +atheroma +atheromasia +atheromata +atheromatosis +atheromatous +atherosclerosis +Atherosperma +Atherurus +athetesis +athetize +athetoid +athetosic +athetosis +athing +athirst +athlete +athletehood +athletic +athletical +athletically +athleticism +athletics +athletism +athletocracy +athlothete +athlothetes +athodyd +athort +athrepsia +athreptic +athrill +athrive +athrob +athrocyte +athrocytosis +athrogenic +athrong +athrough +athwart +athwarthawse +athwartship +athwartships +athwartwise +athymia +athymic +athymy +athyreosis +athyria +athyrid +Athyridae +Athyris +Athyrium +athyroid +athyroidism +athyrosis +Ati +Atik +Atikokania +atilt +atimon +atinga +atingle +atinkle +atip +atis +Atka +Atlanta +atlantad +atlantal +Atlantean +atlantes +Atlantic +atlantic +Atlantica +Atlantid +Atlantides +atlantite +atlantoaxial +atlantodidymus +atlantomastoid +atlantoodontoid +Atlantosaurus +Atlas +atlas +Atlaslike +atlatl +atle +atlee +atloaxoid +atloid +atloidean +atloidoaxoid +atma +atman +atmiatrics +atmiatry +atmid +atmidalbumin +atmidometer +atmidometry +atmo +atmocausis +atmocautery +atmoclastic +atmogenic +atmograph +atmologic +atmological +atmologist +atmology +atmolysis +atmolyzation +atmolyze +atmolyzer +atmometer +atmometric +atmometry +atmos +atmosphere +atmosphereful +atmosphereless +atmospheric +atmospherical +atmospherically +atmospherics +atmospherology +atmostea +atmosteal +atmosteon +Atnah +atocha +atocia +atokal +atoke +atokous +atoll +atom +atomatic +atomechanics +atomerg +atomic +atomical +atomically +atomician +atomicism +atomicity +atomics +atomiferous +atomism +atomist +atomistic +atomistical +atomistically +atomistics +atomity +atomization +atomize +atomizer +atomology +atomy +atonable +atonal +atonalism +atonalistic +atonality +atonally +atone +atonement +atoneness +atoner +atonia +atonic +atonicity +atoningly +atony +atop +Atophan +atophan +atopic +atopite +atopy +Atorai +Atossa +atour +atoxic +Atoxyl +atoxyl +atrabilarian +atrabilarious +atrabiliar +atrabiliarious +atrabiliary +atrabilious +atrabiliousness +atracheate +Atractaspis +Atragene +atragene +atrail +atrament +atramental +atramentary +atramentous +atraumatic +Atrebates +Atremata +atrematous +atremble +atrepsy +atreptic +atresia +atresic +atresy +atretic +atria +atrial +atrichia +atrichosis +atrichous +atrickle +Atridean +atrienses +atriensis +atriocoelomic +atrioporal +atriopore +atrioventricular +atrip +Atriplex +atrium +atrocha +atrochal +atrochous +atrocious +atrociously +atrociousness +atrocity +atrolactic +Atropa +atropaceous +atropal +atropamine +atrophia +atrophiated +atrophic +atrophied +atrophoderma +atrophy +atropia +atropic +Atropidae +atropine +atropinism +atropinization +atropinize +atropism +atropous +atrorubent +atrosanguineous +atroscine +atrous +atry +Atrypa +Atta +atta +Attacapan +attacco +attach +attachable +attachableness +attache +attached +attachedly +attacher +attacheship +attachment +attack +attackable +attacker +attacolite +Attacus +attacus +attagen +attaghan +attain +attainability +attainable +attainableness +attainder +attainer +attainment +attaint +attaintment +attainture +Attalea +attaleh +Attalid +attar +attargul +attask +attemper +attemperament +attemperance +attemperate +attemperately +attemperation +attemperator +attempt +attemptability +attemptable +attempter +attemptless +attend +attendance +attendancy +attendant +attendantly +attender +attendingly +attendment +attendress +attensity +attent +attention +attentional +attentive +attentively +attentiveness +attently +attenuable +attenuant +attenuate +attenuation +attenuative +attenuator +atter +attercop +attercrop +atterminal +attermine +atterminement +attern +attery +attest +attestable +attestant +attestation +attestative +attestator +attester +attestive +Attic +attic +Attical +Atticism +atticism +Atticist +Atticize +atticize +atticomastoid +attid +Attidae +attinge +attingence +attingency +attingent +attire +attired +attirement +attirer +attitude +attitudinal +attitudinarian +attitudinarianism +attitudinize +attitudinizer +Attiwendaronk +attorn +attorney +attorneydom +attorneyism +attorneyship +attornment +attract +attractability +attractable +attractableness +attractant +attracter +attractile +attractingly +attraction +attractionally +attractive +attractively +attractiveness +attractivity +attractor +attrahent +attrap +attributable +attributal +attribute +attributer +attribution +attributive +attributively +attributiveness +attrist +attrite +attrited +attriteness +attrition +attritive +attritus +attune +attunely +attunement +Atuami +atule +atumble +atune +atwain +atweel +atween +atwin +atwirl +atwist +atwitch +atwitter +atwixt +atwo +atypic +atypical +atypically +atypy +auantic +aube +aubepine +Aubrey +Aubrietia +aubrietia +aubrite +auburn +aubusson +Auca +auca +Aucan +Aucaner +Aucanian +Auchenia +auchenia +auchenium +auchlet +auction +auctionary +auctioneer +auctorial +Aucuba +aucuba +aucupate +audacious +audaciously +audaciousness +audacity +Audaean +Audian +Audibertia +audibility +audible +audibleness +audibly +audience +audiencier +audient +audile +audio +audiogenic +audiogram +audiologist +audiology +audiometer +audiometric +audiometry +Audion +audion +audiophile +audiphone +audit +audition +auditive +auditor +auditoria +auditorial +auditorially +auditorily +auditorium +auditorship +auditory +auditress +auditual +audivise +audiviser +audivision +Audrey +Audubonistic +Aueto +auganite +auge +Augean +augelite +augen +augend +auger +augerer +augh +aught +aughtlins +augite +augitic +augitite +augitophyre +augment +augmentable +augmentation +augmentationer +augmentative +augmentatively +augmented +augmentedly +augmenter +augmentive +augur +augural +augurate +augurial +augurous +augurship +augury +August +august +Augusta +augustal +Augustan +Augusti +Augustin +Augustinian +Augustinianism +Augustinism +augustly +augustness +Augustus +auh +auhuhu +Auk +auk +auklet +aula +aulacocarpous +Aulacodus +Aulacomniaceae +Aulacomnium +aulae +aularian +auld +auldfarrantlike +auletai +aulete +auletes +auletic +auletrides +auletris +aulic +aulicism +auloi +aulophyte +aulos +Aulostoma +Aulostomatidae +Aulostomi +aulostomid +Aulostomidae +Aulostomus +aulu +aum +aumaga +aumail +aumbry +aumery +aumil +aumildar +aumous +aumrie +auncel +aune +Aunjetitz +aunt +aunthood +auntie +auntish +auntlike +auntly +auntsary +auntship +aupaka +aura +aurae +aural +aurally +auramine +Aurantiaceae +aurantiaceous +Aurantium +aurantium +aurar +aurate +aurated +aureate +aureately +aureateness +aureation +aureity +Aurelia +aurelia +aurelian +Aurelius +Aureocasidium +aureola +aureole +aureolin +aureoline +aureomycin +aureous +aureously +auresca +aureus +auribromide +auric +aurichalcite +aurichalcum +aurichloride +aurichlorohydric +auricle +auricled +auricomous +Auricula +auricula +auriculae +auricular +auriculare +auriculares +Auricularia +auricularia +Auriculariaceae +auriculariae +Auriculariales +auricularian +auricularis +auricularly +auriculate +auriculated +auriculately +Auriculidae +auriculocranial +auriculoparietal +auriculotemporal +auriculoventricular +auriculovertical +auricyanhydric +auricyanic +auricyanide +auride +auriferous +aurific +aurification +auriform +aurify +Auriga +aurigal +aurigation +aurigerous +Aurigid +Aurignacian +aurilave +aurin +aurinasal +auriphone +auriphrygia +auriphrygiate +auripuncture +aurir +auriscalp +auriscalpia +auriscalpium +auriscope +auriscopy +aurist +aurite +aurivorous +auroauric +aurobromide +aurochloride +aurochs +aurocyanide +aurodiamine +auronal +aurophobia +aurophore +aurora +aurorae +auroral +aurorally +aurore +aurorean +Aurorian +aurorium +aurotellurite +aurothiosulphate +aurothiosulphuric +aurous +aurrescu +aurulent +aurum +aurure +auryl +Aus +auscult +auscultascope +auscultate +auscultation +auscultative +auscultator +auscultatory +Auscultoscope +auscultoscope +Aushar +auslaut +auslaute +Ausones +Ausonian +auspex +auspicate +auspice +auspices +auspicial +auspicious +auspiciously +auspiciousness +auspicy +Aussie +Austafrican +austenite +austenitic +Auster +austere +austerely +austereness +austerity +Austerlitz +Austin +Austral +austral +Australasian +australene +Australia +Australian +Australianism +Australianize +Australic +Australioid +australite +Australoid +Australopithecinae +australopithecine +Australopithecus +Australorp +Austrasian +Austrian +Austrianize +Austric +austrium +Austroasiatic +Austrogaea +Austrogaean +austromancy +Austronesian +Austrophil +Austrophile +Austrophilism +Austroriparian +ausu +ausubo +autacoid +autacoidal +autallotriomorphic +autantitypy +autarch +autarchic +autarchical +Autarchoglossa +autarchy +autarkic +autarkical +autarkist +autarky +aute +autechoscope +autecious +auteciously +auteciousness +autecism +autecologic +autecological +autecologically +autecologist +autecology +autecy +autem +authentic +authentical +authentically +authenticalness +authenticate +authentication +authenticator +authenticity +authenticly +authenticness +authigene +authigenetic +authigenic +authigenous +author +authorcraft +authoress +authorhood +authorial +authorially +authorish +authorism +authoritarian +authoritarianism +authoritative +authoritatively +authoritativeness +authority +authorizable +authorization +authorize +authorized +authorizer +authorless +authorling +authorly +authorship +authotype +autism +autist +autistic +auto +autoabstract +autoactivation +autoactive +autoaddress +autoagglutinating +autoagglutination +autoagglutinin +autoalarm +autoalkylation +autoallogamous +autoallogamy +autoanalysis +autoanalytic +autoantibody +autoanticomplement +autoantitoxin +autoasphyxiation +autoaspiration +autoassimilation +autobahn +autobasidia +Autobasidiomycetes +autobasidiomycetous +autobasidium +Autobasisii +autobiographal +autobiographer +autobiographic +autobiographical +autobiographically +autobiographist +autobiography +autobiology +autoblast +autoboat +autoboating +autobolide +autobus +autocab +autocade +autocall +autocamp +autocamper +autocamping +autocar +autocarist +autocarpian +autocarpic +autocarpous +autocatalepsy +autocatalysis +autocatalytic +autocatalytically +autocatalyze +autocatheterism +autocephalia +autocephality +autocephalous +autocephaly +autoceptive +autochemical +autocholecystectomy +autochrome +autochromy +autochronograph +autochthon +autochthonal +autochthonic +autochthonism +autochthonous +autochthonously +autochthonousness +autochthony +autocide +autocinesis +autoclasis +autoclastic +autoclave +autocoenobium +autocoherer +autocoid +autocollimation +autocollimator +autocolony +autocombustible +autocombustion +autocomplexes +autocondensation +autoconduction +autoconvection +autoconverter +autocopist +autocoprophagous +autocorrosion +autocracy +autocrat +autocratic +autocratical +autocratically +autocrator +autocratoric +autocratorical +autocratrix +autocratship +autocremation +autocriticism +autocystoplasty +autocytolysis +autocytolytic +autodecomposition +autodepolymerization +autodermic +autodestruction +autodetector +autodiagnosis +autodiagnostic +autodiagrammatic +autodidact +autodidactic +autodifferentiation +autodiffusion +autodigestion +autodigestive +autodrainage +autodrome +autodynamic +autodyne +autoecholalia +autoecic +autoecious +autoeciously +autoeciousness +autoecism +autoecous +autoecy +autoeducation +autoeducative +autoelectrolysis +autoelectrolytic +autoelectronic +autoelevation +autoepigraph +autoepilation +autoerotic +autoerotically +autoeroticism +autoerotism +autoexcitation +autofecundation +autofermentation +autoformation +autofrettage +autogamic +autogamous +autogamy +autogauge +autogeneal +autogenesis +autogenetic +autogenetically +autogenic +autogenous +autogenously +autogeny +Autogiro +autogiro +autognosis +autognostic +autograft +autografting +autogram +autograph +autographal +autographer +autographic +autographical +autographically +autographism +autographist +autographometer +autography +autogravure +Autoharp +autoharp +autoheader +autohemic +autohemolysin +autohemolysis +autohemolytic +autohemorrhage +autohemotherapy +autoheterodyne +autoheterosis +autohexaploid +autohybridization +autohypnosis +autohypnotic +autohypnotism +autohypnotization +autoicous +autoignition +autoimmunity +autoimmunization +autoinduction +autoinductive +autoinfection +autoinfusion +autoinhibited +autoinoculable +autoinoculation +autointellectual +autointoxicant +autointoxication +autoirrigation +autoist +autojigger +autojuggernaut +autokinesis +autokinetic +autokrator +autolaryngoscope +autolaryngoscopic +autolaryngoscopy +autolater +autolatry +autolavage +autolesion +autolimnetic +autolith +autoloading +autological +autologist +autologous +autology +autoluminescence +autoluminescent +autolysate +autolysin +autolysis +autolytic +Autolytus +autolyzate +autolyze +automa +automacy +automanual +automat +automata +automatic +automatical +automatically +automaticity +automatin +automatism +automatist +automatization +automatize +automatograph +automaton +automatonlike +automatous +automechanical +automelon +autometamorphosis +autometric +autometry +automobile +automobilism +automobilist +automobilistic +automobility +automolite +automonstration +automorph +automorphic +automorphically +automorphism +automotive +automotor +automower +automysophobia +autonegation +autonephrectomy +autonephrotoxin +autoneurotoxin +autonitridation +autonoetic +autonomasy +autonomic +autonomical +autonomically +autonomist +autonomize +autonomous +autonomously +autonomy +autonym +autoparasitism +autopathic +autopathography +autopathy +autopelagic +autopepsia +autophagi +autophagia +autophagous +autophagy +autophobia +autophoby +autophon +autophone +autophonoscope +autophonous +autophony +autophotoelectric +autophotograph +autophotometry +autophthalmoscope +autophyllogeny +autophyte +autophytic +autophytically +autophytograph +autophytography +autopilot +autoplagiarism +autoplasmotherapy +autoplast +autoplastic +autoplasty +autopneumatic +autopoint +autopoisonous +autopolar +autopolo +autopoloist +autopolyploid +autopore +autoportrait +autoportraiture +autopositive +autopotent +autoprogressive +autoproteolysis +autoprothesis +autopsic +autopsical +autopsy +autopsychic +autopsychoanalysis +autopsychology +autopsychorhythmia +autopsychosis +autoptic +autoptical +autoptically +autopticity +autopyotherapy +autoracemization +autoradiograph +autoradiographic +autoradiography +autoreduction +autoregenerator +autoregulation +autoreinfusion +autoretardation +autorhythmic +autorhythmus +autoriser +autorotation +autorrhaphy +Autosauri +Autosauria +autoschediasm +autoschediastic +autoschediastical +autoschediastically +autoschediaze +autoscience +autoscope +autoscopic +autoscopy +autosender +autosensitization +autosensitized +autosepticemia +autoserotherapy +autoserum +autosexing +autosight +autosign +autosite +autositic +autoskeleton +autosled +autoslip +autosomal +autosomatognosis +autosomatognostic +autosome +autosoteric +autosoterism +autospore +autosporic +autospray +autostability +autostage +autostandardization +autostarter +autostethoscope +autostylic +autostylism +autostyly +autosuggestibility +autosuggestible +autosuggestion +autosuggestionist +autosuggestive +autosuppression +autosymbiontic +autosymbolic +autosymbolical +autosymbolically +autosymnoia +Autosyn +autosyndesis +autotelegraph +autotelic +autotetraploid +autotetraploidy +autothaumaturgist +autotheater +autotheism +autotheist +autotherapeutic +autotherapy +autothermy +autotomic +autotomize +autotomous +autotomy +autotoxaemia +autotoxic +autotoxication +autotoxicity +autotoxicosis +autotoxin +autotoxis +autotractor +autotransformer +autotransfusion +autotransplant +autotransplantation +autotrepanation +autotriploid +autotriploidy +autotroph +autotrophic +autotrophy +autotropic +autotropically +autotropism +autotruck +autotuberculin +autoturning +autotype +autotyphization +autotypic +autotypography +autotypy +autourine +autovaccination +autovaccine +autovalet +autovalve +autovivisection +autoxeny +autoxidation +autoxidator +autoxidizability +autoxidizable +autoxidize +autoxidizer +autozooid +autrefois +autumn +autumnal +autumnally +autumnian +autumnity +Autunian +autunite +auxamylase +auxanogram +auxanology +auxanometer +auxesis +auxetic +auxetical +auxetically +auxiliar +auxiliarly +auxiliary +auxiliate +auxiliation +auxiliator +auxiliatory +auxilium +auximone +auxin +auxinic +auxinically +auxoaction +auxoamylase +auxoblast +auxobody +auxocardia +auxochrome +auxochromic +auxochromism +auxochromous +auxocyte +auxoflore +auxofluor +auxograph +auxographic +auxohormone +auxology +auxometer +auxospore +auxosubstance +auxotonic +auxotox +ava +avadana +avadavat +avadhuta +avahi +avail +availability +available +availableness +availably +availingly +availment +aval +avalanche +avalent +avalvular +Avanguardisti +avania +avanious +Avanti +avanturine +Avar +Avaradrano +avaremotemo +Avarian +avarice +avaricious +avariciously +avariciousness +Avarish +Avars +avascular +avast +avaunt +Ave +ave +avellan +avellane +avellaneous +avellano +avelonge +aveloz +Avena +avenaceous +avenage +avenalin +avener +avenge +avengeful +avengement +avenger +avengeress +avenging +avengingly +avenin +avenolith +avenous +avens +aventail +Aventine +aventurine +avenue +aver +avera +average +averagely +averager +averah +averil +averin +averment +Avernal +Avernus +averrable +averral +Averrhoa +Averroism +Averroist +Averroistic +averruncate +averruncation +averruncator +aversant +aversation +averse +aversely +averseness +aversion +aversive +avert +avertable +averted +avertedly +averter +avertible +Avertin +Avery +Aves +Avesta +Avestan +avian +avianization +avianize +aviarist +aviary +aviate +aviatic +aviation +aviator +aviatorial +aviatoriality +aviatory +aviatress +aviatrices +aviatrix +Avicennia +Avicenniaceae +Avicennism +avichi +avicide +avick +avicolous +Avicula +avicular +Avicularia +avicularia +avicularian +Aviculariidae +Avicularimorphae +avicularium +Aviculidae +aviculture +aviculturist +avid +avidious +avidiously +avidity +avidly +avidous +avidya +avifauna +avifaunal +avigate +avigation +avigator +Avignonese +avijja +Avikom +avine +aviolite +avirulence +avirulent +Avis +aviso +avital +avitaminosis +avitaminotic +avitic +avives +avizandum +avo +avocado +avocate +avocation +avocative +avocatory +avocet +avodire +avogadrite +avoid +avoidable +avoidably +avoidance +avoider +avoidless +avoidment +avoirdupois +avolate +avolation +avolitional +avondbloem +avouch +avouchable +avoucher +avouchment +avourneen +avow +avowable +avowableness +avowably +avowal +avowance +avowant +avowed +avowedly +avowedness +avower +avowry +avoyer +avoyership +Avshar +avulse +avulsion +avuncular +avunculate +aw +awa +Awabakal +awabi +Awadhi +awaft +awag +await +awaiter +Awaitlala +awakable +awake +awaken +awakenable +awakener +awakening +awakeningly +awakenment +awald +awalim +awalt +Awan +awane +awanting +awapuhi +award +awardable +awarder +awardment +aware +awaredom +awareness +awaruite +awash +awaste +awat +awatch +awater +awave +away +awayness +awber +awd +awe +awearied +aweary +aweather +aweband +awedness +awee +aweek +aweel +aweigh +Awellimiden +awesome +awesomely +awesomeness +awest +aweto +awfu +awful +awfully +awfulness +awheel +awheft +awhet +awhile +awhir +awhirl +awide +awiggle +awikiwiki +awin +awing +awink +awiwi +awkward +awkwardish +awkwardly +awkwardness +awl +awless +awlessness +awlwort +awmous +awn +awned +awner +awning +awninged +awnless +awnlike +awny +awoke +Awol +awork +awreck +awrist +awrong +awry +Awshar +ax +axal +axbreaker +axe +axed +Axel +axenic +axes +axfetch +axhammer +axhammered +axhead +axial +axiality +axially +axiate +axiation +Axifera +axiform +axifugal +axil +axile +axilemma +axilemmata +axilla +axillae +axillant +axillar +axillary +axine +axinite +axinomancy +axiolite +axiolitic +axiological +axiologically +axiologist +axiology +axiom +axiomatic +axiomatical +axiomatically +axiomatization +axiomatize +axion +axiopisty +Axis +axis +axised +axisymmetric +axisymmetrical +axite +axle +axled +axlesmith +axletree +axmaker +axmaking +axman +axmanship +axmaster +Axminster +axodendrite +axofugal +axogamy +axoid +axoidean +axolemma +axolotl +axolysis +axometer +axometric +axometry +axon +axonal +axoneure +axoneuron +Axonia +Axonolipa +axonolipous +axonometric +axonometry +Axonophora +axonophorous +Axonopus +axonost +axopetal +axophyte +axoplasm +axopodia +axopodium +axospermous +axostyle +axseed +axstone +axtree +Axumite +axunge +axweed +axwise +axwort +Ay +ay +ayacahuite +ayah +Ayahuca +Aydendron +aye +ayegreen +ayelp +ayenbite +ayin +Aylesbury +ayless +aylet +ayllu +Aymara +Aymaran +Aymoro +ayond +ayont +ayous +Ayrshire +Aythya +ayu +Ayubite +Ayyubid +azadrachta +azafrin +Azalea +azalea +Azande +azarole +azedarach +azelaic +azelate +Azelfafage +azeotrope +azeotropic +azeotropism +azeotropy +Azerbaijanese +Azerbaijani +Azerbaijanian +Azha +azide +aziethane +Azilian +azilut +Azimech +azimene +azimethylene +azimide +azimine +azimino +aziminobenzene +azimuth +azimuthal +azimuthally +azine +aziola +azlactone +azo +azobacter +azobenzene +azobenzil +azobenzoic +azobenzol +azoblack +azoch +azocochineal +azocoralline +azocorinth +azocyanide +azocyclic +azodicarboxylic +azodiphenyl +azodisulphonic +azoeosin +azoerythrin +azofication +azofier +azoflavine +azoformamide +azoformic +azofy +azogallein +azogreen +azogrenadine +azohumic +azoic +azoimide +azoisobutyronitrile +azole +azolitmin +Azolla +azomethine +azon +azonal +azonaphthalene +azonic +azonium +azoospermia +azoparaffin +azophen +azophenetole +azophenine +azophenol +azophenyl +azophenylene +azophosphin +azophosphore +azoprotein +Azorian +azorite +azorubine +azosulphine +azosulphonic +azotate +azote +azoted +azotemia +azotenesis +azotetrazole +azoth +azothionium +azotic +azotine +azotite +azotize +Azotobacter +Azotobacterieae +azotoluene +azotometer +azotorrhoea +azotous +azoturia +azovernine +azox +azoxazole +azoxime +azoxine +azoxonium +azoxy +azoxyanisole +azoxybenzene +azoxybenzoic +azoxynaphthalene +azoxyphenetole +azoxytoluidine +Aztec +Azteca +azteca +Aztecan +azthionium +azulene +azulite +azulmic +azumbre +azure +azurean +azured +azureous +azurine +azurite +azurmalachite +azurous +azury +Azygobranchia +Azygobranchiata +azygobranchiate +azygomatous +azygos +azygosperm +azygospore +azygous +azyme +azymite +azymous +B +b +ba +baa +baahling +Baal +baal +Baalath +Baalish +Baalism +Baalist +Baalite +Baalitical +Baalize +Baalshem +baar +Bab +baba +babacoote +babai +babasco +babassu +babaylan +Babbie +Babbitt +babbitt +babbitter +Babbittess +Babbittian +Babbittism +Babbittry +babblative +babble +babblement +babbler +babblesome +babbling +babblingly +babblish +babblishly +babbly +babby +Babcock +babe +babehood +Babel +Babeldom +babelet +Babelic +babelike +Babelish +Babelism +Babelize +babery +babeship +Babesia +babesiasis +Babhan +Babi +Babiana +babiche +babied +Babiism +babillard +Babine +babingtonite +babirusa +babish +babished +babishly +babishness +Babism +Babist +Babite +bablah +babloh +baboen +Babongo +baboo +baboodom +babooism +baboon +baboonery +baboonish +baboonroot +baboot +babouche +Babouvism +Babouvist +babroot +Babs +babu +Babua +babudom +babuina +babuism +babul +Babuma +Babungera +babushka +baby +babydom +babyfied +babyhood +babyhouse +babyish +babyishly +babyishness +babyism +babylike +Babylon +Babylonian +Babylonic +Babylonish +Babylonism +Babylonite +Babylonize +babyolatry +babyship +bac +bacaba +bacach +bacalao +bacao +bacbakiri +bacca +baccaceous +baccae +baccalaurean +baccalaureate +baccara +baccarat +baccate +baccated +Bacchae +bacchanal +Bacchanalia +bacchanalian +bacchanalianism +bacchanalianly +bacchanalism +bacchanalization +bacchanalize +bacchant +bacchante +bacchantes +bacchantic +bacchar +baccharis +baccharoid +baccheion +bacchiac +bacchian +Bacchic +bacchic +Bacchical +Bacchides +bacchii +bacchius +Bacchus +Bacchuslike +bacciferous +bacciform +baccivorous +bach +Bacharach +bache +bachel +bachelor +bachelordom +bachelorhood +bachelorism +bachelorize +bachelorlike +bachelorly +bachelorship +bachelorwise +bachelry +Bachichi +Bacillaceae +bacillar +Bacillariaceae +bacillariaceous +Bacillariales +Bacillarieae +Bacillariophyta +bacillary +bacillemia +bacilli +bacillian +bacillicidal +bacillicide +bacillicidic +bacilliculture +bacilliform +bacilligenic +bacilliparous +bacillite +bacillogenic +bacillogenous +bacillophobia +bacillosis +bacilluria +bacillus +Bacis +bacitracin +back +backache +backaching +backachy +backage +backband +backbearing +backbencher +backbite +backbiter +backbitingly +backblow +backboard +backbone +backboned +backboneless +backbonelessness +backbrand +backbreaker +backbreaking +backcap +backcast +backchain +backchat +backcourt +backcross +backdoor +backdown +backdrop +backed +backen +backer +backet +backfall +backfatter +backfield +backfill +backfiller +backfilling +backfire +backfiring +backflap +backflash +backflow +backfold +backframe +backfriend +backfurrow +backgame +backgammon +background +backhand +backhanded +backhandedly +backhandedness +backhander +backhatch +backheel +backhooker +backhouse +backie +backiebird +backing +backjaw +backjoint +backlands +backlash +backlashing +backless +backlet +backlings +backlog +backlotter +backmost +backpedal +backpiece +backplate +backrope +backrun +backsaw +backscraper +backset +backsetting +backsettler +backshift +backside +backsight +backslap +backslapper +backslapping +backslide +backslider +backslidingness +backspace +backspacer +backspang +backspier +backspierer +backspin +backspread +backspringing +backstaff +backstage +backstamp +backstay +backster +backstick +backstitch +backstone +backstop +backstrap +backstretch +backstring +backstrip +backstroke +backstromite +backswept +backswing +backsword +backswording +backswordman +backswordsman +backtack +backtender +backtenter +backtrack +backtracker +backtrick +backup +backveld +backvelder +backwall +backward +backwardation +backwardly +backwardness +backwards +backwash +backwasher +backwashing +backwater +backwatered +backway +backwood +backwoods +backwoodsiness +backwoodsman +backwoodsy +backword +backworm +backwort +backyarder +baclin +bacon +baconer +Baconian +Baconianism +Baconic +Baconism +Baconist +baconize +baconweed +bacony +Bacopa +bacteremia +bacteria +Bacteriaceae +bacteriaceous +bacterial +bacterially +bacterian +bacteric +bactericholia +bactericidal +bactericide +bactericidin +bacterid +bacteriemia +bacteriform +bacterin +bacterioagglutinin +bacterioblast +bacteriocyte +bacteriodiagnosis +bacteriofluorescin +bacteriogenic +bacteriogenous +bacteriohemolysin +bacterioid +bacterioidal +bacteriologic +bacteriological +bacteriologically +bacteriologist +bacteriology +bacteriolysin +bacteriolysis +bacteriolytic +bacteriolyze +bacteriopathology +bacteriophage +bacteriophagia +bacteriophagic +bacteriophagous +bacteriophagy +bacteriophobia +bacterioprecipitin +bacterioprotein +bacteriopsonic +bacteriopsonin +bacteriopurpurin +bacterioscopic +bacterioscopical +bacterioscopically +bacterioscopist +bacterioscopy +bacteriosis +bacteriosolvent +bacteriostasis +bacteriostat +bacteriostatic +bacteriotherapeutic +bacteriotherapy +bacteriotoxic +bacteriotoxin +bacteriotropic +bacteriotropin +bacteriotrypsin +bacterious +bacteritic +bacterium +bacteriuria +bacterization +bacterize +bacteroid +bacteroidal +Bacteroideae +Bacteroides +Bactrian +Bactris +Bactrites +bactriticone +bactritoid +bacula +bacule +baculi +baculiferous +baculiform +baculine +baculite +Baculites +baculitic +baculiticone +baculoid +baculum +baculus +bacury +bad +Badaga +badan +Badarian +badarrah +Badawi +baddeleyite +badderlocks +baddish +baddishly +baddishness +baddock +bade +badenite +badge +badgeless +badgeman +badger +badgerbrush +badgerer +badgeringly +badgerlike +badgerly +badgerweed +badiaga +badian +badigeon +badinage +badious +badland +badlands +badly +badminton +badness +Badon +Baduhenna +bae +Baedeker +Baedekerian +Baeria +baetuli +baetulus +baetyl +baetylic +baetylus +baetzner +bafaro +baff +baffeta +baffle +bafflement +baffler +baffling +bafflingly +bafflingness +baffy +baft +bafta +Bafyot +bag +baga +Baganda +bagani +bagasse +bagataway +bagatelle +bagatine +bagattini +bagattino +Bagaudae +Bagdad +Bagdi +bagel +bagful +baggage +baggageman +baggagemaster +baggager +baggala +bagganet +Baggara +bagged +bagger +baggie +baggily +bagginess +bagging +baggit +baggy +Bagheli +baghouse +Baginda +Bagirmi +bagleaves +baglike +bagmaker +bagmaking +bagman +bagnio +bagnut +bago +Bagobo +bagonet +bagpipe +bagpiper +bagpipes +bagplant +bagrationite +bagre +bagreef +bagroom +baguette +bagwig +bagwigged +bagworm +bagwyn +bah +Bahai +Bahaism +Bahaist +Baham +Bahama +Bahamian +bahan +bahar +Bahaullah +bahawder +bahay +bahera +bahiaite +Bahima +bahisti +Bahmani +Bahmanid +bahnung +baho +bahoe +bahoo +baht +Bahuma +bahur +bahut +Bahutu +bahuvrihi +Baianism +baidarka +Baidya +Baiera +baiginet +baignet +baikalite +baikerinite +baikerite +baikie +bail +bailable +bailage +bailee +bailer +bailey +bailie +bailiery +bailieship +bailiff +bailiffry +bailiffship +bailiwick +bailliage +baillone +Baillonella +bailment +bailor +bailpiece +bailsman +bailwood +bain +bainie +Baining +baioc +baiocchi +baiocco +bairagi +Bairam +bairn +bairnie +bairnish +bairnishness +bairnliness +bairnly +bairnteam +bairntime +bairnwort +Bais +Baisakh +baister +bait +baiter +baith +baittle +baitylos +baize +bajada +bajan +Bajardo +bajarigar +Bajau +Bajocian +bajra +bajree +bajri +bajury +baka +Bakairi +bakal +Bakalai +Bakalei +Bakatan +bake +bakeboard +baked +bakehouse +Bakelite +bakelite +bakelize +baken +bakeoven +bakepan +baker +bakerdom +bakeress +bakerite +bakerless +bakerly +bakership +bakery +bakeshop +bakestone +Bakhtiari +bakie +baking +bakingly +bakli +Bakongo +Bakshaish +baksheesh +baktun +Baku +baku +Bakuba +bakula +Bakunda +Bakuninism +Bakuninist +bakupari +Bakutu +Bakwiri +Bal +bal +Bala +Balaam +Balaamite +Balaamitical +balachong +balaclava +baladine +Balaena +Balaenicipites +balaenid +Balaenidae +balaenoid +Balaenoidea +balaenoidean +Balaenoptera +Balaenopteridae +balafo +balagan +balaghat +balai +Balaic +Balak +Balaklava +balalaika +Balan +balance +balanceable +balanced +balancedness +balancelle +balanceman +balancement +balancer +balancewise +balancing +balander +balandra +balandrana +balaneutics +balangay +balanic +balanid +Balanidae +balaniferous +balanism +balanite +Balanites +balanitis +balanoblennorrhea +balanocele +Balanoglossida +Balanoglossus +balanoid +Balanophora +Balanophoraceae +balanophoraceous +balanophore +balanophorin +balanoplasty +balanoposthitis +balanopreputial +Balanops +Balanopsidaceae +Balanopsidales +balanorrhagia +Balanta +Balante +balantidial +balantidiasis +balantidic +balantidiosis +Balantidium +Balanus +Balao +balao +Balarama +balas +balata +balatong +balatron +balatronic +balausta +balaustine +balaustre +Balawa +Balawu +balboa +balbriggan +balbutiate +balbutient +balbuties +balconet +balconied +balcony +bald +baldachin +baldachined +baldachini +baldachino +baldberry +baldcrown +balden +balder +balderdash +baldhead +baldicoot +Baldie +baldish +baldling +baldly +baldmoney +baldness +baldpate +baldrib +baldric +baldricked +baldricwise +balductum +Baldwin +baldy +bale +Balearian +Balearic +Balearica +baleen +balefire +baleful +balefully +balefulness +balei +baleise +baleless +baler +balete +Bali +bali +balibago +Balija +Balilla +baline +Balinese +balinger +balinghasay +balisaur +balistarius +Balistes +balistid +Balistidae +balistraria +balita +balk +Balkan +Balkanic +Balkanization +Balkanize +Balkar +balker +balkingly +Balkis +balky +ball +ballad +ballade +balladeer +ballader +balladeroyal +balladic +balladical +balladier +balladism +balladist +balladize +balladlike +balladling +balladmonger +balladmongering +balladry +balladwise +ballahoo +ballam +ballan +ballant +ballast +ballastage +ballaster +ballasting +ballata +ballate +ballatoon +balldom +balled +baller +ballerina +ballet +balletic +balletomane +Ballhausplatz +balli +ballist +ballista +ballistae +ballistic +ballistically +ballistician +ballistics +Ballistite +ballistocardiograph +ballium +ballmine +ballogan +ballonet +balloon +balloonation +ballooner +balloonery +balloonet +balloonfish +balloonflower +balloonful +ballooning +balloonish +balloonist +balloonlike +ballot +Ballota +ballotade +ballotage +balloter +balloting +ballotist +ballottement +ballow +Ballplatz +ballplayer +ballproof +ballroom +ballstock +ballup +ballweed +bally +ballyhack +ballyhoo +ballyhooer +ballywack +ballywrack +balm +balmacaan +Balmarcodes +Balmawhapple +balmily +balminess +balmlike +balmony +Balmoral +balmy +balneal +balneary +balneation +balneatory +balneographer +balneography +balneologic +balneological +balneologist +balneology +balneophysiology +balneotechnics +balneotherapeutics +balneotherapia +balneotherapy +Balnibarbi +Baloch +Baloghia +Balolo +balonea +baloney +baloo +Balopticon +Balor +Baloskion +Baloskionaceae +balow +balsa +balsam +balsamation +Balsamea +Balsameaceae +balsameaceous +balsamer +balsamic +balsamical +balsamically +balsamiferous +balsamina +Balsaminaceae +balsaminaceous +balsamine +balsamitic +balsamiticness +balsamize +balsamo +Balsamodendron +Balsamorrhiza +balsamous +balsamroot +balsamum +balsamweed +balsamy +Balt +baltei +balter +balteus +Balthasar +Balti +Baltic +Baltimore +Baltimorean +baltimorite +Baltis +balu +Baluba +Baluch +Baluchi +Baluchistan +baluchithere +baluchitheria +Baluchitherium +baluchitherium +Baluga +Balunda +balushai +baluster +balustered +balustrade +balustraded +balustrading +balut +balwarra +balza +Balzacian +balzarine +bam +Bamalip +Bamangwato +bamban +Bambara +bambini +bambino +bambocciade +bamboo +bamboozle +bamboozlement +bamboozler +Bambos +bamboula +Bambuba +Bambusa +Bambuseae +Bambute +bamoth +Ban +ban +Bana +banaba +banago +banak +banakite +banal +banality +banally +banana +Bananaland +Bananalander +Banande +bananist +bananivorous +banat +Banate +banatite +banausic +Banba +Banbury +banc +banca +bancal +banchi +banco +bancus +band +Banda +banda +bandage +bandager +bandagist +bandaite +bandaka +bandala +bandalore +bandanna +bandannaed +bandar +bandarlog +bandbox +bandboxical +bandboxy +bandcase +bandcutter +bande +bandeau +banded +bandelet +bander +Banderma +banderole +bandersnatch +bandfish +bandhava +bandhook +Bandhor +bandhu +bandi +bandicoot +bandicoy +bandie +bandikai +bandiness +banding +bandit +banditism +banditry +banditti +bandle +bandless +bandlessly +bandlessness +bandlet +bandman +bandmaster +bando +bandog +bandoleer +bandoleered +bandoline +bandonion +Bandor +bandore +bandrol +bandsman +bandstand +bandster +bandstring +Bandusia +Bandusian +bandwork +bandy +bandyball +bandyman +bane +baneberry +baneful +banefully +banefulness +banewort +Banff +bang +banga +Bangala +bangalay +bangalow +Bangash +bangboard +bange +banger +banghy +Bangia +Bangiaceae +bangiaceous +Bangiales +banging +bangkok +bangle +bangled +bangling +bangster +bangtail +Bangwaketsi +bani +banian +banig +banilad +banish +banisher +banishment +banister +Baniva +baniwa +baniya +banjo +banjoist +banjore +banjorine +banjuke +bank +bankable +Bankalachi +bankbook +banked +banker +bankera +bankerdom +bankeress +banket +bankfull +banking +bankman +bankrider +bankrupt +bankruptcy +bankruptism +bankruptlike +bankruptly +bankruptship +bankrupture +bankshall +Banksia +Banksian +bankside +banksman +bankweed +banky +banner +bannered +bannerer +banneret +bannerfish +bannerless +bannerlike +bannerman +bannerol +bannerwise +bannet +banning +bannister +Bannock +bannock +Bannockburn +banns +bannut +banovina +banquet +banqueteer +banqueteering +banqueter +banquette +bansalague +banshee +banstickle +bant +Bantam +bantam +bantamize +bantamweight +bantay +bantayan +banteng +banter +banterer +banteringly +bantery +Bantingism +bantingize +bantling +Bantoid +Bantu +banty +banuyo +banxring +banya +Banyai +banyan +Banyoro +Banyuls +banzai +baobab +bap +Baphia +Baphomet +Baphometic +Baptanodon +Baptisia +baptisin +baptism +baptismal +baptismally +Baptist +baptistery +baptistic +baptizable +baptize +baptizee +baptizement +baptizer +Baptornis +bar +bara +barabara +barabora +Barabra +Baraca +barad +baragnosis +baragouin +baragouinish +Baraithas +barajillo +Baralipton +Baramika +barandos +barangay +barasingha +barathea +barathra +barathrum +barauna +barb +Barbacoa +Barbacoan +barbacou +Barbadian +Barbados +barbal +barbaloin +Barbara +barbaralalia +Barbarea +barbaresque +Barbarian +barbarian +barbarianism +barbarianize +barbaric +barbarical +barbarically +barbarious +barbariousness +barbarism +barbarity +barbarization +barbarize +barbarous +barbarously +barbarousness +Barbary +barbary +barbas +barbasco +barbastel +barbate +barbated +barbatimao +barbe +barbecue +barbed +barbeiro +barbel +barbellate +barbellula +barbellulate +barber +barberess +barberfish +barberish +barberry +barbershop +barbet +barbette +Barbeyaceae +barbican +barbicel +barbigerous +barbion +barbital +barbitalism +barbiton +barbitone +barbitos +barbiturate +barbituric +barbless +barblet +barbone +barbotine +Barbra +barbudo +Barbula +barbulate +barbule +barbulyie +barbwire +Barcan +barcarole +barcella +barcelona +Barcoo +bard +bardane +bardash +bardcraft +bardel +Bardesanism +Bardesanist +Bardesanite +bardess +bardic +bardie +bardiglio +bardily +bardiness +barding +bardish +bardism +bardlet +bardlike +bardling +bardo +Bardolater +Bardolatry +Bardolph +Bardolphian +bardship +Bardulph +bardy +Bare +bare +bareback +barebacked +bareboat +barebone +bareboned +bareca +barefaced +barefacedly +barefacedness +barefit +barefoot +barefooted +barehanded +barehead +bareheaded +bareheadedness +barelegged +barely +barenecked +bareness +barer +baresark +baresma +baretta +barff +barfish +barfly +barful +bargain +bargainee +bargainer +bargainor +bargainwise +bargander +barge +bargeboard +bargee +bargeer +bargeese +bargehouse +bargelike +bargeload +bargeman +bargemaster +barger +bargh +bargham +barghest +bargoose +Bari +bari +baria +baric +barid +barie +barile +barilla +baring +baris +barish +barit +barite +baritone +barium +bark +barkbound +barkcutter +barkeeper +barken +barkentine +barker +barkery +barkevikite +barkevikitic +barkey +barkhan +barking +barkingly +Barkinji +barkle +barkless +barklyite +barkometer +barkpeel +barkpeeler +barkpeeling +barksome +barky +barlafumble +barlafummil +barless +barley +barleybird +barleybreak +barleycorn +barleyhood +barleymow +barleysick +barling +barlock +barlow +barm +barmaid +barman +barmaster +barmbrack +barmcloth +Barmecidal +Barmecide +barmkin +barmote +barmskin +barmy +barmybrained +barn +Barnabas +Barnabite +Barnaby +barnacle +Barnard +barnard +barnbrack +Barnburner +Barney +barney +barnful +barnhardtite +barnman +barnstorm +barnstormer +barnstorming +Barnumism +Barnumize +barny +barnyard +Baroco +barocyclonometer +barodynamic +barodynamics +barognosis +barogram +barograph +barographic +baroi +barolo +barology +Barolong +barometer +barometric +barometrical +barometrically +barometrograph +barometrography +barometry +barometz +baromotor +baron +baronage +baroness +baronet +baronetage +baronetcy +baronethood +baronetical +baronetship +barong +Baronga +baronial +baronize +baronry +baronship +barony +Baroque +baroque +baroscope +baroscopic +baroscopical +Barosma +barosmin +barotactic +barotaxis +barotaxy +barothermograph +barothermohygrograph +baroto +Barotse +barouche +barouchet +Barouni +baroxyton +barpost +barquantine +barra +barrabkie +barrable +barrabora +barracan +barrack +barracker +barraclade +barracoon +barracouta +barracuda +barrad +barragan +barrage +barragon +barramunda +barramundi +barranca +barrandite +barras +barrator +barratrous +barratrously +barratry +barred +barrel +barrelage +barreled +barreler +barrelet +barrelful +barrelhead +barrelmaker +barrelmaking +barrelwise +barren +barrenly +barrenness +barrenwort +barrer +barret +Barrett +barrette +barretter +barricade +barricader +barricado +barrico +barrier +barriguda +barrigudo +barrikin +barriness +barring +Barrington +Barringtonia +Barrio +barrio +barrister +barristerial +barristership +barristress +barroom +barrow +barrowful +Barrowist +barrowman +barrulee +barrulet +barrulety +barruly +Barry +barry +Barsac +barse +barsom +Bart +bartender +bartending +barter +barterer +barth +barthite +bartholinitis +Bartholomean +Bartholomew +Bartholomewtide +Bartholomite +bartizan +bartizaned +Bartlemy +Bartlett +Barton +barton +Bartonella +Bartonia +Bartram +Bartramia +Bartramiaceae +Bartramian +Bartsia +baru +Baruch +Barundi +baruria +barvel +barwal +barway +barways +barwise +barwood +barycenter +barycentric +barye +baryecoia +baryglossia +barylalia +barylite +baryphonia +baryphonic +baryphony +barysilite +barysphere +baryta +barytes +barythymia +barytic +barytine +barytocalcite +barytocelestine +barytocelestite +baryton +barytone +barytophyllite +barytostrontianite +barytosulphate +bas +basal +basale +basalia +basally +basalt +basaltes +basaltic +basaltiform +basaltine +basaltoid +basanite +basaree +Bascology +bascule +base +baseball +baseballdom +baseballer +baseboard +baseborn +basebred +based +basehearted +baseheartedness +baselard +baseless +baselessly +baselessness +baselike +baseliner +Basella +Basellaceae +basellaceous +basely +baseman +basement +basementward +baseness +basenji +bases +bash +bashaw +bashawdom +bashawism +bashawship +bashful +bashfully +bashfulness +Bashilange +Bashkir +bashlyk +Bashmuric +basial +basialveolar +basiarachnitis +basiarachnoiditis +basiate +basiation +Basibracteolate +basibranchial +basibranchiate +basibregmatic +basic +basically +basichromatic +basichromatin +basichromatinic +basichromiole +basicity +basicranial +basicytoparaplastin +basidia +basidial +basidigital +basidigitale +basidiogenetic +basidiolichen +Basidiolichenes +basidiomycete +Basidiomycetes +basidiomycetous +basidiophore +basidiospore +basidiosporous +basidium +basidorsal +basifacial +basification +basifier +basifixed +basifugal +basify +basigamous +basigamy +basigenic +basigenous +basiglandular +basigynium +basihyal +basihyoid +Basil +basil +basilar +Basilarchia +basilary +basilateral +basilemma +basileus +Basilian +basilic +Basilica +basilica +Basilicae +basilical +basilican +basilicate +basilicon +Basilics +Basilidian +Basilidianism +basilinna +basiliscan +basiliscine +Basiliscus +basilisk +basilissa +Basilosauridae +Basilosaurus +basilweed +basilysis +basilyst +basimesostasis +basin +basinasal +basinasial +basined +basinerved +basinet +basinlike +basioccipital +basion +basiophitic +basiophthalmite +basiophthalmous +basiotribe +basiotripsy +basiparachromatin +basiparaplastin +basipetal +basiphobia +basipodite +basipoditic +basipterygial +basipterygium +basipterygoid +basiradial +basirhinal +basirostral +basis +basiscopic +basisphenoid +basisphenoidal +basitemporal +basiventral +basivertebral +bask +basker +Baskerville +basket +basketball +basketballer +basketful +basketing +basketmaker +basketmaking +basketry +basketware +basketwoman +basketwood +basketwork +basketworm +Baskish +Baskonize +Basoche +Basoga +basoid +Basoko +Basommatophora +basommatophorous +bason +Basongo +basophile +basophilia +basophilic +basophilous +basophobia +basos +basote +Basque +basque +basqued +basquine +bass +Bassa +Bassalia +Bassalian +bassan +bassanello +bassanite +bassara +bassarid +Bassaris +Bassariscus +bassarisk +basset +bassetite +bassetta +Bassia +bassie +bassine +bassinet +bassist +bassness +basso +bassoon +bassoonist +bassorin +bassus +basswood +Bast +bast +basta +Bastaard +Bastard +bastard +bastardism +bastardization +bastardize +bastardliness +bastardly +bastardy +baste +basten +baster +bastide +bastille +bastinade +bastinado +basting +bastion +bastionary +bastioned +bastionet +bastite +bastnasite +basto +baston +basurale +Basuto +Bat +bat +bataan +batad +Batak +batakan +bataleur +Batan +batara +batata +Batatas +batatilla +Batavi +Batavian +batch +batcher +bate +batea +bateau +bateaux +bated +Batekes +batel +bateman +batement +bater +Batetela +batfish +batfowl +batfowler +batfowling +Bath +bath +Bathala +bathe +batheable +bather +bathetic +bathflower +bathhouse +bathic +bathing +bathless +bathman +bathmic +bathmism +bathmotropic +bathmotropism +bathochromatic +bathochromatism +bathochrome +bathochromic +bathochromy +bathoflore +bathofloric +batholite +batholith +batholithic +batholitic +bathometer +Bathonian +bathophobia +bathorse +bathos +bathrobe +bathroom +bathroomed +bathroot +bathtub +bathukolpian +bathukolpic +bathvillite +bathwort +bathyal +bathyanesthesia +bathybian +bathybic +bathybius +bathycentesis +bathychrome +bathycolpian +bathycolpic +bathycurrent +bathyesthesia +bathygraphic +bathyhyperesthesia +bathyhypesthesia +bathylimnetic +bathylite +bathylith +bathylithic +bathylitic +bathymeter +bathymetric +bathymetrical +bathymetrically +bathymetry +bathyorographical +bathypelagic +bathyplankton +bathyseism +bathysmal +bathysophic +bathysophical +bathysphere +bathythermograph +Batidaceae +batidaceous +batik +batiker +batikulin +batikuling +bating +batino +Batis +batiste +batitinan +batlan +batlike +batling +batlon +batman +Batocrinidae +Batocrinus +Batodendron +batoid +Batoidei +Batoka +baton +Batonga +batonistic +batonne +batophobia +Batrachia +batrachian +batrachiate +Batrachidae +Batrachium +batrachoid +Batrachoididae +batrachophagous +Batrachophidia +batrachophobia +batrachoplasty +Batrachospermum +bats +batsman +batsmanship +batster +batswing +batt +Batta +batta +battailous +Battak +Battakhin +battalia +battalion +battarism +battarismus +battel +batteler +batten +battener +battening +batter +batterable +battercake +batterdock +battered +batterer +batterfang +batteried +batterman +battery +batteryman +battik +batting +battish +battle +battled +battledore +battlefield +battleful +battleground +battlement +battlemented +battleplane +battler +battleship +battlesome +battlestead +battlewagon +battleward +battlewise +battological +battologist +battologize +battology +battue +batty +batukite +batule +Batussi +Batwa +batwing +batyphone +batz +batzen +bauble +baublery +baubling +Baubo +bauch +bauchle +bauckie +bauckiebird +baud +baudekin +baudrons +Bauera +Bauhinia +baul +bauleah +Baume +baumhauerite +baun +bauno +Baure +bauson +bausond +bauta +bauxite +bauxitite +Bavarian +bavaroy +bavary +bavenite +baviaantje +Bavian +bavian +baviere +bavin +Bavius +bavoso +baw +bawarchi +bawbee +bawcock +bawd +bawdily +bawdiness +bawdry +bawdship +bawdyhouse +bawl +bawler +bawley +bawn +Bawra +bawtie +baxter +Baxterian +Baxterianism +baxtone +bay +Baya +baya +bayadere +bayal +bayamo +Bayard +bayard +bayardly +bayberry +baybolt +baybush +baycuru +bayed +bayeta +baygall +bayhead +bayish +bayldonite +baylet +baylike +bayman +bayness +Bayogoula +bayok +bayonet +bayoneted +bayoneteer +bayou +baywood +bazaar +baze +Bazigar +bazoo +bazooka +bazzite +bdellid +Bdellidae +bdellium +bdelloid +Bdelloida +Bdellostoma +Bdellostomatidae +Bdellostomidae +bdellotomy +Bdelloura +Bdellouridae +be +Bea +beach +beachcomb +beachcomber +beachcombing +beached +beachhead +beachlamar +beachless +beachman +beachmaster +beachward +beachy +beacon +beaconage +beaconless +beaconwise +bead +beaded +beader +beadflush +beadhouse +beadily +beadiness +beading +beadle +beadledom +beadlehood +beadleism +beadlery +beadleship +beadlet +beadlike +beadman +beadroll +beadrow +beadsman +beadswoman +beadwork +beady +Beagle +beagle +beagling +beak +beaked +beaker +beakerful +beakerman +beakermen +beakful +beakhead +beakiron +beaklike +beaky +beal +beala +bealing +beallach +bealtared +Bealtine +Bealtuinn +beam +beamage +beambird +beamed +beamer +beamfilling +beamful +beamhouse +beamily +beaminess +beaming +beamingly +beamish +beamless +beamlet +beamlike +beamman +beamsman +beamster +beamwork +beamy +bean +beanbag +beanbags +beancod +beanery +beanfeast +beanfeaster +beanfield +beanie +beano +beansetter +beanshooter +beanstalk +beant +beanweed +beany +beaproned +bear +bearable +bearableness +bearably +bearance +bearbaiter +bearbaiting +bearbane +bearberry +bearbind +bearbine +bearcoot +beard +bearded +bearder +beardie +bearding +beardless +beardlessness +beardom +beardtongue +beardy +bearer +bearess +bearfoot +bearherd +bearhide +bearhound +bearing +bearish +bearishly +bearishness +bearlet +bearlike +bearm +bearship +bearskin +beartongue +bearward +bearwood +bearwort +beast +beastbane +beastdom +beasthood +beastie +beastily +beastish +beastishness +beastlike +beastlily +beastliness +beastling +beastlings +beastly +beastman +beastship +beat +Beata +beata +beatable +beatae +beatee +beaten +beater +beaterman +beath +beatific +beatifical +beatifically +beatificate +beatification +beatify +beatinest +beating +beatitude +Beatrice +Beatrix +beatster +beatus +beau +Beauclerc +beaufin +Beaufort +beauish +beauism +Beaujolais +Beaumontia +Beaune +beaupere +beauseant +beauship +beauteous +beauteously +beauteousness +beauti +beautician +beautied +beautification +beautifier +beautiful +beautifully +beautifulness +beautify +beautihood +beauty +beautydom +beautyship +beaux +beaver +Beaverboard +beaverboard +beavered +beaverette +beaverish +beaverism +beaverite +beaverize +Beaverkill +beaverkin +beaverlike +beaverpelt +beaverroot +beaverteen +beaverwood +beavery +beback +bebait +beballed +bebang +bebannered +bebar +bebaron +bebaste +bebat +bebathe +bebatter +bebay +bebeast +bebed +bebeerine +bebeeru +bebelted +bebilya +bebite +bebization +beblain +beblear +bebled +bebless +beblister +beblood +bebloom +beblotch +beblubber +bebog +bebop +beboss +bebotch +bebothered +bebouldered +bebrave +bebreech +bebrine +bebrother +bebrush +bebump +bebusy +bebuttoned +becall +becalm +becalmment +becap +becard +becarpet +becarve +becassocked +becater +because +beccafico +becense +bechained +bechalk +bechance +becharm +bechase +bechatter +bechauffeur +becheck +becher +bechern +bechignoned +bechirp +Bechtler +Bechuana +becircled +becivet +Beck +beck +beckelite +becker +becket +Beckie +beckiron +beckon +beckoner +beckoning +beckoningly +Becky +beclad +beclamor +beclamour +beclang +beclart +beclasp +beclatter +beclaw +becloak +beclog +beclothe +becloud +beclout +beclown +becluster +becobweb +becoiffed +becollier +becolme +becolor +becombed +become +becomes +becoming +becomingly +becomingness +becomma +becompass +becompliment +becoom +becoresh +becost +becousined +becovet +becoward +becquerelite +becram +becramp +becrampon +becrawl +becreep +becrime +becrimson +becrinolined +becripple +becroak +becross +becrowd +becrown +becrush +becrust +becry +becudgel +becuffed +becuiba +becumber +becuna +becurl +becurry +becurse +becurtained +becushioned +becut +bed +bedabble +bedad +bedaggered +bedamn +bedamp +bedangled +bedare +bedark +bedarken +bedash +bedaub +bedawn +beday +bedaze +bedazement +bedazzle +bedazzlement +bedazzling +bedazzlingly +bedboard +bedbug +bedcap +bedcase +bedchair +bedchamber +bedclothes +bedcord +bedcover +bedded +bedder +bedding +bedead +bedeaf +bedeafen +bedebt +bedeck +bedecorate +bedeguar +bedel +beden +bedene +bedesman +bedevil +bedevilment +bedew +bedewer +bedewoman +bedfast +bedfellow +bedfellowship +bedflower +bedfoot +Bedford +bedframe +bedgery +bedgoer +bedgown +bediademed +bediamonded +bediaper +bedight +bedikah +bedim +bedimple +bedin +bedip +bedirt +bedirter +bedirty +bedismal +bedizen +bedizenment +bedkey +bedlam +bedlamer +Bedlamic +bedlamism +bedlamite +bedlamitish +bedlamize +bedlar +bedless +bedlids +bedmaker +bedmaking +bedman +bedmate +bedoctor +bedog +bedolt +bedot +bedote +Bedouin +Bedouinism +bedouse +bedown +bedoyo +bedpan +bedplate +bedpost +bedquilt +bedrabble +bedraggle +bedragglement +bedrail +bedral +bedrape +bedravel +bedrench +bedress +bedribble +bedrid +bedridden +bedriddenness +bedrift +bedright +bedrip +bedrivel +bedrizzle +bedrock +bedroll +bedroom +bedrop +bedrown +bedrowse +bedrug +bedscrew +bedsick +bedside +bedsite +bedsock +bedsore +bedspread +bedspring +bedstaff +bedstand +bedstaves +bedstead +bedstock +bedstraw +bedstring +bedtick +bedticking +bedtime +bedub +beduchess +beduck +beduke +bedull +bedumb +bedunce +bedunch +bedung +bedur +bedusk +bedust +bedwarf +bedway +bedways +bedwell +bedye +Bee +bee +beearn +beebread +beech +beechdrops +beechen +beechnut +beechwood +beechwoods +beechy +beedged +beedom +beef +beefeater +beefer +beefhead +beefheaded +beefily +beefin +beefiness +beefish +beefishness +beefless +beeflower +beefsteak +beeftongue +beefwood +beefy +beegerite +beehead +beeheaded +beeherd +beehive +beehouse +beeish +beeishness +beek +beekeeper +beekeeping +beekite +Beekmantown +beelbow +beelike +beeline +beelol +Beelzebub +Beelzebubian +Beelzebul +beeman +beemaster +been +beennut +beer +beerage +beerbachite +beerbibber +beerhouse +beerily +beeriness +beerish +beerishly +beermaker +beermaking +beermonger +beerocracy +Beerothite +beerpull +beery +bees +beest +beestings +beeswax +beeswing +beeswinged +beet +beeth +Beethovenian +Beethovenish +Beethovian +beetle +beetled +beetlehead +beetleheaded +beetler +beetlestock +beetlestone +beetleweed +beetmister +beetrave +beetroot +beetrooty +beety +beeve +beevish +beeware +beeway +beeweed +beewise +beewort +befall +befame +befamilied +befamine +befan +befancy +befanned +befathered +befavor +befavour +befeather +beferned +befetished +befetter +befezzed +befiddle +befilch +befile +befilleted +befilmed +befilth +befinger +befire +befist +befit +befitting +befittingly +befittingness +beflag +beflannel +beflap +beflatter +beflea +befleck +beflounce +beflour +beflout +beflower +beflum +befluster +befoam +befog +befool +befoolment +befop +before +beforehand +beforeness +beforested +beforetime +beforetimes +befortune +befoul +befouler +befoulment +befountained +befraught +befreckle +befreeze +befreight +befret +befriend +befriender +befriendment +befrill +befringe +befriz +befrocked +befrogged +befrounce +befrumple +befuddle +befuddlement +befuddler +befume +befurbelowed +befurred +beg +begabled +begad +begall +begani +begar +begari +begarlanded +begarnish +begartered +begash +begat +begaud +begaudy +begay +begaze +begeck +begem +beget +begettal +begetter +beggable +beggar +beggardom +beggarer +beggaress +beggarhood +beggarism +beggarlike +beggarliness +beggarly +beggarman +beggarweed +beggarwise +beggarwoman +beggary +Beggiatoa +Beggiatoaceae +beggiatoaceous +begging +beggingly +beggingwise +Beghard +begift +begiggle +begild +begin +beginger +beginner +beginning +begird +begirdle +beglad +beglamour +beglare +beglerbeg +beglerbeglic +beglerbegluc +beglerbegship +beglerbey +beglic +beglide +beglitter +beglobed +begloom +begloze +begluc +beglue +begnaw +bego +begob +begobs +begoggled +begohm +begone +begonia +Begoniaceae +begoniaceous +Begoniales +begorra +begorry +begotten +begottenness +begoud +begowk +begowned +begrace +begrain +begrave +begray +begrease +begreen +begrett +begrim +begrime +begrimer +begroan +begrown +begrudge +begrudgingly +begruntle +begrutch +begrutten +beguard +beguess +beguile +beguileful +beguilement +beguiler +beguiling +beguilingly +Beguin +Beguine +beguine +begulf +begum +begun +begunk +begut +behale +behalf +behallow +behammer +behap +behatted +behave +behavior +behavioral +behaviored +behaviorism +behaviorist +behavioristic +behavioristically +behead +beheadal +beheader +beheadlined +behear +behears +behearse +behedge +beheld +behelp +behemoth +behen +behenate +behenic +behest +behind +behinder +behindhand +behindsight +behint +behn +behold +beholdable +beholden +beholder +beholding +beholdingness +behoney +behoof +behooped +behoot +behoove +behooveful +behoovefully +behoovefulness +behooves +behooving +behoovingly +behorn +behorror +behowl +behung +behusband +behymn +behypocrite +beice +Beid +beige +being +beingless +beingness +beinked +beira +beisa +Beja +bejabers +bejade +bejan +bejant +bejaundice +bejazz +bejel +bejewel +bejezebel +bejig +bejuggle +bejumble +bekah +bekerchief +bekick +bekilted +beking +bekinkinite +bekiss +bekko +beknave +beknight +beknit +beknived +beknotted +beknottedly +beknottedness +beknow +beknown +Bel +bel +bela +belabor +belaced +beladle +belady +belage +belah +Belait +Belaites +belam +Belamcanda +belanda +belar +belard +belash +belate +belated +belatedly +belatedness +belatticed +belaud +belauder +belavendered +belay +belayer +belch +belcher +beld +beldam +beldamship +belderroot +belduque +beleaf +beleaguer +beleaguerer +beleaguerment +beleap +beleave +belecture +beledgered +belee +belemnid +belemnite +Belemnites +belemnitic +Belemnitidae +belemnoid +Belemnoidea +beletter +belfried +belfry +belga +Belgae +Belgian +Belgic +Belgophile +Belgrade +Belgravia +Belgravian +Belial +Belialic +Belialist +belibel +belick +belie +belief +beliefful +belieffulness +beliefless +belier +believability +believable +believableness +believe +believer +believing +believingly +belight +beliked +Belili +belimousined +Belinda +Belinuridae +Belinurus +belion +beliquor +Belis +belite +belitter +belittle +belittlement +belittler +belive +bell +Bella +Bellabella +Bellacoola +belladonna +bellarmine +Bellatrix +bellbind +bellbird +bellbottle +bellboy +belle +belled +belledom +Belleek +bellehood +belleric +Bellerophon +Bellerophontidae +belletrist +belletristic +bellflower +bellhanger +bellhanging +bellhop +bellhouse +bellicism +bellicose +bellicosely +bellicoseness +bellicosity +bellied +belliferous +belligerence +belligerency +belligerent +belligerently +belling +bellipotent +Bellis +bellite +bellmaker +bellmaking +bellman +bellmanship +bellmaster +bellmouth +bellmouthed +Bellona +Bellonian +bellonion +bellote +Bellovaci +bellow +bellower +bellows +bellowsful +bellowslike +bellowsmaker +bellowsmaking +bellowsman +bellpull +belltail +belltopper +belltopperdom +bellware +bellwaver +bellweed +bellwether +bellwind +bellwine +bellwood +bellwort +belly +bellyache +bellyband +bellyer +bellyfish +bellyflaught +bellyful +bellying +bellyland +bellylike +bellyman +bellypiece +bellypinch +beloam +beloeilite +beloid +belomancy +Belone +belonesite +belong +belonger +belonging +belonid +Belonidae +belonite +belonoid +belonosphaerite +belord +Belostoma +Belostomatidae +Belostomidae +belout +belove +beloved +below +belowstairs +belozenged +Belshazzar +Belshazzaresque +belsire +belt +Beltane +belted +Beltene +belter +Beltian +beltie +beltine +belting +Beltir +Beltis +beltmaker +beltmaking +beltman +belton +beltwise +Beluchi +Belucki +beluga +belugite +belute +belve +belvedere +Belverdian +bely +belying +belyingly +belzebuth +bema +bemad +bemadam +bemaddening +bemail +bemaim +bemajesty +beman +bemangle +bemantle +bemar +bemartyr +bemask +bemaster +bemat +bemata +bemaul +bemazed +Bemba +Bembecidae +Bembex +bemeal +bemean +bemedaled +bemedalled +bementite +bemercy +bemingle +beminstrel +bemire +bemirement +bemirror +bemirrorment +bemist +bemistress +bemitered +bemitred +bemix +bemoan +bemoanable +bemoaner +bemoaning +bemoaningly +bemoat +bemock +bemoil +bemoisten +bemole +bemolt +bemonster +bemoon +bemotto +bemoult +bemouth +bemuck +bemud +bemuddle +bemuddlement +bemuddy +bemuffle +bemurmur +bemuse +bemused +bemusedly +bemusement +bemusk +bemuslined +bemuzzle +Ben +ben +bena +benab +Benacus +bename +benami +benamidar +benasty +benben +bench +benchboard +bencher +benchership +benchfellow +benchful +benching +benchland +benchlet +benchman +benchwork +benchy +bencite +bend +benda +bendability +bendable +bended +bender +bending +bendingly +bendlet +bendsome +bendwise +bendy +bene +beneaped +beneath +beneception +beneceptive +beneceptor +benedicite +Benedict +benedict +Benedicta +Benedictine +Benedictinism +benediction +benedictional +benedictionary +benedictive +benedictively +benedictory +Benedictus +benedight +benefaction +benefactive +benefactor +benefactorship +benefactory +benefactress +benefic +benefice +beneficed +beneficeless +beneficence +beneficent +beneficential +beneficently +beneficial +beneficially +beneficialness +beneficiary +beneficiaryship +beneficiate +beneficiation +benefit +benefiter +beneighbored +Benelux +benempt +benempted +beneplacito +benet +Benetnasch +benettle +Beneventan +Beneventana +benevolence +benevolent +benevolently +benevolentness +benevolist +beng +Bengal +Bengalese +Bengali +Bengalic +bengaline +Bengola +Beni +beni +benight +benighted +benightedness +benighten +benighter +benightmare +benightment +benign +benignancy +benignant +benignantly +benignity +benignly +Benin +Benincasa +benison +benitoite +benj +Benjamin +benjamin +benjaminite +Benjamite +Benjy +benjy +Benkulen +benmost +benn +benne +bennel +Bennet +bennet +Bennettitaceae +bennettitaceous +Bennettitales +Bennettites +bennetweed +Benny +benny +beno +benorth +benote +bensel +bensh +benshea +benshee +benshi +Benson +bent +bentang +benthal +Benthamic +Benthamism +Benthamite +benthic +benthon +benthonic +benthos +Bentincks +bentiness +benting +Benton +bentonite +bentstar +bentwood +benty +Benu +benumb +benumbed +benumbedness +benumbing +benumbingly +benumbment +benward +benweed +benzacridine +benzal +benzalacetone +benzalacetophenone +benzalaniline +benzalazine +benzalcohol +benzalcyanhydrin +benzaldehyde +benzaldiphenyl +benzaldoxime +benzalethylamine +benzalhydrazine +benzalphenylhydrazone +benzalphthalide +benzamide +benzamido +benzamine +benzaminic +benzamino +benzanalgen +benzanilide +benzanthrone +benzantialdoxime +benzazide +benzazimide +benzazine +benzazole +benzbitriazole +benzdiazine +benzdifuran +benzdioxazine +benzdioxdiazine +benzdioxtriazine +Benzedrine +benzein +benzene +benzenediazonium +benzenoid +benzenyl +benzhydrol +benzhydroxamic +benzidine +benzidino +benzil +benzilic +benzimidazole +benziminazole +benzinduline +benzine +benzo +benzoate +benzoated +benzoazurine +benzobis +benzocaine +benzocoumaran +benzodiazine +benzodiazole +benzoflavine +benzofluorene +benzofulvene +benzofuran +benzofuroquinoxaline +benzofuryl +benzoglycolic +benzoglyoxaline +benzohydrol +benzoic +benzoid +benzoin +benzoinated +benzoiodohydrin +benzol +benzolate +benzole +benzolize +benzomorpholine +benzonaphthol +benzonitrile +benzonitrol +benzoperoxide +benzophenanthrazine +benzophenanthroline +benzophenazine +benzophenol +benzophenone +benzophenothiazine +benzophenoxazine +benzophloroglucinol +benzophosphinic +benzophthalazine +benzopinacone +benzopyran +benzopyranyl +benzopyrazolone +benzopyrylium +benzoquinoline +benzoquinone +benzoquinoxaline +benzosulphimide +benzotetrazine +benzotetrazole +benzothiazine +benzothiazole +benzothiazoline +benzothiodiazole +benzothiofuran +benzothiophene +benzothiopyran +benzotoluide +benzotriazine +benzotriazole +benzotrichloride +benzotrifuran +benzoxate +benzoxy +benzoxyacetic +benzoxycamphor +benzoxyphenanthrene +benzoyl +benzoylate +benzoylation +benzoylformic +benzoylglycine +benzpinacone +benzthiophen +benztrioxazine +benzyl +benzylamine +benzylic +benzylidene +benzylpenicillin +beode +Beothuk +Beothukan +Beowulf +bepaid +Bepaint +bepale +bepaper +beparch +beparody +beparse +bepart +bepaste +bepastured +bepat +bepatched +bepaw +bepearl +bepelt +bepen +bepepper +beperiwigged +bepester +bepewed +bephilter +bephrase +bepicture +bepiece +bepierce +bepile +bepill +bepillared +bepimple +bepinch +bepistoled +bepity +beplague +beplaided +beplaster +beplumed +bepommel +bepowder +bepraise +bepraisement +bepraiser +beprank +bepray +bepreach +bepress +bepretty +bepride +beprose +bepuddle +bepuff +bepun +bepurple +bepuzzle +bepuzzlement +bequalm +bequeath +bequeathable +bequeathal +bequeather +bequeathment +bequest +bequirtle +bequote +ber +berain +berairou +berakah +berake +berakoth +berapt +berascal +berat +berate +berattle +beraunite +beray +berbamine +Berber +Berberi +Berberian +berberid +Berberidaceae +berberidaceous +berberine +Berberis +berberry +Berchemia +Berchta +berdache +bere +Berean +bereason +bereave +bereavement +bereaven +bereaver +bereft +berend +Berengaria +Berengarian +Berengarianism +berengelite +Berenice +Bereshith +beresite +beret +berewick +berg +bergalith +Bergama +Bergamask +bergamiol +Bergamo +Bergamot +bergamot +bergander +bergaptene +berger +berghaan +berginization +berginize +berglet +bergschrund +Bergsonian +Bergsonism +bergut +bergy +bergylt +berhyme +Beri +beribanded +beribboned +beriberi +beriberic +beride +berigora +beringed +beringite +beringleted +berinse +berith +Berkeleian +Berkeleianism +Berkeleyism +Berkeleyite +berkelium +berkovets +berkowitz +Berkshire +berley +berlin +berline +Berliner +berlinite +Berlinize +berm +Bermuda +Bermudian +bermudite +Bern +Bernard +Bernardina +Bernardine +berne +Bernese +Bernice +Bernicia +bernicle +Bernie +Berninesque +Bernoullian +berobed +Beroe +Beroida +Beroidae +beroll +Berossos +berouged +beround +berrendo +berret +berri +berried +berrier +berrigan +berrugate +berry +berrybush +berryless +berrylike +berrypicker +berrypicking +berseem +berserk +berserker +Bersiamite +Bersil +Bert +Bertat +Berteroa +berth +Bertha +berthage +berthed +berther +berthierite +berthing +Berthold +Bertholletia +Bertie +Bertolonia +Bertram +bertram +Bertrand +bertrandite +bertrum +beruffed +beruffled +berust +bervie +berycid +Berycidae +beryciform +berycine +berycoid +Berycoidea +berycoidean +Berycoidei +Berycomorphi +beryl +berylate +beryllia +berylline +berylliosis +beryllium +berylloid +beryllonate +beryllonite +beryllosis +Berytidae +Beryx +berzelianite +berzeliite +bes +besa +besagne +besaiel +besaint +besan +besanctify +besauce +bescab +bescarf +bescatter +bescent +bescorch +bescorn +bescoundrel +bescour +bescourge +bescramble +bescrape +bescratch +bescrawl +bescreen +bescribble +bescurf +bescurvy +bescutcheon +beseam +besee +beseech +beseecher +beseeching +beseechingly +beseechingness +beseechment +beseem +beseeming +beseemingly +beseemingness +beseemliness +beseemly +beseen +beset +besetment +besetter +besetting +beshackle +beshade +beshadow +beshag +beshake +beshame +beshawled +beshear +beshell +beshield +beshine +beshiver +beshlik +beshod +beshout +beshow +beshower +beshrew +beshriek +beshrivel +beshroud +besiclometer +beside +besides +besiege +besieged +besiegement +besieger +besieging +besiegingly +besigh +besilver +besin +besing +besiren +besit +beslab +beslap +beslash +beslave +beslaver +besleeve +beslime +beslimer +beslings +beslipper +beslobber +beslow +beslubber +beslur +beslushed +besmear +besmearer +besmell +besmile +besmirch +besmircher +besmirchment +besmoke +besmooth +besmother +besmouch +besmudge +besmut +besmutch +besnare +besneer +besnivel +besnow +besnuff +besodden +besogne +besognier +besoil +besom +besomer +besonnet +besoot +besoothe +besoothement +besot +besotment +besotted +besottedly +besottedness +besotting +besottingly +besought +besoul +besour +bespangle +bespate +bespatter +bespatterer +bespatterment +bespawl +bespeak +bespeakable +bespeaker +bespecked +bespeckle +bespecklement +bespectacled +besped +bespeech +bespeed +bespell +bespelled +bespend +bespete +bespew +bespice +bespill +bespin +bespirit +bespit +besplash +besplatter +besplit +bespoke +bespoken +bespot +bespottedness +bespouse +bespout +bespray +bespread +besprent +besprinkle +besprinkler +bespurred +besputter +bespy +besqueeze +besquib +besra +Bess +Bessarabian +Besselian +Bessemer +bessemer +Bessemerize +bessemerize +Bessera +Bessi +Bessie +Bessy +best +bestab +bestain +bestamp +bestar +bestare +bestarve +bestatued +bestay +bestayed +bestead +besteer +bestench +bester +bestial +bestialism +bestialist +bestiality +bestialize +bestially +bestiarian +bestiarianism +bestiary +bestick +bestill +bestink +bestir +bestness +bestock +bestore +bestorm +bestove +bestow +bestowable +bestowage +bestowal +bestower +bestowing +bestowment +bestraddle +bestrapped +bestraught +bestraw +bestreak +bestream +bestrew +bestrewment +bestride +bestripe +bestrode +bestubbled +bestuck +bestud +besugar +besuit +besully +beswarm +besweatered +besweeten +beswelter +beswim +beswinge +beswitch +bet +Beta +beta +betacism +betacismus +betafite +betag +betail +betailor +betaine +betainogen +betalk +betallow +betangle +betanglement +betask +betassel +betatron +betattered +betaxed +betear +beteela +beteem +betel +Betelgeuse +Beth +beth +bethabara +bethankit +bethel +Bethesda +bethflower +bethink +Bethlehem +Bethlehemite +bethought +bethrall +bethreaten +bethroot +Bethuel +bethumb +bethump +bethunder +bethwack +Bethylidae +betide +betimber +betimes +betinge +betipple +betire +betis +betitle +betocsin +betoil +betoken +betokener +betone +betongue +Betonica +betony +betorcin +betorcinol +betoss +betowel +betowered +Betoya +Betoyan +betrace +betrail +betrample +betrap +betravel +betray +betrayal +betrayer +betrayment +betread +betrend +betrim +betrinket +betroth +betrothal +betrothed +betrothment +betrough +betrousered +betrumpet +betrunk +Betsey +Betsileos +Betsimisaraka +betso +Betsy +Betta +betted +better +betterer +bettergates +bettering +betterly +betterment +bettermost +betterness +betters +Bettina +Bettine +betting +bettong +bettonga +Bettongia +bettor +Betty +betty +betuckered +Betula +Betulaceae +betulaceous +betulin +betulinamaric +betulinic +betulinol +Betulites +beturbaned +betusked +betutor +betutored +betwattled +between +betweenbrain +betweenity +betweenmaid +betweenness +betweenwhiles +betwine +betwit +betwixen +betwixt +beudantite +Beulah +beuniformed +bevatron +beveil +bevel +beveled +beveler +bevelled +bevelment +bevenom +bever +beverage +Beverly +beverse +bevesseled +bevesselled +beveto +bevillain +bevined +bevoiled +bevomit +bevue +bevy +bewail +bewailable +bewailer +bewailing +bewailingly +bewailment +bewaitered +bewall +beware +bewash +bewaste +bewater +beweary +beweep +beweeper +bewelcome +bewelter +bewept +bewest +bewet +bewhig +bewhiskered +bewhisper +bewhistle +bewhite +bewhiten +bewidow +bewig +bewigged +bewilder +bewildered +bewilderedly +bewilderedness +bewildering +bewilderingly +bewilderment +bewimple +bewinged +bewinter +bewired +bewitch +bewitchedness +bewitcher +bewitchery +bewitchful +bewitching +bewitchingly +bewitchingness +bewitchment +bewith +bewizard +bework +beworm +beworn +beworry +beworship +bewrap +bewrathed +bewray +bewrayer +bewrayingly +bewrayment +bewreath +bewreck +bewrite +bey +beydom +beylic +beylical +beyond +beyrichite +beyship +Bezaleel +Bezaleelian +bezant +bezantee +bezanty +bezel +bezesteen +bezetta +bezique +bezoar +bezoardic +bezonian +Bezpopovets +bezzi +bezzle +bezzo +bhabar +Bhadon +Bhaga +bhagavat +bhagavata +bhaiachari +bhaiyachara +bhakta +bhakti +bhalu +bhandar +bhandari +bhang +bhangi +Bhar +bhara +bharal +Bharata +bhat +bhava +Bhavani +bheesty +bhikku +bhikshu +Bhil +Bhili +Bhima +Bhojpuri +bhoosa +Bhotia +Bhotiya +Bhowani +bhoy +Bhumij +bhungi +bhungini +bhut +Bhutanese +Bhutani +bhutatathata +Bhutia +biabo +biacetyl +biacetylene +biacid +biacromial +biacuminate +biacuru +bialate +biallyl +bialveolar +Bianca +Bianchi +bianchite +bianco +biangular +biangulate +biangulated +biangulous +bianisidine +biannual +biannually +biannulate +biarchy +biarcuate +biarcuated +biarticular +biarticulate +biarticulated +bias +biasness +biasteric +biaswise +biatomic +biauricular +biauriculate +biaxal +biaxial +biaxiality +biaxially +biaxillary +bib +bibacious +bibacity +bibasic +bibation +bibb +bibber +bibble +bibbler +bibbons +bibcock +bibenzyl +bibi +Bibio +bibionid +Bibionidae +bibiri +bibitory +Bible +bibless +Biblic +Biblical +Biblicality +Biblically +Biblicism +Biblicist +Biblicistic +Biblicolegal +Biblicoliterary +Biblicopsychological +biblioclasm +biblioclast +bibliofilm +bibliogenesis +bibliognost +bibliognostic +bibliogony +bibliograph +bibliographer +bibliographic +bibliographical +bibliographically +bibliographize +bibliography +biblioklept +bibliokleptomania +bibliokleptomaniac +bibliolater +bibliolatrous +bibliolatry +bibliological +bibliologist +bibliology +bibliomancy +bibliomane +bibliomania +bibliomaniac +bibliomaniacal +bibliomanian +bibliomanianism +bibliomanism +bibliomanist +bibliopegic +bibliopegist +bibliopegistic +bibliopegy +bibliophage +bibliophagic +bibliophagist +bibliophagous +bibliophile +bibliophilic +bibliophilism +bibliophilist +bibliophilistic +bibliophily +bibliophobia +bibliopolar +bibliopole +bibliopolery +bibliopolic +bibliopolical +bibliopolically +bibliopolism +bibliopolist +bibliopolistic +bibliopoly +bibliosoph +bibliotaph +bibliotaphic +bibliothec +bibliotheca +bibliothecal +bibliothecarial +bibliothecarian +bibliothecary +bibliotherapeutic +bibliotherapist +bibliotherapy +bibliothetic +bibliotic +bibliotics +bibliotist +Biblism +Biblist +biblus +biborate +bibracteate +bibracteolate +bibulosity +bibulous +bibulously +bibulousness +Bibulus +bicalcarate +bicameral +bicameralism +bicamerist +bicapitate +bicapsular +bicarbonate +bicarbureted +bicarinate +bicarpellary +bicarpellate +bicaudal +bicaudate +Bice +bice +bicellular +bicentenary +bicentennial +bicephalic +bicephalous +biceps +bicetyl +bichir +bichloride +bichord +bichromate +bichromatic +bichromatize +bichrome +bichromic +bichy +biciliate +biciliated +bicipital +bicipitous +bicircular +bicirrose +bick +bicker +bickerer +bickern +biclavate +biclinium +bicollateral +bicollaterality +bicolligate +bicolor +bicolored +bicolorous +biconcave +biconcavity +bicondylar +bicone +biconic +biconical +biconically +biconjugate +biconsonantal +biconvex +bicorn +bicornate +bicorne +bicorned +bicornous +bicornuate +bicornuous +bicornute +bicorporal +bicorporate +bicorporeal +bicostate +bicrenate +bicrescentic +bicrofarad +bicron +bicrural +bicursal +bicuspid +bicuspidate +bicyanide +bicycle +bicycler +bicyclic +bicyclism +bicyclist +bicyclo +bicycloheptane +bicylindrical +bid +bidactyl +bidactyle +bidactylous +bidar +bidarka +bidcock +biddable +biddableness +biddably +biddance +Biddelian +bidder +bidding +Biddulphia +Biddulphiaceae +Biddy +biddy +bide +Bidens +bident +bidental +bidentate +bidented +bidential +bidenticulate +bider +bidet +bidigitate +bidimensional +biding +bidirectional +bidiurnal +Bidpai +bidri +biduous +bieberite +Biedermeier +bield +bieldy +bielectrolysis +bielenite +Bielid +Bielorouss +bien +bienly +bienness +biennia +biennial +biennially +biennium +bier +bierbalk +biethnic +bietle +bifacial +bifanged +bifara +bifarious +bifariously +bifer +biferous +biff +biffin +bifid +bifidate +bifidated +bifidity +bifidly +bifilar +bifilarly +bifistular +biflabellate +biflagellate +biflecnode +biflected +biflex +biflorate +biflorous +bifluoride +bifocal +bifoil +bifold +bifolia +bifoliate +bifoliolate +bifolium +biforked +biform +biformed +biformity +biforous +bifront +bifrontal +bifronted +bifurcal +bifurcate +bifurcated +bifurcately +bifurcation +big +biga +bigamic +bigamist +bigamistic +bigamize +bigamous +bigamously +bigamy +bigarade +bigaroon +bigarreau +bigbloom +bigemina +bigeminal +bigeminate +bigeminated +bigeminum +bigener +bigeneric +bigential +bigeye +bigg +biggah +biggen +bigger +biggest +biggin +biggish +biggonet +bigha +bighead +bighearted +bigheartedness +bighorn +bight +biglandular +biglenoid +biglot +bigmouth +bigmouthed +bigness +Bignonia +Bignoniaceae +bignoniaceous +bignoniad +bignou +bigoniac +bigonial +bigot +bigoted +bigotedly +bigotish +bigotry +bigotty +bigroot +bigthatch +biguanide +biguttate +biguttulate +bigwig +bigwigged +bigwiggedness +bigwiggery +bigwiggism +Bihai +Biham +bihamate +Bihari +biharmonic +bihourly +bihydrazine +bija +bijasal +bijou +bijouterie +bijoux +bijugate +bijugular +bike +bikh +bikhaconitine +bikini +Bikol +Bikram +Bikukulla +Bilaan +bilabe +bilabial +bilabiate +bilalo +bilamellar +bilamellate +bilamellated +bilaminar +bilaminate +bilaminated +bilander +bilateral +bilateralism +bilaterality +bilaterally +bilateralness +Bilati +bilberry +bilbie +bilbo +bilboquet +bilby +bilch +bilcock +bildar +bilders +bile +bilestone +bilge +bilgy +Bilharzia +bilharzial +bilharziasis +bilharzic +bilharziosis +bilianic +biliary +biliate +biliation +bilic +bilicyanin +bilifaction +biliferous +bilification +bilifuscin +bilify +bilihumin +bilimbi +bilimbing +biliment +Bilin +bilinear +bilineate +bilingual +bilingualism +bilingually +bilinguar +bilinguist +bilinigrin +bilinite +bilio +bilious +biliously +biliousness +biliprasin +bilipurpurin +bilipyrrhin +bilirubin +bilirubinemia +bilirubinic +bilirubinuria +biliteral +biliteralism +bilith +bilithon +biliverdic +biliverdin +bilixanthin +bilk +bilker +Bill +bill +billa +billable +billabong +billback +billbeetle +Billbergia +billboard +billbroking +billbug +billed +biller +billet +billeter +billethead +billeting +billetwood +billety +billfish +billfold +billhead +billheading +billholder +billhook +billian +billiard +billiardist +billiardly +billiards +Billie +Billiken +billikin +billing +billingsgate +billion +billionaire +billionism +billionth +billitonite +Billjim +billman +billon +billot +billow +billowiness +billowy +billposter +billposting +billsticker +billsticking +Billy +billy +billyboy +billycan +billycock +billyer +billyhood +billywix +bilo +bilobated +bilobe +bilobed +bilobiate +bilobular +bilocation +bilocellate +bilocular +biloculate +Biloculina +biloculine +bilophodont +Biloxi +bilsh +Bilskirnir +bilsted +biltong +biltongue +Bim +bimaculate +bimaculated +bimalar +Bimana +bimanal +bimane +bimanous +bimanual +bimanually +bimarginate +bimarine +bimastic +bimastism +bimastoid +bimasty +bimaxillary +bimbil +Bimbisara +bimeby +bimensal +bimester +bimestrial +bimetalic +bimetallism +bimetallist +bimetallistic +bimillenary +bimillennium +bimillionaire +Bimini +Bimmeler +bimodal +bimodality +bimolecular +bimonthly +bimotored +bimotors +bimucronate +bimuscular +bin +binal +binaphthyl +binarium +binary +binate +binately +bination +binational +binaural +binauricular +binbashi +bind +binder +bindery +bindheimite +binding +bindingly +bindingness +bindle +bindlet +bindoree +bindweb +bindweed +bindwith +bindwood +bine +binervate +bineweed +bing +binge +bingey +binghi +bingle +bingo +bingy +binh +Bini +biniodide +Binitarian +Binitarianism +bink +binman +binna +binnacle +binning +binnite +binnogue +bino +binocle +binocular +binocularity +binocularly +binoculate +binodal +binode +binodose +binodous +binomenclature +binomial +binomialism +binomially +binominal +binominated +binominous +binormal +binotic +binotonous +binous +binoxalate +binoxide +bint +bintangor +binturong +binuclear +binucleate +binucleated +binucleolate +binukau +Binzuru +biobibliographical +biobibliography +bioblast +bioblastic +biocatalyst +biocellate +biocentric +biochemic +biochemical +biochemically +biochemics +biochemist +biochemistry +biochemy +biochore +bioclimatic +bioclimatology +biocoenose +biocoenosis +biocoenotic +biocycle +biod +biodynamic +biodynamical +biodynamics +biodyne +bioecologic +bioecological +bioecologically +bioecologist +bioecology +biogen +biogenase +biogenesis +biogenesist +biogenetic +biogenetical +biogenetically +biogenetics +biogenous +biogeny +biogeochemistry +biogeographic +biogeographical +biogeographically +biogeography +biognosis +biograph +biographee +biographer +biographic +biographical +biographically +biographist +biographize +biography +bioherm +biokinetics +biolinguistics +biolith +biologese +biologic +biological +biologically +biologicohumanistic +biologism +biologist +biologize +biology +bioluminescence +bioluminescent +biolysis +biolytic +biomagnetic +biomagnetism +biomathematics +biome +biomechanical +biomechanics +biometeorology +biometer +biometric +biometrical +biometrically +biometrician +biometricist +biometrics +biometry +biomicroscopy +bion +bionergy +bionomic +bionomical +bionomically +bionomics +bionomist +bionomy +biophagism +biophagous +biophagy +biophilous +biophore +biophotophone +biophysical +biophysicochemical +biophysics +biophysiography +biophysiological +biophysiologist +biophysiology +biophyte +bioplasm +bioplasmic +bioplast +bioplastic +bioprecipitation +biopsic +biopsy +biopsychic +biopsychical +biopsychological +biopsychologist +biopsychology +biopyribole +bioral +biorbital +biordinal +bioreaction +biorgan +bios +bioscope +bioscopic +bioscopy +biose +biosis +biosocial +biosociological +biosphere +biostatic +biostatical +biostatics +biostatistics +biosterin +biosterol +biostratigraphy +biosynthesis +biosynthetic +biosystematic +biosystematics +biosystematist +biosystematy +Biota +biota +biotaxy +biotechnics +biotic +biotical +biotics +biotin +biotite +biotitic +biotome +biotomy +biotope +biotype +biotypic +biovular +biovulate +bioxalate +bioxide +bipack +bipaleolate +Bipaliidae +Bipalium +bipalmate +biparasitic +biparental +biparietal +biparous +biparted +bipartible +bipartient +bipartile +bipartisan +bipartisanship +bipartite +bipartitely +bipartition +biparty +bipaschal +bipectinate +bipectinated +biped +bipedal +bipedality +bipedism +bipeltate +bipennate +bipennated +bipenniform +biperforate +bipersonal +bipetalous +biphase +biphasic +biphenol +biphenyl +biphenylene +bipinnaria +bipinnate +bipinnated +bipinnately +bipinnatifid +bipinnatiparted +bipinnatipartite +bipinnatisect +bipinnatisected +biplanal +biplanar +biplane +biplicate +biplicity +biplosion +biplosive +bipod +bipolar +bipolarity +bipolarize +Bipont +Bipontine +biporose +biporous +biprism +biprong +bipunctal +bipunctate +bipunctual +bipupillate +bipyramid +bipyramidal +bipyridine +bipyridyl +biquadrantal +biquadrate +biquadratic +biquarterly +biquartz +biquintile +biracial +biracialism +biradial +biradiate +biradiated +biramous +birational +birch +birchbark +birchen +birching +birchman +birchwood +bird +birdbander +birdbanding +birdbath +birdberry +birdcall +birdcatcher +birdcatching +birdclapper +birdcraft +birddom +birdeen +birder +birdglue +birdhood +birdhouse +birdie +birdikin +birding +birdland +birdless +birdlet +birdlike +birdlime +birdling +birdlore +birdman +birdmouthed +birdnest +birdnester +birdseed +birdstone +birdweed +birdwise +birdwoman +birdy +birectangular +birefracting +birefraction +birefractive +birefringence +birefringent +bireme +biretta +Birgus +biri +biriba +birimose +birk +birken +Birkenhead +Birkenia +Birkeniidae +birkie +birkremite +birl +birle +birler +birlie +birlieman +birlinn +birma +Birmingham +Birminghamize +birn +birny +Biron +birostrate +birostrated +birotation +birotatory +birr +birse +birsle +birsy +birth +birthbed +birthday +birthland +birthless +birthmark +birthmate +birthnight +birthplace +birthright +birthroot +birthstone +birthstool +birthwort +birthy +bis +bisabol +bisaccate +bisacromial +bisalt +Bisaltae +bisantler +bisaxillary +bisbeeite +biscacha +Biscanism +Biscayan +Biscayanism +biscayen +Biscayner +bischofite +biscotin +biscuit +biscuiting +biscuitlike +biscuitmaker +biscuitmaking +biscuitroot +biscuitry +bisdiapason +bisdimethylamino +bisect +bisection +bisectional +bisectionally +bisector +bisectrices +bisectrix +bisegment +biseptate +biserial +biserially +biseriate +biseriately +biserrate +bisetose +bisetous +bisexed +bisext +bisexual +bisexualism +bisexuality +bisexually +bisexuous +bisglyoxaline +Bishareen +Bishari +Bisharin +bishop +bishopdom +bishopess +bishopful +bishophood +bishopless +bishoplet +bishoplike +bishopling +bishopric +bishopship +bishopweed +bisiliac +bisilicate +bisiliquous +bisimine +bisinuate +bisinuation +bisischiadic +bisischiatic +Bisley +bislings +bismar +Bismarck +Bismarckian +Bismarckianism +bismarine +bismerpund +bismillah +bismite +Bismosol +bismuth +bismuthal +bismuthate +bismuthic +bismuthide +bismuthiferous +bismuthine +bismuthinite +bismuthite +bismuthous +bismuthyl +bismutite +bismutoplagionite +bismutosmaltite +bismutosphaerite +bisnaga +bison +bisonant +bisontine +bisphenoid +bispinose +bispinous +bispore +bisporous +bisque +bisquette +bissext +bissextile +bisson +bistate +bistephanic +bister +bistered +bistetrazole +bisti +bistipular +bistipulate +bistipuled +bistort +Bistorta +bistournage +bistoury +bistratal +bistratose +bistriate +bistriazole +bistro +bisubstituted +bisubstitution +bisulcate +bisulfid +bisulphate +bisulphide +bisulphite +bisyllabic +bisyllabism +bisymmetric +bisymmetrical +bisymmetrically +bisymmetry +bit +bitable +bitangent +bitangential +bitanhol +bitartrate +bitbrace +bitch +bite +bitemporal +bitentaculate +biter +biternate +biternately +bitesheep +bitewing +bitheism +Bithynian +biti +biting +bitingly +bitingness +Bitis +bitless +bito +bitolyl +bitonality +bitreadle +bitripartite +bitripinnatifid +bitriseptate +bitrochanteric +bitstock +bitstone +bitt +bitted +bitten +bitter +bitterbark +bitterblain +bitterbloom +bitterbur +bitterbush +bitterful +bitterhead +bitterhearted +bitterheartedness +bittering +bitterish +bitterishness +bitterless +bitterling +bitterly +bittern +bitterness +bitternut +bitterroot +bitters +bittersweet +bitterweed +bitterwood +bitterworm +bitterwort +bitthead +bittie +Bittium +bittock +bitty +bitubercular +bituberculate +bituberculated +Bitulithic +bitulithic +bitume +bitumed +bitumen +bituminate +bituminiferous +bituminization +bituminize +bituminoid +bituminous +bitwise +bityite +bitypic +biune +biunial +biunity +biunivocal +biurate +biurea +biuret +bivalence +bivalency +bivalent +bivalve +bivalved +Bivalvia +bivalvian +bivalvous +bivalvular +bivariant +bivariate +bivascular +bivaulted +bivector +biventer +biventral +biverbal +bivinyl +bivious +bivittate +bivocal +bivocalized +bivoltine +bivoluminous +bivouac +biwa +biweekly +biwinter +Bixa +Bixaceae +bixaceous +bixbyite +bixin +biyearly +biz +bizardite +bizarre +bizarrely +bizarreness +Bizen +bizet +bizonal +bizone +Bizonia +bizygomatic +bizz +Bjorne +blab +blabber +blabberer +blachong +black +blackacre +blackamoor +blackback +blackball +blackballer +blackband +Blackbeard +blackbelly +blackberry +blackbine +blackbird +blackbirder +blackbirding +blackboard +blackboy +blackbreast +blackbush +blackbutt +blackcap +blackcoat +blackcock +blackdamp +blacken +blackener +blackening +blacker +blacketeer +blackey +blackeyes +blackface +Blackfeet +blackfellow +blackfellows +blackfin +blackfire +blackfish +blackfisher +blackfishing +Blackfoot +blackfoot +Blackfriars +blackguard +blackguardism +blackguardize +blackguardly +blackguardry +Blackhander +blackhead +blackheads +blackheart +blackhearted +blackheartedness +blackie +blacking +blackish +blackishly +blackishness +blackit +blackjack +blackland +blackleg +blackleggery +blacklegism +blacklegs +blackly +blackmail +blackmailer +blackneb +blackneck +blackness +blacknob +blackout +blackpoll +blackroot +blackseed +blackshirted +blacksmith +blacksmithing +blackstick +blackstrap +blacktail +blackthorn +blacktongue +blacktree +blackwash +blackwasher +blackwater +blackwood +blackwork +blackwort +blacky +blad +bladder +bladderet +bladderless +bladderlike +bladdernose +bladdernut +bladderpod +bladderseed +bladderweed +bladderwort +bladdery +blade +bladebone +bladed +bladelet +bladelike +blader +bladesmith +bladewise +blading +bladish +blady +bladygrass +blae +blaeberry +blaeness +blaewort +blaff +blaffert +blaflum +blah +blahlaut +blain +Blaine +Blair +blair +blairmorite +Blake +blake +blakeberyed +blamable +blamableness +blamably +blame +blamed +blameful +blamefully +blamefulness +blameless +blamelessly +blamelessness +blamer +blameworthiness +blameworthy +blaming +blamingly +blan +blanc +blanca +blancard +Blanch +blanch +blancher +blanching +blanchingly +blancmange +blancmanger +blanco +bland +blanda +Blandfordia +blandiloquence +blandiloquious +blandiloquous +blandish +blandisher +blandishing +blandishingly +blandishment +blandly +blandness +blank +blankard +blankbook +blanked +blankeel +blanket +blanketed +blanketeer +blanketflower +blanketing +blanketless +blanketmaker +blanketmaking +blanketry +blanketweed +blankety +blanking +blankish +Blankit +blankite +blankly +blankness +blanky +blanque +blanquillo +blare +Blarina +blarney +blarneyer +blarnid +blarny +blart +blas +blase +blash +blashy +Blasia +blaspheme +blasphemer +blasphemous +blasphemously +blasphemousness +blasphemy +blast +blasted +blastema +blastemal +blastematic +blastemic +blaster +blastful +blasthole +blastid +blastie +blasting +blastment +blastocarpous +blastocheme +blastochyle +blastocoele +blastocolla +blastocyst +blastocyte +blastoderm +blastodermatic +blastodermic +blastodisk +blastogenesis +blastogenetic +blastogenic +blastogeny +blastogranitic +blastoid +Blastoidea +blastoma +blastomata +blastomere +blastomeric +Blastomyces +blastomycete +Blastomycetes +blastomycetic +blastomycetous +blastomycosis +blastomycotic +blastoneuropore +Blastophaga +blastophitic +blastophoral +blastophore +blastophoric +blastophthoria +blastophthoric +blastophyllum +blastoporal +blastopore +blastoporic +blastoporphyritic +blastosphere +blastospheric +blastostylar +blastostyle +blastozooid +blastplate +blastula +blastulae +blastular +blastulation +blastule +blasty +blat +blatancy +blatant +blatantly +blate +blately +blateness +blather +blatherer +blatherskite +blathery +blatjang +Blatta +blatta +Blattariae +blatter +blatterer +blatti +blattid +Blattidae +blattiform +Blattodea +blattoid +Blattoidea +blaubok +Blaugas +blauwbok +blaver +blaw +blawort +blay +Blayne +blaze +blazer +blazing +blazingly +blazon +blazoner +blazoning +blazonment +blazonry +blazy +bleaberry +bleach +bleachability +bleachable +bleached +bleacher +bleacherite +bleacherman +bleachery +bleachfield +bleachground +bleachhouse +bleaching +bleachman +bleachworks +bleachyard +bleak +bleakish +bleakly +bleakness +bleaky +blear +bleared +blearedness +bleareye +bleariness +blearness +bleary +bleat +bleater +bleating +bleatingly +bleaty +bleb +blebby +blechnoid +Blechnum +bleck +blee +bleed +bleeder +bleeding +bleekbok +bleery +bleeze +bleezy +blellum +blemish +blemisher +blemishment +Blemmyes +blench +blencher +blenching +blenchingly +blencorn +blend +blendcorn +blende +blended +blender +blending +blendor +blendure +blendwater +blennadenitis +blennemesis +blennenteria +blennenteritis +blenniid +Blenniidae +blenniiform +Blenniiformes +blennioid +Blennioidea +blennocele +blennocystitis +blennoemesis +blennogenic +blennogenous +blennoid +blennoma +blennometritis +blennophlogisma +blennophlogosis +blennophthalmia +blennoptysis +blennorrhagia +blennorrhagic +blennorrhea +blennorrheal +blennorrhinia +blennosis +blennostasis +blennostatic +blennothorax +blennotorrhea +blennuria +blenny +blennymenitis +blent +bleo +blephara +blepharadenitis +blepharal +blepharanthracosis +blepharedema +blepharelcosis +blepharemphysema +Blephariglottis +blepharism +blepharitic +blepharitis +blepharoadenitis +blepharoadenoma +blepharoatheroma +blepharoblennorrhea +blepharocarcinoma +Blepharocera +Blepharoceridae +blepharochalasis +blepharochromidrosis +blepharoclonus +blepharocoloboma +blepharoconjunctivitis +blepharodiastasis +blepharodyschroia +blepharohematidrosis +blepharolithiasis +blepharomelasma +blepharoncosis +blepharoncus +blepharophimosis +blepharophryplasty +blepharophthalmia +blepharophyma +blepharoplast +blepharoplastic +blepharoplasty +blepharoplegia +blepharoptosis +blepharopyorrhea +blepharorrhaphy +blepharospasm +blepharospath +blepharosphincterectomy +blepharostat +blepharostenosis +blepharosymphysis +blepharosyndesmitis +blepharosynechia +blepharotomy +blepharydatis +Blephillia +blesbok +blesbuck +bless +blessed +blessedly +blessedness +blesser +blessing +blessingly +blest +blet +bletheration +Bletia +Bletilla +blewits +blibe +blick +blickey +Blighia +blight +blightbird +blighted +blighter +blighting +blightingly +blighty +blimbing +blimp +blimy +blind +blindage +blindball +blinded +blindedly +blinder +blindeyes +blindfast +blindfish +blindfold +blindfolded +blindfoldedness +blindfolder +blindfoldly +blinding +blindingly +blindish +blindless +blindling +blindly +blindness +blindstory +blindweed +blindworm +blink +blinkard +blinked +blinker +blinkered +blinking +blinkingly +blinks +blinky +blinter +blintze +blip +bliss +blissful +blissfully +blissfulness +blissless +blissom +blister +blistered +blistering +blisteringly +blisterweed +blisterwort +blistery +blite +blithe +blithebread +blitheful +blithefully +blithehearted +blithelike +blithely +blithemeat +blithen +blitheness +blither +blithering +blithesome +blithesomely +blithesomeness +blitter +Blitum +blitz +blitzbuggy +blitzkrieg +blizz +blizzard +blizzardly +blizzardous +blizzardy +blo +bloat +bloated +bloatedness +bloater +bloating +blob +blobbed +blobber +blobby +bloc +block +blockade +blockader +blockage +blockbuster +blocked +blocker +blockhead +blockheaded +blockheadedly +blockheadedness +blockheadish +blockheadishness +blockheadism +blockholer +blockhouse +blockiness +blocking +blockish +blockishly +blockishness +blocklayer +blocklike +blockmaker +blockmaking +blockman +blockpate +blockship +blocky +blodite +bloke +blolly +blomstrandine +blonde +blondeness +blondine +blood +bloodalley +bloodalp +bloodbeat +bloodberry +bloodbird +bloodcurdler +bloodcurdling +blooddrop +blooddrops +blooded +bloodfin +bloodflower +bloodguilt +bloodguiltiness +bloodguiltless +bloodguilty +bloodhound +bloodied +bloodily +bloodiness +bloodleaf +bloodless +bloodlessly +bloodlessness +bloodletter +bloodletting +bloodline +bloodmobile +bloodmonger +bloodnoun +bloodripe +bloodripeness +bloodroot +bloodshed +bloodshedder +bloodshedding +bloodshot +bloodshotten +bloodspiller +bloodspilling +bloodstain +bloodstained +bloodstainedness +bloodstanch +bloodstock +bloodstone +bloodstroke +bloodsuck +bloodsucker +bloodsucking +bloodthirst +bloodthirster +bloodthirstily +bloodthirstiness +bloodthirsting +bloodthirsty +bloodweed +bloodwite +bloodwood +bloodworm +bloodwort +bloodworthy +bloody +bloodybones +blooey +bloom +bloomage +bloomer +Bloomeria +bloomerism +bloomers +bloomery +bloomfell +blooming +bloomingly +bloomingness +bloomkin +bloomless +Bloomsburian +Bloomsbury +bloomy +bloop +blooper +blooping +blore +blosmy +blossom +blossombill +blossomed +blossomhead +blossomless +blossomry +blossomtime +blossomy +blot +blotch +blotched +blotchy +blotless +blotter +blottesque +blottesquely +blotting +blottingly +blotto +blotty +bloubiskop +blouse +bloused +blousing +blout +blow +blowback +blowball +blowcock +blowdown +blowen +blower +blowfish +blowfly +blowgun +blowhard +blowhole +blowiness +blowing +blowings +blowiron +blowlamp +blowline +blown +blowoff +blowout +blowpipe +blowpoint +blowproof +blowspray +blowth +blowtorch +blowtube +blowup +blowy +blowze +blowzed +blowzing +blowzy +blub +blubber +blubberer +blubbering +blubberingly +blubberman +blubberous +blubbery +blucher +bludgeon +bludgeoned +bludgeoneer +bludgeoner +blue +blueback +bluebead +Bluebeard +bluebeard +Bluebeardism +bluebell +bluebelled +blueberry +bluebill +bluebird +blueblaw +bluebonnet +bluebook +bluebottle +bluebreast +bluebuck +bluebush +bluebutton +bluecap +bluecoat +bluecup +bluefish +bluegill +bluegown +bluegrass +bluehearted +bluehearts +blueing +bluejack +bluejacket +bluejoint +blueleg +bluelegs +bluely +blueness +bluenose +Bluenoser +blueprint +blueprinter +bluer +blues +bluesides +bluestem +bluestocking +bluestockingish +bluestockingism +bluestone +bluestoner +bluet +bluethroat +bluetongue +bluetop +blueweed +bluewing +bluewood +bluey +bluff +bluffable +bluffer +bluffly +bluffness +bluffy +bluggy +bluing +bluish +bluishness +bluism +Blumea +blunder +blunderbuss +blunderer +blunderful +blunderhead +blunderheaded +blunderheadedness +blundering +blunderingly +blundersome +blunge +blunger +blunk +blunker +blunks +blunnen +blunt +blunter +blunthead +blunthearted +bluntie +bluntish +bluntly +bluntness +blup +blur +blurb +blurbist +blurred +blurredness +blurrer +blurry +blurt +blush +blusher +blushful +blushfully +blushfulness +blushiness +blushing +blushingly +blushless +blushwort +blushy +bluster +blusteration +blusterer +blustering +blusteringly +blusterous +blusterously +blustery +blype +bo +boa +Boaedon +boagane +Boanbura +Boanerges +boanergism +boar +boarcite +board +boardable +boarder +boarding +boardinghouse +boardlike +boardly +boardman +boardwalk +boardy +boarfish +boarhound +boarish +boarishly +boarishness +boarship +boarskin +boarspear +boarstaff +boarwood +boast +boaster +boastful +boastfully +boastfulness +boasting +boastive +boastless +boat +boatable +boatage +boatbill +boatbuilder +boatbuilding +boater +boatfalls +boatful +boathead +boatheader +boathouse +boatie +boating +boatkeeper +boatless +boatlike +boatlip +boatload +boatloader +boatloading +boatly +boatman +boatmanship +boatmaster +boatowner +boatsetter +boatshop +boatside +boatsman +boatswain +boattail +boatward +boatwise +boatwoman +boatwright +Bob +bob +boba +bobac +Bobadil +Bobadilian +Bobadilish +Bobadilism +bobbed +bobber +bobbery +Bobbie +bobbin +bobbiner +bobbinet +bobbing +Bobbinite +bobbinwork +bobbish +bobbishly +bobble +Bobby +bobby +bobcat +bobcoat +bobeche +bobfly +bobierrite +bobization +bobjerom +bobo +bobolink +bobotie +bobsled +bobsleigh +bobstay +bobtail +bobtailed +bobwhite +bobwood +bocaccio +bocal +bocardo +bocasine +bocca +boccale +boccarella +boccaro +bocce +Bocconia +boce +bocedization +Boche +bocher +Bochism +bock +bockerel +bockeret +bocking +bocoy +bod +bodach +bodacious +bodaciously +bode +bodeful +bodega +bodement +boden +bodenbenderite +boder +bodewash +bodge +bodger +bodgery +bodhi +bodhisattva +bodice +bodiced +bodicemaker +bodicemaking +bodied +bodier +bodieron +bodikin +bodiless +bodilessness +bodiliness +bodily +bodiment +boding +bodingly +bodkin +bodkinwise +bodle +Bodleian +Bodo +bodock +Bodoni +body +bodybending +bodybuilder +bodyguard +bodyhood +bodyless +bodymaker +bodymaking +bodyplate +bodywise +bodywood +bodywork +Boebera +Boedromion +Boehmenism +Boehmenist +Boehmenite +Boehmeria +boeotarch +Boeotian +Boeotic +Boer +Boerdom +Boerhavia +Boethian +Boethusian +bog +boga +bogan +bogard +bogart +bogberry +bogey +bogeyman +boggart +boggin +bogginess +boggish +boggle +bogglebo +boggler +boggy +boghole +bogie +bogieman +bogier +Bogijiab +bogland +boglander +bogle +bogledom +boglet +bogman +bogmire +Bogo +bogo +Bogomil +Bogomile +Bogomilian +bogong +Bogota +bogsucker +bogtrot +bogtrotter +bogtrotting +bogue +bogum +bogus +bogusness +bogway +bogwood +bogwort +bogy +bogydom +bogyism +bogyland +Bohairic +bohawn +bohea +Bohemia +Bohemian +Bohemianism +bohemium +bohereen +bohireen +boho +bohor +bohunk +boid +Boidae +Boii +Boiko +boil +boilable +boildown +boiled +boiler +boilerful +boilerhouse +boilerless +boilermaker +boilermaking +boilerman +boilersmith +boilerworks +boilery +boiling +boilinglike +boilingly +boilover +boily +Bois +boist +boisterous +boisterously +boisterousness +bojite +bojo +bokadam +bokard +bokark +boke +Bokhara +Bokharan +bokom +bola +Bolag +bolar +Bolboxalis +bold +bolden +Bolderian +boldhearted +boldine +boldly +boldness +boldo +Boldu +bole +bolection +bolectioned +boled +boleite +Bolelia +bolelike +bolero +Boletaceae +boletaceous +bolete +Boletus +boleweed +bolewort +bolide +bolimba +bolis +bolivar +bolivarite +bolivia +Bolivian +boliviano +bolk +boll +Bollandist +bollard +bolled +boller +bolling +bollock +bollworm +bolly +Bolo +bolo +Bologna +Bolognan +Bolognese +bolograph +bolographic +bolographically +bolography +Boloism +boloman +bolometer +bolometric +boloney +boloroot +Bolshevik +Bolsheviki +Bolshevikian +Bolshevism +Bolshevist +Bolshevistic +Bolshevistically +Bolshevize +Bolshie +bolson +bolster +bolsterer +bolsterwork +bolt +boltage +boltant +boltcutter +boltel +bolter +bolthead +boltheader +boltheading +bolthole +bolti +bolting +boltless +boltlike +boltmaker +boltmaking +Boltonia +boltonite +boltrope +boltsmith +boltstrake +boltuprightness +boltwork +bolus +Bolyaian +bom +boma +Bomarea +bomb +bombable +Bombacaceae +bombacaceous +bombard +bombarde +bombardelle +bombarder +bombardier +bombardment +bombardon +bombast +bombaster +bombastic +bombastically +bombastry +Bombax +Bombay +bombazet +bombazine +bombed +bomber +bombiccite +Bombidae +bombilate +bombilation +Bombinae +bombinate +bombination +bombo +bombola +bombonne +bombous +bombproof +bombshell +bombsight +Bombus +bombycid +Bombycidae +bombyciform +Bombycilla +Bombycillidae +Bombycina +bombycine +Bombyliidae +Bombyx +Bon +bon +bonaci +bonagh +bonaght +bonair +bonairly +bonairness +bonally +bonang +bonanza +Bonapartean +Bonapartism +Bonapartist +Bonasa +bonasus +bonaventure +Bonaveria +bonavist +Bonbo +bonbon +bonce +bond +bondage +bondager +bondar +bonded +Bondelswarts +bonder +bonderman +bondfolk +bondholder +bondholding +bonding +bondless +bondman +bondmanship +bondsman +bondstone +bondswoman +bonduc +bondwoman +bone +boneache +bonebinder +boneblack +bonebreaker +boned +bonedog +bonefish +boneflower +bonehead +boneheaded +boneless +bonelessly +bonelessness +bonelet +bonelike +Bonellia +boner +boneset +bonesetter +bonesetting +boneshaker +boneshaw +bonetail +bonewood +bonework +bonewort +Boney +bonfire +bong +Bongo +bongo +bonhomie +Boni +boniata +Boniface +bonification +boniform +bonify +boniness +boninite +bonitarian +bonitary +bonito +bonk +bonnaz +bonnet +bonneted +bonneter +bonnethead +bonnetless +bonnetlike +bonnetman +bonnibel +Bonnie +bonnily +bonniness +Bonny +bonny +bonnyclabber +bonnyish +bonnyvis +Bononian +bonsai +bonspiel +bontebok +bontebuck +bontequagga +Bontok +bonus +bonxie +bony +bonyfish +bonze +bonzer +bonzery +bonzian +boo +boob +boobery +boobily +boobook +booby +boobyalla +boobyish +boobyism +bood +boodie +boodle +boodledom +boodleism +boodleize +boodler +boody +boof +booger +boogiewoogie +boohoo +boojum +book +bookable +bookbinder +bookbindery +bookbinding +bookboard +bookcase +bookcraft +bookdealer +bookdom +booked +booker +bookery +bookfold +bookful +bookholder +bookhood +bookie +bookiness +booking +bookish +bookishly +bookishness +bookism +bookkeeper +bookkeeping +bookland +bookless +booklet +booklike +bookling +booklore +booklover +bookmaker +bookmaking +Bookman +bookman +bookmark +bookmarker +bookmate +bookmobile +bookmonger +bookplate +bookpress +bookrack +bookrest +bookroom +bookseller +booksellerish +booksellerism +bookselling +bookshelf +bookshop +bookstack +bookstall +bookstand +bookstore +bookward +bookwards +bookways +bookwise +bookwork +bookworm +bookwright +booky +bool +Boolian +booly +boolya +boom +boomable +boomage +boomah +boomboat +boomdas +boomer +boomerang +booming +boomingly +boomless +boomlet +boomorah +boomslang +boomslange +boomster +boomy +boon +boondock +boondocks +boondoggle +boondoggler +Boone +boonfellow +boongary +boonk +boonless +Boophilus +boopis +boor +boorish +boorishly +boorishness +boort +boose +boost +booster +boosterism +boosy +boot +bootblack +bootboy +booted +bootee +booter +bootery +Bootes +bootful +booth +boother +Boothian +boothite +bootholder +boothose +Bootid +bootied +bootikin +booting +bootjack +bootlace +bootleg +bootlegger +bootlegging +bootless +bootlessly +bootlessness +bootlick +bootlicker +bootmaker +bootmaking +boots +bootstrap +booty +bootyless +booze +boozed +boozer +boozily +booziness +boozy +bop +bopeep +boppist +bopyrid +Bopyridae +bopyridian +Bopyrus +bor +bora +borable +borachio +boracic +boraciferous +boracous +borage +Boraginaceae +boraginaceous +Borago +Borak +borak +boral +Boran +Borana +Borani +borasca +borasque +Borassus +borate +borax +Borboridae +Borborus +borborygmic +borborygmus +bord +bordage +bordar +bordarius +Bordeaux +bordel +bordello +border +bordered +borderer +Borderies +bordering +borderism +borderland +borderlander +borderless +borderline +bordermark +Borderside +bordroom +bordure +bordured +bore +boreable +boread +Boreades +boreal +borealis +borean +Boreas +borecole +boredom +boree +boreen +boregat +borehole +Boreiad +boreism +borele +borer +boresome +Boreus +borg +borgh +borghalpenny +Borghese +borh +boric +borickite +boride +borine +boring +boringly +boringness +Borinqueno +Boris +borish +borism +bority +borize +borlase +born +borne +Bornean +Borneo +borneol +borning +bornite +bornitic +bornyl +Boro +boro +Borocaine +borocalcite +borocarbide +borocitrate +borofluohydric +borofluoric +borofluoride +borofluorin +boroglycerate +boroglyceride +boroglycerine +borolanite +boron +boronatrocalcite +Boronia +boronic +borophenol +borophenylic +Bororo +Bororoan +borosalicylate +borosalicylic +borosilicate +borosilicic +borotungstate +borotungstic +borough +boroughlet +boroughmaster +boroughmonger +boroughmongering +boroughmongery +boroughship +borowolframic +borracha +borrel +Borrelia +Borrelomycetaceae +Borreria +Borrichia +Borromean +Borrovian +borrow +borrowable +borrower +borrowing +borsch +borscht +borsholder +borsht +borstall +bort +bortsch +borty +bortz +Boruca +Borussian +borwort +boryl +Borzicactus +borzoi +Bos +Bosc +boscage +bosch +boschbok +Boschneger +boschvark +boschveld +bose +Boselaphus +boser +bosh +Boshas +bosher +Bosjesman +bosjesman +bosk +bosker +bosket +boskiness +bosky +bosn +Bosniac +Bosniak +Bosnian +Bosnisch +bosom +bosomed +bosomer +bosomy +Bosporan +Bosporanic +Bosporian +bosporus +boss +bossage +bossdom +bossed +bosselated +bosselation +bosser +bosset +bossiness +bossing +bossism +bosslet +bossship +bossy +bostangi +bostanji +bosthoon +Boston +boston +Bostonese +Bostonian +bostonite +bostrychid +Bostrychidae +bostrychoid +bostrychoidal +bostryx +bosun +Boswellia +Boswellian +Boswelliana +Boswellism +Boswellize +bot +bota +botanic +botanical +botanically +botanist +botanize +botanizer +botanomancy +botanophile +botanophilist +botany +botargo +Botaurinae +Botaurus +botch +botched +botchedly +botcher +botcherly +botchery +botchily +botchiness +botchka +botchy +bote +Botein +botella +boterol +botfly +both +bother +botheration +botherer +botherheaded +botherment +bothersome +bothlike +Bothnian +Bothnic +bothrenchyma +Bothriocephalus +Bothriocidaris +Bothriolepis +bothrium +Bothrodendron +bothropic +Bothrops +bothros +bothsided +bothsidedness +bothway +bothy +Botocudo +botonee +botong +Botrychium +Botrydium +Botryllidae +Botryllus +botryogen +botryoid +botryoidal +botryoidally +botryolite +Botryomyces +botryomycoma +botryomycosis +botryomycotic +Botryopteriaceae +botryopterid +Botryopteris +botryose +botryotherapy +Botrytis +bott +bottekin +Botticellian +bottine +bottle +bottlebird +bottled +bottleflower +bottleful +bottlehead +bottleholder +bottlelike +bottlemaker +bottlemaking +bottleman +bottleneck +bottlenest +bottlenose +bottler +bottling +bottom +bottomchrome +bottomed +bottomer +bottoming +bottomless +bottomlessly +bottomlessness +bottommost +bottomry +bottstick +botuliform +botulin +botulinum +botulism +botulismus +bouchal +bouchaleen +boucharde +bouche +boucher +boucherism +boucherize +bouchette +boud +boudoir +bouffancy +bouffant +Bougainvillaea +Bougainvillea +Bougainvillia +Bougainvilliidae +bougar +bouge +bouget +bough +boughed +boughless +boughpot +bought +boughten +boughy +bougie +bouillabaisse +bouillon +bouk +boukit +boulangerite +Boulangism +Boulangist +boulder +boulderhead +bouldering +bouldery +boule +boulevard +boulevardize +boultel +boulter +boulterer +boun +bounce +bounceable +bounceably +bouncer +bouncing +bouncingly +bound +boundable +boundary +bounded +boundedly +boundedness +bounden +bounder +bounding +boundingly +boundless +boundlessly +boundlessness +boundly +boundness +bounteous +bounteously +bounteousness +bountied +bountiful +bountifully +bountifulness +bountith +bountree +bounty +bountyless +bouquet +bourasque +Bourbon +bourbon +Bourbonesque +Bourbonian +Bourbonism +Bourbonist +bourbonize +bourd +bourder +bourdon +bourette +bourg +bourgeois +bourgeoise +bourgeoisie +bourgeoisitic +Bourignian +Bourignianism +Bourignianist +Bourignonism +Bourignonist +bourn +bournless +bournonite +bourock +Bourout +bourse +bourtree +bouse +bouser +Boussingaultia +boussingaultite +boustrophedon +boustrophedonic +bousy +bout +boutade +Bouteloua +bouto +boutonniere +boutylka +Bouvardia +bouw +bovarism +bovarysm +bovate +bovenland +bovicide +boviculture +bovid +Bovidae +boviform +bovine +bovinely +bovinity +Bovista +bovoid +bovovaccination +bovovaccine +bow +bowable +bowback +bowbells +bowbent +bowboy +Bowdichia +bowdlerism +bowdlerization +bowdlerize +bowed +bowedness +bowel +boweled +bowelless +bowellike +bowels +bowenite +bower +bowerbird +bowerlet +bowermaiden +bowermay +bowerwoman +Bowery +bowery +Boweryish +bowet +bowfin +bowgrace +bowhead +bowie +bowieful +bowing +bowingly +bowk +bowkail +bowker +bowknot +bowl +bowla +bowleg +bowlegged +bowleggedness +bowler +bowless +bowlful +bowlike +bowline +bowling +bowllike +bowlmaker +bowls +bowly +bowmaker +bowmaking +bowman +bowpin +bowralite +bowshot +bowsprit +bowstave +bowstring +bowstringed +bowwoman +bowwood +bowwort +bowwow +bowyer +boxberry +boxboard +boxbush +boxcar +boxen +Boxer +boxer +Boxerism +boxfish +boxful +boxhaul +boxhead +boxing +boxkeeper +boxlike +boxmaker +boxmaking +boxman +boxthorn +boxty +boxwallah +boxwood +boxwork +boxy +boy +boyang +boyar +boyard +boyardism +boyardom +boyarism +Boyce +boycott +boycottage +boycotter +boycottism +Boyd +boydom +boyer +boyhood +boyish +boyishly +boyishness +boyism +boyla +boylike +boyology +boysenberry +boyship +boza +bozal +bozo +bozze +bra +brab +brabagious +brabant +Brabanter +Brabantine +brabble +brabblement +brabbler +brabblingly +Brabejum +braca +braccate +braccia +bracciale +braccianite +braccio +brace +braced +bracelet +braceleted +bracer +bracero +braces +brach +Brachelytra +brachelytrous +bracherer +brachering +brachet +brachial +brachialgia +brachialis +Brachiata +brachiate +brachiation +brachiator +brachiferous +brachigerous +Brachinus +brachiocephalic +brachiocrural +brachiocubital +brachiocyllosis +brachiofacial +brachiofaciolingual +brachioganoid +Brachioganoidei +brachiolaria +brachiolarian +brachiopod +Brachiopoda +brachiopode +brachiopodist +brachiopodous +brachioradial +brachioradialis +brachiorrhachidian +brachiorrheuma +brachiosaur +Brachiosaurus +brachiostrophosis +brachiotomy +brachistocephali +brachistocephalic +brachistocephalous +brachistocephaly +brachistochrone +brachistochronic +brachistochronous +brachium +brachtmema +brachyaxis +brachycardia +brachycatalectic +brachycephal +brachycephalic +brachycephalism +brachycephalization +brachycephalize +brachycephalous +brachycephaly +Brachycera +brachyceral +brachyceric +brachycerous +brachychronic +brachycnemic +Brachycome +brachycranial +brachydactyl +brachydactylic +brachydactylism +brachydactylous +brachydactyly +brachydiagonal +brachydodrome +brachydodromous +brachydomal +brachydomatic +brachydome +brachydont +brachydontism +brachyfacial +brachyglossal +brachygnathia +brachygnathism +brachygnathous +brachygrapher +brachygraphic +brachygraphical +brachygraphy +brachyhieric +brachylogy +brachymetropia +brachymetropic +Brachyoura +brachyphalangia +Brachyphyllum +brachypinacoid +brachypinacoidal +brachypleural +brachypnea +brachypodine +brachypodous +brachyprism +brachyprosopic +brachypterous +brachypyramid +brachyrrhinia +brachysclereid +brachyskelic +brachysm +brachystaphylic +Brachystegia +brachystochrone +Brachystomata +brachystomatous +brachystomous +brachytic +brachytypous +Brachyura +brachyural +brachyuran +brachyuranic +brachyure +brachyurous +Brachyurus +bracing +bracingly +bracingness +brack +brackebuschite +bracken +brackened +bracker +bracket +bracketing +bracketwise +brackish +brackishness +brackmard +bracky +Bracon +braconid +Braconidae +bract +bractea +bracteal +bracteate +bracted +bracteiform +bracteolate +bracteole +bracteose +bractless +bractlet +Brad +brad +bradawl +Bradbury +Bradburya +bradenhead +Bradford +Bradley +bradmaker +Bradshaw +bradsot +bradyacousia +bradycardia +bradycauma +bradycinesia +bradycrotic +bradydactylia +bradyesthesia +bradyglossia +bradykinesia +bradykinetic +bradylalia +bradylexia +bradylogia +bradynosus +bradypepsia +bradypeptic +bradyphagia +bradyphasia +bradyphemia +bradyphrasia +bradyphrenia +bradypnea +bradypnoea +bradypod +bradypode +Bradypodidae +bradypodoid +Bradypus +bradyseism +bradyseismal +bradyseismic +bradyseismical +bradyseismism +bradyspermatism +bradysphygmia +bradystalsis +bradyteleocinesia +bradyteleokinesis +bradytocia +bradytrophic +bradyuria +brae +braeface +braehead +braeman +braeside +brag +braggardism +braggart +braggartism +braggartly +braggartry +braggat +bragger +braggery +bragget +bragging +braggingly +braggish +braggishly +Bragi +bragite +bragless +braguette +Brahm +Brahma +brahmachari +Brahmahood +Brahmaic +Brahman +Brahmana +Brahmanaspati +Brahmanda +Brahmaness +Brahmanhood +Brahmani +Brahmanic +Brahmanical +Brahmanism +Brahmanist +Brahmanistic +Brahmanize +Brahmany +Brahmi +Brahmic +Brahmin +Brahminic +Brahminism +Brahmoism +Brahmsian +Brahmsite +Brahui +braid +braided +braider +braiding +Braidism +Braidist +brail +Braille +Braillist +brain +brainache +braincap +braincraft +brainer +brainfag +brainge +braininess +brainless +brainlessly +brainlessness +brainlike +brainpan +brains +brainsick +brainsickly +brainsickness +brainstone +brainward +brainwash +brainwasher +brainwashing +brainwater +brainwood +brainwork +brainworker +brainy +braird +braireau +brairo +braise +brake +brakeage +brakehand +brakehead +brakeless +brakeload +brakemaker +brakemaking +brakeman +braker +brakeroot +brakesman +brakie +braky +Bram +Bramantesque +Bramantip +bramble +brambleberry +bramblebush +brambled +brambling +brambly +brambrack +Bramia +bran +brancard +branch +branchage +branched +Branchellion +brancher +branchery +branchful +branchi +branchia +branchiae +branchial +Branchiata +branchiate +branchicolous +branchiferous +branchiform +branchihyal +branchiness +branching +Branchiobdella +branchiocardiac +branchiogenous +branchiomere +branchiomeric +branchiomerism +branchiopallial +branchiopod +Branchiopoda +branchiopodan +branchiopodous +Branchiopulmonata +branchiopulmonate +branchiosaur +Branchiosauria +branchiosaurian +Branchiosaurus +branchiostegal +Branchiostegidae +branchiostegite +branchiostegous +Branchiostoma +branchiostomid +Branchiostomidae +Branchipodidae +Branchipus +branchireme +Branchiura +branchiurous +branchless +branchlet +branchlike +branchling +branchman +branchstand +branchway +branchy +brand +branded +Brandenburg +Brandenburger +brander +brandering +Brandi +brandied +brandify +brandise +brandish +brandisher +brandisite +brandless +brandling +Brandon +brandreth +Brandy +brandy +brandyball +brandyman +brandywine +brangle +brangled +branglement +brangler +brangling +branial +brank +brankie +brankursine +branle +branner +brannerite +branny +bransle +bransolder +brant +Branta +brantail +brantness +Brasenia +brash +brashiness +brashness +brashy +brasiletto +brasque +brass +brassage +brassard +brassart +Brassavola +brassbound +brassbounder +brasse +brasser +brasset +Brassia +brassic +Brassica +Brassicaceae +brassicaceous +brassidic +brassie +brassiere +brassily +brassiness +brassish +brasslike +brassware +brasswork +brassworker +brassworks +brassy +brassylic +brat +bratling +bratstvo +brattach +brattice +bratticer +bratticing +brattie +brattish +brattishing +brattle +brauna +Brauneberger +Brauneria +braunite +Brauronia +Brauronian +Brava +bravade +bravado +bravadoism +brave +bravehearted +bravely +braveness +braver +bravery +braving +bravish +bravo +bravoite +bravura +bravuraish +braw +brawl +brawler +brawling +brawlingly +brawlsome +brawly +brawlys +brawn +brawned +brawnedness +brawner +brawnily +brawniness +brawny +braws +braxy +bray +brayer +brayera +brayerin +braystone +braza +braze +brazen +brazenface +brazenfaced +brazenfacedly +brazenly +brazenness +brazer +brazera +brazier +braziery +brazil +brazilein +brazilette +Brazilian +brazilin +brazilite +brazilwood +breach +breacher +breachful +breachy +bread +breadbasket +breadberry +breadboard +breadbox +breadearner +breadearning +breaden +breadfruit +breadless +breadlessness +breadmaker +breadmaking +breadman +breadnut +breadroot +breadseller +breadstuff +breadth +breadthen +breadthless +breadthriders +breadthways +breadthwise +breadwinner +breadwinning +breaghe +break +breakable +breakableness +breakably +breakage +breakaway +breakax +breakback +breakbones +breakdown +breaker +breakerman +breakfast +breakfaster +breakfastless +breaking +breakless +breakneck +breakoff +breakout +breakover +breakshugh +breakstone +breakthrough +breakup +breakwater +breakwind +bream +breards +breast +breastband +breastbeam +breastbone +breasted +breaster +breastfeeding +breastful +breastheight +breasthook +breastie +breasting +breastless +breastmark +breastpiece +breastpin +breastplate +breastplow +breastrail +breastrope +breastsummer +breastweed +breastwise +breastwood +breastwork +breath +breathable +breathableness +breathe +breathed +breather +breathful +breathiness +breathing +breathingly +breathless +breathlessly +breathlessness +breathseller +breathy +breba +breccia +breccial +brecciated +brecciation +brecham +Brechites +breck +brecken +bred +bredbergite +brede +bredi +bree +breech +breechblock +breechcloth +breechclout +breeched +breeches +breechesflower +breechesless +breeching +breechless +breechloader +breed +breedable +breedbate +breeder +breediness +breeding +breedy +breek +breekless +breekums +breeze +breezeful +breezeless +breezelike +breezeway +breezily +breeziness +breezy +bregma +bregmata +bregmate +bregmatic +brehon +brehonship +brei +breislakite +breithauptite +brekkle +brelaw +breloque +breme +bremely +bremeness +Bremia +bremsstrahlung +Brenda +Brendan +Brender +brennage +Brent +brent +Brenthis +brephic +Brescian +Bret +bret +bretelle +bretesse +breth +brethren +Breton +Bretonian +Bretschneideraceae +Brett +brett +brettice +Bretwalda +Bretwaldadom +Bretwaldaship +breunnerite +breva +breve +brevet +brevetcy +breviary +breviate +breviature +brevicaudate +brevicipitid +Brevicipitidae +breviconic +brevier +brevifoliate +breviger +brevilingual +breviloquence +breviloquent +breviped +brevipen +brevipennate +breviradiate +brevirostral +brevirostrate +Brevirostrines +brevit +brevity +brew +brewage +brewer +brewership +brewery +brewhouse +brewing +brewis +brewmaster +brewst +brewster +brewsterite +brey +Brian +briar +briarberry +Briard +Briarean +Briareus +briarroot +bribe +bribee +bribegiver +bribegiving +bribemonger +briber +bribery +bribetaker +bribetaking +bribeworthy +Bribri +brichen +brichette +brick +brickbat +brickcroft +brickel +bricken +brickfield +brickfielder +brickhood +bricking +brickish +brickkiln +bricklayer +bricklaying +brickle +brickleness +bricklike +brickliner +bricklining +brickly +brickmaker +brickmaking +brickmason +brickset +bricksetter +bricktimber +brickwise +brickwork +bricky +brickyard +bricole +bridal +bridale +bridaler +bridally +Bride +bride +bridebed +bridebowl +bridecake +bridechamber +bridecup +bridegod +bridegroom +bridegroomship +bridehead +bridehood +brideknot +bridelace +brideless +bridelike +bridely +bridemaid +bridemaiden +bridemaidship +brideship +bridesmaid +bridesmaiding +bridesman +bridestake +bridewain +brideweed +bridewell +bridewort +bridge +bridgeable +bridgeboard +bridgebote +bridgebuilder +bridgebuilding +bridged +bridgehead +bridgekeeper +bridgeless +bridgelike +bridgemaker +bridgemaking +bridgeman +bridgemaster +bridgepot +Bridger +bridger +Bridget +bridgetree +bridgeward +bridgewards +bridgeway +bridgework +bridging +bridle +bridled +bridleless +bridleman +bridler +bridling +bridoon +brief +briefing +briefless +brieflessly +brieflessness +briefly +briefness +briefs +brier +brierberry +briered +brierroot +brierwood +briery +brieve +brig +brigade +brigadier +brigadiership +brigalow +brigand +brigandage +brigander +brigandine +brigandish +brigandishly +brigandism +Brigantes +Brigantia +brigantine +brigatry +brigbote +brigetty +Briggs +Briggsian +Brighella +Brighid +bright +brighten +brightener +brightening +Brighteyes +brighteyes +brightish +brightly +brightness +brightsmith +brightsome +brightsomeness +brightwork +Brigid +Brigittine +brill +brilliance +brilliancy +brilliandeer +brilliant +brilliantine +brilliantly +brilliantness +brilliantwise +brilliolette +brillolette +brills +brim +brimborion +brimborium +brimful +brimfully +brimfulness +briming +brimless +brimmed +brimmer +brimming +brimmingly +brimstone +brimstonewort +brimstony +brin +brindlish +brine +brinehouse +brineless +brineman +briner +bring +bringal +bringall +bringer +brininess +brinish +brinishness +brinjal +brinjarry +brink +brinkless +briny +brioche +briolette +brique +briquette +brisk +brisken +brisket +briskish +briskly +briskness +brisling +brisque +briss +Brissotin +Brissotine +bristle +bristlebird +bristlecone +bristled +bristleless +bristlelike +bristler +bristletail +bristlewort +bristliness +bristly +Bristol +brisure +brit +Britain +Britannia +Britannian +Britannic +Britannically +britchka +brith +brither +Briticism +British +Britisher +Britishhood +Britishism +Britishly +Britishness +Briton +Britoness +britska +Brittany +britten +brittle +brittlebush +brittlely +brittleness +brittlestem +brittlewood +brittlewort +brittling +Briza +brizz +broach +broacher +broad +broadacre +broadax +broadbill +Broadbrim +broadbrim +broadcast +broadcaster +broadcloth +broaden +broadhead +broadhearted +broadhorn +broadish +broadleaf +broadloom +broadly +broadmouth +broadness +broadpiece +broadshare +broadsheet +broadside +broadspread +broadsword +broadtail +broadthroat +Broadway +broadway +Broadwayite +broadways +broadwife +broadwise +brob +Brobdingnag +Brobdingnagian +brocade +brocaded +brocard +brocardic +brocatel +brocatello +broccoli +broch +brochan +brochant +brochantite +broche +brochette +brochidodromous +brocho +brochure +brock +brockage +brocked +brocket +brockle +brod +brodder +brodeglass +brodequin +broderer +Brodiaea +Brodie +brog +brogan +brogger +broggerite +broggle +brogue +brogueful +brogueneer +broguer +broguery +broguish +broider +broiderer +broideress +broidery +broigne +broil +broiler +broiling +broilingly +brokage +broke +broken +brokenhearted +brokenheartedly +brokenheartedness +brokenly +brokenness +broker +brokerage +brokeress +brokership +broking +brolga +broll +brolly +broma +bromacetanilide +bromacetate +bromacetic +bromacetone +bromal +bromalbumin +bromamide +bromargyrite +bromate +bromaurate +bromauric +brombenzamide +brombenzene +brombenzyl +bromcamphor +bromcresol +brome +bromeigon +Bromeikon +bromeikon +Bromelia +Bromeliaceae +bromeliaceous +bromeliad +bromelin +bromellite +bromethyl +bromethylene +bromgelatin +bromhidrosis +bromhydrate +bromhydric +Bromian +bromic +bromide +bromidic +bromidically +bromidrosis +brominate +bromination +bromindigo +bromine +brominism +brominize +bromiodide +Bromios +bromism +bromite +Bromius +bromization +bromize +bromizer +bromlite +bromoacetone +bromoaurate +bromoauric +bromobenzene +bromobenzyl +bromocamphor +bromochlorophenol +bromocresol +bromocyanidation +bromocyanide +bromocyanogen +bromoethylene +bromoform +bromogelatin +bromohydrate +bromohydrin +bromoil +bromoiodide +bromoiodism +bromoiodized +bromoketone +bromol +bromomania +bromomenorrhea +bromomethane +bromometric +bromometrical +bromometrically +bromometry +bromonaphthalene +bromophenol +bromopicrin +bromopnea +bromoprotein +bromothymol +bromous +bromphenol +brompicrin +bromthymol +bromuret +Bromus +bromvogel +bromyrite +bronc +bronchadenitis +bronchi +bronchia +bronchial +bronchially +bronchiarctia +bronchiectasis +bronchiectatic +bronchiloquy +bronchiocele +bronchiocrisis +bronchiogenic +bronchiolar +bronchiole +bronchioli +bronchiolitis +bronchiolus +bronchiospasm +bronchiostenosis +bronchitic +bronchitis +bronchium +bronchoadenitis +bronchoalveolar +bronchoaspergillosis +bronchoblennorrhea +bronchocavernous +bronchocele +bronchocephalitis +bronchoconstriction +bronchoconstrictor +bronchodilatation +bronchodilator +bronchoegophony +bronchoesophagoscopy +bronchogenic +bronchohemorrhagia +broncholemmitis +broncholith +broncholithiasis +bronchomotor +bronchomucormycosis +bronchomycosis +bronchopathy +bronchophonic +bronchophony +bronchophthisis +bronchoplasty +bronchoplegia +bronchopleurisy +bronchopneumonia +bronchopneumonic +bronchopulmonary +bronchorrhagia +bronchorrhaphy +bronchorrhea +bronchoscope +bronchoscopic +bronchoscopist +bronchoscopy +bronchospasm +bronchostenosis +bronchostomy +bronchotetany +bronchotome +bronchotomist +bronchotomy +bronchotracheal +bronchotyphoid +bronchotyphus +bronchovesicular +bronchus +bronco +broncobuster +brongniardite +bronk +Bronteana +bronteon +brontephobia +Brontesque +bronteum +brontide +brontogram +brontograph +brontolite +brontology +brontometer +brontophobia +Brontops +Brontosaurus +brontoscopy +Brontotherium +Brontozoum +Bronx +bronze +bronzed +bronzelike +bronzen +bronzer +bronzesmith +bronzewing +bronzify +bronzine +bronzing +bronzite +bronzitite +bronzy +broo +brooch +brood +brooder +broodiness +brooding +broodingly +broodless +broodlet +broodling +broody +brook +brookable +Brooke +brooked +brookflower +brookie +brookite +brookless +brooklet +brooklike +brooklime +Brooklynite +brookside +brookweed +brooky +brool +broom +broombush +broomcorn +broomer +broommaker +broommaking +broomrape +broomroot +broomshank +broomstaff +broomstick +broomstraw +broomtail +broomweed +broomwood +broomwort +broomy +broon +broose +broozled +brose +Brosimum +brosot +brosy +brot +brotan +brotany +broth +brothel +brotheler +brothellike +brothelry +brother +brotherhood +brotherless +brotherlike +brotherliness +brotherly +brothership +Brotherton +brotherwort +brothy +brotocrystal +Brotula +brotulid +Brotulidae +brotuliform +brough +brougham +brought +Broussonetia +brow +browache +Browallia +browallia +browband +browbeat +browbeater +browbound +browden +browed +browis +browless +browman +brown +brownback +browner +Brownian +brownie +browniness +browning +Browningesque +brownish +Brownism +Brownist +Brownistic +Brownistical +brownly +brownness +brownout +brownstone +browntail +browntop +brownweed +brownwort +browny +browpiece +browpost +browse +browser +browsick +browsing +browst +bruang +Bruce +Brucella +brucellosis +Bruchidae +Bruchus +brucia +brucina +brucine +brucite +bruckle +bruckled +bruckleness +Bructeri +brugh +brugnatellite +bruin +bruise +bruiser +bruisewort +bruising +bruit +bruiter +bruke +Brule +brulee +brulyie +brulyiement +brumal +Brumalia +brumby +brume +Brummagem +brummagem +brumous +brumstane +brumstone +brunch +Brunella +Brunellia +Brunelliaceae +brunelliaceous +brunet +brunetness +brunette +brunetteness +Brunfelsia +brunissure +Brunistic +brunneous +Brunnichia +Bruno +Brunonia +Brunoniaceae +Brunonian +Brunonism +Brunswick +brunswick +brunt +bruscus +brush +brushable +brushball +brushbird +brushbush +brushed +brusher +brushes +brushet +brushful +brushiness +brushing +brushite +brushland +brushless +brushlessness +brushlet +brushlike +brushmaker +brushmaking +brushman +brushoff +brushproof +brushwood +brushwork +brushy +brusque +brusquely +brusqueness +Brussels +brustle +brut +Bruta +brutage +brutal +brutalism +brutalist +brutalitarian +brutality +brutalization +brutalize +brutally +brute +brutedom +brutelike +brutely +bruteness +brutification +brutify +bruting +brutish +brutishly +brutishness +brutism +brutter +Brutus +bruzz +Bryaceae +bryaceous +Bryales +Bryan +Bryanism +Bryanite +Bryanthus +Bryce +bryogenin +bryological +bryologist +bryology +Bryonia +bryonidin +bryonin +bryony +Bryophyllum +Bryophyta +bryophyte +bryophytic +Bryozoa +bryozoan +bryozoon +bryozoum +Brython +Brythonic +Bryum +Bu +bu +bual +buaze +bub +buba +bubal +bubaline +Bubalis +bubalis +Bubastid +Bubastite +bubble +bubbleless +bubblement +bubbler +bubbling +bubblingly +bubblish +bubbly +bubby +bubbybush +Bube +bubinga +Bubo +bubo +buboed +bubonalgia +bubonic +Bubonidae +bubonocele +bubukle +bucare +bucca +buccal +buccally +buccan +buccaneer +buccaneerish +buccate +Buccellarius +buccina +buccinal +buccinator +buccinatory +Buccinidae +bucciniform +buccinoid +Buccinum +Bucco +buccobranchial +buccocervical +buccogingival +buccolabial +buccolingual +bucconasal +Bucconidae +Bucconinae +buccopharyngeal +buccula +Bucculatrix +bucentaur +Bucephala +Bucephalus +Buceros +Bucerotes +Bucerotidae +Bucerotinae +Buchanan +Buchanite +buchite +Buchloe +Buchmanism +Buchmanite +Buchnera +buchnerite +buchonite +buchu +buck +buckaroo +buckberry +buckboard +buckbrush +buckbush +bucked +buckeen +bucker +bucket +bucketer +bucketful +bucketing +bucketmaker +bucketmaking +bucketman +buckety +buckeye +buckhorn +buckhound +buckie +bucking +buckish +buckishly +buckishness +buckjump +buckjumper +bucklandite +buckle +buckled +buckleless +buckler +Buckleya +buckling +bucklum +bucko +buckplate +buckpot +buckra +buckram +bucksaw +buckshee +buckshot +buckskin +buckskinned +buckstall +buckstay +buckstone +bucktail +buckthorn +bucktooth +buckwagon +buckwash +buckwasher +buckwashing +buckwheat +buckwheater +buckwheatlike +Bucky +bucky +bucoliast +bucolic +bucolical +bucolically +bucolicism +Bucorvinae +Bucorvus +bucrane +bucranium +Bud +bud +buda +buddage +budder +Buddh +Buddha +Buddhahood +Buddhaship +buddhi +Buddhic +Buddhism +Buddhist +Buddhistic +Buddhistical +Buddhology +budding +buddle +Buddleia +buddleman +buddler +buddy +budge +budger +budgeree +budgereegah +budgerigar +budgerow +budget +budgetary +budgeteer +budgeter +budgetful +Budh +budless +budlet +budlike +budmash +Budorcas +budtime +Budukha +Buduma +budwood +budworm +budzat +Buettneria +Buettneriaceae +bufagin +buff +buffable +buffalo +buffaloback +buffball +buffcoat +buffed +buffer +buffet +buffeter +buffing +buffle +bufflehead +bufflehorn +buffont +buffoon +buffoonery +buffoonesque +buffoonish +buffoonism +buffware +buffy +bufidin +bufo +Bufonidae +bufonite +bufotalin +bug +bugaboo +bugan +bugbane +bugbear +bugbeardom +bugbearish +bugbite +bugdom +bugfish +bugger +buggery +bugginess +buggy +buggyman +bughead +bughouse +Bugi +Buginese +Buginvillaea +bugle +bugled +bugler +buglet +bugleweed +buglewort +bugloss +bugologist +bugology +bugproof +bugre +bugseed +bugweed +bugwort +buhl +buhr +buhrstone +build +buildable +builder +building +buildingless +buildress +buildup +built +buirdly +buisson +buist +Bukat +Bukeyef +bukh +Bukidnon +bukshi +bulak +Bulanda +bulb +bulbaceous +bulbar +bulbed +bulbiferous +bulbiform +bulbil +Bulbilis +bulbilla +bulbless +bulblet +bulblike +bulbocapnin +bulbocapnine +bulbocavernosus +bulbocavernous +Bulbochaete +Bulbocodium +bulbomedullary +bulbomembranous +bulbonuclear +Bulbophyllum +bulborectal +bulbose +bulbospinal +bulbotuber +bulbous +bulbul +bulbule +bulby +bulchin +Bulgar +Bulgari +Bulgarian +Bulgaric +Bulgarophil +bulge +bulger +bulginess +bulgy +bulimia +bulimiac +bulimic +bulimiform +bulimoid +Bulimulidae +Bulimus +bulimy +bulk +bulked +bulker +bulkhead +bulkheaded +bulkily +bulkiness +bulkish +bulky +bull +bulla +bullace +bullamacow +bullan +bullary +bullate +bullated +bullation +bullback +bullbaiting +bullbat +bullbeggar +bullberry +bullbird +bullboat +bullcart +bullcomber +bulldog +bulldogged +bulldoggedness +bulldoggy +bulldogism +bulldoze +bulldozer +buller +bullet +bulleted +bullethead +bulletheaded +bulletheadedness +bulletin +bulletless +bulletlike +bulletmaker +bulletmaking +bulletproof +bulletwood +bullety +bullfeast +bullfight +bullfighter +bullfighting +bullfinch +bullfist +bullflower +bullfoot +bullfrog +bullhead +bullheaded +bullheadedly +bullheadedness +bullhide +bullhoof +bullhorn +Bullidae +bulliform +bullimong +bulling +bullion +bullionism +bullionist +bullionless +bullish +bullishly +bullishness +bullism +bullit +bullneck +bullnose +bullnut +bullock +bullocker +Bullockite +bullockman +bullocky +Bullom +bullous +bullpates +bullpoll +bullpout +bullskin +bullsticker +bullsucker +bullswool +bulltoad +bullule +bullweed +bullwhack +bullwhacker +bullwhip +bullwort +bully +bullyable +bullydom +bullyhuff +bullying +bullyism +bullyrag +bullyragger +bullyragging +bullyrook +bulrush +bulrushlike +bulrushy +bulse +bult +bulter +bultey +bultong +bultow +bulwand +bulwark +bum +bumbailiff +bumbailiffship +bumbarge +bumbaste +bumbaze +bumbee +bumbershoot +bumble +bumblebee +bumbleberry +Bumbledom +bumblefoot +bumblekite +bumblepuppy +bumbler +bumbo +bumboat +bumboatman +bumboatwoman +bumclock +Bumelia +bumicky +bummalo +bummaree +bummed +bummer +bummerish +bummie +bumming +bummler +bummock +bump +bumpee +bumper +bumperette +bumpily +bumpiness +bumping +bumpingly +bumpkin +bumpkinet +bumpkinish +bumpkinly +bumpology +bumptious +bumptiously +bumptiousness +bumpy +bumtrap +bumwood +bun +Buna +buna +buncal +bunce +bunch +bunchberry +buncher +bunchflower +bunchily +bunchiness +bunchy +buncombe +bund +Bunda +Bundahish +Bundeli +bunder +Bundestag +bundle +bundler +bundlerooted +bundlet +bundobust +bundook +Bundu +bundweed +bundy +bunemost +bung +Bunga +bungaloid +bungalow +bungarum +Bungarus +bungee +bungerly +bungey +bungfu +bungfull +bunghole +bungle +bungler +bunglesome +bungling +bunglingly +bungmaker +bungo +bungwall +bungy +Buninahua +bunion +bunk +bunker +bunkerman +bunkery +bunkhouse +bunkie +bunkload +bunko +bunkum +bunnell +bunny +bunnymouth +bunodont +Bunodonta +bunolophodont +Bunomastodontidae +bunoselenodont +bunsenite +bunt +buntal +bunted +Bunter +bunter +bunting +buntline +bunton +bunty +bunya +bunyah +bunyip +Bunyoro +buoy +buoyage +buoyance +buoyancy +buoyant +buoyantly +buoyantness +Buphaga +buphthalmia +buphthalmic +Buphthalmum +bupleurol +Bupleurum +buplever +buprestid +Buprestidae +buprestidan +Buprestis +bur +buran +burao +Burbank +burbank +burbankian +Burbankism +burbark +Burberry +burble +burbler +burbly +burbot +burbush +burd +burdalone +burden +burdener +burdenless +burdenous +burdensome +burdensomely +burdensomeness +burdie +Burdigalian +burdock +burdon +bure +bureau +bureaucracy +bureaucrat +bureaucratic +bureaucratical +bureaucratically +bureaucratism +bureaucratist +bureaucratization +bureaucratize +bureaux +burel +burele +buret +burette +burfish +burg +burgage +burgality +burgall +burgee +burgensic +burgeon +burgess +burgessdom +burggrave +burgh +burghal +burghalpenny +burghbote +burghemot +burgher +burgherage +burgherdom +burgheress +burgherhood +burghermaster +burghership +burghmaster +burghmoot +burglar +burglarious +burglariously +burglarize +burglarproof +burglary +burgle +burgomaster +burgomastership +burgonet +burgoo +burgoyne +burgrave +burgraviate +burgul +Burgundian +Burgundy +burgus +burgware +burhead +Burhinidae +Burhinus +Buri +buri +burial +burian +Buriat +buried +burier +burin +burinist +burion +buriti +burka +burke +burker +burkundaz +burl +burlap +burled +burler +burlesque +burlesquely +burlesquer +burlet +burletta +Burley +burlily +burliness +Burlington +burly +Burman +Burmannia +Burmanniaceae +burmanniaceous +Burmese +burmite +burn +burnable +burnbeat +burned +burner +burnet +burnetize +burnfire +burnie +burniebee +burning +burningly +burnish +burnishable +burnisher +burnishing +burnishment +burnoose +burnoosed +burnous +burnout +burnover +Burnsian +burnside +burnsides +burnt +burntweed +burnut +burnwood +burny +buro +burp +burr +burrah +burrawang +burred +burrel +burrer +burrgrailer +burring +burrish +burrito +burrknot +burro +burrobrush +burrow +burroweed +burrower +burrowstown +burry +bursa +bursal +bursar +bursarial +bursarship +bursary +bursate +bursattee +bursautee +burse +burseed +Bursera +Burseraceae +Burseraceous +bursicle +bursiculate +bursiform +bursitis +burst +burster +burstwort +burt +burthenman +burton +burtonization +burtonize +burucha +Burushaski +Burut +burweed +bury +burying +bus +Busaos +busby +buscarl +buscarle +bush +bushbeater +bushbuck +bushcraft +bushed +bushel +busheler +bushelful +bushelman +bushelwoman +busher +bushfighter +bushfighting +bushful +bushhammer +bushi +bushily +bushiness +bushing +bushland +bushless +bushlet +bushlike +bushmaker +bushmaking +Bushman +bushmanship +bushmaster +bushment +Bushongo +bushranger +bushranging +bushrope +bushveld +bushwa +bushwhack +bushwhacker +bushwhacking +bushwife +bushwoman +bushwood +bushy +busied +busily +busine +business +businesslike +businesslikeness +businessman +businesswoman +busk +busked +busker +busket +buskin +buskined +buskle +busky +busman +buss +busser +bussock +bussu +bust +bustard +busted +bustee +buster +busthead +bustic +busticate +bustle +bustled +bustler +bustling +bustlingly +busy +busybodied +busybody +busybodyish +busybodyism +busybodyness +Busycon +busyhead +busying +busyish +busyness +busywork +but +butadiene +butadiyne +butanal +butane +butanoic +butanol +butanolid +butanolide +butanone +butch +butcher +butcherbird +butcherdom +butcherer +butcheress +butchering +butcherless +butcherliness +butcherly +butcherous +butchery +Bute +Butea +butein +butene +butenyl +Buteo +buteonine +butic +butine +Butler +butler +butlerage +butlerdom +butleress +butlerism +butlerlike +butlership +butlery +butment +Butomaceae +butomaceous +Butomus +butoxy +butoxyl +Butsu +butt +butte +butter +butteraceous +butterback +butterball +butterbill +butterbird +butterbox +butterbump +butterbur +butterbush +buttercup +buttered +butterfat +butterfingered +butterfingers +butterfish +butterflower +butterfly +butterflylike +butterhead +butterine +butteriness +butteris +butterjags +butterless +butterlike +buttermaker +buttermaking +butterman +buttermilk +buttermonger +buttermouth +butternose +butternut +butterroot +butterscotch +butterweed +butterwife +butterwoman +butterworker +butterwort +butterwright +buttery +butteryfingered +buttgenbachite +butting +buttinsky +buttle +buttock +buttocked +buttocker +button +buttonball +buttonbur +buttonbush +buttoned +buttoner +buttonhold +buttonholder +buttonhole +buttonholer +buttonhook +buttonless +buttonlike +buttonmold +buttons +buttonweed +buttonwood +buttony +buttress +buttressless +buttresslike +buttstock +buttwoman +buttwood +butty +buttyman +butyl +butylamine +butylation +butylene +butylic +Butyn +butyne +butyr +butyraceous +butyral +butyraldehyde +butyrate +butyric +butyrically +butyrin +butyrinase +butyrochloral +butyrolactone +butyrometer +butyrometric +butyrone +butyrous +butyrousness +butyryl +Buxaceae +buxaceous +Buxbaumia +Buxbaumiaceae +buxerry +buxom +buxomly +buxomness +Buxus +buy +buyable +buyer +Buyides +buzane +buzylene +buzz +buzzard +buzzardlike +buzzardly +buzzer +buzzerphone +buzzgloak +buzzies +buzzing +buzzingly +buzzle +buzzwig +buzzy +by +Byblidaceae +Byblis +bycoket +bye +byee +byegaein +byeman +byepath +byerite +byerlite +byestreet +byeworker +byeworkman +bygane +byganging +bygo +bygoing +bygone +byhand +bylaw +bylawman +byname +bynedestin +Bynin +byon +byordinar +byordinary +byous +byously +bypass +bypasser +bypast +bypath +byplay +byre +byreman +byrewards +byrewoman +byrlaw +byrlawman +byrnie +byroad +Byron +Byronesque +Byronian +Byroniana +Byronic +Byronically +Byronics +Byronish +Byronism +Byronist +Byronite +Byronize +byrrus +Byrsonima +byrthynsak +Bysacki +bysen +bysmalith +byspell +byssaceous +byssal +byssiferous +byssin +byssine +byssinosis +byssogenous +byssoid +byssolite +byssus +bystander +bystreet +byth +bytime +bytownite +bytownitite +bywalk +bywalker +byway +bywoner +byword +bywork +Byzantian +Byzantine +Byzantinesque +Byzantinism +Byzantinize +C +c +ca +caam +caama +caaming +caapeba +caatinga +cab +caba +cabaan +caback +cabaho +cabal +cabala +cabalassou +cabaletta +cabalic +cabalism +cabalist +cabalistic +cabalistical +cabalistically +caballer +caballine +caban +cabana +cabaret +cabas +cabasset +cabassou +cabbage +cabbagehead +cabbagewood +cabbagy +cabber +cabble +cabbler +cabby +cabda +cabdriver +cabdriving +cabellerote +caber +cabernet +cabestro +cabezon +cabilliau +cabin +Cabinda +cabinet +cabinetmaker +cabinetmaking +cabinetry +cabinetwork +cabinetworker +cabinetworking +cabio +Cabirean +Cabiri +Cabiria +Cabirian +Cabiric +Cabiritic +cable +cabled +cablegram +cableless +cablelike +cableman +cabler +cablet +cableway +cabling +cabman +cabob +caboceer +cabochon +cabocle +Cabomba +Cabombaceae +caboodle +cabook +caboose +caboshed +cabot +cabotage +cabree +cabrerite +cabreuva +cabrilla +cabriole +cabriolet +cabrit +cabstand +cabureiba +cabuya +Caca +Cacajao +Cacalia +cacam +Cacan +Cacana +cacanthrax +cacao +Cacara +Cacatua +Cacatuidae +Cacatuinae +Caccabis +cacesthesia +cacesthesis +cachalot +cachaza +cache +cachectic +cachemia +cachemic +cachet +cachexia +cachexic +cachexy +cachibou +cachinnate +cachinnation +cachinnator +cachinnatory +cacholong +cachou +cachrys +cachucha +cachunde +Cacicus +cacidrosis +caciocavallo +cacique +caciqueship +caciquism +cack +cackerel +cackle +cackler +cacocholia +cacochroia +cacochylia +cacochymia +cacochymic +cacochymical +cacochymy +cacocnemia +cacodaemoniac +cacodaemonial +cacodaemonic +cacodemon +cacodemonia +cacodemoniac +cacodemonial +cacodemonic +cacodemonize +cacodemonomania +cacodontia +cacodorous +cacodoxian +cacodoxical +cacodoxy +cacodyl +cacodylate +cacodylic +cacoeconomy +cacoepist +cacoepistic +cacoepy +cacoethes +cacoethic +cacogalactia +cacogastric +cacogenesis +cacogenic +cacogenics +cacogeusia +cacoglossia +cacographer +cacographic +cacographical +cacography +cacology +cacomagician +cacomelia +cacomistle +cacomixl +cacomixle +cacomorphia +cacomorphosis +caconychia +caconym +caconymic +cacoon +cacopathy +cacopharyngia +cacophonia +cacophonic +cacophonical +cacophonically +cacophonist +cacophonize +cacophonous +cacophonously +cacophony +cacophthalmia +cacoplasia +cacoplastic +cacoproctia +cacorhythmic +cacorrhachis +cacorrhinia +cacosmia +cacospermia +cacosplanchnia +cacostomia +cacothansia +cacotheline +cacothesis +cacothymia +cacotrichia +cacotrophia +cacotrophic +cacotrophy +cacotype +cacoxene +cacoxenite +cacozeal +cacozealous +cacozyme +Cactaceae +cactaceous +Cactales +cacti +cactiform +cactoid +Cactus +cacuminal +cacuminate +cacumination +cacuminous +cacur +cad +cadalene +cadamba +cadastral +cadastration +cadastre +cadaver +cadaveric +cadaverine +cadaverize +cadaverous +cadaverously +cadaverousness +cadbait +cadbit +cadbote +caddice +caddiced +Caddie +caddie +caddis +caddised +caddish +caddishly +caddishness +caddle +Caddo +Caddoan +caddow +caddy +cade +cadelle +cadence +cadenced +cadency +cadent +cadential +cadenza +cader +caderas +Cadet +cadet +cadetcy +cadetship +cadette +cadew +cadge +cadger +cadgily +cadginess +cadgy +cadi +cadilesker +cadinene +cadism +cadiueio +cadjan +cadlock +Cadmean +cadmia +cadmic +cadmide +cadmiferous +cadmium +cadmiumize +Cadmopone +Cadmus +cados +cadrans +cadre +cadua +caduac +caduca +caducary +caducean +caduceus +caduciary +caducibranch +Caducibranchiata +caducibranchiate +caducicorn +caducity +caducous +cadus +Cadwal +Cadwallader +cadweed +caeca +caecal +caecally +caecectomy +caeciform +Caecilia +Caeciliae +caecilian +Caeciliidae +caecitis +caecocolic +caecostomy +caecotomy +caecum +Caedmonian +Caedmonic +Caelian +caelometer +Caelum +Caelus +Caenogaea +Caenogaean +Caenolestes +caenostylic +caenostyly +caeoma +caeremoniarius +Caerphilly +Caesalpinia +Caesalpiniaceae +caesalpiniaceous +Caesar +Caesardom +Caesarean +Caesareanize +Caesarian +Caesarism +Caesarist +Caesarize +caesaropapacy +caesaropapism +caesaropopism +Caesarotomy +Caesarship +caesious +caesura +caesural +caesuric +cafeneh +cafenet +cafeteria +caffa +caffeate +caffeic +caffeina +caffeine +caffeinic +caffeinism +caffeism +caffeol +caffeone +caffetannic +caffetannin +caffiso +caffle +caffoline +caffoy +cafh +cafiz +caftan +caftaned +cag +Cagayan +cage +caged +cageful +cageless +cagelike +cageling +cageman +cager +cagester +cagework +cagey +caggy +cagily +cagit +cagmag +Cagn +Cahenslyism +Cahill +cahincic +Cahita +cahiz +Cahnite +Cahokia +cahoot +cahot +cahow +Cahuapana +Cahuilla +caickle +caid +cailcedra +cailleach +caimacam +caimakam +caiman +caimitillo +caimito +Cain +cain +Caingang +Caingua +Cainian +Cainish +Cainism +Cainite +Cainitic +caique +caiquejee +Cairba +caird +Cairene +cairn +cairned +cairngorm +cairngorum +cairny +Cairo +caisson +caissoned +Caitanyas +Caite +caitiff +Cajan +Cajanus +cajeput +cajole +cajolement +cajoler +cajolery +cajoling +cajolingly +cajuela +Cajun +cajun +cajuput +cajuputene +cajuputol +Cakavci +Cakchikel +cake +cakebox +cakebread +cakehouse +cakemaker +cakemaking +caker +cakette +cakewalk +cakewalker +cakey +Cakile +caky +cal +calaba +Calabar +Calabari +calabash +calabaza +calabazilla +calaber +calaboose +calabrasella +Calabrese +calabrese +Calabrian +calade +Caladium +calais +calalu +Calamagrostis +calamanco +calamansi +Calamariaceae +calamariaceous +Calamariales +calamarian +calamarioid +calamaroid +calamary +calambac +calambour +calamiferous +calamiform +calaminary +calamine +calamint +Calamintha +calamistral +calamistrum +calamite +calamitean +Calamites +calamitoid +calamitous +calamitously +calamitousness +calamity +Calamodendron +calamondin +Calamopitys +Calamospermae +Calamostachys +calamus +calander +Calandra +calandria +Calandridae +Calandrinae +Calandrinia +calangay +calantas +Calanthe +calapite +Calappa +Calappidae +Calas +calascione +calash +Calathea +calathian +calathidium +calathiform +calathiscus +calathus +Calatrava +calaverite +calbroben +calcaneal +calcaneoastragalar +calcaneoastragaloid +calcaneocuboid +calcaneofibular +calcaneonavicular +calcaneoplantar +calcaneoscaphoid +calcaneotibial +calcaneum +calcaneus +calcar +calcarate +Calcarea +calcareoargillaceous +calcareobituminous +calcareocorneous +calcareosiliceous +calcareosulphurous +calcareous +calcareously +calcareousness +calcariferous +calcariform +calcarine +calced +calceiform +calcemia +Calceolaria +calceolate +Calchaqui +Calchaquian +calcic +calciclase +calcicole +calcicolous +calcicosis +calciferol +Calciferous +calciferous +calcific +calcification +calcified +calciform +calcifugal +calcifuge +calcifugous +calcify +calcigenous +calcigerous +calcimeter +calcimine +calciminer +calcinable +calcination +calcinatory +calcine +calcined +calciner +calcinize +calciobiotite +calciocarnotite +calcioferrite +calcioscheelite +calciovolborthite +calcipexy +calciphile +calciphilia +calciphilous +calciphobe +calciphobous +calciphyre +calciprivic +calcisponge +Calcispongiae +calcite +calcitestaceous +calcitic +calcitrant +calcitrate +calcitreation +calcium +calcivorous +calcographer +calcographic +calcography +calcrete +calculability +calculable +Calculagraph +calculary +calculate +calculated +calculatedly +calculating +calculatingly +calculation +calculational +calculative +calculator +calculatory +calculi +calculiform +calculist +calculous +calculus +Calcydon +calden +caldron +calean +Caleb +Caledonia +Caledonian +caledonite +calefacient +calefaction +calefactive +calefactor +calefactory +calelectric +calelectrical +calelectricity +Calemes +calendal +calendar +calendarer +calendarial +calendarian +calendaric +calender +calenderer +calendric +calendrical +calendry +calends +Calendula +calendulin +calentural +calenture +calenturist +calepin +calescence +calescent +calf +calfbound +calfhood +calfish +calfkill +calfless +calflike +calfling +calfskin +Caliban +Calibanism +caliber +calibered +calibogus +calibrate +calibration +calibrator +calibre +Caliburn +Caliburno +calicate +calices +caliciform +calicle +calico +calicoback +calicoed +calicular +caliculate +Calicut +calid +calidity +caliduct +California +Californian +californite +californium +caliga +caligated +caliginous +caliginously +caligo +Calimeris +Calinago +calinda +calinut +caliological +caliologist +caliology +calipash +calipee +caliper +caliperer +calipers +caliph +caliphal +caliphate +caliphship +Calista +calistheneum +calisthenic +calisthenical +calisthenics +Calite +caliver +calix +Calixtin +Calixtus +calk +calkage +calker +calkin +calking +call +Calla +callable +callainite +callant +callboy +caller +callet +calli +Callianassa +Callianassidae +Calliandra +Callicarpa +Callicebus +callid +callidity +callidness +calligraph +calligrapha +calligrapher +calligraphic +calligraphical +calligraphically +calligraphist +calligraphy +calling +Callionymidae +Callionymus +Calliope +calliophone +Calliopsis +calliper +calliperer +Calliphora +calliphorid +Calliphoridae +calliphorine +callipygian +callipygous +Callirrhoe +Callisaurus +callisection +callisteia +Callistemon +Callistephus +Callithrix +callithump +callithumpian +Callitrichaceae +callitrichaceous +Callitriche +Callitrichidae +Callitris +callitype +callo +Callorhynchidae +Callorhynchus +callosal +callose +callosity +callosomarginal +callosum +callous +callously +callousness +Callovian +callow +callower +callowman +callowness +Calluna +callus +Callynteria +calm +calmant +calmative +calmer +calmierer +calmingly +calmly +calmness +calmy +Calocarpum +Calochortaceae +Calochortus +calodemon +calography +calomba +calomel +calomorphic +Calonectria +Calonyction +calool +Calophyllum +Calopogon +calor +calorescence +calorescent +caloric +caloricity +calorie +calorifacient +calorific +calorifical +calorifically +calorification +calorifics +calorifier +calorify +calorigenic +calorimeter +calorimetric +calorimetrical +calorimetrically +calorimetry +calorimotor +caloris +calorisator +calorist +Calorite +calorize +calorizer +Calosoma +Calotermes +calotermitid +Calotermitidae +Calothrix +calotte +calotype +calotypic +calotypist +caloyer +calp +calpac +calpack +calpacked +calpulli +Caltha +caltrap +caltrop +calumba +calumet +calumniate +calumniation +calumniative +calumniator +calumniatory +calumnious +calumniously +calumniousness +calumny +Calusa +calutron +Calvados +calvaria +calvarium +Calvary +Calvatia +calve +calved +calver +calves +Calvin +Calvinian +Calvinism +Calvinist +Calvinistic +Calvinistical +Calvinistically +Calvinize +calvish +calvities +calvity +calvous +calx +calycanth +Calycanthaceae +calycanthaceous +calycanthemous +calycanthemy +calycanthine +Calycanthus +calycate +Calyceraceae +calyceraceous +calyces +calyciferous +calycifloral +calyciflorate +calyciflorous +calyciform +calycinal +calycine +calycle +calycled +Calycocarpum +calycoid +calycoideous +Calycophora +Calycophorae +calycophoran +Calycozoa +calycozoan +calycozoic +calycozoon +calycular +calyculate +calyculated +calycule +calyculus +Calydon +Calydonian +Calymene +calymma +calyphyomy +calypsist +Calypso +calypso +calypsonian +calypter +Calypterae +Calyptoblastea +calyptoblastic +Calyptorhynchus +calyptra +Calyptraea +Calyptranthes +Calyptrata +Calyptratae +calyptrate +calyptriform +calyptrimorphous +calyptro +calyptrogen +Calyptrogyne +Calystegia +calyx +cam +camaca +Camacan +camagon +camail +camailed +Camaldolensian +Camaldolese +Camaldolesian +Camaldolite +Camaldule +Camaldulian +camalote +caman +camansi +camara +camaraderie +Camarasaurus +camarilla +camass +Camassia +camata +camatina +Camaxtli +camb +Camball +Cambalo +Cambarus +cambaye +camber +Cambeva +cambial +cambiform +cambiogenetic +cambism +cambist +cambistry +cambium +Cambodian +cambogia +cambrel +cambresine +Cambrian +Cambric +cambricleaf +cambuca +Cambuscan +Cambyuskan +Came +came +cameist +camel +camelback +cameleer +Camelid +Camelidae +Camelina +cameline +camelish +camelishness +camelkeeper +Camellia +Camelliaceae +camellike +camellin +Camellus +camelman +cameloid +Cameloidea +camelopard +Camelopardalis +Camelopardid +Camelopardidae +Camelopardus +camelry +Camelus +Camembert +Camenae +Camenes +cameo +cameograph +cameography +camera +cameral +cameralism +cameralist +cameralistic +cameralistics +cameraman +Camerata +camerate +camerated +cameration +camerier +Camerina +Camerinidae +camerist +camerlingo +Cameronian +Camestres +camilla +camillus +camion +camisado +Camisard +camise +camisia +camisole +camlet +camleteen +Cammarum +cammed +cammock +cammocky +camomile +camoodi +camoodie +Camorra +Camorrism +Camorrist +Camorrista +camouflage +camouflager +camp +Campa +campagna +campagnol +campaign +campaigner +campana +campane +campanero +Campanian +campaniform +campanile +campaniliform +campanilla +campanini +campanist +campanistic +campanologer +campanological +campanologically +campanologist +campanology +Campanula +Campanulaceae +campanulaceous +Campanulales +campanular +Campanularia +Campanulariae +campanularian +Campanularidae +Campanulatae +campanulate +campanulated +campanulous +Campaspe +Campbellism +Campbellite +campbellite +campcraft +Campe +Campephagidae +campephagine +Campephilus +camper +campestral +campfight +campfire +campground +camphane +camphanic +camphanone +camphanyl +camphene +camphine +camphire +campho +camphocarboxylic +camphoid +camphol +campholic +campholide +campholytic +camphor +camphoraceous +camphorate +camphoric +camphorize +camphorone +camphoronic +camphoroyl +camphorphorone +camphorwood +camphory +camphoryl +camphylene +Campignian +campimeter +campimetrical +campimetry +Campine +campion +cample +campmaster +campo +Campodea +campodeid +Campodeidae +campodeiform +campodeoid +campody +Camponotus +campoo +camporee +campshed +campshedding +campsheeting +campshot +campstool +camptodrome +camptonite +Camptosorus +campulitropal +campulitropous +campus +campward +campylite +campylodrome +campylometer +Campyloneuron +campylospermous +campylotropal +campylotropous +camshach +camshachle +camshaft +camstane +camstone +camuning +camus +camused +camwood +can +Cana +Canaan +Canaanite +Canaanitess +Canaanitic +Canaanitish +canaba +Canacee +Canada +canada +Canadian +Canadianism +Canadianization +Canadianize +canadine +canadite +canadol +canaigre +canaille +canajong +canal +canalage +canalboat +canalicular +canaliculate +canaliculated +canaliculation +canaliculi +canaliculization +canaliculus +canaliferous +canaliform +canalization +canalize +canaller +canalling +canalman +canalside +Canamary +canamo +Cananaean +Cananga +Canangium +canape +canapina +canard +Canari +canari +Canarian +canarin +Canariote +Canarium +Canarsee +canary +canasta +canaster +canaut +Canavali +Canavalia +canavalin +Canberra +cancan +cancel +cancelable +cancelation +canceleer +canceler +cancellarian +cancellate +cancellated +cancellation +cancelli +cancellous +cancellus +cancelment +cancer +cancerate +canceration +cancerdrops +cancered +cancerigenic +cancerism +cancerophobe +cancerophobia +cancerous +cancerously +cancerousness +cancerroot +cancerweed +cancerwort +canch +canchalagua +Canchi +Cancri +Cancrid +cancriform +cancrinite +cancrisocial +cancrivorous +cancrizans +cancroid +cancrophagous +cancrum +cand +Candace +candareen +candela +candelabra +candelabrum +candelilla +candent +candescence +candescent +candescently +candid +candidacy +candidate +candidateship +candidature +candidly +candidness +candied +candier +candify +Candiot +candiru +candle +candleball +candlebeam +candleberry +candlebomb +candlebox +candlefish +candleholder +candlelight +candlelighted +candlelighter +candlelighting +candlelit +candlemaker +candlemaking +Candlemas +candlenut +candlepin +candler +candlerent +candleshine +candleshrift +candlestand +candlestick +candlesticked +candlestickward +candlewaster +candlewasting +candlewick +candlewood +candlewright +candock +Candollea +Candolleaceae +candolleaceous +candor +candroy +candy +candymaker +candymaking +candys +candystick +candytuft +candyweed +cane +canebrake +canel +canelike +canella +Canellaceae +canellaceous +Canelo +canelo +caneology +canephor +canephore +canephoros +canephroi +caner +canescence +canescent +canette +canewise +canework +Canfield +canfieldite +canful +cangan +cangia +cangle +cangler +cangue +canhoop +Canichana +Canichanan +canicola +Canicula +canicular +canicule +canid +Canidae +Canidia +canille +caninal +canine +caniniform +caninity +caninus +canioned +canions +Canis +Canisiana +canistel +canister +canities +canjac +cank +canker +cankerberry +cankerbird +cankereat +cankered +cankeredly +cankeredness +cankerflower +cankerous +cankerroot +cankerweed +cankerworm +cankerwort +cankery +canmaker +canmaking +canman +Canna +canna +cannabic +Cannabinaceae +cannabinaceous +cannabine +cannabinol +Cannabis +cannabism +Cannaceae +cannaceous +cannach +canned +cannel +cannelated +cannelure +cannelured +cannequin +canner +cannery +cannet +cannibal +cannibalean +cannibalic +cannibalish +cannibalism +cannibalistic +cannibalistically +cannibality +cannibalization +cannibalize +cannibally +cannikin +cannily +canniness +canning +cannon +cannonade +cannoned +cannoneer +cannoneering +Cannonism +cannonproof +cannonry +cannot +Cannstatt +cannula +cannular +cannulate +cannulated +canny +canoe +canoeing +Canoeiro +canoeist +canoeload +canoeman +canoewood +canon +canoncito +canoness +canonic +canonical +canonically +canonicalness +canonicals +canonicate +canonicity +canonics +canonist +canonistic +canonistical +canonizant +canonization +canonize +canonizer +canonlike +canonry +canonship +canoodle +canoodler +Canopic +canopic +Canopus +canopy +canorous +canorously +canorousness +Canossa +canroy +canroyer +canso +cant +Cantab +cantabank +cantabile +Cantabri +Cantabrian +Cantabrigian +Cantabrize +cantala +cantalite +cantaloupe +cantankerous +cantankerously +cantankerousness +cantar +cantara +cantaro +cantata +Cantate +cantation +cantative +cantatory +cantboard +canted +canteen +cantefable +canter +Canterburian +Canterburianism +Canterbury +canterer +canthal +Cantharellus +Cantharidae +cantharidal +cantharidate +cantharides +cantharidian +cantharidin +cantharidism +cantharidize +cantharis +cantharophilous +cantharus +canthectomy +canthitis +cantholysis +canthoplasty +canthorrhaphy +canthotomy +canthus +cantic +canticle +cantico +cantilena +cantilene +cantilever +cantilevered +cantillate +cantillation +cantily +cantina +cantiness +canting +cantingly +cantingness +cantion +cantish +cantle +cantlet +canto +Canton +canton +cantonal +cantonalism +cantoned +cantoner +Cantonese +cantonment +cantoon +cantor +cantoral +Cantorian +cantoris +cantorous +cantorship +cantred +cantref +cantrip +cantus +cantwise +canty +Canuck +canun +canvas +canvasback +canvasman +canvass +canvassy +cany +canyon +canzon +canzonet +caoba +Caodaism +Caodaist +caoutchouc +caoutchoucin +cap +capability +capable +capableness +capably +capacious +capaciously +capaciousness +capacitance +capacitate +capacitation +capacitative +capacitativly +capacitive +capacitor +capacity +capanna +capanne +caparison +capax +capcase +Cape +cape +caped +capel +capelet +capelin +capeline +Capella +capellet +caper +caperbush +capercaillie +capercally +capercut +caperer +capering +caperingly +Capernaism +Capernaite +Capernaitic +Capernaitical +Capernaitically +Capernaitish +capernoited +capernoitie +capernoity +capersome +caperwort +capes +capeskin +Capetian +Capetonian +capeweed +capewise +capful +Caph +caph +caphar +caphite +Caphtor +Caphtorim +capias +capicha +capillaceous +capillaire +capillament +capillarectasia +capillarily +capillarimeter +capillariness +capillariomotor +capillarity +capillary +capillation +capilliculture +capilliform +capillitial +capillitium +capillose +capistrate +capital +capitaldom +capitaled +capitalism +capitalist +capitalistic +capitalistically +capitalizable +capitalization +capitalize +capitally +capitalness +capitan +capitate +capitated +capitatim +capitation +capitative +capitatum +capitellar +capitellate +capitelliform +capitellum +Capito +Capitol +Capitolian +Capitoline +Capitolium +Capitonidae +Capitoninae +capitoul +capitoulate +capitulant +capitular +capitularly +capitulary +capitulate +capitulation +capitulator +capitulatory +capituliform +capitulum +capivi +capkin +capless +caplin +capmaker +capmaking +capman +capmint +Capnodium +Capnoides +capnomancy +capocchia +capomo +capon +caponier +caponize +caponizer +caporal +capot +capote +cappadine +Cappadocian +Capparidaceae +capparidaceous +Capparis +capped +cappelenite +capper +cappie +capping +capple +cappy +Capra +caprate +Caprella +Caprellidae +caprelline +capreol +capreolar +capreolary +capreolate +capreoline +Capreolus +Capri +capric +capriccetto +capricci +capriccio +caprice +capricious +capriciously +capriciousness +Capricorn +Capricornid +Capricornus +caprid +caprificate +caprification +caprificator +caprifig +Caprifoliaceae +caprifoliaceous +Caprifolium +caprifolium +capriform +caprigenous +Caprimulgi +Caprimulgidae +Caprimulgiformes +caprimulgine +Caprimulgus +caprin +caprine +caprinic +Capriola +capriole +Capriote +capriped +capripede +caprizant +caproate +caproic +caproin +Capromys +caprone +capronic +capronyl +caproyl +capryl +caprylate +caprylene +caprylic +caprylin +caprylone +caprylyl +capsa +capsaicin +Capsella +capsheaf +capshore +Capsian +capsicin +Capsicum +capsicum +capsid +Capsidae +capsizal +capsize +capstan +capstone +capsula +capsulae +capsular +capsulate +capsulated +capsulation +capsule +capsulectomy +capsuler +capsuliferous +capsuliform +capsuligerous +capsulitis +capsulociliary +capsulogenous +capsulolenticular +capsulopupillary +capsulorrhaphy +capsulotome +capsulotomy +capsumin +captaculum +captain +captaincy +captainess +captainly +captainry +captainship +captance +captation +caption +captious +captiously +captiousness +captivate +captivately +captivating +captivatingly +captivation +captivative +captivator +captivatrix +captive +captivity +captor +captress +capturable +capture +capturer +Capuan +capuche +capuched +Capuchin +capuchin +capucine +capulet +capulin +capybara +Caquetio +car +Cara +carabao +carabeen +carabid +Carabidae +carabidan +carabideous +carabidoid +carabin +carabineer +Carabini +caraboid +Carabus +carabus +caracal +caracara +caracol +caracole +caracoler +caracoli +caracolite +caracoller +caracore +caract +Caractacus +caracter +Caradoc +carafe +Caragana +Caraguata +caraguata +Caraho +caraibe +Caraipa +caraipi +Caraja +Carajas +carajura +caramba +carambola +carambole +caramel +caramelan +caramelen +caramelin +caramelization +caramelize +caramoussal +carancha +caranda +Carandas +caranday +carane +Caranga +carangid +Carangidae +carangoid +Carangus +caranna +Caranx +Carapa +carapace +carapaced +Carapache +Carapacho +carapacic +carapato +carapax +Carapidae +carapine +carapo +Carapus +Carara +carat +caratch +caraunda +caravan +caravaneer +caravanist +caravanner +caravansary +caravanserai +caravanserial +caravel +caraway +Carayan +carbacidometer +carbamate +carbamic +carbamide +carbamido +carbamine +carbamino +carbamyl +carbanil +carbanilic +carbanilide +carbarn +carbasus +carbazic +carbazide +carbazine +carbazole +carbazylic +carbeen +carbene +carberry +carbethoxy +carbethoxyl +carbide +carbimide +carbine +carbinol +carbinyl +carbo +carboazotine +carbocinchomeronic +carbodiimide +carbodynamite +carbogelatin +carbohemoglobin +carbohydrase +carbohydrate +carbohydraturia +carbohydrazide +carbohydride +carbohydrogen +carbolate +carbolated +carbolfuchsin +carbolic +carbolineate +Carbolineum +carbolize +Carboloy +carboluria +carbolxylol +carbomethene +carbomethoxy +carbomethoxyl +carbon +carbona +carbonaceous +carbonade +carbonado +Carbonari +Carbonarism +Carbonarist +carbonatation +carbonate +carbonation +carbonatization +carbonator +carbonemia +carbonero +carbonic +carbonide +Carboniferous +carboniferous +carbonification +carbonify +carbonigenous +carbonimeter +carbonimide +carbonite +carbonitride +carbonium +carbonizable +carbonization +carbonize +carbonizer +carbonless +Carbonnieux +carbonometer +carbonometry +carbonous +carbonuria +carbonyl +carbonylene +carbonylic +carbophilous +carbora +Carborundum +carborundum +carbosilicate +carbostyril +carboxide +carboxy +Carboxydomonas +carboxyhemoglobin +carboxyl +carboxylase +carboxylate +carboxylation +carboxylic +carboy +carboyed +carbro +carbromal +carbuilder +carbuncle +carbuncled +carbuncular +carbungi +carburant +carburate +carburation +carburator +carbure +carburet +carburetant +carburetor +carburization +carburize +carburizer +carburometer +carbyl +carbylamine +carcajou +carcake +carcanet +carcaneted +carcass +Carcavelhos +carceag +carcel +carceral +carcerate +carceration +Carcharhinus +Carcharias +carchariid +Carchariidae +carcharioid +Carcharodon +carcharodont +carcinemia +carcinogen +carcinogenesis +carcinogenic +carcinoid +carcinological +carcinologist +carcinology +carcinolysin +carcinolytic +carcinoma +carcinomata +carcinomatoid +carcinomatosis +carcinomatous +carcinomorphic +carcinophagous +carcinopolypus +carcinosarcoma +carcinosarcomata +Carcinoscorpius +carcinosis +carcoon +card +cardaissin +Cardamine +cardamom +Cardanic +cardboard +cardcase +cardecu +carded +cardel +carder +cardholder +cardia +cardiac +cardiacal +Cardiacea +cardiacean +cardiagra +cardiagram +cardiagraph +cardiagraphy +cardial +cardialgia +cardialgy +cardiameter +cardiamorphia +cardianesthesia +cardianeuria +cardiant +cardiaplegia +cardiarctia +cardiasthenia +cardiasthma +cardiataxia +cardiatomy +cardiatrophia +cardiauxe +Cardiazol +cardicentesis +cardiectasis +cardiectomize +cardiectomy +cardielcosis +cardiemphraxia +cardiform +Cardigan +cardigan +Cardiidae +cardin +cardinal +cardinalate +cardinalic +Cardinalis +cardinalism +cardinalist +cardinalitial +cardinalitian +cardinally +cardinalship +cardines +carding +cardioaccelerator +cardioarterial +cardioblast +cardiocarpum +cardiocele +cardiocentesis +cardiocirrhosis +cardioclasia +cardioclasis +cardiodilator +cardiodynamics +cardiodynia +cardiodysesthesia +cardiodysneuria +cardiogenesis +cardiogenic +cardiogram +cardiograph +cardiographic +cardiography +cardiohepatic +cardioid +cardiokinetic +cardiolith +cardiological +cardiologist +cardiology +cardiolysis +cardiomalacia +cardiomegaly +cardiomelanosis +cardiometer +cardiometric +cardiometry +cardiomotility +cardiomyoliposis +cardiomyomalacia +cardioncus +cardionecrosis +cardionephric +cardioneural +cardioneurosis +cardionosus +cardioparplasis +cardiopathic +cardiopathy +cardiopericarditis +cardiophobe +cardiophobia +cardiophrenia +cardioplasty +cardioplegia +cardiopneumatic +cardiopneumograph +cardioptosis +cardiopulmonary +cardiopuncture +cardiopyloric +cardiorenal +cardiorespiratory +cardiorrhaphy +cardiorrheuma +cardiorrhexis +cardioschisis +cardiosclerosis +cardioscope +cardiospasm +Cardiospermum +cardiosphygmogram +cardiosphygmograph +cardiosymphysis +cardiotherapy +cardiotomy +cardiotonic +cardiotoxic +cardiotrophia +cardiotrophotherapy +cardiovascular +cardiovisceral +cardipaludism +cardipericarditis +cardisophistical +carditic +carditis +Cardium +cardlike +cardmaker +cardmaking +cardo +cardol +cardon +cardona +cardoncillo +cardooer +cardoon +cardophagus +cardplayer +cardroom +cardsharp +cardsharping +cardstock +Carduaceae +carduaceous +Carduelis +Carduus +care +carecloth +careen +careenage +careener +career +careerer +careering +careeringly +careerist +carefree +careful +carefully +carefulness +careless +carelessly +carelessness +carene +carer +caress +caressant +caresser +caressing +caressingly +caressive +caressively +carest +caret +caretaker +caretaking +Caretta +Carettochelydidae +careworn +Carex +carfare +carfax +carfuffle +carful +carga +cargo +cargoose +carhop +carhouse +cariacine +Cariacus +cariama +Cariamae +Carian +Carib +Caribal +Cariban +Caribbean +Caribbee +Caribi +Caribisi +caribou +Carica +Caricaceae +caricaceous +caricatura +caricaturable +caricatural +caricature +caricaturist +caricetum +caricographer +caricography +caricologist +caricology +caricous +carid +Carida +Caridea +caridean +caridoid +Caridomorpha +caries +Carijona +carillon +carillonneur +carina +carinal +Carinaria +Carinatae +carinate +carinated +carination +Cariniana +cariniform +Carinthian +cariole +carioling +cariosity +carious +cariousness +Caripuna +Cariri +Caririan +Carisa +Carissa +caritative +caritive +Cariyo +cark +carking +carkingly +carkled +Carl +carl +carless +carlet +carlie +carlin +Carlina +carline +carling +carlings +carlish +carlishness +Carlisle +Carlism +Carlist +Carlo +carload +carloading +carloadings +Carlos +carlot +Carlovingian +carls +Carludovica +Carlylean +Carlyleian +Carlylese +Carlylesque +Carlylian +Carlylism +carmagnole +carmalum +Carman +carman +Carmanians +Carmel +Carmela +carmele +Carmelite +Carmelitess +carmeloite +Carmen +carminative +Carmine +carmine +carminette +carminic +carminite +carminophilous +carmoisin +carmot +Carnacian +carnage +carnaged +carnal +carnalism +carnalite +carnality +carnalize +carnallite +carnally +carnalness +carnaptious +Carnaria +carnassial +carnate +carnation +carnationed +carnationist +carnauba +carnaubic +carnaubyl +Carnegie +Carnegiea +carnelian +carneol +carneole +carneous +carney +carnic +carniferous +carniferrin +carnifex +carnification +carnifices +carnificial +carniform +carnify +Carniolan +carnival +carnivaler +carnivalesque +Carnivora +carnivoracity +carnivoral +carnivore +carnivorism +carnivorous +carnivorously +carnivorousness +carnose +carnosine +carnosity +carnotite +carnous +Caro +caroa +carob +caroba +caroche +Caroid +Carol +carol +Carolan +Carole +Carolean +caroler +caroli +carolin +Carolina +Caroline +caroline +Caroling +Carolingian +Carolinian +carolus +Carolyn +carom +carombolette +carone +caronic +caroome +caroon +carotene +carotenoid +carotic +carotid +carotidal +carotidean +carotin +carotinemia +carotinoid +caroubier +carousal +carouse +carouser +carousing +carousingly +carp +carpaine +carpal +carpale +carpalia +Carpathian +carpel +carpellary +carpellate +carpent +carpenter +Carpenteria +carpentering +carpentership +carpentry +carper +carpet +carpetbag +carpetbagger +carpetbaggery +carpetbaggism +carpetbagism +carpetbeater +carpeting +carpetlayer +carpetless +carpetmaker +carpetmaking +carpetmonger +carpetweb +carpetweed +carpetwork +carpetwoven +Carphiophiops +carpholite +Carphophis +carphosiderite +carpid +carpidium +carpincho +carping +carpingly +carpintero +Carpinus +Carpiodes +carpitis +carpium +carpocace +Carpocapsa +carpocarpal +carpocephala +carpocephalum +carpocerite +carpocervical +Carpocratian +Carpodacus +Carpodetus +carpogam +carpogamy +carpogenic +carpogenous +carpogone +carpogonial +carpogonium +Carpoidea +carpolite +carpolith +carpological +carpologically +carpologist +carpology +carpomania +carpometacarpal +carpometacarpus +carpopedal +Carpophaga +carpophagous +carpophalangeal +carpophore +carpophyll +carpophyte +carpopodite +carpopoditic +carpoptosia +carpoptosis +carport +carpos +carposperm +carposporangia +carposporangial +carposporangium +carpospore +carposporic +carposporous +carpostome +carpus +carquaise +carr +carrack +carrageen +carrageenin +Carrara +Carraran +carrel +carriable +carriage +carriageable +carriageful +carriageless +carriagesmith +carriageway +Carrick +carrick +Carrie +carried +carrier +carrion +carritch +carritches +carriwitchet +Carrizo +carrizo +carroch +carrollite +carronade +carrot +carrotage +carroter +carrotiness +carrottop +carrotweed +carrotwood +carroty +carrousel +carrow +Carry +carry +carryall +carrying +carrytale +carse +carshop +carsick +carsmith +Carsten +cart +cartable +cartaceous +cartage +cartboot +cartbote +carte +cartel +cartelism +cartelist +cartelization +cartelize +Carter +carter +Cartesian +Cartesianism +cartful +Carthaginian +carthame +carthamic +carthamin +Carthamus +Carthusian +Cartier +cartilage +cartilaginean +Cartilaginei +cartilagineous +Cartilagines +cartilaginification +cartilaginoid +cartilaginous +cartisane +Cartist +cartload +cartmaker +cartmaking +cartman +cartobibliography +cartogram +cartograph +cartographer +cartographic +cartographical +cartographically +cartography +cartomancy +carton +cartonnage +cartoon +cartoonist +cartouche +cartridge +cartsale +cartulary +cartway +cartwright +cartwrighting +carty +carua +carucage +carucal +carucate +carucated +Carum +caruncle +caruncula +carunculae +caruncular +carunculate +carunculated +carunculous +carvacrol +carvacryl +carval +carve +carvel +carven +carvene +carver +carvership +carvestrene +carving +carvoepra +carvol +carvomenthene +carvone +carvyl +carwitchet +Cary +Carya +caryatic +caryatid +caryatidal +caryatidean +caryatidic +caryl +Caryocar +Caryocaraceae +caryocaraceous +Caryophyllaceae +caryophyllaceous +caryophyllene +caryophylleous +caryophyllin +caryophyllous +Caryophyllus +caryopilite +caryopses +caryopsides +caryopsis +Caryopteris +Caryota +casaba +casabe +casal +casalty +Casamarca +Casanovanic +Casasia +casate +casaun +casava +casave +casavi +casbah +cascabel +cascade +Cascadia +Cascadian +cascadite +cascado +cascalho +cascalote +cascara +cascarilla +cascaron +casco +cascol +Case +case +Casearia +casease +caseate +caseation +casebook +casebox +cased +caseful +casefy +caseharden +caseic +casein +caseinate +caseinogen +casekeeper +Casel +caseless +caselessly +casemaker +casemaking +casemate +casemated +casement +casemented +caseolysis +caseose +caseous +caser +casern +caseum +caseweed +casewood +casework +caseworker +caseworm +Casey +cash +casha +cashable +cashableness +cashaw +cashbook +cashbox +cashboy +cashcuttee +cashel +cashew +cashgirl +Cashibo +cashier +cashierer +cashierment +cashkeeper +cashment +Cashmere +cashmere +cashmerette +Cashmirian +Casimir +Casimiroa +casing +casino +casiri +cask +casket +casking +casklike +Caslon +Caspar +Casparian +Casper +Caspian +casque +casqued +casquet +casquetel +casquette +cass +cassabanana +cassabully +cassady +Cassandra +cassareep +cassation +casse +Cassegrain +Cassegrainian +casselty +cassena +casserole +Cassia +cassia +Cassiaceae +Cassian +cassican +Cassicus +Cassida +cassideous +cassidid +Cassididae +Cassidinae +cassidony +Cassidulina +cassiduloid +Cassiduloidea +Cassie +cassie +Cassiepeia +cassimere +cassina +cassine +Cassinese +cassinette +Cassinian +cassino +cassinoid +cassioberry +Cassiope +Cassiopeia +Cassiopeian +Cassiopeid +cassiopeium +Cassis +cassis +cassiterite +Cassius +cassock +cassolette +casson +cassonade +cassoon +cassowary +cassumunar +Cassytha +Cassythaceae +cast +castable +castagnole +Castalia +Castalian +Castalides +Castalio +Castanea +castanean +castaneous +castanet +Castanopsis +Castanospermum +castaway +caste +casteless +castelet +castellan +castellano +castellanship +castellany +castellar +castellate +castellated +castellation +caster +casterless +casthouse +castice +castigable +castigate +castigation +castigative +castigator +castigatory +Castilian +Castilla +Castilleja +Castilloa +casting +castle +castled +castlelike +castlet +castlewards +castlewise +castling +castock +castoff +Castor +castor +Castores +castoreum +castorial +Castoridae +castorin +castorite +castorized +Castoroides +castory +castra +castral +castrametation +castrate +castrater +castration +castrator +castrensial +castrensian +castrum +castuli +casual +casualism +casualist +casuality +casually +casualness +casualty +Casuariidae +Casuariiformes +Casuarina +Casuarinaceae +casuarinaceous +Casuarinales +Casuarius +casuary +casuist +casuistess +casuistic +casuistical +casuistically +casuistry +casula +caswellite +Casziel +Cat +cat +catabaptist +catabases +catabasis +catabatic +catabibazon +catabiotic +catabolic +catabolically +catabolin +catabolism +catabolite +catabolize +catacaustic +catachreses +catachresis +catachrestic +catachrestical +catachrestically +catachthonian +cataclasm +cataclasmic +cataclastic +cataclinal +cataclysm +cataclysmal +cataclysmatic +cataclysmatist +cataclysmic +cataclysmically +cataclysmist +catacomb +catacorolla +catacoustics +catacromyodian +catacrotic +catacrotism +catacumbal +catadicrotic +catadicrotism +catadioptric +catadioptrical +catadioptrics +catadromous +catafalco +catafalque +catagenesis +catagenetic +catagmatic +Cataian +catakinesis +catakinetic +catakinetomer +catakinomeric +Catalan +Catalanganes +Catalanist +catalase +Catalaunian +catalecta +catalectic +catalecticant +catalepsis +catalepsy +cataleptic +cataleptiform +cataleptize +cataleptoid +catalexis +catalina +catalineta +catalinite +catallactic +catallactically +catallactics +catallum +catalogia +catalogic +catalogical +catalogist +catalogistic +catalogue +cataloguer +cataloguish +cataloguist +cataloguize +Catalonian +catalowne +Catalpa +catalpa +catalufa +catalyses +catalysis +catalyst +catalyte +catalytic +catalytical +catalytically +catalyzator +catalyze +catalyzer +catamaran +Catamarcan +Catamarenan +catamenia +catamenial +catamite +catamited +catamiting +catamount +catamountain +catan +Catananche +catapan +catapasm +catapetalous +cataphasia +cataphatic +cataphora +cataphoresis +cataphoretic +cataphoria +cataphoric +cataphract +Cataphracta +Cataphracti +cataphrenia +cataphrenic +Cataphrygian +cataphrygianism +cataphyll +cataphylla +cataphyllary +cataphyllum +cataphysical +cataplasia +cataplasis +cataplasm +catapleiite +cataplexy +catapult +catapultic +catapultier +cataract +cataractal +cataracted +cataractine +cataractous +cataractwise +cataria +catarinite +catarrh +catarrhal +catarrhally +catarrhed +Catarrhina +catarrhine +catarrhinian +catarrhous +catasarka +Catasetum +catasta +catastaltic +catastasis +catastate +catastatic +catasterism +catastrophal +catastrophe +catastrophic +catastrophical +catastrophically +catastrophism +catastrophist +catathymic +catatonia +catatoniac +catatonic +catawampous +catawampously +catawamptious +catawamptiously +catawampus +Catawba +catberry +catbird +catboat +catcall +catch +catchable +catchall +catchcry +catcher +catchfly +catchiness +catching +catchingly +catchingness +catchland +catchment +catchpenny +catchplate +catchpole +catchpolery +catchpoleship +catchpoll +catchpollery +catchup +catchwater +catchweed +catchweight +catchword +catchwork +catchy +catclaw +catdom +cate +catechesis +catechetic +catechetical +catechetically +catechin +catechism +catechismal +catechist +catechistic +catechistical +catechistically +catechizable +catechization +catechize +catechizer +catechol +catechu +catechumen +catechumenal +catechumenate +catechumenical +catechumenically +catechumenism +catechumenship +catechutannic +categorem +categorematic +categorematical +categorematically +categorial +categoric +categorical +categorically +categoricalness +categorist +categorization +categorize +category +catelectrotonic +catelectrotonus +catella +catena +catenae +catenarian +catenary +catenate +catenated +catenation +catenoid +catenulate +catepuce +cater +cateran +catercap +catercorner +caterer +caterership +cateress +caterpillar +caterpillared +caterpillarlike +caterva +caterwaul +caterwauler +caterwauling +Catesbaea +cateye +catface +catfaced +catfacing +catfall +catfish +catfoot +catfooted +catgut +Catha +Cathari +Catharina +Catharine +Catharism +Catharist +Catharistic +catharization +catharize +catharpin +catharping +Cathars +catharsis +Cathartae +Cathartes +cathartic +cathartical +cathartically +catharticalness +Cathartidae +Cathartides +Cathartolinum +Cathay +Cathayan +cathead +cathect +cathectic +cathection +cathedra +cathedral +cathedraled +cathedralesque +cathedralic +cathedrallike +cathedralwise +cathedratic +cathedratica +cathedratical +cathedratically +cathedraticum +cathepsin +Catherine +catheter +catheterism +catheterization +catheterize +catheti +cathetometer +cathetometric +cathetus +cathexion +cathexis +cathidine +cathin +cathine +cathinine +cathion +cathisma +cathodal +cathode +cathodic +cathodical +cathodically +cathodofluorescence +cathodograph +cathodography +cathodoluminescence +cathograph +cathography +cathole +catholic +catholical +catholically +catholicalness +catholicate +catholicism +catholicist +catholicity +catholicize +catholicizer +catholicly +catholicness +catholicon +catholicos +catholicus +catholyte +cathood +cathop +Cathrin +cathro +Cathryn +Cathy +Catilinarian +cation +cationic +cativo +catjang +catkin +catkinate +catlap +catlike +catlin +catling +catlinite +catmalison +catmint +catnip +catoblepas +Catocala +catocalid +catocathartic +catoctin +Catodon +catodont +catogene +catogenic +Catoism +Catonian +Catonic +Catonically +Catonism +catoptric +catoptrical +catoptrically +catoptrics +catoptrite +catoptromancy +catoptromantic +Catoquina +catostomid +Catostomidae +catostomoid +Catostomus +catpiece +catpipe +catproof +Catskill +catskin +catstep +catstick +catstitch +catstitcher +catstone +catsup +cattabu +cattail +cattalo +cattery +Catti +cattily +cattimandoo +cattiness +catting +cattish +cattishly +cattishness +cattle +cattlebush +cattlegate +cattleless +cattleman +Cattleya +cattleya +cattleyak +Catty +catty +cattyman +Catullian +catvine +catwalk +catwise +catwood +catwort +caubeen +cauboge +Caucasian +Caucasic +Caucasoid +cauch +cauchillo +caucho +caucus +cauda +caudad +caudae +caudal +caudally +caudalward +Caudata +caudata +caudate +caudated +caudation +caudatolenticular +caudatory +caudatum +caudex +caudices +caudicle +caudiform +caudillism +caudle +caudocephalad +caudodorsal +caudofemoral +caudolateral +caudotibial +caudotibialis +Caughnawaga +caught +cauk +caul +cauld +cauldrife +cauldrifeness +Caulerpa +Caulerpaceae +caulerpaceous +caules +caulescent +caulicle +caulicole +caulicolous +caulicule +cauliculus +cauliferous +cauliflorous +cauliflory +cauliflower +cauliform +cauligenous +caulinar +caulinary +cauline +caulis +Caulite +caulivorous +caulocarpic +caulocarpous +caulome +caulomer +caulomic +caulophylline +Caulophyllum +Caulopteris +caulopteris +caulosarc +caulotaxis +caulotaxy +caulote +caum +cauma +caumatic +caunch +Caunos +Caunus +caup +caupo +caupones +Cauqui +caurale +Caurus +causability +causable +causal +causalgia +causality +causally +causate +causation +causational +causationism +causationist +causative +causatively +causativeness +causativity +cause +causeful +causeless +causelessly +causelessness +causer +causerie +causeway +causewayman +causey +causidical +causing +causingness +causse +causson +caustic +caustical +caustically +causticiser +causticism +causticity +causticization +causticize +causticizer +causticly +causticness +caustification +caustify +Causus +cautel +cautelous +cautelously +cautelousness +cauter +cauterant +cauterization +cauterize +cautery +caution +cautionary +cautioner +cautionry +cautious +cautiously +cautiousness +cautivo +cava +cavae +caval +cavalcade +cavalero +cavalier +cavalierish +cavalierishness +cavalierism +cavalierly +cavalierness +cavaliero +cavaliership +cavalla +cavalry +cavalryman +cavascope +cavate +cavatina +cave +caveat +caveator +cavekeeper +cavel +cavelet +cavelike +cavendish +cavern +cavernal +caverned +cavernicolous +cavernitis +cavernlike +cavernoma +cavernous +cavernously +cavernulous +cavesson +cavetto +Cavia +caviar +cavicorn +Cavicornia +Cavidae +cavie +cavil +caviler +caviling +cavilingly +cavilingness +cavillation +Cavina +caving +cavings +cavish +cavitary +cavitate +cavitation +cavitied +cavity +caviya +cavort +cavus +cavy +caw +cawk +cawky +cawney +cawquaw +caxiri +caxon +Caxton +Caxtonian +cay +Cayapa +Cayapo +Cayenne +cayenne +cayenned +Cayleyan +cayman +Cayubaba +Cayubaban +Cayuga +Cayugan +Cayuse +Cayuvava +caza +cazimi +Ccoya +ce +Ceanothus +cearin +cease +ceaseless +ceaselessly +ceaselessness +ceasmic +Cebalrai +Cebatha +cebell +cebian +cebid +Cebidae +cebil +cebine +ceboid +cebollite +cebur +Cebus +cecidiologist +cecidiology +cecidium +cecidogenous +cecidologist +cecidology +cecidomyian +cecidomyiid +Cecidomyiidae +cecidomyiidous +Cecil +Cecile +Cecilia +cecilite +cecils +Cecily +cecity +cecograph +Cecomorphae +cecomorphic +cecostomy +Cecropia +Cecrops +cecutiency +cedar +cedarbird +cedared +cedarn +cedarware +cedarwood +cedary +cede +cedent +ceder +cedilla +cedrat +cedrate +cedre +Cedrela +cedrene +Cedric +cedrin +cedrine +cedriret +cedrium +cedrol +cedron +Cedrus +cedry +cedula +cee +Ceiba +ceibo +ceil +ceile +ceiler +ceilidh +ceiling +ceilinged +ceilingward +ceilingwards +ceilometer +Celadon +celadon +celadonite +Celaeno +celandine +Celanese +Celarent +Celastraceae +celastraceous +Celastrus +celation +celative +celature +Celebesian +celebrant +celebrate +celebrated +celebratedness +celebrater +celebration +celebrative +celebrator +celebratory +celebrity +celemin +celemines +celeomorph +Celeomorphae +celeomorphic +celeriac +celerity +celery +celesta +Celeste +celeste +celestial +celestiality +celestialize +celestially +celestialness +celestina +Celestine +celestine +Celestinian +celestite +celestitude +Celia +celiac +celiadelphus +celiagra +celialgia +celibacy +celibatarian +celibate +celibatic +celibatist +celibatory +celidographer +celidography +celiectasia +celiectomy +celiemia +celiitis +celiocele +celiocentesis +celiocolpotomy +celiocyesis +celiodynia +celioelytrotomy +celioenterotomy +celiogastrotomy +celiohysterotomy +celiolymph +celiomyalgia +celiomyodynia +celiomyomectomy +celiomyomotomy +celiomyositis +celioncus +celioparacentesis +celiopyosis +celiorrhaphy +celiorrhea +celiosalpingectomy +celiosalpingotomy +celioschisis +celioscope +celioscopy +celiotomy +celite +cell +cella +cellae +cellar +cellarage +cellarer +cellaress +cellaret +cellaring +cellarless +cellarman +cellarous +cellarway +cellarwoman +cellated +celled +Cellepora +cellepore +Cellfalcicula +celliferous +celliform +cellifugal +cellipetal +cellist +Cellite +cello +cellobiose +celloid +celloidin +celloist +cellophane +cellose +Cellucotton +cellular +cellularity +cellularly +cellulase +cellulate +cellulated +cellulation +cellule +cellulicidal +celluliferous +cellulifugal +cellulifugally +cellulin +cellulipetal +cellulipetally +cellulitis +cellulocutaneous +cellulofibrous +Celluloid +celluloid +celluloided +Cellulomonadeae +Cellulomonas +cellulose +cellulosic +cellulosity +cellulotoxic +cellulous +Cellvibrio +Celosia +Celotex +celotomy +Celsia +celsian +Celsius +Celt +celt +Celtdom +Celtiberi +Celtiberian +Celtic +Celtically +Celticism +Celticist +Celticize +Celtidaceae +celtiform +Celtillyrians +Celtis +Celtish +Celtism +Celtist +celtium +Celtization +Celtologist +Celtologue +Celtomaniac +Celtophil +Celtophobe +Celtophobia +celtuce +cembalist +cembalo +cement +cemental +cementation +cementatory +cementer +cementification +cementin +cementite +cementitious +cementless +cementmaker +cementmaking +cementoblast +cementoma +cementum +cemeterial +cemetery +cenacle +cenaculum +cenanthous +cenanthy +cencerro +Cenchrus +cendre +cenobian +cenobite +cenobitic +cenobitical +cenobitically +cenobitism +cenobium +cenoby +cenogenesis +cenogenetic +cenogenetically +cenogonous +Cenomanian +cenosite +cenosity +cenospecies +cenospecific +cenospecifically +cenotaph +cenotaphic +cenotaphy +Cenozoic +cenozoology +cense +censer +censerless +censive +censor +censorable +censorate +censorial +censorious +censoriously +censoriousness +censorship +censual +censurability +censurable +censurableness +censurably +censure +censureless +censurer +censureship +census +cent +centage +cental +centare +centaur +centaurdom +Centaurea +centauress +centauri +centaurial +centaurian +centauric +Centaurid +Centauridium +Centaurium +centauromachia +centauromachy +Centaurus +centaurus +centaury +centavo +centena +centenar +centenarian +centenarianism +centenary +centenier +centenionalis +centennial +centennially +center +centerable +centerboard +centered +centerer +centering +centerless +centermost +centerpiece +centervelic +centerward +centerwise +centesimal +centesimally +centesimate +centesimation +centesimi +centesimo +centesis +Centetes +centetid +Centetidae +centgener +centiar +centiare +centibar +centifolious +centigrade +centigram +centile +centiliter +centillion +centillionth +Centiloquy +centime +centimeter +centimo +centimolar +centinormal +centipedal +centipede +centiplume +centipoise +centistere +centistoke +centner +cento +centonical +centonism +centrad +central +centrale +Centrales +centralism +centralist +centralistic +centrality +centralization +centralize +centralizer +centrally +centralness +centranth +Centranthus +centrarchid +Centrarchidae +centrarchoid +Centraxonia +centraxonial +Centrechinoida +centric +Centricae +centrical +centricality +centrically +centricalness +centricipital +centriciput +centricity +centriffed +centrifugal +centrifugalization +centrifugalize +centrifugaller +centrifugally +centrifugate +centrifugation +centrifuge +centrifugence +centriole +centripetal +centripetalism +centripetally +centripetence +centripetency +centriscid +Centriscidae +centrisciform +centriscoid +Centriscus +centrist +centroacinar +centrobaric +centrobarical +centroclinal +centrode +centrodesmose +centrodesmus +centrodorsal +centrodorsally +centroid +centroidal +centrolecithal +Centrolepidaceae +centrolepidaceous +centrolinead +centrolineal +centromere +centronucleus +centroplasm +Centropomidae +Centropomus +Centrosema +centrosome +centrosomic +Centrosoyus +Centrospermae +centrosphere +centrosymmetric +centrosymmetry +Centrotus +centrum +centry +centum +centumvir +centumviral +centumvirate +Centunculus +centuple +centuplicate +centuplication +centuply +centuria +centurial +centuriate +centuriation +centuriator +centuried +centurion +century +ceorl +ceorlish +cep +cepa +cepaceous +cepe +cephaeline +Cephaelis +Cephalacanthidae +Cephalacanthus +cephalad +cephalagra +cephalalgia +cephalalgic +cephalalgy +cephalanthium +cephalanthous +Cephalanthus +Cephalaspis +Cephalata +cephalate +cephaldemae +cephalemia +cephaletron +Cephaleuros +cephalhematoma +cephalhydrocele +cephalic +cephalin +Cephalina +cephaline +cephalism +cephalitis +cephalization +cephaloauricular +Cephalobranchiata +cephalobranchiate +cephalocathartic +cephalocaudal +cephalocele +cephalocentesis +cephalocercal +Cephalocereus +cephalochord +Cephalochorda +cephalochordal +Cephalochordata +cephalochordate +cephaloclasia +cephaloclast +cephalocone +cephaloconic +cephalocyst +cephalodiscid +Cephalodiscida +Cephalodiscus +cephalodymia +cephalodymus +cephalodynia +cephalofacial +cephalogenesis +cephalogram +cephalograph +cephalohumeral +cephalohumeralis +cephaloid +cephalology +cephalomancy +cephalomant +cephalomelus +cephalomenia +cephalomeningitis +cephalomere +cephalometer +cephalometric +cephalometry +cephalomotor +cephalomyitis +cephalon +cephalonasal +cephalopagus +cephalopathy +cephalopharyngeal +cephalophine +cephalophorous +Cephalophus +cephalophyma +cephaloplegia +cephaloplegic +cephalopod +Cephalopoda +cephalopodan +cephalopodic +cephalopodous +Cephalopterus +cephalorachidian +cephalorhachidian +cephalosome +cephalospinal +Cephalosporium +cephalostyle +Cephalotaceae +cephalotaceous +Cephalotaxus +cephalotheca +cephalothecal +cephalothoracic +cephalothoracopagus +cephalothorax +cephalotome +cephalotomy +cephalotractor +cephalotribe +cephalotripsy +cephalotrocha +Cephalotus +cephalous +Cephas +Cepheid +cephid +Cephidae +Cephus +Cepolidae +ceps +ceptor +cequi +ceraceous +cerago +ceral +ceramal +cerambycid +Cerambycidae +Ceramiaceae +ceramiaceous +ceramic +ceramicite +ceramics +ceramidium +ceramist +Ceramium +ceramographic +ceramography +cerargyrite +ceras +cerasein +cerasin +cerastes +Cerastium +Cerasus +cerata +cerate +ceratectomy +cerated +ceratiasis +ceratiid +Ceratiidae +ceratioid +ceration +ceratite +Ceratites +ceratitic +Ceratitidae +Ceratitis +ceratitoid +Ceratitoidea +Ceratium +Ceratobatrachinae +ceratoblast +ceratobranchial +ceratocricoid +Ceratodidae +Ceratodontidae +Ceratodus +ceratofibrous +ceratoglossal +ceratoglossus +ceratohyal +ceratohyoid +ceratoid +ceratomandibular +ceratomania +Ceratonia +Ceratophrys +Ceratophyllaceae +ceratophyllaceous +Ceratophyllum +Ceratophyta +ceratophyte +Ceratops +Ceratopsia +ceratopsian +ceratopsid +Ceratopsidae +Ceratopteridaceae +ceratopteridaceous +Ceratopteris +ceratorhine +Ceratosa +Ceratosaurus +Ceratospongiae +ceratospongian +Ceratostomataceae +Ceratostomella +ceratotheca +ceratothecal +Ceratozamia +ceraunia +ceraunics +ceraunogram +ceraunograph +ceraunomancy +ceraunophone +ceraunoscope +ceraunoscopy +Cerberean +Cerberic +Cerberus +cercal +cercaria +cercarial +cercarian +cercariform +cercelee +cerci +Cercidiphyllaceae +Cercis +Cercocebus +Cercolabes +Cercolabidae +cercomonad +Cercomonadidae +Cercomonas +cercopid +Cercopidae +cercopithecid +Cercopithecidae +cercopithecoid +Cercopithecus +cercopod +Cercospora +Cercosporella +cercus +Cerdonian +cere +cereal +cerealian +cerealin +cerealism +cerealist +cerealose +cerebella +cerebellar +cerebellifugal +cerebellipetal +cerebellocortex +cerebellopontile +cerebellopontine +cerebellorubral +cerebellospinal +cerebellum +cerebra +cerebral +cerebralgia +cerebralism +cerebralist +cerebralization +cerebralize +cerebrally +cerebrasthenia +cerebrasthenic +cerebrate +cerebration +cerebrational +Cerebratulus +cerebric +cerebricity +cerebriform +cerebriformly +cerebrifugal +cerebrin +cerebripetal +cerebritis +cerebrize +cerebrocardiac +cerebrogalactose +cerebroganglion +cerebroganglionic +cerebroid +cerebrology +cerebroma +cerebromalacia +cerebromedullary +cerebromeningeal +cerebromeningitis +cerebrometer +cerebron +cerebronic +cerebroparietal +cerebropathy +cerebropedal +cerebrophysiology +cerebropontile +cerebropsychosis +cerebrorachidian +cerebrosclerosis +cerebroscope +cerebroscopy +cerebrose +cerebrosensorial +cerebroside +cerebrosis +cerebrospinal +cerebrospinant +cerebrosuria +cerebrotomy +cerebrotonia +cerebrotonic +cerebrovisceral +cerebrum +cerecloth +cered +cereless +cerement +ceremonial +ceremonialism +ceremonialist +ceremonialize +ceremonially +ceremonious +ceremoniously +ceremoniousness +ceremony +cereous +cerer +ceresin +Cereus +cerevis +ceria +Cerialia +cerianthid +Cerianthidae +cerianthoid +Cerianthus +ceric +ceride +ceriferous +cerigerous +cerillo +ceriman +cerin +cerine +Cerinthe +Cerinthian +Ceriomyces +Cerion +Cerionidae +ceriops +Ceriornis +cerise +cerite +Cerithiidae +cerithioid +Cerithium +cerium +cermet +cern +cerniture +cernuous +cero +cerograph +cerographic +cerographist +cerography +ceroline +cerolite +ceroma +ceromancy +cerophilous +ceroplast +ceroplastic +ceroplastics +ceroplasty +cerotate +cerote +cerotene +cerotic +cerotin +cerotype +cerous +ceroxyle +Ceroxylon +cerrero +cerrial +cerris +certain +certainly +certainty +Certhia +Certhiidae +certie +certifiable +certifiableness +certifiably +certificate +certification +certificative +certificator +certificatory +certified +certifier +certify +certiorari +certiorate +certioration +certis +certitude +certosina +certosino +certy +cerule +cerulean +cerulein +ceruleite +ceruleolactite +ceruleous +cerulescent +ceruleum +cerulignol +cerulignone +cerumen +ceruminal +ceruminiferous +ceruminous +cerumniparous +ceruse +cerussite +Cervantist +cervantite +cervical +Cervicapra +cervicaprine +cervicectomy +cervicicardiac +cervicide +cerviciplex +cervicispinal +cervicitis +cervicoauricular +cervicoaxillary +cervicobasilar +cervicobrachial +cervicobregmatic +cervicobuccal +cervicodorsal +cervicodynia +cervicofacial +cervicohumeral +cervicolabial +cervicolingual +cervicolumbar +cervicomuscular +cerviconasal +cervicorn +cervicoscapular +cervicothoracic +cervicovaginal +cervicovesical +cervid +Cervidae +Cervinae +cervine +cervisia +cervisial +cervix +cervoid +cervuline +Cervulus +Cervus +ceryl +Cerynean +Cesare +cesarevitch +cesarolite +cesious +cesium +cespititous +cespitose +cespitosely +cespitulose +cess +cessantly +cessation +cessative +cessavit +cesser +cession +cessionaire +cessionary +cessor +cesspipe +cesspit +cesspool +cest +Cestida +Cestidae +Cestoda +Cestodaria +cestode +cestoid +Cestoidea +cestoidean +Cestracion +cestraciont +Cestraciontes +Cestraciontidae +Cestrian +Cestrum +cestrum +cestus +Cetacea +cetacean +cetaceous +cetaceum +cetane +Cete +cetene +ceterach +ceti +cetic +ceticide +Cetid +cetin +Cetiosauria +cetiosaurian +Cetiosaurus +cetological +cetologist +cetology +Cetomorpha +cetomorphic +Cetonia +cetonian +Cetoniides +Cetoniinae +cetorhinid +Cetorhinidae +cetorhinoid +Cetorhinus +cetotolite +Cetraria +cetraric +cetrarin +Cetus +cetyl +cetylene +cetylic +cevadilla +cevadilline +cevadine +Cevennian +Cevenol +Cevenole +cevine +cevitamic +ceylanite +Ceylon +Ceylonese +ceylonite +ceyssatite +Ceyx +Cezannesque +cha +chaa +chab +chabasie +chabazite +Chablis +chabot +chabouk +chabuk +chabutra +Chac +chacate +chachalaca +Chachapuya +chack +Chackchiuma +chacker +chackle +chackler +chacma +Chaco +chacona +chacte +chad +chadacryst +Chaenactis +Chaenolobus +Chaenomeles +chaeta +Chaetangiaceae +Chaetangium +Chaetetes +Chaetetidae +Chaetifera +chaetiferous +Chaetites +Chaetitidae +Chaetochloa +Chaetodon +chaetodont +chaetodontid +Chaetodontidae +chaetognath +Chaetognatha +chaetognathan +chaetognathous +Chaetophora +Chaetophoraceae +chaetophoraceous +Chaetophorales +chaetophorous +chaetopod +Chaetopoda +chaetopodan +chaetopodous +chaetopterin +Chaetopterus +chaetosema +Chaetosoma +Chaetosomatidae +Chaetosomidae +chaetotactic +chaetotaxy +Chaetura +chafe +chafer +chafery +chafewax +chafeweed +chaff +chaffcutter +chaffer +chafferer +chaffinch +chaffiness +chaffing +chaffingly +chaffless +chafflike +chaffman +chaffseed +chaffwax +chaffweed +chaffy +chaft +chafted +Chaga +chagan +Chagga +chagrin +chaguar +chagul +chahar +chai +Chailletiaceae +chain +chainage +chained +chainer +chainette +chainless +chainlet +chainmaker +chainmaking +chainman +chainon +chainsmith +chainwale +chainwork +chair +chairer +chairless +chairmaker +chairmaking +chairman +chairmanship +chairmender +chairmending +chairwarmer +chairwoman +chais +chaise +chaiseless +Chait +chaitya +chaja +chaka +chakar +chakari +Chakavski +chakazi +chakdar +chakobu +chakra +chakram +chakravartin +chaksi +chal +chalaco +chalana +chalastic +Chalastogastra +chalaza +chalazal +chalaze +chalazian +chalaziferous +chalazion +chalazogam +chalazogamic +chalazogamy +chalazoidite +chalcanthite +Chalcedonian +chalcedonic +chalcedonous +chalcedony +chalcedonyx +chalchuite +chalcid +Chalcidian +Chalcidic +chalcidicum +chalcidid +Chalcididae +chalcidiform +chalcidoid +Chalcidoidea +Chalcioecus +Chalcis +chalcites +chalcocite +chalcograph +chalcographer +chalcographic +chalcographical +chalcographist +chalcography +chalcolite +chalcolithic +chalcomancy +chalcomenite +chalcon +chalcone +chalcophanite +chalcophyllite +chalcopyrite +chalcosiderite +chalcosine +chalcostibite +chalcotrichite +chalcotript +chalcus +Chaldaei +Chaldaic +Chaldaical +Chaldaism +Chaldean +Chaldee +chalder +chaldron +chalet +chalice +chaliced +chalicosis +chalicothere +chalicotheriid +Chalicotheriidae +chalicotherioid +Chalicotherium +Chalina +Chalinidae +chalinine +Chalinitis +chalk +chalkcutter +chalker +chalkiness +chalklike +chalkography +chalkosideric +chalkstone +chalkstony +chalkworker +chalky +challah +challenge +challengeable +challengee +challengeful +challenger +challengingly +challie +challis +challote +chalmer +chalon +chalone +Chalons +chalque +chalta +Chalukya +Chalukyan +chalumeau +chalutz +chalutzim +Chalybean +chalybeate +chalybeous +Chalybes +chalybite +Cham +cham +Chama +Chamacea +Chamacoco +Chamaebatia +Chamaecistus +chamaecranial +Chamaecrista +Chamaecyparis +Chamaedaphne +Chamaeleo +Chamaeleon +Chamaeleontidae +Chamaelirium +Chamaenerion +Chamaepericlymenum +chamaeprosopic +Chamaerops +chamaerrhine +Chamaesaura +Chamaesiphon +Chamaesiphonaceae +Chamaesiphonaceous +Chamaesiphonales +Chamaesyce +chamal +Chamar +chamar +chamber +chamberdeacon +chambered +chamberer +chambering +chamberlain +chamberlainry +chamberlainship +chamberlet +chamberleted +chamberletted +chambermaid +Chambertin +chamberwoman +Chambioa +chambray +chambrel +chambul +chamecephalic +chamecephalous +chamecephalus +chamecephaly +chameleon +chameleonic +chameleonize +chameleonlike +chamfer +chamferer +chamfron +Chamian +Chamicuro +Chamidae +chamisal +chamiso +Chamite +chamite +Chamkanni +chamma +chamois +Chamoisette +chamoisite +chamoline +Chamomilla +Chamorro +Chamos +champ +Champa +champac +champaca +champacol +champagne +champagneless +champagnize +champaign +champain +champaka +champer +champertor +champertous +champerty +champignon +champion +championess +championize +championless +championlike +championship +Champlain +Champlainic +champleve +champy +Chanabal +Chanca +chance +chanceful +chancefully +chancefulness +chancel +chanceled +chanceless +chancellery +chancellor +chancellorate +chancelloress +chancellorism +chancellorship +chancer +chancery +chancewise +chanche +chanchito +chanco +chancre +chancriform +chancroid +chancroidal +chancrous +chancy +chandala +chandam +chandelier +Chandi +chandi +chandler +chandleress +chandlering +chandlery +chandoo +chandu +chandul +Chane +chanfrin +Chang +chang +changa +changar +change +changeability +changeable +changeableness +changeably +changedale +changedness +changeful +changefully +changefulness +changeless +changelessly +changelessness +changeling +changement +changer +Changoan +Changos +Changuina +Changuinan +Chanidae +chank +chankings +channel +channelbill +channeled +channeler +channeling +channelization +channelize +channelled +channeller +channelling +channelwards +channer +chanson +chansonnette +chanst +chant +chantable +chanter +chanterelle +chantership +chantey +chanteyman +chanticleer +chanting +chantingly +chantlate +chantress +chantry +chao +chaogenous +chaology +chaos +chaotic +chaotical +chaotically +chaoticness +Chaouia +chap +Chapacura +Chapacuran +chapah +Chapanec +chaparral +chaparro +chapatty +chapbook +chape +chapeau +chapeaux +chaped +chapel +chapeless +chapelet +chapelgoer +chapelgoing +chapellage +chapellany +chapelman +chapelmaster +chapelry +chapelward +chaperno +chaperon +chaperonage +chaperone +chaperonless +chapfallen +chapin +chapiter +chapitral +chaplain +chaplaincy +chaplainry +chaplainship +chapless +chaplet +chapleted +chapman +chapmanship +chapournet +chapournetted +chappaul +chapped +chapper +chappie +chappin +chapping +chappow +chappy +chaps +chapt +chaptalization +chaptalize +chapter +chapteral +chapterful +chapwoman +char +Chara +charabanc +charabancer +charac +Characeae +characeous +characetum +characin +characine +characinid +Characinidae +characinoid +character +characterful +characterial +characterical +characterism +characterist +characteristic +characteristical +characteristically +characteristicalness +characteristicness +characterizable +characterization +characterize +characterizer +characterless +characterlessness +characterological +characterologist +characterology +charactery +charade +Charadrii +Charadriidae +charadriiform +Charadriiformes +charadrine +charadrioid +Charadriomorphae +Charadrius +Charales +charas +charbon +Charca +charcoal +charcoaly +charcutier +chard +chardock +chare +charer +charet +charette +charge +chargeability +chargeable +chargeableness +chargeably +chargee +chargeless +chargeling +chargeman +charger +chargeship +charging +Charicleia +charier +charily +chariness +chariot +charioted +chariotee +charioteer +charioteership +chariotlike +chariotman +chariotry +chariotway +charism +charisma +charismatic +Charissa +charisticary +charitable +charitableness +charitably +Charites +charity +charityless +charivari +chark +charka +charkha +charkhana +charlady +charlatan +charlatanic +charlatanical +charlatanically +charlatanish +charlatanism +charlatanistic +charlatanry +charlatanship +Charleen +Charlene +Charles +Charleston +Charley +Charlie +charlock +Charlotte +charm +charmedly +charmel +charmer +charmful +charmfully +charmfulness +charming +charmingly +charmingness +charmless +charmlessly +charmwise +charnel +charnockite +Charon +Charonian +Charonic +Charontas +Charophyta +charpit +charpoy +charqued +charqui +charr +Charruan +Charruas +charry +charshaf +charsingha +chart +chartaceous +charter +charterable +charterage +chartered +charterer +charterhouse +Charterist +charterless +chartermaster +charthouse +charting +Chartism +Chartist +chartist +chartless +chartographist +chartology +chartometer +chartophylax +chartreuse +Chartreux +chartroom +chartula +chartulary +charuk +charwoman +chary +Charybdian +Charybdis +chasable +chase +chaseable +chaser +Chasidim +chasing +chasm +chasma +chasmal +chasmed +chasmic +chasmogamic +chasmogamous +chasmogamy +chasmophyte +chasmy +chasse +Chasselas +chassepot +chasseur +chassignite +chassis +Chastacosta +chaste +chastely +chasten +chastener +chasteness +chasteningly +chastenment +chasteweed +chastisable +chastise +chastisement +chastiser +chastity +chasuble +chasubled +chat +chataka +Chateau +chateau +chateaux +chatelain +chatelaine +chatelainry +chatellany +chathamite +chati +Chatillon +Chatino +Chatot +chatoyance +chatoyancy +chatoyant +chatsome +chatta +chattable +Chattanooga +Chattanoogan +chattation +chattel +chattelhood +chattelism +chattelization +chattelize +chattelship +chatter +chatteration +chatterbag +chatterbox +chatterer +chattering +chatteringly +chattermag +chattermagging +Chattertonian +chattery +Chatti +chattily +chattiness +chatting +chattingly +chatty +chatwood +Chaucerian +Chauceriana +Chaucerianism +Chaucerism +Chauchat +chaudron +chauffer +chauffeur +chauffeurship +Chaui +chauk +chaukidari +Chauliodes +chaulmoogra +chaulmoograte +chaulmoogric +Chauna +chaus +chausseemeile +Chautauqua +Chautauquan +chaute +chauth +chauvinism +chauvinist +chauvinistic +chauvinistically +Chavante +Chavantean +chavender +chavibetol +chavicin +chavicine +chavicol +chavish +chaw +chawan +chawbacon +chawer +Chawia +chawk +chawl +chawstick +chay +chaya +chayaroot +Chayma +Chayota +chayote +chayroot +chazan +Chazy +che +cheap +cheapen +cheapener +cheapery +cheaping +cheapish +cheaply +cheapness +Cheapside +cheat +cheatable +cheatableness +cheatee +cheater +cheatery +cheating +cheatingly +cheatrie +Chebacco +chebec +chebel +chebog +chebule +chebulinic +Chechehet +Chechen +check +checkable +checkage +checkbird +checkbite +checkbook +checked +checker +checkerbelly +checkerberry +checkerbloom +checkerboard +checkerbreast +checkered +checkerist +checkers +checkerwise +checkerwork +checkhook +checkless +checkman +checkmate +checkoff +checkrack +checkrein +checkroll +checkroom +checkrope +checkrow +checkrowed +checkrower +checkstone +checkstrap +checkstring +checkup +checkweigher +checkwork +checky +cheddaring +cheddite +cheder +chedlock +chee +cheecha +cheechako +cheek +cheekbone +cheeker +cheekily +cheekiness +cheekish +cheekless +cheekpiece +cheeky +cheep +cheeper +cheepily +cheepiness +cheepy +cheer +cheered +cheerer +cheerful +cheerfulize +cheerfully +cheerfulness +cheerfulsome +cheerily +cheeriness +cheering +cheeringly +cheerio +cheerleader +cheerless +cheerlessly +cheerlessness +cheerly +cheery +cheese +cheeseboard +cheesebox +cheeseburger +cheesecake +cheesecloth +cheesecurd +cheesecutter +cheeseflower +cheeselip +cheesemonger +cheesemongering +cheesemongerly +cheesemongery +cheeseparer +cheeseparing +cheeser +cheesery +cheesewood +cheesiness +cheesy +cheet +cheetah +cheeter +cheetie +chef +Chefrinia +chegoe +chegre +Chehalis +Cheilanthes +cheilitis +Cheilodipteridae +Cheilodipterus +Cheilostomata +cheilostomatous +cheir +cheiragra +Cheiranthus +Cheirogaleus +Cheiroglossa +cheirognomy +cheirography +cheirolin +cheirology +cheiromancy +cheiromegaly +cheiropatagium +cheiropodist +cheiropody +cheiropompholyx +Cheiroptera +cheiropterygium +cheirosophy +cheirospasm +Cheirotherium +Cheka +chekan +cheke +cheki +Chekist +chekmak +chela +chelaship +chelate +chelation +chelem +chelerythrine +chelicer +chelicera +cheliceral +chelicerate +chelicere +chelide +chelidon +chelidonate +chelidonian +chelidonic +chelidonine +Chelidonium +Chelidosaurus +Cheliferidea +cheliferous +cheliform +chelingo +cheliped +Chellean +chello +Chelodina +chelodine +chelone +Chelonia +chelonian +chelonid +Chelonidae +cheloniid +Cheloniidae +chelonin +chelophore +chelp +Cheltenham +Chelura +Chelydidae +Chelydra +Chelydridae +chelydroid +chelys +Chemakuan +chemasthenia +chemawinite +Chemehuevi +chemesthesis +chemiatric +chemiatrist +chemiatry +chemic +chemical +chemicalization +chemicalize +chemically +chemicker +chemicoastrological +chemicobiologic +chemicobiology +chemicocautery +chemicodynamic +chemicoengineering +chemicoluminescence +chemicomechanical +chemicomineralogical +chemicopharmaceutical +chemicophysical +chemicophysics +chemicophysiological +chemicovital +chemigraph +chemigraphic +chemigraphy +chemiloon +chemiluminescence +chemiotactic +chemiotaxic +chemiotaxis +chemiotropic +chemiotropism +chemiphotic +chemis +chemise +chemisette +chemism +chemisorb +chemisorption +chemist +chemistry +chemitype +chemitypy +chemoceptor +chemokinesis +chemokinetic +chemolysis +chemolytic +chemolyze +chemoreception +chemoreceptor +chemoreflex +chemoresistance +chemoserotherapy +chemosis +chemosmosis +chemosmotic +chemosynthesis +chemosynthetic +chemotactic +chemotactically +chemotaxis +chemotaxy +chemotherapeutic +chemotherapeutics +chemotherapist +chemotherapy +chemotic +chemotropic +chemotropically +chemotropism +Chemung +chemurgic +chemurgical +chemurgy +Chen +chena +chende +chenevixite +Cheney +cheng +chenica +chenille +cheniller +chenopod +Chenopodiaceae +chenopodiaceous +Chenopodiales +Chenopodium +cheoplastic +chepster +cheque +Chequers +Chera +chercock +cherem +Cheremiss +Cheremissian +cherimoya +cherish +cherishable +cherisher +cherishing +cherishingly +cherishment +Cherkess +Cherkesser +Chermes +Chermidae +Chermish +Chernomorish +chernozem +Cherokee +cheroot +cherried +cherry +cherryblossom +cherrylike +chersonese +Chersydridae +chert +cherte +cherty +cherub +cherubic +cherubical +cherubically +cherubim +cherubimic +cherubimical +cherubin +Cherusci +Chervante +chervil +chervonets +Chesapeake +Cheshire +cheson +chess +chessboard +chessdom +chessel +chesser +chessist +chessman +chessmen +chesstree +chessylite +chest +Chester +chester +chesterfield +Chesterfieldian +chesterlite +chestful +chestily +chestiness +chestnut +chestnutty +chesty +Chet +cheth +chettik +chetty +chetverik +chetvert +chevage +cheval +chevalier +chevaline +chevance +cheve +cheven +chevener +chevesaile +chevin +Cheviot +chevisance +chevise +chevon +chevrette +chevron +chevrone +chevronel +chevronelly +chevronwise +chevrony +chevrotain +chevy +chew +chewbark +chewer +chewink +chewstick +chewy +Cheyenne +cheyney +chhatri +chi +chia +Chiam +Chian +Chianti +Chiapanec +Chiapanecan +chiaroscurist +chiaroscuro +chiasm +chiasma +chiasmal +chiasmatype +chiasmatypy +chiasmic +Chiasmodon +chiasmodontid +Chiasmodontidae +chiasmus +chiastic +chiastolite +chiastoneural +chiastoneurous +chiastoneury +chiaus +Chibcha +Chibchan +chibinite +chibouk +chibrit +chic +chicane +chicaner +chicanery +chicaric +chicayote +Chicha +chichi +chichicaste +Chichimec +chichimecan +chichipate +chichipe +chichituna +chick +chickabiddy +chickadee +Chickahominy +Chickamauga +chickaree +Chickasaw +chickasaw +chickell +chicken +chickenberry +chickenbill +chickenbreasted +chickenhearted +chickenheartedly +chickenheartedness +chickenhood +chickenweed +chickenwort +chicker +chickhood +chickling +chickstone +chickweed +chickwit +chicky +chicle +chicness +Chico +chico +Chicomecoatl +chicory +chicot +chicote +chicqued +chicquer +chicquest +chicquing +chid +chidden +chide +chider +chiding +chidingly +chidingness +chidra +chief +chiefdom +chiefery +chiefess +chiefest +chiefish +chiefless +chiefling +chiefly +chiefship +chieftain +chieftaincy +chieftainess +chieftainry +chieftainship +chieftess +chield +Chien +chien +chiffer +chiffon +chiffonade +chiffonier +chiffony +chifforobe +chigetai +chiggak +chigger +chiggerweed +chignon +chignoned +chigoe +chih +chihfu +Chihuahua +chikara +chil +chilacavote +chilalgia +chilarium +chilblain +Chilcat +child +childbearing +childbed +childbirth +childcrowing +childe +childed +Childermas +childhood +childing +childish +childishly +childishness +childkind +childless +childlessness +childlike +childlikeness +childly +childness +childrenite +childridden +childship +childward +chile +Chilean +Chileanization +Chileanize +chilectropion +chilenite +chili +chiliad +chiliadal +chiliadic +chiliagon +chiliahedron +chiliarch +chiliarchia +chiliarchy +chiliasm +chiliast +chiliastic +chilicote +chilicothe +chilidium +Chilina +Chilinidae +chiliomb +Chilion +chilitis +Chilkat +chill +chilla +chillagite +chilled +chiller +chillily +chilliness +chilling +chillingly +chillish +Chilliwack +chillness +chillo +chillroom +chillsome +chillum +chillumchee +chilly +chilognath +Chilognatha +chilognathan +chilognathous +chilogrammo +chiloma +Chilomastix +chiloncus +chiloplasty +chilopod +Chilopoda +chilopodan +chilopodous +Chilopsis +Chilostoma +Chilostomata +chilostomatous +chilostome +chilotomy +Chiltern +chilver +chimaera +chimaerid +Chimaeridae +chimaeroid +Chimaeroidei +Chimakuan +Chimakum +Chimalakwe +Chimalapa +Chimane +chimango +Chimaphila +Chimarikan +Chimariko +chimble +chime +chimer +chimera +chimeric +chimerical +chimerically +chimericalness +chimesmaster +chiminage +Chimmesyan +chimney +chimneyhead +chimneyless +chimneyman +Chimonanthus +chimopeelagic +chimpanzee +Chimu +Chin +chin +china +chinaberry +chinalike +Chinaman +chinamania +chinamaniac +chinampa +chinanta +Chinantecan +Chinantecs +chinaphthol +chinar +chinaroot +Chinatown +chinaware +chinawoman +chinband +chinch +chincha +Chinchasuyu +chinchayote +chinche +chincherinchee +chinchilla +chinching +chincloth +chincough +chine +chined +Chinee +Chinese +Chinesery +ching +chingma +Chingpaw +Chinhwan +chinik +chinin +Chink +chink +chinkara +chinker +chinkerinchee +chinking +chinkle +chinks +chinky +chinless +chinnam +chinned +chinny +chino +chinoa +chinol +Chinook +Chinookan +chinotoxine +chinotti +chinpiece +chinquapin +chinse +chint +chintz +chinwood +Chiococca +chiococcine +Chiogenes +chiolite +chionablepsia +Chionanthus +Chionaspis +Chionididae +Chionis +Chionodoxa +Chiot +chiotilla +Chip +chip +chipchap +chipchop +Chipewyan +chiplet +chipling +chipmunk +chippable +chippage +chipped +Chippendale +chipper +chipping +chippy +chips +chipwood +Chiquitan +Chiquito +chiragra +chiral +chiralgia +chirality +chirapsia +chirarthritis +chirata +Chiriana +Chiricahua +Chiriguano +chirimen +Chirino +chirinola +chiripa +chirivita +chirk +chirm +chiro +chirocosmetics +chirogale +chirognomic +chirognomically +chirognomist +chirognomy +chirognostic +chirograph +chirographary +chirographer +chirographic +chirographical +chirography +chirogymnast +chirological +chirologically +chirologist +chirology +chiromance +chiromancer +chiromancist +chiromancy +chiromant +chiromantic +chiromantical +Chiromantis +chiromegaly +chirometer +Chiromyidae +Chiromys +Chiron +chironomic +chironomid +Chironomidae +Chironomus +chironomy +chironym +chiropatagium +chiroplasty +chiropod +chiropodial +chiropodic +chiropodical +chiropodist +chiropodistry +chiropodous +chiropody +chiropompholyx +chiropractic +chiropractor +chiropraxis +chiropter +Chiroptera +chiropteran +chiropterite +chiropterophilous +chiropterous +chiropterygian +chiropterygious +chiropterygium +chirosophist +chirospasm +Chirotes +chirotherian +Chirotherium +chirothesia +chirotonsor +chirotonsory +chirotony +chirotype +chirp +chirper +chirpily +chirpiness +chirping +chirpingly +chirpling +chirpy +chirr +chirrup +chirruper +chirrupy +chirurgeon +chirurgery +Chisedec +chisel +chiseled +chiseler +chisellike +chiselly +chiselmouth +chit +Chita +chitak +chital +chitchat +chitchatty +Chitimacha +Chitimachan +chitin +chitinization +chitinized +chitinocalcareous +chitinogenous +chitinoid +chitinous +chiton +chitosamine +chitosan +chitose +chitra +Chitrali +chittamwood +chitter +chitterling +chitty +chivalresque +chivalric +chivalrous +chivalrously +chivalrousness +chivalry +chive +chivey +chiviatite +Chiwere +chkalik +chladnite +chlamyd +chlamydate +chlamydeous +Chlamydobacteriaceae +chlamydobacteriaceous +Chlamydobacteriales +Chlamydomonadaceae +Chlamydomonadidae +Chlamydomonas +Chlamydosaurus +Chlamydoselachidae +Chlamydoselachus +chlamydospore +Chlamydozoa +chlamydozoan +chlamyphore +Chlamyphorus +chlamys +Chleuh +chloanthite +chloasma +Chloe +chlor +chloracetate +chloragogen +chloral +chloralformamide +chloralide +chloralism +chloralization +chloralize +chloralose +chloralum +chloramide +chloramine +chloramphenicol +chloranemia +chloranemic +chloranhydride +chloranil +Chloranthaceae +chloranthaceous +Chloranthus +chloranthy +chlorapatite +chlorastrolite +chlorate +chlorazide +chlorcosane +chlordan +chlordane +chlore +Chlorella +Chlorellaceae +chlorellaceous +chloremia +chlorenchyma +chlorhydrate +chlorhydric +chloric +chloridate +chloridation +chloride +Chloridella +Chloridellidae +chlorider +chloridize +chlorimeter +chlorimetric +chlorimetry +chlorinate +chlorination +chlorinator +chlorine +chlorinize +chlorinous +chloriodide +Chlorion +Chlorioninae +chlorite +chloritic +chloritization +chloritize +chloritoid +chlorize +chlormethane +chlormethylic +chloroacetate +chloroacetic +chloroacetone +chloroacetophenone +chloroamide +chloroamine +chloroanaemia +chloroanemia +chloroaurate +chloroauric +chloroaurite +chlorobenzene +chlorobromide +chlorocalcite +chlorocarbonate +chlorochromates +chlorochromic +chlorochrous +Chlorococcaceae +Chlorococcales +Chlorococcum +Chlorococcus +chlorocresol +chlorocruorin +chlorodize +chloroform +chloroformate +chloroformic +chloroformism +chloroformist +chloroformization +chloroformize +chlorogenic +chlorogenine +chlorohydrin +chlorohydrocarbon +chloroiodide +chloroleucite +chloroma +chloromelanite +chlorometer +chloromethane +chlorometric +chlorometry +Chloromycetin +chloronitrate +chloropal +chloropalladates +chloropalladic +chlorophane +chlorophenol +chlorophoenicite +Chlorophora +Chlorophyceae +chlorophyceous +chlorophyl +chlorophyll +chlorophyllaceous +chlorophyllan +chlorophyllase +chlorophyllian +chlorophyllide +chlorophylliferous +chlorophylligenous +chlorophylligerous +chlorophyllin +chlorophyllite +chlorophylloid +chlorophyllose +chlorophyllous +chloropia +chloropicrin +chloroplast +chloroplastic +chloroplastid +chloroplatinate +chloroplatinic +chloroplatinite +chloroplatinous +chloroprene +chloropsia +chloroquine +chlorosilicate +chlorosis +chlorospinel +chlorosulphonic +chlorotic +chlorous +chlorozincate +chlorsalol +chloryl +Chnuphis +cho +choachyte +choana +choanate +Choanephora +choanocytal +choanocyte +Choanoflagellata +choanoflagellate +Choanoflagellida +Choanoflagellidae +choanoid +choanophorous +choanosomal +choanosome +choate +choaty +chob +choca +chocard +Chocho +chocho +chock +chockablock +chocker +chockler +chockman +Choco +Chocoan +chocolate +Choctaw +choel +choenix +Choeropsis +Choes +choffer +choga +chogak +chogset +Choiak +choice +choiceful +choiceless +choicelessness +choicely +choiceness +choicy +choil +choiler +choir +choirboy +choirlike +choirman +choirmaster +choirwise +Choisya +chokage +choke +chokeberry +chokebore +chokecherry +chokedamp +choker +chokered +chokerman +chokestrap +chokeweed +chokidar +choking +chokingly +chokra +choky +Chol +chol +Chola +chola +cholagogic +cholagogue +cholalic +cholane +cholangioitis +cholangitis +cholanic +cholanthrene +cholate +chold +choleate +cholecyanine +cholecyst +cholecystalgia +cholecystectasia +cholecystectomy +cholecystenterorrhaphy +cholecystenterostomy +cholecystgastrostomy +cholecystic +cholecystitis +cholecystnephrostomy +cholecystocolostomy +cholecystocolotomy +cholecystoduodenostomy +cholecystogastrostomy +cholecystogram +cholecystography +cholecystoileostomy +cholecystojejunostomy +cholecystokinin +cholecystolithiasis +cholecystolithotripsy +cholecystonephrostomy +cholecystopexy +cholecystorrhaphy +cholecystostomy +cholecystotomy +choledoch +choledochal +choledochectomy +choledochitis +choledochoduodenostomy +choledochoenterostomy +choledocholithiasis +choledocholithotomy +choledocholithotripsy +choledochoplasty +choledochorrhaphy +choledochostomy +choledochotomy +cholehematin +choleic +choleine +choleinic +cholelith +cholelithiasis +cholelithic +cholelithotomy +cholelithotripsy +cholelithotrity +cholemia +choleokinase +cholepoietic +choler +cholera +choleraic +choleric +cholericly +cholericness +choleriform +cholerigenous +cholerine +choleroid +choleromania +cholerophobia +cholerrhagia +cholestane +cholestanol +cholesteatoma +cholesteatomatous +cholestene +cholesterate +cholesteremia +cholesteric +cholesterin +cholesterinemia +cholesterinic +cholesterinuria +cholesterol +cholesterolemia +cholesteroluria +cholesterosis +cholesteryl +choletelin +choletherapy +choleuria +choli +choliamb +choliambic +choliambist +cholic +choline +cholinergic +cholinesterase +cholinic +cholla +choller +Cholo +cholochrome +cholocyanine +Choloepus +chologenetic +choloidic +choloidinic +chololith +chololithic +Cholonan +Cholones +cholophein +cholorrhea +choloscopy +cholterheaded +cholum +choluria +Choluteca +chomp +chondral +chondralgia +chondrarsenite +chondre +chondrectomy +chondrenchyma +chondric +chondrification +chondrify +chondrigen +chondrigenous +Chondrilla +chondrin +chondrinous +chondriocont +chondriome +chondriomere +chondriomite +chondriosomal +chondriosome +chondriosphere +chondrite +chondritic +chondritis +chondroadenoma +chondroalbuminoid +chondroangioma +chondroarthritis +chondroblast +chondroblastoma +chondrocarcinoma +chondrocele +chondroclasis +chondroclast +chondrocoracoid +chondrocostal +chondrocranial +chondrocranium +chondrocyte +chondrodite +chondroditic +chondrodynia +chondrodystrophia +chondrodystrophy +chondroendothelioma +chondroepiphysis +chondrofetal +chondrofibroma +chondrofibromatous +Chondroganoidei +chondrogen +chondrogenesis +chondrogenetic +chondrogenous +chondrogeny +chondroglossal +chondroglossus +chondrography +chondroid +chondroitic +chondroitin +chondrolipoma +chondrology +chondroma +chondromalacia +chondromatous +chondromucoid +Chondromyces +chondromyoma +chondromyxoma +chondromyxosarcoma +chondropharyngeal +chondropharyngeus +chondrophore +chondrophyte +chondroplast +chondroplastic +chondroplasty +chondroprotein +chondropterygian +Chondropterygii +chondropterygious +chondrosamine +chondrosarcoma +chondrosarcomatous +chondroseptum +chondrosin +chondrosis +chondroskeleton +chondrostean +Chondrostei +chondrosteoma +chondrosteous +chondrosternal +chondrotome +chondrotomy +chondroxiphoid +chondrule +chondrus +chonolith +chonta +Chontal +Chontalan +Chontaquiro +chontawood +choop +choosable +choosableness +choose +chooser +choosing +choosingly +choosy +chop +chopa +chopboat +chopfallen +chophouse +chopin +chopine +choplogic +chopped +chopper +choppered +chopping +choppy +chopstick +Chopunnish +Chora +choragic +choragion +choragium +choragus +choragy +Chorai +choral +choralcelo +choraleon +choralist +chorally +Chorasmian +chord +chorda +Chordaceae +chordacentrous +chordacentrum +chordaceous +chordal +chordally +chordamesoderm +Chordata +chordate +chorded +Chordeiles +chorditis +chordoid +chordomesoderm +chordotomy +chordotonal +chore +chorea +choreal +choreatic +choree +choregic +choregus +choregy +choreic +choreiform +choreograph +choreographer +choreographic +choreographical +choreography +choreoid +choreomania +chorepiscopal +chorepiscopus +choreus +choreutic +chorial +choriamb +choriambic +choriambize +choriambus +choric +chorine +chorioadenoma +chorioallantoic +chorioallantoid +chorioallantois +choriocapillaris +choriocapillary +choriocarcinoma +choriocele +chorioepithelioma +chorioid +chorioidal +chorioiditis +chorioidocyclitis +chorioidoiritis +chorioidoretinitis +chorioma +chorion +chorionepithelioma +chorionic +Chorioptes +chorioptic +chorioretinal +chorioretinitis +Choripetalae +choripetalous +choriphyllous +chorisepalous +chorisis +chorism +chorist +choristate +chorister +choristership +choristic +choristoblastoma +choristoma +choristry +chorization +chorizont +chorizontal +chorizontes +chorizontic +chorizontist +chorogi +chorograph +chorographer +chorographic +chorographical +chorographically +chorography +choroid +choroidal +choroidea +choroiditis +choroidocyclitis +choroidoiritis +choroidoretinitis +chorological +chorologist +chorology +choromania +choromanic +chorometry +chorook +Chorotega +Choroti +chort +chorten +Chorti +chortle +chortler +chortosterol +chorus +choruser +choruslike +Chorwat +choryos +chose +chosen +chott +Chou +Chouan +Chouanize +chouette +chough +chouka +choultry +choup +chouquette +chous +chouse +chouser +chousingha +chow +Chowanoc +chowchow +chowder +chowderhead +chowderheaded +chowk +chowry +choya +choyroot +Chozar +chrematheism +chrematist +chrematistic +chrematistics +chreotechnics +chresmology +chrestomathic +chrestomathics +chrestomathy +chria +chrimsel +Chris +chrism +chrisma +chrismal +chrismary +chrismatine +chrismation +chrismatite +chrismatize +chrismatory +chrismon +chrisom +chrisomloosing +chrisroot +Chrissie +Christ +Christabel +Christadelphian +Christadelphianism +christcross +Christdom +Christed +christen +Christendie +Christendom +christened +christener +christening +Christenmas +Christhood +Christiad +Christian +Christiana +Christiania +Christianiadeal +Christianism +christianite +Christianity +Christianization +Christianize +Christianizer +Christianlike +Christianly +Christianness +Christianogentilism +Christianography +Christianomastix +Christianopaganism +Christicide +Christie +Christiform +Christina +Christine +Christless +Christlessness +Christlike +Christlikeness +Christliness +Christly +Christmas +Christmasberry +Christmasing +Christmastide +Christmasy +Christocentric +Christofer +Christogram +Christolatry +Christological +Christologist +Christology +Christophany +Christophe +Christopher +Christos +chroatol +Chrobat +chroma +chromaffin +chromaffinic +chromammine +chromaphil +chromaphore +chromascope +chromate +chromatic +chromatical +chromatically +chromatician +chromaticism +chromaticity +chromatics +chromatid +chromatin +chromatinic +Chromatioideae +chromatism +chromatist +Chromatium +chromatize +chromatocyte +chromatodysopia +chromatogenous +chromatogram +chromatograph +chromatographic +chromatography +chromatoid +chromatology +chromatolysis +chromatolytic +chromatometer +chromatone +chromatopathia +chromatopathic +chromatopathy +chromatophil +chromatophile +chromatophilia +chromatophilic +chromatophilous +chromatophobia +chromatophore +chromatophoric +chromatophorous +chromatoplasm +chromatopsia +chromatoptometer +chromatoptometry +chromatoscope +chromatoscopy +chromatosis +chromatosphere +chromatospheric +chromatrope +chromaturia +chromatype +chromazurine +chromdiagnosis +chrome +chromene +chromesthesia +chromic +chromicize +chromid +Chromidae +Chromides +chromidial +Chromididae +chromidiogamy +chromidiosome +chromidium +chromidrosis +chromiferous +chromiole +chromism +chromite +chromitite +chromium +chromo +Chromobacterieae +Chromobacterium +chromoblast +chromocenter +chromocentral +chromochalcographic +chromochalcography +chromocollograph +chromocollographic +chromocollography +chromocollotype +chromocollotypy +chromocratic +chromocyte +chromocytometer +chromodermatosis +chromodiascope +chromogen +chromogene +chromogenesis +chromogenetic +chromogenic +chromogenous +chromogram +chromograph +chromoisomer +chromoisomeric +chromoisomerism +chromoleucite +chromolipoid +chromolith +chromolithic +chromolithograph +chromolithographer +chromolithographic +chromolithography +chromolysis +chromomere +chromometer +chromone +chromonema +chromoparous +chromophage +chromophane +chromophile +chromophilic +chromophilous +chromophobic +chromophore +chromophoric +chromophorous +chromophotograph +chromophotographic +chromophotography +chromophotolithograph +chromophyll +chromoplasm +chromoplasmic +chromoplast +chromoplastid +chromoprotein +chromopsia +chromoptometer +chromoptometrical +chromosantonin +chromoscope +chromoscopic +chromoscopy +chromosomal +chromosome +chromosphere +chromospheric +chromotherapist +chromotherapy +chromotrope +chromotropic +chromotropism +chromotropy +chromotype +chromotypic +chromotypographic +chromotypography +chromotypy +chromous +chromoxylograph +chromoxylography +chromule +chromy +chromyl +chronal +chronanagram +chronaxia +chronaxie +chronaxy +chronic +chronical +chronically +chronicity +chronicle +chronicler +chronicon +chronisotherm +chronist +chronobarometer +chronocinematography +chronocrator +chronocyclegraph +chronodeik +chronogeneous +chronogenesis +chronogenetic +chronogram +chronogrammatic +chronogrammatical +chronogrammatically +chronogrammatist +chronogrammic +chronograph +chronographer +chronographic +chronographical +chronographically +chronography +chronoisothermal +chronologer +chronologic +chronological +chronologically +chronologist +chronologize +chronology +chronomancy +chronomantic +chronometer +chronometric +chronometrical +chronometrically +chronometry +chrononomy +chronopher +chronophotograph +chronophotographic +chronophotography +Chronos +chronoscope +chronoscopic +chronoscopically +chronoscopy +chronosemic +chronostichon +chronothermal +chronothermometer +chronotropic +chronotropism +Chroococcaceae +chroococcaceous +Chroococcales +chroococcoid +Chroococcus +Chrosperma +chrotta +chrysal +chrysalid +chrysalidal +chrysalides +chrysalidian +chrysaline +chrysalis +chrysaloid +chrysamine +chrysammic +chrysamminic +Chrysamphora +chrysaniline +chrysanisic +chrysanthemin +chrysanthemum +chrysanthous +Chrysaor +chrysarobin +chrysatropic +chrysazin +chrysazol +chryselectrum +chryselephantine +Chrysemys +chrysene +chrysenic +chrysid +Chrysidella +chrysidid +Chrysididae +chrysin +Chrysippus +Chrysis +chrysoaristocracy +Chrysobalanaceae +Chrysobalanus +chrysoberyl +chrysobull +chrysocarpous +chrysochlore +Chrysochloridae +Chrysochloris +chrysochlorous +chrysochrous +chrysocolla +chrysocracy +chrysoeriol +chrysogen +chrysograph +chrysographer +chrysography +chrysohermidin +chrysoidine +chrysolite +chrysolitic +chrysology +Chrysolophus +chrysomelid +Chrysomelidae +chrysomonad +Chrysomonadales +Chrysomonadina +chrysomonadine +Chrysomyia +Chrysopa +chrysopal +chrysopee +chrysophan +chrysophanic +Chrysophanus +chrysophenine +chrysophilist +chrysophilite +Chrysophlyctis +chrysophyll +Chrysophyllum +chrysopid +Chrysopidae +chrysopoeia +chrysopoetic +chrysopoetics +chrysoprase +Chrysops +Chrysopsis +chrysorin +chrysosperm +Chrysosplenium +Chrysothamnus +Chrysothrix +chrysotile +Chrysotis +chrystocrene +chthonian +chthonic +chthonophagia +chthonophagy +chub +chubbed +chubbedness +chubbily +chubbiness +chubby +Chuchona +Chuck +chuck +chucker +chuckhole +chuckies +chucking +chuckingly +chuckle +chucklehead +chuckleheaded +chuckler +chucklingly +chuckrum +chuckstone +chuckwalla +chucky +Chud +chuddar +Chude +Chudic +Chueta +chufa +chuff +chuffy +chug +chugger +chuhra +Chuje +chukar +Chukchi +chukker +chukor +chulan +chullpa +chum +Chumashan +Chumawi +chummage +chummer +chummery +chummily +chummy +chump +chumpaka +chumpish +chumpishness +Chumpivilca +chumpy +chumship +Chumulu +Chun +chun +chunari +Chuncho +chunga +chunk +chunkhead +chunkily +chunkiness +chunky +chunner +chunnia +chunter +chupak +chupon +chuprassie +chuprassy +church +churchanity +churchcraft +churchdom +churchful +churchgoer +churchgoing +churchgrith +churchianity +churchified +churchiness +churching +churchish +churchism +churchite +churchless +churchlet +churchlike +churchliness +churchly +churchman +churchmanly +churchmanship +churchmaster +churchscot +churchward +churchwarden +churchwardenism +churchwardenize +churchwardenship +churchwards +churchway +churchwise +churchwoman +churchy +churchyard +churel +churinga +churl +churled +churlhood +churlish +churlishly +churlishness +churly +churm +churn +churnability +churnful +churning +churnmilk +churnstaff +Churoya +Churoyan +churr +Churrigueresque +churruck +churrus +churrworm +chut +chute +chuter +chutney +Chuvash +Chwana +chyack +chyak +chylaceous +chylangioma +chylaqueous +chyle +chylemia +chylidrosis +chylifaction +chylifactive +chylifactory +chyliferous +chylific +chylification +chylificatory +chyliform +chylify +chylocaulous +chylocauly +chylocele +chylocyst +chyloid +chylomicron +chylopericardium +chylophyllous +chylophylly +chylopoiesis +chylopoietic +chylosis +chylothorax +chylous +chyluria +chymaqueous +chymase +chyme +chymia +chymic +chymiferous +chymification +chymify +chymosin +chymosinogen +chymotrypsin +chymotrypsinogen +chymous +chypre +chytra +chytrid +Chytridiaceae +chytridiaceous +chytridial +Chytridiales +chytridiose +chytridiosis +Chytridium +Chytroi +cibarial +cibarian +cibarious +cibation +cibol +Cibola +Cibolan +Ciboney +cibophobia +ciborium +cibory +ciboule +cicad +cicada +Cicadellidae +cicadid +Cicadidae +cicala +cicatrice +cicatrices +cicatricial +cicatricle +cicatricose +cicatricula +cicatricule +cicatrisive +cicatrix +cicatrizant +cicatrizate +cicatrization +cicatrize +cicatrizer +cicatrose +Cicely +cicely +cicer +ciceronage +cicerone +ciceroni +Ciceronian +Ciceronianism +Ciceronianize +Ciceronic +Ciceronically +ciceronism +ciceronize +cichlid +Cichlidae +cichloid +cichoraceous +Cichoriaceae +cichoriaceous +Cichorium +Cicindela +cicindelid +cicindelidae +cicisbeism +ciclatoun +Ciconia +Ciconiae +ciconian +ciconiid +Ciconiidae +ciconiiform +Ciconiiformes +ciconine +ciconioid +Cicuta +cicutoxin +Cid +cidarid +Cidaridae +cidaris +Cidaroida +cider +ciderish +ciderist +ciderkin +cig +cigala +cigar +cigaresque +cigarette +cigarfish +cigarillo +cigarito +cigarless +cigua +ciguatera +cilectomy +cilia +ciliary +Ciliata +ciliate +ciliated +ciliately +ciliation +cilice +Cilician +cilicious +Cilicism +ciliella +ciliferous +ciliform +ciliiferous +ciliiform +Cilioflagellata +cilioflagellate +ciliograde +ciliolate +ciliolum +Ciliophora +cilioretinal +cilioscleral +ciliospinal +ciliotomy +cilium +cillosis +cimbia +Cimbri +Cimbrian +Cimbric +cimelia +cimex +cimicid +Cimicidae +cimicide +cimiciform +Cimicifuga +cimicifugin +cimicoid +ciminite +cimline +Cimmeria +Cimmerian +Cimmerianism +cimolite +cinch +cincher +cincholoipon +cincholoiponic +cinchomeronic +Cinchona +Cinchonaceae +cinchonaceous +cinchonamine +cinchonate +cinchonia +cinchonic +cinchonicine +cinchonidia +cinchonidine +cinchonine +cinchoninic +cinchonism +cinchonization +cinchonize +cinchonology +cinchophen +cinchotine +cinchotoxine +cincinnal +Cincinnati +Cincinnatia +Cincinnatian +cincinnus +Cinclidae +Cinclidotus +cinclis +Cinclus +cinct +cincture +cinder +Cinderella +cinderlike +cinderman +cinderous +cindery +Cindie +Cindy +cine +cinecamera +cinefilm +cinel +cinema +Cinemascope +cinematic +cinematical +cinematically +cinematize +cinematograph +cinematographer +cinematographic +cinematographical +cinematographically +cinematographist +cinematography +cinemelodrama +cinemize +cinemograph +cinenchyma +cinenchymatous +cinene +cinenegative +cineole +cineolic +cinephone +cinephotomicrography +cineplastics +cineplasty +cineraceous +Cinerama +Cineraria +cinerarium +cinerary +cineration +cinerator +cinerea +cinereal +cinereous +cineritious +cinevariety +cingle +cingular +cingulate +cingulated +cingulum +cinnabar +cinnabaric +cinnabarine +cinnamal +cinnamaldehyde +cinnamate +cinnamein +cinnamene +cinnamenyl +cinnamic +Cinnamodendron +cinnamol +cinnamomic +Cinnamomum +cinnamon +cinnamoned +cinnamonic +cinnamonlike +cinnamonroot +cinnamonwood +cinnamyl +cinnamylidene +cinnoline +cinnyl +cinquain +cinque +cinquecentism +cinquecentist +cinquecento +cinquefoil +cinquefoiled +cinquepace +cinter +Cinura +cinuran +cinurous +cion +cionectomy +cionitis +cionocranial +cionocranian +cionoptosis +cionorrhaphia +cionotome +cionotomy +Cipango +cipher +cipherable +cipherdom +cipherer +cipherhood +cipo +cipolin +cippus +circa +Circaea +Circaeaceae +Circaetus +Circassian +Circassic +Circe +Circean +Circensian +circinal +circinate +circinately +circination +Circinus +circiter +circle +circled +circler +circlet +circlewise +circling +circovarian +circuit +circuitable +circuital +circuiteer +circuiter +circuition +circuitman +circuitor +circuitous +circuitously +circuitousness +circuity +circulable +circulant +circular +circularism +circularity +circularization +circularize +circularizer +circularly +circularness +circularwise +circulate +circulation +circulative +circulator +circulatory +circumagitate +circumagitation +circumambages +circumambagious +circumambience +circumambiency +circumambient +circumambulate +circumambulation +circumambulator +circumambulatory +circumanal +circumantarctic +circumarctic +circumarticular +circumaviate +circumaviation +circumaviator +circumaxial +circumaxile +circumaxillary +circumbasal +circumbendibus +circumboreal +circumbuccal +circumbulbar +circumcallosal +Circumcellion +circumcenter +circumcentral +circumcinct +circumcincture +circumcircle +circumcise +circumciser +circumcision +circumclude +circumclusion +circumcolumnar +circumcone +circumconic +circumcorneal +circumcrescence +circumcrescent +circumdenudation +circumdiction +circumduce +circumduct +circumduction +circumesophagal +circumesophageal +circumference +circumferential +circumferentially +circumferentor +circumflant +circumflect +circumflex +circumflexion +circumfluence +circumfluent +circumfluous +circumforaneous +circumfulgent +circumfuse +circumfusile +circumfusion +circumgenital +circumgyrate +circumgyration +circumgyratory +circumhorizontal +circumincession +circuminsession +circuminsular +circumintestinal +circumitineration +circumjacence +circumjacency +circumjacent +circumlental +circumlitio +circumlittoral +circumlocute +circumlocution +circumlocutional +circumlocutionary +circumlocutionist +circumlocutory +circummeridian +circummeridional +circummigration +circummundane +circummure +circumnatant +circumnavigable +circumnavigate +circumnavigation +circumnavigator +circumnavigatory +circumneutral +circumnuclear +circumnutate +circumnutation +circumnutatory +circumocular +circumoesophagal +circumoral +circumorbital +circumpacific +circumpallial +circumparallelogram +circumpentagon +circumplicate +circumplication +circumpolar +circumpolygon +circumpose +circumposition +circumradius +circumrenal +circumrotate +circumrotation +circumrotatory +circumsail +circumscissile +circumscribable +circumscribe +circumscribed +circumscriber +circumscript +circumscription +circumscriptive +circumscriptively +circumscriptly +circumsinous +circumspangle +circumspatial +circumspect +circumspection +circumspective +circumspectively +circumspectly +circumspectness +circumspheral +circumstance +circumstanced +circumstantiability +circumstantiable +circumstantial +circumstantiality +circumstantially +circumstantialness +circumstantiate +circumstantiation +circumtabular +circumterraneous +circumterrestrial +circumtonsillar +circumtropical +circumumbilical +circumundulate +circumundulation +circumvallate +circumvallation +circumvascular +circumvent +circumventer +circumvention +circumventive +circumventor +circumviate +circumvolant +circumvolute +circumvolution +circumvolutory +circumvolve +circumzenithal +circus +circusy +cirque +cirrate +cirrated +Cirratulidae +Cirratulus +Cirrhopetalum +cirrhosed +cirrhosis +cirrhotic +cirrhous +cirri +cirribranch +cirriferous +cirriform +cirrigerous +cirrigrade +cirriped +Cirripedia +cirripedial +cirrolite +cirropodous +cirrose +Cirrostomi +cirrous +cirrus +cirsectomy +Cirsium +cirsocele +cirsoid +cirsomphalos +cirsophthalmia +cirsotome +cirsotomy +ciruela +cirurgian +Cisalpine +cisalpine +Cisalpinism +cisandine +cisatlantic +cisco +cise +cisele +cisgangetic +cisjurane +cisleithan +cismarine +Cismontane +cismontane +Cismontanism +cisoceanic +cispadane +cisplatine +cispontine +cisrhenane +Cissampelos +cissing +cissoid +cissoidal +Cissus +cist +cista +Cistaceae +cistaceous +cistae +cisted +Cistercian +Cistercianism +cistern +cisterna +cisternal +cistic +cistophoric +cistophorus +Cistudo +Cistus +cistvaen +cit +citable +citadel +citation +citator +citatory +cite +citee +Citellus +citer +citess +cithara +Citharexylum +citharist +citharista +citharoedi +citharoedic +citharoedus +cither +citied +citification +citified +citify +Citigradae +citigrade +citizen +citizendom +citizeness +citizenhood +citizenish +citizenism +citizenize +citizenly +citizenry +citizenship +citole +citraconate +citraconic +citral +citramide +citramontane +citrange +citrangeade +citrate +citrated +citrean +citrene +citreous +citric +citriculture +citriculturist +citril +citrin +citrination +citrine +citrinin +citrinous +citrometer +Citromyces +citron +citronade +citronella +citronellal +citronelle +citronellic +citronellol +citronin +citronwood +Citropsis +citropten +citrous +citrullin +Citrullus +Citrus +citrus +citrylidene +cittern +citua +city +citycism +citydom +cityfolk +cityful +cityish +cityless +cityness +cityscape +cityward +citywards +cive +civet +civetlike +civetone +civic +civically +civicism +civics +civil +civilian +civility +civilizable +civilization +civilizational +civilizatory +civilize +civilized +civilizedness +civilizee +civilizer +civilly +civilness +civism +Civitan +civvy +cixiid +Cixiidae +Cixo +clabber +clabbery +clachan +clack +Clackama +clackdish +clacker +clacket +clackety +clad +cladanthous +cladautoicous +cladding +cladine +cladocarpous +Cladocera +cladoceran +cladocerous +cladode +cladodial +cladodont +cladodontid +Cladodontidae +Cladodus +cladogenous +Cladonia +Cladoniaceae +cladoniaceous +cladonioid +Cladophora +Cladophoraceae +cladophoraceous +Cladophorales +cladophyll +cladophyllum +cladoptosis +cladose +Cladoselache +Cladoselachea +cladoselachian +Cladoselachidae +cladosiphonic +Cladosporium +Cladothrix +Cladrastis +cladus +clag +claggum +claggy +Claiborne +Claibornian +claim +claimable +claimant +claimer +claimless +clairaudience +clairaudient +clairaudiently +clairce +Claire +clairecole +clairecolle +clairschach +clairschacher +clairsentience +clairsentient +clairvoyance +clairvoyancy +clairvoyant +clairvoyantly +claith +claithes +claiver +Clallam +clam +clamant +clamantly +clamative +Clamatores +clamatorial +clamatory +clamb +clambake +clamber +clamberer +clamcracker +clame +clamer +clammed +clammer +clammily +clamminess +clamming +clammish +clammy +clammyweed +clamor +clamorer +clamorist +clamorous +clamorously +clamorousness +clamorsome +clamp +clamper +clamshell +clamworm +clan +clancular +clancularly +clandestine +clandestinely +clandestineness +clandestinity +clanfellow +clang +clangful +clangingly +clangor +clangorous +clangorously +Clangula +clanjamfray +clanjamfrey +clanjamfrie +clanjamphrey +clank +clankety +clanking +clankingly +clankingness +clankless +clanless +clanned +clanning +clannishly +clannishness +clansfolk +clanship +clansman +clansmanship +clanswoman +Claosaurus +clap +clapboard +clapbread +clapmatch +clapnet +clapped +clapper +clapperclaw +clapperclawer +clapperdudgeon +clappermaclaw +clapping +clapt +claptrap +clapwort +claque +claquer +Clara +clarabella +clarain +Clare +Clarence +Clarenceux +Clarenceuxship +Clarencieux +clarendon +claret +Claretian +Claribel +claribella +Clarice +clarifiant +clarification +clarifier +clarify +clarigation +clarin +Clarinda +clarinet +clarinetist +clarinettist +clarion +clarionet +Clarissa +Clarisse +Clarist +clarity +Clark +clark +clarkeite +Clarkia +claro +Claromontane +clarshech +clart +clarty +clary +clash +clasher +clashingly +clashy +clasmatocyte +clasmatosis +clasp +clasper +clasping +claspt +class +classable +classbook +classed +classer +classes +classfellow +classic +classical +classicalism +classicalist +classicality +classicalize +classically +classicalness +classicism +classicist +classicistic +classicize +classicolatry +classifiable +classific +classifically +classification +classificational +classificator +classificatory +classified +classifier +classis +classism +classman +classmanship +classmate +classroom +classwise +classwork +classy +clastic +clat +clatch +Clathraceae +clathraceous +Clathraria +clathrarian +clathrate +Clathrina +Clathrinidae +clathroid +clathrose +clathrulate +Clathrus +Clatsop +clatter +clatterer +clatteringly +clattertrap +clattery +clatty +Claude +claudent +claudetite +Claudia +Claudian +claudicant +claudicate +claudication +Claudio +Claudius +claught +clausal +clause +Clausilia +Clausiliidae +clausthalite +claustra +claustral +claustration +claustrophobia +claustrum +clausula +clausular +clausule +clausure +claut +clava +clavacin +claval +Clavaria +Clavariaceae +clavariaceous +clavate +clavated +clavately +clavation +clave +clavecin +clavecinist +clavel +clavelization +clavelize +clavellate +clavellated +claver +clavial +claviature +clavicembalo +Claviceps +clavichord +clavichordist +clavicithern +clavicle +clavicorn +clavicornate +Clavicornes +Clavicornia +clavicotomy +clavicular +clavicularium +claviculate +claviculus +clavicylinder +clavicymbal +clavicytherium +clavier +clavierist +claviform +claviger +clavigerous +claviharp +clavilux +claviol +clavipectoral +clavis +clavodeltoid +clavodeltoideus +clavola +clavolae +clavolet +clavus +clavy +claw +clawed +clawer +clawk +clawker +clawless +Clay +clay +claybank +claybrained +clayen +clayer +clayey +clayiness +clayish +claylike +clayman +claymore +Clayoquot +claypan +Clayton +Claytonia +clayware +clayweed +cleach +clead +cleaded +cleading +cleam +cleamer +clean +cleanable +cleaner +cleanhanded +cleanhandedness +cleanhearted +cleaning +cleanish +cleanlily +cleanliness +cleanly +cleanness +cleanout +cleansable +cleanse +cleanser +cleansing +cleanskins +cleanup +clear +clearable +clearage +clearance +clearcole +clearedness +clearer +clearheaded +clearheadedly +clearheadedness +clearhearted +clearing +clearinghouse +clearish +clearly +clearness +clearskins +clearstarch +clearweed +clearwing +cleat +cleavability +cleavable +cleavage +cleave +cleaveful +cleavelandite +cleaver +cleavers +cleaverwort +cleaving +cleavingly +cleche +cleck +cled +cledge +cledgy +cledonism +clee +cleek +cleeked +cleeky +clef +cleft +clefted +cleg +cleidagra +cleidarthritis +cleidocostal +cleidocranial +cleidohyoid +cleidomancy +cleidomastoid +cleidorrhexis +cleidoscapular +cleidosternal +cleidotomy +cleidotripsy +cleistocarp +cleistocarpous +cleistogamic +cleistogamically +cleistogamous +cleistogamously +cleistogamy +cleistogene +cleistogenous +cleistogeny +cleistothecium +Cleistothecopsis +cleithral +cleithrum +Clem +clem +Clematis +clematite +Clemclemalats +clemence +clemency +Clement +clement +Clementina +Clementine +clemently +clench +cleoid +Cleome +Cleopatra +clep +Clepsine +clepsydra +cleptobiosis +cleptobiotic +clerestoried +clerestory +clergy +clergyable +clergylike +clergyman +clergywoman +cleric +clerical +clericalism +clericalist +clericality +clericalize +clerically +clericate +clericature +clericism +clericity +clerid +Cleridae +clerihew +clerisy +clerk +clerkage +clerkdom +clerkery +clerkess +clerkhood +clerking +clerkish +clerkless +clerklike +clerkliness +clerkly +clerkship +Clerodendron +cleromancy +cleronomy +cleruch +cleruchial +cleruchic +cleruchy +Clerus +cletch +Clethra +Clethraceae +clethraceous +cleuch +cleve +cleveite +clever +cleverality +cleverish +cleverishly +cleverly +cleverness +clevis +clew +cliack +clianthus +cliche +click +clicker +clicket +clickless +clicky +Clidastes +cliency +client +clientage +cliental +cliented +clientelage +clientele +clientless +clientry +clientship +Cliff +cliff +cliffed +cliffless +clifflet +clifflike +Clifford +cliffside +cliffsman +cliffweed +cliffy +clift +Cliftonia +cliftonite +clifty +clima +Climaciaceae +climaciaceous +Climacium +climacteric +climacterical +climacterically +climactic +climactical +climactically +climacus +climata +climatal +climate +climath +climatic +climatical +climatically +Climatius +climatize +climatographical +climatography +climatologic +climatological +climatologically +climatologist +climatology +climatometer +climatotherapeutics +climatotherapy +climature +climax +climb +climbable +climber +climbing +clime +climograph +clinal +clinamen +clinamina +clinandria +clinandrium +clinanthia +clinanthium +clinch +clincher +clinchingly +clinchingness +cline +cling +clinger +clingfish +clinging +clingingly +clingingness +clingstone +clingy +clinia +clinic +clinical +clinically +clinician +clinicist +clinicopathological +clinium +clink +clinker +clinkerer +clinkery +clinking +clinkstone +clinkum +clinoaxis +clinocephalic +clinocephalism +clinocephalous +clinocephalus +clinocephaly +clinochlore +clinoclase +clinoclasite +clinodiagonal +clinodomatic +clinodome +clinograph +clinographic +clinohedral +clinohedrite +clinohumite +clinoid +clinologic +clinology +clinometer +clinometric +clinometrical +clinometry +clinopinacoid +clinopinacoidal +Clinopodium +clinoprism +clinopyramid +clinopyroxene +clinorhombic +clinospore +clinostat +clinquant +clint +clinting +Clinton +Clintonia +clintonite +clinty +Clio +Cliona +Clione +clip +clipei +clipeus +clippable +clipped +clipper +clipperman +clipping +clips +clipse +clipsheet +clipsome +clipt +clique +cliquedom +cliqueless +cliquish +cliquishly +cliquishness +cliquism +cliquy +cliseometer +clisere +clishmaclaver +Clisiocampa +Clistogastra +clit +clitch +clite +clitella +clitellar +clitelliferous +clitelline +clitellum +clitellus +clites +clithe +clithral +clithridiate +clitia +clition +Clitocybe +Clitoria +clitoridauxe +clitoridean +clitoridectomy +clitoriditis +clitoridotomy +clitoris +clitorism +clitoritis +clitter +clitterclatter +clival +clive +clivers +Clivia +clivis +clivus +cloaca +cloacal +cloacaline +cloacean +cloacinal +cloacinean +cloacitis +cloak +cloakage +cloaked +cloakedly +cloaking +cloakless +cloaklet +cloakmaker +cloakmaking +cloakroom +cloakwise +cloam +cloamen +cloamer +clobber +clobberer +clochan +cloche +clocher +clochette +clock +clockbird +clockcase +clocked +clocker +clockface +clockhouse +clockkeeper +clockless +clocklike +clockmaker +clockmaking +clockmutch +clockroom +clocksmith +clockwise +clockwork +clod +clodbreaker +clodder +cloddily +cloddiness +cloddish +cloddishly +cloddishness +cloddy +clodhead +clodhopper +clodhopping +clodlet +clodpate +clodpated +clodpoll +cloff +clog +clogdogdo +clogger +cloggily +clogginess +cloggy +cloghad +cloglike +clogmaker +clogmaking +clogwood +clogwyn +cloiochoanitic +cloisonless +cloisonne +cloister +cloisteral +cloistered +cloisterer +cloisterless +cloisterlike +cloisterliness +cloisterly +cloisterwise +cloistral +cloistress +cloit +clomb +clomben +clonal +clone +clonic +clonicity +clonicotonic +clonism +clonorchiasis +Clonorchis +Clonothrix +clonus +cloof +cloop +cloot +clootie +clop +cloragen +clorargyrite +cloriodid +closable +close +closecross +closed +closefisted +closefistedly +closefistedness +closehanded +closehearted +closely +closemouth +closemouthed +closen +closeness +closer +closestool +closet +closewing +closh +closish +closter +Closterium +clostridial +Clostridium +closure +clot +clotbur +clote +cloth +clothbound +clothe +clothes +clothesbag +clothesbasket +clothesbrush +clotheshorse +clothesline +clothesman +clothesmonger +clothespin +clothespress +clothesyard +clothier +clothify +Clothilda +clothing +clothmaker +clothmaking +Clotho +clothworker +clothy +clottage +clottedness +clotter +clotty +cloture +clotweed +cloud +cloudage +cloudberry +cloudburst +cloudcap +clouded +cloudful +cloudily +cloudiness +clouding +cloudland +cloudless +cloudlessly +cloudlessness +cloudlet +cloudlike +cloudling +cloudology +cloudscape +cloudship +cloudward +cloudwards +cloudy +clough +clour +clout +clouted +clouter +clouterly +clouty +clove +cloven +clovene +clover +clovered +cloverlay +cloverleaf +cloveroot +cloverroot +clovery +clow +clown +clownade +clownage +clownery +clownheal +clownish +clownishly +clownishness +clownship +clowring +cloy +cloyedness +cloyer +cloying +cloyingly +cloyingness +cloyless +cloysome +club +clubbability +clubbable +clubbed +clubber +clubbily +clubbing +clubbish +clubbism +clubbist +clubby +clubdom +clubfellow +clubfisted +clubfoot +clubfooted +clubhand +clubhaul +clubhouse +clubionid +Clubionidae +clubland +clubman +clubmate +clubmobile +clubmonger +clubridden +clubroom +clubroot +clubstart +clubster +clubweed +clubwoman +clubwood +cluck +clue +cluff +clump +clumpish +clumproot +clumpy +clumse +clumsily +clumsiness +clumsy +clunch +clung +Cluniac +Cluniacensian +Clunisian +Clunist +clunk +clupanodonic +Clupea +clupeid +Clupeidae +clupeiform +clupeine +Clupeodei +clupeoid +cluricaune +Clusia +Clusiaceae +clusiaceous +cluster +clusterberry +clustered +clusterfist +clustering +clusteringly +clustery +clutch +clutchman +cluther +clutter +clutterer +clutterment +cluttery +cly +Clyde +Clydesdale +Clydeside +Clydesider +clyer +clyfaker +clyfaking +Clymenia +clype +clypeal +Clypeaster +Clypeastridea +Clypeastrina +clypeastroid +Clypeastroida +Clypeastroidea +clypeate +clypeiform +clypeolar +clypeolate +clypeole +clypeus +clysis +clysma +clysmian +clysmic +clyster +clysterize +Clytemnestra +cnemapophysis +cnemial +cnemidium +Cnemidophorus +cnemis +Cneoraceae +cneoraceous +Cneorum +cnicin +Cnicus +cnida +Cnidaria +cnidarian +Cnidian +cnidoblast +cnidocell +cnidocil +cnidocyst +cnidophore +cnidophorous +cnidopod +cnidosac +Cnidoscolus +cnidosis +coabode +coabound +coabsume +coacceptor +coacervate +coacervation +coach +coachability +coachable +coachbuilder +coachbuilding +coachee +coacher +coachfellow +coachful +coaching +coachlet +coachmaker +coachmaking +coachman +coachmanship +coachmaster +coachsmith +coachsmithing +coachway +coachwhip +coachwise +coachwoman +coachwork +coachwright +coachy +coact +coaction +coactive +coactively +coactivity +coactor +coadamite +coadapt +coadaptation +coadequate +coadjacence +coadjacency +coadjacent +coadjacently +coadjudicator +coadjust +coadjustment +coadjutant +coadjutator +coadjute +coadjutement +coadjutive +coadjutor +coadjutorship +coadjutress +coadjutrix +coadjuvancy +coadjuvant +coadjuvate +coadminister +coadministration +coadministrator +coadministratrix +coadmiration +coadmire +coadmit +coadnate +coadore +coadsorbent +coadunate +coadunation +coadunative +coadunatively +coadunite +coadventure +coadventurer +coadvice +coaffirmation +coafforest +coaged +coagency +coagent +coaggregate +coaggregated +coaggregation +coagitate +coagitator +coagment +coagonize +coagriculturist +coagula +coagulability +coagulable +coagulant +coagulase +coagulate +coagulation +coagulative +coagulator +coagulatory +coagulin +coagulometer +coagulose +coagulum +Coahuiltecan +coaid +coaita +coak +coakum +coal +coalbag +coalbagger +coalbin +coalbox +coaldealer +coaler +coalesce +coalescence +coalescency +coalescent +coalfish +coalfitter +coalhole +coalification +coalify +Coalite +coalition +coalitional +coalitioner +coalitionist +coalize +coalizer +coalless +coalmonger +coalmouse +coalpit +coalrake +coalsack +coalternate +coalternation +coalternative +coaltitude +coaly +coalyard +coambassador +coambulant +coamiable +coaming +Coan +coanimate +coannex +coannihilate +coapostate +coapparition +coappear +coappearance +coapprehend +coapprentice +coappriser +coapprover +coapt +coaptate +coaptation +coaration +coarb +coarbiter +coarbitrator +coarctate +coarctation +coardent +coarrange +coarrangement +coarse +coarsely +coarsen +coarseness +coarsish +coascend +coassert +coasserter +coassession +coassessor +coassignee +coassist +coassistance +coassistant +coassume +coast +coastal +coastally +coaster +Coastguard +coastguardman +coasting +coastland +coastman +coastside +coastwaiter +coastward +coastwards +coastways +coastwise +coat +coated +coatee +coater +coati +coatie +coatimondie +coatimundi +coating +coatless +coatroom +coattail +coattailed +coattend +coattest +coattestation +coattestator +coaudience +coauditor +coaugment +coauthor +coauthority +coauthorship +coawareness +coax +coaxal +coaxation +coaxer +coaxial +coaxially +coaxing +coaxingly +coaxy +cob +cobaea +cobalt +cobaltammine +cobaltic +cobalticyanic +cobalticyanides +cobaltiferous +cobaltinitrite +cobaltite +cobaltocyanic +cobaltocyanide +cobaltous +cobang +cobbed +cobber +cobberer +cobbing +cobble +cobbler +cobblerfish +cobblerism +cobblerless +cobblership +cobblery +cobblestone +cobbling +cobbly +cobbra +cobby +cobcab +Cobdenism +Cobdenite +cobego +cobelief +cobeliever +cobelligerent +cobenignity +coberger +cobewail +cobhead +cobia +cobiron +cobishop +Cobitidae +Cobitis +coble +cobleman +Coblentzian +Cobleskill +cobless +cobloaf +cobnut +cobola +coboundless +cobourg +cobra +cobreathe +cobridgehead +cobriform +cobrother +cobstone +coburg +coburgess +coburgher +coburghership +Cobus +cobweb +cobwebbery +cobwebbing +cobwebby +cobwork +coca +cocaceous +cocaine +cocainism +cocainist +cocainization +cocainize +cocainomania +cocainomaniac +Cocama +Cocamama +cocamine +Cocanucos +cocarboxylase +cocash +cocashweed +cocause +cocautioner +Coccaceae +coccagee +coccal +Cocceian +Cocceianism +coccerin +cocci +coccid +Coccidae +coccidia +coccidial +coccidian +Coccidiidea +coccidioidal +Coccidioides +Coccidiomorpha +coccidiosis +coccidium +coccidology +cocciferous +cocciform +coccigenic +coccinella +coccinellid +Coccinellidae +coccionella +cocco +coccobacillus +coccochromatic +Coccogonales +coccogone +Coccogoneae +coccogonium +coccoid +coccolite +coccolith +coccolithophorid +Coccolithophoridae +Coccoloba +Coccolobis +Coccomyces +coccosphere +coccostean +coccosteid +Coccosteidae +Coccosteus +Coccothraustes +coccothraustine +Coccothrinax +coccous +coccule +cocculiferous +Cocculus +cocculus +coccus +coccydynia +coccygalgia +coccygeal +coccygean +coccygectomy +coccygerector +coccyges +coccygeus +coccygine +coccygodynia +coccygomorph +Coccygomorphae +coccygomorphic +coccygotomy +coccyodynia +coccyx +Coccyzus +cocentric +cochairman +cochal +cochief +Cochin +cochineal +cochlea +cochlear +cochleare +Cochlearia +cochlearifoliate +cochleariform +cochleate +cochleated +cochleiform +cochleitis +cochleous +cochlidiid +Cochlidiidae +cochliodont +Cochliodontidae +Cochliodus +Cochlospermaceae +cochlospermaceous +Cochlospermum +Cochranea +cochurchwarden +cocillana +cocircular +cocircularity +cocitizen +cocitizenship +cock +cockade +cockaded +Cockaigne +cockal +cockalorum +cockamaroo +cockarouse +cockateel +cockatoo +cockatrice +cockawee +cockbell +cockbill +cockbird +cockboat +cockbrain +cockchafer +cockcrow +cockcrower +cockcrowing +cocked +Cocker +cocker +cockerel +cockermeg +cockernony +cocket +cockeye +cockeyed +cockfight +cockfighting +cockhead +cockhorse +cockieleekie +cockily +cockiness +cocking +cockish +cockle +cockleboat +cocklebur +cockled +cockler +cockleshell +cocklet +cocklewife +cocklight +cockling +cockloft +cockly +cockmaster +cockmatch +cockmate +cockneian +cockneity +cockney +cockneybred +cockneydom +cockneyese +cockneyess +cockneyfication +cockneyfy +cockneyish +cockneyishly +cockneyism +cockneyize +cockneyland +cockneyship +cockpit +cockroach +cockscomb +cockscombed +cocksfoot +cockshead +cockshot +cockshut +cockshy +cockshying +cockspur +cockstone +cocksure +cocksuredom +cocksureism +cocksurely +cocksureness +cocksurety +cocktail +cockthrowing +cockup +cockweed +cocky +Cocle +coco +cocoa +cocoach +cocobolo +Coconino +coconnection +coconqueror +coconscious +coconsciously +coconsciousness +coconsecrator +coconspirator +coconstituent +cocontractor +Coconucan +Coconuco +coconut +cocoon +cocoonery +cocorico +cocoroot +Cocos +cocotte +cocovenantor +cocowood +cocowort +cocozelle +cocreate +cocreator +cocreatorship +cocreditor +cocrucify +coctile +coction +coctoantigen +coctoprecipitin +cocuisa +cocullo +cocurator +cocurrent +cocuswood +cocuyo +Cocytean +Cocytus +cod +coda +codamine +codbank +codder +codding +coddle +coddler +code +codebtor +codeclination +codecree +codefendant +codeine +codeless +codelight +codelinquency +codelinquent +codenization +codeposit +coder +coderive +codescendant +codespairer +codex +codfish +codfisher +codfishery +codger +codhead +codheaded +Codiaceae +codiaceous +Codiaeum +Codiales +codical +codices +codicil +codicilic +codicillary +codictatorship +codification +codifier +codify +codilla +codille +codiniac +codirectional +codirector +codiscoverer +codisjunct +codist +Codium +codivine +codling +codman +codo +codol +codomestication +codominant +codon +codpiece +codpitchings +Codrus +codshead +codworm +coe +coecal +coecum +coed +coeditor +coeditorship +coeducate +coeducation +coeducational +coeducationalism +coeducationalize +coeducationally +coeffect +coefficacy +coefficient +coefficiently +coeffluent +coeffluential +coelacanth +coelacanthid +Coelacanthidae +coelacanthine +Coelacanthini +coelacanthoid +coelacanthous +coelanaglyphic +coelar +coelarium +Coelastraceae +coelastraceous +Coelastrum +Coelata +coelder +coeldership +Coelebogyne +coelect +coelection +coelector +coelectron +coelelminth +Coelelminthes +coelelminthic +Coelentera +Coelenterata +coelenterate +coelenteric +coelenteron +coelestine +coelevate +coelho +coelia +coeliac +coelialgia +coelian +Coelicolae +Coelicolist +coeligenous +coelin +coeline +coeliomyalgia +coeliorrhea +coeliorrhoea +coelioscopy +coeliotomy +coeloblastic +coeloblastula +Coelococcus +coelodont +coelogastrula +Coeloglossum +Coelogyne +coelom +coeloma +Coelomata +coelomate +coelomatic +coelomatous +coelomesoblast +coelomic +Coelomocoela +coelomopore +coelonavigation +coelongated +coeloplanula +coelosperm +coelospermous +coelostat +coelozoic +coemanate +coembedded +coembody +coembrace +coeminency +coemperor +coemploy +coemployee +coemployment +coempt +coemption +coemptional +coemptionator +coemptive +coemptor +coenact +coenactor +coenaculous +coenamor +coenamorment +coenamourment +coenanthium +coendear +Coendidae +Coendou +coendure +coenenchym +coenenchyma +coenenchymal +coenenchymatous +coenenchyme +coenesthesia +coenesthesis +coenflame +coengage +coengager +coenjoy +coenobe +coenobiar +coenobic +coenobioid +coenobium +coenoblast +coenoblastic +coenocentrum +coenocyte +coenocytic +coenodioecism +coenoecial +coenoecic +coenoecium +coenogamete +coenomonoecism +coenosarc +coenosarcal +coenosarcous +coenosite +coenospecies +coenospecific +coenospecifically +coenosteal +coenosteum +coenotrope +coenotype +coenotypic +coenthrone +coenurus +coenzyme +coequal +coequality +coequalize +coequally +coequalness +coequate +coequated +coequation +coerce +coercement +coercer +coercibility +coercible +coercibleness +coercibly +coercion +coercionary +coercionist +coercitive +coercive +coercively +coerciveness +coercivity +Coerebidae +coeruleolactite +coessential +coessentiality +coessentially +coessentialness +coestablishment +coestate +coetaneity +coetaneous +coetaneously +coetaneousness +coeternal +coeternally +coeternity +coetus +coeval +coevality +coevally +coexchangeable +coexclusive +coexecutant +coexecutor +coexecutrix +coexert +coexertion +coexist +coexistence +coexistency +coexistent +coexpand +coexpanded +coexperiencer +coexpire +coexplosion +coextend +coextension +coextensive +coextensively +coextensiveness +coextent +cofactor +Cofane +cofaster +cofather +cofathership +cofeature +cofeoffee +coferment +cofermentation +coff +Coffea +coffee +coffeebush +coffeecake +coffeegrower +coffeegrowing +coffeehouse +coffeeleaf +coffeepot +coffeeroom +coffeetime +coffeeweed +coffeewood +coffer +cofferdam +cofferer +cofferfish +coffering +cofferlike +cofferwork +coffin +coffinless +coffinmaker +coffinmaking +coffle +coffret +cofighter +coforeknown +coformulator +cofounder +cofoundress +cofreighter +coft +cofunction +cog +cogence +cogency +cogener +cogeneric +cogent +cogently +cogged +cogger +coggie +cogging +coggle +coggledy +cogglety +coggly +coghle +cogitability +cogitable +cogitabund +cogitabundity +cogitabundly +cogitabundous +cogitant +cogitantly +cogitate +cogitatingly +cogitation +cogitative +cogitatively +cogitativeness +cogitativity +cogitator +coglorify +coglorious +cogman +cognac +cognate +cognateness +cognatic +cognatical +cognation +cognisable +cognisance +cognition +cognitional +cognitive +cognitively +cognitum +cognizability +cognizable +cognizableness +cognizably +cognizance +cognizant +cognize +cognizee +cognizer +cognizor +cognomen +cognominal +cognominate +cognomination +cognosce +cognoscent +cognoscibility +cognoscible +cognoscitive +cognoscitively +cogon +cogonal +cogovernment +cogovernor +cogracious +cograil +cogrediency +cogredient +cogroad +Cogswellia +coguarantor +coguardian +cogue +cogway +cogwheel +cogwood +cohabit +cohabitancy +cohabitant +cohabitation +coharmonious +coharmoniously +coharmonize +coheartedness +coheir +coheiress +coheirship +cohelper +cohelpership +Cohen +cohenite +coherald +cohere +coherence +coherency +coherent +coherently +coherer +coheretic +coheritage +coheritor +cohesibility +cohesible +cohesion +cohesive +cohesively +cohesiveness +cohibit +cohibition +cohibitive +cohibitor +coho +cohoba +cohobate +cohobation +cohobator +cohol +cohort +cohortation +cohortative +cohosh +cohune +cohusband +coidentity +coif +coifed +coiffure +coign +coigue +coil +coiled +coiler +coiling +coilsmith +coimmense +coimplicant +coimplicate +coimplore +coin +coinable +coinage +coincide +coincidence +coincidency +coincident +coincidental +coincidentally +coincidently +coincider +coinclination +coincline +coinclude +coincorporate +coindicant +coindicate +coindication +coindwelling +coiner +coinfeftment +coinfer +coinfinite +coinfinity +coinhabit +coinhabitant +coinhabitor +coinhere +coinherence +coinherent +coinheritance +coinheritor +coining +coinitial +coinmaker +coinmaking +coinmate +coinspire +coinstantaneity +coinstantaneous +coinstantaneously +coinstantaneousness +coinsurance +coinsure +cointense +cointension +cointensity +cointer +cointerest +cointersecting +cointise +Cointreau +coinventor +coinvolve +coiny +coir +coislander +coistrel +coistril +coital +coition +coiture +coitus +Coix +cojudge +cojuror +cojusticiar +coke +cokelike +cokeman +coker +cokernut +cokery +coking +coky +col +Cola +cola +colaborer +Colada +colalgia +Colan +colander +colane +colarin +colate +colation +colatitude +colatorium +colature +colauxe +colback +colberter +colbertine +Colbertism +colcannon +Colchian +Colchicaceae +colchicine +Colchicum +Colchis +colchyte +Colcine +colcothar +cold +colder +coldfinch +coldhearted +coldheartedly +coldheartedness +coldish +coldly +coldness +coldproof +coldslaw +Cole +cole +coleader +colecannon +colectomy +Coleen +colegatee +colegislator +colemanite +colemouse +Coleochaetaceae +coleochaetaceous +Coleochaete +Coleophora +Coleophoridae +coleopter +Coleoptera +coleopteral +coleopteran +coleopterist +coleopteroid +coleopterological +coleopterology +coleopteron +coleopterous +coleoptile +coleoptilum +coleorhiza +Coleosporiaceae +Coleosporium +coleplant +coleseed +coleslaw +colessee +colessor +coletit +coleur +Coleus +colewort +coli +Colias +colibacillosis +colibacterin +colibri +colic +colical +colichemarde +colicky +colicolitis +colicroot +colicweed +colicwort +colicystitis +colicystopyelitis +coliform +Coliidae +Coliiformes +colilysin +Colima +colima +Colin +colin +colinear +colinephritis +coling +Colinus +coliplication +colipuncture +colipyelitis +colipyuria +colisepsis +Coliseum +coliseum +colitic +colitis +colitoxemia +coliuria +Colius +colk +coll +Colla +collaborate +collaboration +collaborationism +collaborationist +collaborative +collaboratively +collaborator +collage +collagen +collagenic +collagenous +collapse +collapsibility +collapsible +collar +collarband +collarbird +collarbone +collard +collare +collared +collaret +collarino +collarless +collarman +collatable +collate +collatee +collateral +collaterality +collaterally +collateralness +collation +collationer +collatitious +collative +collator +collatress +collaud +collaudation +colleague +colleagueship +collect +collectability +collectable +collectanea +collectarium +collected +collectedly +collectedness +collectibility +collectible +collection +collectional +collectioner +collective +collectively +collectiveness +collectivism +collectivist +collectivistic +collectivistically +collectivity +collectivization +collectivize +collector +collectorate +collectorship +collectress +colleen +collegatary +college +colleger +collegial +collegialism +collegiality +collegian +collegianer +Collegiant +collegiate +collegiately +collegiateness +collegiation +collegium +Collembola +collembolan +collembole +collembolic +collembolous +collenchyma +collenchymatic +collenchymatous +collenchyme +collencytal +collencyte +Colleri +Colleries +Collery +collery +collet +colleter +colleterial +colleterium +Colletes +Colletia +colletic +Colletidae +colletin +Colletotrichum +colletside +colley +collibert +colliculate +colliculus +collide +collidine +collie +collied +collier +colliery +collieshangie +colliform +colligate +colligation +colligative +colligible +collimate +collimation +collimator +Collin +collin +collinal +colline +collinear +collinearity +collinearly +collineate +collineation +colling +collingly +collingual +Collins +collins +Collinsia +collinsite +Collinsonia +colliquate +colliquation +colliquative +colliquativeness +collision +collisional +collisive +colloblast +collobrierite +collocal +Collocalia +collocate +collocation +collocationable +collocative +collocatory +collochemistry +collochromate +collock +collocution +collocutor +collocutory +collodiochloride +collodion +collodionization +collodionize +collodiotype +collodium +collogue +colloid +colloidal +colloidality +colloidize +colloidochemical +Collomia +collop +colloped +collophanite +collophore +colloque +colloquia +colloquial +colloquialism +colloquialist +colloquiality +colloquialize +colloquially +colloquialness +colloquist +colloquium +colloquize +colloquy +collothun +collotype +collotypic +collotypy +colloxylin +colluctation +collude +colluder +collum +collumelliaceous +collusion +collusive +collusively +collusiveness +collutorium +collutory +colluvial +colluvies +colly +collyba +Collybia +Collyridian +collyrite +collyrium +collywest +collyweston +collywobbles +colmar +colobin +colobium +coloboma +Colobus +Colocasia +colocentesis +Colocephali +colocephalous +coloclysis +colocola +colocolic +colocynth +colocynthin +colodyspepsia +coloenteritis +cologarithm +Cologne +cololite +Colombian +colombier +colombin +Colombina +colometric +colometrically +colometry +colon +colonalgia +colonate +colonel +colonelcy +colonelship +colongitude +colonial +colonialism +colonialist +colonialize +colonially +colonialness +colonic +colonist +colonitis +colonizability +colonizable +colonization +colonizationist +colonize +colonizer +colonnade +colonnaded +colonnette +colonopathy +colonopexy +colonoscope +colonoscopy +colony +colopexia +colopexotomy +colopexy +colophane +colophany +colophene +colophenic +colophon +colophonate +Colophonian +colophonic +colophonist +colophonite +colophonium +colophony +coloplication +coloproctitis +coloptosis +colopuncture +coloquintid +coloquintida +color +colorability +colorable +colorableness +colorably +Coloradan +Colorado +colorado +coloradoite +colorant +colorate +coloration +colorational +colorationally +colorative +coloratura +colorature +colorcast +colorectitis +colorectostomy +colored +colorer +colorfast +colorful +colorfully +colorfulness +colorific +colorifics +colorimeter +colorimetric +colorimetrical +colorimetrically +colorimetrics +colorimetrist +colorimetry +colorin +coloring +colorist +coloristic +colorization +colorize +colorless +colorlessly +colorlessness +colormaker +colormaking +colorman +colorrhaphy +colors +colortype +Colorum +colory +coloss +colossal +colossality +colossally +colossean +Colosseum +colossi +Colossian +Colossochelys +colossus +Colossuswise +colostomy +colostral +colostration +colostric +colostrous +colostrum +colotomy +colotyphoid +colove +colp +colpenchyma +colpeo +colpeurynter +colpeurysis +colpindach +colpitis +colpocele +colpocystocele +colpohyperplasia +colpohysterotomy +colpoperineoplasty +colpoperineorrhaphy +colpoplastic +colpoplasty +colpoptosis +colporrhagia +colporrhaphy +colporrhea +colporrhexis +colport +colportage +colporter +colporteur +colposcope +colposcopy +colpotomy +colpus +Colt +colt +colter +colthood +coltish +coltishly +coltishness +coltpixie +coltpixy +coltsfoot +coltskin +Coluber +colubrid +Colubridae +colubriform +Colubriformes +Colubriformia +Colubrina +Colubrinae +colubrine +colubroid +colugo +Columba +columbaceous +Columbae +Columban +Columbanian +columbarium +columbary +columbate +columbeion +Columbella +Columbia +columbiad +Columbian +columbic +Columbid +Columbidae +columbier +columbiferous +Columbiformes +columbin +Columbine +columbine +columbite +columbium +columbo +columboid +columbotantalate +columbotitanate +columella +columellar +columellate +Columellia +Columelliaceae +columelliform +column +columnal +columnar +columnarian +columnarity +columnated +columned +columner +columniation +columniferous +columniform +columning +columnist +columnization +columnwise +colunar +colure +Colutea +Colville +coly +Colymbidae +colymbiform +colymbion +Colymbriformes +Colymbus +colyone +colyonic +colytic +colyum +colyumist +colza +coma +comacine +comagistracy +comagmatic +comaker +comal +comamie +Coman +Comanche +Comanchean +Comandra +comanic +comart +Comarum +comate +comatose +comatosely +comatoseness +comatosity +comatous +comatula +comatulid +comb +combaron +combat +combatable +combatant +combater +combative +combatively +combativeness +combativity +combed +comber +combfish +combflower +combinable +combinableness +combinant +combinantive +combinate +combination +combinational +combinative +combinator +combinatorial +combinatory +combine +combined +combinedly +combinedness +combinement +combiner +combing +combining +comble +combless +comblessness +combmaker +combmaking +comboloio +comboy +Combretaceae +combretaceous +Combretum +combure +comburendo +comburent +comburgess +comburimeter +comburimetry +comburivorous +combust +combustibility +combustible +combustibleness +combustibly +combustion +combustive +combustor +combwise +combwright +comby +come +comeback +Comecrudo +comedial +comedian +comediant +comedic +comedical +comedienne +comedietta +comedist +comedo +comedown +comedy +comelily +comeliness +comeling +comely +comendite +comenic +comephorous +comer +comes +comestible +comet +cometarium +cometary +comether +cometic +cometical +cometlike +cometographer +cometographical +cometography +cometoid +cometology +cometwise +comeuppance +comfit +comfiture +comfort +comfortable +comfortableness +comfortably +comforter +comfortful +comforting +comfortingly +comfortless +comfortlessly +comfortlessness +comfortress +comfortroot +comfrey +comfy +Comiakin +comic +comical +comicality +comically +comicalness +comicocratic +comicocynical +comicodidactic +comicography +comicoprosaic +comicotragedy +comicotragic +comicotragical +comicry +Comid +comiferous +Cominform +coming +comingle +comino +Comintern +comism +comital +comitant +comitatensian +comitative +comitatus +comitia +comitial +Comitium +comitragedy +comity +comma +command +commandable +commandant +commandedness +commandeer +commander +commandership +commandery +commanding +commandingly +commandingness +commandless +commandment +commando +commandoman +commandress +commassation +commassee +commatic +commation +commatism +commeasurable +commeasure +commeddle +Commelina +Commelinaceae +commelinaceous +commemorable +commemorate +commemoration +commemorational +commemorative +commemoratively +commemorativeness +commemorator +commemoratory +commemorize +commence +commenceable +commencement +commencer +commend +commendable +commendableness +commendably +commendador +commendam +commendatary +commendation +commendator +commendatory +commender +commendingly +commendment +commensal +commensalism +commensalist +commensalistic +commensality +commensally +commensurability +commensurable +commensurableness +commensurably +commensurate +commensurately +commensurateness +commensuration +comment +commentarial +commentarialism +commentary +commentate +commentation +commentator +commentatorial +commentatorially +commentatorship +commenter +commerce +commerceless +commercer +commerciable +commercial +commercialism +commercialist +commercialistic +commerciality +commercialization +commercialize +commercially +commercium +commerge +commie +comminate +commination +comminative +comminator +comminatory +commingle +comminglement +commingler +comminister +comminuate +comminute +comminution +comminutor +Commiphora +commiserable +commiserate +commiseratingly +commiseration +commiserative +commiseratively +commiserator +commissar +commissarial +commissariat +commissary +commissaryship +commission +commissionaire +commissional +commissionate +commissioner +commissionership +commissionship +commissive +commissively +commissural +commissure +commissurotomy +commit +commitment +committable +committal +committee +committeeism +committeeman +committeeship +committeewoman +committent +committer +committible +committor +commix +commixt +commixtion +commixture +commodatary +commodate +commodation +commodatum +commode +commodious +commodiously +commodiousness +commoditable +commodity +commodore +common +commonable +commonage +commonality +commonalty +commoner +commonership +commoney +commonish +commonition +commonize +commonly +commonness +commonplace +commonplaceism +commonplacely +commonplaceness +commonplacer +commons +commonsensible +commonsensibly +commonsensical +commonsensically +commonty +commonweal +commonwealth +commonwealthism +commorancy +commorant +commorient +commorth +commot +commotion +commotional +commotive +commove +communa +communal +communalism +communalist +communalistic +communality +communalization +communalize +communalizer +communally +communard +commune +communer +communicability +communicable +communicableness +communicably +communicant +communicate +communicatee +communicating +communication +communicative +communicatively +communicativeness +communicator +communicatory +communion +communionist +communique +communism +communist +communistery +communistic +communistically +communital +communitarian +communitary +communitive +communitorium +community +communization +communize +commutability +commutable +commutableness +commutant +commutate +commutation +commutative +commutatively +commutator +commute +commuter +commuting +commutual +commutuality +Comnenian +comoid +comolecule +comortgagee +comose +comourn +comourner +comournful +comous +Comox +compact +compacted +compactedly +compactedness +compacter +compactible +compaction +compactly +compactness +compactor +compacture +compages +compaginate +compagination +companator +companion +companionability +companionable +companionableness +companionably +companionage +companionate +companionize +companionless +companionship +companionway +company +comparability +comparable +comparableness +comparably +comparascope +comparate +comparatival +comparative +comparatively +comparativeness +comparativist +comparator +compare +comparer +comparison +comparition +comparograph +compart +compartition +compartment +compartmental +compartmentalization +compartmentalize +compartmentally +compartmentize +compass +compassable +compasser +compasses +compassing +compassion +compassionable +compassionate +compassionately +compassionateness +compassionless +compassive +compassivity +compassless +compaternity +compatibility +compatible +compatibleness +compatibly +compatriot +compatriotic +compatriotism +compear +compearance +compearant +compeer +compel +compellable +compellably +compellation +compellative +compellent +compeller +compelling +compellingly +compend +compendency +compendent +compendia +compendiary +compendiate +compendious +compendiously +compendiousness +compendium +compenetrate +compenetration +compensable +compensate +compensating +compensatingly +compensation +compensational +compensative +compensativeness +compensator +compensatory +compense +compenser +compesce +compete +competence +competency +competent +competently +competentness +competition +competitioner +competitive +competitively +competitiveness +competitor +competitorship +competitory +competitress +competitrix +compilation +compilator +compilatory +compile +compilement +compiler +compital +Compitalia +compitum +complacence +complacency +complacent +complacential +complacentially +complacently +complain +complainable +complainant +complainer +complainingly +complainingness +complaint +complaintive +complaintiveness +complaisance +complaisant +complaisantly +complaisantness +complanar +complanate +complanation +complect +complected +complement +complemental +complementally +complementalness +complementariness +complementarism +complementary +complementation +complementative +complementer +complementoid +complete +completedness +completely +completement +completeness +completer +completion +completive +completively +completory +complex +complexedness +complexification +complexify +complexion +complexionably +complexional +complexionally +complexioned +complexionist +complexionless +complexity +complexively +complexly +complexness +complexus +compliable +compliableness +compliably +compliance +compliancy +compliant +compliantly +complicacy +complicant +complicate +complicated +complicatedly +complicatedness +complication +complicative +complice +complicitous +complicity +complier +compliment +complimentable +complimental +complimentally +complimentalness +complimentarily +complimentariness +complimentary +complimentation +complimentative +complimenter +complimentingly +complin +complot +complotter +Complutensian +compluvium +comply +compo +compoer +compole +compone +componed +componency +componendo +component +componental +componented +compony +comport +comportment +compos +compose +composed +composedly +composedness +composer +composita +Compositae +composite +compositely +compositeness +composition +compositional +compositionally +compositive +compositively +compositor +compositorial +compositous +composograph +compossibility +compossible +compost +composture +composure +compotation +compotationship +compotator +compotatory +compote +compotor +compound +compoundable +compoundedness +compounder +compounding +compoundness +comprachico +comprador +comprecation +compreg +compregnate +comprehend +comprehender +comprehendible +comprehendingly +comprehense +comprehensibility +comprehensible +comprehensibleness +comprehensibly +comprehension +comprehensive +comprehensively +comprehensiveness +comprehensor +compresbyter +compresbyterial +compresence +compresent +compress +compressed +compressedly +compressibility +compressible +compressibleness +compressingly +compression +compressional +compressive +compressively +compressometer +compressor +compressure +comprest +compriest +comprisable +comprisal +comprise +comprised +compromise +compromiser +compromising +compromisingly +compromissary +compromission +compromissorial +compromit +compromitment +comprovincial +Compsilura +Compsoa +Compsognathus +Compsothlypidae +compter +Comptometer +Comptonia +comptroller +comptrollership +compulsative +compulsatively +compulsatorily +compulsatory +compulsed +compulsion +compulsitor +compulsive +compulsively +compulsiveness +compulsorily +compulsoriness +compulsory +compunction +compunctionary +compunctionless +compunctious +compunctiously +compunctive +compurgation +compurgator +compurgatorial +compurgatory +compursion +computability +computable +computably +computation +computational +computative +computativeness +compute +computer +computist +computus +comrade +comradely +comradery +comradeship +Comsomol +comstockery +Comtian +Comtism +Comtist +comurmurer +Comus +con +conacaste +conacre +conal +conalbumin +conamed +Conant +conarial +conarium +conation +conational +conationalistic +conative +conatus +conaxial +concamerate +concamerated +concameration +concanavalin +concaptive +concassation +concatenary +concatenate +concatenation +concatenator +concausal +concause +concavation +concave +concavely +concaveness +concaver +concavity +conceal +concealable +concealed +concealedly +concealedness +concealer +concealment +concede +conceded +concededly +conceder +conceit +conceited +conceitedly +conceitedness +conceitless +conceity +conceivability +conceivable +conceivableness +conceivably +conceive +conceiver +concelebrate +concelebration +concent +concenter +concentive +concentralization +concentrate +concentrated +concentration +concentrative +concentrativeness +concentrator +concentric +concentrically +concentricity +concentual +concentus +concept +conceptacle +conceptacular +conceptaculum +conception +conceptional +conceptionist +conceptism +conceptive +conceptiveness +conceptual +conceptualism +conceptualist +conceptualistic +conceptuality +conceptualization +conceptualize +conceptually +conceptus +concern +concerned +concernedly +concernedness +concerning +concerningly +concerningness +concernment +concert +concerted +concertedly +concertgoer +concertina +concertinist +concertist +concertize +concertizer +concertmaster +concertmeister +concertment +concerto +concertstuck +concessible +concession +concessionaire +concessional +concessionary +concessioner +concessionist +concessive +concessively +concessiveness +concessor +concettism +concettist +conch +concha +conchal +conchate +conche +conched +concher +Conchifera +conchiferous +conchiform +conchinine +conchiolin +conchitic +conchitis +Conchobor +conchoid +conchoidal +conchoidally +conchological +conchologically +conchologist +conchologize +conchology +conchometer +conchometry +Conchostraca +conchotome +Conchubar +Conchucu +conchuela +conchy +conchyliated +conchyliferous +conchylium +concierge +concile +conciliable +conciliabule +conciliabulum +conciliar +conciliate +conciliating +conciliatingly +conciliation +conciliationist +conciliative +conciliator +conciliatorily +conciliatoriness +conciliatory +concilium +concinnity +concinnous +concionator +concipiency +concipient +concise +concisely +conciseness +concision +conclamant +conclamation +conclave +conclavist +concludable +conclude +concluder +concluding +concludingly +conclusion +conclusional +conclusionally +conclusive +conclusively +conclusiveness +conclusory +concoagulate +concoagulation +concoct +concocter +concoction +concoctive +concoctor +concolor +concolorous +concomitance +concomitancy +concomitant +concomitantly +conconscious +Concord +concord +concordal +concordance +concordancer +concordant +concordantial +concordantly +concordat +concordatory +concorder +concordial +concordist +concordity +concorporate +Concorrezanes +concourse +concreate +concremation +concrement +concresce +concrescence +concrescible +concrescive +concrete +concretely +concreteness +concreter +concretion +concretional +concretionary +concretism +concretive +concretively +concretize +concretor +concubinage +concubinal +concubinarian +concubinary +concubinate +concubine +concubinehood +concubitancy +concubitant +concubitous +concubitus +concupiscence +concupiscent +concupiscible +concupiscibleness +concupy +concur +concurrence +concurrency +concurrent +concurrently +concurrentness +concurring +concurringly +concursion +concurso +concursus +concuss +concussant +concussion +concussional +concussive +concutient +concyclic +concyclically +cond +Condalia +condemn +condemnable +condemnably +condemnate +condemnation +condemnatory +condemned +condemner +condemning +condemningly +condensability +condensable +condensance +condensary +condensate +condensation +condensational +condensative +condensator +condense +condensed +condensedly +condensedness +condenser +condensery +condensity +condescend +condescendence +condescendent +condescender +condescending +condescendingly +condescendingness +condescension +condescensive +condescensively +condescensiveness +condiction +condictious +condiddle +condiddlement +condign +condigness +condignity +condignly +condiment +condimental +condimentary +condisciple +condistillation +condite +condition +conditional +conditionalism +conditionalist +conditionality +conditionalize +conditionally +conditionate +conditioned +conditioner +condivision +condolatory +condole +condolement +condolence +condolent +condoler +condoling +condolingly +condominate +condominium +condonable +condonance +condonation +condonative +condone +condonement +condoner +condor +conduce +conducer +conducing +conducingly +conducive +conduciveness +conduct +conductance +conductibility +conductible +conductility +conductimeter +conductio +conduction +conductional +conductitious +conductive +conductively +conductivity +conductometer +conductometric +conductor +conductorial +conductorless +conductorship +conductory +conductress +conductus +conduit +conduplicate +conduplicated +conduplication +condurangin +condurango +condylar +condylarth +Condylarthra +condylarthrosis +condylarthrous +condyle +condylectomy +condylion +condyloid +condyloma +condylomatous +condylome +condylopod +Condylopoda +condylopodous +condylos +condylotomy +Condylura +condylure +cone +coned +coneen +coneflower +conehead +coneighboring +coneine +conelet +conemaker +conemaking +Conemaugh +conenose +conepate +coner +cones +conessine +Conestoga +confab +confabular +confabulate +confabulation +confabulator +confabulatory +confact +confarreate +confarreation +confated +confect +confection +confectionary +confectioner +confectionery +Confed +confederacy +confederal +confederalist +confederate +confederater +confederatio +confederation +confederationist +confederatism +confederative +confederatize +confederator +confelicity +conferee +conference +conferential +conferment +conferrable +conferral +conferrer +conferruminate +conferted +Conferva +Confervaceae +confervaceous +conferval +Confervales +confervoid +Confervoideae +confervous +confess +confessable +confessant +confessarius +confessary +confessedly +confesser +confessing +confessingly +confession +confessional +confessionalian +confessionalism +confessionalist +confessionary +confessionist +confessor +confessorship +confessory +confidant +confide +confidence +confidency +confident +confidential +confidentiality +confidentially +confidentialness +confidentiary +confidently +confidentness +confider +confiding +confidingly +confidingness +configural +configurate +configuration +configurational +configurationally +configurationism +configurationist +configurative +configure +confinable +confine +confineable +confined +confinedly +confinedness +confineless +confinement +confiner +confining +confinity +confirm +confirmable +confirmand +confirmation +confirmative +confirmatively +confirmatorily +confirmatory +confirmed +confirmedly +confirmedness +confirmee +confirmer +confirming +confirmingly +confirmity +confirmment +confirmor +confiscable +confiscatable +confiscate +confiscation +confiscator +confiscatory +confitent +confiteor +confiture +confix +conflagrant +conflagrate +conflagration +conflagrative +conflagrator +conflagratory +conflate +conflated +conflation +conflict +conflicting +conflictingly +confliction +conflictive +conflictory +conflow +confluence +confluent +confluently +conflux +confluxibility +confluxible +confluxibleness +confocal +conform +conformability +conformable +conformableness +conformably +conformal +conformance +conformant +conformate +conformation +conformator +conformer +conformist +conformity +confound +confoundable +confounded +confoundedly +confoundedness +confounder +confounding +confoundingly +confrater +confraternal +confraternity +confraternization +confrere +confriar +confrication +confront +confrontal +confrontation +confronte +confronter +confrontment +Confucian +Confucianism +Confucianist +confusability +confusable +confusably +confuse +confused +confusedly +confusedness +confusingly +confusion +confusional +confusticate +confustication +confutable +confutation +confutative +confutator +confute +confuter +conga +congeable +congeal +congealability +congealable +congealableness +congealedness +congealer +congealment +congee +congelation +congelative +congelifraction +congeliturbate +congeliturbation +congener +congeneracy +congeneric +congenerical +congenerous +congenerousness +congenetic +congenial +congeniality +congenialize +congenially +congenialness +congenital +congenitally +congenitalness +conger +congeree +congest +congested +congestible +congestion +congestive +congiary +congius +conglobate +conglobately +conglobation +conglobe +conglobulate +conglomerate +conglomeratic +conglomeration +conglutin +conglutinant +conglutinate +conglutination +conglutinative +Congo +Congoese +Congolese +Congoleum +congou +congratulable +congratulant +congratulate +congratulation +congratulational +congratulator +congratulatory +congredient +congreet +congregable +congreganist +congregant +congregate +congregation +congregational +congregationalism +Congregationalist +congregationalize +congregationally +Congregationer +congregationist +congregative +congregativeness +congregator +Congreso +congress +congresser +congressional +congressionalist +congressionally +congressionist +congressist +congressive +congressman +Congresso +congresswoman +Congreve +Congridae +congroid +congruence +congruency +congruent +congruential +congruently +congruism +congruist +congruistic +congruity +congruous +congruously +congruousness +conhydrine +Coniacian +conic +conical +conicality +conically +conicalness +coniceine +conichalcite +conicine +conicity +conicle +conicoid +conicopoly +conics +Conidae +conidia +conidial +conidian +conidiiferous +conidioid +conidiophore +conidiophorous +conidiospore +conidium +conifer +Coniferae +coniferin +coniferophyte +coniferous +conification +coniform +Conilurus +conima +conimene +conin +conine +Coniogramme +Coniophora +Coniopterygidae +Conioselinum +coniosis +Coniothyrium +coniroster +conirostral +Conirostres +Conium +conject +conjective +conjecturable +conjecturably +conjectural +conjecturalist +conjecturality +conjecturally +conjecture +conjecturer +conjobble +conjoin +conjoined +conjoinedly +conjoiner +conjoint +conjointly +conjointment +conjointness +conjubilant +conjugable +conjugacy +conjugal +Conjugales +conjugality +conjugally +conjugant +conjugata +Conjugatae +conjugate +conjugated +conjugately +conjugateness +conjugation +conjugational +conjugationally +conjugative +conjugator +conjugial +conjugium +conjunct +conjunction +conjunctional +conjunctionally +conjunctiva +conjunctival +conjunctive +conjunctively +conjunctiveness +conjunctivitis +conjunctly +conjunctur +conjunctural +conjuncture +conjuration +conjurator +conjure +conjurement +conjurer +conjurership +conjuror +conjury +conk +conkanee +conker +conkers +conky +conn +connach +Connaraceae +connaraceous +connarite +Connarus +connascency +connascent +connatal +connate +connately +connateness +connation +connatural +connaturality +connaturalize +connaturally +connaturalness +connature +connaught +connect +connectable +connectant +connected +connectedly +connectedness +connectible +connection +connectional +connectival +connective +connectively +connectivity +connector +connellite +conner +connex +connexion +connexionalism +connexity +connexive +connexivum +connexus +Connie +conning +conniption +connivance +connivancy +connivant +connivantly +connive +connivent +conniver +Connochaetes +connoissance +connoisseur +connoisseurship +connotation +connotative +connotatively +connote +connotive +connotively +connubial +connubiality +connubially +connubiate +connubium +connumerate +connumeration +Conocarpus +Conocephalum +Conocephalus +conoclinium +conocuneus +conodont +conoid +conoidal +conoidally +conoidic +conoidical +conoidically +Conolophus +conominee +cononintelligent +Conopholis +conopid +Conopidae +conoplain +conopodium +Conopophaga +Conopophagidae +Conor +Conorhinus +conormal +conoscope +conourish +Conoy +conphaseolin +conplane +conquedle +conquer +conquerable +conquerableness +conqueress +conquering +conqueringly +conquerment +conqueror +conquest +conquian +conquinamine +conquinine +conquistador +Conrad +conrector +conrectorship +conred +Conringia +consanguine +consanguineal +consanguinean +consanguineous +consanguineously +consanguinity +conscience +conscienceless +consciencelessly +consciencelessness +consciencewise +conscient +conscientious +conscientiously +conscientiousness +conscionable +conscionableness +conscionably +conscious +consciously +consciousness +conscribe +conscript +conscription +conscriptional +conscriptionist +conscriptive +consecrate +consecrated +consecratedness +consecrater +consecration +consecrative +consecrator +consecratory +consectary +consecute +consecution +consecutive +consecutively +consecutiveness +consecutives +consenescence +consenescency +consension +consensual +consensually +consensus +consent +consentable +consentaneity +consentaneous +consentaneously +consentaneousness +consentant +consenter +consentful +consentfully +consentience +consentient +consentiently +consenting +consentingly +consentingness +consentive +consentively +consentment +consequence +consequency +consequent +consequential +consequentiality +consequentially +consequentialness +consequently +consertal +conservable +conservacy +conservancy +conservant +conservate +conservation +conservational +conservationist +conservatism +conservatist +conservative +conservatively +conservativeness +conservatize +conservatoire +conservator +conservatorio +conservatorium +conservatorship +conservatory +conservatrix +conserve +conserver +consider +considerability +considerable +considerableness +considerably +considerance +considerate +considerately +considerateness +consideration +considerative +consideratively +considerativeness +considerator +considered +considerer +considering +consideringly +consign +consignable +consignatary +consignation +consignatory +consignee +consigneeship +consigner +consignificant +consignificate +consignification +consignificative +consignificator +consignify +consignment +consignor +consiliary +consilience +consilient +consimilar +consimilarity +consimilate +consist +consistence +consistency +consistent +consistently +consistorial +consistorian +consistory +consociate +consociation +consociational +consociationism +consociative +consocies +consol +consolable +consolableness +consolably +Consolamentum +consolation +Consolato +consolatorily +consolatoriness +consolatory +consolatrix +console +consolement +consoler +consolidant +consolidate +consolidated +consolidation +consolidationist +consolidative +consolidator +consoling +consolingly +consolute +consomme +consonance +consonancy +consonant +consonantal +consonantic +consonantism +consonantize +consonantly +consonantness +consonate +consonous +consort +consortable +consorter +consortial +consortion +consortism +consortium +consortship +consound +conspecies +conspecific +conspectus +consperse +conspersion +conspicuity +conspicuous +conspicuously +conspicuousness +conspiracy +conspirant +conspiration +conspirative +conspirator +conspiratorial +conspiratorially +conspiratory +conspiratress +conspire +conspirer +conspiring +conspiringly +conspue +constable +constablery +constableship +constabless +constablewick +constabular +constabulary +Constance +constancy +constant +constantan +Constantine +Constantinian +Constantinopolitan +constantly +constantness +constat +constatation +constate +constatory +constellate +constellation +constellatory +consternate +consternation +constipate +constipation +constituency +constituent +constituently +constitute +constituter +constitution +constitutional +constitutionalism +constitutionalist +constitutionality +constitutionalization +constitutionalize +constitutionally +constitutionary +constitutioner +constitutionist +constitutive +constitutively +constitutiveness +constitutor +constrain +constrainable +constrained +constrainedly +constrainedness +constrainer +constraining +constrainingly +constrainment +constraint +constrict +constricted +constriction +constrictive +constrictor +constringe +constringency +constringent +construability +construable +construct +constructer +constructible +construction +constructional +constructionally +constructionism +constructionist +constructive +constructively +constructiveness +constructivism +constructivist +constructor +constructorship +constructure +construe +construer +constuprate +constupration +consubsist +consubsistency +consubstantial +consubstantialism +consubstantialist +consubstantiality +consubstantially +consubstantiate +consubstantiation +consubstantiationist +consubstantive +consuete +consuetitude +consuetude +consuetudinal +consuetudinary +consul +consulage +consular +consularity +consulary +consulate +consulship +consult +consultable +consultant +consultary +consultation +consultative +consultatory +consultee +consulter +consulting +consultive +consultively +consultor +consultory +consumable +consume +consumedly +consumeless +consumer +consuming +consumingly +consumingness +consummate +consummately +consummation +consummative +consummatively +consummativeness +consummator +consummatory +consumpt +consumpted +consumptible +consumption +consumptional +consumptive +consumptively +consumptiveness +consumptivity +consute +contabescence +contabescent +contact +contactor +contactual +contactually +contagion +contagioned +contagionist +contagiosity +contagious +contagiously +contagiousness +contagium +contain +containable +container +containment +contakion +contaminable +contaminant +contaminate +contamination +contaminative +contaminator +contaminous +contangential +contango +conte +contect +contection +contemn +contemner +contemnible +contemnibly +contemning +contemningly +contemnor +contemper +contemperate +contemperature +contemplable +contemplamen +contemplant +contemplate +contemplatingly +contemplation +contemplatist +contemplative +contemplatively +contemplativeness +contemplator +contemplature +contemporanean +contemporaneity +contemporaneous +contemporaneously +contemporaneousness +contemporarily +contemporariness +contemporary +contemporize +contempt +contemptful +contemptibility +contemptible +contemptibleness +contemptibly +contemptuous +contemptuously +contemptuousness +contendent +contender +contending +contendingly +contendress +content +contentable +contented +contentedly +contentedness +contentful +contention +contentional +contentious +contentiously +contentiousness +contentless +contently +contentment +contentness +contents +conter +conterminal +conterminant +contermine +conterminous +conterminously +conterminousness +contest +contestable +contestableness +contestably +contestant +contestation +contestee +contester +contestingly +contestless +context +contextive +contextual +contextually +contextural +contexture +contextured +conticent +contignation +contiguity +contiguous +contiguously +contiguousness +continence +continency +continent +continental +Continentaler +continentalism +continentalist +continentality +Continentalize +continentally +continently +contingence +contingency +contingent +contingential +contingentialness +contingently +contingentness +continuable +continual +continuality +continually +continualness +continuance +continuancy +continuando +continuant +continuantly +continuate +continuately +continuateness +continuation +continuative +continuatively +continuativeness +continuator +continue +continued +continuedly +continuedness +continuer +continuingly +continuist +continuity +continuous +continuously +continuousness +continuum +contise +contline +conto +contorniate +contorsive +contort +Contortae +contorted +contortedly +contortedness +contortion +contortional +contortionate +contortioned +contortionist +contortionistic +contortive +contour +contourne +contra +contraband +contrabandage +contrabandery +contrabandism +contrabandist +contrabandista +contrabass +contrabassist +contrabasso +contracapitalist +contraception +contraceptionist +contraceptive +contracivil +contraclockwise +contract +contractable +contractant +contractation +contracted +contractedly +contractedness +contractee +contracter +contractibility +contractible +contractibleness +contractibly +contractile +contractility +contraction +contractional +contractionist +contractive +contractively +contractiveness +contractor +contractual +contractually +contracture +contractured +contradebt +contradict +contradictable +contradictedness +contradicter +contradiction +contradictional +contradictious +contradictiously +contradictiousness +contradictive +contradictively +contradictiveness +contradictor +contradictorily +contradictoriness +contradictory +contradiscriminate +contradistinct +contradistinction +contradistinctive +contradistinctively +contradistinctly +contradistinguish +contradivide +contrafacture +contrafagotto +contrafissura +contraflexure +contraflow +contrafocal +contragredience +contragredient +contrahent +contrail +contraindicate +contraindication +contraindicative +contralateral +contralto +contramarque +contranatural +contrantiscion +contraoctave +contraparallelogram +contraplex +contrapolarization +contrapone +contraponend +Contraposaune +contrapose +contraposit +contraposita +contraposition +contrapositive +contraprogressist +contraprop +contraproposal +contraption +contraptious +contrapuntal +contrapuntalist +contrapuntally +contrapuntist +contrapunto +contrarational +contraregular +contraregularity +contraremonstrance +contraremonstrant +contrarevolutionary +contrariant +contrariantly +contrariety +contrarily +contrariness +contrarious +contrariously +contrariousness +contrariwise +contrarotation +contrary +contrascriptural +contrast +contrastable +contrastably +contrastedly +contrastimulant +contrastimulation +contrastimulus +contrastingly +contrastive +contrastively +contrastment +contrasty +contrasuggestible +contratabular +contrate +contratempo +contratenor +contravalence +contravallation +contravariant +contravene +contravener +contravention +contraversion +contravindicate +contravindication +contrawise +contrayerva +contrectation +contreface +contrefort +contretemps +contributable +contribute +contribution +contributional +contributive +contributively +contributiveness +contributor +contributorial +contributorship +contributory +contrite +contritely +contriteness +contrition +contriturate +contrivance +contrivancy +contrive +contrivement +contriver +control +controllability +controllable +controllableness +controllably +controller +controllership +controlless +controllingly +controlment +controversial +controversialism +controversialist +controversialize +controversially +controversion +controversional +controversionalism +controversionalist +controversy +controvert +controverter +controvertible +controvertibly +controvertist +contubernal +contubernial +contubernium +contumacious +contumaciously +contumaciousness +contumacity +contumacy +contumelious +contumeliously +contumeliousness +contumely +contund +conturbation +contuse +contusion +contusioned +contusive +conubium +Conularia +conumerary +conumerous +conundrum +conundrumize +conurbation +conure +Conuropsis +Conurus +conus +conusable +conusance +conusant +conusee +conusor +conutrition +conuzee +conuzor +convalesce +convalescence +convalescency +convalescent +convalescently +convallamarin +Convallaria +Convallariaceae +convallariaceous +convallarin +convect +convection +convectional +convective +convectively +convector +convenable +convenably +convene +convenee +convener +convenership +convenience +conveniency +convenient +conveniently +convenientness +convent +conventical +conventically +conventicle +conventicler +conventicular +convention +conventional +conventionalism +conventionalist +conventionality +conventionalization +conventionalize +conventionally +conventionary +conventioner +conventionism +conventionist +conventionize +conventual +conventually +converge +convergement +convergence +convergency +convergent +convergescence +converging +conversable +conversableness +conversably +conversance +conversancy +conversant +conversantly +conversation +conversationable +conversational +conversationalist +conversationally +conversationism +conversationist +conversationize +conversative +converse +conversely +converser +conversibility +conversible +conversion +conversional +conversionism +conversionist +conversive +convert +converted +convertend +converter +convertibility +convertible +convertibleness +convertibly +converting +convertingness +convertise +convertism +convertite +convertive +convertor +conveth +convex +convexed +convexedly +convexedness +convexity +convexly +convexness +convey +conveyable +conveyal +conveyance +conveyancer +conveyancing +conveyer +convict +convictable +conviction +convictional +convictism +convictive +convictively +convictiveness +convictment +convictor +convince +convinced +convincedly +convincedness +convincement +convincer +convincibility +convincible +convincing +convincingly +convincingness +convival +convive +convivial +convivialist +conviviality +convivialize +convivially +convocant +convocate +convocation +convocational +convocationally +convocationist +convocative +convocator +convoke +convoker +Convoluta +convolute +convoluted +convolutely +convolution +convolutional +convolutionary +convolutive +convolve +convolvement +Convolvulaceae +convolvulaceous +convolvulad +convolvuli +convolvulic +convolvulin +convolvulinic +convolvulinolic +Convolvulus +convoy +convulsant +convulse +convulsedly +convulsibility +convulsible +convulsion +convulsional +convulsionary +convulsionism +convulsionist +convulsive +convulsively +convulsiveness +cony +conycatcher +conyrine +coo +cooba +coodle +cooee +cooer +coof +Coohee +cooing +cooingly +cooja +cook +cookable +cookbook +cookdom +cookee +cookeite +cooker +cookery +cookhouse +cooking +cookish +cookishly +cookless +cookmaid +cookout +cookroom +cookshack +cookshop +cookstove +cooky +cool +coolant +coolen +cooler +coolerman +coolheaded +coolheadedly +coolheadedness +coolhouse +coolibah +coolie +cooling +coolingly +coolingness +coolish +coolly +coolness +coolth +coolung +coolweed +coolwort +cooly +coom +coomb +coomy +coon +cooncan +coonily +cooniness +coonroot +coonskin +coontail +coontie +coony +coop +cooper +cooperage +Cooperia +coopering +coopery +cooree +Coorg +coorie +cooruptibly +Coos +cooser +coost +Coosuc +coot +cooter +cootfoot +coothay +cootie +cop +copa +copable +copacetic +copaene +copaiba +copaibic +Copaifera +Copaiva +copaivic +copaiye +copal +copalche +copalcocote +copaliferous +copalite +copalm +coparallel +coparcenary +coparcener +coparceny +coparent +copart +copartaker +copartner +copartnership +copartnery +coparty +copassionate +copastor +copastorate +copatain +copatentee +copatriot +copatron +copatroness +cope +Copehan +copei +Copelata +Copelatae +copelate +copellidine +copeman +copemate +copen +copending +copenetrate +Copeognatha +copepod +Copepoda +copepodan +copepodous +coper +coperception +coperiodic +Copernican +Copernicanism +Copernicia +coperta +copesman +copesmate +copestone +copetitioner +cophasal +Cophetua +cophosis +copiability +copiable +copiapite +copied +copier +copilot +coping +copiopia +copiopsia +copiosity +copious +copiously +copiousness +copis +copist +copita +coplaintiff +coplanar +coplanarity +copleased +coplotter +coploughing +coplowing +copolar +copolymer +copolymerization +copolymerize +coppaelite +copped +copper +copperas +copperbottom +copperer +copperhead +copperheadism +coppering +copperish +copperization +copperize +copperleaf +coppernose +coppernosed +copperplate +copperproof +coppersidesman +copperskin +coppersmith +coppersmithing +copperware +copperwing +copperworks +coppery +copperytailed +coppet +coppice +coppiced +coppicing +coppin +copping +copple +copplecrown +coppled +coppy +copr +copra +coprecipitate +coprecipitation +copremia +copremic +copresbyter +copresence +copresent +Coprides +Coprinae +coprincipal +coprincipate +Coprinus +coprisoner +coprodaeum +coproduce +coproducer +coprojector +coprolagnia +coprolagnist +coprolalia +coprolaliac +coprolite +coprolith +coprolitic +coprology +copromisor +copromoter +coprophagan +coprophagia +coprophagist +coprophagous +coprophagy +coprophilia +coprophiliac +coprophilic +coprophilism +coprophilous +coprophyte +coproprietor +coproprietorship +coprose +Coprosma +coprostasis +coprosterol +coprozoic +copse +copsewood +copsewooded +copsing +copsy +Copt +copter +Coptic +Coptis +copula +copulable +copular +copularium +copulate +copulation +copulative +copulatively +copulatory +copunctal +copurchaser +copus +copy +copybook +copycat +copygraph +copygraphed +copyhold +copyholder +copyholding +copyism +copyist +copyman +copyreader +copyright +copyrightable +copyrighter +copywise +coque +coquecigrue +coquelicot +coqueluche +coquet +coquetoon +coquetry +coquette +coquettish +coquettishly +coquettishness +coquicken +coquilla +Coquille +coquille +coquimbite +coquina +coquita +Coquitlam +coquito +cor +Cora +cora +Corabeca +Corabecan +corach +Coraciae +coracial +Coracias +Coracii +Coraciidae +coraciiform +Coraciiformes +coracine +coracle +coracler +coracoacromial +coracobrachial +coracobrachialis +coracoclavicular +coracocostal +coracohumeral +coracohyoid +coracoid +coracoidal +coracomandibular +coracomorph +Coracomorphae +coracomorphic +coracopectoral +coracoprocoracoid +coracoradialis +coracoscapular +coracovertebral +coradical +coradicate +corah +coraise +coral +coralberry +coralbush +coraled +coralflower +coralist +corallet +Corallian +corallic +Corallidae +corallidomous +coralliferous +coralliform +Coralligena +coralligenous +coralligerous +corallike +Corallina +Corallinaceae +corallinaceous +coralline +corallite +Corallium +coralloid +coralloidal +Corallorhiza +corallum +Corallus +coralroot +coralwort +coram +Corambis +coranto +corban +corbeau +corbeil +corbel +corbeling +corbicula +corbiculate +corbiculum +corbie +corbiestep +corbovinum +corbula +corcass +Corchorus +corcir +corcopali +Corcyraean +cord +cordage +Cordaitaceae +cordaitaceous +cordaitalean +Cordaitales +cordaitean +Cordaites +cordant +cordate +cordately +cordax +Cordeau +corded +cordel +Cordelia +Cordelier +cordeliere +cordelle +corder +Cordery +cordewane +Cordia +cordial +cordiality +cordialize +cordially +cordialness +cordiceps +cordicole +cordierite +cordies +cordiform +cordigeri +cordillera +cordilleran +cordiner +cording +cordite +corditis +cordleaf +cordmaker +cordoba +cordon +cordonnet +Cordovan +Cordula +corduroy +corduroyed +cordwain +cordwainer +cordwainery +cordwood +cordy +Cordyceps +cordyl +Cordylanthus +Cordyline +core +corebel +coreceiver +coreciprocal +corectome +corectomy +corector +cored +coredeem +coredeemer +coredemptress +coreductase +Coree +coreflexed +coregence +coregency +coregent +coregnancy +coregnant +coregonid +Coregonidae +coregonine +coregonoid +Coregonus +coreid +Coreidae +coreign +coreigner +corejoice +coreless +coreligionist +corella +corelysis +Corema +coremaker +coremaking +coremium +coremorphosis +corenounce +coreometer +Coreopsis +coreplastic +coreplasty +corer +coresidence +coresidual +coresign +coresonant +coresort +corespect +corespondency +corespondent +coretomy +coreveler +coreveller +corevolve +Corey +corf +Corfiote +Corflambo +corge +corgi +coriaceous +corial +coriamyrtin +coriander +coriandrol +Coriandrum +Coriaria +Coriariaceae +coriariaceous +coriin +Corimelaena +Corimelaenidae +Corin +corindon +Corineus +coring +Corinna +corinne +Corinth +Corinthian +Corinthianesque +Corinthianism +Corinthianize +Coriolanus +coriparian +corium +Corixa +Corixidae +cork +corkage +corkboard +corke +corked +corker +corkiness +corking +corkish +corkite +corkmaker +corkmaking +corkscrew +corkscrewy +corkwing +corkwood +corky +corm +Cormac +cormel +cormidium +cormoid +Cormophyta +cormophyte +cormophytic +cormorant +cormous +cormus +corn +Cornaceae +cornaceous +cornage +cornbell +cornberry +cornbin +cornbinks +cornbird +cornbole +cornbottle +cornbrash +corncake +corncob +corncracker +corncrib +corncrusher +corndodger +cornea +corneagen +corneal +cornein +corneitis +cornel +Cornelia +cornelian +Cornelius +cornemuse +corneocalcareous +corneosclerotic +corneosiliceous +corneous +corner +cornerbind +cornered +cornerer +cornerpiece +cornerstone +cornerways +cornerwise +cornet +cornetcy +cornettino +cornettist +corneule +corneum +cornfield +cornfloor +cornflower +corngrower +cornhouse +cornhusk +cornhusker +cornhusking +cornic +cornice +cornicle +corniculate +corniculer +corniculum +Corniferous +cornific +cornification +cornified +corniform +cornigerous +cornin +corning +corniplume +Cornish +Cornishman +cornland +cornless +cornloft +cornmaster +cornmonger +cornopean +cornpipe +cornrick +cornroot +cornstalk +cornstarch +cornstook +cornu +cornual +cornuate +cornuated +cornubianite +cornucopia +Cornucopiae +cornucopian +cornucopiate +cornule +cornulite +Cornulites +cornupete +Cornus +cornute +cornuted +cornutine +cornuto +cornwallis +cornwallite +corny +coroa +Coroado +corocleisis +corodiary +corodiastasis +corodiastole +corody +corol +corolla +corollaceous +corollarial +corollarially +corollary +corollate +corollated +corolliferous +corolliform +corollike +corolline +corollitic +corometer +corona +coronach +coronad +coronadite +coronae +coronagraph +coronagraphic +coronal +coronale +coronaled +coronally +coronamen +coronary +coronate +coronated +coronation +coronatorial +coroner +coronership +coronet +coroneted +coronetted +coronetty +coroniform +Coronilla +coronillin +coronion +coronitis +coronium +coronize +coronobasilar +coronofacial +coronofrontal +coronoid +Coronopus +coronule +coroparelcysis +coroplast +coroplasta +coroplastic +Coropo +coroscopy +corotomy +corozo +corp +corpora +corporal +corporalism +corporality +corporally +corporalship +corporas +corporate +corporately +corporateness +corporation +corporational +corporationer +corporationism +corporative +corporator +corporature +corporeal +corporealist +corporeality +corporealization +corporealize +corporeally +corporealness +corporeals +corporeity +corporeous +corporification +corporify +corporosity +corposant +corps +corpsbruder +corpse +corpsman +corpulence +corpulency +corpulent +corpulently +corpulentness +corpus +corpuscle +corpuscular +corpuscularian +corpuscularity +corpusculated +corpuscule +corpusculous +corpusculum +corrade +corradial +corradiate +corradiation +corral +corrasion +corrasive +Correa +correal +correality +correct +correctable +correctant +corrected +correctedness +correctible +correcting +correctingly +correction +correctional +correctionalist +correctioner +correctitude +corrective +correctively +correctiveness +correctly +correctness +corrector +correctorship +correctress +correctrice +corregidor +correlatable +correlate +correlated +correlation +correlational +correlative +correlatively +correlativeness +correlativism +correlativity +correligionist +corrente +correption +corresol +correspond +correspondence +correspondency +correspondent +correspondential +correspondentially +correspondently +correspondentship +corresponder +corresponding +correspondingly +corresponsion +corresponsive +corresponsively +corridor +corridored +corrie +Corriedale +corrige +corrigenda +corrigendum +corrigent +corrigibility +corrigible +corrigibleness +corrigibly +Corrigiola +Corrigiolaceae +corrival +corrivality +corrivalry +corrivalship +corrivate +corrivation +corrobboree +corroborant +corroborate +corroboration +corroborative +corroboratively +corroborator +corroboratorily +corroboratory +corroboree +corrode +corrodent +Corrodentia +corroder +corrodiary +corrodibility +corrodible +corrodier +corroding +corrosibility +corrosible +corrosibleness +corrosion +corrosional +corrosive +corrosively +corrosiveness +corrosivity +corrugate +corrugated +corrugation +corrugator +corrupt +corrupted +corruptedly +corruptedness +corrupter +corruptful +corruptibility +corruptible +corruptibleness +corrupting +corruptingly +corruption +corruptionist +corruptive +corruptively +corruptly +corruptness +corruptor +corruptress +corsac +corsage +corsaint +corsair +corse +corselet +corsepresent +corsesque +corset +corseting +corsetless +corsetry +Corsican +corsie +corsite +corta +Cortaderia +cortege +Cortes +cortex +cortez +cortical +cortically +corticate +corticated +corticating +cortication +cortices +corticiferous +corticiform +corticifugal +corticifugally +corticipetal +corticipetally +Corticium +corticoafferent +corticoefferent +corticoline +corticopeduncular +corticose +corticospinal +corticosterone +corticostriate +corticous +cortin +cortina +cortinarious +Cortinarius +cortinate +cortisone +cortlandtite +Corton +coruco +coruler +Coruminacan +corundophilite +corundum +corupay +coruscant +coruscate +coruscation +corver +corvette +corvetto +Corvidae +corviform +corvillosum +corvina +Corvinae +corvine +corvoid +Corvus +Cory +Corybant +Corybantian +corybantiasm +Corybantic +corybantic +Corybantine +corybantish +corybulbin +corybulbine +corycavamine +corycavidin +corycavidine +corycavine +Corycia +Corycian +corydalin +corydaline +Corydalis +corydine +Corydon +coryl +Corylaceae +corylaceous +corylin +Corylopsis +Corylus +corymb +corymbed +corymbiate +corymbiated +corymbiferous +corymbiform +corymbose +corymbous +corynebacterial +Corynebacterium +Coryneum +corynine +Corynocarpaceae +corynocarpaceous +Corynocarpus +Corypha +Coryphaena +coryphaenid +Coryphaenidae +coryphaenoid +Coryphaenoididae +coryphaeus +coryphee +coryphene +Coryphodon +coryphodont +coryphylly +corytuberine +coryza +cos +cosalite +cosaque +cosavior +coscet +Coscinodiscaceae +Coscinodiscus +coscinomancy +coscoroba +coseasonal +coseat +cosec +cosecant +cosech +cosectarian +cosectional +cosegment +coseism +coseismal +coseismic +cosenator +cosentiency +cosentient +coservant +cosession +coset +cosettler +cosh +cosharer +cosheath +cosher +cosherer +coshering +coshery +cosignatory +cosigner +cosignitary +cosily +cosinage +cosine +cosiness +cosingular +cosinusoid +Cosmati +cosmecology +cosmesis +cosmetic +cosmetical +cosmetically +cosmetician +cosmetiste +cosmetological +cosmetologist +cosmetology +cosmic +cosmical +cosmicality +cosmically +cosmism +cosmist +cosmocracy +cosmocrat +cosmocratic +cosmogenesis +cosmogenetic +cosmogenic +cosmogeny +cosmogonal +cosmogoner +cosmogonic +cosmogonical +cosmogonist +cosmogonize +cosmogony +cosmographer +cosmographic +cosmographical +cosmographically +cosmographist +cosmography +cosmolabe +cosmolatry +cosmologic +cosmological +cosmologically +cosmologist +cosmology +cosmometry +cosmopathic +cosmoplastic +cosmopoietic +cosmopolicy +cosmopolis +cosmopolitan +cosmopolitanism +cosmopolitanization +cosmopolitanize +cosmopolitanly +cosmopolite +cosmopolitic +cosmopolitical +cosmopolitics +cosmopolitism +cosmorama +cosmoramic +cosmorganic +cosmos +cosmoscope +cosmosophy +cosmosphere +cosmotellurian +cosmotheism +cosmotheist +cosmotheistic +cosmothetic +cosmotron +cosmozoan +cosmozoic +cosmozoism +cosonant +cosounding +cosovereign +cosovereignty +cospecies +cospecific +cosphered +cosplendor +cosplendour +coss +Cossack +Cossaean +cossas +cosse +cosset +cossette +cossid +Cossidae +cossnent +cossyrite +cost +costa +Costaea +costal +costalgia +costally +costander +Costanoan +costar +costard +Costata +costate +costated +costean +costeaning +costectomy +costellate +coster +costerdom +costermonger +costicartilage +costicartilaginous +costicervical +costiferous +costiform +costing +costipulator +costispinal +costive +costively +costiveness +costless +costlessness +costliness +costly +costmary +costoabdominal +costoapical +costocentral +costochondral +costoclavicular +costocolic +costocoracoid +costodiaphragmatic +costogenic +costoinferior +costophrenic +costopleural +costopneumopexy +costopulmonary +costoscapular +costosternal +costosuperior +costothoracic +costotome +costotomy +costotrachelian +costotransversal +costotransverse +costovertebral +costoxiphoid +costraight +costrel +costula +costulation +costume +costumer +costumery +costumic +costumier +costumiere +costuming +costumist +costusroot +cosubject +cosubordinate +cosuffer +cosufferer +cosuggestion +cosuitor +cosurety +cosustain +coswearer +cosy +cosymmedian +cot +cotangent +cotangential +cotarius +cotarnine +cotch +cote +coteful +coteline +coteller +cotemporane +cotemporanean +cotemporaneous +cotemporaneously +cotemporary +cotenancy +cotenant +cotenure +coterell +coterie +coterminous +Cotesian +coth +cothamore +cothe +cotheorist +cothish +cothon +cothurn +cothurnal +cothurnate +cothurned +cothurnian +cothurnus +cothy +cotidal +cotillage +cotillion +Cotinga +cotingid +Cotingidae +cotingoid +Cotinus +cotise +cotitular +cotland +cotman +coto +cotoin +Cotonam +Cotoneaster +cotonier +cotorment +cotoro +cotorture +Cotoxo +cotquean +cotraitor +cotransfuse +cotranslator +cotranspire +cotransubstantiate +cotrine +cotripper +cotrustee +cotset +cotsetla +cotsetle +cotta +cottabus +cottage +cottaged +cottager +cottagers +cottagey +cotte +cotted +cotter +cotterel +cotterite +cotterway +cottid +Cottidae +cottier +cottierism +cottiform +cottoid +cotton +cottonade +cottonbush +cottonee +cottoneer +cottoner +Cottonian +cottonization +cottonize +cottonless +cottonmouth +cottonocracy +Cottonopolis +cottonseed +cottontail +cottontop +cottonweed +cottonwood +cottony +Cottus +cotty +cotuit +cotula +cotunnite +Coturnix +cotutor +cotwin +cotwinned +cotwist +cotyla +cotylar +cotyledon +cotyledonal +cotyledonar +cotyledonary +cotyledonous +cotyliform +cotyligerous +cotyliscus +cotyloid +Cotylophora +cotylophorous +cotylopubic +cotylosacral +cotylosaur +Cotylosauria +cotylosaurian +cotype +Cotys +Cotyttia +couac +coucal +couch +couchancy +couchant +couched +couchee +coucher +couching +couchmaker +couchmaking +couchmate +couchy +coude +coudee +coue +Coueism +cougar +cough +cougher +coughroot +coughweed +coughwort +cougnar +coul +could +couldron +coulee +coulisse +coulomb +coulometer +coulterneb +coulure +couma +coumalic +coumalin +coumara +coumaran +coumarate +coumaric +coumarilic +coumarin +coumarinic +coumarone +coumarou +Coumarouna +council +councilist +councilman +councilmanic +councilor +councilorship +councilwoman +counderstand +counite +couniversal +counsel +counselable +counselee +counselful +counselor +counselorship +count +countable +countableness +countably +countdom +countenance +countenancer +counter +counterabut +counteraccusation +counteracquittance +counteract +counteractant +counteracter +counteracting +counteractingly +counteraction +counteractive +counteractively +counteractivity +counteractor +counteraddress +counteradvance +counteradvantage +counteradvice +counteradvise +counteraffirm +counteraffirmation +counteragency +counteragent +counteragitate +counteragitation +counteralliance +counterambush +counterannouncement +counteranswer +counterappeal +counterappellant +counterapproach +counterapse +counterarch +counterargue +counterargument +counterartillery +counterassertion +counterassociation +counterassurance +counterattack +counterattestation +counterattired +counterattraction +counterattractive +counterattractively +counteraverment +counteravouch +counteravouchment +counterbalance +counterbarrage +counterbase +counterbattery +counterbeating +counterbend +counterbewitch +counterbid +counterblast +counterblow +counterbond +counterborder +counterbore +counterboycott +counterbrace +counterbranch +counterbrand +counterbreastwork +counterbuff +counterbuilding +countercampaign +countercarte +countercause +counterchange +counterchanged +countercharge +countercharm +countercheck +countercheer +counterclaim +counterclaimant +counterclockwise +countercolored +countercommand +countercompetition +countercomplaint +countercompony +countercondemnation +counterconquest +counterconversion +countercouchant +countercoupe +countercourant +countercraft +countercriticism +countercross +countercry +countercurrent +countercurrently +countercurrentwise +counterdance +counterdash +counterdecision +counterdeclaration +counterdecree +counterdefender +counterdemand +counterdemonstration +counterdeputation +counterdesire +counterdevelopment +counterdifficulty +counterdigged +counterdike +counterdiscipline +counterdisengage +counterdisengagement +counterdistinction +counterdistinguish +counterdoctrine +counterdogmatism +counterdraft +counterdrain +counterdrive +counterearth +counterefficiency +countereffort +counterembattled +counterembowed +counterenamel +counterend +counterenergy +counterengagement +counterengine +counterenthusiasm +counterentry +counterequivalent +counterermine +counterespionage +counterestablishment +counterevidence +counterexaggeration +counterexcitement +counterexcommunication +counterexercise +counterexplanation +counterexposition +counterexpostulation +counterextend +counterextension +counterfact +counterfallacy +counterfaller +counterfeit +counterfeiter +counterfeitly +counterfeitment +counterfeitness +counterferment +counterfessed +counterfire +counterfix +counterflange +counterflashing +counterflight +counterflory +counterflow +counterflux +counterfoil +counterforce +counterformula +counterfort +counterfugue +countergabble +countergabion +countergambit +countergarrison +countergauge +countergauger +countergift +countergirded +counterglow +counterguard +counterhaft +counterhammering +counterhypothesis +counteridea +counterideal +counterimagination +counterimitate +counterimitation +counterimpulse +counterindentation +counterindented +counterindicate +counterindication +counterinfluence +counterinsult +counterintelligence +counterinterest +counterinterpretation +counterintrigue +counterinvective +counterirritant +counterirritate +counterirritation +counterjudging +counterjumper +counterlath +counterlathing +counterlatration +counterlaw +counterleague +counterlegislation +counterlife +counterlocking +counterlode +counterlove +counterly +countermachination +counterman +countermand +countermandable +countermaneuver +countermanifesto +countermarch +countermark +countermarriage +countermeasure +countermeet +countermessage +countermigration +countermine +countermission +countermotion +countermount +countermove +countermovement +countermure +countermutiny +counternaiant +counternarrative +counternatural +counternecromancy +counternoise +counternotice +counterobjection +counterobligation +counteroffensive +counteroffer +counteropening +counteropponent +counteropposite +counterorator +counterorder +counterorganization +counterpaled +counterpaly +counterpane +counterpaned +counterparadox +counterparallel +counterparole +counterparry +counterpart +counterpassant +counterpassion +counterpenalty +counterpendent +counterpetition +counterpicture +counterpillar +counterplan +counterplay +counterplayer +counterplea +counterplead +counterpleading +counterplease +counterplot +counterpoint +counterpointe +counterpointed +counterpoise +counterpoison +counterpole +counterponderate +counterpose +counterposition +counterposting +counterpotence +counterpotency +counterpotent +counterpractice +counterpray +counterpreach +counterpreparation +counterpressure +counterprick +counterprinciple +counterprocess +counterproject +counterpronunciamento +counterproof +counterpropaganda +counterpropagandize +counterprophet +counterproposal +counterproposition +counterprotection +counterprotest +counterprove +counterpull +counterpunch +counterpuncture +counterpush +counterquartered +counterquarterly +counterquery +counterquestion +counterquip +counterradiation +counterraid +counterraising +counterrampant +counterrate +counterreaction +counterreason +counterreckoning +counterrecoil +counterreconnaissance +counterrefer +counterreflected +counterreform +counterreformation +counterreligion +counterremonstrant +counterreply +counterreprisal +counterresolution +counterrestoration +counterretreat +counterrevolution +counterrevolutionary +counterrevolutionist +counterrevolutionize +counterriposte +counterroll +counterround +counterruin +countersale +countersalient +counterscale +counterscalloped +counterscarp +counterscoff +countersconce +counterscrutiny +countersea +counterseal +countersecure +countersecurity +counterselection +countersense +counterservice +countershade +countershaft +countershafting +countershear +countershine +countershout +counterside +countersiege +countersign +countersignal +countersignature +countersink +countersleight +counterslope +countersmile +countersnarl +counterspying +counterstain +counterstamp +counterstand +counterstatant +counterstatement +counterstatute +counterstep +counterstimulate +counterstimulation +counterstimulus +counterstock +counterstratagem +counterstream +counterstrike +counterstroke +counterstruggle +countersubject +countersuggestion +countersuit +countersun +countersunk +countersurprise +counterswing +countersworn +countersympathy +countersynod +countertack +countertail +countertally +countertaste +countertechnicality +countertendency +countertenor +counterterm +counterterror +countertheme +countertheory +counterthought +counterthreat +counterthrust +counterthwarting +countertierce +countertime +countertouch +countertraction +countertrades +countertransference +countertranslation +countertraverse +countertreason +countertree +countertrench +countertrespass +countertrippant +countertripping +countertruth +countertug +counterturn +counterturned +countertype +countervail +countervair +countervairy +countervallation +countervaunt +countervene +countervengeance +countervenom +countervibration +counterview +countervindication +countervolition +countervolley +countervote +counterwager +counterwall +counterwarmth +counterwave +counterweigh +counterweight +counterweighted +counterwheel +counterwill +counterwilling +counterwind +counterwitness +counterword +counterwork +counterworker +counterwrite +countess +countfish +counting +countinghouse +countless +countor +countrified +countrifiedness +country +countryfolk +countryman +countrypeople +countryseat +countryside +countryward +countrywoman +countship +county +coup +coupage +coupe +couped +coupee +coupelet +couper +couple +coupled +couplement +coupler +coupleress +couplet +coupleteer +coupling +coupon +couponed +couponless +coupstick +coupure +courage +courageous +courageously +courageousness +courager +courant +courante +courap +couratari +courb +courbache +courbaril +courbash +courge +courida +courier +couril +courlan +Cours +course +coursed +courser +coursing +court +courtbred +courtcraft +courteous +courteously +courteousness +courtepy +courter +courtesan +courtesanry +courtesanship +courtesy +courtezanry +courtezanship +courthouse +courtier +courtierism +courtierly +courtiership +courtin +courtless +courtlet +courtlike +courtliness +courtling +courtly +courtman +Courtney +courtroom +courtship +courtyard +courtzilite +couscous +couscousou +couseranite +cousin +cousinage +cousiness +cousinhood +cousinly +cousinry +cousinship +cousiny +coussinet +coustumier +coutel +coutelle +couter +Coutet +couth +couthie +couthily +couthiness +couthless +coutil +coutumier +couvade +couxia +covado +covalence +covalent +Covarecan +Covarecas +covariable +covariance +covariant +covariation +covassal +cove +coved +covelline +covellite +covenant +covenantal +covenanted +covenantee +Covenanter +covenanter +covenanting +covenantor +covent +coventrate +coventrize +Coventry +cover +coverage +coveralls +coverchief +covercle +covered +coverer +covering +coverless +coverlet +coverlid +coversed +coverside +coversine +coverslut +covert +covertical +covertly +covertness +coverture +covet +covetable +coveter +coveting +covetingly +covetiveness +covetous +covetously +covetousness +covey +covibrate +covibration +covid +Coviello +covillager +Covillea +covin +coving +covinous +covinously +covisit +covisitor +covite +covolume +covotary +cow +cowal +Cowan +coward +cowardice +cowardliness +cowardly +cowardness +cowardy +cowbane +cowbell +cowberry +cowbind +cowbird +cowboy +cowcatcher +cowdie +coween +cower +cowfish +cowgate +cowgram +cowhage +cowheart +cowhearted +cowheel +cowherb +cowherd +cowhide +cowhiding +cowhorn +Cowichan +cowish +cowitch +cowkeeper +cowl +cowle +cowled +cowleech +cowleeching +cowlick +cowlicks +cowlike +cowling +Cowlitz +cowlstaff +cowman +cowpath +cowpea +cowpen +Cowperian +cowperitis +cowpock +cowpox +cowpuncher +cowquake +cowrie +cowroid +cowshed +cowskin +cowslip +cowslipped +cowsucker +cowtail +cowthwort +cowtongue +cowweed +cowwheat +cowy +cowyard +cox +coxa +coxal +coxalgia +coxalgic +coxankylometer +coxarthritis +coxarthrocace +coxarthropathy +coxbones +coxcomb +coxcombess +coxcombhood +coxcombic +coxcombical +coxcombicality +coxcombically +coxcombity +coxcombry +coxcomby +coxcomical +coxcomically +coxite +coxitis +coxocerite +coxoceritic +coxodynia +coxofemoral +coxopodite +coxswain +coxy +coy +coyan +coydog +coyish +coyishness +coyly +coyness +coynye +coyo +coyol +coyote +Coyotero +coyotillo +coyoting +coypu +coyure +coz +coze +cozen +cozenage +cozener +cozening +cozeningly +cozier +cozily +coziness +cozy +crab +crabbed +crabbedly +crabbedness +crabber +crabbery +crabbing +crabby +crabcatcher +crabeater +craber +crabhole +crablet +crablike +crabman +crabmill +crabsidle +crabstick +crabweed +crabwise +crabwood +Cracca +Cracidae +Cracinae +crack +crackable +crackajack +crackbrain +crackbrained +crackbrainedness +crackdown +cracked +crackedness +cracker +crackerberry +crackerjack +crackers +crackhemp +crackiness +cracking +crackjaw +crackle +crackled +crackless +crackleware +crackling +crackly +crackmans +cracknel +crackpot +crackskull +cracksman +cracky +cracovienne +craddy +cradge +cradle +cradleboard +cradlechild +cradlefellow +cradleland +cradlelike +cradlemaker +cradlemaking +cradleman +cradlemate +cradler +cradleside +cradlesong +cradletime +cradling +Cradock +craft +craftily +craftiness +craftless +craftsman +craftsmanship +craftsmaster +craftswoman +craftwork +craftworker +crafty +crag +craggan +cragged +craggedness +craggily +cragginess +craggy +craglike +cragsman +cragwork +craichy +Craig +craigmontite +crain +craisey +craizey +crajuru +crake +crakefeet +crakow +cram +cramasie +crambambulee +crambambuli +Crambe +crambe +cramberry +crambid +Crambidae +Crambinae +cramble +crambly +crambo +Crambus +crammer +cramp +cramped +crampedness +cramper +crampet +crampfish +cramping +crampingly +crampon +cramponnee +crampy +cran +cranage +cranberry +crance +crandall +crandallite +crane +cranelike +craneman +craner +cranesman +craneway +craney +Crania +crania +craniacromial +craniad +cranial +cranially +cranian +Craniata +craniate +cranic +craniectomy +craniocele +craniocerebral +cranioclasis +cranioclasm +cranioclast +cranioclasty +craniodidymus +craniofacial +craniognomic +craniognomy +craniognosy +craniograph +craniographer +craniography +craniological +craniologically +craniologist +craniology +craniomalacia +craniomaxillary +craniometer +craniometric +craniometrical +craniometrically +craniometrist +craniometry +craniopagus +craniopathic +craniopathy +craniopharyngeal +craniophore +cranioplasty +craniopuncture +craniorhachischisis +craniosacral +cranioschisis +cranioscopical +cranioscopist +cranioscopy +craniospinal +craniostenosis +craniostosis +Craniota +craniotabes +craniotome +craniotomy +craniotopography +craniotympanic +craniovertebral +cranium +crank +crankbird +crankcase +cranked +cranker +crankery +crankily +crankiness +crankle +crankless +crankly +crankman +crankous +crankpin +crankshaft +crankum +cranky +crannage +crannied +crannock +crannog +crannoger +cranny +cranreuch +crantara +crants +crap +crapaud +crapaudine +crape +crapefish +crapehanger +crapelike +crappie +crappin +crapple +crappo +craps +crapshooter +crapulate +crapulence +crapulent +crapulous +crapulously +crapulousness +crapy +craquelure +crare +crash +crasher +crasis +craspedal +craspedodromous +craspedon +Craspedota +craspedotal +craspedote +crass +crassamentum +crassier +crassilingual +Crassina +crassitude +crassly +crassness +Crassula +Crassulaceae +crassulaceous +Crataegus +Crataeva +cratch +cratchens +cratches +crate +crateful +cratemaker +cratemaking +crateman +crater +crateral +cratered +Craterellus +Craterid +crateriform +crateris +craterkin +craterless +craterlet +craterlike +craterous +craticular +Cratinean +cratometer +cratometric +cratometry +craunch +craunching +craunchingly +cravat +crave +craven +Cravenette +cravenette +cravenhearted +cravenly +cravenness +craver +craving +cravingly +cravingness +cravo +craw +crawberry +crawdad +crawfish +crawfoot +crawful +crawl +crawler +crawlerize +crawley +crawleyroot +crawling +crawlingly +crawlsome +crawly +crawm +crawtae +Crawthumper +Crax +crayer +crayfish +crayon +crayonist +crayonstone +craze +crazed +crazedly +crazedness +crazily +craziness +crazingmill +crazy +crazycat +crazyweed +crea +creagh +creaght +creak +creaker +creakily +creakiness +creakingly +creaky +cream +creambush +creamcake +creamcup +creamer +creamery +creameryman +creamfruit +creamily +creaminess +creamless +creamlike +creammaker +creammaking +creamometer +creamsacs +creamware +creamy +creance +creancer +creant +crease +creaseless +creaser +creashaks +creasing +creasy +creat +creatable +create +createdness +creatic +creatine +creatinephosphoric +creatinine +creatininemia +creatinuria +creation +creational +creationary +creationism +creationist +creationistic +creative +creatively +creativeness +creativity +creatophagous +creator +creatorhood +creatorrhea +creatorship +creatotoxism +creatress +creatrix +creatural +creature +creaturehood +creatureless +creatureliness +creatureling +creaturely +creatureship +creaturize +crebricostate +crebrisulcate +crebrity +crebrous +creche +creddock +credence +credencive +credenciveness +credenda +credensive +credensiveness +credent +credential +credently +credenza +credibility +credible +credibleness +credibly +credit +creditability +creditable +creditableness +creditably +creditive +creditless +creditor +creditorship +creditress +creditrix +crednerite +Credo +credulity +credulous +credulously +credulousness +Cree +cree +creed +creedal +creedalism +creedalist +creeded +creedist +creedite +creedless +creedlessness +creedmore +creedsman +Creek +creek +creeker +creekfish +creekside +creekstuff +creeky +creel +creeler +creem +creen +creep +creepage +creeper +creepered +creeperless +creephole +creepie +creepiness +creeping +creepingly +creepmouse +creepmousy +creepy +creese +creesh +creeshie +creeshy +creirgist +cremaster +cremasterial +cremasteric +cremate +cremation +cremationism +cremationist +cremator +crematorial +crematorium +crematory +crembalum +cremnophobia +cremocarp +cremometer +cremone +cremor +cremorne +cremule +crena +crenate +crenated +crenately +crenation +crenature +crenel +crenelate +crenelated +crenelation +crenele +creneled +crenelet +crenellate +crenellation +crenic +crenitic +crenology +crenotherapy +Crenothrix +crenula +crenulate +crenulated +crenulation +creodont +Creodonta +creole +creoleize +creolian +Creolin +creolism +creolization +creolize +creophagia +creophagism +creophagist +creophagous +creophagy +creosol +creosote +creosoter +creosotic +crepance +crepe +crepehanger +Crepidula +crepine +crepiness +Crepis +crepitaculum +crepitant +crepitate +crepitation +crepitous +crepitus +crepon +crept +crepuscle +crepuscular +crepuscule +crepusculine +crepusculum +crepy +cresamine +crescendo +crescent +crescentade +crescentader +Crescentia +crescentic +crescentiform +crescentlike +crescentoid +crescentwise +crescive +crescograph +crescographic +cresegol +cresol +cresolin +cresorcinol +cresotate +cresotic +cresotinic +cresoxide +cresoxy +cresphontes +cress +cressed +cresselle +cresset +Cressida +cresson +cressweed +cresswort +cressy +crest +crested +crestfallen +crestfallenly +crestfallenness +cresting +crestless +crestline +crestmoreite +cresyl +cresylate +cresylene +cresylic +cresylite +creta +Cretaceous +cretaceous +cretaceously +Cretacic +Cretan +Crete +cretefaction +Cretic +cretic +cretification +cretify +cretin +cretinic +cretinism +cretinization +cretinize +cretinoid +cretinous +cretion +cretionary +Cretism +cretonne +crevalle +crevasse +crevice +creviced +crew +crewel +crewelist +crewellery +crewelwork +crewer +crewless +crewman +Crex +crib +cribbage +cribber +cribbing +cribble +cribellum +cribo +cribral +cribrate +cribrately +cribration +cribriform +cribrose +cribwork +cric +Cricetidae +cricetine +Cricetus +crick +cricket +cricketer +cricketing +crickety +crickey +crickle +cricoarytenoid +cricoid +cricopharyngeal +cricothyreoid +cricothyreotomy +cricothyroid +cricothyroidean +cricotomy +cricotracheotomy +Cricotus +cried +crier +criey +crig +crile +crime +Crimean +crimeful +crimeless +crimelessness +crimeproof +criminal +criminaldom +criminalese +criminalism +criminalist +criminalistic +criminalistician +criminalistics +criminality +criminally +criminalness +criminaloid +criminate +crimination +criminative +criminator +criminatory +crimine +criminogenesis +criminogenic +criminologic +criminological +criminologist +criminology +criminosis +criminous +criminously +criminousness +crimogenic +crimp +crimpage +crimper +crimping +crimple +crimpness +crimpy +crimson +crimsonly +crimsonness +crimsony +crin +crinal +crinanite +crinated +crinatory +crine +crined +crinet +cringe +cringeling +cringer +cringing +cringingly +cringingness +cringle +crinicultural +criniculture +criniferous +Criniger +crinigerous +criniparous +crinite +crinitory +crinivorous +crink +crinkle +crinkleroot +crinkly +crinoid +crinoidal +Crinoidea +crinoidean +crinoline +crinose +crinosity +crinula +Crinum +criobolium +criocephalus +Crioceras +crioceratite +crioceratitic +Crioceris +criophore +Criophoros +criosphinx +cripes +crippingly +cripple +crippledom +crippleness +crippler +crippling +cripply +Cris +crises +crisic +crisis +crisp +crispate +crispated +crispation +crispature +crisped +crisper +crispily +Crispin +crispine +crispiness +crisping +crisply +crispness +crispy +criss +crissal +crisscross +crissum +crista +cristate +Cristatella +Cristi +cristiform +Cristina +Cristineaux +Cristino +Cristispira +Cristivomer +cristobalite +Cristopher +critch +criteria +criteriology +criterion +criterional +criterium +crith +Crithidia +crithmene +crithomancy +critic +critical +criticality +critically +criticalness +criticaster +criticasterism +criticastry +criticisable +criticism +criticist +criticizable +criticize +criticizer +criticizingly +critickin +criticship +criticule +critique +critling +crizzle +cro +croak +Croaker +croaker +croakily +croakiness +croaky +Croat +Croatan +Croatian +croc +Crocanthemum +crocard +croceic +crocein +croceine +croceous +crocetin +croche +crochet +crocheter +crocheting +croci +crocidolite +Crocidura +crocin +crock +crocker +crockery +crockeryware +crocket +crocketed +crocky +crocodile +Crocodilia +crocodilian +Crocodilidae +crocodiline +crocodilite +crocodiloid +Crocodilus +Crocodylidae +Crocodylus +crocoisite +crocoite +croconate +croconic +Crocosmia +Crocus +crocus +crocused +croft +crofter +crofterization +crofterize +crofting +croftland +croisette +croissante +Crokinole +Crom +cromaltite +crome +Cromer +Cromerian +cromfordite +cromlech +cromorna +cromorne +Cromwell +Cromwellian +Cronartium +crone +croneberry +cronet +Cronian +cronish +cronk +cronkness +cronstedtite +crony +crood +croodle +crook +crookback +crookbacked +crookbill +crookbilled +crooked +crookedly +crookedness +crooken +crookesite +crookfingered +crookheaded +crookkneed +crookle +crooklegged +crookneck +crooknecked +crooknosed +crookshouldered +crooksided +crooksterned +crooktoothed +crool +Croomia +croon +crooner +crooning +crooningly +crop +crophead +cropland +cropman +croppa +cropper +croppie +cropplecrown +croppy +cropshin +cropsick +cropsickness +cropweed +croquet +croquette +crore +crosa +Crosby +crosier +crosiered +crosnes +cross +crossability +crossable +crossarm +crossband +crossbar +crossbeak +crossbeam +crossbelt +crossbill +crossbolt +crossbolted +crossbones +crossbow +crossbowman +crossbred +crossbreed +crosscurrent +crosscurrented +crosscut +crosscutter +crosscutting +crosse +crossed +crosser +crossette +crossfall +crossfish +crossflow +crossflower +crossfoot +crosshackle +crosshand +crosshatch +crosshaul +crosshauling +crosshead +crossing +crossite +crossjack +crosslegs +crosslet +crossleted +crosslight +crosslighted +crossline +crossly +crossness +crossopodia +crossopterygian +Crossopterygii +Crossosoma +Crossosomataceae +crossosomataceous +crossover +crosspatch +crosspath +crosspiece +crosspoint +crossrail +crossroad +crossroads +crossrow +crossruff +crosstail +crosstie +crosstied +crosstoes +crosstrack +crosstree +crosswalk +crossway +crossways +crossweb +crossweed +crosswise +crossword +crosswort +crostarie +crotal +Crotalaria +crotalic +Crotalidae +crotaliform +Crotalinae +crotaline +crotalism +crotalo +crotaloid +crotalum +Crotalus +crotaphic +crotaphion +crotaphite +crotaphitic +Crotaphytus +crotch +crotched +crotchet +crotcheteer +crotchetiness +crotchety +crotchy +crotin +Croton +crotonaldehyde +crotonate +crotonic +crotonization +crotonyl +crotonylene +Crotophaga +crottels +crottle +crotyl +crouch +crouchant +crouched +croucher +crouching +crouchingly +crounotherapy +croup +croupade +croupal +croupe +crouperbush +croupier +croupily +croupiness +croupous +croupy +crouse +crousely +crout +croute +crouton +crow +crowbait +crowbar +crowberry +crowbill +crowd +crowded +crowdedly +crowdedness +crowder +crowdweed +crowdy +crower +crowflower +crowfoot +crowfooted +crowhop +crowing +crowingly +crowkeeper +crowl +crown +crownbeard +crowned +crowner +crownless +crownlet +crownling +crownmaker +crownwork +crownwort +crowshay +crowstep +crowstepped +crowstick +crowstone +crowtoe +croy +croyden +croydon +croze +crozer +crozzle +crozzly +crubeen +cruce +cruces +crucethouse +cruche +crucial +cruciality +crucially +crucian +Crucianella +cruciate +cruciately +cruciation +crucible +Crucibulum +crucifer +Cruciferae +cruciferous +crucificial +crucified +crucifier +crucifix +crucifixion +cruciform +cruciformity +cruciformly +crucify +crucigerous +crucilly +crucily +cruck +crude +crudely +crudeness +crudity +crudwort +cruel +cruelhearted +cruelize +cruelly +cruelness +cruels +cruelty +cruent +cruentation +cruet +cruety +cruise +cruiser +cruisken +cruive +cruller +crum +crumb +crumbable +crumbcloth +crumber +crumble +crumblement +crumblet +crumbliness +crumblingness +crumblings +crumbly +crumby +crumen +crumenal +crumlet +crummie +crummier +crummiest +crummock +crummy +crump +crumper +crumpet +crumple +crumpled +crumpler +crumpling +crumply +crumpy +crunch +crunchable +crunchiness +crunching +crunchingly +crunchingness +crunchweed +crunchy +crunk +crunkle +crunodal +crunode +crunt +cruor +crupper +crural +crureus +crurogenital +cruroinguinal +crurotarsal +crus +crusade +crusader +crusado +Crusca +cruse +crush +crushability +crushable +crushed +crusher +crushing +crushingly +crusie +crusily +crust +crusta +Crustacea +crustaceal +crustacean +crustaceological +crustaceologist +crustaceology +crustaceous +crustade +crustal +crustalogical +crustalogist +crustalogy +crustate +crustated +crustation +crusted +crustedly +cruster +crustific +crustification +crustily +crustiness +crustless +crustose +crustosis +crusty +crutch +crutched +crutcher +crutching +crutchlike +cruth +crutter +crux +cruzeiro +cry +cryable +cryaesthesia +cryalgesia +cryanesthesia +crybaby +cryesthesia +crying +cryingly +crymodynia +crymotherapy +cryoconite +cryogen +cryogenic +cryogenics +cryogeny +cryohydrate +cryohydric +cryolite +cryometer +cryophile +cryophilic +cryophoric +cryophorus +cryophyllite +cryophyte +cryoplankton +cryoscope +cryoscopic +cryoscopy +cryosel +cryostase +cryostat +crypt +crypta +cryptal +cryptamnesia +cryptamnesic +cryptanalysis +cryptanalyst +cryptarch +cryptarchy +crypted +Crypteronia +Crypteroniaceae +cryptesthesia +cryptesthetic +cryptic +cryptical +cryptically +cryptoagnostic +cryptobatholithic +cryptobranch +Cryptobranchia +Cryptobranchiata +cryptobranchiate +Cryptobranchidae +Cryptobranchus +cryptocarp +cryptocarpic +cryptocarpous +Cryptocarya +Cryptocephala +cryptocephalous +Cryptocerata +cryptocerous +cryptoclastic +Cryptocleidus +cryptococci +cryptococcic +Cryptococcus +cryptococcus +cryptocommercial +cryptocrystalline +cryptocrystallization +cryptodeist +Cryptodira +cryptodiran +cryptodire +cryptodirous +cryptodouble +cryptodynamic +cryptogam +Cryptogamia +cryptogamian +cryptogamic +cryptogamical +cryptogamist +cryptogamous +cryptogamy +cryptogenetic +cryptogenic +cryptogenous +Cryptoglaux +cryptoglioma +cryptogram +Cryptogramma +cryptogrammatic +cryptogrammatical +cryptogrammatist +cryptogrammic +cryptograph +cryptographal +cryptographer +cryptographic +cryptographical +cryptographically +cryptographist +cryptography +cryptoheresy +cryptoheretic +cryptoinflationist +cryptolite +cryptologist +cryptology +cryptolunatic +cryptomere +Cryptomeria +cryptomerous +cryptomnesia +cryptomnesic +cryptomonad +Cryptomonadales +Cryptomonadina +cryptonema +Cryptonemiales +cryptoneurous +cryptonym +cryptonymous +cryptopapist +cryptoperthite +Cryptophagidae +cryptophthalmos +Cryptophyceae +cryptophyte +cryptopine +cryptoporticus +Cryptoprocta +cryptoproselyte +cryptoproselytism +cryptopyic +cryptopyrrole +cryptorchid +cryptorchidism +cryptorchis +Cryptorhynchus +cryptorrhesis +cryptorrhetic +cryptoscope +cryptoscopy +cryptosplenetic +Cryptostegia +cryptostoma +Cryptostomata +cryptostomate +cryptostome +Cryptotaenia +cryptous +cryptovalence +cryptovalency +cryptozonate +Cryptozonia +cryptozygosity +cryptozygous +Crypturi +Crypturidae +crystal +crystallic +crystalliferous +crystalliform +crystalligerous +crystallin +crystalline +crystallinity +crystallite +crystallitic +crystallitis +crystallizability +crystallizable +crystallization +crystallize +crystallized +crystallizer +crystalloblastic +crystallochemical +crystallochemistry +crystallogenesis +crystallogenetic +crystallogenic +crystallogenical +crystallogeny +crystallogram +crystallographer +crystallographic +crystallographical +crystallographically +crystallography +crystalloid +crystalloidal +crystallology +crystalloluminescence +crystallomagnetic +crystallomancy +crystallometric +crystallometry +crystallophyllian +crystallose +crystallurgy +crystalwort +crystic +crystograph +crystoleum +Crystolon +crystosphene +csardas +Ctenacanthus +ctene +ctenidial +ctenidium +cteniform +Ctenocephalus +ctenocyst +ctenodactyl +Ctenodipterini +ctenodont +Ctenodontidae +Ctenodus +ctenoid +ctenoidean +Ctenoidei +ctenoidian +ctenolium +Ctenophora +ctenophoral +ctenophoran +ctenophore +ctenophoric +ctenophorous +Ctenoplana +Ctenostomata +ctenostomatous +ctenostome +ctetology +cuadra +Cuailnge +cuapinole +cuarenta +cuarta +cuarteron +cuartilla +cuartillo +cub +Cuba +cubage +Cuban +cubangle +cubanite +Cubanize +cubatory +cubature +cubbing +cubbish +cubbishly +cubbishness +cubby +cubbyhole +cubbyhouse +cubbyyew +cubdom +cube +cubeb +cubelet +Cubelium +cuber +cubhood +cubi +cubic +cubica +cubical +cubically +cubicalness +cubicity +cubicle +cubicly +cubicone +cubicontravariant +cubicovariant +cubicular +cubiculum +cubiform +cubism +cubist +cubit +cubital +cubitale +cubited +cubitiere +cubito +cubitocarpal +cubitocutaneous +cubitodigital +cubitometacarpal +cubitopalmar +cubitoplantar +cubitoradial +cubitus +cubmaster +cubocalcaneal +cuboctahedron +cubocube +cubocuneiform +cubododecahedral +cuboid +cuboidal +cuboides +cubomancy +Cubomedusae +cubomedusan +cubometatarsal +cubonavicular +Cuchan +Cuchulainn +cuck +cuckhold +cuckold +cuckoldom +cuckoldry +cuckoldy +cuckoo +cuckooflower +cuckoomaid +cuckoopint +cuckoopintle +cuckstool +cucoline +Cucujid +Cucujidae +Cucujus +Cuculi +Cuculidae +cuculiform +Cuculiformes +cuculine +cuculla +cucullaris +cucullate +cucullately +cuculliform +cucullus +cuculoid +Cuculus +Cucumaria +Cucumariidae +cucumber +cucumiform +Cucumis +cucurbit +Cucurbita +Cucurbitaceae +cucurbitaceous +cucurbite +cucurbitine +cud +cudava +cudbear +cudden +cuddle +cuddleable +cuddlesome +cuddly +Cuddy +cuddy +cuddyhole +cudgel +cudgeler +cudgerie +cudweed +cue +cueball +cueca +cueist +cueman +cuemanship +cuerda +cuesta +Cueva +cuff +cuffer +cuffin +cuffy +cuffyism +cuggermugger +cuichunchulli +cuinage +cuir +cuirass +cuirassed +cuirassier +cuisinary +cuisine +cuissard +cuissart +cuisse +cuissen +cuisten +Cuitlateco +cuittikin +Cujam +cuke +Culavamsa +culbut +Culdee +culebra +culet +culeus +Culex +culgee +culicid +Culicidae +culicidal +culicide +culiciform +culicifugal +culicifuge +Culicinae +culicine +Culicoides +culilawan +culinarily +culinary +cull +culla +cullage +Cullen +culler +cullet +culling +cullion +cullis +cully +culm +culmen +culmicolous +culmiferous +culmigenous +culminal +culminant +culminate +culmination +culmy +culotte +culottes +culottic +culottism +culpa +culpability +culpable +culpableness +culpably +culpatory +culpose +culprit +cult +cultch +cultellation +cultellus +culteranismo +cultic +cultigen +cultirostral +Cultirostres +cultish +cultism +cultismo +cultist +cultivability +cultivable +cultivably +cultivar +cultivatability +cultivatable +cultivate +cultivated +cultivation +cultivator +cultrate +cultrated +cultriform +cultrirostral +Cultrirostres +cultual +culturable +cultural +culturally +culture +cultured +culturine +culturist +culturization +culturize +culturological +culturologically +culturologist +culturology +cultus +culver +culverfoot +culverhouse +culverin +culverineer +culverkey +culvert +culvertage +culverwort +cum +Cumacea +cumacean +cumaceous +Cumaean +cumal +cumaldehyde +Cumanagoto +cumaphyte +cumaphytic +cumaphytism +Cumar +cumay +cumbent +cumber +cumberer +cumberlandite +cumberless +cumberment +cumbersome +cumbersomely +cumbersomeness +cumberworld +cumbha +cumbly +cumbraite +cumbrance +cumbre +Cumbrian +cumbrous +cumbrously +cumbrousness +cumbu +cumene +cumengite +cumenyl +cumflutter +cumhal +cumic +cumidin +cumidine +cumin +cuminal +cuminic +cuminoin +cuminol +cuminole +cuminseed +cuminyl +cummer +cummerbund +cummin +cummingtonite +cumol +cump +cumshaw +cumulant +cumular +cumulate +cumulately +cumulation +cumulatist +cumulative +cumulatively +cumulativeness +cumuli +cumuliform +cumulite +cumulophyric +cumulose +cumulous +cumulus +cumyl +Cuna +cunabular +Cunan +Cunarder +Cunas +cunctation +cunctatious +cunctative +cunctator +cunctatorship +cunctatury +cunctipotent +cundeamor +cuneal +cuneate +cuneately +cuneatic +cuneator +cuneiform +cuneiformist +cuneocuboid +cuneonavicular +cuneoscaphoid +cunette +cuneus +cungeboi +cunicular +cuniculus +cunila +cunjah +cunjer +cunjevoi +cunner +cunnilinctus +cunnilingus +cunning +Cunninghamia +cunningly +cunningness +Cunonia +Cunoniaceae +cunoniaceous +cunye +Cunza +Cuon +cuorin +cup +Cupania +cupay +cupbearer +cupboard +cupcake +cupel +cupeler +cupellation +cupflower +cupful +Cuphea +cuphead +cupholder +Cupid +cupidinous +cupidity +cupidon +cupidone +cupless +cupmaker +cupmaking +cupman +cupmate +cupola +cupolaman +cupolar +cupolated +cupped +cupper +cupping +cuppy +cuprammonia +cuprammonium +cupreine +cuprene +cupreous +Cupressaceae +cupressineous +Cupressinoxylon +Cupressus +cupric +cupride +cupriferous +cuprite +cuproammonium +cuprobismutite +cuprocyanide +cuprodescloizite +cuproid +cuproiodargyrite +cupromanganese +cupronickel +cuproplumbite +cuproscheelite +cuprose +cuprosilicon +cuprotungstite +cuprous +cuprum +cupseed +cupstone +cupula +cupulate +cupule +Cupuliferae +cupuliferous +cupuliform +cur +curability +curable +curableness +curably +curacao +curacy +curare +curarine +curarization +curarize +curassow +curatage +curate +curatel +curateship +curatess +curatial +curatic +curation +curative +curatively +curativeness +curatize +curatolatry +curator +curatorial +curatorium +curatorship +curatory +curatrix +Curavecan +curb +curbable +curber +curbing +curbless +curblike +curbstone +curbstoner +curby +curcas +curch +curcuddoch +Curculio +curculionid +Curculionidae +curculionist +Curcuma +curcumin +curd +curdiness +curdle +curdler +curdly +curdwort +curdy +cure +cureless +curelessly +curemaster +curer +curettage +curette +curettement +curfew +curial +curialism +curialist +curialistic +curiality +curiate +Curiatii +curiboca +curie +curiescopy +curietherapy +curin +curine +curing +curio +curiologic +curiologically +curiologics +curiology +curiomaniac +curiosa +curiosity +curioso +curious +curiously +curiousness +curite +Curitis +curium +curl +curled +curledly +curledness +curler +curlew +curlewberry +curlicue +curliewurly +curlike +curlily +curliness +curling +curlingly +curlpaper +curly +curlycue +curlyhead +curlylocks +curmudgeon +curmudgeonery +curmudgeonish +curmudgeonly +curmurring +curn +curney +curnock +curple +curr +currach +currack +curragh +currant +curratow +currawang +currency +current +currently +currentness +currentwise +curricle +curricula +curricular +curricularization +curricularize +curriculum +curried +currier +curriery +currish +currishly +currishness +curry +currycomb +curryfavel +Cursa +cursal +curse +cursed +cursedly +cursedness +curser +curship +cursitor +cursive +cursively +cursiveness +cursor +cursorary +Cursores +Cursoria +cursorial +Cursoriidae +cursorily +cursoriness +cursorious +Cursorius +cursory +curst +curstful +curstfully +curstly +curstness +cursus +Curt +curt +curtail +curtailed +curtailedly +curtailer +curtailment +curtain +curtaining +curtainless +curtainwise +curtal +Curtana +curtate +curtation +curtesy +curtilage +Curtis +Curtise +curtly +curtness +curtsy +curua +curuba +Curucaneca +Curucanecan +curucucu +curule +Curuminaca +Curuminacan +Curupira +cururo +curvaceous +curvaceousness +curvacious +curvant +curvate +curvation +curvature +curve +curved +curvedly +curvedness +curver +curvesome +curvesomeness +curvet +curvicaudate +curvicostate +curvidentate +curvifoliate +curviform +curvilineal +curvilinear +curvilinearity +curvilinearly +curvimeter +curvinervate +curvinerved +curvirostral +Curvirostres +curviserial +curvital +curvity +curvograph +curvometer +curvous +curvulate +curvy +curwhibble +curwillet +cuscohygrine +cusconine +Cuscus +cuscus +Cuscuta +Cuscutaceae +cuscutaceous +cusec +cuselite +cush +cushag +cushat +cushaw +cushewbird +cushion +cushioned +cushionflower +cushionless +cushionlike +cushiony +Cushite +Cushitic +cushlamochree +cushy +cusie +cusinero +cusk +cusp +cuspal +cusparidine +cusparine +cuspate +cusped +cuspid +cuspidal +cuspidate +cuspidation +cuspidine +cuspidor +cuspule +cuss +cussed +cussedly +cussedness +cusser +cusso +custard +custerite +custodee +custodes +custodial +custodiam +custodian +custodianship +custodier +custody +custom +customable +customarily +customariness +customary +customer +customhouse +customs +custumal +cut +cutaneal +cutaneous +cutaneously +cutaway +cutback +cutch +cutcher +cutcherry +cute +cutely +cuteness +Cuterebra +Cuthbert +cutheal +cuticle +cuticolor +cuticula +cuticular +cuticularization +cuticularize +cuticulate +cutidure +cutie +cutification +cutigeral +cutin +cutinization +cutinize +cutireaction +cutis +cutisector +Cutiterebra +cutitis +cutization +cutlass +cutler +cutleress +Cutleria +Cutleriaceae +cutleriaceous +Cutleriales +cutlery +cutlet +cutling +cutlips +cutocellulose +cutoff +cutout +cutover +cutpurse +cuttable +cuttage +cuttail +cuttanee +cutted +cutter +cutterhead +cutterman +cutthroat +cutting +cuttingly +cuttingness +cuttle +cuttlebone +cuttlefish +cuttler +cuttoo +cutty +cuttyhunk +cutup +cutwater +cutweed +cutwork +cutworm +cuvette +Cuvierian +cuvy +cuya +Cuzceno +cwierc +cwm +cyamelide +Cyamus +cyan +cyanacetic +cyanamide +cyananthrol +Cyanastraceae +Cyanastrum +cyanate +cyanaurate +cyanauric +cyanbenzyl +cyancarbonic +Cyanea +cyanean +cyanemia +cyaneous +cyanephidrosis +cyanformate +cyanformic +cyanhidrosis +cyanhydrate +cyanhydric +cyanhydrin +cyanic +cyanicide +cyanidation +cyanide +cyanidin +cyanidine +cyanidrosis +cyanimide +cyanin +cyanine +cyanite +cyanize +cyanmethemoglobin +cyanoacetate +cyanoacetic +cyanoaurate +cyanoauric +cyanobenzene +cyanocarbonic +cyanochlorous +cyanochroia +cyanochroic +Cyanocitta +cyanocrystallin +cyanoderma +cyanogen +cyanogenesis +cyanogenetic +cyanogenic +cyanoguanidine +cyanohermidin +cyanohydrin +cyanol +cyanole +cyanomaclurin +cyanometer +cyanomethaemoglobin +cyanomethemoglobin +cyanometric +cyanometry +cyanopathic +cyanopathy +cyanophile +cyanophilous +cyanophoric +cyanophose +Cyanophyceae +cyanophycean +cyanophyceous +cyanophycin +cyanopia +cyanoplastid +cyanoplatinite +cyanoplatinous +cyanopsia +cyanose +cyanosed +cyanosis +Cyanospiza +cyanotic +cyanotrichite +cyanotype +cyanuramide +cyanurate +cyanuret +cyanuric +cyanurine +cyanus +cyaphenine +cyath +Cyathaspis +Cyathea +Cyatheaceae +cyatheaceous +cyathiform +cyathium +cyathoid +cyatholith +Cyathophyllidae +cyathophylline +cyathophylloid +Cyathophyllum +cyathos +cyathozooid +cyathus +cybernetic +cyberneticist +cybernetics +Cybister +cycad +Cycadaceae +cycadaceous +Cycadales +cycadean +cycadeoid +Cycadeoidea +cycadeous +cycadiform +cycadlike +cycadofilicale +Cycadofilicales +Cycadofilices +cycadofilicinean +Cycadophyta +Cycas +Cycladic +cyclamen +cyclamin +cyclamine +cyclammonium +cyclane +Cyclanthaceae +cyclanthaceous +Cyclanthales +Cyclanthus +cyclar +cyclarthrodial +cyclarthrsis +cyclas +cycle +cyclecar +cycledom +cyclene +cycler +cyclesmith +Cycliae +cyclian +cyclic +cyclical +cyclically +cyclicism +cyclide +cycling +cyclism +cyclist +cyclistic +cyclitic +cyclitis +cyclization +cyclize +cycloalkane +Cyclobothra +cyclobutane +cyclocoelic +cyclocoelous +Cycloconium +cyclodiolefin +cycloganoid +Cycloganoidei +cyclogram +cyclograph +cyclographer +cycloheptane +cycloheptanone +cyclohexane +cyclohexanol +cyclohexanone +cyclohexene +cyclohexyl +cycloid +cycloidal +cycloidally +cycloidean +Cycloidei +cycloidian +cycloidotrope +cyclolith +Cycloloma +cyclomania +cyclometer +cyclometric +cyclometrical +cyclometry +Cyclomyaria +cyclomyarian +cyclonal +cyclone +cyclonic +cyclonical +cyclonically +cyclonist +cyclonite +cyclonologist +cyclonology +cyclonometer +cyclonoscope +cycloolefin +cycloparaffin +cyclope +Cyclopean +cyclopean +cyclopedia +cyclopedic +cyclopedical +cyclopedically +cyclopedist +cyclopentadiene +cyclopentane +cyclopentanone +cyclopentene +Cyclopes +cyclopes +cyclophoria +cyclophoric +Cyclophorus +cyclophrenia +cyclopia +Cyclopic +cyclopism +cyclopite +cycloplegia +cycloplegic +cyclopoid +cyclopropane +Cyclops +Cyclopteridae +cyclopteroid +cyclopterous +cyclopy +cyclorama +cycloramic +Cyclorrhapha +cyclorrhaphous +cycloscope +cyclose +cyclosis +cyclospermous +Cyclospondyli +cyclospondylic +cyclospondylous +Cyclosporales +Cyclosporeae +Cyclosporinae +cyclosporous +Cyclostoma +Cyclostomata +cyclostomate +Cyclostomatidae +cyclostomatous +cyclostome +Cyclostomes +Cyclostomi +Cyclostomidae +cyclostomous +cyclostrophic +cyclostyle +Cyclotella +cyclothem +cyclothure +cyclothurine +Cyclothurus +cyclothyme +cyclothymia +cyclothymiac +cyclothymic +cyclotome +cyclotomic +cyclotomy +Cyclotosaurus +cyclotron +cyclovertebral +cyclus +Cydippe +cydippian +cydippid +Cydippida +Cydonia +Cydonian +cydonium +cyesiology +cyesis +cygneous +cygnet +Cygnid +Cygninae +cygnine +Cygnus +cyke +cylinder +cylindered +cylinderer +cylinderlike +cylindraceous +cylindrarthrosis +Cylindrella +cylindrelloid +cylindrenchyma +cylindric +cylindrical +cylindricality +cylindrically +cylindricalness +cylindricity +cylindricule +cylindriform +cylindrite +cylindrocellular +cylindrocephalic +cylindroconical +cylindroconoidal +cylindrocylindric +cylindrodendrite +cylindrograph +cylindroid +cylindroidal +cylindroma +cylindromatous +cylindrometric +cylindroogival +Cylindrophis +Cylindrosporium +cylindruria +cylix +Cyllenian +Cyllenius +cyllosis +cyma +cymagraph +cymaphen +cymaphyte +cymaphytic +cymaphytism +cymar +cymation +cymatium +cymba +cymbaeform +cymbal +Cymbalaria +cymbaleer +cymbaler +cymbaline +cymbalist +cymballike +cymbalo +cymbalon +cymbate +Cymbella +cymbiform +Cymbium +cymbling +cymbocephalic +cymbocephalous +cymbocephaly +Cymbopogon +cyme +cymelet +cymene +cymiferous +cymling +Cymodoceaceae +cymogene +cymograph +cymographic +cymoid +Cymoidium +cymometer +cymophane +cymophanous +cymophenol +cymoscope +cymose +cymosely +cymotrichous +cymotrichy +cymous +Cymraeg +Cymric +Cymry +cymule +cymulose +cynanche +Cynanchum +cynanthropy +Cynara +cynaraceous +cynarctomachy +cynareous +cynaroid +cynebot +cynegetic +cynegetics +cynegild +cynhyena +Cynias +cyniatria +cyniatrics +cynic +cynical +cynically +cynicalness +cynicism +cynicist +cynipid +Cynipidae +cynipidous +cynipoid +Cynipoidea +Cynips +cynism +cynocephalic +cynocephalous +cynocephalus +cynoclept +Cynocrambaceae +cynocrambaceous +Cynocrambe +Cynodon +cynodont +Cynodontia +Cynogale +cynogenealogist +cynogenealogy +Cynoglossum +Cynognathus +cynography +cynoid +Cynoidea +cynology +Cynomoriaceae +cynomoriaceous +Cynomorium +Cynomorpha +cynomorphic +cynomorphous +Cynomys +cynophile +cynophilic +cynophilist +cynophobe +cynophobia +Cynopithecidae +cynopithecoid +cynopodous +cynorrhodon +Cynosarges +Cynoscion +Cynosura +cynosural +cynosure +Cynosurus +cynotherapy +Cynoxylon +Cynthia +Cynthian +Cynthiidae +Cynthius +cyp +Cyperaceae +cyperaceous +Cyperus +cyphella +cyphellate +Cyphomandra +cyphonautes +cyphonism +Cypraea +cypraeid +Cypraeidae +cypraeiform +cypraeoid +cypre +cypres +cypress +cypressed +cypressroot +Cypria +Cyprian +Cyprididae +Cypridina +Cypridinidae +cypridinoid +Cyprina +cyprine +cyprinid +Cyprinidae +cypriniform +cyprinine +cyprinodont +Cyprinodontes +Cyprinodontidae +cyprinodontoid +cyprinoid +Cyprinoidea +cyprinoidean +Cyprinus +Cypriote +Cypripedium +Cypris +cypsela +Cypseli +Cypselid +Cypselidae +cypseliform +Cypseliformes +cypseline +cypseloid +cypselomorph +Cypselomorphae +cypselomorphic +cypselous +Cypselus +cyptozoic +Cyrano +Cyrenaic +Cyrenaicism +Cyrenian +Cyril +Cyrilla +Cyrillaceae +cyrillaceous +Cyrillian +Cyrillianism +Cyrillic +cyriologic +cyriological +Cyrtandraceae +Cyrtidae +cyrtoceracone +Cyrtoceras +cyrtoceratite +cyrtoceratitic +cyrtograph +cyrtolite +cyrtometer +Cyrtomium +cyrtopia +cyrtosis +Cyrus +cyrus +cyst +cystadenoma +cystadenosarcoma +cystal +cystalgia +cystamine +cystaster +cystatrophia +cystatrophy +cystectasia +cystectasy +cystectomy +cysted +cysteine +cysteinic +cystelcosis +cystenchyma +cystenchymatous +cystencyte +cysterethism +cystic +cysticarpic +cysticarpium +cysticercoid +cysticercoidal +cysticercosis +cysticercus +cysticolous +cystid +Cystidea +cystidean +cystidicolous +cystidium +cystiferous +cystiform +cystigerous +Cystignathidae +cystignathine +cystine +cystinuria +cystirrhea +cystis +cystitis +cystitome +cystoadenoma +cystocarcinoma +cystocarp +cystocarpic +cystocele +cystocolostomy +cystocyte +cystodynia +cystoelytroplasty +cystoenterocele +cystoepiplocele +cystoepithelioma +cystofibroma +Cystoflagellata +cystoflagellate +cystogenesis +cystogenous +cystogram +cystoid +Cystoidea +cystoidean +cystolith +cystolithectomy +cystolithiasis +cystolithic +cystoma +cystomatous +cystomorphous +cystomyoma +cystomyxoma +Cystonectae +cystonectous +cystonephrosis +cystoneuralgia +cystoparalysis +Cystophora +cystophore +cystophotography +cystophthisis +cystoplasty +cystoplegia +cystoproctostomy +Cystopteris +cystoptosis +Cystopus +cystopyelitis +cystopyelography +cystopyelonephritis +cystoradiography +cystorrhagia +cystorrhaphy +cystorrhea +cystosarcoma +cystoschisis +cystoscope +cystoscopic +cystoscopy +cystose +cystospasm +cystospastic +cystospore +cystostomy +cystosyrinx +cystotome +cystotomy +cystotrachelotomy +cystoureteritis +cystourethritis +cystous +cytase +cytasic +Cytherea +Cytherean +Cytherella +Cytherellidae +Cytinaceae +cytinaceous +Cytinus +cytioderm +cytisine +Cytisus +cytitis +cytoblast +cytoblastema +cytoblastemal +cytoblastematous +cytoblastemic +cytoblastemous +cytochemistry +cytochrome +cytochylema +cytocide +cytoclasis +cytoclastic +cytococcus +cytocyst +cytode +cytodendrite +cytoderm +cytodiagnosis +cytodieresis +cytodieretic +cytogamy +cytogene +cytogenesis +cytogenetic +cytogenetical +cytogenetically +cytogeneticist +cytogenetics +cytogenic +cytogenous +cytogeny +cytoglobin +cytohyaloplasm +cytoid +cytokinesis +cytolist +cytologic +cytological +cytologically +cytologist +cytology +cytolymph +cytolysin +cytolysis +cytolytic +cytoma +cytomere +cytometer +cytomicrosome +cytomitome +cytomorphosis +cyton +cytoparaplastin +cytopathologic +cytopathological +cytopathologically +cytopathology +Cytophaga +cytophagous +cytophagy +cytopharynx +cytophil +cytophysics +cytophysiology +cytoplasm +cytoplasmic +cytoplast +cytoplastic +cytoproct +cytopyge +cytoreticulum +cytoryctes +cytosine +cytosome +Cytospora +Cytosporina +cytost +cytostomal +cytostome +cytostroma +cytostromatic +cytotactic +cytotaxis +cytotoxic +cytotoxin +cytotrophoblast +cytotrophy +cytotropic +cytotropism +cytozoic +cytozoon +cytozymase +cytozyme +cytula +Cyzicene +cyzicene +czar +czardas +czardom +czarevitch +czarevna +czarian +czaric +czarina +czarinian +czarish +czarism +czarist +czaristic +czaritza +czarowitch +czarowitz +czarship +Czech +Czechic +Czechish +Czechization +Czechoslovak +Czechoslovakian +D +d +da +daalder +dab +dabb +dabba +dabber +dabble +dabbler +dabbling +dabblingly +dabblingness +dabby +dabchick +Dabih +Dabitis +dablet +daboia +daboya +dabster +dace +Dacelo +Daceloninae +dacelonine +dachshound +dachshund +Dacian +dacite +dacitic +dacker +dacoit +dacoitage +dacoity +dacryadenalgia +dacryadenitis +dacryagogue +dacrycystalgia +Dacrydium +dacryelcosis +dacryoadenalgia +dacryoadenitis +dacryoblenorrhea +dacryocele +dacryocyst +dacryocystalgia +dacryocystitis +dacryocystoblennorrhea +dacryocystocele +dacryocystoptosis +dacryocystorhinostomy +dacryocystosyringotomy +dacryocystotome +dacryocystotomy +dacryohelcosis +dacryohemorrhea +dacryolite +dacryolith +dacryolithiasis +dacryoma +dacryon +dacryops +dacryopyorrhea +dacryopyosis +dacryosolenitis +dacryostenosis +dacryosyrinx +dacryuria +Dactyl +dactyl +dactylar +dactylate +dactylic +dactylically +dactylioglyph +dactylioglyphic +dactylioglyphist +dactylioglyphtic +dactylioglyphy +dactyliographer +dactyliographic +dactyliography +dactyliology +dactyliomancy +dactylion +dactyliotheca +Dactylis +dactylist +dactylitic +dactylitis +dactylogram +dactylograph +dactylographic +dactylography +dactyloid +dactylology +dactylomegaly +dactylonomy +dactylopatagium +Dactylopius +dactylopodite +dactylopore +Dactylopteridae +Dactylopterus +dactylorhiza +dactyloscopic +dactyloscopy +dactylose +dactylosternal +dactylosymphysis +dactylotheca +dactylous +dactylozooid +dactylus +Dacus +dacyorrhea +dad +Dada +dada +Dadaism +Dadaist +dadap +Dadayag +dadder +daddle +daddock +daddocky +daddy +daddynut +dade +dadenhudd +dado +Dadoxylon +Dadu +daduchus +Dadupanthi +dae +Daedal +daedal +Daedalea +Daedalean +Daedalian +Daedalic +Daedalidae +Daedalist +daedaloid +Daedalus +daemon +Daemonelix +daemonic +daemonurgist +daemonurgy +daemony +daer +daff +daffery +daffing +daffish +daffle +daffodil +daffodilly +daffy +daffydowndilly +Dafla +daft +daftberry +daftlike +daftly +daftness +dag +dagaba +dagame +dagassa +Dagbamba +Dagbane +dagesh +Dagestan +dagga +dagger +daggerbush +daggered +daggerlike +daggerproof +daggers +daggle +daggletail +daggletailed +daggly +daggy +daghesh +daglock +Dagmar +Dago +dagoba +Dagomba +dags +Daguerrean +daguerreotype +daguerreotyper +daguerreotypic +daguerreotypist +daguerreotypy +dah +dahabeah +Dahlia +Dahoman +Dahomeyan +dahoon +Daibutsu +daidle +daidly +Daijo +daiker +daikon +Dail +Dailamite +dailiness +daily +daimen +daimiate +daimio +daimon +daimonic +daimonion +daimonistic +daimonology +dain +daincha +dainteth +daintify +daintihood +daintily +daintiness +daintith +dainty +Daira +daira +dairi +dairy +dairying +dairymaid +dairyman +dairywoman +dais +daisied +daisy +daisybush +daitya +daiva +dak +daker +Dakhini +dakir +Dakota +daktylon +daktylos +dal +dalar +Dalarnian +Dalbergia +Dalcassian +Dale +dale +Dalea +Dalecarlian +daleman +daler +dalesfolk +dalesman +dalespeople +daleswoman +daleth +dali +Dalibarda +dalk +dallack +dalle +dalles +dalliance +dallier +dally +dallying +dallyingly +Dalmania +Dalmanites +Dalmatian +Dalmatic +dalmatic +Dalradian +dalt +dalteen +Dalton +dalton +Daltonian +Daltonic +Daltonism +Daltonist +dam +dama +damage +damageability +damageable +damageableness +damageably +damagement +damager +damages +damagingly +daman +Damara +Damascene +damascene +damascened +damascener +damascenine +Damascus +damask +damaskeen +damasse +damassin +Damayanti +dambonitol +dambose +dambrod +dame +damenization +damewort +Damgalnunna +Damia +damiana +Damianist +damie +damier +damine +damkjernite +damlike +dammar +Dammara +damme +dammer +dammish +damn +damnability +damnable +damnableness +damnably +damnation +damnatory +damned +damner +damnification +damnify +Damnii +damning +damningly +damningness +damnonians +Damnonii +damnous +damnously +Damoclean +Damocles +Damoetas +damoiseau +Damon +Damone +damonico +damourite +damp +dampang +damped +dampen +dampener +damper +damping +dampish +dampishly +dampishness +damply +dampness +dampproof +dampproofer +dampproofing +dampy +damsel +damselfish +damselhood +damson +Dan +dan +Dana +Danaan +Danagla +Danai +Danaid +danaid +Danaidae +danaide +Danaidean +Danainae +danaine +Danais +danaite +Danakil +danalite +danburite +dancalite +dance +dancer +danceress +dancery +dancette +dancing +dancingly +dand +danda +dandelion +dander +dandiacal +dandiacally +dandically +dandification +dandify +dandilly +dandily +dandiprat +dandizette +dandle +dandler +dandling +dandlingly +dandruff +dandruffy +dandy +dandydom +dandyish +dandyism +dandyize +dandyling +Dane +Daneball +Daneflower +Danegeld +Danelaw +Daneweed +Danewort +dang +danger +dangerful +dangerfully +dangerless +dangerous +dangerously +dangerousness +dangersome +dangle +dangleberry +danglement +dangler +danglin +dangling +danglingly +Dani +Danian +Danic +danicism +Daniel +Daniele +Danielic +Danielle +Daniglacial +danio +Danish +Danism +Danite +Danization +Danize +dank +Dankali +dankish +dankishness +dankly +dankness +danli +Dannebrog +dannemorite +danner +Dannie +dannock +Danny +danoranja +dansant +danseuse +danta +Dantean +Dantesque +Danthonia +Dantist +Dantology +Dantomania +danton +Dantonesque +Dantonist +Dantophilist +Dantophily +Danube +Danubian +Danuri +Danzig +Danziger +dao +daoine +dap +Dapedium +Dapedius +Daphnaceae +Daphne +Daphnean +Daphnephoria +daphnetin +Daphnia +daphnin +daphnioid +Daphnis +daphnoid +dapicho +dapico +dapifer +dapper +dapperling +dapperly +dapperness +dapple +dappled +dar +darabukka +darac +daraf +Darapti +darat +darbha +darby +Darbyism +Darbyite +Darci +Dard +Dardan +dardanarius +Dardani +dardanium +dardaol +Dardic +Dardistan +dare +dareall +daredevil +daredevilism +daredevilry +daredeviltry +dareful +Daren +darer +Dares +daresay +darg +dargah +darger +Darghin +Dargo +dargsman +dargue +dari +daribah +daric +Darien +Darii +Darin +daring +daringly +daringness +dariole +Darius +Darjeeling +dark +darken +darkener +darkening +darkful +darkhearted +darkheartedness +darkish +darkishness +darkle +darkling +darklings +darkly +darkmans +darkness +darkroom +darkskin +darksome +darksomeness +darky +darling +darlingly +darlingness +Darlingtonia +darn +darnation +darned +darnel +darner +darnex +darning +daroga +daroo +darr +darrein +Darrell +Darren +Darryl +darshana +Darsonval +Darsonvalism +darst +dart +Dartagnan +dartars +dartboard +darter +darting +dartingly +dartingness +dartle +dartlike +dartman +Dartmoor +dartoic +dartoid +dartos +dartre +dartrose +dartrous +darts +dartsman +Darwinian +Darwinical +Darwinically +Darwinism +Darwinist +Darwinistic +Darwinite +Darwinize +Daryl +darzee +das +Daschagga +dash +dashboard +dashed +dashedly +dashee +dasheen +dasher +dashing +dashingly +dashmaker +Dashnak +Dashnakist +Dashnaktzutiun +dashplate +dashpot +dashwheel +dashy +dasi +Dasiphora +dasnt +dassie +dassy +dastard +dastardize +dastardliness +dastardly +dastur +dasturi +Dasya +Dasyatidae +Dasyatis +Dasycladaceae +dasycladaceous +Dasylirion +dasymeter +dasypaedal +dasypaedes +dasypaedic +Dasypeltis +dasyphyllous +Dasypodidae +dasypodoid +Dasyprocta +Dasyproctidae +dasyproctine +Dasypus +Dasystephana +dasyure +Dasyuridae +dasyurine +dasyuroid +Dasyurus +Dasyus +data +datable +datableness +datably +dataria +datary +datch +datcha +date +dateless +datemark +dater +datil +dating +dation +Datisca +Datiscaceae +datiscaceous +datiscetin +datiscin +datiscoside +Datisi +Datism +datival +dative +datively +dativogerundial +datolite +datolitic +dattock +datum +Datura +daturic +daturism +daub +daube +Daubentonia +Daubentoniidae +dauber +daubery +daubing +daubingly +daubreeite +daubreelite +daubster +dauby +Daucus +daud +daughter +daughterhood +daughterkin +daughterless +daughterlike +daughterliness +daughterling +daughterly +daughtership +Daulias +daunch +dauncy +Daunii +daunt +daunter +daunting +dauntingly +dauntingness +dauntless +dauntlessly +dauntlessness +daunton +dauphin +dauphine +dauphiness +Daur +Dauri +daut +dautie +dauw +davach +Davallia +Dave +daven +davenport +daver +daverdy +David +Davidian +Davidic +Davidical +Davidist +davidsonite +Daviesia +daviesite +davit +davoch +Davy +davy +davyne +daw +dawdle +dawdler +dawdling +dawdlingly +dawdy +dawish +dawkin +Dawn +dawn +dawning +dawnlight +dawnlike +dawnstreak +dawnward +dawny +Dawson +Dawsonia +Dawsoniaceae +dawsoniaceous +dawsonite +dawtet +dawtit +dawut +day +dayabhaga +Dayakker +dayal +daybeam +dayberry +dayblush +daybook +daybreak +daydawn +daydream +daydreamer +daydreamy +daydrudge +dayflower +dayfly +daygoing +dayless +daylight +daylit +daylong +dayman +daymare +daymark +dayroom +days +dayshine +daysman +dayspring +daystar +daystreak +daytale +daytide +daytime +daytimes +dayward +daywork +dayworker +daywrit +Daza +daze +dazed +dazedly +dazedness +dazement +dazingly +dazy +dazzle +dazzlement +dazzler +dazzlingly +de +deacetylate +deacetylation +deacidification +deacidify +deacon +deaconal +deaconate +deaconess +deaconhood +deaconize +deaconry +deaconship +deactivate +deactivation +dead +deadbeat +deadborn +deadcenter +deaden +deadener +deadening +deader +deadeye +deadfall +deadhead +deadheadism +deadhearted +deadheartedly +deadheartedness +deadhouse +deading +deadish +deadishly +deadishness +deadlatch +deadlight +deadlily +deadline +deadliness +deadlock +deadly +deadman +deadmelt +deadness +deadpan +deadpay +deadtongue +deadwood +deadwort +deaerate +deaeration +deaerator +deaf +deafen +deafening +deafeningly +deafforest +deafforestation +deafish +deafly +deafness +deair +deal +dealable +dealate +dealated +dealation +dealbate +dealbation +dealbuminize +dealcoholist +dealcoholization +dealcoholize +dealer +dealerdom +dealership +dealfish +dealing +dealkalize +dealkylate +dealkylation +dealt +deambulation +deambulatory +deamidase +deamidate +deamidation +deamidization +deamidize +deaminase +deaminate +deamination +deaminization +deaminize +deammonation +Dean +dean +deanathematize +deaner +deanery +deaness +deanimalize +deanship +deanthropomorphic +deanthropomorphism +deanthropomorphization +deanthropomorphize +deappetizing +deaquation +dear +dearborn +dearie +dearly +dearness +dearomatize +dearsenicate +dearsenicator +dearsenicize +dearth +dearthfu +dearticulation +dearworth +dearworthily +dearworthiness +deary +deash +deasil +deaspirate +deaspiration +deassimilation +death +deathbed +deathblow +deathday +deathful +deathfully +deathfulness +deathify +deathin +deathiness +deathless +deathlessly +deathlessness +deathlike +deathliness +deathling +deathly +deathroot +deathshot +deathsman +deathtrap +deathward +deathwards +deathwatch +deathweed +deathworm +deathy +deave +deavely +Deb +deb +debacle +debadge +debamboozle +debar +debarbarization +debarbarize +debark +debarkation +debarkment +debarment +debarrance +debarrass +debarration +debase +debasedness +debasement +debaser +debasingly +debatable +debate +debateful +debatefully +debatement +debater +debating +debatingly +debauch +debauched +debauchedly +debauchedness +debauchee +debaucher +debauchery +debauchment +Debbie +Debby +debby +debeige +debellate +debellation +debellator +deben +debenture +debentured +debenzolize +Debi +debile +debilissima +debilitant +debilitate +debilitated +debilitation +debilitative +debility +debind +debit +debiteuse +debituminization +debituminize +deblaterate +deblateration +deboistly +deboistness +debonair +debonaire +debonairity +debonairly +debonairness +debonnaire +Deborah +debord +debordment +debosh +deboshed +debouch +debouchment +debride +debrief +debris +debrominate +debromination +debruise +debt +debtee +debtful +debtless +debtor +debtorship +debullition +debunk +debunker +debunkment +debus +Debussyan +Debussyanize +debut +debutant +debutante +decachord +decad +decadactylous +decadal +decadally +decadarch +decadarchy +decadary +decadation +decade +decadence +decadency +decadent +decadentism +decadently +decadescent +decadianome +decadic +decadist +decadrachm +decadrachma +decaesarize +decaffeinate +decaffeinize +decafid +decagon +decagonal +decagram +decagramme +decahedral +decahedron +decahydrate +decahydrated +decahydronaphthalene +Decaisnea +decal +decalcification +decalcifier +decalcify +decalcomania +decalcomaniac +decalescence +decalescent +Decalin +decaliter +decalitre +decalobate +Decalogist +Decalogue +decalvant +decalvation +decameral +Decameron +Decameronic +decamerous +decameter +decametre +decamp +decampment +decan +decanal +decanally +decanate +decane +decangular +decani +decanically +decannulation +decanonization +decanonize +decant +decantate +decantation +decanter +decantherous +decap +decapetalous +decaphyllous +decapitable +decapitalization +decapitalize +decapitate +decapitation +decapitator +decapod +Decapoda +decapodal +decapodan +decapodiform +decapodous +decapper +decapsulate +decapsulation +decarbonate +decarbonator +decarbonization +decarbonize +decarbonized +decarbonizer +decarboxylate +decarboxylation +decarboxylization +decarboxylize +decarburation +decarburization +decarburize +decarch +decarchy +decardinalize +decare +decarhinus +decarnate +decarnated +decart +decasemic +decasepalous +decaspermal +decaspermous +decast +decastellate +decastere +decastich +decastyle +decasualization +decasualize +decasyllabic +decasyllable +decasyllabon +decate +decathlon +decatholicize +decatize +decatizer +decatoic +decator +decatyl +decaudate +decaudation +decay +decayable +decayed +decayedness +decayer +decayless +decease +deceased +decedent +deceit +deceitful +deceitfully +deceitfulness +deceivability +deceivable +deceivableness +deceivably +deceive +deceiver +deceiving +deceivingly +decelerate +deceleration +decelerator +decelerometer +December +Decemberish +Decemberly +Decembrist +decemcostate +decemdentate +decemfid +decemflorous +decemfoliate +decemfoliolate +decemjugate +decemlocular +decempartite +decempeda +decempedal +decempedate +decempennate +decemplex +decemplicate +decempunctate +decemstriate +decemuiri +decemvir +decemviral +decemvirate +decemvirship +decenary +decence +decency +decene +decennal +decennary +decennia +decenniad +decennial +decennially +decennium +decennoval +decent +decenter +decently +decentness +decentralism +decentralist +decentralization +decentralize +decentration +decentre +decenyl +decephalization +deceptibility +deceptible +deception +deceptious +deceptiously +deceptitious +deceptive +deceptively +deceptiveness +deceptivity +decerebrate +decerebration +decerebrize +decern +decerniture +decernment +decess +decession +dechemicalization +dechemicalize +dechenite +Dechlog +dechlore +dechlorination +dechoralize +dechristianization +dechristianize +Decian +deciare +deciatine +decibel +deciceronize +decidable +decide +decided +decidedly +decidedness +decider +decidingly +decidua +decidual +deciduary +Deciduata +deciduate +deciduitis +deciduoma +deciduous +deciduously +deciduousness +decigram +decigramme +decil +decile +deciliter +decillion +decillionth +decima +decimal +decimalism +decimalist +decimalization +decimalize +decimally +decimate +decimation +decimator +decimestrial +decimeter +decimolar +decimole +decimosexto +Decimus +decinormal +decipher +decipherability +decipherable +decipherably +decipherer +decipherment +decipium +decipolar +decision +decisional +decisive +decisively +decisiveness +decistere +decitizenize +Decius +decivilization +decivilize +deck +decke +decked +deckel +decker +deckhead +deckhouse +deckie +decking +deckle +deckload +deckswabber +declaim +declaimant +declaimer +declamation +declamatoriness +declamatory +declarable +declarant +declaration +declarative +declaratively +declarator +declaratorily +declaratory +declare +declared +declaredly +declaredness +declarer +declass +declassicize +declassify +declension +declensional +declensionally +declericalize +declimatize +declinable +declinal +declinate +declination +declinational +declinatory +declinature +decline +declined +declinedness +decliner +declinograph +declinometer +declivate +declive +declivitous +declivity +declivous +declutch +decoagulate +decoagulation +decoat +decocainize +decoct +decoctible +decoction +decoctive +decoctum +decode +Decodon +decohere +decoherence +decoherer +decohesion +decoic +decoke +decollate +decollated +decollation +decollator +decolletage +decollete +decolor +decolorant +decolorate +decoloration +decolorimeter +decolorization +decolorize +decolorizer +decolour +decommission +decompensate +decompensation +decomplex +decomponible +decomposability +decomposable +decompose +decomposed +decomposer +decomposite +decomposition +decomposure +decompound +decompoundable +decompoundly +decompress +decompressing +decompression +decompressive +deconcatenate +deconcentrate +deconcentration +deconcentrator +decongestive +deconsecrate +deconsecration +deconsider +deconsideration +decontaminate +decontamination +decontrol +deconventionalize +decopperization +decopperize +decorability +decorable +decorably +decorament +decorate +decorated +decoration +decorationist +decorative +decoratively +decorativeness +decorator +decoratory +decorist +decorous +decorously +decorousness +decorrugative +decorticate +decortication +decorticator +decorticosis +decorum +decostate +decoy +decoyer +decoyman +decrassify +decream +decrease +decreaseless +decreasing +decreasingly +decreation +decreative +decree +decreeable +decreement +decreer +decreet +decrement +decrementless +decremeter +decrepit +decrepitate +decrepitation +decrepitly +decrepitness +decrepitude +decrescence +decrescendo +decrescent +decretal +decretalist +decrete +decretist +decretive +decretively +decretorial +decretorily +decretory +decretum +decrew +decrial +decried +decrier +decrown +decrudescence +decrustation +decry +decrystallization +decubital +decubitus +decultivate +deculturate +decuman +decumana +decumanus +Decumaria +decumary +decumbence +decumbency +decumbent +decumbently +decumbiture +decuple +decuplet +decuria +decurion +decurionate +decurrence +decurrency +decurrent +decurrently +decurring +decursion +decursive +decursively +decurtate +decurvation +decurvature +decurve +decury +decus +decussate +decussated +decussately +decussation +decussis +decussorium +decyl +decylene +decylenic +decylic +decyne +Dedan +Dedanim +Dedanite +dedecorate +dedecoration +dedecorous +dedendum +dedentition +dedicant +dedicate +dedicatee +dedication +dedicational +dedicative +dedicator +dedicatorial +dedicatorily +dedicatory +dedicature +dedifferentiate +dedifferentiation +dedimus +deditician +dediticiancy +dedition +dedo +dedoggerelize +dedogmatize +dedolation +deduce +deducement +deducibility +deducible +deducibleness +deducibly +deducive +deduct +deductible +deduction +deductive +deductively +deductory +deduplication +dee +deed +deedbox +deedeed +deedful +deedfully +deedily +deediness +deedless +deedy +deem +deemer +deemie +deemster +deemstership +deep +deepen +deepener +deepening +deepeningly +Deepfreeze +deeping +deepish +deeplier +deeply +deepmost +deepmouthed +deepness +deepsome +deepwater +deepwaterman +deer +deerberry +deerdog +deerdrive +deerfood +deerhair +deerherd +deerhorn +deerhound +deerlet +deermeat +deerskin +deerstalker +deerstalking +deerstand +deerstealer +deertongue +deerweed +deerwood +deeryard +deevey +deevilick +deface +defaceable +defacement +defacer +defacing +defacingly +defalcate +defalcation +defalcator +defalk +defamation +defamatory +defame +defamed +defamer +defamingly +defassa +defat +default +defaultant +defaulter +defaultless +defaulture +defeasance +defeasanced +defease +defeasibility +defeasible +defeasibleness +defeat +defeater +defeatism +defeatist +defeatment +defeature +defecant +defecate +defecation +defecator +defect +defectibility +defectible +defection +defectionist +defectious +defective +defectively +defectiveness +defectless +defectology +defector +defectoscope +defedation +defeminize +defence +defend +defendable +defendant +defender +defendress +defenestration +defensative +defense +defenseless +defenselessly +defenselessness +defensibility +defensible +defensibleness +defensibly +defension +defensive +defensively +defensiveness +defensor +defensorship +defensory +defer +deferable +deference +deferent +deferentectomy +deferential +deferentiality +deferentially +deferentitis +deferment +deferrable +deferral +deferred +deferrer +deferrization +deferrize +defervesce +defervescence +defervescent +defeudalize +defiable +defial +defiance +defiant +defiantly +defiantness +defiber +defibrinate +defibrination +defibrinize +deficience +deficiency +deficient +deficiently +deficit +defier +defiguration +defilade +defile +defiled +defiledness +defilement +defiler +defiliation +defiling +defilingly +definability +definable +definably +define +defined +definedly +definement +definer +definiendum +definiens +definite +definitely +definiteness +definition +definitional +definitiones +definitive +definitively +definitiveness +definitization +definitize +definitor +definitude +deflagrability +deflagrable +deflagrate +deflagration +deflagrator +deflate +deflation +deflationary +deflationist +deflator +deflect +deflectable +deflected +deflection +deflectionization +deflectionize +deflective +deflectometer +deflector +deflesh +deflex +deflexibility +deflexible +deflexion +deflexure +deflocculant +deflocculate +deflocculation +deflocculator +deflorate +defloration +deflorescence +deflower +deflowerer +defluent +defluous +defluvium +defluxion +defoedation +defog +defoliage +defoliate +defoliated +defoliation +defoliator +deforce +deforcement +deforceor +deforcer +deforciant +deforest +deforestation +deforester +deform +deformability +deformable +deformalize +deformation +deformational +deformative +deformed +deformedly +deformedness +deformer +deformeter +deformism +deformity +defortify +defoul +defraud +defraudation +defrauder +defraudment +defray +defrayable +defrayal +defrayer +defrayment +defreeze +defrication +defrock +defrost +defroster +deft +defterdar +deftly +deftness +defunct +defunction +defunctionalization +defunctionalize +defunctness +defuse +defusion +defy +defyingly +deg +deganglionate +degarnish +degas +degasification +degasifier +degasify +degasser +degauss +degelatinize +degelation +degeneracy +degeneralize +degenerate +degenerately +degenerateness +degeneration +degenerationist +degenerative +degenerescence +degenerescent +degentilize +degerm +degerminate +degerminator +degged +degger +deglaciation +deglaze +deglutinate +deglutination +deglutition +deglutitious +deglutitive +deglutitory +deglycerin +deglycerine +degorge +degradable +degradand +degradation +degradational +degradative +degrade +degraded +degradedly +degradedness +degradement +degrader +degrading +degradingly +degradingness +degraduate +degraduation +degrain +degrease +degreaser +degree +degreeless +degreewise +degression +degressive +degressively +degu +Deguelia +deguelin +degum +degummer +degust +degustation +dehair +dehairer +Dehaites +deheathenize +dehematize +dehepatize +Dehgan +dehisce +dehiscence +dehiscent +dehistoricize +Dehkan +dehnstufe +dehonestate +dehonestation +dehorn +dehorner +dehors +dehort +dehortation +dehortative +dehortatory +dehorter +dehull +dehumanization +dehumanize +dehumidification +dehumidifier +dehumidify +dehusk +Dehwar +dehydrant +dehydrase +dehydrate +dehydration +dehydrator +dehydroascorbic +dehydrocorydaline +dehydrofreezing +dehydrogenase +dehydrogenate +dehydrogenation +dehydrogenization +dehydrogenize +dehydromucic +dehydrosparteine +dehypnotize +deice +deicer +deicidal +deicide +deictic +deictical +deictically +deidealize +Deidesheimer +deific +deifical +deification +deificatory +deifier +deiform +deiformity +deify +deign +Deimos +deincrustant +deindividualization +deindividualize +deindividuate +deindustrialization +deindustrialize +deink +Deino +Deinocephalia +Deinoceras +Deinodon +Deinodontidae +deinos +Deinosauria +Deinotherium +deinsularize +deintellectualization +deintellectualize +deionize +Deipara +deiparous +Deiphobus +deipnodiplomatic +deipnophobia +deipnosophism +deipnosophist +deipnosophistic +deipotent +Deirdre +deiseal +deisidaimonia +deism +deist +deistic +deistical +deistically +deisticalness +deity +deityship +deject +dejecta +dejected +dejectedly +dejectedness +dejectile +dejection +dejectly +dejectory +dejecture +dejerate +dejeration +dejerator +dejeune +dejeuner +dejunkerize +Dekabrist +dekaparsec +dekapode +dekko +dekle +deknight +Del +delabialization +delabialize +delacrimation +delactation +delaine +delaminate +delamination +delapse +delapsion +delate +delater +delatinization +delatinize +delation +delator +delatorian +Delaware +Delawarean +delawn +delay +delayable +delayage +delayer +delayful +delaying +delayingly +Delbert +dele +delead +delectability +delectable +delectableness +delectably +delectate +delectation +delectus +delegable +delegacy +delegalize +delegant +delegate +delegatee +delegateship +delegation +delegative +delegator +delegatory +delenda +Delesseria +Delesseriaceae +delesseriaceous +delete +deleterious +deleteriously +deleteriousness +deletion +deletive +deletory +delf +delft +delftware +Delhi +Delia +Delian +deliberalization +deliberalize +deliberant +deliberate +deliberately +deliberateness +deliberation +deliberative +deliberatively +deliberativeness +deliberator +delible +delicacy +delicate +delicately +delicateness +delicatesse +delicatessen +delicense +Delichon +delicioso +Delicious +delicious +deliciously +deliciousness +delict +delictum +deligated +deligation +delight +delightable +delighted +delightedly +delightedness +delighter +delightful +delightfully +delightfulness +delighting +delightingly +delightless +delightsome +delightsomely +delightsomeness +delignate +delignification +Delilah +delime +delimit +delimitate +delimitation +delimitative +delimiter +delimitize +delineable +delineament +delineate +delineation +delineative +delineator +delineatory +delineature +delinquence +delinquency +delinquent +delinquently +delint +delinter +deliquesce +deliquescence +deliquescent +deliquium +deliracy +delirament +deliration +deliriant +delirifacient +delirious +deliriously +deliriousness +delirium +delitescence +delitescency +delitescent +deliver +deliverable +deliverance +deliverer +deliveress +deliveror +delivery +deliveryman +dell +Della +dellenite +Delobranchiata +delocalization +delocalize +delomorphic +delomorphous +deloul +delouse +delphacid +Delphacidae +Delphian +Delphin +Delphinapterus +delphine +delphinic +Delphinid +Delphinidae +delphinin +delphinine +delphinite +Delphinium +Delphinius +delphinoid +Delphinoidea +delphinoidine +Delphinus +delphocurarine +Delsarte +Delsartean +Delsartian +Delta +delta +deltafication +deltaic +deltal +deltarium +deltation +delthyrial +delthyrium +deltic +deltidial +deltidium +deltiology +deltohedron +deltoid +deltoidal +delubrum +deludable +delude +deluder +deludher +deluding +deludingly +deluge +deluminize +delundung +delusion +delusional +delusionist +delusive +delusively +delusiveness +delusory +deluster +deluxe +delve +delver +demagnetizable +demagnetization +demagnetize +demagnetizer +demagog +demagogic +demagogical +demagogically +demagogism +demagogue +demagoguery +demagogy +demal +demand +demandable +demandant +demander +demanding +demandingly +demanganization +demanganize +demantoid +demarcate +demarcation +demarcator +demarch +demarchy +demargarinate +demark +demarkation +demast +dematerialization +dematerialize +Dematiaceae +dematiaceous +deme +demean +demeanor +demegoric +demency +dement +dementate +dementation +demented +dementedly +dementedness +dementholize +dementia +demephitize +demerit +demeritorious +demeritoriously +Demerol +demersal +demersed +demersion +demesman +demesmerize +demesne +demesnial +demetallize +demethylate +demethylation +Demetrian +demetricize +demi +demiadult +demiangel +demiassignation +demiatheism +demiatheist +demibarrel +demibastion +demibastioned +demibath +demibeast +demibelt +demibob +demibombard +demibrassart +demibrigade +demibrute +demibuckram +demicadence +demicannon +demicanon +demicanton +demicaponier +demichamfron +demicircle +demicircular +demicivilized +demicolumn +demicoronal +demicritic +demicuirass +demiculverin +demicylinder +demicylindrical +demidandiprat +demideify +demideity +demidevil +demidigested +demidistance +demiditone +demidoctor +demidog +demidolmen +demidome +demieagle +demifarthing +demifigure +demiflouncing +demifusion +demigardebras +demigauntlet +demigentleman +demiglobe +demigod +demigoddess +demigoddessship +demigorge +demigriffin +demigroat +demihag +demihearse +demiheavenly +demihigh +demihogshead +demihorse +demihuman +demijambe +demijohn +demikindred +demiking +demilance +demilancer +demilawyer +demilegato +demilion +demilitarization +demilitarize +demiliterate +demilune +demiluster +demilustre +demiman +demimark +demimentoniere +demimetope +demimillionaire +demimondaine +demimonde +demimonk +deminatured +demineralization +demineralize +deminude +deminudity +demioctagonal +demioctangular +demiofficial +demiorbit +demiourgoi +demiowl +demiox +demipagan +demiparallel +demipauldron +demipectinate +demipesade +demipike +demipillar +demipique +demiplacate +demiplate +demipomada +demipremise +demipremiss +demipriest +demipronation +demipuppet +demiquaver +demiracle +demiram +demirelief +demirep +demirevetment +demirhumb +demirilievo +demirobe +demisability +demisable +demisacrilege +demisang +demisangue +demisavage +demise +demiseason +demisecond +demisemiquaver +demisemitone +demisheath +demishirt +demisovereign +demisphere +demiss +demission +demissionary +demissly +demissness +demissory +demisuit +demit +demitasse +demitint +demitoilet +demitone +demitrain +demitranslucence +demitube +demiturned +demiurge +demiurgeous +demiurgic +demiurgical +demiurgically +demiurgism +demivambrace +demivirgin +demivoice +demivol +demivolt +demivotary +demiwivern +demiwolf +demnition +demob +demobilization +demobilize +democracy +democrat +democratian +democratic +democratical +democratically +democratifiable +democratism +democratist +democratization +democratize +demodectic +demoded +Demodex +Demodicidae +Demodocus +demodulation +demodulator +demogenic +Demogorgon +demographer +demographic +demographical +demographically +demographist +demography +demoid +demoiselle +demolish +demolisher +demolishment +demolition +demolitionary +demolitionist +demological +demology +Demon +demon +demonastery +demoness +demonetization +demonetize +demoniac +demoniacal +demoniacally +demoniacism +demonial +demonian +demonianism +demoniast +demonic +demonical +demonifuge +demonish +demonism +demonist +demonize +demonkind +demonland +demonlike +demonocracy +demonograph +demonographer +demonography +demonolater +demonolatrous +demonolatrously +demonolatry +demonologer +demonologic +demonological +demonologically +demonologist +demonology +demonomancy +demonophobia +demonry +demonship +demonstrability +demonstrable +demonstrableness +demonstrably +demonstrant +demonstratable +demonstrate +demonstratedly +demonstrater +demonstration +demonstrational +demonstrationist +demonstrative +demonstratively +demonstrativeness +demonstrator +demonstratorship +demonstratory +demophil +demophilism +demophobe +Demophon +Demophoon +demoralization +demoralize +demoralizer +demorphinization +demorphism +demos +Demospongiae +Demosthenean +Demosthenic +demote +demotic +demotics +demotion +demotist +demount +demountability +demountable +dempster +demulce +demulcent +demulsibility +demulsify +demulsion +demure +demurely +demureness +demurity +demurrable +demurrage +demurral +demurrant +demurrer +demurring +demurringly +demutization +demy +demyship +den +denarcotization +denarcotize +denarius +denaro +denary +denat +denationalization +denationalize +denaturalization +denaturalize +denaturant +denaturate +denaturation +denature +denaturization +denaturize +denaturizer +denazify +denda +dendrachate +dendral +Dendraspis +dendraxon +dendric +dendriform +dendrite +Dendrites +dendritic +dendritical +dendritically +dendritiform +Dendrium +Dendrobates +Dendrobatinae +dendrobe +Dendrobium +Dendrocalamus +Dendroceratina +dendroceratine +Dendrochirota +dendrochronological +dendrochronologist +dendrochronology +dendroclastic +Dendrocoela +dendrocoelan +dendrocoele +dendrocoelous +Dendrocolaptidae +dendrocolaptine +Dendroctonus +Dendrocygna +dendrodont +Dendrodus +Dendroeca +Dendrogaea +Dendrogaean +dendrograph +dendrography +Dendrohyrax +Dendroica +dendroid +dendroidal +Dendroidea +Dendrolagus +dendrolatry +Dendrolene +dendrolite +dendrologic +dendrological +dendrologist +dendrologous +dendrology +Dendromecon +dendrometer +dendron +dendrophil +dendrophile +dendrophilous +Dendropogon +Dene +dene +Deneb +Denebola +denegate +denegation +denehole +denervate +denervation +deneutralization +dengue +deniable +denial +denicotinize +denier +denierage +denierer +denigrate +denigration +denigrator +denim +Denis +denitrate +denitration +denitrator +denitrificant +denitrification +denitrificator +denitrifier +denitrify +denitrize +denization +denizen +denizenation +denizenize +denizenship +Denmark +dennet +Dennis +Dennstaedtia +denominable +denominate +denomination +denominational +denominationalism +denominationalist +denominationalize +denominationally +denominative +denominatively +denominator +denotable +denotation +denotative +denotatively +denotativeness +denotatum +denote +denotement +denotive +denouement +denounce +denouncement +denouncer +dense +densely +densen +denseness +denshare +densher +denshire +densification +densifier +densify +densimeter +densimetric +densimetrically +densimetry +densitometer +density +dent +dentagra +dental +dentale +dentalgia +Dentaliidae +dentalism +dentality +Dentalium +dentalization +dentalize +dentally +dentaphone +Dentaria +dentary +dentata +dentate +dentated +dentately +dentation +dentatoangulate +dentatocillitate +dentatocostate +dentatocrenate +dentatoserrate +dentatosetaceous +dentatosinuate +dentel +dentelated +dentelle +dentelure +denter +dentex +dentical +denticate +Denticeti +denticle +denticular +denticulate +denticulately +denticulation +denticule +dentiferous +dentification +dentiform +dentifrice +dentigerous +dentil +dentilabial +dentilated +dentilation +dentile +dentilingual +dentiloquist +dentiloquy +dentimeter +dentin +dentinal +dentinalgia +dentinasal +dentine +dentinitis +dentinoblast +dentinocemental +dentinoid +dentinoma +dentiparous +dentiphone +dentiroster +dentirostral +dentirostrate +Dentirostres +dentiscalp +dentist +dentistic +dentistical +dentistry +dentition +dentoid +dentolabial +dentolingual +dentonasal +dentosurgical +dentural +denture +denty +denucleate +denudant +denudate +denudation +denudative +denude +denuder +denumerable +denumerably +denumeral +denumerant +denumerantive +denumeration +denumerative +denunciable +denunciant +denunciate +denunciation +denunciative +denunciatively +denunciator +denunciatory +denutrition +deny +denyingly +deobstruct +deobstruent +deoccidentalize +deoculate +deodand +deodara +deodorant +deodorization +deodorize +deodorizer +deontological +deontologist +deontology +deoperculate +deoppilant +deoppilate +deoppilation +deoppilative +deordination +deorganization +deorganize +deorientalize +deorsumvergence +deorsumversion +deorusumduction +deossification +deossify +deota +deoxidant +deoxidate +deoxidation +deoxidative +deoxidator +deoxidization +deoxidize +deoxidizer +deoxygenate +deoxygenation +deoxygenization +deozonization +deozonize +deozonizer +depa +depaganize +depaint +depancreatization +depancreatize +depark +deparliament +depart +departed +departer +departisanize +departition +department +departmental +departmentalism +departmentalization +departmentalize +departmentally +departmentization +departmentize +departure +depas +depascent +depass +depasturable +depasturage +depasturation +depasture +depatriate +depauperate +depauperation +depauperization +depauperize +depencil +depend +dependability +dependable +dependableness +dependably +dependence +dependency +dependent +dependently +depender +depending +dependingly +depeople +deperdite +deperditely +deperition +depersonalization +depersonalize +depersonize +depetalize +depeter +depetticoat +dephase +dephilosophize +dephlegmate +dephlegmation +dephlegmatize +dephlegmator +dephlegmatory +dephlegmedness +dephlogisticate +dephlogisticated +dephlogistication +dephosphorization +dephosphorize +dephysicalization +dephysicalize +depickle +depict +depicter +depiction +depictive +depicture +depiedmontize +depigment +depigmentate +depigmentation +depigmentize +depilate +depilation +depilator +depilatory +depilitant +depilous +deplaceable +deplane +deplasmolysis +deplaster +deplenish +deplete +deplethoric +depletion +depletive +depletory +deploitation +deplorability +deplorable +deplorableness +deplorably +deploration +deplore +deplored +deploredly +deploredness +deplorer +deploringly +deploy +deployment +deplumate +deplumated +deplumation +deplume +deplump +depoetize +depoh +depolarization +depolarize +depolarizer +depolish +depolishing +depolymerization +depolymerize +depone +deponent +depopularize +depopulate +depopulation +depopulative +depopulator +deport +deportable +deportation +deportee +deporter +deportment +deposable +deposal +depose +deposer +deposit +depositary +depositation +depositee +deposition +depositional +depositive +depositor +depository +depositum +depositure +depot +depotentiate +depotentiation +depravation +deprave +depraved +depravedly +depravedness +depraver +depravingly +depravity +deprecable +deprecate +deprecatingly +deprecation +deprecative +deprecator +deprecatorily +deprecatoriness +deprecatory +depreciable +depreciant +depreciate +depreciatingly +depreciation +depreciative +depreciatively +depreciator +depreciatoriness +depreciatory +depredate +depredation +depredationist +depredator +depredatory +depress +depressant +depressed +depressibility +depressible +depressing +depressingly +depressingness +depression +depressive +depressively +depressiveness +depressomotor +depressor +depreter +deprint +depriorize +deprivable +deprival +deprivate +deprivation +deprivative +deprive +deprivement +depriver +deprovincialize +depside +depth +depthen +depthing +depthless +depthometer +depthwise +depullulation +depurant +depurate +depuration +depurative +depurator +depuratory +depursement +deputable +deputation +deputational +deputationist +deputationize +deputative +deputatively +deputator +depute +deputize +deputy +deputyship +dequeen +derabbinize +deracialize +deracinate +deracination +deradelphus +deradenitis +deradenoncus +derah +deraign +derail +derailer +derailment +derange +derangeable +deranged +derangement +deranger +derat +derate +derater +derationalization +derationalize +deratization +deray +Derbend +Derby +derby +derbylite +dere +deregister +deregulationize +dereism +dereistic +dereistically +Derek +derelict +dereliction +derelictly +derelictness +dereligion +dereligionize +derencephalocele +derencephalus +deresinate +deresinize +deric +deride +derider +deridingly +Deringa +Deripia +derisible +derision +derisive +derisively +derisiveness +derisory +derivability +derivable +derivably +derival +derivant +derivate +derivately +derivation +derivational +derivationally +derivationist +derivatist +derivative +derivatively +derivativeness +derive +derived +derivedly +derivedness +deriver +derm +derma +Dermacentor +dermad +dermahemia +dermal +dermalgia +dermalith +dermamyiasis +dermanaplasty +dermapostasis +Dermaptera +dermapteran +dermapterous +dermaskeleton +dermasurgery +dermatagra +dermatalgia +dermataneuria +dermatatrophia +dermatauxe +dermathemia +dermatic +dermatine +dermatitis +Dermatobia +dermatocele +dermatocellulitis +dermatoconiosis +Dermatocoptes +dermatocoptic +dermatocyst +dermatodynia +dermatogen +dermatoglyphics +dermatograph +dermatographia +dermatography +dermatoheteroplasty +dermatoid +dermatological +dermatologist +dermatology +dermatolysis +dermatoma +dermatome +dermatomere +dermatomic +dermatomuscular +dermatomyces +dermatomycosis +dermatomyoma +dermatoneural +dermatoneurology +dermatoneurosis +dermatonosus +dermatopathia +dermatopathic +dermatopathology +dermatopathophobia +Dermatophagus +dermatophobia +dermatophone +dermatophony +dermatophyte +dermatophytic +dermatophytosis +dermatoplasm +dermatoplast +dermatoplastic +dermatoplasty +dermatopnagic +dermatopsy +Dermatoptera +dermatoptic +dermatorrhagia +dermatorrhea +dermatorrhoea +dermatosclerosis +dermatoscopy +dermatosis +dermatoskeleton +dermatotherapy +dermatotome +dermatotomy +dermatotropic +dermatoxerasia +dermatozoon +dermatozoonosis +dermatrophia +dermatrophy +dermenchysis +Dermestes +dermestid +Dermestidae +dermestoid +dermic +dermis +dermitis +dermoblast +Dermobranchia +dermobranchiata +dermobranchiate +Dermochelys +dermochrome +dermococcus +dermogastric +dermographia +dermographic +dermographism +dermography +dermohemal +dermohemia +dermohumeral +dermoid +dermoidal +dermoidectomy +dermol +dermolysis +dermomuscular +dermomycosis +dermoneural +dermoneurosis +dermonosology +dermoosseous +dermoossification +dermopathic +dermopathy +dermophlebitis +dermophobe +dermophyte +dermophytic +dermoplasty +Dermoptera +dermopteran +dermopterous +dermoreaction +Dermorhynchi +dermorhynchous +dermosclerite +dermoskeletal +dermoskeleton +dermostenosis +dermostosis +dermosynovitis +dermotropic +dermovaccine +dermutation +dern +dernier +derodidymus +derogate +derogately +derogation +derogative +derogatively +derogator +derogatorily +derogatoriness +derogatory +Derotrema +Derotremata +derotremate +derotrematous +derotreme +derout +Derrick +derrick +derricking +derrickman +derride +derries +derringer +Derris +derry +dertrotheca +dertrum +deruinate +deruralize +derust +dervish +dervishhood +dervishism +dervishlike +desaccharification +desacralization +desacralize +desalt +desamidization +desand +desaturate +desaturation +desaurin +descale +descant +descanter +descantist +descend +descendable +descendance +descendant +descendence +descendent +descendental +descendentalism +descendentalist +descendentalistic +descender +descendibility +descendible +descending +descendingly +descension +descensional +descensionist +descensive +descent +Deschampsia +descloizite +descort +describability +describable +describably +describe +describer +descrier +descript +description +descriptionist +descriptionless +descriptive +descriptively +descriptiveness +descriptory +descrive +descry +deseasonalize +desecrate +desecrater +desecration +desectionalize +deseed +desegmentation +desegmented +desensitization +desensitize +desensitizer +desentimentalize +deseret +desert +deserted +desertedly +desertedness +deserter +desertful +desertfully +desertic +deserticolous +desertion +desertism +desertless +desertlessly +desertlike +desertness +desertress +desertrice +desertward +deserve +deserved +deservedly +deservedness +deserveless +deserver +deserving +deservingly +deservingness +desex +desexualization +desexualize +deshabille +desi +desiccant +desiccate +desiccation +desiccative +desiccator +desiccatory +desiderant +desiderata +desiderate +desideration +desiderative +desideratum +desight +desightment +design +designable +designate +designation +designative +designator +designatory +designatum +designed +designedly +designedness +designee +designer +designful +designfully +designfulness +designing +designingly +designless +designlessly +designlessness +desilicate +desilicification +desilicify +desiliconization +desiliconize +desilver +desilverization +desilverize +desilverizer +desinence +desinent +desiodothyroxine +desipience +desipiency +desipient +desirability +desirable +desirableness +desirably +desire +desired +desiredly +desiredness +desireful +desirefulness +desireless +desirer +desiringly +desirous +desirously +desirousness +desist +desistance +desistive +desition +desize +desk +desklike +deslime +desma +desmachymatous +desmachyme +desmacyte +desman +Desmanthus +Desmarestia +Desmarestiaceae +desmarestiaceous +Desmatippus +desmectasia +desmepithelium +desmic +desmid +Desmidiaceae +desmidiaceous +Desmidiales +desmidiologist +desmidiology +desmine +desmitis +desmocyte +desmocytoma +Desmodactyli +Desmodium +desmodont +Desmodontidae +Desmodus +desmodynia +desmogen +desmogenous +Desmognathae +desmognathism +desmognathous +desmography +desmohemoblast +desmoid +desmology +desmoma +Desmomyaria +desmon +Desmoncus +desmoneoplasm +desmonosology +desmopathologist +desmopathology +desmopathy +desmopelmous +desmopexia +desmopyknosis +desmorrhexis +Desmoscolecidae +Desmoscolex +desmosis +desmosite +Desmothoraca +desmotomy +desmotrope +desmotropic +desmotropism +desocialization +desocialize +desolate +desolately +desolateness +desolater +desolating +desolatingly +desolation +desolative +desonation +desophisticate +desophistication +desorption +desoxalate +desoxyanisoin +desoxybenzoin +desoxycinchonine +desoxycorticosterone +desoxymorphine +desoxyribonucleic +despair +despairer +despairful +despairfully +despairfulness +despairing +despairingly +despairingness +despecialization +despecialize +despecificate +despecification +despect +desperacy +desperado +desperadoism +desperate +desperately +desperateness +desperation +despicability +despicable +despicableness +despicably +despiritualization +despiritualize +despisable +despisableness +despisal +despise +despisedness +despisement +despiser +despisingly +despite +despiteful +despitefully +despitefulness +despiteous +despiteously +despoil +despoiler +despoilment +despoliation +despond +despondence +despondency +despondent +despondently +desponder +desponding +despondingly +despot +despotat +Despotes +despotic +despotically +despoticalness +despoticly +despotism +despotist +despotize +despumate +despumation +desquamate +desquamation +desquamative +desquamatory +dess +dessa +dessert +dessertspoon +dessertspoonful +dessiatine +dessil +destabilize +destain +destandardize +desterilization +desterilize +destinate +destination +destine +destinezite +destinism +destinist +destiny +destitute +destitutely +destituteness +destitution +destour +destress +destrier +destroy +destroyable +destroyer +destroyingly +destructibility +destructible +destructibleness +destruction +destructional +destructionism +destructionist +destructive +destructively +destructiveness +destructivism +destructivity +destructor +destructuralize +desubstantiate +desucration +desuete +desuetude +desugar +desugarize +Desulfovibrio +desulphur +desulphurate +desulphuration +desulphurization +desulphurize +desulphurizer +desultor +desultorily +desultoriness +desultorious +desultory +desuperheater +desyatin +desyl +desynapsis +desynaptic +desynonymization +desynonymize +detach +detachability +detachable +detachableness +detachably +detached +detachedly +detachedness +detacher +detachment +detail +detailed +detailedly +detailedness +detailer +detailism +detailist +detain +detainable +detainal +detainer +detainingly +detainment +detar +detassel +detax +detect +detectability +detectable +detectably +detectaphone +detecter +detectible +detection +detective +detectivism +detector +detenant +detent +detention +detentive +deter +deterge +detergence +detergency +detergent +detergible +deteriorate +deterioration +deteriorationist +deteriorative +deteriorator +deteriorism +deteriority +determent +determinability +determinable +determinableness +determinably +determinacy +determinant +determinantal +determinate +determinately +determinateness +determination +determinative +determinatively +determinativeness +determinator +determine +determined +determinedly +determinedness +determiner +determinism +determinist +deterministic +determinoid +deterrence +deterrent +detersion +detersive +detersively +detersiveness +detest +detestability +detestable +detestableness +detestably +detestation +detester +dethronable +dethrone +dethronement +dethroner +dethyroidism +detin +detinet +detinue +detonable +detonate +detonation +detonative +detonator +detorsion +detour +detoxicant +detoxicate +detoxication +detoxicator +detoxification +detoxify +detract +detracter +detractingly +detraction +detractive +detractively +detractiveness +detractor +detractory +detractress +detrain +detrainment +detribalization +detribalize +detriment +detrimental +detrimentality +detrimentally +detrimentalness +detrital +detrited +detrition +detritus +Detroiter +detrude +detruncate +detruncation +detrusion +detrusive +detrusor +detubation +detumescence +detune +detur +deuce +deuced +deucedly +deul +deurbanize +deutencephalic +deutencephalon +deuteragonist +deuteranomal +deuteranomalous +deuteranope +deuteranopia +deuteranopic +deuteric +deuteride +deuterium +deuteroalbumose +deuterocanonical +deuterocasease +deuterocone +deuteroconid +deuterodome +deuteroelastose +deuterofibrinose +deuterogamist +deuterogamy +deuterogelatose +deuterogenic +deuteroglobulose +deuteromorphic +Deuteromycetes +deuteromyosinose +deuteron +Deuteronomic +Deuteronomical +Deuteronomist +Deuteronomistic +Deuteronomy +deuteropathic +deuteropathy +deuteroplasm +deuteroprism +deuteroproteose +deuteroscopic +deuteroscopy +deuterostoma +Deuterostomata +deuterostomatous +deuterotokous +deuterotoky +deuterotype +deuterovitellose +deuterozooid +deutobromide +deutocarbonate +deutochloride +deutomala +deutomalal +deutomalar +deutomerite +deuton +deutonephron +deutonymph +deutonymphal +deutoplasm +deutoplasmic +deutoplastic +deutoscolex +deutoxide +Deutzia +dev +deva +devachan +devadasi +devall +devaloka +devalorize +devaluate +devaluation +devalue +devance +devaporate +devaporation +devast +devastate +devastating +devastatingly +devastation +devastative +devastator +devastavit +devaster +devata +develin +develop +developability +developable +developedness +developer +developist +development +developmental +developmentalist +developmentally +developmentarian +developmentary +developmentist +developoid +devertebrated +devest +deviability +deviable +deviancy +deviant +deviate +deviation +deviationism +deviationist +deviative +deviator +deviatory +device +deviceful +devicefully +devicefulness +devil +devilbird +devildom +deviled +deviler +deviless +devilet +devilfish +devilhood +deviling +devilish +devilishly +devilishness +devilism +devilize +devilkin +devillike +devilman +devilment +devilmonger +devilry +devilship +deviltry +devilward +devilwise +devilwood +devily +devious +deviously +deviousness +devirginate +devirgination +devirginator +devirilize +devisable +devisal +deviscerate +devisceration +devise +devisee +deviser +devisor +devitalization +devitalize +devitalized +devitaminize +devitrification +devitrify +devocalization +devocalize +devoice +devoid +devoir +devolatilize +devolute +devolution +devolutionary +devolutionist +devolve +devolvement +Devon +Devonian +Devonic +devonite +devonport +devonshire +devorative +devote +devoted +devotedly +devotedness +devotee +devoteeism +devotement +devoter +devotion +devotional +devotionalism +devotionalist +devotionality +devotionally +devotionalness +devotionate +devotionist +devour +devourable +devourer +devouress +devouring +devouringly +devouringness +devourment +devout +devoutless +devoutlessly +devoutlessness +devoutly +devoutness +devow +devulcanization +devulcanize +devulgarize +devvel +dew +dewan +dewanee +dewanship +dewater +dewaterer +dewax +dewbeam +dewberry +dewclaw +dewclawed +dewcup +dewdamp +dewdrop +dewdropper +dewer +Dewey +deweylite +dewfall +dewflower +dewily +dewiness +dewlap +dewlapped +dewless +dewlight +dewlike +dewool +deworm +dewret +dewtry +dewworm +dewy +dexiocardia +dexiotrope +dexiotropic +dexiotropism +dexiotropous +Dexter +dexter +dexterical +dexterity +dexterous +dexterously +dexterousness +dextrad +dextral +dextrality +dextrally +dextran +dextraural +dextrin +dextrinase +dextrinate +dextrinize +dextrinous +dextro +dextroaural +dextrocardia +dextrocardial +dextrocerebral +dextrocular +dextrocularity +dextroduction +dextroglucose +dextrogyrate +dextrogyration +dextrogyratory +dextrogyrous +dextrolactic +dextrolimonene +dextropinene +dextrorotary +dextrorotatary +dextrorotation +dextrorsal +dextrorse +dextrorsely +dextrosazone +dextrose +dextrosinistral +dextrosinistrally +dextrosuria +dextrotartaric +dextrotropic +dextrotropous +dextrous +dextrously +dextrousness +dextroversion +dey +deyhouse +deyship +deywoman +Dezaley +dezinc +dezincation +dezincification +dezincify +dezymotize +dha +dhabb +dhai +dhak +dhamnoo +dhan +dhangar +dhanuk +dhanush +Dhanvantari +dharana +dharani +dharma +dharmakaya +dharmashastra +dharmasmriti +dharmasutra +dharmsala +dharna +dhaura +dhauri +dhava +dhaw +Dheneb +dheri +dhobi +dhole +dhoni +dhoon +dhoti +dhoul +dhow +Dhritarashtra +dhu +dhunchee +dhunchi +Dhundia +dhurra +dhyal +dhyana +di +diabase +diabasic +diabetes +diabetic +diabetogenic +diabetogenous +diabetometer +diablerie +diabolarch +diabolarchy +diabolatry +diabolepsy +diaboleptic +diabolic +diabolical +diabolically +diabolicalness +diabolification +diabolify +diabolism +diabolist +diabolization +diabolize +diabological +diabology +diabolology +diabrosis +diabrotic +Diabrotica +diacanthous +diacaustic +diacetamide +diacetate +diacetic +diacetin +diacetine +diacetonuria +diaceturia +diacetyl +diacetylene +diachoretic +diachronic +diachylon +diachylum +diacid +diacipiperazine +diaclase +diaclasis +diaclastic +diacle +diaclinal +diacodion +diacoele +diacoelia +diaconal +diaconate +diaconia +diaconicon +diaconicum +diacope +diacranterian +diacranteric +diacrisis +diacritic +diacritical +diacritically +Diacromyodi +diacromyodian +diact +diactin +diactinal +diactinic +diactinism +Diadelphia +diadelphian +diadelphic +diadelphous +diadem +Diadema +Diadematoida +diaderm +diadermic +diadoche +Diadochi +Diadochian +diadochite +diadochokinesia +diadochokinetic +diadromous +diadumenus +diaene +diaereses +diaeresis +diaeretic +diaetetae +diagenesis +diagenetic +diageotropic +diageotropism +diaglyph +diaglyphic +diagnosable +diagnose +diagnoseable +diagnoses +diagnosis +diagnostic +diagnostically +diagnosticate +diagnostication +diagnostician +diagnostics +diagometer +diagonal +diagonality +diagonalize +diagonally +diagonalwise +diagonic +diagram +diagrammatic +diagrammatical +diagrammatician +diagrammatize +diagrammeter +diagrammitically +diagraph +diagraphic +diagraphical +diagraphics +diagredium +diagrydium +Diaguitas +Diaguite +diaheliotropic +diaheliotropically +diaheliotropism +diakinesis +dial +dialcohol +dialdehyde +dialect +dialectal +dialectalize +dialectally +dialectic +dialectical +dialectically +dialectician +dialecticism +dialecticize +dialectics +dialectologer +dialectological +dialectologist +dialectology +dialector +dialer +dialin +dialing +dialist +Dialister +dialkyl +dialkylamine +diallage +diallagic +diallagite +diallagoid +diallel +diallelon +diallelus +diallyl +dialogic +dialogical +dialogically +dialogism +dialogist +dialogistic +dialogistical +dialogistically +dialogite +dialogize +dialogue +dialoguer +Dialonian +dialuric +dialycarpous +Dialypetalae +dialypetalous +dialyphyllous +dialysepalous +dialysis +dialystaminous +dialystelic +dialystely +dialytic +dialytically +dialyzability +dialyzable +dialyzate +dialyzation +dialyzator +dialyze +dialyzer +diamagnet +diamagnetic +diamagnetically +diamagnetism +diamantiferous +diamantine +diamantoid +diamb +diambic +diamesogamous +diameter +diametral +diametrally +diametric +diametrical +diametrically +diamicton +diamide +diamidogen +diamine +diaminogen +diaminogene +diammine +diamminobromide +diamminonitrate +diammonium +diamond +diamondback +diamonded +diamondiferous +diamondize +diamondlike +diamondwise +diamondwork +diamorphine +diamylose +Dian +dian +Diana +Diancecht +diander +Diandria +diandrian +diandrous +Diane +dianetics +Dianil +dianilid +dianilide +dianisidin +dianisidine +dianite +dianodal +dianoetic +dianoetical +dianoetically +Dianthaceae +Dianthera +Dianthus +diapalma +diapase +diapasm +diapason +diapasonal +diapause +diapedesis +diapedetic +Diapensia +Diapensiaceae +diapensiaceous +diapente +diaper +diapering +diaphane +diaphaneity +diaphanie +diaphanometer +diaphanometric +diaphanometry +diaphanoscope +diaphanoscopy +diaphanotype +diaphanous +diaphanously +diaphanousness +diaphany +diaphone +diaphonia +diaphonic +diaphonical +diaphony +diaphoresis +diaphoretic +diaphoretical +diaphorite +diaphote +diaphototropic +diaphototropism +diaphragm +diaphragmal +diaphragmatic +diaphragmatically +diaphtherin +diaphysial +diaphysis +diaplasma +diaplex +diaplexal +diaplexus +diapnoic +diapnotic +diapophysial +diapophysis +Diaporthe +diapositive +diapsid +Diapsida +diapsidan +diapyesis +diapyetic +diarch +diarchial +diarchic +diarchy +diarhemia +diarial +diarian +diarist +diaristic +diarize +diarrhea +diarrheal +diarrheic +diarrhetic +diarsenide +diarthric +diarthrodial +diarthrosis +diarticular +diary +diaschisis +diaschisma +diaschistic +Diascia +diascope +diascopy +diascord +diascordium +diaskeuasis +diaskeuast +Diaspidinae +diaspidine +Diaspinae +diaspine +diaspirin +Diaspora +diaspore +diastaltic +diastase +diastasic +diastasimetry +diastasis +diastataxic +diastataxy +diastatic +diastatically +diastem +diastema +diastematic +diastematomyelia +diaster +diastole +diastolic +diastomatic +diastral +diastrophe +diastrophic +diastrophism +diastrophy +diasynthesis +diasyrm +diatessaron +diathermacy +diathermal +diathermancy +diathermaneity +diathermanous +diathermic +diathermize +diathermometer +diathermotherapy +diathermous +diathermy +diathesic +diathesis +diathetic +diatom +Diatoma +Diatomaceae +diatomacean +diatomaceoid +diatomaceous +Diatomales +Diatomeae +diatomean +diatomic +diatomicity +diatomiferous +diatomin +diatomist +diatomite +diatomous +diatonic +diatonical +diatonically +diatonous +diatoric +diatreme +diatribe +diatribist +diatropic +diatropism +Diatryma +Diatrymiformes +Diau +diaulic +diaulos +diaxial +diaxon +diazenithal +diazeuctic +diazeuxis +diazide +diazine +diazoamine +diazoamino +diazoaminobenzene +diazoanhydride +diazoate +diazobenzene +diazohydroxide +diazoic +diazoimide +diazoimido +diazole +diazoma +diazomethane +diazonium +diazotate +diazotic +diazotizability +diazotizable +diazotization +diazotize +diazotype +dib +dibase +dibasic +dibasicity +dibatag +Dibatis +dibber +dibble +dibbler +dibbuk +dibenzophenazine +dibenzopyrrole +dibenzoyl +dibenzyl +dibhole +diblastula +diborate +Dibothriocephalus +dibrach +dibranch +Dibranchia +Dibranchiata +dibranchiate +dibranchious +dibrom +dibromid +dibromide +dibromoacetaldehyde +dibromobenzene +dibs +dibstone +dibutyrate +dibutyrin +dicacodyl +Dicaeidae +dicaeology +dicalcic +dicalcium +dicarbonate +dicarbonic +dicarboxylate +dicarboxylic +dicarpellary +dicaryon +dicaryophase +dicaryophyte +dicaryotic +dicast +dicastery +dicastic +dicatalectic +dicatalexis +Diccon +dice +diceboard +dicebox +dicecup +dicellate +diceman +Dicentra +dicentrine +dicephalism +dicephalous +dicephalus +diceplay +dicer +Diceras +Diceratidae +dicerion +dicerous +dicetyl +dich +Dichapetalaceae +Dichapetalum +dichas +dichasial +dichasium +dichastic +Dichelyma +dichlamydeous +dichloramine +dichlorhydrin +dichloride +dichloroacetic +dichlorohydrin +dichloromethane +dichocarpism +dichocarpous +dichogamous +dichogamy +Dichondra +Dichondraceae +dichopodial +dichoptic +dichord +dichoree +Dichorisandra +dichotic +dichotomal +dichotomic +dichotomically +dichotomist +dichotomistic +dichotomization +dichotomize +dichotomous +dichotomously +dichotomy +dichroic +dichroiscope +dichroism +dichroite +dichroitic +dichromasy +dichromat +dichromate +dichromatic +dichromatism +dichromic +dichromism +dichronous +dichrooscope +dichroous +dichroscope +dichroscopic +Dichter +dicing +Dick +dick +dickcissel +dickens +Dickensian +Dickensiana +dicker +dickey +dickeybird +dickinsonite +Dicksonia +dicky +Diclidantheraceae +diclinic +diclinism +diclinous +Diclytra +dicoccous +dicodeine +dicoelious +dicolic +dicolon +dicondylian +dicot +dicotyl +dicotyledon +dicotyledonary +Dicotyledones +dicotyledonous +Dicotyles +Dicotylidae +dicotylous +dicoumarin +Dicranaceae +dicranaceous +dicranoid +dicranterian +Dicranum +Dicrostonyx +dicrotal +dicrotic +dicrotism +dicrotous +Dicruridae +dicta +Dictaen +Dictamnus +Dictaphone +dictate +dictatingly +dictation +dictational +dictative +dictator +dictatorial +dictatorialism +dictatorially +dictatorialness +dictatorship +dictatory +dictatress +dictatrix +dictature +dictic +diction +dictionary +Dictograph +dictum +dictynid +Dictynidae +Dictyoceratina +dictyoceratine +dictyodromous +dictyogen +dictyogenous +Dictyograptus +dictyoid +Dictyonema +Dictyonina +dictyonine +Dictyophora +dictyopteran +Dictyopteris +Dictyosiphon +Dictyosiphonaceae +dictyosiphonaceous +dictyosome +dictyostele +dictyostelic +Dictyota +Dictyotaceae +dictyotaceous +Dictyotales +dictyotic +Dictyoxylon +dicyanide +dicyanine +dicyanodiamide +dicyanogen +dicycle +dicyclic +Dicyclica +dicyclist +Dicyema +Dicyemata +dicyemid +Dicyemida +Dicyemidae +Dicynodon +dicynodont +Dicynodontia +Dicynodontidae +did +Didache +Didachist +didactic +didactical +didacticality +didactically +didactician +didacticism +didacticity +didactics +didactive +didactyl +didactylism +didactylous +didapper +didascalar +didascaliae +didascalic +didascalos +didascaly +didder +diddle +diddler +diddy +didelph +Didelphia +didelphian +didelphic +didelphid +Didelphidae +didelphine +Didelphis +didelphoid +didelphous +Didelphyidae +didepsid +didepside +Dididae +didie +didine +Didinium +didle +didna +didnt +Dido +didodecahedral +didodecahedron +didrachma +didrachmal +didromy +didst +diductor +Didunculidae +Didunculinae +Didunculus +Didus +didym +didymate +didymia +didymitis +didymium +didymoid +didymolite +didymous +didymus +Didynamia +didynamian +didynamic +didynamous +didynamy +die +dieb +dieback +diectasis +diedral +diedric +Dieffenbachia +Diego +Diegueno +diehard +dielectric +dielectrically +dielike +Dielytra +diem +diemaker +diemaking +diencephalic +diencephalon +diene +dier +Dieri +Diervilla +diesel +dieselization +dieselize +diesinker +diesinking +diesis +diestock +diet +dietal +dietarian +dietary +Dieter +dieter +dietetic +dietetically +dietetics +dietetist +diethanolamine +diethyl +diethylamine +diethylenediamine +diethylstilbestrol +dietic +dietician +dietics +dietine +dietist +dietitian +dietotherapeutics +dietotherapy +dietotoxic +dietotoxicity +dietrichite +dietzeite +diewise +Dieyerie +diezeugmenon +Difda +diferrion +diffame +diffarreation +differ +difference +differencingly +different +differentia +differentiable +differential +differentialize +differentially +differentiant +differentiate +differentiation +differentiator +differently +differentness +differingly +difficile +difficileness +difficult +difficultly +difficultness +difficulty +diffidation +diffide +diffidence +diffident +diffidently +diffidentness +diffinity +diffluence +diffluent +Difflugia +difform +difformed +difformity +diffract +diffraction +diffractive +diffractively +diffractiveness +diffractometer +diffrangibility +diffrangible +diffugient +diffusate +diffuse +diffused +diffusedly +diffusely +diffuseness +diffuser +diffusibility +diffusible +diffusibleness +diffusibly +diffusimeter +diffusiometer +diffusion +diffusionism +diffusionist +diffusive +diffusively +diffusiveness +diffusivity +diffusor +diformin +dig +digallate +digallic +digametic +digamist +digamma +digammated +digammic +digamous +digamy +digastric +Digenea +digeneous +digenesis +digenetic +Digenetica +digenic +digenous +digeny +digerent +digest +digestant +digested +digestedly +digestedness +digester +digestibility +digestible +digestibleness +digestibly +digestion +digestional +digestive +digestively +digestiveness +digestment +diggable +digger +digging +diggings +dight +dighter +digit +digital +digitalein +digitalin +digitalis +digitalism +digitalization +digitalize +digitally +Digitaria +digitate +digitated +digitately +digitation +digitiform +Digitigrada +digitigrade +digitigradism +digitinervate +digitinerved +digitipinnate +digitize +digitizer +digitogenin +digitonin +digitoplantar +digitorium +digitoxin +digitoxose +digitule +digitus +digladiate +digladiation +digladiator +diglossia +diglot +diglottic +diglottism +diglottist +diglucoside +diglyceride +diglyph +diglyphic +digmeat +dignification +dignified +dignifiedly +dignifiedness +dignify +dignitarial +dignitarian +dignitary +dignity +digoneutic +digoneutism +digonoporous +digonous +Digor +digram +digraph +digraphic +digredience +digrediency +digredient +digress +digressingly +digression +digressional +digressionary +digressive +digressively +digressiveness +digressory +digs +diguanide +Digynia +digynian +digynous +dihalide +dihalo +dihalogen +dihedral +dihedron +dihexagonal +dihexahedral +dihexahedron +dihybrid +dihybridism +dihydrate +dihydrated +dihydrazone +dihydric +dihydride +dihydrite +dihydrocupreine +dihydrocuprin +dihydrogen +dihydrol +dihydronaphthalene +dihydronicotine +dihydrotachysterol +dihydroxy +dihydroxysuccinic +dihydroxytoluene +dihysteria +diiamb +diiambus +diiodide +diiodo +diiodoform +diipenates +Diipolia +diisatogen +dijudicate +dijudication +dika +dikage +dikamali +dikaryon +dikaryophase +dikaryophasic +dikaryophyte +dikaryophytic +dikaryotic +Dike +dike +dikegrave +dikelocephalid +Dikelocephalus +diker +dikereeve +dikeside +diketo +diketone +dikkop +diktyonite +dilacerate +dilaceration +dilambdodont +dilamination +Dilantin +dilapidate +dilapidated +dilapidation +dilapidator +dilatability +dilatable +dilatableness +dilatably +dilatancy +dilatant +dilatate +dilatation +dilatative +dilatator +dilatatory +dilate +dilated +dilatedly +dilatedness +dilater +dilatingly +dilation +dilative +dilatometer +dilatometric +dilatometry +dilator +dilatorily +dilatoriness +dilatory +dildo +dilection +Dilemi +Dilemite +dilemma +dilemmatic +dilemmatical +dilemmatically +dilettant +dilettante +dilettanteish +dilettanteism +dilettanteship +dilettanti +dilettantish +dilettantism +dilettantist +diligence +diligency +diligent +diligentia +diligently +diligentness +dilker +dill +Dillenia +Dilleniaceae +dilleniaceous +dilleniad +dilli +dillier +dilligrout +dilling +dillseed +dillue +dilluer +dillweed +dilly +dillydallier +dillydally +dillyman +dilo +dilogy +diluent +dilute +diluted +dilutedly +dilutedness +dilutee +dilutely +diluteness +dilutent +diluter +dilution +dilutive +dilutor +diluvia +diluvial +diluvialist +diluvian +diluvianism +diluvion +diluvium +dim +dimagnesic +dimanganion +dimanganous +Dimaris +dimastigate +Dimatis +dimber +dimberdamber +dimble +dime +dimensible +dimension +dimensional +dimensionality +dimensionally +dimensioned +dimensionless +dimensive +dimer +Dimera +dimeran +dimercuric +dimercurion +dimercury +dimeric +dimeride +dimerism +dimerization +dimerlie +dimerous +dimetallic +dimeter +dimethoxy +dimethyl +dimethylamine +dimethylamino +dimethylaniline +dimethylbenzene +dimetria +dimetric +Dimetry +dimication +dimidiate +dimidiation +diminish +diminishable +diminishableness +diminisher +diminishingly +diminishment +diminuendo +diminutal +diminute +diminution +diminutival +diminutive +diminutively +diminutiveness +diminutivize +dimiss +dimission +dimissorial +dimissory +dimit +Dimitry +Dimittis +dimity +dimly +dimmed +dimmedness +dimmer +dimmest +dimmet +dimmish +Dimna +dimness +dimolecular +dimoric +dimorph +dimorphic +dimorphism +Dimorphotheca +dimorphous +dimple +dimplement +dimply +dimps +dimpsy +Dimyaria +dimyarian +dimyaric +din +Dinah +dinamode +Dinantian +dinaphthyl +dinar +Dinaric +Dinarzade +dinder +dindle +Dindymene +Dindymus +dine +diner +dinergate +dineric +dinero +dinette +dineuric +ding +dingar +dingbat +dingdong +dinge +dingee +dinghee +dinghy +dingily +dinginess +dingle +dingleberry +dinglebird +dingledangle +dingly +dingmaul +dingo +dingus +Dingwall +dingy +dinheiro +dinic +dinical +Dinichthys +dining +dinitrate +dinitril +dinitrile +dinitro +dinitrobenzene +dinitrocellulose +dinitrophenol +dinitrotoluene +dink +Dinka +dinkey +dinkum +dinky +dinmont +dinner +dinnerless +dinnerly +dinnertime +dinnerware +dinnery +Dinobryon +Dinoceras +Dinocerata +dinoceratan +dinoceratid +Dinoceratidae +Dinoflagellata +Dinoflagellatae +dinoflagellate +Dinoflagellida +dinomic +Dinomys +Dinophilea +Dinophilus +Dinophyceae +Dinornis +Dinornithes +dinornithic +dinornithid +Dinornithidae +Dinornithiformes +dinornithine +dinornithoid +dinosaur +Dinosauria +dinosaurian +dinothere +Dinotheres +dinotherian +Dinotheriidae +Dinotherium +dinsome +dint +dintless +dinus +diobely +diobol +diocesan +diocese +Diocletian +dioctahedral +Dioctophyme +diode +Diodia +Diodon +diodont +Diodontidae +Dioecia +dioecian +dioeciodimorphous +dioeciopolygamous +dioecious +dioeciously +dioeciousness +dioecism +dioecy +dioestrous +dioestrum +dioestrus +Diogenean +Diogenic +diogenite +dioicous +diol +diolefin +diolefinic +Diomedea +Diomedeidae +Dion +Dionaea +Dionaeaceae +Dione +dionise +dionym +dionymal +Dionysia +Dionysiac +Dionysiacal +Dionysiacally +Dioon +Diophantine +Diopsidae +diopside +Diopsis +dioptase +diopter +Dioptidae +dioptograph +dioptometer +dioptometry +dioptoscopy +dioptra +dioptral +dioptrate +dioptric +dioptrical +dioptrically +dioptrics +dioptrometer +dioptrometry +dioptroscopy +dioptry +diorama +dioramic +diordinal +diorite +dioritic +diorthosis +diorthotic +Dioscorea +Dioscoreaceae +dioscoreaceous +dioscorein +dioscorine +Dioscuri +Dioscurian +diose +Diosma +diosmin +diosmose +diosmosis +diosmotic +diosphenol +Diospyraceae +diospyraceous +Diospyros +diota +diotic +Diotocardia +diovular +dioxane +dioxide +dioxime +dioxindole +dioxy +dip +Dipala +diparentum +dipartite +dipartition +dipaschal +dipentene +dipeptid +dipeptide +dipetalous +dipetto +diphase +diphaser +diphasic +diphead +diphenol +diphenyl +diphenylamine +diphenylchloroarsine +diphenylene +diphenylenimide +diphenylguanidine +diphenylmethane +diphenylquinomethane +diphenylthiourea +diphosgene +diphosphate +diphosphide +diphosphoric +diphosphothiamine +diphrelatic +diphtheria +diphtherial +diphtherian +diphtheric +diphtheritic +diphtheritically +diphtheritis +diphtheroid +diphtheroidal +diphtherotoxin +diphthong +diphthongal +diphthongalize +diphthongally +diphthongation +diphthongic +diphthongization +diphthongize +diphycercal +diphycercy +Diphyes +diphygenic +diphyletic +Diphylla +Diphylleia +Diphyllobothrium +diphyllous +diphyodont +diphyozooid +Diphysite +Diphysitism +diphyzooid +dipicrate +dipicrylamin +dipicrylamine +Diplacanthidae +Diplacanthus +diplacusis +Dipladenia +diplanar +diplanetic +diplanetism +diplantidian +diplarthrism +diplarthrous +diplasiasmus +diplasic +diplasion +diplegia +dipleidoscope +dipleura +dipleural +dipleurogenesis +dipleurogenetic +diplex +diplobacillus +diplobacterium +diploblastic +diplocardia +diplocardiac +Diplocarpon +diplocaulescent +diplocephalous +diplocephalus +diplocephaly +diplochlamydeous +diplococcal +diplococcemia +diplococcic +diplococcoid +diplococcus +diploconical +diplocoria +Diplodia +Diplodocus +Diplodus +diploe +diploetic +diplogangliate +diplogenesis +diplogenetic +diplogenic +Diploglossata +diploglossate +diplograph +diplographic +diplographical +diplography +diplohedral +diplohedron +diploic +diploid +diploidic +diploidion +diploidy +diplois +diplokaryon +diploma +diplomacy +diplomat +diplomate +diplomatic +diplomatical +diplomatically +diplomatics +diplomatism +diplomatist +diplomatize +diplomatology +diplomyelia +diplonema +diplonephridia +diploneural +diplont +diploperistomic +diplophase +diplophyte +diplopia +diplopic +diploplacula +diploplacular +diploplaculate +diplopod +Diplopoda +diplopodic +Diploptera +diplopterous +Diplopteryga +diplopy +diplosis +diplosome +diplosphenal +diplosphene +Diplospondyli +diplospondylic +diplospondylism +diplostemonous +diplostemony +diplostichous +Diplotaxis +diplotegia +diplotene +Diplozoon +diplumbic +Dipneumona +Dipneumones +dipneumonous +dipneustal +Dipneusti +dipnoan +Dipnoi +dipnoid +dipnoous +dipode +dipodic +Dipodidae +Dipodomyinae +Dipodomys +dipody +dipolar +dipolarization +dipolarize +dipole +diporpa +dipotassic +dipotassium +dipped +dipper +dipperful +dipping +diprimary +diprismatic +dipropargyl +dipropyl +Diprotodon +diprotodont +Diprotodontia +Dipsacaceae +dipsacaceous +Dipsaceae +dipsaceous +Dipsacus +Dipsadinae +dipsas +dipsetic +dipsey +dipsomania +dipsomaniac +dipsomaniacal +Dipsosaurus +dipsosis +dipter +Diptera +Dipteraceae +dipteraceous +dipterad +dipteral +dipteran +dipterist +dipterocarp +Dipterocarpaceae +dipterocarpaceous +dipterocarpous +Dipterocarpus +dipterocecidium +dipterological +dipterologist +dipterology +dipteron +dipteros +dipterous +Dipteryx +diptote +diptych +Dipus +dipware +dipygus +dipylon +dipyre +dipyrenous +dipyridyl +Dirca +Dircaean +dird +dirdum +dire +direct +directable +directed +directer +direction +directional +directionally +directionless +directitude +directive +directively +directiveness +directivity +directly +directness +Directoire +director +directoral +directorate +directorial +directorially +directorship +directory +directress +directrices +directrix +direful +direfully +direfulness +direly +dirempt +diremption +direness +direption +dirge +dirgeful +dirgelike +dirgeman +dirgler +dirhem +Dirian +Dirichletian +dirigent +dirigibility +dirigible +dirigomotor +diriment +Dirk +dirk +dirl +dirndl +dirt +dirtbird +dirtboard +dirten +dirtily +dirtiness +dirtplate +dirty +dis +Disa +disability +disable +disabled +disablement +disabusal +disabuse +disacceptance +disaccharide +disaccharose +disaccommodate +disaccommodation +disaccord +disaccordance +disaccordant +disaccustom +disaccustomed +disaccustomedness +disacidify +disacknowledge +disacknowledgement +disacquaint +disacquaintance +disadjust +disadorn +disadvance +disadvantage +disadvantageous +disadvantageously +disadvantageousness +disadventure +disadventurous +disadvise +disaffect +disaffectation +disaffected +disaffectedly +disaffectedness +disaffection +disaffectionate +disaffiliate +disaffiliation +disaffirm +disaffirmance +disaffirmation +disaffirmative +disafforest +disafforestation +disafforestment +disagglomeration +disaggregate +disaggregation +disaggregative +disagio +disagree +disagreeability +disagreeable +disagreeableness +disagreeably +disagreed +disagreement +disagreer +disalicylide +disalign +disalignment +disalike +disallow +disallowable +disallowableness +disallowance +disally +disamenity +Disamis +disanagrammatize +disanalogous +disangularize +disanimal +disanimate +disanimation +disannex +disannexation +disannul +disannuller +disannulment +disanoint +disanswerable +disapostle +disapparel +disappear +disappearance +disappearer +disappearing +disappoint +disappointed +disappointedly +disappointer +disappointing +disappointingly +disappointingness +disappointment +disappreciate +disappreciation +disapprobation +disapprobative +disapprobatory +disappropriate +disappropriation +disapprovable +disapproval +disapprove +disapprover +disapprovingly +disaproned +disarchbishop +disarm +disarmament +disarmature +disarmed +disarmer +disarming +disarmingly +disarrange +disarrangement +disarray +disarticulate +disarticulation +disarticulator +disasinate +disasinize +disassemble +disassembly +disassimilate +disassimilation +disassimilative +disassociate +disassociation +disaster +disastimeter +disastrous +disastrously +disastrousness +disattaint +disattire +disattune +disauthenticate +disauthorize +disavow +disavowable +disavowal +disavowedly +disavower +disavowment +disawa +disazo +disbalance +disbalancement +disband +disbandment +disbar +disbark +disbarment +disbelief +disbelieve +disbeliever +disbelieving +disbelievingly +disbench +disbenchment +disbloom +disbody +disbosom +disbowel +disbrain +disbranch +disbud +disbudder +disburden +disburdenment +disbursable +disburse +disbursement +disburser +disburthen +disbury +disbutton +disc +discage +discal +discalceate +discalced +discanonization +discanonize +discanter +discantus +discapacitate +discard +discardable +discarder +discardment +discarnate +discarnation +discase +discastle +discept +disceptation +disceptator +discern +discerner +discernible +discernibleness +discernibly +discerning +discerningly +discernment +discerp +discerpibility +discerpible +discerpibleness +discerptibility +discerptible +discerptibleness +discerption +discharacter +discharge +dischargeable +dischargee +discharger +discharging +discharity +discharm +dischase +Disciflorae +discifloral +disciform +discigerous +Discina +discinct +discinoid +disciple +disciplelike +discipleship +disciplinability +disciplinable +disciplinableness +disciplinal +disciplinant +disciplinarian +disciplinarianism +disciplinarily +disciplinary +disciplinative +disciplinatory +discipline +discipliner +discipular +discircumspection +discission +discitis +disclaim +disclaimant +disclaimer +disclamation +disclamatory +disclass +disclassify +disclike +disclimax +discloister +disclose +disclosed +discloser +disclosive +disclosure +discloud +discoach +discoactine +discoblastic +discoblastula +discobolus +discocarp +discocarpium +discocarpous +discocephalous +discodactyl +discodactylous +discogastrula +discoglossid +Discoglossidae +discoglossoid +discographical +discography +discohexaster +discoid +discoidal +Discoidea +Discoideae +discolichen +discolith +discolor +discolorate +discoloration +discolored +discoloredness +discolorization +discolorment +discolourization +Discomedusae +discomedusan +discomedusoid +discomfit +discomfiter +discomfiture +discomfort +discomfortable +discomfortableness +discomforting +discomfortingly +discommend +discommendable +discommendableness +discommendably +discommendation +discommender +discommode +discommodious +discommodiously +discommodiousness +discommodity +discommon +discommons +discommunity +discomorula +discompliance +discompose +discomposed +discomposedly +discomposedness +discomposing +discomposingly +discomposure +discomycete +Discomycetes +discomycetous +Disconanthae +disconanthous +disconcert +disconcerted +disconcertedly +disconcertedness +disconcerting +disconcertingly +disconcertingness +disconcertion +disconcertment +disconcord +disconduce +disconducive +Disconectae +disconform +disconformable +disconformity +discongruity +disconjure +disconnect +disconnected +disconnectedly +disconnectedness +disconnecter +disconnection +disconnective +disconnectiveness +disconnector +disconsider +disconsideration +disconsolate +disconsolately +disconsolateness +disconsolation +disconsonancy +disconsonant +discontent +discontented +discontentedly +discontentedness +discontentful +discontenting +discontentive +discontentment +discontiguity +discontiguous +discontiguousness +discontinuable +discontinuance +discontinuation +discontinue +discontinuee +discontinuer +discontinuity +discontinuor +discontinuous +discontinuously +discontinuousness +disconula +disconvenience +disconvenient +disconventicle +discophile +Discophora +discophoran +discophore +discophorous +discoplacenta +discoplacental +Discoplacentalia +discoplacentalian +discoplasm +discopodous +discord +discordance +discordancy +discordant +discordantly +discordantness +discordful +Discordia +discording +discorporate +discorrespondency +discorrespondent +discount +discountable +discountenance +discountenancer +discounter +discouple +discourage +discourageable +discouragement +discourager +discouraging +discouragingly +discouragingness +discourse +discourseless +discourser +discoursive +discoursively +discoursiveness +discourteous +discourteously +discourteousness +discourtesy +discous +discovenant +discover +discoverability +discoverable +discoverably +discovered +discoverer +discovert +discoverture +discovery +discreate +discreation +discredence +discredit +discreditability +discreditable +discreet +discreetly +discreetness +discrepance +discrepancy +discrepant +discrepantly +discrepate +discrepation +discrested +discrete +discretely +discreteness +discretion +discretional +discretionally +discretionarily +discretionary +discretive +discretively +discretiveness +discriminability +discriminable +discriminal +discriminant +discriminantal +discriminate +discriminately +discriminateness +discriminating +discriminatingly +discrimination +discriminational +discriminative +discriminatively +discriminator +discriminatory +discrown +disculpate +disculpation +disculpatory +discumber +discursative +discursativeness +discursify +discursion +discursive +discursively +discursiveness +discursory +discursus +discurtain +discus +discuss +discussable +discussant +discusser +discussible +discussion +discussional +discussionism +discussionist +discussive +discussment +discutable +discutient +disdain +disdainable +disdainer +disdainful +disdainfully +disdainfulness +disdainly +disdeceive +disdenominationalize +disdiaclast +disdiaclastic +disdiapason +disdiazo +disdiplomatize +disdodecahedroid +disdub +disease +diseased +diseasedly +diseasedness +diseaseful +diseasefulness +disecondary +disedge +disedification +disedify +diseducate +diselder +diselectrification +diselectrify +diselenide +disematism +disembargo +disembark +disembarkation +disembarkment +disembarrass +disembarrassment +disembattle +disembed +disembellish +disembitter +disembocation +disembodiment +disembody +disembogue +disemboguement +disembosom +disembowel +disembowelment +disembower +disembroil +disemburden +diseme +disemic +disemplane +disemploy +disemployment +disempower +disenable +disenablement +disenact +disenactment +disenamor +disenamour +disenchain +disenchant +disenchanter +disenchantingly +disenchantment +disenchantress +disencharm +disenclose +disencumber +disencumberment +disencumbrance +disendow +disendower +disendowment +disenfranchise +disenfranchisement +disengage +disengaged +disengagedness +disengagement +disengirdle +disenjoy +disenjoyment +disenmesh +disennoble +disennui +disenshroud +disenslave +disensoul +disensure +disentail +disentailment +disentangle +disentanglement +disentangler +disenthral +disenthrall +disenthrallment +disenthralment +disenthrone +disenthronement +disentitle +disentomb +disentombment +disentrain +disentrainment +disentrammel +disentrance +disentrancement +disentwine +disenvelop +disepalous +disequalize +disequalizer +disequilibrate +disequilibration +disequilibrium +disestablish +disestablisher +disestablishment +disestablishmentarian +disesteem +disesteemer +disestimation +disexcommunicate +disfaith +disfame +disfashion +disfavor +disfavorer +disfeature +disfeaturement +disfellowship +disfen +disfiguration +disfigurative +disfigure +disfigurement +disfigurer +disfiguringly +disflesh +disfoliage +disforest +disforestation +disfranchise +disfranchisement +disfranchiser +disfrequent +disfriar +disfrock +disfurnish +disfurnishment +disgarland +disgarnish +disgarrison +disgavel +disgeneric +disgenius +disgig +disglorify +disglut +disgood +disgorge +disgorgement +disgorger +disgospel +disgown +disgrace +disgraceful +disgracefully +disgracefulness +disgracement +disgracer +disgracious +disgradation +disgrade +disgregate +disgregation +disgruntle +disgruntlement +disguisable +disguisal +disguise +disguised +disguisedly +disguisedness +disguiseless +disguisement +disguiser +disguising +disgulf +disgust +disgusted +disgustedly +disgustedness +disguster +disgustful +disgustfully +disgustfulness +disgusting +disgustingly +disgustingness +dish +dishabilitate +dishabilitation +dishabille +dishabituate +dishallow +dishallucination +disharmonic +disharmonical +disharmonious +disharmonism +disharmonize +disharmony +dishboard +dishcloth +dishclout +disheart +dishearten +disheartener +disheartening +dishearteningly +disheartenment +disheaven +dished +dishellenize +dishelm +disher +disherent +disherison +disherit +disheritment +dishevel +disheveled +dishevelment +dishexecontahedroid +dishful +Dishley +dishlike +dishling +dishmaker +dishmaking +dishmonger +dishome +dishonest +dishonestly +dishonor +dishonorable +dishonorableness +dishonorably +dishonorary +dishonorer +dishorn +dishorner +dishorse +dishouse +dishpan +dishpanful +dishrag +dishumanize +dishwasher +dishwashing +dishwashings +dishwater +dishwatery +dishwiper +dishwiping +disidentify +disilane +disilicane +disilicate +disilicic +disilicid +disilicide +disillude +disilluminate +disillusion +disillusionist +disillusionize +disillusionizer +disillusionment +disillusive +disimagine +disimbitter +disimitate +disimitation +disimmure +disimpark +disimpassioned +disimprison +disimprisonment +disimprove +disimprovement +disincarcerate +disincarceration +disincarnate +disincarnation +disinclination +disincline +disincorporate +disincorporation +disincrust +disincrustant +disincrustion +disindividualize +disinfect +disinfectant +disinfecter +disinfection +disinfective +disinfector +disinfest +disinfestation +disinfeudation +disinflame +disinflate +disinflation +disingenuity +disingenuous +disingenuously +disingenuousness +disinherison +disinherit +disinheritable +disinheritance +disinhume +disinsulation +disinsure +disintegrable +disintegrant +disintegrate +disintegration +disintegrationist +disintegrative +disintegrator +disintegratory +disintegrity +disintegrous +disintensify +disinter +disinterest +disinterested +disinterestedly +disinterestedness +disinteresting +disinterment +disintertwine +disintrench +disintricate +disinvagination +disinvest +disinvestiture +disinvigorate +disinvite +disinvolve +disjasked +disject +disjection +disjoin +disjoinable +disjoint +disjointed +disjointedly +disjointedness +disjointly +disjointure +disjunct +disjunction +disjunctive +disjunctively +disjunctor +disjuncture +disjune +disk +diskelion +diskless +disklike +dislaurel +disleaf +dislegitimate +dislevelment +dislicense +dislikable +dislike +dislikelihood +disliker +disliking +dislimn +dislink +dislip +disload +dislocability +dislocable +dislocate +dislocated +dislocatedly +dislocatedness +dislocation +dislocator +dislocatory +dislodge +dislodgeable +dislodgement +dislove +disloyal +disloyalist +disloyally +disloyalty +disluster +dismain +dismal +dismality +dismalize +dismally +dismalness +disman +dismantle +dismantlement +dismantler +dismarble +dismark +dismarket +dismask +dismast +dismastment +dismay +dismayable +dismayed +dismayedness +dismayful +dismayfully +dismayingly +disme +dismember +dismembered +dismemberer +dismemberment +dismembrate +dismembrator +disminion +disminister +dismiss +dismissable +dismissal +dismissible +dismissingly +dismission +dismissive +dismissory +dismoded +dismount +dismountable +dismutation +disna +disnaturalization +disnaturalize +disnature +disnest +disnew +disniche +disnosed +disnumber +disobedience +disobedient +disobediently +disobey +disobeyal +disobeyer +disobligation +disoblige +disobliger +disobliging +disobligingly +disobligingness +disoccupation +disoccupy +disodic +disodium +disomatic +disomatous +disomic +disomus +disoperculate +disorb +disorchard +disordained +disorder +disordered +disorderedly +disorderedness +disorderer +disorderliness +disorderly +disordinated +disordination +disorganic +disorganization +disorganize +disorganizer +disorient +disorientate +disorientation +disown +disownable +disownment +disoxygenate +disoxygenation +disozonize +dispapalize +disparage +disparageable +disparagement +disparager +disparaging +disparagingly +disparate +disparately +disparateness +disparation +disparity +dispark +dispart +dispartment +dispassionate +dispassionately +dispassionateness +dispassioned +dispatch +dispatcher +dispatchful +dispatriated +dispauper +dispauperize +dispeace +dispeaceful +dispel +dispeller +dispend +dispender +dispendious +dispendiously +dispenditure +dispensability +dispensable +dispensableness +dispensary +dispensate +dispensation +dispensational +dispensative +dispensatively +dispensator +dispensatorily +dispensatory +dispensatress +dispensatrix +dispense +dispenser +dispensingly +dispeople +dispeoplement +dispeopler +dispergate +dispergation +dispergator +dispericraniate +disperiwig +dispermic +dispermous +dispermy +dispersal +dispersant +disperse +dispersed +dispersedly +dispersedness +dispersement +disperser +dispersibility +dispersible +dispersion +dispersity +dispersive +dispersively +dispersiveness +dispersoid +dispersoidological +dispersoidology +dispersonalize +dispersonate +dispersonification +dispersonify +dispetal +disphenoid +dispiece +dispireme +dispirit +dispirited +dispiritedly +dispiritedness +dispiritingly +dispiritment +dispiteous +dispiteously +dispiteousness +displace +displaceability +displaceable +displacement +displacency +displacer +displant +display +displayable +displayed +displayer +displease +displeased +displeasedly +displeaser +displeasing +displeasingly +displeasingness +displeasurable +displeasurably +displeasure +displeasurement +displenish +displicency +displume +displuviate +dispondaic +dispondee +dispone +disponee +disponent +disponer +dispope +dispopularize +disporous +disport +disportive +disportment +Disporum +disposability +disposable +disposableness +disposal +dispose +disposed +disposedly +disposedness +disposer +disposingly +disposition +dispositional +dispositioned +dispositive +dispositively +dispossess +dispossession +dispossessor +dispossessory +dispost +disposure +dispowder +dispractice +dispraise +dispraiser +dispraisingly +dispread +dispreader +disprejudice +disprepare +disprince +disprison +disprivacied +disprivilege +disprize +disprobabilization +disprobabilize +disprobative +dispromise +disproof +disproportion +disproportionable +disproportionableness +disproportionably +disproportional +disproportionality +disproportionally +disproportionalness +disproportionate +disproportionately +disproportionateness +disproportionation +disprovable +disproval +disprove +disprovement +disproven +disprover +dispulp +dispunct +dispunishable +dispunitive +disputability +disputable +disputableness +disputably +disputant +disputation +disputatious +disputatiously +disputatiousness +disputative +disputatively +disputativeness +disputator +dispute +disputeless +disputer +disqualification +disqualify +disquantity +disquiet +disquieted +disquietedly +disquietedness +disquieten +disquieter +disquieting +disquietingly +disquietly +disquietness +disquietude +disquiparancy +disquiparant +disquiparation +disquisite +disquisition +disquisitional +disquisitionary +disquisitive +disquisitively +disquisitor +disquisitorial +disquisitory +disquixote +disrank +disrate +disrealize +disrecommendation +disregard +disregardable +disregardance +disregardant +disregarder +disregardful +disregardfully +disregardfulness +disrelated +disrelation +disrelish +disrelishable +disremember +disrepair +disreputability +disreputable +disreputableness +disreputably +disreputation +disrepute +disrespect +disrespecter +disrespectful +disrespectfully +disrespectfulness +disrestore +disring +disrobe +disrobement +disrober +disroof +disroost +disroot +disrudder +disrump +disrupt +disruptability +disruptable +disrupter +disruption +disruptionist +disruptive +disruptively +disruptiveness +disruptment +disruptor +disrupture +diss +dissatisfaction +dissatisfactoriness +dissatisfactory +dissatisfied +dissatisfiedly +dissatisfiedness +dissatisfy +dissaturate +disscepter +disseat +dissect +dissected +dissectible +dissecting +dissection +dissectional +dissective +dissector +disseize +disseizee +disseizin +disseizor +disseizoress +disselboom +dissemblance +dissemble +dissembler +dissemblingly +dissembly +dissemilative +disseminate +dissemination +disseminative +disseminator +disseminule +dissension +dissensualize +dissent +dissentaneous +dissentaneousness +dissenter +dissenterism +dissentience +dissentiency +dissentient +dissenting +dissentingly +dissentious +dissentiously +dissentism +dissentment +dissepiment +dissepimental +dissert +dissertate +dissertation +dissertational +dissertationist +dissertative +dissertator +disserve +disservice +disserviceable +disserviceableness +disserviceably +dissettlement +dissever +disseverance +disseverment +disshadow +dissheathe +disshroud +dissidence +dissident +dissidently +dissight +dissightly +dissiliency +dissilient +dissimilar +dissimilarity +dissimilarly +dissimilars +dissimilate +dissimilation +dissimilatory +dissimile +dissimilitude +dissimulate +dissimulation +dissimulative +dissimulator +dissimule +dissimuler +dissipable +dissipate +dissipated +dissipatedly +dissipatedness +dissipater +dissipation +dissipative +dissipativity +dissipator +dissociability +dissociable +dissociableness +dissocial +dissociality +dissocialize +dissociant +dissociate +dissociation +dissociative +dissoconch +dissogeny +dissogony +dissolubility +dissoluble +dissolubleness +dissolute +dissolutely +dissoluteness +dissolution +dissolutional +dissolutionism +dissolutionist +dissolutive +dissolvable +dissolvableness +dissolve +dissolveability +dissolvent +dissolver +dissolving +dissolvingly +dissonance +dissonancy +dissonant +dissonantly +dissonous +dissoul +dissuade +dissuader +dissuasion +dissuasive +dissuasively +dissuasiveness +dissuasory +dissuit +dissuitable +dissuited +dissyllabic +dissyllabification +dissyllabify +dissyllabism +dissyllabize +dissyllable +dissymmetric +dissymmetrical +dissymmetrically +dissymmetry +dissympathize +dissympathy +distad +distaff +distain +distal +distale +distally +distalwards +distance +distanceless +distancy +distannic +distant +distantly +distantness +distaste +distasted +distasteful +distastefully +distastefulness +distater +distemonous +distemper +distemperature +distempered +distemperedly +distemperedness +distemperer +distenant +distend +distendedly +distender +distensibility +distensible +distensive +distent +distention +disthene +disthrall +disthrone +distich +Distichlis +distichous +distichously +distill +distillable +distillage +distilland +distillate +distillation +distillatory +distilled +distiller +distillery +distilling +distillmint +distinct +distinctify +distinction +distinctional +distinctionless +distinctive +distinctively +distinctiveness +distinctly +distinctness +distingue +distinguish +distinguishability +distinguishable +distinguishableness +distinguishably +distinguished +distinguishedly +distinguisher +distinguishing +distinguishingly +distinguishment +distoclusion +Distoma +Distomatidae +distomatosis +distomatous +distome +distomian +distomiasis +Distomidae +Distomum +distort +distorted +distortedly +distortedness +distorter +distortion +distortional +distortionist +distortionless +distortive +distract +distracted +distractedly +distractedness +distracter +distractibility +distractible +distractingly +distraction +distractive +distractively +distrain +distrainable +distrainee +distrainer +distrainment +distrainor +distraint +distrait +distraite +distraught +distress +distressed +distressedly +distressedness +distressful +distressfully +distressfulness +distressing +distressingly +distributable +distributary +distribute +distributed +distributedly +distributee +distributer +distribution +distributional +distributionist +distributival +distributive +distributively +distributiveness +distributor +distributress +district +distrouser +distrust +distruster +distrustful +distrustfully +distrustfulness +distrustingly +distune +disturb +disturbance +disturbative +disturbed +disturbedly +disturber +disturbing +disturbingly +disturn +disturnpike +disubstituted +disubstitution +disulfonic +disulfuric +disulphate +disulphide +disulphonate +disulphone +disulphonic +disulphoxide +disulphuret +disulphuric +disuniform +disuniformity +disunify +disunion +disunionism +disunionist +disunite +disuniter +disunity +disusage +disusance +disuse +disutility +disutilize +disvaluation +disvalue +disvertebrate +disvisage +disvoice +disvulnerability +diswarren +diswench +diswood +disworth +disyllabic +disyllable +disyoke +dit +dita +dital +ditch +ditchbank +ditchbur +ditchdigger +ditchdown +ditcher +ditchless +ditchside +ditchwater +dite +diter +diterpene +ditertiary +ditetragonal +dithalous +dithecal +ditheism +ditheist +ditheistic +ditheistical +dithematic +dither +dithery +dithiobenzoic +dithioglycol +dithioic +dithion +dithionate +dithionic +dithionite +dithionous +dithymol +dithyramb +dithyrambic +dithyrambically +Dithyrambos +Dithyrambus +ditokous +ditolyl +ditone +ditrematous +ditremid +Ditremidae +ditrichotomous +ditriglyph +ditriglyphic +ditrigonal +ditrigonally +Ditrocha +ditrochean +ditrochee +ditrochous +ditroite +dittamy +dittander +dittany +dittay +dittied +ditto +dittogram +dittograph +dittographic +dittography +dittology +ditty +diumvirate +diuranate +diureide +diuresis +diuretic +diuretically +diureticalness +Diurna +diurnal +diurnally +diurnalness +diurnation +diurne +diurnule +diuturnal +diuturnity +div +diva +divagate +divagation +divalence +divalent +divan +divariant +divaricate +divaricately +divaricating +divaricatingly +divarication +divaricator +divata +dive +divekeeper +divel +divellent +divellicate +diver +diverge +divergement +divergence +divergency +divergent +divergently +diverging +divergingly +divers +diverse +diversely +diverseness +diversicolored +diversifiability +diversifiable +diversification +diversified +diversifier +diversiflorate +diversiflorous +diversifoliate +diversifolious +diversiform +diversify +diversion +diversional +diversionary +diversipedate +diversisporous +diversity +diversly +diversory +divert +divertedly +diverter +divertibility +divertible +diverticle +diverticular +diverticulate +diverticulitis +diverticulosis +diverticulum +diverting +divertingly +divertingness +divertisement +divertive +divertor +divest +divestible +divestitive +divestiture +divestment +divesture +dividable +dividableness +divide +divided +dividedly +dividedness +dividend +divider +dividing +dividingly +dividual +dividualism +dividually +dividuity +dividuous +divinable +divinail +divination +divinator +divinatory +divine +divinely +divineness +diviner +divineress +diving +divinify +divining +diviningly +divinity +divinityship +divinization +divinize +divinyl +divisibility +divisible +divisibleness +divisibly +division +divisional +divisionally +divisionary +divisionism +divisionist +divisionistic +divisive +divisively +divisiveness +divisor +divisorial +divisory +divisural +divorce +divorceable +divorcee +divorcement +divorcer +divorcible +divorcive +divot +divoto +divulgate +divulgater +divulgation +divulgatory +divulge +divulgement +divulgence +divulger +divulse +divulsion +divulsive +divulsor +divus +Divvers +divvy +diwata +dixenite +Dixie +dixie +Dixiecrat +dixit +dixy +dizain +dizen +dizenment +dizoic +dizygotic +dizzard +dizzily +dizziness +dizzy +Djagatay +djasakid +djave +djehad +djerib +djersa +Djuka +do +doab +doable +doarium +doat +doated +doater +doating +doatish +Dob +dob +dobbed +dobber +dobbin +dobbing +dobby +dobe +dobla +doblon +dobra +dobrao +dobson +doby +doc +docent +docentship +Docetae +Docetic +Docetically +Docetism +Docetist +Docetistic +Docetize +dochmiac +dochmiacal +dochmiasis +dochmius +docibility +docible +docibleness +docile +docilely +docility +docimasia +docimastic +docimastical +docimasy +docimology +docity +dock +dockage +docken +docker +docket +dockhead +dockhouse +dockization +dockize +dockland +dockmackie +dockman +dockmaster +dockside +dockyard +dockyardman +docmac +Docoglossa +docoglossan +docoglossate +docosane +doctor +doctoral +doctorally +doctorate +doctorbird +doctordom +doctoress +doctorfish +doctorhood +doctorial +doctorially +doctorization +doctorize +doctorless +doctorlike +doctorly +doctorship +doctress +doctrinaire +doctrinairism +doctrinal +doctrinalism +doctrinalist +doctrinality +doctrinally +doctrinarian +doctrinarianism +doctrinarily +doctrinarity +doctrinary +doctrinate +doctrine +doctrinism +doctrinist +doctrinization +doctrinize +doctrix +document +documental +documentalist +documentarily +documentary +documentation +documentize +dod +dodd +doddart +dodded +dodder +doddered +dodderer +doddering +doddery +doddie +dodding +doddle +doddy +doddypoll +Dode +dodecade +dodecadrachm +dodecafid +dodecagon +dodecagonal +dodecahedral +dodecahedric +dodecahedron +dodecahydrate +dodecahydrated +dodecamerous +dodecane +Dodecanesian +dodecanoic +dodecant +dodecapartite +dodecapetalous +dodecarch +dodecarchy +dodecasemic +dodecastyle +dodecastylos +dodecasyllabic +dodecasyllable +dodecatemory +Dodecatheon +dodecatoic +dodecatyl +dodecatylic +dodecuplet +dodecyl +dodecylene +dodecylic +dodge +dodgeful +dodger +dodgery +dodgily +dodginess +dodgy +dodkin +dodlet +dodman +dodo +dodoism +Dodona +Dodonaea +Dodonaeaceae +Dodonaean +Dodonean +Dodonian +dodrans +doe +doebird +Doedicurus +Doeg +doeglic +doegling +doer +does +doeskin +doesnt +doest +doff +doffer +doftberry +dog +dogal +dogate +dogbane +Dogberry +dogberry +Dogberrydom +Dogberryism +dogbite +dogblow +dogboat +dogbolt +dogbush +dogcart +dogcatcher +dogdom +doge +dogedom +dogeless +dogeship +dogface +dogfall +dogfight +dogfish +dogfoot +dogged +doggedly +doggedness +dogger +doggerel +doggereler +doggerelism +doggerelist +doggerelize +doggerelizer +doggery +doggess +doggish +doggishly +doggishness +doggo +doggone +doggoned +doggrel +doggrelize +doggy +doghead +doghearted +doghole +doghood +doghouse +dogie +dogless +doglike +dogly +dogma +dogman +dogmata +dogmatic +dogmatical +dogmatically +dogmaticalness +dogmatician +dogmatics +dogmatism +dogmatist +dogmatization +dogmatize +dogmatizer +dogmouth +dogplate +dogproof +Dogra +Dogrib +dogs +dogship +dogshore +dogskin +dogsleep +dogstone +dogtail +dogtie +dogtooth +dogtoothing +dogtrick +dogtrot +dogvane +dogwatch +dogwood +dogy +doigt +doiled +doily +doina +doing +doings +doit +doited +doitkin +doitrified +doke +Doketic +Doketism +dokhma +dokimastic +Dokmarok +Doko +Dol +dola +dolabra +dolabrate +dolabriform +dolcan +dolcian +dolciano +dolcino +doldrum +doldrums +dole +dolefish +doleful +dolefully +dolefulness +dolefuls +dolent +dolently +dolerite +doleritic +dolerophanite +dolesman +dolesome +dolesomely +dolesomeness +doless +doli +dolia +dolichoblond +dolichocephal +dolichocephali +dolichocephalic +dolichocephalism +dolichocephalize +dolichocephalous +dolichocephaly +dolichocercic +dolichocnemic +dolichocranial +dolichofacial +Dolichoglossus +dolichohieric +Dolicholus +dolichopellic +dolichopodous +dolichoprosopic +Dolichopsyllidae +Dolichos +dolichos +dolichosaur +Dolichosauri +Dolichosauria +Dolichosaurus +Dolichosoma +dolichostylous +dolichotmema +dolichuric +dolichurus +Doliidae +dolina +doline +dolioform +Doliolidae +Doliolum +dolium +doll +dollar +dollarbird +dollardee +dollardom +dollarfish +dollarleaf +dollbeer +dolldom +dollface +dollfish +dollhood +dollhouse +dollier +dolliness +dollish +dollishly +dollishness +dollmaker +dollmaking +dollop +dollship +dolly +dollyman +dollyway +dolman +dolmen +dolmenic +Dolomedes +dolomite +dolomitic +dolomitization +dolomitize +dolomization +dolomize +dolor +Dolores +doloriferous +dolorific +dolorifuge +dolorous +dolorously +dolorousness +dolose +dolous +Dolph +dolphin +dolphinlike +Dolphus +dolt +dolthead +doltish +doltishly +doltishness +dom +domain +domainal +domal +domanial +domatium +domatophobia +domba +Dombeya +Domdaniel +dome +domelike +doment +domer +domesday +domestic +domesticable +domesticality +domestically +domesticate +domestication +domesticative +domesticator +domesticity +domesticize +domett +domeykite +domic +domical +domically +Domicella +domicile +domicilement +domiciliar +domiciliary +domiciliate +domiciliation +dominance +dominancy +dominant +dominantly +dominate +dominated +dominatingly +domination +dominative +dominator +domine +domineer +domineerer +domineering +domineeringly +domineeringness +dominial +Dominic +dominical +dominicale +Dominican +Dominick +dominie +dominion +dominionism +dominionist +Dominique +dominium +domino +dominus +domitable +domite +Domitian +domitic +domn +domnei +domoid +dompt +domy +Don +don +donable +Donacidae +donaciform +Donal +Donald +Donar +donary +donatary +donate +donated +donatee +Donatiaceae +donation +Donatism +Donatist +Donatistic +Donatistical +donative +donatively +donator +donatory +donatress +donax +doncella +Dondia +done +donee +Donet +doney +dong +donga +Dongola +Dongolese +dongon +Donia +donjon +donkey +donkeyback +donkeyish +donkeyism +donkeyman +donkeywork +Donmeh +Donn +Donna +donna +Donne +donnered +donnert +Donnie +donnish +donnishness +donnism +donnot +donor +donorship +donought +Donovan +donship +donsie +dont +donum +doob +doocot +doodab +doodad +Doodia +doodle +doodlebug +doodler +doodlesack +doohickey +doohickus +doohinkey +doohinkus +dooja +dook +dooket +dookit +dool +doolee +dooley +dooli +doolie +dooly +doom +doomage +doombook +doomer +doomful +dooms +doomsday +doomsman +doomstead +doon +door +doorba +doorbell +doorboy +doorbrand +doorcase +doorcheek +doored +doorframe +doorhead +doorjamb +doorkeeper +doorknob +doorless +doorlike +doormaid +doormaker +doormaking +doorman +doornail +doorplate +doorpost +doorsill +doorstead +doorstep +doorstone +doorstop +doorward +doorway +doorweed +doorwise +dooryard +dop +dopa +dopamelanin +dopaoxidase +dopatta +dope +dopebook +doper +dopester +dopey +doppelkummel +Dopper +dopper +doppia +Doppler +dopplerite +Dor +dor +Dora +dorab +dorad +Doradidae +dorado +doraphobia +Dorask +Doraskean +dorbeetle +Dorcas +dorcastry +Dorcatherium +Dorcopsis +doree +dorestane +dorhawk +Dori +doria +Dorian +Doric +Dorical +Doricism +Doricize +Dorididae +Dorine +Doris +Dorism +Dorize +dorje +Dorking +dorlach +dorlot +dorm +dormancy +dormant +dormer +dormered +dormie +dormient +dormilona +dormition +dormitive +dormitory +dormouse +dormy +dorn +dorneck +dornic +dornick +dornock +Dorobo +Doronicum +Dorosoma +Dorothea +Dorothy +dorp +dorsabdominal +dorsabdominally +dorsad +dorsal +dorsale +dorsalgia +dorsalis +dorsally +dorsalmost +dorsalward +dorsalwards +dorsel +dorser +dorsibranch +Dorsibranchiata +dorsibranchiate +dorsicollar +dorsicolumn +dorsicommissure +dorsicornu +dorsiduct +dorsiferous +dorsifixed +dorsiflex +dorsiflexion +dorsiflexor +dorsigrade +dorsilateral +dorsilumbar +dorsimedian +dorsimesal +dorsimeson +dorsiparous +dorsispinal +dorsiventral +dorsiventrality +dorsiventrally +dorsoabdominal +dorsoanterior +dorsoapical +Dorsobranchiata +dorsocaudad +dorsocaudal +dorsocentral +dorsocephalad +dorsocephalic +dorsocervical +dorsocervically +dorsodynia +dorsoepitrochlear +dorsointercostal +dorsointestinal +dorsolateral +dorsolumbar +dorsomedial +dorsomedian +dorsomesal +dorsonasal +dorsonuchal +dorsopleural +dorsoposteriad +dorsoposterior +dorsoradial +dorsosacral +dorsoscapular +dorsosternal +dorsothoracic +dorsoventrad +dorsoventral +dorsoventrally +Dorstenia +dorsulum +dorsum +dorsumbonal +dorter +dortiness +dortiship +dorts +dorty +doruck +Dory +dory +Doryanthes +Dorylinae +doryphorus +dos +dosa +dosadh +dosage +dose +doser +dosimeter +dosimetric +dosimetrician +dosimetrist +dosimetry +Dosinia +dosiology +dosis +Dositheans +dosology +doss +dossal +dossel +dosser +dosseret +dossier +dossil +dossman +Dot +dot +dotage +dotal +dotard +dotardism +dotardly +dotardy +dotate +dotation +dotchin +dote +doted +doter +Dothideacea +dothideaceous +Dothideales +Dothidella +dothienenteritis +Dothiorella +dotiness +doting +dotingly +dotingness +dotish +dotishness +dotkin +dotless +dotlike +Doto +Dotonidae +dotriacontane +dotted +dotter +dotterel +dottily +dottiness +dotting +dottle +dottler +Dottore +Dotty +dotty +doty +douar +double +doubled +doubledamn +doubleganger +doublegear +doublehanded +doublehandedly +doublehandedness +doublehatching +doublehearted +doubleheartedness +doublehorned +doubleleaf +doublelunged +doubleness +doubler +doublet +doubleted +doubleton +doubletone +doubletree +doublets +doubling +doubloon +doubly +doubt +doubtable +doubtably +doubtedly +doubter +doubtful +doubtfully +doubtfulness +doubting +doubtingly +doubtingness +doubtless +doubtlessly +doubtlessness +doubtmonger +doubtous +doubtsome +douc +douce +doucely +douceness +doucet +douche +doucin +doucine +doudle +Doug +dough +doughbird +doughboy +doughface +doughfaceism +doughfoot +doughhead +doughiness +doughlike +doughmaker +doughmaking +doughman +doughnut +dought +doughtily +doughtiness +doughty +doughy +Douglas +doulocracy +doum +doundake +doup +douping +dour +dourine +dourly +dourness +douse +douser +dout +douter +doutous +douzepers +douzieme +dove +dovecot +doveflower +dovefoot +dovehouse +dovekey +dovekie +dovelet +dovelike +doveling +dover +dovetail +dovetailed +dovetailer +dovetailwise +doveweed +dovewood +dovish +Dovyalis +dow +dowable +dowager +dowagerism +dowcet +dowd +dowdily +dowdiness +dowdy +dowdyish +dowdyism +dowed +dowel +dower +doweral +doweress +dowerless +dowery +dowf +dowie +Dowieism +Dowieite +dowily +dowiness +dowitch +dowitcher +dowl +dowlas +dowless +down +downbear +downbeard +downbeat +downby +downcast +downcastly +downcastness +downcome +downcomer +downcoming +downcry +downcurved +downcut +downdale +downdraft +downer +downface +downfall +downfallen +downfalling +downfeed +downflow +downfold +downfolded +downgate +downgone +downgrade +downgrowth +downhanging +downhaul +downheaded +downhearted +downheartedly +downheartedness +downhill +downily +downiness +Downing +Downingia +downland +downless +downlie +downlier +downligging +downlike +downline +downlooked +downlooker +downlying +downmost +downness +downpour +downpouring +downright +downrightly +downrightness +downrush +downrushing +downset +downshare +downshore +downside +downsinking +downsitting +downsliding +downslip +downslope +downsman +downspout +downstage +downstairs +downstate +downstater +downstream +downstreet +downstroke +downswing +downtake +downthrow +downthrown +downthrust +Downton +downtown +downtrampling +downtreading +downtrend +downtrodden +downtroddenness +downturn +downward +downwardly +downwardness +downway +downweed +downweigh +downweight +downweighted +downwind +downwith +downy +dowp +dowry +dowsabel +dowse +dowser +dowset +doxa +Doxantha +doxastic +doxasticon +doxographer +doxographical +doxography +doxological +doxologically +doxologize +doxology +doxy +Doyle +doze +dozed +dozen +dozener +dozenth +dozer +dozily +doziness +dozy +dozzled +drab +Draba +drabbet +drabbish +drabble +drabbler +drabbletail +drabbletailed +drabby +drably +drabness +Dracaena +Dracaenaceae +drachm +drachma +drachmae +drachmai +drachmal +dracma +Draco +Dracocephalum +Draconian +Draconianism +Draconic +draconic +Draconically +Draconid +Draconis +Draconism +draconites +draconitic +dracontian +dracontiasis +dracontic +dracontine +dracontites +Dracontium +dracunculus +draegerman +draff +draffman +draffy +draft +draftage +draftee +drafter +draftily +draftiness +drafting +draftman +draftmanship +draftproof +draftsman +draftsmanship +draftswoman +draftswomanship +draftwoman +drafty +drag +dragade +dragbar +dragbolt +dragged +dragger +draggily +dragginess +dragging +draggingly +draggle +draggletail +draggletailed +draggletailedly +draggletailedness +draggly +draggy +draghound +dragline +dragman +dragnet +drago +dragoman +dragomanate +dragomanic +dragomanish +dragon +dragonesque +dragoness +dragonet +dragonfish +dragonfly +dragonhead +dragonhood +dragonish +dragonism +dragonize +dragonkind +dragonlike +dragonnade +dragonroot +dragontail +dragonwort +dragoon +dragoonable +dragoonade +dragoonage +dragooner +dragrope +dragsaw +dragsawing +dragsman +dragstaff +drail +drain +drainable +drainage +drainboard +draine +drained +drainer +drainerman +drainless +drainman +drainpipe +draintile +draisine +drake +drakestone +drakonite +dram +drama +dramalogue +Dramamine +dramatic +dramatical +dramatically +dramaticism +dramatics +dramaticule +dramatism +dramatist +dramatizable +dramatization +dramatize +dramatizer +dramaturge +dramaturgic +dramaturgical +dramaturgist +dramaturgy +dramm +drammage +dramme +drammed +drammer +dramming +drammock +dramseller +dramshop +drang +drank +drant +drapable +Draparnaldia +drape +drapeable +draper +draperess +draperied +drapery +drapetomania +drapping +drassid +Drassidae +drastic +drastically +drat +dratchell +drate +dratted +dratting +draught +draughtboard +draughthouse +draughtman +draughtmanship +draughts +draughtsman +draughtsmanship +draughtswoman +draughtswomanship +Dravida +Dravidian +Dravidic +dravya +draw +drawable +drawarm +drawback +drawbar +drawbeam +drawbench +drawboard +drawbolt +drawbore +drawboy +drawbridge +Drawcansir +drawcut +drawdown +drawee +drawer +drawers +drawfile +drawfiling +drawgate +drawgear +drawglove +drawhead +drawhorse +drawing +drawk +drawknife +drawknot +drawl +drawlatch +drawler +drawling +drawlingly +drawlingness +drawlink +drawloom +drawly +drawn +drawnet +drawoff +drawout +drawplate +drawpoint +drawrod +drawshave +drawsheet +drawspan +drawspring +drawstop +drawstring +drawtongs +drawtube +dray +drayage +drayman +drazel +dread +dreadable +dreader +dreadful +dreadfully +dreadfulness +dreadingly +dreadless +dreadlessly +dreadlessness +dreadly +dreadness +dreadnought +dream +dreamage +dreamer +dreamery +dreamful +dreamfully +dreamfulness +dreamhole +dreamily +dreaminess +dreamingly +dreamish +dreamland +dreamless +dreamlessly +dreamlessness +dreamlet +dreamlike +dreamlit +dreamlore +dreamsily +dreamsiness +dreamsy +dreamt +dreamtide +dreamwhile +dreamwise +dreamworld +dreamy +drear +drearfully +drearily +dreariment +dreariness +drearisome +drearly +drearness +dreary +dredge +dredgeful +dredger +dredging +dree +dreep +dreepiness +dreepy +dreg +dreggily +dregginess +dreggish +dreggy +dregless +dregs +dreiling +Dreissensia +dreissiger +drench +drencher +drenching +drenchingly +dreng +drengage +Drepanaspis +Drepanidae +Drepanididae +drepaniform +Drepanis +drepanium +drepanoid +Dreparnaudia +dress +dressage +dressed +dresser +dressership +dressily +dressiness +dressing +dressline +dressmaker +dressmakership +dressmakery +dressmaking +dressy +drest +Drew +drew +drewite +Dreyfusism +Dreyfusist +drias +drib +dribble +dribblement +dribbler +driblet +driddle +dried +drier +drierman +driest +drift +driftage +driftbolt +drifter +drifting +driftingly +driftland +driftless +driftlessness +driftlet +driftman +driftpiece +driftpin +driftway +driftweed +driftwind +driftwood +drifty +drightin +drill +driller +drillet +drilling +drillman +drillmaster +drillstock +Drimys +dringle +drink +drinkability +drinkable +drinkableness +drinkably +drinker +drinking +drinkless +drinkproof +drinn +drip +dripper +dripping +dripple +dripproof +drippy +dripstick +dripstone +drisheen +drisk +drivable +drivage +drive +driveaway +driveboat +drivebolt +drivehead +drivel +driveler +drivelingly +driven +drivepipe +driver +driverless +drivership +drivescrew +driveway +drivewell +driving +drivingly +drizzle +drizzly +drochuil +droddum +drofland +drogh +drogher +drogherman +drogue +droit +droitsman +droitural +droiturel +Drokpa +droll +drollery +drollingly +drollish +drollishness +drollist +drollness +drolly +Dromaeognathae +dromaeognathism +dromaeognathous +Dromaeus +drome +dromedarian +dromedarist +dromedary +drometer +Dromiacea +dromic +Dromiceiidae +Dromiceius +Dromicia +dromograph +dromomania +dromometer +dromond +Dromornis +dromos +dromotropic +drona +dronage +drone +dronepipe +droner +drongo +droningly +dronish +dronishly +dronishness +dronkgrass +drony +drool +droop +drooper +drooping +droopingly +droopingness +droopt +droopy +drop +dropberry +dropcloth +dropflower +drophead +droplet +droplight +droplike +dropling +dropman +dropout +dropper +dropping +droppingly +droppy +dropseed +dropsical +dropsically +dropsicalness +dropsied +dropsy +dropsywort +dropt +dropwise +dropworm +dropwort +Droschken +Drosera +Droseraceae +droseraceous +droshky +drosky +drosograph +drosometer +Drosophila +Drosophilidae +Drosophyllum +dross +drossel +drosser +drossiness +drossless +drossy +drostdy +droud +drought +droughtiness +droughty +drouk +drove +drover +drovy +drow +drown +drowner +drowningly +drowse +drowsily +drowsiness +drowsy +drub +drubber +drubbing +drubbly +drucken +drudge +drudger +drudgery +drudgingly +drudgism +druery +drug +drugeteria +drugger +druggery +drugget +druggeting +druggist +druggister +druggy +drugless +drugman +drugshop +drugstore +druid +druidess +druidic +druidical +druidism +druidry +druith +Drukpa +drum +drumbeat +drumble +drumbledore +drumbler +drumfire +drumfish +drumhead +drumheads +drumlike +drumlin +drumline +drumlinoid +drumloid +drumloidal +drumly +drummer +drumming +drummy +drumskin +drumstick +drumwood +drung +drungar +drunk +drunkard +drunken +drunkenly +drunkenness +drunkensome +drunkenwise +drunkery +Drupa +Drupaceae +drupaceous +drupal +drupe +drupel +drupelet +drupeole +drupetum +drupiferous +Druse +druse +Drusean +Drusedom +drusy +druxiness +druxy +dry +dryad +dryadetum +dryadic +dryas +dryasdust +drybeard +drybrained +drycoal +Drydenian +Drydenism +dryfoot +drygoodsman +dryhouse +drying +dryish +dryly +Drynaria +dryness +Dryobalanops +Dryope +Dryopes +Dryophyllum +Dryopians +dryopithecid +Dryopithecinae +dryopithecine +Dryopithecus +Dryops +Dryopteris +dryopteroid +drysalter +drysaltery +dryster +dryth +dryworker +Dschubba +duad +duadic +dual +Duala +duali +dualin +dualism +dualist +dualistic +dualistically +duality +dualization +dualize +dually +Dualmutef +dualogue +Duane +duarch +duarchy +dub +dubash +dubb +dubba +dubbah +dubbeltje +dubber +dubbing +dubby +Dubhe +Dubhgall +dubiety +dubiocrystalline +dubiosity +dubious +dubiously +dubiousness +dubitable +dubitably +dubitancy +dubitant +dubitate +dubitatingly +dubitation +dubitative +dubitatively +Duboisia +duboisin +duboisine +Dubonnet +dubs +ducal +ducally +ducamara +ducape +ducat +ducato +ducatoon +ducdame +duces +Duchesnea +Duchess +duchess +duchesse +duchesslike +duchy +duck +duckbill +duckblind +duckboard +duckboat +ducker +duckery +duckfoot +duckhearted +duckhood +duckhouse +duckhunting +duckie +ducking +duckling +ducklingship +duckmeat +duckpin +duckpond +duckstone +duckweed +duckwife +duckwing +Duco +duct +ducted +ductibility +ductible +ductile +ductilely +ductileness +ductilimeter +ductility +ductilize +duction +ductless +ductor +ductule +Ducula +Duculinae +dud +dudaim +dudder +duddery +duddies +dude +dudeen +dudgeon +dudine +dudish +dudishness +dudism +dudler +dudley +Dudleya +dudleyite +dudman +due +duel +dueler +dueling +duelist +duelistic +duello +dueness +duenna +duennadom +duennaship +duer +Duessa +duet +duettist +duff +duffadar +duffel +duffer +dufferdom +duffing +dufoil +dufrenite +dufrenoysite +dufter +dufterdar +duftery +dug +dugal +dugdug +duggler +dugong +Dugongidae +dugout +dugway +duhat +Duhr +duiker +duikerbok +duim +Duit +duit +dujan +Duke +duke +dukedom +dukeling +dukely +dukery +dukeship +dukhn +dukker +dukkeripen +Dulanganes +Dulat +dulbert +dulcet +dulcetly +dulcetness +dulcian +dulciana +dulcification +dulcifluous +dulcify +dulcigenic +dulcimer +Dulcin +Dulcinea +Dulcinist +dulcitol +dulcitude +dulcose +duledge +duler +dulia +dull +dullard +dullardism +dullardness +dullbrained +duller +dullery +dullhead +dullhearted +dullification +dullify +dullish +dullity +dullness +dullpate +dullsome +dully +dulosis +dulotic +dulse +dulseman +dult +dultie +dulwilly +duly +dum +duma +dumaist +dumb +dumba +dumbbell +dumbbeller +dumbcow +dumbfounder +dumbfounderment +dumbhead +dumbledore +dumbly +dumbness +dumdum +dumetose +dumfound +dumfounder +dumfounderment +dummel +dummered +dumminess +dummy +dummyism +dummyweed +Dumontia +Dumontiaceae +dumontite +dumortierite +dumose +dumosity +dump +dumpage +dumpcart +dumper +dumpily +dumpiness +dumping +dumpish +dumpishly +dumpishness +dumple +dumpling +dumpoke +dumpy +dumsola +dun +dunair +dunal +dunbird +Duncan +dunce +duncedom +duncehood +duncery +dunch +Dunciad +duncical +duncify +duncish +duncishly +duncishness +dundasite +dunder +dunderhead +dunderheaded +dunderheadedness +dunderpate +dune +dunelike +dunfish +dung +Dungan +dungannonite +dungaree +dungbeck +dungbird +dungbred +dungeon +dungeoner +dungeonlike +dunger +dunghill +dunghilly +dungol +dungon +dungy +dungyard +dunite +dunk +dunkadoo +Dunkard +Dunker +dunker +Dunkirk +Dunkirker +Dunlap +dunlin +Dunlop +dunnage +dunne +dunner +dunness +dunnish +dunnite +dunnock +dunny +dunpickle +Duns +dunst +dunstable +dunt +duntle +duny +dunziekte +duo +duocosane +duodecahedral +duodecahedron +duodecane +duodecennial +duodecillion +duodecimal +duodecimality +duodecimally +duodecimfid +duodecimo +duodecimole +duodecuple +duodena +duodenal +duodenary +duodenate +duodenation +duodene +duodenectomy +duodenitis +duodenocholangitis +duodenocholecystostomy +duodenocholedochotomy +duodenocystostomy +duodenoenterostomy +duodenogram +duodenojejunal +duodenojejunostomy +duodenopancreatectomy +duodenoscopy +duodenostomy +duodenotomy +duodenum +duodrama +duograph +duogravure +duole +duoliteral +duologue +duomachy +duopod +duopolistic +duopoly +duopsonistic +duopsony +duosecant +duotone +duotriacontane +duotype +dup +dupability +dupable +dupe +dupedom +duper +dupery +dupion +dupla +duplation +duple +duplet +duplex +duplexity +duplicability +duplicable +duplicand +duplicate +duplication +duplicative +duplicator +duplicature +duplicia +duplicident +Duplicidentata +duplicidentate +duplicipennate +duplicitas +duplicity +duplification +duplify +duplone +dupondius +duppy +dura +durability +durable +durableness +durably +durain +dural +Duralumin +duramatral +duramen +durance +Durandarte +durangite +Durango +Durani +durant +Duranta +duraplasty +duraquara +duraspinalis +duration +durational +durationless +durative +durax +durbachite +Durban +durbar +durdenite +dure +durene +durenol +duress +duressor +durgan +Durham +durian +duridine +Durindana +during +duringly +Durio +durity +durmast +durn +duro +Duroc +durometer +duroquinone +durra +durrie +durrin +durry +durst +durukuli +durwaun +duryl +Duryodhana +Durzada +dusack +duscle +dush +dusio +dusk +dusken +duskily +duskiness +duskingtide +duskish +duskishly +duskishness +duskly +duskness +dusky +dust +dustbin +dustbox +dustcloth +dustee +duster +dusterman +dustfall +dustily +Dustin +dustiness +dusting +dustless +dustlessness +dustman +dustpan +dustproof +dustuck +dustwoman +dusty +dustyfoot +Dusun +Dutch +dutch +Dutcher +Dutchify +Dutchman +Dutchy +duteous +duteously +duteousness +dutiability +dutiable +dutied +dutiful +dutifully +dutifulness +dutra +duty +dutymonger +duumvir +duumviral +duumvirate +duvet +duvetyn +dux +duyker +dvaita +dvandva +dwale +dwalm +Dwamish +dwang +dwarf +dwarfish +dwarfishly +dwarfishness +dwarfism +dwarfling +dwarfness +dwarfy +dwayberry +Dwayne +dwell +dwelled +dweller +dwelling +dwelt +Dwight +dwindle +dwindlement +dwine +Dwyka +dyad +dyadic +Dyak +dyakisdodecahedron +Dyakish +dyarchic +dyarchical +dyarchy +Dyas +Dyassic +dyaster +Dyaus +dyce +dye +dyeable +dyehouse +dyeing +dyeleaves +dyemaker +dyemaking +dyer +dyester +dyestuff +dyeware +dyeweed +dyewood +dygogram +dying +dyingly +dyingness +dyke +dykehopper +dyker +dykereeve +Dylan +dynagraph +dynameter +dynametric +dynametrical +dynamic +dynamical +dynamically +dynamics +dynamis +dynamism +dynamist +dynamistic +dynamitard +dynamite +dynamiter +dynamitic +dynamitical +dynamitically +dynamiting +dynamitish +dynamitism +dynamitist +dynamization +dynamize +dynamo +dynamoelectric +dynamoelectrical +dynamogenesis +dynamogenic +dynamogenous +dynamogenously +dynamogeny +dynamometamorphic +dynamometamorphism +dynamometamorphosed +dynamometer +dynamometric +dynamometrical +dynamometry +dynamomorphic +dynamoneure +dynamophone +dynamostatic +dynamotor +dynast +Dynastes +dynastical +dynastically +dynasticism +dynastid +dynastidan +Dynastides +Dynastinae +dynasty +dynatron +dyne +dyophone +Dyophysite +Dyophysitic +Dyophysitical +Dyophysitism +dyotheism +Dyothelete +Dyotheletian +Dyotheletic +Dyotheletical +Dyotheletism +Dyothelism +dyphone +dysacousia +dysacousis +dysanalyte +dysaphia +dysarthria +dysarthric +dysarthrosis +dysbulia +dysbulic +dyschiria +dyschroa +dyschroia +dyschromatopsia +dyschromatoptic +dyschronous +dyscrasia +dyscrasial +dyscrasic +dyscrasite +dyscratic +dyscrystalline +dysenteric +dysenterical +dysentery +dysepulotic +dysepulotical +dyserethisia +dysergasia +dysergia +dysesthesia +dysesthetic +dysfunction +dysgenesic +dysgenesis +dysgenetic +dysgenic +dysgenical +dysgenics +dysgeogenous +dysgnosia +dysgraphia +dysidrosis +dyskeratosis +dyskinesia +dyskinetic +dyslalia +dyslexia +dyslogia +dyslogistic +dyslogistically +dyslogy +dysluite +dyslysin +dysmenorrhea +dysmenorrheal +dysmerism +dysmeristic +dysmerogenesis +dysmerogenetic +dysmeromorph +dysmeromorphic +dysmetria +dysmnesia +dysmorphism +dysmorphophobia +dysneuria +dysnomy +dysodile +dysodontiasis +dysorexia +dysorexy +dysoxidation +dysoxidizable +dysoxidize +dyspathetic +dyspathy +dyspepsia +dyspepsy +dyspeptic +dyspeptical +dyspeptically +dysphagia +dysphagic +dysphasia +dysphasic +dysphemia +dysphonia +dysphonic +dysphoria +dysphoric +dysphotic +dysphrasia +dysphrenia +dyspituitarism +dysplasia +dysplastic +dyspnea +dyspneal +dyspneic +dyspnoic +dysprosia +dysprosium +dysraphia +dyssnite +Dyssodia +dysspermatism +dyssynergia +dyssystole +dystaxia +dystectic +dysteleological +dysteleologist +dysteleology +dysthyroidism +dystocia +dystocial +dystome +dystomic +dystomous +dystrophia +dystrophic +dystrophy +dysuria +dysuric +dysyntribite +dytiscid +Dytiscidae +Dytiscus +dzeren +Dzungar +E +e +ea +each +eachwhere +eager +eagerly +eagerness +eagle +eaglelike +eagless +eaglestone +eaglet +eaglewood +eagre +ean +ear +earache +earbob +earcap +earcockle +eardrop +eardropper +eardrum +eared +earflower +earful +earhole +earing +earjewel +Earl +earl +earlap +earldom +Earle +earless +earlet +earlike +earliness +earlish +earlock +earlship +early +earmark +earn +earner +earnest +earnestly +earnestness +earnful +Earnie +earning +earnings +earphone +earpick +earpiece +earplug +earreach +earring +earringed +earscrew +earshot +earsore +earsplitting +eartab +earth +earthboard +earthborn +earthbred +earthdrake +earthed +earthen +earthenhearted +earthenware +earthfall +earthfast +earthgall +earthgrubber +earthian +earthiness +earthkin +earthless +earthlight +earthlike +earthliness +earthling +earthly +earthmaker +earthmaking +earthnut +earthpea +earthquake +earthquaked +earthquaken +earthquaking +Earthshaker +earthshine +earthshock +earthslide +earthsmoke +earthstar +earthtongue +earthwall +earthward +earthwards +earthwork +earthworm +earthy +earwax +earwig +earwigginess +earwiggy +earwitness +earworm +earwort +ease +easeful +easefully +easefulness +easel +easeless +easement +easer +easier +easiest +easily +easiness +easing +east +eastabout +eastbound +Easter +easter +easterling +easterly +Eastern +eastern +easterner +Easternism +Easternly +easternmost +Eastertide +easting +Eastlake +eastland +eastmost +Eastre +eastward +eastwardly +easy +easygoing +easygoingness +eat +eatability +eatable +eatableness +eatage +Eatanswill +eatberry +eaten +eater +eatery +eating +eats +eave +eaved +eavedrop +eaver +eaves +eavesdrop +eavesdropper +eavesdropping +ebb +ebbman +Eben +Ebenaceae +ebenaceous +Ebenales +ebeneous +Ebenezer +Eberthella +Ebionism +Ebionite +Ebionitic +Ebionitism +Ebionize +Eboe +eboe +ebon +ebonist +ebonite +ebonize +ebony +ebracteate +ebracteolate +ebriate +ebriety +ebriosity +ebrious +ebriously +ebullate +ebullience +ebulliency +ebullient +ebulliently +ebulliometer +ebullioscope +ebullioscopic +ebullioscopy +ebullition +ebullitive +ebulus +eburated +eburine +Eburna +eburnated +eburnation +eburnean +eburneoid +eburneous +eburnian +eburnification +ecad +ecalcarate +ecanda +ecardinal +Ecardines +ecarinate +ecarte +Ecaudata +ecaudate +Ecballium +ecbatic +ecblastesis +ecbole +ecbolic +Ecca +eccaleobion +eccentrate +eccentric +eccentrical +eccentrically +eccentricity +eccentring +eccentrometer +ecchondroma +ecchondrosis +ecchondrotome +ecchymoma +ecchymose +ecchymosis +ecclesia +ecclesial +ecclesiarch +ecclesiarchy +ecclesiast +Ecclesiastes +ecclesiastic +ecclesiastical +ecclesiastically +ecclesiasticism +ecclesiasticize +ecclesiastics +Ecclesiasticus +ecclesiastry +ecclesioclastic +ecclesiography +ecclesiolater +ecclesiolatry +ecclesiologic +ecclesiological +ecclesiologically +ecclesiologist +ecclesiology +ecclesiophobia +eccoprotic +eccoproticophoric +eccrinology +eccrisis +eccritic +eccyclema +eccyesis +ecdemic +ecdemite +ecderon +ecderonic +ecdysiast +ecdysis +ecesic +ecesis +ecgonine +eche +echea +echelette +echelon +echelonment +Echeloot +Echeneidae +echeneidid +Echeneididae +echeneidoid +Echeneis +Echeveria +echidna +Echidnidae +Echimys +Echinacea +echinal +echinate +echinid +Echinidea +echinital +echinite +Echinocactus +Echinocaris +Echinocereus +Echinochloa +echinochrome +echinococcus +Echinoderes +Echinoderidae +echinoderm +Echinoderma +echinodermal +Echinodermata +echinodermatous +echinodermic +Echinodorus +echinoid +Echinoidea +echinologist +echinology +Echinomys +Echinopanax +Echinops +echinopsine +Echinorhinidae +Echinorhinus +Echinorhynchus +Echinospermum +Echinosphaerites +Echinosphaeritidae +Echinostoma +Echinostomatidae +echinostome +echinostomiasis +Echinozoa +echinulate +echinulated +echinulation +echinuliform +echinus +Echis +echitamine +Echites +Echium +echiurid +Echiurida +echiuroid +Echiuroidea +Echiurus +echo +echoer +echoic +echoingly +echoism +echoist +echoize +echolalia +echolalic +echoless +echometer +echopractic +echopraxia +echowise +Echuca +eciliate +Eciton +ecize +Eckehart +ecklein +eclair +eclampsia +eclamptic +eclat +eclectic +eclectical +eclectically +eclecticism +eclecticize +Eclectics +eclectism +eclectist +eclegm +eclegma +eclipsable +eclipsareon +eclipsation +eclipse +eclipser +eclipsis +ecliptic +ecliptical +ecliptically +eclogite +eclogue +eclosion +ecmnesia +ecoid +ecole +ecologic +ecological +ecologically +ecologist +ecology +econometer +econometric +econometrician +econometrics +economic +economical +economically +economics +economism +economist +Economite +economization +economize +economizer +economy +ecophene +ecophobia +ecorticate +ecospecies +ecospecific +ecospecifically +ecostate +ecosystem +ecotonal +ecotone +ecotype +ecotypic +ecotypically +ecphonesis +ecphorable +ecphore +ecphoria +ecphorization +ecphorize +ecphrasis +ecrasite +ecru +ecrustaceous +ecstasis +ecstasize +ecstasy +ecstatic +ecstatica +ecstatical +ecstatically +ecstaticize +ecstrophy +ectad +ectadenia +ectal +ectally +ectasia +ectasis +ectatic +ectene +ectental +ectepicondylar +ectethmoid +ectethmoidal +Ecthesis +ecthetically +ecthlipsis +ecthyma +ectiris +ectobatic +ectoblast +ectoblastic +ectobronchium +ectocardia +Ectocarpaceae +ectocarpaceous +Ectocarpales +ectocarpic +ectocarpous +Ectocarpus +ectocinerea +ectocinereal +ectocoelic +ectocondylar +ectocondyle +ectocondyloid +ectocornea +ectocranial +ectocuneiform +ectocuniform +ectocyst +ectodactylism +ectoderm +ectodermal +ectodermic +ectodermoidal +ectodermosis +ectodynamomorphic +ectoentad +ectoenzyme +ectoethmoid +ectogenesis +ectogenic +ectogenous +ectoglia +Ectognatha +ectolecithal +ectoloph +ectomere +ectomeric +ectomesoblast +ectomorph +ectomorphic +ectomorphy +ectonephridium +ectoparasite +ectoparasitic +Ectoparasitica +ectopatagium +ectophloic +ectophyte +ectophytic +ectopia +ectopic +Ectopistes +ectoplacenta +ectoplasm +ectoplasmatic +ectoplasmic +ectoplastic +ectoplasy +Ectoprocta +ectoproctan +ectoproctous +ectopterygoid +ectopy +ectoretina +ectorganism +ectorhinal +ectosarc +ectosarcous +ectoskeleton +ectosomal +ectosome +ectosphenoid +ectosphenotic +ectosphere +ectosteal +ectosteally +ectostosis +ectotheca +ectotoxin +Ectotrophi +ectotrophic +ectozoa +ectozoan +ectozoic +ectozoon +ectrodactylia +ectrodactylism +ectrodactyly +ectrogenic +ectrogeny +ectromelia +ectromelian +ectromelic +ectromelus +ectropion +ectropium +ectropometer +ectrosyndactyly +ectypal +ectype +ectypography +Ecuadoran +Ecuadorian +ecuelling +ecumenic +ecumenical +ecumenicalism +ecumenicality +ecumenically +ecumenicity +ecyphellate +eczema +eczematization +eczematoid +eczematosis +eczematous +Ed +edacious +edaciously +edaciousness +edacity +Edana +edaphic +edaphology +edaphon +Edaphosauria +Edaphosaurus +Edda +Eddaic +edder +Eddic +Eddie +eddish +eddo +Eddy +eddy +eddyroot +edea +edeagra +edeitis +edelweiss +edema +edematous +edemic +Eden +Edenic +edenite +Edenization +Edenize +edental +edentalous +Edentata +edentate +edentulate +edentulous +edeodynia +edeology +edeomania +edeoscopy +edeotomy +Edessan +edestan +edestin +Edestosaurus +Edgar +edge +edgebone +edged +edgeless +edgemaker +edgemaking +edgeman +edger +edgerman +edgeshot +edgestone +edgeways +edgeweed +edgewise +edginess +edging +edgingly +edgrew +edgy +edh +edibility +edible +edibleness +edict +edictal +edictally +edicule +edificable +edification +edificator +edificatory +edifice +edificial +edifier +edify +edifying +edifyingly +edifyingness +edingtonite +edit +edital +Edith +edition +editor +editorial +editorialize +editorially +editorship +editress +Ediya +Edmond +Edmund +Edna +Edo +Edomite +Edomitish +Edoni +Edriasteroidea +Edrioasteroid +Edrioasteroidea +Edriophthalma +edriophthalmatous +edriophthalmian +edriophthalmic +edriophthalmous +Eduardo +Educabilia +educabilian +educability +educable +educand +educatable +educate +educated +educatee +education +educationable +educational +educationalism +educationalist +educationally +educationary +educationist +educative +educator +educatory +educatress +educe +educement +educible +educive +educt +eduction +eductive +eductor +edulcorate +edulcoration +edulcorative +edulcorator +Eduskunta +Edward +Edwardean +Edwardeanism +Edwardian +Edwardine +Edwardsia +Edwardsiidae +Edwin +Edwina +eegrass +eel +eelboat +eelbob +eelbobber +eelcake +eelcatcher +eeler +eelery +eelfare +eelfish +eelgrass +eellike +eelpot +eelpout +eelshop +eelskin +eelspear +eelware +eelworm +eely +eer +eerie +eerily +eeriness +eerisome +effable +efface +effaceable +effacement +effacer +effect +effecter +effectful +effectible +effective +effectively +effectiveness +effectivity +effectless +effector +effects +effectual +effectuality +effectualize +effectually +effectualness +effectuate +effectuation +effeminacy +effeminate +effeminately +effeminateness +effemination +effeminatize +effeminization +effeminize +effendi +efferent +effervesce +effervescence +effervescency +effervescent +effervescible +effervescingly +effervescive +effete +effeteness +effetman +efficacious +efficaciously +efficaciousness +efficacity +efficacy +efficience +efficiency +efficient +efficiently +Effie +effigial +effigiate +effigiation +effigurate +effiguration +effigy +efflate +efflation +effloresce +efflorescence +efflorescency +efflorescent +efflower +effluence +effluency +effluent +effluvia +effluvial +effluviate +effluviography +effluvious +effluvium +efflux +effluxion +effodient +Effodientia +efform +efformation +efformative +effort +effortful +effortless +effortlessly +effossion +effraction +effranchise +effranchisement +effrontery +effulge +effulgence +effulgent +effulgently +effund +effuse +effusiometer +effusion +effusive +effusively +effusiveness +Efik +eflagelliferous +efoliolate +efoliose +efoveolate +eft +eftest +eftsoons +egad +egalitarian +egalitarianism +egality +Egba +Egbert +Egbo +egence +egeran +Egeria +egest +egesta +egestion +egestive +egg +eggberry +eggcup +eggcupful +eggeater +egger +eggfish +eggfruit +egghead +egghot +egging +eggler +eggless +egglike +eggnog +eggplant +eggshell +eggy +egilops +egipto +Eglamore +eglandular +eglandulose +eglantine +eglatere +eglestonite +egma +ego +egocentric +egocentricity +egocentrism +Egocerus +egohood +egoism +egoist +egoistic +egoistical +egoistically +egoity +egoize +egoizer +egol +egolatrous +egomania +egomaniac +egomaniacal +egomism +egophonic +egophony +egosyntonic +egotheism +egotism +egotist +egotistic +egotistical +egotistically +egotize +egregious +egregiously +egregiousness +egress +egression +egressive +egressor +egret +Egretta +egrimony +egueiite +egurgitate +eguttulate +Egypt +Egyptian +Egyptianism +Egyptianization +Egyptianize +Egyptize +Egyptologer +Egyptologic +Egyptological +Egyptologist +Egyptology +eh +Ehatisaht +eheu +ehlite +Ehretia +Ehretiaceae +ehrwaldite +ehuawa +eichbergite +Eichhornia +eichwaldite +eicosane +eident +eidently +eider +eidetic +eidograph +eidolic +eidolism +eidology +eidolology +eidolon +eidoptometry +eidouranion +eigenfunction +eigenvalue +eight +eighteen +eighteenfold +eighteenmo +eighteenth +eighteenthly +eightfoil +eightfold +eighth +eighthly +eightieth +eightling +eightpenny +eightscore +eightsman +eightsome +eighty +eightyfold +eigne +Eikonogen +eikonology +Eileen +Eimak +eimer +Eimeria +einkorn +Einsteinian +Eireannach +Eirene +eiresione +eisegesis +eisegetical +eisodic +eisteddfod +eisteddfodic +eisteddfodism +either +ejaculate +ejaculation +ejaculative +ejaculator +ejaculatory +Ejam +eject +ejecta +ejectable +ejection +ejective +ejectively +ejectivity +ejectment +ejector +ejicient +ejoo +ekaboron +ekacaesium +ekaha +ekamanganese +ekasilicon +ekatantalum +eke +ekebergite +eker +ekerite +eking +ekka +Ekoi +ekphore +Ekron +Ekronite +ektene +ektenes +ektodynamorphic +el +elaborate +elaborately +elaborateness +elaboration +elaborative +elaborator +elaboratory +elabrate +Elachista +Elachistaceae +elachistaceous +Elaeagnaceae +elaeagnaceous +Elaeagnus +Elaeis +elaeoblast +elaeoblastic +Elaeocarpaceae +elaeocarpaceous +Elaeocarpus +Elaeococca +Elaeodendron +elaeodochon +elaeomargaric +elaeometer +elaeoptene +elaeosaccharum +elaeothesium +elaidate +elaidic +elaidin +elaidinic +elain +Elaine +elaine +elaioleucite +elaioplast +elaiosome +Elamite +Elamitic +Elamitish +elance +eland +elanet +Elanus +Elaphe +Elaphebolion +elaphine +Elaphodus +Elaphoglossum +Elaphomyces +Elaphomycetaceae +Elaphrium +elaphure +elaphurine +Elaphurus +elapid +Elapidae +Elapinae +elapine +elapoid +Elaps +elapse +Elapsoidea +elasmobranch +elasmobranchian +elasmobranchiate +Elasmobranchii +elasmosaur +Elasmosaurus +elasmothere +Elasmotherium +elastance +elastic +elastica +elastically +elastician +elasticin +elasticity +elasticize +elasticizer +elasticness +elastin +elastivity +elastomer +elastomeric +elastometer +elastometry +elastose +elatcha +elate +elated +elatedly +elatedness +elater +elaterid +Elateridae +elaterin +elaterite +elaterium +elateroid +Elatha +Elatinaceae +elatinaceous +Elatine +elation +elative +elator +elatrometer +elb +Elbert +Elberta +elbow +elbowboard +elbowbush +elbowchair +elbowed +elbower +elbowpiece +elbowroom +elbowy +elcaja +elchee +eld +elder +elderberry +elderbrotherhood +elderbrotherish +elderbrotherly +elderbush +elderhood +elderliness +elderly +elderman +eldership +eldersisterly +elderwoman +elderwood +elderwort +eldest +eldin +elding +Eldred +eldress +eldritch +Elean +Eleanor +Eleatic +Eleaticism +Eleazar +elecampane +elect +electable +electee +electicism +election +electionary +electioneer +electioneerer +elective +electively +electiveness +electivism +electivity +electly +elector +electoral +electorally +electorate +electorial +electorship +Electra +electragist +electragy +electralize +electrepeter +electress +electret +electric +electrical +electricalize +electrically +electricalness +electrician +electricity +electricize +electrics +electriferous +electrifiable +electrification +electrifier +electrify +electrion +electrionic +electrizable +electrization +electrize +electrizer +electro +electroacoustic +electroaffinity +electroamalgamation +electroanalysis +electroanalytic +electroanalytical +electroanesthesia +electroballistic +electroballistics +electrobath +electrobiological +electrobiologist +electrobiology +electrobioscopy +electroblasting +electrobrasser +electrobus +electrocapillarity +electrocapillary +electrocardiogram +electrocardiograph +electrocardiographic +electrocardiography +electrocatalysis +electrocatalytic +electrocataphoresis +electrocataphoretic +electrocauterization +electrocautery +electroceramic +electrochemical +electrochemically +electrochemist +electrochemistry +electrochronograph +electrochronographic +electrochronometer +electrochronometric +electrocoagulation +electrocoating +electrocolloidal +electrocontractility +electrocorticogram +electroculture +electrocute +electrocution +electrocutional +electrocutioner +electrocystoscope +electrode +electrodeless +electrodentistry +electrodeposit +electrodepositable +electrodeposition +electrodepositor +electrodesiccate +electrodesiccation +electrodiagnosis +electrodialysis +electrodialyze +electrodialyzer +electrodiplomatic +electrodispersive +electrodissolution +electrodynamic +electrodynamical +electrodynamics +electrodynamism +electrodynamometer +electroencephalogram +electroencephalograph +electroencephalography +electroendosmose +electroendosmosis +electroendosmotic +electroengrave +electroengraving +electroergometer +electroetching +electroethereal +electroextraction +electroform +electroforming +electrofuse +electrofused +electrofusion +electrogalvanic +electrogalvanize +electrogenesis +electrogenetic +electrogild +electrogilding +electrogilt +electrograph +electrographic +electrographite +electrography +electroharmonic +electrohemostasis +electrohomeopathy +electrohorticulture +electrohydraulic +electroimpulse +electroindustrial +electroionic +electroirrigation +electrokinematics +electrokinetic +electrokinetics +electrolier +electrolithotrity +electrologic +electrological +electrologist +electrology +electroluminescence +electroluminescent +electrolysis +electrolyte +electrolytic +electrolytical +electrolytically +electrolyzability +electrolyzable +electrolyzation +electrolyze +electrolyzer +electromagnet +electromagnetic +electromagnetical +electromagnetically +electromagnetics +electromagnetism +electromagnetist +electromassage +electromechanical +electromechanics +electromedical +electromer +electromeric +electromerism +electrometallurgical +electrometallurgist +electrometallurgy +electrometer +electrometric +electrometrical +electrometrically +electrometry +electromobile +electromobilism +electromotion +electromotive +electromotivity +electromotograph +electromotor +electromuscular +electromyographic +electron +electronarcosis +electronegative +electronervous +electronic +electronics +electronographic +electrooptic +electrooptical +electrooptically +electrooptics +electroosmosis +electroosmotic +electroosmotically +electrootiatrics +electropathic +electropathology +electropathy +electropercussive +electrophobia +electrophone +electrophore +electrophoresis +electrophoretic +electrophoric +Electrophoridae +electrophorus +electrophotometer +electrophotometry +electrophototherapy +electrophrenic +electrophysics +electrophysiological +electrophysiologist +electrophysiology +electropism +electroplate +electroplater +electroplating +electroplax +electropneumatic +electropneumatically +electropoion +electropolar +electropositive +electropotential +electropower +electropsychrometer +electropult +electropuncturation +electropuncture +electropuncturing +electropyrometer +electroreceptive +electroreduction +electrorefine +electroscission +electroscope +electroscopic +electrosherardizing +electroshock +electrosmosis +electrostatic +electrostatical +electrostatically +electrostatics +electrosteel +electrostenolysis +electrostenolytic +electrostereotype +electrostriction +electrosurgery +electrosurgical +electrosynthesis +electrosynthetic +electrosynthetically +electrotactic +electrotautomerism +electrotaxis +electrotechnic +electrotechnical +electrotechnician +electrotechnics +electrotechnology +electrotelegraphic +electrotelegraphy +electrotelethermometer +electrotellurograph +electrotest +electrothanasia +electrothanatosis +electrotherapeutic +electrotherapeutical +electrotherapeutics +electrotherapeutist +electrotherapist +electrotherapy +electrothermal +electrothermancy +electrothermic +electrothermics +electrothermometer +electrothermostat +electrothermostatic +electrothermotic +electrotitration +electrotonic +electrotonicity +electrotonize +electrotonus +electrotrephine +electrotropic +electrotropism +electrotype +electrotyper +electrotypic +electrotyping +electrotypist +electrotypy +electrovalence +electrovalency +electrovection +electroviscous +electrovital +electrowin +electrum +electuary +eleemosynarily +eleemosynariness +eleemosynary +elegance +elegancy +elegant +elegantly +elegiac +elegiacal +elegiambic +elegiambus +elegiast +elegist +elegit +elegize +elegy +eleidin +element +elemental +elementalism +elementalist +elementalistic +elementalistically +elementality +elementalize +elementally +elementarily +elementariness +elementary +elementoid +elemi +elemicin +elemin +elench +elenchi +elenchic +elenchical +elenchically +elenchize +elenchtic +elenchtical +elenctic +elenge +eleoblast +Eleocharis +eleolite +eleomargaric +eleometer +eleonorite +eleoptene +eleostearate +eleostearic +elephant +elephanta +elephantiac +elephantiasic +elephantiasis +elephantic +elephanticide +Elephantidae +elephantine +elephantlike +elephantoid +elephantoidal +Elephantopus +elephantous +elephantry +Elephas +Elettaria +Eleusine +Eleusinia +Eleusinian +Eleusinion +Eleut +eleutherarch +Eleutheri +Eleutheria +Eleutherian +Eleutherios +eleutherism +eleutherodactyl +Eleutherodactyli +Eleutherodactylus +eleutheromania +eleutheromaniac +eleutheromorph +eleutheropetalous +eleutherophyllous +eleutherosepalous +Eleutherozoa +eleutherozoan +elevate +elevated +elevatedly +elevatedness +elevating +elevatingly +elevation +elevational +elevator +elevatory +eleven +elevener +elevenfold +eleventh +eleventhly +elevon +elf +elfenfolk +elfhood +elfic +elfin +elfinwood +elfish +elfishly +elfishness +elfkin +elfland +elflike +elflock +elfship +elfwife +elfwort +Eli +Elia +Elian +Elianic +Elias +eliasite +elicit +elicitable +elicitate +elicitation +elicitor +elicitory +elide +elidible +eligibility +eligible +eligibleness +eligibly +Elihu +Elijah +eliminable +eliminand +eliminant +eliminate +elimination +eliminative +eliminator +eliminatory +Elinor +Elinvar +Eliot +Eliphalet +eliquate +eliquation +Elisabeth +Elisha +Elishah +elision +elisor +Elissa +elite +elixir +Eliza +Elizabeth +Elizabethan +Elizabethanism +Elizabethanize +elk +Elkanah +Elkdom +Elkesaite +elkhorn +elkhound +Elkoshite +elkslip +Elkuma +elkwood +ell +Ella +ellachick +ellagate +ellagic +ellagitannin +Ellasar +elle +elleck +Ellen +ellenyard +Ellerian +ellfish +Ellice +Ellick +Elliot +Elliott +ellipse +ellipses +ellipsis +ellipsograph +ellipsoid +ellipsoidal +ellipsone +ellipsonic +elliptic +elliptical +elliptically +ellipticalness +ellipticity +elliptograph +elliptoid +ellops +ellwand +elm +Elmer +elmy +Eloah +elocular +elocute +elocution +elocutionary +elocutioner +elocutionist +elocutionize +elod +Elodea +Elodeaceae +Elodes +eloge +elogium +Elohim +Elohimic +Elohism +Elohist +Elohistic +eloign +eloigner +eloignment +Eloise +Elon +elongate +elongated +elongation +elongative +Elonite +elope +elopement +eloper +Elopidae +elops +eloquence +eloquent +eloquential +eloquently +eloquentness +Elotherium +elotillo +elpasolite +elpidite +Elric +els +Elsa +else +elsehow +elsewards +elseways +elsewhen +elsewhere +elsewheres +elsewhither +elsewise +Elsholtzia +elsin +elt +eluate +elucidate +elucidation +elucidative +elucidator +elucidatory +elucubrate +elucubration +elude +eluder +elusion +elusive +elusively +elusiveness +elusoriness +elusory +elute +elution +elutor +elutriate +elutriation +elutriator +eluvial +eluviate +eluviation +eluvium +elvan +elvanite +elvanitic +elver +elves +elvet +Elvira +Elvis +elvish +elvishly +Elwood +elydoric +Elymi +Elymus +Elysee +Elysia +elysia +Elysian +Elysiidae +Elysium +elytral +elytriferous +elytriform +elytrigerous +elytrin +elytrocele +elytroclasia +elytroid +elytron +elytroplastic +elytropolypus +elytroposis +elytrorhagia +elytrorrhagia +elytrorrhaphy +elytrostenosis +elytrotomy +elytrous +elytrum +Elzevir +Elzevirian +Em +em +emaciate +emaciation +emajagua +emanant +emanate +emanation +emanational +emanationism +emanationist +emanatism +emanatist +emanatistic +emanativ +emanative +emanatively +emanator +emanatory +emancipate +emancipation +emancipationist +emancipatist +emancipative +emancipator +emancipatory +emancipatress +emancipist +emandibulate +emanium +emarcid +emarginate +emarginately +emargination +Emarginula +emasculate +emasculation +emasculative +emasculator +emasculatory +Embadomonas +emball +emballonurid +Emballonuridae +emballonurine +embalm +embalmer +embalmment +embank +embankment +embannered +embar +embargo +embargoist +embark +embarkation +embarkment +embarras +embarrass +embarrassed +embarrassedly +embarrassing +embarrassingly +embarrassment +embarrel +embassage +embassy +embastioned +embathe +embatholithic +embattle +embattled +embattlement +embay +embayment +Embden +embed +embedment +embeggar +Embelia +embelic +embellish +embellisher +embellishment +ember +embergoose +Emberiza +emberizidae +Emberizinae +emberizine +embezzle +embezzlement +embezzler +Embiidae +Embiidina +embind +Embiodea +Embioptera +embiotocid +Embiotocidae +embiotocoid +embira +embitter +embitterer +embitterment +emblaze +emblazer +emblazon +emblazoner +emblazonment +emblazonry +emblem +emblema +emblematic +emblematical +emblematically +emblematicalness +emblematicize +emblematist +emblematize +emblematology +emblement +emblemist +emblemize +emblemology +emblic +emblossom +embodier +embodiment +embody +embog +emboitement +embolden +emboldener +embole +embolectomy +embolemia +embolic +emboliform +embolism +embolismic +embolismus +embolite +embolium +embolize +embolo +embololalia +Embolomeri +embolomerism +embolomerous +embolomycotic +embolum +embolus +emboly +emborder +emboscata +embosom +emboss +embossage +embosser +embossing +embossman +embossment +embosture +embottle +embouchure +embound +embow +embowed +embowel +emboweler +embowelment +embower +embowerment +embowment +embox +embrace +embraceable +embraceably +embracement +embraceor +embracer +embracery +embracing +embracingly +embracingness +embracive +embrail +embranchment +embrangle +embranglement +embrasure +embreathe +embreathement +Embrica +embright +embrittle +embrittlement +embroaden +embrocate +embrocation +embroider +embroiderer +embroideress +embroidery +embroil +embroiler +embroilment +embronze +embrown +embryectomy +embryo +embryocardia +embryoctonic +embryoctony +embryoferous +embryogenesis +embryogenetic +embryogenic +embryogeny +embryogony +embryographer +embryographic +embryography +embryoid +embryoism +embryologic +embryological +embryologically +embryologist +embryology +embryoma +embryon +embryonal +embryonary +embryonate +embryonated +embryonic +embryonically +embryoniferous +embryoniform +embryony +embryopathology +embryophagous +embryophore +Embryophyta +embryophyte +embryoplastic +embryoscope +embryoscopic +embryotega +embryotic +embryotome +embryotomy +embryotrophic +embryotrophy +embryous +embryulcia +embryulcus +embubble +embuia +embus +embusk +embuskin +emcee +eme +emeer +emeership +Emeline +emend +emendable +emendandum +emendate +emendation +emendator +emendatory +emender +emerald +emeraldine +emeraude +emerge +emergence +emergency +emergent +emergently +emergentness +Emerita +emerited +emeritus +emerize +emerse +emersed +emersion +Emersonian +Emersonianism +Emery +emery +Emesa +Emesidae +emesis +emetatrophia +emetic +emetically +emetine +emetocathartic +emetology +emetomorphine +emgalla +emication +emiction +emictory +emigrant +emigrate +emigration +emigrational +emigrationist +emigrative +emigrator +emigratory +emigree +Emil +Emilia +Emily +Emim +eminence +eminency +eminent +eminently +emir +emirate +emirship +emissarium +emissary +emissaryship +emissile +emission +emissive +emissivity +emit +emittent +emitter +Emm +Emma +emma +Emmanuel +emmarble +emmarvel +emmenagogic +emmenagogue +emmenic +emmeniopathy +emmenology +emmensite +Emmental +emmer +emmergoose +emmet +emmetrope +emmetropia +emmetropic +emmetropism +emmetropy +Emmett +emodin +emollescence +emolliate +emollient +emoloa +emolument +emolumental +emolumentary +emote +emotion +emotionable +emotional +emotionalism +emotionalist +emotionality +emotionalization +emotionalize +emotionally +emotioned +emotionist +emotionize +emotionless +emotionlessness +emotive +emotively +emotiveness +emotivity +empacket +empaistic +empall +empanel +empanelment +empanoply +empaper +emparadise +emparchment +empark +empasm +empathic +empathically +empathize +empathy +Empedoclean +empeirema +Empeo +emperor +emperorship +empery +Empetraceae +empetraceous +Empetrum +emphases +emphasis +emphasize +emphatic +emphatical +emphatically +emphaticalness +emphlysis +emphractic +emphraxis +emphysema +emphysematous +emphyteusis +emphyteuta +emphyteutic +empicture +Empididae +Empidonax +empiecement +Empire +empire +empirema +empiric +empirical +empiricalness +empiricism +empiricist +empirics +empiriocritcism +empiriocritical +empiriological +empirism +empiristic +emplace +emplacement +emplane +emplastic +emplastration +emplastrum +emplectite +empleomania +employ +employability +employable +employed +employee +employer +employless +employment +emplume +empocket +empodium +empoison +empoisonment +emporetic +emporeutic +emporia +emporial +emporium +empower +empowerment +empress +emprise +emprosthotonic +emprosthotonos +emprosthotonus +empt +emptier +emptily +emptiness +emptings +emptins +emption +emptional +emptor +empty +emptyhearted +emptysis +empurple +Empusa +empyema +empyemic +empyesis +empyocele +empyreal +empyrean +empyreuma +empyreumatic +empyreumatical +empyreumatize +empyromancy +emu +emulable +emulant +emulate +emulation +emulative +emulatively +emulator +emulatory +emulatress +emulgence +emulgent +emulous +emulously +emulousness +emulsibility +emulsible +emulsifiability +emulsifiable +emulsification +emulsifier +emulsify +emulsin +emulsion +emulsionize +emulsive +emulsoid +emulsor +emunctory +emundation +emyd +Emydea +emydian +Emydidae +Emydinae +Emydosauria +emydosaurian +Emys +en +enable +enablement +enabler +enact +enactable +enaction +enactive +enactment +enactor +enactory +enaena +enage +Enajim +enalid +Enaliornis +enaliosaur +Enaliosauria +enaliosaurian +enallachrome +enallage +enaluron +enam +enamber +enambush +enamdar +enamel +enameler +enameling +enamelist +enamelless +enamellist +enameloma +enamelware +enamor +enamorato +enamored +enamoredness +enamorment +enamourment +enanguish +enanthem +enanthema +enanthematous +enanthesis +enantiobiosis +enantioblastic +enantioblastous +enantiomer +enantiomeride +enantiomorph +enantiomorphic +enantiomorphism +enantiomorphous +enantiomorphously +enantiomorphy +enantiopathia +enantiopathic +enantiopathy +enantiosis +enantiotropic +enantiotropy +enantobiosis +enapt +enarbor +enarbour +enarch +enarched +enargite +enarm +enarme +enarthrodia +enarthrodial +enarthrosis +enate +enatic +enation +enbrave +encaenia +encage +encake +encalendar +encallow +encamp +encampment +encanker +encanthis +encapsulate +encapsulation +encapsule +encarditis +encarnadine +encarnalize +encarpium +encarpus +encase +encasement +encash +encashable +encashment +encasserole +encastage +encatarrhaphy +encauma +encaustes +encaustic +encaustically +encave +encefalon +Encelia +encell +encenter +encephala +encephalalgia +Encephalartos +encephalasthenia +encephalic +encephalin +encephalitic +encephalitis +encephalocele +encephalocoele +encephalodialysis +encephalogram +encephalograph +encephalography +encephaloid +encephalolith +encephalology +encephaloma +encephalomalacia +encephalomalacosis +encephalomalaxis +encephalomeningitis +encephalomeningocele +encephalomere +encephalomeric +encephalometer +encephalometric +encephalomyelitis +encephalomyelopathy +encephalon +encephalonarcosis +encephalopathia +encephalopathic +encephalopathy +encephalophyma +encephalopsychesis +encephalopyosis +encephalorrhagia +encephalosclerosis +encephaloscope +encephaloscopy +encephalosepsis +encephalospinal +encephalothlipsis +encephalotome +encephalotomy +encephalous +enchain +enchainment +enchair +enchalice +enchannel +enchant +enchanter +enchanting +enchantingly +enchantingness +enchantment +enchantress +encharge +encharnel +enchase +enchaser +enchasten +Enchelycephali +enchequer +enchest +enchilada +enchiridion +Enchodontid +Enchodontidae +Enchodontoid +Enchodus +enchondroma +enchondromatous +enchondrosis +enchorial +enchurch +enchylema +enchylematous +enchymatous +enchytrae +enchytraeid +Enchytraeidae +Enchytraeus +encina +encinal +encincture +encinder +encinillo +encipher +encircle +encirclement +encircler +encist +encitadel +enclaret +enclasp +enclave +enclavement +enclisis +enclitic +enclitical +enclitically +encloak +encloister +enclose +encloser +enclosure +enclothe +encloud +encoach +encode +encoffin +encoignure +encoil +encolden +encollar +encolor +encolpion +encolumn +encomendero +encomia +encomiast +encomiastic +encomiastical +encomiastically +encomic +encomienda +encomiologic +encomium +encommon +encompass +encompasser +encompassment +encoop +encorbelment +encore +encoronal +encoronate +encoronet +encounter +encounterable +encounterer +encourage +encouragement +encourager +encouraging +encouragingly +encowl +encraal +encradle +encranial +encratic +Encratism +Encratite +encraty +encreel +encrimson +encrinal +encrinic +Encrinidae +encrinidae +encrinital +encrinite +encrinitic +encrinitical +encrinoid +Encrinoidea +Encrinus +encrisp +encroach +encroacher +encroachingly +encroachment +encrotchet +encrown +encrownment +encrust +encrustment +encrypt +encryption +encuirassed +encumber +encumberer +encumberingly +encumberment +encumbrance +encumbrancer +encup +encurl +encurtain +encushion +encyclic +encyclical +encyclopedia +encyclopediac +encyclopediacal +encyclopedial +encyclopedian +encyclopediast +encyclopedic +encyclopedically +encyclopedism +encyclopedist +encyclopedize +encyrtid +Encyrtidae +encyst +encystation +encystment +end +endable +endamage +endamageable +endamagement +endamask +endameba +endamebic +Endamoeba +endamoebiasis +endamoebic +Endamoebidae +endanger +endangerer +endangerment +endangium +endaortic +endaortitis +endarch +endarchy +endarterial +endarteritis +endarterium +endaspidean +endaze +endboard +endbrain +endear +endearance +endeared +endearedly +endearedness +endearing +endearingly +endearingness +endearment +endeavor +endeavorer +ended +endeictic +endellionite +endemial +endemic +endemically +endemicity +endemiological +endemiology +endemism +endenizen +ender +endere +endermatic +endermic +endermically +enderon +enderonic +endevil +endew +endgate +endiadem +endiaper +ending +endite +endive +endless +endlessly +endlessness +endlichite +endlong +endmatcher +endmost +endoabdominal +endoangiitis +endoaortitis +endoappendicitis +endoarteritis +endoauscultation +endobatholithic +endobiotic +endoblast +endoblastic +endobronchial +endobronchially +endobronchitis +endocannibalism +endocardiac +endocardial +endocarditic +endocarditis +endocardium +endocarp +endocarpal +endocarpic +endocarpoid +endocellular +endocentric +Endoceras +Endoceratidae +endoceratite +endoceratitic +endocervical +endocervicitis +endochondral +endochorion +endochorionic +endochrome +endochylous +endoclinal +endocline +endocoelar +endocoele +endocoeliac +endocolitis +endocolpitis +endocondensation +endocone +endoconidium +endocorpuscular +endocortex +endocranial +endocranium +endocrinal +endocrine +endocrinic +endocrinism +endocrinological +endocrinologist +endocrinology +endocrinopathic +endocrinopathy +endocrinotherapy +endocrinous +endocritic +endocycle +endocyclic +endocyemate +endocyst +endocystitis +endoderm +endodermal +endodermic +endodermis +endodontia +endodontic +endodontist +endodynamomorphic +endoenteritis +endoenzyme +endoesophagitis +endofaradism +endogalvanism +endogamic +endogamous +endogamy +endogastric +endogastrically +endogastritis +endogen +Endogenae +endogenesis +endogenetic +endogenic +endogenous +endogenously +endogeny +endoglobular +endognath +endognathal +endognathion +endogonidium +endointoxication +endokaryogamy +endolabyrinthitis +endolaryngeal +endolemma +endolumbar +endolymph +endolymphangial +endolymphatic +endolymphic +endolysin +endomastoiditis +endome +endomesoderm +endometrial +endometritis +endometrium +endometry +endomitosis +endomitotic +endomixis +endomorph +endomorphic +endomorphism +endomorphy +Endomyces +Endomycetaceae +endomysial +endomysium +endoneurial +endoneurium +endonuclear +endonucleolus +endoparasite +endoparasitic +Endoparasitica +endopathic +endopelvic +endopericarditis +endoperidial +endoperidium +endoperitonitis +endophagous +endophagy +endophasia +endophasic +endophlebitis +endophragm +endophragmal +Endophyllaceae +endophyllous +Endophyllum +endophytal +endophyte +endophytic +endophytically +endophytous +endoplasm +endoplasma +endoplasmic +endoplast +endoplastron +endoplastular +endoplastule +endopleura +endopleural +endopleurite +endopleuritic +endopod +endopodite +endopoditic +endoproct +Endoprocta +endoproctous +endopsychic +Endopterygota +endopterygote +endopterygotic +endopterygotism +endopterygotous +endorachis +endoral +endore +endorhinitis +endorsable +endorsation +endorse +endorsed +endorsee +endorsement +endorser +endorsingly +endosalpingitis +endosarc +endosarcode +endosarcous +endosclerite +endoscope +endoscopic +endoscopy +endosecretory +endosepsis +endosiphon +endosiphonal +endosiphonate +endosiphuncle +endoskeletal +endoskeleton +endosmometer +endosmometric +endosmosic +endosmosis +endosmotic +endosmotically +endosome +endosperm +endospermic +endospore +endosporium +endosporous +endoss +endosteal +endosteally +endosteitis +endosteoma +endosternite +endosternum +endosteum +endostitis +endostoma +endostome +endostosis +endostracal +endostracum +endostylar +endostyle +endostylic +endotheca +endothecal +endothecate +endothecial +endothecium +endothelia +endothelial +endothelioblastoma +endotheliocyte +endothelioid +endotheliolysin +endotheliolytic +endothelioma +endotheliomyoma +endotheliomyxoma +endotheliotoxin +endothelium +endothermal +endothermic +endothermous +endothermy +Endothia +endothoracic +endothorax +Endothrix +endothys +endotoxic +endotoxin +endotoxoid +endotracheitis +endotrachelitis +Endotrophi +endotrophic +endotys +endovaccination +endovasculitis +endovenous +endow +endower +endowment +endozoa +endpiece +Endromididae +Endromis +endue +enduement +endungeon +endura +endurability +endurable +endurableness +endurably +endurance +endurant +endure +endurer +enduring +enduringly +enduringness +endways +endwise +endyma +endymal +Endymion +endysis +Eneas +eneclann +enema +enemy +enemylike +enemyship +enepidermic +energeia +energesis +energetic +energetical +energetically +energeticalness +energeticist +energetics +energetistic +energic +energical +energid +energism +energist +energize +energizer +energumen +energumenon +energy +enervate +enervation +enervative +enervator +eneuch +eneugh +enface +enfacement +enfamous +enfasten +enfatico +enfeature +enfeeble +enfeeblement +enfeebler +enfelon +enfeoff +enfeoffment +enfester +enfetter +enfever +enfigure +enfilade +enfilading +enfile +enfiled +enflagellate +enflagellation +enflesh +enfleurage +enflower +enfoil +enfold +enfolden +enfolder +enfoldment +enfonced +enforce +enforceability +enforceable +enforced +enforcedly +enforcement +enforcer +enforcibility +enforcible +enforcingly +enfork +enfoul +enframe +enframement +enfranchisable +enfranchise +enfranchisement +enfranchiser +enfree +enfrenzy +enfuddle +enfurrow +engage +engaged +engagedly +engagedness +engagement +engager +engaging +engagingly +engagingness +engaol +engarb +engarble +engarland +engarment +engarrison +engastrimyth +engastrimythic +engaud +engaze +Engelmannia +engem +engender +engenderer +engenderment +engerminate +enghosted +engild +engine +engineer +engineering +engineership +enginehouse +engineless +enginelike +engineman +enginery +enginous +engird +engirdle +engirt +engjateigur +englacial +englacially +englad +engladden +Englander +Engler +Englerophoenix +Englifier +Englify +English +Englishable +Englisher +Englishhood +Englishism +Englishize +Englishly +Englishman +Englishness +Englishry +Englishwoman +englobe +englobement +engloom +englory +englut +englyn +engnessang +engobe +engold +engolden +engore +engorge +engorgement +engouled +engrace +engraff +engraft +engraftation +engrafter +engraftment +engrail +engrailed +engrailment +engrain +engrained +engrainedly +engrainer +engram +engramma +engrammatic +engrammic +engrandize +engrandizement +engraphia +engraphic +engraphically +engraphy +engrapple +engrasp +Engraulidae +Engraulis +engrave +engraved +engravement +engraver +engraving +engreen +engrieve +engroove +engross +engrossed +engrossedly +engrosser +engrossing +engrossingly +engrossingness +engrossment +enguard +engulf +engulfment +engyscope +engysseismology +Engystomatidae +enhallow +enhalo +enhamper +enhance +enhanced +enhancement +enhancer +enhancive +enharmonic +enharmonical +enharmonically +enhat +enhaunt +enhearse +enheart +enhearten +enhedge +enhelm +enhemospore +enherit +enheritage +enheritance +enhorror +enhunger +enhusk +Enhydra +Enhydrinae +Enhydris +enhydrite +enhydritic +enhydros +enhydrous +enhypostasia +enhypostasis +enhypostatic +enhypostatize +eniac +Enicuridae +Enid +Enif +enigma +enigmatic +enigmatical +enigmatically +enigmaticalness +enigmatist +enigmatization +enigmatize +enigmatographer +enigmatography +enigmatology +enisle +enjail +enjamb +enjambed +enjambment +enjelly +enjeopard +enjeopardy +enjewel +enjoin +enjoinder +enjoiner +enjoinment +enjoy +enjoyable +enjoyableness +enjoyably +enjoyer +enjoying +enjoyingly +enjoyment +enkerchief +enkernel +Enki +Enkidu +enkindle +enkindler +enkraal +enlace +enlacement +enlard +enlarge +enlargeable +enlargeableness +enlarged +enlargedly +enlargedness +enlargement +enlarger +enlarging +enlargingly +enlaurel +enleaf +enleague +enlevement +enlief +enlife +enlight +enlighten +enlightened +enlightenedly +enlightenedness +enlightener +enlightening +enlighteningly +enlightenment +enlink +enlinkment +enlist +enlisted +enlister +enlistment +enliven +enlivener +enlivening +enliveningly +enlivenment +enlock +enlodge +enlodgement +enmarble +enmask +enmass +enmesh +enmeshment +enmist +enmity +enmoss +enmuffle +enneacontahedral +enneacontahedron +ennead +enneadianome +enneadic +enneagon +enneagynous +enneahedral +enneahedria +enneahedron +enneapetalous +enneaphyllous +enneasemic +enneasepalous +enneaspermous +enneastyle +enneastylos +enneasyllabic +enneateric +enneatic +enneatical +ennerve +enniche +ennoble +ennoblement +ennobler +ennobling +ennoblingly +ennoic +ennomic +ennui +Enoch +Enochic +enocyte +enodal +enodally +enoil +enol +enolate +enolic +enolizable +enolization +enolize +enomania +enomaniac +enomotarch +enomoty +enophthalmos +enophthalmus +Enopla +enoplan +enoptromancy +enorganic +enorm +enormity +enormous +enormously +enormousness +Enos +enostosis +enough +enounce +enouncement +enow +enphytotic +enplane +enquicken +enquire +enquirer +enquiry +enrace +enrage +enraged +enragedly +enragement +enrange +enrank +enrapt +enrapture +enrapturer +enravish +enravishingly +enravishment +enray +enregiment +enregister +enregistration +enregistry +enrib +enrich +enricher +enriching +enrichingly +enrichment +enring +enrive +enrobe +enrobement +enrober +enrockment +enrol +enroll +enrolled +enrollee +enroller +enrollment +enrolment +enroot +enrough +enruin +enrut +ens +ensaffron +ensaint +ensample +ensand +ensandal +ensanguine +ensate +enscene +ensconce +enscroll +ensculpture +ense +enseam +enseat +enseem +ensellure +ensemble +ensepulcher +ensepulchre +enseraph +enserf +ensete +enshade +enshadow +enshawl +ensheathe +enshell +enshelter +enshield +enshrine +enshrinement +enshroud +Ensiferi +ensiform +ensign +ensigncy +ensignhood +ensignment +ensignry +ensignship +ensilage +ensilate +ensilation +ensile +ensilist +ensilver +ensisternum +ensky +enslave +enslavedness +enslavement +enslaver +ensmall +ensnare +ensnarement +ensnarer +ensnaring +ensnaringly +ensnarl +ensnow +ensorcelize +ensorcell +ensoul +enspell +ensphere +enspirit +enstamp +enstar +enstate +enstatite +enstatitic +enstatolite +ensteel +enstool +enstore +enstrengthen +ensuable +ensuance +ensuant +ensue +ensuer +ensuingly +ensulphur +ensure +ensurer +enswathe +enswathement +ensweep +entablature +entablatured +entablement +entach +entad +Entada +entail +entailable +entailer +entailment +ental +entame +Entamoeba +entamoebiasis +entamoebic +entangle +entangled +entangledly +entangledness +entanglement +entangler +entangling +entanglingly +entapophysial +entapophysis +entarthrotic +entasia +entasis +entelam +entelechy +entellus +Entelodon +entelodont +entempest +entemple +entente +Ententophil +entepicondylar +enter +enterable +enteraden +enteradenographic +enteradenography +enteradenological +enteradenology +enteral +enteralgia +enterate +enterauxe +enterclose +enterectomy +enterer +entergogenic +enteria +enteric +entericoid +entering +enteritidis +enteritis +entermete +enteroanastomosis +enterobiliary +enterocele +enterocentesis +enterochirurgia +enterochlorophyll +enterocholecystostomy +enterocinesia +enterocinetic +enterocleisis +enteroclisis +enteroclysis +Enterocoela +enterocoele +enterocoelic +enterocoelous +enterocolitis +enterocolostomy +enterocrinin +enterocyst +enterocystoma +enterodynia +enteroepiplocele +enterogastritis +enterogastrone +enterogenous +enterogram +enterograph +enterography +enterohelcosis +enterohemorrhage +enterohepatitis +enterohydrocele +enteroid +enterointestinal +enteroischiocele +enterokinase +enterokinesia +enterokinetic +enterolith +enterolithiasis +Enterolobium +enterology +enteromegalia +enteromegaly +enteromere +enteromesenteric +Enteromorpha +enteromycosis +enteromyiasis +enteron +enteroneuritis +enteroparalysis +enteroparesis +enteropathy +enteropexia +enteropexy +enterophthisis +enteroplasty +enteroplegia +enteropneust +Enteropneusta +enteropneustan +enteroptosis +enteroptotic +enterorrhagia +enterorrhaphy +enterorrhea +enteroscope +enterosepsis +enterospasm +enterostasis +enterostenosis +enterostomy +enterosyphilis +enterotome +enterotomy +enterotoxemia +enterotoxication +enterozoa +enterozoan +enterozoic +enterprise +enterpriseless +enterpriser +enterprising +enterprisingly +enterritoriality +entertain +entertainable +entertainer +entertaining +entertainingly +entertainingness +entertainment +enthalpy +entheal +enthelmintha +enthelminthes +enthelminthic +enthetic +enthral +enthraldom +enthrall +enthralldom +enthraller +enthralling +enthrallingly +enthrallment +enthralment +enthrone +enthronement +enthronization +enthronize +enthuse +enthusiasm +enthusiast +enthusiastic +enthusiastical +enthusiastically +enthusiastly +enthymematic +enthymematical +enthymeme +entia +entice +enticeable +enticeful +enticement +enticer +enticing +enticingly +enticingness +entifical +entification +entify +entincture +entire +entirely +entireness +entirety +entiris +entitative +entitatively +entitle +entitlement +entity +entoblast +entoblastic +entobranchiate +entobronchium +entocalcaneal +entocarotid +entocele +entocnemial +entocoele +entocoelic +entocondylar +entocondyle +entocondyloid +entocone +entoconid +entocornea +entocranial +entocuneiform +entocuniform +entocyemate +entocyst +entoderm +entodermal +entodermic +entogastric +entogenous +entoglossal +entohyal +entoil +entoilment +Entoloma +entomb +entombment +entomere +entomeric +entomic +entomical +entomion +entomogenous +entomoid +entomologic +entomological +entomologically +entomologist +entomologize +entomology +Entomophaga +entomophagan +entomophagous +Entomophila +entomophilous +entomophily +Entomophthora +Entomophthoraceae +entomophthoraceous +Entomophthorales +entomophthorous +entomophytous +Entomosporium +Entomostraca +entomostracan +entomostracous +entomotaxy +entomotomist +entomotomy +entone +entonement +entoolitic +entoparasite +entoparasitic +entoperipheral +entophytal +entophyte +entophytic +entophytically +entophytous +entopic +entopical +entoplasm +entoplastic +entoplastral +entoplastron +entopopliteal +Entoprocta +entoproctous +entopterygoid +entoptic +entoptical +entoptically +entoptics +entoptoscope +entoptoscopic +entoptoscopy +entoretina +entorganism +entosarc +entosclerite +entosphenal +entosphenoid +entosphere +entosternal +entosternite +entosternum +entothorax +entotic +Entotrophi +entotympanic +entourage +entozoa +entozoal +entozoan +entozoarian +entozoic +entozoological +entozoologically +entozoologist +entozoology +entozoon +entracte +entrail +entrails +entrain +entrainer +entrainment +entrammel +entrance +entrancedly +entrancement +entranceway +entrancing +entrancingly +entrant +entrap +entrapment +entrapper +entrappingly +entreasure +entreat +entreating +entreatingly +entreatment +entreaty +entree +entremets +entrench +entrenchment +entrepas +entrepot +entrepreneur +entrepreneurial +entrepreneurship +entresol +entrochite +entrochus +entropion +entropionize +entropium +entropy +entrough +entrust +entrustment +entry +entryman +entryway +enturret +entwine +entwinement +entwist +Entyloma +enucleate +enucleation +enucleator +Enukki +enumerable +enumerate +enumeration +enumerative +enumerator +enunciability +enunciable +enunciate +enunciation +enunciative +enunciatively +enunciator +enunciatory +enure +enuresis +enuretic +enurny +envapor +envapour +envassal +envassalage +envault +enveil +envelop +envelope +enveloper +envelopment +envenom +envenomation +enverdure +envermeil +enviable +enviableness +enviably +envied +envier +envineyard +envious +enviously +enviousness +environ +environage +environal +environic +environment +environmental +environmentalism +environmentalist +environmentally +environs +envisage +envisagement +envision +envolume +envoy +envoyship +envy +envying +envyingly +enwallow +enwiden +enwind +enwisen +enwoman +enwomb +enwood +enworthed +enwound +enwrap +enwrapment +enwreathe +enwrite +enwrought +enzone +enzootic +enzooty +enzym +enzymatic +enzyme +enzymic +enzymically +enzymologist +enzymology +enzymolysis +enzymolytic +enzymosis +enzymotic +eoan +Eoanthropus +Eocarboniferous +Eocene +Eodevonian +Eogaea +Eogaean +Eoghanacht +Eohippus +eolation +eolith +eolithic +Eomecon +eon +eonism +Eopalaeozoic +Eopaleozoic +eophyte +eophytic +eophyton +eorhyolite +eosate +Eosaurus +eoside +eosin +eosinate +eosinic +eosinoblast +eosinophile +eosinophilia +eosinophilic +eosinophilous +eosphorite +Eozoic +eozoon +eozoonal +epacmaic +epacme +epacrid +Epacridaceae +epacridaceous +Epacris +epact +epactal +epagoge +epagogic +epagomenae +epagomenal +epagomenic +epagomenous +epaleaceous +epalpate +epanadiplosis +Epanagoge +epanalepsis +epanaleptic +epanaphora +epanaphoral +epanastrophe +epanisognathism +epanisognathous +epanodos +epanody +Epanorthidae +epanorthosis +epanorthotic +epanthous +epapillate +epappose +eparch +eparchate +Eparchean +eparchial +eparchy +eparcuale +eparterial +epaule +epaulement +epaulet +epauleted +epauletted +epauliere +epaxial +epaxially +epedaphic +epee +epeeist +Epeira +epeiric +epeirid +Epeiridae +epeirogenesis +epeirogenetic +epeirogenic +epeirogeny +epeisodion +epembryonic +epencephal +epencephalic +epencephalon +ependyma +ependymal +ependyme +ependymitis +ependymoma +ependytes +epenthesis +epenthesize +epenthetic +epephragmal +epepophysial +epepophysis +epergne +eperotesis +Eperua +epexegesis +epexegetic +epexegetical +epexegetically +epha +ephah +epharmonic +epharmony +ephebe +ephebeion +ephebeum +ephebic +ephebos +ephebus +ephectic +Ephedra +Ephedraceae +ephedrine +ephelcystic +ephelis +Ephemera +ephemera +ephemerae +ephemeral +ephemerality +ephemerally +ephemeralness +ephemeran +ephemerid +Ephemerida +Ephemeridae +ephemerides +ephemeris +ephemerist +ephemeromorph +ephemeromorphic +ephemeron +Ephemeroptera +ephemerous +Ephesian +Ephesine +ephetae +ephete +ephetic +ephialtes +ephidrosis +ephippial +ephippium +ephod +ephor +ephoral +ephoralty +ephorate +ephoric +ephorship +ephorus +ephphatha +Ephraim +Ephraimite +Ephraimitic +Ephraimitish +Ephraitic +Ephrathite +Ephthalite +Ephthianura +ephthianure +Ephydra +ephydriad +ephydrid +Ephydridae +ephymnium +ephyra +ephyrula +epibasal +Epibaterium +epibatholithic +epibenthic +epibenthos +epiblast +epiblastema +epiblastic +epiblema +epibole +epibolic +epibolism +epiboly +epiboulangerite +epibranchial +epic +epical +epically +epicalyx +epicanthic +epicanthus +epicardia +epicardiac +epicardial +epicardium +epicarid +epicaridan +Epicaridea +Epicarides +epicarp +Epicauta +epicede +epicedial +epicedian +epicedium +epicele +epicene +epicenism +epicenity +epicenter +epicentral +epicentrum +Epiceratodus +epicerebral +epicheirema +epichil +epichile +epichilium +epichindrotic +epichirema +epichondrosis +epichordal +epichorial +epichoric +epichorion +epichoristic +Epichristian +epicism +epicist +epiclastic +epicleidian +epicleidium +epiclesis +epiclidal +epiclinal +epicly +epicnemial +Epicoela +epicoelar +epicoele +epicoelia +epicoeliac +epicoelian +epicoeloma +epicoelous +epicolic +epicondylar +epicondyle +epicondylian +epicondylic +epicontinental +epicoracohumeral +epicoracoid +epicoracoidal +epicormic +epicorolline +epicortical +epicostal +epicotyl +epicotyleal +epicotyledonary +epicranial +epicranium +epicranius +Epicrates +epicrisis +epicritic +epicrystalline +Epictetian +epicure +Epicurean +Epicureanism +epicurish +epicurishly +Epicurism +Epicurize +epicycle +epicyclic +epicyclical +epicycloid +epicycloidal +epicyemate +epicyesis +epicystotomy +epicyte +epideictic +epideictical +epideistic +epidemic +epidemical +epidemically +epidemicalness +epidemicity +epidemiographist +epidemiography +epidemiological +epidemiologist +epidemiology +epidemy +epidendral +epidendric +Epidendron +Epidendrum +epiderm +epiderma +epidermal +epidermatic +epidermatoid +epidermatous +epidermic +epidermical +epidermically +epidermidalization +epidermis +epidermization +epidermoid +epidermoidal +epidermolysis +epidermomycosis +Epidermophyton +epidermophytosis +epidermose +epidermous +epidesmine +epidialogue +epidiascope +epidiascopic +epidictic +epidictical +epididymal +epididymectomy +epididymis +epididymite +epididymitis +epididymodeferentectomy +epididymodeferential +epididymovasostomy +epidiorite +epidiorthosis +epidosite +epidote +epidotic +epidotiferous +epidotization +epidural +epidymides +epifascial +epifocal +epifolliculitis +Epigaea +epigamic +epigaster +epigastraeum +epigastral +epigastrial +epigastric +epigastrical +epigastriocele +epigastrium +epigastrocele +epigeal +epigean +epigeic +epigene +epigenesis +epigenesist +epigenetic +epigenetically +epigenic +epigenist +epigenous +epigeous +epiglottal +epiglottic +epiglottidean +epiglottiditis +epiglottis +epiglottitis +epignathous +epigonal +epigonation +epigone +Epigoni +epigonic +Epigonichthyidae +Epigonichthys +epigonium +epigonos +epigonous +Epigonus +epigram +epigrammatic +epigrammatical +epigrammatically +epigrammatism +epigrammatist +epigrammatize +epigrammatizer +epigraph +epigrapher +epigraphic +epigraphical +epigraphically +epigraphist +epigraphy +epiguanine +epigyne +epigynous +epigynum +epigyny +Epihippus +epihyal +epihydric +epihydrinic +epikeia +epiklesis +Epikouros +epilabrum +Epilachna +Epilachnides +epilamellar +epilaryngeal +epilate +epilation +epilatory +epilegomenon +epilemma +epilemmal +epilepsy +epileptic +epileptically +epileptiform +epileptogenic +epileptogenous +epileptoid +epileptologist +epileptology +epilimnion +epilobe +Epilobiaceae +Epilobium +epilogation +epilogic +epilogical +epilogist +epilogistic +epilogize +epilogue +Epimachinae +epimacus +epimandibular +epimanikia +Epimedium +Epimenidean +epimer +epimeral +epimere +epimeric +epimeride +epimerite +epimeritic +epimeron +epimerum +epimorphic +epimorphosis +epimysium +epimyth +epinaos +epinastic +epinastically +epinasty +epineolithic +Epinephelidae +Epinephelus +epinephrine +epinette +epineural +epineurial +epineurium +epinglette +epinicial +epinician +epinicion +epinine +epiopticon +epiotic +Epipactis +epipaleolithic +epiparasite +epiparodos +epipastic +epiperipheral +epipetalous +epiphanous +Epiphany +epipharyngeal +epipharynx +Epiphegus +epiphenomenal +epiphenomenalism +epiphenomenalist +epiphenomenon +epiphloedal +epiphloedic +epiphloeum +epiphonema +epiphora +epiphragm +epiphylline +epiphyllous +Epiphyllum +epiphysary +epiphyseal +epiphyseolysis +epiphysial +epiphysis +epiphysitis +epiphytal +epiphyte +epiphytic +epiphytical +epiphytically +epiphytism +epiphytology +epiphytotic +epiphytous +epipial +epiplankton +epiplanktonic +epiplasm +epiplasmic +epiplastral +epiplastron +epiplectic +epipleura +epipleural +epiplexis +epiploce +epiplocele +epiploic +epiploitis +epiploon +epiplopexy +epipodial +epipodiale +epipodite +epipoditic +epipodium +epipolic +epipolism +epipolize +epiprecoracoid +Epipsychidion +epipteric +epipterous +epipterygoid +epipubic +epipubis +epirhizous +epirogenic +epirogeny +Epirote +Epirotic +epirotulian +epirrhema +epirrhematic +epirrheme +episarcine +episcenium +episclera +episcleral +episcleritis +episcopable +episcopacy +Episcopal +episcopal +episcopalian +Episcopalianism +Episcopalianize +episcopalism +episcopality +Episcopally +episcopally +episcopate +episcopature +episcope +episcopicide +episcopization +episcopize +episcopolatry +episcotister +episematic +episepalous +episiocele +episiohematoma +episioplasty +episiorrhagia +episiorrhaphy +episiostenosis +episiotomy +episkeletal +episkotister +episodal +episode +episodial +episodic +episodical +episodically +epispadiac +epispadias +epispastic +episperm +epispermic +epispinal +episplenitis +episporangium +epispore +episporium +epistapedial +epistasis +epistatic +epistaxis +epistemic +epistemolog +epistemological +epistemologically +epistemologist +epistemology +epistemonic +epistemonical +epistemophilia +epistemophiliac +epistemophilic +episternal +episternalia +episternite +episternum +epistilbite +epistlar +epistle +epistler +epistolarian +epistolarily +epistolary +epistolatory +epistoler +epistolet +epistolic +epistolical +epistolist +epistolizable +epistolization +epistolize +epistolizer +epistolographer +epistolographic +epistolographist +epistolography +epistoma +epistomal +epistome +epistomian +epistroma +epistrophe +epistropheal +epistropheus +epistrophic +epistrophy +epistylar +epistyle +Epistylis +episyllogism +episynaloephe +episynthetic +episyntheton +epitactic +epitaph +epitapher +epitaphial +epitaphian +epitaphic +epitaphical +epitaphist +epitaphize +epitaphless +epitasis +epitela +epitendineum +epitenon +epithalamia +epithalamial +epithalamiast +epithalamic +epithalamion +epithalamium +epithalamize +epithalamus +epithalamy +epithalline +epitheca +epithecal +epithecate +epithecium +epithelia +epithelial +epithelioblastoma +epithelioceptor +epitheliogenetic +epithelioglandular +epithelioid +epitheliolysin +epitheliolysis +epitheliolytic +epithelioma +epitheliomatous +epitheliomuscular +epitheliosis +epitheliotoxin +epithelium +epithelization +epithelize +epitheloid +epithem +epithesis +epithet +epithetic +epithetical +epithetically +epithetician +epithetize +epitheton +epithumetic +epithyme +epithymetic +epithymetical +epitimesis +epitoke +epitomator +epitomatory +epitome +epitomic +epitomical +epitomically +epitomist +epitomization +epitomize +epitomizer +epitonic +Epitoniidae +epitonion +Epitonium +epitoxoid +epitrachelion +epitrichial +epitrichium +epitrite +epitritic +epitrochlea +epitrochlear +epitrochoid +epitrochoidal +epitrope +epitrophic +epitrophy +epituberculosis +epituberculous +epitympanic +epitympanum +epityphlitis +epityphlon +epiural +epivalve +epixylous +epizeuxis +Epizoa +epizoa +epizoal +epizoan +epizoarian +epizoic +epizoicide +epizoon +epizootic +epizootiology +epoch +epocha +epochal +epochally +epochism +epochist +epode +epodic +epollicate +Epomophorus +eponychium +eponym +eponymic +eponymism +eponymist +eponymize +eponymous +eponymus +eponymy +epoophoron +epopee +epopoean +epopoeia +epopoeist +epopt +epoptes +epoptic +epoptist +epornitic +epornitically +epos +Eppie +Eppy +Eproboscidea +epruinose +epsilon +Epsom +epsomite +Eptatretidae +Eptatretus +epulary +epulation +epulis +epulo +epuloid +epulosis +epulotic +epupillate +epural +epurate +epuration +epyllion +equability +equable +equableness +equably +equaeval +equal +equalable +equaling +equalist +equalitarian +equalitarianism +equality +equalization +equalize +equalizer +equalizing +equalling +equally +equalness +equangular +equanimity +equanimous +equanimously +equanimousness +equant +equatable +equate +equation +equational +equationally +equationism +equationist +equator +equatorial +equatorially +equatorward +equatorwards +equerry +equerryship +equestrial +equestrian +equestrianism +equestrianize +equestrianship +equestrienne +equianchorate +equiangle +equiangular +equiangularity +equianharmonic +equiarticulate +equiatomic +equiaxed +equiaxial +equibalance +equibiradiate +equicellular +equichangeable +equicohesive +equiconvex +equicostate +equicrural +equicurve +equid +equidense +equidensity +equidiagonal +equidifferent +equidimensional +equidistance +equidistant +equidistantial +equidistantly +equidistribution +equidiurnal +equidivision +equidominant +equidurable +equielliptical +equiexcellency +equiform +equiformal +equiformity +equiglacial +equigranular +equijacent +equilateral +equilaterally +equilibrant +equilibrate +equilibration +equilibrative +equilibrator +equilibratory +equilibria +equilibrial +equilibriate +equilibrio +equilibrious +equilibrist +equilibristat +equilibristic +equilibrity +equilibrium +equilibrize +equilobate +equilobed +equilocation +equilucent +equimodal +equimolar +equimolecular +equimomental +equimultiple +equinate +equine +equinecessary +equinely +equinia +equinity +equinoctial +equinoctially +equinovarus +equinox +equinumerally +equinus +equiomnipotent +equip +equipaga +equipage +equiparant +equiparate +equiparation +equipartile +equipartisan +equipartition +equiped +equipedal +equiperiodic +equipluve +equipment +equipoise +equipollence +equipollency +equipollent +equipollently +equipollentness +equiponderance +equiponderancy +equiponderant +equiponderate +equiponderation +equipostile +equipotent +equipotential +equipotentiality +equipper +equiprobabilism +equiprobabilist +equiprobability +equiproducing +equiproportional +equiproportionality +equiradial +equiradiate +equiradical +equirotal +equisegmented +Equisetaceae +equisetaceous +Equisetales +equisetic +Equisetum +equisided +equisignal +equisized +equison +equisonance +equisonant +equispaced +equispatial +equisufficiency +equisurface +equitable +equitableness +equitably +equitangential +equitant +equitation +equitative +equitemporal +equitemporaneous +equites +equitist +equitriangular +equity +equivalence +equivalenced +equivalency +equivalent +equivalently +equivaliant +equivalue +equivaluer +equivalve +equivalved +equivalvular +equivelocity +equivocacy +equivocal +equivocality +equivocally +equivocalness +equivocate +equivocatingly +equivocation +equivocator +equivocatory +equivoluminal +equivoque +equivorous +equivote +equoid +equoidean +equuleus +Equus +er +era +erade +eradiate +eradiation +eradicable +eradicant +eradicate +eradication +eradicative +eradicator +eradicatory +eradiculose +Eragrostis +eral +eranist +Eranthemum +Eranthis +erasable +erase +erased +erasement +eraser +erasion +Erasmian +Erasmus +Erastian +Erastianism +Erastianize +Erastus +erasure +Erava +erbia +erbium +erd +erdvark +ere +Erechtheum +Erechtheus +Erechtites +erect +erectable +erecter +erectile +erectility +erecting +erection +erective +erectly +erectness +erectopatent +erector +erelong +eremacausis +Eremian +eremic +eremital +eremite +eremiteship +eremitic +eremitical +eremitish +eremitism +Eremochaeta +eremochaetous +eremology +eremophyte +Eremopteris +Eremurus +erenach +erenow +erepsin +erept +ereptase +ereptic +ereption +erethic +erethisia +erethism +erethismic +erethistic +erethitic +Erethizon +Erethizontidae +Eretrian +erewhile +erewhiles +erg +ergal +ergamine +Ergane +ergasia +ergasterion +ergastic +ergastoplasm +ergastoplasmic +ergastulum +ergatandromorph +ergatandromorphic +ergatandrous +ergatandry +ergates +ergatocracy +ergatocrat +ergatogyne +ergatogynous +ergatogyny +ergatoid +ergatomorph +ergatomorphic +ergatomorphism +ergmeter +ergodic +ergogram +ergograph +ergographic +ergoism +ergology +ergomaniac +ergometer +ergometric +ergometrine +ergon +ergonovine +ergophile +ergophobia +ergophobiac +ergoplasm +ergostat +ergosterin +ergosterol +ergot +ergotamine +ergotaminine +ergoted +ergothioneine +ergotic +ergotin +ergotinine +ergotism +ergotist +ergotization +ergotize +ergotoxin +ergotoxine +ergusia +eria +Erian +Erianthus +Eric +eric +Erica +Ericaceae +ericaceous +ericad +erical +Ericales +ericetal +ericeticolous +ericetum +erichthus +erichtoid +ericineous +ericius +Erick +ericoid +ericolin +ericophyte +Eridanid +Erie +Erigenia +Erigeron +erigible +Eriglossa +eriglossate +Erik +erika +erikite +Erinaceidae +erinaceous +Erinaceus +erineum +erinite +Erinize +erinose +Eriobotrya +Eriocaulaceae +eriocaulaceous +Eriocaulon +Eriocomi +Eriodendron +Eriodictyon +erioglaucine +Eriogonum +eriometer +erionite +Eriophorum +Eriophyes +Eriophyidae +eriophyllous +Eriosoma +Eriphyle +Eristalis +eristic +eristical +eristically +Erithacus +Eritrean +erizo +erlking +Erma +Ermanaric +Ermani +Ermanrich +ermelin +ermine +ermined +erminee +ermines +erminites +erminois +erne +Ernest +Ernestine +Ernie +Ernst +erode +eroded +erodent +erodible +Erodium +erogeneity +erogenesis +erogenetic +erogenic +erogenous +erogeny +Eros +eros +erose +erosely +erosible +erosion +erosional +erosionist +erosive +erostrate +eroteme +erotesis +erotetic +erotic +erotica +erotical +erotically +eroticism +eroticize +eroticomania +erotism +erotogenesis +erotogenetic +erotogenic +erotogenicity +erotomania +erotomaniac +erotopath +erotopathic +erotopathy +Erotylidae +Erpetoichthys +erpetologist +err +errability +errable +errableness +errabund +errancy +errand +errant +Errantia +errantly +errantness +errantry +errata +erratic +erratical +erratically +erraticalness +erraticism +erraticness +erratum +errhine +erring +erringly +errite +erroneous +erroneously +erroneousness +error +errorful +errorist +errorless +ers +Ersar +ersatz +Erse +Ertebolle +erth +erthen +erthling +erthly +erubescence +erubescent +erubescite +eruc +Eruca +eruca +erucic +eruciform +erucin +erucivorous +eruct +eructance +eructation +eructative +eruction +erudit +erudite +eruditely +eruditeness +eruditical +erudition +eruditional +eruditionist +erugate +erugation +erugatory +erumpent +erupt +eruption +eruptional +eruptive +eruptively +eruptiveness +eruptivity +ervenholder +Ervipiame +Ervum +Erwin +Erwinia +eryhtrism +Erymanthian +Eryngium +eryngo +Eryon +Eryops +Erysibe +Erysimum +erysipelas +erysipelatoid +erysipelatous +erysipeloid +Erysipelothrix +erysipelous +Erysiphaceae +Erysiphe +Erythea +erythema +erythematic +erythematous +erythemic +Erythraea +Erythraean +Erythraeidae +erythrasma +erythrean +erythremia +erythremomelalgia +erythrene +erythrin +Erythrina +erythrine +Erythrinidae +Erythrinus +erythrismal +erythristic +erythrite +erythritic +erythritol +erythroblast +erythroblastic +erythroblastosis +erythrocarpous +erythrocatalysis +Erythrochaete +erythrochroic +erythrochroism +erythroclasis +erythroclastic +erythrocyte +erythrocytic +erythrocytoblast +erythrocytolysin +erythrocytolysis +erythrocytolytic +erythrocytometer +erythrocytorrhexis +erythrocytoschisis +erythrocytosis +erythrodegenerative +erythrodermia +erythrodextrin +erythrogenesis +erythrogenic +erythroglucin +erythrogonium +erythroid +erythrol +erythrolein +erythrolitmin +erythrolysin +erythrolysis +erythrolytic +erythromelalgia +erythron +erythroneocytosis +Erythronium +erythronium +erythropenia +erythrophage +erythrophagous +erythrophilous +erythrophleine +erythrophobia +erythrophore +erythrophyll +erythrophyllin +erythropia +erythroplastid +erythropoiesis +erythropoietic +erythropsia +erythropsin +erythrorrhexis +erythroscope +erythrose +erythrosiderite +erythrosin +erythrosinophile +erythrosis +Erythroxylaceae +erythroxylaceous +erythroxyline +Erythroxylon +Erythroxylum +erythrozincite +erythrozyme +erythrulose +Eryx +es +esca +escadrille +escalade +escalader +escalado +escalan +escalate +Escalator +escalator +escalin +Escallonia +Escalloniaceae +escalloniaceous +escalop +escaloped +escambio +escambron +escapable +escapade +escapage +escape +escapee +escapeful +escapeless +escapement +escaper +escapingly +escapism +escapist +escarbuncle +escargatoire +escarole +escarp +escarpment +eschalot +eschar +eschara +escharine +escharoid +escharotic +eschatocol +eschatological +eschatologist +eschatology +escheat +escheatable +escheatage +escheatment +escheator +escheatorship +Escherichia +eschew +eschewal +eschewance +eschewer +Eschscholtzia +eschynite +esclavage +escoba +escobadura +escobilla +escobita +escolar +esconson +escopette +Escorial +escort +escortage +escortee +escortment +escribe +escritoire +escritorial +escrol +escropulo +escrow +escruage +escudo +Esculapian +esculent +esculetin +esculin +escutcheon +escutcheoned +escutellate +esdragol +Esdras +Esebrias +esemplastic +esemplasy +eseptate +esere +eserine +esexual +eshin +esiphonal +esker +Eskimauan +Eskimo +Eskimoic +Eskimoid +Eskimoized +Eskualdun +Eskuara +Esmeralda +Esmeraldan +esmeraldite +esne +esoanhydride +esocataphoria +Esocidae +esociform +esocyclic +esodic +esoenteritis +esoethmoiditis +esogastritis +esonarthex +esoneural +esophagal +esophagalgia +esophageal +esophagean +esophagectasia +esophagectomy +esophagi +esophagism +esophagismus +esophagitis +esophago +esophagocele +esophagodynia +esophagogastroscopy +esophagogastrostomy +esophagomalacia +esophagometer +esophagomycosis +esophagopathy +esophagoplasty +esophagoplegia +esophagoplication +esophagoptosis +esophagorrhagia +esophagoscope +esophagoscopy +esophagospasm +esophagostenosis +esophagostomy +esophagotome +esophagotomy +esophagus +esophoria +esophoric +Esopus +esoteric +esoterica +esoterical +esoterically +esotericism +esotericist +esoterics +esoterism +esoterist +esoterize +esotery +esothyropexy +esotrope +esotropia +esotropic +Esox +espacement +espadon +espalier +espantoon +esparcet +esparsette +esparto +espathate +espave +especial +especially +especialness +esperance +Esperantic +Esperantidist +Esperantido +Esperantism +Esperantist +Esperanto +espial +espichellite +espier +espinal +espingole +espinillo +espino +espionage +esplanade +esplees +esponton +espousal +espouse +espousement +espouser +Espriella +espringal +espundia +espy +esquamate +esquamulose +Esquiline +esquire +esquirearchy +esquiredom +esquireship +ess +essang +essay +essayer +essayette +essayical +essayish +essayism +essayist +essayistic +essayistical +essaylet +essed +Essedones +Esselen +Esselenian +essence +essency +Essene +Essenian +Essenianism +Essenic +Essenical +Essenis +Essenism +Essenize +essentia +essential +essentialism +essentialist +essentiality +essentialize +essentially +essentialness +essenwood +Essex +essexite +Essie +essling +essoin +essoinee +essoiner +essoinment +essonite +essorant +establish +establishable +established +establisher +establishment +establishmentarian +establishmentarianism +establishmentism +estacade +estadal +estadio +estado +estafette +estafetted +estamene +estamp +estampage +estampede +estampedero +estate +estatesman +esteem +esteemable +esteemer +Estella +ester +esterase +esterellite +esteriferous +esterification +esterify +esterization +esterize +esterlin +esterling +estevin +Esth +Esthacyte +esthematology +Esther +Estheria +estherian +Estheriidae +esthesia +esthesio +esthesioblast +esthesiogen +esthesiogenic +esthesiogeny +esthesiography +esthesiology +esthesiometer +esthesiometric +esthesiometry +esthesioneurosis +esthesiophysiology +esthesis +esthetology +esthetophore +esthiomene +estimable +estimableness +estimably +estimate +estimatingly +estimation +estimative +estimator +estipulate +estivage +estival +estivate +estivation +estivator +estmark +estoc +estoile +Estonian +estop +estoppage +estoppel +Estotiland +estovers +estrade +estradiol +estradiot +estragole +estrange +estrangedness +estrangement +estranger +estrapade +estray +estre +estreat +estrepe +estrepement +estriate +estriche +estrin +estriol +estrogen +estrogenic +estrone +estrous +estrual +estruate +estruation +estuarial +estuarine +estuary +estufa +estuous +estus +esugarization +esurience +esurient +esuriently +eta +etaballi +etacism +etacist +etalon +Etamin +etamine +etch +Etchareottine +etcher +Etchimin +etching +Eteoclus +Eteocretes +Eteocreton +eternal +eternalism +eternalist +eternalization +eternalize +eternally +eternalness +eternity +eternization +eternize +etesian +ethal +ethaldehyde +Ethan +ethanal +ethanamide +ethane +ethanedial +ethanediol +ethanedithiol +ethanethial +ethanethiol +Ethanim +ethanol +ethanolamine +ethanolysis +ethanoyl +Ethel +ethel +ethene +Etheneldeli +ethenic +ethenoid +ethenoidal +ethenol +ethenyl +Etheostoma +Etheostomidae +Etheostominae +etheostomoid +ether +etherate +ethereal +etherealism +ethereality +etherealization +etherealize +ethereally +etherealness +etherean +ethered +ethereous +Etheria +etheric +etherification +etheriform +etherify +Etheriidae +etherin +etherion +etherism +etherization +etherize +etherizer +etherolate +etherous +ethic +ethical +ethicalism +ethicality +ethically +ethicalness +ethician +ethicism +ethicist +ethicize +ethicoaesthetic +ethicophysical +ethicopolitical +ethicoreligious +ethicosocial +ethics +ethid +ethide +ethidene +ethine +ethiodide +ethionic +Ethiop +Ethiopia +Ethiopian +Ethiopic +ethiops +ethmofrontal +ethmoid +ethmoidal +ethmoiditis +ethmolachrymal +ethmolith +ethmomaxillary +ethmonasal +ethmopalatal +ethmopalatine +ethmophysal +ethmopresphenoidal +ethmosphenoid +ethmosphenoidal +ethmoturbinal +ethmoturbinate +ethmovomer +ethmovomerine +ethmyphitis +ethnal +ethnarch +ethnarchy +ethnic +ethnical +ethnically +ethnicism +ethnicist +ethnicize +ethnicon +ethnize +ethnobiological +ethnobiology +ethnobotanic +ethnobotanical +ethnobotanist +ethnobotany +ethnocentric +ethnocentrism +ethnocracy +ethnodicy +ethnoflora +ethnogenic +ethnogeny +ethnogeographer +ethnogeographic +ethnogeographical +ethnogeographically +ethnogeography +ethnographer +ethnographic +ethnographical +ethnographically +ethnographist +ethnography +ethnologer +ethnologic +ethnological +ethnologically +ethnologist +ethnology +ethnomaniac +ethnopsychic +ethnopsychological +ethnopsychology +ethnos +ethnotechnics +ethnotechnography +ethnozoological +ethnozoology +ethography +etholide +ethologic +ethological +ethology +ethonomic +ethonomics +ethopoeia +ethos +ethoxide +ethoxycaffeine +ethoxyl +ethrog +ethyl +ethylamide +ethylamine +ethylate +ethylation +ethylene +ethylenediamine +ethylenic +ethylenimine +ethylenoid +ethylhydrocupreine +ethylic +ethylidene +ethylidyne +ethylin +ethylmorphine +ethylsulphuric +ethyne +ethynyl +etiogenic +etiolate +etiolation +etiolin +etiolize +etiological +etiologically +etiologist +etiologue +etiology +etiophyllin +etioporphyrin +etiotropic +etiotropically +etiquette +etiquettical +etna +Etnean +Etonian +Etrurian +Etruscan +Etruscologist +Etruscology +Etta +Ettarre +ettle +etua +etude +etui +etym +etymic +etymography +etymologer +etymologic +etymological +etymologically +etymologicon +etymologist +etymologization +etymologize +etymology +etymon +etymonic +etypic +etypical +etypically +eu +Euahlayi +euangiotic +Euascomycetes +euaster +Eubacteriales +eubacterium +Eubasidii +Euboean +Euboic +Eubranchipus +eucaine +eucairite +eucalypt +eucalypteol +eucalyptian +eucalyptic +eucalyptography +eucalyptol +eucalyptole +Eucalyptus +eucalyptus +Eucarida +eucatropine +eucephalous +Eucharis +Eucharist +eucharistial +eucharistic +eucharistical +Eucharistically +eucharistically +eucharistize +Eucharitidae +Euchite +Euchlaena +euchlorhydria +euchloric +euchlorine +Euchlorophyceae +euchological +euchologion +euchology +Euchorda +euchre +euchred +euchroic +euchroite +euchromatic +euchromatin +euchrome +euchromosome +euchrone +Eucirripedia +euclase +Euclea +Eucleidae +Euclid +Euclidean +Euclideanism +Eucnemidae +eucolite +Eucommia +Eucommiaceae +eucone +euconic +Euconjugatae +Eucopepoda +Eucosia +eucosmid +Eucosmidae +eucrasia +eucrasite +eucrasy +eucrite +Eucryphia +Eucryphiaceae +eucryphiaceous +eucryptite +eucrystalline +euctical +eucyclic +eudaemon +eudaemonia +eudaemonic +eudaemonical +eudaemonics +eudaemonism +eudaemonist +eudaemonistic +eudaemonistical +eudaemonistically +eudaemonize +eudaemony +eudaimonia +eudaimonism +eudaimonist +Eudemian +Eudendrium +Eudeve +eudiagnostic +eudialyte +eudiaphoresis +eudidymite +eudiometer +eudiometric +eudiometrical +eudiometrically +eudiometry +eudipleural +Eudist +Eudora +Eudorina +Eudoxian +Eudromias +Eudyptes +Euergetes +euge +Eugene +eugenesic +eugenesis +eugenetic +Eugenia +eugenic +eugenical +eugenically +eugenicist +eugenics +Eugenie +eugenism +eugenist +eugenol +eugenolate +eugeny +Euglandina +Euglena +Euglenaceae +Euglenales +Euglenida +Euglenidae +Euglenineae +euglenoid +Euglenoidina +euglobulin +eugranitic +Eugregarinida +Eugubine +Eugubium +euharmonic +euhedral +euhemerism +euhemerist +euhemeristic +euhemeristically +euhemerize +euhyostylic +euhyostyly +euktolite +eulachon +Eulalia +eulalia +eulamellibranch +Eulamellibranchia +Eulamellibranchiata +Eulima +Eulimidae +eulogia +eulogic +eulogical +eulogically +eulogious +eulogism +eulogist +eulogistic +eulogistical +eulogistically +eulogium +eulogization +eulogize +eulogizer +eulogy +eulysite +eulytine +eulytite +Eumenes +eumenid +Eumenidae +Eumenidean +Eumenides +eumenorrhea +eumerism +eumeristic +eumerogenesis +eumerogenetic +eumeromorph +eumeromorphic +eumitosis +eumitotic +eumoiriety +eumoirous +Eumolpides +Eumolpus +eumorphous +eumycete +Eumycetes +eumycetic +Eunectes +Eunice +eunicid +Eunicidae +Eunomia +Eunomian +Eunomianism +eunomy +eunuch +eunuchal +eunuchism +eunuchize +eunuchoid +eunuchoidism +eunuchry +euomphalid +Euomphalus +euonym +euonymin +euonymous +Euonymus +euonymy +Euornithes +euornithic +Euorthoptera +euosmite +euouae +eupad +Eupanorthidae +Eupanorthus +eupathy +eupatoriaceous +eupatorin +Eupatorium +eupatory +eupatrid +eupatridae +eupepsia +eupepsy +eupeptic +eupepticism +eupepticity +Euphausia +Euphausiacea +euphausiid +Euphausiidae +Euphemia +euphemian +euphemious +euphemiously +euphemism +euphemist +euphemistic +euphemistical +euphemistically +euphemize +euphemizer +euphemous +euphemy +euphon +euphone +euphonetic +euphonetics +euphonia +euphonic +euphonical +euphonically +euphonicalness +euphonious +euphoniously +euphoniousness +euphonism +euphonium +euphonize +euphonon +euphonous +euphony +euphonym +Euphorbia +Euphorbiaceae +euphorbiaceous +euphorbium +euphoria +euphoric +euphory +Euphrasia +euphrasy +Euphratean +euphroe +Euphrosyne +Euphues +euphuism +euphuist +euphuistic +euphuistical +euphuistically +euphuize +Euphyllopoda +eupione +eupittonic +euplastic +Euplectella +Euplexoptera +Euplocomi +Euploeinae +euploid +euploidy +eupnea +Eupolidean +Eupolyzoa +eupolyzoan +Eupomatia +Eupomatiaceae +eupractic +eupraxia +Euprepia +Euproctis +eupsychics +Euptelea +Eupterotidae +eupyrchroite +eupyrene +eupyrion +Eurafric +Eurafrican +Euraquilo +Eurasian +Eurasianism +Eurasiatic +eureka +eurhodine +eurhodol +Eurindic +Euripidean +euripus +eurite +Euroaquilo +eurobin +Euroclydon +Europa +Europasian +European +Europeanism +Europeanization +Europeanize +Europeanly +Europeward +europium +Europocentric +Eurus +Euryalae +Euryale +Euryaleae +euryalean +Euryalida +euryalidan +Euryalus +eurybathic +eurybenthic +eurycephalic +eurycephalous +Eurycerotidae +Euryclea +Eurydice +Eurygaea +Eurygaean +eurygnathic +eurygnathism +eurygnathous +euryhaline +Eurylaimi +Eurylaimidae +eurylaimoid +Eurylaimus +Eurymus +euryon +Eurypelma +Eurypharyngidae +Eurypharynx +euryprognathous +euryprosopic +eurypterid +Eurypterida +eurypteroid +Eurypteroidea +Eurypterus +Eurypyga +Eurypygae +Eurypygidae +eurypylous +euryscope +Eurystheus +eurystomatous +eurythermal +eurythermic +eurythmic +eurythmical +eurythmics +eurythmy +eurytomid +Eurytomidae +Eurytus +euryzygous +Euscaro +Eusebian +Euselachii +Euskaldun +Euskara +Euskarian +Euskaric +Euskera +eusol +Euspongia +eusporangiate +Eustace +Eustachian +eustachium +Eustathian +eustatic +Eusthenopteron +eustomatous +eustyle +Eusuchia +eusuchian +eusynchite +Eutaenia +eutannin +eutaxic +eutaxite +eutaxitic +eutaxy +eutechnic +eutechnics +eutectic +eutectoid +Euterpe +Euterpean +eutexia +Euthamia +euthanasia +euthanasy +euthenics +euthenist +Eutheria +eutherian +euthermic +Euthycomi +euthycomic +Euthyneura +euthyneural +euthyneurous +euthytatic +euthytropic +eutomous +eutony +Eutopia +Eutopian +eutrophic +eutrophy +eutropic +eutropous +Eutychian +Eutychianism +euxanthate +euxanthic +euxanthone +euxenite +Euxine +Eva +evacuant +evacuate +evacuation +evacuative +evacuator +evacue +evacuee +evadable +evade +evader +evadingly +Evadne +evagation +evaginable +evaginate +evagination +evaluable +evaluate +evaluation +evaluative +evalue +Evan +evanesce +evanescence +evanescency +evanescent +evanescently +evanescible +evangel +evangelary +evangelian +evangeliarium +evangeliary +evangelical +evangelicalism +evangelicality +evangelically +evangelicalness +evangelican +evangelicism +evangelicity +Evangeline +evangelion +evangelism +evangelist +evangelistarion +evangelistarium +evangelistary +evangelistic +evangelistically +evangelistics +evangelistship +evangelium +evangelization +evangelize +evangelizer +Evaniidae +evanish +evanishment +evanition +evansite +evaporability +evaporable +evaporate +evaporation +evaporative +evaporativity +evaporator +evaporimeter +evaporize +evaporometer +evase +evasible +evasion +evasional +evasive +evasively +evasiveness +Eve +eve +Evea +evechurr +evection +evectional +Evehood +evejar +Eveless +evelight +Evelina +Eveline +evelong +Evelyn +even +evenblush +evendown +evener +evenfall +evenforth +evenglow +evenhanded +evenhandedly +evenhandedness +evening +evenlight +evenlong +evenly +evenmete +evenminded +evenmindedness +evenness +evens +evensong +event +eventful +eventfully +eventfulness +eventide +eventime +eventless +eventlessly +eventlessness +eventognath +Eventognathi +eventognathous +eventration +eventual +eventuality +eventualize +eventually +eventuate +eventuation +evenwise +evenworthy +eveque +ever +Everard +everbearer +everbearing +everbloomer +everblooming +everduring +Everett +everglade +evergreen +evergreenery +evergreenite +everlasting +everlastingly +everlastingness +everliving +evermore +Evernia +evernioid +eversible +eversion +eversive +eversporting +evert +evertebral +Evertebrata +evertebrate +evertile +evertor +everwhich +everwho +every +everybody +everyday +everydayness +everyhow +everylike +Everyman +everyman +everyness +everyone +everything +everywhen +everywhence +everywhere +everywhereness +everywheres +everywhither +evestar +evetide +eveweed +evict +eviction +evictor +evidence +evidencive +evident +evidential +evidentially +evidentiary +evidently +evidentness +evil +evildoer +evilhearted +evilly +evilmouthed +evilness +evilproof +evilsayer +evilspeaker +evilspeaking +evilwishing +evince +evincement +evincible +evincibly +evincingly +evincive +evirate +eviration +eviscerate +evisceration +evisite +evitable +evitate +evitation +evittate +evocable +evocate +evocation +evocative +evocatively +evocator +evocatory +evocatrix +Evodia +evoe +evoke +evoker +evolute +evolution +evolutional +evolutionally +evolutionary +evolutionism +evolutionist +evolutionize +evolutive +evolutoid +evolvable +evolve +evolvement +evolvent +evolver +Evonymus +evovae +evulgate +evulgation +evulse +evulsion +evzone +ewder +Ewe +ewe +ewelease +ewer +ewerer +ewery +ewry +ex +exacerbate +exacerbation +exacerbescence +exacerbescent +exact +exactable +exacter +exacting +exactingly +exactingness +exaction +exactitude +exactive +exactiveness +exactly +exactment +exactness +exactor +exactress +exadversum +exaggerate +exaggerated +exaggeratedly +exaggerating +exaggeratingly +exaggeration +exaggerative +exaggeratively +exaggerativeness +exaggerator +exaggeratory +exagitate +exagitation +exairesis +exalate +exalbuminose +exalbuminous +exallotriote +exalt +exaltation +exaltative +exalted +exaltedly +exaltedness +exalter +exam +examen +examinability +examinable +examinant +examinate +examination +examinational +examinationism +examinationist +examinative +examinator +examinatorial +examinatory +examine +examinee +examiner +examinership +examining +examiningly +example +exampleless +exampleship +exanimate +exanimation +exanthem +exanthema +exanthematic +exanthematous +exappendiculate +exarate +exaration +exarch +exarchal +exarchate +exarchateship +Exarchic +Exarchist +exarchist +exarchy +exareolate +exarillate +exaristate +exarteritis +exarticulate +exarticulation +exasperate +exasperated +exasperatedly +exasperater +exasperating +exasperatingly +exasperation +exasperative +exaspidean +Exaudi +exaugurate +exauguration +excalate +excalation +excalcarate +excalceate +excalceation +Excalibur +excamb +excamber +excambion +excandescence +excandescency +excandescent +excantation +excarnate +excarnation +excathedral +excaudate +excavate +excavation +excavationist +excavator +excavatorial +excavatory +excave +excecate +excecation +excedent +exceed +exceeder +exceeding +exceedingly +exceedingness +excel +excelente +excellence +excellency +excellent +excellently +excelsin +Excelsior +excelsior +excelsitude +excentral +excentric +excentrical +excentricity +except +exceptant +excepting +exception +exceptionable +exceptionableness +exceptionably +exceptional +exceptionality +exceptionally +exceptionalness +exceptionary +exceptionless +exceptious +exceptiousness +exceptive +exceptively +exceptiveness +exceptor +excerebration +excerpt +excerptible +excerption +excerptive +excerptor +excess +excessive +excessively +excessiveness +excessman +exchange +exchangeability +exchangeable +exchangeably +exchanger +Exchangite +Exchequer +exchequer +excide +excipient +exciple +Excipulaceae +excipular +excipule +excipuliform +excipulum +excircle +excisable +excise +exciseman +excisemanship +excision +excisor +excitability +excitable +excitableness +excitancy +excitant +excitation +excitative +excitator +excitatory +excite +excited +excitedly +excitedness +excitement +exciter +exciting +excitingly +excitive +excitoglandular +excitometabolic +excitomotion +excitomotor +excitomotory +excitomuscular +excitonutrient +excitor +excitory +excitosecretory +excitovascular +exclaim +exclaimer +exclaiming +exclaimingly +exclamation +exclamational +exclamative +exclamatively +exclamatorily +exclamatory +exclave +exclosure +excludable +exclude +excluder +excluding +excludingly +exclusion +exclusionary +exclusioner +exclusionism +exclusionist +exclusive +exclusively +exclusiveness +exclusivism +exclusivist +exclusivity +exclusory +Excoecaria +excogitable +excogitate +excogitation +excogitative +excogitator +excommunicable +excommunicant +excommunicate +excommunication +excommunicative +excommunicator +excommunicatory +exconjugant +excoriable +excoriate +excoriation +excoriator +excorticate +excortication +excrement +excremental +excrementary +excrementitial +excrementitious +excrementitiously +excrementitiousness +excrementive +excresce +excrescence +excrescency +excrescent +excrescential +excreta +excretal +excrete +excreter +excretes +excretion +excretionary +excretitious +excretive +excretory +excriminate +excruciable +excruciate +excruciating +excruciatingly +excruciation +excruciator +excubant +excudate +exculpable +exculpate +exculpation +exculpative +exculpatorily +exculpatory +excurrent +excurse +excursion +excursional +excursionary +excursioner +excursionism +excursionist +excursionize +excursive +excursively +excursiveness +excursory +excursus +excurvate +excurvated +excurvation +excurvature +excurved +excusability +excusable +excusableness +excusably +excusal +excusative +excusator +excusatory +excuse +excuseful +excusefully +excuseless +excuser +excusing +excusingly +excusive +excuss +excyst +excystation +excysted +excystment +exdelicto +exdie +exeat +execrable +execrableness +execrably +execrate +execration +execrative +execratively +execrator +execratory +executable +executancy +executant +execute +executed +executer +execution +executional +executioneering +executioner +executioneress +executionist +executive +executively +executiveness +executiveship +executor +executorial +executorship +executory +executress +executrices +executrix +executrixship +executry +exedent +exedra +exegeses +exegesis +exegesist +exegete +exegetic +exegetical +exegetically +exegetics +exegetist +exemplar +exemplaric +exemplarily +exemplariness +exemplarism +exemplarity +exemplary +exemplifiable +exemplification +exemplificational +exemplificative +exemplificator +exemplifier +exemplify +exempt +exemptible +exemptile +exemption +exemptionist +exemptive +exencephalia +exencephalic +exencephalous +exencephalus +exendospermic +exendospermous +exenterate +exenteration +exequatur +exequial +exequy +exercisable +exercise +exerciser +exercitant +exercitation +exercitor +exercitorial +exercitorian +exeresis +exergual +exergue +exert +exertion +exertionless +exertive +exes +exeunt +exfiguration +exfigure +exfiltration +exflagellate +exflagellation +exflect +exfodiate +exfodiation +exfoliate +exfoliation +exfoliative +exfoliatory +exgorgitation +exhalable +exhalant +exhalation +exhalatory +exhale +exhaust +exhausted +exhaustedly +exhaustedness +exhauster +exhaustibility +exhaustible +exhausting +exhaustingly +exhaustion +exhaustive +exhaustively +exhaustiveness +exhaustless +exhaustlessly +exhaustlessness +exheredate +exheredation +exhibit +exhibitable +exhibitant +exhibiter +exhibition +exhibitional +exhibitioner +exhibitionism +exhibitionist +exhibitionistic +exhibitionize +exhibitive +exhibitively +exhibitor +exhibitorial +exhibitorship +exhibitory +exhilarant +exhilarate +exhilarating +exhilaratingly +exhilaration +exhilarative +exhilarator +exhilaratory +exhort +exhortation +exhortative +exhortatively +exhortator +exhortatory +exhorter +exhortingly +exhumate +exhumation +exhumator +exhumatory +exhume +exhumer +exigence +exigency +exigent +exigenter +exigently +exigible +exiguity +exiguous +exiguously +exiguousness +exilarch +exilarchate +exile +exiledom +exilement +exiler +exilian +exilic +exility +eximious +eximiously +eximiousness +exinanite +exinanition +exindusiate +exinguinal +exist +existability +existence +existent +existential +existentialism +existentialist +existentialistic +existentialize +existentially +existently +exister +existibility +existible +existlessness +exit +exite +exition +exitus +exlex +exmeridian +Exmoor +exoarteritis +Exoascaceae +exoascaceous +Exoascales +Exoascus +Exobasidiaceae +Exobasidiales +Exobasidium +exocannibalism +exocardia +exocardiac +exocardial +exocarp +exocataphoria +exoccipital +exocentric +Exochorda +exochorion +exoclinal +exocline +exocoelar +exocoele +exocoelic +exocoelom +Exocoetidae +Exocoetus +exocolitis +exocone +exocrine +exoculate +exoculation +exocyclic +Exocyclica +Exocycloida +exode +exoderm +exodermis +exodic +exodist +exodontia +exodontist +exodos +exodromic +exodromy +exodus +exody +exoenzyme +exoenzymic +exoerythrocytic +exogamic +exogamous +exogamy +exogastric +exogastrically +exogastritis +exogen +Exogenae +exogenetic +exogenic +exogenous +exogenously +exogeny +exognathion +exognathite +Exogonium +Exogyra +exolemma +exometritis +exomion +exomis +exomologesis +exomorphic +exomorphism +exomphalos +exomphalous +exomphalus +Exon +exon +exonarthex +exoner +exonerate +exoneration +exonerative +exonerator +exoneural +Exonian +exonship +exopathic +exoperidium +exophagous +exophagy +exophasia +exophasic +exophoria +exophoric +exophthalmic +exophthalmos +exoplasm +exopod +exopodite +exopoditic +Exopterygota +exopterygotic +exopterygotism +exopterygotous +exorability +exorable +exorableness +exorbital +exorbitance +exorbitancy +exorbitant +exorbitantly +exorbitate +exorbitation +exorcisation +exorcise +exorcisement +exorciser +exorcism +exorcismal +exorcisory +exorcist +exorcistic +exorcistical +exordia +exordial +exordium +exordize +exorganic +exorhason +exormia +exornation +exosepsis +exoskeletal +exoskeleton +exosmic +exosmose +exosmosis +exosmotic +exosperm +exosporal +exospore +exosporium +exosporous +Exostema +exostome +exostosed +exostosis +exostotic +exostra +exostracism +exostracize +exoteric +exoterical +exoterically +exotericism +exoterics +exotheca +exothecal +exothecate +exothecium +exothermal +exothermic +exothermous +exotic +exotically +exoticalness +exoticism +exoticist +exoticity +exoticness +exotism +exotospore +exotoxic +exotoxin +exotropia +exotropic +exotropism +expalpate +expand +expanded +expandedly +expandedness +expander +expanding +expandingly +expanse +expansibility +expansible +expansibleness +expansibly +expansile +expansion +expansional +expansionary +expansionism +expansionist +expansive +expansively +expansiveness +expansivity +expansometer +expansure +expatiate +expatiater +expatiatingly +expatiation +expatiative +expatiator +expatiatory +expatriate +expatriation +expect +expectable +expectance +expectancy +expectant +expectantly +expectation +expectative +expectedly +expecter +expectingly +expective +expectorant +expectorate +expectoration +expectorative +expectorator +expede +expediate +expedience +expediency +expedient +expediential +expedientially +expedientist +expediently +expeditate +expeditation +expedite +expedited +expeditely +expediteness +expediter +expedition +expeditionary +expeditionist +expeditious +expeditiously +expeditiousness +expel +expellable +expellant +expellee +expeller +expend +expendability +expendable +expender +expendible +expenditor +expenditrix +expenditure +expense +expenseful +expensefully +expensefulness +expenseless +expensilation +expensive +expensively +expensiveness +expenthesis +expergefacient +expergefaction +experience +experienceable +experienced +experienceless +experiencer +experiencible +experient +experiential +experientialism +experientialist +experientially +experiment +experimental +experimentalism +experimentalist +experimentalize +experimentally +experimentarian +experimentation +experimentative +experimentator +experimented +experimentee +experimenter +experimentist +experimentize +experimently +expert +expertism +expertize +expertly +expertness +expertship +expiable +expiate +expiation +expiational +expiatist +expiative +expiator +expiatoriness +expiatory +expilate +expilation +expilator +expirable +expirant +expirate +expiration +expirator +expiratory +expire +expiree +expirer +expiring +expiringly +expiry +expiscate +expiscation +expiscator +expiscatory +explain +explainable +explainer +explaining +explainingly +explanate +explanation +explanative +explanatively +explanator +explanatorily +explanatoriness +explanatory +explant +explantation +explement +explemental +expletive +expletively +expletiveness +expletory +explicable +explicableness +explicate +explication +explicative +explicatively +explicator +explicatory +explicit +explicitly +explicitness +explodable +explode +exploded +explodent +exploder +exploit +exploitable +exploitage +exploitation +exploitationist +exploitative +exploiter +exploitive +exploiture +explorable +exploration +explorational +explorative +exploratively +explorativeness +explorator +exploratory +explore +explorement +explorer +exploring +exploringly +explosibility +explosible +explosion +explosionist +explosive +explosively +explosiveness +expone +exponence +exponency +exponent +exponential +exponentially +exponentiation +exponible +export +exportability +exportable +exportation +exporter +exposal +expose +exposed +exposedness +exposer +exposit +exposition +expositional +expositionary +expositive +expositively +expositor +expositorial +expositorially +expositorily +expositoriness +expository +expositress +expostulate +expostulating +expostulatingly +expostulation +expostulative +expostulatively +expostulator +expostulatory +exposure +expound +expoundable +expounder +express +expressable +expressage +expressed +expresser +expressibility +expressible +expressibly +expression +expressionable +expressional +expressionful +expressionism +expressionist +expressionistic +expressionless +expressionlessly +expressionlessness +expressive +expressively +expressiveness +expressivism +expressivity +expressless +expressly +expressman +expressness +expressway +exprimable +exprobrate +exprobration +exprobratory +expromission +expromissor +expropriable +expropriate +expropriation +expropriator +expugn +expugnable +expuition +expulsatory +expulse +expulser +expulsion +expulsionist +expulsive +expulsory +expunction +expunge +expungeable +expungement +expunger +expurgate +expurgation +expurgative +expurgator +expurgatorial +expurgatory +expurge +exquisite +exquisitely +exquisiteness +exquisitism +exquisitively +exradio +exradius +exrupeal +exsanguinate +exsanguination +exsanguine +exsanguineous +exsanguinity +exsanguinous +exsanguious +exscind +exscissor +exscriptural +exsculptate +exscutellate +exsect +exsectile +exsection +exsector +exsequatur +exsert +exserted +exsertile +exsertion +exship +exsibilate +exsibilation +exsiccant +exsiccatae +exsiccate +exsiccation +exsiccative +exsiccator +exsiliency +exsomatic +exspuition +exsputory +exstipulate +exstrophy +exsuccous +exsuction +exsufflate +exsufflation +exsufflicate +exsurge +exsurgent +extant +extemporal +extemporally +extemporalness +extemporaneity +extemporaneous +extemporaneously +extemporaneousness +extemporarily +extemporariness +extemporary +extempore +extemporization +extemporize +extemporizer +extend +extended +extendedly +extendedness +extender +extendibility +extendible +extending +extense +extensibility +extensible +extensibleness +extensile +extensimeter +extension +extensional +extensionist +extensity +extensive +extensively +extensiveness +extensometer +extensor +extensory +extensum +extent +extenuate +extenuating +extenuatingly +extenuation +extenuative +extenuator +extenuatory +exter +exterior +exteriorate +exterioration +exteriority +exteriorization +exteriorize +exteriorly +exteriorness +exterminable +exterminate +extermination +exterminative +exterminator +exterminatory +exterminatress +exterminatrix +exterminist +extern +external +externalism +externalist +externalistic +externality +externalization +externalize +externally +externals +externate +externation +externe +externity +externization +externize +externomedian +externum +exteroceptist +exteroceptive +exteroceptor +exterraneous +exterrestrial +exterritorial +exterritoriality +exterritorialize +exterritorially +extima +extinct +extinction +extinctionist +extinctive +extinctor +extine +extinguish +extinguishable +extinguishant +extinguished +extinguisher +extinguishment +extipulate +extirpate +extirpation +extirpationist +extirpative +extirpator +extirpatory +extispex +extispicious +extispicy +extogenous +extol +extoll +extollation +extoller +extollingly +extollment +extolment +extoolitic +extorsive +extorsively +extort +extorter +extortion +extortionary +extortionate +extortionately +extortioner +extortionist +extortive +extra +extrabold +extrabranchial +extrabronchial +extrabuccal +extrabulbar +extrabureau +extraburghal +extracalendar +extracalicular +extracanonical +extracapsular +extracardial +extracarpal +extracathedral +extracellular +extracellularly +extracerebral +extracivic +extracivically +extraclassroom +extraclaustral +extracloacal +extracollegiate +extracolumella +extraconscious +extraconstellated +extraconstitutional +extracorporeal +extracorpuscular +extracosmic +extracosmical +extracostal +extracranial +extract +extractable +extractant +extracted +extractible +extractiform +extraction +extractive +extractor +extractorship +extracultural +extracurial +extracurricular +extracurriculum +extracutaneous +extracystic +extradecretal +extradialectal +extraditable +extradite +extradition +extradomestic +extrados +extradosed +extradotal +extraduction +extradural +extraembryonic +extraenteric +extraepiphyseal +extraequilibrium +extraessential +extraessentially +extrafascicular +extrafloral +extrafocal +extrafoliaceous +extraforaneous +extraformal +extragalactic +extragastric +extrait +extrajudicial +extrajudicially +extralateral +extralite +extrality +extramarginal +extramatrical +extramedullary +extramental +extrameridian +extrameridional +extrametaphysical +extrametrical +extrametropolitan +extramodal +extramolecular +extramorainal +extramorainic +extramoral +extramoralist +extramundane +extramural +extramurally +extramusical +extranational +extranatural +extranean +extraneity +extraneous +extraneously +extraneousness +extranidal +extranormal +extranuclear +extraocular +extraofficial +extraoral +extraorbital +extraorbitally +extraordinarily +extraordinariness +extraordinary +extraorganismal +extraovate +extraovular +extraparenchymal +extraparental +extraparietal +extraparliamentary +extraparochial +extraparochially +extrapatriarchal +extrapelvic +extraperineal +extraperiodic +extraperiosteal +extraperitoneal +extraphenomenal +extraphysical +extraphysiological +extrapituitary +extraplacental +extraplanetary +extrapleural +extrapoetical +extrapolar +extrapolate +extrapolation +extrapolative +extrapolator +extrapopular +extraprofessional +extraprostatic +extraprovincial +extrapulmonary +extrapyramidal +extraquiz +extrared +extraregarding +extraregular +extraregularly +extrarenal +extraretinal +extrarhythmical +extrasacerdotal +extrascholastic +extraschool +extrascientific +extrascriptural +extrascripturality +extrasensible +extrasensory +extrasensuous +extraserous +extrasocial +extrasolar +extrasomatic +extraspectral +extraspherical +extraspinal +extrastapedial +extrastate +extrasterile +extrastomachal +extrasyllabic +extrasyllogistic +extrasyphilitic +extrasystole +extrasystolic +extratabular +extratarsal +extratellurian +extratelluric +extratemporal +extratension +extratensive +extraterrene +extraterrestrial +extraterritorial +extraterritoriality +extraterritorially +extrathecal +extratheistic +extrathermodynamic +extrathoracic +extratorrid +extratracheal +extratribal +extratropical +extratubal +extratympanic +extrauterine +extravagance +extravagancy +extravagant +Extravagantes +extravagantly +extravagantness +extravaganza +extravagate +extravaginal +extravasate +extravasation +extravascular +extraventricular +extraversion +extravert +extravillar +extraviolet +extravisceral +extrazodiacal +extreme +extremeless +extremely +extremeness +extremism +extremist +extremistic +extremital +extremity +extricable +extricably +extricate +extricated +extrication +extrinsic +extrinsical +extrinsicality +extrinsically +extrinsicalness +extrinsicate +extrinsication +extroitive +extropical +extrorsal +extrorse +extrorsely +extrospect +extrospection +extrospective +extroversion +extroversive +extrovert +extrovertish +extrude +extruder +extruding +extrusile +extrusion +extrusive +extrusory +extubate +extubation +extumescence +extund +extusion +exuberance +exuberancy +exuberant +exuberantly +exuberantness +exuberate +exuberation +exudate +exudation +exudative +exude +exudence +exulcerate +exulceration +exulcerative +exulceratory +exult +exultance +exultancy +exultant +exultantly +exultation +exultet +exultingly +exululate +exumbral +exumbrella +exumbrellar +exundance +exundancy +exundate +exundation +exuviability +exuviable +exuviae +exuvial +exuviate +exuviation +exzodiacal +ey +eyah +eyalet +eyas +eye +eyeball +eyebalm +eyebar +eyebeam +eyeberry +eyeblink +eyebolt +eyebree +eyebridled +eyebright +eyebrow +eyecup +eyed +eyedness +eyedot +eyedrop +eyeflap +eyeful +eyeglance +eyeglass +eyehole +Eyeish +eyelash +eyeless +eyelessness +eyelet +eyeleteer +eyeletter +eyelid +eyelight +eyelike +eyeline +eyemark +eyen +eyepiece +eyepit +eyepoint +eyer +eyereach +eyeroot +eyesalve +eyeseed +eyeservant +eyeserver +eyeservice +eyeshade +eyeshield +eyeshot +eyesight +eyesome +eyesore +eyespot +eyestalk +eyestone +eyestrain +eyestring +eyetooth +eyewaiter +eyewash +eyewater +eyewear +eyewink +eyewinker +eyewitness +eyewort +eyey +eying +eyn +eyne +eyot +eyoty +eyra +eyre +eyrie +eyrir +ezba +Ezekiel +Ezra +F +f +fa +Faba +Fabaceae +fabaceous +fabella +fabes +Fabian +Fabianism +Fabianist +fabiform +fable +fabled +fabledom +fableist +fableland +fablemaker +fablemonger +fablemongering +fabler +fabliau +fabling +Fabraea +fabric +fabricant +fabricate +fabrication +fabricative +fabricator +fabricatress +Fabrikoid +fabrikoid +Fabronia +Fabroniaceae +fabular +fabulist +fabulosity +fabulous +fabulously +fabulousness +faburden +facadal +facade +face +faceable +facebread +facecloth +faced +faceless +facellite +facemaker +facemaking +faceman +facemark +facepiece +faceplate +facer +facet +facete +faceted +facetely +faceteness +facetiae +facetiation +facetious +facetiously +facetiousness +facewise +facework +facia +facial +facially +faciation +faciend +facient +facies +facile +facilely +facileness +facilitate +facilitation +facilitative +facilitator +facility +facing +facingly +facinorous +facinorousness +faciobrachial +faciocervical +faciolingual +facioplegia +facioscapulohumeral +fack +fackeltanz +fackings +fackins +facks +facsimile +facsimilist +facsimilize +fact +factable +factabling +factful +Factice +facticide +faction +factional +factionalism +factionary +factioneer +factionist +factionistism +factious +factiously +factiousness +factish +factitial +factitious +factitiously +factitive +factitively +factitude +factive +factor +factorability +factorable +factorage +factordom +factoress +factorial +factorially +factorist +factorization +factorize +factorship +factory +factoryship +factotum +factrix +factual +factuality +factually +factualness +factum +facture +facty +facula +facular +faculous +facultate +facultative +facultatively +facultied +facultize +faculty +facund +facy +fad +fadable +faddiness +faddish +faddishness +faddism +faddist +faddle +faddy +fade +fadeaway +faded +fadedly +fadedness +fadeless +faden +fader +fadge +fading +fadingly +fadingness +fadmonger +fadmongering +fadmongery +fadridden +fady +fae +faerie +Faeroe +faery +faeryland +faff +faffle +faffy +fag +Fagaceae +fagaceous +fagald +Fagales +Fagara +fage +Fagelia +fager +fagger +faggery +fagging +faggingly +fagine +fagopyrism +fagopyrismus +Fagopyrum +fagot +fagoter +fagoting +fagottino +fagottist +fagoty +Fagus +faham +fahlerz +fahlore +fahlunite +Fahrenheit +faience +fail +failing +failingly +failingness +faille +failure +fain +fainaigue +fainaiguer +faineance +faineancy +faineant +faineantism +fainly +fainness +fains +faint +fainter +faintful +faintheart +fainthearted +faintheartedly +faintheartedness +fainting +faintingly +faintish +faintishness +faintly +faintness +faints +fainty +faipule +fair +fairer +fairfieldite +fairgoer +fairgoing +fairgrass +fairground +fairily +fairing +fairish +fairishly +fairkeeper +fairlike +fairling +fairly +fairm +fairness +fairstead +fairtime +fairwater +fairway +fairy +fairydom +fairyfolk +fairyhood +fairyish +fairyism +fairyland +fairylike +fairyologist +fairyology +fairyship +faith +faithbreach +faithbreaker +faithful +faithfully +faithfulness +faithless +faithlessly +faithlessness +faithwise +faithworthiness +faithworthy +faitour +fake +fakement +faker +fakery +fakiness +fakir +fakirism +Fakofo +faky +falanaka +Falange +Falangism +Falangist +Falasha +falbala +falcade +Falcata +falcate +falcated +falcation +falcer +falces +falchion +falcial +Falcidian +falciform +Falcinellus +falciparum +Falco +falcon +falconbill +falconelle +falconer +Falcones +falconet +Falconidae +Falconiformes +Falconinae +falconine +falconlike +falconoid +falconry +falcopern +falcula +falcular +falculate +Falcunculus +faldage +falderal +faldfee +faldstool +Falerian +Falernian +Falerno +Faliscan +Falisci +Falkland +fall +fallace +fallacious +fallaciously +fallaciousness +fallacy +fallage +fallation +fallaway +fallback +fallectomy +fallen +fallenness +faller +fallfish +fallibility +fallible +fallibleness +fallibly +falling +Fallopian +fallostomy +fallotomy +fallow +fallowist +fallowness +falltime +fallway +fally +falsary +false +falsehearted +falseheartedly +falseheartedness +falsehood +falsely +falsen +falseness +falser +falsettist +falsetto +falsework +falsidical +falsie +falsifiable +falsificate +falsification +falsificator +falsifier +falsify +falsism +Falstaffian +faltboat +faltche +falter +falterer +faltering +falteringly +Falunian +Faluns +falutin +falx +fam +Fama +famatinite +famble +fame +fameflower +fameful +fameless +famelessly +famelessness +Fameuse +fameworthy +familia +familial +familiar +familiarism +familiarity +familiarization +familiarize +familiarizer +familiarizingly +familiarly +familiarness +familism +familist +familistery +familistic +familistical +family +familyish +famine +famish +famishment +famous +famously +famousness +famulary +famulus +Fan +fan +fana +fanal +fanam +fanatic +fanatical +fanatically +fanaticalness +fanaticism +fanaticize +fanback +fanbearer +fanciable +fancical +fancied +fancier +fanciful +fancifully +fancifulness +fancify +fanciless +fancy +fancymonger +fancysick +fancywork +fand +fandangle +fandango +fandom +fanega +fanegada +fanfarade +Fanfare +fanfare +fanfaron +fanfaronade +fanfaronading +fanflower +fanfoot +fang +fanged +fangle +fangled +fanglement +fangless +fanglet +fanglomerate +fangot +fangy +fanhouse +faniente +fanion +fanioned +fanlight +fanlike +fanmaker +fanmaking +fanman +fannel +fanner +Fannia +fannier +fanning +Fanny +fanon +fant +fantail +fantasia +fantasie +fantasied +fantasist +fantasque +fantassin +fantast +fantastic +fantastical +fantasticality +fantastically +fantasticalness +fantasticate +fantastication +fantasticism +fantasticly +fantasticness +fantastico +fantastry +fantasy +Fanti +fantigue +fantoccini +fantocine +fantod +fantoddish +Fanwe +fanweed +fanwise +fanwork +fanwort +fanwright +Fany +faon +Fapesmo +far +farad +faradaic +faraday +faradic +faradism +faradization +faradize +faradizer +faradmeter +faradocontractility +faradomuscular +faradonervous +faradopalpation +farandole +farasula +faraway +farawayness +farce +farcelike +farcer +farcetta +farcial +farcialize +farcical +farcicality +farcically +farcicalness +farcied +farcify +farcing +farcinoma +farcist +farctate +farcy +farde +fardel +fardelet +fardh +fardo +fare +farer +farewell +farfara +farfel +farfetched +farfetchedness +Farfugium +fargoing +fargood +farina +farinaceous +farinaceously +faring +farinometer +farinose +farinosely +farinulent +Farish +farish +farkleberry +farl +farleu +farm +farmable +farmage +farmer +farmeress +farmerette +farmerlike +farmership +farmery +farmhold +farmhouse +farmhousey +farming +farmost +farmplace +farmstead +farmsteading +farmtown +farmy +farmyard +farmyardy +farnesol +farness +Farnovian +faro +Faroeish +Faroese +farolito +Farouk +farraginous +farrago +farrand +farrandly +farrantly +farreate +farreation +farrier +farrierlike +farriery +farrisite +farrow +farruca +farsalah +farse +farseeing +farseeingness +farseer +farset +Farsi +farsighted +farsightedly +farsightedness +farther +farthermost +farthest +farthing +farthingale +farthingless +farweltered +fasces +fascet +fascia +fascial +fasciate +fasciated +fasciately +fasciation +fascicle +fascicled +fascicular +fascicularly +fasciculate +fasciculated +fasciculately +fasciculation +fascicule +fasciculus +fascinate +fascinated +fascinatedly +fascinating +fascinatingly +fascination +fascinative +fascinator +fascinatress +fascine +fascinery +Fascio +fasciodesis +fasciola +fasciolar +Fasciolaria +Fasciolariidae +fasciole +fasciolet +fascioliasis +Fasciolidae +fascioloid +fascioplasty +fasciotomy +fascis +fascism +fascist +Fascista +Fascisti +fascisticization +fascisticize +fascistization +fascistize +fash +fasher +fashery +fashion +fashionability +fashionable +fashionableness +fashionably +fashioned +fashioner +fashionist +fashionize +fashionless +fashionmonger +fashionmonging +fashious +fashiousness +fasibitikite +fasinite +fass +fassalite +fast +fasten +fastener +fastening +faster +fastgoing +fasthold +fastidiosity +fastidious +fastidiously +fastidiousness +fastidium +fastigate +fastigated +fastigiate +fastigium +fasting +fastingly +fastish +fastland +fastness +fastuous +fastuously +fastuousness +fastus +fat +Fatagaga +fatal +fatalism +fatalist +fatalistic +fatalistically +fatality +fatalize +fatally +fatalness +fatbird +fatbrained +fate +fated +fateful +fatefully +fatefulness +fatelike +fathead +fatheaded +fatheadedness +fathearted +father +fathercraft +fathered +fatherhood +fatherland +fatherlandish +fatherless +fatherlessness +fatherlike +fatherliness +fatherling +fatherly +fathership +fathmur +fathom +fathomable +fathomage +fathomer +Fathometer +fathomless +fathomlessly +fathomlessness +fatidic +fatidical +fatidically +fatiferous +fatigability +fatigable +fatigableness +fatigue +fatigueless +fatiguesome +fatiguing +fatiguingly +fatiha +fatil +fatiloquent +Fatima +Fatimid +fatiscence +fatiscent +fatless +fatling +fatly +fatness +fatsia +fattable +fatten +fattenable +fattener +fatter +fattily +fattiness +fattish +fattishness +fattrels +fatty +fatuism +fatuitous +fatuitousness +fatuity +fatuoid +fatuous +fatuously +fatuousness +fatwood +faucal +faucalize +fauces +faucet +fauchard +faucial +faucitis +faucre +faugh +faujasite +fauld +Faulkland +fault +faultage +faulter +faultfind +faultfinder +faultfinding +faultful +faultfully +faultily +faultiness +faulting +faultless +faultlessly +faultlessness +faultsman +faulty +faun +Fauna +faunal +faunally +faunated +faunish +faunist +faunistic +faunistical +faunistically +faunlike +faunological +faunology +faunule +fause +faussebraie +faussebrayed +faust +Faustian +fauterer +fautor +fautorship +fauve +Fauvism +Fauvist +favaginous +favella +favellidium +favelloid +Faventine +faveolate +faveolus +faviform +favilla +favillous +favism +favissa +favn +favonian +Favonius +favor +favorable +favorableness +favorably +favored +favoredly +favoredness +favorer +favoress +favoring +favoringly +favorite +favoritism +favorless +favose +favosely +favosite +Favosites +Favositidae +favositoid +favous +favus +fawn +fawner +fawnery +fawning +fawningly +fawningness +fawnlike +fawnskin +fawny +Fay +fay +Fayal +fayalite +Fayettism +fayles +Fayumic +faze +fazenda +fe +feaberry +feague +feak +feal +fealty +fear +fearable +feared +fearedly +fearedness +fearer +fearful +fearfully +fearfulness +fearingly +fearless +fearlessly +fearlessness +fearnought +fearsome +fearsomely +fearsomeness +feasance +feasibility +feasible +feasibleness +feasibly +feasor +feast +feasten +feaster +feastful +feastfully +feastless +feat +feather +featherback +featherbed +featherbedding +featherbird +featherbone +featherbrain +featherbrained +featherdom +feathered +featheredge +featheredged +featherer +featherfew +featherfoil +featherhead +featherheaded +featheriness +feathering +featherleaf +featherless +featherlessness +featherlet +featherlike +featherman +feathermonger +featherpate +featherpated +featherstitch +featherstitching +feathertop +featherway +featherweed +featherweight +featherwing +featherwise +featherwood +featherwork +featherworker +feathery +featliness +featly +featness +featous +featural +featurally +feature +featured +featureful +featureless +featureliness +featurely +featy +feaze +feazings +febricant +febricide +febricity +febricula +febrifacient +febriferous +febrific +febrifugal +febrifuge +febrile +febrility +Febronian +Febronianism +Februarius +February +februation +fecal +fecalith +fecaloid +feces +Fechnerian +feck +feckful +feckfully +feckless +fecklessly +fecklessness +feckly +fecula +feculence +feculency +feculent +fecund +fecundate +fecundation +fecundative +fecundator +fecundatory +fecundify +fecundity +fecundize +fed +feddan +federacy +Federal +federal +federalism +federalist +federalization +federalize +federally +federalness +federate +federation +federationist +federatist +federative +federatively +federator +Fedia +Fedora +fee +feeable +feeble +feeblebrained +feeblehearted +feebleheartedly +feebleheartedness +feebleness +feebling +feeblish +feebly +feed +feedable +feedback +feedbin +feedboard +feedbox +feeder +feedhead +feeding +feedman +feedsman +feedstuff +feedway +feedy +feel +feelable +feeler +feeless +feeling +feelingful +feelingless +feelinglessly +feelingly +feelingness +feer +feere +feering +feetage +feetless +feeze +fefnicute +fegary +Fegatella +Fehmic +fei +feif +feigher +feign +feigned +feignedly +feignedness +feigner +feigning +feigningly +Feijoa +feil +feint +feis +feist +feisty +Felapton +feldsher +feldspar +feldsparphyre +feldspathic +feldspathization +feldspathoid +Felichthys +felicide +felicific +felicitate +felicitation +felicitator +felicitous +felicitously +felicitousness +felicity +felid +Felidae +feliform +Felinae +feline +felinely +felineness +felinity +felinophile +felinophobe +Felis +Felix +fell +fellable +fellage +fellah +fellaheen +fellahin +Fellani +Fellata +Fellatah +fellatio +fellation +fellen +feller +fellic +felliducous +fellifluous +felling +fellingbird +fellinic +fellmonger +fellmongering +fellmongery +fellness +felloe +fellow +fellowcraft +fellowess +fellowheirship +fellowless +fellowlike +fellowship +fellside +fellsman +felly +feloid +felon +feloness +felonious +feloniously +feloniousness +felonry +felonsetter +felonsetting +felonweed +felonwood +felonwort +felony +fels +felsite +felsitic +felsobanyite +felsophyre +felsophyric +felsosphaerite +felstone +felt +felted +felter +felting +feltlike +feltmaker +feltmaking +feltmonger +feltness +feltwork +feltwort +felty +feltyfare +felucca +Felup +felwort +female +femalely +femaleness +femality +femalize +Feme +feme +femerell +femic +femicide +feminacy +feminal +feminality +feminate +femineity +feminie +feminility +feminin +feminine +femininely +feminineness +femininism +femininity +feminism +feminist +feministic +feministics +feminity +feminization +feminize +feminologist +feminology +feminophobe +femora +femoral +femorocaudal +femorocele +femorococcygeal +femorofibular +femoropopliteal +femororotulian +femorotibial +femur +fen +fenbank +fenberry +fence +fenceful +fenceless +fencelessness +fencelet +fenceplay +fencer +fenceress +fenchene +fenchone +fenchyl +fencible +fencing +fend +fendable +fender +fendering +fenderless +fendillate +fendillation +fendy +feneration +fenestella +Fenestellidae +fenestra +fenestral +fenestrate +fenestrated +fenestration +fenestrato +fenestrule +Fenian +Fenianism +fenite +fenks +fenland +fenlander +fenman +fennec +fennel +fennelflower +fennig +fennish +Fennoman +fenny +fenouillet +Fenrir +fensive +fent +fenter +fenugreek +Fenzelia +feod +feodal +feodality +feodary +feodatory +feoff +feoffee +feoffeeship +feoffment +feoffor +feower +feracious +feracity +Ferae +Ferahan +feral +feralin +Feramorz +ferash +ferberite +Ferdiad +ferdwit +feretory +feretrum +ferfathmur +ferfet +ferganite +Fergus +fergusite +Ferguson +fergusonite +feria +ferial +feridgi +ferie +ferine +ferinely +ferineness +Feringi +Ferio +Ferison +ferity +ferk +ferling +ferly +fermail +Fermatian +ferme +ferment +fermentability +fermentable +fermentarian +fermentation +fermentative +fermentatively +fermentativeness +fermentatory +fermenter +fermentescible +fermentitious +fermentive +fermentology +fermentor +fermentum +fermerer +fermery +fermila +fermorite +fern +fernandinite +Fernando +fernbird +fernbrake +ferned +fernery +ferngale +ferngrower +fernland +fernleaf +fernless +fernlike +fernshaw +fernsick +ferntickle +ferntickled +fernwort +ferny +Ferocactus +ferocious +ferociously +ferociousness +ferocity +feroher +Feronia +ferrado +ferrament +Ferrara +Ferrarese +ferrate +ferrated +ferrateen +ferratin +ferrean +ferreous +ferret +ferreter +ferreting +ferretto +ferrety +ferri +ferriage +ferric +ferrichloride +ferricyanate +ferricyanhydric +ferricyanic +ferricyanide +ferricyanogen +ferrier +ferriferous +ferrihydrocyanic +ferriprussiate +ferriprussic +ferrite +ferritization +ferritungstite +ferrivorous +ferroalloy +ferroaluminum +ferroboron +ferrocalcite +ferrocerium +ferrochrome +ferrochromium +ferroconcrete +ferroconcretor +ferrocyanate +ferrocyanhydric +ferrocyanic +ferrocyanide +ferrocyanogen +ferroglass +ferrogoslarite +ferrohydrocyanic +ferroinclave +ferromagnesian +ferromagnetic +ferromagnetism +ferromanganese +ferromolybdenum +ferronatrite +ferronickel +ferrophosphorus +ferroprint +ferroprussiate +ferroprussic +ferrosilicon +ferrotitanium +ferrotungsten +ferrotype +ferrotyper +ferrous +ferrovanadium +ferrozirconium +ferruginate +ferrugination +ferruginean +ferruginous +ferrule +ferruler +ferrum +ferruminate +ferrumination +ferry +ferryboat +ferryhouse +ferryman +ferryway +ferthumlungur +Fertil +fertile +fertilely +fertileness +fertility +fertilizable +fertilization +fertilizational +fertilize +fertilizer +feru +ferula +ferulaceous +ferule +ferulic +fervanite +fervency +fervent +fervently +ferventness +fervescence +fervescent +fervid +fervidity +fervidly +fervidness +Fervidor +fervor +fervorless +Fesapo +Fescennine +fescenninity +fescue +fess +fessely +fesswise +fest +festal +festally +Feste +fester +festerment +festilogy +festinance +festinate +festinately +festination +festine +Festino +festival +festivally +festive +festively +festiveness +festivity +festivous +festology +festoon +festoonery +festoony +festuca +festucine +fet +fetal +fetalism +fetalization +fetation +fetch +fetched +fetcher +fetching +fetchingly +feteless +feterita +fetial +fetiales +fetichmonger +feticidal +feticide +fetid +fetidity +fetidly +fetidness +fetiferous +fetiparous +fetish +fetisheer +fetishic +fetishism +fetishist +fetishistic +fetishization +fetishize +fetishmonger +fetishry +fetlock +fetlocked +fetlow +fetography +fetometry +fetoplacental +fetor +fetter +fetterbush +fetterer +fetterless +fetterlock +fetticus +fettle +fettler +fettling +fetus +feu +feuage +feuar +feucht +feud +feudal +feudalism +feudalist +feudalistic +feudality +feudalizable +feudalization +feudalize +feudally +feudatorial +feudatory +feudee +feudist +feudovassalism +feued +Feuillants +feuille +feuilletonism +feuilletonist +feuilletonistic +feulamort +fever +feverberry +feverbush +fevercup +feveret +feverfew +fevergum +feverish +feverishly +feverishness +feverless +feverlike +feverous +feverously +feverroot +fevertrap +fevertwig +fevertwitch +feverweed +feverwort +few +fewness +fewsome +fewter +fewterer +fewtrils +fey +feyness +fez +Fezzan +fezzed +Fezziwig +fezzy +fi +fiacre +fiance +fiancee +fianchetto +Fianna +fiar +fiard +fiasco +fiat +fiatconfirmatio +fib +fibber +fibbery +fibdom +Fiber +fiber +fiberboard +fibered +Fiberglas +fiberize +fiberizer +fiberless +fiberware +fibration +fibreless +fibreware +fibriform +fibril +fibrilla +fibrillar +fibrillary +fibrillate +fibrillated +fibrillation +fibrilled +fibrilliferous +fibrilliform +fibrillose +fibrillous +fibrin +fibrinate +fibrination +fibrine +fibrinemia +fibrinoalbuminous +fibrinocellular +fibrinogen +fibrinogenetic +fibrinogenic +fibrinogenous +fibrinolysin +fibrinolysis +fibrinolytic +fibrinoplastic +fibrinoplastin +fibrinopurulent +fibrinose +fibrinosis +fibrinous +fibrinuria +fibroadenia +fibroadenoma +fibroadipose +fibroangioma +fibroareolar +fibroblast +fibroblastic +fibrobronchitis +fibrocalcareous +fibrocarcinoma +fibrocartilage +fibrocartilaginous +fibrocaseose +fibrocaseous +fibrocellular +fibrochondritis +fibrochondroma +fibrochondrosteal +fibrocrystalline +fibrocyst +fibrocystic +fibrocystoma +fibrocyte +fibroelastic +fibroenchondroma +fibrofatty +fibroferrite +fibroglia +fibroglioma +fibrohemorrhagic +fibroid +fibroin +fibrointestinal +fibroligamentous +fibrolipoma +fibrolipomatous +fibrolite +fibrolitic +fibroma +fibromata +fibromatoid +fibromatosis +fibromatous +fibromembrane +fibromembranous +fibromucous +fibromuscular +fibromyectomy +fibromyitis +fibromyoma +fibromyomatous +fibromyomectomy +fibromyositis +fibromyotomy +fibromyxoma +fibromyxosarcoma +fibroneuroma +fibronuclear +fibronucleated +fibropapilloma +fibropericarditis +fibroplastic +fibropolypus +fibropsammoma +fibropurulent +fibroreticulate +fibrosarcoma +fibrose +fibroserous +fibrosis +fibrositis +Fibrospongiae +fibrotic +fibrotuberculosis +fibrous +fibrously +fibrousness +fibrovasal +fibrovascular +fibry +fibster +fibula +fibulae +fibular +fibulare +fibulocalcaneal +Ficaria +ficary +fice +ficelle +fiche +Fichtean +Fichteanism +fichtelite +fichu +ficiform +fickle +ficklehearted +fickleness +ficklety +ficklewise +fickly +fico +ficoid +Ficoidaceae +Ficoideae +ficoides +fictation +fictile +fictileness +fictility +fiction +fictional +fictionalize +fictionally +fictionary +fictioneer +fictioner +fictionist +fictionistic +fictionization +fictionize +fictionmonger +fictious +fictitious +fictitiously +fictitiousness +fictive +fictively +Ficula +Ficus +fid +Fidac +fidalgo +fidate +fidation +fiddle +fiddleback +fiddlebrained +fiddlecome +fiddledeedee +fiddlefaced +fiddlehead +fiddleheaded +fiddler +fiddlerfish +fiddlery +fiddlestick +fiddlestring +fiddlewood +fiddley +fiddling +fide +fideicommiss +fideicommissary +fideicommission +fideicommissioner +fideicommissor +fideicommissum +fideism +fideist +fidejussion +fidejussionary +fidejussor +fidejussory +Fidele +Fidelia +Fidelio +fidelity +fidepromission +fidepromissor +Fides +Fidessa +fidfad +fidge +fidget +fidgeter +fidgetily +fidgetiness +fidgeting +fidgetingly +fidgety +Fidia +fidicinal +fidicinales +fidicula +Fido +fiducia +fiducial +fiducially +fiduciarily +fiduciary +fiducinales +fie +fiedlerite +fiefdom +field +fieldball +fieldbird +fielded +fielder +fieldfare +fieldish +fieldman +fieldpiece +fieldsman +fieldward +fieldwards +fieldwork +fieldworker +fieldwort +fieldy +fiend +fiendful +fiendfully +fiendhead +fiendish +fiendishly +fiendishness +fiendism +fiendlike +fiendliness +fiendly +fiendship +fient +Fierabras +Fierasfer +fierasferid +Fierasferidae +fierasferoid +fierce +fiercehearted +fiercely +fiercen +fierceness +fierding +fierily +fieriness +fiery +fiesta +fieulamort +Fife +fife +fifer +fifie +fifish +fifo +fifteen +fifteener +fifteenfold +fifteenth +fifteenthly +fifth +fifthly +fiftieth +fifty +fiftyfold +fig +figaro +figbird +figeater +figent +figged +figgery +figging +figgle +figgy +fight +fightable +fighter +fighteress +fighting +fightingly +fightwite +Figitidae +figless +figlike +figment +figmental +figpecker +figshell +figulate +figulated +figuline +figurability +figurable +figural +figurant +figurante +figurate +figurately +figuration +figurative +figuratively +figurativeness +figure +figured +figuredly +figurehead +figureheadless +figureheadship +figureless +figurer +figuresome +figurette +figurial +figurine +figurism +figurist +figurize +figury +figworm +figwort +Fiji +Fijian +fike +fikie +filace +filaceous +filacer +Filago +filament +filamentar +filamentary +filamented +filamentiferous +filamentoid +filamentose +filamentous +filamentule +filander +filanders +filao +filar +Filaria +filaria +filarial +filarian +filariasis +filaricidal +filariform +filariid +Filariidae +filarious +filasse +filate +filator +filature +filbert +filch +filcher +filchery +filching +filchingly +file +filefish +filelike +filemaker +filemaking +filemot +filer +filesmith +filet +filial +filiality +filially +filialness +filiate +filiation +filibeg +filibranch +Filibranchia +filibranchiate +filibuster +filibusterer +filibusterism +filibusterous +filical +Filicales +filicauline +Filices +filicic +filicidal +filicide +filiciform +filicin +Filicineae +filicinean +filicite +Filicites +filicologist +filicology +Filicornia +filiety +filiferous +filiform +filiformed +Filigera +filigerous +filigree +filing +filings +filionymic +filiopietistic +filioque +Filipendula +filipendulous +Filipina +Filipiniana +Filipinization +Filipinize +Filipino +filippo +filipuncture +filite +Filix +fill +fillable +filled +fillemot +filler +fillercap +fillet +filleter +filleting +filletlike +filletster +filleul +filling +fillingly +fillingness +fillip +fillipeen +fillister +fillmass +fillock +fillowite +filly +film +filmable +filmdom +filmet +filmgoer +filmgoing +filmic +filmiform +filmily +filminess +filmish +filmist +filmize +filmland +filmlike +filmogen +filmslide +filmstrip +filmy +filo +filoplumaceous +filoplume +filopodium +Filosa +filose +filoselle +fils +filter +filterability +filterable +filterableness +filterer +filtering +filterman +filth +filthify +filthily +filthiness +filthless +filthy +filtrability +filtrable +filtratable +filtrate +filtration +fimble +fimbria +fimbrial +fimbriate +fimbriated +fimbriation +fimbriatum +fimbricate +fimbricated +fimbrilla +fimbrillate +fimbrilliferous +fimbrillose +fimbriodentate +Fimbristylis +fimetarious +fimicolous +Fin +fin +finable +finableness +finagle +finagler +final +finale +finalism +finalist +finality +finalize +finally +finance +financial +financialist +financially +financier +financiery +financist +finback +finch +finchbacked +finched +finchery +find +findability +findable +findal +finder +findfault +finding +findjan +fine +fineable +finebent +fineish +fineleaf +fineless +finely +finement +fineness +finer +finery +finespun +finesse +finesser +finestill +finestiller +finetop +finfish +finfoot +Fingal +Fingall +Fingallian +fingent +finger +fingerable +fingerberry +fingerbreadth +fingered +fingerer +fingerfish +fingerflower +fingerhold +fingerhook +fingering +fingerleaf +fingerless +fingerlet +fingerlike +fingerling +fingernail +fingerparted +fingerprint +fingerprinting +fingerroot +fingersmith +fingerspin +fingerstall +fingerstone +fingertip +fingerwise +fingerwork +fingery +fingrigo +Fingu +finial +finialed +finical +finicality +finically +finicalness +finicism +finick +finickily +finickiness +finicking +finickingly +finickingness +finific +finify +Finiglacial +finikin +finiking +fining +finis +finish +finishable +finished +finisher +finishing +finite +finitely +finiteness +finitesimal +finitive +finitude +finity +finjan +fink +finkel +finland +Finlander +finless +finlet +finlike +Finmark +Finn +finnac +finned +finner +finnesko +Finnic +Finnicize +finnip +Finnish +finny +finochio +Fionnuala +fiord +fiorded +Fioretti +fiorin +fiorite +Fiot +fip +fipenny +fipple +fique +fir +Firbolg +firca +fire +fireable +firearm +firearmed +fireback +fireball +firebird +fireblende +fireboard +fireboat +firebolt +firebolted +firebote +firebox +fireboy +firebrand +firebrat +firebreak +firebrick +firebug +fireburn +firecoat +firecracker +firecrest +fired +firedamp +firedog +firedrake +firefall +firefang +firefanged +fireflaught +fireflirt +fireflower +firefly +fireguard +firehouse +fireless +firelight +firelike +fireling +firelit +firelock +fireman +firemanship +firemaster +fireplace +fireplug +firepower +fireproof +fireproofing +fireproofness +firer +fireroom +firesafe +firesafeness +firesafety +fireshaft +fireshine +fireside +firesider +firesideship +firespout +firestone +firestopping +firetail +firetop +firetrap +firewarden +firewater +fireweed +firewood +firework +fireworkless +fireworky +fireworm +firing +firk +firker +firkin +firlot +firm +firmament +firmamental +firman +firmance +firmer +firmhearted +firmisternal +Firmisternia +firmisternial +firmisternous +firmly +firmness +firn +Firnismalerei +Firoloida +firring +firry +first +firstcomer +firsthand +firstling +firstly +firstness +firstship +firth +fisc +fiscal +fiscalify +fiscalism +fiscalization +fiscalize +fiscally +fischerite +fise +fisetin +fish +fishable +fishback +fishbed +fishberry +fishbolt +fishbone +fisheater +fished +fisher +fisherboat +fisherboy +fisheress +fisherfolk +fishergirl +fisherman +fisherpeople +fisherwoman +fishery +fishet +fisheye +fishfall +fishful +fishgarth +fishgig +fishhood +fishhook +fishhooks +fishhouse +fishify +fishily +fishiness +fishing +fishingly +fishless +fishlet +fishlike +fishline +fishling +fishman +fishmonger +fishmouth +fishplate +fishpond +fishpool +fishpot +fishpotter +fishpound +fishskin +fishtail +fishway +fishweed +fishweir +fishwife +fishwoman +fishwood +fishworker +fishworks +fishworm +fishy +fishyard +fisnoga +fissate +fissicostate +fissidactyl +Fissidens +Fissidentaceae +fissidentaceous +fissile +fissileness +fissilingual +Fissilinguia +fissility +fission +fissionable +fissipalmate +fissipalmation +fissiparation +fissiparism +fissiparity +fissiparous +fissiparously +fissiparousness +fissiped +Fissipeda +fissipedal +fissipedate +Fissipedia +fissipedial +Fissipes +fissirostral +fissirostrate +Fissirostres +fissive +fissural +fissuration +fissure +fissureless +Fissurella +Fissurellidae +fissuriform +fissury +fist +fisted +fister +fistful +fistiana +fistic +fistical +fisticuff +fisticuffer +fisticuffery +fistify +fistiness +fisting +fistlike +fistmele +fistnote +fistuca +fistula +Fistulana +fistular +Fistularia +Fistulariidae +fistularioid +fistulate +fistulated +fistulatome +fistulatous +fistule +fistuliform +Fistulina +fistulize +fistulose +fistulous +fistwise +fisty +fit +fitch +fitched +fitchee +fitcher +fitchery +fitchet +fitchew +fitful +fitfully +fitfulness +fitly +fitment +fitness +fitout +fitroot +fittable +fittage +fitted +fittedness +fitten +fitter +fitters +fittily +fittiness +fitting +fittingly +fittingness +Fittonia +fitty +fittyfied +fittyways +fittywise +fitweed +Fitzclarence +Fitzroy +Fitzroya +Fiuman +five +fivebar +fivefold +fivefoldness +fiveling +fivepence +fivepenny +fivepins +fiver +fives +fivescore +fivesome +fivestones +fix +fixable +fixage +fixate +fixatif +fixation +fixative +fixator +fixature +fixed +fixedly +fixedness +fixer +fixidity +fixing +fixity +fixture +fixtureless +fixure +fizelyite +fizgig +fizz +fizzer +fizzle +fizzy +fjarding +fjeld +fjerding +Fjorgyn +flabbergast +flabbergastation +flabbily +flabbiness +flabby +flabellarium +flabellate +flabellation +flabellifoliate +flabelliform +flabellinerved +flabellum +flabrum +flaccid +flaccidity +flaccidly +flaccidness +flacherie +Flacian +Flacianism +Flacianist +flack +flacked +flacker +flacket +Flacourtia +Flacourtiaceae +flacourtiaceous +flaff +flaffer +flag +flagboat +flagellant +flagellantism +flagellar +Flagellaria +Flagellariaceae +flagellariaceous +Flagellata +Flagellatae +flagellate +flagellated +flagellation +flagellative +flagellator +flagellatory +flagelliferous +flagelliform +flagellist +flagellosis +flagellula +flagellum +flageolet +flagfall +flagger +flaggery +flaggily +flagginess +flagging +flaggingly +flaggish +flaggy +flagitate +flagitation +flagitious +flagitiously +flagitiousness +flagleaf +flagless +flaglet +flaglike +flagmaker +flagmaking +flagman +flagon +flagonet +flagonless +flagpole +flagrance +flagrancy +flagrant +flagrantly +flagrantness +flagroot +flagship +flagstaff +flagstick +flagstone +flagworm +flail +flaillike +flair +flaith +flaithship +flajolotite +flak +flakage +flake +flakeless +flakelet +flaker +flakily +flakiness +flaky +flam +Flamandization +Flamandize +flamant +flamb +flambeau +flambeaux +flamberg +flamboyance +flamboyancy +flamboyant +flamboyantism +flamboyantize +flamboyantly +flamboyer +flame +flamed +flameflower +flameless +flamelet +flamelike +flamen +flamenco +flamenship +flameproof +flamer +flamfew +flamineous +flaming +Flamingant +flamingly +flamingo +Flaminian +flaminica +flaminical +flammability +flammable +flammeous +flammiferous +flammulated +flammulation +flammule +flamy +flan +flancard +flanch +flanched +flanconade +flandan +flandowser +flane +flange +flangeless +flanger +flangeway +flank +flankard +flanked +flanker +flanking +flankwise +flanky +flannel +flannelbush +flanneled +flannelette +flannelflower +flannelleaf +flannelly +flannelmouth +flannelmouthed +flannels +flanque +flap +flapcake +flapdock +flapdoodle +flapdragon +flapjack +flapmouthed +flapper +flapperdom +flapperhood +flapperish +flapperism +flare +flareback +flareboard +flareless +flaring +flaringly +flary +flaser +flash +flashboard +flasher +flashet +flashily +flashiness +flashing +flashingly +flashlight +flashlike +flashly +flashness +flashover +flashpan +flashproof +flashtester +flashy +flask +flasker +flasket +flasklet +flasque +flat +flatboat +flatbottom +flatcap +flatcar +flatdom +flated +flatfish +flatfoot +flathat +flathead +flatiron +flatland +flatlet +flatling +flatly +flatman +flatness +flatnose +flatten +flattener +flattening +flatter +flatterable +flattercap +flatterdock +flatterer +flattering +flatteringly +flatteringness +flattery +flattie +flatting +flattish +flattop +flatulence +flatulency +flatulent +flatulently +flatulentness +flatus +flatware +flatway +flatways +flatweed +flatwise +flatwoods +flatwork +flatworm +Flaubertian +flaught +flaughter +flaunt +flaunter +flauntily +flauntiness +flaunting +flauntingly +flaunty +flautino +flautist +flavanilin +flavaniline +flavanthrene +flavanthrone +flavedo +Flaveria +flavescence +flavescent +Flavia +Flavian +flavic +flavicant +flavid +flavin +flavine +Flavius +flavo +Flavobacterium +flavone +flavoprotein +flavopurpurin +flavor +flavored +flavorer +flavorful +flavoring +flavorless +flavorous +flavorsome +flavory +flavour +flaw +flawed +flawflower +flawful +flawless +flawlessly +flawlessness +flawn +flawy +flax +flaxboard +flaxbush +flaxdrop +flaxen +flaxlike +flaxman +flaxseed +flaxtail +flaxweed +flaxwench +flaxwife +flaxwoman +flaxwort +flaxy +flay +flayer +flayflint +flea +fleabane +fleabite +fleadock +fleam +fleaseed +fleaweed +fleawood +fleawort +fleay +flebile +fleche +flechette +fleck +flecken +flecker +fleckiness +fleckled +fleckless +flecklessly +flecky +flecnodal +flecnode +flection +flectional +flectionless +flector +fled +fledge +fledgeless +fledgling +fledgy +flee +fleece +fleeceable +fleeced +fleeceflower +fleeceless +fleecelike +fleecer +fleech +fleechment +fleecily +fleeciness +fleecy +fleer +fleerer +fleering +fleeringly +fleet +fleeter +fleetful +fleeting +fleetingly +fleetingness +fleetings +fleetly +fleetness +fleetwing +Flem +Fleming +Flemish +flemish +flench +flense +flenser +flerry +flesh +fleshbrush +fleshed +fleshen +flesher +fleshful +fleshhood +fleshhook +fleshiness +fleshing +fleshings +fleshless +fleshlike +fleshlily +fleshliness +fleshly +fleshment +fleshmonger +fleshpot +fleshy +flet +Fleta +fletch +Fletcher +fletcher +Fletcherism +Fletcherite +Fletcherize +flether +fleuret +fleurettee +fleuronnee +fleury +flew +flewed +flewit +flews +flex +flexanimous +flexed +flexibility +flexible +flexibleness +flexibly +flexile +flexility +flexion +flexionless +flexor +flexuose +flexuosity +flexuous +flexuously +flexuousness +flexural +flexure +flexured +fley +fleyedly +fleyedness +fleyland +fleysome +flibbertigibbet +flicflac +flick +flicker +flickering +flickeringly +flickerproof +flickertail +flickery +flicky +flidder +flier +fligger +flight +flighted +flighter +flightful +flightily +flightiness +flighting +flightless +flightshot +flighty +flimflam +flimflammer +flimflammery +flimmer +flimp +flimsily +flimsiness +flimsy +flinch +flincher +flinching +flinchingly +flinder +Flindersia +flindosa +flindosy +fling +flinger +flingy +flinkite +flint +flinter +flinthearted +flintify +flintily +flintiness +flintless +flintlike +flintlock +flintwood +flintwork +flintworker +flinty +flioma +flip +flipe +flipjack +flippancy +flippant +flippantly +flippantness +flipper +flipperling +flippery +flirt +flirtable +flirtation +flirtational +flirtationless +flirtatious +flirtatiously +flirtatiousness +flirter +flirtigig +flirting +flirtingly +flirtish +flirtishness +flirtling +flirty +flisk +flisky +flit +flitch +flitchen +flite +flitfold +fliting +flitter +flitterbat +flittermouse +flittern +flitting +flittingly +flitwite +flivver +flix +flixweed +Flo +float +floatability +floatable +floatage +floatation +floatative +floatboard +floater +floatiness +floating +floatingly +floative +floatless +floatmaker +floatman +floatplane +floatsman +floatstone +floaty +flob +flobby +floc +floccillation +floccipend +floccose +floccosely +flocculable +flocculant +floccular +flocculate +flocculation +flocculator +floccule +flocculence +flocculency +flocculent +flocculently +flocculose +flocculus +floccus +flock +flocker +flocking +flockless +flocklike +flockman +flockmaster +flockowner +flockwise +flocky +flocoon +flodge +floe +floeberg +Floerkea +floey +flog +floggable +flogger +flogging +floggingly +flogmaster +flogster +flokite +flong +flood +floodable +floodage +floodboard +floodcock +flooded +flooder +floodgate +flooding +floodless +floodlet +floodlight +floodlighting +floodlike +floodmark +floodometer +floodproof +floodtime +floodwater +floodway +floodwood +floody +floor +floorage +floorcloth +floorer +floorhead +flooring +floorless +floorman +floorwalker +floorward +floorway +floorwise +floozy +flop +flophouse +flopover +flopper +floppers +floppily +floppiness +floppy +flopwing +Flora +flora +floral +Floralia +floralize +florally +floramor +floran +florate +floreal +floreate +Florence +florence +florent +Florentine +Florentinism +florentium +flores +florescence +florescent +floressence +floret +floreted +floretum +Floria +Florian +floriate +floriated +floriation +florican +floricin +floricultural +floriculturally +floriculture +floriculturist +florid +Florida +Floridan +Florideae +floridean +florideous +Floridian +floridity +floridly +floridness +floriferous +floriferously +floriferousness +florification +floriform +florigen +florigenic +florigraphy +florikan +floriken +florilegium +florimania +florimanist +florin +Florinda +floriparous +floripondio +floriscope +Florissant +florist +floristic +floristically +floristics +floristry +florisugent +florivorous +floroon +floroscope +florula +florulent +flory +floscular +Floscularia +floscularian +Flosculariidae +floscule +flosculose +flosculous +flosh +floss +flosser +flossflower +Flossie +flossification +flossing +flossy +flot +flota +flotage +flotant +flotation +flotative +flotilla +flotorial +flotsam +flounce +flouncey +flouncing +flounder +floundering +flounderingly +flour +flourish +flourishable +flourisher +flourishing +flourishingly +flourishment +flourishy +flourlike +floury +flouse +flout +flouter +flouting +floutingly +flow +flowable +flowage +flower +flowerage +flowered +flowerer +floweret +flowerful +flowerily +floweriness +flowering +flowerist +flowerless +flowerlessness +flowerlet +flowerlike +flowerpecker +flowerpot +flowerwork +flowery +flowing +flowingly +flowingness +flowmanostat +flowmeter +flown +flowoff +Floyd +flu +fluate +fluavil +flub +flubdub +flubdubbery +flucan +fluctiferous +fluctigerous +fluctisonant +fluctisonous +fluctuability +fluctuable +fluctuant +fluctuate +fluctuation +fluctuosity +fluctuous +flue +flued +flueless +fluellen +fluellite +flueman +fluency +fluent +fluently +fluentness +fluer +fluework +fluey +fluff +fluffer +fluffily +fluffiness +fluffy +Flugelhorn +flugelman +fluible +fluid +fluidacetextract +fluidal +fluidally +fluidextract +fluidglycerate +fluidible +fluidic +fluidification +fluidifier +fluidify +fluidimeter +fluidism +fluidist +fluidity +fluidization +fluidize +fluidly +fluidness +fluidram +fluigram +fluitant +fluke +fluked +flukeless +flukeworm +flukewort +flukily +flukiness +fluking +fluky +flumdiddle +flume +flumerin +fluminose +flummadiddle +flummer +flummery +flummox +flummydiddle +flump +flung +flunk +flunker +flunkeydom +flunkeyhood +flunkeyish +flunkeyize +flunky +flunkydom +flunkyhood +flunkyish +flunkyism +flunkyistic +flunkyite +flunkyize +fluoaluminate +fluoaluminic +fluoarsenate +fluoborate +fluoboric +fluoborid +fluoboride +fluoborite +fluobromide +fluocarbonate +fluocerine +fluocerite +fluochloride +fluohydric +fluophosphate +fluor +fluoran +fluoranthene +fluorapatite +fluorate +fluorbenzene +fluorene +fluorenyl +fluoresage +fluoresce +fluorescein +fluorescence +fluorescent +fluorescigenic +fluorescigenous +fluorescin +fluorhydric +fluoric +fluoridate +fluoridation +fluoride +fluoridization +fluoridize +fluorimeter +fluorinate +fluorination +fluorindine +fluorine +fluorite +fluormeter +fluorobenzene +fluoroborate +fluoroform +fluoroformol +fluorogen +fluorogenic +fluorography +fluoroid +fluorometer +fluoroscope +fluoroscopic +fluoroscopy +fluorosis +fluorotype +fluorspar +fluoryl +fluosilicate +fluosilicic +fluotantalate +fluotantalic +fluotitanate +fluotitanic +fluozirconic +flurn +flurr +flurried +flurriedly +flurriment +flurry +flush +flushboard +flusher +flusherman +flushgate +flushing +flushingly +flushness +flushy +flusk +flusker +fluster +flusterate +flusteration +flusterer +flusterment +flustery +Flustra +flustrine +flustroid +flustrum +flute +flutebird +fluted +flutelike +flutemouth +fluter +flutework +Flutidae +flutina +fluting +flutist +flutter +flutterable +flutteration +flutterer +fluttering +flutteringly +flutterless +flutterment +fluttersome +fluttery +fluty +fluvial +fluvialist +fluviatic +fluviatile +fluvicoline +fluvioglacial +fluviograph +fluviolacustrine +fluviology +fluviomarine +fluviometer +fluviose +fluvioterrestrial +fluviovolcanic +flux +fluxation +fluxer +fluxibility +fluxible +fluxibleness +fluxibly +fluxile +fluxility +fluxion +fluxional +fluxionally +fluxionary +fluxionist +fluxmeter +fluxroot +fluxweed +fly +flyable +flyaway +flyback +flyball +flybane +flybelt +flyblow +flyblown +flyboat +flyboy +flycatcher +flyeater +flyer +flyflap +flyflapper +flyflower +flying +flyingly +flyleaf +flyless +flyman +flyness +flypaper +flype +flyproof +Flysch +flyspeck +flytail +flytier +flytrap +flyway +flyweight +flywheel +flywinch +flywort +Fo +foal +foalfoot +foalhood +foaly +foam +foambow +foamer +foamflower +foamily +foaminess +foaming +foamingly +foamless +foamlike +foamy +fob +focal +focalization +focalize +focally +focaloid +foci +focimeter +focimetry +focoids +focometer +focometry +focsle +focus +focusable +focuser +focusless +fod +fodda +fodder +fodderer +foddering +fodderless +foder +fodge +fodgel +fodient +Fodientia +foe +foehn +foehnlike +foeish +foeless +foelike +foeman +foemanship +Foeniculum +foenngreek +foeship +foetalization +fog +fogbound +fogbow +fogdog +fogdom +fogeater +fogey +fogfruit +foggage +fogged +fogger +foggily +fogginess +foggish +foggy +foghorn +fogle +fogless +fogman +fogo +fogon +fogou +fogproof +fogram +fogramite +fogramity +fogscoffer +fogus +fogy +fogydom +fogyish +fogyism +fohat +foible +foil +foilable +foiler +foiling +foilsman +foining +foiningly +Foism +foison +foisonless +Foist +foist +foister +foistiness +foisty +foiter +Fokker +fold +foldable +foldage +foldboat +foldcourse +folded +foldedly +folden +folder +folding +foldless +foldskirt +foldure +foldwards +foldy +fole +folgerite +folia +foliaceous +foliaceousness +foliage +foliaged +foliageous +folial +foliar +foliary +foliate +foliated +foliation +foliature +folie +foliicolous +foliiferous +foliiform +folio +foliobranch +foliobranchiate +foliocellosis +foliolate +foliole +folioliferous +foliolose +foliose +foliosity +foliot +folious +foliously +folium +folk +folkcraft +folkfree +folkland +folklore +folkloric +folklorish +folklorism +folklorist +folkloristic +folkmoot +folkmooter +folkmot +folkmote +folkmoter +folkright +folksiness +folksy +Folkvang +Folkvangr +folkway +folky +folles +folletage +follicle +follicular +folliculate +folliculated +follicule +folliculin +Folliculina +folliculitis +folliculose +folliculosis +folliculous +folliful +follis +follow +followable +follower +followership +following +followingly +folly +follyproof +Fomalhaut +foment +fomentation +fomenter +fomes +fomites +Fon +fondak +fondant +fondish +fondle +fondler +fondlesome +fondlike +fondling +fondlingly +fondly +fondness +fondu +fondue +fonduk +fonly +fonnish +fono +fons +font +Fontainea +fontal +fontally +fontanel +fontange +fonted +fontful +fonticulus +fontinal +Fontinalaceae +fontinalaceous +Fontinalis +fontlet +foo +Foochow +Foochowese +food +fooder +foodful +foodless +foodlessness +foodstuff +foody +foofaraw +fool +fooldom +foolery +fooless +foolfish +foolhardihood +foolhardily +foolhardiness +foolhardiship +foolhardy +fooling +foolish +foolishly +foolishness +foollike +foolocracy +foolproof +foolproofness +foolscap +foolship +fooner +fooster +foosterer +foot +footage +footback +football +footballer +footballist +footband +footblower +footboard +footboy +footbreadth +footbridge +footcloth +footed +footeite +footer +footfall +footfarer +footfault +footfolk +footful +footganger +footgear +footgeld +foothalt +foothill +foothold +foothook +foothot +footing +footingly +footings +footle +footler +footless +footlicker +footlight +footlights +footling +footlining +footlock +footmaker +footman +footmanhood +footmanry +footmanship +footmark +footnote +footnoted +footpace +footpad +footpaddery +footpath +footpick +footplate +footprint +footrail +footrest +footrill +footroom +footrope +foots +footscald +footslog +footslogger +footsore +footsoreness +footstalk +footstall +footstep +footstick +footstock +footstone +footstool +footwalk +footwall +footway +footwear +footwork +footworn +footy +fooyoung +foozle +foozler +fop +fopling +foppery +foppish +foppishly +foppishness +foppy +fopship +For +for +fora +forage +foragement +forager +foralite +foramen +foraminated +foramination +foraminifer +Foraminifera +foraminiferal +foraminiferan +foraminiferous +foraminose +foraminous +foraminulate +foraminule +foraminulose +foraminulous +forane +foraneen +foraneous +forasmuch +foray +forayer +forb +forbade +forbar +forbathe +forbear +forbearable +forbearance +forbearant +forbearantly +forbearer +forbearing +forbearingly +forbearingness +forbesite +forbid +forbiddable +forbiddal +forbiddance +forbidden +forbiddenly +forbiddenness +forbidder +forbidding +forbiddingly +forbiddingness +forbit +forbled +forblow +forbore +forborne +forbow +forby +force +forceable +forced +forcedly +forcedness +forceful +forcefully +forcefulness +forceless +forcemeat +forcement +forceps +forcepslike +forcer +forchase +forche +forcibility +forcible +forcibleness +forcibly +forcing +forcingly +forcipate +forcipated +forcipes +forcipiform +forcipressure +Forcipulata +forcipulate +forcleave +forconceit +ford +fordable +fordableness +fordays +Fordicidia +fording +fordless +fordo +fordone +fordwine +fordy +fore +foreaccounting +foreaccustom +foreacquaint +foreact +foreadapt +foreadmonish +foreadvertise +foreadvice +foreadvise +foreallege +foreallot +foreannounce +foreannouncement +foreanswer +foreappoint +foreappointment +forearm +foreassign +foreassurance +forebackwardly +forebay +forebear +forebemoan +forebemoaned +forebespeak +forebitt +forebitten +forebitter +forebless +foreboard +forebode +forebodement +foreboder +foreboding +forebodingly +forebodingness +forebody +foreboot +forebowels +forebowline +forebrace +forebrain +forebreast +forebridge +foreburton +forebush +forecar +forecarriage +forecast +forecaster +forecasting +forecastingly +forecastle +forecastlehead +forecastleman +forecatching +forecatharping +forechamber +forechase +forechoice +forechoose +forechurch +forecited +foreclaw +foreclosable +foreclose +foreclosure +forecome +forecomingness +forecommend +foreconceive +foreconclude +forecondemn +foreconscious +foreconsent +foreconsider +forecontrive +forecool +forecooler +forecounsel +forecount +forecourse +forecourt +forecover +forecovert +foredate +foredawn +foreday +foredeck +foredeclare +foredecree +foredeep +foredefeated +foredefine +foredenounce +foredescribe +foredeserved +foredesign +foredesignment +foredesk +foredestine +foredestiny +foredetermination +foredetermine +foredevised +foredevote +forediscern +foredispose +foredivine +foredone +foredoom +foredoomer +foredoor +foreface +forefather +forefatherly +forefault +forefeel +forefeeling +forefeelingly +forefelt +forefield +forefigure +forefin +forefinger +forefit +foreflank +foreflap +foreflipper +forefoot +forefront +foregallery +foregame +foreganger +foregate +foregift +foregirth +foreglance +foregleam +foreglimpse +foreglow +forego +foregoer +foregoing +foregone +foregoneness +foreground +foreguess +foreguidance +forehalf +forehall +forehammer +forehand +forehanded +forehandedness +forehandsel +forehard +forehatch +forehatchway +forehead +foreheaded +forehear +forehearth +foreheater +forehill +forehinting +forehold +forehood +forehoof +forehook +foreign +foreigneering +foreigner +foreignership +foreignism +foreignization +foreignize +foreignly +foreignness +foreimagination +foreimagine +foreimpressed +foreimpression +foreinclined +foreinstruct +foreintend +foreiron +forejudge +forejudgment +forekeel +foreking +foreknee +foreknow +foreknowable +foreknower +foreknowing +foreknowingly +foreknowledge +forel +forelady +foreland +forelay +foreleech +foreleg +forelimb +forelive +forellenstein +forelock +forelook +foreloop +forelooper +foreloper +foremade +foreman +foremanship +foremarch +foremark +foremartyr +foremast +foremasthand +foremastman +foremean +foremeant +foremelt +foremention +forementioned +foremessenger +foremilk +foremisgiving +foremistress +foremost +foremostly +foremother +forename +forenamed +forenews +forenight +forenoon +forenote +forenoted +forenotice +forenotion +forensal +forensic +forensical +forensicality +forensically +foreordain +foreordainment +foreorder +foreordinate +foreordination +foreorlop +forepad +forepale +foreparents +forepart +forepassed +forepast +forepaw +forepayment +forepeak +foreperiod +forepiece +foreplace +foreplan +foreplanting +forepole +foreporch +forepossessed +forepost +forepredicament +forepreparation +foreprepare +forepretended +foreproduct +foreproffer +forepromise +forepromised +foreprovided +foreprovision +forepurpose +forequarter +forequoted +foreran +forerank +forereach +forereaching +foreread +forereading +forerecited +forereckon +forerehearsed +foreremembered +forereport +forerequest +forerevelation +forerib +forerigging +foreright +foreroom +foreroyal +forerun +forerunner +forerunnership +forerunnings +foresaddle +foresaid +foresail +foresay +forescene +forescent +foreschool +foreschooling +forescript +foreseason +foreseat +foresee +foreseeability +foreseeable +foreseeingly +foreseer +foreseize +foresend +foresense +foresentence +foreset +foresettle +foresettled +foreshadow +foreshadower +foreshaft +foreshank +foreshape +foresheet +foreshift +foreship +foreshock +foreshoe +foreshop +foreshore +foreshorten +foreshortening +foreshot +foreshoulder +foreshow +foreshower +foreshroud +foreside +foresight +foresighted +foresightedness +foresightful +foresightless +foresign +foresignify +foresin +foresing +foresinger +foreskin +foreskirt +foresleeve +foresound +forespeak +forespecified +forespeed +forespencer +forest +forestaff +forestage +forestair +forestal +forestall +forestaller +forestallment +forestarling +forestate +forestation +forestay +forestaysail +forestcraft +forested +foresteep +forestem +forestep +forester +forestership +forestful +forestial +Forestian +forestick +Forestiera +forestine +forestish +forestless +forestlike +forestology +forestral +forestress +forestry +forestside +forestudy +forestwards +foresty +foresummer +foresummon +foresweat +foretack +foretackle +foretalk +foretalking +foretaste +foretaster +foretell +foretellable +foreteller +forethink +forethinker +forethought +forethoughted +forethoughtful +forethoughtfully +forethoughtfulness +forethoughtless +forethrift +foretime +foretimed +foretoken +foretold +foretop +foretopman +foretrace +foretrysail +foreturn +foretype +foretypified +foreuse +foreutter +forevalue +forever +forevermore +foreview +forevision +forevouch +forevouched +forevow +forewarm +forewarmer +forewarn +forewarner +forewarning +forewarningly +forewaters +foreween +foreweep +foreweigh +forewing +forewinning +forewisdom +forewish +forewoman +forewonted +foreword +foreworld +foreworn +forewritten +forewrought +foreyard +foreyear +forfairn +forfar +forfare +forfars +forfault +forfaulture +forfeit +forfeiter +forfeits +forfeiture +forfend +forficate +forficated +forfication +forficiform +Forficula +forficulate +Forficulidae +forfouchten +forfoughen +forfoughten +forgainst +forgather +forge +forgeability +forgeable +forged +forgedly +forgeful +forgeman +forger +forgery +forget +forgetful +forgetfully +forgetfulness +forgetive +forgetness +forgettable +forgetter +forgetting +forgettingly +forgie +forging +forgivable +forgivableness +forgivably +forgive +forgiveless +forgiveness +forgiver +forgiving +forgivingly +forgivingness +forgo +forgoer +forgot +forgotten +forgottenness +forgrow +forgrown +forhoo +forhooy +forhow +forinsec +forint +forisfamiliate +forisfamiliation +forjesket +forjudge +forjudger +fork +forkable +forkbeard +forked +forkedly +forkedness +forker +forkful +forkhead +forkiness +forkless +forklike +forkman +forksmith +forktail +forkwise +forky +forleft +forlet +forlorn +forlornity +forlornly +forlornness +form +formability +formable +formably +formagen +formagenic +formal +formalazine +formaldehyde +formaldehydesulphoxylate +formaldehydesulphoxylic +formaldoxime +formalesque +Formalin +formalism +formalist +formalistic +formalith +formality +formalization +formalize +formalizer +formally +formalness +formamide +formamidine +formamido +formamidoxime +formanilide +formant +format +formate +formation +formational +formative +formatively +formativeness +formature +formazyl +forme +formed +formedon +formee +formel +formene +formenic +former +formeret +formerly +formerness +formful +formiate +formic +Formica +formican +Formicariae +formicarian +Formicariidae +formicarioid +formicarium +formicaroid +formicary +formicate +formication +formicative +formicicide +formicid +Formicidae +formicide +Formicina +Formicinae +formicine +Formicivora +formicivorous +Formicoidea +formidability +formidable +formidableness +formidably +formin +forminate +forming +formless +formlessly +formlessness +Formol +formolite +formonitrile +Formosan +formose +formoxime +formula +formulable +formulae +formulaic +formular +formularism +formularist +formularistic +formularization +formularize +formulary +formulate +formulation +formulator +formulatory +formule +formulism +formulist +formulistic +formulization +formulize +formulizer +formwork +formy +formyl +formylal +formylate +formylation +fornacic +Fornax +fornaxid +fornenst +fornent +fornical +fornicate +fornicated +fornication +fornicator +fornicatress +fornicatrix +forniciform +forninst +fornix +forpet +forpine +forpit +forprise +forrad +forrard +forride +forrit +forritsome +forrue +forsake +forsaken +forsakenly +forsakenness +forsaker +forset +forslow +forsooth +forspeak +forspend +forspread +Forst +forsterite +forswear +forswearer +forsworn +forswornness +Forsythia +fort +fortalice +forte +fortescue +fortescure +forth +forthbring +forthbringer +forthcome +forthcomer +forthcoming +forthcomingness +forthcut +forthfare +forthfigured +forthgaze +forthgo +forthgoing +forthink +forthputting +forthright +forthrightly +forthrightness +forthrights +forthtell +forthteller +forthwith +forthy +forties +fortieth +fortifiable +fortification +fortifier +fortify +fortifying +fortifyingly +fortin +fortis +fortissimo +fortitude +fortitudinous +fortlet +fortnight +fortnightly +fortravail +fortread +fortress +fortuitism +fortuitist +fortuitous +fortuitously +fortuitousness +fortuity +fortunate +fortunately +fortunateness +fortune +fortuned +fortuneless +Fortunella +fortunetell +fortuneteller +fortunetelling +fortunite +forty +fortyfold +forum +forumize +forwander +forward +forwardal +forwardation +forwarder +forwarding +forwardly +forwardness +forwards +forwean +forweend +forwent +forwoden +forworden +fosh +fosie +Fosite +fossa +fossage +fossane +fossarian +fosse +fossed +fossette +fossick +fossicker +fossiform +fossil +fossilage +fossilated +fossilation +fossildom +fossiled +fossiliferous +fossilification +fossilify +fossilism +fossilist +fossilizable +fossilization +fossilize +fossillike +fossilogist +fossilogy +fossilological +fossilologist +fossilology +fossor +Fossores +Fossoria +fossorial +fossorious +fossula +fossulate +fossule +fossulet +fostell +Foster +foster +fosterable +fosterage +fosterer +fosterhood +fostering +fosteringly +fosterite +fosterland +fosterling +fostership +fostress +fot +fotch +fother +Fothergilla +fotmal +fotui +fou +foud +foudroyant +fouette +fougade +fougasse +fought +foughten +foughty +foujdar +foujdary +foul +foulage +foulard +fouler +fouling +foulish +foully +foulmouthed +foulmouthedly +foulmouthedness +foulness +foulsome +foumart +foun +found +foundation +foundational +foundationally +foundationary +foundationed +foundationer +foundationless +foundationlessness +founder +founderous +foundership +foundery +founding +foundling +foundress +foundry +foundryman +fount +fountain +fountained +fountaineer +fountainhead +fountainless +fountainlet +fountainous +fountainously +fountainwise +fountful +Fouquieria +Fouquieriaceae +fouquieriaceous +four +fourble +fourche +fourchee +fourcher +fourchette +fourchite +fourer +fourflusher +fourfold +Fourierian +Fourierism +Fourierist +Fourieristic +Fourierite +fourling +fourpence +fourpenny +fourpounder +fourre +fourrier +fourscore +foursome +foursquare +foursquarely +foursquareness +fourstrand +fourteen +fourteener +fourteenfold +fourteenth +fourteenthly +fourth +fourther +fourthly +foussa +foute +fouter +fouth +fovea +foveal +foveate +foveated +foveation +foveiform +foveola +foveolarious +foveolate +foveolated +foveole +foveolet +fow +fowk +fowl +fowler +fowlerite +fowlery +fowlfoot +fowling +fox +foxbane +foxberry +foxchop +foxer +foxery +foxfeet +foxfinger +foxfish +foxglove +foxhole +foxhound +foxily +foxiness +foxing +foxish +foxlike +foxproof +foxship +foxskin +foxtail +foxtailed +foxtongue +foxwood +foxy +foy +foyaite +foyaitic +foyboat +foyer +foziness +fozy +fra +frab +frabbit +frabjous +frabjously +frabous +fracas +fracedinous +frache +frack +fractable +fractabling +fracted +Fracticipita +fractile +fraction +fractional +fractionalism +fractionalize +fractionally +fractionary +fractionate +fractionating +fractionation +fractionator +fractionization +fractionize +fractionlet +fractious +fractiously +fractiousness +fractocumulus +fractonimbus +fractostratus +fractuosity +fracturable +fractural +fracture +fractureproof +frae +Fragaria +fraghan +Fragilaria +Fragilariaceae +fragile +fragilely +fragileness +fragility +fragment +fragmental +fragmentally +fragmentarily +fragmentariness +fragmentary +fragmentation +fragmented +fragmentist +fragmentitious +fragmentize +fragrance +fragrancy +fragrant +fragrantly +fragrantness +fraid +fraik +frail +frailejon +frailish +frailly +frailness +frailty +fraise +fraiser +Fram +framable +framableness +frambesia +frame +framea +frameable +frameableness +framed +frameless +framer +framesmith +framework +framing +frammit +frampler +frampold +franc +Frances +franchisal +franchise +franchisement +franchiser +Francic +Francis +francisc +francisca +Franciscan +Franciscanism +Francisco +francium +Francize +franco +Francois +francolin +francolite +Francomania +Franconian +Francophile +Francophilism +Francophobe +Francophobia +frangent +Frangi +frangibility +frangible +frangibleness +frangipane +frangipani +frangula +Frangulaceae +frangulic +frangulin +frangulinic +Frank +frank +frankability +frankable +frankalmoign +Frankenia +Frankeniaceae +frankeniaceous +Frankenstein +franker +frankfurter +frankhearted +frankheartedly +frankheartedness +Frankify +frankincense +frankincensed +franking +Frankish +Frankist +franklandite +Franklin +franklin +Franklinia +Franklinian +Frankliniana +Franklinic +Franklinism +Franklinist +franklinite +Franklinization +frankly +frankmarriage +frankness +frankpledge +frantic +frantically +franticly +franticness +franzy +frap +frappe +frapping +frasco +frase +Frasera +frasier +frass +frat +fratch +fratched +fratcheous +fratcher +fratchety +fratchy +frater +Fratercula +fraternal +fraternalism +fraternalist +fraternality +fraternally +fraternate +fraternation +fraternism +fraternity +fraternization +fraternize +fraternizer +fratery +Fraticelli +Fraticellian +fratority +Fratricelli +fratricidal +fratricide +fratry +fraud +fraudful +fraudfully +fraudless +fraudlessly +fraudlessness +fraudproof +fraudulence +fraudulency +fraudulent +fraudulently +fraudulentness +fraughan +fraught +frawn +fraxetin +fraxin +fraxinella +Fraxinus +fray +frayed +frayedly +frayedness +fraying +frayn +frayproof +fraze +frazer +frazil +frazzle +frazzling +freak +freakdom +freakery +freakful +freakily +freakiness +freakish +freakishly +freakishness +freaky +fream +freath +freck +frecken +freckened +frecket +freckle +freckled +freckledness +freckleproof +freckling +frecklish +freckly +Fred +Freddie +Freddy +Frederic +Frederica +Frederick +frederik +fredricite +free +freeboard +freeboot +freebooter +freebootery +freebooting +freeborn +Freechurchism +freed +freedman +freedom +freedwoman +freehand +freehanded +freehandedly +freehandedness +freehearted +freeheartedly +freeheartedness +freehold +freeholder +freeholdership +freeholding +freeing +freeish +Freekirker +freelage +freeloving +freelovism +freely +freeman +freemanship +freemartin +freemason +freemasonic +freemasonical +freemasonism +freemasonry +freeness +freer +Freesia +freesilverism +freesilverite +freestanding +freestone +freet +freethinker +freethinking +freetrader +freety +freeward +freeway +freewheel +freewheeler +freewheeling +freewill +freewoman +freezable +freeze +freezer +freezing +freezingly +Fregata +Fregatae +Fregatidae +freibergite +freieslebenite +freight +freightage +freighter +freightless +freightment +freir +freit +freity +fremd +fremdly +fremdness +fremescence +fremescent +fremitus +Fremontia +Fremontodendron +frenal +Frenatae +frenate +French +frenched +Frenchification +frenchification +Frenchify +frenchify +Frenchily +Frenchiness +frenching +Frenchism +Frenchize +Frenchless +Frenchly +Frenchman +Frenchness +Frenchwise +Frenchwoman +Frenchy +frenetic +frenetical +frenetically +Frenghi +frenular +frenulum +frenum +frenzelite +frenzied +frenziedly +frenzy +Freon +frequence +frequency +frequent +frequentable +frequentage +frequentation +frequentative +frequenter +frequently +frequentness +frescade +fresco +frescoer +frescoist +fresh +freshen +freshener +freshet +freshhearted +freshish +freshly +freshman +freshmanhood +freshmanic +freshmanship +freshness +freshwoman +Fresison +fresnel +fresno +fret +fretful +fretfully +fretfulness +fretless +fretsome +frett +frettage +frettation +frette +fretted +fretter +fretting +frettingly +fretty +fretum +fretways +fretwise +fretwork +fretworked +Freudian +Freudianism +Freudism +Freudist +Freya +freyalite +Freycinetia +Freyja +Freyr +friability +friable +friableness +friand +friandise +friar +friarbird +friarhood +friarling +friarly +friary +frib +fribble +fribbleism +fribbler +fribblery +fribbling +fribblish +fribby +fricandeau +fricandel +fricassee +frication +fricative +fricatrice +friction +frictionable +frictional +frictionally +frictionize +frictionless +frictionlessly +frictionproof +Friday +Fridila +fridstool +fried +Frieda +friedcake +friedelite +friedrichsdor +friend +friended +friendless +friendlessness +friendlike +friendlily +friendliness +friendliwise +friendly +friendship +frier +frieseite +Friesian +Friesic +Friesish +frieze +friezer +friezy +frig +frigate +frigatoon +friggle +fright +frightable +frighten +frightenable +frightened +frightenedly +frightenedness +frightener +frightening +frighteningly +frighter +frightful +frightfully +frightfulness +frightless +frightment +frighty +frigid +Frigidaire +frigidarium +frigidity +frigidly +frigidness +frigiferous +frigolabile +frigoric +frigorific +frigorifical +frigorify +frigorimeter +frigostable +frigotherapy +Frija +frijol +frijolillo +frijolito +frike +frill +frillback +frilled +friller +frillery +frillily +frilliness +frilling +frilly +frim +Frimaire +fringe +fringed +fringeflower +fringeless +fringelet +fringent +fringepod +Fringetail +Fringilla +fringillaceous +Fringillidae +fringilliform +Fringilliformes +fringilline +fringilloid +fringing +fringy +fripperer +frippery +frisca +Frisesomorum +frisette +Frisian +Frisii +frisk +frisker +frisket +friskful +friskily +friskiness +frisking +friskingly +frisky +frisolee +frison +frist +frisure +frit +frith +frithborh +frithbot +frithles +frithsoken +frithstool +frithwork +Fritillaria +fritillary +fritt +fritter +fritterer +Fritz +Friulian +frivol +frivoler +frivolism +frivolist +frivolity +frivolize +frivolous +frivolously +frivolousness +frixion +friz +frize +frizer +frizz +frizzer +frizzily +frizziness +frizzing +frizzle +frizzler +frizzly +frizzy +fro +frock +frocking +frockless +frocklike +frockmaker +froe +Froebelian +Froebelism +Froebelist +frog +frogbit +frogeater +frogeye +frogface +frogfish +frogflower +frogfoot +frogged +froggery +frogginess +frogging +froggish +froggy +froghood +froghopper +frogland +frogleaf +frogleg +froglet +froglike +frogling +frogman +frogmouth +frognose +frogskin +frogstool +frogtongue +frogwort +froise +frolic +frolicful +frolicker +frolicky +frolicly +frolicness +frolicsome +frolicsomely +frolicsomeness +from +fromward +fromwards +frond +frondage +fronded +frondent +frondesce +frondescence +frondescent +frondiferous +frondiform +frondigerous +frondivorous +frondlet +frondose +frondosely +frondous +front +frontad +frontage +frontager +frontal +frontalis +frontality +frontally +frontbencher +fronted +fronter +frontier +frontierlike +frontierman +frontiersman +Frontignan +fronting +frontingly +Frontirostria +frontispiece +frontless +frontlessly +frontlessness +frontlet +frontoauricular +frontoethmoid +frontogenesis +frontolysis +frontomallar +frontomaxillary +frontomental +frontonasal +frontooccipital +frontoorbital +frontoparietal +frontopontine +frontosphenoidal +frontosquamosal +frontotemporal +frontozygomatic +frontpiece +frontsman +frontstall +frontward +frontways +frontwise +froom +frore +frory +frosh +frost +frostation +frostbird +frostbite +frostbow +frosted +froster +frostfish +frostflower +frostily +frostiness +frosting +frostless +frostlike +frostproof +frostproofing +frostroot +frostweed +frostwork +frostwort +frosty +frot +froth +frother +Frothi +frothily +frothiness +frothing +frothless +frothsome +frothy +frotton +froufrou +frough +froughy +frounce +frounceless +frow +froward +frowardly +frowardness +frower +frowl +frown +frowner +frownful +frowning +frowningly +frownless +frowny +frowst +frowstily +frowstiness +frowsty +frowy +frowze +frowzily +frowziness +frowzled +frowzly +frowzy +froze +frozen +frozenhearted +frozenly +frozenness +fruchtschiefer +fructed +fructescence +fructescent +fructicultural +fructiculture +Fructidor +fructiferous +fructiferously +fructification +fructificative +fructifier +fructiform +fructify +fructiparous +fructivorous +fructose +fructoside +fructuary +fructuosity +fructuous +fructuously +fructuousness +frugal +frugalism +frugalist +frugality +frugally +frugalness +fruggan +Frugivora +frugivorous +fruit +fruitade +fruitage +fruitarian +fruitarianism +fruitcake +fruited +fruiter +fruiterer +fruiteress +fruitery +fruitful +fruitfullness +fruitfully +fruitgrower +fruitgrowing +fruitiness +fruiting +fruition +fruitist +fruitive +fruitless +fruitlessly +fruitlessness +fruitlet +fruitling +fruitstalk +fruittime +fruitwise +fruitwoman +fruitwood +fruitworm +fruity +frumentaceous +frumentarious +frumentation +frumenty +frump +frumpery +frumpily +frumpiness +frumpish +frumpishly +frumpishness +frumple +frumpy +frush +frustrate +frustrately +frustrater +frustration +frustrative +frustratory +frustule +frustulent +frustulose +frustum +frutescence +frutescent +fruticetum +fruticose +fruticous +fruticulose +frutify +fry +fryer +fu +fub +fubby +fubsy +Fucaceae +fucaceous +Fucales +fucate +fucation +fucatious +Fuchsia +Fuchsian +fuchsin +fuchsine +fuchsinophil +fuchsinophilous +fuchsite +fuchsone +fuci +fucinita +fuciphagous +fucoid +fucoidal +Fucoideae +fucosan +fucose +fucous +fucoxanthin +fucus +fud +fuddle +fuddler +fuder +fudge +fudger +fudgy +Fuegian +fuel +fueler +fuelizer +fuerte +fuff +fuffy +fugacious +fugaciously +fugaciousness +fugacity +fugal +fugally +fuggy +fugient +fugitate +fugitation +fugitive +fugitively +fugitiveness +fugitivism +fugitivity +fugle +fugleman +fuglemanship +fugler +fugu +fugue +fuguist +fuidhir +fuirdays +Fuirena +fuji +Fulah +fulciform +fulcral +fulcrate +fulcrum +fulcrumage +fulfill +fulfiller +fulfillment +Fulfulde +fulgent +fulgently +fulgentness +fulgid +fulgide +fulgidity +fulgor +Fulgora +fulgorid +Fulgoridae +Fulgoroidea +fulgorous +Fulgur +fulgural +fulgurant +fulgurantly +fulgurata +fulgurate +fulgurating +fulguration +fulgurator +fulgurite +fulgurous +fulham +Fulica +Fulicinae +fulicine +fuliginosity +fuliginous +fuliginously +fuliginousness +Fuligula +Fuligulinae +fuliguline +fulk +full +fullam +fullback +fuller +fullering +fullery +fullface +fullhearted +fulling +fullish +fullmouth +fullmouthed +fullmouthedly +fullness +fullom +Fullonian +fully +fulmar +Fulmarus +fulmicotton +fulminancy +fulminant +fulminate +fulminating +fulmination +fulminator +fulminatory +fulmine +fulmineous +fulminic +fulminous +fulminurate +fulminuric +fulsome +fulsomely +fulsomeness +fulth +Fultz +Fulup +fulvene +fulvescent +fulvid +fulvidness +fulvous +fulwa +fulyie +fulzie +fum +fumacious +fumado +fumage +fumagine +Fumago +fumarate +Fumaria +Fumariaceae +fumariaceous +fumaric +fumarine +fumarium +fumaroid +fumaroidal +fumarole +fumarolic +fumaryl +fumatorium +fumatory +fumble +fumbler +fumbling +fume +fumeless +fumer +fumeroot +fumet +fumette +fumewort +fumiduct +fumiferous +fumigant +fumigate +fumigation +fumigator +fumigatorium +fumigatory +fumily +fuminess +fuming +fumingly +fumistery +fumitory +fumose +fumosity +fumous +fumously +fumy +fun +funambulate +funambulation +funambulator +funambulatory +funambulic +funambulism +funambulist +funambulo +Funaria +Funariaceae +funariaceous +function +functional +functionalism +functionalist +functionality +functionalize +functionally +functionarism +functionary +functionate +functionation +functionize +functionless +fund +fundable +fundal +fundament +fundamental +fundamentalism +fundamentalist +fundamentality +fundamentally +fundamentalness +fundatorial +fundatrix +funded +funder +fundholder +fundi +fundic +fundiform +funditor +fundless +fundmonger +fundmongering +funds +Fundulinae +funduline +Fundulus +fundungi +fundus +funebrial +funeral +funeralize +funerary +funereal +funereally +funest +fungaceous +fungal +Fungales +fungate +fungation +fungi +Fungia +fungian +fungibility +fungible +fungic +fungicidal +fungicide +fungicolous +fungiferous +fungiform +fungilliform +fungin +fungistatic +fungivorous +fungo +fungoid +fungoidal +fungological +fungologist +fungology +fungose +fungosity +fungous +fungus +fungused +funguslike +fungusy +funicle +funicular +funiculate +funicule +funiculitis +funiculus +funiform +funipendulous +funis +Funje +funk +funker +Funkia +funkiness +funky +funmaker +funmaking +funnel +funneled +funnelform +funnellike +funnelwise +funnily +funniment +funniness +funny +funnyman +funori +funt +Funtumia +Fur +fur +furacious +furaciousness +furacity +fural +furaldehyde +furan +furanoid +furazan +furazane +furbelow +furbish +furbishable +furbisher +furbishment +furca +furcal +furcate +furcately +furcation +Furcellaria +furcellate +furciferine +furciferous +furciform +Furcraea +furcula +furcular +furculum +furdel +Furfooz +furfur +furfuraceous +furfuraceously +furfural +furfuralcohol +furfuraldehyde +furfuramide +furfuran +furfuration +furfurine +furfuroid +furfurole +furfurous +furfuryl +furfurylidene +furiant +furibund +furied +Furies +furify +furil +furilic +furiosa +furiosity +furioso +furious +furiously +furiousness +furison +furl +furlable +Furlan +furler +furless +furlong +furlough +furnace +furnacelike +furnaceman +furnacer +furnacite +furnage +Furnariidae +Furnariides +Furnarius +furner +furnish +furnishable +furnished +furnisher +furnishing +furnishment +furniture +furnitureless +furodiazole +furoic +furoid +furoin +furole +furomethyl +furomonazole +furor +furore +furphy +furred +furrier +furriered +furriery +furrily +furriness +furring +furrow +furrower +furrowless +furrowlike +furrowy +furry +furstone +further +furtherance +furtherer +furtherest +furtherly +furthermore +furthermost +furthersome +furthest +furtive +furtively +furtiveness +Furud +furuncle +furuncular +furunculoid +furunculosis +furunculous +fury +furyl +furze +furzechat +furzed +furzeling +furzery +furzetop +furzy +fusain +fusarial +fusariose +fusariosis +Fusarium +fusarole +fusate +fusc +fuscescent +fuscin +fuscohyaline +fuscous +fuse +fuseboard +fused +fusee +fuselage +fuseplug +fusht +fusibility +fusible +fusibleness +fusibly +Fusicladium +Fusicoccum +fusiform +Fusiformis +fusil +fusilier +fusillade +fusilly +fusinist +fusion +fusional +fusionism +fusionist +fusionless +fusoid +fuss +fusser +fussification +fussify +fussily +fussiness +fussock +fussy +fust +fustanella +fustee +fusteric +fustet +fustian +fustianish +fustianist +fustianize +fustic +fustigate +fustigation +fustigator +fustigatory +fustilugs +fustily +fustin +fustiness +fustle +fusty +Fusulina +fusuma +fusure +Fusus +fut +futchel +fute +futhorc +futile +futilely +futileness +futilitarian +futilitarianism +futility +futilize +futtermassel +futtock +futural +future +futureless +futureness +futuric +futurism +futurist +futuristic +futurition +futurity +futurize +futwa +fuye +fuze +fuzz +fuzzball +fuzzily +fuzziness +fuzzy +fyke +fylfot +fyrd +G +g +Ga +ga +gab +gabardine +gabbard +gabber +gabble +gabblement +gabbler +gabbro +gabbroic +gabbroid +gabbroitic +gabby +Gabe +gabelle +gabelled +gabelleman +gabeller +gaberdine +gaberlunzie +gabgab +gabi +gabion +gabionade +gabionage +gabioned +gablatores +gable +gableboard +gablelike +gablet +gablewise +gablock +Gaboon +Gabriel +Gabriella +Gabrielrache +Gabunese +gaby +Gad +gad +Gadaba +gadabout +Gadarene +Gadaria +gadbee +gadbush +Gaddang +gadded +gadder +Gaddi +gaddi +gadding +gaddingly +gaddish +gaddishness +gade +gadfly +gadge +gadger +gadget +gadid +Gadidae +gadinine +Gaditan +gadling +gadman +gadoid +Gadoidea +gadolinia +gadolinic +gadolinite +gadolinium +gadroon +gadroonage +Gadsbodikins +Gadsbud +Gadslid +gadsman +Gadswoons +gaduin +Gadus +gadwall +Gadzooks +Gael +Gaeldom +Gaelic +Gaelicism +Gaelicist +Gaelicization +Gaelicize +Gaeltacht +gaen +Gaertnerian +gaet +Gaetulan +Gaetuli +Gaetulian +gaff +gaffe +gaffer +Gaffkya +gaffle +gaffsman +gag +gagate +gage +gageable +gagee +gageite +gagelike +gager +gagership +gagger +gaggery +gaggle +gaggler +gagman +gagor +gagroot +gagtooth +gahnite +Gahrwali +Gaia +gaiassa +Gaidropsaridae +gaiety +Gail +Gaillardia +gaily +gain +gainable +gainage +gainbirth +gaincall +gaincome +gaine +gainer +gainful +gainfully +gainfulness +gaining +gainless +gainlessness +gainliness +gainly +gains +gainsay +gainsayer +gainset +gainsome +gainspeaker +gainspeaking +gainst +gainstrive +gainturn +gaintwist +gainyield +gair +gairfish +gaisling +gait +gaited +gaiter +gaiterless +gaiting +gaize +gaj +gal +gala +Galacaceae +galactagogue +galactagoguic +galactan +galactase +galactemia +galacthidrosis +Galactia +galactic +galactidrosis +galactite +galactocele +galactodendron +galactodensimeter +galactogenetic +galactohemia +galactoid +galactolipide +galactolipin +galactolysis +galactolytic +galactoma +galactometer +galactometry +galactonic +galactopathy +galactophagist +galactophagous +galactophlebitis +galactophlysis +galactophore +galactophoritis +galactophorous +galactophthysis +galactophygous +galactopoiesis +galactopoietic +galactopyra +galactorrhea +galactorrhoea +galactoscope +galactose +galactoside +galactosis +galactostasis +galactosuria +galactotherapy +galactotrophy +galacturia +galagala +Galaginae +Galago +galah +galanas +galanga +galangin +galant +Galanthus +galantine +galany +galapago +Galatae +galatea +Galatian +Galatic +galatotrophic +Galax +galaxian +Galaxias +Galaxiidae +galaxy +galban +galbanum +Galbula +Galbulae +Galbulidae +Galbulinae +galbulus +Galcha +Galchic +Gale +gale +galea +galeage +galeate +galeated +galee +galeeny +Galega +galegine +Galei +galeid +Galeidae +galeiform +galempung +Galen +galena +Galenian +Galenic +galenic +Galenical +galenical +Galenism +Galenist +galenite +galenobismutite +galenoid +Galeodes +Galeodidae +galeoid +Galeopithecus +Galeopsis +Galeorchis +Galeorhinidae +Galeorhinus +galeproof +galera +galericulate +galerum +galerus +Galesaurus +galet +Galeus +galewort +galey +Galga +galgal +Galgulidae +gali +Galibi +Galician +Galictis +Galidia +Galidictis +Galik +Galilean +galilee +galimatias +galingale +Galinsoga +galiongee +galiot +galipidine +galipine +galipoidin +galipoidine +galipoipin +galipot +Galium +gall +Galla +galla +gallacetophenone +gallah +gallanilide +gallant +gallantize +gallantly +gallantness +gallantry +gallate +gallature +gallberry +gallbush +galleass +galled +Gallegan +gallein +galleon +galler +Galleria +gallerian +galleried +Galleriidae +gallery +gallerylike +gallet +galley +galleylike +galleyman +galleyworm +gallflower +gallfly +Galli +galliambic +galliambus +Gallian +galliard +galliardise +galliardly +galliardness +Gallic +gallic +Gallican +Gallicanism +Gallicism +Gallicization +Gallicize +Gallicizer +gallicola +Gallicolae +gallicole +gallicolous +galliferous +Gallification +gallification +galliform +Galliformes +Gallify +galligaskin +gallimaufry +Gallinaceae +gallinacean +Gallinacei +gallinaceous +Gallinae +Gallinago +gallinazo +galline +galling +gallingly +gallingness +gallinipper +Gallinula +gallinule +Gallinulinae +gallinuline +gallipot +Gallirallus +gallisin +gallium +gallivant +gallivanter +gallivat +gallivorous +galliwasp +gallnut +gallocyanin +gallocyanine +galloflavine +galloglass +Galloman +Gallomania +Gallomaniac +gallon +gallonage +galloner +galloon +gallooned +gallop +gallopade +galloper +Galloperdix +Gallophile +Gallophilism +Gallophobe +Gallophobia +galloping +galloptious +gallotannate +gallotannic +gallotannin +gallous +Gallovidian +Galloway +galloway +gallowglass +gallows +gallowsmaker +gallowsness +gallowsward +gallstone +Gallus +galluses +gallweed +gallwort +gally +gallybagger +gallybeggar +gallycrow +Galoisian +galoot +galop +galore +galosh +galp +galravage +galravitch +galt +Galtonia +Galtonian +galuchat +galumph +galumptious +Galusha +galuth +galvanic +galvanical +galvanically +galvanism +galvanist +galvanization +galvanize +galvanized +galvanizer +galvanocauterization +galvanocautery +galvanocontractility +galvanofaradization +galvanoglyph +galvanoglyphy +galvanograph +galvanographic +galvanography +galvanologist +galvanology +galvanolysis +galvanomagnet +galvanomagnetic +galvanomagnetism +galvanometer +galvanometric +galvanometrical +galvanometrically +galvanometry +galvanoplastic +galvanoplastical +galvanoplastically +galvanoplastics +galvanoplasty +galvanopsychic +galvanopuncture +galvanoscope +galvanoscopic +galvanoscopy +galvanosurgery +galvanotactic +galvanotaxis +galvanotherapy +galvanothermometer +galvanothermy +galvanotonic +galvanotropic +galvanotropism +galvayne +galvayning +Galways +Galwegian +galyac +galyak +galziekte +gam +gamahe +Gamaliel +gamashes +gamasid +Gamasidae +Gamasoidea +gamb +gamba +gambade +gambado +gambang +gambeer +gambeson +gambet +gambette +gambia +gambier +gambist +gambit +gamble +gambler +gamblesome +gamblesomeness +gambling +gambodic +gamboge +gambogian +gambogic +gamboised +gambol +gambrel +gambreled +gambroon +Gambusia +gamdeboo +game +gamebag +gameball +gamecock +gamecraft +gameful +gamekeeper +gamekeeping +gamelang +gameless +gamelike +Gamelion +gamelotte +gamely +gamene +gameness +gamesome +gamesomely +gamesomeness +gamester +gamestress +gametal +gametange +gametangium +gamete +gametic +gametically +gametocyst +gametocyte +gametogenesis +gametogenic +gametogenous +gametogeny +gametogonium +gametogony +gametoid +gametophagia +gametophore +gametophyll +gametophyte +gametophytic +gamic +gamily +gamin +gaminesque +gaminess +gaming +gaminish +gamma +gammacism +gammacismus +gammadion +gammarid +Gammaridae +gammarine +gammaroid +Gammarus +gammation +gammelost +gammer +gammerel +gammerstang +Gammexane +gammick +gammock +gammon +gammoner +gammoning +gammy +gamobium +gamodesmic +gamodesmy +gamogenesis +gamogenetic +gamogenetical +gamogenetically +gamogony +Gamolepis +gamomania +gamont +Gamopetalae +gamopetalous +gamophagia +gamophagy +gamophyllous +gamori +gamosepalous +gamostele +gamostelic +gamostely +gamotropic +gamotropism +gamp +gamphrel +gamut +gamy +gan +ganam +ganancial +Ganapati +ganch +Ganda +gander +ganderess +gandergoose +gandermooner +ganderteeth +Gandhara +Gandharva +Gandhiism +Gandhism +Gandhist +gandul +gandum +gandurah +gane +ganef +gang +Ganga +ganga +Gangamopteris +gangan +gangava +gangboard +gangdom +gange +ganger +Gangetic +ganggang +ganging +gangism +gangland +ganglander +ganglia +gangliac +ganglial +gangliar +gangliasthenia +gangliate +gangliated +gangliectomy +gangliform +gangliitis +gangling +ganglioblast +gangliocyte +ganglioform +ganglioid +ganglioma +ganglion +ganglionary +ganglionate +ganglionectomy +ganglioneural +ganglioneure +ganglioneuroma +ganglioneuron +ganglionic +ganglionitis +ganglionless +ganglioplexus +gangly +gangman +gangmaster +gangplank +gangrel +gangrene +gangrenescent +gangrenous +gangsman +gangster +gangsterism +gangtide +gangue +Ganguela +gangway +gangwayman +ganister +ganja +ganner +gannet +Ganocephala +ganocephalan +ganocephalous +ganodont +Ganodonta +Ganodus +ganoid +ganoidal +ganoidean +Ganoidei +ganoidian +ganoin +ganomalite +ganophyllite +ganosis +Ganowanian +gansel +gansey +gansy +gant +ganta +gantang +gantlet +gantline +ganton +gantries +gantry +gantryman +gantsl +Ganymede +Ganymedes +ganza +ganzie +gaol +gaolbird +gaoler +Gaon +Gaonate +Gaonic +gap +Gapa +gapa +gape +gaper +gapes +gapeseed +gapeworm +gaping +gapingly +gapingstock +gapo +gappy +gapy +gar +gara +garabato +garad +garage +garageman +Garamond +garance +garancine +garapata +garava +garavance +garawi +garb +garbage +garbardine +garbel +garbell +garbill +garble +garbleable +garbler +garbless +garbling +garboard +garboil +garbure +garce +Garcinia +gardant +gardeen +garden +gardenable +gardencraft +gardened +gardener +gardenership +gardenesque +gardenful +gardenhood +Gardenia +gardenin +gardening +gardenize +gardenless +gardenlike +gardenly +gardenmaker +gardenmaking +gardenwards +gardenwise +gardeny +garderobe +gardevin +gardy +gardyloo +gare +garefowl +gareh +garetta +garewaite +garfish +garganey +Gargantua +Gargantuan +garget +gargety +gargle +gargol +gargoyle +gargoyled +gargoyley +gargoylish +gargoylishly +gargoylism +Garhwali +garial +gariba +garibaldi +Garibaldian +garish +garishly +garishness +garland +garlandage +garlandless +garlandlike +garlandry +garlandwise +garle +garlic +garlicky +garliclike +garlicmonger +garlicwort +garment +garmentless +garmentmaker +garmenture +garmentworker +garn +garnel +garner +garnerage +garnet +garnetberry +garneter +garnetiferous +garnets +garnett +garnetter +garnetwork +garnetz +garnice +garniec +garnierite +garnish +garnishable +garnished +garnishee +garnisheement +garnisher +garnishment +garnishry +garniture +Garo +garoo +garookuh +garrafa +garran +Garret +garret +garreted +garreteer +garretmaster +garrison +Garrisonian +Garrisonism +garrot +garrote +garroter +Garrulinae +garruline +garrulity +garrulous +garrulously +garrulousness +Garrulus +garrupa +Garrya +Garryaceae +garse +Garshuni +garsil +garston +garten +garter +gartered +gartering +garterless +garth +garthman +Garuda +garum +garvanzo +garvey +garvock +Gary +gas +Gasan +gasbag +gascoigny +Gascon +gasconade +gasconader +Gasconism +gascromh +gaseity +gaselier +gaseosity +gaseous +gaseousness +gasfiring +gash +gashes +gashful +gashliness +gashly +gasholder +gashouse +gashy +gasifiable +gasification +gasifier +gasiform +gasify +gasket +gaskin +gasking +gaskins +gasless +gaslight +gaslighted +gaslighting +gaslit +gaslock +gasmaker +gasman +gasogenic +gasoliery +gasoline +gasolineless +gasoliner +gasometer +gasometric +gasometrical +gasometry +gasp +Gaspar +gasparillo +gasper +gaspereau +gaspergou +gaspiness +gasping +gaspingly +gasproof +gaspy +gasser +Gasserian +gassiness +gassing +gassy +gast +gastaldite +gastaldo +gaster +gasteralgia +Gasterolichenes +gasteromycete +Gasteromycetes +gasteromycetous +Gasterophilus +gasteropod +Gasteropoda +gasterosteid +Gasterosteidae +gasterosteiform +gasterosteoid +Gasterosteus +gasterotheca +gasterothecal +Gasterotricha +gasterotrichan +gasterozooid +gastight +gastightness +Gastornis +Gastornithidae +gastradenitis +gastraea +gastraead +Gastraeadae +gastraeal +gastraeum +gastral +gastralgia +gastralgic +gastralgy +gastraneuria +gastrasthenia +gastratrophia +gastrectasia +gastrectasis +gastrectomy +gastrelcosis +gastric +gastricism +gastrilegous +gastriloquial +gastriloquism +gastriloquist +gastriloquous +gastriloquy +gastrin +gastritic +gastritis +gastroadenitis +gastroadynamic +gastroalbuminorrhea +gastroanastomosis +gastroarthritis +gastroatonia +gastroatrophia +gastroblennorrhea +gastrocatarrhal +gastrocele +gastrocentrous +Gastrochaena +Gastrochaenidae +gastrocnemial +gastrocnemian +gastrocnemius +gastrocoel +gastrocolic +gastrocoloptosis +gastrocolostomy +gastrocolotomy +gastrocolpotomy +gastrocystic +gastrocystis +gastrodialysis +gastrodiaphanoscopy +gastrodidymus +gastrodisk +gastroduodenal +gastroduodenitis +gastroduodenoscopy +gastroduodenotomy +gastrodynia +gastroelytrotomy +gastroenteralgia +gastroenteric +gastroenteritic +gastroenteritis +gastroenteroanastomosis +gastroenterocolitis +gastroenterocolostomy +gastroenterological +gastroenterologist +gastroenterology +gastroenteroptosis +gastroenterostomy +gastroenterotomy +gastroepiploic +gastroesophageal +gastroesophagostomy +gastrogastrotomy +gastrogenital +gastrograph +gastrohelcosis +gastrohepatic +gastrohepatitis +gastrohydrorrhea +gastrohyperneuria +gastrohypertonic +gastrohysterectomy +gastrohysteropexy +gastrohysterorrhaphy +gastrohysterotomy +gastroid +gastrointestinal +gastrojejunal +gastrojejunostomy +gastrolater +gastrolatrous +gastrolienal +gastrolith +Gastrolobium +gastrologer +gastrological +gastrologist +gastrology +gastrolysis +gastrolytic +gastromalacia +gastromancy +gastromelus +gastromenia +gastromyces +gastromycosis +gastromyxorrhea +gastronephritis +gastronome +gastronomer +gastronomic +gastronomical +gastronomically +gastronomist +gastronomy +gastronosus +gastropancreatic +gastropancreatitis +gastroparalysis +gastroparesis +gastroparietal +gastropathic +gastropathy +gastroperiodynia +gastropexy +gastrophile +gastrophilism +gastrophilist +gastrophilite +Gastrophilus +gastrophrenic +gastrophthisis +gastroplasty +gastroplenic +gastropleuritis +gastroplication +gastropneumatic +gastropneumonic +gastropod +Gastropoda +gastropodan +gastropodous +gastropore +gastroptosia +gastroptosis +gastropulmonary +gastropulmonic +gastropyloric +gastrorrhagia +gastrorrhaphy +gastrorrhea +gastroschisis +gastroscope +gastroscopic +gastroscopy +gastrosoph +gastrosopher +gastrosophy +gastrospasm +gastrosplenic +gastrostaxis +gastrostegal +gastrostege +gastrostenosis +gastrostomize +Gastrostomus +gastrostomy +gastrosuccorrhea +gastrotheca +gastrothecal +gastrotome +gastrotomic +gastrotomy +Gastrotricha +gastrotrichan +gastrotubotomy +gastrotympanites +gastrovascular +gastroxynsis +gastrozooid +gastrula +gastrular +gastrulate +gastrulation +gasworker +gasworks +gat +gata +gatch +gatchwork +gate +gateado +gateage +gated +gatehouse +gatekeeper +gateless +gatelike +gatemaker +gateman +gatepost +gater +gatetender +gateward +gatewards +gateway +gatewayman +gatewise +gatewoman +gateworks +gatewright +Gatha +gather +gatherable +gatherer +gathering +Gathic +gating +gator +gatter +gatteridge +gau +gaub +gauby +gauche +gauchely +gaucheness +gaucherie +Gaucho +gaud +gaudery +Gaudete +gaudful +gaudily +gaudiness +gaudless +gaudsman +gaudy +gaufer +gauffer +gauffered +gauffre +gaufre +gaufrette +gauge +gaugeable +gauger +gaugership +gauging +Gaul +gaulding +gauleiter +Gaulic +gaulin +Gaulish +Gaullism +Gaullist +Gault +gault +gaulter +gaultherase +Gaultheria +gaultherin +gaum +gaumish +gaumless +gaumlike +gaumy +gaun +gaunt +gaunted +gauntlet +gauntleted +gauntly +gauntness +gauntry +gaunty +gaup +gaupus +gaur +Gaura +Gaurian +gaus +gauss +gaussage +gaussbergite +Gaussian +gauster +gausterer +gaut +gauteite +gauze +gauzelike +gauzewing +gauzily +gauziness +gauzy +gavall +gave +gavel +gaveler +gavelkind +gavelkinder +gavelman +gavelock +Gavia +Gaviae +gavial +Gavialis +gavialoid +Gaviiformes +gavotte +gavyuti +gaw +gawby +gawcie +gawk +gawkhammer +gawkihood +gawkily +gawkiness +gawkish +gawkishly +gawkishness +gawky +gawm +gawn +gawney +gawsie +gay +gayal +gayatri +gaybine +gaycat +gaydiang +gayish +Gaylussacia +gaylussite +gayment +gayness +Gaypoo +gaysome +gaywings +gayyou +gaz +gazabo +gazangabin +Gazania +gaze +gazebo +gazee +gazehound +gazel +gazeless +Gazella +gazelle +gazelline +gazement +gazer +gazettal +gazette +gazetteer +gazetteerage +gazetteerish +gazetteership +gazi +gazing +gazingly +gazingstock +gazogene +gazon +gazophylacium +gazy +gazzetta +Ge +ge +Geadephaga +geadephagous +geal +gean +geanticlinal +geanticline +gear +gearbox +geared +gearing +gearksutite +gearless +gearman +gearset +gearshift +gearwheel +gease +geason +Geaster +Geat +geat +Geatas +gebang +gebanga +gebbie +gebur +Gecarcinidae +Gecarcinus +geck +gecko +geckoid +geckotian +geckotid +Geckotidae +geckotoid +Ged +ged +gedackt +gedanite +gedder +gedeckt +gedecktwork +Gederathite +Gederite +gedrite +Gee +gee +geebong +geebung +Geechee +geejee +geek +geelbec +geeldikkop +geelhout +geepound +geerah +geest +geet +Geez +geezer +Gegenschein +gegg +geggee +gegger +geggery +Geheimrat +Gehenna +gehlenite +Geikia +geikielite +gein +geira +Geisenheimer +geisha +geison +geisotherm +geisothermal +Geissoloma +Geissolomataceae +Geissolomataceous +Geissorhiza +geissospermin +geissospermine +geitjie +geitonogamous +geitonogamy +Gekko +Gekkones +gekkonid +Gekkonidae +gekkonoid +Gekkota +gel +gelable +gelada +gelandejump +gelandelaufer +gelandesprung +Gelasian +Gelasimus +gelastic +Gelastocoridae +gelatification +gelatigenous +gelatin +gelatinate +gelatination +gelatined +gelatiniferous +gelatiniform +gelatinify +gelatinigerous +gelatinity +gelatinizability +gelatinizable +gelatinization +gelatinize +gelatinizer +gelatinobromide +gelatinochloride +gelatinoid +gelatinotype +gelatinous +gelatinously +gelatinousness +gelation +gelatose +geld +geldability +geldable +geldant +gelder +gelding +Gelechia +gelechiid +Gelechiidae +Gelfomino +gelid +Gelidiaceae +gelidity +Gelidium +gelidly +gelidness +gelignite +gelilah +gelinotte +gell +Gellert +gelly +gelogenic +gelong +geloscopy +gelose +gelosin +gelotherapy +gelotometer +gelotoscopy +gelototherapy +gelsemic +gelsemine +gelseminic +gelseminine +Gelsemium +gelt +gem +Gemara +Gemaric +Gemarist +gematria +gematrical +gemauve +gemel +gemeled +gemellione +gemellus +geminate +geminated +geminately +gemination +geminative +Gemini +Geminid +geminiflorous +geminiform +geminous +Gemitores +gemitorial +gemless +gemlike +Gemma +gemma +gemmaceous +gemmae +gemmate +gemmation +gemmative +gemmeous +gemmer +gemmiferous +gemmiferousness +gemmification +gemmiform +gemmily +gemminess +Gemmingia +gemmipara +gemmipares +gemmiparity +gemmiparous +gemmiparously +gemmoid +gemmology +gemmula +gemmulation +gemmule +gemmuliferous +gemmy +gemot +gemsbok +gemsbuck +gemshorn +gemul +gemuti +gemwork +gen +gena +genal +genapp +genapper +genarch +genarcha +genarchaship +genarchship +gendarme +gendarmery +gender +genderer +genderless +Gene +gene +genealogic +genealogical +genealogically +genealogist +genealogize +genealogizer +genealogy +genear +geneat +genecologic +genecological +genecologically +genecologist +genecology +geneki +genep +genera +generability +generable +generableness +general +generalate +generalcy +generale +generalia +Generalidad +generalific +generalism +generalissima +generalissimo +generalist +generalistic +generality +generalizable +generalization +generalize +generalized +generalizer +generall +generally +generalness +generalship +generalty +generant +generate +generating +generation +generational +generationism +generative +generatively +generativeness +generator +generatrix +generic +generical +generically +genericalness +generification +generosity +generous +generously +generousness +Genesee +geneserine +Genesiac +Genesiacal +genesial +genesic +genesiology +genesis +Genesitic +genesiurgic +genet +genethliac +genethliacal +genethliacally +genethliacon +genethliacs +genethlialogic +genethlialogical +genethlialogy +genethlic +genetic +genetical +genetically +geneticism +geneticist +genetics +genetmoil +genetous +Genetrix +genetrix +Genetta +Geneura +Geneva +geneva +Genevan +Genevese +Genevieve +Genevois +genevoise +genial +geniality +genialize +genially +genialness +genian +genic +genicular +geniculate +geniculated +geniculately +geniculation +geniculum +genie +genii +genin +genioglossal +genioglossi +genioglossus +geniohyoglossal +geniohyoglossus +geniohyoid +geniolatry +genion +genioplasty +genip +Genipa +genipa +genipap +genipapada +genisaro +Genista +genista +genistein +genital +genitalia +genitals +genitival +genitivally +genitive +genitocrural +genitofemoral +genitor +genitorial +genitory +genitourinary +geniture +genius +genizah +genizero +Genny +Genoa +genoblast +genoblastic +genocidal +genocide +Genoese +genoese +genom +genome +genomic +genonema +genos +genotype +genotypic +genotypical +genotypically +Genoveva +genovino +genre +genro +gens +genson +gent +genteel +genteelish +genteelism +genteelize +genteelly +genteelness +gentes +genthite +gentian +Gentiana +Gentianaceae +gentianaceous +Gentianales +gentianella +gentianic +gentianin +gentianose +gentianwort +gentile +gentiledom +gentilesse +gentilic +gentilism +gentilitial +gentilitian +gentilitious +gentility +gentilization +gentilize +gentiobiose +gentiopicrin +gentisein +gentisic +gentisin +gentle +gentlefolk +gentlehearted +gentleheartedly +gentleheartedness +gentlehood +gentleman +gentlemanhood +gentlemanism +gentlemanize +gentlemanlike +gentlemanlikeness +gentlemanliness +gentlemanly +gentlemanship +gentlemens +gentlemouthed +gentleness +gentlepeople +gentleship +gentlewoman +gentlewomanhood +gentlewomanish +gentlewomanlike +gentlewomanliness +gentlewomanly +gently +gentman +Gentoo +gentrice +gentry +genty +genu +genua +genual +genuclast +genuflect +genuflection +genuflector +genuflectory +genuflex +genuflexuous +genuine +genuinely +genuineness +genus +genyantrum +Genyophrynidae +genyoplasty +genys +geo +geoaesthesia +geoagronomic +geobiologic +geobiology +geobiont +geobios +geoblast +geobotanic +geobotanical +geobotanist +geobotany +geocarpic +geocentric +geocentrical +geocentrically +geocentricism +geocerite +geochemical +geochemist +geochemistry +geochronic +geochronology +geochrony +Geococcyx +geocoronium +geocratic +geocronite +geocyclic +geodaesia +geodal +geode +geodesic +geodesical +geodesist +geodesy +geodete +geodetic +geodetical +geodetically +geodetician +geodetics +geodiatropism +geodic +geodiferous +geodist +geoduck +geodynamic +geodynamical +geodynamics +geoethnic +Geoff +Geoffrey +geoffroyin +geoffroyine +geoform +geogenesis +geogenetic +geogenic +geogenous +geogeny +Geoglossaceae +Geoglossum +geoglyphic +geognosis +geognosist +geognost +geognostic +geognostical +geognostically +geognosy +geogonic +geogonical +geogony +geographer +geographic +geographical +geographically +geographics +geographism +geographize +geography +geohydrologist +geohydrology +geoid +geoidal +geoisotherm +geolatry +geologer +geologian +geologic +geological +geologically +geologician +geologist +geologize +geology +geomagnetic +geomagnetician +geomagnetics +geomagnetist +geomalic +geomalism +geomaly +geomance +geomancer +geomancy +geomant +geomantic +geomantical +geomantically +geometer +geometric +geometrical +geometrically +geometrician +geometricize +geometrid +Geometridae +geometriform +Geometrina +geometrine +geometrize +geometroid +Geometroidea +geometry +geomoroi +geomorphic +geomorphist +geomorphogenic +geomorphogenist +geomorphogeny +geomorphological +geomorphology +geomorphy +geomyid +Geomyidae +Geomys +Geon +geonavigation +geonegative +Geonic +Geonim +Geonoma +geonoma +geonyctinastic +geonyctitropic +geoparallelotropic +geophagia +geophagism +geophagist +geophagous +geophagy +Geophila +geophilid +Geophilidae +geophilous +Geophilus +Geophone +geophone +geophysical +geophysicist +geophysics +geophyte +geophytic +geoplagiotropism +Geoplana +Geoplanidae +geopolar +geopolitic +geopolitical +geopolitically +geopolitician +geopolitics +Geopolitik +geoponic +geoponical +geoponics +geopony +geopositive +Geoprumnon +georama +Geordie +George +Georgemas +Georgette +Georgia +georgiadesite +Georgian +Georgiana +georgic +Georgie +geoscopic +geoscopy +geoselenic +geosid +geoside +geosphere +Geospiza +geostatic +geostatics +geostrategic +geostrategist +geostrategy +geostrophic +geosynclinal +geosyncline +geotactic +geotactically +geotaxis +geotaxy +geotechnic +geotechnics +geotectology +geotectonic +geotectonics +Geoteuthis +geotherm +geothermal +geothermic +geothermometer +Geothlypis +geotic +geotical +geotilla +geotonic +geotonus +geotropic +geotropically +geotropism +geotropy +geoty +Gepeoo +Gephyrea +gephyrean +gephyrocercal +gephyrocercy +Gepidae +ger +gerah +Gerald +Geraldine +Geraniaceae +geraniaceous +geranial +Geraniales +geranic +geraniol +Geranium +geranium +geranomorph +Geranomorphae +geranomorphic +geranyl +Gerard +gerardia +Gerasene +gerastian +gerate +gerated +geratic +geratologic +geratologous +geratology +geraty +gerb +gerbe +Gerbera +Gerberia +gerbil +Gerbillinae +Gerbillus +gercrow +gereagle +gerefa +gerenda +gerendum +gerent +gerenuk +gerfalcon +gerhardtite +geriatric +geriatrician +geriatrics +gerim +gerip +germ +germal +German +german +germander +germane +germanely +germaneness +Germanesque +Germanhood +Germania +Germanic +germanic +Germanical +Germanically +Germanics +Germanification +Germanify +germanious +Germanish +Germanism +Germanist +Germanistic +germanite +Germanity +germanity +germanium +Germanization +germanization +Germanize +germanize +Germanizer +Germanly +Germanness +Germanocentric +Germanomania +Germanomaniac +Germanophile +Germanophilist +Germanophobe +Germanophobia +Germanophobic +Germanophobist +germanous +Germantown +germanyl +germarium +germen +germfree +germicidal +germicide +germifuge +germigenous +germin +germina +germinability +germinable +Germinal +germinal +germinally +germinance +germinancy +germinant +germinate +germination +germinative +germinatively +germinator +germing +germinogony +germiparity +germless +germlike +germling +germon +germproof +germule +germy +gernitz +gerocomia +gerocomical +gerocomy +geromorphism +Geronomite +geront +gerontal +gerontes +gerontic +gerontine +gerontism +geronto +gerontocracy +gerontocrat +gerontocratic +gerontogeous +gerontology +gerontophilia +gerontoxon +Gerres +gerrhosaurid +Gerrhosauridae +Gerridae +gerrymander +gerrymanderer +gers +gersdorffite +Gershom +Gershon +Gershonite +gersum +Gertie +Gertrude +gerund +gerundial +gerundially +gerundival +gerundive +gerundively +gerusia +Gervais +gervao +Gervas +Gervase +Gerygone +gerygone +Geryonia +geryonid +Geryonidae +Geryoniidae +Ges +Gesan +Geshurites +gesith +gesithcund +gesithcundman +Gesnera +Gesneraceae +gesneraceous +Gesneria +gesneria +Gesneriaceae +gesneriaceous +Gesnerian +gesning +gessamine +gesso +gest +Gestalt +gestalter +gestaltist +gestant +Gestapo +gestate +gestation +gestational +gestative +gestatorial +gestatorium +gestatory +geste +gested +gesten +gestening +gestic +gestical +gesticulacious +gesticulant +gesticular +gesticularious +gesticulate +gesticulation +gesticulative +gesticulatively +gesticulator +gesticulatory +gestion +gestning +gestural +gesture +gestureless +gesturer +get +geta +Getae +getah +getaway +gether +Gethsemane +gethsemane +Gethsemanic +gethsemanic +Getic +getling +getpenny +Getsul +gettable +getter +getting +getup +Geullah +Geum +geum +gewgaw +gewgawed +gewgawish +gewgawry +gewgawy +gey +geyan +geyerite +geyser +geyseral +geyseric +geyserine +geyserish +geyserite +gez +ghafir +ghaist +ghalva +Ghan +gharial +gharnao +gharry +Ghassanid +ghastily +ghastlily +ghastliness +ghastly +ghat +ghatti +ghatwal +ghatwazi +ghazi +ghazism +Ghaznevid +Gheber +ghebeta +Ghedda +ghee +Gheg +Ghegish +gheleem +Ghent +gherkin +ghetchoo +ghetti +ghetto +ghettoization +ghettoize +Ghibelline +Ghibellinism +Ghilzai +Ghiordes +ghizite +ghoom +ghost +ghostcraft +ghostdom +ghoster +ghostess +ghostfish +ghostflower +ghosthood +ghostified +ghostily +ghostish +ghostism +ghostland +ghostless +ghostlet +ghostlify +ghostlike +ghostlily +ghostliness +ghostly +ghostmonger +ghostology +ghostship +ghostweed +ghostwrite +ghosty +ghoul +ghoulery +ghoulish +ghoulishly +ghoulishness +ghrush +ghurry +Ghuz +Gi +Giansar +giant +giantesque +giantess +gianthood +giantish +giantism +giantize +giantkind +giantlike +giantly +giantry +giantship +Giardia +giardia +giardiasis +giarra +giarre +Gib +gib +gibaro +gibbals +gibbed +gibber +Gibberella +gibbergunyah +gibberish +gibberose +gibberosity +gibbet +gibbetwise +Gibbi +gibblegabble +gibblegabbler +gibbles +gibbon +gibbose +gibbosity +gibbous +gibbously +gibbousness +gibbsite +gibbus +gibby +gibe +gibel +gibelite +Gibeonite +giber +gibing +gibingly +gibleh +giblet +giblets +Gibraltar +Gibson +gibstaff +gibus +gid +giddap +giddea +giddify +giddily +giddiness +giddy +giddyberry +giddybrain +giddyhead +giddyish +Gideon +Gideonite +gidgee +gie +gied +gien +Gienah +gieseckite +gif +giffgaff +Gifola +gift +gifted +giftedly +giftedness +giftie +giftless +giftling +giftware +gig +gigantean +gigantesque +gigantic +gigantical +gigantically +giganticidal +giganticide +giganticness +gigantism +gigantize +gigantoblast +gigantocyte +gigantolite +gigantological +gigantology +gigantomachy +Gigantopithecus +Gigantosaurus +Gigantostraca +gigantostracan +gigantostracous +Gigartina +Gigartinaceae +gigartinaceous +Gigartinales +gigback +gigelira +gigeria +gigerium +gigful +gigger +giggish +giggit +giggle +giggledom +gigglement +giggler +gigglesome +giggling +gigglingly +gigglish +giggly +Gigi +giglet +gigliato +giglot +gigman +gigmaness +gigmanhood +gigmania +gigmanic +gigmanically +gigmanism +gigmanity +gignate +gignitive +gigolo +gigot +gigsman +gigster +gigtree +gigunu +Gil +Gila +Gilaki +Gilbert +gilbert +gilbertage +Gilbertese +Gilbertian +Gilbertianism +gilbertite +gild +gildable +gilded +gilden +gilder +gilding +Gileadite +Gileno +Giles +gilguy +Gilia +gilia +Giliak +gilim +Gill +gill +gillaroo +gillbird +gilled +Gillenia +giller +Gilles +gillflirt +gillhooter +Gillian +gillie +gilliflirt +gilling +gilliver +gillotage +gillotype +gillstoup +gilly +gillyflower +gillygaupus +gilo +gilpy +gilravage +gilravager +gilse +gilsonite +gilt +giltcup +gilthead +gilttail +gim +gimbal +gimbaled +gimbaljawed +gimberjawed +gimble +gimcrack +gimcrackery +gimcrackiness +gimcracky +gimel +Gimirrai +gimlet +gimleteyed +gimlety +gimmal +gimmer +gimmerpet +gimmick +gimp +gimped +gimper +gimping +gin +ging +ginger +gingerade +gingerberry +gingerbread +gingerbready +gingerin +gingerleaf +gingerline +gingerliness +gingerly +gingerness +gingernut +gingerol +gingerous +gingerroot +gingersnap +gingerspice +gingerwork +gingerwort +gingery +gingham +ginghamed +gingili +gingiva +gingivae +gingival +gingivalgia +gingivectomy +gingivitis +gingivoglossitis +gingivolabial +ginglyform +ginglymoarthrodia +ginglymoarthrodial +Ginglymodi +ginglymodian +ginglymoid +ginglymoidal +Ginglymostoma +ginglymostomoid +ginglymus +ginglyni +ginhouse +gink +Ginkgo +ginkgo +Ginkgoaceae +ginkgoaceous +Ginkgoales +ginned +ginner +ginners +ginnery +ginney +ginning +ginnle +Ginny +ginny +ginseng +ginward +gio +giobertite +giornata +giornatate +Giottesque +Giovanni +gip +gipon +gipper +Gippy +gipser +gipsire +gipsyweed +Giraffa +giraffe +giraffesque +Giraffidae +giraffine +giraffoid +girandola +girandole +girasol +girasole +girba +gird +girder +girderage +girderless +girding +girdingly +girdle +girdlecake +girdlelike +girdler +girdlestead +girdling +girdlingly +Girella +Girellidae +Girgashite +Girgasite +girl +girleen +girlery +girlfully +girlhood +girlie +girliness +girling +girlish +girlishly +girlishness +girlism +girllike +girly +girn +girny +giro +giroflore +Girondin +Girondism +Girondist +girouette +girouettism +girr +girse +girsh +girsle +girt +girth +girtline +gisarme +gish +gisla +gisler +gismondine +gismondite +gist +git +gitaligenin +gitalin +Gitanemuck +gith +Gitksan +gitonin +gitoxigenin +gitoxin +gittern +Gittite +gittith +Giuseppe +giustina +give +giveable +giveaway +given +givenness +giver +givey +giving +gizz +gizzard +gizzen +gizzern +glabella +glabellae +glabellar +glabellous +glabellum +glabrate +glabrescent +glabrous +glace +glaceed +glaceing +glaciable +glacial +glacialism +glacialist +glacialize +glacially +glaciaria +glaciarium +glaciate +glaciation +glacier +glaciered +glacieret +glacierist +glacification +glacioaqueous +glaciolacustrine +glaciological +glaciologist +glaciology +glaciomarine +glaciometer +glacionatant +glacis +glack +glad +gladden +gladdener +gladdon +gladdy +glade +gladelike +gladeye +gladful +gladfully +gladfulness +gladhearted +gladiate +gladiator +gladiatorial +gladiatorism +gladiatorship +gladiatrix +gladify +gladii +gladiola +gladiolar +gladiole +gladioli +gladiolus +gladius +gladkaite +gladless +gladly +gladness +gladsome +gladsomely +gladsomeness +Gladstone +Gladstonian +Gladstonianism +glady +Gladys +glaga +Glagol +Glagolic +Glagolitic +Glagolitsa +glaieul +glaik +glaiket +glaiketness +glair +glaireous +glairiness +glairy +glaister +glaive +glaived +glaked +glaky +glam +glamberry +glamorize +glamorous +glamorously +glamour +glamoury +glance +glancer +glancing +glancingly +gland +glandaceous +glandarious +glandered +glanderous +glanders +glandes +glandiferous +glandiform +glandless +glandlike +glandular +glandularly +glandule +glanduliferous +glanduliform +glanduligerous +glandulose +glandulosity +glandulous +glandulousness +Glaniostomi +glans +glar +glare +glareless +Glareola +glareole +Glareolidae +glareous +glareproof +glareworm +glarily +glariness +glaring +glaringly +glaringness +glarry +glary +Glaserian +glaserite +glashan +glass +glassen +glasser +glasses +glassfish +glassful +glasshouse +glassie +glassily +glassine +glassiness +Glassite +glassless +glasslike +glassmaker +glassmaking +glassman +glassophone +glassrope +glassteel +glassware +glassweed +glasswork +glassworker +glassworking +glassworks +glasswort +glassy +Glaswegian +Glathsheim +Glathsheimr +glauberite +glaucescence +glaucescent +Glaucidium +glaucin +glaucine +Glaucionetta +Glaucium +glaucochroite +glaucodot +glaucolite +glaucoma +glaucomatous +Glaucomys +Glauconia +glauconiferous +Glauconiidae +glauconite +glauconitic +glauconitization +glaucophane +glaucophanite +glaucophanization +glaucophanize +glaucophyllous +Glaucopis +glaucosuria +glaucous +glaucously +Glauke +glaum +glaumrie +glaur +glaury +Glaux +glaver +glaze +glazed +glazen +glazer +glazework +glazier +glaziery +glazily +glaziness +glazing +glazy +gleam +gleamily +gleaminess +gleaming +gleamingly +gleamless +gleamy +glean +gleanable +gleaner +gleaning +gleary +gleba +glebal +glebe +glebeless +glebous +Glecoma +glede +Gleditsia +gledy +glee +gleed +gleeful +gleefully +gleefulness +gleeishly +gleek +gleemaiden +gleeman +gleesome +gleesomely +gleesomeness +gleet +gleety +gleewoman +gleg +glegly +glegness +Glen +glen +Glengarry +Glenn +glenohumeral +glenoid +glenoidal +glent +glessite +gleyde +glia +gliadin +glial +glib +glibbery +glibly +glibness +glidder +gliddery +glide +glideless +glideness +glider +gliderport +glidewort +gliding +glidingly +gliff +gliffing +glime +glimmer +glimmering +glimmeringly +glimmerite +glimmerous +glimmery +glimpse +glimpser +glink +glint +glioma +gliomatous +gliosa +gliosis +Glires +Gliridae +gliriform +Gliriformia +glirine +Glis +glisk +glisky +glissade +glissader +glissando +glissette +glisten +glistening +glisteningly +glister +glisteringly +Glitnir +glitter +glitterance +glittering +glitteringly +glittersome +glittery +gloam +gloaming +gloat +gloater +gloating +gloatingly +global +globally +globate +globated +globe +globed +globefish +globeflower +globeholder +globelet +Globicephala +globiferous +Globigerina +globigerine +Globigerinidae +globin +Globiocephalus +globoid +globose +globosely +globoseness +globosite +globosity +globosphaerite +globous +globously +globousness +globular +Globularia +Globulariaceae +globulariaceous +globularity +globularly +globularness +globule +globulet +globulicidal +globulicide +globuliferous +globuliform +globulimeter +globulin +globulinuria +globulite +globulitic +globuloid +globulolysis +globulose +globulous +globulousness +globulysis +globy +glochid +glochideous +glochidia +glochidial +glochidian +glochidiate +glochidium +glochis +glockenspiel +gloea +gloeal +Gloeocapsa +gloeocapsoid +gloeosporiose +Gloeosporium +Gloiopeltis +Gloiosiphonia +Gloiosiphoniaceae +glom +glome +glomerate +glomeration +Glomerella +glomeroporphyritic +glomerular +glomerulate +glomerule +glomerulitis +glomerulonephritis +glomerulose +glomerulus +glommox +glomus +glonoin +glonoine +gloom +gloomful +gloomfully +gloomily +gloominess +glooming +gloomingly +gloomless +gloomth +gloomy +glop +gloppen +glor +glore +Gloria +Gloriana +gloriation +gloriette +glorifiable +glorification +glorifier +glorify +gloriole +Gloriosa +gloriosity +glorious +gloriously +gloriousness +glory +gloryful +glorying +gloryingly +gloryless +gloss +glossa +glossagra +glossal +glossalgia +glossalgy +glossanthrax +glossarial +glossarially +glossarian +glossarist +glossarize +glossary +Glossata +glossate +glossator +glossatorial +glossectomy +glossed +glosser +glossic +glossily +Glossina +glossiness +glossing +glossingly +Glossiphonia +Glossiphonidae +glossist +glossitic +glossitis +glossless +glossmeter +glossocarcinoma +glossocele +glossocoma +glossocomon +glossodynamometer +glossodynia +glossoepiglottic +glossoepiglottidean +glossograph +glossographer +glossographical +glossography +glossohyal +glossoid +glossokinesthetic +glossolabial +glossolabiolaryngeal +glossolabiopharyngeal +glossolalia +glossolalist +glossolaly +glossolaryngeal +glossological +glossologist +glossology +glossolysis +glossoncus +glossopalatine +glossopalatinus +glossopathy +glossopetra +Glossophaga +glossophagine +glossopharyngeal +glossopharyngeus +Glossophora +glossophorous +glossophytia +glossoplasty +glossoplegia +glossopode +glossopodium +Glossopteris +glossoptosis +glossopyrosis +glossorrhaphy +glossoscopia +glossoscopy +glossospasm +glossosteresis +Glossotherium +glossotomy +glossotype +glossy +glost +glottal +glottalite +glottalize +glottic +glottid +glottidean +glottis +glottiscope +glottogonic +glottogonist +glottogony +glottologic +glottological +glottologist +glottology +Gloucester +glout +glove +gloveless +glovelike +glovemaker +glovemaking +glover +gloveress +glovey +gloving +glow +glower +glowerer +glowering +gloweringly +glowfly +glowing +glowingly +glowworm +Gloxinia +gloy +gloze +glozing +glozingly +glub +glucase +glucemia +glucid +glucide +glucidic +glucina +glucine +glucinic +glucinium +glucinum +gluck +glucofrangulin +glucokinin +glucolipid +glucolipide +glucolipin +glucolipine +glucolysis +glucosaemia +glucosamine +glucosan +glucosane +glucosazone +glucose +glucosemia +glucosic +glucosid +glucosidal +glucosidase +glucoside +glucosidic +glucosidically +glucosin +glucosine +glucosone +glucosuria +glucuronic +glue +glued +gluemaker +gluemaking +gluepot +gluer +gluey +glueyness +glug +gluish +gluishness +glum +gluma +Glumaceae +glumaceous +glumal +Glumales +glume +glumiferous +Glumiflorae +glumly +glummy +glumness +glumose +glumosity +glump +glumpily +glumpiness +glumpish +glumpy +glunch +Gluneamie +glusid +gluside +glut +glutamic +glutamine +glutaminic +glutaric +glutathione +glutch +gluteal +glutelin +gluten +glutenin +glutenous +gluteofemoral +gluteoinguinal +gluteoperineal +gluteus +glutin +glutinate +glutination +glutinative +glutinize +glutinose +glutinosity +glutinous +glutinously +glutinousness +glutition +glutoid +glutose +glutter +gluttery +glutting +gluttingly +glutton +gluttoness +gluttonish +gluttonism +gluttonize +gluttonous +gluttonously +gluttonousness +gluttony +glyceraldehyde +glycerate +Glyceria +glyceric +glyceride +glycerin +glycerinate +glycerination +glycerine +glycerinize +glycerite +glycerize +glycerizin +glycerizine +glycerogel +glycerogelatin +glycerol +glycerolate +glycerole +glycerolize +glycerophosphate +glycerophosphoric +glycerose +glyceroxide +glyceryl +glycid +glycide +glycidic +glycidol +Glycine +glycine +glycinin +glycocholate +glycocholic +glycocin +glycocoll +glycogelatin +glycogen +glycogenesis +glycogenetic +glycogenic +glycogenize +glycogenolysis +glycogenous +glycogeny +glycohaemia +glycohemia +glycol +glycolaldehyde +glycolate +glycolic +glycolide +glycolipid +glycolipide +glycolipin +glycolipine +glycoluric +glycoluril +glycolyl +glycolylurea +glycolysis +glycolytic +glycolytically +Glyconian +Glyconic +glyconic +glyconin +glycoproteid +glycoprotein +glycosaemia +glycose +glycosemia +glycosin +glycosine +glycosuria +glycosuric +glycuresis +glycuronic +glycyl +glycyphyllin +Glycyrrhiza +glycyrrhizin +Glynn +glyoxal +glyoxalase +glyoxalic +glyoxalin +glyoxaline +glyoxim +glyoxime +glyoxyl +glyoxylic +glyph +glyphic +glyphograph +glyphographer +glyphographic +glyphography +glyptic +glyptical +glyptician +Glyptodon +glyptodont +Glyptodontidae +glyptodontoid +glyptograph +glyptographer +glyptographic +glyptography +glyptolith +glyptological +glyptologist +glyptology +glyptotheca +Glyptotherium +glyster +Gmelina +gmelinite +gnabble +Gnaeus +gnaphalioid +Gnaphalium +gnar +gnarl +gnarled +gnarliness +gnarly +gnash +gnashingly +gnat +gnatcatcher +gnatflower +gnathal +gnathalgia +gnathic +gnathidium +gnathion +gnathism +gnathite +gnathitis +Gnatho +gnathobase +gnathobasic +Gnathobdellae +Gnathobdellida +gnathometer +gnathonic +gnathonical +gnathonically +gnathonism +gnathonize +gnathophorous +gnathoplasty +gnathopod +Gnathopoda +gnathopodite +gnathopodous +gnathostegite +Gnathostoma +Gnathostomata +gnathostomatous +gnathostome +Gnathostomi +gnathostomous +gnathotheca +gnatling +gnatproof +gnatsnap +gnatsnapper +gnatter +gnatty +gnatworm +gnaw +gnawable +gnawer +gnawing +gnawingly +gnawn +gneiss +gneissic +gneissitic +gneissoid +gneissose +gneissy +Gnetaceae +gnetaceous +Gnetales +Gnetum +gnocchetti +gnome +gnomed +gnomesque +gnomic +gnomical +gnomically +gnomide +gnomish +gnomist +gnomologic +gnomological +gnomologist +gnomology +gnomon +Gnomonia +Gnomoniaceae +gnomonic +gnomonical +gnomonics +gnomonological +gnomonologically +gnomonology +gnosiological +gnosiology +gnosis +Gnostic +gnostic +gnostical +gnostically +Gnosticism +gnosticity +gnosticize +gnosticizer +gnostology +gnu +go +goa +goad +goadsman +goadster +goaf +Goajiro +goal +Goala +goalage +goalee +goalie +goalkeeper +goalkeeping +goalless +goalmouth +Goan +Goanese +goanna +Goasila +goat +goatbeard +goatbrush +goatbush +goatee +goateed +goatfish +goatherd +goatherdess +goatish +goatishly +goatishness +goatland +goatlike +goatling +goatly +goatroot +goatsbane +goatsbeard +goatsfoot +goatskin +goatstone +goatsucker +goatweed +goaty +goave +gob +goback +goban +gobang +gobbe +gobber +gobbet +gobbin +gobbing +gobble +gobbledygook +gobbler +gobby +Gobelin +gobelin +gobernadora +gobi +Gobia +Gobian +gobiesocid +Gobiesocidae +gobiesociform +Gobiesox +gobiid +Gobiidae +gobiiform +Gobiiformes +Gobinism +Gobinist +Gobio +gobioid +Gobioidea +Gobioidei +goblet +gobleted +gobletful +goblin +gobline +goblinesque +goblinish +goblinism +goblinize +goblinry +gobmouthed +gobo +gobonated +gobony +gobstick +goburra +goby +gobylike +gocart +Goclenian +God +god +godchild +Goddam +Goddard +goddard +goddaughter +godded +goddess +goddesshood +goddessship +goddikin +goddize +gode +godet +Godetia +godfather +godfatherhood +godfathership +Godforsaken +Godfrey +Godful +godhead +godhood +Godiva +godkin +godless +godlessly +godlessness +godlet +godlike +godlikeness +godlily +godliness +godling +godly +godmaker +godmaking +godmamma +godmother +godmotherhood +godmothership +godown +godpapa +godparent +Godsake +godsend +godship +godson +godsonship +Godspeed +Godward +Godwin +Godwinian +godwit +goeduck +goel +goelism +Goemagot +Goemot +goer +goes +Goetae +Goethian +goetia +goetic +goetical +goety +goff +goffer +goffered +gofferer +goffering +goffle +gog +gogga +goggan +goggle +goggled +goggler +gogglers +goggly +goglet +Gogo +gogo +Gohila +goi +goiabada +Goidel +Goidelic +going +goitcho +goiter +goitered +goitral +goitrogen +goitrogenic +goitrous +Gokuraku +gol +gola +golach +goladar +golandaas +golandause +Golaseccan +Golconda +Gold +gold +goldbeater +goldbeating +Goldbird +goldbrick +goldbricker +goldbug +goldcrest +goldcup +golden +goldenback +goldeneye +goldenfleece +goldenhair +goldenknop +goldenlocks +goldenly +Goldenmouth +goldenmouthed +goldenness +goldenpert +goldenrod +goldenseal +goldentop +goldenwing +golder +goldfielder +goldfinch +goldfinny +goldfish +goldflower +goldhammer +goldhead +Goldi +Goldic +goldie +goldilocks +goldin +goldish +goldless +goldlike +Goldonian +goldseed +goldsinny +goldsmith +goldsmithery +goldsmithing +goldspink +goldstone +goldtail +goldtit +goldwater +goldweed +goldwork +goldworker +Goldy +goldy +golee +golem +golf +golfdom +golfer +Golgi +Golgotha +goli +goliard +goliardery +goliardic +Goliath +goliath +goliathize +golkakra +Goll +golland +gollar +golliwogg +golly +Golo +goloe +golpe +Goma +gomari +Gomarian +Gomarist +Gomarite +gomart +gomashta +gomavel +gombay +gombeen +gombeenism +gombroon +Gomeisa +gomer +gomeral +gomlah +gommelin +Gomontia +Gomorrhean +Gomphocarpus +gomphodont +Gompholobium +gomphosis +Gomphrena +gomuti +gon +Gona +gonad +gonadal +gonadial +gonadic +gonadotropic +gonadotropin +gonaduct +gonagra +gonakie +gonal +gonalgia +gonangial +gonangium +gonapod +gonapophysal +gonapophysial +gonapophysis +gonarthritis +Gond +gondang +Gondi +gondite +gondola +gondolet +gondolier +gone +goneness +goneoclinic +gonepoiesis +gonepoietic +goner +Goneril +gonesome +gonfalcon +gonfalonier +gonfalonierate +gonfaloniership +gonfanon +gong +gongman +Gongoresque +Gongorism +Gongorist +gongoristic +gonia +goniac +gonial +goniale +Goniaster +goniatite +Goniatites +goniatitic +goniatitid +Goniatitidae +goniatitoid +gonid +gonidangium +gonidia +gonidial +gonidic +gonidiferous +gonidiogenous +gonidioid +gonidiophore +gonidiose +gonidiospore +gonidium +gonimic +gonimium +gonimolobe +gonimous +goniocraniometry +Goniodoridae +Goniodorididae +Goniodoris +goniometer +goniometric +goniometrical +goniometrically +goniometry +gonion +Goniopholidae +Goniopholis +goniostat +goniotropous +gonitis +Gonium +gonium +gonnardite +gonne +gonoblast +gonoblastic +gonoblastidial +gonoblastidium +gonocalycine +gonocalyx +gonocheme +gonochorism +gonochorismal +gonochorismus +gonochoristic +gonococcal +gonococcic +gonococcoid +gonococcus +gonocoel +gonocyte +gonoecium +Gonolobus +gonomere +gonomery +gonophore +gonophoric +gonophorous +gonoplasm +gonopoietic +gonorrhea +gonorrheal +gonorrheic +gonosomal +gonosome +gonosphere +gonostyle +gonotheca +gonothecal +gonotokont +gonotome +gonotype +gonozooid +gony +gonyalgia +gonydeal +gonydial +gonyocele +gonyoncus +gonys +Gonystylaceae +gonystylaceous +Gonystylus +gonytheca +Gonzalo +goo +goober +good +Goodenia +Goodeniaceae +goodeniaceous +Goodenoviaceae +goodhearted +goodheartedly +goodheartedness +gooding +goodish +goodishness +goodlihead +goodlike +goodliness +goodly +goodman +goodmanship +goodness +goods +goodsome +goodwife +goodwill +goodwillit +goodwilly +goody +goodyear +Goodyera +goodyish +goodyism +goodyness +goodyship +goof +goofer +goofily +goofiness +goofy +googly +googol +googolplex +googul +gook +gool +goolah +gools +gooma +goon +goondie +goonie +Goop +goosander +goose +goosebeak +gooseberry +goosebill +goosebird +goosebone +gooseboy +goosecap +goosefish +gooseflower +goosefoot +goosegirl +goosegog +gooseherd +goosehouse +gooselike +goosemouth +gooseneck +goosenecked +gooserumped +goosery +goosetongue +gooseweed +goosewing +goosewinged +goosish +goosishly +goosishness +goosy +gopher +gopherberry +gopherroot +gopherwood +gopura +Gor +gor +gora +goracco +goral +goran +gorb +gorbal +gorbellied +gorbelly +gorbet +gorble +gorblimy +gorce +gorcock +gorcrow +Gordiacea +gordiacean +gordiaceous +Gordian +Gordiidae +Gordioidea +Gordius +gordolobo +Gordon +Gordonia +gordunite +Gordyaean +gore +gorer +gorevan +gorfly +gorge +gorgeable +gorged +gorgedly +gorgelet +gorgeous +gorgeously +gorgeousness +gorger +gorgerin +gorget +gorgeted +gorglin +Gorgon +Gorgonacea +gorgonacean +gorgonaceous +gorgonesque +gorgoneum +Gorgonia +Gorgoniacea +gorgoniacean +gorgoniaceous +Gorgonian +gorgonian +gorgonin +gorgonize +gorgonlike +Gorgonzola +Gorgosaurus +gorhen +goric +gorilla +gorillaship +gorillian +gorilline +gorilloid +gorily +goriness +goring +Gorkhali +Gorkiesque +gorlin +gorlois +gormandize +gormandizer +gormaw +gormed +gorra +gorraf +gorry +gorse +gorsebird +gorsechat +gorsedd +gorsehatch +gorsy +Gortonian +Gortonite +gory +gos +gosain +goschen +gosh +goshawk +Goshen +goshenite +goslarite +goslet +gosling +gosmore +gospel +gospeler +gospelist +gospelize +gospellike +gospelly +gospelmonger +gospelwards +Gosplan +gospodar +gosport +gossamer +gossamered +gossamery +gossampine +gossan +gossaniferous +gossard +gossip +gossipdom +gossipee +gossiper +gossiphood +gossipiness +gossiping +gossipingly +gossipmonger +gossipred +gossipry +gossipy +gossoon +gossy +gossypine +Gossypium +gossypol +gossypose +got +gotch +gote +Goth +Gotha +Gotham +Gothamite +Gothic +Gothically +Gothicism +Gothicist +Gothicity +Gothicize +Gothicizer +Gothicness +Gothish +Gothism +gothite +Gothlander +Gothonic +Gotiglacial +gotra +gotraja +gotten +Gottfried +Gottlieb +gouaree +Gouda +Goudy +gouge +gouger +goujon +goulash +goumi +goup +Goura +gourami +gourd +gourde +gourdful +gourdhead +gourdiness +gourdlike +gourdworm +gourdy +Gourinae +gourmand +gourmander +gourmanderie +gourmandism +gourmet +gourmetism +gourounut +goustrous +gousty +gout +goutify +goutily +goutiness +goutish +goutte +goutweed +goutwort +gouty +gove +govern +governability +governable +governableness +governably +governail +governance +governess +governessdom +governesshood +governessy +governing +governingly +government +governmental +governmentalism +governmentalist +governmentalize +governmentally +governmentish +governor +governorate +governorship +gowan +gowdnie +gowf +gowfer +gowiddie +gowk +gowked +gowkedly +gowkedness +gowkit +gowl +gown +gownlet +gownsman +gowpen +goy +Goyana +goyazite +Goyetian +goyim +goyin +goyle +gozell +gozzard +gra +Graafian +grab +grabbable +grabber +grabble +grabbler +grabbling +grabbots +graben +grabhook +grabouche +Grace +grace +graceful +gracefully +gracefulness +graceless +gracelessly +gracelessness +gracelike +gracer +Gracilaria +gracilariid +Gracilariidae +gracile +gracileness +gracilescent +gracilis +gracility +graciosity +gracioso +gracious +graciously +graciousness +grackle +Graculus +grad +gradable +gradal +gradate +gradation +gradational +gradationally +gradationately +gradative +gradatively +gradatory +graddan +grade +graded +gradefinder +gradely +grader +Gradgrind +gradgrind +Gradgrindian +Gradgrindish +Gradgrindism +gradient +gradienter +Gradientia +gradin +gradine +grading +gradiometer +gradiometric +gradometer +gradual +gradualism +gradualist +gradualistic +graduality +gradually +gradualness +graduand +graduate +graduated +graduateship +graduatical +graduating +graduation +graduator +gradus +Graeae +Graeculus +Graeme +graff +graffage +graffer +Graffias +graffito +grafship +graft +graftage +graftdom +grafted +grafter +grafting +graftonite +graftproof +Graham +graham +grahamite +Graian +grail +grailer +grailing +grain +grainage +grained +grainedness +grainer +grainering +grainery +grainfield +graininess +graining +grainland +grainless +grainman +grainsick +grainsickness +grainsman +grainways +grainy +graip +graisse +graith +Grallae +Grallatores +grallatorial +grallatory +grallic +Grallina +gralline +gralloch +gram +grama +gramarye +gramashes +grame +gramenite +gramicidin +Graminaceae +graminaceous +Gramineae +gramineal +gramineous +gramineousness +graminicolous +graminiferous +graminifolious +graminiform +graminin +graminivore +graminivorous +graminological +graminology +graminous +grammalogue +grammar +grammarian +grammarianism +grammarless +grammatic +grammatical +grammatically +grammaticalness +grammaticaster +grammaticism +grammaticize +grammatics +grammatist +grammatistical +grammatite +grammatolator +grammatolatry +Grammatophyllum +gramme +Grammontine +gramoches +Gramophone +gramophone +gramophonic +gramophonical +gramophonically +gramophonist +gramp +grampa +grampus +granada +granadilla +granadillo +Granadine +granage +granary +granate +granatum +granch +grand +grandam +grandame +grandaunt +grandchild +granddad +granddaddy +granddaughter +granddaughterly +grandee +grandeeism +grandeeship +grandesque +grandeur +grandeval +grandfather +grandfatherhood +grandfatherish +grandfatherless +grandfatherly +grandfathership +grandfer +grandfilial +grandiloquence +grandiloquent +grandiloquently +grandiloquous +grandiose +grandiosely +grandiosity +grandisonant +Grandisonian +Grandisonianism +grandisonous +grandly +grandma +grandmaternal +Grandmontine +grandmother +grandmotherhood +grandmotherism +grandmotherliness +grandmotherly +grandnephew +grandness +grandniece +grandpa +grandparent +grandparentage +grandparental +grandpaternal +grandsire +grandson +grandsonship +grandstand +grandstander +granduncle +grane +grange +granger +grangerism +grangerite +grangerization +grangerize +grangerizer +Grangousier +graniform +granilla +granite +granitelike +graniteware +granitic +granitical +graniticoline +granitiferous +granitification +granitiform +granitite +granitization +granitize +granitoid +granivore +granivorous +granjeno +grank +grannom +granny +grannybush +grano +granoblastic +granodiorite +granogabbro +granolite +granolith +granolithic +granomerite +granophyre +granophyric +granose +granospherite +Grant +grant +grantable +grantedly +grantee +granter +Granth +Grantha +Grantia +Grantiidae +grantor +granula +granular +granularity +granularly +granulary +granulate +granulated +granulater +granulation +granulative +granulator +granule +granulet +granuliferous +granuliform +granulite +granulitic +granulitis +granulitization +granulitize +granulize +granuloadipose +granulocyte +granuloma +granulomatous +granulometric +granulosa +granulose +granulous +Granville +granza +granzita +grape +graped +grapeflower +grapefruit +grapeful +grapeless +grapelet +grapelike +grapenuts +graperoot +grapery +grapeshot +grapeskin +grapestalk +grapestone +grapevine +grapewise +grapewort +graph +graphalloy +graphic +graphical +graphically +graphicalness +graphicly +graphicness +graphics +Graphidiaceae +Graphiola +graphiological +graphiologist +graphiology +Graphis +graphite +graphiter +graphitic +graphitization +graphitize +graphitoid +graphitoidal +Graphium +graphologic +graphological +graphologist +graphology +graphomania +graphomaniac +graphometer +graphometric +graphometrical +graphometry +graphomotor +Graphophone +graphophone +graphophonic +graphorrhea +graphoscope +graphospasm +graphostatic +graphostatical +graphostatics +graphotype +graphotypic +graphy +graping +grapnel +grappa +grapple +grappler +grappling +Grapsidae +grapsoid +Grapsus +Grapta +graptolite +Graptolitha +Graptolithida +Graptolithina +graptolitic +Graptolitoidea +Graptoloidea +graptomancy +grapy +grasp +graspable +grasper +grasping +graspingly +graspingness +graspless +grass +grassant +grassation +grassbird +grasschat +grasscut +grasscutter +grassed +grasser +grasset +grassflat +grassflower +grasshop +grasshopper +grasshopperdom +grasshopperish +grasshouse +grassiness +grassing +grassland +grassless +grasslike +grassman +grassnut +grassplot +grassquit +grasswards +grassweed +grasswidowhood +grasswork +grassworm +grassy +grat +grate +grateful +gratefully +gratefulness +grateless +grateman +grater +gratewise +grather +Gratia +Gratiano +graticulate +graticulation +graticule +gratification +gratified +gratifiedly +gratifier +gratify +gratifying +gratifyingly +gratility +gratillity +gratinate +grating +Gratiola +gratiolin +gratiosolin +gratis +gratitude +gratten +grattoir +gratuitant +gratuitous +gratuitously +gratuitousness +gratuity +gratulant +gratulate +gratulation +gratulatorily +gratulatory +graupel +gravamen +gravamina +grave +graveclod +gravecloth +graveclothes +graved +gravedigger +gravegarth +gravel +graveless +gravelike +graveling +gravelish +gravelliness +gravelly +gravelroot +gravelstone +gravelweed +gravely +gravemaker +gravemaking +graveman +gravemaster +graven +graveness +Gravenstein +graveolence +graveolency +graveolent +graver +Graves +graveship +graveside +gravestead +gravestone +graveward +gravewards +graveyard +gravic +gravicembalo +gravid +gravidity +gravidly +gravidness +Gravigrada +gravigrade +gravimeter +gravimetric +gravimetrical +gravimetrically +gravimetry +graving +gravitate +gravitater +gravitation +gravitational +gravitationally +gravitative +gravitometer +gravity +gravure +gravy +grawls +gray +grayback +graybeard +graycoat +grayfish +grayfly +grayhead +grayish +graylag +grayling +grayly +graymalkin +graymill +grayness +graypate +graywacke +grayware +graywether +grazable +graze +grazeable +grazer +grazier +grazierdom +graziery +grazing +grazingly +grease +greasebush +greasehorn +greaseless +greaselessness +greaseproof +greaseproofness +greaser +greasewood +greasily +greasiness +greasy +great +greatcoat +greatcoated +greaten +greater +greathead +greatheart +greathearted +greatheartedness +greatish +greatly +greatmouthed +greatness +greave +greaved +greaves +grebe +Grebo +grece +Grecian +Grecianize +Grecism +Grecize +Grecomania +Grecomaniac +Grecophil +gree +greed +greedily +greediness +greedless +greedsome +greedy +greedygut +greedyguts +Greek +Greekdom +Greekery +Greekess +Greekish +Greekism +Greekist +Greekize +Greekless +Greekling +green +greenable +greenage +greenalite +greenback +Greenbacker +Greenbackism +greenbark +greenbone +greenbrier +Greencloth +greencoat +greener +greenery +greeney +greenfinch +greenfish +greengage +greengill +greengrocer +greengrocery +greenhead +greenheaded +greenheart +greenhearted +greenhew +greenhide +greenhood +greenhorn +greenhornism +greenhouse +greening +greenish +greenishness +greenkeeper +greenkeeping +Greenland +Greenlander +Greenlandic +Greenlandish +greenlandite +Greenlandman +greenleek +greenless +greenlet +greenling +greenly +greenness +greenockite +greenovite +greenroom +greensand +greensauce +greenshank +greensick +greensickness +greenside +greenstone +greenstuff +greensward +greenswarded +greentail +greenth +greenuk +greenweed +Greenwich +greenwing +greenwithe +greenwood +greenwort +greeny +greenyard +greet +greeter +greeting +greetingless +greetingly +greffier +greffotome +Greg +gregal +gregale +gregaloid +gregarian +gregarianism +Gregarina +Gregarinae +Gregarinaria +gregarine +Gregarinida +gregarinidal +gregariniform +Gregarinina +Gregarinoidea +gregarinosis +gregarinous +gregarious +gregariously +gregariousness +gregaritic +grege +Gregg +Gregge +greggle +grego +Gregor +Gregorian +Gregorianist +Gregorianize +Gregorianizer +Gregory +greige +grein +greisen +gremial +gremlin +grenade +Grenadian +grenadier +grenadierial +grenadierly +grenadiership +grenadin +grenadine +Grendel +Grenelle +Gressoria +gressorial +gressorious +Greta +Gretchen +Gretel +greund +Grevillea +grew +grewhound +Grewia +grey +greyhound +Greyiaceae +greyly +greyness +gribble +grice +grid +griddle +griddlecake +griddler +gride +gridelin +gridiron +griece +grieced +grief +griefful +grieffully +griefless +grieflessness +grieshoch +grievance +grieve +grieved +grievedly +griever +grieveship +grieving +grievingly +grievous +grievously +grievousness +Griff +griff +griffade +griffado +griffaun +griffe +griffin +griffinage +griffinesque +griffinhood +griffinish +griffinism +Griffith +griffithite +Griffon +griffon +griffonage +griffonne +grift +grifter +grig +griggles +grignet +grigri +grihastha +grihyasutra +grike +grill +grillade +grillage +grille +grilled +griller +grillroom +grillwork +grilse +grim +grimace +grimacer +grimacier +grimacing +grimacingly +grimalkin +grime +grimful +grimgribber +grimily +griminess +grimliness +grimly +grimme +Grimmia +Grimmiaceae +grimmiaceous +grimmish +grimness +grimp +grimy +grin +grinagog +grinch +grind +grindable +Grindelia +grinder +grinderman +grindery +grinding +grindingly +grindle +grindstone +gringo +gringolee +gringophobia +Grinnellia +grinner +grinning +grinningly +grinny +grintern +grip +gripe +gripeful +griper +gripgrass +griphite +Griphosaurus +griping +gripingly +gripless +gripman +gripment +grippal +grippe +gripper +grippiness +gripping +grippingly +grippingness +gripple +grippleness +grippotoxin +grippy +gripsack +gripy +Griqua +griquaite +Griqualander +gris +grisaille +grisard +Griselda +griseous +grisette +grisettish +grisgris +griskin +grisliness +grisly +Grison +grison +grisounite +grisoutine +Grissel +grissens +grissons +grist +gristbite +grister +Gristhorbia +gristle +gristliness +gristly +gristmill +gristmiller +gristmilling +gristy +grit +grith +grithbreach +grithman +gritless +gritrock +grits +gritstone +gritten +gritter +grittily +grittiness +grittle +gritty +grivet +grivna +Grizel +Grizzel +grizzle +grizzled +grizzler +grizzly +grizzlyman +groan +groaner +groanful +groaning +groaningly +groat +groats +groatsworth +grobian +grobianism +grocer +grocerdom +groceress +grocerly +grocerwise +grocery +groceryman +Groenendael +groff +grog +groggery +groggily +grogginess +groggy +grogram +grogshop +groin +groined +groinery +groining +Grolier +Grolieresque +gromatic +gromatics +Gromia +grommet +gromwell +groom +groomer +groomish +groomishly +groomlet +groomling +groomsman +groomy +groop +groose +groot +grooty +groove +grooveless +groovelike +groover +grooverhead +grooviness +grooving +groovy +grope +groper +groping +gropingly +gropple +grorudite +gros +grosbeak +groschen +groser +groset +grosgrain +grosgrained +gross +grossart +grossen +grosser +grossification +grossify +grossly +grossness +grosso +grossulaceous +grossular +Grossularia +grossularia +Grossulariaceae +grossulariaceous +grossularious +grossularite +grosz +groszy +grot +grotesque +grotesquely +grotesqueness +grotesquerie +grothine +grothite +Grotian +Grotianism +grottesco +grotto +grottoed +grottolike +grottowork +grouch +grouchily +grouchiness +grouchingly +grouchy +grouf +grough +ground +groundable +groundably +groundage +groundberry +groundbird +grounded +groundedly +groundedness +groundenell +grounder +groundflower +grounding +groundless +groundlessly +groundlessness +groundliness +groundling +groundly +groundman +groundmass +groundneedle +groundnut +groundplot +grounds +groundsel +groundsill +groundsman +groundward +groundwood +groundwork +groundy +group +groupage +groupageness +grouped +grouper +grouping +groupist +grouplet +groupment +groupwise +grouse +grouseberry +grouseless +grouser +grouseward +grousewards +grousy +grout +grouter +grouthead +grouts +grouty +grouze +grove +groved +grovel +groveler +groveless +groveling +grovelingly +grovelings +grovy +grow +growable +growan +growed +grower +growing +growingly +growingupness +growl +growler +growlery +growling +growlingly +growly +grown +grownup +growse +growsome +growth +growthful +growthiness +growthless +growthy +grozart +grozet +grr +grub +grubbed +grubber +grubbery +grubbily +grubbiness +grubby +grubhood +grubless +grubroot +grubs +grubstake +grubstaker +Grubstreet +grubstreet +grubworm +grudge +grudgeful +grudgefully +grudgekin +grudgeless +grudger +grudgery +grudging +grudgingly +grudgingness +grudgment +grue +gruel +grueler +grueling +gruelly +Grues +gruesome +gruesomely +gruesomeness +gruff +gruffily +gruffiness +gruffish +gruffly +gruffness +gruffs +gruffy +grufted +grugru +Gruidae +gruiform +Gruiformes +gruine +Gruis +grum +grumble +grumbler +grumblesome +Grumbletonian +grumbling +grumblingly +grumbly +grume +Grumium +grumly +grummel +grummels +grummet +grummeter +grumness +grumose +grumous +grumousness +grump +grumph +grumphie +grumphy +grumpily +grumpiness +grumpish +grumpy +grun +Grundified +Grundlov +grundy +Grundyism +Grundyist +Grundyite +grunerite +gruneritization +grunion +grunt +grunter +Grunth +grunting +gruntingly +gruntle +gruntled +gruntling +Grus +grush +grushie +Grusian +Grusinian +gruss +grutch +grutten +gryde +grylli +gryllid +Gryllidae +gryllos +Gryllotalpa +Gryllus +gryllus +grypanian +Gryphaea +Gryphosaurus +gryposis +Grypotherium +grysbok +guaba +guacacoa +guachamaca +guacharo +guachipilin +Guacho +Guacico +guacimo +guacin +guaco +guaconize +Guadagnini +guadalcazarite +Guaharibo +Guahiban +Guahibo +Guahivo +guaiac +guaiacol +guaiacolize +guaiaconic +guaiacum +guaiaretic +guaiasanol +guaiol +guaka +Gualaca +guama +guan +Guana +guana +guanabana +guanabano +guanaco +guanajuatite +guanamine +guanase +guanay +Guanche +guaneide +guango +guanidine +guanidopropionic +guaniferous +guanine +guanize +guano +guanophore +guanosine +guanyl +guanylic +guao +guapena +guapilla +guapinol +Guaque +guar +guara +guarabu +guaracha +guaraguao +guarana +Guarani +guarani +Guaranian +guaranine +guarantee +guaranteeship +guarantor +guarantorship +guaranty +guarapucu +Guaraunan +Guarauno +guard +guardable +guardant +guarded +guardedly +guardedness +guardeen +guarder +guardfish +guardful +guardfully +guardhouse +guardian +guardiancy +guardianess +guardianless +guardianly +guardianship +guarding +guardingly +guardless +guardlike +guardo +guardrail +guardroom +guardship +guardsman +guardstone +Guarea +guariba +guarinite +guarneri +Guarnerius +Guarnieri +Guarrau +guarri +Guaruan +guasa +Guastalline +guatambu +Guatemalan +Guatemaltecan +guativere +Guato +Guatoan +Guatusan +Guatuso +Guauaenok +guava +guavaberry +guavina +guayaba +guayabi +guayabo +guayacan +Guayaqui +Guaycuru +Guaycuruan +Guaymie +guayroto +guayule +guaza +Guazuma +gubbertush +Gubbin +gubbo +gubernacula +gubernacular +gubernaculum +gubernative +gubernator +gubernatorial +gubernatrix +guberniya +gucki +gud +gudame +guddle +gude +gudebrother +gudefather +gudemother +gudesake +gudesakes +gudesire +gudewife +gudge +gudgeon +gudget +gudok +gue +guebucu +guejarite +Guelph +Guelphic +Guelphish +Guelphism +guemal +guenepe +guenon +guepard +guerdon +guerdonable +guerdoner +guerdonless +guereza +Guerickian +Guerinet +Guernsey +guernsey +guernseyed +guerrilla +guerrillaism +guerrillaship +Guesdism +Guesdist +guess +guessable +guesser +guessing +guessingly +guesswork +guessworker +guest +guestchamber +guesten +guester +guesthouse +guesting +guestive +guestless +Guestling +guestling +guestmaster +guestship +guestwise +Guetar +Guetare +gufa +guff +guffaw +guffer +guffin +guffy +gugal +guggle +gugglet +guglet +guglia +guglio +gugu +Guha +Guhayna +guhr +Guiana +Guianan +Guianese +guib +guiba +guidable +guidage +guidance +guide +guideboard +guidebook +guidebookish +guidecraft +guideless +guideline +guidepost +guider +guideress +guidership +guideship +guideway +guidman +Guido +guidon +Guidonian +guidwilly +guige +Guignardia +guignol +guijo +Guilandina +guild +guilder +guildhall +guildic +guildry +guildship +guildsman +guile +guileful +guilefully +guilefulness +guileless +guilelessly +guilelessness +guilery +guillemet +guillemot +Guillermo +guillevat +guilloche +guillochee +guillotinade +guillotine +guillotinement +guillotiner +guillotinism +guillotinist +guilt +guiltily +guiltiness +guiltless +guiltlessly +guiltlessness +guiltsick +guilty +guily +guimbard +guimpe +Guinea +guinea +Guineaman +Guinean +Guinevere +guipure +Guisard +guisard +guise +guiser +Guisian +guising +guitar +guitarfish +guitarist +guitermanite +guitguit +Guittonian +Gujar +Gujarati +Gujrati +gul +gula +gulae +gulaman +gulancha +Gulanganes +gular +gularis +gulch +gulden +guldengroschen +gule +gules +Gulf +gulf +gulflike +gulfside +gulfwards +gulfweed +gulfy +gulgul +gulinula +gulinulae +gulinular +gulix +gull +Gullah +gullery +gullet +gulleting +gullibility +gullible +gullibly +gullion +gullish +gullishly +gullishness +gully +gullyhole +Gulo +gulonic +gulose +gulosity +gulp +gulper +gulpin +gulping +gulpingly +gulpy +gulravage +gulsach +Gum +gum +gumbo +gumboil +gumbotil +gumby +gumchewer +gumdigger +gumdigging +gumdrop +gumfield +gumflower +gumihan +gumless +gumlike +gumly +gumma +gummage +gummaker +gummaking +gummata +gummatous +gummed +gummer +gummiferous +gumminess +gumming +gummite +gummose +gummosis +gummosity +gummous +gummy +gump +gumphion +gumption +gumptionless +gumptious +gumpus +gumshoe +gumweed +gumwood +gun +guna +gunate +gunation +gunbearer +gunboat +gunbright +gunbuilder +guncotton +gundi +gundy +gunebo +gunfire +gunflint +gunge +gunhouse +Gunite +gunite +gunj +gunk +gunl +gunless +gunlock +gunmaker +gunmaking +gunman +gunmanship +gunnage +Gunnar +gunne +gunnel +gunner +Gunnera +Gunneraceae +gunneress +gunnership +gunnery +gunnies +gunning +gunnung +gunny +gunocracy +gunong +gunpaper +gunplay +gunpowder +gunpowderous +gunpowdery +gunpower +gunrack +gunreach +gunrunner +gunrunning +gunsel +gunshop +gunshot +gunsman +gunsmith +gunsmithery +gunsmithing +gunster +gunstick +gunstock +gunstocker +gunstocking +gunstone +Gunter +gunter +Gunther +gunwale +gunyah +gunyang +gunyeh +Gunz +Gunzian +gup +guppy +guptavidya +gur +Guran +gurdfish +gurdle +gurdwara +gurge +gurgeon +gurgeons +gurges +gurgitation +gurgle +gurglet +gurgling +gurglingly +gurgly +gurgoyle +gurgulation +Gurian +Guric +Gurish +Gurjara +gurjun +gurk +Gurkha +gurl +gurly +Gurmukhi +gurnard +gurnet +gurnetty +Gurneyite +gurniad +gurr +gurrah +gurry +gurt +guru +guruship +Gus +gush +gusher +gushet +gushily +gushiness +gushing +gushingly +gushingness +gushy +gusla +gusle +guss +gusset +Gussie +gussie +gust +gustable +gustation +gustative +gustativeness +gustatory +Gustavus +gustful +gustfully +gustfulness +gustily +gustiness +gustless +gusto +gustoish +Gustus +gusty +gut +Guti +Gutium +gutless +gutlike +gutling +Gutnic +Gutnish +gutt +gutta +guttable +guttate +guttated +guttatim +guttation +gutte +gutter +Guttera +gutterblood +guttering +gutterlike +gutterling +gutterman +guttersnipe +guttersnipish +gutterspout +gutterwise +guttery +gutti +guttide +guttie +Guttiferae +guttiferal +Guttiferales +guttiferous +guttiform +guttiness +guttle +guttler +guttula +guttulae +guttular +guttulate +guttule +guttural +gutturalism +gutturality +gutturalization +gutturalize +gutturally +gutturalness +gutturize +gutturonasal +gutturopalatal +gutturopalatine +gutturotetany +guttus +gutty +gutweed +gutwise +gutwort +guvacine +guvacoline +Guy +guy +Guyandot +guydom +guyer +guytrash +guz +guze +Guzmania +guzmania +Guzul +guzzle +guzzledom +guzzler +gwag +gweduc +gweed +gweeon +gwely +Gwen +Gwendolen +gwine +gwyniad +Gyarung +gyascutus +Gyges +Gygis +gyle +gym +gymel +gymkhana +Gymnadenia +Gymnadeniopsis +Gymnanthes +gymnanthous +Gymnarchidae +Gymnarchus +gymnasia +gymnasial +gymnasiarch +gymnasiarchy +gymnasiast +gymnasic +gymnasium +gymnast +gymnastic +gymnastically +gymnastics +gymnemic +gymnetrous +gymnic +gymnical +gymnics +gymnite +Gymnoblastea +gymnoblastic +Gymnocalycium +gymnocarpic +gymnocarpous +Gymnocerata +gymnoceratous +gymnocidium +Gymnocladus +Gymnoconia +Gymnoderinae +Gymnodiniaceae +gymnodiniaceous +Gymnodiniidae +Gymnodinium +gymnodont +Gymnodontes +gymnogen +gymnogenous +Gymnoglossa +gymnoglossate +gymnogynous +Gymnogyps +Gymnolaema +Gymnolaemata +gymnolaematous +Gymnonoti +Gymnopaedes +gymnopaedic +gymnophiona +gymnoplast +Gymnorhina +gymnorhinal +Gymnorhininae +gymnosoph +gymnosophist +gymnosophy +gymnosperm +Gymnospermae +gymnospermal +gymnospermic +gymnospermism +Gymnospermous +gymnospermy +Gymnosporangium +gymnospore +gymnosporous +Gymnostomata +Gymnostomina +gymnostomous +Gymnothorax +gymnotid +Gymnotidae +Gymnotoka +gymnotokous +Gymnotus +Gymnura +gymnure +Gymnurinae +gymnurine +gympie +gyn +gynaecea +gynaeceum +gynaecocoenic +gynander +gynandrarchic +gynandrarchy +Gynandria +gynandria +gynandrian +gynandrism +gynandroid +gynandromorph +gynandromorphic +gynandromorphism +gynandromorphous +gynandromorphy +gynandrophore +gynandrosporous +gynandrous +gynandry +gynantherous +gynarchic +gynarchy +gyne +gynecic +gynecidal +gynecide +gynecocentric +gynecocracy +gynecocrat +gynecocratic +gynecocratical +gynecoid +gynecolatry +gynecologic +gynecological +gynecologist +gynecology +gynecomania +gynecomastia +gynecomastism +gynecomasty +gynecomazia +gynecomorphous +gyneconitis +gynecopathic +gynecopathy +gynecophore +gynecophoric +gynecophorous +gynecotelic +gynecratic +gyneocracy +gyneolater +gyneolatry +gynephobia +Gynerium +gynethusia +gyniatrics +gyniatry +gynic +gynics +gynobase +gynobaseous +gynobasic +gynocardia +gynocardic +gynocracy +gynocratic +gynodioecious +gynodioeciously +gynodioecism +gynoecia +gynoecium +gynogenesis +gynomonecious +gynomonoeciously +gynomonoecism +gynophagite +gynophore +gynophoric +gynosporangium +gynospore +gynostegia +gynostegium +gynostemium +Gynura +gyp +Gypaetus +gype +gypper +Gyppo +Gyps +gyps +gypseian +gypseous +gypsiferous +gypsine +gypsiologist +gypsite +gypsography +gypsologist +gypsology +Gypsophila +gypsophila +gypsophilous +gypsophily +gypsoplast +gypsous +gypster +gypsum +Gypsy +gypsy +gypsydom +gypsyesque +gypsyfy +gypsyhead +gypsyhood +gypsyish +gypsyism +gypsylike +gypsyry +gypsyweed +gypsywise +gypsywort +Gyracanthus +gyral +gyrally +gyrant +gyrate +gyration +gyrational +gyrator +gyratory +gyre +Gyrencephala +gyrencephalate +gyrencephalic +gyrencephalous +gyrene +gyrfalcon +gyri +gyric +gyrinid +Gyrinidae +Gyrinus +gyro +gyrocar +gyroceracone +gyroceran +Gyroceras +gyrochrome +gyrocompass +Gyrodactylidae +Gyrodactylus +gyrogonite +gyrograph +gyroidal +gyroidally +gyrolite +gyrolith +gyroma +gyromagnetic +gyromancy +gyromele +gyrometer +Gyromitra +gyron +gyronny +Gyrophora +Gyrophoraceae +Gyrophoraceous +gyrophoric +gyropigeon +gyroplane +gyroscope +gyroscopic +gyroscopically +gyroscopics +gyrose +gyrostabilizer +Gyrostachys +gyrostat +gyrostatic +gyrostatically +gyrostatics +Gyrotheca +gyrous +gyrovagi +gyrovagues +gyrowheel +gyrus +gyte +gytling +gyve +H +h +ha +haab +haaf +Habab +habanera +Habbe +habble +habdalah +Habe +habeas +habena +habenal +habenar +Habenaria +habendum +habenula +habenular +haberdash +haberdasher +haberdasheress +haberdashery +haberdine +habergeon +habilable +habilatory +habile +habiliment +habilimentation +habilimented +habilitate +habilitation +habilitator +hability +habille +Habiri +Habiru +habit +habitability +habitable +habitableness +habitably +habitacle +habitacule +habitally +habitan +habitance +habitancy +habitant +habitat +habitate +habitation +habitational +habitative +habited +habitual +habituality +habitualize +habitually +habitualness +habituate +habituation +habitude +habitudinal +habitue +habitus +habnab +haboob +Habronema +habronemiasis +habronemic +habu +habutai +habutaye +hache +Hachiman +hachure +hacienda +hack +hackamatak +hackamore +hackbarrow +hackberry +hackbolt +hackbush +hackbut +hackbuteer +hacked +hackee +hacker +hackery +hackin +hacking +hackingly +hackle +hackleback +hackler +hacklog +hackly +hackmack +hackman +hackmatack +hackney +hackneyed +hackneyer +hackneyism +hackneyman +hacksaw +hacksilber +hackster +hackthorn +hacktree +hackwood +hacky +had +Hadassah +hadbot +hadden +haddie +haddo +haddock +haddocker +hade +Hadean +Hadendoa +Hadendowa +hadentomoid +Hadentomoidea +Hades +Hadhramautian +hading +Hadith +hadj +Hadjemi +hadji +hadland +Hadramautian +hadrome +Hadromerina +hadromycosis +hadrosaur +Hadrosaurus +haec +haecceity +Haeckelian +Haeckelism +haem +Haemamoeba +Haemanthus +Haemaphysalis +haemaspectroscope +haematherm +haemathermal +haemathermous +haematinon +haematinum +haematite +Haematobranchia +haematobranchiate +Haematocrya +haematocryal +Haematophilina +haematophiline +Haematopus +haematorrhachis +haematosepsis +Haematotherma +haematothermal +haematoxylic +haematoxylin +Haematoxylon +haemoconcentration +haemodilution +Haemodoraceae +haemodoraceous +haemoglobin +haemogram +Haemogregarina +Haemogregarinidae +haemonchiasis +haemonchosis +Haemonchus +haemony +haemophile +Haemoproteus +haemorrhage +haemorrhagia +haemorrhagic +haemorrhoid +haemorrhoidal +haemosporid +Haemosporidia +haemosporidian +Haemosporidium +Haemulidae +haemuloid +haeremai +haet +haff +haffet +haffkinize +haffle +Hafgan +hafiz +hafnium +hafnyl +haft +hafter +hag +Haganah +Hagarite +hagberry +hagboat +hagborn +hagbush +hagdon +hageen +Hagenia +hagfish +haggada +haggaday +haggadic +haggadical +haggadist +haggadistic +haggard +haggardly +haggardness +hagged +hagger +haggis +haggish +haggishly +haggishness +haggister +haggle +haggler +haggly +haggy +hagi +hagia +hagiarchy +hagiocracy +Hagiographa +hagiographal +hagiographer +hagiographic +hagiographical +hagiographist +hagiography +hagiolater +hagiolatrous +hagiolatry +hagiologic +hagiological +hagiologist +hagiology +hagiophobia +hagioscope +hagioscopic +haglet +haglike +haglin +hagride +hagrope +hagseed +hagship +hagstone +hagtaper +hagweed +hagworm +hah +Hahnemannian +Hahnemannism +Haiathalah +Haida +Haidan +Haidee +haidingerite +Haiduk +haik +haikai +haikal +Haikh +haikwan +hail +hailer +hailproof +hailse +hailshot +hailstone +hailstorm +hailweed +haily +Haimavati +hain +Hainai +Hainan +Hainanese +hainberry +haine +hair +hairband +hairbeard +hairbird +hairbrain +hairbreadth +hairbrush +haircloth +haircut +haircutter +haircutting +hairdo +hairdress +hairdresser +hairdressing +haire +haired +hairen +hairhoof +hairhound +hairif +hairiness +hairlace +hairless +hairlessness +hairlet +hairline +hairlock +hairmeal +hairmonger +hairpin +hairsplitter +hairsplitting +hairspring +hairstone +hairstreak +hairtail +hairup +hairweed +hairwood +hairwork +hairworm +hairy +Haisla +Haithal +Haitian +haje +hajib +hajilij +hak +hakam +hakdar +hake +Hakea +hakeem +hakenkreuz +Hakenkreuzler +hakim +Hakka +hako +haku +Hal +hala +halakah +halakic +halakist +halakistic +halal +halalcor +halation +Halawi +halazone +halberd +halberdier +halberdman +halberdsman +halbert +halch +halcyon +halcyonian +halcyonic +Halcyonidae +Halcyoninae +halcyonine +Haldanite +hale +halebi +Halecomorphi +haleness +Halenia +haler +halerz +Halesia +halesome +half +halfback +halfbeak +halfer +halfheaded +halfhearted +halfheartedly +halfheartedness +halfling +halfman +halfness +halfpace +halfpaced +halfpenny +halfpennyworth +halfway +halfwise +Haliaeetus +halibios +halibiotic +halibiu +halibut +halibuter +Halicarnassean +Halicarnassian +Halichondriae +halichondrine +halichondroid +Halicore +Halicoridae +halide +halidom +halieutic +halieutically +halieutics +Haligonian +Halimeda +halimous +halinous +haliographer +haliography +Haliotidae +Haliotis +haliotoid +haliplankton +haliplid +Haliplidae +Haliserites +halisteresis +halisteretic +halite +Halitheriidae +Halitherium +halitosis +halituosity +halituous +halitus +hall +hallabaloo +hallage +hallah +hallan +hallanshaker +hallebardier +hallecret +halleflinta +halleflintoid +hallel +hallelujah +hallelujatic +hallex +Halleyan +halliblash +halling +hallman +hallmark +hallmarked +hallmarker +hallmoot +halloo +Hallopididae +hallopodous +Hallopus +hallow +Hallowday +hallowed +hallowedly +hallowedness +Halloween +hallower +Hallowmas +Hallowtide +halloysite +Hallstatt +Hallstattian +hallucal +hallucinate +hallucination +hallucinational +hallucinative +hallucinator +hallucinatory +hallucined +hallucinosis +hallux +hallway +halma +halmalille +halmawise +halo +Haloa +Halobates +halobios +halobiotic +halochromism +halochromy +Halocynthiidae +haloesque +halogen +halogenate +halogenation +halogenoid +halogenous +Halogeton +halohydrin +haloid +halolike +halolimnic +halomancy +halometer +halomorphic +halophile +halophilism +halophilous +halophyte +halophytic +halophytism +Halopsyche +Halopsychidae +Haloragidaceae +haloragidaceous +Halosauridae +Halosaurus +haloscope +Halosphaera +halotrichite +haloxene +hals +halse +halsen +halsfang +halt +halter +halterbreak +halteres +Halteridium +halterproof +Haltica +halting +haltingly +haltingness +haltless +halucket +halukkah +halurgist +halurgy +halutz +halvaner +halvans +halve +halved +halvelings +halver +halves +halyard +Halysites +ham +hamacratic +Hamadan +hamadryad +Hamal +hamal +hamald +Hamamelidaceae +hamamelidaceous +Hamamelidanthemum +hamamelidin +Hamamelidoxylon +hamamelin +Hamamelis +Hamamelites +hamartiologist +hamartiology +hamartite +hamate +hamated +Hamathite +hamatum +hambergite +hamble +hambroline +hamburger +hame +hameil +hamel +Hamelia +hamesucken +hamewith +hamfat +hamfatter +hami +Hamidian +Hamidieh +hamiform +Hamilton +Hamiltonian +Hamiltonianism +Hamiltonism +hamingja +hamirostrate +Hamital +Hamite +Hamites +Hamitic +Hamiticized +Hamitism +Hamitoid +hamlah +hamlet +hamleted +hamleteer +hamletization +hamletize +hamlinite +hammada +hammam +hammer +hammerable +hammerbird +hammercloth +hammerdress +hammerer +hammerfish +hammerhead +hammerheaded +hammering +hammeringly +hammerkop +hammerless +hammerlike +hammerman +hammersmith +hammerstone +hammertoe +hammerwise +hammerwork +hammerwort +hammochrysos +hammock +hammy +hamose +hamous +hamper +hamperedly +hamperedness +hamperer +hamperman +Hampshire +hamrongite +hamsa +hamshackle +hamster +hamstring +hamular +hamulate +hamule +Hamulites +hamulose +hamulus +hamus +hamza +han +Hanafi +Hanafite +hanaper +hanaster +Hanbalite +hanbury +hance +hanced +hanch +hancockite +hand +handbag +handball +handballer +handbank +handbanker +handbarrow +handbill +handblow +handbolt +handbook +handbow +handbreadth +handcar +handcart +handclap +handclasp +handcloth +handcraft +handcraftman +handcraftsman +handcuff +handed +handedness +Handelian +hander +handersome +handfast +handfasting +handfastly +handfastness +handflower +handful +handgrasp +handgravure +handgrip +handgriping +handgun +handhaving +handhold +handhole +handicap +handicapped +handicapper +handicraft +handicraftship +handicraftsman +handicraftsmanship +handicraftswoman +handicuff +handily +handiness +handistroke +handiwork +handkercher +handkerchief +handkerchiefful +handlaid +handle +handleable +handled +handleless +handler +handless +handlike +handling +handmade +handmaid +handmaiden +handmaidenly +handout +handpost +handprint +handrail +handrailing +handreader +handreading +handsale +handsaw +handsbreadth +handscrape +handsel +handseller +handset +handshake +handshaker +handshaking +handsmooth +handsome +handsomeish +handsomely +handsomeness +handspade +handspike +handspoke +handspring +handstaff +handstand +handstone +handstroke +handwear +handwheel +handwhile +handwork +handworkman +handwrist +handwrite +handwriting +handy +handyblow +handybook +handygrip +hangability +hangable +hangalai +hangar +hangbird +hangby +hangdog +hange +hangee +hanger +hangfire +hangie +hanging +hangingly +hangkang +hangle +hangman +hangmanship +hangment +hangnail +hangnest +hangout +hangul +hangwoman +hangworm +hangworthy +hanif +hanifism +hanifite +hanifiya +Hank +hank +hanker +hankerer +hankering +hankeringly +hankie +hankle +hanksite +hanky +hanna +hannayite +Hannibal +Hannibalian +Hannibalic +Hano +Hanoverian +Hanoverianize +Hanoverize +Hans +hansa +Hansard +Hansardization +Hansardize +Hanse +hanse +Hanseatic +hansel +hansgrave +hansom +hant +hantle +Hanukkah +Hanuman +hao +haole +haoma +haori +hap +Hapale +Hapalidae +hapalote +Hapalotis +hapaxanthous +haphazard +haphazardly +haphazardness +haphtarah +Hapi +hapless +haplessly +haplessness +haplite +haplocaulescent +haplochlamydeous +Haplodoci +Haplodon +haplodont +haplodonty +haplography +haploid +haploidic +haploidy +haplolaly +haplologic +haplology +haploma +Haplomi +haplomid +haplomous +haplont +haploperistomic +haploperistomous +haplopetalous +haplophase +haplophyte +haploscope +haploscopic +haplosis +haplostemonous +haplotype +haply +happen +happening +happenstance +happier +happiest +happify +happiless +happily +happiness +happing +happy +hapten +haptene +haptenic +haptere +hapteron +haptic +haptics +haptometer +haptophor +haptophoric +haptophorous +haptotropic +haptotropically +haptotropism +hapu +hapuku +haqueton +harakeke +harangue +harangueful +haranguer +Hararese +Harari +harass +harassable +harassedly +harasser +harassingly +harassment +haratch +Haratin +Haraya +Harb +harbergage +harbi +harbinge +harbinger +harbingership +harbingery +harbor +harborage +harborer +harborless +harborous +harborside +harborward +hard +hardanger +hardback +hardbake +hardbeam +hardberry +harden +hardenable +Hardenbergia +hardener +hardening +hardenite +harder +Harderian +hardfern +hardfist +hardfisted +hardfistedness +hardhack +hardhanded +hardhandedness +hardhead +hardheaded +hardheadedly +hardheadedness +hardhearted +hardheartedly +hardheartedness +hardihood +hardily +hardim +hardiment +hardiness +hardish +hardishrew +hardly +hardmouth +hardmouthed +hardness +hardock +hardpan +hardship +hardstand +hardstanding +hardtack +hardtail +hardware +hardwareman +Hardwickia +hardwood +hardy +hardystonite +hare +harebell +harebottle +harebrain +harebrained +harebrainedly +harebrainedness +harebur +harefoot +harefooted +harehearted +harehound +Harelda +harelike +harelip +harelipped +harem +haremism +haremlik +harengiform +harfang +haricot +harigalds +hariolate +hariolation +hariolize +harish +hark +harka +harl +Harleian +Harlemese +Harlemite +harlequin +harlequina +harlequinade +harlequinery +harlequinesque +harlequinic +harlequinism +harlequinize +harling +harlock +harlot +harlotry +harm +Harmachis +harmal +harmala +harmaline +harman +harmattan +harmel +harmer +harmful +harmfully +harmfulness +harmine +harminic +harmless +harmlessly +harmlessness +Harmon +harmonia +harmoniacal +harmonial +harmonic +harmonica +harmonical +harmonically +harmonicalness +harmonichord +harmonici +harmonicism +harmonicon +harmonics +harmonious +harmoniously +harmoniousness +harmoniphon +harmoniphone +harmonist +harmonistic +harmonistically +Harmonite +harmonium +harmonizable +harmonization +harmonize +harmonizer +harmonogram +harmonograph +harmonometer +harmony +harmost +harmotome +harmotomic +harmproof +harn +harness +harnesser +harnessry +harnpan +Harold +harp +Harpa +harpago +harpagon +Harpagornis +Harpalides +Harpalinae +Harpalus +harper +harperess +Harpidae +harpier +harpings +harpist +harpless +harplike +Harpocrates +harpoon +harpooner +Harporhynchus +harpress +harpsichord +harpsichordist +harpula +Harpullia +harpwaytuning +harpwise +Harpy +Harpyia +harpylike +harquebus +harquebusade +harquebusier +harr +harrateen +harridan +harrier +Harris +Harrisia +harrisite +Harrovian +harrow +harrower +harrowing +harrowingly +harrowingness +harrowment +Harry +harry +harsh +harshen +harshish +harshly +harshness +harshweed +harstigite +hart +hartal +hartberry +hartebeest +hartin +hartite +Hartleian +Hartleyan +Hartmann +Hartmannia +Hartogia +hartshorn +hartstongue +harttite +Hartungen +haruspex +haruspical +haruspicate +haruspication +haruspice +haruspices +haruspicy +Harv +Harvard +Harvardian +Harvardize +Harveian +harvest +harvestbug +harvester +harvestless +harvestman +harvestry +harvesttime +Harvey +Harveyize +harzburgite +hasan +hasenpfeffer +hash +hashab +hasher +Hashimite +hashish +Hashiya +hashy +Hasidean +Hasidic +Hasidim +Hasidism +Hasinai +hask +Haskalah +haskness +hasky +haslet +haslock +Hasmonaean +hasp +hassar +hassel +hassle +hassock +hassocky +hasta +hastate +hastately +hastati +hastatolanceolate +hastatosagittate +haste +hasteful +hastefully +hasteless +hastelessness +hasten +hastener +hasteproof +haster +hastilude +hastily +hastiness +hastings +hastingsite +hastish +hastler +hasty +hat +hatable +hatband +hatbox +hatbrim +hatbrush +hatch +hatchability +hatchable +hatchel +hatcheler +hatcher +hatchery +hatcheryman +hatchet +hatchetback +hatchetfish +hatchetlike +hatchetman +hatchettine +hatchettolite +hatchety +hatchgate +hatching +hatchling +hatchman +hatchment +hatchminder +hatchway +hatchwayman +hate +hateable +hateful +hatefully +hatefulness +hateless +hatelessness +hater +hatful +hath +hatherlite +hathi +Hathor +Hathoric +Hati +Hatikvah +hatless +hatlessness +hatlike +hatmaker +hatmaking +hatpin +hatrack +hatrail +hatred +hatress +hatstand +hatt +hatted +Hattemist +hatter +Hatteria +hattery +Hatti +Hattic +Hattie +hatting +Hattism +Hattize +hattock +Hatty +hatty +hau +hauberget +hauberk +hauchecornite +hauerite +haugh +haughland +haught +haughtily +haughtiness +haughtly +haughtness +haughtonite +haughty +haul +haulabout +haulage +haulageway +haulback +hauld +hauler +haulier +haulm +haulmy +haulster +haunch +haunched +hauncher +haunching +haunchless +haunchy +haunt +haunter +hauntingly +haunty +Hauranitic +hauriant +haurient +Hausa +hause +hausen +hausmannite +hausse +Haussmannization +Haussmannize +haustellate +haustellated +haustellous +haustellum +haustement +haustorial +haustorium +haustral +haustrum +hautboy +hautboyist +hauteur +hauynite +hauynophyre +havage +Havaiki +Havaikian +Havana +Havanese +have +haveable +haveage +havel +haveless +havelock +haven +havenage +havener +havenership +havenet +havenful +havenless +havent +havenward +haver +havercake +haverel +haverer +havergrass +havermeal +havers +haversack +Haversian +haversine +havier +havildar +havingness +havoc +havocker +haw +Hawaiian +hawaiite +hawbuck +hawcubite +hawer +hawfinch +Hawiya +hawk +hawkbill +hawkbit +hawked +hawker +hawkery +Hawkeye +hawkie +hawking +hawkish +hawklike +hawknut +hawkweed +hawkwise +hawky +hawm +hawok +Haworthia +hawse +hawsehole +hawseman +hawsepiece +hawsepipe +hawser +hawserwise +hawthorn +hawthorned +hawthorny +hay +haya +hayband +haybird +haybote +haycap +haycart +haycock +haydenite +hayey +hayfield +hayfork +haygrower +haylift +hayloft +haymaker +haymaking +haymarket +haymow +hayrack +hayrake +hayraker +hayrick +hayseed +haysel +haystack +haysuck +haytime +hayward +hayweed +haywire +hayz +Hazara +hazard +hazardable +hazarder +hazardful +hazardize +hazardless +hazardous +hazardously +hazardousness +hazardry +haze +Hazel +hazel +hazeled +hazeless +hazelly +hazelnut +hazelwood +hazelwort +hazen +hazer +hazily +haziness +hazing +hazle +haznadar +hazy +hazzan +he +head +headache +headachy +headband +headbander +headboard +headborough +headcap +headchair +headcheese +headchute +headcloth +headdress +headed +headender +header +headfirst +headforemost +headframe +headful +headgear +headily +headiness +heading +headkerchief +headland +headledge +headless +headlessness +headlight +headlighting +headlike +headline +headliner +headlock +headlong +headlongly +headlongs +headlongwise +headman +headmark +headmaster +headmasterly +headmastership +headmistress +headmistressship +headmold +headmost +headnote +headpenny +headphone +headpiece +headplate +headpost +headquarter +headquarters +headrace +headrail +headreach +headrent +headrest +headright +headring +headroom +headrope +headsail +headset +headshake +headship +headsill +headskin +headsman +headspring +headstall +headstand +headstick +headstock +headstone +headstream +headstrong +headstrongly +headstrongness +headwaiter +headwall +headward +headwark +headwater +headway +headwear +headwork +headworker +headworking +heady +heaf +heal +healable +heald +healder +healer +healful +healing +healingly +healless +healsome +healsomeness +health +healthcraft +healthful +healthfully +healthfulness +healthguard +healthily +healthiness +healthless +healthlessness +healthsome +healthsomely +healthsomeness +healthward +healthy +heap +heaper +heaps +heapstead +heapy +hear +hearable +hearer +hearing +hearingless +hearken +hearkener +hearsay +hearse +hearsecloth +hearselike +hearst +heart +heartache +heartaching +heartbeat +heartbird +heartblood +heartbreak +heartbreaker +heartbreaking +heartbreakingly +heartbroken +heartbrokenly +heartbrokenness +heartburn +heartburning +heartdeep +heartease +hearted +heartedly +heartedness +hearten +heartener +heartening +hearteningly +heartfelt +heartful +heartfully +heartfulness +heartgrief +hearth +hearthless +hearthman +hearthpenny +hearthrug +hearthstead +hearthstone +hearthward +hearthwarming +heartikin +heartily +heartiness +hearting +heartland +heartleaf +heartless +heartlessly +heartlessness +heartlet +heartling +heartly +heartnut +heartpea +heartquake +heartroot +hearts +heartscald +heartsease +heartseed +heartsette +heartsick +heartsickening +heartsickness +heartsome +heartsomely +heartsomeness +heartsore +heartstring +heartthrob +heartward +heartwater +heartweed +heartwise +heartwood +heartwort +hearty +heat +heatable +heatdrop +heatedly +heater +heaterman +heatful +heath +heathberry +heathbird +heathen +heathendom +heatheness +heathenesse +heathenhood +heathenish +heathenishly +heathenishness +heathenism +heathenize +heathenness +heathenry +heathenship +Heather +heather +heathered +heatheriness +heathery +heathless +heathlike +heathwort +heathy +heating +heatingly +heatless +heatlike +heatmaker +heatmaking +heatproof +heatronic +heatsman +heatstroke +heaume +heaumer +heautarit +heautomorphism +Heautontimorumenos +heautophany +heave +heaveless +heaven +Heavenese +heavenful +heavenhood +heavenish +heavenishly +heavenize +heavenless +heavenlike +heavenliness +heavenly +heavens +heavenward +heavenwardly +heavenwardness +heavenwards +heaver +heavies +heavily +heaviness +heaving +heavisome +heavity +heavy +heavyback +heavyhanded +heavyhandedness +heavyheaded +heavyhearted +heavyheartedness +heavyweight +hebamic +hebdomad +hebdomadal +hebdomadally +hebdomadary +hebdomader +hebdomarian +hebdomary +hebeanthous +hebecarpous +hebecladous +hebegynous +hebenon +hebeosteotomy +hebepetalous +hebephrenia +hebephrenic +hebetate +hebetation +hebetative +hebete +hebetic +hebetomy +hebetude +hebetudinous +Hebraean +Hebraic +Hebraica +Hebraical +Hebraically +Hebraicize +Hebraism +Hebraist +Hebraistic +Hebraistical +Hebraistically +Hebraization +Hebraize +Hebraizer +Hebrew +Hebrewdom +Hebrewess +Hebrewism +Hebrician +Hebridean +Hebronite +hebronite +hecastotheism +Hecate +Hecatean +Hecatic +Hecatine +hecatomb +Hecatombaeon +hecatomped +hecatompedon +hecatonstylon +hecatontarchy +hecatontome +hecatophyllous +hech +Hechtia +heck +heckelphone +Heckerism +heckimal +heckle +heckler +hectare +hecte +hectic +hectical +hectically +hecticly +hecticness +hectocotyl +hectocotyle +hectocotyliferous +hectocotylization +hectocotylize +hectocotylus +hectogram +hectograph +hectographic +hectography +hectoliter +hectometer +Hector +hector +Hectorean +Hectorian +hectoringly +hectorism +hectorly +hectorship +hectostere +hectowatt +heddle +heddlemaker +heddler +hedebo +hedenbergite +Hedeoma +heder +Hedera +hederaceous +hederaceously +hederated +hederic +hederiferous +hederiform +hederigerent +hederin +hederose +hedge +hedgeberry +hedgeborn +hedgebote +hedgebreaker +hedgehog +hedgehoggy +hedgehop +hedgehopper +hedgeless +hedgemaker +hedgemaking +hedger +hedgerow +hedgesmith +hedgeweed +hedgewise +hedgewood +hedging +hedgingly +hedgy +hedonic +hedonical +hedonically +hedonics +hedonism +hedonist +hedonistic +hedonistically +hedonology +hedriophthalmous +hedrocele +hedrumite +Hedychium +hedyphane +Hedysarum +heed +heeder +heedful +heedfully +heedfulness +heedily +heediness +heedless +heedlessly +heedlessness +heedy +heehaw +heel +heelball +heelband +heelcap +heeled +heeler +heelgrip +heelless +heelmaker +heelmaking +heelpath +heelpiece +heelplate +heelpost +heelprint +heelstrap +heeltap +heeltree +heemraad +heer +heeze +heezie +heezy +heft +hefter +heftily +heftiness +hefty +hegari +Hegelian +Hegelianism +Hegelianize +Hegelizer +hegemon +hegemonic +hegemonical +hegemonist +hegemonizer +hegemony +hegira +hegumen +hegumene +Hehe +hei +heiau +Heidi +heifer +heiferhood +heigh +heighday +height +heighten +heightener +heii +Heikum +Heiltsuk +heimin +Hein +Heinesque +Heinie +heinous +heinously +heinousness +Heinrich +heintzite +Heinz +heir +heirdom +heiress +heiressdom +heiresshood +heirless +heirloom +heirship +heirskip +heitiki +Hejazi +Hejazian +hekteus +helbeh +helcoid +helcology +helcoplasty +helcosis +helcotic +heldentenor +helder +Helderbergian +hele +Helen +Helena +helenin +helenioid +Helenium +Helenus +helepole +Helge +heliacal +heliacally +Heliaea +heliaean +Heliamphora +Heliand +helianthaceous +Helianthemum +helianthic +helianthin +Helianthium +Helianthoidea +Helianthoidean +Helianthus +heliast +heliastic +heliazophyte +helical +helically +heliced +helices +helichryse +helichrysum +Helicidae +heliciform +helicin +Helicina +helicine +Helicinidae +helicitic +helicline +helicograph +helicogyrate +helicogyre +helicoid +helicoidal +helicoidally +helicometry +helicon +Heliconia +Heliconian +Heliconiidae +Heliconiinae +heliconist +Heliconius +helicoprotein +helicopter +helicorubin +helicotrema +Helicteres +helictite +helide +Heligmus +heling +helio +heliocentric +heliocentrical +heliocentrically +heliocentricism +heliocentricity +heliochrome +heliochromic +heliochromoscope +heliochromotype +heliochromy +helioculture +heliodon +heliodor +helioelectric +helioengraving +heliofugal +Heliogabalize +Heliogabalus +heliogram +heliograph +heliographer +heliographic +heliographical +heliographically +heliography +heliogravure +helioid +heliolater +heliolatrous +heliolatry +heliolite +Heliolites +heliolithic +Heliolitidae +heliologist +heliology +heliometer +heliometric +heliometrical +heliometrically +heliometry +heliomicrometer +Helion +heliophilia +heliophiliac +heliophilous +heliophobe +heliophobia +heliophobic +heliophobous +heliophotography +heliophyllite +heliophyte +Heliopora +Helioporidae +Heliopsis +heliopticon +Heliornis +Heliornithes +Heliornithidae +Helios +helioscope +helioscopic +helioscopy +heliosis +heliostat +heliostatic +heliotactic +heliotaxis +heliotherapy +heliothermometer +Heliothis +heliotrope +heliotroper +Heliotropiaceae +heliotropian +heliotropic +heliotropical +heliotropically +heliotropine +heliotropism +Heliotropium +heliotropy +heliotype +heliotypic +heliotypically +heliotypography +heliotypy +Heliozoa +heliozoan +heliozoic +heliport +Helipterum +helispheric +helispherical +helium +helix +helizitic +hell +Helladian +Helladic +Helladotherium +hellandite +hellanodic +hellbender +hellborn +hellbox +hellbred +hellbroth +hellcat +helldog +helleboraceous +helleboraster +hellebore +helleborein +helleboric +helleborin +Helleborine +helleborism +Helleborus +Hellelt +Hellen +Hellene +Hellenian +Hellenic +Hellenically +Hellenicism +Hellenism +Hellenist +Hellenistic +Hellenistical +Hellenistically +Hellenisticism +Hellenization +Hellenize +Hellenizer +Hellenocentric +Hellenophile +heller +helleri +Hellespont +Hellespontine +hellgrammite +hellhag +hellhole +hellhound +hellicat +hellier +hellion +hellish +hellishly +hellishness +hellkite +hellness +hello +hellroot +hellship +helluo +hellward +hellweed +helly +helm +helmage +helmed +helmet +helmeted +helmetlike +helmetmaker +helmetmaking +Helmholtzian +helminth +helminthagogic +helminthagogue +Helminthes +helminthiasis +helminthic +helminthism +helminthite +Helminthocladiaceae +helminthoid +helminthologic +helminthological +helminthologist +helminthology +helminthosporiose +Helminthosporium +helminthosporoid +helminthous +helmless +helmsman +helmsmanship +helobious +heloderm +Heloderma +Helodermatidae +helodermatoid +helodermatous +helodes +heloe +heloma +Helonias +helonin +helosis +Helot +helotage +helotism +helotize +helotomy +helotry +help +helpable +helper +helpful +helpfully +helpfulness +helping +helpingly +helpless +helplessly +helplessness +helply +helpmate +helpmeet +helpsome +helpworthy +helsingkite +helve +helvell +Helvella +Helvellaceae +helvellaceous +Helvellales +helvellic +helver +Helvetia +Helvetian +Helvetic +Helvetii +Helvidian +helvite +hem +hemabarometer +hemachate +hemachrome +hemachrosis +hemacite +hemad +hemadrometer +hemadrometry +hemadromograph +hemadromometer +hemadynameter +hemadynamic +hemadynamics +hemadynamometer +hemafibrite +hemagglutinate +hemagglutination +hemagglutinative +hemagglutinin +hemagogic +hemagogue +hemal +hemalbumen +hemamoeba +hemangioma +hemangiomatosis +hemangiosarcoma +hemaphein +hemapod +hemapodous +hemapoiesis +hemapoietic +hemapophyseal +hemapophysial +hemapophysis +hemarthrosis +hemase +hemaspectroscope +hemastatics +hematachometer +hematachometry +hematal +hematein +hematemesis +hematemetic +hematencephalon +hematherapy +hematherm +hemathermal +hemathermous +hemathidrosis +hematic +hematid +hematidrosis +hematimeter +hematin +hematinic +hematinometer +hematinometric +hematinuria +hematite +hematitic +hematobic +hematobious +hematobium +hematoblast +hematobranchiate +hematocatharsis +hematocathartic +hematocele +hematochezia +hematochrome +hematochyluria +hematoclasia +hematoclasis +hematocolpus +hematocrit +hematocryal +hematocrystallin +hematocyanin +hematocyst +hematocystis +hematocyte +hematocytoblast +hematocytogenesis +hematocytometer +hematocytotripsis +hematocytozoon +hematocyturia +hematodynamics +hematodynamometer +hematodystrophy +hematogen +hematogenesis +hematogenetic +hematogenic +hematogenous +hematoglobulin +hematography +hematohidrosis +hematoid +hematoidin +hematolin +hematolite +hematological +hematologist +hematology +hematolymphangioma +hematolysis +hematolytic +hematoma +hematomancy +hematometer +hematometra +hematometry +hematomphalocele +hematomyelia +hematomyelitis +hematonephrosis +hematonic +hematopathology +hematopericardium +hematopexis +hematophobia +hematophyte +hematoplast +hematoplastic +hematopoiesis +hematopoietic +hematoporphyrin +hematoporphyrinuria +hematorrhachis +hematorrhea +hematosalpinx +hematoscope +hematoscopy +hematose +hematosepsis +hematosin +hematosis +hematospectrophotometer +hematospectroscope +hematospermatocele +hematospermia +hematostibiite +hematotherapy +hematothermal +hematothorax +hematoxic +hematozoal +hematozoan +hematozoic +hematozoon +hematozymosis +hematozymotic +hematuresis +hematuria +hematuric +hemautogram +hemautograph +hemautographic +hemautography +heme +hemellitene +hemellitic +hemelytral +hemelytron +hemen +hemera +hemeralope +hemeralopia +hemeralopic +Hemerobaptism +Hemerobaptist +Hemerobian +Hemerobiid +Hemerobiidae +Hemerobius +Hemerocallis +hemerologium +hemerology +hemerythrin +hemiablepsia +hemiacetal +hemiachromatopsia +hemiageusia +hemiageustia +hemialbumin +hemialbumose +hemialbumosuria +hemialgia +hemiamaurosis +hemiamb +hemiamblyopia +hemiamyosthenia +hemianacusia +hemianalgesia +hemianatropous +hemianesthesia +hemianopia +hemianopic +hemianopsia +hemianoptic +hemianosmia +hemiapraxia +Hemiascales +Hemiasci +Hemiascomycetes +hemiasynergia +hemiataxia +hemiataxy +hemiathetosis +hemiatrophy +hemiazygous +Hemibasidiales +Hemibasidii +Hemibasidiomycetes +hemibasidium +hemibathybian +hemibenthic +hemibenthonic +hemibranch +hemibranchiate +Hemibranchii +hemic +hemicanities +hemicardia +hemicardiac +hemicarp +hemicatalepsy +hemicataleptic +hemicellulose +hemicentrum +hemicephalous +hemicerebrum +Hemichorda +hemichordate +hemichorea +hemichromatopsia +hemicircle +hemicircular +hemiclastic +hemicollin +hemicrane +hemicrania +hemicranic +hemicrany +hemicrystalline +hemicycle +hemicyclic +hemicyclium +hemicylindrical +hemidactylous +Hemidactylus +hemidemisemiquaver +hemidiapente +hemidiaphoresis +hemiditone +hemidomatic +hemidome +hemidrachm +hemidysergia +hemidysesthesia +hemidystrophy +hemiekton +hemielliptic +hemiepilepsy +hemifacial +hemiform +Hemigale +Hemigalus +Hemiganus +hemigastrectomy +hemigeusia +hemiglossal +hemiglossitis +hemiglyph +hemignathous +hemihdry +hemihedral +hemihedrally +hemihedric +hemihedrism +hemihedron +hemiholohedral +hemihydrate +hemihydrated +hemihydrosis +hemihypalgesia +hemihyperesthesia +hemihyperidrosis +hemihypertonia +hemihypertrophy +hemihypesthesia +hemihypoesthesia +hemihypotonia +hemikaryon +hemikaryotic +hemilaminectomy +hemilaryngectomy +Hemileia +hemilethargy +hemiligulate +hemilingual +hemimellitene +hemimellitic +hemimelus +Hemimeridae +Hemimerus +Hemimetabola +hemimetabole +hemimetabolic +hemimetabolism +hemimetabolous +hemimetaboly +hemimetamorphic +hemimetamorphosis +hemimetamorphous +hemimorph +hemimorphic +hemimorphism +hemimorphite +hemimorphy +Hemimyaria +hemin +hemina +hemine +heminee +hemineurasthenia +hemiobol +hemiolia +hemiolic +hemionus +hemiope +hemiopia +hemiopic +hemiorthotype +hemiparalysis +hemiparanesthesia +hemiparaplegia +hemiparasite +hemiparasitic +hemiparasitism +hemiparesis +hemiparesthesia +hemiparetic +hemipenis +hemipeptone +hemiphrase +hemipic +hemipinnate +hemiplane +hemiplankton +hemiplegia +hemiplegic +hemiplegy +hemipodan +hemipode +Hemipodii +Hemipodius +hemiprism +hemiprismatic +hemiprotein +hemipter +Hemiptera +hemipteral +hemipteran +hemipteroid +hemipterological +hemipterology +hemipteron +hemipterous +hemipyramid +hemiquinonoid +hemiramph +Hemiramphidae +Hemiramphinae +hemiramphine +Hemiramphus +hemisaprophyte +hemisaprophytic +hemiscotosis +hemisect +hemisection +hemispasm +hemispheral +hemisphere +hemisphered +hemispherical +hemispherically +hemispheroid +hemispheroidal +hemispherule +hemistater +hemistich +hemistichal +hemistrumectomy +hemisymmetrical +hemisymmetry +hemisystole +hemiterata +hemiteratic +hemiteratics +hemiteria +hemiterpene +hemitery +hemithyroidectomy +hemitone +hemitremor +hemitrichous +hemitriglyph +hemitropal +hemitrope +hemitropic +hemitropism +hemitropous +hemitropy +hemitype +hemitypic +hemivagotony +heml +hemlock +hemmel +hemmer +hemoalkalimeter +hemoblast +hemochromatosis +hemochrome +hemochromogen +hemochromometer +hemochromometry +hemoclasia +hemoclasis +hemoclastic +hemocoel +hemocoele +hemocoelic +hemocoelom +hemoconcentration +hemoconia +hemoconiosis +hemocry +hemocrystallin +hemoculture +hemocyanin +hemocyte +hemocytoblast +hemocytogenesis +hemocytolysis +hemocytometer +hemocytotripsis +hemocytozoon +hemocyturia +hemodiagnosis +hemodilution +hemodrometer +hemodrometry +hemodromograph +hemodromometer +hemodynameter +hemodynamic +hemodynamics +hemodystrophy +hemoerythrin +hemoflagellate +hemofuscin +hemogastric +hemogenesis +hemogenetic +hemogenic +hemogenous +hemoglobic +hemoglobin +hemoglobinemia +hemoglobiniferous +hemoglobinocholia +hemoglobinometer +hemoglobinophilic +hemoglobinous +hemoglobinuria +hemoglobinuric +hemoglobulin +hemogram +hemogregarine +hemoid +hemokonia +hemokoniosis +hemol +hemoleucocyte +hemoleucocytic +hemologist +hemology +hemolymph +hemolymphatic +hemolysin +hemolysis +hemolytic +hemolyze +hemomanometer +hemometer +hemometry +hemonephrosis +hemopathology +hemopathy +hemopericardium +hemoperitoneum +hemopexis +hemophage +hemophagia +hemophagocyte +hemophagocytosis +hemophagous +hemophagy +hemophile +Hemophileae +hemophilia +hemophiliac +hemophilic +Hemophilus +hemophobia +hemophthalmia +hemophthisis +hemopiezometer +hemoplasmodium +hemoplastic +hemopneumothorax +hemopod +hemopoiesis +hemopoietic +hemoproctia +hemoptoe +hemoptysis +hemopyrrole +hemorrhage +hemorrhagic +hemorrhagin +hemorrhea +hemorrhodin +hemorrhoid +hemorrhoidal +hemorrhoidectomy +hemosalpinx +hemoscope +hemoscopy +hemosiderin +hemosiderosis +hemospasia +hemospastic +hemospermia +hemosporid +hemosporidian +hemostasia +hemostasis +hemostat +hemostatic +hemotachometer +hemotherapeutics +hemotherapy +hemothorax +hemotoxic +hemotoxin +hemotrophe +hemotropic +hemozoon +hemp +hempbush +hempen +hemplike +hempseed +hempstring +hempweed +hempwort +hempy +hemstitch +hemstitcher +hen +henad +henbane +henbill +henbit +hence +henceforth +henceforward +henceforwards +henchboy +henchman +henchmanship +hencoop +hencote +hend +hendecacolic +hendecagon +hendecagonal +hendecahedron +hendecane +hendecasemic +hendecasyllabic +hendecasyllable +hendecatoic +hendecoic +hendecyl +hendiadys +hendly +hendness +heneicosane +henequen +henfish +henhearted +henhouse +henhussy +henism +henlike +henmoldy +henna +Hennebique +hennery +hennin +hennish +henny +henogeny +henotheism +henotheist +henotheistic +henotic +henpeck +henpen +Henrician +Henrietta +henroost +Henry +henry +hent +Hentenian +henter +hentriacontane +henware +henwife +henwise +henwoodite +henyard +heortological +heortologion +heortology +hep +hepar +heparin +heparinize +hepatalgia +hepatatrophia +hepatatrophy +hepatauxe +hepatectomy +hepatic +Hepatica +hepatica +Hepaticae +hepatical +hepaticoduodenostomy +hepaticoenterostomy +hepaticogastrostomy +hepaticologist +hepaticology +hepaticopulmonary +hepaticostomy +hepaticotomy +hepatite +hepatitis +hepatization +hepatize +hepatocele +hepatocirrhosis +hepatocolic +hepatocystic +hepatoduodenal +hepatoduodenostomy +hepatodynia +hepatodysentery +hepatoenteric +hepatoflavin +hepatogastric +hepatogenic +hepatogenous +hepatography +hepatoid +hepatolenticular +hepatolith +hepatolithiasis +hepatolithic +hepatological +hepatologist +hepatology +hepatolysis +hepatolytic +hepatoma +hepatomalacia +hepatomegalia +hepatomegaly +hepatomelanosis +hepatonephric +hepatopathy +hepatoperitonitis +hepatopexia +hepatopexy +hepatophlebitis +hepatophlebotomy +hepatophyma +hepatopneumonic +hepatoportal +hepatoptosia +hepatoptosis +hepatopulmonary +hepatorenal +hepatorrhagia +hepatorrhaphy +hepatorrhea +hepatorrhexis +hepatorrhoea +hepatoscopy +hepatostomy +hepatotherapy +hepatotomy +hepatotoxemia +hepatoumbilical +hepcat +Hephaesteum +Hephaestian +Hephaestic +Hephaestus +hephthemimer +hephthemimeral +hepialid +Hepialidae +Hepialus +heppen +hepper +heptacapsular +heptace +heptachord +heptachronous +heptacolic +heptacosane +heptad +heptadecane +heptadecyl +heptaglot +heptagon +heptagonal +heptagynous +heptahedral +heptahedrical +heptahedron +heptahexahedral +heptahydrate +heptahydrated +heptahydric +heptahydroxy +heptal +heptameride +Heptameron +heptamerous +heptameter +heptamethylene +heptametrical +heptanaphthene +Heptanchus +heptandrous +heptane +Heptanesian +heptangular +heptanoic +heptanone +heptapetalous +heptaphyllous +heptaploid +heptaploidy +heptapodic +heptapody +heptarch +heptarchal +heptarchic +heptarchical +heptarchist +heptarchy +heptasemic +heptasepalous +heptaspermous +heptastich +heptastrophic +heptastylar +heptastyle +heptasulphide +heptasyllabic +Heptateuch +heptatomic +heptatonic +Heptatrema +heptavalent +heptene +hepteris +heptine +heptite +heptitol +heptoic +heptorite +heptose +heptoxide +Heptranchias +heptyl +heptylene +heptylic +heptyne +her +Heraclean +Heracleidan +Heracleonite +Heracleopolitan +Heracleopolite +Heracleum +Heraclid +Heraclidae +Heraclidan +Heraclitean +Heracliteanism +Heraclitic +Heraclitical +Heraclitism +Herakles +herald +heraldess +heraldic +heraldical +heraldically +heraldist +heraldize +heraldress +heraldry +heraldship +herapathite +Herat +Herb +herb +herbaceous +herbaceously +herbage +herbaged +herbager +herbagious +herbal +herbalism +herbalist +herbalize +herbane +herbaria +herbarial +herbarian +herbarism +herbarist +herbarium +herbarize +Herbartian +Herbartianism +herbary +Herbert +herbescent +herbicidal +herbicide +herbicolous +herbiferous +herbish +herbist +Herbivora +herbivore +herbivority +herbivorous +herbless +herblet +herblike +herbman +herborist +herborization +herborize +herborizer +herbose +herbosity +herbous +herbwife +herbwoman +herby +hercogamous +hercogamy +Herculanean +Herculanensian +Herculanian +Herculean +Hercules +Herculid +Hercynian +hercynite +herd +herdbook +herdboy +herder +herderite +herdic +herding +herdship +herdsman +herdswoman +herdwick +here +hereabout +hereadays +hereafter +hereafterward +hereamong +hereat +hereaway +hereaways +herebefore +hereby +heredipetous +heredipety +hereditability +hereditable +hereditably +hereditament +hereditarian +hereditarianism +hereditarily +hereditariness +hereditarist +hereditary +hereditation +hereditative +hereditism +hereditist +hereditivity +heredity +heredium +heredofamilial +heredolues +heredoluetic +heredosyphilis +heredosyphilitic +heredosyphilogy +heredotuberculosis +Hereford +herefrom +heregeld +herein +hereinabove +hereinafter +hereinbefore +hereinto +herem +hereness +hereniging +hereof +hereon +hereright +Herero +heresiarch +heresimach +heresiographer +heresiography +heresiologer +heresiologist +heresiology +heresy +heresyphobia +heresyproof +heretic +heretical +heretically +hereticalness +hereticate +heretication +hereticator +hereticide +hereticize +hereto +heretoch +heretofore +heretoforetime +heretoga +heretrix +hereunder +hereunto +hereupon +hereward +herewith +herewithal +herile +heriot +heriotable +herisson +heritability +heritable +heritably +heritage +heritance +Heritiera +heritor +heritress +heritrix +herl +herling +herma +hermaean +hermaic +Herman +hermaphrodite +hermaphroditic +hermaphroditical +hermaphroditically +hermaphroditish +hermaphroditism +hermaphroditize +Hermaphroditus +hermeneut +hermeneutic +hermeneutical +hermeneutically +hermeneutics +hermeneutist +Hermes +Hermesian +Hermesianism +Hermetic +hermetic +hermetical +hermetically +hermeticism +Hermetics +Hermetism +Hermetist +hermidin +Herminone +Hermione +Hermit +hermit +hermitage +hermitary +hermitess +hermitic +hermitical +hermitically +hermitish +hermitism +hermitize +hermitry +hermitship +Hermo +hermodact +hermodactyl +Hermogenian +hermoglyphic +hermoglyphist +hermokopid +hern +Hernandia +Hernandiaceae +hernandiaceous +hernanesell +hernani +hernant +herne +hernia +hernial +Herniaria +herniarin +herniary +herniate +herniated +herniation +hernioenterotomy +hernioid +herniology +herniopuncture +herniorrhaphy +herniotome +herniotomist +herniotomy +hero +heroarchy +Herodian +herodian +Herodianic +Herodii +Herodiones +herodionine +heroess +herohead +herohood +heroic +heroical +heroically +heroicalness +heroicity +heroicly +heroicness +heroicomic +heroicomical +heroid +Heroides +heroify +Heroin +heroin +heroine +heroineship +heroinism +heroinize +heroism +heroistic +heroization +heroize +herolike +heromonger +heron +heroner +heronite +heronry +heroogony +heroologist +heroology +Herophile +Herophilist +heroship +herotheism +herpes +Herpestes +Herpestinae +herpestine +herpetic +herpetiform +herpetism +herpetography +herpetoid +herpetologic +herpetological +herpetologically +herpetologist +herpetology +herpetomonad +Herpetomonas +herpetophobia +herpetotomist +herpetotomy +herpolhode +Herpotrichia +herrengrundite +Herrenvolk +herring +herringbone +herringer +Herrnhuter +hers +Herschelian +herschelite +herse +hersed +herself +hership +hersir +hertz +hertzian +Heruli +Herulian +Hervati +Herve +Herzegovinian +Hesiodic +Hesione +Hesionidae +hesitance +hesitancy +hesitant +hesitantly +hesitate +hesitater +hesitating +hesitatingly +hesitatingness +hesitation +hesitative +hesitatively +hesitatory +Hesper +Hespera +Hesperia +Hesperian +Hesperic +Hesperid +hesperid +hesperidate +hesperidene +hesperideous +Hesperides +Hesperidian +hesperidin +hesperidium +hesperiid +Hesperiidae +hesperinon +Hesperis +hesperitin +Hesperornis +Hesperornithes +hesperornithid +Hesperornithiformes +hesperornithoid +Hesperus +Hessian +hessite +hessonite +hest +Hester +hestern +hesternal +Hesther +hesthogenous +Hesychasm +Hesychast +hesychastic +het +hetaera +hetaeria +hetaeric +hetaerism +Hetaerist +hetaerist +hetaeristic +hetaerocracy +hetaerolite +hetaery +heteradenia +heteradenic +heterakid +Heterakis +Heteralocha +heterandrous +heterandry +heteratomic +heterauxesis +heteraxial +heteric +heterically +hetericism +hetericist +heterism +heterization +heterize +hetero +heteroagglutinin +heteroalbumose +heteroauxin +heteroblastic +heteroblastically +heteroblasty +heterocarpism +heterocarpous +Heterocarpus +heterocaseose +heterocellular +heterocentric +heterocephalous +Heterocera +heterocerc +heterocercal +heterocercality +heterocercy +heterocerous +heterochiral +heterochlamydeous +Heterochloridales +heterochromatic +heterochromatin +heterochromatism +heterochromatization +heterochromatized +heterochrome +heterochromia +heterochromic +heterochromosome +heterochromous +heterochromy +heterochronic +heterochronism +heterochronistic +heterochronous +heterochrony +heterochrosis +heterochthon +heterochthonous +heterocline +heteroclinous +heteroclital +heteroclite +heteroclitica +heteroclitous +Heterocoela +heterocoelous +Heterocotylea +heterocycle +heterocyclic +heterocyst +heterocystous +heterodactyl +Heterodactylae +heterodactylous +Heterodera +Heterodon +heterodont +Heterodonta +Heterodontidae +heterodontism +heterodontoid +Heterodontus +heterodox +heterodoxal +heterodoxical +heterodoxly +heterodoxness +heterodoxy +heterodromous +heterodromy +heterodyne +heteroecious +heteroeciously +heteroeciousness +heteroecism +heteroecismal +heteroecy +heteroepic +heteroepy +heteroerotic +heteroerotism +heterofermentative +heterofertilization +heterogalactic +heterogamete +heterogametic +heterogametism +heterogamety +heterogamic +heterogamous +heterogamy +heterogangliate +heterogen +heterogene +heterogeneal +heterogenean +heterogeneity +heterogeneous +heterogeneously +heterogeneousness +heterogenesis +heterogenetic +heterogenic +heterogenicity +heterogenist +heterogenous +heterogeny +heteroglobulose +heterognath +Heterognathi +heterogone +heterogonism +heterogonous +heterogonously +heterogony +heterograft +heterographic +heterographical +heterography +Heterogyna +heterogynal +heterogynous +heteroicous +heteroimmune +heteroinfection +heteroinoculable +heteroinoculation +heterointoxication +heterokaryon +heterokaryosis +heterokaryotic +heterokinesis +heterokinetic +Heterokontae +heterokontan +heterolalia +heterolateral +heterolecithal +heterolith +heterolobous +heterologic +heterological +heterologically +heterologous +heterology +heterolysin +heterolysis +heterolytic +heteromallous +heteromastigate +heteromastigote +Heteromeles +Heteromera +heteromeral +Heteromeran +Heteromeri +heteromeric +heteromerous +Heterometabola +heterometabole +heterometabolic +heterometabolism +heterometabolous +heterometaboly +heterometric +Heteromi +Heteromita +Heteromorpha +Heteromorphae +heteromorphic +heteromorphism +heteromorphite +heteromorphosis +heteromorphous +heteromorphy +Heteromya +Heteromyaria +heteromyarian +Heteromyidae +Heteromys +heteronereid +heteronereis +Heteroneura +heteronomous +heteronomously +heteronomy +heteronuclear +heteronym +heteronymic +heteronymous +heteronymously +heteronymy +heteroousia +Heteroousian +heteroousian +Heteroousiast +heteroousious +heteropathic +heteropathy +heteropelmous +heteropetalous +Heterophaga +Heterophagi +heterophagous +heterophasia +heterophemism +heterophemist +heterophemistic +heterophemize +heterophemy +heterophile +heterophoria +heterophoric +heterophylesis +heterophyletic +heterophyllous +heterophylly +heterophyly +heterophyte +heterophytic +Heteropia +Heteropidae +heteroplasia +heteroplasm +heteroplastic +heteroplasty +heteroploid +heteroploidy +heteropod +Heteropoda +heteropodal +heteropodous +heteropolar +heteropolarity +heteropoly +heteroproteide +heteroproteose +heteropter +Heteroptera +heteropterous +heteroptics +heteropycnosis +Heterorhachis +heteroscope +heteroscopy +heterosexual +heterosexuality +heteroside +Heterosiphonales +heterosis +Heterosomata +Heterosomati +heterosomatous +heterosome +Heterosomi +heterosomous +Heterosporeae +heterosporic +Heterosporium +heterosporous +heterospory +heterostatic +heterostemonous +Heterostraca +heterostracan +Heterostraci +heterostrophic +heterostrophous +heterostrophy +heterostyled +heterostylism +heterostylous +heterostyly +heterosuggestion +heterosyllabic +heterotactic +heterotactous +heterotaxia +heterotaxic +heterotaxis +heterotaxy +heterotelic +heterothallic +heterothallism +heterothermal +heterothermic +heterotic +heterotopia +heterotopic +heterotopism +heterotopous +heterotopy +heterotransplant +heterotransplantation +heterotrich +Heterotricha +Heterotrichales +Heterotrichida +heterotrichosis +heterotrichous +heterotropal +heterotroph +heterotrophic +heterotrophy +heterotropia +heterotropic +heterotropous +heterotype +heterotypic +heterotypical +heteroxanthine +heteroxenous +heterozetesis +heterozygosis +heterozygosity +heterozygote +heterozygotic +heterozygous +heterozygousness +hething +hetman +hetmanate +hetmanship +hetter +hetterly +Hettie +Hetty +heuau +Heuchera +heugh +heulandite +heumite +heuretic +heuristic +heuristically +Hevea +hevi +hew +hewable +hewel +hewer +hewettite +hewhall +hewn +hewt +hex +hexa +hexabasic +Hexabiblos +hexabiose +hexabromide +hexacanth +hexacanthous +hexacapsular +hexacarbon +hexace +hexachloride +hexachlorocyclohexane +hexachloroethane +hexachord +hexachronous +hexacid +hexacolic +Hexacoralla +hexacorallan +Hexacorallia +hexacosane +hexacosihedroid +hexact +hexactinal +hexactine +hexactinellid +Hexactinellida +hexactinellidan +hexactinelline +hexactinian +hexacyclic +hexad +hexadactyle +hexadactylic +hexadactylism +hexadactylous +hexadactyly +hexadecahedroid +hexadecane +hexadecanoic +hexadecene +hexadecyl +hexadic +hexadiene +hexadiyne +hexafoil +hexaglot +hexagon +hexagonal +hexagonally +hexagonial +hexagonical +hexagonous +hexagram +Hexagrammidae +hexagrammoid +Hexagrammos +hexagyn +Hexagynia +hexagynian +hexagynous +hexahedral +hexahedron +hexahydrate +hexahydrated +hexahydric +hexahydride +hexahydrite +hexahydrobenzene +hexahydroxy +hexakisoctahedron +hexakistetrahedron +hexameral +hexameric +hexamerism +hexameron +hexamerous +hexameter +hexamethylenamine +hexamethylene +hexamethylenetetramine +hexametral +hexametric +hexametrical +hexametrist +hexametrize +hexametrographer +Hexamita +hexamitiasis +hexammine +hexammino +hexanaphthene +Hexanchidae +Hexanchus +Hexandria +hexandric +hexandrous +hexandry +hexane +hexanedione +hexangular +hexangularly +hexanitrate +hexanitrodiphenylamine +hexapartite +hexaped +hexapetaloid +hexapetaloideous +hexapetalous +hexaphyllous +hexapla +hexaplar +hexaplarian +hexaplaric +hexaploid +hexaploidy +hexapod +Hexapoda +hexapodal +hexapodan +hexapodous +hexapody +hexapterous +hexaradial +hexarch +hexarchy +hexaseme +hexasemic +hexasepalous +hexaspermous +hexastemonous +hexaster +hexastich +hexastichic +hexastichon +hexastichous +hexastichy +hexastigm +hexastylar +hexastyle +hexastylos +hexasulphide +hexasyllabic +hexatetrahedron +Hexateuch +Hexateuchal +hexathlon +hexatomic +hexatriacontane +hexatriose +hexavalent +hexecontane +hexenbesen +hexene +hexer +hexerei +hexeris +hexestrol +hexicological +hexicology +hexine +hexiological +hexiology +hexis +hexitol +hexoctahedral +hexoctahedron +hexode +hexoestrol +hexogen +hexoic +hexokinase +hexone +hexonic +hexosamine +hexosaminic +hexosan +hexose +hexosediphosphoric +hexosemonophosphoric +hexosephosphatase +hexosephosphoric +hexoylene +hexpartite +hexyl +hexylene +hexylic +hexylresorcinol +hexyne +hey +heyday +Hezron +Hezronites +hi +hia +Hianakoto +hiant +hiatal +hiate +hiation +hiatus +Hibbertia +hibbin +hibernacle +hibernacular +hibernaculum +hibernal +hibernate +hibernation +hibernator +Hibernia +Hibernian +Hibernianism +Hibernic +Hibernical +Hibernically +Hibernicism +Hibernicize +Hibernization +Hibernize +Hibernologist +Hibernology +Hibiscus +Hibito +Hibitos +Hibunci +hic +hicatee +hiccup +hick +hickey +hickory +Hicksite +hickwall +Hicoria +hidable +hidage +hidalgism +hidalgo +hidalgoism +hidated +hidation +Hidatsa +hidden +hiddenite +hiddenly +hiddenmost +hiddenness +hide +hideaway +hidebind +hidebound +hideboundness +hided +hideland +hideless +hideling +hideosity +hideous +hideously +hideousness +hider +hidling +hidlings +hidradenitis +hidrocystoma +hidromancy +hidropoiesis +hidrosis +hidrotic +hie +hieder +hielaman +hield +hielmite +hiemal +hiemation +Hienz +Hieracian +Hieracium +hieracosphinx +hierapicra +hierarch +hierarchal +hierarchic +hierarchical +hierarchically +hierarchism +hierarchist +hierarchize +hierarchy +hieratic +hieratical +hieratically +hieraticism +hieratite +Hierochloe +hierocracy +hierocratic +hierocratical +hierodule +hierodulic +Hierofalco +hierogamy +hieroglyph +hieroglypher +hieroglyphic +hieroglyphical +hieroglyphically +hieroglyphist +hieroglyphize +hieroglyphology +hieroglyphy +hierogram +hierogrammat +hierogrammate +hierogrammateus +hierogrammatic +hierogrammatical +hierogrammatist +hierograph +hierographer +hierographic +hierographical +hierography +hierolatry +hierologic +hierological +hierologist +hierology +hieromachy +hieromancy +hieromnemon +hieromonach +hieron +Hieronymic +Hieronymite +hieropathic +hierophancy +hierophant +hierophantes +hierophantic +hierophantically +hierophanticly +hieros +hieroscopy +Hierosolymitan +Hierosolymite +hierurgical +hierurgy +hifalutin +higdon +higgaion +higginsite +higgle +higglehaggle +higgler +higglery +high +highball +highbelia +highbinder +highborn +highboy +highbred +higher +highermost +highest +highfalutin +highfaluting +highfalutinism +highflying +highhanded +highhandedly +highhandedness +highhearted +highheartedly +highheartedness +highish +highjack +highjacker +highland +highlander +highlandish +Highlandman +Highlandry +highlight +highliving +highly +highman +highmoor +highmost +highness +highroad +hight +hightoby +hightop +highway +highwayman +higuero +hijack +hike +hiker +Hilaria +hilarious +hilariously +hilariousness +hilarity +Hilary +Hilarymas +Hilarytide +hilasmic +hilch +Hilda +Hildebrand +Hildebrandian +Hildebrandic +Hildebrandine +Hildebrandism +Hildebrandist +Hildebrandslied +Hildegarde +hilding +hiliferous +hill +Hillary +hillberry +hillbilly +hillculture +hillebrandite +Hillel +hiller +hillet +Hillhousia +hilliness +hillman +hillock +hillocked +hillocky +hillsale +hillsalesman +hillside +hillsman +hilltop +hilltrot +hillward +hillwoman +hilly +hilsa +hilt +hiltless +hilum +hilus +him +Hima +Himalaya +Himalayan +Himantopus +himation +Himawan +himp +himself +himward +himwards +Himyaric +Himyarite +Himyaritic +hin +hinau +Hinayana +hinch +hind +hindberry +hindbrain +hindcast +hinddeck +hinder +hinderance +hinderer +hinderest +hinderful +hinderfully +hinderingly +hinderlands +hinderlings +hinderlins +hinderly +hinderment +hindermost +hindersome +hindhand +hindhead +Hindi +hindmost +hindquarter +hindrance +hindsaddle +hindsight +Hindu +Hinduism +Hinduize +Hindustani +hindward +hing +hinge +hingecorner +hingeflower +hingeless +hingelike +hinger +hingeways +hingle +hinney +hinnible +Hinnites +hinny +hinoid +hinoideous +hinoki +hinsdalite +hint +hintedly +hinter +hinterland +hintingly +hintproof +hintzeite +Hiodon +hiodont +Hiodontidae +hiortdahlite +hip +hipbone +hipe +hiper +hiphalt +hipless +hipmold +Hippa +hippalectryon +hipparch +Hipparion +Hippeastrum +hipped +Hippelates +hippen +Hippia +hippian +hippiater +hippiatric +hippiatrical +hippiatrics +hippiatrist +hippiatry +hippic +Hippidae +Hippidion +Hippidium +hipping +hippish +hipple +hippo +Hippobosca +hippoboscid +Hippoboscidae +hippocamp +hippocampal +hippocampi +hippocampine +hippocampus +Hippocastanaceae +hippocastanaceous +hippocaust +hippocentaur +hippocentauric +hippocerf +hippocoprosterol +hippocras +Hippocratea +Hippocrateaceae +hippocrateaceous +Hippocratian +Hippocratic +Hippocratical +Hippocratism +Hippocrene +Hippocrenian +hippocrepian +hippocrepiform +Hippodamia +hippodamous +hippodrome +hippodromic +hippodromist +hippogastronomy +Hippoglosinae +Hippoglossidae +Hippoglossus +hippogriff +hippogriffin +hippoid +hippolite +hippolith +hippological +hippologist +hippology +Hippolytan +Hippolyte +Hippolytidae +Hippolytus +hippomachy +hippomancy +hippomanes +Hippomedon +hippomelanin +Hippomenes +hippometer +hippometric +hippometry +Hipponactean +hipponosological +hipponosology +hippopathological +hippopathology +hippophagi +hippophagism +hippophagist +hippophagistical +hippophagous +hippophagy +hippophile +hippophobia +hippopod +hippopotami +hippopotamian +hippopotamic +Hippopotamidae +hippopotamine +hippopotamoid +hippopotamus +Hipposelinum +hippotigrine +Hippotigris +hippotomical +hippotomist +hippotomy +hippotragine +Hippotragus +hippurate +hippuric +hippurid +Hippuridaceae +Hippuris +hippurite +Hippurites +hippuritic +Hippuritidae +hippuritoid +hippus +hippy +hipshot +hipwort +hirable +hiragana +Hiram +Hiramite +hircarra +hircine +hircinous +hircocerf +hircocervus +hircosity +hire +hired +hireless +hireling +hireman +Hiren +hirer +hirmologion +hirmos +Hirneola +hiro +Hirofumi +hirondelle +Hirotoshi +Hiroyuki +hirple +hirrient +hirse +hirsel +hirsle +hirsute +hirsuteness +hirsuties +hirsutism +hirsutulous +Hirtella +hirtellous +Hirudin +hirudine +Hirudinea +hirudinean +hirudiniculture +Hirudinidae +hirudinize +hirudinoid +Hirudo +hirundine +Hirundinidae +hirundinous +Hirundo +his +hish +hisingerite +hisn +Hispa +Hispania +Hispanic +Hispanicism +Hispanicize +hispanidad +Hispaniolate +Hispaniolize +Hispanist +Hispanize +Hispanophile +Hispanophobe +hispid +hispidity +hispidulate +hispidulous +Hispinae +hiss +hisser +hissing +hissingly +hissproof +hist +histaminase +histamine +histaminic +histidine +histie +histiocyte +histiocytic +histioid +histiology +Histiophoridae +Histiophorus +histoblast +histochemic +histochemical +histochemistry +histoclastic +histocyte +histodiagnosis +histodialysis +histodialytic +histogen +histogenesis +histogenetic +histogenetically +histogenic +histogenous +histogeny +histogram +histographer +histographic +histographical +histography +histoid +histologic +histological +histologically +histologist +histology +histolysis +histolytic +histometabasis +histomorphological +histomorphologically +histomorphology +histon +histonal +histone +histonomy +histopathologic +histopathological +histopathologist +histopathology +histophyly +histophysiological +histophysiology +Histoplasma +histoplasmin +histoplasmosis +historial +historian +historiated +historic +historical +historically +historicalness +historician +historicism +historicity +historicize +historicocabbalistical +historicocritical +historicocultural +historicodogmatic +historicogeographical +historicophilosophica +historicophysical +historicopolitical +historicoprophetic +historicoreligious +historics +historicus +historied +historier +historiette +historify +historiograph +historiographer +historiographership +historiographic +historiographical +historiographically +historiography +historiological +historiology +historiometric +historiometry +historionomer +historious +historism +historize +history +histotherapist +histotherapy +histotome +histotomy +histotrophic +histotrophy +histotropic +histozoic +histozyme +histrio +Histriobdella +Histriomastix +histrion +histrionic +histrionical +histrionically +histrionicism +histrionism +hit +hitch +hitcher +hitchhike +hitchhiker +hitchily +hitchiness +Hitchiti +hitchproof +hitchy +hithe +hither +hithermost +hitherto +hitherward +Hitlerism +Hitlerite +hitless +Hitoshi +hittable +hitter +Hittite +Hittitics +Hittitology +Hittology +hive +hiveless +hiver +hives +hiveward +Hivite +hizz +Hler +Hlidhskjalf +Hlithskjalf +Hlorrithi +Ho +ho +hoar +hoard +hoarder +hoarding +hoardward +hoarfrost +hoarhead +hoarheaded +hoarhound +hoarily +hoariness +hoarish +hoarness +hoarse +hoarsely +hoarsen +hoarseness +hoarstone +hoarwort +hoary +hoaryheaded +hoast +hoastman +hoatzin +hoax +hoaxee +hoaxer +hoaxproof +hob +hobber +Hobbesian +hobbet +Hobbian +hobbil +Hobbism +Hobbist +Hobbistical +hobble +hobblebush +hobbledehoy +hobbledehoydom +hobbledehoyhood +hobbledehoyish +hobbledehoyishness +hobbledehoyism +hobbledygee +hobbler +hobbling +hobblingly +hobbly +hobby +hobbyhorse +hobbyhorsical +hobbyhorsically +hobbyism +hobbyist +hobbyless +hobgoblin +hoblike +hobnail +hobnailed +hobnailer +hobnob +hobo +hoboism +Hobomoco +hobthrush +hocco +Hochelaga +Hochheimer +hock +Hockday +hockelty +hocker +hocket +hockey +hockshin +Hocktide +hocky +hocus +hod +hodden +hodder +hoddle +hoddy +hodening +hodful +hodgepodge +Hodgkin +hodgkinsonite +hodiernal +hodman +hodmandod +hodograph +hodometer +hodometrical +hoe +hoecake +hoedown +hoeful +hoer +hoernesite +Hoffmannist +Hoffmannite +hog +hoga +hogan +Hogarthian +hogback +hogbush +hogfish +hogframe +hogged +hogger +hoggerel +hoggery +hogget +hoggie +hoggin +hoggish +hoggishly +hoggishness +hoggism +hoggy +hogherd +hoghide +hoghood +hoglike +hogling +hogmace +hogmanay +Hogni +hognose +hognut +hogpen +hogreeve +hogrophyte +hogshead +hogship +hogshouther +hogskin +hogsty +hogward +hogwash +hogweed +hogwort +hogyard +Hohe +Hohenzollern +Hohenzollernism +Hohn +Hohokam +hoi +hoick +hoin +hoise +hoist +hoistaway +hoister +hoisting +hoistman +hoistway +hoit +hoju +Hokan +hokey +hokeypokey +hokum +holagogue +holarctic +holard +holarthritic +holarthritis +holaspidean +holcad +holcodont +Holconoti +Holcus +hold +holdable +holdall +holdback +holden +holdenite +holder +holdership +holdfast +holdfastness +holding +holdingly +holdout +holdover +holdsman +holdup +hole +holeable +Holectypina +holectypoid +holeless +holeman +holeproof +holer +holethnic +holethnos +holewort +holey +holia +holiday +holidayer +holidayism +holidaymaker +holidaymaking +holily +holiness +holing +holinight +holism +holistic +holistically +holl +holla +hollaite +Holland +hollandaise +Hollander +Hollandish +hollandite +Hollands +Hollantide +holler +hollin +holliper +hollo +hollock +hollong +hollow +hollower +hollowfaced +hollowfoot +hollowhearted +hollowheartedness +hollowly +hollowness +holluschick +Holly +holly +hollyhock +Hollywood +Hollywooder +Hollywoodize +holm +holmberry +holmgang +holmia +holmic +holmium +holmos +holobaptist +holobenthic +holoblastic +holoblastically +holobranch +holocaine +holocarpic +holocarpous +holocaust +holocaustal +holocaustic +Holocene +holocentrid +Holocentridae +holocentroid +Holocentrus +Holocephala +holocephalan +Holocephali +holocephalian +holocephalous +Holochoanites +holochoanitic +holochoanoid +Holochoanoida +holochoanoidal +holochordate +holochroal +holoclastic +holocrine +holocryptic +holocrystalline +holodactylic +holodedron +Holodiscus +hologamous +hologamy +hologastrula +hologastrular +Holognatha +holognathous +hologonidium +holograph +holographic +holographical +holohedral +holohedric +holohedrism +holohemihedral +holohyaline +holomastigote +Holometabola +holometabole +holometabolian +holometabolic +holometabolism +holometabolous +holometaboly +holometer +holomorph +holomorphic +holomorphism +holomorphosis +holomorphy +Holomyaria +holomyarian +Holomyarii +holoparasite +holoparasitic +Holophane +holophane +holophotal +holophote +holophotometer +holophrase +holophrasis +holophrasm +holophrastic +holophyte +holophytic +holoplankton +holoplanktonic +holoplexia +holopneustic +holoproteide +holoptic +holoptychian +holoptychiid +Holoptychiidae +Holoptychius +holoquinoid +holoquinoidal +holoquinonic +holoquinonoid +holorhinal +holosaprophyte +holosaprophytic +holosericeous +holoside +holosiderite +Holosiphona +holosiphonate +Holosomata +holosomatous +holospondaic +holostean +Holostei +holosteous +holosteric +Holosteum +Holostomata +holostomate +holostomatous +holostome +holostomous +holostylic +holosymmetric +holosymmetrical +holosymmetry +holosystematic +holosystolic +holothecal +holothoracic +Holothuria +holothurian +Holothuridea +holothurioid +Holothurioidea +holotonia +holotonic +holotony +holotrich +Holotricha +holotrichal +Holotrichida +holotrichous +holotype +holour +holozoic +Holstein +holster +holstered +holt +holy +holyday +holyokeite +holystone +holytide +homage +homageable +homager +Homalocenchrus +homalogonatous +homalographic +homaloid +homaloidal +Homalonotus +Homalopsinae +Homaloptera +Homalopterous +homalosternal +Homalosternii +Homam +Homaridae +homarine +homaroid +Homarus +homatomic +homaxial +homaxonial +homaxonic +Homburg +home +homebody +homeborn +homebound +homebred +homecomer +homecraft +homecroft +homecrofter +homecrofting +homefarer +homefelt +homegoer +homekeeper +homekeeping +homeland +homelander +homeless +homelessly +homelessness +homelet +homelike +homelikeness +homelily +homeliness +homeling +homely +homelyn +homemade +homemaker +homemaking +homeoblastic +homeochromatic +homeochromatism +homeochronous +homeocrystalline +homeogenic +homeogenous +homeoid +homeoidal +homeoidality +homeokinesis +homeokinetic +homeomerous +homeomorph +homeomorphic +homeomorphism +homeomorphous +homeomorphy +homeopath +homeopathic +homeopathically +homeopathician +homeopathicity +homeopathist +homeopathy +homeophony +homeoplasia +homeoplastic +homeoplasy +homeopolar +homeosis +homeostasis +homeostatic +homeotic +homeotransplant +homeotransplantation +homeotype +homeotypic +homeotypical +homeowner +homeozoic +Homer +homer +Homerian +Homeric +Homerical +Homerically +Homerid +Homeridae +Homeridian +Homerist +Homerologist +Homerology +Homeromastix +homeseeker +homesick +homesickly +homesickness +homesite +homesome +homespun +homestall +homestead +homesteader +homester +homestretch +homeward +homewardly +homework +homeworker +homewort +homey +homeyness +homicidal +homicidally +homicide +homicidious +homiculture +homilete +homiletic +homiletical +homiletically +homiletics +homiliarium +homiliary +homilist +homilite +homilize +homily +hominal +hominess +Hominian +hominid +Hominidae +hominiform +hominify +hominine +hominisection +hominivorous +hominoid +hominy +homish +homishness +homo +homoanisaldehyde +homoanisic +homoarecoline +homobaric +homoblastic +homoblasty +homocarpous +homocategoric +homocentric +homocentrical +homocentrically +homocerc +homocercal +homocercality +homocercy +homocerebrin +homochiral +homochlamydeous +homochromatic +homochromatism +homochrome +homochromic +homochromosome +homochromous +homochromy +homochronous +homoclinal +homocline +Homocoela +homocoelous +homocreosol +homocyclic +homodermic +homodermy +homodont +homodontism +homodox +homodoxian +homodromal +homodrome +homodromous +homodromy +homodynamic +homodynamous +homodynamy +homodyne +Homoean +Homoeanism +homoecious +homoeoarchy +homoeoblastic +homoeochromatic +homoeochronous +homoeocrystalline +homoeogenic +homoeogenous +homoeography +homoeokinesis +homoeomerae +Homoeomeri +homoeomeria +homoeomerian +homoeomerianism +homoeomeric +homoeomerical +homoeomerous +homoeomery +homoeomorph +homoeomorphic +homoeomorphism +homoeomorphous +homoeomorphy +homoeopath +homoeopathic +homoeopathically +homoeopathician +homoeopathicity +homoeopathist +homoeopathy +homoeophony +homoeophyllous +homoeoplasia +homoeoplastic +homoeoplasy +homoeopolar +homoeosis +homoeotel +homoeoteleutic +homoeoteleuton +homoeotic +homoeotopy +homoeotype +homoeotypic +homoeotypical +homoeozoic +homoerotic +homoerotism +homofermentative +homogametic +homogamic +homogamous +homogamy +homogangliate +homogen +homogenate +homogene +homogeneal +homogenealness +homogeneate +homogeneity +homogeneization +homogeneize +homogeneous +homogeneously +homogeneousness +homogenesis +homogenetic +homogenetical +homogenic +homogenization +homogenize +homogenizer +homogenous +homogentisic +homogeny +homoglot +homogone +homogonous +homogonously +homogony +homograft +homograph +homographic +homography +homohedral +homoiotherm +homoiothermal +homoiothermic +homoiothermism +homoiothermous +homoiousia +Homoiousian +homoiousian +Homoiousianism +homoiousious +homolateral +homolecithal +homolegalis +homologate +homologation +homologic +homological +homologically +homologist +homologize +homologizer +homologon +homologoumena +homologous +homolographic +homolography +homologue +homology +homolosine +homolysin +homolysis +homomallous +homomeral +homomerous +homometrical +homometrically +homomorph +Homomorpha +homomorphic +homomorphism +homomorphosis +homomorphous +homomorphy +Homoneura +homonomous +homonomy +homonuclear +homonym +homonymic +homonymous +homonymously +homonymy +homoousia +Homoousian +Homoousianism +Homoousianist +Homoousiast +Homoousion +homoousious +homopathy +homoperiodic +homopetalous +homophene +homophenous +homophone +homophonic +homophonous +homophony +homophthalic +homophylic +homophyllous +homophyly +homopiperonyl +homoplasis +homoplasmic +homoplasmy +homoplast +homoplastic +homoplasy +homopolar +homopolarity +homopolic +homopter +Homoptera +homopteran +homopteron +homopterous +Homorelaps +homorganic +homoseismal +homosexual +homosexualism +homosexualist +homosexuality +homosporous +homospory +Homosteus +homostyled +homostylic +homostylism +homostylous +homostyly +homosystemic +homotactic +homotatic +homotaxeous +homotaxia +homotaxial +homotaxially +homotaxic +homotaxis +homotaxy +homothallic +homothallism +homothetic +homothety +homotonic +homotonous +homotonously +homotony +homotopic +homotransplant +homotransplantation +homotropal +homotropous +homotypal +homotype +homotypic +homotypical +homotypy +homovanillic +homovanillin +homoveratric +homoveratrole +homozygosis +homozygosity +homozygote +homozygous +homozygousness +homrai +homuncle +homuncular +homunculus +homy +Hon +honda +hondo +Honduran +Honduranean +Honduranian +Hondurean +Hondurian +hone +honest +honestly +honestness +honestone +honesty +honewort +honey +honeybee +honeyberry +honeybind +honeyblob +honeybloom +honeycomb +honeycombed +honeydew +honeydewed +honeydrop +honeyed +honeyedly +honeyedness +honeyfall +honeyflower +honeyfogle +honeyful +honeyhearted +honeyless +honeylike +honeylipped +honeymoon +honeymooner +honeymoonlight +honeymoonshine +honeymoonstruck +honeymoony +honeymouthed +honeypod +honeypot +honeystone +honeysuck +honeysucker +honeysuckle +honeysuckled +honeysweet +honeyware +Honeywood +honeywood +honeywort +hong +honied +honily +honk +honker +honor +Honora +honorability +honorable +honorableness +honorableship +honorably +honorance +honoraria +honorarily +honorarium +honorary +honoree +honorer +honoress +honorific +honorifically +honorless +honorous +honorsman +honorworthy +hontish +hontous +Honzo +hooch +hoochinoo +hood +hoodcap +hooded +hoodedness +hoodful +hoodie +hoodless +hoodlike +hoodlum +hoodlumish +hoodlumism +hoodlumize +hoodman +hoodmold +hoodoo +hoodsheaf +hoodshy +hoodshyness +hoodwink +hoodwinkable +hoodwinker +hoodwise +hoodwort +hooey +hoof +hoofbeat +hoofbound +hoofed +hoofer +hoofiness +hoofish +hoofless +hooflet +hooflike +hoofmark +hoofprint +hoofrot +hoofs +hoofworm +hoofy +hook +hookah +hookaroon +hooked +hookedness +hookedwise +hooker +Hookera +hookerman +hookers +hookheal +hookish +hookless +hooklet +hooklike +hookmaker +hookmaking +hookman +hooknose +hooksmith +hooktip +hookum +hookup +hookweed +hookwise +hookworm +hookwormer +hookwormy +hooky +hooligan +hooliganism +hooliganize +hoolock +hooly +hoon +hoonoomaun +hoop +hooped +hooper +hooping +hoopla +hoople +hoopless +hooplike +hoopmaker +hoopman +hoopoe +hoopstick +hoopwood +hoose +hoosegow +hoosh +Hoosier +Hoosierdom +Hoosierese +Hoosierize +hoot +hootay +hooter +hootingly +hoove +hooven +Hooverism +Hooverize +hoovey +hop +hopbine +hopbush +Hopcalite +hopcrease +hope +hoped +hopeful +hopefully +hopefulness +hopeite +hopeless +hopelessly +hopelessness +hoper +Hopi +hopi +hopingly +Hopkinsian +Hopkinsianism +Hopkinsonian +hoplite +hoplitic +hoplitodromos +Hoplocephalus +hoplology +hoplomachic +hoplomachist +hoplomachos +hoplomachy +Hoplonemertea +hoplonemertean +hoplonemertine +Hoplonemertini +hopoff +hopped +hopper +hopperburn +hopperdozer +hopperette +hoppergrass +hopperings +hopperman +hoppers +hoppestere +hoppet +hoppingly +hoppity +hopple +hoppy +hopscotch +hopscotcher +hoptoad +hopvine +hopyard +hora +horal +horary +Horatian +Horatio +Horatius +horbachite +hordarian +hordary +horde +hordeaceous +hordeiform +hordein +hordenine +Hordeum +horehound +Horim +horismology +horizometer +horizon +horizonless +horizontal +horizontalism +horizontality +horizontalization +horizontalize +horizontally +horizontalness +horizontic +horizontical +horizontically +horizonward +horme +hormic +hormigo +hormion +hormist +hormogon +Hormogonales +Hormogoneae +Hormogoneales +hormogonium +hormogonous +hormonal +hormone +hormonic +hormonize +hormonogenesis +hormonogenic +hormonology +hormonopoiesis +hormonopoietic +hormos +horn +hornbeam +hornbill +hornblende +hornblendic +hornblendite +hornblendophyre +hornblower +hornbook +horned +hornedness +horner +hornerah +hornet +hornety +hornfair +hornfels +hornfish +hornful +horngeld +Hornie +hornify +hornily +horniness +horning +hornish +hornist +hornito +hornless +hornlessness +hornlet +hornlike +hornotine +hornpipe +hornplant +hornsman +hornstay +hornstone +hornswoggle +horntail +hornthumb +horntip +hornwood +hornwork +hornworm +hornwort +horny +hornyhanded +hornyhead +horograph +horographer +horography +horokaka +horologe +horologer +horologic +horological +horologically +horologiography +horologist +horologium +horologue +horology +horometrical +horometry +Horonite +horopito +horopter +horopteric +horoptery +horoscopal +horoscope +horoscoper +horoscopic +horoscopical +horoscopist +horoscopy +Horouta +horrendous +horrendously +horrent +horrescent +horreum +horribility +horrible +horribleness +horribly +horrid +horridity +horridly +horridness +horrific +horrifically +horrification +horrify +horripilant +horripilate +horripilation +horrisonant +horror +horrorful +horrorish +horrorist +horrorize +horrormonger +horrormongering +horrorous +horrorsome +horse +horseback +horsebacker +horseboy +horsebreaker +horsecar +horsecloth +horsecraft +horsedom +horsefair +horsefettler +horsefight +horsefish +horseflesh +horsefly +horsefoot +horsegate +horsehair +horsehaired +horsehead +horseherd +horsehide +horsehood +horsehoof +horsejockey +horsekeeper +horselaugh +horselaugher +horselaughter +horseleech +horseless +horselike +horseload +horseman +horsemanship +horsemastership +horsemint +horsemonger +horseplay +horseplayful +horsepond +horsepower +horsepox +horser +horseshoe +horseshoer +horsetail +horsetongue +Horsetown +horsetree +horseway +horseweed +horsewhip +horsewhipper +horsewoman +horsewomanship +horsewood +horsfordite +horsify +horsily +horsiness +horsing +Horst +horst +horsy +horsyism +hortation +hortative +hortatively +hortator +hortatorily +hortatory +Hortense +Hortensia +hortensial +Hortensian +hortensian +horticultural +horticulturally +horticulture +horticulturist +hortite +hortonolite +hortulan +Horvatian +hory +Hosackia +hosanna +hose +hosed +hosel +hoseless +hoselike +hoseman +hosier +hosiery +hosiomartyr +hospice +hospitable +hospitableness +hospitably +hospitage +hospital +hospitalary +hospitaler +hospitalism +hospitality +hospitalization +hospitalize +hospitant +hospitate +hospitation +hospitator +hospitious +hospitium +hospitize +hospodar +hospodariat +hospodariate +host +Hosta +hostage +hostager +hostageship +hostel +hosteler +hostelry +hoster +hostess +hostie +hostile +hostilely +hostileness +hostility +hostilize +hosting +hostler +hostlership +hostlerwife +hostless +hostly +hostry +hostship +hot +hotbed +hotblood +hotbox +hotbrained +hotch +hotchpot +hotchpotch +hotchpotchly +hotel +hoteldom +hotelhood +hotelier +hotelization +hotelize +hotelkeeper +hotelless +hotelward +hotfoot +hothead +hotheaded +hotheadedly +hotheadedness +hothearted +hotheartedly +hotheartedness +hothouse +hoti +hotly +hotmouthed +hotness +hotspur +hotspurred +Hotta +Hottentot +Hottentotese +Hottentotic +Hottentotish +Hottentotism +hotter +hottery +hottish +Hottonia +houbara +Houdan +hough +houghband +hougher +houghite +houghmagandy +Houghton +hounce +hound +hounder +houndfish +hounding +houndish +houndlike +houndman +houndsbane +houndsberry +houndshark +houndy +houppelande +hour +hourful +hourglass +houri +hourless +hourly +housage +housal +Housatonic +house +houseball +houseboat +houseboating +housebote +housebound +houseboy +housebreak +housebreaker +housebreaking +housebroke +housebroken +housebug +housebuilder +housebuilding +housecarl +housecoat +housecraft +housefast +housefather +housefly +houseful +housefurnishings +household +householder +householdership +householding +householdry +housekeep +housekeeper +housekeeperlike +housekeeperly +housekeeping +housel +houseleek +houseless +houselessness +houselet +houseline +houseling +housemaid +housemaidenly +housemaiding +housemaidy +houseman +housemaster +housemastership +housemate +housemating +houseminder +housemistress +housemother +housemotherly +houseowner +houser +houseridden +houseroom +housesmith +housetop +houseward +housewares +housewarm +housewarmer +housewarming +housewear +housewife +housewifeliness +housewifely +housewifery +housewifeship +housewifish +housewive +housework +housewright +housing +Houstonia +housty +housy +houtou +houvari +Hova +hove +hovedance +hovel +hoveler +hoven +Hovenia +hover +hoverer +hovering +hoveringly +hoverly +how +howadji +Howard +howardite +howbeit +howdah +howder +howdie +howdy +howe +Howea +howel +however +howff +howish +howitzer +howk +howkit +howl +howler +howlet +howling +howlingly +howlite +howso +howsoever +howsomever +hox +hoy +Hoya +hoyden +hoydenhood +hoydenish +hoydenism +hoyle +hoyman +Hrimfaxi +Hrothgar +Hsi +Hsuan +Hu +huaca +huaco +huajillo +huamuchil +huantajayite +huaracho +Huari +huarizo +Huashi +Huastec +Huastecan +Huave +Huavean +hub +hubb +hubba +hubber +Hubbite +hubble +hubbly +hubbub +hubbuboo +hubby +Hubert +hubmaker +hubmaking +hubnerite +hubristic +hubshi +huccatoon +huchen +Huchnom +hucho +huck +huckaback +huckle +huckleback +hucklebacked +huckleberry +hucklebone +huckmuck +huckster +hucksterage +hucksterer +hucksteress +hucksterize +huckstery +hud +huddle +huddledom +huddlement +huddler +huddling +huddlingly +huddock +huddroun +huddup +Hudibras +Hudibrastic +Hudibrastically +Hudsonia +Hudsonian +hudsonite +hue +hued +hueful +hueless +huelessness +huer +Huey +huff +huffier +huffily +huffiness +huffingly +huffish +huffishly +huffishness +huffle +huffler +huffy +hug +huge +Hugelia +hugelite +hugely +hugeness +hugeous +hugeously +hugeousness +huggable +hugger +huggermugger +huggermuggery +Huggin +hugging +huggingly +huggle +Hugh +Hughes +Hughoc +Hugo +Hugoesque +hugsome +Huguenot +Huguenotic +Huguenotism +huh +Hui +huia +huipil +huisache +huiscoyol +huitain +Huk +Hukbalahap +huke +hula +Huldah +huldee +hulk +hulkage +hulking +hulky +hull +hullabaloo +huller +hullock +hulloo +hulotheism +Hulsean +hulsite +hulster +hulu +hulver +hulverhead +hulverheaded +hum +Huma +human +humane +humanely +humaneness +humanhood +humanics +humanification +humaniform +humaniformian +humanify +humanish +humanism +humanist +humanistic +humanistical +humanistically +humanitarian +humanitarianism +humanitarianist +humanitarianize +humanitary +humanitian +humanity +humanitymonger +humanization +humanize +humanizer +humankind +humanlike +humanly +humanness +humanoid +humate +humble +humblebee +humblehearted +humblemouthed +humbleness +humbler +humblie +humblingly +humbly +humbo +humboldtilite +humboldtine +humboldtite +humbug +humbugability +humbugable +humbugger +humbuggery +humbuggism +humbuzz +humdinger +humdrum +humdrumminess +humdrummish +humdrummishness +humdudgeon +Hume +Humean +humect +humectant +humectate +humectation +humective +humeral +humeri +humeroabdominal +humerocubital +humerodigital +humerodorsal +humerometacarpal +humeroradial +humeroscapular +humeroulnar +humerus +humet +humetty +humhum +humic +humicubation +humid +humidate +humidification +humidifier +humidify +humidistat +humidity +humidityproof +humidly +humidness +humidor +humific +humification +humifuse +humify +humiliant +humiliate +humiliating +humiliatingly +humiliation +humiliative +humiliator +humiliatory +humilific +humilitude +humility +humin +Humiria +Humiriaceae +Humiriaceous +Humism +Humist +humistratous +humite +humlie +hummel +hummeler +hummer +hummie +humming +hummingbird +hummock +hummocky +humor +humoral +humoralism +humoralist +humoralistic +humoresque +humoresquely +humorful +humorific +humorism +humorist +humoristic +humoristical +humorize +humorless +humorlessness +humorology +humorous +humorously +humorousness +humorproof +humorsome +humorsomely +humorsomeness +humourful +humous +hump +humpback +humpbacked +humped +humph +Humphrey +humpiness +humpless +humpty +humpy +humstrum +humulene +humulone +Humulus +humus +humuslike +Hun +Hunanese +hunch +Hunchakist +hunchback +hunchbacked +hunchet +hunchy +hundi +hundred +hundredal +hundredary +hundreder +hundredfold +hundredman +hundredpenny +hundredth +hundredweight +hundredwork +hung +Hungaria +Hungarian +hungarite +hunger +hungerer +hungeringly +hungerless +hungerly +hungerproof +hungerweed +hungrify +hungrily +hungriness +hungry +hunh +hunk +Hunker +hunker +Hunkerism +hunkerous +hunkerousness +hunkers +hunkies +Hunkpapa +hunks +hunky +Hunlike +Hunnian +Hunnic +Hunnican +Hunnish +Hunnishness +hunt +huntable +huntedly +Hunter +Hunterian +hunterlike +huntilite +hunting +huntress +huntsman +huntsmanship +huntswoman +Hunyak +hup +Hupa +hupaithric +Hura +hura +hurcheon +hurdies +hurdis +hurdle +hurdleman +hurdler +hurdlewise +hurds +hure +hureaulite +hureek +Hurf +hurgila +hurkle +hurl +hurlbarrow +hurled +hurler +hurley +hurleyhouse +hurling +hurlock +hurly +Huron +huron +Huronian +hurr +hurrah +Hurri +Hurrian +hurricane +hurricanize +hurricano +hurried +hurriedly +hurriedness +hurrier +hurrisome +hurrock +hurroo +hurroosh +hurry +hurryingly +hurryproof +hursinghar +hurst +hurt +hurtable +hurted +hurter +hurtful +hurtfully +hurtfulness +hurting +hurtingest +hurtle +hurtleberry +hurtless +hurtlessly +hurtlessness +hurtlingly +hurtsome +hurty +husband +husbandable +husbandage +husbander +husbandfield +husbandhood +husbandland +husbandless +husbandlike +husbandliness +husbandly +husbandman +husbandress +husbandry +husbandship +huse +hush +hushable +hushaby +hushcloth +hushedly +husheen +hushel +husher +hushful +hushfully +hushing +hushingly +hushion +husho +husk +huskanaw +husked +huskened +husker +huskershredder +huskily +huskiness +husking +huskroot +huskwort +Husky +husky +huso +huspil +huss +hussar +Hussite +Hussitism +hussy +hussydom +hussyness +husting +hustle +hustlecap +hustlement +hustler +hut +hutch +hutcher +hutchet +Hutchinsonian +Hutchinsonianism +hutchinsonite +Huterian +huthold +hutholder +hutia +hutkeeper +hutlet +hutment +Hutsulian +Hutterites +Huttonian +Huttonianism +huttoning +huttonweed +hutukhtu +huvelyk +Huxleian +Huygenian +huzoor +Huzvaresh +huzz +huzza +huzzard +Hwa +Hy +hyacinth +Hyacinthia +hyacinthian +hyacinthine +Hyacinthus +Hyades +hyaena +Hyaenanche +Hyaenarctos +Hyaenidae +Hyaenodon +hyaenodont +hyaenodontoid +Hyakume +hyalescence +hyalescent +hyaline +hyalinization +hyalinize +hyalinocrystalline +hyalinosis +hyalite +hyalitis +hyaloandesite +hyalobasalt +hyalocrystalline +hyalodacite +hyalogen +hyalograph +hyalographer +hyalography +hyaloid +hyaloiditis +hyaloliparite +hyalolith +hyalomelan +hyalomucoid +Hyalonema +hyalophagia +hyalophane +hyalophyre +hyalopilitic +hyaloplasm +hyaloplasma +hyaloplasmic +hyalopsite +hyalopterous +hyalosiderite +Hyalospongia +hyalotekite +hyalotype +hyaluronic +hyaluronidase +Hybanthus +Hybla +Hyblaea +Hyblaean +Hyblan +hybodont +Hybodus +hybosis +hybrid +hybridal +hybridation +hybridism +hybridist +hybridity +hybridizable +hybridization +hybridize +hybridizer +hybridous +hydantoate +hydantoic +hydantoin +hydathode +hydatid +hydatidiform +hydatidinous +hydatidocele +hydatiform +hydatigenous +Hydatina +hydatogenesis +hydatogenic +hydatogenous +hydatoid +hydatomorphic +hydatomorphism +hydatopneumatic +hydatopneumatolytic +hydatopyrogenic +hydatoscopy +Hydnaceae +hydnaceous +hydnocarpate +hydnocarpic +Hydnocarpus +hydnoid +Hydnora +Hydnoraceae +hydnoraceous +Hydnum +Hydra +hydracetin +Hydrachna +hydrachnid +Hydrachnidae +hydracid +hydracoral +hydracrylate +hydracrylic +Hydractinia +hydractinian +Hydradephaga +hydradephagan +hydradephagous +hydragogue +hydragogy +hydramine +hydramnion +hydramnios +Hydrangea +Hydrangeaceae +hydrangeaceous +hydrant +hydranth +hydrarch +hydrargillite +hydrargyrate +hydrargyria +hydrargyriasis +hydrargyric +hydrargyrism +hydrargyrosis +hydrargyrum +hydrarthrosis +hydrarthrus +hydrastine +Hydrastis +hydrate +hydrated +hydration +hydrator +hydratropic +hydraucone +hydraulic +hydraulically +hydraulician +hydraulicity +hydraulicked +hydraulicon +hydraulics +hydraulist +hydraulus +hydrazide +hydrazidine +hydrazimethylene +hydrazine +hydrazino +hydrazo +hydrazoate +hydrazobenzene +hydrazoic +hydrazone +hydrazyl +hydremia +hydremic +hydrencephalocele +hydrencephaloid +hydrencephalus +hydria +hydriatric +hydriatrist +hydriatry +hydric +hydrically +Hydrid +hydride +hydriform +hydrindene +hydriodate +hydriodic +hydriodide +hydriotaphia +Hydriote +hydro +hydroa +hydroadipsia +hydroaeric +hydroalcoholic +hydroaromatic +hydroatmospheric +hydroaviation +hydrobarometer +Hydrobates +Hydrobatidae +hydrobenzoin +hydrobilirubin +hydrobiological +hydrobiologist +hydrobiology +hydrobiosis +hydrobiplane +hydrobomb +hydroboracite +hydroborofluoric +hydrobranchiate +hydrobromate +hydrobromic +hydrobromide +hydrocarbide +hydrocarbon +hydrocarbonaceous +hydrocarbonate +hydrocarbonic +hydrocarbonous +hydrocarbostyril +hydrocardia +Hydrocaryaceae +hydrocaryaceous +hydrocatalysis +hydrocauline +hydrocaulus +hydrocele +hydrocellulose +hydrocephalic +hydrocephalocele +hydrocephaloid +hydrocephalous +hydrocephalus +hydrocephaly +hydroceramic +hydrocerussite +Hydrocharidaceae +hydrocharidaceous +Hydrocharis +Hydrocharitaceae +hydrocharitaceous +Hydrochelidon +hydrochemical +hydrochemistry +hydrochlorate +hydrochlorauric +hydrochloric +hydrochloride +hydrochlorplatinic +hydrochlorplatinous +Hydrochoerus +hydrocholecystis +hydrocinchonine +hydrocinnamic +hydrocirsocele +hydrocladium +hydroclastic +Hydrocleis +hydroclimate +hydrocobalticyanic +hydrocoele +hydrocollidine +hydroconion +Hydrocorallia +Hydrocorallinae +hydrocoralline +Hydrocores +Hydrocorisae +hydrocorisan +hydrocotarnine +Hydrocotyle +hydrocoumaric +hydrocupreine +hydrocyanate +hydrocyanic +hydrocyanide +hydrocycle +hydrocyclic +hydrocyclist +Hydrocyon +hydrocyst +hydrocystic +Hydrodamalidae +Hydrodamalis +Hydrodictyaceae +Hydrodictyon +hydrodrome +Hydrodromica +hydrodromican +hydrodynamic +hydrodynamical +hydrodynamics +hydrodynamometer +hydroeconomics +hydroelectric +hydroelectricity +hydroelectrization +hydroergotinine +hydroextract +hydroextractor +hydroferricyanic +hydroferrocyanate +hydroferrocyanic +hydrofluate +hydrofluoboric +hydrofluoric +hydrofluorid +hydrofluoride +hydrofluosilicate +hydrofluosilicic +hydrofluozirconic +hydrofoil +hydroforming +hydrofranklinite +hydrofuge +hydrogalvanic +hydrogel +hydrogen +hydrogenase +hydrogenate +hydrogenation +hydrogenator +hydrogenic +hydrogenide +hydrogenium +hydrogenization +hydrogenize +hydrogenolysis +Hydrogenomonas +hydrogenous +hydrogeological +hydrogeology +hydroglider +hydrognosy +hydrogode +hydrograph +hydrographer +hydrographic +hydrographical +hydrographically +hydrography +hydrogymnastics +hydrohalide +hydrohematite +hydrohemothorax +hydroid +Hydroida +Hydroidea +hydroidean +hydroiodic +hydrokinetic +hydrokinetical +hydrokinetics +hydrol +hydrolase +hydrolatry +Hydrolea +Hydroleaceae +hydrolize +hydrologic +hydrological +hydrologically +hydrologist +hydrology +hydrolysis +hydrolyst +hydrolyte +hydrolytic +hydrolyzable +hydrolyzate +hydrolyzation +hydrolyze +hydromagnesite +hydromancer +hydromancy +hydromania +hydromaniac +hydromantic +hydromantical +hydromantically +hydrome +hydromechanical +hydromechanics +hydromedusa +Hydromedusae +hydromedusan +hydromedusoid +hydromel +hydromeningitis +hydromeningocele +hydrometallurgical +hydrometallurgically +hydrometallurgy +hydrometamorphism +hydrometeor +hydrometeorological +hydrometeorology +hydrometer +hydrometra +hydrometric +hydrometrical +hydrometrid +Hydrometridae +hydrometry +hydromica +hydromicaceous +hydromonoplane +hydromorph +hydromorphic +hydromorphous +hydromorphy +hydromotor +hydromyelia +hydromyelocele +hydromyoma +Hydromys +hydrone +hydronegative +hydronephelite +hydronephrosis +hydronephrotic +hydronitric +hydronitroprussic +hydronitrous +hydronium +hydroparacoumaric +Hydroparastatae +hydropath +hydropathic +hydropathical +hydropathist +hydropathy +hydropericarditis +hydropericardium +hydroperiod +hydroperitoneum +hydroperitonitis +hydroperoxide +hydrophane +hydrophanous +hydrophid +Hydrophidae +hydrophil +hydrophile +hydrophilic +hydrophilid +Hydrophilidae +hydrophilism +hydrophilite +hydrophiloid +hydrophilous +hydrophily +Hydrophinae +Hydrophis +hydrophobe +hydrophobia +hydrophobic +hydrophobical +hydrophobist +hydrophobophobia +hydrophobous +hydrophoby +hydrophoid +hydrophone +Hydrophora +hydrophoran +hydrophore +hydrophoria +hydrophorous +hydrophthalmia +hydrophthalmos +hydrophthalmus +hydrophylacium +hydrophyll +Hydrophyllaceae +hydrophyllaceous +hydrophylliaceous +hydrophyllium +Hydrophyllum +hydrophysometra +hydrophyte +hydrophytic +hydrophytism +hydrophyton +hydrophytous +hydropic +hydropical +hydropically +hydropigenous +hydroplane +hydroplanula +hydroplatinocyanic +hydroplutonic +hydropneumatic +hydropneumatosis +hydropneumopericardium +hydropneumothorax +hydropolyp +hydroponic +hydroponicist +hydroponics +hydroponist +hydropositive +hydropot +Hydropotes +hydropropulsion +hydrops +hydropsy +Hydropterideae +hydroptic +hydropult +hydropultic +hydroquinine +hydroquinol +hydroquinoline +hydroquinone +hydrorachis +hydrorhiza +hydrorhizal +hydrorrhachis +hydrorrhachitis +hydrorrhea +hydrorrhoea +hydrorubber +hydrosalpinx +hydrosalt +hydrosarcocele +hydroscope +hydroscopic +hydroscopical +hydroscopicity +hydroscopist +hydroselenic +hydroselenide +hydroselenuret +hydroseparation +hydrosilicate +hydrosilicon +hydrosol +hydrosomal +hydrosomatous +hydrosome +hydrosorbic +hydrosphere +hydrospire +hydrospiric +hydrostat +hydrostatic +hydrostatical +hydrostatically +hydrostatician +hydrostatics +hydrostome +hydrosulphate +hydrosulphide +hydrosulphite +hydrosulphocyanic +hydrosulphurated +hydrosulphuret +hydrosulphureted +hydrosulphuric +hydrosulphurous +hydrosulphuryl +hydrotachymeter +hydrotactic +hydrotalcite +hydrotasimeter +hydrotaxis +hydrotechnic +hydrotechnical +hydrotechnologist +hydrotechny +hydroterpene +hydrotheca +hydrothecal +hydrotherapeutic +hydrotherapeutics +hydrotherapy +hydrothermal +hydrothoracic +hydrothorax +hydrotic +hydrotical +hydrotimeter +hydrotimetric +hydrotimetry +hydrotomy +hydrotropic +hydrotropism +hydroturbine +hydrotype +hydrous +hydrovane +hydroxamic +hydroxamino +hydroxide +hydroximic +hydroxy +hydroxyacetic +hydroxyanthraquinone +hydroxybutyricacid +hydroxyketone +hydroxyl +hydroxylactone +hydroxylamine +hydroxylate +hydroxylation +hydroxylic +hydroxylization +hydroxylize +hydrozincite +Hydrozoa +hydrozoal +hydrozoan +hydrozoic +hydrozoon +hydrula +Hydruntine +Hydrurus +Hydrus +hydurilate +hydurilic +hyena +hyenadog +hyenanchin +hyenic +hyeniform +hyenine +hyenoid +hyetal +hyetograph +hyetographic +hyetographical +hyetographically +hyetography +hyetological +hyetology +hyetometer +hyetometrograph +Hygeia +Hygeian +hygeiolatry +hygeist +hygeistic +hygeology +hygiantic +hygiantics +hygiastic +hygiastics +hygieist +hygienal +hygiene +hygienic +hygienical +hygienically +hygienics +hygienist +hygienization +hygienize +hygiologist +hygiology +hygric +hygrine +hygroblepharic +hygrodeik +hygroexpansivity +hygrograph +hygrology +hygroma +hygromatous +hygrometer +hygrometric +hygrometrical +hygrometrically +hygrometry +hygrophaneity +hygrophanous +hygrophilous +hygrophobia +hygrophthalmic +hygrophyte +hygrophytic +hygroplasm +hygroplasma +hygroscope +hygroscopic +hygroscopical +hygroscopically +hygroscopicity +hygroscopy +hygrostat +hygrostatics +hygrostomia +hygrothermal +hygrothermograph +hying +hyke +Hyla +hylactic +hylactism +hylarchic +hylarchical +hyle +hyleg +hylegiacal +hylic +hylicism +hylicist +Hylidae +hylism +hylist +Hyllus +Hylobates +hylobatian +hylobatic +hylobatine +Hylocereus +Hylocichla +Hylocomium +Hylodes +hylogenesis +hylogeny +hyloid +hylology +hylomorphic +hylomorphical +hylomorphism +hylomorphist +hylomorphous +Hylomys +hylopathism +hylopathist +hylopathy +hylophagous +hylotheism +hylotheist +hylotheistic +hylotheistical +hylotomous +hylozoic +hylozoism +hylozoist +hylozoistic +hylozoistically +hymen +Hymenaea +Hymenaeus +Hymenaic +hymenal +hymeneal +hymeneally +hymeneals +hymenean +hymenial +hymenic +hymenicolar +hymeniferous +hymeniophore +hymenium +Hymenocallis +Hymenochaete +Hymenogaster +Hymenogastraceae +hymenogeny +hymenoid +Hymenolepis +hymenomycetal +hymenomycete +Hymenomycetes +hymenomycetoid +hymenomycetous +hymenophore +hymenophorum +Hymenophyllaceae +hymenophyllaceous +Hymenophyllites +Hymenophyllum +hymenopter +Hymenoptera +hymenopteran +hymenopterist +hymenopterological +hymenopterologist +hymenopterology +hymenopteron +hymenopterous +hymenotomy +Hymettian +Hymettic +hymn +hymnal +hymnarium +hymnary +hymnbook +hymner +hymnic +hymnist +hymnless +hymnlike +hymnode +hymnodical +hymnodist +hymnody +hymnographer +hymnography +hymnologic +hymnological +hymnologically +hymnologist +hymnology +hymnwise +hynde +hyne +hyobranchial +hyocholalic +hyocholic +hyoepiglottic +hyoepiglottidean +hyoglossal +hyoglossus +hyoglycocholic +hyoid +hyoidal +hyoidan +hyoideal +hyoidean +hyoides +Hyolithes +hyolithid +Hyolithidae +hyolithoid +hyomandibula +hyomandibular +hyomental +hyoplastral +hyoplastron +hyoscapular +hyoscine +hyoscyamine +Hyoscyamus +hyosternal +hyosternum +hyostylic +hyostyly +hyothere +Hyotherium +hyothyreoid +hyothyroid +hyp +hypabyssal +hypaethral +hypaethron +hypaethros +hypaethrum +hypalgesia +hypalgia +hypalgic +hypallactic +hypallage +hypanthial +hypanthium +hypantrum +Hypapante +hypapophysial +hypapophysis +hyparterial +hypaspist +hypate +hypaton +hypautomorphic +hypaxial +Hypenantron +hyper +hyperabelian +hyperabsorption +hyperaccurate +hyperacid +hyperacidaminuria +hyperacidity +hyperacoustics +hyperaction +hyperactive +hyperactivity +hyperacuity +hyperacusia +hyperacusis +hyperacute +hyperacuteness +hyperadenosis +hyperadiposis +hyperadiposity +hyperadrenalemia +hyperaeolism +hyperalbuminosis +hyperalgebra +hyperalgesia +hyperalgesic +hyperalgesis +hyperalgetic +hyperalimentation +hyperalkalinity +hyperaltruism +hyperaminoacidemia +hyperanabolic +hyperanarchy +hyperangelical +hyperaphia +hyperaphic +hyperapophyseal +hyperapophysial +hyperapophysis +hyperarchaeological +hyperarchepiscopal +hyperazotemia +hyperbarbarous +hyperbatic +hyperbatically +hyperbaton +hyperbola +hyperbolaeon +hyperbole +hyperbolic +hyperbolically +hyperbolicly +hyperbolism +hyperbolize +hyperboloid +hyperboloidal +hyperboreal +Hyperborean +hyperborean +hyperbrachycephal +hyperbrachycephalic +hyperbrachycephaly +hyperbrachycranial +hyperbrachyskelic +hyperbranchia +hyperbrutal +hyperbulia +hypercalcemia +hypercarbamidemia +hypercarbureted +hypercarburetted +hypercarnal +hypercatalectic +hypercatalexis +hypercatharsis +hypercathartic +hypercathexis +hypercenosis +hyperchamaerrhine +hyperchlorhydria +hyperchloric +hypercholesterinemia +hypercholesterolemia +hypercholia +hypercivilization +hypercivilized +hyperclassical +hyperclimax +hypercoagulability +hypercoagulable +hypercomplex +hypercomposite +hyperconcentration +hypercone +hyperconfident +hyperconformist +hyperconscientious +hyperconscientiousness +hyperconscious +hyperconsciousness +hyperconservatism +hyperconstitutional +hypercoracoid +hypercorrect +hypercorrection +hypercorrectness +hypercosmic +hypercreaturely +hypercritic +hypercritical +hypercritically +hypercriticism +hypercriticize +hypercryalgesia +hypercube +hypercyanotic +hypercycle +hypercylinder +hyperdactyl +hyperdactylia +hyperdactyly +hyperdeify +hyperdelicacy +hyperdelicate +hyperdemocracy +hyperdemocratic +hyperdeterminant +hyperdiabolical +hyperdialectism +hyperdiapason +hyperdiapente +hyperdiastole +hyperdiatessaron +hyperdiazeuxis +hyperdicrotic +hyperdicrotism +hyperdicrotous +hyperdimensional +hyperdimensionality +hyperdissyllable +hyperdistention +hyperditone +hyperdivision +hyperdolichocephal +hyperdolichocephalic +hyperdolichocephaly +hyperdolichocranial +hyperdoricism +hyperdulia +hyperdulic +hyperdulical +hyperelegant +hyperelliptic +hyperemesis +hyperemetic +hyperemia +hyperemic +hyperemotivity +hyperemphasize +hyperenthusiasm +hypereosinophilia +hyperephidrosis +hyperequatorial +hypererethism +hyperessence +hyperesthesia +hyperesthetic +hyperethical +hypereuryprosopic +hypereutectic +hypereutectoid +hyperexaltation +hyperexcitability +hyperexcitable +hyperexcitement +hyperexcursive +hyperexophoria +hyperextend +hyperextension +hyperfastidious +hyperfederalist +hyperfine +hyperflexion +hyperfocal +hyperfunction +hyperfunctional +hyperfunctioning +hypergalactia +hypergamous +hypergamy +hypergenesis +hypergenetic +hypergeometric +hypergeometrical +hypergeometry +hypergeusia +hypergeustia +hyperglycemia +hyperglycemic +hyperglycorrhachia +hyperglycosuria +hypergoddess +hypergol +hypergolic +Hypergon +hypergrammatical +hyperhedonia +hyperhemoglobinemia +hyperhilarious +hyperhypocrisy +Hypericaceae +hypericaceous +Hypericales +hypericin +hypericism +Hypericum +hypericum +hyperidealistic +hyperideation +hyperimmune +hyperimmunity +hyperimmunization +hyperimmunize +hyperingenuity +hyperinosis +hyperinotic +hyperinsulinization +hyperinsulinize +hyperintellectual +hyperintelligence +hyperinvolution +hyperirritability +hyperirritable +hyperisotonic +hyperite +hyperkeratosis +hyperkinesia +hyperkinesis +hyperkinetic +hyperlactation +hyperleptoprosopic +hyperleucocytosis +hyperlipemia +hyperlipoidemia +hyperlithuria +hyperlogical +hyperlustrous +hypermagical +hypermakroskelic +hypermedication +hypermenorrhea +hypermetabolism +hypermetamorphic +hypermetamorphism +hypermetamorphosis +hypermetamorphotic +hypermetaphorical +hypermetaphysical +hypermetaplasia +hypermeter +hypermetric +hypermetrical +hypermetron +hypermetrope +hypermetropia +hypermetropic +hypermetropical +hypermetropy +hypermiraculous +hypermixolydian +hypermnesia +hypermnesic +hypermnesis +hypermnestic +hypermodest +hypermonosyllable +hypermoral +hypermorph +hypermorphism +hypermorphosis +hypermotile +hypermotility +hypermyotonia +hypermyotrophy +hypermyriorama +hypermystical +hypernatural +hypernephroma +hyperneuria +hyperneurotic +hypernic +hypernitrogenous +hypernomian +hypernomic +hypernormal +hypernote +hypernutrition +Hyperoartia +hyperoartian +hyperobtrusive +hyperodontogeny +Hyperoodon +hyperoon +hyperope +hyperopia +hyperopic +hyperorganic +hyperorthognathic +hyperorthognathous +hyperorthognathy +hyperosmia +hyperosmic +hyperostosis +hyperostotic +hyperothodox +hyperothodoxy +Hyperotreta +hyperotretan +Hyperotreti +hyperotretous +hyperoxidation +hyperoxide +hyperoxygenate +hyperoxygenation +hyperoxygenize +hyperpanegyric +hyperparasite +hyperparasitic +hyperparasitism +hyperparasitize +hyperparoxysm +hyperpathetic +hyperpatriotic +hyperpencil +hyperpepsinia +hyperper +hyperperistalsis +hyperperistaltic +hyperpersonal +hyperphalangeal +hyperphalangism +hyperpharyngeal +hyperphenomena +hyperphoria +hyperphoric +hyperphosphorescence +hyperphysical +hyperphysically +hyperphysics +hyperpiesia +hyperpiesis +hyperpietic +hyperpietist +hyperpigmentation +hyperpigmented +hyperpinealism +hyperpituitarism +hyperplagiarism +hyperplane +hyperplasia +hyperplasic +hyperplastic +hyperplatyrrhine +hyperploid +hyperploidy +hyperpnea +hyperpnoea +hyperpolysyllabic +hyperpredator +hyperprism +hyperproduction +hyperprognathous +hyperprophetical +hyperprosexia +hyperpulmonary +hyperpure +hyperpurist +hyperpyramid +hyperpyretic +hyperpyrexia +hyperpyrexial +hyperquadric +hyperrational +hyperreactive +hyperrealize +hyperresonance +hyperresonant +hyperreverential +hyperrhythmical +hyperridiculous +hyperritualism +hypersacerdotal +hypersaintly +hypersalivation +hypersceptical +hyperscholastic +hyperscrupulosity +hypersecretion +hypersensibility +hypersensitive +hypersensitiveness +hypersensitivity +hypersensitization +hypersensitize +hypersensual +hypersensualism +hypersensuous +hypersentimental +hypersolid +hypersomnia +hypersonic +hypersophisticated +hyperspace +hyperspatial +hyperspeculative +hypersphere +hyperspherical +hyperspiritualizing +hypersplenia +hypersplenism +hypersthene +hypersthenia +hypersthenic +hypersthenite +hyperstoic +hyperstrophic +hypersubtlety +hypersuggestibility +hypersuperlative +hypersurface +hypersusceptibility +hypersusceptible +hypersystole +hypersystolic +hypertechnical +hypertelic +hypertely +hypertense +hypertensin +hypertension +hypertensive +hyperterrestrial +hypertetrahedron +hyperthermal +hyperthermalgesia +hyperthermesthesia +hyperthermia +hyperthermic +hyperthermy +hyperthesis +hyperthetic +hyperthetical +hyperthyreosis +hyperthyroid +hyperthyroidism +hyperthyroidization +hyperthyroidize +hypertonia +hypertonic +hypertonicity +hypertonus +hypertorrid +hypertoxic +hypertoxicity +hypertragical +hypertragically +hypertranscendent +hypertrichosis +hypertridimensional +hypertrophic +hypertrophied +hypertrophous +hypertrophy +hypertropia +hypertropical +hypertype +hypertypic +hypertypical +hyperurbanism +hyperuresis +hypervascular +hypervascularity +hypervenosity +hyperventilate +hyperventilation +hypervigilant +hyperviscosity +hypervitalization +hypervitalize +hypervitaminosis +hypervolume +hyperwrought +hypesthesia +hypesthesic +hypethral +hypha +Hyphaene +hyphaeresis +hyphal +hyphedonia +hyphema +hyphen +hyphenate +hyphenated +hyphenation +hyphenic +hyphenism +hyphenization +hyphenize +hypho +hyphodrome +Hyphomycetales +hyphomycete +Hyphomycetes +hyphomycetic +hyphomycetous +hyphomycosis +hypidiomorphic +hypidiomorphically +hypinosis +hypinotic +Hypnaceae +hypnaceous +hypnagogic +hypnesthesis +hypnesthetic +hypnoanalysis +hypnobate +hypnocyst +hypnody +hypnoetic +hypnogenesis +hypnogenetic +hypnoid +hypnoidal +hypnoidization +hypnoidize +hypnologic +hypnological +hypnologist +hypnology +hypnone +hypnophobia +hypnophobic +hypnophoby +hypnopompic +Hypnos +hypnoses +hypnosis +hypnosperm +hypnosporangium +hypnospore +hypnosporic +hypnotherapy +hypnotic +hypnotically +hypnotism +hypnotist +hypnotistic +hypnotizability +hypnotizable +hypnotization +hypnotize +hypnotizer +hypnotoid +hypnotoxin +Hypnum +hypo +hypoacid +hypoacidity +hypoactive +hypoactivity +hypoadenia +hypoadrenia +hypoaeolian +hypoalimentation +hypoalkaline +hypoalkalinity +hypoaminoacidemia +hypoantimonate +hypoazoturia +hypobasal +hypobatholithic +hypobenthonic +hypobenthos +hypoblast +hypoblastic +hypobole +hypobranchial +hypobranchiate +hypobromite +hypobromous +hypobulia +hypobulic +hypocalcemia +hypocarp +hypocarpium +hypocarpogean +hypocatharsis +hypocathartic +hypocathexis +hypocaust +hypocentrum +hypocephalus +Hypochaeris +hypochil +hypochilium +hypochlorhydria +hypochlorhydric +hypochloric +hypochlorite +hypochlorous +hypochloruria +Hypochnaceae +hypochnose +Hypochnus +hypochondria +hypochondriac +hypochondriacal +hypochondriacally +hypochondriacism +hypochondrial +hypochondriasis +hypochondriast +hypochondrium +hypochondry +hypochordal +hypochromia +hypochrosis +hypochylia +hypocist +hypocleidian +hypocleidium +hypocoelom +hypocondylar +hypocone +hypoconid +hypoconule +hypoconulid +hypocoracoid +hypocorism +hypocoristic +hypocoristical +hypocoristically +hypocotyl +hypocotyleal +hypocotyledonary +hypocotyledonous +hypocotylous +hypocrater +hypocrateriform +hypocraterimorphous +Hypocreaceae +hypocreaceous +Hypocreales +hypocrisis +hypocrisy +hypocrital +hypocrite +hypocritic +hypocritical +hypocritically +hypocrize +hypocrystalline +hypocycloid +hypocycloidal +hypocystotomy +hypocytosis +hypodactylum +hypoderm +hypoderma +hypodermal +hypodermatic +hypodermatically +hypodermatoclysis +hypodermatomy +Hypodermella +hypodermic +hypodermically +hypodermis +hypodermoclysis +hypodermosis +hypodermous +hypodiapason +hypodiapente +hypodiastole +hypodiatessaron +hypodiazeuxis +hypodicrotic +hypodicrotous +hypoditone +hypodorian +hypodynamia +hypodynamic +hypoeliminator +hypoendocrinism +hypoeosinophilia +hypoeutectic +hypoeutectoid +hypofunction +hypogastric +hypogastrium +hypogastrocele +hypogeal +hypogean +hypogee +hypogeic +hypogeiody +hypogene +hypogenesis +hypogenetic +hypogenic +hypogenous +hypogeocarpous +hypogeous +hypogeum +hypogeusia +hypoglobulia +hypoglossal +hypoglossitis +hypoglossus +hypoglottis +hypoglycemia +hypoglycemic +hypognathism +hypognathous +hypogonation +hypogynic +hypogynium +hypogynous +hypogyny +hypohalous +hypohemia +hypohidrosis +Hypohippus +hypohyal +hypohyaline +hypoid +hypoiodite +hypoiodous +hypoionian +hypoischium +hypoisotonic +hypokeimenometry +hypokinesia +hypokinesis +hypokinetic +hypokoristikon +hypolemniscus +hypoleptically +hypoleucocytosis +hypolimnion +hypolocrian +hypolydian +hypomania +hypomanic +hypomelancholia +hypomeral +hypomere +hypomeron +hypometropia +hypomixolydian +hypomnematic +hypomnesis +hypomochlion +hypomorph +hypomotility +hypomyotonia +hyponastic +hyponastically +hyponasty +hyponeuria +hyponitric +hyponitrite +hyponitrous +hyponoetic +hyponoia +hyponome +hyponomic +hyponychial +hyponychium +hyponym +hyponymic +hyponymous +Hypoparia +hypopepsia +hypopepsinia +hypopepsy +hypopetalous +hypopetaly +hypophalangism +hypophamin +hypophamine +hypophare +hypopharyngeal +hypopharynx +hypophloeodal +hypophloeodic +hypophloeous +hypophonic +hypophonous +hypophora +hypophoria +hypophosphate +hypophosphite +hypophosphoric +hypophosphorous +hypophrenia +hypophrenic +hypophrenosis +hypophrygian +hypophyge +hypophyll +hypophyllium +hypophyllous +hypophyllum +hypophyse +hypophyseal +hypophysectomize +hypophysectomy +hypophyseoprivic +hypophyseoprivous +hypophysial +hypophysical +hypophysics +hypophysis +hypopial +hypopinealism +hypopituitarism +Hypopitys +hypoplankton +hypoplanktonic +hypoplasia +hypoplastic +hypoplastral +hypoplastron +hypoplasty +hypoplasy +hypoploid +hypoploidy +hypopodium +hypopraxia +hypoprosexia +hypopselaphesia +hypopteral +hypopteron +hypoptilar +hypoptilum +hypoptosis +hypoptyalism +hypopus +hypopygial +hypopygidium +hypopygium +hypopyon +hyporadial +hyporadiolus +hyporadius +hyporchema +hyporchematic +hyporcheme +hyporchesis +hyporhachidian +hyporhachis +hyporhined +hyporit +hyporrhythmic +hyposcenium +hyposcleral +hyposcope +hyposecretion +hyposensitization +hyposensitize +hyposkeletal +hyposmia +hypospadiac +hypospadias +hyposphene +hypospray +hypostase +hypostasis +hypostasization +hypostasize +hypostasy +hypostatic +hypostatical +hypostatically +hypostatization +hypostatize +hyposternal +hyposternum +hyposthenia +hyposthenic +hyposthenuria +hypostigma +hypostilbite +hypostoma +Hypostomata +hypostomatic +hypostomatous +hypostome +hypostomial +Hypostomides +hypostomous +hypostrophe +hypostyle +hypostypsis +hypostyptic +hyposulphite +hyposulphurous +hyposuprarenalism +hyposyllogistic +hyposynaphe +hyposynergia +hyposystole +hypotactic +hypotarsal +hypotarsus +hypotaxia +hypotaxic +hypotaxis +hypotension +hypotensive +hypotensor +hypotenusal +hypotenuse +hypothalamic +hypothalamus +hypothalline +hypothallus +hypothec +hypotheca +hypothecal +hypothecary +hypothecate +hypothecation +hypothecative +hypothecator +hypothecatory +hypothecial +hypothecium +hypothenal +hypothenar +Hypotheria +hypothermal +hypothermia +hypothermic +hypothermy +hypotheses +hypothesis +hypothesist +hypothesize +hypothesizer +hypothetic +hypothetical +hypothetically +hypothetics +hypothetist +hypothetize +hypothetizer +hypothyreosis +hypothyroid +hypothyroidism +hypotonia +hypotonic +hypotonicity +hypotonus +hypotony +hypotoxic +hypotoxicity +hypotrachelium +Hypotremata +hypotrich +Hypotricha +Hypotrichida +hypotrichosis +hypotrichous +hypotrochanteric +hypotrochoid +hypotrochoidal +hypotrophic +hypotrophy +hypotympanic +hypotypic +hypotypical +hypotyposis +hypovalve +hypovanadate +hypovanadic +hypovanadious +hypovanadous +hypovitaminosis +hypoxanthic +hypoxanthine +Hypoxis +Hypoxylon +hypozeugma +hypozeuxis +Hypozoa +hypozoan +hypozoic +hyppish +hypsibrachycephalic +hypsibrachycephalism +hypsibrachycephaly +hypsicephalic +hypsicephaly +hypsidolichocephalic +hypsidolichocephalism +hypsidolichocephaly +hypsiliform +hypsiloid +Hypsilophodon +hypsilophodont +hypsilophodontid +Hypsilophodontidae +hypsilophodontoid +Hypsiprymninae +Hypsiprymnodontinae +Hypsiprymnus +Hypsistarian +hypsistenocephalic +hypsistenocephalism +hypsistenocephaly +hypsobathymetric +hypsocephalous +hypsochrome +hypsochromic +hypsochromy +hypsodont +hypsodontism +hypsodonty +hypsographic +hypsographical +hypsography +hypsoisotherm +hypsometer +hypsometric +hypsometrical +hypsometrically +hypsometrist +hypsometry +hypsophobia +hypsophonous +hypsophyll +hypsophyllar +hypsophyllary +hypsophyllous +hypsophyllum +hypsothermometer +hypural +hyraces +hyraceum +Hyrachyus +hyracid +Hyracidae +hyraciform +Hyracina +Hyracodon +hyracodont +hyracodontid +Hyracodontidae +hyracodontoid +hyracoid +Hyracoidea +hyracoidean +hyracothere +hyracotherian +Hyracotheriinae +Hyracotherium +hyrax +Hyrcan +Hyrcanian +hyson +hyssop +Hyssopus +hystazarin +hysteralgia +hysteralgic +hysteranthous +hysterectomy +hysterelcosis +hysteresial +hysteresis +hysteretic +hysteretically +hysteria +hysteriac +Hysteriales +hysteric +hysterical +hysterically +hystericky +hysterics +hysteriform +hysterioid +Hysterocarpus +hysterocatalepsy +hysterocele +hysterocleisis +hysterocrystalline +hysterocystic +hysterodynia +hysterogen +hysterogenetic +hysterogenic +hysterogenous +hysterogeny +hysteroid +hysterolaparotomy +hysterolith +hysterolithiasis +hysterology +hysterolysis +hysteromania +hysterometer +hysterometry +hysteromorphous +hysteromyoma +hysteromyomectomy +hysteron +hysteroneurasthenia +hysteropathy +hysteropexia +hysteropexy +hysterophore +Hysterophyta +hysterophytal +hysterophyte +hysteroproterize +hysteroptosia +hysteroptosis +hysterorrhaphy +hysterorrhexis +hysteroscope +hysterosis +hysterotome +hysterotomy +hysterotraumatism +hystriciasis +hystricid +Hystricidae +Hystricinae +hystricine +hystricism +hystricismus +hystricoid +hystricomorph +Hystricomorpha +hystricomorphic +hystricomorphous +Hystrix +I +i +Iacchic +Iacchos +Iacchus +Iachimo +iamatology +iamb +Iambe +iambelegus +iambi +iambic +iambically +iambist +iambize +iambographer +iambus +Ian +Ianthina +ianthine +ianthinite +Ianus +iao +Iapetus +Iapyges +Iapygian +Iapygii +iatraliptic +iatraliptics +iatric +iatrical +iatrochemic +iatrochemical +iatrochemist +iatrochemistry +iatrological +iatrology +iatromathematical +iatromathematician +iatromathematics +iatromechanical +iatromechanist +iatrophysical +iatrophysicist +iatrophysics +iatrotechnics +iba +Ibad +Ibadite +Iban +Ibanag +Iberes +Iberi +Iberia +Iberian +Iberic +Iberis +Iberism +iberite +ibex +ibices +ibid +Ibididae +Ibidinae +ibidine +Ibidium +Ibilao +ibis +ibisbill +Ibo +ibolium +ibota +Ibsenian +Ibsenic +Ibsenish +Ibsenism +Ibsenite +Ibycter +Ibycus +Icacinaceae +icacinaceous +icaco +Icacorea +Icaria +Icarian +Icarianism +Icarus +ice +iceberg +iceblink +iceboat +icebone +icebound +icebox +icebreaker +icecap +icecraft +iced +icefall +icefish +icehouse +Iceland +iceland +Icelander +Icelandian +Icelandic +iceleaf +iceless +Icelidae +icelike +iceman +Iceni +icequake +iceroot +Icerya +icework +ich +Ichneumia +ichneumon +ichneumoned +Ichneumones +ichneumonid +Ichneumonidae +ichneumonidan +Ichneumonides +ichneumoniform +ichneumonized +ichneumonoid +Ichneumonoidea +ichneumonology +ichneumous +ichneutic +ichnite +ichnographic +ichnographical +ichnographically +ichnography +ichnolite +ichnolithology +ichnolitic +ichnological +ichnology +ichnomancy +icho +ichoglan +ichor +ichorous +ichorrhea +ichorrhemia +ichthulin +ichthulinic +ichthus +ichthyal +ichthyic +ichthyism +ichthyismus +ichthyization +ichthyized +ichthyobatrachian +Ichthyocephali +ichthyocephalous +ichthyocol +ichthyocolla +ichthyocoprolite +Ichthyodea +Ichthyodectidae +ichthyodian +ichthyodont +ichthyodorulite +ichthyofauna +ichthyoform +ichthyographer +ichthyographia +ichthyographic +ichthyography +ichthyoid +ichthyoidal +Ichthyoidea +Ichthyol +ichthyolatrous +ichthyolatry +ichthyolite +ichthyolitic +ichthyologic +ichthyological +ichthyologically +ichthyologist +ichthyology +ichthyomancy +ichthyomantic +Ichthyomorpha +ichthyomorphic +ichthyomorphous +ichthyonomy +ichthyopaleontology +ichthyophagan +ichthyophagi +ichthyophagian +ichthyophagist +ichthyophagize +ichthyophagous +ichthyophagy +ichthyophile +ichthyophobia +ichthyophthalmite +ichthyophthiriasis +ichthyopolism +ichthyopolist +ichthyopsid +Ichthyopsida +ichthyopsidan +Ichthyopterygia +ichthyopterygian +ichthyopterygium +Ichthyornis +Ichthyornithes +ichthyornithic +Ichthyornithidae +Ichthyornithiformes +ichthyornithoid +ichthyosaur +Ichthyosauria +ichthyosaurian +ichthyosaurid +Ichthyosauridae +ichthyosauroid +Ichthyosaurus +ichthyosis +ichthyosism +ichthyotic +Ichthyotomi +ichthyotomist +ichthyotomous +ichthyotomy +ichthyotoxin +ichthyotoxism +ichthytaxidermy +ichu +icica +icicle +icicled +icily +iciness +icing +icon +Iconian +iconic +iconical +iconism +iconoclasm +iconoclast +iconoclastic +iconoclastically +iconoclasticism +iconodule +iconodulic +iconodulist +iconoduly +iconograph +iconographer +iconographic +iconographical +iconographist +iconography +iconolater +iconolatrous +iconolatry +iconological +iconologist +iconology +iconomachal +iconomachist +iconomachy +iconomania +iconomatic +iconomatically +iconomaticism +iconomatography +iconometer +iconometric +iconometrical +iconometrically +iconometry +iconophile +iconophilism +iconophilist +iconophily +iconoplast +iconoscope +iconostas +iconostasion +iconostasis +iconotype +icosahedral +Icosandria +icosasemic +icosian +icositetrahedron +icosteid +Icosteidae +icosteine +Icosteus +icotype +icteric +icterical +Icteridae +icterine +icteritious +icterode +icterogenetic +icterogenic +icterogenous +icterohematuria +icteroid +icterus +ictic +Ictonyx +ictuate +ictus +icy +id +Ida +Idaean +Idaho +Idahoan +Idaic +idalia +Idalian +idant +iddat +Iddio +ide +idea +ideaed +ideaful +ideagenous +ideal +idealess +idealism +idealist +idealistic +idealistical +idealistically +ideality +idealization +idealize +idealizer +idealless +ideally +idealness +ideamonger +Idean +ideate +ideation +ideational +ideationally +ideative +ideist +idempotent +identic +identical +identicalism +identically +identicalness +identifiable +identifiableness +identification +identifier +identify +identism +identity +ideogenetic +ideogenical +ideogenous +ideogeny +ideoglyph +ideogram +ideogrammic +ideograph +ideographic +ideographical +ideographically +ideography +ideolatry +ideologic +ideological +ideologically +ideologist +ideologize +ideologue +ideology +ideomotion +ideomotor +ideophone +ideophonetics +ideophonous +ideoplastia +ideoplastic +ideoplastics +ideoplasty +ideopraxist +ides +idgah +idiasm +idic +idiobiology +idioblast +idioblastic +idiochromatic +idiochromatin +idiochromosome +idiocrasis +idiocrasy +idiocratic +idiocratical +idiocy +idiocyclophanous +idioelectric +idioelectrical +Idiogastra +idiogenesis +idiogenetic +idiogenous +idioglossia +idioglottic +idiograph +idiographic +idiographical +idiohypnotism +idiolalia +idiolatry +idiologism +idiolysin +idiom +idiomatic +idiomatical +idiomatically +idiomaticalness +idiomelon +idiometer +idiomography +idiomology +idiomorphic +idiomorphically +idiomorphism +idiomorphous +idiomuscular +idiopathetic +idiopathic +idiopathical +idiopathically +idiopathy +idiophanism +idiophanous +idiophonic +idioplasm +idioplasmatic +idioplasmic +idiopsychological +idiopsychology +idioreflex +idiorepulsive +idioretinal +idiorrhythmic +Idiosepiidae +Idiosepion +idiosome +idiospasm +idiospastic +idiostatic +idiosyncrasy +idiosyncratic +idiosyncratical +idiosyncratically +idiot +idiotcy +idiothalamous +idiothermous +idiothermy +idiotic +idiotical +idiotically +idioticalness +idioticon +idiotish +idiotism +idiotize +idiotropian +idiotry +idiotype +idiotypic +Idism +Idist +Idistic +idite +iditol +idle +idleful +idleheaded +idlehood +idleman +idlement +idleness +idler +idleset +idleship +idlety +idlish +idly +Ido +idocrase +Idoism +Idoist +Idoistic +idol +idola +idolaster +idolater +idolatress +idolatric +idolatrize +idolatrizer +idolatrous +idolatrously +idolatrousness +idolatry +idolify +idolism +idolist +idolistic +idolization +idolize +idolizer +idoloclast +idoloclastic +idolodulia +idolographical +idololatrical +idololatry +idolomancy +idolomania +idolothyte +idolothytic +idolous +idolum +Idomeneus +idoneal +idoneity +idoneous +idoneousness +idorgan +idosaccharic +idose +Idotea +Idoteidae +Idothea +Idotheidae +idrialin +idrialine +idrialite +Idrisid +Idrisite +idryl +Idumaean +idyl +idyler +idylism +idylist +idylize +idyllian +idyllic +idyllical +idyllically +idyllicism +ie +Ierne +if +ife +iffy +Ifugao +Igara +Igbira +Igdyr +igelstromite +igloo +Iglulirmiut +ignatia +Ignatian +Ignatianist +Ignatius +ignavia +igneoaqueous +igneous +ignescent +ignicolist +igniferous +igniferousness +igniform +ignifuge +ignify +ignigenous +ignipotent +ignipuncture +ignitability +ignite +igniter +ignitibility +ignitible +ignition +ignitive +ignitor +ignitron +ignivomous +ignivomousness +ignobility +ignoble +ignobleness +ignoblesse +ignobly +ignominious +ignominiously +ignominiousness +ignominy +ignorable +ignoramus +ignorance +ignorant +Ignorantine +ignorantism +ignorantist +ignorantly +ignorantness +ignoration +ignore +ignorement +ignorer +ignote +Igorot +iguana +Iguania +iguanian +iguanid +Iguanidae +iguaniform +Iguanodon +iguanodont +Iguanodontia +Iguanodontidae +iguanodontoid +Iguanodontoidea +iguanoid +Iguvine +ihi +Ihlat +ihleite +ihram +iiwi +ijma +Ijo +ijolite +Ijore +ijussite +ikat +Ike +ikey +ikeyness +Ikhwan +ikona +ikra +Ila +ileac +ileectomy +ileitis +ileocaecal +ileocaecum +ileocolic +ileocolitis +ileocolostomy +ileocolotomy +ileon +ileosigmoidostomy +ileostomy +ileotomy +ilesite +ileum +ileus +ilex +ilia +Iliac +iliac +iliacus +Iliad +Iliadic +Iliadist +Iliadize +iliahi +ilial +Ilian +iliau +Ilicaceae +ilicaceous +ilicic +ilicin +ilima +iliocaudal +iliocaudalis +iliococcygeal +iliococcygeus +iliococcygian +iliocostal +iliocostalis +iliodorsal +iliofemoral +iliohypogastric +ilioinguinal +ilioischiac +ilioischiatic +iliolumbar +iliopectineal +iliopelvic +ilioperoneal +iliopsoas +iliopsoatic +iliopubic +iliosacral +iliosciatic +ilioscrotal +iliospinal +iliotibial +iliotrochanteric +Ilissus +ilium +ilk +ilka +ilkane +ill +illaborate +illachrymable +illachrymableness +Illaenus +Illano +Illanun +illapsable +illapse +illapsive +illaqueate +illaqueation +illation +illative +illatively +illaudable +illaudably +illaudation +illaudatory +Illecebraceae +illecebrous +illeck +illegal +illegality +illegalize +illegally +illegalness +illegibility +illegible +illegibleness +illegibly +illegitimacy +illegitimate +illegitimately +illegitimateness +illegitimation +illegitimatize +illeism +illeist +illess +illfare +illguide +illiberal +illiberalism +illiberality +illiberalize +illiberally +illiberalness +illicit +illicitly +illicitness +Illicium +illimitability +illimitable +illimitableness +illimitably +illimitate +illimitation +illimited +illimitedly +illimitedness +illinition +illinium +Illinoian +Illinois +Illinoisan +Illinoisian +Illipe +illipene +illiquation +illiquid +illiquidity +illiquidly +illish +illision +illiteracy +illiteral +illiterate +illiterately +illiterateness +illiterature +illium +illness +illocal +illocality +illocally +illogic +illogical +illogicality +illogically +illogicalness +illogician +illogicity +Illoricata +illoricate +illoricated +illoyal +illoyalty +illth +illucidate +illucidation +illucidative +illude +illudedly +illuder +illume +illumer +illuminability +illuminable +illuminance +illuminant +illuminate +illuminated +illuminati +illuminating +illuminatingly +illumination +illuminational +illuminatism +illuminatist +illuminative +illuminato +illuminator +illuminatory +illuminatus +illumine +illuminee +illuminer +Illuminism +illuminist +Illuministic +Illuminize +illuminometer +illuminous +illupi +illure +illurement +illusible +illusion +illusionable +illusional +illusionary +illusioned +illusionism +illusionist +illusionistic +illusive +illusively +illusiveness +illusor +illusorily +illusoriness +illusory +illustrable +illustratable +illustrate +illustration +illustrational +illustrative +illustratively +illustrator +illustratory +illustratress +illustre +illustricity +illustrious +illustriously +illustriousness +illutate +illutation +illuvial +illuviate +illuviation +illy +Illyrian +Illyric +ilmenite +ilmenitite +ilmenorutile +Ilocano +Ilokano +Iloko +Ilongot +ilot +Ilpirra +ilvaite +Ilya +Ilysanthes +Ilysia +Ilysiidae +ilysioid +Ima +image +imageable +imageless +imager +imagerial +imagerially +imagery +imaginability +imaginable +imaginableness +imaginably +imaginal +imaginant +imaginarily +imaginariness +imaginary +imaginate +imagination +imaginational +imaginationalism +imaginative +imaginatively +imaginativeness +imaginator +imagine +imaginer +imagines +imaginist +imaginous +imagism +imagist +imagistic +imago +imam +imamah +imamate +imambarah +imamic +imamship +Imantophyllum +imaret +imbalance +imban +imband +imbannered +imbarge +imbark +imbarn +imbased +imbastardize +imbat +imbauba +imbe +imbecile +imbecilely +imbecilic +imbecilitate +imbecility +imbed +imbellious +imber +imbibe +imbiber +imbibition +imbibitional +imbibitory +imbirussu +imbitter +imbitterment +imbolish +imbondo +imbonity +imbordure +imborsation +imbosom +imbower +imbreathe +imbreviate +imbrex +imbricate +imbricated +imbricately +imbrication +imbricative +imbroglio +imbrue +imbruement +imbrute +imbrutement +imbue +imbuement +imburse +imbursement +Imer +Imerina +Imeritian +imi +imidazole +imidazolyl +imide +imidic +imidogen +iminazole +imine +imino +iminohydrin +imitability +imitable +imitableness +imitancy +imitant +imitate +imitatee +imitation +imitational +imitationist +imitative +imitatively +imitativeness +imitator +imitatorship +imitatress +imitatrix +immaculacy +immaculance +immaculate +immaculately +immaculateness +immalleable +immanacle +immanation +immane +immanely +immanence +immanency +immaneness +immanent +immanental +immanentism +immanentist +immanently +Immanes +immanifest +immanifestness +immanity +immantle +Immanuel +immarble +immarcescible +immarcescibly +immarcibleness +immarginate +immask +immatchable +immaterial +immaterialism +immaterialist +immateriality +immaterialize +immaterially +immaterialness +immaterials +immateriate +immatriculate +immatriculation +immature +immatured +immaturely +immatureness +immaturity +immeability +immeasurability +immeasurable +immeasurableness +immeasurably +immeasured +immechanical +immechanically +immediacy +immedial +immediate +immediately +immediateness +immediatism +immediatist +immedicable +immedicableness +immedicably +immelodious +immember +immemorable +immemorial +immemorially +immense +immensely +immenseness +immensity +immensive +immensurability +immensurable +immensurableness +immensurate +immerd +immerge +immergence +immergent +immerit +immerited +immeritorious +immeritoriously +immeritous +immerse +immersement +immersible +immersion +immersionism +immersionist +immersive +immethodic +immethodical +immethodically +immethodicalness +immethodize +immetrical +immetrically +immetricalness +immew +immi +immigrant +immigrate +immigration +immigrator +immigratory +imminence +imminency +imminent +imminently +imminentness +immingle +imminution +immiscibility +immiscible +immiscibly +immission +immit +immitigability +immitigable +immitigably +immix +immixable +immixture +immobile +immobility +immobilization +immobilize +immoderacy +immoderate +immoderately +immoderateness +immoderation +immodest +immodestly +immodesty +immodulated +immolate +immolation +immolator +immoment +immomentous +immonastered +immoral +immoralism +immoralist +immorality +immoralize +immorally +immorigerous +immorigerousness +immortability +immortable +immortal +immortalism +immortalist +immortality +immortalizable +immortalization +immortalize +immortalizer +immortally +immortalness +immortalship +immortelle +immortification +immortified +immotile +immotioned +immotive +immound +immovability +immovable +immovableness +immovably +immund +immundity +immune +immunist +immunity +immunization +immunize +immunochemistry +immunogen +immunogenetic +immunogenetics +immunogenic +immunogenically +immunogenicity +immunologic +immunological +immunologically +immunologist +immunology +immunoreaction +immunotoxin +immuration +immure +immurement +immusical +immusically +immutability +immutable +immutableness +immutably +immutation +immute +immutilate +immutual +Imogen +Imolinda +imonium +imp +impacability +impacable +impack +impackment +impact +impacted +impaction +impactionize +impactment +impactual +impages +impaint +impair +impairable +impairer +impairment +impala +impalace +impalatable +impale +impalement +impaler +impall +impalm +impalpability +impalpable +impalpably +impalsy +impaludism +impanate +impanation +impanator +impane +impanel +impanelment +impapase +impapyrate +impar +imparadise +imparalleled +imparasitic +impardonable +impardonably +imparidigitate +imparipinnate +imparisyllabic +imparity +impark +imparkation +imparl +imparlance +imparsonee +impart +impartable +impartance +impartation +imparter +impartial +impartialism +impartialist +impartiality +impartially +impartialness +impartibilibly +impartibility +impartible +impartibly +imparticipable +impartite +impartive +impartivity +impartment +impassability +impassable +impassableness +impassably +impasse +impassibilibly +impassibility +impassible +impassibleness +impassion +impassionable +impassionate +impassionately +impassioned +impassionedly +impassionedness +impassionment +impassive +impassively +impassiveness +impassivity +impastation +impaste +impasto +impasture +impaternate +impatible +impatience +impatiency +Impatiens +impatient +Impatientaceae +impatientaceous +impatiently +impatientness +impatronize +impave +impavid +impavidity +impavidly +impawn +impayable +impeach +impeachability +impeachable +impeacher +impeachment +impearl +impeccability +impeccable +impeccably +impeccance +impeccancy +impeccant +impectinate +impecuniary +impecuniosity +impecunious +impecuniously +impecuniousness +impedance +impede +impeder +impedibility +impedible +impedient +impediment +impedimenta +impedimental +impedimentary +impeding +impedingly +impedite +impedition +impeditive +impedometer +impeevish +impel +impellent +impeller +impen +impend +impendence +impendency +impendent +impending +impenetrability +impenetrable +impenetrableness +impenetrably +impenetrate +impenetration +impenetrative +impenitence +impenitent +impenitently +impenitentness +impenitible +impenitibleness +impennate +Impennes +impent +imperance +imperant +Imperata +imperate +imperation +imperatival +imperative +imperatively +imperativeness +imperator +imperatorial +imperatorially +imperatorian +imperatorious +imperatorship +imperatory +imperatrix +imperceivable +imperceivableness +imperceivably +imperceived +imperceiverant +imperceptibility +imperceptible +imperceptibleness +imperceptibly +imperception +imperceptive +imperceptiveness +imperceptivity +impercipience +impercipient +imperence +imperent +imperfect +imperfected +imperfectibility +imperfectible +imperfection +imperfectious +imperfective +imperfectly +imperfectness +imperforable +Imperforata +imperforate +imperforated +imperforation +imperformable +imperia +imperial +imperialin +imperialine +imperialism +imperialist +imperialistic +imperialistically +imperiality +imperialization +imperialize +imperially +imperialness +imperialty +imperil +imperilment +imperious +imperiously +imperiousness +imperish +imperishability +imperishable +imperishableness +imperishably +imperite +imperium +impermanence +impermanency +impermanent +impermanently +impermeability +impermeabilization +impermeabilize +impermeable +impermeableness +impermeably +impermeated +impermeator +impermissible +impermutable +imperscriptible +imperscrutable +impersonable +impersonal +impersonality +impersonalization +impersonalize +impersonally +impersonate +impersonation +impersonative +impersonator +impersonatress +impersonatrix +impersonification +impersonify +impersonization +impersonize +imperspicuity +imperspicuous +imperspirability +imperspirable +impersuadable +impersuadableness +impersuasibility +impersuasible +impersuasibleness +impersuasibly +impertinacy +impertinence +impertinency +impertinent +impertinently +impertinentness +impertransible +imperturbability +imperturbable +imperturbableness +imperturbably +imperturbation +imperturbed +imperverse +impervertible +impervestigable +imperviability +imperviable +imperviableness +impervial +impervious +imperviously +imperviousness +impest +impestation +impester +impeticos +impetiginous +impetigo +impetition +impetrate +impetration +impetrative +impetrator +impetratory +impetre +impetulant +impetulantly +impetuosity +impetuous +impetuously +impetuousness +impetus +Impeyan +imphee +impi +impicture +impierceable +impiety +impignorate +impignoration +impinge +impingement +impingence +impingent +impinger +impinguate +impious +impiously +impiousness +impish +impishly +impishness +impiteous +impitiably +implacability +implacable +implacableness +implacably +implacement +implacental +Implacentalia +implacentate +implant +implantation +implanter +implastic +implasticity +implate +implausibility +implausible +implausibleness +implausibly +impleach +implead +impleadable +impleader +impledge +implement +implemental +implementation +implementiferous +implete +impletion +impletive +implex +impliable +implial +implicant +implicate +implicately +implicateness +implication +implicational +implicative +implicatively +implicatory +implicit +implicitly +implicitness +impliedly +impliedness +impling +implode +implodent +implorable +imploration +implorator +imploratory +implore +implorer +imploring +imploringly +imploringness +implosion +implosive +implosively +implume +implumed +implunge +impluvium +imply +impocket +impofo +impoison +impoisoner +impolarizable +impolicy +impolished +impolite +impolitely +impoliteness +impolitic +impolitical +impolitically +impoliticalness +impoliticly +impoliticness +impollute +imponderabilia +imponderability +imponderable +imponderableness +imponderably +imponderous +impone +imponent +impoor +impopular +impopularly +imporosity +imporous +import +importability +importable +importableness +importably +importance +importancy +important +importantly +importation +importer +importless +importment +importraiture +importray +importunacy +importunance +importunate +importunately +importunateness +importunator +importune +importunely +importunement +importuner +importunity +imposable +imposableness +imposal +impose +imposement +imposer +imposing +imposingly +imposingness +imposition +impositional +impositive +impossibilification +impossibilism +impossibilist +impossibilitate +impossibility +impossible +impossibleness +impossibly +impost +imposter +imposterous +impostor +impostorism +impostorship +impostress +impostrix +impostrous +impostumate +impostumation +impostume +imposture +imposturism +imposturous +imposure +impot +impotable +impotence +impotency +impotent +impotently +impotentness +impound +impoundable +impoundage +impounder +impoundment +impoverish +impoverisher +impoverishment +impracticability +impracticable +impracticableness +impracticably +impractical +impracticality +impracticalness +imprecant +imprecate +imprecation +imprecator +imprecatorily +imprecatory +imprecise +imprecisely +imprecision +impredicability +impredicable +impreg +impregn +impregnability +impregnable +impregnableness +impregnably +impregnant +impregnate +impregnation +impregnative +impregnator +impregnatory +imprejudice +impremeditate +impreparation +impresa +impresario +imprescience +imprescribable +imprescriptibility +imprescriptible +imprescriptibly +imprese +impress +impressable +impressedly +impresser +impressibility +impressible +impressibleness +impressibly +impression +impressionability +impressionable +impressionableness +impressionably +impressional +impressionalist +impressionality +impressionally +impressionary +impressionism +impressionist +impressionistic +impressionistically +impressionless +impressive +impressively +impressiveness +impressment +impressor +impressure +imprest +imprestable +impreventability +impreventable +imprevisibility +imprevisible +imprevision +imprimatur +imprime +imprimitive +imprimitivity +imprint +imprinter +imprison +imprisonable +imprisoner +imprisonment +improbability +improbabilize +improbable +improbableness +improbably +improbation +improbative +improbatory +improbity +improcreant +improcurability +improcurable +improducible +improficience +improficiency +improgressive +improgressively +improgressiveness +improlificical +impromptitude +impromptu +impromptuary +impromptuist +improof +improper +improperation +improperly +improperness +impropriate +impropriation +impropriator +impropriatrix +impropriety +improvability +improvable +improvableness +improvably +improve +improvement +improver +improvership +improvidence +improvident +improvidentially +improvidently +improving +improvingly +improvisate +improvisation +improvisational +improvisator +improvisatorial +improvisatorially +improvisatorize +improvisatory +improvise +improvisedly +improviser +improvision +improviso +improvisor +imprudence +imprudency +imprudent +imprudential +imprudently +imprudentness +impship +impuberal +impuberate +impuberty +impubic +impudence +impudency +impudent +impudently +impudentness +impudicity +impugn +impugnability +impugnable +impugnation +impugner +impugnment +impuissance +impuissant +impulse +impulsion +impulsive +impulsively +impulsiveness +impulsivity +impulsory +impunctate +impunctual +impunctuality +impunely +impunible +impunibly +impunity +impure +impurely +impureness +impuritan +impuritanism +impurity +imputability +imputable +imputableness +imputably +imputation +imputative +imputatively +imputativeness +impute +imputedly +imputer +imputrescence +imputrescibility +imputrescible +imputrid +impy +imshi +imsonic +imu +in +inability +inabordable +inabstinence +inaccentuated +inaccentuation +inacceptable +inaccessibility +inaccessible +inaccessibleness +inaccessibly +inaccordance +inaccordancy +inaccordant +inaccordantly +inaccuracy +inaccurate +inaccurately +inaccurateness +inachid +Inachidae +inachoid +Inachus +inacquaintance +inacquiescent +inactinic +inaction +inactionist +inactivate +inactivation +inactive +inactively +inactiveness +inactivity +inactuate +inactuation +inadaptability +inadaptable +inadaptation +inadaptive +inadept +inadequacy +inadequate +inadequately +inadequateness +inadequation +inadequative +inadequatively +inadherent +inadhesion +inadhesive +inadjustability +inadjustable +inadmissibility +inadmissible +inadmissibly +inadventurous +inadvertence +inadvertency +inadvertent +inadvertently +inadvisability +inadvisable +inadvisableness +inadvisedly +inaesthetic +inaffability +inaffable +inaffectation +inagglutinability +inagglutinable +inaggressive +inagile +inaidable +inaja +inalacrity +inalienability +inalienable +inalienableness +inalienably +inalimental +inalterability +inalterable +inalterableness +inalterably +inamissibility +inamissible +inamissibleness +inamorata +inamorate +inamoration +inamorato +inamovability +inamovable +inane +inanely +inanga +inangulate +inanimadvertence +inanimate +inanimated +inanimately +inanimateness +inanimation +inanition +inanity +inantherate +inapathy +inapostate +inapparent +inappealable +inappeasable +inappellability +inappellable +inappendiculate +inapperceptible +inappertinent +inappetence +inappetency +inappetent +inappetible +inapplicability +inapplicable +inapplicableness +inapplicably +inapplication +inapposite +inappositely +inappositeness +inappreciable +inappreciably +inappreciation +inappreciative +inappreciatively +inappreciativeness +inapprehensible +inapprehension +inapprehensive +inapprehensiveness +inapproachability +inapproachable +inapproachably +inappropriable +inappropriableness +inappropriate +inappropriately +inappropriateness +inapt +inaptitude +inaptly +inaptness +inaqueous +inarable +inarch +inarculum +inarguable +inarguably +inarm +inarticulacy +Inarticulata +inarticulate +inarticulated +inarticulately +inarticulateness +inarticulation +inartificial +inartificiality +inartificially +inartificialness +inartistic +inartistical +inartisticality +inartistically +inasmuch +inassimilable +inassimilation +inassuageable +inattackable +inattention +inattentive +inattentively +inattentiveness +inaudibility +inaudible +inaudibleness +inaudibly +inaugur +inaugural +inaugurate +inauguration +inaugurative +inaugurator +inauguratory +inaugurer +inaurate +inauration +inauspicious +inauspiciously +inauspiciousness +inauthentic +inauthenticity +inauthoritative +inauthoritativeness +inaxon +inbe +inbeaming +inbearing +inbeing +inbending +inbent +inbirth +inblow +inblowing +inblown +inboard +inbond +inborn +inbound +inbread +inbreak +inbreaking +inbreathe +inbreather +inbred +inbreed +inbring +inbringer +inbuilt +inburning +inburnt +inburst +inby +Inca +Incaic +incalculability +incalculable +incalculableness +incalculably +incalescence +incalescency +incalescent +incaliculate +incalver +incalving +incameration +Incan +incandent +incandesce +incandescence +incandescency +incandescent +incandescently +incanous +incantation +incantational +incantator +incantatory +incanton +incapability +incapable +incapableness +incapably +incapacious +incapaciousness +incapacitate +incapacitation +incapacity +incapsulate +incapsulation +incaptivate +incarcerate +incarceration +incarcerator +incardinate +incardination +Incarial +incarmined +incarn +incarnadine +incarnant +incarnate +incarnation +incarnational +incarnationist +incarnative +Incarvillea +incase +incasement +incast +incatenate +incatenation +incaution +incautious +incautiously +incautiousness +incavate +incavated +incavation +incavern +incedingly +incelebrity +incendiarism +incendiary +incendivity +incensation +incense +incenseless +incensement +incensory +incensurable +incensurably +incenter +incentive +incentively +incentor +incept +inception +inceptive +inceptively +inceptor +inceration +incertitude +incessable +incessably +incessancy +incessant +incessantly +incessantness +incest +incestuous +incestuously +incestuousness +inch +inched +inchmeal +inchoacy +inchoant +inchoate +inchoately +inchoateness +inchoation +inchoative +inchpin +inchworm +incide +incidence +incident +incidental +incidentalist +incidentally +incidentalness +incidentless +incidently +incinerable +incinerate +incineration +incinerator +incipience +incipient +incipiently +incircumscription +incircumspect +incircumspection +incircumspectly +incircumspectness +incisal +incise +incisely +incisiform +incision +incisive +incisively +incisiveness +incisor +incisorial +incisory +incisure +incitability +incitable +incitant +incitation +incite +incitement +inciter +incitingly +incitive +incitress +incivic +incivility +incivilization +incivism +inclemency +inclement +inclemently +inclementness +inclinable +inclinableness +inclination +inclinational +inclinator +inclinatorily +inclinatorium +inclinatory +incline +incliner +inclinograph +inclinometer +inclip +inclose +inclosure +includable +include +included +includedness +includer +inclusa +incluse +inclusion +inclusionist +inclusive +inclusively +inclusiveness +inclusory +incoagulable +incoalescence +incoercible +incog +incogent +incogitability +incogitable +incogitancy +incogitant +incogitantly +incogitative +incognita +incognitive +incognito +incognizability +incognizable +incognizance +incognizant +incognoscent +incognoscibility +incognoscible +incoherence +incoherency +incoherent +incoherentific +incoherently +incoherentness +incohering +incohesion +incohesive +incoincidence +incoincident +incombustibility +incombustible +incombustibleness +incombustibly +incombustion +income +incomeless +incomer +incoming +incommensurability +incommensurable +incommensurableness +incommensurably +incommensurate +incommensurately +incommensurateness +incommiscibility +incommiscible +incommodate +incommodation +incommode +incommodement +incommodious +incommodiously +incommodiousness +incommodity +incommunicability +incommunicable +incommunicableness +incommunicably +incommunicado +incommunicative +incommunicatively +incommunicativeness +incommutability +incommutable +incommutableness +incommutably +incompact +incompactly +incompactness +incomparability +incomparable +incomparableness +incomparably +incompassionate +incompassionately +incompassionateness +incompatibility +incompatible +incompatibleness +incompatibly +incompendious +incompensated +incompensation +incompetence +incompetency +incompetent +incompetently +incompetentness +incompletability +incompletable +incompletableness +incomplete +incompleted +incompletely +incompleteness +incompletion +incomplex +incompliance +incompliancy +incompliant +incompliantly +incomplicate +incomplying +incomposed +incomposedly +incomposedness +incomposite +incompossibility +incompossible +incomprehended +incomprehending +incomprehendingly +incomprehensibility +incomprehensible +incomprehensibleness +incomprehensibly +incomprehension +incomprehensive +incomprehensively +incomprehensiveness +incompressibility +incompressible +incompressibleness +incompressibly +incomputable +inconcealable +inconceivability +inconceivable +inconceivableness +inconceivably +inconcinnate +inconcinnately +inconcinnity +inconcinnous +inconcludent +inconcluding +inconclusion +inconclusive +inconclusively +inconclusiveness +inconcrete +inconcurrent +inconcurring +incondensability +incondensable +incondensibility +incondensible +incondite +inconditionate +inconditioned +inconducive +inconfirm +inconformable +inconformably +inconformity +inconfused +inconfusedly +inconfusion +inconfutable +inconfutably +incongealable +incongealableness +incongenerous +incongenial +incongeniality +inconglomerate +incongruence +incongruent +incongruently +incongruity +incongruous +incongruously +incongruousness +inconjoinable +inconnected +inconnectedness +inconnu +inconscience +inconscient +inconsciently +inconscious +inconsciously +inconsecutive +inconsecutively +inconsecutiveness +inconsequence +inconsequent +inconsequential +inconsequentiality +inconsequentially +inconsequently +inconsequentness +inconsiderable +inconsiderableness +inconsiderably +inconsiderate +inconsiderately +inconsiderateness +inconsideration +inconsidered +inconsistence +inconsistency +inconsistent +inconsistently +inconsistentness +inconsolability +inconsolable +inconsolableness +inconsolably +inconsolate +inconsolately +inconsonance +inconsonant +inconsonantly +inconspicuous +inconspicuously +inconspicuousness +inconstancy +inconstant +inconstantly +inconstantness +inconstruable +inconsultable +inconsumable +inconsumably +inconsumed +incontaminable +incontaminate +incontaminateness +incontemptible +incontestability +incontestable +incontestableness +incontestably +incontinence +incontinency +incontinent +incontinently +incontinuity +incontinuous +incontracted +incontractile +incontraction +incontrollable +incontrollably +incontrolled +incontrovertibility +incontrovertible +incontrovertibleness +incontrovertibly +inconvenience +inconveniency +inconvenient +inconveniently +inconvenientness +inconversable +inconversant +inconversibility +inconvertibility +inconvertible +inconvertibleness +inconvertibly +inconvinced +inconvincedly +inconvincibility +inconvincible +inconvincibly +incopresentability +incopresentable +incoronate +incoronated +incoronation +incorporable +incorporate +incorporated +incorporatedness +incorporation +incorporative +incorporator +incorporeal +incorporealism +incorporealist +incorporeality +incorporealize +incorporeally +incorporeity +incorporeous +incorpse +incorrect +incorrection +incorrectly +incorrectness +incorrespondence +incorrespondency +incorrespondent +incorresponding +incorrigibility +incorrigible +incorrigibleness +incorrigibly +incorrodable +incorrodible +incorrosive +incorrupt +incorrupted +incorruptibility +Incorruptible +incorruptible +incorruptibleness +incorruptibly +incorruption +incorruptly +incorruptness +incourteous +incourteously +incrash +incrassate +incrassated +incrassation +incrassative +increasable +increasableness +increase +increasedly +increaseful +increasement +increaser +increasing +increasingly +increate +increately +increative +incredibility +incredible +incredibleness +incredibly +increditable +incredited +incredulity +incredulous +incredulously +incredulousness +increep +incremate +incremation +increment +incremental +incrementation +increpate +increpation +increscence +increscent +increst +incretion +incretionary +incretory +incriminate +incrimination +incriminator +incriminatory +incross +incrossbred +incrossing +incrotchet +incruent +incruental +incruentous +incrust +incrustant +Incrustata +incrustate +incrustation +incrustator +incrustive +incrustment +incrystal +incrystallizable +incubate +incubation +incubational +incubative +incubator +incubatorium +incubatory +incubi +incubous +incubus +incudal +incudate +incudectomy +incudes +incudomalleal +incudostapedial +inculcate +inculcation +inculcative +inculcator +inculcatory +inculpability +inculpable +inculpableness +inculpably +inculpate +inculpation +inculpative +inculpatory +incult +incultivation +inculture +incumbence +incumbency +incumbent +incumbentess +incumbently +incumber +incumberment +incumbrance +incumbrancer +incunable +incunabula +incunabular +incunabulist +incunabulum +incuneation +incur +incurability +incurable +incurableness +incurably +incuriosity +incurious +incuriously +incuriousness +incurrable +incurrence +incurrent +incurse +incursion +incursionist +incursive +incurvate +incurvation +incurvature +incurve +incus +incuse +incut +incutting +Ind +indaba +indaconitine +indagate +indagation +indagative +indagator +indagatory +indamine +indan +indane +Indanthrene +indanthrene +indart +indazin +indazine +indazol +indazole +inde +indebt +indebted +indebtedness +indebtment +indecence +indecency +indecent +indecently +indecentness +Indecidua +indeciduate +indeciduous +indecipherability +indecipherable +indecipherableness +indecipherably +indecision +indecisive +indecisively +indecisiveness +indeclinable +indeclinableness +indeclinably +indecomponible +indecomposable +indecomposableness +indecorous +indecorously +indecorousness +indecorum +indeed +indeedy +indefaceable +indefatigability +indefatigable +indefatigableness +indefatigably +indefeasibility +indefeasible +indefeasibleness +indefeasibly +indefeatable +indefectibility +indefectible +indefectibly +indefective +indefensibility +indefensible +indefensibleness +indefensibly +indefensive +indeficiency +indeficient +indeficiently +indefinable +indefinableness +indefinably +indefinite +indefinitely +indefiniteness +indefinitive +indefinitively +indefinitiveness +indefinitude +indefinity +indeflectible +indefluent +indeformable +indehiscence +indehiscent +indelectable +indelegability +indelegable +indeliberate +indeliberately +indeliberateness +indeliberation +indelibility +indelible +indelibleness +indelibly +indelicacy +indelicate +indelicately +indelicateness +indemnification +indemnificator +indemnificatory +indemnifier +indemnify +indemnitee +indemnitor +indemnity +indemnization +indemoniate +indemonstrability +indemonstrable +indemonstrableness +indemonstrably +indene +indent +indentation +indented +indentedly +indentee +indenter +indention +indentment +indentor +indenture +indentured +indentureship +indentwise +independable +independence +independency +independent +independentism +independently +Independista +indeposable +indeprehensible +indeprivability +indeprivable +inderivative +indescribability +indescribable +indescribableness +indescribably +indescript +indescriptive +indesert +indesignate +indesirable +indestructibility +indestructible +indestructibleness +indestructibly +indetectable +indeterminable +indeterminableness +indeterminably +indeterminacy +indeterminate +indeterminately +indeterminateness +indetermination +indeterminative +indetermined +indeterminism +indeterminist +indeterministic +indevirginate +indevoted +indevotion +indevotional +indevout +indevoutly +indevoutness +index +indexed +indexer +indexical +indexically +indexing +indexless +indexlessness +indexterity +India +indiadem +Indiaman +Indian +Indiana +indianaite +Indianan +Indianeer +Indianesque +Indianhood +Indianian +Indianism +Indianist +indianite +indianization +indianize +Indic +indic +indicable +indican +indicant +indicanuria +indicate +indication +indicative +indicatively +indicator +Indicatoridae +Indicatorinae +indicatory +indicatrix +indices +indicia +indicial +indicible +indicium +indicolite +indict +indictable +indictably +indictee +indicter +indiction +indictional +indictive +indictment +indictor +Indies +indiferous +indifference +indifferency +indifferent +indifferential +indifferentism +indifferentist +indifferentistic +indifferently +indigena +indigenal +indigenate +indigence +indigency +indigene +indigeneity +Indigenismo +indigenist +indigenity +indigenous +indigenously +indigenousness +indigent +indigently +indigested +indigestedness +indigestibility +indigestible +indigestibleness +indigestibly +indigestion +indigestive +indigitamenta +indigitate +indigitation +indign +indignance +indignancy +indignant +indignantly +indignation +indignatory +indignify +indignity +indignly +indigo +indigoberry +Indigofera +indigoferous +indigoid +indigotic +indigotin +indigotindisulphonic +indiguria +indimensible +indimensional +indiminishable +indimple +indirect +indirected +indirection +indirectly +indirectness +indirubin +indiscernibility +indiscernible +indiscernibleness +indiscernibly +indiscerptibility +indiscerptible +indiscerptibleness +indiscerptibly +indisciplinable +indiscipline +indisciplined +indiscoverable +indiscoverably +indiscovered +indiscreet +indiscreetly +indiscreetness +indiscrete +indiscretely +indiscretion +indiscretionary +indiscriminate +indiscriminated +indiscriminately +indiscriminateness +indiscriminating +indiscriminatingly +indiscrimination +indiscriminative +indiscriminatively +indiscriminatory +indiscussable +indiscussible +indispellable +indispensability +indispensable +indispensableness +indispensably +indispose +indisposed +indisposedness +indisposition +indisputability +indisputable +indisputableness +indisputably +indissipable +indissociable +indissolubility +indissoluble +indissolubleness +indissolubly +indissolute +indissolvability +indissolvable +indissolvableness +indissolvably +indissuadable +indissuadably +indistinct +indistinction +indistinctive +indistinctively +indistinctiveness +indistinctly +indistinctness +indistinguishability +indistinguishable +indistinguishableness +indistinguishably +indistinguished +indistortable +indistributable +indisturbable +indisturbance +indisturbed +indite +inditement +inditer +indium +indivertible +indivertibly +individable +individua +individual +individualism +individualist +individualistic +individualistically +individuality +individualization +individualize +individualizer +individualizingly +individually +individuate +individuation +individuative +individuator +individuity +individuum +indivinable +indivisibility +indivisible +indivisibleness +indivisibly +indivision +indocibility +indocible +indocibleness +indocile +indocility +indoctrinate +indoctrination +indoctrinator +indoctrine +indoctrinization +indoctrinize +Indogaea +Indogaean +indogen +indogenide +indole +indolence +indolent +indolently +indoles +indoline +Indologian +Indologist +Indologue +Indology +indoloid +indolyl +indomitability +indomitable +indomitableness +indomitably +Indone +Indonesian +indoor +indoors +indophenin +indophenol +Indophile +Indophilism +Indophilist +indorsation +indorse +indoxyl +indoxylic +indoxylsulphuric +Indra +indraft +indraught +indrawal +indrawing +indrawn +indri +Indris +indubious +indubiously +indubitable +indubitableness +indubitably +indubitatively +induce +induced +inducedly +inducement +inducer +induciae +inducible +inducive +induct +inductance +inductee +inducteous +inductile +inductility +induction +inductional +inductionally +inductionless +inductive +inductively +inductiveness +inductivity +inductometer +inductophone +inductor +inductorium +inductory +inductoscope +indue +induement +indulge +indulgeable +indulgement +indulgence +indulgenced +indulgency +indulgent +indulgential +indulgentially +indulgently +indulgentness +indulger +indulging +indulgingly +induline +indult +indulto +indument +indumentum +induna +induplicate +induplication +induplicative +indurable +indurate +induration +indurative +indurite +Indus +indusial +indusiate +indusiated +indusiform +indusioid +indusium +industrial +industrialism +industrialist +industrialization +industrialize +industrially +industrialness +industrious +industriously +industriousness +industrochemical +industry +induviae +induvial +induviate +indwell +indweller +indy +indyl +indylic +inearth +inebriacy +inebriant +inebriate +inebriation +inebriative +inebriety +inebrious +ineconomic +ineconomy +inedibility +inedible +inedited +Ineducabilia +ineducabilian +ineducability +ineducable +ineducation +ineffability +ineffable +ineffableness +ineffably +ineffaceability +ineffaceable +ineffaceably +ineffectible +ineffectibly +ineffective +ineffectively +ineffectiveness +ineffectual +ineffectuality +ineffectually +ineffectualness +ineffervescence +ineffervescent +ineffervescibility +ineffervescible +inefficacious +inefficaciously +inefficaciousness +inefficacity +inefficacy +inefficience +inefficiency +inefficient +inefficiently +ineffulgent +inelaborate +inelaborated +inelaborately +inelastic +inelasticate +inelasticity +inelegance +inelegancy +inelegant +inelegantly +ineligibility +ineligible +ineligibleness +ineligibly +ineliminable +ineloquence +ineloquent +ineloquently +ineluctability +ineluctable +ineluctably +ineludible +ineludibly +inembryonate +inemendable +inemotivity +inemulous +inenarrable +inenergetic +inenubilable +inenucleable +inept +ineptitude +ineptly +ineptness +inequable +inequal +inequalitarian +inequality +inequally +inequalness +inequation +inequiaxial +inequicostate +inequidistant +inequigranular +inequilateral +inequilibrium +inequilobate +inequilobed +inequipotential +inequipotentiality +inequitable +inequitableness +inequitably +inequity +inequivalent +inequivalve +inequivalvular +ineradicable +ineradicableness +ineradicably +inerasable +inerasableness +inerasably +inerasible +Ineri +inerm +Inermes +Inermi +Inermia +inermous +inerrability +inerrable +inerrableness +inerrably +inerrancy +inerrant +inerrantly +inerratic +inerring +inerringly +inerroneous +inert +inertance +inertia +inertial +inertion +inertly +inertness +inerubescent +inerudite +ineruditely +inerudition +inescapable +inescapableness +inescapably +inesculent +inescutcheon +inesite +inessential +inessentiality +inestimability +inestimable +inestimableness +inestimably +inestivation +inethical +ineunt +ineuphonious +inevadible +inevadibly +inevaporable +inevasible +inevidence +inevident +inevitability +inevitable +inevitableness +inevitably +inexact +inexacting +inexactitude +inexactly +inexactness +inexcellence +inexcitability +inexcitable +inexclusive +inexclusively +inexcommunicable +inexcusability +inexcusable +inexcusableness +inexcusably +inexecutable +inexecution +inexertion +inexhausted +inexhaustedly +inexhaustibility +inexhaustible +inexhaustibleness +inexhaustibly +inexhaustive +inexhaustively +inexigible +inexist +inexistence +inexistency +inexistent +inexorability +inexorable +inexorableness +inexorably +inexpansible +inexpansive +inexpectancy +inexpectant +inexpectation +inexpected +inexpectedly +inexpectedness +inexpedience +inexpediency +inexpedient +inexpediently +inexpensive +inexpensively +inexpensiveness +inexperience +inexperienced +inexpert +inexpertly +inexpertness +inexpiable +inexpiableness +inexpiably +inexpiate +inexplainable +inexplicability +inexplicable +inexplicableness +inexplicables +inexplicably +inexplicit +inexplicitly +inexplicitness +inexplorable +inexplosive +inexportable +inexposable +inexposure +inexpress +inexpressibility +inexpressible +inexpressibleness +inexpressibles +inexpressibly +inexpressive +inexpressively +inexpressiveness +inexpugnability +inexpugnable +inexpugnableness +inexpugnably +inexpungeable +inexpungible +inextant +inextended +inextensibility +inextensible +inextensile +inextension +inextensional +inextensive +inexterminable +inextinct +inextinguishable +inextinguishably +inextirpable +inextirpableness +inextricability +inextricable +inextricableness +inextricably +Inez +inface +infall +infallibilism +infallibilist +infallibility +infallible +infallibleness +infallibly +infalling +infalsificable +infame +infamiliar +infamiliarity +infamize +infamonize +infamous +infamously +infamousness +infamy +infancy +infand +infandous +infang +infanglement +infangthief +infant +infanta +infantado +infante +infanthood +infanticidal +infanticide +infantile +infantilism +infantility +infantine +infantlike +infantry +infantryman +infarct +infarctate +infarcted +infarction +infare +infatuate +infatuatedly +infatuation +infatuator +infaust +infeasibility +infeasible +infeasibleness +infect +infectant +infected +infectedness +infecter +infectible +infection +infectionist +infectious +infectiously +infectiousness +infective +infectiveness +infectivity +infector +infectress +infectuous +infecund +infecundity +infeed +infeft +infeftment +infelicific +infelicitous +infelicitously +infelicitousness +infelicity +infelonious +infelt +infeminine +infer +inferable +inference +inferent +inferential +inferentialism +inferentialist +inferentially +inferior +inferiorism +inferiority +inferiorize +inferiorly +infern +infernal +infernalism +infernality +infernalize +infernally +infernalry +infernalship +inferno +inferoanterior +inferobranchiate +inferofrontal +inferolateral +inferomedian +inferoposterior +inferrer +inferribility +inferrible +inferringly +infertile +infertilely +infertileness +infertility +infest +infestant +infestation +infester +infestive +infestivity +infestment +infeudation +infibulate +infibulation +inficete +infidel +infidelic +infidelical +infidelism +infidelistic +infidelity +infidelize +infidelly +infield +infielder +infieldsman +infighter +infighting +infill +infilling +infilm +infilter +infiltrate +infiltration +infiltrative +infinitant +infinitarily +infinitary +infinitate +infinitation +infinite +infinitely +infiniteness +infinitesimal +infinitesimalism +infinitesimality +infinitesimally +infinitesimalness +infiniteth +infinitieth +infinitival +infinitivally +infinitive +infinitively +infinitize +infinitude +infinituple +infinity +infirm +infirmarer +infirmaress +infirmarian +infirmary +infirmate +infirmation +infirmative +infirmity +infirmly +infirmness +infissile +infit +infitter +infix +infixion +inflame +inflamed +inflamedly +inflamedness +inflamer +inflaming +inflamingly +inflammability +inflammable +inflammableness +inflammably +inflammation +inflammative +inflammatorily +inflammatory +inflatable +inflate +inflated +inflatedly +inflatedness +inflater +inflatile +inflatingly +inflation +inflationary +inflationism +inflationist +inflative +inflatus +inflect +inflected +inflectedness +inflection +inflectional +inflectionally +inflectionless +inflective +inflector +inflex +inflexed +inflexibility +inflexible +inflexibleness +inflexibly +inflexive +inflict +inflictable +inflicter +infliction +inflictive +inflood +inflorescence +inflorescent +inflow +inflowering +influence +influenceable +influencer +influencive +influent +influential +influentiality +influentially +influenza +influenzal +influenzic +influx +influxable +influxible +influxibly +influxion +influxionism +infold +infolder +infolding +infoldment +infoliate +inform +informable +informal +informality +informalize +informally +informant +information +informational +informative +informatively +informatory +informed +informedly +informer +informidable +informingly +informity +infortiate +infortitude +infortunate +infortunately +infortunateness +infortune +infra +infrabasal +infrabestial +infrabranchial +infrabuccal +infracanthal +infracaudal +infracelestial +infracentral +infracephalic +infraclavicle +infraclavicular +infraclusion +infraconscious +infracortical +infracostal +infracostalis +infracotyloid +infract +infractible +infraction +infractor +infradentary +infradiaphragmatic +infragenual +infraglacial +infraglenoid +infraglottic +infragrant +infragular +infrahuman +infrahyoid +infralabial +infralapsarian +infralapsarianism +infralinear +infralittoral +inframammary +inframammillary +inframandibular +inframarginal +inframaxillary +inframedian +inframercurial +inframercurian +inframolecular +inframontane +inframundane +infranatural +infranaturalism +infrangibility +infrangible +infrangibleness +infrangibly +infranodal +infranuclear +infraoccipital +infraocclusion +infraocular +infraoral +infraorbital +infraordinary +infrapapillary +infrapatellar +infraperipherial +infrapose +infraposition +infraprotein +infrapubian +infraradular +infrared +infrarenal +infrarenally +infrarimal +infrascapular +infrascapularis +infrascientific +infraspinal +infraspinate +infraspinatus +infraspinous +infrastapedial +infrasternal +infrastigmatal +infrastipular +infrastructure +infrasutral +infratemporal +infraterrene +infraterritorial +infrathoracic +infratonsillar +infratracheal +infratrochanteric +infratrochlear +infratubal +infraturbinal +infravaginal +infraventral +infrequency +infrequent +infrequently +infrigidate +infrigidation +infrigidative +infringe +infringement +infringer +infringible +infructiferous +infructuose +infructuosity +infructuous +infructuously +infrugal +infrustrable +infrustrably +infula +infumate +infumated +infumation +infundibular +Infundibulata +infundibulate +infundibuliform +infundibulum +infuriate +infuriately +infuriatingly +infuriation +infuscate +infuscation +infuse +infusedly +infuser +infusibility +infusible +infusibleness +infusile +infusion +infusionism +infusionist +infusive +Infusoria +infusorial +infusorian +infusoriform +infusorioid +infusorium +infusory +Ing +ing +Inga +Ingaevones +Ingaevonic +ingallantry +ingate +ingather +ingatherer +ingathering +ingeldable +ingeminate +ingemination +ingenerability +ingenerable +ingenerably +ingenerate +ingenerately +ingeneration +ingenerative +ingeniosity +ingenious +ingeniously +ingeniousness +ingenit +ingenue +ingenuity +ingenuous +ingenuously +ingenuousness +Inger +ingerminate +ingest +ingesta +ingestible +ingestion +ingestive +Inghamite +Inghilois +ingiver +ingiving +ingle +inglenook +ingleside +inglobate +inglobe +inglorious +ingloriously +ingloriousness +inglutition +ingluvial +ingluvies +ingluviitis +ingoing +Ingomar +ingot +ingotman +ingraft +ingrain +ingrained +ingrainedly +ingrainedness +Ingram +ingrammaticism +ingrandize +ingrate +ingrateful +ingratefully +ingratefulness +ingrately +ingratiate +ingratiating +ingratiatingly +ingratiation +ingratiatory +ingratitude +ingravescent +ingravidate +ingravidation +ingredient +ingress +ingression +ingressive +ingressiveness +ingross +ingrow +ingrown +ingrownness +ingrowth +inguen +inguinal +inguinoabdominal +inguinocrural +inguinocutaneous +inguinodynia +inguinolabial +inguinoscrotal +Inguklimiut +ingulf +ingulfment +ingurgitate +ingurgitation +Ingush +inhabit +inhabitability +inhabitable +inhabitancy +inhabitant +inhabitation +inhabitative +inhabitativeness +inhabited +inhabitedness +inhabiter +inhabitiveness +inhabitress +inhalant +inhalation +inhalator +inhale +inhalement +inhalent +inhaler +inharmonic +inharmonical +inharmonious +inharmoniously +inharmoniousness +inharmony +inhaul +inhauler +inhaust +inhaustion +inhearse +inheaven +inhere +inherence +inherency +inherent +inherently +inherit +inheritability +inheritable +inheritableness +inheritably +inheritage +inheritance +inheritor +inheritress +inheritrice +inheritrix +inhesion +inhiate +inhibit +inhibitable +inhibiter +inhibition +inhibitionist +inhibitive +inhibitor +inhibitory +inhomogeneity +inhomogeneous +inhomogeneously +inhospitable +inhospitableness +inhospitably +inhospitality +inhuman +inhumane +inhumanely +inhumanism +inhumanity +inhumanize +inhumanly +inhumanness +inhumate +inhumation +inhumationist +inhume +inhumer +inhumorous +inhumorously +Inia +inial +inidoneity +inidoneous +Inigo +inimicable +inimical +inimicality +inimically +inimicalness +inimitability +inimitable +inimitableness +inimitably +iniome +Iniomi +iniomous +inion +iniquitable +iniquitably +iniquitous +iniquitously +iniquitousness +iniquity +inirritability +inirritable +inirritant +inirritative +inissuable +initial +initialer +initialist +initialize +initially +initiant +initiary +initiate +initiation +initiative +initiatively +initiator +initiatorily +initiatory +initiatress +initiatrix +initis +initive +inject +injectable +injection +injector +injelly +injudicial +injudicially +injudicious +injudiciously +injudiciousness +Injun +injunct +injunction +injunctive +injunctively +injurable +injure +injured +injuredly +injuredness +injurer +injurious +injuriously +injuriousness +injury +injustice +ink +inkberry +inkbush +inken +inker +Inkerman +inket +inkfish +inkholder +inkhorn +inkhornism +inkhornist +inkhornize +inkhornizer +inkindle +inkiness +inkish +inkle +inkless +inklike +inkling +inkmaker +inkmaking +inknot +inkosi +inkpot +Inkra +inkroot +inks +inkshed +inkslinger +inkslinging +inkstain +inkstand +inkstandish +inkstone +inkweed +inkwell +inkwood +inkwriter +inky +inlagation +inlaid +inlaik +inlake +inland +inlander +inlandish +inlaut +inlaw +inlawry +inlay +inlayer +inlaying +inleague +inleak +inleakage +inlet +inlier +inlook +inlooker +inly +inlying +inmate +inmeats +inmixture +inmost +inn +innascibility +innascible +innate +innately +innateness +innatism +innative +innatural +innaturality +innaturally +inneity +inner +innerly +innermore +innermost +innermostly +innerness +innervate +innervation +innervational +innerve +inness +innest +innet +innholder +inning +inninmorite +Innisfail +innkeeper +innless +innocence +innocency +innocent +innocently +innocentness +innocuity +innocuous +innocuously +innocuousness +innominable +innominables +innominata +innominate +innominatum +innovant +innovate +innovation +innovational +innovationist +innovative +innovator +innovatory +innoxious +innoxiously +innoxiousness +innuendo +Innuit +innumerability +innumerable +innumerableness +innumerably +innumerous +innutrient +innutrition +innutritious +innutritive +innyard +Ino +inobedience +inobedient +inobediently +inoblast +inobnoxious +inobscurable +inobservable +inobservance +inobservancy +inobservant +inobservantly +inobservantness +inobservation +inobtainable +inobtrusive +inobtrusively +inobtrusiveness +inobvious +Inocarpus +inoccupation +Inoceramus +inochondritis +inochondroma +inoculability +inoculable +inoculant +inocular +inoculate +inoculation +inoculative +inoculator +inoculum +inocystoma +inocyte +Inodes +inodorous +inodorously +inodorousness +inoepithelioma +inoffending +inoffensive +inoffensively +inoffensiveness +inofficial +inofficially +inofficiosity +inofficious +inofficiously +inofficiousness +inogen +inogenesis +inogenic +inogenous +inoglia +inohymenitic +inolith +inoma +inominous +inomyoma +inomyositis +inomyxoma +inone +inoneuroma +inoperable +inoperative +inoperativeness +inopercular +Inoperculata +inoperculate +inopinable +inopinate +inopinately +inopine +inopportune +inopportunely +inopportuneness +inopportunism +inopportunist +inopportunity +inoppressive +inoppugnable +inopulent +inorb +inorderly +inordinacy +inordinary +inordinate +inordinately +inordinateness +inorganic +inorganical +inorganically +inorganizable +inorganization +inorganized +inoriginate +inornate +inosclerosis +inoscopy +inosculate +inosculation +inosic +inosin +inosinic +inosite +inositol +inostensible +inostensibly +inotropic +inower +inoxidability +inoxidable +inoxidizable +inoxidize +inparabola +inpardonable +inpatient +inpayment +inpensioner +inphase +inpolygon +inpolyhedron +inport +inpour +inpush +input +inquaintance +inquartation +inquest +inquestual +inquiet +inquietation +inquietly +inquietness +inquietude +Inquilinae +inquiline +inquilinism +inquilinity +inquilinous +inquinate +inquination +inquirable +inquirant +inquiration +inquire +inquirendo +inquirent +inquirer +inquiring +inquiringly +inquiry +inquisite +inquisition +inquisitional +inquisitionist +inquisitive +inquisitively +inquisitiveness +inquisitor +inquisitorial +inquisitorially +inquisitorialness +inquisitorious +inquisitorship +inquisitory +inquisitress +inquisitrix +inquisiturient +inradius +inreality +inrigged +inrigger +inrighted +inring +inro +inroad +inroader +inroll +inrooted +inrub +inrun +inrunning +inruption +inrush +insack +insagacity +insalivate +insalivation +insalubrious +insalubrity +insalutary +insalvability +insalvable +insane +insanely +insaneness +insanify +insanitariness +insanitary +insanitation +insanity +insapiency +insapient +insatiability +insatiable +insatiableness +insatiably +insatiate +insatiated +insatiately +insatiateness +insatiety +insatisfaction +insatisfactorily +insaturable +inscenation +inscibile +inscience +inscient +inscribable +inscribableness +inscribe +inscriber +inscript +inscriptible +inscription +inscriptional +inscriptioned +inscriptionist +inscriptionless +inscriptive +inscriptively +inscriptured +inscroll +inscrutability +inscrutable +inscrutableness +inscrutables +inscrutably +insculp +insculpture +insea +inseam +insect +Insecta +insectan +insectarium +insectary +insectean +insected +insecticidal +insecticide +insectiferous +insectiform +insectifuge +insectile +insectine +insection +insectival +Insectivora +insectivore +insectivorous +insectlike +insectmonger +insectologer +insectologist +insectology +insectproof +insecure +insecurely +insecureness +insecurity +insee +inseer +inselberg +inseminate +insemination +insenescible +insensate +insensately +insensateness +insense +insensibility +insensibilization +insensibilize +insensibilizer +insensible +insensibleness +insensibly +insensitive +insensitiveness +insensitivity +insensuous +insentience +insentiency +insentient +inseparability +inseparable +inseparableness +inseparably +inseparate +inseparately +insequent +insert +insertable +inserted +inserter +insertion +insertional +insertive +inserviceable +insessor +Insessores +insessorial +inset +insetter +inseverable +inseverably +inshave +insheathe +inshell +inshining +inship +inshoe +inshoot +inshore +inside +insider +insidiosity +insidious +insidiously +insidiousness +insight +insightful +insigne +insignia +insignificance +insignificancy +insignificant +insignificantly +insimplicity +insincere +insincerely +insincerity +insinking +insinuant +insinuate +insinuating +insinuatingly +insinuation +insinuative +insinuatively +insinuativeness +insinuator +insinuatory +insinuendo +insipid +insipidity +insipidly +insipidness +insipience +insipient +insipiently +insist +insistence +insistency +insistent +insistently +insister +insistingly +insistive +insititious +insnare +insnarement +insnarer +insobriety +insociability +insociable +insociableness +insociably +insocial +insocially +insofar +insolate +insolation +insole +insolence +insolency +insolent +insolently +insolentness +insolid +insolidity +insolubility +insoluble +insolubleness +insolubly +insolvability +insolvable +insolvably +insolvence +insolvency +insolvent +insomnia +insomniac +insomnious +insomnolence +insomnolency +insomnolent +insomuch +insonorous +insooth +insorb +insorbent +insouciance +insouciant +insouciantly +insoul +inspan +inspeak +inspect +inspectability +inspectable +inspectingly +inspection +inspectional +inspectioneer +inspective +inspector +inspectoral +inspectorate +inspectorial +inspectorship +inspectress +inspectrix +inspheration +insphere +inspirability +inspirable +inspirant +inspiration +inspirational +inspirationalism +inspirationally +inspirationist +inspirative +inspirator +inspiratory +inspiratrix +inspire +inspired +inspiredly +inspirer +inspiring +inspiringly +inspirit +inspiriter +inspiriting +inspiritingly +inspiritment +inspirometer +inspissant +inspissate +inspissation +inspissator +inspissosis +inspoke +inspoken +inspreith +instability +instable +install +installant +installation +installer +installment +instance +instancy +instanding +instant +instantaneity +instantaneous +instantaneously +instantaneousness +instanter +instantial +instantly +instantness +instar +instate +instatement +instaurate +instauration +instaurator +instead +instealing +insteam +insteep +instellation +instep +instigant +instigate +instigatingly +instigation +instigative +instigator +instigatrix +instill +instillation +instillator +instillatory +instiller +instillment +instinct +instinctive +instinctively +instinctivist +instinctivity +instinctual +instipulate +institor +institorial +institorian +institory +institute +instituter +institution +institutional +institutionalism +institutionalist +institutionality +institutionalization +institutionalize +institutionally +institutionary +institutionize +institutive +institutively +institutor +institutress +institutrix +instonement +instratified +instreaming +instrengthen +instressed +instroke +instruct +instructed +instructedly +instructedness +instructer +instructible +instruction +instructional +instructionary +instructive +instructively +instructiveness +instructor +instructorship +instructress +instrument +instrumental +instrumentalism +instrumentalist +instrumentality +instrumentalize +instrumentally +instrumentary +instrumentate +instrumentation +instrumentative +instrumentist +instrumentman +insuavity +insubduable +insubjection +insubmergible +insubmersible +insubmission +insubmissive +insubordinate +insubordinately +insubordinateness +insubordination +insubstantial +insubstantiality +insubstantiate +insubstantiation +insubvertible +insuccess +insuccessful +insucken +insuetude +insufferable +insufferableness +insufferably +insufficience +insufficiency +insufficient +insufficiently +insufflate +insufflation +insufflator +insula +insulance +insulant +insular +insularism +insularity +insularize +insularly +insulary +insulate +insulated +insulating +insulation +insulator +insulin +insulize +insulse +insulsity +insult +insultable +insultant +insultation +insulter +insulting +insultingly +insultproof +insunk +insuperability +insuperable +insuperableness +insuperably +insupportable +insupportableness +insupportably +insupposable +insuppressible +insuppressibly +insuppressive +insurability +insurable +insurance +insurant +insure +insured +insurer +insurge +insurgence +insurgency +insurgent +insurgentism +insurgescence +insurmountability +insurmountable +insurmountableness +insurmountably +insurpassable +insurrect +insurrection +insurrectional +insurrectionally +insurrectionary +insurrectionism +insurrectionist +insurrectionize +insurrectory +insusceptibility +insusceptible +insusceptibly +insusceptive +inswamp +inswarming +insweeping +inswell +inswept +inswing +inswinger +intabulate +intact +intactile +intactly +intactness +intagliated +intagliation +intaglio +intagliotype +intake +intaker +intangibility +intangible +intangibleness +intangibly +intarissable +intarsia +intarsiate +intarsist +intastable +intaxable +intechnicality +integer +integrability +integrable +integral +integrality +integralization +integralize +integrally +integrand +integrant +integraph +integrate +integration +integrative +integrator +integrifolious +integrious +integriously +integripalliate +integrity +integrodifferential +integropallial +Integropallialia +Integropalliata +integropalliate +integument +integumental +integumentary +integumentation +inteind +intellect +intellectation +intellected +intellectible +intellection +intellective +intellectively +intellectual +intellectualism +intellectualist +intellectualistic +intellectualistically +intellectuality +intellectualization +intellectualize +intellectualizer +intellectually +intellectualness +intelligence +intelligenced +intelligencer +intelligency +intelligent +intelligential +intelligently +intelligentsia +intelligibility +intelligible +intelligibleness +intelligibly +intelligize +intemerate +intemerately +intemerateness +intemeration +intemperable +intemperably +intemperament +intemperance +intemperate +intemperately +intemperateness +intemperature +intempestive +intempestively +intempestivity +intemporal +intemporally +intenability +intenable +intenancy +intend +intendance +intendancy +intendant +intendantism +intendantship +intended +intendedly +intendedness +intendence +intender +intendible +intending +intendingly +intendit +intendment +intenerate +inteneration +intenible +intensate +intensation +intensative +intense +intensely +intenseness +intensification +intensifier +intensify +intension +intensional +intensionally +intensitive +intensity +intensive +intensively +intensiveness +intent +intention +intentional +intentionalism +intentionality +intentionally +intentioned +intentionless +intentive +intentively +intentiveness +intently +intentness +inter +interabsorption +interacademic +interaccessory +interaccuse +interacinar +interacinous +interact +interaction +interactional +interactionism +interactionist +interactive +interactivity +interadaptation +interadditive +interadventual +interaffiliation +interagency +interagent +interagglutinate +interagglutination +interagree +interagreement +interalar +interallied +interally +interalveolar +interambulacral +interambulacrum +interamnian +interangular +interanimate +interannular +interantagonism +interantennal +interantennary +interapophyseal +interapplication +interarboration +interarch +interarcualis +interarmy +interarticular +interartistic +interarytenoid +interassociation +interassure +interasteroidal +interastral +interatomic +interatrial +interattrition +interaulic +interaural +interauricular +interavailability +interavailable +interaxal +interaxial +interaxillary +interaxis +interbalance +interbanded +interbank +interbedded +interbelligerent +interblend +interbody +interbonding +interborough +interbourse +interbrachial +interbrain +interbranch +interbranchial +interbreath +interbreed +interbrigade +interbring +interbronchial +intercadence +intercadent +intercalare +intercalarily +intercalarium +intercalary +intercalate +intercalation +intercalative +intercalatory +intercale +intercalm +intercanal +intercanalicular +intercapillary +intercardinal +intercarotid +intercarpal +intercarpellary +intercarrier +intercartilaginous +intercaste +intercatenated +intercausative +intercavernous +intercede +interceder +intercellular +intercensal +intercentral +intercentrum +intercept +intercepter +intercepting +interception +interceptive +interceptor +interceptress +intercerebral +intercession +intercessional +intercessionary +intercessionment +intercessive +intercessor +intercessorial +intercessory +interchaff +interchange +interchangeability +interchangeable +interchangeableness +interchangeably +interchanger +interchapter +intercharge +interchase +intercheck +interchoke +interchondral +interchurch +Intercidona +interciliary +intercilium +intercircle +intercirculate +intercirculation +intercision +intercitizenship +intercity +intercivic +intercivilization +interclash +interclasp +interclass +interclavicle +interclavicular +interclerical +intercloud +interclub +intercoastal +intercoccygeal +intercoccygean +intercohesion +intercollege +intercollegian +intercollegiate +intercolline +intercolonial +intercolonially +intercolonization +intercolumn +intercolumnal +intercolumnar +intercolumniation +intercom +intercombat +intercombination +intercombine +intercome +intercommission +intercommon +intercommonable +intercommonage +intercommoner +intercommunal +intercommune +intercommuner +intercommunicability +intercommunicable +intercommunicate +intercommunication +intercommunicative +intercommunicator +intercommunion +intercommunity +intercompany +intercomparable +intercompare +intercomparison +intercomplexity +intercomplimentary +interconal +interconciliary +intercondenser +intercondylar +intercondylic +intercondyloid +interconfessional +interconfound +interconnect +interconnection +intercontinental +intercontorted +intercontradiction +intercontradictory +interconversion +interconvertibility +interconvertible +interconvertibly +intercooler +intercooling +intercoracoid +intercorporate +intercorpuscular +intercorrelate +intercorrelation +intercortical +intercosmic +intercosmically +intercostal +intercostally +intercostobrachial +intercostohumeral +intercotylar +intercounty +intercourse +intercoxal +intercranial +intercreate +intercrescence +intercrinal +intercrop +intercross +intercrural +intercrust +intercrystalline +intercrystallization +intercrystallize +intercultural +interculture +intercurl +intercurrence +intercurrent +intercurrently +intercursation +intercuspidal +intercutaneous +intercystic +interdash +interdebate +interdenominational +interdental +interdentally +interdentil +interdepartmental +interdepartmentally +interdepend +interdependable +interdependence +interdependency +interdependent +interdependently +interderivative +interdespise +interdestructive +interdestructiveness +interdetermination +interdetermine +interdevour +interdict +interdiction +interdictive +interdictor +interdictory +interdictum +interdifferentiation +interdiffuse +interdiffusion +interdiffusive +interdiffusiveness +interdigital +interdigitate +interdigitation +interdine +interdiscal +interdispensation +interdistinguish +interdistrict +interdivision +interdome +interdorsal +interdrink +intereat +interelectrode +interelectrodic +interempire +interenjoy +interentangle +interentanglement +interepidemic +interepimeral +interepithelial +interequinoctial +interessee +interest +interested +interestedly +interestedness +interester +interesting +interestingly +interestingness +interestless +interestuarine +interface +interfacial +interfactional +interfamily +interfascicular +interfault +interfector +interfederation +interfemoral +interfenestral +interfenestration +interferant +interfere +interference +interferent +interferential +interferer +interfering +interferingly +interferingness +interferometer +interferometry +interferric +interfertile +interfertility +interfibrillar +interfibrillary +interfibrous +interfilamentar +interfilamentary +interfilamentous +interfilar +interfiltrate +interfinger +interflange +interflashing +interflow +interfluence +interfluent +interfluminal +interfluous +interfluve +interfluvial +interflux +interfold +interfoliaceous +interfoliar +interfoliate +interfollicular +interforce +interfraternal +interfraternity +interfret +interfretted +interfriction +interfrontal +interfruitful +interfulgent +interfuse +interfusion +interganglionic +intergenerant +intergenerating +intergeneration +intergential +intergesture +intergilt +interglacial +interglandular +interglobular +interglyph +intergossip +intergovernmental +intergradation +intergrade +intergradient +intergraft +intergranular +intergrapple +intergrave +intergroupal +intergrow +intergrown +intergrowth +intergular +intergyral +interhabitation +interhemal +interhemispheric +interhostile +interhuman +interhyal +interhybridize +interim +interimist +interimistic +interimistical +interimistically +interimperial +interincorporation +interindependence +interindicate +interindividual +interinfluence +interinhibition +interinhibitive +interinsert +interinsular +interinsurance +interinsurer +interinvolve +interionic +interior +interiority +interiorize +interiorly +interiorness +interirrigation +interisland +interjacence +interjacency +interjacent +interjaculate +interjaculatory +interjangle +interjealousy +interject +interjection +interjectional +interjectionalize +interjectionally +interjectionary +interjectionize +interjectiveness +interjector +interjectorily +interjectory +interjectural +interjoin +interjoist +interjudgment +interjunction +interkinesis +interkinetic +interknit +interknot +interknow +interknowledge +interlaboratory +interlace +interlaced +interlacedly +interlacement +interlacery +interlacustrine +interlaid +interlake +interlamellar +interlamellation +interlaminar +interlaminate +interlamination +interlanguage +interlap +interlapse +interlard +interlardation +interlardment +interlatitudinal +interlaudation +interlay +interleaf +interleague +interleave +interleaver +interlibel +interlibrary +interlie +interligamentary +interligamentous +interlight +interlimitation +interline +interlineal +interlineally +interlinear +interlinearily +interlinearly +interlineary +interlineate +interlineation +interlinement +interliner +Interlingua +interlingual +interlinguist +interlinguistic +interlining +interlink +interloan +interlobar +interlobate +interlobular +interlocal +interlocally +interlocate +interlocation +interlock +interlocker +interlocular +interloculus +interlocution +interlocutive +interlocutor +interlocutorily +interlocutory +interlocutress +interlocutrice +interlocutrix +interloop +interlope +interloper +interlot +interlucation +interlucent +interlude +interluder +interludial +interlunar +interlunation +interlying +intermalleolar +intermammary +intermammillary +intermandibular +intermanorial +intermarginal +intermarine +intermarriage +intermarriageable +intermarry +intermason +intermastoid +intermat +intermatch +intermaxilla +intermaxillar +intermaxillary +intermaze +intermeasurable +intermeasure +intermeddle +intermeddlement +intermeddler +intermeddlesome +intermeddlesomeness +intermeddling +intermeddlingly +intermediacy +intermediae +intermedial +intermediary +intermediate +intermediately +intermediateness +intermediation +intermediator +intermediatory +intermedium +intermedius +intermeet +intermelt +intermembral +intermembranous +intermeningeal +intermenstrual +intermenstruum +interment +intermental +intermention +intermercurial +intermesenterial +intermesenteric +intermesh +intermessage +intermessenger +intermetacarpal +intermetallic +intermetameric +intermetatarsal +intermew +intermewed +intermewer +intermezzo +intermigration +interminability +interminable +interminableness +interminably +interminant +interminate +intermine +intermingle +intermingledom +interminglement +interminister +interministerial +interministerium +intermission +intermissive +intermit +intermitted +intermittedly +intermittence +intermittency +intermittent +intermittently +intermitter +intermitting +intermittingly +intermix +intermixedly +intermixtly +intermixture +intermobility +intermodification +intermodillion +intermodulation +intermolar +intermolecular +intermomentary +intermontane +intermorainic +intermotion +intermountain +intermundane +intermundial +intermundian +intermundium +intermunicipal +intermunicipality +intermural +intermuscular +intermutation +intermutual +intermutually +intermutule +intern +internal +internality +internalization +internalize +internally +internalness +internals +internarial +internasal +internation +international +internationalism +internationalist +internationality +internationalization +internationalize +internationally +interneciary +internecinal +internecine +internecion +internecive +internee +internetted +interneural +interneuronic +internidal +internist +internment +internobasal +internodal +internode +internodial +internodian +internodium +internodular +internship +internuclear +internuncial +internunciary +internunciatory +internuncio +internuncioship +internuncius +internuptial +interobjective +interoceanic +interoceptive +interoceptor +interocular +interoffice +interolivary +interopercle +interopercular +interoperculum +interoptic +interorbital +interorbitally +interoscillate +interosculant +interosculate +interosculation +interosseal +interosseous +interownership +interpage +interpalatine +interpalpebral +interpapillary +interparenchymal +interparental +interparenthetical +interparenthetically +interparietal +interparietale +interparliament +interparliamentary +interparoxysmal +interparty +interpause +interpave +interpeal +interpectoral +interpeduncular +interpel +interpellant +interpellate +interpellation +interpellator +interpenetrable +interpenetrant +interpenetrate +interpenetration +interpenetrative +interpenetratively +interpermeate +interpersonal +interpervade +interpetaloid +interpetiolar +interpetiolary +interphalangeal +interphase +interphone +interpiece +interpilaster +interpilastering +interplacental +interplait +interplanetary +interplant +interplanting +interplay +interplea +interplead +interpleader +interpledge +interpleural +interplical +interplicate +interplication +interplight +interpoint +interpolable +interpolar +interpolary +interpolate +interpolater +interpolation +interpolative +interpolatively +interpolator +interpole +interpolitical +interpolity +interpollinate +interpolymer +interpone +interportal +interposable +interposal +interpose +interposer +interposing +interposingly +interposition +interposure +interpour +interprater +interpressure +interpret +interpretability +interpretable +interpretableness +interpretably +interpretament +interpretation +interpretational +interpretative +interpretatively +interpreter +interpretership +interpretive +interpretively +interpretorial +interpretress +interprismatic +interproduce +interprofessional +interproglottidal +interproportional +interprotoplasmic +interprovincial +interproximal +interproximate +interpterygoid +interpubic +interpulmonary +interpunct +interpunction +interpunctuate +interpunctuation +interpupillary +interquarrel +interquarter +interrace +interracial +interracialism +interradial +interradially +interradiate +interradiation +interradium +interradius +interrailway +interramal +interramicorn +interramification +interreceive +interreflection +interregal +interregimental +interregional +interregna +interregnal +interregnum +interreign +interrelate +interrelated +interrelatedly +interrelatedness +interrelation +interrelationship +interreligious +interrenal +interrenalism +interrepellent +interrepulsion +interrer +interresponsibility +interresponsible +interreticular +interreticulation +interrex +interrhyme +interright +interriven +interroad +interrogability +interrogable +interrogant +interrogate +interrogatedness +interrogatee +interrogatingly +interrogation +interrogational +interrogative +interrogatively +interrogator +interrogatorily +interrogatory +interrogatrix +interrogee +interroom +interrule +interrun +interrupt +interrupted +interruptedly +interruptedness +interrupter +interruptible +interrupting +interruptingly +interruption +interruptive +interruptively +interruptor +interruptory +intersale +intersalute +interscapilium +interscapular +interscapulum +interscene +interscholastic +interschool +interscience +interscribe +interscription +interseaboard +interseamed +intersect +intersectant +intersection +intersectional +intersegmental +interseminal +intersentimental +interseptal +intersertal +intersesamoid +intersession +intersessional +interset +intersex +intersexual +intersexualism +intersexuality +intershade +intershifting +intershock +intershoot +intershop +intersidereal +intersituate +intersocial +intersocietal +intersociety +intersole +intersolubility +intersoluble +intersomnial +intersomnious +intersonant +intersow +interspace +interspatial +interspatially +interspeaker +interspecial +interspecific +interspersal +intersperse +interspersedly +interspersion +interspheral +intersphere +interspicular +interspinal +interspinalis +interspinous +interspiral +interspiration +intersporal +intersprinkle +intersqueeze +interstadial +interstage +interstaminal +interstapedial +interstate +interstation +interstellar +interstellary +intersterile +intersterility +intersternal +interstice +intersticed +interstimulate +interstimulation +interstitial +interstitially +interstitious +interstratification +interstratify +interstreak +interstream +interstreet +interstrial +interstriation +interstrive +intersubjective +intersubsistence +intersubstitution +intersuperciliary +intersusceptation +intersystem +intersystematical +intertalk +intertangle +intertanglement +intertarsal +interteam +intertentacular +intertergal +interterminal +interterritorial +intertessellation +intertexture +interthing +interthreaded +interthronging +intertidal +intertie +intertill +intertillage +intertinge +intertissued +intertone +intertongue +intertonic +intertouch +intertown +intertrabecular +intertrace +intertrade +intertrading +intertraffic +intertragian +intertransformability +intertransformable +intertransmissible +intertransmission +intertranspicuous +intertransversal +intertransversalis +intertransversary +intertransverse +intertrappean +intertribal +intertriginous +intertriglyph +intertrigo +intertrinitarian +intertrochanteric +intertropic +intertropical +intertropics +intertrude +intertuberal +intertubercular +intertubular +intertwin +intertwine +intertwinement +intertwining +intertwiningly +intertwist +intertwistingly +Intertype +interungular +interungulate +interunion +interuniversity +interurban +interureteric +intervaginal +interval +intervale +intervalley +intervallic +intervallum +intervalvular +intervarietal +intervary +intervascular +intervein +interveinal +intervenant +intervene +intervener +intervenience +interveniency +intervenient +intervenium +intervention +interventional +interventionism +interventionist +interventive +interventor +interventral +interventralia +interventricular +intervenular +interverbal +interversion +intervert +intervertebra +intervertebral +intervertebrally +intervesicular +interview +interviewable +interviewee +interviewer +intervillous +intervisibility +intervisible +intervisit +intervisitation +intervital +intervocal +intervocalic +intervolute +intervolution +intervolve +interwar +interweave +interweavement +interweaver +interweaving +interweavingly +interwed +interweld +interwhiff +interwhile +interwhistle +interwind +interwish +interword +interwork +interworks +interworld +interworry +interwound +interwove +interwoven +interwovenly +interwrap +interwreathe +interwrought +interxylary +interzonal +interzone +interzooecial +interzygapophysial +intestable +intestacy +intestate +intestation +intestinal +intestinally +intestine +intestineness +intestiniform +intestinovesical +intext +intextine +intexture +inthrall +inthrallment +inthrong +inthronistic +inthronization +inthronize +inthrow +inthrust +intil +intima +intimacy +intimal +intimate +intimately +intimateness +intimater +intimation +intimidate +intimidation +intimidator +intimidatory +intimidity +intimity +intinction +intine +intitule +into +intoed +intolerability +intolerable +intolerableness +intolerably +intolerance +intolerancy +intolerant +intolerantly +intolerantness +intolerated +intolerating +intoleration +intonable +intonate +intonation +intonator +intone +intonement +intoner +intoothed +intorsion +intort +intortillage +intown +intoxation +intoxicable +intoxicant +intoxicate +intoxicated +intoxicatedly +intoxicatedness +intoxicating +intoxicatingly +intoxication +intoxicative +intoxicator +intrabiontic +intrabranchial +intrabred +intrabronchial +intrabuccal +intracalicular +intracanalicular +intracanonical +intracapsular +intracardiac +intracardial +intracarpal +intracarpellary +intracartilaginous +intracellular +intracellularly +intracephalic +intracerebellar +intracerebral +intracerebrally +intracervical +intrachordal +intracistern +intracity +intraclitelline +intracloacal +intracoastal +intracoelomic +intracolic +intracollegiate +intracommunication +intracompany +intracontinental +intracorporeal +intracorpuscular +intracortical +intracosmic +intracosmical +intracosmically +intracostal +intracranial +intracranially +intractability +intractable +intractableness +intractably +intractile +intracutaneous +intracystic +intrada +intradepartmental +intradermal +intradermally +intradermic +intradermically +intradermo +intradistrict +intradivisional +intrados +intraduodenal +intradural +intraecclesiastical +intraepiphyseal +intraepithelial +intrafactory +intrafascicular +intrafissural +intrafistular +intrafoliaceous +intraformational +intrafusal +intragastric +intragemmal +intraglacial +intraglandular +intraglobular +intragroup +intragroupal +intragyral +intrahepatic +intrahyoid +intraimperial +intrait +intrajugular +intralamellar +intralaryngeal +intralaryngeally +intraleukocytic +intraligamentary +intraligamentous +intralingual +intralobar +intralobular +intralocular +intralogical +intralumbar +intramammary +intramarginal +intramastoid +intramatrical +intramatrically +intramedullary +intramembranous +intrameningeal +intramental +intrametropolitan +intramolecular +intramontane +intramorainic +intramundane +intramural +intramuralism +intramuscular +intramuscularly +intramyocardial +intranarial +intranasal +intranatal +intranational +intraneous +intraneural +intranidal +intranquil +intranquillity +intranscalency +intranscalent +intransferable +intransformable +intransfusible +intransgressible +intransient +intransigency +intransigent +intransigentism +intransigentist +intransigently +intransitable +intransitive +intransitively +intransitiveness +intransitivity +intranslatable +intransmissible +intransmutability +intransmutable +intransparency +intransparent +intrant +intranuclear +intraoctave +intraocular +intraoral +intraorbital +intraorganization +intraossal +intraosseous +intraosteal +intraovarian +intrapair +intraparenchymatous +intraparietal +intraparochial +intraparty +intrapelvic +intrapericardiac +intrapericardial +intraperineal +intraperiosteal +intraperitoneal +intraperitoneally +intrapetiolar +intraphilosophic +intrapial +intraplacental +intraplant +intrapleural +intrapolar +intrapontine +intraprostatic +intraprotoplasmic +intrapsychic +intrapsychical +intrapsychically +intrapulmonary +intrapyretic +intrarachidian +intrarectal +intrarelation +intrarenal +intraretinal +intrarhachidian +intraschool +intrascrotal +intrasegmental +intraselection +intrasellar +intraseminal +intraseptal +intraserous +intrashop +intraspecific +intraspinal +intrastate +intrastromal +intrasusception +intrasynovial +intratarsal +intratelluric +intraterritorial +intratesticular +intrathecal +intrathoracic +intrathyroid +intratomic +intratonsillar +intratrabecular +intratracheal +intratracheally +intratropical +intratubal +intratubular +intratympanic +intravaginal +intravalvular +intravasation +intravascular +intravenous +intravenously +intraventricular +intraverbal +intraversable +intravertebral +intravertebrally +intravesical +intravital +intravitelline +intravitreous +intraxylary +intreat +intrench +intrenchant +intrencher +intrenchment +intrepid +intrepidity +intrepidly +intrepidness +intricacy +intricate +intricately +intricateness +intrication +intrigant +intrigue +intrigueproof +intriguer +intriguery +intriguess +intriguing +intriguingly +intrine +intrinse +intrinsic +intrinsical +intrinsicality +intrinsically +intrinsicalness +introactive +introceptive +introconversion +introconvertibility +introconvertible +introdden +introduce +introducee +introducement +introducer +introducible +introduction +introductive +introductively +introductor +introductorily +introductoriness +introductory +introductress +introflex +introflexion +introgression +introgressive +introinflection +introit +introitus +introject +introjection +introjective +intromissibility +intromissible +intromission +intromissive +intromit +intromittence +intromittent +intromitter +intropression +intropulsive +introreception +introrsal +introrse +introrsely +introsensible +introsentient +introspect +introspectable +introspection +introspectional +introspectionism +introspectionist +introspective +introspectively +introspectiveness +introspectivism +introspectivist +introspector +introsuction +introsuscept +introsusception +introthoracic +introtraction +introvenient +introverse +introversibility +introversible +introversion +introversive +introversively +introvert +introverted +introvertive +introvision +introvolution +intrudance +intrude +intruder +intruding +intrudingly +intrudress +intruse +intrusion +intrusional +intrusionism +intrusionist +intrusive +intrusively +intrusiveness +intrust +intubate +intubation +intubationist +intubator +intube +intue +intuent +intuicity +intuit +intuitable +intuition +intuitional +intuitionalism +intuitionalist +intuitionally +intuitionism +intuitionist +intuitionistic +intuitionless +intuitive +intuitively +intuitiveness +intuitivism +intuitivist +intumesce +intumescence +intumescent +inturbidate +inturn +inturned +inturning +intussuscept +intussusception +intussusceptive +intwist +inula +inulaceous +inulase +inulin +inuloid +inumbrate +inumbration +inunct +inunction +inunctum +inunctuosity +inunctuous +inundable +inundant +inundate +inundation +inundator +inundatory +inunderstandable +inurbane +inurbanely +inurbaneness +inurbanity +inure +inured +inuredness +inurement +inurn +inusitate +inusitateness +inusitation +inustion +inutile +inutilely +inutility +inutilized +inutterable +invaccinate +invaccination +invadable +invade +invader +invaginable +invaginate +invagination +invalescence +invalid +invalidate +invalidation +invalidator +invalidcy +invalidhood +invalidish +invalidism +invalidity +invalidly +invalidness +invalidship +invalorous +invaluable +invaluableness +invaluably +invalued +Invar +invariability +invariable +invariableness +invariably +invariance +invariancy +invariant +invariantive +invariantively +invariantly +invaried +invasion +invasionist +invasive +invecked +invected +invection +invective +invectively +invectiveness +invectivist +invector +inveigh +inveigher +inveigle +inveiglement +inveigler +inveil +invein +invendibility +invendible +invendibleness +invenient +invent +inventable +inventary +inventer +inventful +inventibility +inventible +inventibleness +invention +inventional +inventionless +inventive +inventively +inventiveness +inventor +inventoriable +inventorial +inventorially +inventory +inventress +inventurous +inveracious +inveracity +inverisimilitude +inverity +inverminate +invermination +invernacular +Inverness +inversable +inversatile +inverse +inversed +inversedly +inversely +inversion +inversionist +inversive +invert +invertase +invertebracy +invertebral +Invertebrata +invertebrate +invertebrated +inverted +invertedly +invertend +inverter +invertibility +invertible +invertile +invertin +invertive +invertor +invest +investable +investible +investigable +investigatable +investigate +investigating +investigatingly +investigation +investigational +investigative +investigator +investigatorial +investigatory +investitive +investitor +investiture +investment +investor +inveteracy +inveterate +inveterately +inveterateness +inviability +invictive +invidious +invidiously +invidiousness +invigilance +invigilancy +invigilation +invigilator +invigor +invigorant +invigorate +invigorating +invigoratingly +invigoratingness +invigoration +invigorative +invigoratively +invigorator +invinate +invination +invincibility +invincible +invincibleness +invincibly +inviolability +inviolable +inviolableness +inviolably +inviolacy +inviolate +inviolated +inviolately +inviolateness +invirile +invirility +invirtuate +inviscate +inviscation +inviscid +inviscidity +invised +invisibility +invisible +invisibleness +invisibly +invitable +invital +invitant +invitation +invitational +invitatory +invite +invitee +invitement +inviter +invitiate +inviting +invitingly +invitingness +invitress +invitrifiable +invivid +invocable +invocant +invocate +invocation +invocative +invocator +invocatory +invoice +invoke +invoker +involatile +involatility +involucel +involucellate +involucellated +involucral +involucrate +involucre +involucred +involucriform +involucrum +involuntarily +involuntariness +involuntary +involute +involuted +involutedly +involutely +involution +involutional +involutionary +involutorial +involutory +involve +involved +involvedly +involvedness +involvement +involvent +involver +invulnerability +invulnerable +invulnerableness +invulnerably +invultuation +inwale +inwall +inwandering +inward +inwardly +inwardness +inwards +inweave +inwedged +inweed +inweight +inwick +inwind +inwit +inwith +inwood +inwork +inworn +inwound +inwoven +inwrap +inwrapment +inwreathe +inwrit +inwrought +inyoite +inyoke +Io +io +Iodamoeba +iodate +iodation +iodhydrate +iodhydric +iodhydrin +iodic +iodide +iodiferous +iodinate +iodination +iodine +iodinium +iodinophil +iodinophilic +iodinophilous +iodism +iodite +iodization +iodize +iodizer +iodo +iodobehenate +iodobenzene +iodobromite +iodocasein +iodochloride +iodochromate +iodocresol +iododerma +iodoethane +iodoform +iodogallicin +iodohydrate +iodohydric +iodohydrin +iodol +iodomercurate +iodomercuriate +iodomethane +iodometric +iodometrical +iodometry +iodonium +iodopsin +iodoso +iodosobenzene +iodospongin +iodotannic +iodotherapy +iodothyrin +iodous +iodoxy +iodoxybenzene +iodyrite +iolite +ion +Ione +Ioni +Ionian +Ionic +ionic +Ionicism +Ionicization +Ionicize +Ionidium +Ionism +Ionist +ionium +ionizable +Ionization +ionization +Ionize +ionize +ionizer +ionogen +ionogenic +ionone +Ionornis +ionosphere +ionospheric +Ionoxalis +iontophoresis +Ioskeha +iota +iotacism +iotacismus +iotacist +iotization +iotize +Iowa +Iowan +Ipalnemohuani +ipecac +ipecacuanha +ipecacuanhic +Iphimedia +Iphis +ipid +Ipidae +ipil +ipomea +Ipomoea +ipomoein +ipseand +ipsedixitish +ipsedixitism +ipsedixitist +ipseity +ipsilateral +Ira +iracund +iracundity +iracundulous +irade +Iran +Irani +Iranian +Iranic +Iranism +Iranist +Iranize +Iraq +Iraqi +Iraqian +irascent +irascibility +irascible +irascibleness +irascibly +irate +irately +ire +ireful +irefully +irefulness +Irelander +ireless +Irena +irenarch +Irene +irene +irenic +irenical +irenically +irenicism +irenicist +irenicon +irenics +irenicum +Iresine +Irfan +Irgun +Irgunist +irian +Iriartea +Iriarteaceae +Iricism +Iricize +irid +Iridaceae +iridaceous +iridadenosis +iridal +iridalgia +iridate +iridauxesis +iridectome +iridectomize +iridectomy +iridectropium +iridemia +iridencleisis +iridentropium +irideous +irideremia +irides +iridesce +iridescence +iridescency +iridescent +iridescently +iridial +iridian +iridiate +iridic +iridical +iridin +iridine +iridiocyte +iridiophore +iridioplatinum +iridious +iridite +iridium +iridization +iridize +iridoavulsion +iridocapsulitis +iridocele +iridoceratitic +iridochoroiditis +iridocoloboma +iridoconstrictor +iridocyclitis +iridocyte +iridodesis +iridodiagnosis +iridodialysis +iridodonesis +iridokinesia +iridomalacia +iridomotor +Iridomyrmex +iridoncus +iridoparalysis +iridophore +iridoplegia +iridoptosis +iridopupillary +iridorhexis +iridosclerotomy +iridosmine +iridosmium +iridotasis +iridotome +iridotomy +iris +irisated +irisation +iriscope +irised +Irish +Irisher +Irishian +Irishism +Irishize +Irishly +Irishman +Irishness +Irishry +Irishwoman +Irishy +irisin +irislike +irisroot +iritic +iritis +irk +irksome +irksomely +irksomeness +Irma +Iroha +irok +iroko +iron +ironback +ironbark +ironbound +ironbush +ironclad +irone +ironer +ironfisted +ironflower +ironhanded +ironhandedly +ironhandedness +ironhard +ironhead +ironheaded +ironhearted +ironheartedly +ironheartedness +ironical +ironically +ironicalness +ironice +ironish +ironism +ironist +ironize +ironless +ironlike +ironly +ironmaker +ironmaking +ironman +ironmaster +ironmonger +ironmongering +ironmongery +ironness +ironshod +ironshot +ironside +ironsided +ironsides +ironsmith +ironstone +ironware +ironweed +ironwood +ironwork +ironworked +ironworker +ironworking +ironworks +ironwort +irony +Iroquoian +Iroquois +Irpex +irradiance +irradiancy +irradiant +irradiate +irradiated +irradiatingly +irradiation +irradiative +irradiator +irradicable +irradicate +irrarefiable +irrationability +irrationable +irrationably +irrational +irrationalism +irrationalist +irrationalistic +irrationality +irrationalize +irrationally +irrationalness +irreality +irrealizable +irrebuttable +irreceptive +irreceptivity +irreciprocal +irreciprocity +irreclaimability +irreclaimable +irreclaimableness +irreclaimably +irreclaimed +irrecognition +irrecognizability +irrecognizable +irrecognizably +irrecognizant +irrecollection +irreconcilability +irreconcilable +irreconcilableness +irreconcilably +irreconcile +irreconcilement +irreconciliability +irreconciliable +irreconciliableness +irreconciliably +irreconciliation +irrecordable +irrecoverable +irrecoverableness +irrecoverably +irrecusable +irrecusably +irredeemability +irredeemable +irredeemableness +irredeemably +irredeemed +irredenta +irredential +Irredentism +Irredentist +irredressibility +irredressible +irredressibly +irreducibility +irreducible +irreducibleness +irreducibly +irreductibility +irreductible +irreduction +irreferable +irreflection +irreflective +irreflectively +irreflectiveness +irreflexive +irreformability +irreformable +irrefragability +irrefragable +irrefragableness +irrefragably +irrefrangibility +irrefrangible +irrefrangibleness +irrefrangibly +irrefusable +irrefutability +irrefutable +irrefutableness +irrefutably +irregardless +irregeneracy +irregenerate +irregeneration +irregular +irregularism +irregularist +irregularity +irregularize +irregularly +irregularness +irregulate +irregulated +irregulation +irrelate +irrelated +irrelation +irrelative +irrelatively +irrelativeness +irrelevance +irrelevancy +irrelevant +irrelevantly +irreliability +irrelievable +irreligion +irreligionism +irreligionist +irreligionize +irreligiosity +irreligious +irreligiously +irreligiousness +irreluctant +irremeable +irremeably +irremediable +irremediableness +irremediably +irrememberable +irremissibility +irremissible +irremissibleness +irremissibly +irremission +irremissive +irremovability +irremovable +irremovableness +irremovably +irremunerable +irrenderable +irrenewable +irrenunciable +irrepair +irrepairable +irreparability +irreparable +irreparableness +irreparably +irrepassable +irrepealability +irrepealable +irrepealableness +irrepealably +irrepentance +irrepentant +irrepentantly +irreplaceable +irreplaceably +irrepleviable +irreplevisable +irreportable +irreprehensible +irreprehensibleness +irreprehensibly +irrepresentable +irrepresentableness +irrepressibility +irrepressible +irrepressibleness +irrepressibly +irrepressive +irreproachability +irreproachable +irreproachableness +irreproachably +irreproducible +irreproductive +irreprovable +irreprovableness +irreprovably +irreptitious +irrepublican +irresilient +irresistance +irresistibility +irresistible +irresistibleness +irresistibly +irresoluble +irresolubleness +irresolute +irresolutely +irresoluteness +irresolution +irresolvability +irresolvable +irresolvableness +irresolved +irresolvedly +irresonance +irresonant +irrespectability +irrespectable +irrespectful +irrespective +irrespectively +irrespirable +irrespondence +irresponsibility +irresponsible +irresponsibleness +irresponsibly +irresponsive +irresponsiveness +irrestrainable +irrestrainably +irrestrictive +irresultive +irresuscitable +irresuscitably +irretention +irretentive +irretentiveness +irreticence +irreticent +irretraceable +irretraceably +irretractable +irretractile +irretrievability +irretrievable +irretrievableness +irretrievably +irrevealable +irrevealably +irreverence +irreverend +irreverendly +irreverent +irreverential +irreverentialism +irreverentially +irreverently +irreversibility +irreversible +irreversibleness +irreversibly +irrevertible +irreviewable +irrevisable +irrevocability +irrevocable +irrevocableness +irrevocably +irrevoluble +irrigable +irrigably +irrigant +irrigate +irrigation +irrigational +irrigationist +irrigative +irrigator +irrigatorial +irrigatory +irriguous +irriguousness +irrision +irrisor +Irrisoridae +irrisory +irritability +irritable +irritableness +irritably +irritament +irritancy +irritant +irritate +irritatedly +irritating +irritatingly +irritation +irritative +irritativeness +irritator +irritatory +Irritila +irritomotile +irritomotility +irrorate +irrotational +irrotationally +irrubrical +irrupt +irruptible +irruption +irruptive +irruptively +Irvin +Irving +Irvingesque +Irvingiana +Irvingism +Irvingite +Irwin +is +Isaac +Isabel +isabelina +isabelita +Isabella +Isabelle +Isabelline +isabnormal +isaconitine +isacoustic +isadelphous +Isadora +isagoge +isagogic +isagogical +isagogically +isagogics +isagon +Isaiah +Isaian +isallobar +isallotherm +isamine +Isander +isandrous +isanemone +isanomal +isanomalous +isanthous +isapostolic +Isaria +isarioid +isatate +isatic +isatide +isatin +isatinic +Isatis +isatogen +isatogenic +Isaurian +Isawa +isazoxy +isba +Iscariot +Iscariotic +Iscariotical +Iscariotism +ischemia +ischemic +ischiac +ischiadic +ischiadicus +ischial +ischialgia +ischialgic +ischiatic +ischidrosis +ischioanal +ischiobulbar +ischiocapsular +ischiocaudal +ischiocavernosus +ischiocavernous +ischiocele +ischiocerite +ischiococcygeal +ischiofemoral +ischiofibular +ischioiliac +ischioneuralgia +ischioperineal +ischiopodite +ischiopubic +ischiopubis +ischiorectal +ischiorrhogic +ischiosacral +ischiotibial +ischiovaginal +ischiovertebral +ischium +ischocholia +ischuretic +ischuria +ischury +Ischyodus +Isegrim +isenergic +isentropic +isepiptesial +isepiptesis +iserine +iserite +isethionate +isethionic +Iseum +Isfahan +Ishmael +Ishmaelite +Ishmaelitic +Ishmaelitish +Ishmaelitism +ishpingo +ishshakku +Isiac +Isiacal +Isidae +isidiiferous +isidioid +isidiophorous +isidiose +isidium +isidoid +Isidore +Isidorian +Isidoric +Isinai +isindazole +isinglass +Isis +Islam +Islamic +Islamism +Islamist +Islamistic +Islamite +Islamitic +Islamitish +Islamization +Islamize +island +islander +islandhood +islandic +islandish +islandless +islandlike +islandman +islandress +islandry +islandy +islay +isle +isleless +islesman +islet +Isleta +isleted +isleward +islot +ism +Ismaelism +Ismaelite +Ismaelitic +Ismaelitical +Ismaelitish +Ismaili +Ismailian +Ismailite +ismal +ismatic +ismatical +ismaticalness +ismdom +ismy +Isnardia +iso +isoabnormal +isoagglutination +isoagglutinative +isoagglutinin +isoagglutinogen +isoalantolactone +isoallyl +isoamarine +isoamide +isoamyl +isoamylamine +isoamylene +isoamylethyl +isoamylidene +isoantibody +isoantigen +isoapiole +isoasparagine +isoaurore +isobar +isobarbaloin +isobarbituric +isobare +isobaric +isobarism +isobarometric +isobase +isobath +isobathic +isobathytherm +isobathythermal +isobathythermic +isobenzofuran +isobilateral +isobilianic +isobiogenetic +isoborneol +isobornyl +isobront +isobronton +isobutane +isobutyl +isobutylene +isobutyraldehyde +isobutyrate +isobutyric +isobutyryl +isocamphor +isocamphoric +isocaproic +isocarbostyril +Isocardia +Isocardiidae +isocarpic +isocarpous +isocellular +isocephalic +isocephalism +isocephalous +isocephaly +isocercal +isocercy +isochasm +isochasmic +isocheim +isocheimal +isocheimenal +isocheimic +isocheimonal +isochlor +isochlorophyll +isochlorophyllin +isocholanic +isocholesterin +isocholesterol +isochor +isochoric +isochromatic +isochronal +isochronally +isochrone +isochronic +isochronical +isochronism +isochronize +isochronon +isochronous +isochronously +isochroous +isocinchomeronic +isocinchonine +isocitric +isoclasite +isoclimatic +isoclinal +isocline +isoclinic +isocodeine +isocola +isocolic +isocolon +isocoria +isocorybulbin +isocorybulbine +isocorydine +isocoumarin +isocracy +isocrat +isocratic +isocreosol +isocrotonic +isocrymal +isocryme +isocrymic +isocyanate +isocyanic +isocyanide +isocyanine +isocyano +isocyanogen +isocyanurate +isocyanuric +isocyclic +isocymene +isocytic +isodactylism +isodactylous +isodiabatic +isodialuric +isodiametric +isodiametrical +isodiazo +isodiazotate +isodimorphic +isodimorphism +isodimorphous +isodomic +isodomous +isodomum +isodont +isodontous +isodrome +isodulcite +isodurene +isodynamia +isodynamic +isodynamical +isoelectric +isoelectrically +isoelectronic +isoelemicin +isoemodin +isoenergetic +isoerucic +Isoetaceae +Isoetales +Isoetes +isoeugenol +isoflavone +isoflor +isogamete +isogametic +isogametism +isogamic +isogamous +isogamy +isogen +isogenesis +isogenetic +isogenic +isogenotype +isogenotypic +isogenous +isogeny +isogeotherm +isogeothermal +isogeothermic +isogloss +isoglossal +isognathism +isognathous +isogon +isogonal +isogonality +isogonally +isogonic +isogoniostat +isogonism +isograft +isogram +isograph +isographic +isographical +isographically +isography +isogynous +isohaline +isohalsine +isohel +isohemopyrrole +isoheptane +isohesperidin +isohexyl +isohydric +isohydrocyanic +isohydrosorbic +isohyet +isohyetal +isoimmune +isoimmunity +isoimmunization +isoimmunize +isoindazole +isoindigotin +isoindole +isoionone +isokeraunic +isokeraunographic +isokeraunophonic +Isokontae +isokontan +isokurtic +isolability +isolable +isolapachol +isolate +isolated +isolatedly +isolating +isolation +isolationism +isolationist +isolative +Isolde +isolecithal +isoleucine +isolichenin +isolinolenic +isologous +isologue +isology +Isoloma +isolysin +isolysis +isomagnetic +isomaltose +isomastigate +isomelamine +isomenthone +isomer +Isomera +isomere +isomeric +isomerical +isomerically +isomeride +isomerism +isomerization +isomerize +isomeromorphism +isomerous +isomery +isometric +isometrical +isometrically +isometrograph +isometropia +isometry +isomorph +isomorphic +isomorphism +isomorphous +Isomyaria +isomyarian +isoneph +isonephelic +isonergic +isonicotinic +isonitramine +isonitrile +isonitroso +isonomic +isonomous +isonomy +isonuclear +isonym +isonymic +isonymy +isooleic +isoosmosis +isopachous +isopag +isoparaffin +isopectic +isopelletierin +isopelletierine +isopentane +isoperimeter +isoperimetric +isoperimetrical +isoperimetry +isopetalous +isophanal +isophane +isophasal +isophene +isophenomenal +isophoria +isophorone +isophthalic +isophthalyl +isophyllous +isophylly +isopicramic +isopiestic +isopiestically +isopilocarpine +isoplere +isopleth +Isopleura +isopleural +isopleuran +isopleurous +isopod +Isopoda +isopodan +isopodiform +isopodimorphous +isopodous +isopogonous +isopolite +isopolitical +isopolity +isopoly +isoprene +isopropenyl +isopropyl +isopropylacetic +isopropylamine +isopsephic +isopsephism +Isoptera +isopterous +isoptic +isopulegone +isopurpurin +isopycnic +isopyre +isopyromucic +isopyrrole +isoquercitrin +isoquinine +isoquinoline +isorcinol +isorhamnose +isorhodeose +isorithm +isorosindone +isorrhythmic +isorropic +isosaccharic +isosaccharin +isoscele +isosceles +isoscope +isoseismal +isoseismic +isoseismical +isoseist +isoserine +isosmotic +Isospondyli +isospondylous +isospore +isosporic +isosporous +isospory +isostasist +isostasy +isostatic +isostatical +isostatically +isostemonous +isostemony +isostere +isosteric +isosterism +isostrychnine +isosuccinic +isosulphide +isosulphocyanate +isosulphocyanic +isosultam +isotac +isoteles +isotely +isotheral +isothere +isotherm +isothermal +isothermally +isothermic +isothermical +isothermobath +isothermobathic +isothermous +isotherombrose +isothiocyanates +isothiocyanic +isothiocyano +isothujone +isotimal +isotome +isotomous +isotonia +isotonic +isotonicity +isotony +isotope +isotopic +isotopism +isotopy +isotrehalose +Isotria +isotrimorphic +isotrimorphism +isotrimorphous +isotron +isotrope +isotropic +isotropism +isotropous +isotropy +isotype +isotypic +isotypical +isovalerate +isovalerianate +isovalerianic +isovaleric +isovalerone +isovaline +isovanillic +isovoluminal +isoxanthine +isoxazine +isoxazole +isoxime +isoxylene +isoyohimbine +isozooid +ispaghul +ispravnik +Israel +Israeli +Israelite +Israeliteship +Israelitic +Israelitish +Israelitism +Israelitize +issanguila +Issedoi +Issedones +issei +issite +issuable +issuably +issuance +issuant +issue +issueless +issuer +issuing +ist +isthmi +Isthmia +isthmial +isthmian +isthmiate +isthmic +isthmoid +isthmus +istiophorid +Istiophoridae +Istiophorus +istle +istoke +Istrian +Istvaeones +isuret +isuretine +Isuridae +isuroid +Isurus +Iswara +it +Ita +itabirite +itacism +itacist +itacistic +itacolumite +itaconate +itaconic +Itala +Itali +Italian +Italianate +Italianately +Italianation +Italianesque +Italianish +Italianism +Italianist +Italianity +Italianization +Italianize +Italianizer +Italianly +Italic +Italical +Italically +Italican +Italicanist +Italici +Italicism +italicization +italicize +italics +Italiote +italite +Italomania +Italon +Italophile +itamalate +itamalic +itatartaric +itatartrate +Itaves +itch +itchiness +itching +itchingly +itchless +itchproof +itchreed +itchweed +itchy +itcze +Itea +Iteaceae +Itelmes +item +iteming +itemization +itemize +itemizer +itemy +Iten +Itenean +iter +iterable +iterance +iterancy +iterant +iterate +iteration +iterative +iteratively +iterativeness +Ithaca +Ithacan +Ithacensian +ithagine +Ithaginis +ither +Ithiel +ithomiid +Ithomiidae +Ithomiinae +ithyphallic +Ithyphallus +ithyphyllous +itineracy +itinerancy +itinerant +itinerantly +itinerarian +Itinerarium +itinerary +itinerate +itineration +itmo +Ito +Itoism +Itoist +Itoland +Itonama +Itonaman +Itonia +itonidid +Itonididae +itoubou +its +itself +Ituraean +iturite +Itylus +Itys +Itza +itzebu +iva +Ivan +ivied +ivin +ivoried +ivorine +ivoriness +ivorist +ivory +ivorylike +ivorytype +ivorywood +ivy +ivybells +ivyberry +ivyflower +ivylike +ivyweed +ivywood +ivywort +iwa +iwaiwa +iwis +Ixia +Ixiaceae +Ixiama +Ixil +Ixion +Ixionian +Ixodes +ixodian +ixodic +ixodid +Ixodidae +Ixora +iyo +Izar +izar +izard +Izcateco +Izchak +Izdubar +izle +izote +iztle +Izumi +izzard +Izzy +J +j +Jaalin +jab +Jabarite +jabbed +jabber +jabberer +jabbering +jabberingly +jabberment +Jabberwock +jabberwockian +Jabberwocky +jabbing +jabbingly +jabble +jabers +jabia +jabiru +jaborandi +jaborine +jabot +jaboticaba +jabul +jacal +Jacaltec +Jacalteca +jacamar +Jacamaralcyon +jacameropine +Jacamerops +jacami +jacamin +Jacana +jacana +Jacanidae +Jacaranda +jacare +jacate +jacchus +jacent +jacinth +jacinthe +Jack +jack +jackal +jackanapes +jackanapish +jackaroo +jackass +jackassery +jackassification +jackassism +jackassness +jackbird +jackbox +jackboy +jackdaw +jackeen +jacker +jacket +jacketed +jacketing +jacketless +jacketwise +jackety +jackfish +jackhammer +jackknife +jackleg +jackman +jacko +jackpudding +jackpuddinghood +jackrod +jacksaw +jackscrew +jackshaft +jackshay +jacksnipe +Jackson +Jacksonia +Jacksonian +Jacksonite +jackstay +jackstone +jackstraw +jacktan +jackweed +jackwood +Jacky +Jackye +Jacob +jacobaea +jacobaean +Jacobean +Jacobian +Jacobic +Jacobin +Jacobinia +Jacobinic +Jacobinical +Jacobinically +Jacobinism +Jacobinization +Jacobinize +Jacobite +Jacobitely +Jacobitiana +Jacobitic +Jacobitical +Jacobitically +Jacobitish +Jacobitishly +Jacobitism +jacobsite +Jacobson +jacobus +jacoby +jaconet +Jacqueminot +Jacques +jactance +jactancy +jactant +jactation +jactitate +jactitation +jacu +jacuaru +jaculate +jaculation +jaculative +jaculator +jaculatorial +jaculatory +jaculiferous +Jacunda +jacutinga +jadder +jade +jaded +jadedly +jadedness +jadeite +jadery +jadesheen +jadeship +jadestone +jadish +jadishly +jadishness +jady +jaeger +jag +Jaga +Jagannath +Jagannatha +jagat +Jagatai +Jagataic +Jagath +jager +jagged +jaggedly +jaggedness +jagger +jaggery +jaggy +jagir +jagirdar +jagla +jagless +jagong +jagrata +jagua +jaguar +jaguarete +Jahve +Jahvist +Jahvistic +jail +jailage +jailbird +jaildom +jailer +jaileress +jailering +jailership +jailhouse +jailish +jailkeeper +jaillike +jailmate +jailward +jailyard +Jaime +Jain +Jaina +Jainism +Jainist +Jaipuri +jajman +Jake +jake +jakes +jako +Jakob +Jakun +Jalalaean +jalap +jalapa +jalapin +jalkar +jalloped +jalopy +jalouse +jalousie +jalousied +jalpaite +Jam +jam +jama +Jamaica +Jamaican +jaman +jamb +jambalaya +jambeau +jambo +jambolan +jambone +jambool +jamboree +Jambos +jambosa +jambstone +jamdani +James +Jamesian +Jamesina +jamesonite +jami +Jamie +jamlike +jammedness +jammer +jammy +Jamnia +jampan +jampani +jamrosade +jamwood +Jan +janapa +janapan +Jane +jane +Janet +jangada +Janghey +jangkar +jangle +jangler +jangly +Janice +janiceps +Janiculan +Janiculum +Janiform +janissary +janitor +janitorial +janitorship +janitress +janitrix +Janizarian +Janizary +jank +janker +jann +jannock +Janos +Jansenism +Jansenist +Jansenistic +Jansenistical +Jansenize +Janthina +Janthinidae +jantu +janua +Januarius +January +Janus +Januslike +jaob +Jap +jap +japaconine +japaconitine +Japan +japan +Japanee +Japanese +Japanesque +Japanesquely +Japanesquery +Japanesy +Japanicize +Japanism +Japanization +Japanize +japanned +Japanner +japanner +japannery +Japannish +Japanolatry +Japanologist +Japanology +Japanophile +Japanophobe +Japanophobia +jape +japer +japery +Japetus +Japheth +Japhetic +Japhetide +Japhetite +japing +japingly +japish +japishly +japishness +Japonic +japonica +Japonically +Japonicize +Japonism +Japonize +Japonizer +Japygidae +japygoid +Japyx +Jaqueline +Jaquesian +jaquima +jar +jara +jaragua +jararaca +jararacussu +jarbird +jarble +jarbot +jardiniere +Jared +jarfly +jarful +jarg +jargon +jargonal +jargoneer +jargonelle +jargoner +jargonesque +jargonic +jargonish +jargonist +jargonistic +jargonium +jargonization +jargonize +jarkman +Jarl +jarl +jarldom +jarless +jarlship +Jarmo +jarnut +jarool +jarosite +jarra +jarrah +jarring +jarringly +jarringness +jarry +jarvey +Jarvis +jasey +jaseyed +Jasione +Jasminaceae +jasmine +jasmined +jasminewood +Jasminum +jasmone +Jason +jaspachate +jaspagate +Jasper +jasper +jasperated +jaspered +jasperize +jasperoid +jaspery +jaspidean +jaspideous +jaspilite +jaspis +jaspoid +jasponyx +jaspopal +jass +jassid +Jassidae +jassoid +Jat +jatamansi +Jateorhiza +jateorhizine +jatha +jati +Jatki +Jatni +jato +Jatropha +jatrophic +jatrorrhizine +Jatulian +jaudie +jauk +jaun +jaunce +jaunder +jaundice +jaundiceroot +jaunt +jauntie +jauntily +jauntiness +jauntingly +jaunty +jaup +Java +Javahai +javali +Javan +Javanee +Javanese +javelin +javelina +javeline +javelineer +javer +Javitero +jaw +jawab +jawbation +jawbone +jawbreaker +jawbreaking +jawbreakingly +jawed +jawfall +jawfallen +jawfish +jawfoot +jawfooted +jawless +jawsmith +jawy +Jay +jay +Jayant +Jayesh +jayhawk +jayhawker +jaypie +jaywalk +jaywalker +jazerant +Jazyges +jazz +jazzer +jazzily +jazziness +jazzy +jealous +jealously +jealousness +jealousy +Jeames +Jean +jean +Jean-Christophe +Jean-Pierre +Jeanette +Jeanie +Jeanne +Jeannette +Jeannie +Jeanpaulia +jeans +Jeany +Jebus +Jebusi +Jebusite +Jebusitic +Jebusitical +Jebusitish +jecoral +jecorin +jecorize +jed +jedcock +jedding +jeddock +jeel +jeep +jeer +jeerer +jeering +jeeringly +jeerproof +jeery +jeewhillijers +jeewhillikens +Jef +Jeff +jeff +jefferisite +Jeffersonia +Jeffersonian +Jeffersonianism +jeffersonite +Jeffery +Jeffie +Jeffrey +Jehovah +Jehovic +Jehovism +Jehovist +Jehovistic +jehu +jehup +jejunal +jejunator +jejune +jejunely +jejuneness +jejunitis +jejunity +jejunoduodenal +jejunoileitis +jejunostomy +jejunotomy +jejunum +jelab +jelerang +jelick +jell +jellica +jellico +jellied +jelliedness +jellification +jellify +jellily +jelloid +jelly +jellydom +jellyfish +jellyleaf +jellylike +Jelske +jelutong +Jem +jemadar +Jemez +Jemima +jemmily +jemminess +Jemmy +jemmy +Jenine +jenkin +jenna +jennerization +jennerize +jennet +jenneting +Jennie +jennier +Jennifer +Jenny +jenny +Jenson +jentacular +jeofail +jeopard +jeoparder +jeopardize +jeopardous +jeopardously +jeopardousness +jeopardy +jequirity +Jerahmeel +Jerahmeelites +Jerald +jerboa +jereed +jeremejevite +jeremiad +Jeremiah +Jeremian +Jeremianic +Jeremias +Jeremy +jerez +jerib +jerk +jerker +jerkily +jerkin +jerkined +jerkiness +jerkingly +jerkish +jerksome +jerkwater +jerky +jerl +jerm +jermonal +Jeroboam +Jerome +Jeromian +Jeronymite +jerque +jerquer +Jerrie +Jerry +jerry +jerryism +Jersey +jersey +Jerseyan +jerseyed +Jerseyite +Jerseyman +jert +Jerusalem +jervia +jervina +jervine +Jesper +Jess +jess +jessakeed +jessamine +jessamy +jessant +Jesse +Jessean +jessed +Jessica +Jessie +jessur +jest +jestbook +jestee +jester +jestful +jesting +jestingly +jestingstock +jestmonger +jestproof +jestwise +jestword +Jesu +Jesuate +Jesuit +Jesuited +Jesuitess +Jesuitic +Jesuitical +Jesuitically +Jesuitish +Jesuitism +Jesuitist +Jesuitize +Jesuitocracy +Jesuitry +Jesus +jet +jetbead +jete +Jethro +Jethronian +jetsam +jettage +jetted +jetter +jettied +jettiness +jettingly +jettison +jetton +jetty +jettyhead +jettywise +jetware +Jew +jewbird +jewbush +Jewdom +jewel +jeweler +jewelhouse +jeweling +jewelless +jewellike +jewelry +jewelsmith +jewelweed +jewely +Jewess +jewfish +Jewhood +Jewish +Jewishly +Jewishness +Jewism +Jewless +Jewlike +Jewling +Jewry +Jewship +Jewstone +Jewy +jezail +Jezebel +Jezebelian +Jezebelish +jezekite +jeziah +Jezreelite +jharal +jheel +jhool +jhow +Jhuria +Ji +Jianyun +jib +jibbah +jibber +jibbings +jibby +jibe +jibhead +jibi +jibman +jiboa +jibstay +jicama +Jicaque +Jicaquean +jicara +Jicarilla +jiff +jiffle +jiffy +jig +jigamaree +jigger +jiggerer +jiggerman +jiggers +jigget +jiggety +jigginess +jiggish +jiggle +jiggly +jiggumbob +jiggy +jiglike +jigman +jihad +jikungu +Jill +jillet +jillflirt +jilt +jiltee +jilter +jiltish +Jim +jimbang +jimberjaw +jimberjawed +jimjam +Jimmy +jimmy +jimp +jimply +jimpness +jimpricute +jimsedge +Jin +jina +jincamas +Jincan +Jinchao +jing +jingal +Jingbai +jingbang +jingle +jingled +jinglejangle +jingler +jinglet +jingling +jinglingly +jingly +jingo +jingodom +jingoish +jingoism +jingoist +jingoistic +jinja +jinjili +jink +jinker +jinket +jinkle +jinks +jinn +jinnestan +jinni +jinniwink +jinniyeh +Jinny +jinny +jinriki +jinrikiman +jinrikisha +jinshang +jinx +jipijapa +jipper +jiqui +jirble +jirga +Jiri +jirkinet +Jisheng +Jitendra +jiti +jitneur +jitneuse +jitney +jitneyman +jitro +jitter +jitterbug +jitters +jittery +jiva +Jivaran +Jivaro +Jivaroan +jive +jixie +Jo +jo +Joachim +Joachimite +Joan +Joanna +Joanne +Joannite +joaquinite +Job +job +jobade +jobarbe +jobation +jobber +jobbernowl +jobbernowlism +jobbery +jobbet +jobbing +jobbish +jobble +jobholder +jobless +joblessness +jobman +jobmaster +jobmistress +jobmonger +jobo +jobsmith +Jocasta +Jocelin +Joceline +Jocelyn +joch +Jochen +Jock +jock +jocker +jockey +jockeydom +jockeyish +jockeyism +jockeylike +jockeyship +jocko +jockteleg +jocoque +jocose +jocosely +jocoseness +jocoseriosity +jocoserious +jocosity +jocote +jocu +jocular +jocularity +jocularly +jocularness +joculator +jocum +jocuma +jocund +jocundity +jocundly +jocundness +jodel +jodelr +jodhpurs +Jodo +Joe +joe +joebush +Joel +joewood +Joey +joey +jog +jogger +joggle +joggler +jogglety +jogglework +joggly +jogtrottism +Johan +Johann +Johanna +Johannean +Johannes +johannes +Johannine +Johannisberger +Johannist +Johannite +johannite +John +Johnadreams +Johnathan +Johnian +johnin +Johnnie +Johnny +johnnycake +johnnydom +Johnsmas +Johnsonese +Johnsonian +Johnsoniana +Johnsonianism +Johnsonianly +Johnsonism +johnstrupite +join +joinable +joinant +joinder +joiner +joinery +joining +joiningly +joint +jointage +jointed +jointedly +jointedness +jointer +jointing +jointist +jointless +jointly +jointress +jointure +jointureless +jointuress +jointweed +jointworm +jointy +joist +joisting +joistless +jojoba +joke +jokeless +jokelet +jokeproof +joker +jokesmith +jokesome +jokesomeness +jokester +jokingly +jokish +jokist +jokul +joky +joll +jolleyman +jollier +jollification +jollify +jollily +jolliness +jollity +jollop +jolloped +jolly +jollytail +Joloano +jolt +jolter +jolterhead +jolterheaded +jolterheadedness +jolthead +joltiness +jolting +joltingly +joltless +joltproof +jolty +Jon +Jonah +Jonahesque +Jonahism +Jonas +Jonathan +Jonathanization +Jones +Jonesian +Jong +jonglery +jongleur +Joni +jonque +jonquil +jonquille +Jonsonian +Jonval +jonvalization +jonvalize +jookerie +joola +joom +Joon +Jophiel +Jordan +jordan +Jordanian +jordanite +joree +Jorge +Jorist +jorum +Jos +Jose +josefite +joseite +Joseph +Josepha +Josephine +Josephinism +josephinite +Josephism +Josephite +Josh +josh +josher +joshi +Joshua +Josiah +josie +Josip +joskin +joss +jossakeed +josser +jostle +jostlement +jostler +jot +jota +jotation +jotisi +Jotnian +jotter +jotting +jotty +joubarb +Joubert +joug +jough +jouk +joukerypawkery +joule +joulean +joulemeter +jounce +journal +journalese +journalish +journalism +journalist +journalistic +journalistically +journalization +journalize +journalizer +journey +journeycake +journeyer +journeying +journeyman +journeywoman +journeywork +journeyworker +jours +joust +jouster +Jova +Jove +Jovial +jovial +jovialist +jovialistic +joviality +jovialize +jovially +jovialness +jovialty +Jovian +Jovianly +Jovicentric +Jovicentrical +Jovicentrically +jovilabe +Joviniamish +Jovinian +Jovinianist +Jovite +jow +jowar +jowari +jowel +jower +jowery +jowl +jowler +jowlish +jowlop +jowly +jowpy +jowser +jowter +joy +joyance +joyancy +joyant +Joyce +joyful +joyfully +joyfulness +joyhop +joyleaf +joyless +joylessly +joylessness +joylet +joyous +joyously +joyousness +joyproof +joysome +joyweed +Jozy +Ju +Juan +Juang +juba +jubate +jubbah +jubbe +jube +juberous +jubilance +jubilancy +jubilant +jubilantly +jubilarian +jubilate +jubilatio +jubilation +jubilatory +jubilean +jubilee +jubilist +jubilization +jubilize +jubilus +juck +juckies +Jucuna +jucundity +jud +Judaeomancy +Judaeophile +Judaeophilism +Judaeophobe +Judaeophobia +Judah +Judahite +Judaic +Judaica +Judaical +Judaically +Judaism +Judaist +Judaistic +Judaistically +Judaization +Judaize +Judaizer +Judas +Judaslike +judcock +Jude +Judean +judex +Judge +judge +judgeable +judgelike +judger +judgeship +judgingly +judgmatic +judgmatical +judgmatically +judgment +Judica +judicable +judicate +judication +judicative +judicator +judicatorial +judicatory +judicature +judices +judiciable +judicial +judiciality +judicialize +judicially +judicialness +judiciarily +judiciary +judicious +judiciously +judiciousness +Judith +judo +Judophobism +Judy +Juergen +jufti +jug +Juga +jugal +jugale +Jugatae +jugate +jugated +jugation +juger +jugerum +jugful +jugger +Juggernaut +juggernaut +Juggernautish +juggins +juggle +jugglement +juggler +jugglery +juggling +jugglingly +Juglandaceae +juglandaceous +Juglandales +juglandin +Juglans +juglone +jugular +Jugulares +jugulary +jugulate +jugulum +jugum +Jugurthine +Juha +juice +juiceful +juiceless +juicily +juiciness +juicy +jujitsu +juju +jujube +jujuism +jujuist +juke +jukebox +Jule +julep +Jules +Juletta +Julia +Julian +Juliana +Juliane +Julianist +Julianto +julid +Julidae +julidan +Julie +Julien +julienite +julienne +Juliet +Julietta +julio +Julius +juloid +Juloidea +juloidian +julole +julolidin +julolidine +julolin +juloline +Julus +July +Julyflower +Jumada +Jumana +jumart +jumba +jumble +jumblement +jumbler +jumblingly +jumbly +jumbo +jumboesque +jumboism +jumbuck +jumby +jumelle +jument +jumentous +jumfru +jumillite +jumma +jump +jumpable +jumper +jumperism +jumpiness +jumpingly +jumpness +jumprock +jumpseed +jumpsome +jumpy +Jun +Juncaceae +juncaceous +Juncaginaceae +juncaginaceous +juncagineous +junciform +juncite +Junco +Juncoides +juncous +junction +junctional +junctive +juncture +Juncus +June +june +Juneberry +Junebud +junectomy +Juneflower +Jungermannia +Jungermanniaceae +jungermanniaceous +Jungermanniales +jungle +jungled +jungleside +junglewards +junglewood +jungli +jungly +juniata +junior +juniorate +juniority +juniorship +juniper +Juniperaceae +Juniperus +Junius +junk +junkboard +Junker +junker +Junkerdom +junkerdom +junkerish +Junkerism +junkerism +junket +junketer +junketing +junking +junkman +Juno +Junoesque +Junonia +Junonian +junt +junta +junto +jupati +jupe +Jupiter +jupon +Jur +Jura +jural +jurally +jurament +juramentado +juramental +juramentally +juramentum +Jurane +jurant +jurara +Jurassic +jurat +juration +jurative +jurator +juratorial +juratory +jure +jurel +Jurevis +Juri +juridic +juridical +juridically +juring +jurisconsult +jurisdiction +jurisdictional +jurisdictionalism +jurisdictionally +jurisdictive +jurisprudence +jurisprudent +jurisprudential +jurisprudentialist +jurisprudentially +jurist +juristic +juristical +juristically +juror +jurupaite +jury +juryless +juryman +jurywoman +jusquaboutisme +jusquaboutist +jussel +Jussi +Jussiaea +Jussiaean +Jussieuan +jussion +jussive +jussory +just +justen +justice +justicehood +justiceless +justicelike +justicer +justiceship +justiceweed +Justicia +justiciability +justiciable +justicial +justiciar +justiciarship +justiciary +justiciaryship +justicies +justifiability +justifiable +justifiableness +justifiably +justification +justificative +justificator +justificatory +justifier +justify +justifying +justifyingly +Justin +Justina +Justine +Justinian +Justinianian +Justinianist +justly +justment +justness +justo +Justus +jut +Jute +jute +Jutic +Jutish +jutka +Jutlander +Jutlandish +jutting +juttingly +jutty +Juturna +Juvavian +juvenal +Juvenalian +juvenate +juvenescence +juvenescent +juvenile +juvenilely +juvenileness +juvenilify +juvenilism +juvenility +juvenilize +Juventas +juventude +Juverna +juvia +juvite +juxtalittoral +juxtamarine +juxtapose +juxtaposit +juxtaposition +juxtapositional +juxtapositive +juxtapyloric +juxtaspinal +juxtaterrestrial +juxtatropical +Juyas +Juza +Jwahar +Jynginae +jyngine +Jynx +jynx +K +k +ka +Kababish +Kabaka +kabaragoya +Kabard +Kabardian +kabaya +Kabbeljaws +kabel +kaberu +kabiet +Kabirpanthi +Kabistan +Kabonga +kabuki +Kabuli +Kabyle +Kachari +Kachin +kachin +Kadaga +Kadarite +kadaya +Kadayan +Kaddish +kadein +kadikane +kadischi +Kadmi +kados +Kadu +kaempferol +Kaf +Kafa +kaferita +Kaffir +kaffir +kaffiyeh +Kaffraria +Kaffrarian +Kafir +kafir +Kafiri +kafirin +kafiz +Kafka +Kafkaesque +kafta +kago +kagu +kaha +kahar +kahau +kahikatea +kahili +kahu +kahuna +kai +Kaibab +Kaibartha +kaid +kaik +kaikara +kaikawaka +kail +kailyard +kailyarder +kailyardism +Kaimo +Kainah +kainga +kainite +kainsi +kainyn +kairine +kairoline +kaiser +kaiserdom +kaiserism +kaisership +kaitaka +Kaithi +kaiwhiria +kaiwi +Kaj +Kajar +kajawah +kajugaru +kaka +Kakan +kakapo +kakar +kakarali +kakariki +Kakatoe +Kakatoidae +kakawahie +kaki +kakidrosis +kakistocracy +kakkak +kakke +kakortokite +kala +kaladana +kalamalo +kalamansanai +Kalamian +Kalanchoe +Kalandariyah +Kalang +Kalapooian +kalashnikov +kalasie +Kaldani +kale +kaleidophon +kaleidophone +kaleidoscope +kaleidoscopic +kaleidoscopical +kaleidoscopically +Kalekah +kalema +Kalendae +kalends +kalewife +kaleyard +kali +kalian +Kaliana +kaliborite +kalidium +kaliform +kaligenous +Kalinga +kalinite +kaliophilite +kalipaya +Kalispel +kalium +kallah +kallege +kallilite +Kallima +kallitype +Kalmarian +Kalmia +Kalmuck +kalo +kalogeros +kalokagathia +kalon +kalong +kalpis +kalsomine +kalsominer +kalumpang +kalumpit +Kalwar +kalymmaukion +kalymmocyte +kamachile +kamacite +kamahi +kamala +kamaloka +kamansi +kamao +Kamares +kamarezite +kamarupa +kamarupic +kamas +Kamasin +Kamass +kamassi +Kamba +kambal +kamboh +Kamchadal +Kamchatkan +kame +kameeldoorn +kameelthorn +Kamel +kamelaukion +kamerad +kamias +kamichi +kamik +kamikaze +Kamiya +kammalan +kammererite +kamperite +kampong +kamptomorph +kan +kana +kanae +kanagi +Kanaka +kanap +kanara +Kanarese +kanari +kanat +Kanauji +Kanawari +Kanawha +kanchil +kande +Kandelia +kandol +kaneh +kanephore +kanephoros +Kaneshite +Kanesian +kang +kanga +kangani +kangaroo +kangarooer +Kangli +Kanji +Kankanai +kankie +kannume +kanoon +Kanred +kans +Kansa +Kansan +kantele +kanteletar +kanten +Kanthan +Kantian +Kantianism +Kantism +Kantist +Kanuri +Kanwar +kaoliang +kaolin +kaolinate +kaolinic +kaolinite +kaolinization +kaolinize +kapa +kapai +kapeika +kapok +kapp +kappa +kappe +kappland +kapur +kaput +Karabagh +karagan +Karaism +Karaite +Karaitism +karaka +Karakatchan +Karakul +karakul +Karamojo +karamu +karaoke +Karatas +karate +Karaya +karaya +karbi +karch +kareao +kareeta +Karel +karela +Karelian +Karen +Karharbari +Kari +karite +Karl +Karling +Karluk +karma +Karmathian +karmic +karmouth +karo +kaross +karou +karree +karri +Karroo +karroo +karrusel +karsha +Karshuni +Karst +karst +karstenite +karstic +kartel +Karthli +kartometer +kartos +Kartvel +Kartvelian +karwar +Karwinskia +karyaster +karyenchyma +karyochrome +karyochylema +karyogamic +karyogamy +karyokinesis +karyokinetic +karyologic +karyological +karyologically +karyology +karyolymph +Karyolysidae +karyolysis +Karyolysus +karyolytic +karyomere +karyomerite +karyomicrosome +karyomitoic +karyomitome +karyomiton +karyomitosis +karyomitotic +karyon +karyoplasm +karyoplasma +karyoplasmatic +karyoplasmic +karyopyknosis +karyorrhexis +karyoschisis +karyosome +karyotin +karyotype +kasa +kasbah +kasbeke +kascamiol +Kasha +Kashan +kasher +kashga +kashi +kashima +Kashmiri +Kashmirian +Kashoubish +kashruth +Kashube +Kashubian +Kashyapa +kasida +Kasikumuk +Kaska +Kaskaskia +kasm +kasolite +kassabah +Kassak +Kassite +kassu +kastura +Kasubian +kat +Katabanian +katabasis +katabatic +katabella +katabolic +katabolically +katabolism +katabolite +katabolize +katabothron +katachromasis +katacrotic +katacrotism +katagenesis +katagenetic +katakana +katakinesis +katakinetic +katakinetomer +katakinetomeric +katakiribori +katalase +katalysis +katalyst +katalytic +katalyze +katamorphism +kataphoresis +kataphoretic +kataphoric +kataphrenia +kataplasia +kataplectic +kataplexy +katar +katastate +katastatic +katathermometer +katatonia +katatonic +katatype +katchung +katcina +Kate +kath +Katha +katha +kathal +Katharina +Katharine +katharometer +katharsis +kathartic +kathemoglobin +kathenotheism +Kathleen +kathodic +Kathopanishad +Kathryn +Kathy +Katie +Katik +Katinka +katipo +Katipunan +Katipuneros +katmon +katogle +Katrine +Katrinka +katsup +Katsuwonidae +katuka +Katukina +katun +katurai +Katy +katydid +Kauravas +kauri +kava +kavaic +kavass +Kavi +Kaw +kawaka +Kawchodinne +kawika +Kay +kay +kayak +kayaker +Kayan +Kayasth +Kayastha +kayles +kayo +Kayvan +Kazak +kazi +kazoo +Kazuhiro +kea +keach +keacorn +Keatsian +keawe +keb +kebab +kebbie +kebbuck +kechel +keck +keckle +keckling +kecksy +kecky +ked +Kedar +Kedarite +keddah +kedge +kedger +kedgeree +kedlock +Kedushshah +Kee +keech +keek +keeker +keel +keelage +keelbill +keelblock +keelboat +keelboatman +keeled +keeler +keelfat +keelhale +keelhaul +keelie +keeling +keelivine +keelless +keelman +keelrake +keelson +keen +keena +keened +keener +keenly +keenness +keep +keepable +keeper +keeperess +keepering +keeperless +keepership +keeping +keepsake +keepsaky +keepworthy +keerogue +Kees +keeshond +keest +keet +keeve +Keewatin +kef +keffel +kefir +kefiric +Kefti +Keftian +Keftiu +keg +kegler +kehaya +kehillah +kehoeite +Keid +keilhauite +keita +Keith +keitloa +Kekchi +kekotene +kekuna +kelchin +keld +Kele +kele +kelebe +kelectome +keleh +kelek +kelep +Kelima +kelk +kell +kella +kellion +kellupweed +Kelly +kelly +keloid +keloidal +kelp +kelper +kelpfish +kelpie +kelpware +kelpwort +kelpy +kelt +kelter +Keltoi +kelty +Kelvin +kelvin +kelyphite +Kemal +Kemalism +Kemalist +kemb +kemp +kemperyman +kempite +kemple +kempster +kempt +kempy +Ken +ken +kenaf +Kenai +kenareh +kench +kend +kendir +kendyr +Kenelm +Kenipsim +kenlore +kenmark +Kenn +Kennebec +kennebecker +kennebunker +Kennedya +kennel +kennelly +kennelman +kenner +Kenneth +kenning +kenningwort +kenno +keno +kenogenesis +kenogenetic +kenogenetically +kenogeny +kenosis +kenotic +kenoticism +kenoticist +kenotism +kenotist +kenotoxin +kenotron +Kenseikai +kensington +Kensitite +kenspac +kenspeck +kenspeckle +Kent +kent +kentallenite +Kentia +Kenticism +Kentish +Kentishman +kentledge +Kenton +kentrogon +kentrolite +Kentuckian +Kentucky +kenyte +kep +kepi +Keplerian +kept +Ker +keracele +keralite +kerana +keraphyllocele +keraphyllous +kerasin +kerasine +kerat +keratalgia +keratectasia +keratectomy +Keraterpeton +keratin +keratinization +keratinize +keratinoid +keratinose +keratinous +keratitis +keratoangioma +keratocele +keratocentesis +keratoconjunctivitis +keratoconus +keratocricoid +keratode +keratodermia +keratogenic +keratogenous +keratoglobus +keratoglossus +keratohelcosis +keratohyal +keratoid +Keratoidea +keratoiritis +Keratol +keratoleukoma +keratolysis +keratolytic +keratoma +keratomalacia +keratome +keratometer +keratometry +keratomycosis +keratoncus +keratonosus +keratonyxis +keratophyre +keratoplastic +keratoplasty +keratorrhexis +keratoscope +keratoscopy +keratose +keratosis +keratotome +keratotomy +keratto +keraulophon +keraulophone +Keraunia +keraunion +keraunograph +keraunographic +keraunography +keraunophone +keraunophonic +keraunoscopia +keraunoscopy +kerbstone +kerchief +kerchiefed +kerchoo +kerchug +kerchunk +kerectomy +kerel +Keres +Keresan +Kerewa +kerf +kerflap +kerflop +kerflummox +Kerite +Kermanji +Kermanshah +kermes +kermesic +kermesite +kermis +kern +kernel +kerneled +kernelless +kernelly +kerner +kernetty +kernish +kernite +kernos +kerogen +kerosene +kerplunk +Kerri +Kerria +kerrie +kerrikerri +kerril +kerrite +Kerry +kerry +kersantite +kersey +kerseymere +kerslam +kerslosh +kersmash +kerugma +kerwham +kerygma +kerygmatic +kerykeion +kerystic +kerystics +Keryx +kesslerman +kestrel +ket +keta +ketal +ketapang +ketazine +ketch +ketchcraft +ketchup +ketembilla +keten +ketene +ketimide +ketimine +ketipate +ketipic +keto +ketogen +ketogenesis +ketogenic +ketoheptose +ketohexose +ketoketene +ketol +ketole +ketolysis +ketolytic +ketone +ketonemia +ketonic +ketonimid +ketonimide +ketonimin +ketonimine +ketonization +ketonize +ketonuria +ketose +ketoside +ketosis +ketosuccinic +ketoxime +kette +ketting +kettle +kettlecase +kettledrum +kettledrummer +kettleful +kettlemaker +kettlemaking +kettler +ketty +Ketu +ketuba +ketupa +ketyl +keup +Keuper +keurboom +kevalin +Kevan +kevel +kevelhead +Kevin +kevutzah +Kevyn +Keweenawan +keweenawite +kewpie +kex +kexy +key +keyage +keyboard +keyed +keyhole +keyless +keylet +keylock +Keynesian +Keynesianism +keynote +keynoter +keyseater +keyserlick +keysmith +keystone +keystoned +Keystoner +keyway +Kha +khaddar +khadi +khagiarite +khahoon +khaiki +khair +khaja +khajur +khakanship +khaki +khakied +Khaldian +khalifa +Khalifat +Khalkha +khalsa +Khami +khamsin +Khamti +khan +khanate +khanda +khandait +khanjar +khanjee +khankah +khansamah +khanum +khar +kharaj +Kharia +Kharijite +Kharoshthi +kharouba +kharroubah +Khartoumer +kharua +Kharwar +Khasa +Khasi +khass +khat +khatib +khatri +Khatti +Khattish +Khaya +Khazar +Khazarian +khediva +khedival +khedivate +khedive +khediviah +khedivial +khediviate +khepesh +Kherwari +Kherwarian +khet +Khevzur +khidmatgar +Khila +khilat +khir +khirka +Khitan +Khivan +Khlysti +Khmer +Khoja +khoja +khoka +Khokani +Khond +Khorassan +khot +Khotan +Khotana +Khowar +khu +Khuai +khubber +khula +khuskhus +Khussak +khutbah +khutuktu +Khuzi +khvat +Khwarazmian +kiack +kiaki +kialee +kiang +Kiangan +kiaugh +kibber +kibble +kibbler +kibblerman +kibe +kibei +kibitka +kibitz +kibitzer +kiblah +kibosh +kiby +kick +kickable +Kickapoo +kickback +kickee +kicker +kicking +kickish +kickless +kickoff +kickout +kickseys +kickshaw +kickup +Kidder +kidder +Kidderminster +kiddier +kiddish +kiddush +kiddushin +kiddy +kidhood +kidlet +kidling +kidnap +kidnapee +kidnaper +kidney +kidneyroot +kidneywort +Kids +kidskin +kidsman +kiefekil +Kieffer +kiekie +kiel +kier +Kieran +kieselguhr +kieserite +kiestless +kieye +Kiho +kikar +Kikatsik +kikawaeo +kike +Kiki +kiki +Kikki +Kikongo +kiku +kikuel +kikumon +Kikuyu +kil +kiladja +kilah +kilampere +kilan +kilbrickenite +kildee +kilderkin +kileh +kilerg +kiley +Kilhamite +kilhig +kiliare +kilim +kill +killable +killadar +Killarney +killas +killcalf +killcrop +killcu +killdeer +killeekillee +killeen +killer +killick +killifish +killing +killingly +killingness +killinite +killogie +killweed +killwort +killy +Kilmarnock +kiln +kilneye +kilnhole +kilnman +kilnrib +kilo +kiloampere +kilobar +kilocalorie +kilocycle +kilodyne +kilogauss +kilogram +kilojoule +kiloliter +kilolumen +kilometer +kilometrage +kilometric +kilometrical +kiloparsec +kilostere +kiloton +kilovar +kilovolt +kilowatt +kilp +kilt +kilter +kiltie +kilting +Kiluba +Kim +kim +kimbang +kimberlin +kimberlite +Kimberly +Kimbundu +Kimeridgian +kimigayo +Kimmo +kimnel +kimono +kimonoed +kin +kina +kinaesthesia +kinaesthesis +kinah +kinase +kinbote +Kinch +kinch +kinchin +kinchinmort +kincob +kind +kindergarten +kindergartener +kindergartening +kindergartner +Kinderhook +kindheart +kindhearted +kindheartedly +kindheartedness +kindle +kindler +kindlesome +kindlily +kindliness +kindling +kindly +kindness +kindred +kindredless +kindredly +kindredness +kindredship +kinematic +kinematical +kinematically +kinematics +kinematograph +kinemometer +kineplasty +kinepox +kinesalgia +kinescope +kinesiatric +kinesiatrics +kinesic +kinesics +kinesimeter +kinesiologic +kinesiological +kinesiology +kinesiometer +kinesis +kinesitherapy +kinesodic +kinesthesia +kinesthesis +kinesthetic +kinetic +kinetical +kinetically +kinetics +kinetochore +kinetogenesis +kinetogenetic +kinetogenetically +kinetogenic +kinetogram +kinetograph +kinetographer +kinetographic +kinetography +kinetomer +kinetomeric +kinetonema +kinetonucleus +kinetophone +kinetophonograph +kinetoplast +kinetoscope +kinetoscopic +King +king +kingbird +kingbolt +kingcob +kingcraft +kingcup +kingdom +kingdomed +kingdomful +kingdomless +kingdomship +kingfish +kingfisher +kinghead +kinghood +kinghunter +kingless +kinglessness +kinglet +kinglihood +kinglike +kinglily +kingliness +kingling +kingly +kingmaker +kingmaking +kingpiece +kingpin +kingrow +kingship +kingsman +Kingu +kingweed +kingwood +Kinipetu +kink +kinkable +kinkaider +kinkajou +kinkcough +kinkhab +kinkhost +kinkily +kinkiness +kinkle +kinkled +kinkly +kinksbush +kinky +kinless +kinnikinnick +kino +kinofluous +kinology +kinoplasm +kinoplasmic +Kinorhyncha +kinospore +Kinosternidae +Kinosternon +kinotannic +kinsfolk +kinship +kinsman +kinsmanly +kinsmanship +kinspeople +kinswoman +kintar +Kintyre +kioea +Kioko +kiosk +kiotome +Kiowa +Kiowan +Kioway +kip +kipage +Kipchak +kipe +Kiplingese +Kiplingism +kippeen +kipper +kipperer +kippy +kipsey +kipskin +Kiranti +Kirghiz +Kirghizean +kiri +Kirillitsa +kirimon +Kirk +kirk +kirker +kirkify +kirking +kirkinhead +kirklike +kirkman +kirktown +kirkward +kirkyard +Kirman +kirmew +kirn +kirombo +kirsch +Kirsten +Kirsty +kirtle +kirtled +Kirundi +kirve +kirver +kischen +kish +Kishambala +kishen +kishon +kishy +kiskatom +Kislev +kismet +kismetic +kisra +kiss +kissability +kissable +kissableness +kissage +kissar +kisser +kissing +kissingly +kissproof +kisswise +kissy +kist +kistful +kiswa +Kiswahili +Kit +kit +kitab +kitabis +Kitalpha +Kitamat +Kitan +kitar +kitcat +kitchen +kitchendom +kitchener +kitchenette +kitchenful +kitchenless +kitchenmaid +kitchenman +kitchenry +kitchenward +kitchenwards +kitchenware +kitchenwife +kitcheny +kite +kiteflier +kiteflying +kith +kithe +kithless +kitish +Kitkahaxki +Kitkehahki +kitling +Kitlope +Kittatinny +kittel +kitten +kittendom +kittenhearted +kittenhood +kittenish +kittenishly +kittenishness +kittenless +kittenship +kitter +kittereen +kitthoge +kittiwake +kittle +kittlepins +kittles +kittlish +kittly +kittock +kittul +Kitty +kitty +kittysol +Kitunahan +kiva +kiver +kivikivi +kivu +Kiwai +Kiwanian +Kiwanis +kiwi +kiwikiwi +kiyas +kiyi +Kizil +Kizilbash +Kjeldahl +kjeldahlization +kjeldahlize +klafter +klaftern +klam +Klamath +Klan +Klanism +Klansman +Klanswoman +klaprotholite +Klaskino +Klaudia +Klaus +klavern +Klaxon +klaxon +Klebsiella +kleeneboc +Kleinian +Kleistian +klendusic +klendusity +klendusive +klepht +klephtic +klephtism +kleptic +kleptistic +kleptomania +kleptomaniac +kleptomanist +kleptophobia +klicket +Klikitat +Kling +Klingsor +klip +klipbok +klipdachs +klipdas +klipfish +klippe +klippen +klipspringer +klister +klockmannite +klom +Klondike +Klondiker +klootchman +klop +klops +klosh +Kluxer +klystron +kmet +knab +knabble +knack +knackebrod +knacker +knackery +knacky +knag +knagged +knaggy +knap +knapbottle +knape +knappan +Knapper +knapper +knappish +knappishly +knapsack +knapsacked +knapsacking +knapweed +knar +knark +knarred +knarry +Knautia +knave +knavery +knaveship +knavess +knavish +knavishly +knavishness +knawel +knead +kneadability +kneadable +kneader +kneading +kneadingly +knebelite +knee +kneebrush +kneecap +kneed +kneehole +kneel +kneeler +kneelet +kneeling +kneelingly +kneepad +kneepan +kneepiece +kneestone +Kneiffia +Kneippism +knell +knelt +Knesset +knet +knew +knez +knezi +kniaz +kniazi +knick +knicker +Knickerbocker +knickerbockered +knickerbockers +knickered +knickers +knickknack +knickknackatory +knickknacked +knickknackery +knickknacket +knickknackish +knickknacky +knickpoint +knife +knifeboard +knifeful +knifeless +knifelike +knifeman +knifeproof +knifer +knifesmith +knifeway +knight +knightage +knightess +knighthead +knighthood +Knightia +knightless +knightlihood +knightlike +knightliness +knightling +knightly +knightship +knightswort +Kniphofia +Knisteneaux +knit +knitback +knitch +knitted +knitter +knitting +knittle +knitwear +knitweed +knitwork +knived +knivey +knob +knobbed +knobber +knobbiness +knobble +knobbler +knobbly +knobby +knobkerrie +knoblike +knobstick +knobstone +knobular +knobweed +knobwood +knock +knockabout +knockdown +knockemdown +knocker +knocking +knockless +knockoff +knockout +knockstone +knockup +knoll +knoller +knolly +knop +knopite +knopped +knopper +knoppy +knopweed +knorhaan +Knorria +knosp +knosped +Knossian +knot +knotberry +knotgrass +knothole +knothorn +knotless +knotlike +knotroot +knotted +knotter +knottily +knottiness +knotting +knotty +knotweed +knotwork +knotwort +knout +know +knowability +knowable +knowableness +knowe +knower +knowing +knowingly +knowingness +knowledge +knowledgeable +knowledgeableness +knowledgeably +knowledged +knowledgeless +knowledgement +knowledging +known +knowperts +Knoxian +Knoxville +knoxvillite +knub +knubbly +knubby +knublet +knuckle +knucklebone +knuckled +knuckler +knuckling +knuckly +knuclesome +Knudsen +knur +knurl +knurled +knurling +knurly +Knut +knut +Knute +knutty +knyaz +knyazi +Ko +ko +koa +koae +koala +koali +Koasati +kob +koban +kobellite +kobi +kobird +kobold +kobong +kobu +Kobus +Koch +Kochab +Kochia +kochliarion +koda +Kodagu +Kodak +kodak +kodaker +kodakist +kodakry +Kodashim +kodro +kodurite +Koeberlinia +Koeberliniaceae +koeberliniaceous +koechlinite +Koeksotenok +koel +Koellia +Koelreuteria +koenenite +Koeri +koff +koft +koftgar +koftgari +koggelmannetje +Kogia +Kohathite +Koheleth +kohemp +Kohen +Kohistani +Kohl +kohl +Kohlan +kohlrabi +kohua +koi +Koiari +Koibal +koil +koila +koilanaglyphic +koilon +koimesis +Koine +koine +koinon +koinonia +Koipato +Koitapu +kojang +Kojiki +kokako +kokam +kokan +kokerboom +kokil +kokio +koklas +koklass +Koko +koko +kokoon +Kokoona +kokoromiko +kokowai +kokra +koksaghyz +koku +kokum +kokumin +kokumingun +Kol +kola +kolach +Kolarian +Koldaji +kolea +koleroga +kolhoz +Koli +kolinski +kolinsky +Kolis +kolkhos +kolkhoz +Kolkka +kollast +kollaster +koller +kollergang +kolo +kolobion +kolobus +kolokolo +kolsun +koltunna +koltunnor +Koluschan +Kolush +Komati +komatik +kombu +Kome +Komi +kominuter +kommetje +kommos +komondor +kompeni +Komsomol +kon +kona +konak +Konariot +Konde +Kongo +Kongoese +Kongolese +kongoni +kongsbergite +kongu +Konia +Koniaga +Koniga +konimeter +koninckite +konini +koniology +koniscope +konjak +Konkani +Konomihu +Konrad +konstantin +Konstantinos +kontakion +Konyak +kooka +kookaburra +kookeree +kookery +kookri +koolah +kooletah +kooliman +koolokamba +Koolooly +koombar +koomkie +Koorg +kootcha +Kootenay +kop +Kopagmiut +kopeck +koph +kopi +koppa +koppen +koppite +Koprino +kor +Kora +kora +koradji +Korah +Korahite +Korahitic +korait +korakan +Koran +Korana +Koranic +Koranist +korari +Kore +kore +Korean +korec +koreci +Koreish +Koreishite +korero +Koreshan +Koreshanity +kori +korimako +korin +Kornephorus +kornerupine +kornskeppa +kornskeppur +korntonde +korntonder +korntunna +korntunnur +Koroa +koromika +koromiko +korona +korova +korrel +korrigum +korumburra +koruna +Korwa +Kory +Koryak +korymboi +korymbos +korzec +kos +Kosalan +Koschei +kosher +Kosimo +kosin +kosmokrator +Koso +kosong +kosotoxin +Kossaean +Kossean +Kosteletzkya +koswite +Kota +kotal +Kotar +koto +Kotoko +kotschubeite +kottigite +kotuku +kotukutuku +kotwal +kotwalee +kotyle +kotylos +kou +koulan +Koungmiut +kouza +kovil +Kowagmiut +kowhai +kowtow +koyan +kozo +Kpuesi +Kra +kra +kraal +kraft +Krag +kragerite +krageroite +krait +kraken +krakowiak +kral +Krama +krama +Krameria +Krameriaceae +krameriaceous +kran +krantzite +Krapina +kras +krasis +kratogen +kratogenic +Kraunhia +kraurite +kraurosis +kraurotic +krausen +krausite +kraut +kreis +Kreistag +kreistle +kreittonite +krelos +kremersite +kremlin +krems +kreng +krennerite +Krepi +kreplech +kreutzer +kriegspiel +krieker +Krigia +krimmer +krina +Kriophoros +Kris +Krishna +Krishnaism +Krishnaist +Krishnaite +Krishnaitic +Kristen +Kristi +Kristian +Kristin +Kristinaux +krisuvigite +kritarchy +Krithia +Kriton +kritrima +krobyloi +krobylos +krocket +krohnkite +krome +kromeski +kromogram +kromskop +krona +krone +kronen +kroner +Kronion +kronor +kronur +Kroo +kroon +krosa +krouchka +kroushka +Kru +Krugerism +Krugerite +Kruman +krummhorn +kryokonite +krypsis +kryptic +krypticism +kryptocyanine +kryptol +kryptomere +krypton +Krzysztof +Kshatriya +Kshatriyahood +Kua +Kuan +kuan +Kuar +Kuba +kuba +Kubachi +Kubanka +kubba +Kubera +kubuklion +Kuchean +kuchen +kudize +kudos +Kudrun +kudu +kudzu +Kuehneola +kuei +Kufic +kuge +kugel +Kuhnia +Kui +kuichua +Kuki +kukoline +kukri +kuku +kukui +Kukulcan +kukupa +Kukuruku +kula +kulack +Kulah +kulah +kulaite +kulak +kulakism +Kulanapan +kulang +Kuldip +Kuli +kulimit +kulkarni +kullaite +Kullani +kulm +kulmet +Kulturkampf +Kulturkreis +Kuman +kumbi +kumhar +kumiss +kummel +Kumni +kumquat +kumrah +Kumyk +kunai +Kunbi +Kundry +Kuneste +kung +kunk +kunkur +Kunmiut +kunzite +Kuomintang +kupfernickel +kupfferite +kuphar +kupper +Kuranko +kurbash +kurchicine +kurchine +Kurd +Kurdish +Kurdistan +kurgan +Kuri +Kurilian +Kurku +kurmburra +Kurmi +Kuroshio +kurrajong +Kurt +kurtosis +Kuruba +Kurukh +kuruma +kurumaya +Kurumba +kurung +kurus +kurvey +kurveyor +kusa +kusam +Kusan +kusha +Kushshu +kusimansel +kuskite +kuskos +kuskus +Kuskwogmiut +Kustenau +kusti +Kusum +kusum +kutcha +Kutchin +Kutenai +kuttab +kuttar +kuttaur +kuvasz +Kuvera +kvass +kvint +kvinter +Kwakiutl +kwamme +kwan +Kwannon +Kwapa +kwarta +kwarterka +kwazoku +kyack +kyah +kyar +kyat +kyaung +Kybele +Kyklopes +Kyklops +kyl +Kyle +kyle +kylite +kylix +Kylo +kymation +kymatology +kymbalon +kymogram +kymograph +kymographic +kynurenic +kynurine +kyphoscoliosis +kyphoscoliotic +Kyphosidae +kyphosis +kyphotic +Kyrie +kyrine +kyschtymite +kyte +Kyu +Kyung +Kyurin +Kyurinish +L +l +la +laager +laang +lab +Laban +labara +labarum +labba +labber +labdacism +labdacismus +labdanum +labefact +labefactation +labefaction +labefy +label +labeler +labella +labellate +labeller +labelloid +labellum +labia +labial +labialism +labialismus +labiality +labialization +labialize +labially +Labiatae +labiate +labiated +labidophorous +Labidura +Labiduridae +labiella +labile +lability +labilization +labilize +labioalveolar +labiocervical +labiodental +labioglossal +labioglossolaryngeal +labioglossopharyngeal +labiograph +labioguttural +labiolingual +labiomancy +labiomental +labionasal +labiopalatal +labiopalatalize +labiopalatine +labiopharyngeal +labioplasty +labiose +labiotenaculum +labiovelar +labioversion +labis +labium +lablab +labor +laborability +laborable +laborage +laborant +laboratorial +laboratorian +laboratory +labordom +labored +laboredly +laboredness +laborer +laboress +laborhood +laboring +laboringly +laborious +laboriously +laboriousness +laborism +laborist +laborite +laborless +laborous +laborously +laborousness +laborsaving +laborsome +laborsomely +laborsomeness +Laboulbenia +Laboulbeniaceae +laboulbeniaceous +Laboulbeniales +labour +labra +Labrador +Labradorean +labradorite +labradoritic +labral +labret +labretifery +Labridae +labroid +Labroidea +labrosaurid +labrosauroid +Labrosaurus +labrose +labrum +Labrus +labrusca +labrys +Laburnum +labyrinth +labyrinthal +labyrinthally +labyrinthian +labyrinthibranch +labyrinthibranchiate +Labyrinthibranchii +labyrinthic +labyrinthical +labyrinthically +Labyrinthici +labyrinthiform +labyrinthine +labyrinthitis +Labyrinthodon +labyrinthodont +Labyrinthodonta +labyrinthodontian +labyrinthodontid +labyrinthodontoid +Labyrinthula +Labyrinthulidae +lac +lacca +laccaic +laccainic +laccase +laccol +laccolith +laccolithic +laccolitic +lace +lacebark +laced +Lacedaemonian +laceflower +laceleaf +laceless +lacelike +lacemaker +lacemaking +laceman +lacepiece +lacepod +lacer +lacerability +lacerable +lacerant +lacerate +lacerated +lacerately +laceration +lacerative +Lacerta +Lacertae +lacertian +Lacertid +Lacertidae +lacertiform +Lacertilia +lacertilian +lacertiloid +lacertine +lacertoid +lacertose +lacery +lacet +lacewing +lacewoman +lacewood +lacework +laceworker +laceybark +lache +Lachenalia +laches +Lachesis +Lachnanthes +Lachnosterna +lachryma +lachrymae +lachrymaeform +lachrymal +lachrymally +lachrymalness +lachrymary +lachrymation +lachrymator +lachrymatory +lachrymiform +lachrymist +lachrymogenic +lachrymonasal +lachrymosal +lachrymose +lachrymosely +lachrymosity +lachrymous +lachsa +lacily +Lacinaria +laciness +lacing +lacinia +laciniate +laciniated +laciniation +laciniform +laciniola +laciniolate +laciniose +lacinula +lacinulate +lacinulose +lacis +lack +lackadaisical +lackadaisicality +lackadaisically +lackadaisicalness +lackadaisy +lackaday +lacker +lackey +lackeydom +lackeyed +lackeyism +lackeyship +lackland +lackluster +lacklusterness +lacklustrous +lacksense +lackwit +lackwittedly +lackwittedness +lacmoid +lacmus +Laconian +Laconic +laconic +laconica +laconically +laconicalness +laconicism +laconicum +laconism +laconize +laconizer +Lacosomatidae +lacquer +lacquerer +lacquering +lacquerist +lacroixite +lacrosse +lacrosser +lacrym +lactagogue +lactalbumin +lactam +lactamide +lactant +lactarene +lactarious +lactarium +Lactarius +lactary +lactase +lactate +lactation +lactational +lacteal +lactean +lactenin +lacteous +lactesce +lactescence +lactescency +lactescent +lactic +lacticinia +lactid +lactide +lactiferous +lactiferousness +lactific +lactifical +lactification +lactiflorous +lactifluous +lactiform +lactifuge +lactify +lactigenic +lactigenous +lactigerous +lactim +lactimide +lactinate +lactivorous +lacto +lactobacilli +Lactobacillus +lactobacillus +lactobutyrometer +lactocele +lactochrome +lactocitrate +lactodensimeter +lactoflavin +lactoglobulin +lactoid +lactol +lactometer +lactone +lactonic +lactonization +lactonize +lactophosphate +lactoproteid +lactoprotein +lactoscope +lactose +lactoside +lactosuria +lactothermometer +lactotoxin +lactovegetarian +Lactuca +lactucarium +lactucerin +lactucin +lactucol +lactucon +lactyl +lacuna +lacunae +lacunal +lacunar +lacunaria +lacunary +lacune +lacunose +lacunosity +lacunule +lacunulose +lacuscular +lacustral +lacustrian +lacustrine +lacwork +lacy +lad +Ladakhi +ladakin +ladanigerous +ladanum +ladder +laddered +laddering +ladderlike +ladderway +ladderwise +laddery +laddess +laddie +laddikie +laddish +laddock +lade +lademan +laden +lader +ladhood +ladies +ladify +Ladik +Ladin +lading +Ladino +ladkin +ladle +ladleful +ladler +ladlewood +ladrone +ladronism +ladronize +lady +ladybird +ladybug +ladyclock +ladydom +ladyfinger +ladyfish +ladyfly +ladyfy +ladyhood +ladyish +ladyism +ladykin +ladykind +ladyless +ladylike +ladylikely +ladylikeness +ladyling +ladylintywhite +ladylove +ladyly +ladyship +Ladytide +Laelia +laemodipod +Laemodipoda +laemodipodan +laemodipodiform +laemodipodous +laemoparalysis +laemostenosis +laeotropic +laeotropism +Laestrygones +laet +laeti +laetic +Laevigrada +laevoduction +laevogyrate +laevogyre +laevogyrous +laevolactic +laevorotation +laevorotatory +laevotartaric +laevoversion +lafayette +Lafite +lag +lagan +lagarto +lagen +lagena +Lagenaria +lagend +lageniform +lager +Lagerstroemia +Lagetta +lagetto +laggar +laggard +laggardism +laggardly +laggardness +lagged +laggen +lagger +laggin +lagging +laglast +lagna +lagniappe +lagomorph +Lagomorpha +lagomorphic +lagomorphous +Lagomyidae +lagonite +lagoon +lagoonal +lagoonside +lagophthalmos +lagopode +lagopodous +lagopous +Lagopus +Lagorchestes +lagostoma +Lagostomus +Lagothrix +Lagrangian +Lagthing +Lagting +Laguncularia +Lagunero +Lagurus +lagwort +Lahnda +Lahontan +Lahuli +Lai +lai +Laibach +laic +laical +laicality +laically +laich +laicism +laicity +laicization +laicize +laicizer +laid +laigh +lain +laine +laiose +lair +lairage +laird +lairdess +lairdie +lairdly +lairdocracy +lairdship +lairless +lairman +lairstone +lairy +laitance +laity +Lak +lak +lakarpite +lakatoi +lake +lakeland +lakelander +lakeless +lakelet +lakelike +lakemanship +laker +lakeside +lakeward +lakeweed +lakie +laking +lakish +lakishness +lakism +lakist +Lakota +Lakshmi +laky +lalang +lall +Lallan +Lalland +lallation +lalling +lalo +laloneurosis +lalopathy +lalophobia +laloplegia +lam +lama +lamaic +Lamaism +Lamaist +Lamaistic +Lamaite +Lamanism +Lamanite +Lamano +lamantin +lamany +Lamarckia +Lamarckian +Lamarckianism +Lamarckism +lamasary +lamasery +lamastery +lamb +Lamba +lamba +Lambadi +lambale +lambaste +lambda +lambdacism +lambdoid +lambdoidal +lambeau +lambency +lambent +lambently +lamber +Lambert +lambert +lambhood +lambie +lambiness +lambish +lambkill +lambkin +Lamblia +lambliasis +lamblike +lambling +lambly +lamboys +lambrequin +lambsdown +lambskin +lambsuccory +lamby +lame +lamedh +lameduck +lamel +lamella +lamellar +Lamellaria +Lamellariidae +lamellarly +lamellary +lamellate +lamellated +lamellately +lamellation +lamellibranch +Lamellibranchia +Lamellibranchiata +lamellibranchiate +lamellicorn +lamellicornate +Lamellicornes +Lamellicornia +lamellicornous +lamelliferous +lamelliform +lamellirostral +lamellirostrate +Lamellirostres +lamelloid +lamellose +lamellosity +lamellule +lamely +lameness +lament +lamentable +lamentableness +lamentably +lamentation +lamentational +lamentatory +lamented +lamentedly +lamenter +lamentful +lamenting +lamentingly +lamentive +lamentory +lamester +lamestery +lameter +lametta +lamia +Lamiaceae +lamiaceous +lamiger +lamiid +Lamiidae +Lamiides +Lamiinae +lamin +lamina +laminability +laminable +laminae +laminar +Laminaria +Laminariaceae +laminariaceous +Laminariales +laminarian +laminarin +laminarioid +laminarite +laminary +laminate +laminated +lamination +laminboard +laminectomy +laminiferous +laminiform +laminiplantar +laminiplantation +laminitis +laminose +laminous +lamish +Lamista +lamiter +Lamium +Lammas +lammas +Lammastide +lammer +lammergeier +lammock +lammy +Lamna +lamnectomy +lamnid +Lamnidae +lamnoid +lamp +lampad +lampadary +lampadedromy +lampadephore +lampadephoria +lampadite +lampas +lampatia +lampblack +lamper +lampern +lampers +lampflower +lampfly +lampful +lamphole +lamping +lampion +lampist +lampistry +lampless +lamplet +lamplight +lamplighted +lamplighter +lamplit +lampmaker +lampmaking +lampman +Lampong +lampoon +lampooner +lampoonery +lampoonist +lamppost +lamprey +Lampridae +lamprophony +lamprophyre +lamprophyric +lamprotype +Lampsilis +Lampsilus +lampstand +lampwick +lampyrid +Lampyridae +lampyrine +Lampyris +Lamus +Lamut +lamziekte +lan +Lana +lanameter +Lanao +Lanarkia +lanarkite +lanas +lanate +lanated +lanaz +Lancaster +Lancasterian +Lancastrian +Lance +lance +lanced +lancegay +lancelet +lancelike +lancely +lanceman +lanceolar +lanceolate +lanceolated +lanceolately +lanceolation +lancepesade +lancepod +lanceproof +lancer +lances +lancet +lanceted +lanceteer +lancewood +lancha +lanciers +lanciferous +lanciform +lancinate +lancination +land +landamman +landau +landaulet +landaulette +landblink +landbook +landdrost +landed +lander +landesite +landfall +landfast +landflood +landgafol +landgravate +landgrave +landgraveship +landgravess +landgraviate +landgravine +landholder +landholdership +landholding +landimere +landing +landlady +landladydom +landladyhood +landladyish +landladyship +landless +landlessness +landlike +landline +landlock +landlocked +landlook +landlooker +landloper +landlord +landlordism +landlordly +landlordry +landlordship +landlouper +landlouping +landlubber +landlubberish +landlubberly +landlubbing +landman +landmark +Landmarker +landmil +landmonger +landocracy +landocrat +Landolphia +landolphia +landowner +landownership +landowning +landplane +landraker +landreeve +landright +landsale +landscape +landscapist +landshard +landship +landsick +landside +landskip +landslide +landslip +Landsmaal +landsman +landspout +landspringy +Landsting +landstorm +Landsturm +Landuman +landwaiter +landward +landwash +landways +Landwehr +landwhin +landwire +landwrack +lane +lanete +laneway +laney +langaha +langarai +langbanite +langbeinite +langca +Langhian +langi +langite +langlauf +langlaufer +langle +Lango +Langobard +Langobardic +langoon +langooty +langrage +langsat +Langsdorffia +langsettle +Langshan +langspiel +langsyne +language +languaged +languageless +langued +Languedocian +languescent +languet +languid +languidly +languidness +languish +languisher +languishing +languishingly +languishment +languor +languorous +languorously +langur +laniariform +laniary +laniate +laniferous +lanific +laniflorous +laniform +lanigerous +Laniidae +laniiform +Laniinae +lanioid +lanista +Lanital +Lanius +lank +lanket +lankily +lankiness +lankish +lankly +lankness +lanky +lanner +lanneret +Lanny +lanolin +lanose +lanosity +lansat +lansdowne +lanseh +lansfordite +lansknecht +lanson +lansquenet +lant +lantaca +Lantana +lanterloo +lantern +lanternflower +lanternist +lanternleaf +lanternman +lanthana +lanthanide +lanthanite +Lanthanotidae +Lanthanotus +lanthanum +lanthopine +lantum +lanuginose +lanuginous +lanuginousness +lanugo +lanum +Lanuvian +lanx +lanyard +Lao +Laodicean +Laodiceanism +Laotian +lap +lapacho +lapachol +lapactic +Lapageria +laparectomy +laparocele +laparocholecystotomy +laparocolectomy +laparocolostomy +laparocolotomy +laparocolpohysterotomy +laparocolpotomy +laparocystectomy +laparocystotomy +laparoelytrotomy +laparoenterostomy +laparoenterotomy +laparogastroscopy +laparogastrotomy +laparohepatotomy +laparohysterectomy +laparohysteropexy +laparohysterotomy +laparoileotomy +laparomyitis +laparomyomectomy +laparomyomotomy +laparonephrectomy +laparonephrotomy +laparorrhaphy +laparosalpingectomy +laparosalpingotomy +laparoscopy +laparosplenectomy +laparosplenotomy +laparostict +Laparosticti +laparothoracoscopy +laparotome +laparotomist +laparotomize +laparotomy +laparotrachelotomy +lapboard +lapcock +Lapeirousia +lapel +lapeler +lapelled +lapful +lapicide +lapidarian +lapidarist +lapidary +lapidate +lapidation +lapidator +lapideon +lapideous +lapidescent +lapidicolous +lapidific +lapidification +lapidify +lapidist +lapidity +lapidose +lapilliform +lapillo +lapillus +Lapith +Lapithae +Lapithaean +Laplacian +Lapland +Laplander +Laplandian +Laplandic +Laplandish +lapon +Laportea +Lapp +Lappa +lappaceous +lappage +lapped +lapper +lappet +lappeted +Lappic +lapping +Lappish +Lapponese +Lapponian +Lappula +lapsability +lapsable +Lapsana +lapsation +lapse +lapsed +lapser +lapsi +lapsing +lapsingly +lapstone +lapstreak +lapstreaked +lapstreaker +Laputa +Laputan +laputically +lapwing +lapwork +laquear +laquearian +laqueus +Lar +lar +Laralia +Laramide +Laramie +larboard +larbolins +larbowlines +larcener +larcenic +larcenish +larcenist +larcenous +larcenously +larceny +larch +larchen +lard +lardacein +lardaceous +larder +larderellite +larderer +larderful +larderlike +lardiform +lardite +Lardizabalaceae +lardizabalaceous +lardon +lardworm +lardy +lareabell +Larentiidae +large +largebrained +largehanded +largehearted +largeheartedness +largely +largemouth +largemouthed +largen +largeness +largess +larghetto +largifical +largish +largition +largitional +largo +Lari +lari +Laria +lariat +larick +larid +Laridae +laridine +larigo +larigot +lariid +Lariidae +larin +Larinae +larine +larithmics +Larix +larixin +lark +larker +larkiness +larking +larkingly +larkish +larkishness +larklike +larkling +larksome +larkspur +larky +larmier +larmoyant +Larnaudian +larnax +laroid +larrigan +larrikin +larrikinalian +larrikiness +larrikinism +larriman +larrup +Larry +larry +Lars +larsenite +Larunda +Larus +larva +Larvacea +larvae +larval +Larvalia +larvarium +larvate +larve +larvicidal +larvicide +larvicolous +larviform +larvigerous +larvikite +larviparous +larviposit +larviposition +larvivorous +larvule +laryngal +laryngalgia +laryngeal +laryngeally +laryngean +laryngeating +laryngectomy +laryngemphraxis +laryngendoscope +larynges +laryngic +laryngismal +laryngismus +laryngitic +laryngitis +laryngocele +laryngocentesis +laryngofission +laryngofissure +laryngograph +laryngography +laryngological +laryngologist +laryngology +laryngometry +laryngoparalysis +laryngopathy +laryngopharyngeal +laryngopharyngitis +laryngophony +laryngophthisis +laryngoplasty +laryngoplegia +laryngorrhagia +laryngorrhea +laryngoscleroma +laryngoscope +laryngoscopic +laryngoscopical +laryngoscopist +laryngoscopy +laryngospasm +laryngostasis +laryngostenosis +laryngostomy +laryngostroboscope +laryngotome +laryngotomy +laryngotracheal +laryngotracheitis +laryngotracheoscopy +laryngotracheotomy +laryngotyphoid +laryngovestibulitis +larynx +las +lasa +lasarwort +lascar +lascivious +lasciviously +lasciviousness +laser +Laserpitium +laserwort +lash +lasher +lashingly +lashless +lashlite +Lasi +lasianthous +Lasiocampa +lasiocampid +Lasiocampidae +Lasiocampoidea +lasiocarpous +Lasius +lask +lasket +Laspeyresia +laspring +lasque +lass +lasset +lassie +lassiehood +lassieish +lassitude +lasslorn +lasso +lassock +lassoer +last +lastage +laster +lasting +lastingly +lastingness +lastly +lastness +lastre +lastspring +lasty +lat +lata +latah +Latakia +Latania +Latax +latch +latcher +latchet +latching +latchkey +latchless +latchman +latchstring +late +latebra +latebricole +latecomer +latecoming +lated +lateen +lateener +lately +laten +latence +latency +lateness +latensification +latent +latentize +latently +latentness +later +latera +laterad +lateral +lateralis +laterality +lateralization +lateralize +laterally +Lateran +latericumbent +lateriflexion +laterifloral +lateriflorous +laterifolious +Laterigradae +laterigrade +laterinerved +laterite +lateritic +lateritious +lateriversion +laterization +lateroabdominal +lateroanterior +laterocaudal +laterocervical +laterodeviation +laterodorsal +lateroduction +lateroflexion +lateromarginal +lateronuchal +lateroposition +lateroposterior +lateropulsion +laterostigmatal +laterostigmatic +laterotemporal +laterotorsion +lateroventral +lateroversion +latescence +latescent +latesome +latest +latewhile +latex +latexosis +lath +lathe +lathee +latheman +lathen +lather +latherability +latherable +lathereeve +latherer +latherin +latheron +latherwort +lathery +lathesman +lathhouse +lathing +Lathraea +lathwork +lathy +lathyric +lathyrism +Lathyrus +Latian +latibulize +latices +laticiferous +laticlave +laticostate +latidentate +latifundian +latifundium +latigo +Latimeria +Latin +Latinate +Latiner +Latinesque +Latinian +Latinic +Latiniform +Latinism +latinism +Latinist +Latinistic +Latinistical +Latinitaster +Latinity +Latinization +Latinize +Latinizer +Latinless +Latinus +lation +latipennate +latiplantar +latirostral +Latirostres +latirostrous +Latirus +latisept +latiseptal +latiseptate +latish +latisternal +latitancy +latitant +latitat +latite +latitude +latitudinal +latitudinally +latitudinarian +latitudinarianisn +latitudinary +latitudinous +latomy +Latona +Latonian +Latooka +latrant +latration +latreutic +latria +Latrididae +latrine +Latris +latro +latrobe +latrobite +latrocinium +Latrodectus +latron +latten +lattener +latter +latterkin +latterly +lattermath +lattermost +latterness +lattice +latticed +latticewise +latticework +latticing +latticinio +Latuka +latus +Latvian +lauan +laubanite +laud +laudability +laudable +laudableness +laudably +laudanidine +laudanin +laudanine +laudanosine +laudanum +laudation +laudative +laudator +laudatorily +laudatory +lauder +Laudian +Laudianism +laudification +Laudism +Laudist +laudist +laugh +laughable +laughableness +laughably +laughee +laugher +laughful +laughing +laughingly +laughingstock +laughsome +laughter +laughterful +laughterless +laughworthy +laughy +lauia +laumonite +laumontite +laun +launce +launch +launcher +launchful +launchways +laund +launder +launderability +launderable +launderer +laundry +laundrymaid +laundryman +laundryowner +laundrywoman +laur +Laura +laura +Lauraceae +lauraceous +lauraldehyde +laurate +laurdalite +laureate +laureated +laureateship +laureation +Laurel +laurel +laureled +laurellike +laurelship +laurelwood +Laurence +Laurencia +Laurent +Laurentian +Laurentide +laureole +Laurianne +lauric +Laurie +laurin +laurinoxylon +laurionite +laurite +Laurocerasus +laurone +laurotetanine +Laurus +laurustine +laurustinus +laurvikite +lauryl +lautarite +lautitious +lava +lavable +lavabo +lavacre +lavage +lavaliere +lavalike +Lavandula +lavanga +lavant +lavaret +Lavatera +lavatic +lavation +lavational +lavatorial +lavatory +lave +laveer +Lavehr +lavement +lavender +lavenite +laver +Laverania +laverock +laverwort +lavialite +lavic +Lavinia +lavish +lavisher +lavishing +lavishingly +lavishly +lavishment +lavishness +lavolta +lavrovite +law +lawbook +lawbreaker +lawbreaking +lawcraft +lawful +lawfully +lawfulness +lawgiver +lawgiving +lawing +lawish +lawk +lawlants +lawless +lawlessly +lawlessness +lawlike +lawmaker +lawmaking +lawman +lawmonger +lawn +lawned +lawner +lawnlet +lawnlike +lawny +lawproof +Lawrence +lawrencite +Lawrie +lawrightman +Lawson +Lawsoneve +Lawsonia +lawsonite +lawsuit +lawsuiting +lawter +Lawton +lawyer +lawyeress +lawyerism +lawyerlike +lawyerling +lawyerly +lawyership +lawyery +lawzy +lax +laxate +laxation +laxative +laxatively +laxativeness +laxiflorous +laxifoliate +laxifolious +laxism +laxist +laxity +laxly +laxness +lay +layaway +layback +layboy +layer +layerage +layered +layery +layette +Layia +laying +layland +layman +laymanship +layne +layoff +layout +layover +layship +laystall +laystow +laywoman +Laz +lazar +lazaret +lazaretto +Lazarist +lazarlike +lazarly +lazarole +Lazarus +laze +lazily +laziness +lazule +lazuli +lazuline +lazulite +lazulitic +lazurite +lazy +lazybird +lazybones +lazyboots +lazyhood +lazyish +lazylegs +lazyship +lazzarone +lazzaroni +Lea +lea +leach +leacher +leachman +leachy +Lead +lead +leadable +leadableness +leadage +leadback +leaded +leaden +leadenhearted +leadenheartedness +leadenly +leadenness +leadenpated +leader +leaderess +leaderette +leaderless +leadership +leadhillite +leadin +leadiness +leading +leadingly +leadless +leadman +leadoff +leadout +leadproof +Leads +leadsman +leadstone +leadway +leadwood +leadwork +leadwort +leady +leaf +leafage +leafboy +leafcup +leafdom +leafed +leafen +leafer +leafery +leafgirl +leafit +leafless +leaflessness +leaflet +leafleteer +leaflike +leafstalk +leafwork +leafy +league +leaguelong +leaguer +Leah +leak +leakage +leakance +leaker +leakiness +leakless +leakproof +leaky +leal +lealand +leally +lealness +lealty +leam +leamer +lean +Leander +leaner +leaning +leanish +leanly +leanness +leant +leap +leapable +leaper +leapfrog +leapfrogger +leapfrogging +leaping +leapingly +leapt +Lear +lear +Learchus +learn +learnable +learned +learnedly +learnedness +learner +learnership +learning +learnt +Learoyd +leasable +lease +leasehold +leaseholder +leaseholding +leaseless +leasemonger +leaser +leash +leashless +leasing +leasow +least +leastways +leastwise +leat +leath +leather +leatherback +leatherbark +leatherboard +leatherbush +leathercoat +leathercraft +leatherer +Leatherette +leatherfish +leatherflower +leatherhead +leatherine +leatheriness +leathering +leatherize +leatherjacket +leatherleaf +leatherlike +leathermaker +leathermaking +leathern +leatherneck +Leatheroid +leatherroot +leatherside +Leatherstocking +leatherware +leatherwing +leatherwood +leatherwork +leatherworker +leatherworking +leathery +leathwake +leatman +leave +leaved +leaveless +leavelooker +leaven +leavening +leavenish +leavenless +leavenous +leaver +leaverwood +leaves +leaving +leavy +leawill +leban +Lebanese +lebbek +lebensraum +Lebistes +lebrancho +lecama +lecaniid +Lecaniinae +lecanine +Lecanium +lecanomancer +lecanomancy +lecanomantic +Lecanora +Lecanoraceae +lecanoraceous +lecanorine +lecanoroid +lecanoscopic +lecanoscopy +lech +Lechea +lecher +lecherous +lecherously +lecherousness +lechery +lechriodont +Lechriodonta +lechuguilla +lechwe +Lecidea +Lecideaceae +lecideaceous +lecideiform +lecideine +lecidioid +lecithal +lecithalbumin +lecithality +lecithin +lecithinase +lecithoblast +lecithoprotein +leck +lecker +lecontite +lecotropal +lectern +lection +lectionary +lectisternium +lector +lectorate +lectorial +lectorship +lectotype +lectress +lectrice +lectual +lecture +lecturee +lectureproof +lecturer +lectureship +lecturess +lecturette +lecyth +lecythid +Lecythidaceae +lecythidaceous +Lecythis +lecythoid +lecythus +led +Leda +lede +leden +lederite +ledge +ledged +ledgeless +ledger +ledgerdom +ledging +ledgment +ledgy +Ledidae +ledol +Ledum +Lee +lee +leeangle +leeboard +leech +leecheater +leecher +leechery +leeches +leechkin +leechlike +leechwort +leed +leefang +leeftail +leek +leekish +leeky +leep +leepit +leer +leerily +leeringly +leerish +leerness +leeroway +Leersia +leery +lees +leet +leetman +leewan +leeward +leewardly +leewardmost +leewardness +leeway +leewill +left +leftish +leftism +leftist +leftments +leftmost +leftness +leftover +leftward +leftwardly +leftwards +leg +legacy +legal +legalese +legalism +legalist +legalistic +legalistically +legality +legalization +legalize +legally +legalness +legantine +legatary +legate +legatee +legateship +legatine +legation +legationary +legative +legato +legator +legatorial +legend +legenda +legendarian +legendary +legendic +legendist +legendless +Legendrian +legendry +leger +legerdemain +legerdemainist +legerity +leges +legged +legger +legginess +legging +legginged +leggy +leghorn +legibility +legible +legibleness +legibly +legific +legion +legionary +legioned +legioner +legionnaire +legionry +legislate +legislation +legislational +legislativ +legislative +legislatively +legislator +legislatorial +legislatorially +legislatorship +legislatress +legislature +legist +legit +legitim +legitimacy +legitimate +legitimately +legitimateness +legitimation +legitimatist +legitimatize +legitimism +legitimist +legitimistic +legitimity +legitimization +legitimize +leglen +legless +leglessness +leglet +leglike +legman +legoa +legpiece +legpull +legpuller +legpulling +legrope +legua +leguan +Leguatia +leguleian +leguleious +legume +legumelin +legumen +legumin +leguminiform +Leguminosae +leguminose +leguminous +Lehi +lehr +lehrbachite +lehrman +lehua +lei +Leibnitzian +Leibnitzianism +Leicester +Leif +Leigh +leighton +Leila +leimtype +leiocephalous +leiocome +leiodermatous +leiodermia +leiomyofibroma +leiomyoma +leiomyomatous +leiomyosarcoma +leiophyllous +Leiophyllum +Leiothrix +Leiotrichan +Leiotriches +Leiotrichi +Leiotrichidae +Leiotrichinae +leiotrichine +leiotrichous +leiotrichy +leiotropic +Leipoa +Leishmania +leishmaniasis +Leisten +leister +leisterer +leisurable +leisurably +leisure +leisured +leisureful +leisureless +leisureliness +leisurely +leisureness +Leith +leitmotiv +Leitneria +Leitneriaceae +leitneriaceous +Leitneriales +lek +lekach +lekane +lekha +Lelia +Lemaireocereus +leman +Lemanea +Lemaneaceae +lemel +lemma +lemmata +lemming +lemmitis +lemmoblastic +lemmocyte +Lemmus +Lemna +Lemnaceae +lemnaceous +lemnad +Lemnian +lemniscate +lemniscatic +lemniscus +lemography +lemology +lemon +lemonade +Lemonias +Lemoniidae +Lemoniinae +lemonish +lemonlike +lemonweed +lemonwood +lemony +Lemosi +Lemovices +lempira +Lemuel +lemur +lemures +Lemuria +Lemurian +lemurian +lemurid +Lemuridae +lemuriform +Lemurinae +lemurine +lemuroid +Lemuroidea +Len +Lena +lenad +Lenaea +Lenaean +Lenaeum +Lenaeus +Lenape +lenard +Lenca +Lencan +lench +lend +lendable +lendee +lender +Lendu +lene +length +lengthen +lengthener +lengther +lengthful +lengthily +lengthiness +lengthsman +lengthsome +lengthsomeness +lengthways +lengthwise +lengthy +lenience +leniency +lenient +leniently +lenify +Leninism +Leninist +Leninite +lenis +lenitic +lenitive +lenitively +lenitiveness +lenitude +lenity +lennilite +Lennoaceae +lennoaceous +lennow +Lenny +leno +Lenora +lens +lensed +lensless +lenslike +Lent +lent +Lenten +Lententide +lenth +lenthways +Lentibulariaceae +lentibulariaceous +lenticel +lenticellate +lenticle +lenticonus +lenticula +lenticular +lenticulare +lenticularis +lenticularly +lenticulate +lenticulated +lenticule +lenticulostriate +lenticulothalamic +lentiform +lentigerous +lentiginous +lentigo +lentil +Lentilla +lentisc +lentiscine +lentisco +lentiscus +lentisk +lentitude +lentitudinous +lento +lentoid +lentor +lentous +lenvoi +lenvoy +Lenzites +Leo +Leon +Leonard +Leonardesque +Leonato +leoncito +Leonese +leonhardite +Leonid +Leonine +leonine +leoninely +leonines +Leonis +Leonist +leonite +Leonnoys +Leonora +Leonotis +leontiasis +Leontocebus +leontocephalous +Leontodon +Leontopodium +Leonurus +leopard +leoparde +leopardess +leopardine +leopardite +leopardwood +Leopold +Leopoldinia +leopoldite +Leora +leotard +lepa +Lepadidae +lepadoid +Lepanto +lepargylic +Lepargyraea +Lepas +Lepcha +leper +leperdom +lepered +lepidene +lepidine +Lepidium +lepidoblastic +Lepidodendraceae +lepidodendraceous +lepidodendrid +lepidodendroid +Lepidodendron +lepidoid +Lepidoidei +lepidolite +lepidomelane +Lepidophloios +lepidophyllous +Lepidophyllum +lepidophyte +lepidophytic +lepidoporphyrin +lepidopter +Lepidoptera +lepidopteral +lepidopteran +lepidopterid +lepidopterist +lepidopterological +lepidopterologist +lepidopterology +lepidopteron +lepidopterous +Lepidosauria +lepidosaurian +Lepidosiren +Lepidosirenidae +lepidosirenoid +lepidosis +Lepidosperma +Lepidospermae +Lepidosphes +Lepidostei +lepidosteoid +Lepidosteus +Lepidostrobus +lepidote +Lepidotes +lepidotic +Lepidotus +Lepidurus +Lepilemur +Lepiota +Lepisma +Lepismatidae +Lepismidae +lepismoid +Lepisosteidae +Lepisosteus +lepocyte +Lepomis +leporid +Leporidae +leporide +leporiform +leporine +Leporis +Lepospondyli +lepospondylous +Leposternidae +Leposternon +lepothrix +lepra +Lepralia +lepralian +leprechaun +lepric +leproid +leprologic +leprologist +leprology +leproma +lepromatous +leprosarium +leprose +leprosery +leprosied +leprosis +leprosity +leprosy +leprous +leprously +leprousness +Leptamnium +Leptandra +leptandrin +leptid +Leptidae +leptiform +Leptilon +leptinolite +Leptinotarsa +leptite +Leptocardia +leptocardian +Leptocardii +leptocentric +leptocephalan +leptocephali +leptocephalia +leptocephalic +leptocephalid +Leptocephalidae +leptocephaloid +leptocephalous +Leptocephalus +leptocephalus +leptocephaly +leptocercal +leptochlorite +leptochroa +leptochrous +leptoclase +leptodactyl +Leptodactylidae +leptodactylous +Leptodactylus +leptodermatous +leptodermous +Leptodora +Leptodoridae +Leptogenesis +leptokurtic +Leptolepidae +Leptolepis +Leptolinae +leptomatic +leptome +Leptomedusae +leptomedusan +leptomeningeal +leptomeninges +leptomeningitis +leptomeninx +leptometer +leptomonad +Leptomonas +Lepton +lepton +leptonecrosis +leptonema +leptopellic +Leptophis +leptophyllous +leptoprosope +leptoprosopic +leptoprosopous +leptoprosopy +Leptoptilus +Leptorchis +leptorrhin +leptorrhine +leptorrhinian +leptorrhinism +leptosome +leptosperm +Leptospermum +Leptosphaeria +Leptospira +leptospirosis +leptosporangiate +Leptostraca +leptostracan +leptostracous +Leptostromataceae +Leptosyne +leptotene +Leptothrix +Leptotrichia +Leptotyphlopidae +Leptotyphlops +leptus +leptynite +Lepus +Ler +Lernaea +Lernaeacea +Lernaean +Lernaeidae +lernaeiform +lernaeoid +Lernaeoides +lerot +lerp +lerret +Lerwa +Les +Lesath +Lesbia +Lesbian +Lesbianism +lesche +Lesgh +lesion +lesional +lesiy +Leskea +Leskeaceae +leskeaceous +Lesleya +Leslie +Lespedeza +Lesquerella +less +lessee +lesseeship +lessen +lessener +lesser +lessive +lessn +lessness +lesson +lessor +lest +Lester +lestiwarite +lestobiosis +lestobiotic +Lestodon +Lestosaurus +lestrad +Lestrigon +Lestrigonian +let +letch +letchy +letdown +lete +lethal +lethality +lethalize +lethally +lethargic +lethargical +lethargically +lethargicalness +lethargize +lethargus +lethargy +Lethe +Lethean +lethiferous +Lethocerus +lethologica +Letitia +Leto +letoff +Lett +lettable +letten +letter +lettered +letterer +letteret +lettergram +letterhead +letterin +lettering +letterleaf +letterless +letterpress +letterspace +letterweight +letterwood +Lettic +Lettice +Lettish +lettrin +lettsomite +lettuce +Letty +letup +leu +Leucadendron +Leucadian +leucaemia +leucaemic +Leucaena +leucaethiop +leucaethiopic +leucaniline +leucanthous +leucaugite +leucaurin +leucemia +leucemic +Leucetta +leuch +leuchaemia +leuchemia +leuchtenbergite +Leucichthys +Leucifer +Leuciferidae +leucine +Leucippus +leucism +leucite +leucitic +leucitis +leucitite +leucitohedron +leucitoid +Leuckartia +Leuckartiidae +leuco +leucobasalt +leucoblast +leucoblastic +Leucobryaceae +Leucobryum +leucocarpous +leucochalcite +leucocholic +leucocholy +leucochroic +leucocidic +leucocidin +leucocism +leucocrate +leucocratic +Leucocrinum +leucocyan +leucocytal +leucocyte +leucocythemia +leucocythemic +leucocytic +leucocytoblast +leucocytogenesis +leucocytoid +leucocytology +leucocytolysin +leucocytolysis +leucocytolytic +leucocytometer +leucocytopenia +leucocytopenic +leucocytoplania +leucocytopoiesis +leucocytosis +leucocytotherapy +leucocytotic +Leucocytozoon +leucoderma +leucodermatous +leucodermic +leucoencephalitis +leucogenic +leucoid +leucoindigo +leucoindigotin +Leucojaceae +Leucojum +leucolytic +leucoma +leucomaine +leucomatous +leucomelanic +leucomelanous +leucon +Leuconostoc +leucopenia +leucopenic +leucophane +leucophanite +leucophoenicite +leucophore +leucophyllous +leucophyre +leucoplakia +leucoplakial +leucoplast +leucoplastid +leucopoiesis +leucopoietic +leucopyrite +leucoquinizarin +leucorrhea +leucorrheal +leucoryx +leucosis +Leucosolenia +Leucosoleniidae +leucospermous +leucosphenite +leucosphere +leucospheric +leucostasis +Leucosticte +leucosyenite +leucotactic +Leucothea +Leucothoe +leucotic +leucotome +leucotomy +leucotoxic +leucous +leucoxene +leucyl +leud +leuk +leukemia +leukemic +leukocidic +leukocidin +leukosis +leukotic +leuma +Leung +lev +Levana +levance +Levant +levant +Levanter +levanter +Levantine +levator +levee +level +leveler +levelheaded +levelheadedly +levelheadedness +leveling +levelish +levelism +levelly +levelman +levelness +lever +leverage +leverer +leveret +leverman +levers +leverwood +Levi +leviable +leviathan +levier +levigable +levigate +levigation +levigator +levin +levining +levir +levirate +leviratical +leviration +Levis +Levisticum +levitant +levitate +levitation +levitational +levitative +levitator +Levite +Levitical +Leviticalism +Leviticality +Levitically +Leviticalness +Leviticism +Leviticus +Levitism +levity +levo +levoduction +levogyrate +levogyre +levogyrous +levolactic +levolimonene +levorotation +levorotatory +levotartaric +levoversion +levulic +levulin +levulinic +levulose +levulosuria +levy +levyist +levynite +Lew +lew +Lewanna +lewd +lewdly +lewdness +Lewie +Lewis +lewis +Lewisia +Lewisian +lewisite +lewisson +lewth +Lex +lexia +lexical +lexicalic +lexicality +lexicographer +lexicographian +lexicographic +lexicographical +lexicographically +lexicographist +lexicography +lexicologic +lexicological +lexicologist +lexicology +lexicon +lexiconist +lexiconize +lexigraphic +lexigraphical +lexigraphically +lexigraphy +lexiphanic +lexiphanicism +ley +leyland +leysing +Lezghian +lherzite +lherzolite +Lhota +li +liability +liable +liableness +liaison +liana +liang +liar +liard +Lias +Liassic +Liatris +libament +libaniferous +libanophorous +libanotophorous +libant +libate +libation +libationary +libationer +libatory +libber +libbet +libbra +Libby +libel +libelant +libelee +libeler +libelist +libellary +libellate +Libellula +libellulid +Libellulidae +libelluloid +libelous +libelously +Liber +liber +liberal +Liberalia +liberalism +liberalist +liberalistic +liberality +liberalization +liberalize +liberalizer +liberally +liberalness +liberate +liberation +liberationism +liberationist +liberative +liberator +liberatory +liberatress +Liberia +Liberian +liberomotor +libertarian +libertarianism +Libertas +liberticidal +liberticide +libertinage +libertine +libertinism +liberty +libertyless +libethenite +libidibi +libidinal +libidinally +libidinosity +libidinous +libidinously +libidinousness +libido +Libitina +libken +Libocedrus +Libra +libra +libral +librarian +librarianess +librarianship +librarious +librarius +library +libraryless +librate +libration +libratory +libretti +librettist +libretto +Librid +libriform +libroplast +Libyan +Libytheidae +Libytheinae +Licania +licareol +licca +licensable +license +licensed +licensee +licenseless +licenser +licensor +licensure +licentiate +licentiateship +licentiation +licentious +licentiously +licentiousness +lich +licham +lichanos +lichen +lichenaceous +lichened +Lichenes +licheniasis +lichenic +lichenicolous +licheniform +lichenin +lichenism +lichenist +lichenivorous +lichenization +lichenize +lichenlike +lichenographer +lichenographic +lichenographical +lichenographist +lichenography +lichenoid +lichenologic +lichenological +lichenologist +lichenology +Lichenopora +Lichenoporidae +lichenose +licheny +lichi +Lichnophora +Lichnophoridae +Licinian +licit +licitation +licitly +licitness +lick +licker +lickerish +lickerishly +lickerishness +licking +lickpenny +lickspit +lickspittle +lickspittling +licorice +licorn +licorne +lictor +lictorian +Licuala +lid +Lida +lidded +lidder +Lide +lidflower +lidgate +lidless +lie +liebenerite +Liebfraumilch +liebigite +lied +lief +liege +liegedom +liegeful +liegefully +liegeless +liegely +liegeman +lieger +lien +lienal +lienculus +lienee +lienic +lienitis +lienocele +lienogastric +lienointestinal +lienomalacia +lienomedullary +lienomyelogenous +lienopancreatic +lienor +lienorenal +lienotoxin +lienteria +lienteric +lientery +lieproof +lieprooflier +lieproofliest +lier +lierne +lierre +liesh +liespfund +lieu +lieue +lieutenancy +lieutenant +lieutenantry +lieutenantship +Lievaart +lieve +lievrite +Lif +life +lifeblood +lifeboat +lifeboatman +lifeday +lifedrop +lifeful +lifefully +lifefulness +lifeguard +lifehold +lifeholder +lifeless +lifelessly +lifelessness +lifelet +lifelike +lifelikeness +lifeline +lifelong +lifer +liferent +liferenter +liferentrix +liferoot +lifesaver +lifesaving +lifesome +lifesomely +lifesomeness +lifespring +lifetime +lifeward +lifework +lifey +lifo +lift +liftable +lifter +lifting +liftless +liftman +ligable +ligament +ligamental +ligamentary +ligamentous +ligamentously +ligamentum +ligas +ligate +ligation +ligator +ligature +ligeance +ligger +light +lightable +lightboat +lightbrained +lighten +lightener +lightening +lighter +lighterage +lighterful +lighterman +lightface +lightful +lightfulness +lighthead +lightheaded +lightheadedly +lightheadedness +lighthearted +lightheartedly +lightheartedness +lighthouse +lighthouseman +lighting +lightish +lightkeeper +lightless +lightlessness +lightly +lightman +lightmanship +lightmouthed +lightness +lightning +lightninglike +lightningproof +lightproof +lightroom +lightscot +lightship +lightsman +lightsome +lightsomely +lightsomeness +lighttight +lightwards +lightweight +lightwood +lightwort +lignaloes +lignatile +ligne +ligneous +lignescent +lignicole +lignicoline +lignicolous +ligniferous +lignification +ligniform +lignify +lignin +ligninsulphonate +ligniperdous +lignite +lignitic +lignitiferous +lignitize +lignivorous +lignocellulose +lignoceric +lignography +lignone +lignose +lignosity +lignosulphite +lignosulphonate +lignum +ligroine +ligula +ligular +Ligularia +ligulate +ligulated +ligule +Liguliflorae +liguliflorous +liguliform +ligulin +liguloid +Liguorian +ligure +Ligurian +ligurite +ligurition +Ligusticum +ligustrin +Ligustrum +Ligyda +Ligydidae +Lihyanite +liin +lija +likability +likable +likableness +like +likelihead +likelihood +likeliness +likely +liken +likeness +liker +likesome +likeways +likewise +likin +liking +liknon +Lila +lilac +lilaceous +lilacin +lilacky +lilacthroat +lilactide +Lilaeopsis +lile +Liliaceae +liliaceous +Liliales +Lilian +lilied +liliform +Liliiflorae +Lilith +Lilium +lill +lillianite +lillibullero +Lilliput +Lilliputian +Lilliputianize +lilt +liltingly +liltingness +lily +lilyfy +lilyhanded +lilylike +lilywood +lilywort +lim +Lima +Limacea +limacel +limaceous +Limacidae +limaciform +Limacina +limacine +limacinid +Limacinidae +limacoid +limacon +limaille +liman +limation +Limawood +Limax +limb +limbal +limbat +limbate +limbation +limbeck +limbed +limber +limberham +limberly +limberness +limbers +limbic +limbie +limbiferous +limbless +limbmeal +limbo +limboinfantum +limbous +Limbu +Limburger +limburgite +limbus +limby +lime +limeade +Limean +limeberry +limebush +limehouse +limekiln +limeless +limelight +limelighter +limelike +limeman +limen +limequat +limer +Limerick +limes +limestone +limetta +limettin +limewash +limewater +limewort +limey +Limicolae +limicoline +limicolous +Limidae +liminal +liminary +liminess +liming +limit +limitable +limitableness +limital +limitarian +limitary +limitate +limitation +limitative +limitatively +limited +limitedly +limitedness +limiter +limiting +limitive +limitless +limitlessly +limitlessness +limitrophe +limivorous +limma +limmer +limmock +limmu +limn +limnanth +Limnanthaceae +limnanthaceous +Limnanthemum +Limnanthes +limner +limnery +limnetic +Limnetis +limniad +limnimeter +limnimetric +limnite +limnobiologic +limnobiological +limnobiologically +limnobiology +limnobios +Limnobium +Limnocnida +limnograph +limnologic +limnological +limnologically +limnologist +limnology +limnometer +limnophile +limnophilid +Limnophilidae +limnophilous +limnoplankton +Limnorchis +Limnoria +Limnoriidae +limnorioid +Limodorum +limoid +limonene +limoniad +limonin +limonite +limonitic +limonitization +limonium +Limosa +limose +Limosella +Limosi +limous +limousine +limp +limper +limpet +limphault +limpid +limpidity +limpidly +limpidness +limpily +limpin +limpiness +limping +limpingly +limpingness +limpish +limpkin +limply +limpness +limpsy +limpwort +limpy +limsy +limu +limulid +Limulidae +limuloid +Limuloidea +Limulus +limurite +limy +Lin +lin +Lina +lina +linable +Linaceae +linaceous +linaga +linage +linaloa +linalol +linalool +linamarin +Linanthus +Linaria +linarite +linch +linchbolt +linchet +linchpin +linchpinned +lincloth +Lincoln +Lincolnian +Lincolniana +Lincolnlike +linctus +Linda +lindackerite +lindane +linden +Linder +linder +Lindera +Lindleyan +lindo +lindoite +Lindsay +Lindsey +line +linea +lineage +lineaged +lineal +lineality +lineally +lineament +lineamental +lineamentation +lineameter +linear +linearifolius +linearity +linearization +linearize +linearly +lineate +lineated +lineation +lineature +linecut +lined +lineiform +lineless +linelet +lineman +linen +Linene +linenette +linenize +linenizer +linenman +lineocircular +lineograph +lineolate +lineolated +liner +linesman +Linet +linewalker +linework +ling +linga +Lingayat +lingberry +lingbird +linge +lingel +lingenberry +linger +lingerer +lingerie +lingo +lingonberry +Lingoum +lingtow +lingtowman +lingua +linguacious +linguaciousness +linguadental +linguaeform +lingual +linguale +linguality +lingualize +lingually +linguanasal +Linguata +Linguatula +Linguatulida +Linguatulina +linguatuline +linguatuloid +linguet +linguidental +linguiform +linguipotence +linguist +linguister +linguistic +linguistical +linguistically +linguistician +linguistics +linguistry +lingula +lingulate +lingulated +Lingulella +lingulid +Lingulidae +linguliferous +linguliform +linguloid +linguodental +linguodistal +linguogingival +linguopalatal +linguopapillitis +linguoversion +lingwort +lingy +linha +linhay +linie +liniment +linin +lininess +lining +linitis +liniya +linja +linje +link +linkable +linkage +linkboy +linked +linkedness +linker +linking +linkman +links +linksmith +linkwork +linky +Linley +linn +Linnaea +Linnaean +Linnaeanism +linnaeite +Linne +linnet +lino +linolate +linoleic +linolein +linolenate +linolenic +linolenin +linoleum +linolic +linolin +linometer +linon +Linopteris +Linos +Linotype +linotype +linotyper +linotypist +linous +linoxin +linoxyn +linpin +Linsang +linseed +linsey +linstock +lint +lintel +linteled +linteling +linten +linter +lintern +lintie +lintless +lintonite +lintseed +lintwhite +linty +Linum +Linus +linwood +liny +Linyphia +Linyphiidae +liodermia +liomyofibroma +liomyoma +lion +lioncel +Lionel +lionel +lionesque +lioness +lionet +lionheart +lionhearted +lionheartedness +lionhood +lionism +lionizable +lionization +lionize +lionizer +lionlike +lionly +lionproof +lionship +Liothrix +Liotrichi +Liotrichidae +liotrichine +lip +lipa +lipacidemia +lipaciduria +Lipan +Liparian +liparian +liparid +Liparidae +Liparididae +Liparis +liparite +liparocele +liparoid +liparomphalus +liparous +lipase +lipectomy +lipemia +Lipeurus +lipide +lipin +lipless +liplet +liplike +lipoblast +lipoblastoma +Lipobranchia +lipocaic +lipocardiac +lipocele +lipoceratous +lipocere +lipochondroma +lipochrome +lipochromogen +lipoclasis +lipoclastic +lipocyte +lipodystrophia +lipodystrophy +lipoferous +lipofibroma +lipogenesis +lipogenetic +lipogenic +lipogenous +lipogram +lipogrammatic +lipogrammatism +lipogrammatist +lipography +lipohemia +lipoid +lipoidal +lipoidemia +lipoidic +lipolysis +lipolytic +lipoma +lipomata +lipomatosis +lipomatous +lipometabolic +lipometabolism +lipomorph +lipomyoma +lipomyxoma +lipopexia +lipophagic +lipophore +lipopod +Lipopoda +lipoprotein +liposarcoma +liposis +liposome +lipostomy +lipothymial +lipothymic +lipothymy +lipotrophic +lipotrophy +lipotropic +lipotropy +lipotype +Lipotyphla +lipovaccine +lipoxenous +lipoxeny +lipped +lippen +lipper +lipperings +Lippia +lippiness +lipping +lippitude +lippitudo +lippy +lipsanographer +lipsanotheca +lipstick +lipuria +lipwork +liquable +liquamen +liquate +liquation +liquefacient +liquefaction +liquefactive +liquefiable +liquefier +liquefy +liquesce +liquescence +liquescency +liquescent +liqueur +liquid +liquidable +Liquidambar +liquidamber +liquidate +liquidation +liquidator +liquidatorship +liquidity +liquidize +liquidizer +liquidless +liquidly +liquidness +liquidogenic +liquidogenous +liquidy +liquiform +liquor +liquorer +liquorish +liquorishly +liquorishness +liquorist +liquorless +lira +lirate +liration +lire +lirella +lirellate +lirelliform +lirelline +lirellous +Liriodendron +liripipe +liroconite +lis +Lisa +Lisbon +Lise +lisere +Lisette +lish +lisk +Lisle +lisle +lisp +lisper +lispingly +lispund +liss +Lissamphibia +lissamphibian +Lissencephala +lissencephalic +lissencephalous +Lissoflagellata +lissoflagellate +lissom +lissome +lissomely +lissomeness +lissotrichan +Lissotriches +lissotrichous +lissotrichy +List +list +listable +listed +listedness +listel +listen +listener +listening +lister +Listera +listerellosis +Listeria +Listerian +Listerine +Listerism +Listerize +listing +listless +listlessly +listlessness +listred +listwork +Lisuarte +lit +litaneutical +litany +litanywise +litas +litation +litch +litchi +lite +liter +literacy +literaily +literal +literalism +literalist +literalistic +literality +literalization +literalize +literalizer +literally +literalminded +literalmindedness +literalness +literarian +literariness +literary +literaryism +literate +literati +literation +literatist +literato +literator +literature +literatus +literose +literosity +lith +lithagogue +lithangiuria +lithanthrax +litharge +lithe +lithectasy +lithectomy +lithely +lithemia +lithemic +litheness +lithesome +lithesomeness +lithi +lithia +lithiasis +lithiastic +lithiate +lithic +lithifaction +lithification +lithify +lithite +lithium +litho +lithobiid +Lithobiidae +lithobioid +Lithobius +Lithocarpus +lithocenosis +lithochemistry +lithochromatic +lithochromatics +lithochromatographic +lithochromatography +lithochromography +lithochromy +lithoclase +lithoclast +lithoclastic +lithoclasty +lithoculture +lithocyst +lithocystotomy +Lithodes +lithodesma +lithodialysis +lithodid +Lithodidae +lithodomous +Lithodomus +lithofracteur +lithofractor +lithogenesis +lithogenetic +lithogenous +lithogeny +lithoglyph +lithoglypher +lithoglyphic +lithoglyptic +lithoglyptics +lithograph +lithographer +lithographic +lithographical +lithographically +lithographize +lithography +lithogravure +lithoid +lithoidite +litholabe +litholapaxy +litholatrous +litholatry +lithologic +lithological +lithologically +lithologist +lithology +litholysis +litholyte +litholytic +lithomancy +lithomarge +lithometer +lithonephria +lithonephritis +lithonephrotomy +lithontriptic +lithontriptist +lithontriptor +lithopedion +lithopedium +lithophagous +lithophane +lithophanic +lithophany +lithophilous +lithophone +lithophotography +lithophotogravure +lithophthisis +lithophyl +lithophyllous +lithophysa +lithophysal +lithophyte +lithophytic +lithophytous +lithopone +lithoprint +lithoscope +lithosian +lithosiid +Lithosiidae +Lithosiinae +lithosis +lithosol +lithosperm +lithospermon +lithospermous +Lithospermum +lithosphere +lithotint +lithotome +lithotomic +lithotomical +lithotomist +lithotomize +lithotomous +lithotomy +lithotony +lithotresis +lithotripsy +lithotriptor +lithotrite +lithotritic +lithotritist +lithotrity +lithotype +lithotypic +lithotypy +lithous +lithoxyl +lithsman +Lithuanian +Lithuanic +lithuresis +lithuria +lithy +liticontestation +litigable +litigant +litigate +litigation +litigationist +litigator +litigatory +litigiosity +litigious +litigiously +litigiousness +Litiopa +litiscontest +litiscontestation +litiscontestational +litmus +Litopterna +Litorina +Litorinidae +litorinoid +litotes +litra +Litsea +litster +litten +litter +litterateur +litterer +littermate +littery +little +littleleaf +littleneck +littleness +littlewale +littling +littlish +littoral +Littorella +littress +lituiform +lituite +Lituites +Lituitidae +Lituola +lituoline +lituoloid +liturate +liturgical +liturgically +liturgician +liturgics +liturgiological +liturgiologist +liturgiology +liturgism +liturgist +liturgistic +liturgistical +liturgize +liturgy +litus +lituus +Litvak +Lityerses +litz +Liukiu +Liv +livability +livable +livableness +live +liveborn +lived +livedo +livelihood +livelily +liveliness +livelong +lively +liven +liveness +liver +liverance +liverberry +livered +liverhearted +liverheartedness +liveried +liverish +liverishness +liverleaf +liverless +Liverpudlian +liverwort +liverwurst +livery +liverydom +liveryless +liveryman +livestock +Livian +livid +lividity +lividly +lividness +livier +living +livingless +livingly +livingness +livingstoneite +Livish +Livistona +Livonian +livor +livre +liwan +lixive +lixivial +lixiviate +lixiviation +lixiviator +lixivious +lixivium +Liyuan +Liz +Liza +lizard +lizardtail +Lizzie +llama +Llanberisslate +Llandeilo +Llandovery +llano +llautu +Lleu +Llew +Lloyd +Lludd +llyn +Lo +lo +Loa +loa +loach +load +loadage +loaded +loaden +loader +loading +loadless +loadpenny +loadsome +loadstone +loaf +loafer +loaferdom +loaferish +loafing +loafingly +loaflet +loaghtan +loam +loamily +loaminess +loaming +loamless +Loammi +loamy +loan +loanable +loaner +loanin +loanmonger +loanword +Loasa +Loasaceae +loasaceous +loath +loathe +loather +loathful +loathfully +loathfulness +loathing +loathingly +loathliness +loathly +loathness +loathsome +loathsomely +loathsomeness +Loatuko +loave +lob +Lobachevskian +lobal +Lobale +lobar +Lobaria +Lobata +Lobatae +lobate +lobated +lobately +lobation +lobber +lobbish +lobby +lobbyer +lobbyism +lobbyist +lobbyman +lobcock +lobe +lobectomy +lobed +lobefoot +lobefooted +lobeless +lobelet +Lobelia +Lobeliaceae +lobeliaceous +lobelin +lobeline +lobellated +lobfig +lobiform +lobigerous +lobing +lobiped +loblolly +lobo +lobola +lobopodium +Lobosa +lobose +lobotomy +lobscourse +lobscouse +lobscouser +lobster +lobstering +lobsterish +lobsterlike +lobsterproof +lobtail +lobular +Lobularia +lobularly +lobulate +lobulated +lobulation +lobule +lobulette +lobulose +lobulous +lobworm +loca +locable +local +locale +localism +localist +localistic +locality +localizable +localization +localize +localizer +locally +localness +locanda +Locarnist +Locarnite +Locarnize +Locarno +locate +location +locational +locative +locator +locellate +locellus +loch +lochage +lochan +lochetic +lochia +lochial +lochiocolpos +lochiocyte +lochiometra +lochiometritis +lochiopyra +lochiorrhagia +lochiorrhea +lochioschesis +Lochlin +lochometritis +lochoperitonitis +lochopyra +lochus +lochy +loci +lociation +lock +lockable +lockage +Lockatong +lockbox +locked +locker +lockerman +locket +lockful +lockhole +Lockian +Lockianism +locking +lockjaw +lockless +locklet +lockmaker +lockmaking +lockman +lockout +lockpin +Lockport +lockram +locksman +locksmith +locksmithery +locksmithing +lockspit +lockup +lockwork +locky +loco +locodescriptive +locofoco +Locofocoism +locoism +locomobile +locomobility +locomote +locomotility +locomotion +locomotive +locomotively +locomotiveman +locomotiveness +locomotivity +locomotor +locomotory +locomutation +locoweed +Locrian +Locrine +loculament +loculamentose +loculamentous +locular +loculate +loculated +loculation +locule +loculicidal +loculicidally +loculose +loculus +locum +locus +locust +locusta +locustal +locustberry +locustelle +locustid +Locustidae +locusting +locustlike +locution +locutor +locutorship +locutory +lod +Loddigesia +lode +lodemanage +lodesman +lodestar +lodestone +lodestuff +lodge +lodgeable +lodged +lodgeful +lodgeman +lodgepole +lodger +lodgerdom +lodging +lodginghouse +lodgings +lodgment +Lodha +lodicule +Lodoicea +Lodowic +Lodowick +Lodur +Loegria +loess +loessal +loessial +loessic +loessland +loessoid +lof +lofstelle +loft +lofter +loftily +loftiness +lofting +loftless +loftman +loftsman +lofty +log +loganberry +Logania +Loganiaceae +loganiaceous +loganin +logaoedic +logarithm +logarithmal +logarithmetic +logarithmetical +logarithmetically +logarithmic +logarithmical +logarithmically +logarithmomancy +logbook +logcock +loge +logeion +logeum +loggat +logged +logger +loggerhead +loggerheaded +loggia +loggin +logging +loggish +loghead +logheaded +logia +logic +logical +logicalist +logicality +logicalization +logicalize +logically +logicalness +logicaster +logician +logicism +logicist +logicity +logicize +logicless +logie +login +logion +logistic +logistical +logistician +logistics +logium +loglet +loglike +logman +logocracy +logodaedaly +logogogue +logogram +logogrammatic +logograph +logographer +logographic +logographical +logographically +logography +logogriph +logogriphic +logoi +logolatry +logology +logomach +logomacher +logomachic +logomachical +logomachist +logomachize +logomachy +logomancy +logomania +logomaniac +logometer +logometric +logometrical +logometrically +logopedia +logopedics +logorrhea +logos +logothete +logotype +logotypy +Logres +Logria +Logris +logroll +logroller +logrolling +logway +logwise +logwood +logwork +logy +lohan +Lohana +Lohar +lohoch +loimic +loimography +loimology +loin +loincloth +loined +loir +Lois +Loiseleuria +loiter +loiterer +loiteringly +loiteringness +loka +lokao +lokaose +lokapala +loke +loket +lokiec +Lokindra +Lokman +Lola +Loliginidae +Loligo +Lolium +loll +Lollard +Lollardian +Lollardism +Lollardist +Lollardize +Lollardlike +Lollardry +Lollardy +loller +lollingite +lollingly +lollipop +lollop +lollopy +lolly +Lolo +loma +lomastome +lomatine +lomatinous +Lomatium +Lombard +lombard +Lombardeer +Lombardesque +Lombardian +Lombardic +lomboy +Lombrosian +loment +lomentaceous +Lomentaria +lomentariaceous +lomentum +lomita +lommock +Lonchocarpus +Lonchopteridae +Londinensian +Londoner +Londonese +Londonesque +Londonian +Londonish +Londonism +Londonization +Londonize +Londony +Londres +lone +lonelihood +lonelily +loneliness +lonely +loneness +lonesome +lonesomely +lonesomeness +long +longa +longan +longanimity +longanimous +Longaville +longbeak +longbeard +longboat +longbow +longcloth +longe +longear +longer +longeval +longevity +longevous +longfelt +longfin +longful +longhair +longhand +longhead +longheaded +longheadedly +longheadedness +longhorn +longicaudal +longicaudate +longicone +longicorn +Longicornia +longilateral +longilingual +longiloquence +longimanous +longimetric +longimetry +longing +longingly +longingness +Longinian +longinquity +longipennate +longipennine +longirostral +longirostrate +longirostrine +Longirostrines +longisection +longish +longitude +longitudinal +longitudinally +longjaw +longleaf +longlegs +longly +longmouthed +longness +Longobard +Longobardi +Longobardian +Longobardic +longs +longshanks +longshore +longshoreman +longsome +longsomely +longsomeness +longspun +longspur +longtail +longue +longulite +longway +longways +longwise +longwool +longwork +longwort +Lonhyn +Lonicera +Lonk +lonquhard +lontar +loo +looby +lood +loof +loofah +loofie +loofness +look +looker +looking +lookout +lookum +loom +loomer +loomery +looming +loon +loonery +looney +loony +loop +looper +loopful +loophole +looping +loopist +looplet +looplike +loopy +loose +loosely +loosemouthed +loosen +loosener +looseness +looser +loosestrife +loosing +loosish +loot +lootable +looten +looter +lootie +lootiewallah +lootsman +lop +lope +loper +Lopezia +lophiid +Lophiidae +lophine +Lophiodon +lophiodont +Lophiodontidae +lophiodontoid +Lophiola +Lophiomyidae +Lophiomyinae +Lophiomys +lophiostomate +lophiostomous +lophobranch +lophobranchiate +Lophobranchii +lophocalthrops +lophocercal +Lophocome +Lophocomi +Lophodermium +lophodont +Lophophora +lophophoral +lophophore +Lophophorinae +lophophorine +Lophophorus +lophophytosis +Lophopoda +Lophornis +Lophortyx +lophosteon +lophotriaene +lophotrichic +lophotrichous +Lophura +lopolith +loppard +lopper +loppet +lopping +loppy +lopseed +lopsided +lopsidedly +lopsidedness +lopstick +loquacious +loquaciously +loquaciousness +loquacity +loquat +loquence +loquent +loquently +Lora +lora +loral +loran +lorandite +loranskite +Loranthaceae +loranthaceous +Loranthus +lorarius +lorate +lorcha +Lord +lord +lording +lordkin +lordless +lordlet +lordlike +lordlily +lordliness +lordling +lordly +lordolatry +lordosis +lordotic +lordship +lordwood +lordy +lore +loreal +lored +loreless +Loren +Lorenzan +lorenzenite +Lorenzo +Lorettine +lorettoite +lorgnette +Lori +lori +loric +lorica +loricarian +Loricariidae +loricarioid +Loricata +loricate +Loricati +lorication +loricoid +Lorien +lorikeet +lorilet +lorimer +loriot +loris +Lorius +lormery +lorn +lornness +loro +Lorraine +Lorrainer +Lorrainese +lorriker +lorry +lors +lorum +lory +losable +losableness +lose +losel +loselism +losenger +loser +losh +losing +loss +lossenite +lossless +lossproof +lost +lostling +lostness +Lot +lot +Lota +lota +lotase +lote +lotebush +Lotharingian +lotic +lotiform +lotion +lotment +Lotophagi +lotophagous +lotophagously +lotrite +lots +Lotta +Lotte +lotter +lottery +Lottie +lotto +Lotuko +lotus +lotusin +lotuslike +Lou +louch +louchettes +loud +louden +loudering +loudish +loudly +loudmouthed +loudness +louey +lough +lougheen +Louie +Louiqa +Louis +Louisa +Louise +Louisiana +Louisianian +louisine +louk +Loukas +loukoum +loulu +lounder +lounderer +lounge +lounger +lounging +loungingly +loungy +Loup +loup +loupe +lour +lourdy +louse +louseberry +lousewort +lousily +lousiness +louster +lousy +lout +louter +louther +loutish +loutishly +loutishness +loutrophoros +louty +louvar +louver +louvered +louvering +louverwork +Louvre +lovability +lovable +lovableness +lovably +lovage +love +lovebird +loveflower +loveful +lovelass +loveless +lovelessly +lovelessness +lovelihead +lovelily +loveliness +loveling +lovelock +lovelorn +lovelornness +lovely +loveman +lovemate +lovemonger +loveproof +lover +loverdom +lovered +loverhood +lovering +loverless +loverliness +loverly +lovership +loverwise +lovesick +lovesickness +lovesome +lovesomely +lovesomeness +loveworth +loveworthy +loving +lovingly +lovingness +low +lowa +lowan +lowbell +lowborn +lowboy +lowbred +lowdah +lowder +loweite +Lowell +lower +lowerable +lowerclassman +lowerer +lowering +loweringly +loweringness +lowermost +lowery +lowigite +lowish +lowishly +lowishness +lowland +lowlander +lowlily +lowliness +lowly +lowmen +lowmost +lown +lowness +lownly +lowth +Lowville +lowwood +lowy +lox +loxia +loxic +Loxiinae +loxoclase +loxocosm +loxodograph +Loxodon +loxodont +Loxodonta +loxodontous +loxodrome +loxodromic +loxodromical +loxodromically +loxodromics +loxodromism +Loxolophodon +loxolophodont +Loxomma +loxophthalmus +Loxosoma +Loxosomidae +loxotic +loxotomy +loy +loyal +loyalism +loyalist +loyalize +loyally +loyalness +loyalty +Loyd +Loyolism +Loyolite +lozenge +lozenged +lozenger +lozengeways +lozengewise +lozengy +Lu +Luba +lubber +lubbercock +Lubberland +lubberlike +lubberliness +lubberly +lube +lubra +lubric +lubricant +lubricate +lubrication +lubricational +lubricative +lubricator +lubricatory +lubricious +lubricity +lubricous +lubrifaction +lubrification +lubrify +lubritorian +lubritorium +Luc +Lucan +Lucania +lucanid +Lucanidae +Lucanus +lucarne +Lucayan +lucban +Lucchese +luce +lucence +lucency +lucent +Lucentio +lucently +Luceres +lucern +lucernal +Lucernaria +lucernarian +Lucernariidae +lucerne +lucet +Luchuan +Lucia +Lucian +Luciana +lucible +lucid +lucida +lucidity +lucidly +lucidness +lucifee +Lucifer +luciferase +Luciferian +Luciferidae +luciferin +luciferoid +luciferous +luciferously +luciferousness +lucific +luciform +lucifugal +lucifugous +lucigen +Lucile +Lucilia +lucimeter +Lucina +Lucinacea +Lucinda +Lucinidae +lucinoid +Lucite +Lucius +lucivee +luck +lucken +luckful +luckie +luckily +luckiness +luckless +lucklessly +lucklessness +Lucknow +lucky +lucration +lucrative +lucratively +lucrativeness +lucre +Lucrece +Lucretia +Lucretian +Lucretius +lucriferous +lucriferousness +lucrific +lucrify +Lucrine +luctation +luctiferous +luctiferousness +lucubrate +lucubration +lucubrator +lucubratory +lucule +luculent +luculently +Lucullan +lucullite +Lucuma +lucumia +Lucumo +lucumony +Lucy +lucy +ludden +Luddism +Luddite +Ludditism +ludefisk +Ludgate +Ludgathian +Ludgatian +Ludian +ludibrious +ludibry +ludicropathetic +ludicroserious +ludicrosity +ludicrosplenetic +ludicrous +ludicrously +ludicrousness +ludification +ludlamite +Ludlovian +Ludlow +ludo +Ludolphian +Ludwig +ludwigite +lue +Luella +lues +luetic +luetically +lufberry +lufbery +luff +Luffa +Lug +lug +Luganda +luge +luger +luggage +luggageless +luggar +lugged +lugger +luggie +Luggnagg +lugmark +Lugnas +lugsail +lugsome +lugubriosity +lugubrious +lugubriously +lugubriousness +lugworm +luhinga +Lui +Luian +Luigi +luigino +Luis +Luiseno +Luite +lujaurite +Lukas +Luke +luke +lukely +lukeness +lukewarm +lukewarmish +lukewarmly +lukewarmness +lukewarmth +Lula +lulab +lull +lullaby +luller +Lullian +lulliloo +lullingly +Lulu +lulu +Lum +lum +lumachel +lumbaginous +lumbago +lumbang +lumbar +lumbarization +lumbayao +lumber +lumberdar +lumberdom +lumberer +lumbering +lumberingly +lumberingness +lumberjack +lumberless +lumberly +lumberman +lumbersome +lumberyard +lumbocolostomy +lumbocolotomy +lumbocostal +lumbodorsal +lumbodynia +lumbosacral +lumbovertebral +lumbrical +lumbricalis +Lumbricidae +lumbriciform +lumbricine +lumbricoid +lumbricosis +Lumbricus +lumbrous +lumen +luminaire +Luminal +luminal +luminance +luminant +luminarious +luminarism +luminarist +luminary +luminate +lumination +luminative +luminator +lumine +luminesce +luminescence +luminescent +luminiferous +luminificent +luminism +luminist +luminologist +luminometer +luminosity +luminous +luminously +luminousness +lummox +lummy +lump +lumper +lumpet +lumpfish +lumpily +lumpiness +lumping +lumpingly +lumpish +lumpishly +lumpishness +lumpkin +lumpman +lumpsucker +lumpy +luna +lunacy +lunambulism +lunar +lunare +Lunaria +lunarian +lunarist +lunarium +lunary +lunate +lunatellus +lunately +lunatic +lunatically +lunation +lunatize +lunatum +lunch +luncheon +luncheoner +luncheonette +luncheonless +luncher +lunchroom +Lunda +Lundinarium +lundress +lundyfoot +lune +Lunel +lunes +lunette +lung +lunge +lunged +lungeous +lunger +lungfish +lungflower +lungful +lungi +lungie +lungis +lungless +lungmotor +lungsick +lungworm +lungwort +lungy +lunicurrent +luniform +lunisolar +lunistice +lunistitial +lunitidal +Lunka +lunkhead +lunn +lunoid +lunt +lunula +lunular +Lunularia +lunulate +lunulated +lunule +lunulet +lunulite +Lunulites +Luo +lupanarian +lupanine +lupe +lupeol +lupeose +Lupercal +Lupercalia +Lupercalian +Luperci +lupetidine +lupicide +Lupid +lupiform +lupinaster +lupine +lupinin +lupinine +lupinosis +lupinous +Lupinus +lupis +lupoid +lupous +lupulic +lupulin +lupuline +lupulinic +lupulinous +lupulinum +lupulus +lupus +lupuserythematosus +Lur +lura +lural +lurch +lurcher +lurchingfully +lurchingly +lurchline +lurdan +lurdanism +lure +lureful +lurement +lurer +luresome +lurg +lurgworm +Luri +lurid +luridity +luridly +luridness +luringly +lurk +lurker +lurkingly +lurkingness +lurky +lurrier +lurry +Lusatian +Luscinia +luscious +lusciously +lusciousness +lush +Lushai +lushburg +Lushei +lusher +lushly +lushness +lushy +Lusiad +Lusian +Lusitania +Lusitanian +lusk +lusky +lusory +lust +luster +lusterer +lusterless +lusterware +lustful +lustfully +lustfulness +lustihead +lustily +lustiness +lustless +lustra +lustral +lustrant +lustrate +lustration +lustrative +lustratory +lustreless +lustrical +lustrification +lustrify +lustrine +lustring +lustrous +lustrously +lustrousness +lustrum +lusty +lut +lutaceous +lutanist +lutany +Lutao +lutation +Lutayo +lute +luteal +lutecia +lutecium +lutein +luteinization +luteinize +lutelet +lutemaker +lutemaking +luteo +luteocobaltic +luteofulvous +luteofuscescent +luteofuscous +luteolin +luteolous +luteoma +luteorufescent +luteous +luteovirescent +luter +lutescent +lutestring +Lutetia +Lutetian +lutetium +luteway +lutfisk +Luther +Lutheran +Lutheranic +Lutheranism +Lutheranize +Lutheranizer +Lutherism +Lutherist +luthern +luthier +lutianid +Lutianidae +lutianoid +Lutianus +lutidine +lutidinic +luting +lutist +Lutjanidae +Lutjanus +lutose +Lutra +Lutraria +Lutreola +lutrin +Lutrinae +lutrine +lutulence +lutulent +Luvaridae +Luvian +Luvish +Luwian +lux +luxate +luxation +luxe +Luxemburger +Luxemburgian +luxulianite +luxuriance +luxuriancy +luxuriant +luxuriantly +luxuriantness +luxuriate +luxuriation +luxurious +luxuriously +luxuriousness +luxurist +luxury +luxus +Luzula +Lwo +ly +lyam +lyard +Lyas +Lycaena +lycaenid +Lycaenidae +lycanthrope +lycanthropia +lycanthropic +lycanthropist +lycanthropize +lycanthropous +lycanthropy +lyceal +lyceum +Lychnic +Lychnis +lychnomancy +lychnoscope +lychnoscopic +Lycian +lycid +Lycidae +Lycium +Lycodes +Lycodidae +lycodoid +lycopene +Lycoperdaceae +lycoperdaceous +Lycoperdales +lycoperdoid +Lycoperdon +lycoperdon +Lycopersicon +lycopin +lycopod +lycopode +Lycopodiaceae +lycopodiaceous +Lycopodiales +Lycopodium +Lycopsida +Lycopsis +Lycopus +lycorine +Lycosa +lycosid +Lycosidae +lyctid +Lyctidae +Lyctus +Lycus +lyddite +Lydia +Lydian +lydite +lye +Lyencephala +lyencephalous +lyery +lygaeid +Lygaeidae +Lygeum +Lygodium +Lygosoma +lying +lyingly +Lymantria +lymantriid +Lymantriidae +lymhpangiophlebitis +Lymnaea +lymnaean +lymnaeid +Lymnaeidae +lymph +lymphad +lymphadenectasia +lymphadenectasis +lymphadenia +lymphadenitis +lymphadenoid +lymphadenoma +lymphadenopathy +lymphadenosis +lymphaemia +lymphagogue +lymphangeitis +lymphangial +lymphangiectasis +lymphangiectatic +lymphangiectodes +lymphangiitis +lymphangioendothelioma +lymphangiofibroma +lymphangiology +lymphangioma +lymphangiomatous +lymphangioplasty +lymphangiosarcoma +lymphangiotomy +lymphangitic +lymphangitis +lymphatic +lymphatical +lymphation +lymphatism +lymphatitis +lymphatolysin +lymphatolysis +lymphatolytic +lymphectasia +lymphedema +lymphemia +lymphenteritis +lymphoblast +lymphoblastic +lymphoblastoma +lymphoblastosis +lymphocele +lymphocyst +lymphocystosis +lymphocyte +lymphocythemia +lymphocytic +lymphocytoma +lymphocytomatosis +lymphocytosis +lymphocytotic +lymphocytotoxin +lymphodermia +lymphoduct +lymphogenic +lymphogenous +lymphoglandula +lymphogranuloma +lymphoid +lymphoidectomy +lymphology +lymphoma +lymphomatosis +lymphomatous +lymphomonocyte +lymphomyxoma +lymphopathy +lymphopenia +lymphopenial +lymphopoiesis +lymphopoietic +lymphoprotease +lymphorrhage +lymphorrhagia +lymphorrhagic +lymphorrhea +lymphosarcoma +lymphosarcomatosis +lymphosarcomatous +lymphosporidiosis +lymphostasis +lymphotaxis +lymphotome +lymphotomy +lymphotoxemia +lymphotoxin +lymphotrophic +lymphotrophy +lymphous +lymphuria +lymphy +lyncean +Lynceus +lynch +lynchable +lyncher +Lyncid +lyncine +Lyndon +Lynette +Lyngbyaceae +Lyngbyeae +Lynn +Lynne +Lynnette +lynnhaven +lynx +Lyomeri +lyomerous +Lyon +Lyonese +Lyonetia +lyonetiid +Lyonetiidae +Lyonnais +lyonnaise +Lyonnesse +lyophile +lyophilization +lyophilize +lyophobe +Lyopoma +Lyopomata +lyopomatous +lyotrope +lypemania +Lyperosia +lypothymia +lyra +Lyraid +lyrate +lyrated +lyrately +lyraway +lyre +lyrebird +lyreflower +lyreman +lyretail +lyric +lyrical +lyrically +lyricalness +lyrichord +lyricism +lyricist +lyricize +Lyrid +lyriform +lyrism +lyrist +Lyrurus +lys +Lysander +lysate +lyse +Lysenkoism +lysidine +lysigenic +lysigenous +lysigenously +Lysiloma +Lysimachia +Lysimachus +lysimeter +lysin +lysine +lysis +Lysistrata +lysogen +lysogenesis +lysogenetic +lysogenic +lysozyme +lyssa +lyssic +lyssophobia +lyterian +Lythraceae +lythraceous +Lythrum +lytic +lytta +lyxose +M +m +Ma +ma +maam +maamselle +Maarten +Mab +Maba +Mabel +Mabellona +mabi +Mabinogion +mabolo +Mac +mac +macaasim +macabre +macabresque +Macaca +macaco +Macacus +macadam +Macadamia +macadamite +macadamization +macadamize +macadamizer +Macaglia +macan +macana +Macanese +macao +macaque +Macaranga +Macarani +Macareus +macarism +macarize +macaroni +macaronic +macaronical +macaronically +macaronicism +macaronism +macaroon +Macartney +Macassar +Macassarese +macaw +Macbeth +Maccabaeus +Maccabean +Maccabees +maccaboy +macco +maccoboy +Macduff +mace +macedoine +Macedon +Macedonian +Macedonic +macehead +maceman +macer +macerate +macerater +maceration +Macflecknoe +machairodont +Machairodontidae +Machairodontinae +Machairodus +machan +machar +machete +Machetes +machi +Machiavel +Machiavellian +Machiavellianism +Machiavellianly +Machiavellic +Machiavellism +machiavellist +Machiavellistic +machicolate +machicolation +machicoulis +Machicui +machila +Machilidae +Machilis +machin +machinability +machinable +machinal +machinate +machination +machinator +machine +machineful +machineless +machinelike +machinely +machineman +machinemonger +machiner +machinery +machinification +machinify +machinism +machinist +machinization +machinize +machinoclast +machinofacture +machinotechnique +machinule +Machogo +machopolyp +machree +macies +Macigno +macilence +macilency +macilent +mack +mackenboy +mackerel +mackereler +mackereling +Mackinaw +mackins +mackintosh +mackintoshite +mackle +macklike +macle +Macleaya +macled +Maclura +Maclurea +maclurin +Macmillanite +maco +Macon +maconite +Macracanthorhynchus +macracanthrorhynchiasis +macradenous +macrame +macrander +macrandrous +macrauchene +Macrauchenia +macraucheniid +Macraucheniidae +macraucheniiform +macrauchenioid +macrencephalic +macrencephalous +macro +macroanalysis +macroanalyst +macroanalytical +macrobacterium +macrobian +macrobiosis +macrobiote +macrobiotic +macrobiotics +Macrobiotus +macroblast +macrobrachia +macrocarpous +Macrocentrinae +Macrocentrus +macrocephalia +macrocephalic +macrocephalism +macrocephalous +macrocephalus +macrocephaly +macrochaeta +macrocheilia +Macrochelys +macrochemical +macrochemically +macrochemistry +Macrochira +macrochiran +Macrochires +macrochiria +Macrochiroptera +macrochiropteran +macrocladous +macroclimate +macroclimatic +macrococcus +macrocoly +macroconidial +macroconidium +macroconjugant +macrocornea +macrocosm +macrocosmic +macrocosmical +macrocosmology +macrocosmos +macrocrystalline +macrocyst +Macrocystis +macrocyte +macrocythemia +macrocytic +macrocytosis +macrodactyl +macrodactylia +macrodactylic +macrodactylism +macrodactylous +macrodactyly +macrodiagonal +macrodomatic +macrodome +macrodont +macrodontia +macrodontism +macroelement +macroergate +macroevolution +macrofarad +macrogamete +macrogametocyte +macrogamy +macrogastria +macroglossate +macroglossia +macrognathic +macrognathism +macrognathous +macrogonidium +macrograph +macrographic +macrography +macrolepidoptera +macrolepidopterous +macrology +macromandibular +macromania +macromastia +macromazia +macromelia +macromeral +macromere +macromeric +macromerite +macromeritic +macromesentery +macrometer +macromethod +macromolecule +macromyelon +macromyelonal +macron +macronuclear +macronucleus +macronutrient +macropetalous +macrophage +macrophagocyte +macrophagus +Macrophoma +macrophotograph +macrophotography +macrophyllous +macrophysics +macropia +macropinacoid +macropinacoidal +macroplankton +macroplasia +macroplastia +macropleural +macropodia +Macropodidae +Macropodinae +macropodine +macropodous +macroprism +macroprosopia +macropsia +macropteran +macropterous +Macropus +Macropygia +macropyramid +macroreaction +Macrorhamphosidae +Macrorhamphosus +macrorhinia +Macrorhinus +macroscelia +Macroscelides +macroscian +macroscopic +macroscopical +macroscopically +macroseism +macroseismic +macroseismograph +macrosepalous +macroseptum +macrosmatic +macrosomatia +macrosomatous +macrosomia +macrosplanchnic +macrosporange +macrosporangium +macrospore +macrosporic +Macrosporium +macrosporophore +macrosporophyl +macrosporophyll +Macrostachya +macrostomatous +macrostomia +macrostructural +macrostructure +macrostylospore +macrostylous +macrosymbiont +macrothere +Macrotheriidae +macrotherioid +Macrotherium +macrotherm +macrotia +macrotin +Macrotolagus +macrotome +macrotone +macrotous +macrourid +Macrouridae +Macrourus +Macrozamia +macrozoogonidium +macrozoospore +Macrura +macrural +macruran +macruroid +macrurous +mactation +Mactra +Mactridae +mactroid +macuca +macula +macular +maculate +maculated +maculation +macule +maculicole +maculicolous +maculiferous +maculocerebral +maculopapular +maculose +Macusi +macuta +mad +Madagascan +Madagascar +Madagascarian +Madagass +madam +madame +madapollam +madarosis +madarotic +madbrain +madbrained +madcap +madden +maddening +maddeningly +maddeningness +madder +madderish +madderwort +madding +maddingly +maddish +maddle +made +Madecase +madefaction +madefy +Madegassy +Madeira +Madeiran +Madeline +madeline +Madelon +madescent +Madge +madhouse +madhuca +Madhva +Madi +Madia +madid +madidans +Madiga +madisterium +madling +madly +madman +madnep +madness +mado +Madoc +Madonna +Madonnahood +Madonnaish +Madonnalike +madoqua +Madotheca +madrague +Madras +madrasah +Madrasi +madreperl +Madrepora +Madreporacea +madreporacean +Madreporaria +madreporarian +madrepore +madreporian +madreporic +madreporiform +madreporite +madreporitic +Madrid +madrier +madrigal +madrigaler +madrigaletto +madrigalian +madrigalist +Madrilene +Madrilenian +madrona +madship +madstone +Madurese +maduro +madweed +madwoman +madwort +mae +Maeandra +Maeandrina +maeandrine +maeandriniform +maeandrinoid +maeandroid +Maecenas +Maecenasship +maegbote +Maelstrom +Maemacterion +maenad +maenadic +maenadism +maenaite +Maenalus +Maenidae +Maeonian +Maeonides +maestri +maestro +maffia +maffick +mafficker +maffle +mafflin +mafic +mafoo +mafura +mag +Maga +Magadhi +magadis +magadize +Magahi +Magalensia +magani +magas +magazinable +magazinage +magazine +magazinelet +magaziner +magazinette +magazinish +magazinism +magazinist +magaziny +Magdalen +Magdalene +Magdalenian +mage +Magellan +Magellanian +Magellanic +magenta +magged +Maggie +maggle +maggot +maggotiness +maggotpie +maggoty +Maggy +Magh +Maghi +Maghrib +Maghribi +Magi +magi +Magian +Magianism +magic +magical +magicalize +magically +magicdom +magician +magicianship +magicked +magicking +Magindanao +magiric +magirics +magirist +magiristic +magirological +magirologist +magirology +Magism +magister +magisterial +magisteriality +magisterially +magisterialness +magistery +magistracy +magistral +magistrality +magistrally +magistrand +magistrant +magistrate +magistrateship +magistratic +magistratical +magistratically +magistrative +magistrature +Maglemose +Maglemosean +Maglemosian +magma +magmatic +magnanimity +magnanimous +magnanimously +magnanimousness +magnascope +magnascopic +magnate +magnecrystallic +magnelectric +magneoptic +magnes +magnesia +magnesial +magnesian +magnesic +magnesioferrite +magnesite +magnesium +magnet +magneta +magnetic +magnetical +magnetically +magneticalness +magnetician +magnetics +magnetiferous +magnetification +magnetify +magnetimeter +magnetism +magnetist +magnetite +magnetitic +magnetizability +magnetizable +magnetization +magnetize +magnetizer +magneto +magnetobell +magnetochemical +magnetochemistry +magnetod +magnetodynamo +magnetoelectric +magnetoelectrical +magnetoelectricity +magnetogenerator +magnetogram +magnetograph +magnetographic +magnetoid +magnetomachine +magnetometer +magnetometric +magnetometrical +magnetometrically +magnetometry +magnetomotive +magnetomotor +magneton +magnetooptic +magnetooptical +magnetooptics +magnetophone +magnetophonograph +magnetoplumbite +magnetoprinter +magnetoscope +magnetostriction +magnetotelegraph +magnetotelephone +magnetotherapy +magnetotransmitter +magnetron +magnicaudate +magnicaudatous +magnifiable +magnific +magnifical +magnifically +Magnificat +magnification +magnificative +magnifice +magnificence +magnificent +magnificently +magnificentness +magnifico +magnifier +magnify +magniloquence +magniloquent +magniloquently +magniloquy +magnipotence +magnipotent +magnirostrate +magnisonant +magnitude +magnitudinous +magnochromite +magnoferrite +Magnolia +magnolia +Magnoliaceae +magnoliaceous +magnum +Magnus +Magog +magot +magpie +magpied +magpieish +magsman +maguari +maguey +Magyar +Magyaran +Magyarism +Magyarization +Magyarize +Mah +maha +mahaleb +mahalla +mahant +mahar +maharaja +maharajrana +maharana +maharanee +maharani +maharao +Maharashtri +maharawal +maharawat +mahatma +mahatmaism +Mahayana +Mahayanism +Mahayanist +Mahayanistic +Mahdi +Mahdian +Mahdiship +Mahdism +Mahdist +Mahesh +Mahi +Mahican +mahmal +Mahmoud +mahmudi +mahoe +mahoganize +mahogany +mahoitre +maholi +maholtine +Mahomet +Mahometry +mahone +Mahonia +Mahori +Mahound +mahout +Mahra +Mahran +Mahri +mahseer +mahua +mahuang +Maia +Maiacca +Maianthemum +maid +Maida +maidan +maiden +maidenhair +maidenhead +maidenhood +maidenish +maidenism +maidenlike +maidenliness +maidenly +maidenship +maidenweed +maidhood +Maidie +maidish +maidism +maidkin +maidlike +maidling +maidservant +Maidu +maidy +maiefic +maieutic +maieutical +maieutics +maigre +maiid +Maiidae +mail +mailable +mailbag +mailbox +mailclad +mailed +mailer +mailguard +mailie +maillechort +mailless +mailman +mailplane +maim +maimed +maimedly +maimedness +maimer +maimon +Maimonidean +Maimonist +main +Mainan +Maine +mainferre +mainlander +mainly +mainmast +mainmortable +mainour +mainpast +mainpernable +mainpernor +mainpin +mainport +mainpost +mainprise +mains +mainsail +mainsheet +mainspring +mainstay +Mainstreeter +Mainstreetism +maint +maintain +maintainable +maintainableness +maintainer +maintainment +maintainor +maintenance +Maintenon +maintop +maintopman +maioid +Maioidea +maioidean +Maioli +Maiongkong +Maipure +mairatour +maire +maisonette +Maithili +maitlandite +Maitreya +Maius +maize +maizebird +maizenic +maizer +Maja +Majagga +majagua +Majesta +majestic +majestical +majestically +majesticalness +majesticness +majestious +majesty +majestyship +Majlis +majo +majolica +majolist +majoon +Major +major +majorate +majoration +Majorcan +majorette +Majorism +Majorist +Majoristic +majority +majorize +majorship +majuscular +majuscule +makable +Makah +Makaraka +Makari +Makassar +make +makebate +makedom +makefast +maker +makeress +makership +makeshift +makeshiftiness +makeshiftness +makeshifty +makeweight +makhzan +maki +makimono +making +makluk +mako +Makonde +makroskelic +Maku +Makua +makuk +mal +mala +malaanonang +Malabar +Malabarese +malabathrum +malacanthid +Malacanthidae +malacanthine +Malacanthus +Malacca +Malaccan +malaccident +Malaceae +malaceous +malachite +malacia +Malaclemys +Malaclypse +Malacobdella +Malacocotylea +malacoderm +Malacodermatidae +malacodermatous +Malacodermidae +malacodermous +malacoid +malacolite +malacological +malacologist +malacology +malacon +malacophilous +malacophonous +malacophyllous +malacopod +Malacopoda +malacopodous +malacopterygian +Malacopterygii +malacopterygious +Malacoscolices +Malacoscolicine +Malacosoma +Malacostraca +malacostracan +malacostracology +malacostracous +malactic +maladaptation +maladdress +maladive +maladjust +maladjusted +maladjustive +maladjustment +maladminister +maladministration +maladministrator +maladroit +maladroitly +maladroitness +maladventure +malady +Malaga +Malagasy +Malagigi +malagma +malaguena +malahack +malaise +malakin +malalignment +malambo +malandered +malanders +malandrous +malanga +malapaho +malapert +malapertly +malapertness +malapi +malapplication +malappointment +malappropriate +malappropriation +malaprop +malapropian +malapropish +malapropism +malapropoism +malapropos +Malapterurus +malar +malaria +malarial +malariaproof +malarin +malarioid +malariologist +malariology +malarious +malarkey +malaroma +malarrangement +malasapsap +malassimilation +malassociation +malate +malati +malattress +malax +malaxable +malaxage +malaxate +malaxation +malaxator +malaxerman +Malaxis +Malay +Malayalam +Malayalim +Malayan +Malayic +Malayize +Malayoid +Malaysian +malbehavior +malbrouck +malchite +Malchus +Malcolm +malconceived +malconduct +malconformation +malconstruction +malcontent +malcontented +malcontentedly +malcontentedness +malcontentism +malcontently +malcontentment +malconvenance +malcreated +malcultivation +maldeveloped +maldevelopment +maldigestion +maldirection +maldistribution +Maldivian +maldonite +malduck +Male +male +malease +maleate +Malebolge +Malebolgian +Malebolgic +Malebranchism +Malecite +maledicent +maledict +malediction +maledictive +maledictory +maleducation +malefaction +malefactor +malefactory +malefactress +malefical +malefically +maleficence +maleficent +maleficial +maleficiate +maleficiation +maleic +maleinoid +malella +Malemute +maleness +malengine +maleo +maleruption +Malesherbia +Malesherbiaceae +malesherbiaceous +malevolence +malevolency +malevolent +malevolently +malexecution +malfeasance +malfeasant +malfed +malformation +malformed +malfortune +malfunction +malgovernment +malgrace +malguzar +malguzari +malhonest +malhygiene +mali +malic +malice +maliceful +maliceproof +malicho +malicious +maliciously +maliciousness +malicorium +malidentification +maliferous +maliform +malign +malignance +malignancy +malignant +malignantly +malignation +maligner +malignify +malignity +malignly +malignment +malik +malikadna +malikala +malikana +Maliki +Malikite +maline +malines +malinfluence +malinger +malingerer +malingery +Malinois +malinowskite +malinstitution +malinstruction +malintent +malism +malison +malist +malistic +malkin +Malkite +mall +malladrite +mallangong +mallard +mallardite +malleability +malleabilization +malleable +malleableize +malleableized +malleableness +malleablize +malleal +mallear +malleate +malleation +mallee +Malleifera +malleiferous +malleiform +mallein +malleinization +malleinize +mallemaroking +mallemuck +malleoincudal +malleolable +malleolar +malleolus +mallet +malleus +Malling +Mallophaga +mallophagan +mallophagous +malloseismic +Mallotus +mallow +mallowwort +Malloy +mallum +mallus +malm +Malmaison +malmignatte +malmsey +malmstone +malmy +malnourished +malnourishment +malnutrite +malnutrition +malo +malobservance +malobservation +maloccluded +malocclusion +malodor +malodorant +malodorous +malodorously +malodorousness +malojilla +malonate +malonic +malonyl +malonylurea +Malope +maloperation +malorganization +malorganized +malouah +malpais +Malpighia +Malpighiaceae +malpighiaceous +Malpighian +malplaced +malpoise +malposed +malposition +malpractice +malpractioner +malpraxis +malpresentation +malproportion +malproportioned +malpropriety +malpublication +malreasoning +malrotation +malshapen +malt +maltable +maltase +malter +Maltese +maltha +Malthe +malthouse +Malthusian +Malthusianism +Malthusiast +maltiness +malting +maltman +Malto +maltobiose +maltodextrin +maltodextrine +maltolte +maltose +maltreat +maltreatment +maltreator +maltster +malturned +maltworm +malty +malunion +Malurinae +malurine +Malurus +Malus +Malva +Malvaceae +malvaceous +Malvales +malvasia +malvasian +Malvastrum +malversation +malverse +malvoisie +malvolition +Mam +mamba +mambo +mameliere +mamelonation +mameluco +Mameluke +Mamercus +Mamers +Mamertine +Mamie +Mamilius +mamlatdar +mamma +mammal +mammalgia +Mammalia +mammalian +mammaliferous +mammality +mammalogical +mammalogist +mammalogy +mammary +mammate +Mammea +mammectomy +mammee +mammer +Mammifera +mammiferous +mammiform +mammilla +mammillaplasty +mammillar +Mammillaria +mammillary +mammillate +mammillated +mammillation +mammilliform +mammilloid +mammitis +mammock +mammogen +mammogenic +mammogenically +mammon +mammondom +mammoniacal +mammonish +mammonism +mammonist +mammonistic +mammonite +mammonitish +mammonization +mammonize +mammonolatry +Mammonteus +mammoth +mammothrept +mammula +mammular +Mammut +Mammutidae +mammy +mamo +man +mana +Manabozho +manacle +Manacus +manage +manageability +manageable +manageableness +manageably +managee +manageless +management +managemental +manager +managerdom +manageress +managerial +managerially +managership +managery +manaism +manakin +manal +manas +Manasquan +manatee +Manatidae +manatine +manatoid +Manatus +manavel +manavelins +Manavendra +manbird +manbot +manche +Manchester +Manchesterdom +Manchesterism +Manchesterist +Manchestrian +manchet +manchineel +Manchu +Manchurian +mancinism +mancipable +mancipant +mancipate +mancipation +mancipative +mancipatory +mancipee +mancipium +manciple +mancipleship +mancipular +mancono +Mancunian +mancus +mand +Mandaean +Mandaeism +Mandaic +Mandaite +mandala +Mandalay +mandament +mandamus +Mandan +mandant +mandarah +mandarin +mandarinate +mandarindom +mandariness +mandarinic +mandarinism +mandarinize +mandarinship +mandatary +mandate +mandatee +mandation +mandative +mandator +mandatorily +mandatory +mandatum +Mande +mandelate +mandelic +mandible +mandibula +mandibular +mandibulary +Mandibulata +mandibulate +mandibulated +mandibuliform +mandibulohyoid +mandibulomaxillary +mandibulopharyngeal +mandibulosuspensorial +mandil +mandilion +Mandingan +Mandingo +mandola +mandolin +mandolinist +mandolute +mandom +mandora +mandore +mandra +mandragora +mandrake +mandrel +mandriarch +mandrill +mandrin +mandruka +mandua +manducable +manducate +manducation +manducatory +mandyas +mane +maned +manege +manei +maneless +manent +manerial +manes +manesheet +maness +Manetti +Manettia +maneuver +maneuverability +maneuverable +maneuverer +maneuvrability +maneuvrable +maney +Manfred +Manfreda +manful +manfully +manfulness +mang +manga +mangabeira +mangabey +mangal +manganapatite +manganate +manganblende +manganbrucite +manganeisen +manganese +manganesian +manganetic +manganhedenbergite +manganic +manganiferous +manganite +manganium +manganize +Manganja +manganocalcite +manganocolumbite +manganophyllite +manganosiderite +manganosite +manganostibiite +manganotantalite +manganous +manganpectolite +Mangar +Mangbattu +mange +mangeao +mangel +mangelin +manger +mangerite +mangi +Mangifera +mangily +manginess +mangle +mangleman +mangler +mangling +manglingly +mango +mangona +mangonel +mangonism +mangonization +mangonize +mangosteen +mangrass +mangrate +mangrove +Mangue +mangue +mangy +Mangyan +manhandle +Manhattan +Manhattanite +Manhattanize +manhead +manhole +manhood +mani +mania +maniable +maniac +maniacal +maniacally +manic +Manicaria +manicate +Manichaean +Manichaeanism +Manichaeanize +Manichaeism +Manichaeist +Manichee +manichord +manicole +manicure +manicurist +manid +Manidae +manienie +manifest +manifestable +manifestant +manifestation +manifestational +manifestationist +manifestative +manifestatively +manifested +manifestedness +manifester +manifestive +manifestly +manifestness +manifesto +manifold +manifolder +manifoldly +manifoldness +manifoldwise +maniform +manify +Manihot +manikin +manikinism +Manila +manila +manilla +manille +manioc +maniple +manipulable +manipular +manipulatable +manipulate +manipulation +manipulative +manipulatively +manipulator +manipulatory +Manipuri +Manis +manism +manist +manistic +manito +Manitoban +manitrunk +maniu +Manius +Maniva +manjak +Manjeri +mank +mankeeper +mankin +mankind +manless +manlessly +manlessness +manlet +manlihood +manlike +manlikely +manlikeness +manlily +manliness +manling +manly +Mann +manna +mannan +mannequin +manner +mannerable +mannered +mannerhood +mannering +mannerism +mannerist +manneristic +manneristical +manneristically +mannerize +mannerless +mannerlessness +mannerliness +mannerly +manners +mannersome +manness +Mannheimar +mannide +mannie +manniferous +mannify +mannikinism +manning +mannish +mannishly +mannishness +mannite +mannitic +mannitol +mannitose +mannoheptite +mannoheptitol +mannoheptose +mannoketoheptose +mannonic +mannosan +mannose +Manny +manny +mano +Manobo +manoc +manograph +Manolis +manometer +manometric +manometrical +manometry +manomin +manor +manorial +manorialism +manorialize +manorship +manoscope +manostat +manostatic +manque +manred +manrent +manroot +manrope +Mans +mansard +mansarded +manscape +manse +manservant +manship +mansion +mansional +mansionary +mansioned +mansioneer +mansionry +manslaughter +manslaughterer +manslaughtering +manslaughterous +manslayer +manslaying +manso +mansonry +manstealer +manstealing +manstopper +manstopping +mansuete +mansuetely +mansuetude +mant +manta +mantal +manteau +mantel +mantelet +manteline +mantelletta +mantellone +mantelpiece +mantelshelf +manteltree +manter +mantes +mantevil +mantic +manticism +manticore +mantid +Mantidae +mantilla +Mantinean +mantis +Mantisia +Mantispa +mantispid +Mantispidae +mantissa +mantistic +mantle +mantled +mantlet +mantling +Manto +manto +Mantodea +mantoid +Mantoidea +mantologist +mantology +mantra +mantrap +mantua +mantuamaker +mantuamaking +Mantuan +Mantzu +manual +manualii +manualism +manualist +manualiter +manually +manuao +manubrial +manubriated +manubrium +manucaption +manucaptor +manucapture +manucode +Manucodia +manucodiata +manuduce +manuduction +manuductor +manuductory +Manuel +manufactory +manufacturable +manufactural +manufacture +manufacturer +manufacturess +manuka +manul +manuma +manumea +manumisable +manumission +manumissive +manumit +manumitter +manumotive +manurable +manurage +manurance +manure +manureless +manurer +manurial +manurially +manus +manuscript +manuscriptal +manuscription +manuscriptural +manusina +manustupration +manutagi +Manvantara +manward +manwards +manway +manweed +manwise +Manx +Manxman +Manxwoman +many +manyberry +Manyema +manyfold +manyness +manyplies +manyroot +manyways +manywhere +manywise +manzana +manzanilla +manzanillo +manzanita +Manzas +manzil +mao +maomao +Maori +Maoridom +Maoriland +Maorilander +map +mapach +mapau +maphrian +mapland +maple +maplebush +mapo +mappable +mapper +Mappila +mappist +mappy +Mapuche +mapwise +maquahuitl +maquette +maqui +Maquiritare +maquis +Mar +mar +Mara +marabotin +marabou +Marabout +marabuto +maraca +Maracaibo +maracan +maracock +marae +Maragato +marajuana +marakapas +maral +maranatha +marang +Maranha +Maranham +Maranhao +Maranta +Marantaceae +marantaceous +marantic +marara +mararie +marasca +maraschino +marasmic +Marasmius +marasmoid +marasmous +marasmus +Maratha +Marathi +marathon +marathoner +Marathonian +Maratism +Maratist +Marattia +Marattiaceae +marattiaceous +Marattiales +maraud +marauder +maravedi +Maravi +marbelize +marble +marbled +marblehead +marbleheader +marblehearted +marbleization +marbleize +marbleizer +marblelike +marbleness +marbler +marbles +marblewood +marbling +marblish +marbly +marbrinus +Marc +marc +Marcan +marcantant +marcasite +marcasitic +marcasitical +Marcel +marcel +marceline +Marcella +marcella +marceller +Marcellian +Marcellianism +marcello +marcescence +marcescent +Marcgravia +Marcgraviaceae +marcgraviaceous +March +march +Marchantia +Marchantiaceae +marchantiaceous +Marchantiales +marcher +marchetto +marchioness +marchite +marchland +marchman +Marchmont +marchpane +Marci +Marcia +marcid +Marcionism +Marcionist +Marcionite +Marcionitic +Marcionitish +Marcionitism +Marcite +Marco +marco +Marcobrunner +Marcomanni +Marconi +marconi +marconigram +marconigraph +marconigraphy +marcor +Marcos +Marcosian +marcottage +mardy +mare +mareblob +Mareca +marechal +Marehan +Marek +marekanite +maremma +maremmatic +maremmese +marengo +marennin +Mareotic +Mareotid +Marfik +marfire +margarate +Margarelon +Margaret +margaric +margarin +margarine +margarita +margaritaceous +margarite +margaritiferous +margaritomancy +Margarodes +margarodid +Margarodinae +margarodite +Margaropus +margarosanite +margay +marge +margeline +margent +Margery +Margie +margin +marginal +marginalia +marginality +marginalize +marginally +marginate +marginated +margination +margined +Marginella +Marginellidae +marginelliform +marginiform +margining +marginirostral +marginoplasty +margosa +Margot +margravate +margrave +margravely +margravial +margraviate +margravine +Marguerite +marguerite +marhala +Marheshvan +Mari +Maria +maria +marialite +Mariamman +Marian +Mariana +Marianic +Marianne +Marianolatrist +Marianolatry +maricolous +marid +Marie +mariengroschen +marigenous +marigold +marigram +marigraph +marigraphic +marijuana +marikina +Marilla +Marilyn +marimba +marimonda +marina +marinade +marinate +marinated +marine +mariner +marinheiro +marinist +marinorama +Mario +mariola +Mariolater +Mariolatrous +Mariolatry +Mariology +Marion +marionette +Mariou +Mariposan +mariposite +maris +marish +marishness +Marist +maritage +marital +maritality +maritally +mariticidal +mariticide +Maritime +maritime +maritorious +mariupolite +marjoram +Marjorie +Mark +mark +marka +Markab +markdown +Markeb +marked +markedly +markedness +marker +market +marketability +marketable +marketableness +marketably +marketeer +marketer +marketing +marketman +marketstead +marketwise +markfieldite +Markgenossenschaft +markhor +marking +markka +markless +markman +markmoot +Marko +markshot +marksman +marksmanly +marksmanship +markswoman +markup +Markus +markweed +markworthy +marl +Marla +marlaceous +marlberry +marled +Marlena +marler +marli +marlin +marline +marlinespike +marlite +marlitic +marllike +marlock +Marlovian +Marlowesque +Marlowish +Marlowism +marlpit +marly +marm +marmalade +marmalady +Marmar +marmarization +marmarize +marmarosis +marmatite +marmelos +marmennill +marmit +marmite +marmolite +marmoraceous +marmorate +marmorated +marmoration +marmoreal +marmoreally +marmorean +marmoric +Marmosa +marmose +marmoset +marmot +Marmota +Marnix +maro +marocain +marok +Maronian +Maronist +Maronite +maroon +marooner +maroquin +Marpessa +marplot +marplotry +marque +marquee +Marquesan +marquess +marquetry +marquis +marquisal +marquisate +marquisdom +marquise +marquisette +marquisina +marquisotte +marquisship +marquito +marranism +marranize +marrano +marree +Marrella +marrer +marriable +marriage +marriageability +marriageable +marriageableness +marriageproof +married +marrier +marron +marrot +marrow +marrowbone +marrowed +marrowfat +marrowish +marrowless +marrowlike +marrowsky +marrowskyer +marrowy +Marrubium +Marrucinian +marry +marryer +marrying +marrymuffe +Mars +Marsala +Marsdenia +marseilles +Marsh +marsh +Marsha +marshal +marshalate +marshalcy +marshaler +marshaless +Marshall +marshalman +marshalment +Marshalsea +marshalship +marshberry +marshbuck +marshfire +marshflower +marshiness +marshite +marshland +marshlander +marshlike +marshlocks +marshman +marshwort +marshy +Marsi +Marsian +Marsilea +Marsileaceae +marsileaceous +Marsilia +Marsiliaceae +marsipobranch +Marsipobranchia +Marsipobranchiata +marsipobranchiate +Marsipobranchii +marsoon +Marspiter +Marssonia +Marssonina +marsupial +Marsupialia +marsupialian +marsupialization +marsupialize +marsupian +Marsupiata +marsupiate +marsupium +Mart +mart +martagon +martel +marteline +martellate +martellato +marten +martensite +martensitic +Martes +martext +Martha +martial +martialism +Martialist +martiality +martialization +martialize +martially +martialness +Martian +Martin +martin +martinet +martineta +martinetish +martinetishness +martinetism +martinetship +Martinez +martingale +martinico +Martinism +Martinist +Martinmas +martinoe +martite +Martius +martlet +Martu +Marty +Martyn +Martynia +Martyniaceae +martyniaceous +martyr +martyrdom +martyress +martyrium +martyrization +martyrize +martyrizer +martyrlike +martyrly +martyrolatry +martyrologic +martyrological +martyrologist +martyrologistic +martyrologium +martyrology +martyrship +martyry +maru +marvel +marvelment +marvelous +marvelously +marvelousness +marvelry +marver +Marvin +Marwari +Marxian +Marxianism +Marxism +Marxist +Mary +mary +marybud +Maryland +Marylander +Marylandian +Marymass +marysole +marzipan +mas +masa +Masai +Masanao +Masanobu +masaridid +Masarididae +Masaridinae +Masaris +mascagnine +mascagnite +mascally +mascara +mascaron +mascled +mascleless +mascot +mascotism +mascotry +Mascouten +mascularity +masculate +masculation +masculine +masculinely +masculineness +masculinism +masculinist +masculinity +masculinization +masculinize +masculist +masculofeminine +masculonucleus +masculy +masdeu +Masdevallia +mash +masha +mashal +mashallah +mashelton +masher +mashie +mashing +mashman +Mashona +Mashpee +mashru +mashy +masjid +mask +masked +Maskegon +maskelynite +masker +maskette +maskflower +Maskins +masklike +Maskoi +maskoid +maslin +masochism +masochist +masochistic +Mason +mason +masoned +masoner +masonic +Masonite +masonite +masonry +masonwork +masooka +masoola +Masora +Masorete +Masoreth +Masoretic +Maspiter +masque +masquer +masquerade +masquerader +Mass +mass +massa +massacre +massacrer +massage +massager +massageuse +massagist +Massalia +Massalian +massaranduba +massasauga +masse +massebah +massecuite +massedly +massedness +Massekhoth +massel +masser +masseter +masseteric +masseur +masseuse +massicot +massier +massiest +massif +Massilia +Massilian +massily +massiness +massive +massively +massiveness +massivity +masskanne +massless +masslike +Massmonger +massotherapy +massoy +massula +massy +mast +mastaba +mastadenitis +mastadenoma +mastage +mastalgia +mastatrophia +mastatrophy +mastauxe +mastax +mastectomy +masted +master +masterable +masterate +masterdom +masterer +masterful +masterfully +masterfulness +masterhood +masterless +masterlessness +masterlike +masterlily +masterliness +masterling +masterly +masterman +mastermind +masterous +masterpiece +masterproof +mastership +masterwork +masterwort +mastery +mastful +masthead +masthelcosis +mastic +masticability +masticable +masticate +mastication +masticator +masticatory +mastiche +masticic +Masticura +masticurous +mastiff +Mastigamoeba +mastigate +mastigium +mastigobranchia +mastigobranchial +Mastigophora +mastigophoran +mastigophoric +mastigophorous +mastigopod +Mastigopoda +mastigopodous +mastigote +mastigure +masting +mastitis +mastless +mastlike +mastman +mastocarcinoma +mastoccipital +mastochondroma +mastochondrosis +mastodon +mastodonsaurian +Mastodonsaurus +mastodont +mastodontic +Mastodontidae +mastodontine +mastodontoid +mastodynia +mastoid +mastoidal +mastoidale +mastoideal +mastoidean +mastoidectomy +mastoideocentesis +mastoideosquamous +mastoiditis +mastoidohumeral +mastoidohumeralis +mastoidotomy +mastological +mastologist +mastology +mastomenia +mastoncus +mastooccipital +mastoparietal +mastopathy +mastopexy +mastoplastia +mastorrhagia +mastoscirrhus +mastosquamose +mastotomy +mastotympanic +masturbate +masturbation +masturbational +masturbator +masturbatory +mastwood +masty +masu +Masulipatam +masurium +Mat +mat +Matabele +Matacan +matachin +matachina +mataco +matadero +matador +mataeological +mataeologue +mataeology +Matagalpa +Matagalpan +matagory +matagouri +matai +matajuelo +matalan +matamata +matamoro +matanza +matapan +matapi +Matar +matara +Matatua +Matawan +matax +matboard +match +matchable +matchableness +matchably +matchboard +matchboarding +matchbook +matchbox +matchcloth +matchcoat +matcher +matching +matchless +matchlessly +matchlessness +matchlock +matchmaker +matchmaking +matchmark +Matchotic +matchsafe +matchstick +matchwood +matchy +mate +mategriffon +matehood +mateless +matelessness +matelote +mately +mater +materfamilias +material +materialism +materialist +materialistic +materialistical +materialistically +materiality +materialization +materialize +materializee +materializer +materially +materialman +materialness +materiate +materiation +materiel +maternal +maternality +maternalize +maternally +maternalness +maternity +maternology +mateship +matey +matezite +matfelon +matgrass +math +mathematic +mathematical +mathematically +mathematicals +mathematician +mathematicize +mathematics +mathematize +mathemeg +mathes +mathesis +mathetic +Mathurin +matico +matildite +matin +matinal +matinee +mating +matins +matipo +matka +matless +matlockite +matlow +matmaker +matmaking +matra +matral +Matralia +matranee +matrass +matreed +matriarch +matriarchal +matriarchalism +matriarchate +matriarchic +matriarchist +matriarchy +matric +matrical +Matricaria +matrices +matricidal +matricide +matricula +matriculable +matriculant +matricular +matriculate +matriculation +matriculator +matriculatory +Matrigan +matriheritage +matriherital +matrilineal +matrilineally +matrilinear +matrilinearism +matriliny +matrilocal +matrimonial +matrimonially +matrimonious +matrimoniously +matrimony +matriotism +matripotestal +matris +matrix +matroclinic +matroclinous +matrocliny +matron +matronage +matronal +Matronalia +matronhood +matronism +matronize +matronlike +matronliness +matronly +matronship +matronymic +matross +Mats +matsu +matsuri +Matt +matta +mattamore +Mattapony +mattaro +mattboard +matte +matted +mattedly +mattedness +matter +matterate +matterative +matterful +matterfulness +matterless +mattery +Matteuccia +Matthaean +Matthew +Matthias +Matthieu +Matthiola +Matti +matti +matting +mattock +mattoid +mattoir +mattress +mattulla +Matty +maturable +maturate +maturation +maturative +mature +maturely +maturement +matureness +maturer +maturescence +maturescent +maturing +maturish +maturity +matutinal +matutinally +matutinary +matutine +matutinely +matweed +maty +matzo +matzoon +matzos +matzoth +mau +maucherite +Maud +maud +maudle +maudlin +maudlinism +maudlinize +maudlinly +maudlinwort +mauger +maugh +Maugis +maul +Maulawiyah +mauler +mauley +mauling +maulstick +Maumee +maumet +maumetry +Maun +maun +maund +maunder +maunderer +maundful +maundy +maunge +Maurandia +Maureen +Mauretanian +Mauri +Maurice +Maurist +Mauritia +Mauritian +Mauser +mausolea +mausoleal +mausolean +mausoleum +mauther +mauve +mauveine +mauvette +mauvine +maux +maverick +mavis +Mavortian +mavournin +mavrodaphne +maw +mawbound +mawk +mawkish +mawkishly +mawkishness +mawky +mawp +Max +maxilla +maxillar +maxillary +maxilliferous +maxilliform +maxilliped +maxillipedary +maxillodental +maxillofacial +maxillojugal +maxillolabial +maxillomandibular +maxillopalatal +maxillopalatine +maxillopharyngeal +maxillopremaxillary +maxilloturbinal +maxillozygomatic +maxim +maxima +maximal +Maximalism +Maximalist +maximally +maximate +maximation +maximed +maximist +maximistic +maximite +maximization +maximize +maximizer +Maximon +maximum +maximus +maxixe +maxwell +May +may +Maya +maya +Mayaca +Mayacaceae +mayacaceous +Mayan +Mayance +Mayathan +maybe +Maybird +Maybloom +maybush +Maycock +maycock +Mayda +mayday +Mayer +Mayey +Mayeye +Mayfair +mayfish +Mayflower +Mayfowl +mayhap +mayhappen +mayhem +Maying +Maylike +maynt +Mayo +Mayologist +mayonnaise +mayor +mayoral +mayoralty +mayoress +mayorship +Mayoruna +Maypole +Maypoling +maypop +maysin +mayten +Maytenus +Maythorn +Maytide +Maytime +mayweed +Maywings +Maywort +maza +mazalgia +Mazama +mazame +Mazanderani +mazapilite +mazard +mazarine +Mazatec +Mazateco +Mazda +Mazdaism +Mazdaist +Mazdakean +Mazdakite +Mazdean +maze +mazed +mazedly +mazedness +mazeful +mazement +mazer +Mazhabi +mazic +mazily +maziness +mazocacothesis +mazodynia +mazolysis +mazolytic +mazopathia +mazopathic +mazopexy +Mazovian +mazuca +mazuma +Mazur +Mazurian +mazurka +mazut +mazy +mazzard +Mazzinian +Mazzinianism +Mazzinist +mbalolo +Mbaya +mbori +Mbuba +Mbunda +Mcintosh +Mckay +Mdewakanton +me +meable +meaching +mead +meader +meadow +meadowbur +meadowed +meadower +meadowing +meadowink +meadowland +meadowless +meadowsweet +meadowwort +meadowy +meadsman +meager +meagerly +meagerness +meagre +meak +meal +mealable +mealberry +mealer +mealies +mealily +mealiness +mealless +mealman +mealmonger +mealmouth +mealmouthed +mealproof +mealtime +mealy +mealymouth +mealymouthed +mealymouthedly +mealymouthedness +mealywing +mean +meander +meanderingly +meandrine +meandriniform +meandrite +meandrous +meaned +meaner +meaning +meaningful +meaningfully +meaningless +meaninglessly +meaninglessness +meaningly +meaningness +meanish +meanly +meanness +meant +Meantes +meantone +meanwhile +mease +measle +measled +measledness +measles +measlesproof +measly +measondue +measurability +measurable +measurableness +measurably +measuration +measure +measured +measuredly +measuredness +measureless +measurelessly +measurelessness +measurely +measurement +measurer +measuring +meat +meatal +meatbird +meatcutter +meated +meathook +meatily +meatiness +meatless +meatman +meatometer +meatorrhaphy +meatoscope +meatoscopy +meatotome +meatotomy +meatus +meatworks +meaty +Mebsuta +Mecaptera +mecate +Mecca +Meccan +Meccano +Meccawee +Mechael +mechanal +mechanality +mechanalize +mechanic +mechanical +mechanicalism +mechanicalist +mechanicality +mechanicalization +mechanicalize +mechanically +mechanicalness +mechanician +mechanicochemical +mechanicocorpuscular +mechanicointellectual +mechanicotherapy +mechanics +mechanism +mechanist +mechanistic +mechanistically +mechanization +mechanize +mechanizer +mechanolater +mechanology +mechanomorphic +mechanomorphism +mechanotherapeutic +mechanotherapeutics +mechanotherapist +mechanotherapy +Mechir +Mechitaristican +Mechlin +mechoacan +meckelectomy +Meckelian +Mecklenburgian +mecodont +Mecodonta +mecometer +mecometry +mecon +meconic +meconidium +meconin +meconioid +meconium +meconology +meconophagism +meconophagist +Mecoptera +mecopteran +mecopteron +mecopterous +medal +medaled +medalet +medalist +medalize +medallary +medallic +medallically +medallion +medallionist +meddle +meddlecome +meddlement +meddler +meddlesome +meddlesomely +meddlesomeness +meddling +meddlingly +Mede +Medellin +Medeola +Media +media +mediacid +mediacy +mediad +mediaevalize +mediaevally +medial +medialization +medialize +medialkaline +medially +Median +median +medianic +medianimic +medianimity +medianism +medianity +medianly +mediant +mediastinal +mediastine +mediastinitis +mediastinotomy +mediastinum +mediate +mediately +mediateness +mediating +mediatingly +mediation +mediative +mediatization +mediatize +mediator +mediatorial +mediatorialism +mediatorially +mediatorship +mediatory +mediatress +mediatrice +mediatrix +Medic +medic +medicable +Medicago +medical +medically +medicament +medicamental +medicamentally +medicamentary +medicamentation +medicamentous +medicaster +medicate +medication +medicative +medicator +medicatory +Medicean +Medici +medicinable +medicinableness +medicinal +medicinally +medicinalness +medicine +medicinelike +medicinemonger +mediciner +medico +medicobotanical +medicochirurgic +medicochirurgical +medicodental +medicolegal +medicolegally +medicomania +medicomechanic +medicomechanical +medicomoral +medicophysical +medicopsychological +medicopsychology +medicostatistic +medicosurgical +medicotopographic +medicozoologic +mediety +Medieval +medieval +medievalism +medievalist +medievalistic +medievalize +medievally +medifixed +mediglacial +medimn +medimno +medimnos +medimnus +Medina +Medinilla +medino +medio +medioanterior +mediocarpal +medioccipital +mediocre +mediocrist +mediocrity +mediocubital +mediodepressed +mediodigital +mediodorsal +mediodorsally +mediofrontal +mediolateral +mediopalatal +mediopalatine +mediopassive +mediopectoral +medioperforate +mediopontine +medioposterior +mediosilicic +mediostapedial +mediotarsal +medioventral +medisance +medisect +medisection +Medish +Medism +meditant +meditate +meditating +meditatingly +meditation +meditationist +meditatist +meditative +meditatively +meditativeness +meditator +mediterranean +Mediterraneanism +Mediterraneanization +Mediterraneanize +mediterraneous +medithorax +Meditrinalia +meditullium +medium +mediumism +mediumistic +mediumization +mediumize +mediumship +medius +Medize +Medizer +medjidie +medlar +medley +Medoc +medregal +medrick +medrinaque +medulla +medullar +medullary +medullate +medullated +medullation +medullispinal +medullitis +medullization +medullose +Medusa +Medusaean +medusal +medusalike +medusan +medusiferous +medusiform +medusoid +meebos +meece +meed +meedless +Meehan +meek +meeken +meekhearted +meekheartedness +meekling +meekly +meekness +Meekoceras +Meeks +meered +meerkat +meerschaum +meese +meet +meetable +meeten +meeter +meeterly +meethelp +meethelper +meeting +meetinger +meetinghouse +meetly +meetness +Meg +megabar +megacephalia +megacephalic +megacephaly +megacerine +Megaceros +megacerotine +Megachile +megachilid +Megachilidae +Megachiroptera +megachiropteran +megachiropterous +megacolon +megacosm +megacoulomb +megacycle +megadont +Megadrili +megadynamics +megadyne +Megaera +megaerg +megafarad +megafog +megagamete +megagametophyte +megajoule +megakaryocyte +Megalactractus +Megaladapis +Megalaema +Megalaemidae +Megalania +megaleme +Megalensian +megalerg +Megalesia +Megalesian +megalesthete +megalethoscope +Megalichthyidae +Megalichthys +megalith +megalithic +Megalobatrachus +megaloblast +megaloblastic +megalocardia +megalocarpous +megalocephalia +megalocephalic +megalocephalous +megalocephaly +Megaloceros +megalochirous +megalocornea +megalocyte +megalocytosis +megalodactylia +megalodactylism +megalodactylous +Megalodon +megalodont +megalodontia +Megalodontidae +megaloenteron +megalogastria +megaloglossia +megalograph +megalography +megalohepatia +megalokaryocyte +megalomania +megalomaniac +megalomaniacal +megalomelia +Megalonychidae +Megalonyx +megalopa +megalopenis +megalophonic +megalophonous +megalophthalmus +megalopia +megalopic +Megalopidae +Megalopinae +megalopine +megaloplastocyte +megalopolis +megalopolitan +megalopolitanism +megalopore +megalops +megalopsia +Megaloptera +Megalopyge +Megalopygidae +Megalornis +Megalornithidae +megalosaur +megalosaurian +Megalosauridae +megalosauroid +Megalosaurus +megaloscope +megaloscopy +megalosphere +megalospheric +megalosplenia +megalosyndactyly +megaloureter +Megaluridae +Megamastictora +megamastictoral +megamere +megameter +megampere +Meganeura +Meganthropus +meganucleus +megaparsec +megaphone +megaphonic +megaphotographic +megaphotography +megaphyllous +Megaphyton +megapod +megapode +Megapodidae +Megapodiidae +Megapodius +megaprosopous +Megaptera +Megapterinae +megapterine +Megarensian +Megarhinus +Megarhyssa +Megarian +Megarianism +Megaric +megaron +megasclere +megascleric +megasclerous +megasclerum +megascope +megascopic +megascopical +megascopically +megaseism +megaseismic +megaseme +Megasoma +megasporange +megasporangium +megaspore +megasporic +megasporophyll +megasynthetic +megathere +megatherian +Megatheriidae +megatherine +megatherioid +Megatherium +megatherm +megathermic +megatheroid +megaton +megatype +megatypy +megavolt +megawatt +megaweber +megazooid +megazoospore +megerg +Meggy +megilp +megmho +megohm +megohmit +megohmmeter +megophthalmus +megotalc +Megrel +Megrez +megrim +megrimish +mehalla +mehari +meharist +Mehelya +mehmandar +Mehrdad +mehtar +mehtarship +Meibomia +Meibomian +meile +mein +meinie +meio +meiobar +meionite +meiophylly +meiosis +meiotaxy +meiotic +Meissa +Meistersinger +meith +Meithei +meizoseismal +meizoseismic +mejorana +Mekbuda +Mekhitarist +mekometer +mel +mela +melaconite +melada +meladiorite +melagabbro +melagra +melagranite +Melaleuca +melalgia +melam +melamed +melamine +melampodium +Melampsora +Melampsoraceae +Melampus +melampyritol +Melampyrum +melanagogal +melanagogue +melancholia +melancholiac +melancholic +melancholically +melancholily +melancholiness +melancholious +melancholiously +melancholiousness +melancholish +melancholist +melancholize +melancholomaniac +melancholy +melancholyish +Melanchthonian +Melanconiaceae +melanconiaceous +Melanconiales +Melanconium +melanemia +melanemic +Melanesian +melange +melanger +melangeur +Melania +melanian +melanic +melaniferous +Melaniidae +melanilin +melaniline +melanin +Melanippe +Melanippus +melanism +melanistic +melanite +melanitic +melanize +melano +melanoblast +melanocarcinoma +melanocerite +Melanochroi +Melanochroid +melanochroite +melanochroous +melanocomous +melanocrate +melanocratic +melanocyte +Melanodendron +melanoderma +melanodermia +melanodermic +Melanogaster +melanogen +Melanoi +melanoid +melanoidin +melanoma +melanopathia +melanopathy +melanophore +melanoplakia +Melanoplus +melanorrhagia +melanorrhea +Melanorrhoea +melanosarcoma +melanosarcomatosis +melanoscope +melanose +melanosed +melanosis +melanosity +melanospermous +melanotekite +melanotic +melanotrichous +melanous +melanterite +Melanthaceae +melanthaceous +Melanthium +melanure +melanuresis +melanuria +melanuric +melaphyre +Melas +melasma +melasmic +melassigenic +Melastoma +Melastomaceae +melastomaceous +melastomad +melatope +melaxuma +Melburnian +Melcarth +melch +Melchite +Melchora +meld +melder +meldometer +meldrop +mele +Meleager +Meleagridae +Meleagrina +Meleagrinae +meleagrine +Meleagris +melebiose +melee +melena +melene +melenic +Meles +Meletian +Meletski +melezitase +melezitose +Melia +Meliaceae +meliaceous +Meliadus +Melian +Melianthaceae +melianthaceous +Melianthus +meliatin +melibiose +melic +Melica +Melicent +melicera +meliceric +meliceris +melicerous +Melicerta +Melicertidae +melichrous +melicitose +Melicocca +melicraton +melilite +melilitite +melilot +Melilotus +Melinae +Melinda +meline +Melinis +melinite +Meliola +meliorability +meliorable +meliorant +meliorate +meliorater +melioration +meliorative +meliorator +meliorism +meliorist +melioristic +meliority +meliphagan +Meliphagidae +meliphagidan +meliphagous +meliphanite +Melipona +Meliponinae +meliponine +melisma +melismatic +melismatics +Melissa +melissyl +melissylic +Melitaea +melitemia +melithemia +melitis +melitose +melitriose +melittologist +melittology +melituria +melituric +mell +mellaginous +mellate +mellay +melleous +meller +Mellifera +melliferous +mellificate +mellification +mellifluence +mellifluent +mellifluently +mellifluous +mellifluously +mellifluousness +mellimide +mellisonant +mellisugent +mellit +mellitate +mellite +mellitic +Mellivora +Mellivorinae +mellivorous +mellon +mellonides +mellophone +mellow +mellowly +mellowness +mellowy +mellsman +Melocactus +melocoton +melodeon +melodia +melodial +melodially +melodic +melodica +melodically +melodicon +melodics +melodiograph +melodion +melodious +melodiously +melodiousness +melodism +melodist +melodize +melodizer +melodram +melodrama +melodramatic +melodramatical +melodramatically +melodramaticism +melodramatics +melodramatist +melodramatize +melodrame +melody +melodyless +meloe +melogram +Melogrammataceae +melograph +melographic +meloid +Meloidae +melologue +Melolontha +Melolonthidae +melolonthidan +Melolonthides +Melolonthinae +melolonthine +melomane +melomania +melomaniac +melomanic +melon +meloncus +Melonechinus +melongena +melongrower +melonist +melonite +Melonites +melonlike +melonmonger +melonry +melophone +melophonic +melophonist +melopiano +meloplast +meloplastic +meloplasty +melopoeia +melopoeic +melos +melosa +Melospiza +Melothria +melotragedy +melotragic +melotrope +melt +meltability +meltable +meltage +melted +meltedness +melteigite +melter +melters +melting +meltingly +meltingness +melton +Meltonian +Melungeon +Melursus +mem +member +membered +memberless +membership +membracid +Membracidae +membracine +membral +membrally +membrana +membranaceous +membranaceously +membranate +membrane +membraned +membraneless +membranelike +membranelle +membraneous +membraniferous +membraniform +membranin +Membranipora +Membraniporidae +membranocalcareous +membranocartilaginous +membranocoriaceous +membranocorneous +membranogenic +membranoid +membranology +membranonervous +membranosis +membranous +membranously +membranula +membranule +membretto +memento +meminna +Memnon +Memnonian +Memnonium +memo +memoir +memoirism +memoirist +memorabilia +memorability +memorable +memorableness +memorably +memoranda +memorandist +memorandize +memorandum +memorative +memoria +memorial +memorialist +memorialization +memorialize +memorializer +memorially +memoried +memorious +memorist +memorizable +memorization +memorize +memorizer +memory +memoryless +Memphian +Memphite +men +menaccanite +menaccanitic +menace +menaceable +menaceful +menacement +menacer +menacing +menacingly +menacme +menadione +menage +menagerie +menagerist +menald +Menangkabau +menarche +Menaspis +mend +mendable +mendacious +mendaciously +mendaciousness +mendacity +Mendaite +Mende +mendee +Mendelian +Mendelianism +Mendelianist +Mendelism +Mendelist +Mendelize +Mendelssohnian +Mendelssohnic +mendelyeevite +mender +Mendi +mendicancy +mendicant +mendicate +mendication +mendicity +mending +mendipite +mendole +mendozite +mends +meneghinite +menfolk +Menfra +meng +Mengwe +menhaden +menhir +menial +menialism +meniality +menially +Menic +menilite +meningeal +meninges +meningic +meningina +meningism +meningitic +meningitis +meningocele +meningocephalitis +meningocerebritis +meningococcal +meningococcemia +meningococcic +meningococcus +meningocortical +meningoencephalitis +meningoencephalocele +meningomalacia +meningomyclitic +meningomyelitis +meningomyelocele +meningomyelorrhaphy +meningorachidian +meningoradicular +meningorhachidian +meningorrhagia +meningorrhea +meningorrhoea +meningosis +meningospinal +meningotyphoid +meninting +meninx +meniscal +meniscate +menisciform +meniscitis +meniscoid +meniscoidal +Meniscotheriidae +Meniscotherium +meniscus +menisperm +Menispermaceae +menispermaceous +menispermine +Menispermum +Menkalinan +Menkar +Menkib +menkind +mennom +Mennonist +Mennonite +Menobranchidae +Menobranchus +menognath +menognathous +menologium +menology +menometastasis +Menominee +menopausal +menopause +menopausic +menophania +menoplania +Menopoma +Menorah +Menorhyncha +menorhynchous +menorrhagia +menorrhagic +menorrhagy +menorrhea +menorrheic +menorrhoea +menorrhoeic +menoschesis +menoschetic +menosepsis +menostasia +menostasis +menostatic +menostaxis +Menotyphla +menotyphlic +menoxenia +mensa +mensal +mensalize +mense +menseful +menseless +menses +Menshevik +Menshevism +Menshevist +mensk +menstrual +menstruant +menstruate +menstruation +menstruous +menstruousness +menstruum +mensual +mensurability +mensurable +mensurableness +mensurably +mensural +mensuralist +mensurate +mensuration +mensurational +mensurative +Ment +mentagra +mental +mentalis +mentalism +mentalist +mentalistic +mentality +mentalization +mentalize +mentally +mentary +mentation +Mentha +Menthaceae +menthaceous +menthadiene +menthane +menthene +menthenol +menthenone +menthol +mentholated +menthone +menthyl +menticide +menticultural +menticulture +mentiferous +mentiform +mentigerous +mentimeter +mentimutation +mention +mentionability +mentionable +mentionless +mentoanterior +mentobregmatic +mentocondylial +mentohyoid +mentolabial +mentomeckelian +mentonniere +mentoposterior +mentor +mentorial +mentorism +mentorship +mentum +Mentzelia +menu +Menura +Menurae +Menuridae +meny +Menyanthaceae +Menyanthaceous +Menyanthes +menyie +menzie +Menziesia +Meo +Mephisto +Mephistophelean +Mephistopheleanly +Mephistopheles +Mephistophelic +Mephistophelistic +mephitic +mephitical +Mephitinae +mephitine +mephitis +mephitism +Mer +Merak +meralgia +meraline +Merat +Meratia +merbaby +mercal +mercantile +mercantilely +mercantilism +mercantilist +mercantilistic +mercantility +mercaptal +mercaptan +mercaptides +mercaptids +mercapto +mercaptol +mercaptole +Mercator +Mercatorial +mercatorial +Mercedarian +Mercedes +Mercedinus +Mercedonius +mercenarily +mercenariness +mercenary +mercer +merceress +mercerization +mercerize +mercerizer +mercership +mercery +merch +merchandisable +merchandise +merchandiser +merchant +merchantable +merchantableness +merchanter +merchanthood +merchantish +merchantlike +merchantly +merchantman +merchantry +merchantship +merchet +Mercian +merciful +mercifully +mercifulness +merciless +mercilessly +mercilessness +merciment +mercurate +mercuration +Mercurean +mercurial +Mercurialis +mercurialism +mercuriality +mercurialization +mercurialize +mercurially +mercurialness +mercuriamines +mercuriammonium +Mercurian +mercuriate +mercuric +mercuride +mercurification +mercurify +Mercurius +mercurization +mercurize +Mercurochrome +mercurophen +mercurous +Mercury +mercy +mercyproof +merdivorous +mere +Meredithian +merel +merely +merenchyma +merenchymatous +meresman +merestone +meretricious +meretriciously +meretriciousness +meretrix +merfold +merfolk +merganser +merge +mergence +merger +mergh +Merginae +Mergulus +Mergus +meriah +mericarp +merice +Merida +meridian +Meridion +Meridionaceae +Meridional +meridional +meridionality +meridionally +meril +meringue +meringued +Merino +Meriones +meriquinoid +meriquinoidal +meriquinone +meriquinonic +meriquinonoid +merism +merismatic +merismoid +merist +meristele +meristelic +meristem +meristematic +meristematically +meristic +meristically +meristogenous +merit +meritable +merited +meritedly +meriter +meritful +meritless +meritmonger +meritmongering +meritmongery +meritorious +meritoriously +meritoriousness +merk +merkhet +merkin +merl +merle +merlette +merlin +merlon +Merlucciidae +Merluccius +mermaid +mermaiden +merman +Mermis +mermithaner +mermithergate +Mermithidae +mermithization +mermithized +mermithogyne +Mermnad +Mermnadae +mermother +mero +meroblastic +meroblastically +merocele +merocelic +merocerite +meroceritic +merocrystalline +merocyte +Merodach +merogamy +merogastrula +merogenesis +merogenetic +merogenic +merognathite +merogonic +merogony +merohedral +merohedric +merohedrism +meroistic +Meroitic +meromorphic +Meromyaria +meromyarian +merop +Merope +Meropes +meropia +Meropidae +meropidan +meroplankton +meroplanktonic +meropodite +meropoditic +Merops +merorganization +merorganize +meros +merosomal +Merosomata +merosomatous +merosome +merosthenic +Merostomata +merostomatous +merostome +merostomous +merosymmetrical +merosymmetry +merosystematic +merotomize +merotomy +merotropism +merotropy +Merovingian +meroxene +Merozoa +merozoite +merpeople +merribauks +merribush +Merril +merriless +merrily +merriment +merriness +merrow +merry +merrymake +merrymaker +merrymaking +merryman +merrymeeting +merrythought +merrytrotter +merrywing +merse +Mertensia +Merton +Merula +meruline +merulioid +Merulius +merveileux +merwinite +merwoman +Merychippus +merycism +merycismus +Merycoidodon +Merycoidodontidae +Merycopotamidae +Merycopotamus +Mes +mesa +mesabite +mesaconate +mesaconic +mesad +Mesadenia +mesadenia +mesail +mesal +mesalike +mesally +mesameboid +mesange +mesaortitis +mesaraic +mesaraical +mesarch +mesarteritic +mesarteritis +Mesartim +mesaticephal +mesaticephali +mesaticephalic +mesaticephalism +mesaticephalous +mesaticephaly +mesatipellic +mesatipelvic +mesatiskelic +mesaxonic +mescal +Mescalero +mescaline +mescalism +mesdames +mese +mesectoderm +mesem +Mesembryanthemaceae +Mesembryanthemum +mesembryo +mesembryonic +mesencephalic +mesencephalon +mesenchyma +mesenchymal +mesenchymatal +mesenchymatic +mesenchymatous +mesenchyme +mesendoderm +mesenna +mesenterial +mesenteric +mesenterical +mesenterically +mesenteriform +mesenteriolum +mesenteritic +mesenteritis +mesenteron +mesenteronic +mesentery +mesentoderm +mesepimeral +mesepimeron +mesepisternal +mesepisternum +mesepithelial +mesepithelium +mesethmoid +mesethmoidal +mesh +Meshech +meshed +meshrabiyeh +meshwork +meshy +mesiad +mesial +mesially +mesian +mesic +mesically +mesilla +mesiobuccal +mesiocervical +mesioclusion +mesiodistal +mesiodistally +mesiogingival +mesioincisal +mesiolabial +mesiolingual +mesion +mesioocclusal +mesiopulpal +mesioversion +Mesitae +Mesites +Mesitidae +mesitite +mesityl +mesitylene +mesitylenic +mesmerian +mesmeric +mesmerical +mesmerically +mesmerism +mesmerist +mesmerite +mesmerizability +mesmerizable +mesmerization +mesmerize +mesmerizee +mesmerizer +mesmeromania +mesmeromaniac +mesnality +mesnalty +mesne +meso +mesoappendicitis +mesoappendix +mesoarial +mesoarium +mesobar +mesobenthos +mesoblast +mesoblastema +mesoblastemic +mesoblastic +mesobranchial +mesobregmate +mesocaecal +mesocaecum +mesocardia +mesocardium +mesocarp +mesocentrous +mesocephal +mesocephalic +mesocephalism +mesocephalon +mesocephalous +mesocephaly +mesochilium +mesochondrium +mesochroic +mesocoele +mesocoelian +mesocoelic +mesocolic +mesocolon +mesocoracoid +mesocranial +mesocratic +mesocuneiform +mesode +mesoderm +mesodermal +mesodermic +Mesodesma +Mesodesmatidae +Mesodesmidae +Mesodevonian +Mesodevonic +mesodic +mesodisilicic +mesodont +Mesoenatides +mesofurca +mesofurcal +mesogaster +mesogastral +mesogastric +mesogastrium +mesogloea +mesogloeal +mesognathic +mesognathion +mesognathism +mesognathous +mesognathy +mesogyrate +mesohepar +Mesohippus +mesokurtic +mesolabe +mesole +mesolecithal +mesolimnion +mesolite +mesolithic +mesologic +mesological +mesology +mesomere +mesomeric +mesomerism +mesometral +mesometric +mesometrium +mesomorph +mesomorphic +mesomorphous +mesomorphy +Mesomyodi +mesomyodian +mesomyodous +meson +mesonasal +Mesonemertini +mesonephric +mesonephridium +mesonephritic +mesonephros +mesonic +mesonotal +mesonotum +Mesonychidae +Mesonyx +mesoparapteral +mesoparapteron +mesopectus +mesoperiodic +mesopetalum +mesophile +mesophilic +mesophilous +mesophragm +mesophragma +mesophragmal +mesophryon +mesophyll +mesophyllous +mesophyllum +mesophyte +mesophytic +mesophytism +mesopic +mesoplankton +mesoplanktonic +mesoplast +mesoplastic +mesoplastral +mesoplastron +mesopleural +mesopleuron +Mesoplodon +mesoplodont +mesopodial +mesopodiale +mesopodium +mesopotamia +Mesopotamian +mesopotamic +mesoprescutal +mesoprescutum +mesoprosopic +mesopterygial +mesopterygium +mesopterygoid +mesorchial +mesorchium +Mesore +mesorectal +mesorectum +Mesoreodon +mesorrhin +mesorrhinal +mesorrhinian +mesorrhinism +mesorrhinium +mesorrhiny +mesosalpinx +mesosaur +Mesosauria +Mesosaurus +mesoscapula +mesoscapular +mesoscutal +mesoscutellar +mesoscutellum +mesoscutum +mesoseismal +mesoseme +mesosiderite +mesosigmoid +mesoskelic +mesosoma +mesosomatic +mesosome +mesosperm +mesospore +mesosporic +mesosporium +mesostasis +mesosternal +mesosternebra +mesosternebral +mesosternum +mesostethium +Mesostoma +Mesostomatidae +mesostomid +mesostyle +mesostylous +Mesosuchia +mesosuchian +Mesotaeniaceae +Mesotaeniales +mesotarsal +mesotartaric +Mesothelae +mesothelial +mesothelium +mesotherm +mesothermal +mesothesis +mesothet +mesothetic +mesothetical +mesothoracic +mesothoracotheca +mesothorax +mesothorium +mesotonic +mesotroch +mesotrocha +mesotrochal +mesotrochous +mesotron +mesotropic +mesotympanic +mesotype +mesovarian +mesovarium +mesoventral +mesoventrally +mesoxalate +mesoxalic +mesoxalyl +Mesozoa +mesozoan +Mesozoic +mespil +Mespilus +Mespot +mesquite +Mesropian +mess +message +messagery +Messalian +messaline +messan +Messapian +messe +messelite +messenger +messengership +messer +messet +Messiah +Messiahship +Messianic +Messianically +messianically +Messianism +Messianist +Messianize +Messias +messieurs +messily +messin +Messines +Messinese +messiness +messing +messman +messmate +messor +messroom +messrs +messtin +messuage +messy +mestee +mester +mestiza +mestizo +mestome +Mesua +Mesvinian +mesymnion +met +meta +metabasis +metabasite +metabatic +metabiological +metabiology +metabiosis +metabiotic +metabiotically +metabismuthic +metabisulphite +metabletic +Metabola +metabola +metabole +Metabolia +metabolian +metabolic +metabolism +metabolite +metabolizable +metabolize +metabolon +metabolous +metaboly +metaborate +metaboric +metabranchial +metabrushite +metabular +metacarpal +metacarpale +metacarpophalangeal +metacarpus +metacenter +metacentral +metacentric +metacentricity +metachemic +metachemistry +Metachlamydeae +metachlamydeous +metachromasis +metachromatic +metachromatin +metachromatinic +metachromatism +metachrome +metachronism +metachrosis +metacinnabarite +metacism +metacismus +metaclase +metacneme +metacoele +metacoelia +metaconal +metacone +metaconid +metaconule +metacoracoid +metacrasis +metacresol +metacromial +metacromion +metacryst +metacyclic +metacymene +metad +metadiabase +metadiazine +metadiorite +metadiscoidal +metadromous +metafluidal +metaformaldehyde +metafulminuric +metagalactic +metagalaxy +metagaster +metagastric +metagastrula +metage +Metageitnion +metagelatin +metagenesis +metagenetic +metagenetically +metagenic +metageometer +metageometrical +metageometry +metagnath +metagnathism +metagnathous +metagnomy +metagnostic +metagnosticism +metagram +metagrammatism +metagrammatize +metagraphic +metagraphy +metahewettite +metahydroxide +metaigneous +metainfective +metakinesis +metakinetic +metal +metalammonium +metalanguage +metalbumin +metalcraft +metaldehyde +metalepsis +metaleptic +metaleptical +metaleptically +metaler +metaline +metalined +metaling +metalinguistic +metalinguistics +metalism +metalist +metalization +metalize +metallary +metalleity +metallic +metallical +metallically +metallicity +metallicize +metallicly +metallics +metallide +metallifacture +metalliferous +metallification +metalliform +metallify +metallik +metalline +metallism +metallization +metallize +metallochrome +metallochromy +metallogenetic +metallogenic +metallogeny +metallograph +metallographer +metallographic +metallographical +metallographist +metallography +metalloid +metalloidal +metallometer +metallophone +metalloplastic +metallorganic +metallotherapeutic +metallotherapy +metallurgic +metallurgical +metallurgically +metallurgist +metallurgy +metalmonger +metalogic +metalogical +metaloph +metalorganic +metaloscope +metaloscopy +metaluminate +metaluminic +metalware +metalwork +metalworker +metalworking +metalworks +metamathematical +metamathematics +metamer +metameral +metamere +metameric +metamerically +metameride +metamerism +metamerization +metamerized +metamerous +metamery +metamorphic +metamorphism +metamorphize +metamorphopsia +metamorphopsy +metamorphosable +metamorphose +metamorphoser +metamorphoses +metamorphosian +metamorphosic +metamorphosical +metamorphosis +metamorphostical +metamorphotic +metamorphous +metamorphy +Metamynodon +metanalysis +metanauplius +Metanemertini +metanephric +metanephritic +metanephron +metanephros +metanepionic +metanilic +metanitroaniline +metanomen +metanotal +metanotum +metantimonate +metantimonic +metantimonious +metantimonite +metantimonous +metanym +metaorganism +metaparapteral +metaparapteron +metapectic +metapectus +metapepsis +metapeptone +metaperiodic +metaphase +metaphenomenal +metaphenomenon +metaphenylene +metaphenylenediamin +metaphenylenediamine +metaphloem +metaphonical +metaphonize +metaphony +metaphor +metaphoric +metaphorical +metaphorically +metaphoricalness +metaphorist +metaphorize +metaphosphate +metaphosphoric +metaphosphorous +metaphragm +metaphragmal +metaphrase +metaphrasis +metaphrast +metaphrastic +metaphrastical +metaphrastically +metaphyseal +metaphysic +metaphysical +metaphysically +metaphysician +metaphysicianism +metaphysicist +metaphysicize +metaphysicous +metaphysics +metaphysis +metaphyte +metaphytic +metaphyton +metaplasia +metaplasis +metaplasm +metaplasmic +metaplast +metaplastic +metapleural +metapleure +metapleuron +metaplumbate +metaplumbic +metapneumonic +metapneustic +metapodial +metapodiale +metapodium +metapolitic +metapolitical +metapolitician +metapolitics +metapophyseal +metapophysial +metapophysis +metapore +metapostscutellar +metapostscutellum +metaprescutal +metaprescutum +metaprotein +metapsychic +metapsychical +metapsychics +metapsychism +metapsychist +metapsychological +metapsychology +metapsychosis +metapterygial +metapterygium +metapterygoid +metarabic +metarhyolite +metarossite +metarsenic +metarsenious +metarsenite +metasaccharinic +metascutal +metascutellar +metascutellum +metascutum +metasedimentary +metasilicate +metasilicic +metasoma +metasomal +metasomasis +metasomatic +metasomatism +metasomatosis +metasome +metasperm +Metaspermae +metaspermic +metaspermous +metastability +metastable +metastannate +metastannic +metastasis +metastasize +metastatic +metastatical +metastatically +metasternal +metasternum +metasthenic +metastibnite +metastigmate +metastoma +metastome +metastrophe +metastrophic +metastyle +metatantalic +metatarsal +metatarsale +metatarse +metatarsophalangeal +metatarsus +metatatic +metatatically +metataxic +metate +metathalamus +metatheology +Metatheria +metatherian +metatheses +metathesis +metathetic +metathetical +metathetically +metathoracic +metathorax +metatitanate +metatitanic +metatoluic +metatoluidine +metatracheal +metatrophic +metatungstic +metatype +metatypic +Metaurus +metavanadate +metavanadic +metavauxite +metavoltine +metaxenia +metaxite +metaxylem +metaxylene +metayer +Metazoa +metazoal +metazoan +metazoea +metazoic +metazoon +mete +metel +metempiric +metempirical +metempirically +metempiricism +metempiricist +metempirics +metempsychic +metempsychosal +metempsychose +metempsychoses +metempsychosical +metempsychosis +metempsychosize +metemptosis +metencephalic +metencephalon +metensarcosis +metensomatosis +metenteron +metenteronic +meteogram +meteograph +meteor +meteorgraph +meteoric +meteorical +meteorically +meteorism +meteorist +meteoristic +meteorital +meteorite +meteoritic +meteoritics +meteorization +meteorize +meteorlike +meteorogram +meteorograph +meteorographic +meteorography +meteoroid +meteoroidal +meteorolite +meteorolitic +meteorologic +meteorological +meteorologically +meteorologist +meteorology +meteorometer +meteoroscope +meteoroscopy +meteorous +metepencephalic +metepencephalon +metepimeral +metepimeron +metepisternal +metepisternum +meter +meterage +metergram +meterless +meterman +metership +metestick +metewand +meteyard +methacrylate +methacrylic +methadone +methanal +methanate +methane +methanoic +methanolysis +methanometer +metheglin +methemoglobin +methemoglobinemia +methemoglobinuria +methenamine +methene +methenyl +mether +methid +methide +methine +methinks +methiodide +methionic +methionine +methobromide +method +methodaster +methodeutic +methodic +methodical +methodically +methodicalness +methodics +methodism +Methodist +methodist +Methodistic +Methodistically +Methodisty +methodization +Methodize +methodize +methodizer +methodless +methodological +methodologically +methodologist +methodology +Methody +methought +methoxide +methoxychlor +methoxyl +methronic +Methuselah +methyl +methylacetanilide +methylal +methylamine +methylaniline +methylanthracene +methylate +methylation +methylator +methylcholanthrene +methylene +methylenimine +methylenitan +methylethylacetic +methylglycine +methylglycocoll +methylglyoxal +methylic +methylmalonic +methylnaphthalene +methylol +methylolurea +methylosis +methylotic +methylpentose +methylpentoses +methylpropane +methylsulfanol +metic +meticulosity +meticulous +meticulously +meticulousness +metier +Metin +metis +Metoac +metochous +metochy +metoestrous +metoestrum +Metol +metonym +metonymic +metonymical +metonymically +metonymous +metonymously +metonymy +metope +Metopias +metopic +metopion +metopism +Metopoceros +metopomancy +metopon +metoposcopic +metoposcopical +metoposcopist +metoposcopy +metosteal +metosteon +metoxazine +metoxenous +metoxeny +metra +metralgia +metranate +metranemia +metratonia +Metrazol +metrectasia +metrectatic +metrectomy +metrectopia +metrectopic +metrectopy +metreless +metreship +metreta +metrete +metretes +metria +metric +metrical +metrically +metrician +metricism +metricist +metricize +metrics +Metridium +metrification +metrifier +metrify +metriocephalic +metrist +metritis +metrocampsis +metrocarat +metrocarcinoma +metrocele +metroclyst +metrocolpocele +metrocracy +metrocratic +metrocystosis +metrodynia +metrofibroma +metrological +metrologist +metrologue +metrology +metrolymphangitis +metromalacia +metromalacoma +metromalacosis +metromania +metromaniac +metromaniacal +metrometer +metroneuria +metronome +metronomic +metronomical +metronomically +metronymic +metronymy +metroparalysis +metropathia +metropathic +metropathy +metroperitonitis +metrophlebitis +metrophotography +metropole +metropolis +metropolitan +metropolitanate +metropolitancy +metropolitanism +metropolitanize +metropolitanship +metropolite +metropolitic +metropolitical +metropolitically +metroptosia +metroptosis +metroradioscope +metrorrhagia +metrorrhagic +metrorrhea +metrorrhexis +metrorthosis +metrosalpingitis +metrosalpinx +metroscirrhus +metroscope +metroscopy +Metrosideros +metrostaxis +metrostenosis +metrosteresis +metrostyle +metrosynizesis +metrotherapist +metrotherapy +metrotome +metrotomy +Metroxylon +mettar +mettle +mettled +mettlesome +mettlesomely +mettlesomeness +metusia +metze +Meum +meuse +meute +Mev +mew +meward +mewer +mewl +mewler +Mexica +Mexican +Mexicanize +Mexitl +Mexitli +meyerhofferite +mezcal +Mezentian +Mezentism +Mezentius +mezereon +mezereum +mezuzah +mezzanine +mezzo +mezzograph +mezzotint +mezzotinter +mezzotinto +mho +mhometer +mi +Miami +miamia +mian +Miao +Miaotse +Miaotze +miaow +miaower +Miaplacidus +miargyrite +miarolitic +mias +miaskite +miasm +miasma +miasmal +miasmata +miasmatic +miasmatical +miasmatically +miasmatize +miasmatology +miasmatous +miasmic +miasmology +miasmous +Miastor +miaul +miauler +mib +mica +micaceous +micacious +micacite +Micah +micasization +micasize +micate +mication +Micawberish +Micawberism +mice +micellar +micelle +Michabo +Michabou +Michael +Michaelites +Michaelmas +Michaelmastide +miche +Micheal +Michel +Michelangelesque +Michelangelism +Michelia +Michelle +micher +Michiel +Michigamea +Michigan +michigan +Michigander +Michiganite +miching +Michoacan +Michoacano +micht +Mick +mick +Mickey +mickle +Micky +Micmac +mico +miconcave +Miconia +micramock +Micrampelis +micranatomy +micrander +micrandrous +micraner +micranthropos +Micraster +micrencephalia +micrencephalic +micrencephalous +micrencephalus +micrencephaly +micrergate +micresthete +micrify +micro +microammeter +microampere +microanalysis +microanalyst +microanalytical +microangstrom +microapparatus +microbal +microbalance +microbar +microbarograph +microbattery +microbe +microbeless +microbeproof +microbial +microbian +microbic +microbicidal +microbicide +microbiologic +microbiological +microbiologically +microbiologist +microbiology +microbion +microbiosis +microbiota +microbiotic +microbious +microbism +microbium +microblast +microblepharia +microblepharism +microblephary +microbrachia +microbrachius +microburet +microburette +microburner +microcaltrop +microcardia +microcardius +microcarpous +Microcebus +microcellular +microcentrosome +microcentrum +microcephal +microcephalia +microcephalic +microcephalism +microcephalous +microcephalus +microcephaly +microceratous +microchaeta +microcharacter +microcheilia +microcheiria +microchemic +microchemical +microchemically +microchemistry +microchiria +Microchiroptera +microchiropteran +microchiropterous +microchromosome +microchronometer +microcinema +microcinematograph +microcinematographic +microcinematography +Microcitrus +microclastic +microclimate +microclimatic +microclimatologic +microclimatological +microclimatology +microcline +microcnemia +microcoat +micrococcal +Micrococceae +Micrococcus +microcoleoptera +microcolon +microcolorimeter +microcolorimetric +microcolorimetrically +microcolorimetry +microcolumnar +microcombustion +microconidial +microconidium +microconjugant +Microconodon +microconstituent +microcopy +microcoria +microcosm +microcosmal +microcosmian +microcosmic +microcosmical +microcosmography +microcosmology +microcosmos +microcosmus +microcoulomb +microcranous +microcrith +microcryptocrystalline +microcrystal +microcrystalline +microcrystallogeny +microcrystallography +microcrystalloscopy +microcurie +Microcyprini +microcyst +microcyte +microcythemia +microcytosis +microdactylia +microdactylism +microdactylous +microdentism +microdentous +microdetection +microdetector +microdetermination +microdiactine +microdissection +microdistillation +microdont +microdontism +microdontous +microdose +microdrawing +Microdrili +microdrive +microelectrode +microelectrolysis +microelectroscope +microelement +microerg +microestimation +microeutaxitic +microevolution +microexamination +microfarad +microfauna +microfelsite +microfelsitic +microfilaria +microfilm +microflora +microfluidal +microfoliation +microfossil +microfungus +microfurnace +Microgadus +microgalvanometer +microgamete +microgametocyte +microgametophyte +microgamy +Microgaster +microgastria +Microgastrinae +microgastrine +microgeological +microgeologist +microgeology +microgilbert +microglia +microglossia +micrognathia +micrognathic +micrognathous +microgonidial +microgonidium +microgram +microgramme +microgranite +microgranitic +microgranitoid +microgranular +microgranulitic +micrograph +micrographer +micrographic +micrographical +micrographically +micrographist +micrography +micrograver +microgravimetric +microgroove +microgyne +microgyria +microhenry +microhepatia +microhistochemical +microhistology +microhm +microhmmeter +Microhymenoptera +microhymenopteron +microinjection +microjoule +microlepidopter +microlepidoptera +microlepidopteran +microlepidopterist +microlepidopteron +microlepidopterous +microleukoblast +microlevel +microlite +microliter +microlith +microlithic +microlitic +micrologic +micrological +micrologically +micrologist +micrologue +micrology +microlux +micromania +micromaniac +micromanipulation +micromanipulator +micromanometer +Micromastictora +micromazia +micromeasurement +micromechanics +micromelia +micromelic +micromelus +micromembrane +micromeral +micromere +Micromeria +micromeric +micromerism +micromeritic +micromeritics +micromesentery +micrometallographer +micrometallography +micrometallurgy +micrometer +micromethod +micrometrical +micrometrically +micrometry +micromicrofarad +micromicron +micromil +micromillimeter +micromineralogical +micromineralogy +micromorph +micromotion +micromotoscope +micromyelia +micromyeloblast +micron +Micronesian +micronization +micronize +micronometer +micronuclear +micronucleus +micronutrient +microorganic +microorganism +microorganismal +micropaleontology +micropantograph +microparasite +microparasitic +micropathological +micropathologist +micropathology +micropegmatite +micropegmatitic +micropenis +microperthite +microperthitic +micropetalous +micropetrography +micropetrologist +micropetrology +microphage +microphagocyte +microphagous +microphagy +microphakia +microphallus +microphone +microphonic +microphonics +microphonograph +microphot +microphotograph +microphotographic +microphotography +microphotometer +microphotoscope +microphthalmia +microphthalmic +microphthalmos +microphthalmus +microphyllous +microphysical +microphysics +microphysiography +microphytal +microphyte +microphytic +microphytology +micropia +micropin +micropipette +microplakite +microplankton +microplastocyte +microplastometer +micropodal +Micropodi +micropodia +Micropodidae +Micropodiformes +micropoecilitic +micropoicilitic +micropoikilitic +micropolariscope +micropolarization +micropore +microporosity +microporous +microporphyritic +microprint +microprojector +micropsia +micropsy +micropterism +micropterous +Micropterus +micropterygid +Micropterygidae +micropterygious +Micropterygoidea +Micropteryx +Micropus +micropylar +micropyle +micropyrometer +microradiometer +microreaction +microrefractometer +microrhabdus +microrheometer +microrheometric +microrheometrical +Microrhopias +Microsauria +microsaurian +microsclere +microsclerous +microsclerum +microscopal +microscope +microscopial +microscopic +microscopical +microscopically +microscopics +Microscopid +microscopist +Microscopium +microscopize +microscopy +microsecond +microsection +microseism +microseismic +microseismical +microseismograph +microseismology +microseismometer +microseismometrograph +microseismometry +microseme +microseptum +microsmatic +microsmatism +microsoma +microsomatous +microsome +microsomia +microsommite +Microsorex +microspecies +microspectroscope +microspectroscopic +microspectroscopy +Microspermae +microspermous +Microsphaera +microsphaeric +microsphere +microspheric +microspherulitic +microsplanchnic +microsplenia +microsplenic +microsporange +microsporangium +microspore +microsporiasis +microsporic +Microsporidia +microsporidian +Microsporon +microsporophore +microsporophyll +microsporosis +microsporous +Microsporum +microstat +microsthene +Microsthenes +microsthenic +microstomatous +microstome +microstomia +microstomous +microstructural +microstructure +Microstylis +microstylospore +microstylous +microsublimation +microtasimeter +microtechnic +microtechnique +microtelephone +microtelephonic +Microthelyphonida +microtheos +microtherm +microthermic +microthorax +Microthyriaceae +microtia +Microtinae +microtine +microtitration +microtome +microtomic +microtomical +microtomist +microtomy +microtone +Microtus +microtypal +microtype +microtypical +microvolt +microvolume +microvolumetric +microwatt +microwave +microweber +microzoa +microzoal +microzoan +microzoaria +microzoarian +microzoary +microzoic +microzone +microzooid +microzoology +microzoon +microzoospore +microzyma +microzyme +microzymian +micrurgic +micrurgical +micrurgist +micrurgy +Micrurus +miction +micturate +micturition +mid +midafternoon +midautumn +midaxillary +midbrain +midday +midden +middenstead +middle +middlebreaker +middlebuster +middleman +middlemanism +middlemanship +middlemost +middler +middlesplitter +middlewards +middleway +middleweight +middlewoman +middling +middlingish +middlingly +middlingness +middlings +middorsal +middy +mide +Mider +midevening +midewiwin +midfacial +midforenoon +midfrontal +midge +midget +midgety +midgy +midheaven +Midianite +Midianitish +Mididae +midiron +midland +Midlander +Midlandize +midlandward +midlatitude +midleg +midlenting +midmain +midmandibular +midmonth +midmonthly +midmorn +midmorning +midmost +midnight +midnightly +midnoon +midparent +midparentage +midparental +midpit +midrange +midrash +midrashic +midrib +midribbed +midriff +mids +midseason +midsentence +midship +midshipman +midshipmanship +midshipmite +midships +midspace +midst +midstory +midstout +midstream +midstreet +midstroke +midstyled +midsummer +midsummerish +midsummery +midtap +midvein +midverse +midward +midwatch +midway +midweek +midweekly +Midwest +Midwestern +Midwesterner +midwestward +midwife +midwifery +midwinter +midwinterly +midwintry +midwise +midyear +Miek +mien +miersite +Miescherian +miff +miffiness +miffy +mig +might +mightily +mightiness +mightless +mightnt +mighty +mightyhearted +mightyship +miglio +migmatite +migniardise +mignon +mignonette +mignonne +mignonness +Migonitis +migraine +migrainoid +migrainous +migrant +migrate +migration +migrational +migrationist +migrative +migrator +migratorial +migratory +Miguel +miharaite +mihrab +mijakite +mijl +mikado +mikadoate +mikadoism +Mikael +Mikania +Mikasuki +Mike +mike +Mikey +Miki +mikie +Mikir +Mil +mil +mila +milady +milammeter +Milan +Milanese +Milanion +milarite +milch +milcher +milchy +mild +milden +milder +mildew +mildewer +mildewy +mildhearted +mildheartedness +mildish +mildly +mildness +Mildred +mile +mileage +Miledh +milepost +miler +Miles +Milesian +milesima +Milesius +milestone +mileway +milfoil +milha +miliaceous +miliarensis +miliaria +miliarium +miliary +Milicent +milieu +Miliola +milioliform +milioline +miliolite +miliolitic +militancy +militant +militantly +militantness +militarily +militariness +militarism +militarist +militaristic +militaristically +militarization +militarize +military +militaryism +militaryment +militaster +militate +militation +militia +militiaman +militiate +milium +milk +milkbush +milken +milker +milkeress +milkfish +milkgrass +milkhouse +milkily +milkiness +milking +milkless +milklike +milkmaid +milkman +milkness +milkshed +milkshop +milksick +milksop +milksopism +milksoppery +milksopping +milksoppish +milksoppy +milkstone +milkweed +milkwood +milkwort +milky +mill +Milla +milla +millable +millage +millboard +millclapper +millcourse +milldam +mille +milled +millefiori +milleflorous +millefoliate +millenarian +millenarianism +millenarist +millenary +millennia +millennial +millennialism +millennialist +millennially +millennian +millenniarism +millenniary +millennium +millepede +Millepora +millepore +milleporiform +milleporine +milleporite +milleporous +millepunctate +miller +milleress +millering +Millerism +Millerite +millerite +millerole +millesimal +millesimally +millet +Millettia +millfeed +millful +millhouse +milliad +milliammeter +milliamp +milliampere +milliamperemeter +milliangstrom +milliard +milliardaire +milliare +milliarium +milliary +millibar +millicron +millicurie +Millie +millieme +milliequivalent +millifarad +millifold +milliform +milligal +milligrade +milligram +milligramage +millihenry +millilambert +millile +milliliter +millilux +millimeter +millimicron +millimolar +millimole +millincost +milline +milliner +millinerial +millinering +millinery +milling +Millingtonia +millinormal +millinormality +millioctave +millioersted +million +millionaire +millionairedom +millionairess +millionairish +millionairism +millionary +millioned +millioner +millionfold +millionism +millionist +millionize +millionocracy +millions +millionth +milliphot +millipoise +millisecond +millistere +Millite +millithrum +millivolt +millivoltmeter +millman +millocracy +millocrat +millocratism +millosevichite +millowner +millpond +millpool +millpost +millrace +millrynd +millsite +millstock +millstone +millstream +milltail +millward +millwork +millworker +millwright +millwrighting +Milly +Milner +milner +Milo +milo +milord +milpa +milreis +milsey +milsie +milt +milter +miltlike +Miltonia +Miltonian +Miltonic +Miltonically +Miltonism +Miltonist +Miltonize +Miltos +miltsick +miltwaste +milty +Milvago +Milvinae +milvine +milvinous +Milvus +milzbrand +mim +mima +mimbar +mimble +Mimbreno +Mime +mime +mimeo +mimeograph +mimeographic +mimeographically +mimeographist +mimer +mimesis +mimester +mimetene +mimetesite +mimetic +mimetical +mimetically +mimetism +mimetite +Mimi +mimiambi +mimiambic +mimiambics +mimic +mimical +mimically +mimicism +mimicker +mimicry +Mimidae +Miminae +mimine +miminypiminy +mimly +mimmation +mimmest +mimmock +mimmocking +mimmocky +mimmood +mimmoud +mimmouthed +mimmouthedness +mimodrama +mimographer +mimography +mimologist +Mimosa +Mimosaceae +mimosaceous +mimosis +mimosite +mimotype +mimotypic +mimp +Mimpei +mimsey +Mimulus +Mimus +Mimusops +min +Mina +mina +minable +minacious +minaciously +minaciousness +minacity +Minaean +Minahassa +Minahassan +Minahassian +minar +minaret +minareted +minargent +minasragrite +minatorial +minatorially +minatorily +minatory +minaway +mince +mincemeat +mincer +minchery +minchiate +mincing +mincingly +mincingness +Mincopi +Mincopie +mind +minded +Mindel +Mindelian +minder +Mindererus +mindful +mindfully +mindfulness +minding +mindless +mindlessly +mindlessness +mindsight +mine +mineowner +miner +mineragraphic +mineragraphy +mineraiogic +mineral +mineralizable +mineralization +mineralize +mineralizer +mineralogical +mineralogically +mineralogist +mineralogize +mineralogy +Minerva +minerval +Minervan +Minervic +minery +mines +minette +mineworker +Ming +ming +minge +mingelen +mingle +mingleable +mingledly +minglement +mingler +minglingly +Mingo +Mingrelian +minguetite +mingwort +mingy +minhag +minhah +miniaceous +miniate +miniator +miniature +miniaturist +minibus +minicam +minicamera +Miniconjou +minienize +minification +minify +minikin +minikinly +minim +minima +minimacid +minimal +minimalism +Minimalist +minimalkaline +minimally +minimetric +minimifidian +minimifidianism +minimism +minimistic +Minimite +minimitude +minimization +minimize +minimizer +minimum +minimus +minimuscular +mining +minion +minionette +minionism +minionly +minionship +minish +minisher +minishment +minister +ministeriable +ministerial +ministerialism +ministerialist +ministeriality +ministerially +ministerialness +ministerium +ministership +ministrable +ministrant +ministration +ministrative +ministrator +ministrer +ministress +ministry +ministryship +minitant +Minitari +minium +miniver +minivet +mink +minkery +minkish +Minkopi +Minnehaha +minnesinger +minnesong +Minnesotan +Minnetaree +Minnie +minnie +minniebush +minning +minnow +minny +mino +Minoan +minoize +minometer +minor +minorage +minorate +minoration +Minorca +Minorcan +Minoress +minoress +Minorist +Minorite +minority +minorship +Minos +minot +Minotaur +Minseito +minsitive +minster +minsteryard +minstrel +minstreless +minstrelship +minstrelsy +mint +mintage +Mintaka +mintbush +minter +mintmaker +mintmaking +mintman +mintmaster +minty +minuend +minuet +minuetic +minuetish +minus +minuscular +minuscule +minutary +minutation +minute +minutely +minuteman +minuteness +minuter +minuthesis +minutia +minutiae +minutial +minutiose +minutiously +minutissimic +minverite +minx +minxish +minxishly +minxishness +minxship +miny +Minyadidae +Minyae +Minyan +minyan +Minyas +miocardia +Miocene +Miocenic +Miohippus +miolithic +mioplasmia +miothermic +miqra +miquelet +mir +Mira +Mirabel +Mirabell +mirabiliary +Mirabilis +mirabilite +Mirac +Mirach +mirach +miracidial +miracidium +miracle +miraclemonger +miraclemongering +miraclist +miraculist +miraculize +miraculosity +miraculous +miraculously +miraculousness +mirador +mirage +miragy +Mirak +Miramolin +Mirana +Miranda +mirandous +Miranha +Miranhan +mirate +mirbane +mird +mirdaha +mire +mirepoix +Mirfak +Miriam +Miriamne +mirid +Miridae +mirific +miriness +mirish +mirk +mirkiness +mirksome +mirliton +Miro +miro +Mirounga +mirror +mirrored +mirrorize +mirrorlike +mirrorscope +mirrory +mirth +mirthful +mirthfully +mirthfulness +mirthless +mirthlessly +mirthlessness +mirthsome +mirthsomeness +miry +miryachit +mirza +misaccent +misaccentuation +misachievement +misacknowledge +misact +misadapt +misadaptation +misadd +misaddress +misadjust +misadmeasurement +misadministration +misadvantage +misadventure +misadventurer +misadventurous +misadventurously +misadvertence +misadvice +misadvise +misadvised +misadvisedly +misadvisedness +misaffected +misaffection +misaffirm +misagent +misaim +misalienate +misalignment +misallegation +misallege +misalliance +misallotment +misallowance +misally +misalphabetize +misalter +misanalyze +misandry +misanswer +misanthrope +misanthropia +misanthropic +misanthropical +misanthropically +misanthropism +misanthropist +misanthropize +misanthropy +misapparel +misappear +misappearance +misappellation +misapplication +misapplier +misapply +misappoint +misappointment +misappraise +misappraisement +misappreciate +misappreciation +misappreciative +misapprehend +misapprehendingly +misapprehensible +misapprehension +misapprehensive +misapprehensively +misapprehensiveness +misappropriate +misappropriately +misappropriation +misarchism +misarchist +misarrange +misarrangement +misarray +misascribe +misascription +misasperse +misassay +misassent +misassert +misassign +misassociate +misassociation +misatone +misattend +misattribute +misattribution +misaunter +misauthorization +misauthorize +misaward +misbandage +misbaptize +misbecome +misbecoming +misbecomingly +misbecomingness +misbefitting +misbeget +misbegin +misbegotten +misbehave +misbehavior +misbeholden +misbelief +misbelieve +misbeliever +misbelievingly +misbelove +misbeseem +misbestow +misbestowal +misbetide +misbias +misbill +misbind +misbirth +misbode +misborn +misbrand +misbuild +misbusy +miscalculate +miscalculation +miscalculator +miscall +miscaller +miscanonize +miscarriage +miscarriageable +miscarry +miscast +miscasualty +misceability +miscegenate +miscegenation +miscegenationist +miscegenator +miscegenetic +miscegine +miscellanarian +miscellanea +miscellaneity +miscellaneous +miscellaneously +miscellaneousness +miscellanist +miscellany +mischallenge +mischance +mischanceful +mischancy +mischaracterization +mischaracterize +mischarge +mischief +mischiefful +mischieve +mischievous +mischievously +mischievousness +mischio +mischoice +mischoose +mischristen +miscibility +miscible +miscipher +misclaim +misclaiming +misclass +misclassification +misclassify +miscognizant +miscoin +miscoinage +miscollocation +miscolor +miscoloration +miscommand +miscommit +miscommunicate +miscompare +miscomplacence +miscomplain +miscomplaint +miscompose +miscomprehend +miscomprehension +miscomputation +miscompute +misconceive +misconceiver +misconception +misconclusion +miscondition +misconduct +misconfer +misconfidence +misconfident +misconfiguration +misconjecture +misconjugate +misconjugation +misconjunction +misconsecrate +misconsequence +misconstitutional +misconstruable +misconstruct +misconstruction +misconstructive +misconstrue +misconstruer +miscontinuance +misconvenient +misconvey +miscook +miscookery +miscorrect +miscorrection +miscounsel +miscount +miscovet +miscreancy +miscreant +miscreate +miscreation +miscreative +miscreator +miscredited +miscredulity +miscreed +miscript +miscrop +miscue +miscultivated +misculture +miscurvature +miscut +misdate +misdateful +misdaub +misdeal +misdealer +misdecide +misdecision +misdeclaration +misdeclare +misdeed +misdeem +misdeemful +misdefine +misdeformed +misdeliver +misdelivery +misdemean +misdemeanant +misdemeanist +misdemeanor +misdentition +misderivation +misderive +misdescribe +misdescriber +misdescription +misdescriptive +misdesire +misdetermine +misdevise +misdevoted +misdevotion +misdiet +misdirect +misdirection +misdispose +misdisposition +misdistinguish +misdistribute +misdistribution +misdivide +misdivision +misdo +misdoer +misdoing +misdoubt +misdower +misdraw +misdread +misdrive +mise +misease +misecclesiastic +misedit +miseducate +miseducation +miseducative +miseffect +misemphasis +misemphasize +misemploy +misemployment +misencourage +misendeavor +misenforce +misengrave +misenite +misenjoy +misenroll +misentitle +misenunciation +Misenus +miser +miserabilism +miserabilist +miserabilistic +miserability +miserable +miserableness +miserably +miserdom +miserected +Miserere +miserhood +misericord +Misericordia +miserism +miserliness +miserly +misery +misesteem +misestimate +misestimation +misexample +misexecute +misexecution +misexpectation +misexpend +misexpenditure +misexplain +misexplanation +misexplication +misexposition +misexpound +misexpress +misexpression +misexpressive +misfaith +misfare +misfashion +misfather +misfault +misfeasance +misfeasor +misfeature +misfield +misfigure +misfile +misfire +misfit +misfond +misform +misformation +misfortunate +misfortunately +misfortune +misfortuned +misfortuner +misframe +misgauge +misgesture +misgive +misgiving +misgivingly +misgo +misgotten +misgovern +misgovernance +misgovernment +misgovernor +misgracious +misgraft +misgrave +misground +misgrow +misgrown +misgrowth +misguess +misguggle +misguidance +misguide +misguided +misguidedly +misguidedness +misguider +misguiding +misguidingly +mishandle +mishap +mishappen +Mishikhwutmetunne +mishmash +mishmee +Mishmi +Mishnah +Mishnaic +Mishnic +Mishnical +Mishongnovi +misidentification +misidentify +Misima +misimagination +misimagine +misimpression +misimprove +misimprovement +misimputation +misimpute +misincensed +misincite +misinclination +misincline +misinfer +misinference +misinflame +misinform +misinformant +misinformation +misinformer +misingenuity +misinspired +misinstruct +misinstruction +misinstructive +misintelligence +misintelligible +misintend +misintention +misinter +misinterment +misinterpret +misinterpretable +misinterpretation +misinterpreter +misintimation +misjoin +misjoinder +misjudge +misjudgement +misjudger +misjudgingly +misjudgment +miskeep +misken +miskenning +miskill +miskindle +misknow +misknowledge +misky +mislabel +mislabor +mislanguage +mislay +mislayer +mislead +misleadable +misleader +misleading +misleadingly +misleadingness +mislear +misleared +mislearn +misled +mislest +mislight +mislike +misliken +mislikeness +misliker +mislikingly +mislippen +mislive +mislocate +mislocation +mislodge +mismade +mismake +mismanage +mismanageable +mismanagement +mismanager +mismarriage +mismarry +mismatch +mismatchment +mismate +mismeasure +mismeasurement +mismenstruation +misminded +mismingle +mismotion +mismove +misname +misnarrate +misnatured +misnavigation +Misniac +misnomed +misnomer +misnumber +misnurture +misnutrition +misobedience +misobey +misobservance +misobserve +misocapnic +misocapnist +misocatholic +misoccupy +misogallic +misogamic +misogamist +misogamy +misogyne +misogynic +misogynical +misogynism +misogynist +misogynistic +misogynistical +misogynous +misogyny +misohellene +misologist +misology +misomath +misoneism +misoneist +misoneistic +misopaterist +misopedia +misopedism +misopedist +misopinion +misopolemical +misorder +misordination +misorganization +misorganize +misoscopist +misosophist +misosophy +misotheism +misotheist +misotheistic +misotramontanism +misotyranny +misoxene +misoxeny +mispage +mispagination +mispaint +misparse +mispart +mispassion +mispatch +mispay +misperceive +misperception +misperform +misperformance +mispersuade +misperuse +misphrase +mispick +mispickel +misplace +misplacement +misplant +misplay +misplead +mispleading +misplease +mispoint +mispoise +mispolicy +misposition +mispossessed +mispractice +mispraise +misprejudiced +misprincipled +misprint +misprisal +misprision +misprize +misprizer +misproceeding +misproduce +misprofess +misprofessor +mispronounce +mispronouncement +mispronunciation +misproportion +misproposal +mispropose +misproud +misprovide +misprovidence +misprovoke +mispunctuate +mispunctuation +mispurchase +mispursuit +misput +misqualify +misquality +misquotation +misquote +misquoter +misraise +misrate +misread +misreader +misrealize +misreason +misreceive +misrecital +misrecite +misreckon +misrecognition +misrecognize +misrecollect +misrefer +misreference +misreflect +misreform +misregulate +misrehearsal +misrehearse +misrelate +misrelation +misreliance +misremember +misremembrance +misrender +misrepeat +misreport +misreporter +misreposed +misrepresent +misrepresentation +misrepresentative +misrepresenter +misreprint +misrepute +misresemblance +misresolved +misresult +misreward +misrhyme +misrhymer +misrule +miss +missable +missal +missay +missayer +misseem +missel +missemblance +missentence +misserve +misservice +misset +misshape +misshapen +misshapenly +misshapenness +misshood +missible +missile +missileproof +missiness +missing +missingly +mission +missional +missionarize +missionary +missionaryship +missioner +missionize +missionizer +missis +Missisauga +missish +missishness +Mississippi +Mississippian +missive +missmark +missment +Missouri +Missourian +Missourianism +missourite +misspeak +misspeech +misspell +misspelling +misspend +misspender +misstate +misstatement +misstater +misstay +misstep +missuade +missuggestion +missummation +missuppose +missy +missyish +missyllabication +missyllabify +mist +mistakable +mistakableness +mistakably +mistake +mistakeful +mistaken +mistakenly +mistakenness +mistakeproof +mistaker +mistaking +mistakingly +mistassini +mistaught +mistbow +misteach +misteacher +misted +mistell +mistempered +mistend +mistendency +Mister +mister +misterm +mistetch +mistfall +mistflower +mistful +misthink +misthought +misthread +misthrift +misthrive +misthrow +mistic +mistide +mistify +mistigris +mistily +mistime +mistiness +mistitle +mistle +mistless +mistletoe +mistone +mistonusk +mistook +mistouch +mistradition +mistrain +mistral +mistranscribe +mistranscript +mistranscription +mistranslate +mistranslation +mistreat +mistreatment +mistress +mistressdom +mistresshood +mistressless +mistressly +mistrial +mistrist +mistrust +mistruster +mistrustful +mistrustfully +mistrustfulness +mistrusting +mistrustingly +mistrustless +mistry +mistryst +misturn +mistutor +misty +mistyish +misunderstand +misunderstandable +misunderstander +misunderstanding +misunderstandingly +misunderstood +misunderstoodness +misura +misusage +misuse +misuseful +misusement +misuser +misusurped +misvaluation +misvalue +misventure +misventurous +misvouch +miswed +miswisdom +miswish +misword +misworship +misworshiper +misworshipper +miswrite +misyoke +miszealous +Mitakshara +Mitanni +Mitannian +Mitannish +mitapsis +Mitch +mitchboard +Mitchell +Mitchella +mite +Mitella +miteproof +miter +mitered +miterer +miterflower +miterwort +Mithra +Mithraea +Mithraeum +Mithraic +Mithraicism +Mithraicist +Mithraicize +Mithraism +Mithraist +Mithraistic +Mithraitic +Mithraize +Mithras +Mithratic +Mithriac +mithridate +Mithridatic +mithridatic +mithridatism +mithridatize +miticidal +miticide +mitigable +mitigant +mitigate +mitigatedly +mitigation +mitigative +mitigator +mitigatory +mitis +mitochondria +mitochondrial +mitogenetic +mitome +mitosis +mitosome +mitotic +mitotically +Mitra +mitra +mitrailleuse +mitral +mitrate +mitre +mitrer +Mitridae +mitriform +Mitsukurina +Mitsukurinidae +mitsumata +mitt +mittelhand +Mittelmeer +mitten +mittened +mittimus +mitty +Mitu +Mitua +mity +miurus +mix +mixable +mixableness +mixblood +Mixe +mixed +mixedly +mixedness +mixen +mixer +mixeress +mixhill +mixible +mixite +mixobarbaric +mixochromosome +Mixodectes +Mixodectidae +mixolydian +mixoploid +mixoploidy +Mixosaurus +mixotrophic +Mixtec +Mixtecan +mixtiform +mixtilineal +mixtilion +mixtion +mixture +mixy +Mizar +mizmaze +Mizpah +Mizraim +mizzen +mizzenmast +mizzenmastman +mizzentopman +mizzle +mizzler +mizzly +mizzonite +mizzy +mlechchha +mneme +mnemic +Mnemiopsis +mnemonic +mnemonical +mnemonicalist +mnemonically +mnemonicon +mnemonics +mnemonism +mnemonist +mnemonization +mnemonize +Mnemosyne +mnemotechnic +mnemotechnical +mnemotechnics +mnemotechnist +mnemotechny +mnesic +mnestic +Mnevis +Mniaceae +mniaceous +mnioid +Mniotiltidae +Mnium +Mo +mo +Moabite +Moabitess +Moabitic +Moabitish +moan +moanful +moanfully +moanification +moaning +moaningly +moanless +Moaria +Moarian +moat +Moattalite +mob +mobable +mobbable +mobber +mobbish +mobbishly +mobbishness +mobbism +mobbist +mobby +mobcap +mobed +mobile +Mobilian +mobilianer +mobiliary +mobility +mobilizable +mobilization +mobilize +mobilometer +moble +moblike +mobocracy +mobocrat +mobocratic +mobocratical +mobolatry +mobproof +mobship +mobsman +mobster +Mobula +Mobulidae +moccasin +Mocha +mocha +Mochica +mochras +mock +mockable +mockado +mockbird +mocker +mockernut +mockery +mockful +mockfully +mockground +mockingbird +mockingstock +mocmain +Mocoa +Mocoan +mocomoco +mocuck +Mod +modal +modalism +modalist +modalistic +modality +modalize +modally +mode +model +modeler +modeless +modelessness +modeling +modelist +modeller +modelmaker +modelmaking +modena +Modenese +moderant +moderantism +moderantist +moderate +moderately +moderateness +moderation +moderationist +moderatism +moderatist +moderato +moderator +moderatorship +moderatrix +Modern +modern +moderner +modernicide +modernish +modernism +modernist +modernistic +modernity +modernizable +modernization +modernize +modernizer +modernly +modernness +modest +modestly +modestness +modesty +modiation +modicity +modicum +modifiability +modifiable +modifiableness +modifiably +modificability +modificable +modification +modificationist +modificative +modificator +modificatory +modifier +modify +modillion +modiolar +Modiolus +modiolus +modish +modishly +modishness +modist +modiste +modistry +modius +Modoc +Modred +modulability +modulant +modular +modulate +modulation +modulative +modulator +modulatory +module +Modulidae +modulo +modulus +modumite +Moe +Moed +Moehringia +moellon +moerithere +moeritherian +Moeritheriidae +Moeritherium +mofette +moff +mofussil +mofussilite +mog +mogador +mogadore +mogdad +moggan +moggy +Moghan +mogigraphia +mogigraphic +mogigraphy +mogilalia +mogilalism +mogiphonia +mogitocia +mogo +mogographia +Mogollon +Mograbi +Mogrebbin +moguey +Mogul +mogulship +Moguntine +moha +mohabat +mohair +Mohammad +Mohammedan +Mohammedanism +Mohammedanization +Mohammedanize +Mohammedism +Mohammedist +Mohammedization +Mohammedize +mohar +Mohave +Mohawk +Mohawkian +mohawkite +Mohegan +mohel +Mohican +Mohineyam +mohnseed +moho +Mohock +Mohockism +mohr +Mohrodendron +mohur +Moi +moider +moidore +moieter +moiety +moil +moiler +moiles +moiley +moiling +moilingly +moilsome +moineau +Moingwena +moio +Moira +moire +moirette +moise +Moism +moissanite +moist +moisten +moistener +moistful +moistify +moistish +moistishness +moistless +moistly +moistness +moisture +moistureless +moistureproof +moisty +moit +moity +mojarra +Mojo +mojo +mokaddam +moke +moki +mokihana +moko +moksha +mokum +moky +Mola +mola +molal +Molala +molality +molar +molariform +molarimeter +molarity +molary +Molasse +molasses +molassied +molassy +molave +mold +moldability +moldable +moldableness +Moldavian +moldavite +moldboard +molder +moldery +moldiness +molding +moldmade +moldproof +moldwarp +moldy +Mole +mole +molecast +molecula +molecular +molecularist +molecularity +molecularly +molecule +molehead +moleheap +molehill +molehillish +molehilly +moleism +molelike +molendinar +molendinary +molengraaffite +moleproof +moler +moleskin +molest +molestation +molester +molestful +molestfully +Molge +Molgula +Molidae +molimen +moliminous +molinary +moline +Molinia +Molinism +Molinist +Molinistic +molka +Moll +molland +Mollberg +molle +mollescence +mollescent +molleton +mollichop +mollicrush +mollie +mollienisia +mollient +molliently +mollifiable +mollification +mollifiedly +mollifier +mollify +mollifying +mollifyingly +mollifyingness +molligrant +molligrubs +mollipilose +Mollisiaceae +mollisiose +mollities +mollitious +mollitude +Molluginaceae +Mollugo +Mollusca +molluscan +molluscivorous +molluscoid +Molluscoida +molluscoidal +molluscoidan +Molluscoidea +molluscoidean +molluscous +molluscousness +molluscum +mollusk +Molly +molly +mollycoddle +mollycoddler +mollycoddling +mollycosset +mollycot +mollyhawk +molman +Moloch +Molochize +Molochship +moloid +moloker +molompi +molosse +Molossian +molossic +Molossidae +molossine +molossoid +molossus +Molothrus +molpe +molrooken +molt +molten +moltenly +molter +Molucca +Moluccan +Moluccella +Moluche +moly +molybdate +molybdena +molybdenic +molybdeniferous +molybdenite +molybdenous +molybdenum +molybdic +molybdite +molybdocardialgia +molybdocolic +molybdodyspepsia +molybdomancy +molybdomenite +molybdonosus +molybdoparesis +molybdophyllite +molybdosis +molybdous +molysite +mombin +momble +Mombottu +mome +moment +momenta +momental +momentally +momentaneall +momentaneity +momentaneous +momentaneously +momentaneousness +momentarily +momentariness +momentary +momently +momentous +momentously +momentousness +momentum +momiology +momism +momme +mommet +mommy +momo +Momordica +Momotidae +Momotinae +Momotus +Momus +Mon +mon +mona +Monacan +monacanthid +Monacanthidae +monacanthine +monacanthous +Monacha +monachal +monachate +Monachi +monachism +monachist +monachization +monachize +monactin +monactine +monactinellid +monactinellidan +monad +monadelph +Monadelphia +monadelphian +monadelphous +monadic +monadical +monadically +monadiform +monadigerous +Monadina +monadism +monadistic +monadnock +monadology +monaene +monal +monamniotic +Monanday +monander +Monandria +monandrian +monandric +monandrous +monandry +monanthous +monapsal +monarch +monarchal +monarchally +monarchess +monarchial +monarchian +monarchianism +monarchianist +monarchianistic +monarchic +monarchical +monarchically +monarchism +monarchist +monarchistic +monarchize +monarchizer +monarchlike +monarchomachic +monarchomachist +monarchy +Monarda +Monardella +monarthritis +monarticular +monas +Monasa +Monascidiae +monascidian +monase +monaster +monasterial +monasterially +monastery +monastic +monastical +monastically +monasticism +monasticize +monatomic +monatomicity +monatomism +monaulos +monaural +monaxial +monaxile +monaxon +monaxonial +monaxonic +Monaxonida +monazine +monazite +Monbuttu +monchiquite +Monday +Mondayish +Mondayishness +Mondayland +mone +Monegasque +Monel +monel +monembryary +monembryonic +monembryony +monepic +monepiscopacy +monepiscopal +moner +Monera +moneral +moneran +monergic +monergism +monergist +monergistic +moneric +moneron +Monerozoa +monerozoan +monerozoic +monerula +Moneses +monesia +monetarily +monetary +monetite +monetization +monetize +money +moneyage +moneybag +moneybags +moneyed +moneyer +moneyflower +moneygrub +moneygrubber +moneygrubbing +moneylender +moneylending +moneyless +moneymonger +moneymongering +moneysaving +moneywise +moneywort +mong +mongcorn +monger +mongering +mongery +Monghol +Mongholian +Mongibel +mongler +Mongo +Mongol +Mongolian +Mongolianism +Mongolic +Mongolioid +Mongolish +Mongolism +Mongolization +Mongolize +Mongoloid +mongoose +Mongoyo +mongrel +mongreldom +mongrelish +mongrelism +mongrelity +mongrelization +mongrelize +mongrelly +mongrelness +mongst +monheimite +monial +Monias +Monica +moniker +monilated +monilethrix +Monilia +Moniliaceae +moniliaceous +Moniliales +monilicorn +moniliform +moniliformly +monilioid +moniment +Monimia +Monimiaceae +monimiaceous +monimolite +monimostylic +monism +monist +monistic +monistical +monistically +monition +monitive +monitor +monitorial +monitorially +monitorish +monitorship +monitory +monitress +monitrix +monk +monkbird +monkcraft +monkdom +monkery +monkess +monkey +monkeyboard +monkeyface +monkeyfy +monkeyhood +monkeyish +monkeyishly +monkeyishness +monkeylike +monkeynut +monkeypod +monkeypot +monkeyry +monkeyshine +monkeytail +monkfish +monkflower +monkhood +monkish +monkishly +monkishness +monkism +monklike +monkliness +monkly +monkmonger +monkship +monkshood +Monmouth +monmouthite +monny +Mono +mono +monoacetate +monoacetin +monoacid +monoacidic +monoamide +monoamine +monoamino +monoammonium +monoazo +monobacillary +monobase +monobasic +monobasicity +monoblastic +monoblepsia +monoblepsis +monobloc +monobranchiate +monobromacetone +monobromated +monobromide +monobrominated +monobromination +monobromized +monobromoacetanilide +monobromoacetone +monobutyrin +monocalcium +monocarbide +monocarbonate +monocarbonic +monocarboxylic +monocardian +monocarp +monocarpal +monocarpellary +monocarpian +monocarpic +monocarpous +monocellular +monocentric +monocentrid +Monocentridae +Monocentris +monocentroid +monocephalous +monocercous +monoceros +monocerous +monochasial +monochasium +Monochlamydeae +monochlamydeous +monochlor +monochloracetic +monochloranthracene +monochlorbenzene +monochloride +monochlorinated +monochlorination +monochloro +monochloroacetic +monochlorobenzene +monochloromethane +monochoanitic +monochord +monochordist +monochordize +monochroic +monochromasy +monochromat +monochromate +monochromatic +monochromatically +monochromatism +monochromator +monochrome +monochromic +monochromical +monochromically +monochromist +monochromous +monochromy +monochronic +monochronous +monociliated +monocle +monocled +monocleid +monoclinal +monoclinally +monocline +monoclinian +monoclinic +monoclinism +monoclinometric +monoclinous +Monoclonius +Monocoelia +monocoelian +monocoelic +Monocondyla +monocondylar +monocondylian +monocondylic +monocondylous +monocormic +monocot +monocotyledon +Monocotyledones +monocotyledonous +monocracy +monocrat +monocratic +monocrotic +monocrotism +monocular +monocularity +monocularly +monoculate +monocule +monoculist +monoculous +monocultural +monoculture +monoculus +monocyanogen +monocycle +monocyclic +Monocyclica +monocystic +Monocystidae +Monocystidea +Monocystis +monocyte +monocytic +monocytopoiesis +monodactyl +monodactylate +monodactyle +monodactylism +monodactylous +monodactyly +monodelph +Monodelphia +monodelphian +monodelphic +monodelphous +monodermic +monodic +monodically +monodimetric +monodist +monodize +monodomous +Monodon +monodont +Monodonta +monodontal +monodram +monodrama +monodramatic +monodramatist +monodromic +monodromy +monody +monodynamic +monodynamism +Monoecia +monoecian +monoecious +monoeciously +monoeciousness +monoecism +monoeidic +monoestrous +monoethanolamine +monoethylamine +monofilament +monofilm +monoflagellate +monoformin +monogamian +monogamic +monogamist +monogamistic +monogamous +monogamously +monogamousness +monogamy +monoganglionic +monogastric +monogene +Monogenea +monogeneity +monogeneous +monogenesis +monogenesist +monogenesy +monogenetic +Monogenetica +monogenic +monogenism +monogenist +monogenistic +monogenous +monogeny +monoglot +monoglycerid +monoglyceride +monogoneutic +monogonoporic +monogonoporous +monogony +monogram +monogrammatic +monogrammatical +monogrammed +monogrammic +monograph +monographer +monographic +monographical +monographically +monographist +monography +monograptid +Monograptidae +Monograptus +monogynic +monogynious +monogynist +monogynoecial +monogynous +monogyny +monohybrid +monohydrate +monohydrated +monohydric +monohydrogen +monohydroxy +monoicous +monoid +monoketone +monolater +monolatrist +monolatrous +monolatry +monolayer +monoline +monolingual +monolinguist +monoliteral +monolith +monolithal +monolithic +monolobular +monolocular +monologian +monologic +monological +monologist +monologize +monologue +monologuist +monology +monomachist +monomachy +monomania +monomaniac +monomaniacal +monomastigate +monomeniscous +monomer +monomeric +monomerous +monometallic +monometallism +monometallist +monometer +monomethyl +monomethylated +monomethylic +monometric +monometrical +monomial +monomict +monomineral +monomineralic +monomolecular +monomolybdate +Monomorium +monomorphic +monomorphism +monomorphous +Monomya +Monomyaria +monomyarian +mononaphthalene +mononch +Mononchus +mononeural +Monongahela +mononitrate +mononitrated +mononitration +mononitride +mononitrobenzene +mononomial +mononomian +monont +mononuclear +mononucleated +mononucleosis +mononychous +mononym +mononymic +mononymization +mononymize +mononymy +monoousian +monoousious +monoparental +monoparesis +monoparesthesia +monopathic +monopathy +monopectinate +monopersonal +monopersulfuric +monopersulphuric +Monopetalae +monopetalous +monophagism +monophagous +monophagy +monophase +monophasia +monophasic +monophobia +monophone +monophonic +monophonous +monophony +monophotal +monophote +monophthalmic +monophthalmus +monophthong +monophthongal +monophthongization +monophthongize +monophyletic +monophyleticism +monophylite +monophyllous +monophyodont +monophyodontism +Monophysite +Monophysitic +Monophysitical +Monophysitism +monopitch +monoplacula +monoplacular +monoplaculate +monoplane +monoplanist +monoplasmatic +monoplast +monoplastic +monoplegia +monoplegic +Monopneumoa +monopneumonian +monopneumonous +monopode +monopodial +monopodially +monopodic +monopodium +monopodous +monopody +monopolar +monopolaric +monopolarity +monopole +monopolism +monopolist +monopolistic +monopolistically +monopolitical +monopolizable +monopolization +monopolize +monopolizer +monopolous +monopoly +monopolylogist +monopolylogue +monopotassium +monoprionid +monoprionidian +monopsonistic +monopsony +monopsychism +monopteral +Monopteridae +monopteroid +monopteron +monopteros +monopterous +monoptic +monoptical +monoptote +monoptotic +Monopylaea +Monopylaria +monopylean +monopyrenous +monorail +monorailroad +monorailway +monorchid +monorchidism +monorchis +monorchism +monorganic +Monorhina +monorhinal +monorhine +monorhyme +monorhymed +monorhythmic +monosaccharide +monosaccharose +monoschemic +monoscope +monose +monosemic +monosepalous +monoservice +monosilane +monosilicate +monosilicic +monosiphonic +monosiphonous +monosodium +monosomatic +monosomatous +monosome +monosomic +monosperm +monospermal +monospermic +monospermous +monospermy +monospherical +monospondylic +monosporangium +monospore +monospored +monosporiferous +monosporous +monostele +monostelic +monostelous +monostely +monostich +monostichous +Monostomata +Monostomatidae +monostomatous +monostome +Monostomidae +monostomous +Monostomum +monostromatic +monostrophe +monostrophic +monostrophics +monostylous +monosubstituted +monosubstitution +monosulfone +monosulfonic +monosulphide +monosulphone +monosulphonic +monosyllabic +monosyllabical +monosyllabically +monosyllabism +monosyllabize +monosyllable +monosymmetric +monosymmetrical +monosymmetrically +monosymmetry +monosynthetic +monotelephone +monotelephonic +monotellurite +Monothalama +monothalamian +monothalamous +monothecal +monotheism +monotheist +monotheistic +monotheistical +monotheistically +Monothelete +Monotheletian +Monotheletic +Monotheletism +monothelious +Monothelism +Monothelitic +Monothelitism +monothetic +monotic +monotint +Monotocardia +monotocardiac +monotocardian +monotocous +monotomous +monotone +monotonic +monotonical +monotonically +monotonist +monotonize +monotonous +monotonously +monotonousness +monotony +monotremal +Monotremata +monotremate +monotrematous +monotreme +monotremous +monotrichous +monotriglyph +monotriglyphic +Monotrocha +monotrochal +monotrochian +monotrochous +Monotropa +Monotropaceae +monotropaceous +monotrophic +monotropic +Monotropsis +monotropy +monotypal +monotype +monotypic +monotypical +monotypous +monoureide +monovalence +monovalency +monovalent +monovariant +monoverticillate +monovoltine +monovular +monoxenous +monoxide +monoxime +monoxyle +monoxylic +monoxylon +monoxylous +Monozoa +monozoan +monozoic +monozygotic +Monroeism +Monroeist +monrolite +monseigneur +monsieur +monsieurship +monsignor +monsignorial +Monsoni +monsoon +monsoonal +monsoonish +monsoonishly +monster +Monstera +monsterhood +monsterlike +monstership +monstrance +monstrate +monstration +monstrator +monstricide +monstriferous +monstrification +monstrify +monstrosity +monstrous +monstrously +monstrousness +Mont +montage +Montagnac +Montagnais +Montana +montana +Montanan +montane +montanic +montanin +Montanism +Montanist +Montanistic +Montanistical +montanite +Montanize +montant +Montargis +Montauk +montbretia +monte +montebrasite +monteith +montem +Montenegrin +Montepulciano +Monterey +Montes +Montesco +Montesinos +Montessorian +Montessorianism +Montezuma +montgolfier +month +monthly +monthon +Montia +monticellite +monticle +monticoline +monticulate +monticule +Monticulipora +Monticuliporidae +monticuliporidean +monticuliporoid +monticulose +monticulous +monticulus +montiform +montigeneous +montilla +montjoy +montmartrite +Montmorency +montmorilonite +monton +Montrachet +montroydite +Montu +monture +Monty +Monumbo +monument +monumental +monumentalism +monumentality +monumentalization +monumentalize +monumentally +monumentary +monumentless +monumentlike +monzodiorite +monzogabbro +monzonite +monzonitic +moo +Mooachaht +mooch +moocha +moocher +moochulka +mood +mooder +moodily +moodiness +moodish +moodishly +moodishness +moodle +moody +mooing +mool +moolet +moolings +mools +moolum +moon +moonack +moonbeam +moonbill +moonblink +mooncalf +mooncreeper +moondown +moondrop +mooned +mooner +moonery +mooneye +moonface +moonfaced +moonfall +moonfish +moonflower +moonglade +moonglow +moonhead +moonily +mooniness +mooning +moonish +moonite +moonja +moonjah +moonless +moonlet +moonlight +moonlighted +moonlighter +moonlighting +moonlighty +moonlike +moonlikeness +moonlit +moonlitten +moonman +moonpath +moonpenny +moonproof +moonraker +moonraking +moonrise +moonsail +moonscape +moonseed +moonset +moonshade +moonshine +moonshiner +moonshining +moonshiny +moonsick +moonsickness +moonstone +moontide +moonwalker +moonwalking +moonward +moonwards +moonway +moonwort +moony +moop +Moor +moor +moorage +moorball +moorband +moorberry +moorbird +moorburn +moorburner +moorburning +Moore +moorflower +moorfowl +mooring +Moorish +moorish +moorishly +moorishness +moorland +moorlander +Moorman +moorman +moorn +moorpan +moors +Moorship +moorsman +moorstone +moortetter +moorup +moorwort +moory +moosa +moose +mooseberry +moosebird +moosebush +moosecall +mooseflower +moosehood +moosemise +moosetongue +moosewob +moosewood +moosey +moost +moot +mootable +mooter +mooth +mooting +mootman +mootstead +mootworthy +mop +Mopan +mopane +mopboard +mope +moper +moph +mophead +mopheaded +moping +mopingly +mopish +mopishly +mopishness +mopla +mopper +moppet +moppy +mopstick +mopsy +mopus +Moquelumnan +moquette +Moqui +mor +mora +Moraceae +moraceous +Moraea +morainal +moraine +morainic +moral +morale +moralism +moralist +moralistic +moralistically +morality +moralization +moralize +moralizer +moralizingly +moralless +morally +moralness +morals +Moran +morass +morassic +morassweed +morassy +morat +morate +moration +moratoria +moratorium +moratory +Moravian +Moravianism +Moravianized +Moravid +moravite +moray +morbid +morbidity +morbidize +morbidly +morbidness +morbiferal +morbiferous +morbific +morbifical +morbifically +morbify +morbility +morbillary +morbilli +morbilliform +morbillous +morcellate +morcellated +morcellation +Morchella +Morcote +mordacious +mordaciously +mordacity +mordancy +mordant +mordantly +Mordella +mordellid +Mordellidae +mordelloid +mordenite +mordent +mordicate +mordication +mordicative +mordore +Mordv +Mordva +Mordvin +Mordvinian +more +moreen +morefold +moreish +morel +morella +morello +morencite +moreness +morenita +morenosite +Moreote +moreover +morepork +mores +Moresque +morfrey +morg +morga +Morgan +morgan +Morgana +morganatic +morganatical +morganatically +morganic +morganite +morganize +morgay +morgen +morgengift +morgenstern +morglay +morgue +moribund +moribundity +moribundly +moric +moriche +moriform +morigerate +morigeration +morigerous +morigerously +morigerousness +morillon +morin +Morinaceae +Morinda +morindin +morindone +morinel +Moringa +Moringaceae +moringaceous +moringad +Moringua +moringuid +Moringuidae +moringuoid +morion +Moriori +Moriscan +Morisco +Morisonian +Morisonianism +morkin +morlop +mormaor +mormaordom +mormaorship +mormo +Mormon +mormon +Mormondom +Mormoness +Mormonism +Mormonist +Mormonite +Mormonweed +Mormoops +mormyr +mormyre +mormyrian +mormyrid +Mormyridae +mormyroid +Mormyrus +morn +morne +morned +morning +morningless +morningly +mornings +morningtide +morningward +mornless +mornlike +morntime +mornward +Moro +moro +moroc +Moroccan +Morocco +morocco +morocota +morological +morologically +morologist +morology +moromancy +moron +moroncy +morong +moronic +Moronidae +moronism +moronity +moronry +Moropus +morosaurian +morosauroid +Morosaurus +morose +morosely +moroseness +morosis +morosity +moroxite +morph +morphallaxis +morphea +Morphean +morpheme +morphemic +morphemics +morphetic +Morpheus +morphew +morphia +morphiate +morphic +morphically +morphinate +morphine +morphinic +morphinism +morphinist +morphinization +morphinize +morphinomania +morphinomaniac +morphiomania +morphiomaniac +Morpho +morphogenesis +morphogenetic +morphogenic +morphogeny +morphographer +morphographic +morphographical +morphographist +morphography +morpholine +morphologic +morphological +morphologically +morphologist +morphology +morphometrical +morphometry +morphon +morphonomic +morphonomy +morphophonemic +morphophonemically +morphophonemics +morphophyly +morphoplasm +morphoplasmic +morphosis +morphotic +morphotropic +morphotropism +morphotropy +morphous +Morrenian +Morrhua +morrhuate +morrhuine +morricer +Morris +morris +Morrisean +morrow +morrowing +morrowless +morrowmass +morrowspeech +morrowtide +morsal +Morse +morse +morsel +morselization +morselize +morsing +morsure +mort +mortacious +mortal +mortalism +mortalist +mortality +mortalize +mortally +mortalness +mortalwise +mortar +mortarboard +mortarize +mortarless +mortarlike +mortarware +mortary +mortbell +mortcloth +mortersheen +mortgage +mortgageable +mortgagee +mortgagor +morth +morthwyrtha +mortician +mortier +mortiferous +mortiferously +mortiferousness +mortific +mortification +mortified +mortifiedly +mortifiedness +mortifier +mortify +mortifying +mortifyingly +Mortimer +mortise +mortiser +mortling +mortmain +mortmainer +Morton +mortuarian +mortuary +mortuous +morula +morular +morulation +morule +moruloid +Morus +morvin +morwong +Mosaic +mosaic +Mosaical +mosaical +mosaically +mosaicism +mosaicist +Mosaicity +Mosaism +Mosaist +mosaist +mosandrite +mosasaur +Mosasauri +Mosasauria +mosasaurian +mosasaurid +Mosasauridae +mosasauroid +Mosasaurus +Mosatenan +moschate +moschatel +moschatelline +Moschi +Moschidae +moschiferous +Moschinae +moschine +Moschus +Moscow +Mose +Moselle +Moses +mosesite +Mosetena +mosette +mosey +Mosgu +moskeneer +mosker +Moslem +Moslemah +Moslemic +Moslemin +Moslemism +Moslemite +Moslemize +moslings +mosque +mosquelet +mosquish +mosquital +Mosquito +mosquito +mosquitobill +mosquitocidal +mosquitocide +mosquitoey +mosquitoish +mosquitoproof +moss +mossback +mossberry +mossbunker +mossed +mosser +mossery +mossful +mosshead +Mossi +mossiness +mossless +mosslike +mosstrooper +mosstroopery +mosstrooping +mosswort +mossy +mossyback +most +moste +Mosting +mostlike +mostlings +mostly +mostness +Mosul +Mosur +mot +Motacilla +motacillid +Motacillidae +Motacillinae +motacilline +motatorious +motatory +Motazilite +mote +moted +motel +moteless +moter +motet +motettist +motey +moth +mothed +mother +motherdom +mothered +motherer +mothergate +motherhood +motheriness +mothering +motherkin +motherland +motherless +motherlessness +motherlike +motherliness +motherling +motherly +mothership +mothersome +motherward +motherwise +motherwort +mothery +mothless +mothlike +mothproof +mothworm +mothy +motif +motific +motile +motility +motion +motionable +motional +motionless +motionlessly +motionlessness +motitation +motivate +motivation +motivational +motive +motiveless +motivelessly +motivelessness +motiveness +motivity +motley +motleyness +motmot +motofacient +motograph +motographic +motomagnetic +motoneuron +motophone +motor +motorable +motorboat +motorboatman +motorbus +motorcab +motorcade +motorcar +motorcycle +motorcyclist +motordom +motordrome +motored +motorial +motoric +motoring +motorism +motorist +motorium +motorization +motorize +motorless +motorman +motorneer +motorphobe +motorphobia +motorphobiac +motorway +motory +Motozintlec +Motozintleca +motricity +Mott +mott +motte +mottle +mottled +mottledness +mottlement +mottler +mottling +motto +mottoed +mottoless +mottolike +mottramite +motyka +mou +moucharaby +mouchardism +mouche +mouchrabieh +moud +moudie +moudieman +moudy +mouflon +Mougeotia +Mougeotiaceae +mouillation +mouille +mouillure +moujik +moul +mould +moulded +moule +moulin +moulinage +moulinet +moulleen +moulrush +mouls +moulter +mouly +mound +moundiness +moundlet +moundwork +moundy +mount +mountable +mountably +mountain +mountained +mountaineer +mountainet +mountainette +mountainless +mountainlike +mountainous +mountainously +mountainousness +mountainside +mountaintop +mountainward +mountainwards +mountainy +mountant +mountebank +mountebankery +mountebankish +mountebankism +mountebankly +mounted +mounter +Mountie +mounting +mountingly +mountlet +mounture +moup +mourn +mourner +mourneress +mournful +mournfully +mournfulness +mourning +mourningly +mournival +mournsome +mouse +mousebane +mousebird +mousefish +mousehawk +mousehole +mousehound +Mouseion +mousekin +mouselet +mouselike +mouseproof +mouser +mousery +mouseship +mousetail +mousetrap +mouseweb +mousey +mousily +mousiness +mousing +mousingly +mousle +mousmee +Mousoni +mousquetaire +mousse +Mousterian +moustoc +mousy +mout +moutan +mouth +mouthable +mouthbreeder +mouthed +mouther +mouthful +mouthily +mouthiness +mouthing +mouthingly +mouthishly +mouthless +mouthlike +mouthpiece +mouthroot +mouthwash +mouthwise +mouthy +mouton +moutonnee +mouzah +mouzouna +movability +movable +movableness +movably +movant +move +moveability +moveableness +moveably +moveless +movelessly +movelessness +movement +mover +movie +moviedom +movieize +movieland +moving +movingly +movingness +mow +mowable +mowana +mowburn +mowburnt +mowch +mowcht +mower +mowha +mowie +mowing +mowland +mown +mowra +mowrah +mowse +mowstead +mowt +mowth +moxa +moxieberry +Moxo +moy +moyen +moyenless +moyenne +moyite +moyle +moyo +Mozambican +mozambique +Mozarab +Mozarabian +Mozarabic +Mozartean +mozemize +mozing +mozzetta +Mpangwe +Mpondo +mpret +Mr +Mrs +Mru +mu +muang +mubarat +mucago +mucaro +mucedin +mucedinaceous +mucedine +mucedinous +much +muchfold +muchly +muchness +mucic +mucid +mucidness +muciferous +mucific +muciform +mucigen +mucigenous +mucilage +mucilaginous +mucilaginously +mucilaginousness +mucin +mucinogen +mucinoid +mucinous +muciparous +mucivore +mucivorous +muck +muckender +Mucker +mucker +muckerish +muckerism +mucket +muckiness +muckite +muckle +muckluck +muckman +muckment +muckmidden +muckna +muckrake +muckraker +mucksweat +mucksy +muckthrift +muckweed +muckworm +mucky +mucluc +mucocele +mucocellulose +mucocellulosic +mucocutaneous +mucodermal +mucofibrous +mucoflocculent +mucoid +mucomembranous +muconic +mucoprotein +mucopurulent +mucopus +mucor +Mucoraceae +mucoraceous +Mucorales +mucorine +mucorioid +mucormycosis +mucorrhea +mucosa +mucosal +mucosanguineous +mucose +mucoserous +mucosity +mucosocalcareous +mucosogranular +mucosopurulent +mucososaccharine +mucous +mucousness +mucro +mucronate +mucronately +mucronation +mucrones +mucroniferous +mucroniform +mucronulate +mucronulatous +muculent +Mucuna +mucus +mucusin +mud +mudar +mudbank +mudcap +mudd +mudde +mudden +muddify +muddily +muddiness +mudding +muddish +muddle +muddlebrained +muddledom +muddlehead +muddleheaded +muddleheadedness +muddlement +muddleproof +muddler +muddlesome +muddlingly +muddy +muddybrained +muddybreast +muddyheaded +mudee +Mudejar +mudfish +mudflow +mudguard +mudhead +mudhole +mudhopper +mudir +mudiria +mudland +mudlark +mudlarker +mudless +mudproof +mudra +mudsill +mudskipper +mudslinger +mudslinging +mudspate +mudstain +mudstone +mudsucker +mudtrack +mudweed +mudwort +Muehlenbeckia +muermo +muezzin +muff +muffed +muffet +muffetee +muffin +muffineer +muffish +muffishness +muffle +muffled +muffleman +muffler +mufflin +muffy +mufti +mufty +mug +muga +mugearite +mugful +mugg +mugger +mugget +muggily +mugginess +muggins +muggish +muggles +Muggletonian +Muggletonianism +muggy +mughouse +mugience +mugiency +mugient +Mugil +Mugilidae +mugiliform +mugiloid +mugweed +mugwort +mugwump +mugwumpery +mugwumpian +mugwumpism +muhammadi +Muharram +Muhlenbergia +muid +Muilla +muir +muirburn +muircock +muirfowl +muishond +muist +mujtahid +Mukden +mukluk +Mukri +muktar +muktatma +mukti +mulaprakriti +mulatta +mulatto +mulattoism +mulattress +mulberry +mulch +mulcher +Mulciber +Mulcibirian +mulct +mulctable +mulctary +mulctation +mulctative +mulctatory +mulctuary +mulder +mule +muleback +mulefoot +mulefooted +muleman +muleta +muleteer +muletress +muletta +mulewort +muley +mulga +muliebral +muliebria +muliebrile +muliebrity +muliebrous +mulier +mulierine +mulierose +mulierosity +mulish +mulishly +mulishness +mulism +mulita +mulk +mull +mulla +mullah +mullar +mullein +mullenize +muller +Mullerian +mullet +mulletry +mullets +mulley +mullid +Mullidae +mulligan +mulligatawny +mulligrubs +mullion +mullite +mullock +mullocker +mullocky +mulloid +mulloway +mulmul +mulse +mulsify +mult +multangular +multangularly +multangularness +multangulous +multangulum +Multani +multanimous +multarticulate +multeity +multiangular +multiareolate +multiarticular +multiarticulate +multiarticulated +multiaxial +multiblade +multibladed +multibranched +multibranchiate +multibreak +multicamerate +multicapitate +multicapsular +multicarinate +multicarinated +multicellular +multicentral +multicentric +multicharge +multichord +multichrome +multiciliate +multiciliated +multicipital +multicircuit +multicoccous +multicoil +multicolor +multicolored +multicolorous +multicomponent +multiconductor +multiconstant +multicore +multicorneal +multicostate +multicourse +multicrystalline +multicuspid +multicuspidate +multicycle +multicylinder +multicylindered +multidentate +multidenticulate +multidenticulated +multidigitate +multidimensional +multidirectional +multidisperse +multiengine +multiengined +multiexhaust +multifaced +multifaceted +multifactorial +multifamilial +multifarious +multifariously +multifariousness +multiferous +multifetation +multifibered +multifid +multifidly +multifidous +multifidus +multifilament +multifistular +multiflagellate +multiflagellated +multiflash +multiflorous +multiflow +multiflue +multifocal +multifoil +multifoiled +multifold +multifoliate +multifoliolate +multiform +multiformed +multiformity +multifurcate +multiganglionic +multigap +multigranulate +multigranulated +Multigraph +multigraph +multigrapher +multiguttulate +multigyrate +multihead +multihearth +multihued +multijet +multijugate +multijugous +multilaciniate +multilamellar +multilamellate +multilamellous +multilaminar +multilaminate +multilaminated +multilateral +multilaterally +multilighted +multilineal +multilinear +multilingual +multilinguist +multilirate +multiliteral +multilobar +multilobate +multilobe +multilobed +multilobular +multilobulate +multilobulated +multilocation +multilocular +multiloculate +multiloculated +multiloquence +multiloquent +multiloquious +multiloquous +multiloquy +multimacular +multimammate +multimarble +multimascular +multimedial +multimetalic +multimetallism +multimetallist +multimillion +multimillionaire +multimodal +multimodality +multimolecular +multimotor +multimotored +multinational +multinervate +multinervose +multinodal +multinodate +multinodous +multinodular +multinomial +multinominal +multinominous +multinuclear +multinucleate +multinucleated +multinucleolar +multinucleolate +multinucleolated +multiovular +multiovulate +multipara +multiparient +multiparity +multiparous +multipartisan +multipartite +multiped +multiperforate +multiperforated +multipersonal +multiphase +multiphaser +multiphotography +multipinnate +multiplane +multiple +multiplepoinding +multiplet +multiplex +multipliable +multipliableness +multiplicability +multiplicable +multiplicand +multiplicate +multiplication +multiplicational +multiplicative +multiplicatively +multiplicator +multiplicity +multiplier +multiply +multiplying +multipointed +multipolar +multipole +multiported +multipotent +multipresence +multipresent +multiradial +multiradiate +multiradiated +multiradicate +multiradicular +multiramified +multiramose +multiramous +multirate +multireflex +multirooted +multirotation +multirotatory +multisaccate +multisacculate +multisacculated +multiscience +multiseated +multisect +multisector +multisegmental +multisegmentate +multisegmented +multisensual +multiseptate +multiserial +multiserially +multiseriate +multishot +multisiliquous +multisonous +multispeed +multispermous +multispicular +multispiculate +multispindle +multispinous +multispiral +multispired +multistage +multistaminate +multistoried +multistory +multistratified +multistratous +multistriate +multisulcate +multisulcated +multisyllabic +multisyllability +multisyllable +multitarian +multitentaculate +multitheism +multithreaded +multititular +multitoed +multitoned +multitube +Multituberculata +multituberculate +multituberculated +multituberculism +multituberculy +multitubular +multitude +multitudinal +multitudinary +multitudinism +multitudinist +multitudinistic +multitudinosity +multitudinous +multitudinously +multitudinousness +multiturn +multivagant +multivalence +multivalency +multivalent +multivalve +multivalved +multivalvular +multivane +multivariant +multivarious +multiversant +multiverse +multivibrator +multivincular +multivious +multivocal +multivocalness +multivoiced +multivolent +multivoltine +multivolumed +multivorous +multocular +multum +multungulate +multure +multurer +mum +mumble +mumblebee +mumblement +mumbler +mumbling +mumblingly +mummer +mummery +mummichog +mummick +mummied +mummification +mummiform +mummify +mumming +mummy +mummydom +mummyhood +mummylike +mumness +mump +mumper +mumphead +mumpish +mumpishly +mumpishness +mumps +mumpsimus +mumruffin +mun +Munandi +Muncerian +munch +Munchausenism +Munchausenize +muncheel +muncher +munchet +mund +Munda +mundane +mundanely +mundaneness +mundanism +mundanity +Mundari +mundatory +mundic +mundificant +mundification +mundifier +mundify +mundil +mundivagant +mundle +mung +munga +munge +mungey +mungo +mungofa +munguba +mungy +Munia +Munich +Munichism +municipal +municipalism +municipalist +municipality +municipalization +municipalize +municipalizer +municipally +municipium +munific +munificence +munificency +munificent +munificently +munificentness +muniment +munition +munitionary +munitioneer +munitioner +munitions +munity +munj +munjeet +munjistin +munnion +Munnopsidae +Munnopsis +Munsee +munshi +munt +Muntiacus +muntin +Muntingia +muntjac +Munychia +Munychian +Munychion +Muong +Muphrid +Mura +mura +Muradiyah +Muraena +Muraenidae +muraenoid +murage +mural +muraled +muralist +murally +Muran +Muranese +murasakite +Murat +Muratorian +murchy +murder +murderer +murderess +murdering +murderingly +murderish +murderment +murderous +murderously +murderousness +murdrum +mure +murenger +murex +murexan +murexide +murga +murgavi +murgeon +muriate +muriated +muriatic +muricate +muricid +Muricidae +muriciform +muricine +muricoid +muriculate +murid +Muridae +muridism +Muriel +muriform +muriformly +Murillo +Murinae +murine +murinus +muriti +murium +murk +murkily +murkiness +murkish +murkly +murkness +murksome +murky +murlin +murly +Murmi +murmur +murmuration +murmurator +murmurer +murmuring +murmuringly +murmurish +murmurless +murmurlessly +murmurous +murmurously +muromontite +Murph +murphy +murra +murrain +Murray +Murraya +murre +murrelet +murrey +murrhine +murrina +murrnong +murshid +Murthy +murumuru +Murut +muruxi +murva +murza +Murzim +Mus +Musa +Musaceae +musaceous +Musaeus +musal +Musales +Musalmani +musang +musar +Musca +muscade +muscadel +muscadine +Muscadinia +muscardine +Muscardinidae +Muscardinus +Muscari +muscariform +muscarine +muscat +muscatel +muscatorium +Musci +Muscicapa +Muscicapidae +muscicapine +muscicide +muscicole +muscicoline +muscicolous +muscid +Muscidae +musciform +Muscinae +muscle +muscled +muscleless +musclelike +muscling +muscly +Muscogee +muscoid +Muscoidea +muscologic +muscological +muscologist +muscology +muscone +muscose +muscoseness +muscosity +muscot +muscovadite +muscovado +Muscovi +Muscovite +muscovite +Muscovitic +muscovitization +muscovitize +muscovy +muscular +muscularity +muscularize +muscularly +musculation +musculature +muscule +musculin +musculoarterial +musculocellular +musculocutaneous +musculodermic +musculoelastic +musculofibrous +musculointestinal +musculoligamentous +musculomembranous +musculopallial +musculophrenic +musculospinal +musculospiral +musculotegumentary +musculotendinous +Muse +muse +mused +museful +musefully +museist +museless +muselike +museographist +museography +museologist +museology +muser +musery +musette +museum +museumize +Musgu +mush +musha +mushaa +Mushabbihite +mushed +musher +mushhead +mushheaded +mushheadedness +mushily +mushiness +mushla +mushmelon +mushrebiyeh +mushroom +mushroomer +mushroomic +mushroomlike +mushroomy +mushru +mushy +music +musical +musicale +musicality +musicalization +musicalize +musically +musicalness +musicate +musician +musiciana +musicianer +musicianly +musicianship +musicker +musicless +musiclike +musicmonger +musico +musicoartistic +musicodramatic +musicofanatic +musicographer +musicography +musicological +musicologist +musicologue +musicology +musicomania +musicomechanical +musicophilosophical +musicophobia +musicophysical +musicopoetic +musicotherapy +musicproof +musie +musily +musimon +musing +musingly +musk +muskat +muskeg +muskeggy +muskellunge +musket +musketade +musketeer +musketlike +musketoon +musketproof +musketry +muskflower +Muskhogean +muskie +muskiness +muskish +musklike +muskmelon +Muskogee +muskrat +muskroot +Muskwaki +muskwood +musky +muslin +muslined +muslinet +musnud +Musophaga +Musophagi +Musophagidae +musophagine +musquash +musquashroot +musquashweed +musquaspen +musquaw +musrol +muss +mussable +mussably +Mussaenda +mussal +mussalchee +mussel +musseled +musseler +mussily +mussiness +mussitate +mussitation +mussuk +Mussulman +Mussulmanic +Mussulmanish +Mussulmanism +Mussulwoman +mussurana +mussy +must +mustache +mustached +mustachial +mustachio +mustachioed +mustafina +Mustahfiz +mustang +mustanger +mustard +mustarder +mustee +Mustela +mustelid +Mustelidae +musteline +mustelinous +musteloid +Mustelus +muster +musterable +musterdevillers +musterer +mustermaster +mustify +mustily +mustiness +mustnt +musty +muta +Mutabilia +mutability +mutable +mutableness +mutably +mutafacient +mutage +mutagenic +mutant +mutarotate +mutarotation +mutase +mutate +mutation +mutational +mutationally +mutationism +mutationist +mutative +mutatory +mutawalli +Mutazala +mutch +mute +mutedly +mutely +muteness +Muter +mutesarif +mutescence +mutessarifat +muth +muthmannite +muthmassel +mutic +muticous +mutilate +mutilation +mutilative +mutilator +mutilatory +Mutilla +mutillid +Mutillidae +mutilous +mutineer +mutinous +mutinously +mutinousness +mutiny +Mutisia +Mutisiaceae +mutism +mutist +mutistic +mutive +mutivity +mutoscope +mutoscopic +mutsje +mutsuddy +mutt +mutter +mutterer +muttering +mutteringly +mutton +muttonbird +muttonchop +muttonfish +muttonhead +muttonheaded +muttonhood +muttonmonger +muttonwood +muttony +mutual +mutualism +mutualist +mutualistic +mutuality +mutualization +mutualize +mutually +mutualness +mutuary +mutuatitious +mutulary +mutule +mutuum +mux +Muysca +muyusa +muzhik +Muzo +muzz +muzzily +muzziness +muzzle +muzzler +muzzlewood +muzzy +Mwa +my +Mya +Myacea +myal +myalgia +myalgic +myalism +myall +Myaria +myarian +myasthenia +myasthenic +myatonia +myatonic +myatony +myatrophy +mycele +mycelia +mycelial +mycelian +mycelioid +mycelium +myceloid +Mycenaean +Mycetes +mycetism +mycetocyte +mycetogenesis +mycetogenetic +mycetogenic +mycetogenous +mycetoid +mycetological +mycetology +mycetoma +mycetomatous +Mycetophagidae +mycetophagous +mycetophilid +Mycetophilidae +mycetous +Mycetozoa +mycetozoan +mycetozoon +Mycobacteria +Mycobacteriaceae +Mycobacterium +mycocecidium +mycocyte +mycoderm +mycoderma +mycodermatoid +mycodermatous +mycodermic +mycodermitis +mycodesmoid +mycodomatium +mycogastritis +Mycogone +mycohaemia +mycohemia +mycoid +mycologic +mycological +mycologically +mycologist +mycologize +mycology +mycomycete +Mycomycetes +mycomycetous +mycomyringitis +mycophagist +mycophagous +mycophagy +mycophyte +Mycoplana +mycoplasm +mycoplasmic +mycoprotein +mycorhiza +mycorhizal +mycorrhizal +mycose +mycosin +mycosis +mycosozin +Mycosphaerella +Mycosphaerellaceae +mycosterol +mycosymbiosis +mycotic +mycotrophic +Mycteria +mycteric +mycterism +Myctodera +myctophid +Myctophidae +Myctophum +Mydaidae +mydaleine +mydatoxine +Mydaus +mydine +mydriasine +mydriasis +mydriatic +mydriatine +myectomize +myectomy +myectopia +myectopy +myelalgia +myelapoplexy +myelasthenia +myelatrophy +myelauxe +myelemia +myelencephalic +myelencephalon +myelencephalous +myelic +myelin +myelinate +myelinated +myelination +myelinic +myelinization +myelinogenesis +myelinogenetic +myelinogeny +myelitic +myelitis +myeloblast +myeloblastic +myelobrachium +myelocele +myelocerebellar +myelocoele +myelocyst +myelocystic +myelocystocele +myelocyte +myelocythaemia +myelocythemia +myelocytic +myelocytosis +myelodiastasis +myeloencephalitis +myeloganglitis +myelogenesis +myelogenetic +myelogenous +myelogonium +myeloic +myeloid +myelolymphangioma +myelolymphocyte +myeloma +myelomalacia +myelomatoid +myelomatosis +myelomenia +myelomeningitis +myelomeningocele +myelomere +myelon +myelonal +myeloneuritis +myelonic +myeloparalysis +myelopathic +myelopathy +myelopetal +myelophthisis +myeloplast +myeloplastic +myeloplax +myeloplegia +myelopoiesis +myelopoietic +myelorrhagia +myelorrhaphy +myelosarcoma +myelosclerosis +myelospasm +myelospongium +myelosyphilis +myelosyphilosis +myelosyringosis +myelotherapy +Myelozoa +myelozoan +myentasis +myenteric +myenteron +myesthesia +mygale +mygalid +mygaloid +Myiarchus +myiasis +myiferous +myiodesopsia +myiosis +myitis +mykiss +myliobatid +Myliobatidae +myliobatine +myliobatoid +Mylodon +mylodont +Mylodontidae +mylohyoid +mylohyoidean +mylonite +mylonitic +Mymar +mymarid +Mymaridae +myna +Mynheer +mynpacht +mynpachtbrief +myoalbumin +myoalbumose +myoatrophy +myoblast +myoblastic +myocardiac +myocardial +myocardiogram +myocardiograph +myocarditic +myocarditis +myocardium +myocele +myocellulitis +myoclonic +myoclonus +myocoele +myocoelom +myocolpitis +myocomma +myocyte +myodegeneration +Myodes +myodiastasis +myodynamia +myodynamic +myodynamics +myodynamiometer +myodynamometer +myoedema +myoelectric +myoendocarditis +myoepicardial +myoepithelial +myofibril +myofibroma +myogen +myogenesis +myogenetic +myogenic +myogenous +myoglobin +myoglobulin +myogram +myograph +myographer +myographic +myographical +myographist +myography +myohematin +myoid +myoidema +myokinesis +myolemma +myolipoma +myoliposis +myologic +myological +myologist +myology +myolysis +myoma +myomalacia +myomancy +myomantic +myomatous +myomectomy +myomelanosis +myomere +myometritis +myometrium +myomohysterectomy +myomorph +Myomorpha +myomorphic +myomotomy +myoneme +myoneural +myoneuralgia +myoneurasthenia +myoneure +myoneuroma +myoneurosis +myonosus +myopachynsis +myoparalysis +myoparesis +myopathia +myopathic +myopathy +myope +myoperitonitis +myophan +myophore +myophorous +myophysical +myophysics +myopia +myopic +myopical +myopically +myoplasm +myoplastic +myoplasty +myopolar +Myoporaceae +myoporaceous +myoporad +Myoporum +myoproteid +myoprotein +myoproteose +myops +myopy +myorrhaphy +myorrhexis +myosalpingitis +myosarcoma +myosarcomatous +myosclerosis +myoscope +myoseptum +myosin +myosinogen +myosinose +myosis +myositic +myositis +myosote +Myosotis +myospasm +myospasmia +Myosurus +myosuture +myosynizesis +myotacismus +Myotalpa +Myotalpinae +myotasis +myotenotomy +myothermic +myotic +myotome +myotomic +myotomy +myotonia +myotonic +myotonus +myotony +myotrophy +myowun +Myoxidae +myoxine +Myoxus +Myra +myrabalanus +myrabolam +myrcene +Myrcia +myrcia +myriacanthous +myriacoulomb +myriad +myriaded +myriadfold +myriadly +myriadth +myriagram +myriagramme +myrialiter +myrialitre +myriameter +myriametre +Myrianida +myriapod +Myriapoda +myriapodan +myriapodous +myriarch +myriarchy +myriare +Myrica +myrica +Myricaceae +myricaceous +Myricales +myricetin +myricin +Myrick +myricyl +myricylic +Myrientomata +myringa +myringectomy +myringitis +myringodectomy +myringodermatitis +myringomycosis +myringoplasty +myringotome +myringotomy +myriological +myriologist +myriologue +myriophyllite +myriophyllous +Myriophyllum +Myriopoda +myriopodous +myriorama +myrioscope +myriosporous +myriotheism +Myriotrichia +Myriotrichiaceae +myriotrichiaceous +myristate +myristic +Myristica +myristica +Myristicaceae +myristicaceous +Myristicivora +myristicivorous +myristin +myristone +Myrmecia +Myrmecobiinae +myrmecobine +Myrmecobius +myrmecochorous +myrmecochory +myrmecoid +myrmecoidy +myrmecological +myrmecologist +myrmecology +Myrmecophaga +Myrmecophagidae +myrmecophagine +myrmecophagoid +myrmecophagous +myrmecophile +myrmecophilism +myrmecophilous +myrmecophily +myrmecophobic +myrmecophyte +myrmecophytic +myrmekite +Myrmeleon +Myrmeleonidae +Myrmeleontidae +Myrmica +myrmicid +Myrmicidae +myrmicine +myrmicoid +Myrmidon +Myrmidonian +myrmotherine +myrobalan +Myron +myron +myronate +myronic +myrosin +myrosinase +Myrothamnaceae +myrothamnaceous +Myrothamnus +Myroxylon +myrrh +myrrhed +myrrhic +myrrhine +Myrrhis +myrrhol +myrrhophore +myrrhy +Myrsinaceae +myrsinaceous +myrsinad +Myrsiphyllum +Myrtaceae +myrtaceous +myrtal +Myrtales +myrtiform +Myrtilus +myrtle +myrtleberry +myrtlelike +myrtol +Myrtus +mysel +myself +mysell +Mysian +mysid +Mysidacea +Mysidae +mysidean +Mysis +mysogynism +mysoid +mysophobia +Mysore +mysosophist +mysost +myst +mystacial +Mystacocete +Mystacoceti +mystagogic +mystagogical +mystagogically +mystagogue +mystagogy +mystax +mysterial +mysteriarch +mysteriosophic +mysteriosophy +mysterious +mysteriously +mysteriousness +mysterize +mystery +mystes +mystic +mystical +mysticality +mystically +mysticalness +Mysticete +mysticete +Mysticeti +mysticetous +mysticism +mysticity +mysticize +mysticly +mystific +mystifically +mystification +mystificator +mystificatory +mystifiedly +mystifier +mystify +mystifyingly +mytacism +myth +mythical +mythicalism +mythicality +mythically +mythicalness +mythicism +mythicist +mythicize +mythicizer +mythification +mythify +mythism +mythist +mythize +mythland +mythmaker +mythmaking +mythoclast +mythoclastic +mythogenesis +mythogonic +mythogony +mythographer +mythographist +mythography +mythogreen +mythoheroic +mythohistoric +mythologema +mythologer +mythological +mythologically +mythologist +mythologize +mythologizer +mythologue +mythology +mythomania +mythomaniac +mythometer +mythonomy +mythopastoral +mythopoeic +mythopoeism +mythopoeist +mythopoem +mythopoesis +mythopoesy +mythopoet +mythopoetic +mythopoetize +mythopoetry +mythos +mythus +Mytilacea +mytilacean +mytilaceous +Mytiliaspis +mytilid +Mytilidae +mytiliform +mytiloid +mytilotoxine +Mytilus +myxa +myxadenitis +myxadenoma +myxaemia +myxamoeba +myxangitis +myxasthenia +myxedema +myxedematoid +myxedematous +myxedemic +myxemia +Myxine +Myxinidae +myxinoid +Myxinoidei +myxo +Myxobacteria +Myxobacteriaceae +myxobacteriaceous +Myxobacteriales +myxoblastoma +myxochondroma +myxochondrosarcoma +Myxococcus +myxocystoma +myxocyte +myxoenchondroma +myxofibroma +myxofibrosarcoma +myxoflagellate +myxogaster +Myxogasteres +Myxogastrales +Myxogastres +myxogastric +myxogastrous +myxoglioma +myxoid +myxoinoma +myxolipoma +myxoma +myxomatosis +myxomatous +Myxomycetales +myxomycete +Myxomycetes +myxomycetous +myxomyoma +myxoneuroma +myxopapilloma +Myxophyceae +myxophycean +Myxophyta +myxopod +Myxopoda +myxopodan +myxopodium +myxopodous +myxopoiesis +myxorrhea +myxosarcoma +Myxospongiae +myxospongian +Myxospongida +myxospore +Myxosporidia +myxosporidian +Myxosporidiida +Myxosporium +myxosporous +Myxothallophyta +myxotheca +Myzodendraceae +myzodendraceous +Myzodendron +Myzomyia +myzont +Myzontes +Myzostoma +Myzostomata +myzostomatous +myzostome +myzostomid +Myzostomida +Myzostomidae +myzostomidan +myzostomous +N +n +na +naa +naam +Naaman +Naassenes +nab +nabak +Nabal +Nabalism +Nabalite +Nabalitic +Nabaloi +Nabalus +Nabataean +Nabatean +Nabathaean +Nabathean +Nabathite +nabber +Nabby +nabk +nabla +nable +nabob +nabobery +nabobess +nabobical +nabobish +nabobishly +nabobism +nabobry +nabobship +Nabothian +nabs +Nabu +nacarat +nacarine +nace +nacelle +nach +nachani +Nachitoch +Nachitoches +Nachschlag +Nacionalista +nacket +nacre +nacred +nacreous +nacrine +nacrite +nacrous +nacry +nadder +Nadeem +nadir +nadiral +nadorite +nae +naebody +naegate +naegates +nael +Naemorhedinae +naemorhedine +Naemorhedus +naether +naething +nag +Naga +naga +nagaika +nagana +nagara +Nagari +nagatelite +nagger +naggin +nagging +naggingly +naggingness +naggish +naggle +naggly +naggy +naght +nagkassar +nagmaal +nagman +nagnag +nagnail +nagor +nagsman +nagster +nagual +nagualism +nagualist +nagyagite +Nahanarvali +Nahane +Nahani +Naharvali +Nahor +Nahua +Nahuan +Nahuatl +Nahuatlac +Nahuatlan +Nahuatleca +Nahuatlecan +Nahum +naiad +Naiadaceae +naiadaceous +Naiadales +Naiades +naiant +Naias +naid +naif +naifly +naig +naigie +naik +nail +nailbin +nailbrush +nailer +naileress +nailery +nailhead +nailing +nailless +naillike +nailprint +nailproof +nailrod +nailshop +nailsick +nailsmith +nailwort +naily +Naim +nain +nainsel +nainsook +naio +naipkin +Nair +nairy +nais +naish +naissance +naissant +naither +naive +naively +naiveness +naivete +naivety +Naja +nak +nake +naked +nakedish +nakedize +nakedly +nakedness +nakedweed +nakedwood +naker +nakhlite +nakhod +nakhoda +Nakir +nako +Nakomgilisala +nakong +nakoo +Nakula +Nalita +nallah +nam +Nama +namability +namable +Namaqua +namaqua +Namaquan +namaycush +namaz +namazlik +Nambe +namda +name +nameability +nameable +nameboard +nameless +namelessly +namelessness +nameling +namely +namer +namesake +naming +nammad +Nan +nan +Nana +nana +Nanaimo +nanawood +Nance +Nancy +nancy +Nanda +Nandi +nandi +Nandina +nandine +nandow +nandu +nane +nanes +nanga +nanism +nanization +nankeen +Nankin +nankin +Nanking +Nankingese +nannander +nannandrium +nannandrous +Nannette +nannoplankton +Nanny +nanny +nannyberry +nannybush +nanocephalia +nanocephalic +nanocephalism +nanocephalous +nanocephalus +nanocephaly +nanoid +nanomelia +nanomelous +nanomelus +nanosoma +nanosomia +nanosomus +nanpie +nant +Nanticoke +nantle +nantokite +Nantz +naological +naology +naometry +Naomi +Naos +naos +Naosaurus +Naoto +nap +napa +Napaea +Napaean +napal +napalm +nape +napead +napecrest +napellus +naperer +napery +naphtha +naphthacene +naphthalate +naphthalene +naphthaleneacetic +naphthalenesulphonic +naphthalenic +naphthalenoid +naphthalic +naphthalidine +naphthalin +naphthaline +naphthalization +naphthalize +naphthalol +naphthamine +naphthanthracene +naphthene +naphthenic +naphthinduline +naphthionate +naphtho +naphthoic +naphthol +naphtholate +naphtholize +naphtholsulphonate +naphtholsulphonic +naphthoquinone +naphthoresorcinol +naphthosalol +naphthous +naphthoxide +naphthyl +naphthylamine +naphthylaminesulphonic +naphthylene +naphthylic +naphtol +Napierian +napiform +napkin +napkining +napless +naplessness +Napoleon +napoleon +Napoleonana +Napoleonic +Napoleonically +Napoleonism +Napoleonist +Napoleonistic +napoleonite +Napoleonize +napoo +nappe +napped +napper +nappiness +napping +nappishness +nappy +naprapath +naprapathy +napron +napthionic +napu +nar +Narcaciontes +Narcaciontidae +narceine +narcism +Narciss +Narcissan +narcissi +Narcissine +narcissism +narcissist +narcissistic +Narcissus +narcist +narcistic +narcoanalysis +narcoanesthesia +Narcobatidae +Narcobatoidea +Narcobatus +narcohypnia +narcohypnosis +narcolepsy +narcoleptic +narcoma +narcomania +narcomaniac +narcomaniacal +narcomatous +Narcomedusae +narcomedusan +narcose +narcosis +narcostimulant +narcosynthesis +narcotherapy +narcotia +narcotic +narcotical +narcotically +narcoticalness +narcoticism +narcoticness +narcotina +narcotine +narcotinic +narcotism +narcotist +narcotization +narcotize +narcous +nard +nardine +nardoo +Nardus +Naren +Narendra +nares +Naresh +narghile +nargil +narial +naric +narica +naricorn +nariform +narine +naringenin +naringin +nark +narky +narr +narra +Narraganset +narras +narratable +narrate +narrater +narration +narrational +narrative +narratively +narrator +narratory +narratress +narratrix +narrawood +narrow +narrower +narrowhearted +narrowheartedness +narrowingness +narrowish +narrowly +narrowness +narrowy +narsarsukite +narsinga +narthecal +Narthecium +narthex +narwhal +narwhalian +nary +nasab +nasal +Nasalis +nasalis +nasalism +nasality +nasalization +nasalize +nasally +nasalward +nasalwards +nasard +Nascan +Nascapi +nascence +nascency +nascent +nasch +naseberry +nasethmoid +nash +nashgab +nashgob +Nashim +Nashira +Nashua +nasi +nasial +nasicorn +Nasicornia +nasicornous +Nasiei +nasiform +nasilabial +nasillate +nasillation +nasioalveolar +nasiobregmatic +nasioinial +nasiomental +nasion +nasitis +Naskhi +nasoalveola +nasoantral +nasobasilar +nasobronchial +nasobuccal +nasoccipital +nasociliary +nasoethmoidal +nasofrontal +nasolabial +nasolachrymal +nasological +nasologist +nasology +nasomalar +nasomaxillary +nasonite +nasoorbital +nasopalatal +nasopalatine +nasopharyngeal +nasopharyngitis +nasopharynx +nasoprognathic +nasoprognathism +nasorostral +nasoscope +nasoseptal +nasosinuitis +nasosinusitis +nasosubnasal +nasoturbinal +nasrol +Nassa +Nassau +Nassellaria +nassellarian +Nassidae +nassology +nast +nastaliq +nastic +nastika +nastily +nastiness +nasturtion +nasturtium +nasty +Nasua +nasus +nasute +nasuteness +nasutiform +nasutus +nat +natability +nataka +Natal +natal +Natalia +Natalian +Natalie +natality +nataloin +natals +natant +natantly +Nataraja +natation +natational +natator +natatorial +natatorious +natatorium +natatory +natch +natchbone +Natchez +Natchezan +Natchitoches +natchnee +Nate +nates +Nathan +Nathanael +Nathaniel +nathe +nather +nathless +Natica +Naticidae +naticiform +naticine +Natick +naticoid +natiform +natimortality +nation +national +nationalism +nationalist +nationalistic +nationalistically +nationality +nationalization +nationalize +nationalizer +nationally +nationalness +nationalty +nationhood +nationless +nationwide +native +natively +nativeness +nativism +nativist +nativistic +nativity +natr +Natraj +Natricinae +natricine +natrium +Natrix +natrochalcite +natrojarosite +natrolite +natron +Natt +natter +nattered +natteredness +natterjack +nattily +nattiness +nattle +natty +natuary +natural +naturalesque +naturalism +naturalist +naturalistic +naturalistically +naturality +naturalization +naturalize +naturalizer +naturally +naturalness +nature +naturecraft +naturelike +naturing +naturism +naturist +naturistic +naturistically +naturize +naturopath +naturopathic +naturopathist +naturopathy +naucrar +naucrary +naufragous +nauger +naught +naughtily +naughtiness +naughty +naujaite +naumachia +naumachy +naumannite +Naumburgia +naumk +naumkeag +naumkeager +naunt +nauntle +naupathia +nauplial +naupliiform +nauplioid +nauplius +nauropometer +nauscopy +nausea +nauseant +nauseaproof +nauseate +nauseatingly +nauseation +nauseous +nauseously +nauseousness +Nauset +naut +nautch +nauther +nautic +nautical +nauticality +nautically +nautics +nautiform +Nautilacea +nautilacean +nautilicone +nautiliform +nautilite +nautiloid +Nautiloidea +nautiloidean +nautilus +Navaho +Navajo +naval +navalese +navalism +navalist +navalistic +navalistically +navally +navar +navarch +navarchy +Navarrese +Navarrian +nave +navel +naveled +navellike +navelwort +navet +navette +navew +navicella +navicert +navicula +Naviculaceae +naviculaeform +navicular +naviculare +naviculoid +naviform +navigability +navigable +navigableness +navigably +navigant +navigate +navigation +navigational +navigator +navigerous +navipendular +navipendulum +navite +navvy +navy +naw +nawab +nawabship +nawt +nay +Nayar +Nayarit +Nayarita +nayaur +naysay +naysayer +nayward +nayword +Nazarate +Nazarean +Nazarene +Nazarenism +Nazarite +Nazariteship +Nazaritic +Nazaritish +Nazaritism +naze +Nazerini +Nazi +Nazify +Naziism +nazim +nazir +Nazirate +Nazirite +Naziritic +Nazism +ne +nea +Neal +neal +neallotype +Neanderthal +Neanderthaler +Neanderthaloid +neanic +neanthropic +neap +neaped +Neapolitan +nearable +nearabout +nearabouts +nearaivays +nearaway +nearby +Nearctic +Nearctica +nearest +nearish +nearly +nearmost +nearness +nearsighted +nearsightedly +nearsightedness +nearthrosis +neat +neaten +neath +neatherd +neatherdess +neathmost +neatify +neatly +neatness +neb +neback +Nebaioth +Nebalia +Nebaliacea +nebalian +Nebaliidae +nebalioid +nebbed +nebbuck +nebbuk +nebby +nebel +nebelist +nebenkern +Nebiim +Nebraskan +nebris +nebula +nebulae +nebular +nebularization +nebularize +nebulated +nebulation +nebule +nebulescent +nebuliferous +nebulite +nebulium +nebulization +nebulize +nebulizer +nebulose +nebulosity +nebulous +nebulously +nebulousness +Necator +necessar +necessarian +necessarianism +necessarily +necessariness +necessary +necessism +necessist +necessitarian +necessitarianism +necessitate +necessitatedly +necessitatingly +necessitation +necessitative +necessitous +necessitously +necessitousness +necessitude +necessity +neck +neckar +neckatee +neckband +neckcloth +necked +necker +neckercher +neckerchief +neckful +neckguard +necking +neckinger +necklace +necklaced +necklaceweed +neckless +necklet +necklike +neckline +neckmold +neckpiece +neckstock +necktie +necktieless +neckward +neckwear +neckweed +neckyoke +necrectomy +necremia +necrobacillary +necrobacillosis +necrobiosis +necrobiotic +necrogenic +necrogenous +necrographer +necrolatry +necrologic +necrological +necrologically +necrologist +necrologue +necrology +necromancer +necromancing +necromancy +necromantic +necromantically +necromorphous +necronite +necropathy +Necrophaga +necrophagan +necrophagous +necrophile +necrophilia +necrophilic +necrophilism +necrophilistic +necrophilous +necrophily +necrophobia +necrophobic +Necrophorus +necropoleis +necropoles +necropolis +necropolitan +necropsy +necroscopic +necroscopical +necroscopy +necrose +necrosis +necrotic +necrotization +necrotize +necrotomic +necrotomist +necrotomy +necrotype +necrotypic +Nectandra +nectar +nectareal +nectarean +nectared +nectareous +nectareously +nectareousness +nectarial +nectarian +nectaried +nectariferous +nectarine +Nectarinia +Nectariniidae +nectarious +nectarium +nectarivorous +nectarize +nectarlike +nectarous +nectary +nectiferous +nectocalycine +nectocalyx +Nectonema +nectophore +nectopod +Nectria +nectriaceous +Nectrioidaceae +Necturidae +Necturus +Ned +nedder +neddy +Nederlands +nee +neebor +neebour +need +needer +needfire +needful +needfully +needfulness +needgates +needham +needily +neediness +needing +needle +needlebill +needlebook +needlebush +needlecase +needled +needlefish +needleful +needlelike +needlemaker +needlemaking +needleman +needlemonger +needleproof +needler +needles +needless +needlessly +needlessness +needlestone +needlewoman +needlewood +needlework +needleworked +needleworker +needling +needly +needments +needs +needsome +needy +neeger +neeld +neele +neelghan +neem +neencephalic +neencephalon +Neengatu +neep +neepour +neer +neese +neet +neetup +neeze +nef +nefandous +nefandousness +nefarious +nefariously +nefariousness +nefast +neffy +neftgil +negate +negatedness +negation +negationalist +negationist +negative +negatively +negativeness +negativer +negativism +negativist +negativistic +negativity +negator +negatory +negatron +neger +neginoth +neglect +neglectable +neglectedly +neglectedness +neglecter +neglectful +neglectfully +neglectfulness +neglectingly +neglection +neglective +neglectively +neglector +neglectproof +negligee +negligence +negligency +negligent +negligently +negligibility +negligible +negligibleness +negligibly +negotiability +negotiable +negotiant +negotiate +negotiation +negotiator +negotiatory +negotiatress +negotiatrix +Negress +negrillo +negrine +Negritian +Negritic +Negritize +Negrito +Negritoid +Negro +negro +negrodom +Negrofy +negrohead +negrohood +Negroid +Negroidal +negroish +Negroism +Negroization +Negroize +negrolike +Negroloid +Negrophil +Negrophile +Negrophilism +Negrophilist +Negrophobe +Negrophobia +Negrophobiac +Negrophobist +Negrotic +Negundo +Negus +negus +Nehantic +Nehemiah +nehiloth +nei +neif +neigh +neighbor +neighbored +neighborer +neighboress +neighborhood +neighboring +neighborless +neighborlike +neighborliness +neighborly +neighborship +neighborstained +neighbourless +neighbourlike +neighbourship +neigher +Neil +Neillia +neiper +Neisseria +Neisserieae +neist +neither +Nejd +Nejdi +Nekkar +nekton +nektonic +Nelken +Nell +Nellie +Nelly +nelson +nelsonite +nelumbian +Nelumbium +Nelumbo +Nelumbonaceae +nema +nemaline +Nemalion +Nemalionaceae +Nemalionales +nemalite +Nemastomaceae +Nematelmia +nematelminth +Nematelminthes +nemathece +nemathecial +nemathecium +Nemathelmia +nemathelminth +Nemathelminthes +nematic +nematoblast +nematoblastic +Nematocera +nematoceran +nematocerous +nematocide +nematocyst +nematocystic +Nematoda +nematode +nematodiasis +nematogene +nematogenic +nematogenous +nematognath +Nematognathi +nematognathous +nematogone +nematogonous +nematoid +Nematoidea +nematoidean +nematologist +nematology +Nematomorpha +nematophyton +Nematospora +nematozooid +Nembutal +Nemean +Nemertea +nemertean +Nemertina +nemertine +Nemertinea +nemertinean +Nemertini +nemertoid +nemeses +Nemesia +nemesic +Nemesis +Nemichthyidae +Nemichthys +Nemocera +nemoceran +nemocerous +Nemopanthus +Nemophila +nemophilist +nemophilous +nemophily +nemoral +Nemorensian +nemoricole +Nengahiba +nenta +nenuphar +neo +neoacademic +neoanthropic +Neoarctic +neoarsphenamine +Neobalaena +Neobeckia +neoblastic +neobotanist +neobotany +Neocene +Neoceratodus +neocerotic +neoclassic +neoclassicism +neoclassicist +Neocomian +neocosmic +neocracy +neocriticism +neocyanine +neocyte +neocytosis +neodamode +neodidymium +neodymium +Neofabraea +neofetal +neofetus +Neofiber +neoformation +neoformative +Neogaea +Neogaean +neogamous +neogamy +Neogene +neogenesis +neogenetic +Neognathae +neognathic +neognathous +neogrammarian +neogrammatical +neographic +neohexane +Neohipparion +neoholmia +neoholmium +neoimpressionism +neoimpressionist +neolalia +neolater +neolatry +neolith +neolithic +neologian +neologianism +neologic +neological +neologically +neologism +neologist +neologistic +neologistical +neologization +neologize +neology +neomedievalism +neomenia +neomenian +Neomeniidae +neomiracle +neomodal +neomorph +Neomorpha +neomorphic +neomorphism +Neomylodon +neon +neonatal +neonate +neonatus +neonomian +neonomianism +neontology +neonychium +neopagan +neopaganism +neopaganize +Neopaleozoic +neopallial +neopallium +neoparaffin +neophilism +neophilological +neophilologist +neophobia +neophobic +neophrastic +Neophron +neophyte +neophytic +neophytish +neophytism +Neopieris +neoplasia +neoplasm +neoplasma +neoplasmata +neoplastic +neoplasticism +neoplasty +Neoplatonic +Neoplatonician +Neoplatonism +Neoplatonist +neoprene +neorama +neorealism +Neornithes +neornithic +Neosalvarsan +Neosorex +Neosporidia +neossin +neossology +neossoptile +neostriatum +neostyle +neoteinia +neoteinic +neotenia +neotenic +neoteny +neoteric +neoterically +neoterism +neoterist +neoteristic +neoterize +neothalamus +Neotoma +Neotragus +Neotremata +Neotropic +Neotropical +neotype +neovitalism +neovolcanic +Neowashingtonia +neoytterbium +neoza +Neozoic +Nep +nep +Nepa +Nepal +Nepalese +Nepali +Nepenthaceae +nepenthaceous +nepenthe +nepenthean +Nepenthes +nepenthes +neper +Neperian +Nepeta +nephalism +nephalist +Nephele +nephele +nepheligenous +nepheline +nephelinic +nephelinite +nephelinitic +nephelinitoid +nephelite +Nephelium +nephelognosy +nepheloid +nephelometer +nephelometric +nephelometrical +nephelometrically +nephelometry +nephelorometer +nepheloscope +nephesh +nephew +nephewship +Nephila +Nephilinae +Nephite +nephogram +nephograph +nephological +nephologist +nephology +nephoscope +nephradenoma +nephralgia +nephralgic +nephrapostasis +nephratonia +nephrauxe +nephrectasia +nephrectasis +nephrectomize +nephrectomy +nephrelcosis +nephremia +nephremphraxis +nephria +nephric +nephridia +nephridial +nephridiopore +nephridium +nephrism +nephrite +nephritic +nephritical +nephritis +nephroabdominal +nephrocardiac +nephrocele +nephrocoele +nephrocolic +nephrocolopexy +nephrocoloptosis +nephrocystitis +nephrocystosis +nephrocyte +nephrodinic +Nephrodium +nephroerysipelas +nephrogastric +nephrogenetic +nephrogenic +nephrogenous +nephrogonaduct +nephrohydrosis +nephrohypertrophy +nephroid +Nephrolepis +nephrolith +nephrolithic +nephrolithotomy +nephrologist +nephrology +nephrolysin +nephrolysis +nephrolytic +nephromalacia +nephromegaly +nephromere +nephron +nephroncus +nephroparalysis +nephropathic +nephropathy +nephropexy +nephrophthisis +nephropore +Nephrops +Nephropsidae +nephroptosia +nephroptosis +nephropyelitis +nephropyeloplasty +nephropyosis +nephrorrhagia +nephrorrhaphy +nephros +nephrosclerosis +nephrosis +nephrostoma +nephrostome +nephrostomial +nephrostomous +nephrostomy +nephrotome +nephrotomize +nephrotomy +nephrotoxic +nephrotoxicity +nephrotoxin +nephrotuberculosis +nephrotyphoid +nephrotyphus +nephrozymosis +Nepidae +nepionic +nepman +nepotal +nepote +nepotic +nepotious +nepotism +nepotist +nepotistical +nepouite +Neptune +Neptunean +Neptunian +neptunism +neptunist +neptunium +Nereid +Nereidae +nereidiform +Nereidiformia +Nereis +nereite +Nereocystis +Neri +Nerine +nerine +Nerita +neritic +Neritidae +Neritina +neritoid +Nerium +Neroic +Neronian +Neronic +Neronize +nerterology +Nerthridae +Nerthrus +nerval +nervate +nervation +nervature +nerve +nerveless +nervelessly +nervelessness +nervelet +nerveproof +nerver +nerveroot +nervid +nerviduct +Nervii +nervily +nervimotion +nervimotor +nervimuscular +nervine +nerviness +nerving +nervish +nervism +nervomuscular +nervosanguineous +nervose +nervosism +nervosity +nervous +nervously +nervousness +nervular +nervule +nervulet +nervulose +nervuration +nervure +nervy +nescience +nescient +nese +nesh +neshly +neshness +Nesiot +nesiote +Neskhi +Neslia +Nesogaea +Nesogaean +Nesokia +Nesonetta +Nesotragus +Nespelim +nesquehonite +ness +nesslerization +Nesslerize +nesslerize +nest +nestable +nestage +nester +nestful +nestiatria +nestitherapy +nestle +nestler +nestlike +nestling +Nestor +Nestorian +Nestorianism +Nestorianize +Nestorianizer +nestorine +nesty +Net +net +netball +netbraider +netbush +netcha +Netchilik +nete +neter +netful +neth +netheist +nether +Netherlander +Netherlandian +Netherlandic +Netherlandish +nethermore +nethermost +netherstock +netherstone +netherward +netherwards +Nethinim +neti +netleaf +netlike +netmaker +netmaking +netman +netmonger +netop +netsman +netsuke +nettable +Nettapus +netted +netter +Nettie +netting +Nettion +nettle +nettlebed +nettlebird +nettlefire +nettlefish +nettlefoot +nettlelike +nettlemonger +nettler +nettlesome +nettlewort +nettling +nettly +Netty +netty +netwise +network +Neudeckian +neugroschen +neuma +neumatic +neumatize +neume +neumic +neurad +neuradynamia +neural +neurale +neuralgia +neuralgiac +neuralgic +neuralgiform +neuralgy +neuralist +neurapophyseal +neurapophysial +neurapophysis +neurarthropathy +neurasthenia +neurasthenic +neurasthenical +neurasthenically +neurataxia +neurataxy +neuration +neuratrophia +neuratrophic +neuratrophy +neuraxial +neuraxis +neuraxon +neuraxone +neurectasia +neurectasis +neurectasy +neurectome +neurectomic +neurectomy +neurectopia +neurectopy +neurenteric +neurepithelium +neurergic +neurexairesis +neurhypnology +neurhypnotist +neuriatry +neuric +neurilema +neurilematic +neurilemma +neurilemmal +neurilemmatic +neurilemmatous +neurilemmitis +neurility +neurin +neurine +neurinoma +neurism +neurite +neuritic +neuritis +neuroanatomical +neuroanatomy +neurobiotactic +neurobiotaxis +neuroblast +neuroblastic +neuroblastoma +neurocanal +neurocardiac +neurocele +neurocentral +neurocentrum +neurochemistry +neurochitin +neurochondrite +neurochord +neurochorioretinitis +neurocirculatory +neurocity +neuroclonic +neurocoele +neurocoelian +neurocyte +neurocytoma +neurodegenerative +neurodendrite +neurodendron +neurodermatitis +neurodermatosis +neurodermitis +neurodiagnosis +neurodynamic +neurodynia +neuroepidermal +neuroepithelial +neuroepithelium +neurofibril +neurofibrilla +neurofibrillae +neurofibrillar +neurofibroma +neurofibromatosis +neurofil +neuroganglion +neurogastralgia +neurogastric +neurogenesis +neurogenetic +neurogenic +neurogenous +neuroglandular +neuroglia +neurogliac +neuroglial +neurogliar +neuroglic +neuroglioma +neurogliosis +neurogram +neurogrammic +neurographic +neurography +neurohistology +neurohumor +neurohumoral +neurohypnology +neurohypnotic +neurohypnotism +neurohypophysis +neuroid +neurokeratin +neurokyme +neurological +neurologist +neurologize +neurology +neurolymph +neurolysis +neurolytic +neuroma +neuromalacia +neuromalakia +neuromast +neuromastic +neuromatosis +neuromatous +neuromere +neuromerism +neuromerous +neuromimesis +neuromimetic +neuromotor +neuromuscular +neuromusculature +neuromyelitis +neuromyic +neuron +neuronal +neurone +neuronic +neuronism +neuronist +neuronophagia +neuronophagy +neuronym +neuronymy +neuroparalysis +neuroparalytic +neuropath +neuropathic +neuropathical +neuropathically +neuropathist +neuropathological +neuropathologist +neuropathology +neuropathy +Neurope +neurophagy +neurophil +neurophile +neurophilic +neurophysiological +neurophysiology +neuropile +neuroplasm +neuroplasmic +neuroplasty +neuroplexus +neuropodial +neuropodium +neuropodous +neuropore +neuropsychiatric +neuropsychiatrist +neuropsychiatry +neuropsychic +neuropsychological +neuropsychologist +neuropsychology +neuropsychopathic +neuropsychopathy +neuropsychosis +neuropter +Neuroptera +neuropteran +Neuropteris +neuropterist +neuropteroid +Neuropteroidea +neuropterological +neuropterology +neuropteron +neuropterous +neuroretinitis +neurorrhaphy +Neurorthoptera +neurorthopteran +neurorthopterous +neurosal +neurosarcoma +neurosclerosis +neuroses +neurosis +neuroskeletal +neuroskeleton +neurosome +neurospasm +neurospongium +neurosthenia +neurosurgeon +neurosurgery +neurosurgical +neurosuture +neurosynapse +neurosyphilis +neurotendinous +neurotension +neurotherapeutics +neurotherapist +neurotherapy +neurothlipsis +neurotic +neurotically +neuroticism +neuroticize +neurotization +neurotome +neurotomical +neurotomist +neurotomize +neurotomy +neurotonic +neurotoxia +neurotoxic +neurotoxin +neurotripsy +neurotrophic +neurotrophy +neurotropic +neurotropism +neurovaccination +neurovaccine +neurovascular +neurovisceral +neurula +neurypnological +neurypnologist +neurypnology +Neustrian +neuter +neuterdom +neuterlike +neuterly +neuterness +neutral +neutralism +neutralist +neutrality +neutralization +neutralize +neutralizer +neutrally +neutralness +neutrino +neutroceptive +neutroceptor +neutroclusion +Neutrodyne +neutrologistic +neutron +neutropassive +neutrophile +neutrophilia +neutrophilic +neutrophilous +Nevada +Nevadan +nevadite +neve +nevel +never +neverland +nevermore +nevertheless +Neville +nevo +nevoid +Nevome +nevoy +nevus +nevyanskite +new +Newar +Newari +newberyite +newcal +Newcastle +newcome +newcomer +newel +newelty +newfangle +newfangled +newfangledism +newfangledly +newfangledness +newfanglement +Newfoundland +Newfoundlander +Newichawanoc +newing +newings +newish +newlandite +newly +newlywed +Newmanism +Newmanite +Newmanize +newmarket +newness +Newport +news +newsbill +newsboard +newsboat +newsboy +newscast +newscaster +newscasting +newsful +newsiness +newsless +newslessness +newsletter +newsman +newsmonger +newsmongering +newsmongery +newspaper +newspaperdom +newspaperese +newspaperish +newspaperized +newspaperman +newspaperwoman +newspapery +newsprint +newsreader +newsreel +newsroom +newssheet +newsstand +newsteller +newsworthiness +newsworthy +newsy +newt +newtake +newton +Newtonian +Newtonianism +Newtonic +Newtonist +newtonite +nexal +next +nextly +nextness +nexum +nexus +neyanda +ngai +ngaio +ngapi +Ngoko +Nguyen +Nhan +Nheengatu +ni +niacin +Niagara +Niagaran +Niall +Niantic +Nias +Niasese +niata +nib +nibbana +nibbed +nibber +nibble +nibbler +nibblingly +nibby +niblick +niblike +nibong +nibs +nibsome +Nicaean +Nicaragua +Nicaraguan +Nicarao +niccolic +niccoliferous +niccolite +niccolous +Nice +nice +niceish +niceling +nicely +Nicene +niceness +Nicenian +Nicenist +nicesome +nicetish +nicety +Nichael +niche +nichelino +nicher +Nicholas +Nici +Nick +nick +nickel +nickelage +nickelic +nickeliferous +nickeline +nickeling +nickelization +nickelize +nickellike +nickelodeon +nickelous +nickeltype +nicker +nickerpecker +nickey +Nickie +Nickieben +nicking +nickle +nickname +nicknameable +nicknamee +nicknameless +nicknamer +Nickneven +nickstick +nicky +Nicobar +Nicobarese +Nicodemite +Nicodemus +Nicol +Nicolaitan +Nicolaitanism +Nicolas +nicolayite +Nicolette +Nicolo +nicolo +Nicomachean +nicotia +nicotian +Nicotiana +nicotianin +nicotic +nicotinamide +nicotine +nicotinean +nicotined +nicotineless +nicotinian +nicotinic +nicotinism +nicotinize +nicotism +nicotize +nictate +nictation +nictitant +nictitate +nictitation +nid +nidal +nidamental +nidana +nidation +nidatory +niddering +niddick +niddle +nide +nidge +nidget +nidgety +nidi +nidicolous +nidificant +nidificate +nidification +nidificational +nidifugous +nidify +niding +nidologist +nidology +nidor +nidorosity +nidorous +nidorulent +nidulant +Nidularia +Nidulariaceae +nidulariaceous +Nidulariales +nidulate +nidulation +nidulus +nidus +niece +nieceless +nieceship +niellated +nielled +niellist +niello +Niels +niepa +Nierembergia +Niersteiner +Nietzschean +Nietzscheanism +Nietzscheism +nieve +nieveta +nievling +nife +nifesima +niffer +nific +nifle +nifling +nifty +nig +Nigel +Nigella +Nigerian +niggard +niggardize +niggardliness +niggardling +niggardly +niggardness +nigger +niggerdom +niggerfish +niggergoose +niggerhead +niggerish +niggerism +niggerling +niggertoe +niggerweed +niggery +niggle +niggler +niggling +nigglingly +niggly +nigh +nighly +nighness +night +nightcap +nightcapped +nightcaps +nightchurr +nightdress +nighted +nightfall +nightfish +nightflit +nightfowl +nightgown +nighthawk +nightie +nightingale +nightingalize +nightjar +nightless +nightlessness +nightlike +nightlong +nightly +nightman +nightmare +nightmarish +nightmarishly +nightmary +nights +nightshade +nightshine +nightshirt +nightstock +nightstool +nighttide +nighttime +nightwalker +nightwalking +nightward +nightwards +nightwear +nightwork +nightworker +nignay +nignye +nigori +nigranilin +nigraniline +nigre +nigrescence +nigrescent +nigresceous +nigrescite +nigrification +nigrified +nigrify +nigrine +Nigritian +nigrities +nigritude +nigritudinous +nigrosine +nigrous +nigua +Nihal +nihilianism +nihilianistic +nihilification +nihilify +nihilism +nihilist +nihilistic +nihilitic +nihility +nikau +Nikeno +nikethamide +Nikko +niklesite +Nikolai +nil +Nile +nilgai +Nilometer +Nilometric +Niloscope +Nilot +Nilotic +Nilous +nilpotent +Nils +nim +nimb +nimbated +nimbed +nimbi +nimbiferous +nimbification +nimble +nimblebrained +nimbleness +nimbly +nimbose +nimbosity +nimbus +nimbused +nimiety +niminy +nimious +Nimkish +nimmer +Nimrod +Nimrodian +Nimrodic +Nimrodical +Nimrodize +nimshi +Nina +nincom +nincompoop +nincompoopery +nincompoophood +nincompoopish +nine +ninebark +ninefold +nineholes +ninepegs +ninepence +ninepenny +ninepin +ninepins +ninescore +nineted +nineteen +nineteenfold +nineteenth +nineteenthly +ninetieth +ninety +ninetyfold +ninetyish +ninetyknot +Ninevite +Ninevitical +Ninevitish +Ning +Ningpo +Ninja +ninny +ninnyhammer +ninnyish +ninnyism +ninnyship +ninnywatch +Ninon +ninon +Ninox +ninth +ninthly +nintu +ninut +niobate +Niobe +Niobean +niobic +Niobid +Niobite +niobite +niobium +niobous +niog +niota +Nip +nip +nipa +nipcheese +niphablepsia +niphotyphlosis +Nipissing +Nipmuc +nipper +nipperkin +nippers +nippily +nippiness +nipping +nippingly +nippitate +nipple +nippleless +nipplewort +Nipponese +Nipponism +nipponium +Nipponize +nippy +nipter +Niquiran +nirles +nirmanakaya +nirvana +nirvanic +Nisaean +Nisan +nisei +Nishada +nishiki +nisnas +nispero +Nisqualli +nisse +nisus +nit +nitch +nitchevo +Nitella +nitency +nitently +niter +niterbush +nitered +nither +nithing +nitid +nitidous +nitidulid +Nitidulidae +nito +niton +nitramine +nitramino +nitranilic +nitraniline +nitrate +nitratine +nitration +nitrator +Nitrian +nitriary +nitric +nitridation +nitride +nitriding +nitridization +nitridize +nitrifaction +nitriferous +nitrifiable +nitrification +nitrifier +nitrify +nitrile +Nitriot +nitrite +nitro +nitroalizarin +nitroamine +nitroaniline +Nitrobacter +nitrobacteria +Nitrobacteriaceae +Nitrobacterieae +nitrobarite +nitrobenzene +nitrobenzol +nitrobenzole +nitrocalcite +nitrocellulose +nitrocellulosic +nitrochloroform +nitrocotton +nitroform +nitrogelatin +nitrogen +nitrogenate +nitrogenation +nitrogenic +nitrogenization +nitrogenize +nitrogenous +nitroglycerin +nitrohydrochloric +nitrolamine +nitrolic +nitrolime +nitromagnesite +nitrometer +nitrometric +nitromuriate +nitromuriatic +nitronaphthalene +nitroparaffin +nitrophenol +nitrophilous +nitrophyte +nitrophytic +nitroprussiate +nitroprussic +nitroprusside +nitrosamine +nitrosate +nitrosification +nitrosify +nitrosite +nitrosobacteria +nitrosochloride +Nitrosococcus +Nitrosomonas +nitrososulphuric +nitrostarch +nitrosulphate +nitrosulphonic +nitrosulphuric +nitrosyl +nitrosylsulphuric +nitrotoluene +nitrous +nitroxyl +nitryl +nitter +nitty +nitwit +Nitzschia +Nitzschiaceae +Niuan +Niue +nival +nivation +nivellate +nivellation +nivellator +nivellization +nivenite +niveous +nivicolous +nivosity +nix +nixie +niyoga +Nizam +nizam +nizamate +nizamut +nizy +njave +No +no +noa +Noachian +Noachic +Noachical +Noachite +Noah +Noahic +Noam +nob +nobber +nobbily +nobble +nobbler +nobbut +nobby +nobiliary +nobilify +nobilitate +nobilitation +nobility +noble +noblehearted +nobleheartedly +nobleheartedness +nobleman +noblemanly +nobleness +noblesse +noblewoman +nobley +nobly +nobody +nobodyness +nobs +nocake +Nocardia +nocardiosis +nocent +nocerite +nociassociation +nociceptive +nociceptor +nociperception +nociperceptive +nock +nocket +nocktat +noctambulant +noctambulation +noctambule +noctambulism +noctambulist +noctambulistic +noctambulous +Nocten +noctidial +noctidiurnal +noctiferous +noctiflorous +Noctilio +Noctilionidae +Noctiluca +noctiluca +noctilucal +noctilucan +noctilucence +noctilucent +Noctilucidae +noctilucin +noctilucine +noctilucous +noctiluminous +noctipotent +noctivagant +noctivagation +noctivagous +noctograph +noctovision +Noctuae +noctuid +Noctuidae +noctuiform +noctule +nocturia +nocturn +nocturnal +nocturnally +nocturne +nocuity +nocuous +nocuously +nocuousness +nod +nodal +nodality +nodated +nodder +nodding +noddingly +noddle +noddy +node +noded +nodi +nodiak +nodical +nodicorn +nodiferous +nodiflorous +nodiform +Nodosaria +nodosarian +nodosariform +nodosarine +nodose +nodosity +nodous +nodular +nodulate +nodulated +nodulation +nodule +noduled +nodulize +nodulose +nodulous +nodulus +nodus +noegenesis +noegenetic +Noel +noel +noematachograph +noematachometer +noematachometic +Noemi +Noetic +noetic +noetics +nog +nogada +Nogai +nogal +noggen +noggin +nogging +noghead +nogheaded +nohow +Nohuntsik +noibwood +noil +noilage +noiler +noily +noint +nointment +noir +noise +noiseful +noisefully +noiseless +noiselessly +noiselessness +noisemaker +noisemaking +noiseproof +noisette +noisily +noisiness +noisome +noisomely +noisomeness +noisy +nokta +Nolascan +nolition +Noll +noll +nolle +nolleity +nollepros +nolo +noma +nomad +nomadian +nomadic +nomadical +nomadically +Nomadidae +nomadism +nomadization +nomadize +nomancy +nomarch +nomarchy +Nomarthra +nomarthral +nombril +nome +Nomeidae +nomenclate +nomenclative +nomenclator +nomenclatorial +nomenclatorship +nomenclatory +nomenclatural +nomenclature +nomenclaturist +Nomeus +nomial +nomic +nomina +nominable +nominal +nominalism +nominalist +nominalistic +nominality +nominally +nominate +nominated +nominately +nomination +nominatival +nominative +nominatively +nominator +nominatrix +nominature +nominee +nomineeism +nominy +nomism +nomisma +nomismata +nomistic +nomocanon +nomocracy +nomogenist +nomogenous +nomogeny +nomogram +nomograph +nomographer +nomographic +nomographical +nomographically +nomography +nomological +nomologist +nomology +nomopelmous +nomophylax +nomophyllous +nomos +nomotheism +nomothete +nomothetes +nomothetic +nomothetical +non +Nona +nonabandonment +nonabdication +nonabiding +nonability +nonabjuration +nonabjurer +nonabolition +nonabridgment +nonabsentation +nonabsolute +nonabsolution +nonabsorbable +nonabsorbent +nonabsorptive +nonabstainer +nonabstaining +nonabstemious +nonabstention +nonabstract +nonacademic +nonacceding +nonacceleration +nonaccent +nonacceptance +nonacceptant +nonacceptation +nonaccess +nonaccession +nonaccessory +nonaccidental +nonaccompaniment +nonaccompanying +nonaccomplishment +nonaccredited +nonaccretion +nonachievement +nonacid +nonacknowledgment +nonacosane +nonacoustic +nonacquaintance +nonacquiescence +nonacquiescent +nonacquisitive +nonacquittal +nonact +nonactinic +nonaction +nonactionable +nonactive +nonactuality +nonaculeate +nonacute +nonadditive +nonadecane +nonadherence +nonadherent +nonadhesion +nonadhesive +nonadjacent +nonadjectival +nonadjournment +nonadjustable +nonadjustive +nonadjustment +nonadministrative +nonadmiring +nonadmission +nonadmitted +nonadoption +Nonadorantes +nonadornment +nonadult +nonadvancement +nonadvantageous +nonadventitious +nonadventurous +nonadverbial +nonadvertence +nonadvertency +nonadvocate +nonaerating +nonaerobiotic +nonaesthetic +nonaffection +nonaffiliated +nonaffirmation +nonage +nonagenarian +nonagency +nonagent +nonagesimal +nonagglutinative +nonagglutinator +nonaggression +nonaggressive +nonagon +nonagrarian +nonagreement +nonagricultural +nonahydrate +nonaid +nonair +nonalarmist +nonalcohol +nonalcoholic +nonalgebraic +nonalienating +nonalienation +nonalignment +nonalkaloidal +nonallegation +nonallegorical +nonalliterated +nonalliterative +nonallotment +nonalluvial +nonalphabetic +nonaltruistic +nonaluminous +nonamalgamable +nonamendable +nonamino +nonamotion +nonamphibious +nonamputation +nonanalogy +nonanalytical +nonanalyzable +nonanalyzed +nonanaphoric +nonanaphthene +nonanatomical +nonancestral +nonane +nonanesthetized +nonangelic +nonangling +nonanimal +nonannexation +nonannouncement +nonannuitant +nonannulment +nonanoic +nonanonymity +nonanswer +nonantagonistic +nonanticipative +nonantigenic +nonapologetic +nonapostatizing +nonapostolic +nonapparent +nonappealable +nonappearance +nonappearer +nonappearing +nonappellate +nonappendicular +nonapplication +nonapply +nonappointment +nonapportionable +nonapposable +nonappraisal +nonappreciation +nonapprehension +nonappropriation +nonapproval +nonaqueous +nonarbitrable +nonarcing +nonargentiferous +nonaristocratic +nonarithmetical +nonarmament +nonarmigerous +nonaromatic +nonarraignment +nonarrival +nonarsenical +nonarterial +nonartesian +nonarticulated +nonarticulation +nonartistic +nonary +nonascendancy +nonascertainable +nonascertaining +nonascetic +nonascription +nonaseptic +nonaspersion +nonasphalt +nonaspirate +nonaspiring +nonassault +nonassent +nonassentation +nonassented +nonassenting +nonassertion +nonassertive +nonassessable +nonassessment +nonassignable +nonassignment +nonassimilable +nonassimilating +nonassimilation +nonassistance +nonassistive +nonassociable +nonassortment +nonassurance +nonasthmatic +nonastronomical +nonathletic +nonatmospheric +nonatonement +nonattached +nonattachment +nonattainment +nonattendance +nonattendant +nonattention +nonattestation +nonattribution +nonattributive +nonaugmentative +nonauricular +nonauriferous +nonauthentication +nonauthoritative +nonautomatic +nonautomotive +nonavoidance +nonaxiomatic +nonazotized +nonbachelor +nonbacterial +nonbailable +nonballoting +nonbanishment +nonbankable +nonbarbarous +nonbaronial +nonbase +nonbasement +nonbasic +nonbasing +nonbathing +nonbearded +nonbearing +nonbeing +nonbeliever +nonbelieving +nonbelligerent +nonbending +nonbenevolent +nonbetrayal +nonbeverage +nonbilabiate +nonbilious +nonbinomial +nonbiological +nonbitter +nonbituminous +nonblack +nonblameless +nonbleeding +nonblended +nonblockaded +nonblocking +nonblooded +nonblooming +nonbodily +nonbookish +nonborrower +nonbotanical +nonbourgeois +nonbranded +nonbreakable +nonbreeder +nonbreeding +nonbroodiness +nonbroody +nonbrowsing +nonbudding +nonbulbous +nonbulkhead +nonbureaucratic +nonburgage +nonburgess +nonburnable +nonburning +nonbursting +nonbusiness +nonbuying +noncabinet +noncaffeine +noncaking +Noncalcarea +noncalcareous +noncalcified +noncallability +noncallable +noncancellable +noncannibalistic +noncanonical +noncanonization +noncanvassing +noncapillarity +noncapillary +noncapital +noncapitalist +noncapitalistic +noncapitulation +noncapsizable +noncapture +noncarbonate +noncareer +noncarnivorous +noncarrier +noncartelized +noncaste +noncastigation +noncataloguer +noncatarrhal +noncatechizable +noncategorical +noncathedral +noncatholicity +noncausality +noncausation +nonce +noncelebration +noncelestial +noncellular +noncellulosic +noncensored +noncensorious +noncensus +noncentral +noncereal +noncerebral +nonceremonial +noncertain +noncertainty +noncertified +nonchafing +nonchalance +nonchalant +nonchalantly +nonchalantness +nonchalky +nonchallenger +nonchampion +nonchangeable +nonchanging +noncharacteristic +nonchargeable +nonchastisement +nonchastity +nonchemical +nonchemist +nonchivalrous +nonchokable +nonchokebore +nonchronological +nonchurch +nonchurched +nonchurchgoer +nonciliate +noncircuit +noncircuital +noncircular +noncirculation +noncitation +noncitizen +noncivilized +nonclaim +nonclaimable +nonclassable +nonclassical +nonclassifiable +nonclassification +nonclastic +nonclearance +noncleistogamic +nonclergyable +nonclerical +nonclimbable +nonclinical +nonclose +nonclosure +nonclotting +noncoagulability +noncoagulable +noncoagulation +noncoalescing +noncock +noncoercion +noncoercive +noncognate +noncognition +noncognitive +noncognizable +noncognizance +noncoherent +noncohesion +noncohesive +noncoinage +noncoincidence +noncoincident +noncoincidental +noncoking +noncollaboration +noncollaborative +noncollapsible +noncollectable +noncollection +noncollegiate +noncollinear +noncolloid +noncollusion +noncollusive +noncolonial +noncoloring +noncom +noncombat +noncombatant +noncombination +noncombining +noncombustible +noncombustion +noncome +noncoming +noncommemoration +noncommencement +noncommendable +noncommensurable +noncommercial +noncommissioned +noncommittal +noncommittalism +noncommittally +noncommittalness +noncommonable +noncommorancy +noncommunal +noncommunicable +noncommunicant +noncommunicating +noncommunication +noncommunion +noncommunist +noncommunistic +noncommutative +noncompearance +noncompensating +noncompensation +noncompetency +noncompetent +noncompeting +noncompetitive +noncompetitively +noncomplaisance +noncompletion +noncompliance +noncomplicity +noncomplying +noncomposite +noncompoundable +noncompounder +noncomprehension +noncompressible +noncompression +noncompulsion +noncomputation +noncon +nonconcealment +nonconceiving +nonconcentration +nonconception +nonconcern +nonconcession +nonconciliating +nonconcludency +nonconcludent +nonconcluding +nonconclusion +nonconcordant +nonconcur +nonconcurrence +nonconcurrency +nonconcurrent +noncondensable +noncondensation +noncondensible +noncondensing +noncondimental +nonconditioned +noncondonation +nonconducive +nonconductibility +nonconductible +nonconducting +nonconduction +nonconductive +nonconductor +nonconfederate +nonconferrable +nonconfession +nonconficient +nonconfident +nonconfidential +nonconfinement +nonconfirmation +nonconfirmative +nonconfiscable +nonconfiscation +nonconfitent +nonconflicting +nonconform +nonconformable +nonconformably +nonconformance +nonconformer +nonconforming +nonconformism +nonconformist +nonconformistical +nonconformistically +nonconformitant +nonconformity +nonconfutation +noncongealing +noncongenital +noncongestion +noncongratulatory +noncongruent +nonconjectural +nonconjugal +nonconjugate +nonconjunction +nonconnection +nonconnective +nonconnivance +nonconnotative +nonconnubial +nonconscientious +nonconscious +nonconscription +nonconsecration +nonconsecutive +nonconsent +nonconsenting +nonconsequence +nonconsequent +nonconservation +nonconservative +nonconserving +nonconsideration +nonconsignment +nonconsistorial +nonconsoling +nonconsonant +nonconsorting +nonconspirator +nonconspiring +nonconstituent +nonconstitutional +nonconstraint +nonconstruable +nonconstruction +nonconstructive +nonconsular +nonconsultative +nonconsumable +nonconsumption +noncontact +noncontagion +noncontagionist +noncontagious +noncontagiousness +noncontamination +noncontemplative +noncontending +noncontent +noncontention +noncontentious +noncontentiously +nonconterminous +noncontiguity +noncontiguous +noncontinental +noncontingent +noncontinuance +noncontinuation +noncontinuous +noncontraband +noncontraction +noncontradiction +noncontradictory +noncontributing +noncontribution +noncontributor +noncontributory +noncontrivance +noncontrolled +noncontrolling +noncontroversial +nonconvective +nonconvenable +nonconventional +nonconvergent +nonconversable +nonconversant +nonconversational +nonconversion +nonconvertible +nonconveyance +nonconviction +nonconvivial +noncoplanar +noncopying +noncoring +noncorporate +noncorporeality +noncorpuscular +noncorrection +noncorrective +noncorrelation +noncorrespondence +noncorrespondent +noncorresponding +noncorroboration +noncorroborative +noncorrodible +noncorroding +noncorrosive +noncorruption +noncortical +noncosmic +noncosmopolitism +noncostraight +noncottager +noncotyledonous +noncounty +noncranking +noncreation +noncreative +noncredence +noncredent +noncredibility +noncredible +noncreditor +noncreeping +noncrenate +noncretaceous +noncriminal +noncriminality +noncrinoid +noncritical +noncrucial +noncruciform +noncrusading +noncrushability +noncrushable +noncrustaceous +noncrystalline +noncrystallizable +noncrystallized +noncrystallizing +nonculmination +nonculpable +noncultivated +noncultivation +nonculture +noncumulative +noncurantist +noncurling +noncurrency +noncurrent +noncursive +noncurtailment +noncuspidate +noncustomary +noncutting +noncyclic +noncyclical +nonda +nondamageable +nondamnation +nondancer +nondangerous +nondatival +nondealer +nondebtor +nondecadence +nondecadent +nondecalcified +nondecane +nondecasyllabic +nondecatoic +nondecaying +nondeceivable +nondeception +nondeceptive +Nondeciduata +nondeciduate +nondeciduous +nondecision +nondeclarant +nondeclaration +nondeclarer +nondecomposition +nondecoration +nondedication +nondeduction +nondefalcation +nondefamatory +nondefaulting +nondefection +nondefendant +nondefense +nondefensive +nondeference +nondeferential +nondefiance +nondefilement +nondefining +nondefinition +nondefinitive +nondeforestation +nondegenerate +nondegeneration +nondegerming +nondegradation +nondegreased +nondehiscent +nondeist +nondelegable +nondelegate +nondelegation +nondeleterious +nondeliberate +nondeliberation +nondelineation +nondeliquescent +nondelirious +nondeliverance +nondelivery +nondemand +nondemise +nondemobilization +nondemocratic +nondemonstration +nondendroid +nondenial +nondenominational +nondenominationalism +nondense +nondenumerable +nondenunciation +nondepartmental +nondeparture +nondependence +nondependent +nondepletion +nondeportation +nondeported +nondeposition +nondepositor +nondepravity +nondepreciating +nondepressed +nondepression +nondeprivable +nonderivable +nonderivative +nonderogatory +nondescript +nondesecration +nondesignate +nondesigned +nondesire +nondesirous +nondesisting +nondespotic +nondesquamative +nondestructive +nondesulphurized +nondetachable +nondetailed +nondetention +nondetermination +nondeterminist +nondeterrent +nondetest +nondetonating +nondetrimental +nondevelopable +nondevelopment +nondeviation +nondevotional +nondexterous +nondiabetic +nondiabolic +nondiagnosis +nondiagonal +nondiagrammatic +nondialectal +nondialectical +nondialyzing +nondiametral +nondiastatic +nondiathermanous +nondiazotizable +nondichogamous +nondichogamy +nondichotomous +nondictation +nondictatorial +nondictionary +nondidactic +nondieting +nondifferentation +nondifferentiable +nondiffractive +nondiffusing +nondigestion +nondilatable +nondilution +nondiocesan +nondiphtheritic +nondiphthongal +nondiplomatic +nondipterous +nondirection +nondirectional +nondisagreement +nondisappearing +nondisarmament +nondisbursed +nondiscernment +nondischarging +nondisciplinary +nondisclaim +nondisclosure +nondiscontinuance +nondiscordant +nondiscountable +nondiscovery +nondiscretionary +nondiscrimination +nondiscriminatory +nondiscussion +nondisestablishment +nondisfigurement +nondisfranchised +nondisingenuous +nondisintegration +nondisinterested +nondisjunct +nondisjunction +nondisjunctional +nondisjunctive +nondismemberment +nondismissal +nondisparaging +nondisparate +nondispensation +nondispersal +nondispersion +nondisposal +nondisqualifying +nondissenting +nondissolution +nondistant +nondistinctive +nondistortion +nondistribution +nondistributive +nondisturbance +nondivergence +nondivergent +nondiversification +nondivinity +nondivisible +nondivisiblity +nondivision +nondivisional +nondivorce +nondo +nondoctrinal +nondocumentary +nondogmatic +nondoing +nondomestic +nondomesticated +nondominant +nondonation +nondramatic +nondrinking +nondropsical +nondrying +nonduality +nondumping +nonduplication +nondutiable +nondynastic +nondyspeptic +none +nonearning +noneastern +noneatable +nonecclesiastical +nonechoic +noneclectic +noneclipsing +nonecompense +noneconomic +nonedible +noneditor +noneditorial +noneducable +noneducation +noneducational +noneffective +noneffervescent +noneffete +nonefficacious +nonefficacy +nonefficiency +nonefficient +noneffusion +nonego +nonegoistical +nonejection +nonelastic +nonelasticity +nonelect +nonelection +nonelective +nonelector +nonelectric +nonelectrical +nonelectrification +nonelectrified +nonelectrized +nonelectrocution +nonelectrolyte +noneleemosynary +nonelemental +nonelementary +nonelimination +nonelopement +nonemanating +nonemancipation +nonembarkation +nonembellishment +nonembezzlement +nonembryonic +nonemendation +nonemergent +nonemigration +nonemission +nonemotional +nonemphatic +nonemphatical +nonempirical +nonemploying +nonemployment +nonemulative +nonenactment +nonenclosure +nonencroachment +nonencyclopedic +nonendemic +nonendorsement +nonenduring +nonene +nonenemy +nonenergic +nonenforceability +nonenforceable +nonenforcement +nonengagement +nonengineering +nonenrolled +nonent +nonentailed +nonenteric +nonentertainment +nonentitative +nonentitive +nonentitize +nonentity +nonentityism +nonentomological +nonentrant +nonentres +nonentry +nonenumerated +nonenunciation +nonenvious +nonenzymic +nonephemeral +nonepic +nonepicurean +nonepileptic +nonepiscopal +nonepiscopalian +nonepithelial +nonepochal +nonequal +nonequation +nonequatorial +nonequestrian +nonequilateral +nonequilibrium +nonequivalent +nonequivocating +nonerasure +nonerecting +nonerection +nonerotic +nonerroneous +nonerudite +noneruption +nones +nonescape +nonespionage +nonespousal +nonessential +nonesthetic +nonesuch +nonet +noneternal +noneternity +nonetheless +nonethereal +nonethical +nonethnological +nonethyl +noneugenic +noneuphonious +nonevacuation +nonevanescent +nonevangelical +nonevaporation +nonevasion +nonevasive +noneviction +nonevident +nonevidential +nonevil +nonevolutionary +nonevolutionist +nonevolving +nonexaction +nonexaggeration +nonexamination +nonexcavation +nonexcepted +nonexcerptible +nonexcessive +nonexchangeability +nonexchangeable +nonexciting +nonexclamatory +nonexclusion +nonexclusive +nonexcommunicable +nonexculpation +nonexcusable +nonexecution +nonexecutive +nonexemplary +nonexemplificatior +nonexempt +nonexercise +nonexertion +nonexhibition +nonexistence +nonexistent +nonexistential +nonexisting +nonexoneration +nonexotic +nonexpansion +nonexpansive +nonexpansively +nonexpectation +nonexpendable +nonexperience +nonexperienced +nonexperimental +nonexpert +nonexpiation +nonexpiry +nonexploitation +nonexplosive +nonexportable +nonexportation +nonexposure +nonexpulsion +nonextant +nonextempore +nonextended +nonextensile +nonextension +nonextensional +nonextensive +nonextenuatory +nonexteriority +nonextermination +nonexternal +nonexternality +nonextinction +nonextortion +nonextracted +nonextraction +nonextraditable +nonextradition +nonextraneous +nonextreme +nonextrication +nonextrinsic +nonexuding +nonexultation +nonfabulous +nonfacetious +nonfacial +nonfacility +nonfacing +nonfact +nonfactious +nonfactory +nonfactual +nonfacultative +nonfaculty +nonfaddist +nonfading +nonfailure +nonfalse +nonfamily +nonfamous +nonfanatical +nonfanciful +nonfarm +nonfastidious +nonfat +nonfatal +nonfatalistic +nonfatty +nonfavorite +nonfeasance +nonfeasor +nonfeatured +nonfebrile +nonfederal +nonfederated +nonfeldspathic +nonfelonious +nonfelony +nonfenestrated +nonfermentability +nonfermentable +nonfermentation +nonfermentative +nonferrous +nonfertile +nonfertility +nonfestive +nonfeudal +nonfibrous +nonfiction +nonfictional +nonfiduciary +nonfighter +nonfigurative +nonfilamentous +nonfimbriate +nonfinancial +nonfinding +nonfinishing +nonfinite +nonfireproof +nonfiscal +nonfisherman +nonfissile +nonfixation +nonflaky +nonflammable +nonfloatation +nonfloating +nonfloriferous +nonflowering +nonflowing +nonfluctuating +nonfluid +nonfluorescent +nonflying +nonfocal +nonfood +nonforeclosure +nonforeign +nonforeknowledge +nonforest +nonforested +nonforfeitable +nonforfeiting +nonforfeiture +nonform +nonformal +nonformation +nonformulation +nonfortification +nonfortuitous +nonfossiliferous +nonfouling +nonfrat +nonfraternity +nonfrauder +nonfraudulent +nonfreedom +nonfreeman +nonfreezable +nonfreeze +nonfreezing +nonfricative +nonfriction +nonfrosted +nonfruition +nonfrustration +nonfulfillment +nonfunctional +nonfundable +nonfundamental +nonfungible +nonfuroid +nonfusion +nonfuturition +nonfuturity +nongalactic +nongalvanized +nonganglionic +nongas +nongaseous +nongassy +nongelatinizing +nongelatinous +nongenealogical +nongenerative +nongenetic +nongentile +nongeographical +nongeological +nongeometrical +nongermination +nongerundial +nongildsman +nongipsy +nonglacial +nonglandered +nonglandular +nonglare +nonglucose +nonglucosidal +nonglucosidic +nongod +nongold +nongolfer +nongospel +nongovernmental +nongraduate +nongraduated +nongraduation +nongrain +nongranular +nongraphitic +nongrass +nongratuitous +nongravitation +nongravity +nongray +nongreasy +nongreen +nongregarious +nongremial +nongrey +nongrooming +nonguarantee +nonguard +nonguttural +nongymnast +nongypsy +nonhabitable +nonhabitual +nonhalation +nonhallucination +nonhandicap +nonhardenable +nonharmonic +nonharmonious +nonhazardous +nonheading +nonhearer +nonheathen +nonhedonistic +nonhepatic +nonhereditarily +nonhereditary +nonheritable +nonheritor +nonhero +nonhieratic +nonhistoric +nonhistorical +nonhomaloidal +nonhomogeneity +nonhomogeneous +nonhomogenous +nonhostile +nonhouseholder +nonhousekeeping +nonhuman +nonhumanist +nonhumorous +nonhumus +nonhunting +nonhydrogenous +nonhydrolyzable +nonhygrometric +nonhygroscopic +nonhypostatic +nonic +noniconoclastic +nonideal +nonidealist +nonidentical +nonidentity +nonidiomatic +nonidolatrous +nonidyllic +nonignitible +nonignominious +nonignorant +nonillion +nonillionth +nonillumination +nonillustration +nonimaginary +nonimbricating +nonimitative +nonimmateriality +nonimmersion +nonimmigrant +nonimmigration +nonimmune +nonimmunity +nonimmunized +nonimpact +nonimpairment +nonimpartment +nonimpatience +nonimpeachment +nonimperative +nonimperial +nonimplement +nonimportation +nonimporting +nonimposition +nonimpregnated +nonimpressionist +nonimprovement +nonimputation +nonincandescent +nonincarnated +nonincitement +noninclination +noninclusion +noninclusive +nonincrease +nonincreasing +nonincrusting +nonindependent +nonindictable +nonindictment +nonindividual +nonindividualistic +noninductive +noninductively +noninductivity +nonindurated +nonindustrial +noninfallibilist +noninfallible +noninfantry +noninfected +noninfection +noninfectious +noninfinite +noninfinitely +noninflammability +noninflammable +noninflammatory +noninflectional +noninfluence +noninformative +noninfraction +noninhabitant +noninheritable +noninherited +noninitial +noninjurious +noninjury +noninoculation +noninquiring +noninsect +noninsertion +noninstitution +noninstruction +noninstructional +noninstructress +noninstrumental +noninsurance +nonintegrable +nonintegrity +nonintellectual +nonintelligence +nonintelligent +nonintent +nonintention +noninterchangeability +noninterchangeable +nonintercourse +noninterference +noninterferer +noninterfering +nonintermittent +noninternational +noninterpolation +noninterposition +noninterrupted +nonintersecting +nonintersector +nonintervention +noninterventionalist +noninterventionist +nonintoxicant +nonintoxicating +nonintrospective +nonintrospectively +nonintrusion +nonintrusionism +nonintrusionist +nonintuitive +noninverted +noninvidious +noninvincibility +noniodized +nonion +nonionized +nonionizing +nonirate +nonirradiated +nonirrational +nonirreparable +nonirrevocable +nonirrigable +nonirrigated +nonirrigating +nonirrigation +nonirritable +nonirritant +nonirritating +nonisobaric +nonisotropic +nonissuable +nonius +nonjoinder +nonjudicial +nonjurable +nonjurant +nonjuress +nonjuring +nonjurist +nonjuristic +nonjuror +nonjurorism +nonjury +nonjurying +nonknowledge +nonkosher +nonlabeling +nonlactescent +nonlaminated +nonlanguage +nonlaying +nonleaded +nonleaking +nonlegal +nonlegato +nonlegume +nonlepidopterous +nonleprous +nonlevel +nonlevulose +nonliability +nonliable +nonliberation +nonlicensed +nonlicentiate +nonlicet +nonlicking +nonlife +nonlimitation +nonlimiting +nonlinear +nonlipoidal +nonliquefying +nonliquid +nonliquidating +nonliquidation +nonlister +nonlisting +nonliterary +nonlitigious +nonliturgical +nonliving +nonlixiviated +nonlocal +nonlocalized +nonlogical +nonlosable +nonloser +nonlover +nonloving +nonloxodromic +nonluminescent +nonluminosity +nonluminous +nonluster +nonlustrous +nonly +nonmagnetic +nonmagnetizable +nonmaintenance +nonmajority +nonmalarious +nonmalicious +nonmalignant +nonmalleable +nonmammalian +nonmandatory +nonmanifest +nonmanifestation +nonmanila +nonmannite +nonmanual +nonmanufacture +nonmanufactured +nonmanufacturing +nonmarine +nonmarital +nonmaritime +nonmarket +nonmarriage +nonmarriageable +nonmarrying +nonmartial +nonmastery +nonmaterial +nonmaterialistic +nonmateriality +nonmaternal +nonmathematical +nonmathematician +nonmatrimonial +nonmatter +nonmechanical +nonmechanistic +nonmedical +nonmedicinal +nonmedullated +nonmelodious +nonmember +nonmembership +nonmenial +nonmental +nonmercantile +nonmetal +nonmetallic +nonmetalliferous +nonmetallurgical +nonmetamorphic +nonmetaphysical +nonmeteoric +nonmeteorological +nonmetric +nonmetrical +nonmetropolitan +nonmicrobic +nonmicroscopical +nonmigratory +nonmilitant +nonmilitary +nonmillionaire +nonmimetic +nonmineral +nonmineralogical +nonminimal +nonministerial +nonministration +nonmiraculous +nonmischievous +nonmiscible +nonmissionary +nonmobile +nonmodal +nonmodern +nonmolar +nonmolecular +nonmomentary +nonmonarchical +nonmonarchist +nonmonastic +nonmonist +nonmonogamous +nonmonotheistic +nonmorainic +nonmoral +nonmorality +nonmortal +nonmotile +nonmotoring +nonmotorist +nonmountainous +nonmucilaginous +nonmucous +nonmulched +nonmultiple +nonmunicipal +nonmuscular +nonmusical +nonmussable +nonmutationally +nonmutative +nonmutual +nonmystical +nonmythical +nonmythological +nonnant +nonnarcotic +nonnasal +nonnat +nonnational +nonnative +nonnatural +nonnaturalism +nonnaturalistic +nonnaturality +nonnaturalness +nonnautical +nonnaval +nonnavigable +nonnavigation +nonnebular +nonnecessary +nonnecessity +nonnegligible +nonnegotiable +nonnegotiation +nonnephritic +nonnervous +nonnescience +nonnescient +nonneutral +nonneutrality +nonnitrogenized +nonnitrogenous +nonnoble +nonnomination +nonnotification +nonnotional +nonnucleated +nonnumeral +nonnutrient +nonnutritious +nonnutritive +nonobedience +nonobedient +nonobjection +nonobjective +nonobligatory +nonobservable +nonobservance +nonobservant +nonobservation +nonobstetrical +nonobstructive +nonobvious +nonoccidental +nonocculting +nonoccupant +nonoccupation +nonoccupational +nonoccurrence +nonodorous +nonoecumenic +nonoffender +nonoffensive +nonofficeholding +nonofficial +nonofficially +nonofficinal +nonoic +nonoily +nonolfactory +nonomad +nononerous +nonopacity +nonopening +nonoperating +nonoperative +nonopposition +nonoppressive +nonoptical +nonoptimistic +nonoptional +nonorchestral +nonordination +nonorganic +nonorganization +nonoriental +nonoriginal +nonornamental +nonorthodox +nonorthographical +nonoscine +nonostentation +nonoutlawry +nonoutrage +nonoverhead +nonoverlapping +nonowner +nonoxidating +nonoxidizable +nonoxidizing +nonoxygenated +nonoxygenous +nonpacific +nonpacification +nonpacifist +nonpagan +nonpaid +nonpainter +nonpalatal +nonpapal +nonpapist +nonpar +nonparallel +nonparalytic +nonparasitic +nonparasitism +nonpareil +nonparent +nonparental +nonpariello +nonparishioner +nonparliamentary +nonparlor +nonparochial +nonparous +nonpartial +nonpartiality +nonparticipant +nonparticipating +nonparticipation +nonpartisan +nonpartisanship +nonpartner +nonparty +nonpassenger +nonpasserine +nonpastoral +nonpatentable +nonpatented +nonpaternal +nonpathogenic +nonpause +nonpaying +nonpayment +nonpeak +nonpeaked +nonpearlitic +nonpecuniary +nonpedestrian +nonpedigree +nonpelagic +nonpeltast +nonpenal +nonpenalized +nonpending +nonpensionable +nonpensioner +nonperception +nonperceptual +nonperfection +nonperforated +nonperforating +nonperformance +nonperformer +nonperforming +nonperiodic +nonperiodical +nonperishable +nonperishing +nonperjury +nonpermanent +nonpermeability +nonpermeable +nonpermissible +nonpermission +nonperpendicular +nonperpetual +nonperpetuity +nonpersecution +nonperseverance +nonpersistence +nonpersistent +nonperson +nonpersonal +nonpersonification +nonpertinent +nonperversive +nonphagocytic +nonpharmaceutical +nonphenolic +nonphenomenal +nonphilanthropic +nonphilological +nonphilosophical +nonphilosophy +nonphonetic +nonphosphatic +nonphosphorized +nonphotobiotic +nonphysical +nonphysiological +nonpickable +nonpigmented +nonplacental +nonplacet +nonplanar +nonplane +nonplanetary +nonplantowning +nonplastic +nonplate +nonplausible +nonpleading +nonplus +nonplusation +nonplushed +nonplutocratic +nonpoet +nonpoetic +nonpoisonous +nonpolar +nonpolarizable +nonpolarizing +nonpolitical +nonponderosity +nonponderous +nonpopery +nonpopular +nonpopularity +nonporous +nonporphyritic +nonport +nonportability +nonportable +nonportrayal +nonpositive +nonpossession +nonposthumous +nonpostponement +nonpotential +nonpower +nonpractical +nonpractice +nonpraedial +nonpreaching +nonprecious +nonprecipitation +nonpredatory +nonpredestination +nonpredicative +nonpredictable +nonpreference +nonpreferential +nonpreformed +nonpregnant +nonprehensile +nonprejudicial +nonprelatical +nonpremium +nonpreparation +nonprepayment +nonprepositional +nonpresbyter +nonprescribed +nonprescriptive +nonpresence +nonpresentation +nonpreservation +nonpresidential +nonpress +nonpressure +nonprevalence +nonprevalent +nonpriestly +nonprimitive +nonprincipiate +nonprincipled +nonprobable +nonprocreation +nonprocurement +nonproducer +nonproducing +nonproduction +nonproductive +nonproductively +nonproductiveness +nonprofane +nonprofessed +nonprofession +nonprofessional +nonprofessionalism +nonprofessorial +nonproficience +nonproficiency +nonproficient +nonprofit +nonprofiteering +nonprognostication +nonprogressive +nonprohibitable +nonprohibition +nonprohibitive +nonprojection +nonprojective +nonprojectively +nonproletarian +nonproliferous +nonprolific +nonprolongation +nonpromiscuous +nonpromissory +nonpromotion +nonpromulgation +nonpronunciation +nonpropagandistic +nonpropagation +nonprophetic +nonpropitiation +nonproportional +nonproprietary +nonproprietor +nonprorogation +nonproscriptive +nonprosecution +nonprospect +nonprotection +nonprotective +nonproteid +nonprotein +nonprotestation +nonprotractile +nonprotractility +nonproven +nonprovided +nonprovidential +nonprovocation +nonpsychic +nonpsychological +nonpublic +nonpublication +nonpublicity +nonpueblo +nonpulmonary +nonpulsating +nonpumpable +nonpunctual +nonpunctuation +nonpuncturable +nonpunishable +nonpunishing +nonpunishment +nonpurchase +nonpurchaser +nonpurgative +nonpurification +nonpurposive +nonpursuit +nonpurulent +nonpurveyance +nonputrescent +nonputrescible +nonputting +nonpyogenic +nonpyritiferous +nonqualification +nonquality +nonquota +nonracial +nonradiable +nonradiating +nonradical +nonrailroader +nonranging +nonratability +nonratable +nonrated +nonratifying +nonrational +nonrationalist +nonrationalized +nonrayed +nonreaction +nonreactive +nonreactor +nonreader +nonreading +nonrealistic +nonreality +nonrealization +nonreasonable +nonreasoner +nonrebel +nonrebellious +nonreceipt +nonreceiving +nonrecent +nonreception +nonrecess +nonrecipient +nonreciprocal +nonreciprocating +nonreciprocity +nonrecital +nonreclamation +nonrecluse +nonrecognition +nonrecognized +nonrecoil +nonrecollection +nonrecommendation +nonreconciliation +nonrecourse +nonrecoverable +nonrecovery +nonrectangular +nonrectified +nonrecuperation +nonrecurrent +nonrecurring +nonredemption +nonredressing +nonreducing +nonreference +nonrefillable +nonreflector +nonreformation +nonrefraction +nonrefrigerant +nonrefueling +nonrefutation +nonregardance +nonregarding +nonregenerating +nonregenerative +nonregent +nonregimented +nonregistered +nonregistrability +nonregistrable +nonregistration +nonregression +nonregulation +nonrehabilitation +nonreigning +nonreimbursement +nonreinforcement +nonreinstatement +nonrejection +nonrejoinder +nonrelapsed +nonrelation +nonrelative +nonrelaxation +nonrelease +nonreliance +nonreligion +nonreligious +nonreligiousness +nonrelinquishment +nonremanie +nonremedy +nonremembrance +nonremission +nonremonstrance +nonremuneration +nonremunerative +nonrendition +nonrenewable +nonrenewal +nonrenouncing +nonrenunciation +nonrepair +nonreparation +nonrepayable +nonrepealing +nonrepeat +nonrepeater +nonrepentance +nonrepetition +nonreplacement +nonreplicate +nonreportable +nonreprehensible +nonrepresentation +nonrepresentational +nonrepresentationalism +nonrepresentative +nonrepression +nonreprisal +nonreproduction +nonreproductive +nonrepublican +nonrepudiation +nonrequirement +nonrequisition +nonrequital +nonrescue +nonresemblance +nonreservation +nonreserve +nonresidence +nonresidency +nonresident +nonresidental +nonresidenter +nonresidential +nonresidentiary +nonresidentor +nonresidual +nonresignation +nonresinifiable +nonresistance +nonresistant +nonresisting +nonresistive +nonresolvability +nonresolvable +nonresonant +nonrespectable +nonrespirable +nonresponsibility +nonrestitution +nonrestraint +nonrestricted +nonrestriction +nonrestrictive +nonresumption +nonresurrection +nonresuscitation +nonretaliation +nonretention +nonretentive +nonreticence +nonretinal +nonretirement +nonretiring +nonretraceable +nonretractation +nonretractile +nonretraction +nonretrenchment +nonretroactive +nonreturn +nonreturnable +nonrevaluation +nonrevealing +nonrevelation +nonrevenge +nonrevenue +nonreverse +nonreversed +nonreversible +nonreversing +nonreversion +nonrevertible +nonreviewable +nonrevision +nonrevival +nonrevocation +nonrevolting +nonrevolutionary +nonrevolving +nonrhetorical +nonrhymed +nonrhyming +nonrhythmic +nonriding +nonrigid +nonrioter +nonriparian +nonritualistic +nonrival +nonromantic +nonrotatable +nonrotating +nonrotative +nonround +nonroutine +nonroyal +nonroyalist +nonrubber +nonruminant +Nonruminantia +nonrun +nonrupture +nonrural +nonrustable +nonsabbatic +nonsaccharine +nonsacerdotal +nonsacramental +nonsacred +nonsacrifice +nonsacrificial +nonsailor +nonsalable +nonsalaried +nonsale +nonsaline +nonsalutary +nonsalutation +nonsalvation +nonsanctification +nonsanction +nonsanctity +nonsane +nonsanguine +nonsanity +nonsaponifiable +nonsatisfaction +nonsaturated +nonsaturation +nonsaving +nonsawing +nonscalding +nonscaling +nonscandalous +nonschematized +nonschismatic +nonscholastic +nonscience +nonscientific +nonscientist +nonscoring +nonscraping +nonscriptural +nonscripturalist +nonscrutiny +nonseasonal +nonsecession +nonseclusion +nonsecrecy +nonsecret +nonsecretarial +nonsecretion +nonsecretive +nonsecretory +nonsectarian +nonsectional +nonsectorial +nonsecular +nonsecurity +nonsedentary +nonseditious +nonsegmented +nonsegregation +nonseizure +nonselected +nonselection +nonselective +nonself +nonselfregarding +nonselling +nonsenatorial +nonsense +nonsensible +nonsensical +nonsensicality +nonsensically +nonsensicalness +nonsensification +nonsensify +nonsensitive +nonsensitiveness +nonsensitized +nonsensorial +nonsensuous +nonsentence +nonsentient +nonseparation +nonseptate +nonseptic +nonsequacious +nonsequaciousness +nonsequestration +nonserial +nonserif +nonserious +nonserous +nonserviential +nonservile +nonsetter +nonsetting +nonsettlement +nonsexual +nonsexually +nonshaft +nonsharing +nonshatter +nonshedder +nonshipper +nonshipping +nonshredding +nonshrinkable +nonshrinking +nonsiccative +nonsidereal +nonsignatory +nonsignature +nonsignificance +nonsignificant +nonsignification +nonsignificative +nonsilicated +nonsiliceous +nonsilver +nonsimplification +nonsine +nonsinging +nonsingular +nonsinkable +nonsinusoidal +nonsiphonage +nonsister +nonsitter +nonsitting +nonskeptical +nonskid +nonskidding +nonskipping +nonslaveholding +nonslip +nonslippery +nonslipping +nonsludging +nonsmoker +nonsmoking +nonsmutting +nonsocial +nonsocialist +nonsocialistic +nonsociety +nonsociological +nonsolar +nonsoldier +nonsolicitation +nonsolid +nonsolidified +nonsolution +nonsolvency +nonsolvent +nonsonant +nonsovereign +nonspalling +nonsparing +nonsparking +nonspeaker +nonspeaking +nonspecial +nonspecialist +nonspecialized +nonspecie +nonspecific +nonspecification +nonspecificity +nonspecified +nonspectacular +nonspectral +nonspeculation +nonspeculative +nonspherical +nonspill +nonspillable +nonspinning +nonspinose +nonspiny +nonspiral +nonspirit +nonspiritual +nonspirituous +nonspontaneous +nonspored +nonsporeformer +nonsporeforming +nonsporting +nonspottable +nonsprouting +nonstainable +nonstaining +nonstampable +nonstandard +nonstandardized +nonstanzaic +nonstaple +nonstarch +nonstarter +nonstarting +nonstatement +nonstatic +nonstationary +nonstatistical +nonstatutory +nonstellar +nonsticky +nonstimulant +nonstipulation +nonstock +nonstooping +nonstop +nonstrategic +nonstress +nonstretchable +nonstretchy +nonstriated +nonstriker +nonstriking +nonstriped +nonstructural +nonstudent +nonstudious +nonstylized +nonsubject +nonsubjective +nonsubmission +nonsubmissive +nonsubordination +nonsubscriber +nonsubscribing +nonsubscription +nonsubsiding +nonsubsidy +nonsubsistence +nonsubstantial +nonsubstantialism +nonsubstantialist +nonsubstantiality +nonsubstantiation +nonsubstantive +nonsubstitution +nonsubtraction +nonsuccess +nonsuccessful +nonsuccession +nonsuccessive +nonsuccour +nonsuction +nonsuctorial +nonsufferance +nonsuffrage +nonsugar +nonsuggestion +nonsuit +nonsulphurous +nonsummons +nonsupplication +nonsupport +nonsupporter +nonsupporting +nonsuppositional +nonsuppressed +nonsuppression +nonsuppurative +nonsurface +nonsurgical +nonsurrender +nonsurvival +nonsurvivor +nonsuspect +nonsustaining +nonsustenance +nonswearer +nonswearing +nonsweating +nonswimmer +nonswimming +nonsyllabic +nonsyllabicness +nonsyllogistic +nonsyllogizing +nonsymbiotic +nonsymbiotically +nonsymbolic +nonsymmetrical +nonsympathetic +nonsympathizer +nonsympathy +nonsymphonic +nonsymptomatic +nonsynchronous +nonsyndicate +nonsynodic +nonsynonymous +nonsyntactic +nonsyntactical +nonsynthesized +nonsyntonic +nonsystematic +nontabular +nontactical +nontan +nontangential +nontannic +nontannin +nontariff +nontarnishable +nontarnishing +nontautomeric +nontautomerizable +nontax +nontaxability +nontaxable +nontaxonomic +nonteachable +nonteacher +nonteaching +nontechnical +nontechnological +nonteetotaler +nontelegraphic +nonteleological +nontelephonic +nontemporal +nontemporizing +nontenant +nontenure +nontenurial +nonterm +nonterminating +nonterrestrial +nonterritorial +nonterritoriality +nontestamentary +nontextual +nontheatrical +nontheistic +nonthematic +nontheological +nontheosophical +nontherapeutic +nonthinker +nonthinking +nonthoracic +nonthoroughfare +nonthreaded +nontidal +nontillable +nontimbered +nontitaniferous +nontitular +nontolerated +nontopographical +nontourist +nontoxic +nontraction +nontrade +nontrader +nontrading +nontraditional +nontragic +nontrailing +nontransferability +nontransferable +nontransgression +nontransient +nontransitional +nontranslocation +nontransmission +nontransparency +nontransparent +nontransportation +nontransposing +nontransposition +nontraveler +nontraveling +nontreasonable +nontreated +nontreatment +nontreaty +nontrespass +nontrial +nontribal +nontribesman +nontributary +nontrier +nontrigonometrical +nontronite +nontropical +nontrunked +nontruth +nontuberculous +nontuned +nonturbinated +nontutorial +nontyphoidal +nontypical +nontypicalness +nontypographical +nontyrannical +nonubiquitous +nonulcerous +nonultrafilterable +nonumbilical +nonumbilicate +nonumbrellaed +nonunanimous +nonuncial +nonundergraduate +nonunderstandable +nonunderstanding +nonunderstandingly +nonunderstood +nonundulatory +nonuniform +nonuniformist +nonuniformitarian +nonuniformity +nonuniformly +nonunion +nonunionism +nonunionist +nonunique +nonunison +nonunited +nonuniversal +nonuniversity +nonupholstered +nonuple +nonuplet +nonupright +nonurban +nonurgent +nonusage +nonuse +nonuser +nonusing +nonusurping +nonuterine +nonutile +nonutilitarian +nonutility +nonutilized +nonutterance +nonvacant +nonvaccination +nonvacuous +nonvaginal +nonvalent +nonvalidity +nonvaluation +nonvalve +nonvanishing +nonvariable +nonvariant +nonvariation +nonvascular +nonvassal +nonvegetative +nonvenereal +nonvenomous +nonvenous +nonventilation +nonverbal +nonverdict +nonverminous +nonvernacular +nonvertebral +nonvertical +nonvertically +nonvesicular +nonvesting +nonvesture +nonveteran +nonveterinary +nonviable +nonvibratile +nonvibration +nonvibrator +nonvibratory +nonvicarious +nonvictory +nonvillager +nonvillainous +nonvindication +nonvinous +nonvintage +nonviolation +nonviolence +nonvirginal +nonvirile +nonvirtue +nonvirtuous +nonvirulent +nonviruliferous +nonvisaed +nonvisceral +nonviscid +nonviscous +nonvisional +nonvisitation +nonvisiting +nonvisual +nonvisualized +nonvital +nonvitreous +nonvitrified +nonviviparous +nonvocal +nonvocalic +nonvocational +nonvolant +nonvolatile +nonvolatilized +nonvolcanic +nonvolition +nonvoluntary +nonvortical +nonvortically +nonvoter +nonvoting +nonvulcanizable +nonvulvar +nonwalking +nonwar +nonwasting +nonwatertight +nonweakness +nonwestern +nonwetted +nonwhite +nonwinged +nonwoody +nonworker +nonworking +nonworship +nonwrinkleable +nonya +nonyielding +nonyl +nonylene +nonylenic +nonylic +nonzealous +nonzero +nonzodiacal +nonzonal +nonzonate +nonzoological +noodle +noodledom +noodleism +nook +nooked +nookery +nooking +nooklet +nooklike +nooky +noological +noologist +noology +noometry +noon +noonday +noonflower +nooning +noonlight +noonlit +noonstead +noontide +noontime +noonwards +noop +nooscopic +noose +nooser +Nootka +nopal +Nopalea +nopalry +nope +nopinene +nor +Nora +Norah +norard +norate +noration +norbergite +Norbert +Norbertine +norcamphane +nordcaper +nordenskioldine +Nordic +Nordicism +Nordicist +Nordicity +Nordicization +Nordicize +nordmarkite +noreast +noreaster +norelin +Norfolk +Norfolkian +norgine +nori +noria +Noric +norie +norimon +norite +norland +norlander +norlandism +norleucine +Norm +norm +Norma +norma +normal +normalcy +normalism +normalist +normality +normalization +normalize +normalizer +normally +normalness +Norman +Normanesque +Normanish +Normanism +Normanist +Normanization +Normanize +Normanizer +Normanly +Normannic +normated +normative +normatively +normativeness +normless +normoblast +normoblastic +normocyte +normocytic +normotensive +Norn +Norna +nornicotine +nornorwest +noropianic +norpinic +Norridgewock +Norroway +Norroy +Norse +norsel +Norseland +norseler +Norseman +Norsk +north +northbound +northeast +northeaster +northeasterly +northeastern +northeasternmost +northeastward +northeastwardly +northeastwards +norther +northerliness +northerly +northern +northerner +northernize +northernly +northernmost +northernness +northest +northfieldite +northing +northland +northlander +northlight +Northman +northmost +northness +Northumber +Northumbrian +northupite +northward +northwardly +northwards +northwest +northwester +northwesterly +northwestern +northwestward +northwestwardly +northwestwards +Norumbega +norward +norwards +Norway +Norwegian +norwest +norwester +norwestward +Nosairi +Nosairian +nosarian +nose +nosean +noseanite +noseband +nosebanded +nosebleed +nosebone +noseburn +nosed +nosegay +nosegaylike +noseherb +nosehole +noseless +noselessly +noselessness +noselike +noselite +Nosema +Nosematidae +nosepiece +nosepinch +noser +nosesmart +nosethirl +nosetiology +nosewards +nosewheel +nosewise +nosey +nosine +nosing +nosism +nosocomial +nosocomium +nosogenesis +nosogenetic +nosogenic +nosogeny +nosogeography +nosographer +nosographic +nosographical +nosographically +nosography +nosohaemia +nosohemia +nosological +nosologically +nosologist +nosology +nosomania +nosomycosis +nosonomy +nosophobia +nosophyte +nosopoetic +nosopoietic +nosotaxy +nosotrophy +nostalgia +nostalgic +nostalgically +nostalgy +nostic +Nostoc +Nostocaceae +nostocaceous +nostochine +nostologic +nostology +nostomania +Nostradamus +nostrificate +nostrification +nostril +nostriled +nostrility +nostrilsome +nostrum +nostrummonger +nostrummongership +nostrummongery +Nosu +nosy +not +notabilia +notability +notable +notableness +notably +notacanthid +Notacanthidae +notacanthoid +notacanthous +Notacanthus +notaeal +notaeum +notal +notalgia +notalgic +Notalia +notan +notandum +notanencephalia +notarial +notarially +notariate +notarikon +notarize +notary +notaryship +notate +notation +notational +notative +notator +notch +notchboard +notched +notchel +notcher +notchful +notching +notchweed +notchwing +notchy +note +notebook +notecase +noted +notedly +notedness +notehead +noteholder +notekin +Notelaea +noteless +notelessly +notelessness +notelet +notencephalocele +notencephalus +noter +notewise +noteworthily +noteworthiness +noteworthy +notharctid +Notharctidae +Notharctus +nother +nothing +nothingarian +nothingarianism +nothingism +nothingist +nothingize +nothingless +nothingly +nothingness +nothingology +Nothofagus +Notholaena +nothosaur +Nothosauri +nothosaurian +Nothosauridae +Nothosaurus +nothous +notice +noticeability +noticeable +noticeably +noticer +Notidani +notidanian +notidanid +Notidanidae +notidanidan +notidanoid +Notidanus +notifiable +notification +notified +notifier +notify +notifyee +notion +notionable +notional +notionalist +notionality +notionally +notionalness +notionary +notionate +notioned +notionist +notionless +Notiosorex +notitia +Notkerian +notocentrous +notocentrum +notochord +notochordal +notodontian +notodontid +Notodontidae +notodontoid +Notogaea +Notogaeal +Notogaean +Notogaeic +notommatid +Notommatidae +Notonecta +notonectal +notonectid +Notonectidae +notopodial +notopodium +notopterid +Notopteridae +notopteroid +Notopterus +notorhizal +Notorhynchus +notoriety +notorious +notoriously +notoriousness +Notornis +Notoryctes +Notostraca +Nototherium +Nototrema +nototribe +notour +notourly +Notropis +notself +Nottoway +notum +Notungulata +notungulate +Notus +notwithstanding +Nou +nougat +nougatine +nought +noumeaite +noumeite +noumenal +noumenalism +noumenalist +noumenality +noumenalize +noumenally +noumenism +noumenon +noun +nounal +nounally +nounize +nounless +noup +nourice +nourish +nourishable +nourisher +nourishing +nourishingly +nourishment +nouriture +nous +nouther +nova +novaculite +novalia +Novanglian +Novanglican +novantique +novarsenobenzene +novate +Novatian +Novatianism +Novatianist +novation +novative +novator +novatory +novatrix +novcic +novel +novelcraft +noveldom +novelese +novelesque +novelet +novelette +noveletter +novelettish +novelettist +noveletty +novelish +novelism +novelist +novelistic +novelistically +novelization +novelize +novella +novelless +novellike +novelly +novelmongering +novelness +novelry +novelty +novelwright +novem +novemarticulate +November +Novemberish +novemcostate +novemdigitate +novemfid +novemlobate +novemnervate +novemperfoliate +novena +novenary +novendial +novene +novennial +novercal +Novial +novice +novicehood +novicelike +noviceship +noviciate +novilunar +novitial +novitiate +novitiateship +novitiation +novity +Novo +Novocain +novodamus +Novorolsky +now +nowaday +nowadays +nowanights +noway +noways +nowed +nowel +nowhat +nowhen +nowhence +nowhere +nowhereness +nowheres +nowhit +nowhither +nowise +nowness +Nowroze +nowt +nowy +noxa +noxal +noxally +noxious +noxiously +noxiousness +noy +noyade +noyau +Nozi +nozzle +nozzler +nth +nu +nuance +nub +Nuba +nubbin +nubble +nubbling +nubbly +nubby +nubecula +nubia +Nubian +nubiferous +nubiform +nubigenous +nubilate +nubilation +nubile +nubility +nubilous +Nubilum +nucal +nucament +nucamentaceous +nucellar +nucellus +nucha +nuchal +nuchalgia +nuciculture +nuciferous +nuciform +nucin +nucivorous +nucleal +nuclear +nucleary +nuclease +nucleate +nucleation +nucleator +nuclei +nucleiferous +nucleiform +nuclein +nucleinase +nucleoalbumin +nucleoalbuminuria +nucleofugal +nucleohistone +nucleohyaloplasm +nucleohyaloplasma +nucleoid +nucleoidioplasma +nucleolar +nucleolated +nucleole +nucleoli +nucleolinus +nucleolocentrosome +nucleoloid +nucleolus +nucleolysis +nucleomicrosome +nucleon +nucleone +nucleonics +nucleopetal +nucleoplasm +nucleoplasmatic +nucleoplasmic +nucleoprotein +nucleoside +nucleotide +nucleus +nuclide +nuclidic +Nucula +Nuculacea +nuculanium +nucule +nuculid +Nuculidae +nuculiform +nuculoid +Nuda +nudate +nudation +Nudd +nuddle +nude +nudely +nudeness +Nudens +nudge +nudger +nudibranch +Nudibranchia +nudibranchian +nudibranchiate +nudicaudate +nudicaul +nudifier +nudiflorous +nudiped +nudish +nudism +nudist +nuditarian +nudity +nugacious +nugaciousness +nugacity +nugator +nugatoriness +nugatory +nuggar +nugget +nuggety +nugify +nugilogue +Nugumiut +nuisance +nuisancer +nuke +Nukuhivan +nul +null +nullable +nullah +nullibicity +nullibility +nullibiquitous +nullibist +nullification +nullificationist +nullificator +nullifidian +nullifier +nullify +nullipara +nulliparity +nulliparous +nullipennate +Nullipennes +nulliplex +nullipore +nulliporous +nullism +nullisome +nullisomic +nullity +nulliverse +nullo +Numa +Numantine +numb +number +numberable +numberer +numberful +numberless +numberous +numbersome +numbfish +numbing +numbingly +numble +numbles +numbly +numbness +numda +numdah +numen +Numenius +numerable +numerableness +numerably +numeral +numerant +numerary +numerate +numeration +numerative +numerator +numerical +numerically +numericalness +numerist +numero +numerology +numerose +numerosity +numerous +numerously +numerousness +Numida +Numidae +Numidian +Numididae +Numidinae +numinism +numinous +numinously +numismatic +numismatical +numismatically +numismatician +numismatics +numismatist +numismatography +numismatologist +numismatology +nummary +nummi +nummiform +nummular +Nummularia +nummulary +nummulated +nummulation +nummuline +Nummulinidae +nummulite +Nummulites +nummulitic +Nummulitidae +nummulitoid +nummuloidal +nummus +numskull +numskulled +numskulledness +numskullery +numskullism +numud +nun +nunatak +nunbird +nunch +nuncheon +nunciate +nunciative +nunciatory +nunciature +nuncio +nuncioship +nuncle +nuncupate +nuncupation +nuncupative +nuncupatively +nundinal +nundination +nundine +nunhood +Nunki +nunky +nunlet +nunlike +nunnari +nunnated +nunnation +nunnery +nunni +nunnify +nunnish +nunnishness +nunship +Nupe +Nuphar +nuptial +nuptiality +nuptialize +nuptially +nuptials +nuque +nuraghe +nurhag +nurly +nursable +nurse +nursedom +nursegirl +nursehound +nursekeeper +nursekin +nurselet +nurselike +nursemaid +nurser +nursery +nurserydom +nurseryful +nurserymaid +nurseryman +nursetender +nursing +nursingly +nursle +nursling +nursy +nurturable +nurtural +nurture +nurtureless +nurturer +nurtureship +Nusairis +Nusakan +nusfiah +nut +nutant +nutarian +nutate +nutation +nutational +nutbreaker +nutcake +nutcrack +nutcracker +nutcrackers +nutcrackery +nutgall +nuthatch +nuthook +nutjobber +nutlet +nutlike +nutmeg +nutmegged +nutmeggy +nutpecker +nutpick +nutramin +nutria +nutrice +nutricial +nutricism +nutrient +nutrify +nutriment +nutrimental +nutritial +nutrition +nutritional +nutritionally +nutritionist +nutritious +nutritiously +nutritiousness +nutritive +nutritively +nutritiveness +nutritory +nutseed +nutshell +Nuttallia +nuttalliasis +nuttalliosis +nutted +nutter +nuttery +nuttily +nuttiness +nutting +nuttish +nuttishness +nutty +nuzzer +nuzzerana +nuzzle +Nyamwezi +Nyanja +nyanza +Nyaya +nychthemer +nychthemeral +nychthemeron +Nyctaginaceae +nyctaginaceous +Nyctaginia +nyctalope +nyctalopia +nyctalopic +nyctalopy +Nyctanthes +Nyctea +Nyctereutes +nycteribiid +Nycteribiidae +Nycteridae +nycterine +Nycteris +Nycticorax +Nyctimene +nyctinastic +nyctinasty +nyctipelagic +Nyctipithecinae +nyctipithecine +Nyctipithecus +nyctitropic +nyctitropism +nyctophobia +nycturia +Nydia +nye +nylast +nylon +nymil +nymph +nympha +nymphae +Nymphaea +Nymphaeaceae +nymphaeaceous +nymphaeum +nymphal +nymphalid +Nymphalidae +Nymphalinae +nymphaline +nympheal +nymphean +nymphet +nymphic +nymphical +nymphid +nymphine +Nymphipara +nymphiparous +nymphish +nymphitis +nymphlike +nymphlin +nymphly +Nymphoides +nympholepsia +nympholepsy +nympholept +nympholeptic +nymphomania +nymphomaniac +nymphomaniacal +Nymphonacea +nymphosis +nymphotomy +nymphwise +Nyoro +Nyroca +Nyssa +Nyssaceae +nystagmic +nystagmus +nyxis +O +o +oadal +oaf +oafdom +oafish +oafishly +oafishness +oak +oakberry +Oakboy +oaken +oakenshaw +Oakesia +oaklet +oaklike +oakling +oaktongue +oakum +oakweb +oakwood +oaky +oam +Oannes +oar +oarage +oarcock +oared +oarfish +oarhole +oarial +oarialgia +oaric +oariocele +oariopathic +oariopathy +oariotomy +oaritic +oaritis +oarium +oarless +oarlike +oarlock +oarlop +oarman +oarsman +oarsmanship +oarswoman +oarweed +oary +oasal +oasean +oases +oasis +oasitic +oast +oasthouse +oat +oatbin +oatcake +oatear +oaten +oatenmeal +oatfowl +oath +oathay +oathed +oathful +oathlet +oathworthy +oatland +oatlike +oatmeal +oatseed +oaty +Obadiah +obambulate +obambulation +obambulatory +oban +Obbenite +obbligato +obclavate +obclude +obcompressed +obconical +obcordate +obcordiform +obcuneate +obdeltoid +obdiplostemonous +obdiplostemony +obdormition +obduction +obduracy +obdurate +obdurately +obdurateness +obduration +obe +obeah +obeahism +obeche +obedience +obediency +obedient +obediential +obedientially +obedientialness +obedientiar +obedientiary +obediently +obeisance +obeisant +obeisantly +obeism +obelia +obeliac +obelial +obelion +obeliscal +obeliscar +obelisk +obeliskoid +obelism +obelize +obelus +Oberon +obese +obesely +obeseness +obesity +obex +obey +obeyable +obeyer +obeyingly +obfuscable +obfuscate +obfuscation +obfuscator +obfuscity +obfuscous +obi +Obidicut +obispo +obit +obitual +obituarian +obituarily +obituarist +obituarize +obituary +object +objectable +objectation +objectative +objectee +objecthood +objectification +objectify +objection +objectionability +objectionable +objectionableness +objectionably +objectional +objectioner +objectionist +objectival +objectivate +objectivation +objective +objectively +objectiveness +objectivism +objectivist +objectivistic +objectivity +objectivize +objectization +objectize +objectless +objectlessly +objectlessness +objector +objicient +objuration +objure +objurgate +objurgation +objurgative +objurgatively +objurgator +objurgatorily +objurgatory +objurgatrix +oblanceolate +oblate +oblately +oblateness +oblation +oblational +oblationary +oblatory +oblectate +oblectation +obley +obligable +obligancy +obligant +obligate +obligation +obligational +obligative +obligativeness +obligator +obligatorily +obligatoriness +obligatory +obligatum +oblige +obliged +obligedly +obligedness +obligee +obligement +obliger +obliging +obligingly +obligingness +obligistic +obligor +obliquangular +obliquate +obliquation +oblique +obliquely +obliqueness +obliquitous +obliquity +obliquus +obliterable +obliterate +obliteration +obliterative +obliterator +oblivescence +oblivial +obliviality +oblivion +oblivionate +oblivionist +oblivionize +oblivious +obliviously +obliviousness +obliviscence +obliviscible +oblocutor +oblong +oblongatal +oblongated +oblongish +oblongitude +oblongitudinal +oblongly +oblongness +obloquial +obloquious +obloquy +obmutescence +obmutescent +obnebulate +obnounce +obnoxiety +obnoxious +obnoxiously +obnoxiousness +obnubilate +obnubilation +obnunciation +oboe +oboist +obol +Obolaria +obolary +obole +obolet +obolus +obomegoid +Obongo +oboval +obovate +obovoid +obpyramidal +obpyriform +Obrazil +obreption +obreptitious +obreptitiously +obrogate +obrogation +obrotund +obscene +obscenely +obsceneness +obscenity +obscurancy +obscurant +obscurantic +obscurantism +obscurantist +obscuration +obscurative +obscure +obscuredly +obscurely +obscurement +obscureness +obscurer +obscurism +obscurist +obscurity +obsecrate +obsecration +obsecrationary +obsecratory +obsede +obsequence +obsequent +obsequial +obsequience +obsequiosity +obsequious +obsequiously +obsequiousness +obsequity +obsequium +obsequy +observability +observable +observableness +observably +observance +observancy +observandum +observant +Observantine +Observantist +observantly +observantness +observation +observational +observationalism +observationally +observative +observatorial +observatory +observe +observedly +observer +observership +observing +observingly +obsess +obsessingly +obsession +obsessional +obsessionist +obsessive +obsessor +obsidian +obsidianite +obsidional +obsidionary +obsidious +obsignate +obsignation +obsignatory +obsolesce +obsolescence +obsolescent +obsolescently +obsolete +obsoletely +obsoleteness +obsoletion +obsoletism +obstacle +obstetric +obstetrical +obstetrically +obstetricate +obstetrication +obstetrician +obstetrics +obstetricy +obstetrist +obstetrix +obstinacious +obstinacy +obstinance +obstinate +obstinately +obstinateness +obstination +obstinative +obstipation +obstreperate +obstreperosity +obstreperous +obstreperously +obstreperousness +obstriction +obstringe +obstruct +obstructant +obstructedly +obstructer +obstructingly +obstruction +obstructionism +obstructionist +obstructive +obstructively +obstructiveness +obstructivism +obstructivity +obstructor +obstruent +obstupefy +obtain +obtainable +obtainal +obtainance +obtainer +obtainment +obtect +obtected +obtemper +obtemperate +obtenebrate +obtenebration +obtention +obtest +obtestation +obtriangular +obtrude +obtruder +obtruncate +obtruncation +obtruncator +obtrusion +obtrusionist +obtrusive +obtrusively +obtrusiveness +obtund +obtundent +obtunder +obtundity +obturate +obturation +obturator +obturatory +obturbinate +obtusangular +obtuse +obtusely +obtuseness +obtusifid +obtusifolious +obtusilingual +obtusilobous +obtusion +obtusipennate +obtusirostrate +obtusish +obtusity +obumbrant +obumbrate +obumbration +obvallate +obvelation +obvention +obverse +obversely +obversion +obvert +obvertend +obviable +obviate +obviation +obviative +obviator +obvious +obviously +obviousness +obvolute +obvoluted +obvolution +obvolutive +obvolve +obvolvent +ocarina +Occamism +Occamist +Occamistic +Occamite +occamy +occasion +occasionable +occasional +occasionalism +occasionalist +occasionalistic +occasionality +occasionally +occasionalness +occasionary +occasioner +occasionless +occasive +occident +occidental +Occidentalism +Occidentalist +occidentality +Occidentalization +Occidentalize +occidentally +occiduous +occipital +occipitalis +occipitally +occipitoanterior +occipitoatlantal +occipitoatloid +occipitoaxial +occipitoaxoid +occipitobasilar +occipitobregmatic +occipitocalcarine +occipitocervical +occipitofacial +occipitofrontal +occipitofrontalis +occipitohyoid +occipitoiliac +occipitomastoid +occipitomental +occipitonasal +occipitonuchal +occipitootic +occipitoparietal +occipitoposterior +occipitoscapular +occipitosphenoid +occipitosphenoidal +occipitotemporal +occipitothalamic +occiput +occitone +occlude +occludent +occlusal +occluse +occlusion +occlusive +occlusiveness +occlusocervical +occlusocervically +occlusogingival +occlusometer +occlusor +occult +occultate +occultation +occulter +occulting +occultism +occultist +occultly +occultness +occupable +occupance +occupancy +occupant +occupation +occupational +occupationalist +occupationally +occupationless +occupative +occupiable +occupier +occupy +occur +occurrence +occurrent +occursive +ocean +oceaned +oceanet +oceanful +Oceanian +oceanic +Oceanican +oceanity +oceanographer +oceanographic +oceanographical +oceanographically +oceanographist +oceanography +oceanology +oceanophyte +oceanside +oceanward +oceanwards +oceanways +oceanwise +ocellar +ocellary +ocellate +ocellated +ocellation +ocelli +ocellicyst +ocellicystic +ocelliferous +ocelliform +ocelligerous +ocellus +oceloid +ocelot +och +ochava +ochavo +ocher +ocherish +ocherous +ochery +ochidore +ochlesis +ochlesitic +ochletic +ochlocracy +ochlocrat +ochlocratic +ochlocratical +ochlocratically +ochlophobia +ochlophobist +Ochna +Ochnaceae +ochnaceous +ochone +Ochotona +Ochotonidae +Ochozoma +ochraceous +Ochrana +ochrea +ochreate +ochreous +ochro +ochrocarpous +ochroid +ochroleucous +ochrolite +Ochroma +ochronosis +ochronosus +ochronotic +ochrous +ocht +Ocimum +ock +oclock +Ocneria +ocote +Ocotea +ocotillo +ocque +ocracy +ocrea +ocreaceous +Ocreatae +ocreate +ocreated +octachloride +octachord +octachordal +octachronous +Octacnemus +octacolic +octactinal +octactine +Octactiniae +octactinian +octad +octadecahydrate +octadecane +octadecanoic +octadecyl +octadic +octadrachm +octaemeron +octaeteric +octaeterid +octagon +octagonal +octagonally +octahedral +octahedric +octahedrical +octahedrite +octahedroid +octahedron +octahedrous +octahydrate +octahydrated +octakishexahedron +octamerism +octamerous +octameter +octan +octanaphthene +Octandria +octandrian +octandrious +octane +octangle +octangular +octangularness +Octans +octant +octantal +octapla +octaploid +octaploidic +octaploidy +octapodic +octapody +octarch +octarchy +octarius +octarticulate +octary +octasemic +octastich +octastichon +octastrophic +octastyle +octastylos +octateuch +octaval +octavalent +octavarium +octave +Octavia +Octavian +octavic +octavina +Octavius +octavo +octenary +octene +octennial +octennially +octet +octic +octillion +octillionth +octine +octingentenary +octoad +octoalloy +octoate +octobass +October +octobrachiate +Octobrist +octocentenary +octocentennial +octochord +Octocoralla +octocorallan +Octocorallia +octocoralline +octocotyloid +octodactyl +octodactyle +octodactylous +octodecimal +octodecimo +octodentate +octodianome +Octodon +octodont +Octodontidae +Octodontinae +octoechos +octofid +octofoil +octofoiled +octogamy +octogenarian +octogenarianism +octogenary +octogild +octoglot +Octogynia +octogynian +octogynious +octogynous +octoic +octoid +octolateral +octolocular +octomeral +octomerous +octometer +octonal +octonare +octonarian +octonarius +octonary +octonematous +octonion +octonocular +octoon +octopartite +octopean +octoped +octopede +octopetalous +octophthalmous +octophyllous +octopi +octopine +octoploid +octoploidic +octoploidy +octopod +Octopoda +octopodan +octopodes +octopodous +octopolar +octopus +octoradial +octoradiate +octoradiated +octoreme +octoroon +octose +octosepalous +octospermous +octospore +octosporous +octostichous +octosyllabic +octosyllable +octovalent +octoyl +octroi +octroy +octuor +octuple +octuplet +octuplex +octuplicate +octuplication +octuply +octyl +octylene +octyne +ocuby +ocular +ocularist +ocularly +oculary +oculate +oculated +oculauditory +oculiferous +oculiform +oculigerous +Oculina +oculinid +Oculinidae +oculinoid +oculist +oculistic +oculocephalic +oculofacial +oculofrontal +oculomotor +oculomotory +oculonasal +oculopalpebral +oculopupillary +oculospinal +oculozygomatic +oculus +ocydrome +ocydromine +Ocydromus +Ocypete +Ocypoda +ocypodan +Ocypode +ocypodian +Ocypodidae +ocypodoid +Ocyroe +Ocyroidae +Od +od +oda +Odacidae +odacoid +odal +odalborn +odalisk +odalisque +odaller +odalman +odalwoman +Odax +odd +oddish +oddity +oddlegs +oddly +oddman +oddment +oddments +oddness +Odds +odds +Oddsbud +oddsman +ode +odel +odelet +Odelsthing +Odelsting +odeon +odeum +odic +odically +Odin +Odinian +Odinic +Odinism +Odinist +odinite +Odinitic +odiometer +odious +odiously +odiousness +odist +odium +odiumproof +Odobenidae +Odobenus +Odocoileus +odograph +odology +odometer +odometrical +odometry +Odonata +odontagra +odontalgia +odontalgic +Odontaspidae +Odontaspididae +Odontaspis +odontatrophia +odontatrophy +odontexesis +odontiasis +odontic +odontist +odontitis +odontoblast +odontoblastic +odontocele +Odontocete +odontocete +Odontoceti +odontocetous +odontochirurgic +odontoclasis +odontoclast +odontodynia +odontogen +odontogenesis +odontogenic +odontogeny +Odontoglossae +odontoglossal +odontoglossate +Odontoglossum +Odontognathae +odontognathic +odontognathous +odontograph +odontographic +odontography +odontohyperesthesia +odontoid +Odontolcae +odontolcate +odontolcous +odontolite +odontolith +odontological +odontologist +odontology +odontoloxia +odontoma +odontomous +odontonecrosis +odontoneuralgia +odontonosology +odontopathy +odontophoral +odontophore +Odontophoridae +Odontophorinae +odontophorine +odontophorous +Odontophorus +odontoplast +odontoplerosis +Odontopteris +Odontopteryx +odontorhynchous +Odontormae +Odontornithes +odontornithic +odontorrhagia +odontorthosis +odontoschism +odontoscope +odontosis +odontostomatous +odontostomous +Odontosyllis +odontotechny +odontotherapia +odontotherapy +odontotomy +Odontotormae +odontotripsis +odontotrypy +odoom +odophone +odor +odorant +odorate +odorator +odored +odorful +odoriferant +odoriferosity +odoriferous +odoriferously +odoriferousness +odorific +odorimeter +odorimetry +odoriphore +odorivector +odorize +odorless +odorometer +odorosity +odorous +odorously +odorousness +odorproof +Odostemon +Ods +odso +odum +odyl +odylic +odylism +odylist +odylization +odylize +Odynerus +Odyssean +Odyssey +Odz +Odzookers +Odzooks +oe +Oecanthus +oecist +oecodomic +oecodomical +oecoparasite +oecoparasitism +oecophobia +oecumenian +oecumenic +oecumenical +oecumenicalism +oecumenicity +oecus +oedemerid +Oedemeridae +oedicnemine +Oedicnemus +Oedipal +Oedipean +Oedipus +Oedogoniaceae +oedogoniaceous +Oedogoniales +Oedogonium +oenanthaldehyde +oenanthate +Oenanthe +oenanthic +oenanthol +oenanthole +oenanthyl +oenanthylate +oenanthylic +oenin +Oenocarpus +oenochoe +oenocyte +oenocytic +oenolin +oenological +oenologist +oenology +oenomancy +Oenomaus +oenomel +oenometer +oenophilist +oenophobist +oenopoetic +Oenothera +Oenotheraceae +oenotheraceous +Oenotrian +oer +oersted +oes +oesophageal +oesophagi +oesophagismus +oesophagostomiasis +Oesophagostomum +oesophagus +oestradiol +Oestrelata +oestrian +oestriasis +oestrid +Oestridae +oestrin +oestriol +oestroid +oestrous +oestrual +oestruate +oestruation +oestrum +oestrus +of +Ofer +off +offal +offaling +offbeat +offcast +offcome +offcut +offend +offendable +offendant +offended +offendedly +offendedness +offender +offendible +offendress +offense +offenseful +offenseless +offenselessly +offenseproof +offensible +offensive +offensively +offensiveness +offer +offerable +offeree +offerer +offering +offeror +offertorial +offertory +offgoing +offgrade +offhand +offhanded +offhandedly +offhandedness +office +officeholder +officeless +officer +officerage +officeress +officerhood +officerial +officerism +officerless +officership +official +officialdom +officialese +officialism +officiality +officialization +officialize +officially +officialty +officiant +officiary +officiate +officiation +officiator +officinal +officinally +officious +officiously +officiousness +offing +offish +offishly +offishness +offlet +offlook +offprint +offsaddle +offscape +offscour +offscourer +offscouring +offscum +offset +offshoot +offshore +offsider +offspring +offtake +offtype +offuscate +offuscation +offward +offwards +oflete +Ofo +oft +often +oftenness +oftens +oftentime +oftentimes +ofter +oftest +oftly +oftness +ofttime +ofttimes +oftwhiles +Og +ogaire +Ogallala +ogam +ogamic +Ogboni +Ogcocephalidae +Ogcocephalus +ogdoad +ogdoas +ogee +ogeed +ogganition +ogham +oghamic +Oghuz +ogival +ogive +ogived +Oglala +ogle +ogler +ogmic +Ogor +Ogpu +ogre +ogreish +ogreishly +ogreism +ogress +ogrish +ogrism +ogtiern +ogum +Ogygia +Ogygian +oh +ohelo +ohia +Ohio +Ohioan +ohm +ohmage +ohmic +ohmmeter +oho +ohoy +oidioid +oidiomycosis +oidiomycotic +Oidium +oii +oikology +oikoplast +oil +oilberry +oilbird +oilcan +oilcloth +oilcoat +oilcup +oildom +oiled +oiler +oilery +oilfish +oilhole +oilily +oiliness +oilless +oillessness +oillet +oillike +oilman +oilmonger +oilmongery +oilometer +oilpaper +oilproof +oilproofing +oilseed +oilskin +oilskinned +oilstock +oilstone +oilstove +oiltight +oiltightness +oilway +oily +oilyish +oime +oinochoe +oinology +oinomancy +oinomania +oinomel +oint +ointment +Oireachtas +oisin +oisivity +oitava +oiticica +Ojibwa +Ojibway +Ok +oka +okapi +Okapia +okee +okenite +oket +oki +okia +Okie +Okinagan +Oklafalaya +Oklahannali +Oklahoma +Oklahoman +okoniosis +okonite +okra +okrug +okshoofd +okthabah +Okuari +okupukupu +Olacaceae +olacaceous +Olaf +olam +olamic +Olax +Olcha +Olchi +Old +old +olden +Oldenburg +older +oldermost +oldfangled +oldfangledness +Oldfieldia +Oldhamia +oldhamite +oldhearted +oldish +oldland +oldness +oldster +oldwife +Ole +Olea +Oleaceae +oleaceous +Oleacina +Oleacinidae +oleaginous +oleaginousness +oleana +oleander +oleandrin +Olearia +olease +oleaster +oleate +olecranal +olecranarthritis +olecranial +olecranian +olecranoid +olecranon +olefiant +olefin +olefine +olefinic +Oleg +oleic +oleiferous +olein +olena +olenellidian +Olenellus +olenid +Olenidae +olenidian +olent +Olenus +oleo +oleocalcareous +oleocellosis +oleocyst +oleoduct +oleograph +oleographer +oleographic +oleography +oleomargaric +oleomargarine +oleometer +oleoptene +oleorefractometer +oleoresin +oleoresinous +oleosaccharum +oleose +oleosity +oleostearate +oleostearin +oleothorax +oleous +Oleraceae +oleraceous +olericultural +olericulturally +olericulture +Oleron +Olethreutes +olethreutid +Olethreutidae +olfact +olfactible +olfaction +olfactive +olfactology +olfactometer +olfactometric +olfactometry +olfactor +olfactorily +olfactory +olfacty +Olga +oliban +olibanum +olid +oligacanthous +oligaemia +oligandrous +oliganthous +oligarch +oligarchal +oligarchic +oligarchical +oligarchically +oligarchism +oligarchist +oligarchize +oligarchy +oligemia +oligidria +oligist +oligistic +oligistical +oligocarpous +Oligocene +Oligochaeta +oligochaete +oligochaetous +oligochete +oligocholia +oligochrome +oligochromemia +oligochronometer +oligochylia +oligoclase +oligoclasite +oligocystic +oligocythemia +oligocythemic +oligodactylia +oligodendroglia +oligodendroglioma +oligodipsia +oligodontous +oligodynamic +oligogalactia +oligohemia +oligohydramnios +oligolactia +oligomenorrhea +oligomerous +oligomery +oligometochia +oligometochic +Oligomyodae +oligomyodian +oligomyoid +Oligonephria +oligonephric +oligonephrous +oligonite +oligopepsia +oligopetalous +oligophagous +oligophosphaturia +oligophrenia +oligophrenic +oligophyllous +oligoplasmia +oligopnea +oligopolistic +oligopoly +oligoprothesy +oligoprothetic +oligopsonistic +oligopsony +oligopsychia +oligopyrene +oligorhizous +oligosepalous +oligosialia +oligosideric +oligosiderite +oligosite +oligospermia +oligospermous +oligostemonous +oligosyllabic +oligosyllable +oligosynthetic +oligotokous +oligotrichia +oligotrophic +oligotrophy +oligotropic +oliguresis +oliguretic +oliguria +Olinia +Oliniaceae +oliniaceous +olio +oliphant +oliprance +olitory +Oliva +oliva +olivaceous +olivary +Olive +olive +Olivean +olived +Olivella +oliveness +olivenite +Oliver +Oliverian +oliverman +oliversmith +olivescent +olivet +Olivetan +Olivette +olivewood +Olivia +Olividae +Olivier +oliviferous +oliviform +olivil +olivile +olivilin +olivine +olivinefels +olivinic +olivinite +olivinitic +olla +ollamh +ollapod +ollenite +Ollie +ollock +olm +Olneya +Olof +ological +ologist +ologistic +ology +olomao +olona +Olonets +Olonetsian +Olonetsish +Olor +oloroso +olpe +Olpidiaster +Olpidium +Olson +oltonde +oltunna +olycook +olykoek +Olympia +Olympiad +Olympiadic +Olympian +Olympianism +Olympianize +Olympianly +Olympianwise +Olympic +Olympicly +Olympicness +Olympieion +Olympionic +Olympus +Olynthiac +Olynthian +Olynthus +om +omadhaun +omagra +Omagua +Omaha +omalgia +Oman +Omani +omao +Omar +omarthritis +omasitis +omasum +omber +ombrette +ombrifuge +ombrograph +ombrological +ombrology +ombrometer +ombrophile +ombrophilic +ombrophilous +ombrophily +ombrophobe +ombrophobous +ombrophoby +ombrophyte +ombudsman +ombudsmanship +omega +omegoid +omelet +omelette +omen +omened +omenology +omental +omentectomy +omentitis +omentocele +omentofixation +omentopexy +omentoplasty +omentorrhaphy +omentosplenopexy +omentotomy +omentulum +omentum +omer +omicron +omina +ominous +ominously +ominousness +omissible +omission +omissive +omissively +omit +omitis +omittable +omitter +omlah +Ommastrephes +Ommastrephidae +ommateal +ommateum +ommatidial +ommatidium +ommatophore +ommatophorous +Ommiad +Ommiades +omneity +omniactive +omniactuality +omniana +omniarch +omnibenevolence +omnibenevolent +omnibus +omnibusman +omnicausality +omnicompetence +omnicompetent +omnicorporeal +omnicredulity +omnicredulous +omnidenominational +omnierudite +omniessence +omnifacial +omnifarious +omnifariously +omnifariousness +omniferous +omnific +omnificent +omnifidel +omniform +omniformal +omniformity +omnify +omnigenous +omnigerent +omnigraph +omnihuman +omnihumanity +omnilegent +omnilingual +omniloquent +omnilucent +omnimental +omnimeter +omnimode +omnimodous +omninescience +omninescient +omniparent +omniparient +omniparity +omniparous +omnipatient +omnipercipience +omnipercipiency +omnipercipient +omniperfect +omnipotence +omnipotency +omnipotent +omnipotentiality +omnipotently +omnipregnant +omnipresence +omnipresent +omnipresently +omniprevalence +omniprevalent +omniproduction +omniprudent +omnirange +omniregency +omnirepresentative +omnirepresentativeness +omnirevealing +omniscience +omnisciency +omniscient +omnisciently +omniscope +omniscribent +omniscriptive +omnisentience +omnisentient +omnisignificance +omnisignificant +omnispective +omnist +omnisufficiency +omnisufficient +omnitemporal +omnitenent +omnitolerant +omnitonal +omnitonality +omnitonic +omnitude +omnium +omnivagant +omnivalence +omnivalent +omnivalous +omnivarious +omnividence +omnivident +omnivision +omnivolent +Omnivora +omnivoracious +omnivoracity +omnivorant +omnivore +omnivorous +omnivorously +omnivorousness +omodynia +omohyoid +omoideum +omophagia +omophagist +omophagous +omophagy +omophorion +omoplate +omoplatoscopy +omostegite +omosternal +omosternum +omphacine +omphacite +omphalectomy +omphalic +omphalism +omphalitis +omphalocele +omphalode +omphalodium +omphalogenous +omphaloid +omphaloma +omphalomesaraic +omphalomesenteric +omphaloncus +omphalopagus +omphalophlebitis +omphalopsychic +omphalopsychite +omphalorrhagia +omphalorrhea +omphalorrhexis +omphalos +omphalosite +omphaloskepsis +omphalospinous +omphalotomy +omphalotripsy +omphalus +on +Ona +ona +onager +Onagra +onagra +Onagraceae +onagraceous +Onan +onanism +onanist +onanistic +onca +once +oncetta +Onchidiidae +Onchidium +Onchocerca +onchocerciasis +onchocercosis +oncia +Oncidium +oncin +oncograph +oncography +oncologic +oncological +oncology +oncome +oncometer +oncometric +oncometry +oncoming +Oncorhynchus +oncosimeter +oncosis +oncosphere +oncost +oncostman +oncotomy +ondagram +ondagraph +ondameter +ondascope +ondatra +ondine +ondogram +ondograph +ondometer +ondoscope +ondy +one +oneanother +oneberry +onefold +onefoldness +onegite +onehearted +onehow +Oneida +oneiric +oneirocrit +oneirocritic +oneirocritical +oneirocritically +oneirocriticism +oneirocritics +oneirodynia +oneirologist +oneirology +oneiromancer +oneiromancy +oneiroscopic +oneiroscopist +oneiroscopy +oneirotic +oneism +onement +oneness +oner +onerary +onerative +onerosity +onerous +onerously +onerousness +onery +oneself +onesigned +onetime +onewhere +oneyer +onfall +onflemed +onflow +onflowing +ongaro +ongoing +onhanger +onicolo +oniomania +oniomaniac +onion +onionet +onionized +onionlike +onionpeel +onionskin +oniony +onirotic +Oniscidae +onisciform +oniscoid +Oniscoidea +oniscoidean +Oniscus +onium +onkilonite +onkos +onlay +onlepy +onliest +onliness +onlook +onlooker +onlooking +only +onmarch +Onmun +Onobrychis +onocentaur +Onoclea +onofrite +Onohippidium +onolatry +onomancy +onomantia +onomastic +onomasticon +onomatologist +onomatology +onomatomania +onomatope +onomatoplasm +onomatopoeia +onomatopoeial +onomatopoeian +onomatopoeic +onomatopoeical +onomatopoeically +onomatopoesis +onomatopoesy +onomatopoetic +onomatopoetically +onomatopy +onomatous +onomomancy +Onondaga +Onondagan +Ononis +Onopordon +Onosmodium +onrush +onrushing +ons +onset +onsetter +onshore +onside +onsight +onslaught +onstand +onstanding +onstead +onsweep +onsweeping +ontal +Ontarian +Ontaric +onto +ontocycle +ontocyclic +ontogenal +ontogenesis +ontogenetic +ontogenetical +ontogenetically +ontogenic +ontogenically +ontogenist +ontogeny +ontography +ontologic +ontological +ontologically +ontologism +ontologist +ontologistic +ontologize +ontology +ontosophy +onus +onwaiting +onward +onwardly +onwardness +onwards +onycha +onychatrophia +onychauxis +onychia +onychin +onychitis +onychium +onychogryposis +onychoid +onycholysis +onychomalacia +onychomancy +onychomycosis +onychonosus +onychopathic +onychopathology +onychopathy +onychophagist +onychophagy +Onychophora +onychophoran +onychophorous +onychophyma +onychoptosis +onychorrhexis +onychoschizia +onychosis +onychotrophy +onym +onymal +onymancy +onymatic +onymity +onymize +onymous +onymy +onyx +onyxis +onyxitis +onza +ooangium +ooblast +ooblastic +oocyesis +oocyst +Oocystaceae +oocystaceous +oocystic +Oocystis +oocyte +oodles +ooecial +ooecium +oofbird +ooftish +oofy +oogamete +oogamous +oogamy +oogenesis +oogenetic +oogeny +ooglea +oogone +oogonial +oogoniophore +oogonium +oograph +ooid +ooidal +ookinesis +ookinete +ookinetic +oolak +oolemma +oolite +oolitic +oolly +oologic +oological +oologically +oologist +oologize +oology +oolong +oomancy +oomantia +oometer +oometric +oometry +oomycete +Oomycetes +oomycetous +oons +oont +oopak +oophoralgia +oophorauxe +oophore +oophorectomy +oophoreocele +oophorhysterectomy +oophoric +oophoridium +oophoritis +oophoroepilepsy +oophoroma +oophoromalacia +oophoromania +oophoron +oophoropexy +oophororrhaphy +oophorosalpingectomy +oophorostomy +oophorotomy +oophyte +oophytic +ooplasm +ooplasmic +ooplast +oopod +oopodal +ooporphyrin +oorali +oord +ooscope +ooscopy +oosperm +oosphere +oosporange +oosporangium +oospore +Oosporeae +oosporic +oosporiferous +oosporous +oostegite +oostegitic +ootheca +oothecal +ootid +ootocoid +Ootocoidea +ootocoidean +ootocous +ootype +ooze +oozily +ooziness +oozooid +oozy +opacate +opacification +opacifier +opacify +opacite +opacity +opacous +opacousness +opah +opal +opaled +opalesce +opalescence +opalescent +opalesque +Opalina +opaline +opalinid +Opalinidae +opalinine +opalish +opalize +opaloid +opaque +opaquely +opaqueness +Opata +opdalite +ope +Opegrapha +opeidoscope +opelet +open +openable +openband +openbeak +openbill +opencast +opener +openhanded +openhandedly +openhandedness +openhead +openhearted +openheartedly +openheartedness +opening +openly +openmouthed +openmouthedly +openmouthedness +openness +openside +openwork +opera +operability +operabily +operable +operae +operagoer +operalogue +operameter +operance +operancy +operand +operant +operatable +operate +operatee +operatic +operatical +operatically +operating +operation +operational +operationalism +operationalist +operationism +operationist +operative +operatively +operativeness +operativity +operatize +operator +operatory +operatrix +opercle +opercled +opercula +opercular +Operculata +operculate +operculated +operculiferous +operculiform +operculigenous +operculigerous +operculum +operetta +operette +operettist +operose +operosely +operoseness +operosity +Ophelia +ophelimity +Ophian +ophiasis +ophic +ophicalcite +Ophicephalidae +ophicephaloid +Ophicephalus +Ophichthyidae +ophichthyoid +ophicleide +ophicleidean +ophicleidist +Ophidia +ophidian +Ophidiidae +Ophidiobatrachia +ophidioid +Ophidion +ophidiophobia +ophidious +ophidologist +ophidology +Ophiobatrachia +Ophiobolus +Ophioglossaceae +ophioglossaceous +Ophioglossales +Ophioglossum +ophiography +ophioid +ophiolater +ophiolatrous +ophiolatry +ophiolite +ophiolitic +ophiologic +ophiological +ophiologist +ophiology +ophiomancy +ophiomorph +Ophiomorpha +ophiomorphic +ophiomorphous +Ophion +ophionid +Ophioninae +ophionine +ophiophagous +ophiophilism +ophiophilist +ophiophobe +ophiophobia +ophiophoby +ophiopluteus +Ophiosaurus +ophiostaphyle +ophiouride +Ophis +Ophisaurus +Ophism +Ophite +ophite +Ophitic +ophitic +Ophitism +Ophiuchid +Ophiuchus +ophiuran +ophiurid +Ophiurida +ophiuroid +Ophiuroidea +ophiuroidean +ophryon +Ophrys +ophthalaiater +ophthalmagra +ophthalmalgia +ophthalmalgic +ophthalmatrophia +ophthalmectomy +ophthalmencephalon +ophthalmetrical +ophthalmia +ophthalmiac +ophthalmiatrics +ophthalmic +ophthalmious +ophthalmist +ophthalmite +ophthalmitic +ophthalmitis +ophthalmoblennorrhea +ophthalmocarcinoma +ophthalmocele +ophthalmocopia +ophthalmodiagnosis +ophthalmodiastimeter +ophthalmodynamometer +ophthalmodynia +ophthalmography +ophthalmoleucoscope +ophthalmolith +ophthalmologic +ophthalmological +ophthalmologist +ophthalmology +ophthalmomalacia +ophthalmometer +ophthalmometric +ophthalmometry +ophthalmomycosis +ophthalmomyositis +ophthalmomyotomy +ophthalmoneuritis +ophthalmopathy +ophthalmophlebotomy +ophthalmophore +ophthalmophorous +ophthalmophthisis +ophthalmoplasty +ophthalmoplegia +ophthalmoplegic +ophthalmopod +ophthalmoptosis +ophthalmorrhagia +ophthalmorrhea +ophthalmorrhexis +Ophthalmosaurus +ophthalmoscope +ophthalmoscopic +ophthalmoscopical +ophthalmoscopist +ophthalmoscopy +ophthalmostasis +ophthalmostat +ophthalmostatometer +ophthalmothermometer +ophthalmotomy +ophthalmotonometer +ophthalmotonometry +ophthalmotrope +ophthalmotropometer +ophthalmy +opianic +opianyl +opiate +opiateproof +opiatic +Opiconsivia +opificer +opiism +Opilia +Opiliaceae +opiliaceous +Opiliones +Opilionina +opilionine +Opilonea +Opimian +opinability +opinable +opinably +opinant +opination +opinative +opinatively +opinator +opine +opiner +opiniaster +opiniastre +opiniastrety +opiniastrous +opiniater +opiniative +opiniatively +opiniativeness +opiniatreness +opiniatrety +opinion +opinionable +opinionaire +opinional +opinionate +opinionated +opinionatedly +opinionatedness +opinionately +opinionative +opinionatively +opinionativeness +opinioned +opinionedness +opinionist +opiomania +opiomaniac +opiophagism +opiophagy +opiparous +opisometer +opisthenar +opisthion +opisthobranch +Opisthobranchia +opisthobranchiate +Opisthocoelia +opisthocoelian +opisthocoelous +opisthocome +Opisthocomi +Opisthocomidae +opisthocomine +opisthocomous +opisthodetic +opisthodome +opisthodomos +opisthodomus +opisthodont +opisthogastric +Opisthoglossa +opisthoglossal +opisthoglossate +opisthoglyph +Opisthoglypha +opisthoglyphic +opisthoglyphous +Opisthognathidae +opisthognathism +opisthognathous +opisthograph +opisthographal +opisthographic +opisthographical +opisthography +opisthogyrate +opisthogyrous +Opisthoparia +opisthoparian +opisthophagic +opisthoporeia +opisthorchiasis +Opisthorchis +opisthosomal +Opisthothelae +opisthotic +opisthotonic +opisthotonoid +opisthotonos +opisthotonus +opium +opiumism +opobalsam +opodeldoc +opodidymus +opodymus +opopanax +Oporto +opossum +opotherapy +Oppian +oppidan +oppilate +oppilation +oppilative +opponency +opponent +opportune +opportuneless +opportunely +opportuneness +opportunism +opportunist +opportunistic +opportunistically +opportunity +opposability +opposable +oppose +opposed +opposeless +opposer +opposing +opposingly +opposit +opposite +oppositely +oppositeness +oppositiflorous +oppositifolious +opposition +oppositional +oppositionary +oppositionism +oppositionist +oppositionless +oppositious +oppositipetalous +oppositipinnate +oppositipolar +oppositisepalous +oppositive +oppositively +oppositiveness +opposure +oppress +oppressed +oppressible +oppression +oppressionist +oppressive +oppressively +oppressiveness +oppressor +opprobriate +opprobrious +opprobriously +opprobriousness +opprobrium +opprobry +oppugn +oppugnacy +oppugnance +oppugnancy +oppugnant +oppugnate +oppugnation +oppugner +opsigamy +opsimath +opsimathy +opsiometer +opsisform +opsistype +opsonic +opsoniferous +opsonification +opsonify +opsonin +opsonist +opsonium +opsonization +opsonize +opsonogen +opsonoid +opsonology +opsonometry +opsonophilia +opsonophilic +opsonophoric +opsonotherapy +opsy +opt +optable +optableness +optably +optant +optate +optation +optative +optatively +opthalmophorium +opthalmoplegy +opthalmothermometer +optic +optical +optically +optician +opticist +opticity +opticochemical +opticociliary +opticon +opticopapillary +opticopupillary +optics +optigraph +optimacy +optimal +optimate +optimates +optime +optimism +optimist +optimistic +optimistical +optimistically +optimity +optimization +optimize +optimum +option +optional +optionality +optionalize +optionally +optionary +optionee +optionor +optive +optoblast +optogram +optography +optological +optologist +optology +optomeninx +optometer +optometrical +optometrist +optometry +optophone +optotechnics +optotype +Opulaster +opulence +opulency +opulent +opulently +opulus +Opuntia +Opuntiaceae +Opuntiales +opuntioid +opus +opuscular +opuscule +opusculum +oquassa +or +ora +orabassu +orach +oracle +oracular +oracularity +oracularly +oracularness +oraculate +oraculous +oraculously +oraculousness +oraculum +orad +orage +oragious +Orakzai +oral +oraler +oralism +oralist +orality +oralization +oralize +orally +oralogist +oralogy +Orang +orang +orange +orangeade +orangebird +Orangeism +Orangeist +orangeleaf +Orangeman +orangeman +oranger +orangeroot +orangery +orangewoman +orangewood +orangey +orangism +orangist +orangite +orangize +orangutan +orant +Oraon +orarian +orarion +orarium +orary +orate +oration +orational +orationer +orator +oratorial +oratorially +Oratorian +oratorian +Oratorianism +Oratorianize +oratoric +oratorical +oratorically +oratorio +oratorize +oratorlike +oratorship +oratory +oratress +oratrix +orb +orbed +orbic +orbical +Orbicella +orbicle +orbicular +orbicularis +orbicularity +orbicularly +orbicularness +orbiculate +orbiculated +orbiculately +orbiculation +orbiculatocordate +orbiculatoelliptical +Orbiculoidea +orbific +Orbilian +Orbilius +orbit +orbital +orbitale +orbitar +orbitary +orbite +orbitelar +Orbitelariae +orbitelarian +orbitele +orbitelous +orbitofrontal +Orbitoides +Orbitolina +orbitolite +Orbitolites +orbitomalar +orbitomaxillary +orbitonasal +orbitopalpebral +orbitosphenoid +orbitosphenoidal +orbitostat +orbitotomy +orbitozygomatic +orbless +orblet +Orbulina +orby +orc +Orca +Orcadian +orcanet +orcein +orchamus +orchard +orcharding +orchardist +orchardman +orchat +orchel +orchella +orchesis +orchesography +orchester +Orchestia +orchestian +orchestic +orchestiid +Orchestiidae +orchestra +orchestral +orchestraless +orchestrally +orchestrate +orchestrater +orchestration +orchestrator +orchestre +orchestric +orchestrina +orchestrion +orchialgia +orchic +orchichorea +orchid +Orchidaceae +orchidacean +orchidaceous +Orchidales +orchidalgia +orchidectomy +orchideous +orchideously +orchidist +orchiditis +orchidocele +orchidocelioplasty +orchidologist +orchidology +orchidomania +orchidopexy +orchidoplasty +orchidoptosis +orchidorrhaphy +orchidotherapy +orchidotomy +orchiectomy +orchiencephaloma +orchiepididymitis +orchil +orchilla +orchilytic +orchiocatabasis +orchiocele +orchiodynia +orchiomyeloma +orchioncus +orchioneuralgia +orchiopexy +orchioplasty +orchiorrhaphy +orchioscheocele +orchioscirrhus +orchiotomy +Orchis +orchitic +orchitis +orchotomy +orcin +orcinol +Orcinus +ordain +ordainable +ordainer +ordainment +ordanchite +ordeal +order +orderable +ordered +orderedness +orderer +orderless +orderliness +orderly +ordinable +ordinal +ordinally +ordinance +ordinand +ordinant +ordinar +ordinarily +ordinariness +ordinarius +ordinary +ordinaryship +ordinate +ordinately +ordination +ordinative +ordinatomaculate +ordinator +ordinee +ordines +ordnance +ordonnance +ordonnant +ordosite +Ordovian +Ordovices +Ordovician +ordu +ordure +ordurous +ore +oread +Oreamnos +Oreas +orecchion +orectic +orective +oreillet +orellin +oreman +orenda +orendite +Oreocarya +Oreodon +oreodont +Oreodontidae +oreodontine +oreodontoid +Oreodoxa +Oreophasinae +oreophasine +Oreophasis +Oreortyx +oreotragine +Oreotragus +Oreotrochilus +Orestean +Oresteia +oreweed +orewood +orexis +orf +orfgild +organ +organal +organbird +organdy +organella +organelle +organer +organette +organic +organical +organically +organicalness +organicism +organicismal +organicist +organicistic +organicity +organific +organing +organism +organismal +organismic +organist +organistic +organistrum +organistship +organity +organizability +organizable +organization +organizational +organizationally +organizationist +organizatory +organize +organized +organizer +organless +organoantimony +organoarsenic +organobismuth +organoboron +organochordium +organogel +organogen +organogenesis +organogenetic +organogenic +organogenist +organogeny +organogold +organographic +organographical +organographist +organography +organoid +organoiron +organolead +organoleptic +organolithium +organologic +organological +organologist +organology +organomagnesium +organomercury +organometallic +organon +organonomic +organonomy +organonym +organonymal +organonymic +organonymy +organopathy +organophil +organophile +organophilic +organophone +organophonic +organophyly +organoplastic +organoscopy +organosilicon +organosilver +organosodium +organosol +organotherapy +organotin +organotrophic +organotropic +organotropically +organotropism +organotropy +organozinc +organry +organule +organum +organzine +orgasm +orgasmic +orgastic +orgeat +orgia +orgiac +orgiacs +orgiasm +orgiast +orgiastic +orgiastical +orgic +orgue +orguinette +orgulous +orgulously +orgy +orgyia +Orias +Oribatidae +oribi +orichalceous +orichalch +orichalcum +oriconic +oricycle +oriel +oriency +orient +Oriental +oriental +Orientalia +orientalism +orientalist +orientality +orientalization +orientalize +orientally +Orientalogy +orientate +orientation +orientative +orientator +orientite +orientization +orientize +oriently +orientness +orifacial +orifice +orificial +oriflamb +oriflamme +oriform +origan +origanized +Origanum +Origenian +Origenic +Origenical +Origenism +Origenist +Origenistic +Origenize +origin +originable +original +originalist +originality +originally +originalness +originant +originarily +originary +originate +origination +originative +originatively +originator +originatress +originist +orignal +orihon +orihyperbola +orillion +orillon +orinasal +orinasality +oriole +Oriolidae +Oriolus +Orion +Oriskanian +orismologic +orismological +orismology +orison +orisphere +oristic +Oriya +Orkhon +Orkneyan +Orlando +orle +orlean +Orleanism +Orleanist +Orleanistic +Orleans +orlet +orleways +orlewise +orlo +orlop +Ormazd +ormer +ormolu +Ormond +orna +ornament +ornamental +ornamentalism +ornamentalist +ornamentality +ornamentalize +ornamentally +ornamentary +ornamentation +ornamenter +ornamentist +ornate +ornately +ornateness +ornation +ornature +orneriness +ornery +ornis +orniscopic +orniscopist +orniscopy +ornithic +ornithichnite +ornithine +Ornithischia +ornithischian +ornithivorous +ornithobiographical +ornithobiography +ornithocephalic +Ornithocephalidae +ornithocephalous +Ornithocephalus +ornithocoprolite +ornithocopros +ornithodelph +Ornithodelphia +ornithodelphian +ornithodelphic +ornithodelphous +Ornithodoros +Ornithogaea +Ornithogaean +Ornithogalum +ornithogeographic +ornithogeographical +ornithography +ornithoid +Ornitholestes +ornitholite +ornitholitic +ornithologic +ornithological +ornithologically +ornithologist +ornithology +ornithomancy +ornithomantia +ornithomantic +ornithomantist +Ornithomimidae +Ornithomimus +ornithomorph +ornithomorphic +ornithomyzous +ornithon +Ornithopappi +ornithophile +ornithophilist +ornithophilite +ornithophilous +ornithophily +ornithopod +Ornithopoda +ornithopter +Ornithoptera +Ornithopteris +Ornithorhynchidae +ornithorhynchous +Ornithorhynchus +ornithosaur +Ornithosauria +ornithosaurian +Ornithoscelida +ornithoscelidan +ornithoscopic +ornithoscopist +ornithoscopy +ornithosis +ornithotomical +ornithotomist +ornithotomy +ornithotrophy +Ornithurae +ornithuric +ornithurous +ornoite +oroanal +Orobanchaceae +orobanchaceous +Orobanche +orobancheous +orobathymetric +Orobatoidea +Orochon +orocratic +orodiagnosis +orogen +orogenesis +orogenesy +orogenetic +orogenic +orogeny +orograph +orographic +orographical +orographically +orography +oroheliograph +Orohippus +orohydrographic +orohydrographical +orohydrography +oroide +orolingual +orological +orologist +orology +orometer +orometric +orometry +Oromo +oronasal +oronoco +Orontium +oropharyngeal +oropharynx +orotherapy +Orotinan +orotund +orotundity +orphan +orphancy +orphandom +orphange +orphanhood +orphanism +orphanize +orphanry +orphanship +orpharion +Orphean +Orpheist +orpheon +orpheonist +orpheum +Orpheus +Orphic +Orphical +Orphically +Orphicism +Orphism +Orphize +orphrey +orphreyed +orpiment +orpine +Orpington +orrery +orrhoid +orrhology +orrhotherapy +orris +orrisroot +orseille +orseilline +orsel +orselle +orseller +orsellic +orsellinate +orsellinic +Orson +ort +ortalid +Ortalidae +ortalidian +Ortalis +ortet +Orthagoriscus +orthal +orthantimonic +Ortheris +orthian +orthic +orthicon +orthid +Orthidae +Orthis +orthite +orthitic +ortho +orthoarsenite +orthoaxis +orthobenzoquinone +orthobiosis +orthoborate +orthobrachycephalic +orthocarbonic +orthocarpous +Orthocarpus +orthocenter +orthocentric +orthocephalic +orthocephalous +orthocephaly +orthoceracone +Orthoceran +Orthoceras +Orthoceratidae +orthoceratite +orthoceratitic +orthoceratoid +orthochlorite +orthochromatic +orthochromatize +orthoclase +orthoclasite +orthoclastic +orthocoumaric +orthocresol +orthocymene +orthodiaene +orthodiagonal +orthodiagram +orthodiagraph +orthodiagraphic +orthodiagraphy +orthodiazin +orthodiazine +orthodolichocephalic +orthodomatic +orthodome +orthodontia +orthodontic +orthodontics +orthodontist +orthodox +orthodoxal +orthodoxality +orthodoxally +orthodoxian +orthodoxical +orthodoxically +orthodoxism +orthodoxist +orthodoxly +orthodoxness +orthodoxy +orthodromic +orthodromics +orthodromy +orthoepic +orthoepical +orthoepically +orthoepist +orthoepistic +orthoepy +orthoformic +orthogamous +orthogamy +orthogenesis +orthogenetic +orthogenic +orthognathic +orthognathism +orthognathous +orthognathus +orthognathy +orthogneiss +orthogonal +orthogonality +orthogonally +orthogonial +orthograde +orthogranite +orthograph +orthographer +orthographic +orthographical +orthographically +orthographist +orthographize +orthography +orthohydrogen +orthologer +orthologian +orthological +orthology +orthometopic +orthometric +orthometry +Orthonectida +orthonitroaniline +orthopath +orthopathic +orthopathically +orthopathy +orthopedia +orthopedic +orthopedical +orthopedically +orthopedics +orthopedist +orthopedy +orthophenylene +orthophonic +orthophony +orthophoria +orthophoric +orthophosphate +orthophosphoric +orthophyre +orthophyric +orthopinacoid +orthopinacoidal +orthoplastic +orthoplasy +orthoplumbate +orthopnea +orthopneic +orthopod +Orthopoda +orthopraxis +orthopraxy +orthoprism +orthopsychiatric +orthopsychiatrical +orthopsychiatrist +orthopsychiatry +orthopter +Orthoptera +orthopteral +orthopteran +orthopterist +orthopteroid +Orthopteroidea +orthopterological +orthopterologist +orthopterology +orthopteron +orthopterous +orthoptic +orthopyramid +orthopyroxene +orthoquinone +orthorhombic +Orthorrhapha +orthorrhaphous +orthorrhaphy +orthoscope +orthoscopic +orthose +orthosemidin +orthosemidine +orthosilicate +orthosilicic +orthosis +orthosite +orthosomatic +orthospermous +orthostatic +orthostichous +orthostichy +orthostyle +orthosubstituted +orthosymmetric +orthosymmetrical +orthosymmetrically +orthosymmetry +orthotactic +orthotectic +orthotic +orthotolidin +orthotolidine +orthotoluic +orthotoluidin +orthotoluidine +orthotomic +orthotomous +orthotone +orthotonesis +orthotonic +orthotonus +orthotropal +orthotropic +orthotropism +orthotropous +orthotropy +orthotype +orthotypous +orthovanadate +orthovanadic +orthoveratraldehyde +orthoveratric +orthoxazin +orthoxazine +orthoxylene +orthron +ortiga +ortive +Ortol +ortolan +Ortrud +ortstein +ortygan +Ortygian +Ortyginae +ortygine +Ortyx +Orunchun +orvietan +orvietite +Orvieto +Orville +ory +Orycteropodidae +Orycteropus +oryctics +oryctognostic +oryctognostical +oryctognostically +oryctognosy +Oryctolagus +oryssid +Oryssidae +Oryssus +Oryx +Oryza +oryzenin +oryzivorous +Oryzomys +Oryzopsis +Oryzorictes +Oryzorictinae +Os +os +Osage +osamin +osamine +osazone +Osc +Oscan +Oscar +Oscarella +Oscarellidae +oscella +oscheal +oscheitis +oscheocarcinoma +oscheocele +oscheolith +oscheoma +oscheoncus +oscheoplasty +Oschophoria +oscillance +oscillancy +oscillant +Oscillaria +Oscillariaceae +oscillariaceous +oscillate +oscillating +oscillation +oscillative +oscillatively +oscillator +Oscillatoria +Oscillatoriaceae +oscillatoriaceous +oscillatorian +oscillatory +oscillogram +oscillograph +oscillographic +oscillography +oscillometer +oscillometric +oscillometry +oscilloscope +oscin +oscine +Oscines +oscinian +Oscinidae +oscinine +Oscinis +oscitance +oscitancy +oscitant +oscitantly +oscitate +oscitation +oscnode +osculable +osculant +oscular +oscularity +osculate +osculation +osculatory +osculatrix +oscule +osculiferous +osculum +oscurrantist +ose +osela +oshac +Osiandrian +oside +osier +osiered +osierlike +osiery +Osirian +Osiride +Osiridean +Osirification +Osirify +Osiris +Osirism +Oskar +Osmanie +Osmanli +Osmanthus +osmate +osmatic +osmatism +osmazomatic +osmazomatous +osmazome +Osmeridae +Osmerus +osmesis +osmeterium +osmetic +osmic +osmidrosis +osmin +osmina +osmious +osmiridium +osmium +osmodysphoria +osmogene +osmograph +osmolagnia +osmology +osmometer +osmometric +osmometry +Osmond +osmondite +osmophore +osmoregulation +Osmorhiza +osmoscope +osmose +osmosis +osmotactic +osmotaxis +osmotherapy +osmotic +osmotically +osmous +osmund +Osmunda +Osmundaceae +osmundaceous +osmundine +Osnaburg +Osnappar +osoberry +osone +osophy +osotriazine +osotriazole +osphradial +osphradium +osphresiolagnia +osphresiologic +osphresiologist +osphresiology +osphresiometer +osphresiometry +osphresiophilia +osphresis +osphretic +Osphromenidae +osphyalgia +osphyalgic +osphyarthritis +osphyitis +osphyocele +osphyomelitis +osprey +ossal +ossarium +ossature +osse +ossein +osselet +ossements +osseoalbuminoid +osseoaponeurotic +osseocartilaginous +osseofibrous +osseomucoid +osseous +osseously +Osset +Ossetian +Ossetic +Ossetine +Ossetish +Ossian +Ossianesque +Ossianic +Ossianism +Ossianize +ossicle +ossicular +ossiculate +ossicule +ossiculectomy +ossiculotomy +ossiculum +ossiferous +ossific +ossification +ossified +ossifier +ossifluence +ossifluent +ossiform +ossifrage +ossifrangent +ossify +ossivorous +ossuarium +ossuary +ossypite +ostalgia +Ostara +ostariophysan +Ostariophyseae +Ostariophysi +ostariophysial +ostariophysous +ostarthritis +osteal +ostealgia +osteanabrosis +osteanagenesis +ostearthritis +ostearthrotomy +ostectomy +osteectomy +osteectopia +osteectopy +Osteichthyes +ostein +osteitic +osteitis +ostemia +ostempyesis +ostensibility +ostensible +ostensibly +ostension +ostensive +ostensively +ostensorium +ostensory +ostent +ostentate +ostentation +ostentatious +ostentatiously +ostentatiousness +ostentive +ostentous +osteoaneurysm +osteoarthritis +osteoarthropathy +osteoarthrotomy +osteoblast +osteoblastic +osteoblastoma +osteocachetic +osteocarcinoma +osteocartilaginous +osteocele +osteocephaloma +osteochondritis +osteochondrofibroma +osteochondroma +osteochondromatous +osteochondropathy +osteochondrophyte +osteochondrosarcoma +osteochondrous +osteoclasia +osteoclasis +osteoclast +osteoclastic +osteoclasty +osteocolla +osteocomma +osteocranium +osteocystoma +osteodentin +osteodentinal +osteodentine +osteoderm +osteodermal +osteodermatous +osteodermia +osteodermis +osteodiastasis +osteodynia +osteodystrophy +osteoencephaloma +osteoenchondroma +osteoepiphysis +osteofibroma +osteofibrous +osteogangrene +osteogen +osteogenesis +osteogenetic +osteogenic +osteogenist +osteogenous +osteogeny +osteoglossid +Osteoglossidae +osteoglossoid +Osteoglossum +osteographer +osteography +osteohalisteresis +osteoid +Osteolepidae +Osteolepis +osteolite +osteologer +osteologic +osteological +osteologically +osteologist +osteology +osteolysis +osteolytic +osteoma +osteomalacia +osteomalacial +osteomalacic +osteomancy +osteomanty +osteomatoid +osteomere +osteometric +osteometrical +osteometry +osteomyelitis +osteoncus +osteonecrosis +osteoneuralgia +osteopaedion +osteopath +osteopathic +osteopathically +osteopathist +osteopathy +osteopedion +osteoperiosteal +osteoperiostitis +osteopetrosis +osteophage +osteophagia +osteophlebitis +osteophone +osteophony +osteophore +osteophyma +osteophyte +osteophytic +osteoplaque +osteoplast +osteoplastic +osteoplasty +osteoporosis +osteoporotic +osteorrhaphy +osteosarcoma +osteosarcomatous +osteosclerosis +osteoscope +osteosis +osteosteatoma +osteostixis +osteostomatous +osteostomous +osteostracan +Osteostraci +osteosuture +osteosynovitis +osteosynthesis +osteothrombosis +osteotome +osteotomist +osteotomy +osteotribe +osteotrite +osteotrophic +osteotrophy +Ostertagia +ostial +ostiary +ostiate +Ostic +ostiolar +ostiolate +ostiole +ostitis +ostium +ostleress +Ostmannic +ostmark +Ostmen +ostosis +Ostracea +ostracean +ostraceous +Ostraciidae +ostracine +ostracioid +Ostracion +ostracism +ostracizable +ostracization +ostracize +ostracizer +ostracod +Ostracoda +ostracode +ostracoderm +Ostracodermi +ostracodous +ostracoid +Ostracoidea +ostracon +ostracophore +Ostracophori +ostracophorous +ostracum +Ostraeacea +ostraite +Ostrea +ostreaceous +ostreger +ostreicultural +ostreiculture +ostreiculturist +Ostreidae +ostreiform +ostreodynamometer +ostreoid +ostreophage +ostreophagist +ostreophagous +ostrich +ostrichlike +Ostrogoth +Ostrogothian +Ostrogothic +Ostrya +Ostyak +Oswald +Oswegan +otacoustic +otacousticon +Otaheitan +otalgia +otalgic +otalgy +Otaria +otarian +Otariidae +Otariinae +otariine +otarine +otarioid +otary +otate +otectomy +otelcosis +Otello +Othake +othelcosis +Othello +othematoma +othemorrhea +otheoscope +other +otherdom +otherest +othergates +otherguess +otherhow +otherism +otherist +otherness +othersome +othertime +otherwards +otherwhence +otherwhere +otherwhereness +otherwheres +otherwhile +otherwhiles +otherwhither +otherwise +otherwiseness +otherworld +otherworldliness +otherworldly +otherworldness +Othin +Othinism +othmany +Othonna +othygroma +otiant +otiatric +otiatrics +otiatry +otic +oticodinia +Otidae +Otides +Otididae +otidiform +otidine +Otidiphaps +otidium +otiorhynchid +Otiorhynchidae +Otiorhynchinae +otiose +otiosely +otioseness +otiosity +Otis +otitic +otitis +otkon +Oto +otoantritis +otoblennorrhea +otocariasis +otocephalic +otocephaly +otocerebritis +otocleisis +otoconial +otoconite +otoconium +otocrane +otocranial +otocranic +otocranium +Otocyon +otocyst +otocystic +otodynia +otodynic +otoencephalitis +otogenic +otogenous +otographical +otography +Otogyps +otohemineurasthenia +otolaryngologic +otolaryngologist +otolaryngology +otolite +otolith +Otolithidae +Otolithus +otolitic +otological +otologist +otology +Otomaco +otomassage +Otomi +Otomian +Otomitlan +otomucormycosis +otomyces +otomycosis +otonecrectomy +otoneuralgia +otoneurasthenia +otopathic +otopathy +otopharyngeal +otophone +otopiesis +otoplastic +otoplasty +otopolypus +otopyorrhea +otopyosis +otorhinolaryngologic +otorhinolaryngologist +otorhinolaryngology +otorrhagia +otorrhea +otorrhoea +otosalpinx +otosclerosis +otoscope +otoscopic +otoscopy +otosis +otosphenal +otosteal +otosteon +ototomy +Otozoum +ottajanite +ottar +ottavarima +Ottawa +otter +otterer +otterhound +ottinger +ottingkar +Otto +otto +Ottoman +Ottomanean +Ottomanic +Ottomanism +Ottomanization +Ottomanize +Ottomanlike +Ottomite +ottrelife +Ottweilian +Otuquian +oturia +Otus +Otyak +ouabain +ouabaio +ouabe +ouachitite +ouakari +ouananiche +oubliette +ouch +Oudemian +oudenarde +Oudenodon +oudenodont +ouenite +ouf +ough +ought +oughtness +oughtnt +Ouija +ouistiti +oukia +oulap +ounce +ounds +ouphe +ouphish +our +Ouranos +ourie +ouroub +Ourouparia +ours +ourself +ourselves +oust +ouster +out +outact +outadmiral +Outagami +outage +outambush +outarde +outargue +outask +outawe +outbabble +outback +outbacker +outbake +outbalance +outban +outbanter +outbar +outbargain +outbark +outbawl +outbeam +outbear +outbearing +outbeg +outbeggar +outbelch +outbellow +outbent +outbetter +outbid +outbidder +outbirth +outblacken +outblaze +outbleat +outbleed +outbless +outbloom +outblossom +outblot +outblow +outblowing +outblown +outbluff +outblunder +outblush +outbluster +outboard +outboast +outbolting +outbond +outbook +outborn +outborough +outbound +outboundaries +outbounds +outbow +outbowed +outbowl +outbox +outbrag +outbranch +outbranching +outbrave +outbray +outbrazen +outbreak +outbreaker +outbreaking +outbreath +outbreathe +outbreather +outbred +outbreed +outbreeding +outbribe +outbridge +outbring +outbrother +outbud +outbuild +outbuilding +outbulge +outbulk +outbully +outburn +outburst +outbustle +outbuy +outbuzz +outby +outcant +outcaper +outcarol +outcarry +outcase +outcast +outcaste +outcasting +outcastness +outcavil +outchamber +outcharm +outchase +outchatter +outcheat +outchide +outcity +outclamor +outclass +outclerk +outclimb +outcome +outcomer +outcoming +outcompass +outcomplete +outcompliment +outcorner +outcountry +outcourt +outcrawl +outcricket +outcrier +outcrop +outcropper +outcross +outcrossing +outcrow +outcrowd +outcry +outcull +outcure +outcurse +outcurve +outcut +outdaciousness +outdance +outdare +outdate +outdated +outdazzle +outdevil +outdispatch +outdistance +outdistrict +outdo +outdodge +outdoer +outdoor +outdoorness +outdoors +outdoorsman +outdraft +outdragon +outdraw +outdream +outdress +outdrink +outdrive +outdure +outdwell +outdweller +outdwelling +outeat +outecho +outed +outedge +outen +outer +outerly +outermost +outerness +outerwear +outeye +outeyed +outfable +outface +outfall +outfame +outfangthief +outfast +outfawn +outfeast +outfeat +outfeeding +outfence +outferret +outfiction +outfield +outfielder +outfieldsman +outfight +outfighter +outfighting +outfigure +outfish +outfit +outfitter +outflame +outflank +outflanker +outflanking +outflare +outflash +outflatter +outfling +outfloat +outflourish +outflow +outflue +outflung +outflunky +outflush +outflux +outfly +outfold +outfool +outfoot +outform +outfort +outfreeman +outfront +outfroth +outfrown +outgabble +outgain +outgallop +outgamble +outgame +outgang +outgarment +outgarth +outgas +outgate +outgauge +outgaze +outgeneral +outgive +outgiving +outglad +outglare +outgleam +outglitter +outgloom +outglow +outgnaw +outgo +outgoer +outgoing +outgoingness +outgone +outgreen +outgrin +outground +outgrow +outgrowing +outgrowth +outguard +outguess +outgun +outgush +outhammer +outhasten +outhaul +outhauler +outhear +outheart +outhector +outheel +outher +outhire +outhiss +outhit +outhold +outhorror +outhouse +outhousing +outhowl +outhue +outhumor +outhunt +outhurl +outhut +outhymn +outhyperbolize +outimage +outing +outinvent +outish +outissue +outjazz +outjest +outjet +outjetting +outjinx +outjockey +outjourney +outjuggle +outjump +outjut +outkeeper +outkick +outkill +outking +outkiss +outkitchen +outknave +outknee +outlabor +outlaid +outlance +outland +outlander +outlandish +outlandishlike +outlandishly +outlandishness +outlash +outlast +outlaugh +outlaunch +outlaw +outlawry +outlay +outlean +outleap +outlearn +outlegend +outlength +outlengthen +outler +outlet +outlie +outlier +outlighten +outlimb +outlimn +outline +outlinear +outlined +outlineless +outliner +outlinger +outlip +outlipped +outlive +outliver +outlodging +outlook +outlooker +outlord +outlove +outlung +outluster +outly +outlying +outmagic +outmalaprop +outman +outmaneuver +outmantle +outmarch +outmarriage +outmarry +outmaster +outmatch +outmate +outmeasure +outmerchant +outmiracle +outmode +outmoded +outmost +outmount +outmouth +outmove +outname +outness +outnight +outnoise +outnook +outnumber +outoffice +outoven +outpace +outpage +outpaint +outparagon +outparamour +outparish +outpart +outpass +outpassion +outpath +outpatient +outpay +outpayment +outpeal +outpeep +outpeer +outpension +outpensioner +outpeople +outperform +outpick +outpicket +outpipe +outpitch +outpity +outplace +outplan +outplay +outplayed +outplease +outplod +outplot +outpocketing +outpoint +outpoise +outpoison +outpoll +outpomp +outpop +outpopulate +outporch +outport +outporter +outportion +outpost +outpouching +outpour +outpourer +outpouring +outpractice +outpraise +outpray +outpreach +outpreen +outprice +outprodigy +outproduce +outpromise +outpry +outpull +outpupil +outpurl +outpurse +outpush +output +outputter +outquaff +outquarters +outqueen +outquestion +outquibble +outquote +outrace +outrage +outrageous +outrageously +outrageousness +outrageproof +outrager +outraging +outrail +outrance +outrange +outrank +outrant +outrap +outrate +outraught +outrave +outray +outre +outreach +outread +outreason +outreckon +outredden +outrede +outreign +outrelief +outremer +outreness +outrhyme +outrick +outride +outrider +outriding +outrig +outrigger +outriggered +outriggerless +outrigging +outright +outrightly +outrightness +outring +outrival +outroar +outrogue +outroll +outromance +outrooper +outroot +outrove +outrow +outroyal +outrun +outrunner +outrush +outsail +outsaint +outsally +outsatisfy +outsavor +outsay +outscent +outscold +outscore +outscorn +outscour +outscouring +outscream +outsea +outseam +outsearch +outsee +outseek +outsell +outsentry +outsert +outservant +outset +outsetting +outsettlement +outsettler +outshadow +outshake +outshame +outshape +outsharp +outsharpen +outsheathe +outshift +outshine +outshiner +outshoot +outshot +outshoulder +outshout +outshove +outshow +outshower +outshriek +outshrill +outshut +outside +outsided +outsidedness +outsideness +outsider +outsift +outsigh +outsight +outsin +outsing +outsit +outsize +outsized +outskill +outskip +outskirmish +outskirmisher +outskirt +outskirter +outslander +outslang +outsleep +outslide +outslink +outsmart +outsmell +outsmile +outsnatch +outsnore +outsoar +outsole +outsoler +outsonnet +outsophisticate +outsound +outspan +outsparkle +outspeak +outspeaker +outspeech +outspeed +outspell +outspend +outspent +outspill +outspin +outspirit +outspit +outsplendor +outspoken +outspokenly +outspokenness +outsport +outspout +outspread +outspring +outsprint +outspue +outspurn +outspurt +outstagger +outstair +outstand +outstander +outstanding +outstandingly +outstandingness +outstare +outstart +outstarter +outstartle +outstate +outstation +outstatistic +outstature +outstay +outsteal +outsteam +outstep +outsting +outstink +outstood +outstorm +outstrain +outstream +outstreet +outstretch +outstretcher +outstride +outstrike +outstrip +outstrive +outstroke +outstrut +outstudent +outstudy +outstunt +outsubtle +outsuck +outsucken +outsuffer +outsuitor +outsulk +outsum +outsuperstition +outswagger +outswarm +outswear +outsweep +outsweeping +outsweeten +outswell +outswift +outswim +outswindle +outswing +outswirl +outtaken +outtalent +outtalk +outtask +outtaste +outtear +outtease +outtell +outthieve +outthink +outthreaten +outthrob +outthrough +outthrow +outthrust +outthruster +outthunder +outthwack +outtinkle +outtire +outtoil +outtongue +outtop +outtower +outtrade +outtrail +outtravel +outtrick +outtrot +outtrump +outturn +outturned +outtyrannize +outusure +outvalue +outvanish +outvaunt +outvelvet +outvenom +outvictor +outvie +outvier +outvigil +outvillage +outvillain +outvociferate +outvoice +outvote +outvoter +outvoyage +outwait +outwake +outwale +outwalk +outwall +outwallop +outwander +outwar +outwarble +outward +outwardly +outwardmost +outwardness +outwards +outwash +outwaste +outwatch +outwater +outwave +outwealth +outweapon +outwear +outweary +outweave +outweed +outweep +outweigh +outweight +outwell +outwent +outwhirl +outwick +outwile +outwill +outwind +outwindow +outwing +outwish +outwit +outwith +outwittal +outwitter +outwoe +outwoman +outwood +outword +outwore +outwork +outworker +outworld +outworn +outworth +outwrangle +outwrench +outwrest +outwrestle +outwriggle +outwring +outwrite +outwrought +outyard +outyell +outyelp +outyield +outzany +ouzel +Ova +ova +Ovaherero +oval +ovalbumin +ovalescent +ovaliform +ovalish +ovalization +ovalize +ovally +ovalness +ovaloid +ovalwise +Ovambo +Ovampo +Ovangangela +ovant +ovarial +ovarian +ovarin +ovarioabdominal +ovariocele +ovariocentesis +ovariocyesis +ovariodysneuria +ovariohysterectomy +ovariole +ovariolumbar +ovariorrhexis +ovariosalpingectomy +ovariosteresis +ovariostomy +ovariotomist +ovariotomize +ovariotomy +ovariotubal +ovarious +ovaritis +ovarium +ovary +ovate +ovateconical +ovated +ovately +ovation +ovational +ovationary +ovatoacuminate +ovatoconical +ovatocordate +ovatocylindraceous +ovatodeltoid +ovatoellipsoidal +ovatoglobose +ovatolanceolate +ovatooblong +ovatoorbicular +ovatopyriform +ovatoquadrangular +ovatorotundate +ovatoserrate +ovatotriangular +oven +ovenbird +ovenful +ovenlike +ovenly +ovenman +ovenpeel +ovenstone +ovenware +ovenwise +over +overability +overable +overabound +overabsorb +overabstain +overabstemious +overabstemiousness +overabundance +overabundant +overabundantly +overabuse +overaccentuate +overaccumulate +overaccumulation +overaccuracy +overaccurate +overaccurately +overact +overaction +overactive +overactiveness +overactivity +overacute +overaddiction +overadvance +overadvice +overaffect +overaffirmation +overafflict +overaffliction +overage +overageness +overaggravate +overaggravation +overagitate +overagonize +overall +overalled +overalls +overambitioned +overambitious +overambling +overanalyze +overangelic +overannotate +overanswer +overanxiety +overanxious +overanxiously +overappareled +overappraisal +overappraise +overapprehended +overapprehension +overapprehensive +overapt +overarch +overargue +overarm +overartificial +overartificiality +overassail +overassert +overassertion +overassertive +overassertively +overassertiveness +overassess +overassessment +overassumption +overattached +overattachment +overattention +overattentive +overattentively +overawe +overawful +overawn +overawning +overbake +overbalance +overballast +overbalm +overbanded +overbandy +overbank +overbanked +overbark +overbarren +overbarrenness +overbase +overbaseness +overbashful +overbashfully +overbashfulness +overbattle +overbear +overbearance +overbearer +overbearing +overbearingly +overbearingness +overbeat +overbeating +overbeetling +overbelief +overbend +overbepatched +overberg +overbet +overbias +overbid +overbig +overbigness +overbillow +overbit +overbite +overbitten +overbitter +overbitterly +overbitterness +overblack +overblame +overblaze +overbleach +overblessed +overblessedness +overblind +overblindly +overblithe +overbloom +overblouse +overblow +overblowing +overblown +overboard +overboast +overboastful +overbodice +overboding +overbody +overboil +overbold +overboldly +overboldness +overbook +overbookish +overbooming +overborne +overborrow +overbought +overbound +overbounteous +overbounteously +overbounteousness +overbow +overbowed +overbowl +overbrace +overbragging +overbrained +overbranch +overbrave +overbravely +overbravery +overbray +overbreak +overbreathe +overbred +overbreed +overbribe +overbridge +overbright +overbrightly +overbrightness +overbrilliancy +overbrilliant +overbrilliantly +overbrim +overbrimmingly +overbroaden +overbroil +overbrood +overbrow +overbrown +overbrowse +overbrush +overbrutal +overbrutality +overbrutalize +overbrutally +overbubbling +overbuild +overbuilt +overbulk +overbulky +overbumptious +overburden +overburdeningly +overburdensome +overburn +overburned +overburningly +overburnt +overburst +overburthen +overbusily +overbusiness +overbusy +overbuy +overby +overcall +overcanny +overcanopy +overcap +overcapable +overcapably +overcapacity +overcape +overcapitalization +overcapitalize +overcaptious +overcaptiously +overcaptiousness +overcard +overcare +overcareful +overcarefully +overcareless +overcarelessly +overcarelessness +overcaring +overcarking +overcarry +overcast +overcasting +overcasual +overcasually +overcatch +overcaution +overcautious +overcautiously +overcautiousness +overcentralization +overcentralize +overcertification +overcertify +overchafe +overchannel +overchant +overcharge +overchargement +overcharger +overcharitable +overcharitably +overcharity +overchase +overcheap +overcheaply +overcheapness +overcheck +overcherish +overchidden +overchief +overchildish +overchildishness +overchill +overchlorinate +overchoke +overchrome +overchurch +overcirculate +overcircumspect +overcircumspection +overcivil +overcivility +overcivilization +overcivilize +overclaim +overclamor +overclasp +overclean +overcleanly +overcleanness +overcleave +overclever +overcleverness +overclimb +overcloak +overclog +overclose +overclosely +overcloseness +overclothe +overclothes +overcloud +overcloy +overcluster +overcoached +overcoat +overcoated +overcoating +overcoil +overcold +overcoldly +overcollar +overcolor +overcomable +overcome +overcomer +overcomingly +overcommand +overcommend +overcommon +overcommonly +overcommonness +overcompensate +overcompensation +overcompensatory +overcompetition +overcompetitive +overcomplacency +overcomplacent +overcomplacently +overcomplete +overcomplex +overcomplexity +overcompliant +overcompound +overconcentrate +overconcentration +overconcern +overconcerned +overcondensation +overcondense +overconfidence +overconfident +overconfidently +overconfute +overconquer +overconscientious +overconscious +overconsciously +overconsciousness +overconservatism +overconservative +overconservatively +overconsiderate +overconsiderately +overconsideration +overconsume +overconsumption +overcontented +overcontentedly +overcontentment +overcontract +overcontraction +overcontribute +overcontribution +overcook +overcool +overcoolly +overcopious +overcopiously +overcopiousness +overcorned +overcorrect +overcorrection +overcorrupt +overcorruption +overcorruptly +overcostly +overcount +overcourteous +overcourtesy +overcover +overcovetous +overcovetousness +overcow +overcoy +overcoyness +overcram +overcredit +overcredulity +overcredulous +overcredulously +overcreed +overcreep +overcritical +overcritically +overcriticalness +overcriticism +overcriticize +overcrop +overcross +overcrow +overcrowd +overcrowded +overcrowdedly +overcrowdedness +overcrown +overcrust +overcry +overcull +overcultivate +overcultivation +overculture +overcultured +overcumber +overcunning +overcunningly +overcunningness +overcup +overcured +overcurious +overcuriously +overcuriousness +overcurl +overcurrency +overcurrent +overcurtain +overcustom +overcut +overcutter +overcutting +overdaintily +overdaintiness +overdainty +overdamn +overdance +overdangle +overdare +overdaringly +overdarken +overdash +overdazed +overdazzle +overdeal +overdear +overdearly +overdearness +overdeck +overdecorate +overdecoration +overdecorative +overdeeming +overdeep +overdeepen +overdeeply +overdeliberate +overdeliberation +overdelicacy +overdelicate +overdelicately +overdelicious +overdeliciously +overdelighted +overdelightedly +overdemand +overdemocracy +overdepress +overdepressive +overdescant +overdesire +overdesirous +overdesirousness +overdestructive +overdestructively +overdestructiveness +overdetermination +overdetermined +overdevelop +overdevelopment +overdevoted +overdevotedly +overdevotion +overdiffuse +overdiffusely +overdiffuseness +overdigest +overdignified +overdignifiedly +overdignifiedness +overdignify +overdignity +overdiligence +overdiligent +overdiligently +overdilute +overdilution +overdischarge +overdiscipline +overdiscount +overdiscourage +overdiscouragement +overdistance +overdistant +overdistantly +overdistantness +overdistempered +overdistention +overdiverse +overdiversely +overdiversification +overdiversify +overdiversity +overdo +overdoctrinize +overdoer +overdogmatic +overdogmatically +overdogmatism +overdome +overdominate +overdone +overdoor +overdosage +overdose +overdoubt +overdoze +overdraft +overdrain +overdrainage +overdramatic +overdramatically +overdrape +overdrapery +overdraw +overdrawer +overdream +overdrench +overdress +overdrifted +overdrink +overdrip +overdrive +overdriven +overdroop +overdrowsed +overdry +overdubbed +overdue +overdunged +overdure +overdust +overdye +overeager +overeagerly +overeagerness +overearnest +overearnestly +overearnestness +overeasily +overeasiness +overeasy +overeat +overeaten +overedge +overedit +overeducate +overeducated +overeducation +overeducative +overeffort +overegg +overelaborate +overelaborately +overelaboration +overelate +overelegance +overelegancy +overelegant +overelegantly +overelliptical +overembellish +overembellishment +overembroider +overemotional +overemotionality +overemotionalize +overemphasis +overemphasize +overemphatic +overemphatically +overemphaticness +overempired +overemptiness +overempty +overenter +overenthusiasm +overenthusiastic +overentreat +overentry +overequal +overestimate +overestimation +overexcelling +overexcitability +overexcitable +overexcitably +overexcite +overexcitement +overexercise +overexert +overexerted +overexertedly +overexertedness +overexertion +overexpand +overexpansion +overexpansive +overexpect +overexpectant +overexpectantly +overexpenditure +overexpert +overexplain +overexplanation +overexpose +overexposure +overexpress +overexquisite +overexquisitely +overextend +overextension +overextensive +overextreme +overexuberant +overeye +overeyebrowed +overface +overfacile +overfacilely +overfacility +overfactious +overfactiousness +overfag +overfagged +overfaint +overfaith +overfaithful +overfaithfully +overfall +overfamed +overfamiliar +overfamiliarity +overfamiliarly +overfamous +overfanciful +overfancy +overfar +overfast +overfastidious +overfastidiously +overfastidiousness +overfasting +overfat +overfatigue +overfatten +overfavor +overfavorable +overfavorably +overfear +overfearful +overfearfully +overfearfulness +overfeast +overfeatured +overfed +overfee +overfeed +overfeel +overfellowlike +overfellowly +overfelon +overfeminine +overfeminize +overfertile +overfertility +overfestoon +overfew +overfierce +overfierceness +overfile +overfill +overfilm +overfine +overfinished +overfish +overfit +overfix +overflatten +overfleece +overfleshed +overflexion +overfling +overfloat +overflog +overflood +overflorid +overfloridness +overflourish +overflow +overflowable +overflower +overflowing +overflowingly +overflowingness +overflown +overfluency +overfluent +overfluently +overflush +overflutter +overfly +overfold +overfond +overfondle +overfondly +overfondness +overfoolish +overfoolishly +overfoolishness +overfoot +overforce +overforged +overformed +overforward +overforwardly +overforwardness +overfought +overfoul +overfoully +overfrail +overfrailty +overfranchised +overfrank +overfrankly +overfrankness +overfraught +overfree +overfreedom +overfreely +overfreight +overfrequency +overfrequent +overfrequently +overfret +overfrieze +overfrighted +overfrighten +overfroth +overfrown +overfrozen +overfruited +overfruitful +overfull +overfullness +overfunctioning +overfurnish +overgaiter +overgalled +overgamble +overgang +overgarment +overgarrison +overgaze +overgeneral +overgeneralize +overgenerally +overgenerosity +overgenerous +overgenerously +overgenial +overgeniality +overgentle +overgently +overget +overgifted +overgild +overgilted +overgird +overgirded +overgirdle +overglad +overgladly +overglance +overglass +overglaze +overglide +overglint +overgloom +overgloominess +overgloomy +overglorious +overgloss +overglut +overgo +overgoad +overgod +overgodliness +overgodly +overgood +overgorge +overgovern +overgovernment +overgown +overgrace +overgracious +overgrade +overgrain +overgrainer +overgrasping +overgrateful +overgratefully +overgratification +overgratify +overgratitude +overgraze +overgreasiness +overgreasy +overgreat +overgreatly +overgreatness +overgreed +overgreedily +overgreediness +overgreedy +overgrieve +overgrievous +overgrind +overgross +overgrossly +overgrossness +overground +overgrow +overgrown +overgrowth +overguilty +overgun +overhair +overhalf +overhand +overhanded +overhandicap +overhandle +overhang +overhappy +overharass +overhard +overharden +overhardness +overhardy +overharsh +overharshly +overharshness +overhaste +overhasten +overhastily +overhastiness +overhasty +overhate +overhatted +overhaughty +overhaul +overhauler +overhead +overheadiness +overheadman +overheady +overheap +overhear +overhearer +overheartily +overhearty +overheat +overheatedly +overheave +overheaviness +overheavy +overheight +overheighten +overheinous +overheld +overhelp +overhelpful +overhigh +overhighly +overhill +overhit +overholiness +overhollow +overholy +overhomeliness +overhomely +overhonest +overhonestly +overhonesty +overhonor +overhorse +overhot +overhotly +overhour +overhouse +overhover +overhuge +overhuman +overhumanity +overhumanize +overhung +overhunt +overhurl +overhurriedly +overhurry +overhusk +overhysterical +overidealism +overidealistic +overidle +overidly +overillustrate +overillustration +overimaginative +overimaginativeness +overimitate +overimitation +overimitative +overimitatively +overimport +overimportation +overimpress +overimpressible +overinclinable +overinclination +overinclined +overincrust +overincurious +overindividualism +overindividualistic +overindulge +overindulgence +overindulgent +overindulgently +overindustrialization +overindustrialize +overinflate +overinflation +overinflative +overinfluence +overinfluential +overinform +overink +overinsist +overinsistence +overinsistent +overinsistently +overinsolence +overinsolent +overinsolently +overinstruct +overinstruction +overinsurance +overinsure +overintellectual +overintellectuality +overintense +overintensely +overintensification +overintensity +overinterest +overinterested +overinterestedness +overinventoried +overinvest +overinvestment +overiodize +overirrigate +overirrigation +overissue +overitching +overjacket +overjade +overjaded +overjawed +overjealous +overjealously +overjealousness +overjob +overjocular +overjoy +overjoyful +overjoyfully +overjoyous +overjudge +overjudging +overjudgment +overjudicious +overjump +overjust +overjutting +overkeen +overkeenness +overkeep +overkick +overkind +overkindly +overkindness +overking +overknavery +overknee +overknow +overknowing +overlabor +overlace +overlactation +overlade +overlaid +overlain +overland +Overlander +overlander +overlanguaged +overlap +overlard +overlarge +overlargely +overlargeness +overlascivious +overlast +overlate +overlaudation +overlaudatory +overlaugh +overlaunch +overlave +overlavish +overlavishly +overlax +overlaxative +overlaxly +overlaxness +overlay +overlayer +overlead +overleaf +overlean +overleap +overlearn +overlearned +overlearnedly +overlearnedness +overleather +overleave +overleaven +overleer +overleg +overlegislation +overleisured +overlength +overlettered +overlewd +overlewdly +overlewdness +overliberal +overliberality +overliberally +overlicentious +overlick +overlie +overlier +overlift +overlight +overlighted +overlightheaded +overlightly +overlightsome +overliking +overline +overling +overlinger +overlinked +overlip +overlipping +overlisted +overlisten +overliterary +overlittle +overlive +overliveliness +overlively +overliver +overload +overloath +overlock +overlocker +overlofty +overlogical +overlogically +overlong +overlook +overlooker +overloose +overlord +overlordship +overloud +overloup +overlove +overlover +overlow +overlowness +overloyal +overloyally +overloyalty +overlubricatio +overluscious +overlush +overlustiness +overlusty +overluxuriance +overluxuriant +overluxurious +overly +overlying +overmagnify +overmagnitude +overmajority +overmalapert +overman +overmantel +overmantle +overmany +overmarch +overmark +overmarking +overmarl +overmask +overmast +overmaster +overmasterful +overmasterfully +overmasterfulness +overmastering +overmasteringly +overmatch +overmatter +overmature +overmaturity +overmean +overmeanly +overmeanness +overmeasure +overmeddle +overmeek +overmeekly +overmeekness +overmellow +overmellowness +overmelodied +overmelt +overmerciful +overmercifulness +overmerit +overmerrily +overmerry +overmettled +overmickle +overmighty +overmild +overmill +overminute +overminutely +overminuteness +overmix +overmoccasin +overmodest +overmodestly +overmodesty +overmodulation +overmoist +overmoisten +overmoisture +overmortgage +overmoss +overmost +overmotor +overmount +overmounts +overmourn +overmournful +overmournfully +overmuch +overmuchness +overmultiplication +overmultiply +overmultitude +overname +overnarrow +overnarrowly +overnationalization +overnear +overneat +overneatness +overneglect +overnegligence +overnegligent +overnervous +overnervously +overnervousness +overnet +overnew +overnice +overnicely +overniceness +overnicety +overnigh +overnight +overnimble +overnipping +overnoise +overnotable +overnourish +overnoveled +overnumber +overnumerous +overnumerousness +overnurse +overobedience +overobedient +overobediently +overobese +overobjectify +overoblige +overobsequious +overobsequiously +overobsequiousness +overoffend +overoffensive +overofficered +overofficious +overorder +overornamented +overpained +overpainful +overpainfully +overpainfulness +overpaint +overpamper +overpart +overparted +overpartial +overpartiality +overpartially +overparticular +overparticularly +overpass +overpassionate +overpassionately +overpassionateness +overpast +overpatient +overpatriotic +overpay +overpayment +overpeer +overpending +overpensive +overpensiveness +overpeople +overpepper +overperemptory +overpersuade +overpersuasion +overpert +overpessimism +overpessimistic +overpet +overphysic +overpick +overpicture +overpinching +overpitch +overpitched +overpiteous +overplace +overplaced +overplacement +overplain +overplant +overplausible +overplay +overplease +overplenitude +overplenteous +overplenteously +overplentiful +overplenty +overplot +overplow +overplumb +overplume +overplump +overplumpness +overplus +overply +overpointed +overpoise +overpole +overpolemical +overpolish +overpolitic +overponderous +overpopular +overpopularity +overpopularly +overpopulate +overpopulation +overpopulous +overpopulousness +overpositive +overpossess +overpot +overpotent +overpotential +overpour +overpower +overpowerful +overpowering +overpoweringly +overpoweringness +overpraise +overpray +overpreach +overprecise +overpreciseness +overpreface +overpregnant +overpreoccupation +overpreoccupy +overpress +overpressure +overpresumption +overpresumptuous +overprice +overprick +overprint +overprize +overprizer +overprocrastination +overproduce +overproduction +overproductive +overproficient +overprolific +overprolix +overprominence +overprominent +overprominently +overpromise +overprompt +overpromptly +overpromptness +overprone +overproneness +overpronounced +overproof +overproportion +overproportionate +overproportionated +overproportionately +overproportioned +overprosperity +overprosperous +overprotect +overprotract +overprotraction +overproud +overproudly +overprove +overprovender +overprovide +overprovident +overprovidently +overprovision +overprovocation +overprovoke +overprune +overpublic +overpublicity +overpuff +overpuissant +overpunish +overpunishment +overpurchase +overquantity +overquarter +overquell +overquick +overquickly +overquiet +overquietly +overquietness +overrace +overrack +overrake +overrange +overrank +overrankness +overrapture +overrapturize +overrash +overrashly +overrashness +overrate +overrational +overrationalize +overravish +overreach +overreacher +overreaching +overreachingly +overreachingness +overread +overreader +overreadily +overreadiness +overready +overrealism +overrealistic +overreckon +overrecord +overrefine +overrefined +overrefinement +overreflection +overreflective +overregister +overregistration +overregular +overregularity +overregularly +overregulate +overregulation +overrelax +overreliance +overreliant +overreligion +overreligious +overremiss +overremissly +overremissness +overrennet +overrent +overreplete +overrepletion +overrepresent +overrepresentation +overrepresentative +overreserved +overresolute +overresolutely +overrestore +overrestrain +overretention +overreward +overrich +overriches +overrichness +override +overrife +overrigged +overright +overrighteous +overrighteously +overrighteousness +overrigid +overrigidity +overrigidly +overrigorous +overrigorously +overrim +overriot +overripe +overripely +overripen +overripeness +overrise +overroast +overroll +overroof +overrooted +overrough +overroughly +overroughness +overroyal +overrude +overrudely +overrudeness +overruff +overrule +overruler +overruling +overrulingly +overrun +overrunner +overrunning +overrunningly +overrush +overrusset +overrust +oversad +oversadly +oversadness +oversaid +oversail +oversale +oversaliva +oversalt +oversalty +oversand +oversanded +oversanguine +oversanguinely +oversapless +oversated +oversatisfy +oversaturate +oversaturation +oversauce +oversauciness +oversaucy +oversave +overscare +overscatter +overscented +oversceptical +overscepticism +overscore +overscour +overscratch +overscrawl +overscream +overscribble +overscrub +overscruple +overscrupulosity +overscrupulous +overscrupulously +overscrupulousness +overscurf +overscutched +oversea +overseal +overseam +overseamer +oversearch +overseas +overseason +overseasoned +overseated +oversecure +oversecurely +oversecurity +oversee +overseed +overseen +overseer +overseerism +overseership +overseethe +oversell +oversend +oversensible +oversensibly +oversensitive +oversensitively +oversensitiveness +oversententious +oversentimental +oversentimentalism +oversentimentalize +oversentimentally +overserious +overseriously +overseriousness +overservice +overservile +overservility +overset +oversetter +oversettle +oversettled +oversevere +overseverely +overseverity +oversew +overshade +overshadow +overshadower +overshadowing +overshadowingly +overshadowment +overshake +oversharp +oversharpness +overshave +oversheet +overshelving +overshepherd +overshine +overshirt +overshoe +overshoot +overshort +overshorten +overshortly +overshot +overshoulder +overshowered +overshrink +overshroud +oversick +overside +oversight +oversilence +oversilent +oversilver +oversimple +oversimplicity +oversimplification +oversimplify +oversimply +oversize +oversized +overskim +overskip +overskipper +overskirt +overslack +overslander +overslaugh +overslavish +overslavishly +oversleep +oversleeve +overslide +overslight +overslip +overslope +overslow +overslowly +overslowness +overslur +oversmall +oversman +oversmite +oversmitten +oversmoke +oversmooth +oversmoothly +oversmoothness +oversnow +oversoak +oversoar +oversock +oversoft +oversoftly +oversoftness +oversold +oversolemn +oversolemnity +oversolemnly +oversolicitous +oversolicitously +oversolicitousness +oversoon +oversoothing +oversophisticated +oversophistication +oversorrow +oversorrowed +oversot +oversoul +oversound +oversour +oversourly +oversourness +oversow +overspacious +overspaciousness +overspan +overspangled +oversparing +oversparingly +oversparingness +oversparred +overspatter +overspeak +overspecialization +overspecialize +overspeculate +overspeculation +overspeculative +overspeech +overspeed +overspeedily +overspeedy +overspend +overspill +overspin +oversplash +overspread +overspring +oversprinkle +oversprung +overspun +oversqueak +oversqueamish +oversqueamishness +overstaff +overstaid +overstain +overstale +overstalled +overstand +overstaring +overstate +overstately +overstatement +overstay +overstayal +oversteadfast +oversteadfastness +oversteady +overstep +overstiff +overstiffness +overstifle +overstimulate +overstimulation +overstimulative +overstir +overstitch +overstock +overstoop +overstoping +overstore +overstory +overstout +overstoutly +overstowage +overstowed +overstrain +overstrait +overstraiten +overstraitly +overstraitness +overstream +overstrength +overstress +overstretch +overstrew +overstrict +overstrictly +overstrictness +overstride +overstrident +overstridently +overstrike +overstring +overstriving +overstrong +overstrongly +overstrung +overstud +overstudied +overstudious +overstudiously +overstudiousness +overstudy +overstuff +oversublime +oversubscribe +oversubscriber +oversubscription +oversubtile +oversubtle +oversubtlety +oversubtly +oversufficiency +oversufficient +oversufficiently +oversuperstitious +oversupply +oversure +oversurety +oversurge +oversurviving +oversusceptibility +oversusceptible +oversuspicious +oversuspiciously +overswarm +overswarth +oversway +oversweated +oversweep +oversweet +oversweeten +oversweetly +oversweetness +overswell +overswift +overswim +overswimmer +overswing +overswinging +overswirling +oversystematic +oversystematically +oversystematize +overt +overtakable +overtake +overtaker +overtalk +overtalkative +overtalkativeness +overtalker +overtame +overtamely +overtameness +overtapped +overtare +overtariff +overtarry +overtart +overtask +overtax +overtaxation +overteach +overtechnical +overtechnicality +overtedious +overtediously +overteem +overtell +overtempt +overtenacious +overtender +overtenderly +overtenderness +overtense +overtensely +overtenseness +overtension +overterrible +overtest +overthick +overthin +overthink +overthought +overthoughtful +overthriftily +overthriftiness +overthrifty +overthrong +overthrow +overthrowable +overthrowal +overthrower +overthrust +overthwart +overthwartly +overthwartness +overthwartways +overthwartwise +overtide +overtight +overtightly +overtill +overtimbered +overtime +overtimer +overtimorous +overtimorously +overtimorousness +overtinseled +overtint +overtip +overtipple +overtire +overtiredness +overtitle +overtly +overtness +overtoe +overtoil +overtoise +overtone +overtongued +overtop +overtopple +overtorture +overtower +overtrace +overtrack +overtrade +overtrader +overtrailed +overtrain +overtrample +overtravel +overtread +overtreatment +overtrick +overtrim +overtrouble +overtrue +overtrump +overtrust +overtrustful +overtruthful +overtruthfully +overtumble +overture +overturn +overturnable +overturner +overtutor +overtwine +overtwist +overtype +overuberous +overunionized +overunsuitable +overurbanization +overurge +overuse +overusual +overusually +overvaliant +overvaluable +overvaluation +overvalue +overvariety +overvault +overvehemence +overvehement +overveil +overventilate +overventilation +overventuresome +overventurous +overview +overvoltage +overvote +overwade +overwages +overwake +overwalk +overwander +overward +overwash +overwasted +overwatch +overwatcher +overwater +overwave +overway +overwealth +overwealthy +overweaponed +overwear +overweary +overweather +overweave +overweb +overween +overweener +overweening +overweeningly +overweeningness +overweep +overweigh +overweight +overweightage +overwell +overwelt +overwet +overwetness +overwheel +overwhelm +overwhelmer +overwhelming +overwhelmingly +overwhelmingness +overwhipped +overwhirl +overwhisper +overwide +overwild +overwilily +overwilling +overwillingly +overwily +overwin +overwind +overwing +overwinter +overwiped +overwisdom +overwise +overwisely +overwithered +overwoman +overwomanize +overwomanly +overwood +overwooded +overwoody +overword +overwork +overworld +overworn +overworry +overworship +overwound +overwove +overwoven +overwrap +overwrest +overwrested +overwrestle +overwrite +overwroth +overwrought +overyear +overyoung +overyouthful +overzeal +overzealous +overzealously +overzealousness +ovest +ovey +Ovibos +Ovibovinae +ovibovine +ovicapsular +ovicapsule +ovicell +ovicellular +ovicidal +ovicide +ovicular +oviculated +oviculum +ovicyst +ovicystic +Ovidae +Ovidian +oviducal +oviduct +oviductal +oviferous +ovification +oviform +ovigenesis +ovigenetic +ovigenic +ovigenous +ovigerm +ovigerous +ovile +Ovillus +Ovinae +ovine +ovinia +ovipara +oviparal +oviparity +oviparous +oviparously +oviparousness +oviposit +oviposition +ovipositor +Ovis +ovisac +oviscapt +ovism +ovispermary +ovispermiduct +ovist +ovistic +ovivorous +ovocyte +ovoelliptic +ovoflavin +ovogenesis +ovogenetic +ovogenous +ovogonium +ovoid +ovoidal +ovolemma +ovolo +ovological +ovologist +ovology +ovolytic +ovomucoid +ovoplasm +ovoplasmic +ovopyriform +ovorhomboid +ovorhomboidal +ovotesticular +ovotestis +ovovitellin +Ovovivipara +ovoviviparism +ovoviviparity +ovoviviparous +ovoviviparously +ovoviviparousness +Ovula +ovular +ovularian +ovulary +ovulate +ovulation +ovule +ovuliferous +ovuligerous +ovulist +ovum +ow +owd +owe +owelty +Owen +Owenia +Owenian +Owenism +Owenist +Owenite +Owenize +ower +owerance +owerby +owercome +owergang +owerloup +owertaen +owerword +owght +owing +owk +owl +owldom +owler +owlery +owlet +Owlglass +owlhead +owling +owlish +owlishly +owlishness +owlism +owllight +owllike +Owlspiegle +owly +own +owner +ownerless +ownership +ownhood +ownness +ownself +ownwayish +owregane +owrehip +owrelay +owse +owsen +owser +owtchah +owyheeite +ox +oxacid +oxadiazole +oxalacetic +oxalaldehyde +oxalamid +oxalamide +oxalan +oxalate +oxaldehyde +oxalemia +oxalic +Oxalidaceae +oxalidaceous +Oxalis +oxalite +oxalodiacetic +oxalonitril +oxalonitrile +oxaluramid +oxaluramide +oxalurate +oxaluria +oxaluric +oxalyl +oxalylurea +oxamate +oxamethane +oxamic +oxamid +oxamide +oxamidine +oxammite +oxan +oxanate +oxane +oxanic +oxanilate +oxanilic +oxanilide +oxazine +oxazole +oxbane +oxberry +oxbird +oxbiter +oxblood +oxbow +oxboy +oxbrake +oxcart +oxcheek +oxdiacetic +oxdiazole +oxea +oxeate +oxen +oxeote +oxer +oxetone +oxeye +oxfly +Oxford +Oxfordian +Oxfordism +Oxfordist +oxgang +oxgoad +oxharrow +oxhead +oxheal +oxheart +oxhide +oxhoft +oxhorn +oxhouse +oxhuvud +oxidability +oxidable +oxidant +oxidase +oxidate +oxidation +oxidational +oxidative +oxidator +oxide +oxidic +oxidimetric +oxidimetry +oxidizability +oxidizable +oxidization +oxidize +oxidizement +oxidizer +oxidizing +oxidoreductase +oxidoreduction +oxidulated +oximate +oximation +oxime +oxland +oxlike +oxlip +oxman +oxmanship +oxoindoline +Oxonian +oxonic +oxonium +Oxonolatry +oxozone +oxozonide +oxpecker +oxphony +oxreim +oxshoe +oxskin +oxtail +oxter +oxtongue +oxwort +oxy +oxyacanthine +oxyacanthous +oxyacetylene +oxyacid +Oxyaena +Oxyaenidae +oxyaldehyde +oxyamine +oxyanthracene +oxyanthraquinone +oxyaphia +oxyaster +oxybaphon +Oxybaphus +oxybenzaldehyde +oxybenzene +oxybenzoic +oxybenzyl +oxyberberine +oxyblepsia +oxybromide +oxybutyria +oxybutyric +oxycalcium +oxycalorimeter +oxycamphor +oxycaproic +oxycarbonate +oxycellulose +oxycephalic +oxycephalism +oxycephalous +oxycephaly +oxychlorate +oxychloric +oxychloride +oxycholesterol +oxychromatic +oxychromatin +oxychromatinic +oxycinnamic +oxycobaltammine +Oxycoccus +oxycopaivic +oxycoumarin +oxycrate +oxycyanide +oxydactyl +Oxydendrum +oxydiact +oxyesthesia +oxyether +oxyethyl +oxyfatty +oxyfluoride +oxygas +oxygen +oxygenant +oxygenate +oxygenation +oxygenator +oxygenerator +oxygenic +oxygenicity +oxygenium +oxygenizable +oxygenize +oxygenizement +oxygenizer +oxygenous +oxygeusia +oxygnathous +oxyhalide +oxyhaloid +oxyhematin +oxyhemocyanin +oxyhemoglobin +oxyhexactine +oxyhexaster +oxyhydrate +oxyhydric +oxyhydrogen +oxyiodide +oxyketone +oxyl +Oxylabracidae +Oxylabrax +oxyluciferin +oxyluminescence +oxyluminescent +oxymandelic +oxymel +oxymethylene +oxymoron +oxymuriate +oxymuriatic +oxynaphthoic +oxynaphtoquinone +oxynarcotine +oxyneurin +oxyneurine +oxynitrate +oxyntic +oxyophitic +oxyopia +Oxyopidae +oxyosphresia +oxypetalous +oxyphenol +oxyphenyl +oxyphile +oxyphilic +oxyphilous +oxyphonia +oxyphosphate +oxyphthalic +oxyphyllous +oxyphyte +oxypicric +Oxypolis +oxyproline +oxypropionic +oxypurine +oxypycnos +oxyquinaseptol +oxyquinoline +oxyquinone +oxyrhine +oxyrhinous +oxyrhynch +oxyrhynchous +oxyrhynchus +Oxyrrhyncha +oxyrrhynchid +oxysalicylic +oxysalt +oxystearic +Oxystomata +oxystomatous +oxystome +oxysulphate +oxysulphide +oxyterpene +oxytocia +oxytocic +oxytocin +oxytocous +oxytoluene +oxytoluic +oxytone +oxytonesis +oxytonical +oxytonize +Oxytricha +Oxytropis +oxytylotate +oxytylote +oxyuriasis +oxyuricide +Oxyuridae +oxyurous +oxywelding +Oyana +oyapock +oyer +oyster +oysterage +oysterbird +oystered +oysterer +oysterfish +oystergreen +oysterhood +oysterhouse +oystering +oysterish +oysterishness +oysterlike +oysterling +oysterman +oysterous +oysterroot +oysterseed +oystershell +oysterwife +oysterwoman +Ozan +Ozark +ozarkite +ozena +Ozias +ozobrome +ozocerite +ozokerit +ozokerite +ozonate +ozonation +ozonator +ozone +ozoned +ozonic +ozonide +ozoniferous +ozonification +ozonify +Ozonium +ozonization +ozonize +ozonizer +ozonometer +ozonometry +ozonoscope +ozonoscopic +ozonous +ozophen +ozophene +ozostomia +ozotype +P +p +pa +paal +paar +paauw +Paba +pabble +Pablo +pablo +pabouch +pabular +pabulary +pabulation +pabulatory +pabulous +pabulum +pac +paca +pacable +Pacaguara +pacate +pacation +pacative +pacay +pacaya +Paccanarist +Pacchionian +Pace +pace +paceboard +paced +pacemaker +pacemaking +pacer +pachak +pachisi +pachnolite +pachometer +Pachomian +Pachons +Pacht +pachyacria +pachyaemia +pachyblepharon +pachycarpous +pachycephal +pachycephalia +pachycephalic +pachycephalous +pachycephaly +pachychilia +pachycholia +pachychymia +pachycladous +pachydactyl +pachydactylous +pachydactyly +pachyderm +pachyderma +pachydermal +Pachydermata +pachydermatocele +pachydermatoid +pachydermatosis +pachydermatous +pachydermatously +pachydermia +pachydermial +pachydermic +pachydermoid +pachydermous +pachyemia +pachyglossal +pachyglossate +pachyglossia +pachyglossous +pachyhaemia +pachyhaemic +pachyhaemous +pachyhematous +pachyhemia +pachyhymenia +pachyhymenic +Pachylophus +pachylosis +Pachyma +pachymenia +pachymenic +pachymeningitic +pachymeningitis +pachymeninx +pachymeter +pachynathous +pachynema +pachynsis +pachyntic +pachyodont +pachyotia +pachyotous +pachyperitonitis +pachyphyllous +pachypleuritic +pachypod +pachypodous +pachypterous +Pachyrhizus +pachyrhynchous +pachysalpingitis +Pachysandra +pachysaurian +pachysomia +pachysomous +pachystichous +Pachystima +pachytene +pachytrichous +Pachytylus +pachyvaginitis +pacifiable +pacific +pacifical +pacifically +pacificate +pacification +pacificator +pacificatory +pacificism +pacificist +pacificity +pacifier +pacifism +pacifist +pacifistic +pacifistically +pacify +pacifyingly +Pacinian +pack +packable +package +packbuilder +packcloth +packer +packery +packet +packhouse +packless +packly +packmaker +packmaking +packman +packmanship +packness +packsack +packsaddle +packstaff +packthread +packwall +packwaller +packware +packway +paco +Pacolet +pacouryuva +pact +paction +pactional +pactionally +Pactolian +Pactolus +pad +padcloth +Padda +padder +padding +paddle +paddlecock +paddled +paddlefish +paddlelike +paddler +paddlewood +paddling +paddock +paddockride +paddockstone +paddockstool +Paddy +paddy +paddybird +Paddyism +paddymelon +Paddywack +paddywatch +Paddywhack +paddywhack +padella +padfoot +padge +Padina +padishah +padle +padlike +padlock +padmasana +padmelon +padnag +padpiece +Padraic +Padraig +padre +padroadist +padroado +padronism +padstone +padtree +Paduan +Paduanism +paduasoy +Padus +paean +paeanism +paeanize +paedarchy +paedatrophia +paedatrophy +paediatry +paedogenesis +paedogenetic +paedometer +paedometrical +paedomorphic +paedomorphism +paedonymic +paedonymy +paedopsychologist +paedotribe +paedotrophic +paedotrophist +paedotrophy +paegel +paegle +Paelignian +paenula +paeon +Paeonia +Paeoniaceae +Paeonian +paeonic +paetrick +paga +pagan +Paganalia +Paganalian +pagandom +paganic +paganical +paganically +paganish +paganishly +paganism +paganist +paganistic +paganity +paganization +paganize +paganizer +paganly +paganry +pagatpat +Page +page +pageant +pageanted +pageanteer +pageantic +pageantry +pagedom +pageful +pagehood +pageless +pagelike +pager +pageship +pagina +paginal +paginary +paginate +pagination +pagiopod +Pagiopoda +pagoda +pagodalike +pagodite +pagoscope +pagrus +Paguma +pagurian +pagurid +Paguridae +Paguridea +pagurine +Pagurinea +paguroid +Paguroidea +Pagurus +pagus +pah +paha +Pahareen +Pahari +Paharia +pahi +Pahlavi +pahlavi +pahmi +paho +pahoehoe +Pahouin +pahutan +Paiconeca +paideutic +paideutics +paidological +paidologist +paidology +paidonosology +paigle +paik +pail +pailful +paillasse +paillette +pailletted +pailou +paimaneh +pain +pained +painful +painfully +painfulness +paining +painingly +painkiller +painless +painlessly +painlessness +painproof +painstaker +painstaking +painstakingly +painstakingness +painsworthy +paint +paintability +paintable +paintableness +paintably +paintbox +paintbrush +painted +paintedness +painter +painterish +painterlike +painterly +paintership +paintiness +painting +paintingness +paintless +paintpot +paintproof +paintress +paintrix +paintroot +painty +paip +pair +paired +pairedness +pairer +pairment +pairwise +pais +paisa +paisanite +Paisley +Paiute +paiwari +pajahuello +pajama +pajamaed +pajock +Pajonism +Pakawa +Pakawan +pakchoi +pakeha +Pakhpuluk +Pakhtun +Pakistani +paktong +pal +Pala +palace +palaced +palacelike +palaceous +palaceward +palacewards +paladin +palaeanthropic +Palaearctic +Palaeechini +palaeechinoid +Palaeechinoidea +palaeechinoidean +palaeentomology +palaeethnologic +palaeethnological +palaeethnologist +palaeethnology +Palaeeudyptes +Palaeic +palaeichthyan +Palaeichthyes +palaeichthyic +Palaemon +palaemonid +Palaemonidae +palaemonoid +palaeoalchemical +palaeoanthropic +palaeoanthropography +palaeoanthropology +Palaeoanthropus +palaeoatavism +palaeoatavistic +palaeobiogeography +palaeobiologist +palaeobiology +palaeobotanic +palaeobotanical +palaeobotanically +palaeobotanist +palaeobotany +Palaeocarida +palaeoceanography +Palaeocene +palaeochorology +palaeoclimatic +palaeoclimatology +Palaeoconcha +palaeocosmic +palaeocosmology +Palaeocrinoidea +palaeocrystal +palaeocrystallic +palaeocrystalline +palaeocrystic +palaeocyclic +palaeodendrologic +palaeodendrological +palaeodendrologically +palaeodendrologist +palaeodendrology +Palaeodictyoptera +palaeodictyopteran +palaeodictyopteron +palaeodictyopterous +palaeoencephalon +palaeoeremology +palaeoethnic +palaeoethnologic +palaeoethnological +palaeoethnologist +palaeoethnology +palaeofauna +Palaeogaea +Palaeogaean +palaeogene +palaeogenesis +palaeogenetic +palaeogeographic +palaeogeography +palaeoglaciology +palaeoglyph +Palaeognathae +palaeognathic +palaeognathous +palaeograph +palaeographer +palaeographic +palaeographical +palaeographically +palaeographist +palaeography +palaeoherpetologist +palaeoherpetology +palaeohistology +palaeohydrography +palaeolatry +palaeolimnology +palaeolith +palaeolithic +palaeolithical +palaeolithist +palaeolithoid +palaeolithy +palaeological +palaeologist +palaeology +Palaeomastodon +palaeometallic +palaeometeorological +palaeometeorology +Palaeonemertea +palaeonemertean +palaeonemertine +Palaeonemertinea +Palaeonemertini +palaeoniscid +Palaeoniscidae +palaeoniscoid +Palaeoniscum +Palaeoniscus +palaeontographic +palaeontographical +palaeontography +palaeopathology +palaeopedology +palaeophile +palaeophilist +Palaeophis +palaeophysiography +palaeophysiology +palaeophytic +palaeophytological +palaeophytologist +palaeophytology +palaeoplain +palaeopotamology +palaeopsychic +palaeopsychological +palaeopsychology +palaeoptychology +Palaeornis +Palaeornithinae +palaeornithine +palaeornithological +palaeornithology +palaeosaur +Palaeosaurus +palaeosophy +Palaeospondylus +Palaeostraca +palaeostracan +palaeostriatal +palaeostriatum +palaeostylic +palaeostyly +palaeotechnic +palaeothalamus +Palaeothentes +Palaeothentidae +palaeothere +palaeotherian +Palaeotheriidae +palaeotheriodont +palaeotherioid +Palaeotherium +palaeotheroid +Palaeotropical +palaeotype +palaeotypic +palaeotypical +palaeotypically +palaeotypographical +palaeotypographist +palaeotypography +palaeovolcanic +Palaeozoic +palaeozoological +palaeozoologist +palaeozoology +palaestra +palaestral +palaestrian +palaestric +palaestrics +palaetiological +palaetiologist +palaetiology +palafitte +palagonite +palagonitic +Palaic +Palaihnihan +palaiotype +palaite +palama +palamate +palame +Palamedea +palamedean +Palamedeidae +Palamite +Palamitism +palampore +palander +palanka +palankeen +palanquin +palapalai +Palapteryx +Palaquium +palar +palas +palatability +palatable +palatableness +palatably +palatal +palatalism +palatality +palatalization +palatalize +palate +palated +palateful +palatefulness +palateless +palatelike +palatial +palatially +palatialness +palatian +palatic +palatinal +palatinate +palatine +palatineship +Palatinian +palatinite +palation +palatist +palatitis +palative +palatization +palatize +palatoalveolar +palatodental +palatoglossal +palatoglossus +palatognathous +palatogram +palatograph +palatography +palatomaxillary +palatometer +palatonasal +palatopharyngeal +palatopharyngeus +palatoplasty +palatoplegia +palatopterygoid +palatoquadrate +palatorrhaphy +palatoschisis +Palatua +Palau +Palaung +palaver +palaverer +palaverist +palaverment +palaverous +palay +palazzi +palberry +palch +pale +palea +paleaceous +paleanthropic +Palearctic +paleate +palebelly +palebuck +palechinoid +paled +paledness +paleencephalon +paleentomology +paleethnographer +paleethnologic +paleethnological +paleethnologist +paleethnology +paleface +palehearted +paleichthyologic +paleichthyologist +paleichthyology +paleiform +palely +Paleman +paleness +Palenque +paleoalchemical +paleoandesite +paleoanthropic +paleoanthropography +paleoanthropological +paleoanthropologist +paleoanthropology +Paleoanthropus +paleoatavism +paleoatavistic +paleobiogeography +paleobiologist +paleobiology +paleobotanic +paleobotanical +paleobotanically +paleobotanist +paleobotany +paleoceanography +Paleocene +paleochorology +paleoclimatic +paleoclimatologist +paleoclimatology +Paleoconcha +paleocosmic +paleocosmology +paleocrystal +paleocrystallic +paleocrystalline +paleocrystic +paleocyclic +paleodendrologic +paleodendrological +paleodendrologically +paleodendrologist +paleodendrology +paleoecologist +paleoecology +paleoencephalon +paleoeremology +paleoethnic +paleoethnography +paleoethnologic +paleoethnological +paleoethnologist +paleoethnology +paleofauna +Paleogene +paleogenesis +paleogenetic +paleogeographic +paleogeography +paleoglaciology +paleoglyph +paleograph +paleographer +paleographic +paleographical +paleographically +paleographist +paleography +paleoherpetologist +paleoherpetology +paleohistology +paleohydrography +paleoichthyology +paleokinetic +paleola +paleolate +paleolatry +paleolimnology +paleolith +paleolithic +paleolithical +paleolithist +paleolithoid +paleolithy +paleological +paleologist +paleology +paleomammalogy +paleometallic +paleometeorological +paleometeorology +paleontographic +paleontographical +paleontography +paleontologic +paleontological +paleontologically +paleontologist +paleontology +paleopathology +paleopedology +paleophysiography +paleophysiology +paleophytic +paleophytological +paleophytologist +paleophytology +paleopicrite +paleoplain +paleopotamoloy +paleopsychic +paleopsychological +paleopsychology +paleornithological +paleornithology +paleostriatal +paleostriatum +paleostylic +paleostyly +paleotechnic +paleothalamus +paleothermal +paleothermic +Paleotropical +paleovolcanic +paleoytterbium +Paleozoic +paleozoological +paleozoologist +paleozoology +paler +Palermitan +Palermo +Pales +Palesman +Palestinian +palestra +palestral +palestrian +palestric +palet +paletiology +paletot +palette +paletz +palewise +palfrey +palfreyed +palgat +Pali +pali +Palicourea +palification +paliform +paligorskite +palikar +palikarism +palikinesia +palila +palilalia +Palilia +Palilicium +palillogia +palilogetic +palilogy +palimbacchic +palimbacchius +palimpsest +palimpsestic +palinal +palindrome +palindromic +palindromical +palindromically +palindromist +paling +palingenesia +palingenesian +palingenesis +palingenesist +palingenesy +palingenetic +palingenetically +palingenic +palingenist +palingeny +palinode +palinodial +palinodic +palinodist +palinody +palinurid +Palinuridae +palinuroid +Palinurus +paliphrasia +palirrhea +palisade +palisading +palisado +palisander +palisfy +palish +palistrophia +Paliurus +palkee +pall +palla +palladammine +Palladia +palladia +Palladian +Palladianism +palladic +palladiferous +palladinize +palladion +palladious +Palladium +palladium +palladiumize +palladize +palladodiammine +palladosammine +palladous +pallae +pallah +pallall +pallanesthesia +Pallas +pallasite +pallbearer +palled +pallescence +pallescent +pallesthesia +pallet +palleting +palletize +pallette +pallholder +palli +pallial +palliard +palliasse +Palliata +palliata +palliate +palliation +palliative +palliatively +palliator +palliatory +pallid +pallidiflorous +pallidipalpate +palliditarsate +pallidity +pallidiventrate +pallidly +pallidness +palliness +Palliobranchiata +palliobranchiate +palliocardiac +pallioessexite +pallion +palliopedal +palliostratus +pallium +Palliyan +pallograph +pallographic +pallometric +pallone +pallor +Pallu +Palluites +pallwise +pally +palm +palma +Palmaceae +palmaceous +palmad +Palmae +palmanesthesia +palmar +palmarian +palmary +palmate +palmated +palmately +palmatifid +palmatiform +palmatilobate +palmatilobed +palmation +palmatiparted +palmatipartite +palmatisect +palmatisected +palmature +palmcrist +palmed +Palmella +Palmellaceae +palmellaceous +palmelloid +palmer +palmerite +palmery +palmesthesia +palmette +palmetto +palmetum +palmful +palmicolous +palmiferous +palmification +palmiform +palmigrade +palmilobate +palmilobated +palmilobed +palminervate +palminerved +palmiped +Palmipedes +palmipes +palmist +palmister +palmistry +palmitate +palmite +palmitic +palmitin +palmitinic +palmito +palmitoleic +palmitone +palmiveined +palmivorous +palmlike +palmo +palmodic +palmoscopy +palmospasmus +palmula +palmus +palmwise +palmwood +palmy +palmyra +Palmyrene +Palmyrenian +palolo +palombino +palometa +palomino +palosapis +palouser +paloverde +palp +palpability +palpable +palpableness +palpably +palpacle +palpal +palpate +palpation +palpatory +palpebra +palpebral +palpebrate +palpebration +palpebritis +palped +palpi +palpicorn +Palpicornia +palpifer +palpiferous +palpiform +palpiger +palpigerous +palpitant +palpitate +palpitatingly +palpitation +palpless +palpocil +palpon +palpulus +palpus +palsgrave +palsgravine +palsied +palsification +palstave +palster +palsy +palsylike +palsywort +palt +Palta +palter +palterer +palterly +paltrily +paltriness +paltry +paludal +paludament +paludamentum +paludial +paludian +paludic +Paludicella +Paludicolae +paludicole +paludicoline +paludicolous +paludiferous +Paludina +paludinal +paludine +paludinous +paludism +paludose +paludous +paludrin +paludrine +palule +palulus +Palus +palus +palustral +palustrian +palustrine +paly +palynology +Pam +pam +pambanmanche +Pamela +pament +pameroon +Pamir +Pamiri +Pamirian +Pamlico +pamment +Pampanga +Pampangan +Pampango +pampas +pampean +pamper +pampered +pamperedly +pamperedness +pamperer +pamperize +pampero +pamphagous +pampharmacon +Pamphiliidae +Pamphilius +pamphlet +pamphletage +pamphletary +pamphleteer +pamphleter +pamphletful +pamphletic +pamphletical +pamphletize +pamphletwise +pamphysical +pamphysicism +pampilion +pampiniform +pampinocele +pamplegia +pampootee +pampootie +pampre +pamprodactyl +pamprodactylism +pamprodactylous +pampsychism +pampsychist +Pamunkey +Pan +pan +panace +Panacea +panacea +panacean +panaceist +panache +panached +panachure +panada +panade +Panagia +panagiarion +Panak +Panaka +panama +Panamaian +Panaman +Panamanian +Panamano +Panamic +Panamint +Panamist +panapospory +panarchic +panarchy +panaris +panaritium +panarteritis +panarthritis +panary +panatela +Panathenaea +Panathenaean +Panathenaic +panatrophy +panautomorphic +panax +Panayan +Panayano +panbabylonian +panbabylonism +Panboeotian +pancake +pancarditis +panchama +panchayat +pancheon +panchion +panchromatic +panchromatism +panchromatization +panchromatize +panchway +panclastic +panconciliatory +pancosmic +pancosmism +pancosmist +pancratian +pancratiast +pancratiastic +pancratic +pancratical +pancratically +pancration +pancratism +pancratist +pancratium +pancreas +pancreatalgia +pancreatectomize +pancreatectomy +pancreatemphraxis +pancreathelcosis +pancreatic +pancreaticoduodenal +pancreaticoduodenostomy +pancreaticogastrostomy +pancreaticosplenic +pancreatin +pancreatism +pancreatitic +pancreatitis +pancreatization +pancreatize +pancreatoduodenectomy +pancreatoenterostomy +pancreatogenic +pancreatogenous +pancreatoid +pancreatolipase +pancreatolith +pancreatomy +pancreatoncus +pancreatopathy +pancreatorrhagia +pancreatotomy +pancreectomy +pancreozymin +pancyclopedic +pand +panda +pandal +pandan +Pandanaceae +pandanaceous +Pandanales +Pandanus +pandaram +Pandarctos +pandaric +Pandarus +pandation +Pandean +pandect +Pandectist +pandemia +pandemian +pandemic +pandemicity +pandemoniac +Pandemoniacal +Pandemonian +pandemonic +pandemonism +Pandemonium +pandemonium +Pandemos +pandemy +pandenominational +pander +panderage +panderer +panderess +panderism +panderize +panderly +Panderma +pandermite +panderous +pandership +pandestruction +pandiabolism +pandiculation +Pandion +Pandionidae +pandita +pandle +pandlewhew +Pandora +pandora +Pandorea +Pandoridae +Pandorina +Pandosto +pandour +pandowdy +pandrop +pandura +pandurate +pandurated +panduriform +pandy +pane +panecclesiastical +paned +panegoism +panegoist +panegyric +panegyrical +panegyrically +panegyricize +panegyricon +panegyricum +panegyris +panegyrist +panegyrize +panegyrizer +panegyry +paneity +panel +panela +panelation +paneler +paneless +paneling +panelist +panellation +panelling +panelwise +panelwork +panentheism +panesthesia +panesthetic +paneulogism +panfil +panfish +panful +pang +Pangaea +pangamic +pangamous +pangamously +pangamy +pangane +Pangasinan +pangen +pangene +pangenesis +pangenetic +pangenetically +pangenic +pangful +pangi +Pangium +pangless +panglessly +panglima +Pangloss +Panglossian +Panglossic +pangolin +pangrammatist +Pangwe +panhandle +panhandler +panharmonic +panharmonicon +panhead +panheaded +Panhellenic +Panhellenios +Panhellenism +Panhellenist +Panhellenium +panhidrosis +panhuman +panhygrous +panhyperemia +panhysterectomy +Pani +panic +panical +panically +panicful +panichthyophagous +panicked +panicky +panicle +panicled +paniclike +panicmonger +panicmongering +paniconograph +paniconographic +paniconography +Panicularia +paniculate +paniculated +paniculately +paniculitis +Panicum +panidiomorphic +panidrosis +panification +panimmunity +Paninean +Panionia +Panionian +Panionic +Paniquita +Paniquitan +panisc +panisca +paniscus +panisic +panivorous +Panjabi +panjandrum +pank +pankin +pankration +panleucopenia +panlogical +panlogism +panlogistical +panman +panmelodicon +panmelodion +panmerism +panmeristic +panmixia +panmixy +panmnesia +panmug +panmyelophthisis +Panna +pannade +pannage +pannam +pannationalism +panne +pannel +panner +pannery +panneuritic +panneuritis +pannicle +pannicular +pannier +panniered +pannierman +pannikin +panning +Pannonian +Pannonic +pannose +pannosely +pannum +pannus +pannuscorium +Panoan +panocha +panoche +panococo +panoistic +panomphaic +panomphean +panomphic +panophobia +panophthalmia +panophthalmitis +panoplied +panoplist +panoply +panoptic +panoptical +panopticon +panoram +panorama +panoramic +panoramical +panoramically +panoramist +panornithic +Panorpa +Panorpatae +panorpian +panorpid +Panorpidae +Panos +panosteitis +panostitis +panotitis +panotype +panouchi +panpathy +panpharmacon +panphenomenalism +panphobia +Panpipe +panplegia +panpneumatism +panpolism +panpsychic +panpsychism +panpsychist +panpsychistic +panscientist +pansciolism +pansciolist +pansclerosis +pansclerotic +panse +pansexism +pansexual +pansexualism +pansexualist +pansexuality +pansexualize +panshard +panside +pansideman +pansied +pansinuitis +pansinusitis +pansmith +pansophic +pansophical +pansophically +pansophism +pansophist +pansophy +panspermatism +panspermatist +panspermia +panspermic +panspermism +panspermist +panspermy +pansphygmograph +panstereorama +pansy +pansylike +pant +pantachromatic +pantacosm +pantagamy +pantagogue +pantagraph +pantagraphic +pantagraphical +Pantagruel +Pantagruelian +Pantagruelic +Pantagruelically +Pantagrueline +pantagruelion +Pantagruelism +Pantagruelist +Pantagruelistic +Pantagruelistical +Pantagruelize +pantaleon +pantaletless +pantalets +pantaletted +pantalgia +pantalon +Pantalone +pantaloon +pantalooned +pantaloonery +pantaloons +pantameter +pantamorph +pantamorphia +pantamorphic +pantanemone +pantanencephalia +pantanencephalic +pantaphobia +pantarbe +pantarchy +pantas +pantascope +pantascopic +Pantastomatida +Pantastomina +pantatrophia +pantatrophy +pantatype +pantechnic +pantechnicon +pantelegraph +pantelegraphy +panteleologism +pantelephone +pantelephonic +Pantelis +pantellerite +panter +panterer +Pantheian +pantheic +pantheism +pantheist +pantheistic +pantheistical +pantheistically +panthelematism +panthelism +pantheologist +pantheology +pantheon +pantheonic +pantheonization +pantheonize +panther +pantheress +pantherine +pantherish +pantherlike +pantherwood +pantheum +pantie +panties +pantile +pantiled +pantiling +panting +pantingly +pantisocracy +pantisocrat +pantisocratic +pantisocratical +pantisocratist +pantle +pantler +panto +pantochrome +pantochromic +pantochromism +pantochronometer +Pantocrator +pantod +Pantodon +Pantodontidae +pantoffle +pantofle +pantoganglitis +pantogelastic +pantoglossical +pantoglot +pantoglottism +pantograph +pantographer +pantographic +pantographical +pantographically +pantography +pantoiatrical +pantologic +pantological +pantologist +pantology +pantomancer +pantometer +pantometric +pantometrical +pantometry +pantomime +pantomimic +pantomimical +pantomimically +pantomimicry +pantomimish +pantomimist +pantomimus +pantomnesia +pantomnesic +pantomorph +pantomorphia +pantomorphic +panton +pantoon +pantopelagian +pantophagic +pantophagist +pantophagous +pantophagy +pantophile +pantophobia +pantophobic +pantophobous +pantoplethora +pantopod +Pantopoda +pantopragmatic +pantopterous +pantoscope +pantoscopic +pantosophy +Pantostomata +pantostomate +pantostomatous +pantostome +pantotactic +pantothenate +pantothenic +Pantotheria +pantotherian +pantotype +pantoum +pantropic +pantropical +pantry +pantryman +pantrywoman +pants +pantun +panty +pantywaist +panung +panurgic +panurgy +panyar +Panzer +panzoism +panzootia +panzootic +panzooty +Paola +paolo +paon +pap +papa +papability +papable +papabot +papacy +papagallo +Papago +papain +papal +papalism +papalist +papalistic +papalization +papalize +papalizer +papally +papalty +papane +papaphobia +papaphobist +papaprelatical +papaprelatist +paparchical +paparchy +papaship +Papaver +Papaveraceae +papaveraceous +Papaverales +papaverine +papaverous +papaw +papaya +Papayaceae +papayaceous +papayotin +papboat +pape +papelonne +paper +paperback +paperbark +paperboard +papered +paperer +paperful +paperiness +papering +paperlike +papermaker +papermaking +papermouth +papern +papershell +paperweight +papery +papess +papeterie +papey +Paphian +Paphiopedilum +Papiamento +papicolar +papicolist +Papilio +Papilionaceae +papilionaceous +Papiliones +papilionid +Papilionidae +Papilionides +Papilioninae +papilionine +papilionoid +Papilionoidea +papilla +papillae +papillar +papillary +papillate +papillated +papillectomy +papilledema +papilliferous +papilliform +papillitis +papilloadenocystoma +papillocarcinoma +papilloedema +papilloma +papillomatosis +papillomatous +papillon +papilloretinitis +papillosarcoma +papillose +papillosity +papillote +papillous +papillulate +papillule +Papinachois +Papio +papion +papish +papisher +papism +Papist +papist +papistic +papistical +papistically +papistlike +papistly +papistry +papize +papless +papmeat +papolater +papolatrous +papolatry +papoose +papooseroot +Pappea +pappescent +pappi +pappiferous +pappiform +pappose +pappox +pappus +pappy +papreg +paprica +paprika +Papuan +papula +papular +papulate +papulated +papulation +papule +papuliferous +papuloerythematous +papulopustular +papulopustule +papulose +papulosquamous +papulous +papulovesicular +papyr +papyraceous +papyral +papyrean +papyri +papyrian +papyrin +papyrine +papyritious +papyrocracy +papyrograph +papyrographer +papyrographic +papyrography +papyrological +papyrologist +papyrology +papyrophobia +papyroplastics +papyrotamia +papyrotint +papyrotype +papyrus +Paque +paquet +par +para +paraaminobenzoic +parabanate +parabanic +parabaptism +parabaptization +parabasal +parabasic +parabasis +parabema +parabematic +parabenzoquinone +parabiosis +parabiotic +parablast +parablastic +parable +parablepsia +parablepsis +parablepsy +parableptic +parabola +parabolanus +parabolic +parabolical +parabolicalism +parabolically +parabolicness +paraboliform +parabolist +parabolization +parabolize +parabolizer +paraboloid +paraboloidal +parabomb +parabotulism +parabranchia +parabranchial +parabranchiate +parabulia +parabulic +paracanthosis +paracarmine +paracasein +paracaseinate +Paracelsian +Paracelsianism +Paracelsic +Paracelsist +Paracelsistic +Paracelsus +paracentesis +paracentral +paracentric +paracentrical +paracephalus +paracerebellar +paracetaldehyde +parachaplain +paracholia +parachor +parachordal +parachrea +parachroia +parachroma +parachromatism +parachromatophorous +parachromatopsia +parachromatosis +parachrome +parachromoparous +parachromophoric +parachromophorous +parachronism +parachronistic +parachrose +parachute +parachutic +parachutism +parachutist +paraclete +paracmasis +paracme +paracoele +paracoelian +paracolitis +paracolon +paracolpitis +paracolpium +paracondyloid +paracone +paraconic +paraconid +paraconscious +paracorolla +paracotoin +paracoumaric +paracresol +Paracress +paracusia +paracusic +paracyanogen +paracyesis +paracymene +paracystic +paracystitis +paracystium +parade +paradeful +paradeless +paradelike +paradenitis +paradental +paradentitis +paradentium +parader +paraderm +paradiastole +paradiazine +paradichlorbenzene +paradichlorbenzol +paradichlorobenzene +paradichlorobenzol +paradidymal +paradidymis +paradigm +paradigmatic +paradigmatical +paradigmatically +paradigmatize +parading +paradingly +paradiplomatic +paradisaic +paradisaically +paradisal +paradise +Paradisea +paradisean +Paradiseidae +Paradiseinae +Paradisia +paradisiac +paradisiacal +paradisiacally +paradisial +paradisian +paradisic +paradisical +parado +paradoctor +parados +paradoses +paradox +paradoxal +paradoxer +paradoxial +paradoxic +paradoxical +paradoxicalism +paradoxicality +paradoxically +paradoxicalness +paradoxician +Paradoxides +paradoxidian +paradoxism +paradoxist +paradoxographer +paradoxographical +paradoxology +paradoxure +Paradoxurinae +paradoxurine +Paradoxurus +paradoxy +paradromic +paraenesis +paraenesize +paraenetic +paraenetical +paraengineer +paraffin +paraffine +paraffiner +paraffinic +paraffinize +paraffinoid +paraffiny +paraffle +parafle +parafloccular +paraflocculus +paraform +paraformaldehyde +parafunction +paragammacism +paraganglion +paragaster +paragastral +paragastric +paragastrula +paragastrular +parage +paragenesia +paragenesis +paragenetic +paragenic +paragerontic +parageusia +parageusic +parageusis +paragglutination +paraglenal +paraglobin +paraglobulin +paraglossa +paraglossal +paraglossate +paraglossia +paraglycogen +paragnath +paragnathism +paragnathous +paragnathus +paragneiss +paragnosia +paragoge +paragogic +paragogical +paragogically +paragogize +paragon +paragonimiasis +Paragonimus +paragonite +paragonitic +paragonless +paragram +paragrammatist +paragraph +paragrapher +paragraphia +paragraphic +paragraphical +paragraphically +paragraphism +paragraphist +paragraphistical +paragraphize +Paraguay +Paraguayan +parah +paraheliotropic +paraheliotropism +parahematin +parahemoglobin +parahepatic +Parahippus +parahopeite +parahormone +parahydrogen +paraiba +Paraiyan +parakeet +parakeratosis +parakilya +parakinesia +parakinetic +paralactate +paralalia +paralambdacism +paralambdacismus +paralaurionite +paraldehyde +parale +paralectotype +paraleipsis +paralepsis +paralexia +paralexic +paralgesia +paralgesic +paralinin +paralipomena +Paralipomenon +paralipsis +paralitical +parallactic +parallactical +parallactically +parallax +parallel +parallelable +parallelepiped +parallelepipedal +parallelepipedic +parallelepipedon +parallelepipedonal +paralleler +parallelinervate +parallelinerved +parallelinervous +parallelism +parallelist +parallelistic +parallelith +parallelization +parallelize +parallelizer +parallelless +parallelly +parallelodrome +parallelodromous +parallelogram +parallelogrammatic +parallelogrammatical +parallelogrammic +parallelogrammical +parallelograph +parallelometer +parallelopiped +parallelopipedon +parallelotropic +parallelotropism +parallelwise +parallepipedous +paralogia +paralogical +paralogician +paralogism +paralogist +paralogistic +paralogize +paralogy +paraluminite +paralyses +paralysis +paralytic +paralytical +paralytically +paralyzant +paralyzation +paralyze +paralyzedly +paralyzer +paralyzingly +param +paramagnet +paramagnetic +paramagnetism +paramandelic +paramarine +paramastigate +paramastitis +paramastoid +paramatta +Paramecidae +Paramecium +paramedian +paramelaconite +paramenia +parament +paramere +parameric +parameron +paramese +paramesial +parameter +parametric +parametrical +parametritic +parametritis +parametrium +paramide +paramilitary +paramimia +paramine +paramiographer +paramitome +paramnesia +paramo +Paramoecium +paramorph +paramorphia +paramorphic +paramorphine +paramorphism +paramorphosis +paramorphous +paramount +paramountcy +paramountly +paramountness +paramountship +paramour +paramuthetic +paramyelin +paramylum +paramyoclonus +paramyosinogen +paramyotone +paramyotonia +paranasal +paranatellon +parandrus +paranema +paranematic +paranephric +paranephritic +paranephritis +paranephros +paranepionic +paranete +parang +paranitraniline +paranitrosophenol +paranoia +paranoiac +paranoid +paranoidal +paranoidism +paranomia +paranormal +paranosic +paranthelion +paranthracene +Paranthropus +paranuclear +paranucleate +paranucleic +paranuclein +paranucleinic +paranucleus +paranymph +paranymphal +parao +paraoperation +Parapaguridae +paraparesis +paraparetic +parapathia +parapathy +parapegm +parapegma +paraperiodic +parapet +parapetalous +parapeted +parapetless +paraph +paraphasia +paraphasic +paraphemia +paraphenetidine +paraphenylene +paraphenylenediamine +parapherna +paraphernal +paraphernalia +paraphernalian +paraphia +paraphilia +paraphimosis +paraphonia +paraphonic +paraphototropism +paraphrasable +paraphrase +paraphraser +paraphrasia +paraphrasian +paraphrasis +paraphrasist +paraphrast +paraphraster +paraphrastic +paraphrastical +paraphrastically +paraphrenia +paraphrenic +paraphrenitis +paraphyllium +paraphysate +paraphysical +paraphysiferous +paraphysis +paraplasis +paraplasm +paraplasmic +paraplastic +paraplastin +paraplectic +paraplegia +paraplegic +paraplegy +parapleuritis +parapleurum +parapod +parapodial +parapodium +parapophysial +parapophysis +parapraxia +parapraxis +paraproctitis +paraproctium +paraprostatitis +Parapsida +parapsidal +parapsidan +parapsis +parapsychical +parapsychism +parapsychological +parapsychology +parapsychosis +parapteral +parapteron +parapterum +paraquadrate +paraquinone +Pararctalia +Pararctalian +pararectal +pararek +parareka +pararhotacism +pararosaniline +pararosolic +pararthria +parasaboteur +parasalpingitis +parasang +parascene +parascenium +parasceve +paraschematic +parasecretion +paraselene +paraselenic +parasemidin +parasemidine +parasexuality +parashah +parasigmatism +parasigmatismus +Parasita +parasital +parasitary +parasite +parasitelike +parasitemia +parasitic +Parasitica +parasitical +parasitically +parasiticalness +parasiticidal +parasiticide +Parasitidae +parasitism +parasitize +parasitogenic +parasitoid +parasitoidism +parasitological +parasitologist +parasitology +parasitophobia +parasitosis +parasitotrope +parasitotropic +parasitotropism +parasitotropy +paraskenion +parasol +parasoled +parasolette +paraspecific +parasphenoid +parasphenoidal +paraspotter +paraspy +parastas +parastatic +parastemon +parastemonal +parasternal +parasternum +parastichy +parastyle +parasubphonate +parasubstituted +Parasuchia +parasuchian +parasympathetic +parasympathomimetic +parasynapsis +parasynaptic +parasynaptist +parasyndesis +parasynesis +parasynetic +parasynovitis +parasynthesis +parasynthetic +parasyntheton +parasyphilis +parasyphilitic +parasyphilosis +parasystole +paratactic +paratactical +paratactically +paratartaric +parataxis +parate +paraterminal +Paratheria +paratherian +parathesis +parathetic +parathion +parathormone +parathymic +parathyroid +parathyroidal +parathyroidectomize +parathyroidectomy +parathyroprival +parathyroprivia +parathyroprivic +paratitla +paratitles +paratoloid +paratoluic +paratoluidine +paratomial +paratomium +paratonic +paratonically +paratorium +paratory +paratracheal +paratragedia +paratragoedia +paratransversan +paratrichosis +paratrimma +paratriptic +paratroop +paratrooper +paratrophic +paratrophy +paratuberculin +paratuberculosis +paratuberculous +paratungstate +paratungstic +paratype +paratyphlitis +paratyphoid +paratypic +paratypical +paratypically +paravaginitis +paravail +paravane +paravauxite +paravent +paravertebral +paravesical +paraxial +paraxially +paraxon +paraxonic +paraxylene +Parazoa +parazoan +parazonium +parbake +Parbate +parboil +parbuckle +parcel +parceling +parcellary +parcellate +parcellation +parcelling +parcellization +parcellize +parcelment +parcelwise +parcenary +parcener +parcenership +parch +parchable +parchedly +parchedness +parcheesi +parchemin +parcher +parchesi +parching +parchingly +parchisi +parchment +parchmenter +parchmentize +parchmentlike +parchmenty +parchy +parcidentate +parciloquy +parclose +parcook +pard +pardalote +Pardanthus +pardao +parded +pardesi +pardine +pardner +pardnomastic +pardo +pardon +pardonable +pardonableness +pardonably +pardonee +pardoner +pardoning +pardonless +pardonmonger +pare +paregoric +Pareiasauri +Pareiasauria +pareiasaurian +Pareiasaurus +Pareioplitae +parel +parelectronomic +parelectronomy +parella +paren +parencephalic +parencephalon +parenchym +parenchyma +parenchymal +parenchymatic +parenchymatitis +parenchymatous +parenchymatously +parenchyme +parenchymous +parent +parentage +parental +Parentalia +parentalism +parentality +parentally +parentdom +parentela +parentelic +parenteral +parenterally +parentheses +parenthesis +parenthesize +parenthetic +parenthetical +parentheticality +parenthetically +parentheticalness +parenthood +parenticide +parentless +parentlike +parentship +Pareoean +parepididymal +parepididymis +parepigastric +parer +parerethesis +parergal +parergic +parergon +paresis +paresthesia +paresthesis +paresthetic +parethmoid +paretic +paretically +pareunia +parfait +parfilage +parfleche +parfocal +pargana +pargasite +parge +pargeboard +parget +pargeter +pargeting +pargo +parhelia +parheliacal +parhelic +parhelion +parhomologous +parhomology +parhypate +pari +pariah +pariahdom +pariahism +pariahship +parial +Parian +parian +Pariasauria +Pariasaurus +Paridae +paridigitate +paridrosis +paries +parietal +Parietales +Parietaria +parietary +parietes +parietofrontal +parietojugal +parietomastoid +parietoquadrate +parietosphenoid +parietosphenoidal +parietosplanchnic +parietosquamosal +parietotemporal +parietovaginal +parietovisceral +parify +parigenin +pariglin +Parilia +Parilicium +parilla +parillin +parimutuel +Parinarium +parine +paring +paripinnate +Paris +parish +parished +parishen +parishional +parishionally +parishionate +parishioner +parishionership +Parisian +Parisianism +Parisianization +Parisianize +Parisianly +Parisii +parisis +parisology +parison +parisonic +paristhmic +paristhmion +parisyllabic +parisyllabical +Pariti +Paritium +parity +parivincular +park +parka +parkee +parker +parkin +parking +Parkinsonia +Parkinsonism +parkish +parklike +parkward +parkway +parky +parlamento +parlance +parlando +Parlatoria +parlatory +parlay +parle +parley +parleyer +parliament +parliamental +parliamentarian +parliamentarianism +parliamentarily +parliamentariness +parliamentarism +parliamentarization +parliamentarize +parliamentary +parliamenteer +parliamenteering +parliamenter +parling +parlish +parlor +parlorish +parlormaid +parlous +parlously +parlousness +parly +Parma +parma +parmacety +parmak +Parmelia +Parmeliaceae +parmeliaceous +parmelioid +Parmentiera +Parmesan +Parmese +parnas +Parnassia +Parnassiaceae +parnassiaceous +Parnassian +Parnassianism +Parnassiinae +Parnassism +Parnassus +parnel +Parnellism +Parnellite +parnorpine +paroarion +paroarium +paroccipital +paroch +parochial +parochialic +parochialism +parochialist +parochiality +parochialization +parochialize +parochially +parochialness +parochin +parochine +parochiner +parode +parodiable +parodial +parodic +parodical +parodinia +parodist +parodistic +parodistically +parodize +parodontitis +parodos +parody +parodyproof +paroecious +paroeciously +paroeciousness +paroecism +paroecy +paroemia +paroemiac +paroemiographer +paroemiography +paroemiologist +paroemiology +paroicous +parol +parolable +parole +parolee +parolfactory +paroli +parolist +paromoeon +paromologetic +paromologia +paromology +paromphalocele +paromphalocelic +paronomasia +paronomasial +paronomasian +paronomasiastic +paronomastical +paronomastically +paronychia +paronychial +paronychium +paronym +paronymic +paronymization +paronymize +paronymous +paronymy +paroophoric +paroophoritis +paroophoron +paropsis +paroptesis +paroptic +parorchid +parorchis +parorexia +Parosela +parosmia +parosmic +parosteal +parosteitis +parosteosis +parostosis +parostotic +Parotia +parotic +parotid +parotidean +parotidectomy +parotiditis +parotis +parotitic +parotitis +parotoid +parous +parousia +parousiamania +parovarian +parovariotomy +parovarium +paroxazine +paroxysm +paroxysmal +paroxysmalist +paroxysmally +paroxysmic +paroxysmist +paroxytone +paroxytonic +paroxytonize +parpal +parquet +parquetage +parquetry +parr +Parra +parrel +parrhesia +parrhesiastic +parriable +parricidal +parricidally +parricide +parricided +parricidial +parricidism +Parridae +parrier +parrock +parrot +parroter +parrothood +parrotism +parrotize +parrotlet +parrotlike +parrotry +parrotwise +parroty +parry +parsable +parse +parsec +Parsee +Parseeism +parser +parsettensite +Parsi +Parsic +Parsiism +parsimonious +parsimoniously +parsimoniousness +parsimony +Parsism +parsley +parsleylike +parsleywort +parsnip +parson +parsonage +parsonarchy +parsondom +parsoned +parsonese +parsoness +parsonet +parsonhood +parsonic +parsonical +parsonically +parsoning +parsonish +parsonity +parsonize +parsonlike +parsonly +parsonolatry +parsonology +parsonry +parsonship +Parsonsia +parsonsite +parsony +Part +part +partakable +partake +partaker +partan +partanfull +partanhanded +parted +partedness +parter +parterre +parterred +partheniad +Partheniae +parthenian +parthenic +Parthenium +parthenocarpelly +parthenocarpic +parthenocarpical +parthenocarpically +parthenocarpous +parthenocarpy +Parthenocissus +parthenogenesis +parthenogenetic +parthenogenetically +parthenogenic +parthenogenitive +parthenogenous +parthenogeny +parthenogonidium +Parthenolatry +parthenology +Parthenon +Parthenopaeus +parthenoparous +Parthenope +Parthenopean +Parthenos +parthenosperm +parthenospore +Parthian +partial +partialism +partialist +partialistic +partiality +partialize +partially +partialness +partiary +partible +particate +participability +participable +participance +participancy +participant +participantly +participate +participatingly +participation +participative +participatively +participator +participatory +participatress +participial +participiality +participialize +participially +participle +particle +particled +particular +particularism +particularist +particularistic +particularistically +particularity +particularization +particularize +particularly +particularness +particulate +partigen +partile +partimembered +partimen +partinium +partisan +partisanism +partisanize +partisanship +partite +partition +partitional +partitionary +partitioned +partitioner +partitioning +partitionist +partitionment +partitive +partitively +partitura +partiversal +partivity +partless +partlet +partly +partner +partnerless +partnership +parto +partook +partridge +partridgeberry +partridgelike +partridgewood +partridging +partschinite +parture +parturiate +parturience +parturiency +parturient +parturifacient +parturition +parturitive +party +partyism +partyist +partykin +partyless +partymonger +partyship +Parukutu +parulis +parumbilical +parure +paruria +Parus +parvanimity +parvenu +parvenudom +parvenuism +parvicellular +parviflorous +parvifoliate +parvifolious +parvipotent +parvirostrate +parvis +parviscient +parvitude +parvolin +parvoline +parvule +paryphodrome +pasan +pasang +Pascal +Pasch +Pascha +paschal +paschalist +Paschaltide +paschite +pascoite +pascuage +pascual +pascuous +pasgarde +pash +pasha +pashadom +pashalik +pashaship +pashm +pashmina +Pashto +pasi +pasigraphic +pasigraphical +pasigraphy +pasilaly +Pasitelean +pasmo +Paspalum +pasqueflower +pasquil +pasquilant +pasquiler +pasquilic +Pasquin +pasquin +pasquinade +pasquinader +Pasquinian +Pasquino +pass +passable +passableness +passably +passade +passado +passage +passageable +passageway +Passagian +passalid +Passalidae +Passalus +Passamaquoddy +passant +passback +passbook +Passe +passe +passee +passegarde +passement +passementerie +passen +passenger +Passer +passer +Passeres +passeriform +Passeriformes +Passerina +passerine +passewa +passibility +passible +passibleness +Passiflora +Passifloraceae +passifloraceous +Passiflorales +passimeter +passing +passingly +passingness +passion +passional +passionary +passionate +passionately +passionateness +passionative +passioned +passionflower +passionful +passionfully +passionfulness +Passionist +passionist +passionless +passionlessly +passionlessness +passionlike +passionometer +passionproof +Passiontide +passionwise +passionwort +passir +passival +passivate +passivation +passive +passively +passiveness +passivism +passivist +passivity +passkey +passless +passman +passo +passometer +passout +passover +passoverish +passpenny +passport +passportless +passulate +passulation +passus +passway +passwoman +password +passworts +passymeasure +past +paste +pasteboard +pasteboardy +pasted +pastedness +pastedown +pastel +pastelist +paster +pasterer +pastern +pasterned +pasteur +Pasteurella +Pasteurelleae +pasteurellosis +Pasteurian +pasteurism +pasteurization +pasteurize +pasteurizer +pastiche +pasticheur +pastil +pastile +pastille +pastime +pastimer +Pastinaca +pastiness +pasting +pastness +pastophor +pastophorion +pastophorium +pastophorus +pastor +pastorage +pastoral +pastorale +pastoralism +pastoralist +pastorality +pastoralize +pastorally +pastoralness +pastorate +pastoress +pastorhood +pastorium +pastorize +pastorless +pastorlike +pastorling +pastorly +pastorship +pastose +pastosity +pastrami +pastry +pastryman +pasturability +pasturable +pasturage +pastural +pasture +pastureless +pasturer +pasturewise +pasty +pasul +Pat +pat +pata +pataca +patacao +pataco +patagial +patagiate +patagium +Patagon +patagon +Patagones +Patagonian +pataka +patamar +patao +patapat +pataque +Pataria +Patarin +Patarine +Patarinism +patas +patashte +Patavian +patavinity +patball +patballer +patch +patchable +patcher +patchery +patchily +patchiness +patchleaf +patchless +patchouli +patchwise +patchword +patchwork +patchworky +patchy +pate +patefaction +patefy +patel +patella +patellar +patellaroid +patellate +Patellidae +patellidan +patelliform +patelline +patellofemoral +patelloid +patellula +patellulate +paten +patency +patener +patent +patentability +patentable +patentably +patentee +patently +patentor +pater +patera +patercove +paterfamiliar +paterfamiliarly +paterfamilias +pateriform +paterissa +paternal +paternalism +paternalist +paternalistic +paternalistically +paternality +paternalize +paternally +paternity +paternoster +paternosterer +patesi +patesiate +path +Pathan +pathbreaker +pathed +pathema +pathematic +pathematically +pathematology +pathetic +pathetical +pathetically +patheticalness +patheticate +patheticly +patheticness +pathetism +pathetist +pathetize +pathfarer +pathfinder +pathfinding +pathic +pathicism +pathless +pathlessness +pathlet +pathoanatomical +pathoanatomy +pathobiological +pathobiologist +pathobiology +pathochemistry +pathodontia +pathogen +pathogene +pathogenesis +pathogenesy +pathogenetic +pathogenic +pathogenicity +pathogenous +pathogeny +pathogerm +pathogermic +pathognomic +pathognomical +pathognomonic +pathognomonical +pathognomy +pathognostic +pathographical +pathography +pathologic +pathological +pathologically +pathologicoanatomic +pathologicoanatomical +pathologicoclinical +pathologicohistological +pathologicopsychological +pathologist +pathology +patholysis +patholytic +pathomania +pathometabolism +pathomimesis +pathomimicry +pathoneurosis +pathonomia +pathonomy +pathophobia +pathophoresis +pathophoric +pathophorous +pathoplastic +pathoplastically +pathopoeia +pathopoiesis +pathopoietic +pathopsychology +pathopsychosis +pathoradiography +pathos +pathosocial +Pathrusim +pathway +pathwayed +pathy +patible +patibulary +patibulate +patience +patiency +patient +patientless +patiently +patientness +patina +patinate +patination +patine +patined +patinize +patinous +patio +patisserie +patly +Patmian +Patmos +patness +patnidar +pato +patois +patola +patonce +patria +patrial +patriarch +patriarchal +patriarchalism +patriarchally +patriarchate +patriarchdom +patriarched +patriarchess +patriarchic +patriarchical +patriarchically +patriarchism +patriarchist +patriarchship +patriarchy +Patrice +patrice +Patricia +Patrician +patrician +patricianhood +patricianism +patricianly +patricianship +patriciate +patricidal +patricide +Patricio +Patrick +patrico +patrilineal +patrilineally +patrilinear +patriliny +patrilocal +patrimonial +patrimonially +patrimony +patrin +Patriofelis +patriolatry +patriot +patrioteer +patriotess +patriotic +patriotical +patriotically +patriotics +patriotism +patriotly +patriotship +Patripassian +Patripassianism +Patripassianist +Patripassianly +patrist +patristic +patristical +patristically +patristicalness +patristicism +patristics +patrix +patrizate +patrization +patrocinium +patroclinic +patroclinous +patrocliny +patrogenesis +patrol +patroller +patrollotism +patrolman +patrologic +patrological +patrologist +patrology +patron +patronage +patronal +patronate +patrondom +patroness +patronessship +patronite +patronizable +patronization +patronize +patronizer +patronizing +patronizingly +patronless +patronly +patronomatology +patronship +patronym +patronymic +patronymically +patronymy +patroon +patroonry +patroonship +patruity +Patsy +patta +pattable +patte +pattee +patten +pattened +pattener +patter +patterer +patterist +pattern +patternable +patterned +patterner +patterning +patternize +patternless +patternlike +patternmaker +patternmaking +patternwise +patterny +pattu +Patty +patty +pattypan +patu +patulent +patulous +patulously +patulousness +Patuxent +patwari +Patwin +paty +pau +pauciarticulate +pauciarticulated +paucidentate +pauciflorous +paucifoliate +paucifolious +paucify +paucijugate +paucilocular +pauciloquent +pauciloquently +pauciloquy +paucinervate +paucipinnate +pauciplicate +pauciradiate +pauciradiated +paucispiral +paucispirated +paucity +paughty +paukpan +Paul +Paula +paular +pauldron +Pauliad +Paulian +Paulianist +Pauliccian +Paulicianism +paulie +paulin +Paulina +Pauline +Paulinia +Paulinian +Paulinism +Paulinist +Paulinistic +Paulinistically +Paulinity +Paulinize +Paulinus +Paulism +Paulist +Paulista +Paulite +paulopast +paulopost +paulospore +Paulownia +Paulus +Paumari +paunch +paunched +paunchful +paunchily +paunchiness +paunchy +paup +pauper +pauperage +pauperate +pauperdom +pauperess +pauperism +pauperitic +pauperization +pauperize +pauperizer +Paurometabola +paurometabolic +paurometabolism +paurometabolous +paurometaboly +pauropod +Pauropoda +pauropodous +pausably +pausal +pausation +pause +pauseful +pausefully +pauseless +pauselessly +pausement +pauser +pausingly +paussid +Paussidae +paut +pauxi +pavage +pavan +pavane +pave +pavement +pavemental +paver +pavestone +Pavetta +Pavia +pavid +pavidity +pavier +pavilion +paving +pavior +Paviotso +paviour +pavis +pavisade +pavisado +paviser +pavisor +Pavo +pavonated +pavonazzetto +pavonazzo +Pavoncella +Pavonia +pavonian +pavonine +pavonize +pavy +paw +pawdite +pawer +pawing +pawk +pawkery +pawkily +pawkiness +pawkrie +pawky +pawl +pawn +pawnable +pawnage +pawnbroker +pawnbrokerage +pawnbrokeress +pawnbrokering +pawnbrokery +pawnbroking +Pawnee +pawnee +pawner +pawnie +pawnor +pawnshop +pawpaw +Pawtucket +pax +paxilla +paxillar +paxillary +paxillate +paxilliferous +paxilliform +Paxillosa +paxillose +paxillus +paxiuba +paxwax +pay +payability +payable +payableness +payably +Payagua +Payaguan +payday +payed +payee +payeny +payer +paying +paymaster +paymastership +payment +paymistress +Payni +paynim +paynimhood +paynimry +Paynize +payoff +payong +payor +payroll +paysagist +Pazend +pea +peaberry +peace +peaceable +peaceableness +peaceably +peacebreaker +peacebreaking +peaceful +peacefully +peacefulness +peaceless +peacelessness +peacelike +peacemaker +peacemaking +peaceman +peacemonger +peacemongering +peacetime +peach +peachberry +peachblossom +peachblow +peachen +peacher +peachery +peachick +peachify +peachiness +peachlet +peachlike +peachwood +peachwort +peachy +peacoat +peacock +peacockery +peacockish +peacockishly +peacockishness +peacockism +peacocklike +peacockly +peacockwise +peacocky +peacod +peafowl +peag +peage +peahen +peai +peaiism +peak +peaked +peakedly +peakedness +peaker +peakily +peakiness +peaking +peakish +peakishly +peakishness +peakless +peaklike +peakward +peaky +peakyish +peal +pealike +pean +peanut +pear +pearceite +pearl +pearlberry +pearled +pearler +pearlet +pearlfish +pearlfruit +pearlike +pearlin +pearliness +pearling +pearlish +pearlite +pearlitic +pearlsides +pearlstone +pearlweed +pearlwort +pearly +pearmain +pearmonger +peart +pearten +peartly +peartness +pearwood +peasant +peasantess +peasanthood +peasantism +peasantize +peasantlike +peasantly +peasantry +peasantship +peasecod +peaselike +peasen +peashooter +peason +peastake +peastaking +peastick +peasticking +peastone +peasy +peat +peatery +peathouse +peatman +peatship +peatstack +peatwood +peaty +peavey +peavy +Peba +peba +Peban +pebble +pebbled +pebblehearted +pebblestone +pebbleware +pebbly +pebrine +pebrinous +pecan +peccability +peccable +peccadillo +peccancy +peccant +peccantly +peccantness +peccary +peccation +peccavi +pech +pecht +pecite +peck +pecked +pecker +peckerwood +pecket +peckful +peckhamite +peckiness +peckish +peckishly +peckishness +peckle +peckled +peckly +Pecksniffian +Pecksniffianism +Pecksniffism +pecky +Pecopteris +pecopteroid +Pecora +Pecos +pectase +pectate +pecten +pectic +pectin +Pectinacea +pectinacean +pectinaceous +pectinal +pectinase +pectinate +pectinated +pectinately +pectination +pectinatodenticulate +pectinatofimbricate +pectinatopinnate +pectineal +pectineus +pectinibranch +Pectinibranchia +pectinibranchian +Pectinibranchiata +pectinibranchiate +pectinic +pectinid +Pectinidae +pectiniferous +pectiniform +pectinirostrate +pectinite +pectinogen +pectinoid +pectinose +pectinous +pectizable +pectization +pectize +pectocellulose +pectolite +pectora +pectoral +pectoralgia +pectoralis +pectoralist +pectorally +pectoriloquial +pectoriloquism +pectoriloquous +pectoriloquy +pectosase +pectose +pectosic +pectosinase +pectous +pectunculate +Pectunculus +pectus +peculate +peculation +peculator +peculiar +peculiarism +peculiarity +peculiarize +peculiarly +peculiarness +peculiarsome +peculium +pecuniarily +pecuniary +pecuniosity +pecunious +ped +peda +pedage +pedagog +pedagogal +pedagogic +pedagogical +pedagogically +pedagogics +pedagogism +pedagogist +pedagogue +pedagoguery +pedagoguish +pedagoguism +pedagogy +pedal +pedaler +pedalfer +pedalferic +Pedaliaceae +pedaliaceous +pedalian +pedalier +Pedalion +pedalism +pedalist +pedaliter +pedality +Pedalium +pedanalysis +pedant +pedantesque +pedantess +pedanthood +pedantic +pedantical +pedantically +pedanticalness +pedanticism +pedanticly +pedanticness +pedantism +pedantize +pedantocracy +pedantocrat +pedantocratic +pedantry +pedary +Pedata +pedate +pedated +pedately +pedatifid +pedatiform +pedatilobate +pedatilobed +pedatinerved +pedatipartite +pedatisect +pedatisected +pedatrophia +pedder +peddle +peddler +peddleress +peddlerism +peddlery +peddling +peddlingly +pedee +pedelion +pederast +pederastic +pederastically +pederasty +pedes +pedesis +pedestal +pedestrial +pedestrially +pedestrian +pedestrianate +pedestrianism +pedestrianize +pedetentous +Pedetes +Pedetidae +Pedetinae +pediadontia +pediadontic +pediadontist +pedialgia +Pediastrum +pediatric +pediatrician +pediatrics +pediatrist +pediatry +pedicab +pedicel +pediceled +pedicellar +pedicellaria +pedicellate +pedicellated +pedicellation +pedicelled +pedicelliform +Pedicellina +pedicellus +pedicle +pedicular +Pedicularia +Pedicularis +pediculate +pediculated +Pediculati +pedicule +Pediculi +pediculicidal +pediculicide +pediculid +Pediculidae +Pediculina +pediculine +pediculofrontal +pediculoid +pediculoparietal +pediculophobia +pediculosis +pediculous +Pediculus +pedicure +pedicurism +pedicurist +pediferous +pediform +pedigerous +pedigraic +pedigree +pedigreeless +pediluvium +Pedimana +pedimanous +pediment +pedimental +pedimented +pedimentum +Pedioecetes +pedion +pedionomite +Pedionomus +pedipalp +pedipalpal +pedipalpate +Pedipalpi +Pedipalpida +pedipalpous +pedipalpus +pedipulate +pedipulation +pedipulator +pedlar +pedlary +pedobaptism +pedobaptist +pedocal +pedocalcic +pedodontia +pedodontic +pedodontist +pedodontology +pedograph +pedological +pedologist +pedologistical +pedologistically +pedology +pedometer +pedometric +pedometrical +pedometrically +pedometrician +pedometrist +pedomorphic +pedomorphism +pedomotive +pedomotor +pedophilia +pedophilic +pedotribe +pedotrophic +pedotrophist +pedotrophy +pedrail +pedregal +pedrero +Pedro +pedro +pedule +pedum +peduncle +peduncled +peduncular +Pedunculata +pedunculate +pedunculated +pedunculation +pedunculus +pee +peed +peek +peekaboo +peel +peelable +peele +peeled +peeledness +peeler +peelhouse +peeling +Peelism +Peelite +peelman +peen +peenge +peeoy +peep +peeper +peepeye +peephole +peepy +peer +peerage +peerdom +peeress +peerhood +peerie +peeringly +peerless +peerlessly +peerlessness +peerling +peerly +peership +peery +peesash +peesoreh +peesweep +peetweet +peeve +peeved +peevedly +peevedness +peever +peevish +peevishly +peevishness +peewee +Peg +peg +pega +pegall +peganite +Peganum +Pegasean +Pegasian +Pegasid +pegasid +Pegasidae +pegasoid +Pegasus +pegboard +pegbox +pegged +pegger +pegging +peggle +Peggy +peggy +pegless +peglet +peglike +pegman +pegmatite +pegmatitic +pegmatization +pegmatize +pegmatoid +pegmatophyre +pegology +pegomancy +Peguan +pegwood +Pehlevi +peho +Pehuenche +peignoir +peine +peirameter +peirastic +peirastically +peisage +peise +peiser +Peitho +peixere +pejorate +pejoration +pejorationist +pejorative +pejoratively +pejorism +pejorist +pejority +pekan +Pekin +pekin +Peking +Pekingese +pekoe +peladic +pelage +pelagial +Pelagian +pelagian +Pelagianism +Pelagianize +Pelagianizer +pelagic +Pelagothuria +pelamyd +pelanos +Pelargi +pelargic +Pelargikon +pelargomorph +Pelargomorphae +pelargomorphic +pelargonate +pelargonic +pelargonidin +pelargonin +pelargonium +Pelasgi +Pelasgian +Pelasgic +Pelasgikon +Pelasgoi +Pele +pelean +pelecan +Pelecani +Pelecanidae +Pelecaniformes +Pelecanoides +Pelecanoidinae +Pelecanus +pelecypod +Pelecypoda +pelecypodous +pelelith +pelerine +Peleus +Pelew +pelf +Pelias +pelican +pelicanry +pelick +pelicometer +Pelides +Pelidnota +pelike +peliom +pelioma +peliosis +pelisse +pelite +pelitic +pell +Pellaea +pellage +pellagra +pellagragenic +pellagrin +pellagrose +pellagrous +pellar +pellard +pellas +pellate +pellation +peller +pellet +pelleted +pelletierine +pelletlike +pellety +Pellian +pellicle +pellicula +pellicular +pellicularia +pelliculate +pellicule +pellile +pellitory +pellmell +pellock +pellotine +pellucent +pellucid +pellucidity +pellucidly +pellucidness +Pelmanism +Pelmanist +Pelmanize +pelmatic +pelmatogram +Pelmatozoa +pelmatozoan +pelmatozoic +pelmet +Pelobates +pelobatid +Pelobatidae +pelobatoid +Pelodytes +pelodytid +Pelodytidae +pelodytoid +Pelomedusa +pelomedusid +Pelomedusidae +pelomedusoid +Pelomyxa +pelon +Pelopaeus +Pelopid +Pelopidae +Peloponnesian +Pelops +peloria +pelorian +peloriate +peloric +pelorism +pelorization +pelorize +pelorus +pelota +pelotherapy +peloton +pelt +pelta +Peltandra +peltast +peltate +peltated +peltately +peltatifid +peltation +peltatodigitate +pelter +pelterer +peltiferous +peltifolious +peltiform +Peltigera +Peltigeraceae +peltigerine +peltigerous +peltinerved +pelting +peltingly +peltless +peltmonger +Peltogaster +peltry +pelu +peludo +Pelusios +pelveoperitonitis +pelves +Pelvetia +pelvic +pelviform +pelvigraph +pelvigraphy +pelvimeter +pelvimetry +pelviolithotomy +pelvioperitonitis +pelvioplasty +pelvioradiography +pelvioscopy +pelviotomy +pelviperitonitis +pelvirectal +pelvis +pelvisacral +pelvisternal +pelvisternum +pelycogram +pelycography +pelycology +pelycometer +pelycometry +pelycosaur +Pelycosauria +pelycosaurian +pembina +Pembroke +pemican +pemmican +pemmicanization +pemmicanize +pemphigoid +pemphigous +pemphigus +pen +penacute +Penaea +Penaeaceae +penaeaceous +penal +penalist +penality +penalizable +penalization +penalize +penally +penalty +penance +penanceless +penang +penannular +penates +penbard +pencatite +pence +pencel +penceless +penchant +penchute +pencil +penciled +penciler +penciliform +penciling +pencilled +penciller +pencillike +pencilling +pencilry +pencilwood +pencraft +pend +penda +pendant +pendanted +pendanting +pendantlike +pendecagon +pendeloque +pendency +pendent +pendentive +pendently +pendicle +pendicler +pending +pendle +pendom +pendragon +pendragonish +pendragonship +pendulant +pendular +pendulate +pendulation +pendule +penduline +pendulosity +pendulous +pendulously +pendulousness +pendulum +pendulumlike +Penelope +Penelopean +Penelophon +Penelopinae +penelopine +peneplain +peneplanation +peneplane +peneseismic +penetrability +penetrable +penetrableness +penetrably +penetral +penetralia +penetralian +penetrance +penetrancy +penetrant +penetrate +penetrating +penetratingly +penetratingness +penetration +penetrative +penetratively +penetrativeness +penetrativity +penetrator +penetrology +penetrometer +penfieldite +penfold +penful +penghulu +pengo +penguin +penguinery +penhead +penholder +penial +penicillate +penicillated +penicillately +penicillation +penicilliform +penicillin +Penicillium +penide +penile +peninsula +peninsular +peninsularism +peninsularity +peninsulate +penintime +peninvariant +penis +penistone +penitence +penitencer +penitent +Penitentes +penitential +penitentially +penitentiary +penitentiaryship +penitently +penk +penkeeper +penknife +penlike +penmaker +penmaking +penman +penmanship +penmaster +penna +pennaceous +Pennacook +pennae +pennage +Pennales +pennant +Pennaria +Pennariidae +Pennatae +pennate +pennated +pennatifid +pennatilobate +pennatipartite +pennatisect +pennatisected +Pennatula +Pennatulacea +pennatulacean +pennatulaceous +pennatularian +pennatulid +Pennatulidae +pennatuloid +penneech +penneeck +penner +pennet +penni +pennia +pennied +penniferous +penniform +pennigerous +penniless +pennilessly +pennilessness +pennill +penninervate +penninerved +penning +penninite +pennipotent +Pennisetum +penniveined +pennon +pennoned +pennopluma +pennoplume +pennorth +Pennsylvania +Pennsylvanian +Penny +penny +pennybird +pennycress +pennyearth +pennyflower +pennyhole +pennyleaf +pennyrot +pennyroyal +pennysiller +pennystone +pennyweight +pennywinkle +pennywort +pennyworth +Penobscot +penologic +penological +penologist +penology +penorcon +penrack +penroseite +Pensacola +penscript +penseful +pensefulness +penship +pensile +pensileness +pensility +pension +pensionable +pensionably +pensionary +pensioner +pensionership +pensionless +pensive +pensived +pensively +pensiveness +penster +penstick +penstock +pensum +pensy +pent +penta +pentabasic +pentabromide +pentacapsular +pentacarbon +pentacarbonyl +pentacarpellary +pentace +pentacetate +pentachenium +pentachloride +pentachord +pentachromic +pentacid +pentacle +pentacoccous +pentacontane +pentacosane +Pentacrinidae +pentacrinite +pentacrinoid +Pentacrinus +pentacron +pentacrostic +pentactinal +pentactine +pentacular +pentacyanic +pentacyclic +pentad +pentadactyl +Pentadactyla +pentadactylate +pentadactyle +pentadactylism +pentadactyloid +pentadecagon +pentadecahydrate +pentadecahydrated +pentadecane +pentadecatoic +pentadecoic +pentadecyl +pentadecylic +pentadelphous +pentadicity +pentadiene +pentadodecahedron +pentadrachm +pentadrachma +pentaerythrite +pentaerythritol +pentafid +pentafluoride +pentagamist +pentaglossal +pentaglot +pentaglottical +pentagon +pentagonal +pentagonally +pentagonohedron +pentagonoid +pentagram +pentagrammatic +pentagyn +Pentagynia +pentagynian +pentagynous +pentahalide +pentahedral +pentahedrical +pentahedroid +pentahedron +pentahedrous +pentahexahedral +pentahexahedron +pentahydrate +pentahydrated +pentahydric +pentahydroxy +pentail +pentaiodide +pentalobate +pentalogue +pentalogy +pentalpha +Pentamera +pentameral +pentameran +pentamerid +Pentameridae +pentamerism +pentameroid +pentamerous +Pentamerus +pentameter +pentamethylene +pentamethylenediamine +pentametrist +pentametrize +pentander +Pentandria +pentandrian +pentandrous +pentane +pentanedione +pentangle +pentangular +pentanitrate +pentanoic +pentanolide +pentanone +pentapetalous +Pentaphylacaceae +pentaphylacaceous +Pentaphylax +pentaphyllous +pentaploid +pentaploidic +pentaploidy +pentapody +pentapolis +pentapolitan +pentapterous +pentaptote +pentaptych +pentaquine +pentarch +pentarchical +pentarchy +pentasepalous +pentasilicate +pentaspermous +pentaspheric +pentaspherical +pentastich +pentastichous +pentastichy +pentastome +Pentastomida +pentastomoid +pentastomous +Pentastomum +pentastyle +pentastylos +pentasulphide +pentasyllabic +pentasyllabism +pentasyllable +Pentateuch +Pentateuchal +pentateuchal +pentathionate +pentathionic +pentathlete +pentathlon +pentathlos +pentatomic +pentatomid +Pentatomidae +Pentatomoidea +pentatone +pentatonic +pentatriacontane +pentavalence +pentavalency +pentavalent +penteconter +pentecontoglossal +Pentecost +Pentecostal +pentecostal +pentecostalism +pentecostalist +pentecostarion +pentecoster +pentecostys +Pentelic +Pentelican +pentene +penteteric +penthemimer +penthemimeral +penthemimeris +Penthestes +penthiophen +penthiophene +Penthoraceae +Penthorum +penthouse +penthouselike +penthrit +penthrite +pentimento +pentine +pentiodide +pentit +pentite +pentitol +pentlandite +pentobarbital +pentode +pentoic +pentol +pentosan +pentosane +pentose +pentoside +pentosuria +pentoxide +pentremital +pentremite +Pentremites +Pentremitidae +pentrit +pentrite +pentrough +Pentstemon +pentstock +penttail +pentyl +pentylene +pentylic +pentylidene +pentyne +Pentzia +penuchi +penult +penultima +penultimate +penultimatum +penumbra +penumbrae +penumbral +penumbrous +penurious +penuriously +penuriousness +penury +Penutian +penwiper +penwoman +penwomanship +penworker +penwright +peon +peonage +peonism +peony +people +peopledom +peoplehood +peopleize +peopleless +peopler +peoplet +peoplish +Peoria +Peorian +peotomy +pep +peperine +peperino +Peperomia +pepful +Pephredo +pepinella +pepino +peplos +peplosed +peplum +peplus +pepo +peponida +peponium +pepper +pepperbox +peppercorn +peppercornish +peppercorny +pepperer +peppergrass +pepperidge +pepperily +pepperiness +pepperish +pepperishly +peppermint +pepperoni +pepperproof +pepperroot +pepperweed +pepperwood +pepperwort +peppery +peppily +peppin +peppiness +peppy +pepsin +pepsinate +pepsinhydrochloric +pepsiniferous +pepsinogen +pepsinogenic +pepsinogenous +pepsis +peptic +peptical +pepticity +peptidase +peptide +peptizable +peptization +peptize +peptizer +peptogaster +peptogenic +peptogenous +peptogeny +peptohydrochloric +peptolysis +peptolytic +peptonaemia +peptonate +peptone +peptonemia +peptonic +peptonization +peptonize +peptonizer +peptonoid +peptonuria +peptotoxine +Pepysian +Pequot +Per +per +Peracarida +peracephalus +peracetate +peracetic +peracid +peracidite +peract +peracute +peradventure +peragrate +peragration +Perakim +peramble +perambulant +perambulate +perambulation +perambulator +perambulatory +Perameles +Peramelidae +perameline +perameloid +Peramium +Peratae +Perates +perbend +perborate +perborax +perbromide +Perca +percale +percaline +percarbide +percarbonate +percarbonic +perceivability +perceivable +perceivableness +perceivably +perceivance +perceivancy +perceive +perceivedly +perceivedness +perceiver +perceiving +perceivingness +percent +percentable +percentably +percentage +percentaged +percental +percentile +percentual +percept +perceptibility +perceptible +perceptibleness +perceptibly +perception +perceptional +perceptionalism +perceptionism +perceptive +perceptively +perceptiveness +perceptivity +perceptual +perceptually +Percesoces +percesocine +Perceval +perch +percha +perchable +perchance +percher +Percheron +perchlorate +perchlorethane +perchlorethylene +perchloric +perchloride +perchlorinate +perchlorination +perchloroethane +perchloroethylene +perchromate +perchromic +percid +Percidae +perciform +Perciformes +percipience +percipiency +percipient +Percival +perclose +percnosome +percoct +percoid +Percoidea +percoidean +percolable +percolate +percolation +percolative +percolator +percomorph +Percomorphi +percomorphous +percompound +percontation +percontatorial +percribrate +percribration +percrystallization +perculsion +perculsive +percur +percurration +percurrent +percursory +percuss +percussion +percussional +percussioner +percussionist +percussionize +percussive +percussively +percussiveness +percussor +percutaneous +percutaneously +percutient +Percy +percylite +Perdicinae +perdicine +perdition +perditionable +Perdix +perdricide +perdu +perduellion +perdurability +perdurable +perdurableness +perdurably +perdurance +perdurant +perdure +perduring +perduringly +Perean +peregrin +peregrina +peregrinate +peregrination +peregrinator +peregrinatory +peregrine +peregrinity +peregrinoid +pereion +pereiopod +pereira +pereirine +peremptorily +peremptoriness +peremptory +perendinant +perendinate +perendination +perendure +perennate +perennation +perennial +perenniality +perennialize +perennially +perennibranch +Perennibranchiata +perennibranchiate +perequitate +peres +Pereskia +perezone +perfect +perfectation +perfected +perfectedly +perfecter +perfecti +perfectibilian +perfectibilism +perfectibilist +perfectibilitarian +perfectibility +perfectible +perfecting +perfection +perfectionate +perfectionation +perfectionator +perfectioner +perfectionism +perfectionist +perfectionistic +perfectionize +perfectionizement +perfectionizer +perfectionment +perfectism +perfectist +perfective +perfectively +perfectiveness +perfectivity +perfectivize +perfectly +perfectness +perfecto +perfector +perfectuation +perfervent +perfervid +perfervidity +perfervidly +perfervidness +perfervor +perfervour +perfidious +perfidiously +perfidiousness +perfidy +perfilograph +perflate +perflation +perfluent +perfoliate +perfoliation +perforable +perforant +Perforata +perforate +perforated +perforation +perforationproof +perforative +perforator +perforatorium +perforatory +perforce +perforcedly +perform +performable +performance +performant +performative +performer +perfrication +perfumatory +perfume +perfumed +perfumeless +perfumer +perfumeress +perfumery +perfumy +perfunctionary +perfunctorily +perfunctoriness +perfunctorious +perfunctoriously +perfunctorize +perfunctory +perfuncturate +perfusate +perfuse +perfusion +perfusive +Pergamene +pergameneous +Pergamenian +pergamentaceous +Pergamic +pergamyn +pergola +perhalide +perhalogen +perhaps +perhazard +perhorresce +perhydroanthracene +perhydrogenate +perhydrogenation +perhydrogenize +peri +periacinal +periacinous +periactus +periadenitis +periamygdalitis +perianal +periangiocholitis +periangioma +periangitis +perianth +perianthial +perianthium +periaortic +periaortitis +periapical +periappendicitis +periappendicular +periapt +Periarctic +periareum +periarterial +periarteritis +periarthric +periarthritis +periarticular +periaster +periastral +periastron +periastrum +periatrial +periauricular +periaxial +periaxillary +periaxonal +periblast +periblastic +periblastula +periblem +peribolos +peribolus +peribranchial +peribronchial +peribronchiolar +peribronchiolitis +peribronchitis +peribulbar +peribursal +pericaecal +pericaecitis +pericanalicular +pericapsular +pericardia +pericardiac +pericardiacophrenic +pericardial +pericardicentesis +pericardiectomy +pericardiocentesis +pericardiolysis +pericardiomediastinitis +pericardiophrenic +pericardiopleural +pericardiorrhaphy +pericardiosymphysis +pericardiotomy +pericarditic +pericarditis +pericardium +pericardotomy +pericarp +pericarpial +pericarpic +pericarpium +pericarpoidal +pericecal +pericecitis +pericellular +pericemental +pericementitis +pericementoclasia +pericementum +pericenter +pericentral +pericentric +pericephalic +pericerebral +perichaete +perichaetial +perichaetium +perichete +pericholangitis +pericholecystitis +perichondral +perichondrial +perichondritis +perichondrium +perichord +perichordal +perichoresis +perichorioidal +perichoroidal +perichylous +pericladium +periclase +periclasia +periclasite +periclaustral +Periclean +Pericles +periclinal +periclinally +pericline +periclinium +periclitate +periclitation +pericolitis +pericolpitis +periconchal +periconchitis +pericopal +pericope +pericopic +pericorneal +pericowperitis +pericoxitis +pericranial +pericranitis +pericranium +pericristate +Pericu +periculant +pericycle +pericycloid +pericyclone +pericyclonic +pericystic +pericystitis +pericystium +pericytial +peridendritic +peridental +peridentium +peridentoclasia +periderm +peridermal +peridermic +Peridermium +peridesm +peridesmic +peridesmitis +peridesmium +peridial +peridiastole +peridiastolic +perididymis +perididymitis +peridiiform +Peridineae +Peridiniaceae +peridiniaceous +peridinial +Peridiniales +peridinian +peridinid +Peridinidae +Peridinieae +Peridiniidae +Peridinium +peridiole +peridiolum +peridium +peridot +peridotic +peridotite +peridotitic +periductal +periegesis +periegetic +perielesis +periencephalitis +perienteric +perienteritis +perienteron +periependymal +periesophageal +periesophagitis +perifistular +perifoliary +perifollicular +perifolliculitis +perigangliitis +periganglionic +perigastric +perigastritis +perigastrula +perigastrular +perigastrulation +perigeal +perigee +perigemmal +perigenesis +perigenital +perigeum +periglandular +perigloea +periglottic +periglottis +perignathic +perigon +perigonadial +perigonal +perigone +perigonial +perigonium +perigraph +perigraphic +perigynial +perigynium +perigynous +perigyny +perihelial +perihelian +perihelion +perihelium +perihepatic +perihepatitis +perihermenial +perihernial +perihysteric +perijejunitis +perijove +perikaryon +perikronion +peril +perilabyrinth +perilabyrinthitis +perilaryngeal +perilaryngitis +perilenticular +periligamentous +Perilla +perilless +perilobar +perilous +perilously +perilousness +perilsome +perilymph +perilymphangial +perilymphangitis +perilymphatic +perimartium +perimastitis +perimedullary +perimeningitis +perimeter +perimeterless +perimetral +perimetric +perimetrical +perimetrically +perimetritic +perimetritis +perimetrium +perimetry +perimorph +perimorphic +perimorphism +perimorphous +perimyelitis +perimysial +perimysium +perine +perineal +perineocele +perineoplastic +perineoplasty +perineorrhaphy +perineoscrotal +perineostomy +perineosynthesis +perineotomy +perineovaginal +perineovulvar +perinephral +perinephrial +perinephric +perinephritic +perinephritis +perinephrium +perineptunium +perineum +perineural +perineurial +perineuritis +perineurium +perinium +perinuclear +periocular +period +periodate +periodic +periodical +periodicalism +periodicalist +periodicalize +periodically +periodicalness +periodicity +periodide +periodize +periodogram +periodograph +periodology +periodontal +periodontia +periodontic +periodontist +periodontitis +periodontium +periodontoclasia +periodontologist +periodontology +periodontum +periodoscope +perioeci +perioecians +perioecic +perioecid +perioecus +perioesophageal +perioikoi +periomphalic +perionychia +perionychium +perionyx +perionyxis +perioophoritis +periophthalmic +periophthalmitis +periople +perioplic +perioptic +perioptometry +perioral +periorbit +periorbita +periorbital +periorchitis +periost +periostea +periosteal +periosteitis +periosteoalveolar +periosteoma +periosteomedullitis +periosteomyelitis +periosteophyte +periosteorrhaphy +periosteotome +periosteotomy +periosteous +periosteum +periostitic +periostitis +periostoma +periostosis +periostotomy +periostracal +periostracum +periotic +periovular +peripachymeningitis +peripancreatic +peripancreatitis +peripapillary +Peripatetic +peripatetic +peripatetical +peripatetically +peripateticate +Peripateticism +Peripatidae +Peripatidea +peripatize +peripatoid +Peripatopsidae +Peripatopsis +Peripatus +peripenial +peripericarditis +peripetalous +peripetasma +peripeteia +peripetia +peripety +periphacitis +peripharyngeal +peripherad +peripheral +peripherally +peripherial +peripheric +peripherical +peripherically +peripherocentral +peripheroceptor +peripheromittor +peripheroneural +peripherophose +periphery +periphlebitic +periphlebitis +periphractic +periphrase +periphrases +periphrasis +periphrastic +periphrastical +periphrastically +periphraxy +periphyllum +periphyse +periphysis +Periplaneta +periplasm +periplast +periplastic +periplegmatic +peripleural +peripleuritis +Periploca +periplus +peripneumonia +peripneumonic +peripneumony +peripneustic +peripolar +peripolygonal +periportal +periproct +periproctal +periproctitis +periproctous +periprostatic +periprostatitis +peripteral +peripterous +periptery +peripylephlebitis +peripyloric +perique +perirectal +perirectitis +perirenal +perisalpingitis +perisarc +perisarcal +perisarcous +perisaturnium +periscian +periscians +periscii +perisclerotic +periscopal +periscope +periscopic +periscopical +periscopism +perish +perishability +perishable +perishableness +perishably +perished +perishing +perishingly +perishless +perishment +perisigmoiditis +perisinuitis +perisinuous +perisinusitis +perisoma +perisomal +perisomatic +perisome +perisomial +perisperm +perispermal +perispermatitis +perispermic +perisphere +perispheric +perispherical +perisphinctean +Perisphinctes +Perisphinctidae +perisphinctoid +perisplanchnic +perisplanchnitis +perisplenetic +perisplenic +perisplenitis +perispome +perispomenon +perispondylic +perispondylitis +perispore +Perisporiaceae +perisporiaceous +Perisporiales +perissad +perissodactyl +Perissodactyla +perissodactylate +perissodactyle +perissodactylic +perissodactylism +perissodactylous +perissologic +perissological +perissology +perissosyllabic +peristalith +peristalsis +peristaltic +peristaltically +peristaphyline +peristaphylitis +peristele +peristerite +peristeromorph +Peristeromorphae +peristeromorphic +peristeromorphous +peristeronic +peristerophily +peristeropod +peristeropodan +peristeropode +Peristeropodes +peristeropodous +peristethium +peristole +peristoma +peristomal +peristomatic +peristome +peristomial +peristomium +peristrephic +peristrephical +peristrumitis +peristrumous +peristylar +peristyle +peristylium +peristylos +peristylum +perisynovial +perisystole +perisystolic +perit +perite +peritectic +peritendineum +peritenon +perithece +perithecial +perithecium +perithelial +perithelioma +perithelium +perithoracic +perithyreoiditis +perithyroiditis +peritomize +peritomous +peritomy +peritoneal +peritonealgia +peritoneally +peritoneocentesis +peritoneoclysis +peritoneomuscular +peritoneopathy +peritoneopericardial +peritoneopexy +peritoneoplasty +peritoneoscope +peritoneoscopy +peritoneotomy +peritoneum +peritonism +peritonital +peritonitic +peritonitis +peritonsillar +peritonsillitis +peritracheal +peritrema +peritrematous +peritreme +peritrich +Peritricha +peritrichan +peritrichic +peritrichous +peritrichously +peritroch +peritrochal +peritrochanteric +peritrochium +peritrochoid +peritropal +peritrophic +peritropous +perityphlic +perityphlitic +perityphlitis +periumbilical +periungual +periuranium +periureteric +periureteritis +periurethral +periurethritis +periuterine +periuvular +perivaginal +perivaginitis +perivascular +perivasculitis +perivenous +perivertebral +perivesical +perivisceral +perivisceritis +perivitellin +perivitelline +periwig +periwigpated +periwinkle +periwinkled +periwinkler +perizonium +perjink +perjinkety +perjinkities +perjinkly +perjure +perjured +perjuredly +perjuredness +perjurer +perjuress +perjurious +perjuriously +perjuriousness +perjurous +perjury +perjurymonger +perjurymongering +perk +perkily +Perkin +perkin +perkiness +perking +perkingly +perkish +perknite +perky +Perla +perlaceous +Perlaria +perle +perlection +perlid +Perlidae +perligenous +perlingual +perlingually +perlite +perlitic +perloir +perlustrate +perlustration +perlustrator +perm +permafrost +Permalloy +permalloy +permanence +permanency +permanent +permanently +permanentness +permanganate +permanganic +permansive +permeability +permeable +permeableness +permeably +permeameter +permeance +permeant +permeate +permeation +permeative +permeator +Permiak +Permian +permillage +permirific +permissibility +permissible +permissibleness +permissibly +permission +permissioned +permissive +permissively +permissiveness +permissory +permit +permittable +permitted +permittedly +permittee +permitter +permittivity +permixture +Permocarboniferous +permonosulphuric +permoralize +permutability +permutable +permutableness +permutably +permutate +permutation +permutational +permutationist +permutator +permutatorial +permutatory +permute +permuter +pern +pernancy +pernasal +pernavigate +Pernettia +pernicious +perniciously +perniciousness +pernicketiness +pernickety +pernine +Pernis +pernitrate +pernitric +pernoctation +pernor +pernyi +peroba +perobrachius +perocephalus +perochirus +perodactylus +Perodipus +Perognathinae +Perognathus +Peromedusae +Peromela +peromelous +peromelus +Peromyscus +peronate +peroneal +peroneocalcaneal +peroneotarsal +peroneotibial +peronial +peronium +Peronospora +Peronosporaceae +peronosporaceous +Peronosporales +peropod +Peropoda +peropodous +peropus +peroral +perorally +perorate +peroration +perorational +perorative +perorator +peroratorical +peroratorically +peroratory +perosis +perosmate +perosmic +perosomus +perotic +perovskite +peroxidase +peroxidate +peroxidation +peroxide +peroxidic +peroxidize +peroxidizement +peroxy +peroxyl +perozonid +perozonide +perpend +perpendicular +perpendicularity +perpendicularly +perpera +perperfect +perpetrable +perpetrate +perpetration +perpetrator +perpetratress +perpetratrix +perpetuable +perpetual +perpetualism +perpetualist +perpetuality +perpetually +perpetualness +perpetuana +perpetuance +perpetuant +perpetuate +perpetuation +perpetuator +perpetuity +perplantar +perplex +perplexable +perplexed +perplexedly +perplexedness +perplexer +perplexing +perplexingly +perplexity +perplexment +perplication +perquadrat +perquest +perquisite +perquisition +perquisitor +perradial +perradially +perradiate +perradius +perridiculous +perrier +Perrinist +perron +perruche +perrukery +perruthenate +perruthenic +Perry +perry +perryman +Persae +persalt +perscent +perscribe +perscrutate +perscrutation +perscrutator +perse +Persea +persecute +persecutee +persecuting +persecutingly +persecution +persecutional +persecutive +persecutiveness +persecutor +persecutory +persecutress +persecutrix +Perseid +perseite +perseitol +perseity +persentiscency +Persephassa +Persephone +Persepolitan +perseverance +perseverant +perseverate +perseveration +persevere +persevering +perseveringly +Persian +Persianist +Persianization +Persianize +Persic +Persicaria +persicary +Persicize +persico +persicot +persienne +persiennes +persiflage +persiflate +persilicic +persimmon +Persis +persis +Persism +persist +persistence +persistency +persistent +persistently +persister +persisting +persistingly +persistive +persistively +persistiveness +persnickety +person +persona +personable +personableness +personably +personage +personal +personalia +personalism +personalist +personalistic +personality +personalization +personalize +personally +personalness +personalty +personate +personately +personating +personation +personative +personator +personed +personeity +personifiable +personifiant +personification +personificative +personificator +personifier +personify +personization +personize +personnel +personship +perspection +perspective +perspectived +perspectiveless +perspectively +perspectivity +perspectograph +perspectometer +perspicacious +perspicaciously +perspicaciousness +perspicacity +perspicuity +perspicuous +perspicuously +perspicuousness +perspirability +perspirable +perspirant +perspirate +perspiration +perspirative +perspiratory +perspire +perspiringly +perspiry +perstringe +perstringement +persuadability +persuadable +persuadableness +persuadably +persuade +persuaded +persuadedly +persuadedness +persuader +persuadingly +persuasibility +persuasible +persuasibleness +persuasibly +persuasion +persuasive +persuasively +persuasiveness +persuasory +persulphate +persulphide +persulphocyanate +persulphocyanic +persulphuric +persymmetric +persymmetrical +pert +pertain +pertaining +pertainment +perten +perthiocyanate +perthiocyanic +perthiotophyre +perthite +perthitic +perthitically +perthosite +pertinacious +pertinaciously +pertinaciousness +pertinacity +pertinence +pertinency +pertinent +pertinently +pertinentness +pertish +pertly +pertness +perturb +perturbability +perturbable +perturbance +perturbancy +perturbant +perturbate +perturbation +perturbational +perturbatious +perturbative +perturbator +perturbatory +perturbatress +perturbatrix +perturbed +perturbedly +perturbedness +perturber +perturbing +perturbingly +perturbment +Pertusaria +Pertusariaceae +pertuse +pertused +pertusion +pertussal +pertussis +perty +Peru +Perugian +Peruginesque +peruke +perukeless +perukier +perukiership +perula +Perularia +perulate +perule +Perun +perusable +perusal +peruse +peruser +Peruvian +Peruvianize +pervade +pervadence +pervader +pervading +pervadingly +pervadingness +pervagate +pervagation +pervalvar +pervasion +pervasive +pervasively +pervasiveness +perverse +perversely +perverseness +perversion +perversity +perversive +pervert +perverted +pervertedly +pervertedness +perverter +pervertibility +pervertible +pervertibly +pervertive +perviability +perviable +pervicacious +pervicaciously +pervicaciousness +pervicacity +pervigilium +pervious +perviously +perviousness +pervulgate +pervulgation +perwitsky +pes +pesa +Pesach +pesade +pesage +Pesah +peseta +peshkar +peshkash +peshwa +peshwaship +peskily +peskiness +pesky +peso +pess +pessary +pessimal +pessimism +pessimist +pessimistic +pessimistically +pessimize +pessimum +pessomancy +pessoner +pessular +pessulus +pest +Pestalozzian +Pestalozzianism +peste +pester +pesterer +pesteringly +pesterment +pesterous +pestersome +pestful +pesthole +pesthouse +pesticidal +pesticide +pestiduct +pestiferous +pestiferously +pestiferousness +pestifugous +pestify +pestilence +pestilenceweed +pestilencewort +pestilent +pestilential +pestilentially +pestilentialness +pestilently +pestle +pestological +pestologist +pestology +pestproof +pet +petal +petalage +petaled +Petalia +petaliferous +petaliform +Petaliidae +petaline +petalism +petalite +petalled +petalless +petallike +petalocerous +petalodic +petalodont +petalodontid +Petalodontidae +petalodontoid +Petalodus +petalody +petaloid +petaloidal +petaloideous +petalomania +petalon +Petalostemon +petalous +petalwise +petaly +petard +petardeer +petardier +petary +Petasites +petasos +petasus +petaurine +petaurist +Petaurista +Petauristidae +Petauroides +Petaurus +petchary +petcock +Pete +pete +peteca +petechiae +petechial +petechiate +peteman +Peter +peter +Peterkin +Peterloo +peterman +peternet +petersham +peterwort +petful +petiolar +petiolary +Petiolata +petiolate +petiolated +petiole +petioled +Petioliventres +petiolular +petiolulate +petiolule +petiolus +petit +petite +petiteness +petitgrain +petition +petitionable +petitional +petitionarily +petitionary +petitionee +petitioner +petitionist +petitionproof +petitor +petitory +Petiveria +Petiveriaceae +petkin +petling +peto +Petr +Petrarchal +Petrarchan +Petrarchesque +Petrarchian +Petrarchianism +Petrarchism +Petrarchist +Petrarchistic +Petrarchistical +Petrarchize +petrary +petre +Petrea +petrean +petreity +petrel +petrescence +petrescent +Petricola +Petricolidae +petricolous +petrie +petrifaction +petrifactive +petrifiable +petrific +petrificant +petrificate +petrification +petrified +petrifier +petrify +Petrine +Petrinism +Petrinist +Petrinize +petrissage +Petrobium +Petrobrusian +petrochemical +petrochemistry +Petrogale +petrogenesis +petrogenic +petrogeny +petroglyph +petroglyphic +petroglyphy +petrograph +petrographer +petrographic +petrographical +petrographically +petrography +petrohyoid +petrol +petrolage +petrolatum +petrolean +petrolene +petroleous +petroleum +petrolic +petroliferous +petrolific +petrolist +petrolithic +petrolization +petrolize +petrologic +petrological +petrologically +petromastoid +Petromyzon +Petromyzonidae +petromyzont +Petromyzontes +Petromyzontidae +petromyzontoid +petronel +petronella +petropharyngeal +petrophilous +petrosa +petrosal +Petroselinum +petrosilex +petrosiliceous +petrosilicious +petrosphenoid +petrosphenoidal +petrosphere +petrosquamosal +petrosquamous +petrostearin +petrostearine +petrosum +petrotympanic +petrous +petroxolin +pettable +petted +pettedly +pettedness +petter +pettichaps +petticoat +petticoated +petticoaterie +petticoatery +petticoatism +petticoatless +petticoaty +pettifog +pettifogger +pettifoggery +pettifogging +pettifogulize +pettifogulizer +pettily +pettiness +pettingly +pettish +pettitoes +pettle +petty +pettyfog +petulance +petulancy +petulant +petulantly +petune +Petunia +petuntse +petwood +petzite +Peucedanum +Peucetii +peucites +peuhl +Peul +Peumus +Peutingerian +pew +pewage +pewdom +pewee +pewfellow +pewful +pewholder +pewing +pewit +pewless +pewmate +pewter +pewterer +pewterwort +pewtery +pewy +Peyerian +peyote +peyotl +peyton +peytrel +pezantic +Peziza +Pezizaceae +pezizaceous +pezizaeform +Pezizales +peziziform +pezizoid +pezograph +Pezophaps +Pfaffian +pfeffernuss +Pfeifferella +pfennig +pfui +pfund +Phaca +Phacelia +phacelite +phacella +Phacidiaceae +Phacidiales +phacitis +phacoanaphylaxis +phacocele +phacochere +phacocherine +phacochoere +phacochoerid +phacochoerine +phacochoeroid +Phacochoerus +phacocyst +phacocystectomy +phacocystitis +phacoglaucoma +phacoid +phacoidal +phacoidoscope +phacolite +phacolith +phacolysis +phacomalacia +phacometer +phacopid +Phacopidae +Phacops +phacosclerosis +phacoscope +phacotherapy +Phaeacian +Phaedo +phaeism +phaenantherous +phaenanthery +phaenogam +Phaenogamia +phaenogamian +phaenogamic +phaenogamous +phaenogenesis +phaenogenetic +phaenological +phaenology +phaenomenal +phaenomenism +phaenomenon +phaenozygous +phaeochrous +Phaeodaria +phaeodarian +phaeophore +Phaeophyceae +phaeophycean +phaeophyceous +phaeophyll +Phaeophyta +phaeophytin +phaeoplast +Phaeosporales +phaeospore +Phaeosporeae +phaeosporous +Phaet +Phaethon +Phaethonic +Phaethontes +Phaethontic +Phaethontidae +Phaethusa +phaeton +phage +phagedena +phagedenic +phagedenical +phagedenous +Phagineae +phagocytable +phagocytal +phagocyte +phagocyter +phagocytic +phagocytism +phagocytize +phagocytoblast +phagocytolysis +phagocytolytic +phagocytose +phagocytosis +phagodynamometer +phagolysis +phagolytic +phagomania +phainolion +Phainopepla +Phajus +Phalacrocoracidae +phalacrocoracine +Phalacrocorax +phalacrosis +Phalaecean +Phalaecian +Phalaenae +Phalaenidae +phalaenopsid +Phalaenopsis +phalangal +phalange +phalangeal +phalangean +phalanger +Phalangeridae +Phalangerinae +phalangerine +phalanges +phalangette +phalangian +phalangic +phalangid +Phalangida +phalangidan +Phalangidea +phalangidean +Phalangides +phalangiform +Phalangigrada +phalangigrade +phalangigrady +phalangiid +Phalangiidae +phalangist +Phalangista +Phalangistidae +phalangistine +phalangite +phalangitic +phalangitis +Phalangium +phalangologist +phalangology +phalansterial +phalansterian +phalansterianism +phalansteric +phalansterism +phalansterist +phalanstery +phalanx +phalanxed +phalarica +Phalaris +Phalarism +phalarope +Phalaropodidae +phalera +phalerate +phalerated +Phaleucian +Phallaceae +phallaceous +Phallales +phallalgia +phallaneurysm +phallephoric +phallic +phallical +phallicism +phallicist +phallin +phallism +phallist +phallitis +phallocrypsis +phallodynia +phalloid +phalloncus +phalloplasty +phallorrhagia +phallus +Phanar +Phanariot +Phanariote +phanatron +phaneric +phanerite +Phanerocarpae +Phanerocarpous +Phanerocephala +phanerocephalous +phanerocodonic +phanerocryst +phanerocrystalline +phanerogam +Phanerogamia +phanerogamian +phanerogamic +phanerogamous +phanerogamy +phanerogenetic +phanerogenic +Phaneroglossa +phaneroglossal +phaneroglossate +phaneromania +phaneromere +phaneromerous +phaneroscope +phanerosis +phanerozoic +phanerozonate +Phanerozonia +phanic +phano +phansigar +phantascope +phantasia +Phantasiast +Phantasiastic +phantasist +phantasize +phantasm +phantasma +phantasmagoria +phantasmagorial +phantasmagorially +phantasmagorian +phantasmagoric +phantasmagorical +phantasmagorist +phantasmagory +phantasmal +phantasmalian +phantasmality +phantasmally +phantasmascope +phantasmata +Phantasmatic +phantasmatic +phantasmatical +phantasmatically +phantasmatography +phantasmic +phantasmical +phantasmically +Phantasmist +phantasmogenesis +phantasmogenetic +phantasmograph +phantasmological +phantasmology +phantast +phantasy +phantom +phantomatic +phantomic +phantomical +phantomically +Phantomist +phantomize +phantomizer +phantomland +phantomlike +phantomnation +phantomry +phantomship +phantomy +phantoplex +phantoscope +Pharaoh +Pharaonic +Pharaonical +Pharbitis +phare +Phareodus +Pharian +Pharisaean +Pharisaic +pharisaical +pharisaically +pharisaicalness +Pharisaism +Pharisaist +Pharisean +Pharisee +pharisee +Phariseeism +pharmacal +pharmaceutic +pharmaceutical +pharmaceutically +pharmaceutics +pharmaceutist +pharmacic +pharmacist +pharmacite +pharmacodiagnosis +pharmacodynamic +pharmacodynamical +pharmacodynamics +pharmacoendocrinology +pharmacognosia +pharmacognosis +pharmacognosist +pharmacognostical +pharmacognostically +pharmacognostics +pharmacognosy +pharmacography +pharmacolite +pharmacologia +pharmacologic +pharmacological +pharmacologically +pharmacologist +pharmacology +pharmacomania +pharmacomaniac +pharmacomaniacal +pharmacometer +pharmacopedia +pharmacopedic +pharmacopedics +pharmacopeia +pharmacopeial +pharmacopeian +pharmacophobia +pharmacopoeia +pharmacopoeial +pharmacopoeian +pharmacopoeist +pharmacopolist +pharmacoposia +pharmacopsychology +pharmacosiderite +pharmacotherapy +pharmacy +pharmakos +pharmic +pharmuthi +pharology +Pharomacrus +pharos +Pharsalian +pharyngal +pharyngalgia +pharyngalgic +pharyngeal +pharyngectomy +pharyngemphraxis +pharynges +pharyngic +pharyngismus +pharyngitic +pharyngitis +pharyngoamygdalitis +pharyngobranch +pharyngobranchial +pharyngobranchiate +Pharyngobranchii +pharyngocele +pharyngoceratosis +pharyngodynia +pharyngoepiglottic +pharyngoepiglottidean +pharyngoesophageal +pharyngoglossal +pharyngoglossus +pharyngognath +Pharyngognathi +pharyngognathous +pharyngographic +pharyngography +pharyngokeratosis +pharyngolaryngeal +pharyngolaryngitis +pharyngolith +pharyngological +pharyngology +pharyngomaxillary +pharyngomycosis +pharyngonasal +pharyngopalatine +pharyngopalatinus +pharyngoparalysis +pharyngopathy +pharyngoplasty +pharyngoplegia +pharyngoplegic +pharyngoplegy +pharyngopleural +Pharyngopneusta +pharyngopneustal +pharyngorhinitis +pharyngorhinoscopy +pharyngoscleroma +pharyngoscope +pharyngoscopy +pharyngospasm +pharyngotherapy +pharyngotomy +pharyngotonsillitis +pharyngotyphoid +pharyngoxerosis +pharynogotome +pharynx +Phascaceae +phascaceous +Phascogale +Phascolarctinae +Phascolarctos +phascolome +Phascolomyidae +Phascolomys +Phascolonus +Phascum +phase +phaseal +phaseless +phaselin +phasemeter +phasemy +Phaseolaceae +phaseolin +phaseolous +phaseolunatin +Phaseolus +phaseometer +phases +Phasianella +Phasianellidae +phasianic +phasianid +Phasianidae +Phasianinae +phasianine +phasianoid +Phasianus +phasic +Phasiron +phasis +phasm +phasma +phasmatid +Phasmatida +Phasmatidae +Phasmatodea +phasmatoid +Phasmatoidea +phasmatrope +phasmid +Phasmida +Phasmidae +phasmoid +phasogeneous +phasotropy +pheal +pheasant +pheasantry +pheasantwood +Phebe +Phecda +Phegopteris +Pheidole +phellandrene +phellem +Phellodendron +phelloderm +phellodermal +phellogen +phellogenetic +phellogenic +phellonic +phelloplastic +phelloplastics +phelonion +phemic +Phemie +phenacaine +phenacetin +phenaceturic +phenacite +Phenacodontidae +Phenacodus +phenacyl +phenakism +phenakistoscope +Phenalgin +phenanthrene +phenanthridine +phenanthridone +phenanthrol +phenanthroline +phenarsine +phenate +phenazine +phenazone +phene +phenegol +phenene +phenethyl +phenetidine +phenetole +phengite +phengitical +phenic +phenicate +phenicious +phenicopter +phenin +phenmiazine +phenobarbital +phenocoll +phenocopy +phenocryst +phenocrystalline +phenogenesis +phenogenetic +phenol +phenolate +phenolic +phenolization +phenolize +phenological +phenologically +phenologist +phenology +phenoloid +phenolphthalein +phenolsulphonate +phenolsulphonephthalein +phenolsulphonic +phenomena +phenomenal +phenomenalism +phenomenalist +phenomenalistic +phenomenalistically +phenomenality +phenomenalization +phenomenalize +phenomenally +phenomenic +phenomenical +phenomenism +phenomenist +phenomenistic +phenomenize +phenomenological +phenomenologically +phenomenology +phenomenon +phenoplast +phenoplastic +phenoquinone +phenosafranine +phenosal +phenospermic +phenospermy +phenothiazine +phenotype +phenotypic +phenotypical +phenotypically +phenoxazine +phenoxid +phenoxide +phenozygous +Pheny +phenyl +phenylacetaldehyde +phenylacetamide +phenylacetic +phenylalanine +phenylamide +phenylamine +phenylate +phenylation +phenylboric +phenylcarbamic +phenylcarbimide +phenylene +phenylenediamine +phenylethylene +phenylglycine +phenylglycolic +phenylglyoxylic +phenylhydrazine +phenylhydrazone +phenylic +phenylmethane +pheon +pheophyl +pheophyll +pheophytin +Pherecratean +Pherecratian +Pherecratic +Pherephatta +pheretrer +Pherkad +Pherophatta +Phersephatta +Phersephoneia +phew +phi +phial +phiale +phialful +phialide +phialine +phiallike +phialophore +phialospore +Phidiac +Phidian +Phigalian +Phil +Philadelphian +Philadelphianism +philadelphite +Philadelphus +philadelphy +philalethist +philamot +Philander +philander +philanderer +philanthid +Philanthidae +philanthrope +philanthropian +philanthropic +philanthropical +philanthropically +philanthropinism +philanthropinist +Philanthropinum +philanthropism +philanthropist +philanthropistic +philanthropize +philanthropy +Philanthus +philantomba +philarchaist +philaristocracy +philatelic +philatelical +philatelically +philatelism +philatelist +philatelistic +philately +Philathea +philathletic +philematology +Philepitta +Philepittidae +Philesia +Philetaerus +philharmonic +philhellene +philhellenic +philhellenism +philhellenist +philhippic +philhymnic +philiater +Philip +Philippa +Philippan +Philippe +Philippian +Philippic +philippicize +Philippine +Philippines +Philippism +Philippist +Philippistic +Philippizate +philippize +philippizer +philippus +Philistia +Philistian +Philistine +Philistinely +Philistinian +Philistinic +Philistinish +Philistinism +Philistinize +Phill +philliloo +Phillip +phillipsine +phillipsite +Phillis +Phillyrea +phillyrin +philobiblian +philobiblic +philobiblical +philobiblist +philobotanic +philobotanist +philobrutish +philocalic +philocalist +philocaly +philocathartic +philocatholic +philocomal +Philoctetes +philocubist +philocynic +philocynical +philocynicism +philocyny +philodemic +Philodendron +philodespot +philodestructiveness +Philodina +Philodinidae +philodox +philodoxer +philodoxical +philodramatic +philodramatist +philofelist +philofelon +philogarlic +philogastric +philogeant +philogenitive +philogenitiveness +philograph +philographic +philogynaecic +philogynist +philogynous +philogyny +Philohela +philohellenian +philokleptic +philoleucosis +philologaster +philologastry +philologer +philologian +philologic +philological +philologically +philologist +philologistic +philologize +philologue +philology +Philomachus +philomath +philomathematic +philomathematical +philomathic +philomathical +philomathy +philomel +Philomela +philomelanist +philomuse +philomusical +philomystic +philonatural +philoneism +Philonian +Philonic +Philonism +Philonist +philonium +philonoist +philopagan +philopater +philopatrian +philopena +philophilosophos +philopig +philoplutonic +philopoet +philopogon +philopolemic +philopolemical +philopornist +philoprogeneity +philoprogenitive +philoprogenitiveness +philopterid +Philopteridae +philopublican +philoradical +philorchidaceous +philornithic +philorthodox +philosoph +philosophaster +philosophastering +philosophastry +philosophedom +philosopheme +philosopher +philosopheress +philosophership +philosophic +philosophical +philosophically +philosophicalness +philosophicide +philosophicohistorical +philosophicojuristic +philosophicolegal +philosophicoreligious +philosophicotheological +philosophism +philosophist +philosophister +philosophistic +philosophistical +philosophization +philosophize +philosophizer +philosophling +philosophobia +philosophocracy +philosophuncule +philosophunculist +philosophy +philotadpole +philotechnic +philotechnical +philotechnist +philothaumaturgic +philotheism +philotheist +philotheistic +philotheosophical +philotherian +philotherianism +Philotria +Philoxenian +philoxygenous +philozoic +philozoist +philozoonist +philter +philterer +philterproof +philtra +philtrum +Philydraceae +philydraceous +Philyra +phimosed +phimosis +phimotic +Phineas +Phiomia +Phiroze +phit +phiz +phizes +phizog +phlebalgia +phlebangioma +phlebarteriectasia +phlebarteriodialysis +phlebectasia +phlebectasis +phlebectasy +phlebectomy +phlebectopia +phlebectopy +phlebemphraxis +phlebenteric +phlebenterism +phlebitic +phlebitis +Phlebodium +phlebogram +phlebograph +phlebographical +phlebography +phleboid +phleboidal +phlebolite +phlebolith +phlebolithiasis +phlebolithic +phlebolitic +phlebological +phlebology +phlebometritis +phlebopexy +phleboplasty +phleborrhage +phleborrhagia +phleborrhaphy +phleborrhexis +phlebosclerosis +phlebosclerotic +phlebostasia +phlebostasis +phlebostenosis +phlebostrepsis +phlebothrombosis +phlebotome +phlebotomic +phlebotomical +phlebotomically +phlebotomist +phlebotomization +phlebotomize +Phlebotomus +phlebotomus +phlebotomy +Phlegethon +Phlegethontal +Phlegethontic +phlegm +phlegma +phlegmagogue +phlegmasia +phlegmatic +phlegmatical +phlegmatically +phlegmaticalness +phlegmaticly +phlegmaticness +phlegmatism +phlegmatist +phlegmatous +phlegmless +phlegmon +phlegmonic +phlegmonoid +phlegmonous +phlegmy +Phleum +phlobaphene +phlobatannin +phloem +phloeophagous +phloeoterma +phlogisma +phlogistian +phlogistic +phlogistical +phlogisticate +phlogistication +phlogiston +phlogistonism +phlogistonist +phlogogenetic +phlogogenic +phlogogenous +phlogopite +phlogosed +Phlomis +phloretic +phloroglucic +phloroglucin +phlorone +phloxin +pho +phobiac +phobic +phobism +phobist +phobophobia +Phobos +phoby +phoca +phocacean +phocaceous +Phocaean +Phocaena +Phocaenina +phocaenine +phocal +Phocean +phocenate +phocenic +phocenin +Phocian +phocid +Phocidae +phociform +Phocinae +phocine +phocodont +Phocodontia +phocodontic +Phocoena +phocoid +phocomelia +phocomelous +phocomelus +Phoebe +phoebe +Phoebean +Phoenicaceae +phoenicaceous +Phoenicales +phoenicean +Phoenician +Phoenicianism +Phoenicid +phoenicite +Phoenicize +phoenicochroite +Phoenicopteridae +Phoenicopteriformes +phoenicopteroid +Phoenicopteroideae +phoenicopterous +Phoenicopterus +Phoeniculidae +Phoeniculus +phoenicurous +phoenigm +Phoenix +phoenix +phoenixity +phoenixlike +phoh +pholad +Pholadacea +pholadian +pholadid +Pholadidae +Pholadinea +pholadoid +Pholas +pholcid +Pholcidae +pholcoid +Pholcus +pholido +pholidolite +pholidosis +Pholidota +pholidote +Pholiota +Phoma +Phomopsis +phon +phonal +phonasthenia +phonate +phonation +phonatory +phonautogram +phonautograph +phonautographic +phonautographically +phone +phoneidoscope +phoneidoscopic +Phonelescope +phoneme +phonemic +phonemics +phonendoscope +phonesis +phonestheme +phonetic +phonetical +phonetically +phonetician +phoneticism +phoneticist +phoneticization +phoneticize +phoneticogrammatical +phoneticohieroglyphic +phonetics +phonetism +phonetist +phonetization +phonetize +phoniatrics +phoniatry +phonic +phonics +phonikon +phonism +phono +phonocamptic +phonocinematograph +phonodeik +phonodynamograph +phonoglyph +phonogram +phonogramic +phonogramically +phonogrammatic +phonogrammatical +phonogrammic +phonogrammically +phonograph +phonographer +phonographic +phonographical +phonographically +phonographist +phonography +phonolite +phonolitic +phonologer +phonologic +phonological +phonologically +phonologist +phonology +phonometer +phonometric +phonometry +phonomimic +phonomotor +phonopathy +phonophile +phonophobia +phonophone +phonophore +phonophoric +phonophorous +phonophote +phonophotography +phonophotoscope +phonophotoscopic +phonoplex +phonoscope +phonotelemeter +phonotype +phonotyper +phonotypic +phonotypical +phonotypically +phonotypist +phonotypy +phony +phoo +Phora +Phoradendron +phoranthium +phoresis +phoresy +phoria +phorid +Phoridae +phorminx +Phormium +phorology +phorometer +phorometric +phorometry +phorone +phoronic +phoronid +Phoronida +Phoronidea +Phoronis +phoronomia +phoronomic +phoronomically +phoronomics +phoronomy +Phororhacidae +Phororhacos +phoroscope +phorozooid +phos +phose +phosgene +phosgenic +phosgenite +phosis +phosphagen +phospham +phosphamic +phosphamide +phosphamidic +phosphammonium +phosphatase +phosphate +phosphated +phosphatemia +phosphatese +phosphatic +phosphatide +phosphation +phosphatization +phosphatize +phosphaturia +phosphaturic +phosphene +phosphenyl +phosphide +phosphinate +phosphine +phosphinic +phosphite +phospho +phosphoaminolipide +phosphocarnic +phosphocreatine +phosphoferrite +phosphoglycerate +phosphoglyceric +phosphoglycoprotein +phospholipide +phospholipin +phosphomolybdate +phosphomolybdic +phosphonate +phosphonic +phosphonium +phosphophyllite +phosphoprotein +phosphor +phosphorate +phosphore +phosphoreal +phosphorent +phosphoreous +phosphoresce +phosphorescence +phosphorescent +phosphorescently +phosphoreted +phosphorhidrosis +phosphori +phosphoric +phosphorical +phosphoriferous +phosphorism +phosphorite +phosphoritic +phosphorize +phosphorogen +phosphorogenic +phosphorograph +phosphorographic +phosphorography +phosphoroscope +phosphorous +phosphoruria +phosphorus +phosphoryl +phosphorylase +phosphorylation +phosphosilicate +phosphotartaric +phosphotungstate +phosphotungstic +phosphowolframic +phosphuranylite +phosphuret +phosphuria +phosphyl +phossy +phot +photaesthesia +photaesthesis +photaesthetic +photal +photalgia +photechy +photelectrograph +photeolic +photerythrous +photesthesis +photic +photics +Photinia +Photinian +Photinianism +photism +photistic +photo +photoactinic +photoactivate +photoactivation +photoactive +photoactivity +photoaesthetic +photoalbum +photoalgraphy +photoanamorphosis +photoaquatint +Photobacterium +photobathic +photobiotic +photobromide +photocampsis +photocatalysis +photocatalyst +photocatalytic +photocatalyzer +photocell +photocellulose +photoceptor +photoceramic +photoceramics +photoceramist +photochemic +photochemical +photochemically +photochemigraphy +photochemist +photochemistry +photochloride +photochlorination +photochromascope +photochromatic +photochrome +photochromic +photochromography +photochromolithograph +photochromoscope +photochromotype +photochromotypy +photochromy +photochronograph +photochronographic +photochronographical +photochronographically +photochronography +photocollograph +photocollographic +photocollography +photocollotype +photocombustion +photocompose +photocomposition +photoconductivity +photocopier +photocopy +photocrayon +photocurrent +photodecomposition +photodensitometer +photodermatic +photodermatism +photodisintegration +photodissociation +photodrama +photodramatic +photodramatics +photodramatist +photodramaturgic +photodramaturgy +photodrome +photodromy +photodynamic +photodynamical +photodynamically +photodynamics +photodysphoria +photoelastic +photoelasticity +photoelectric +photoelectrical +photoelectrically +photoelectricity +photoelectron +photoelectrotype +photoemission +photoemissive +photoengrave +photoengraver +photoengraving +photoepinastic +photoepinastically +photoepinasty +photoesthesis +photoesthetic +photoetch +photoetcher +photoetching +photofilm +photofinish +photofinisher +photofinishing +photofloodlamp +photogalvanograph +photogalvanographic +photogalvanography +photogastroscope +photogelatin +photogen +photogene +photogenetic +photogenic +photogenically +photogenous +photoglyph +photoglyphic +photoglyphography +photoglyphy +photoglyptic +photoglyptography +photogram +photogrammeter +photogrammetric +photogrammetrical +photogrammetry +photograph +photographable +photographee +photographer +photographeress +photographess +photographic +photographical +photographically +photographist +photographize +photographometer +photography +photogravure +photogravurist +photogyric +photohalide +photoheliograph +photoheliographic +photoheliography +photoheliometer +photohyponastic +photohyponastically +photohyponasty +photoimpression +photoinactivation +photoinduction +photoinhibition +photointaglio +photoionization +photoisomeric +photoisomerization +photokinesis +photokinetic +photolith +photolitho +photolithograph +photolithographer +photolithographic +photolithography +photologic +photological +photologist +photology +photoluminescence +photoluminescent +photolysis +photolyte +photolytic +photoma +photomacrograph +photomagnetic +photomagnetism +photomap +photomapper +photomechanical +photomechanically +photometeor +photometer +photometric +photometrical +photometrically +photometrician +photometrist +photometrograph +photometry +photomezzotype +photomicrogram +photomicrograph +photomicrographer +photomicrographic +photomicrography +photomicroscope +photomicroscopic +photomicroscopy +photomontage +photomorphosis +photomural +photon +photonastic +photonasty +photonegative +photonephograph +photonephoscope +photoneutron +photonosus +photooxidation +photooxidative +photopathic +photopathy +photoperceptive +photoperimeter +photoperiod +photoperiodic +photoperiodism +photophane +photophile +photophilic +photophilous +photophily +photophobe +photophobia +photophobic +photophobous +photophone +photophonic +photophony +photophore +photophoresis +photophosphorescent +photophygous +photophysical +photophysicist +photopia +photopic +photopile +photopitometer +photoplay +photoplayer +photoplaywright +photopography +photopolarigraph +photopolymerization +photopositive +photoprint +photoprinter +photoprinting +photoprocess +photoptometer +photoradio +photoradiogram +photoreception +photoreceptive +photoreceptor +photoregression +photorelief +photoresistance +photosalt +photosantonic +photoscope +photoscopic +photoscopy +photosculptural +photosculpture +photosensitive +photosensitiveness +photosensitivity +photosensitization +photosensitize +photosensitizer +photosensory +photospectroheliograph +photospectroscope +photospectroscopic +photospectroscopical +photospectroscopy +photosphere +photospheric +photostability +photostable +Photostat +photostat +photostationary +photostereograph +photosurveying +photosyntax +photosynthate +photosynthesis +photosynthesize +photosynthetic +photosynthetically +photosynthometer +phototachometer +phototachometric +phototachometrical +phototachometry +phototactic +phototactically +phototactism +phototaxis +phototaxy +phototechnic +phototelegraph +phototelegraphic +phototelegraphically +phototelegraphy +phototelephone +phototelephony +phototelescope +phototelescopic +phototheodolite +phototherapeutic +phototherapeutics +phototherapic +phototherapist +phototherapy +photothermic +phototonic +phototonus +phototopographic +phototopographical +phototopography +phototrichromatic +phototrope +phototrophic +phototrophy +phototropic +phototropically +phototropism +phototropy +phototube +phototype +phototypic +phototypically +phototypist +phototypographic +phototypography +phototypy +photovisual +photovitrotype +photovoltaic +photoxylography +photozinco +photozincograph +photozincographic +photozincography +photozincotype +photozincotypy +photuria +Phractamphibia +phragma +Phragmidium +Phragmites +phragmocone +phragmoconic +Phragmocyttares +phragmocyttarous +phragmoid +phragmosis +phrasable +phrasal +phrasally +phrase +phraseable +phraseless +phrasemaker +phrasemaking +phraseman +phrasemonger +phrasemongering +phrasemongery +phraseogram +phraseograph +phraseographic +phraseography +phraseological +phraseologically +phraseologist +phraseology +phraser +phrasify +phrasiness +phrasing +phrasy +phrator +phratral +phratria +phratriac +phratrial +phratry +phreatic +phreatophyte +phrenesia +phrenesiac +phrenesis +phrenetic +phrenetically +phreneticness +phrenic +phrenicectomy +phrenicocolic +phrenicocostal +phrenicogastric +phrenicoglottic +phrenicohepatic +phrenicolienal +phrenicopericardiac +phrenicosplenic +phrenicotomy +phrenics +phrenitic +phrenitis +phrenocardia +phrenocardiac +phrenocolic +phrenocostal +phrenodynia +phrenogastric +phrenoglottic +phrenogram +phrenograph +phrenography +phrenohepatic +phrenologer +phrenologic +phrenological +phrenologically +phrenologist +phrenologize +phrenology +phrenomagnetism +phrenomesmerism +phrenopathia +phrenopathic +phrenopathy +phrenopericardiac +phrenoplegia +phrenoplegy +phrenosin +phrenosinic +phrenospasm +phrenosplenic +phronesis +Phronima +Phronimidae +phrontisterion +phrontisterium +phrontistery +Phryganea +phryganeid +Phryganeidae +phryganeoid +Phrygian +Phrygianize +phrygium +Phryma +Phrymaceae +phrymaceous +phrynid +Phrynidae +phrynin +phrynoid +Phrynosoma +phthalacene +phthalan +phthalanilic +phthalate +phthalazin +phthalazine +phthalein +phthaleinometer +phthalic +phthalid +phthalide +phthalimide +phthalin +phthalocyanine +phthalyl +phthanite +Phthartolatrae +phthinoid +phthiocol +phthiriasis +Phthirius +phthirophagous +phthisic +phthisical +phthisicky +phthisiogenesis +phthisiogenetic +phthisiogenic +phthisiologist +phthisiology +phthisiophobia +phthisiotherapeutic +phthisiotherapy +phthisipneumonia +phthisipneumony +phthisis +phthongal +phthongometer +phthor +phthoric +phu +phugoid +phulkari +phulwa +phulwara +phut +Phyciodes +phycite +Phycitidae +phycitol +phycochromaceae +phycochromaceous +phycochrome +Phycochromophyceae +phycochromophyceous +phycocyanin +phycocyanogen +Phycodromidae +phycoerythrin +phycography +phycological +phycologist +phycology +Phycomyces +phycomycete +Phycomycetes +phycomycetous +phycophaein +phycoxanthin +phycoxanthine +phygogalactic +phyla +phylacobiosis +phylacobiotic +phylacteric +phylacterical +phylacteried +phylacterize +phylactery +phylactic +phylactocarp +phylactocarpal +Phylactolaema +Phylactolaemata +phylactolaematous +Phylactolema +Phylactolemata +phylarch +phylarchic +phylarchical +phylarchy +phyle +phylephebic +phylesis +phyletic +phyletically +phyletism +phylic +Phyllachora +Phyllactinia +phyllade +Phyllanthus +phyllary +Phyllaurea +phylliform +phyllin +phylline +Phyllis +phyllite +phyllitic +Phyllitis +Phyllium +phyllobranchia +phyllobranchial +phyllobranchiate +Phyllocactus +phyllocarid +Phyllocarida +phyllocaridan +Phylloceras +phyllocerate +Phylloceratidae +phylloclad +phylloclade +phyllocladioid +phyllocladium +phyllocladous +phyllocyanic +phyllocyanin +phyllocyst +phyllocystic +phyllode +phyllodial +phyllodination +phyllodineous +phyllodiniation +phyllodinous +phyllodium +Phyllodoce +phyllody +phylloerythrin +phyllogenetic +phyllogenous +phylloid +phylloidal +phylloideous +phyllomancy +phyllomania +phyllome +phyllomic +phyllomorph +phyllomorphic +phyllomorphosis +phyllomorphy +Phyllophaga +phyllophagous +phyllophore +phyllophorous +phyllophyllin +phyllophyte +phyllopod +Phyllopoda +phyllopodan +phyllopode +phyllopodiform +phyllopodium +phyllopodous +phylloporphyrin +Phyllopteryx +phylloptosis +phyllopyrrole +phyllorhine +phyllorhinine +phylloscopine +Phylloscopus +phyllosiphonic +phyllosoma +Phyllosomata +phyllosome +Phyllospondyli +phyllospondylous +Phyllostachys +Phyllosticta +Phyllostoma +Phyllostomatidae +Phyllostomatinae +phyllostomatoid +phyllostomatous +phyllostome +Phyllostomidae +Phyllostominae +phyllostomine +phyllostomous +Phyllostomus +phyllotactic +phyllotactical +phyllotaxis +phyllotaxy +phyllous +phylloxanthin +Phylloxera +phylloxeran +phylloxeric +Phylloxeridae +phyllozooid +phylogenetic +phylogenetical +phylogenetically +phylogenic +phylogenist +phylogeny +phylogerontic +phylogerontism +phylography +phylology +phylon +phyloneanic +phylonepionic +phylum +phyma +phymata +phymatic +phymatid +Phymatidae +Phymatodes +phymatoid +phymatorhysin +phymatosis +Phymosia +Physa +physagogue +Physalia +physalian +Physaliidae +Physalis +physalite +Physalospora +Physapoda +Physaria +Physcia +Physciaceae +physcioid +Physcomitrium +Physeter +Physeteridae +Physeterinae +physeterine +physeteroid +Physeteroidea +physharmonica +physianthropy +physiatric +physiatrical +physiatrics +physic +physical +physicalism +physicalist +physicalistic +physicalistically +physicality +physically +physicalness +physician +physicianary +physiciancy +physicianed +physicianer +physicianess +physicianless +physicianly +physicianship +physicism +physicist +physicked +physicker +physicking +physicky +physicoastronomical +physicobiological +physicochemic +physicochemical +physicochemically +physicochemist +physicochemistry +physicogeographical +physicologic +physicological +physicomathematical +physicomathematics +physicomechanical +physicomedical +physicomental +physicomorph +physicomorphic +physicomorphism +physicooptics +physicophilosophical +physicophilosophy +physicophysiological +physicopsychical +physicosocial +physicotheological +physicotheologist +physicotheology +physicotherapeutic +physicotherapeutics +physicotherapy +physics +Physidae +physiform +physiochemical +physiochemically +physiocracy +physiocrat +physiocratic +physiocratism +physiocratist +physiogenesis +physiogenetic +physiogenic +physiogeny +physiognomic +physiognomical +physiognomically +physiognomics +physiognomist +physiognomize +physiognomonic +physiognomonical +physiognomy +physiogony +physiographer +physiographic +physiographical +physiographically +physiography +physiolater +physiolatrous +physiolatry +physiologer +physiologian +physiological +physiologically +physiologicoanatomic +physiologist +physiologize +physiologue +physiologus +physiology +physiopathological +physiophilist +physiophilosopher +physiophilosophical +physiophilosophy +physiopsychic +physiopsychical +physiopsychological +physiopsychology +physiosociological +physiosophic +physiosophy +physiotherapeutic +physiotherapeutical +physiotherapeutics +physiotherapist +physiotherapy +physiotype +physiotypy +physique +physiqued +physitheism +physitheistic +physitism +physiurgic +physiurgy +physocarpous +Physocarpus +physocele +physoclist +Physoclisti +physoclistic +physoclistous +Physoderma +physogastric +physogastrism +physogastry +physometra +Physonectae +physonectous +Physophorae +physophoran +physophore +physophorous +physopod +Physopoda +physopodan +Physostegia +Physostigma +physostigmine +physostomatous +physostome +Physostomi +physostomous +phytalbumose +phytase +Phytelephas +Phyteus +phytic +phytiferous +phytiform +phytin +phytivorous +phytobacteriology +phytobezoar +phytobiological +phytobiology +phytochemical +phytochemistry +phytochlorin +phytocidal +phytodynamics +phytoecological +phytoecologist +phytoecology +Phytoflagellata +phytogamy +phytogenesis +phytogenetic +phytogenetical +phytogenetically +phytogenic +phytogenous +phytogeny +phytogeographer +phytogeographic +phytogeographical +phytogeographically +phytogeography +phytoglobulin +phytograph +phytographer +phytographic +phytographical +phytographist +phytography +phytohormone +phytoid +phytol +Phytolacca +Phytolaccaceae +phytolaccaceous +phytolatrous +phytolatry +phytolithological +phytolithologist +phytolithology +phytologic +phytological +phytologically +phytologist +phytology +phytoma +Phytomastigina +Phytomastigoda +phytome +phytomer +phytometer +phytometric +phytometry +phytomonad +Phytomonadida +Phytomonadina +Phytomonas +phytomorphic +phytomorphology +phytomorphosis +phyton +phytonic +phytonomy +phytooecology +phytopaleontologic +phytopaleontological +phytopaleontologist +phytopaleontology +phytoparasite +phytopathogen +phytopathogenic +phytopathologic +phytopathological +phytopathologist +phytopathology +Phytophaga +phytophagan +phytophagic +Phytophagineae +phytophagous +phytophagy +phytopharmacologic +phytopharmacology +phytophenological +phytophenology +phytophil +phytophilous +Phytophthora +phytophylogenetic +phytophylogenic +phytophylogeny +phytophysiological +phytophysiology +phytoplankton +phytopsyche +phytoptid +Phytoptidae +phytoptose +phytoptosis +Phytoptus +phytorhodin +phytosaur +Phytosauria +phytosaurian +phytoserologic +phytoserological +phytoserologically +phytoserology +phytosis +phytosociologic +phytosociological +phytosociologically +phytosociologist +phytosociology +phytosterin +phytosterol +phytostrote +phytosynthesis +phytotaxonomy +phytotechny +phytoteratologic +phytoteratological +phytoteratologist +phytoteratology +Phytotoma +Phytotomidae +phytotomist +phytotomy +phytotopographical +phytotopography +phytotoxic +phytotoxin +phytovitellin +Phytozoa +phytozoan +Phytozoaria +phytozoon +phytyl +pi +Pia +pia +piaba +piacaba +piacle +piacular +piacularity +piacularly +piacularness +piaculum +piaffe +piaffer +pial +pialyn +pian +pianette +pianic +pianino +pianism +pianissimo +pianist +pianiste +pianistic +pianistically +Piankashaw +piannet +piano +pianoforte +pianofortist +pianograph +Pianokoto +Pianola +pianola +pianolist +pianologue +piarhemia +piarhemic +Piarist +Piaroa +Piaroan +Piaropus +Piarroan +piassava +Piast +piaster +piastre +piation +piazine +piazza +piazzaed +piazzaless +piazzalike +piazzian +pibcorn +piblokto +pibroch +pic +Pica +pica +picador +picadura +Picae +pical +picamar +picara +Picard +picarel +picaresque +Picariae +picarian +Picarii +picaro +picaroon +picary +picayune +picayunish +picayunishly +picayunishness +piccadill +piccadilly +piccalilli +piccolo +piccoloist +pice +Picea +Picene +picene +Picenian +piceoferruginous +piceotestaceous +piceous +piceworth +pichi +pichiciago +pichuric +pichurim +Pici +Picidae +piciform +Piciformes +Picinae +picine +pick +pickaback +pickable +pickableness +pickage +pickaninny +pickaroon +pickaway +pickax +picked +pickedly +pickedness +pickee +pickeer +picker +pickerel +pickerelweed +pickering +pickeringite +pickery +picket +picketboat +picketeer +picketer +pickfork +pickietar +pickings +pickle +picklelike +pickleman +pickler +pickleweed +pickleworm +picklock +pickman +pickmaw +picknick +picknicker +pickover +pickpocket +pickpocketism +pickpocketry +pickpole +pickpurse +pickshaft +picksman +picksmith +picksome +picksomeness +pickthank +pickthankly +pickthankness +pickthatch +picktooth +pickup +pickwick +Pickwickian +Pickwickianism +Pickwickianly +pickwork +picky +picnic +picnicker +picnickery +Picnickian +picnickish +picnicky +pico +picofarad +picoid +picoline +picolinic +picot +picotah +picotee +picotite +picqueter +picra +picramic +Picramnia +picrasmin +picrate +picrated +picric +Picris +picrite +picrocarmine +Picrodendraceae +Picrodendron +picroerythrin +picrol +picrolite +picromerite +picropodophyllin +picrorhiza +picrorhizin +picrotin +picrotoxic +picrotoxin +picrotoxinin +picryl +Pict +pict +pictarnie +Pictavi +Pictish +Pictland +pictogram +pictograph +pictographic +pictographically +pictography +Pictones +pictoradiogram +pictorial +pictorialism +pictorialist +pictorialization +pictorialize +pictorially +pictorialness +pictoric +pictorical +pictorically +picturability +picturable +picturableness +picturably +pictural +picture +picturecraft +pictured +picturedom +picturedrome +pictureful +pictureless +picturelike +picturely +picturemaker +picturemaking +picturer +picturesque +picturesquely +picturesqueness +picturesquish +picturization +picturize +pictury +picucule +picuda +picudilla +picudo +picul +piculet +piculule +Picumninae +Picumnus +Picunche +Picuris +Picus +pidan +piddle +piddler +piddling +piddock +pidgin +pidjajap +pie +piebald +piebaldism +piebaldly +piebaldness +piece +pieceable +pieceless +piecemaker +piecemeal +piecemealwise +piecen +piecener +piecer +piecette +piecewise +piecework +pieceworker +piecing +piecrust +pied +piedfort +piedly +piedmont +piedmontal +Piedmontese +piedmontite +piedness +Piegan +piehouse +pieless +pielet +pielum +piemag +pieman +piemarker +pien +pienanny +piend +piepan +pieplant +piepoudre +piepowder +pieprint +pier +pierage +Piercarlo +Pierce +pierce +pierceable +pierced +piercel +pierceless +piercent +piercer +piercing +piercingly +piercingness +pierdrop +Pierette +pierhead +Pierian +pierid +Pieridae +Pierides +Pieridinae +pieridine +Pierinae +pierine +Pieris +pierless +pierlike +Pierre +Pierrot +pierrot +pierrotic +pieshop +Piet +piet +pietas +Piete +Pieter +pietic +pietism +Pietist +pietist +pietistic +pietistical +pietistically +pietose +piety +piewife +piewipe +piewoman +piezo +piezochemical +piezochemistry +piezocrystallization +piezoelectric +piezoelectrically +piezoelectricity +piezometer +piezometric +piezometrical +piezometry +piff +piffle +piffler +pifine +pig +pigbelly +pigdan +pigdom +pigeon +pigeonable +pigeonberry +pigeoneer +pigeoner +pigeonfoot +pigeongram +pigeonhearted +pigeonhole +pigeonholer +pigeonman +pigeonry +pigeontail +pigeonweed +pigeonwing +pigeonwood +pigface +pigfish +pigflower +pigfoot +pigful +piggery +piggin +pigging +piggish +piggishly +piggishness +piggle +piggy +pighead +pigheaded +pigheadedly +pigheadedness +pigherd +pightle +pigless +piglet +pigling +piglinghood +pigly +pigmaker +pigmaking +pigman +pigment +pigmental +pigmentally +pigmentary +pigmentation +pigmentize +pigmentolysis +pigmentophage +pigmentose +Pigmy +pignolia +pignon +pignorate +pignoration +pignoratitious +pignorative +pignus +pignut +pigpen +pigritude +pigroot +pigsconce +pigskin +pigsney +pigstick +pigsticker +pigsty +pigtail +pigwash +pigweed +pigwidgeon +pigyard +piitis +pik +pika +pike +piked +pikel +pikelet +pikeman +pikemonger +piker +pikestaff +piketail +pikey +piki +piking +pikle +piky +pilage +pilandite +pilapil +Pilar +pilar +pilary +pilaster +pilastered +pilastering +pilastrade +pilastraded +pilastric +Pilate +Pilatian +pilau +pilaued +pilch +pilchard +pilcher +pilcorn +pilcrow +pile +Pilea +pileata +pileate +pileated +piled +pileiform +pileolated +pileolus +pileorhiza +pileorhize +pileous +piler +piles +pileus +pileweed +pilework +pileworm +pilewort +pilfer +pilferage +pilferer +pilfering +pilferingly +pilferment +pilgarlic +pilgarlicky +pilger +pilgrim +pilgrimage +pilgrimager +pilgrimatic +pilgrimatical +pilgrimdom +pilgrimer +pilgrimess +pilgrimism +pilgrimize +pilgrimlike +pilgrimwise +pili +pilidium +pilifer +piliferous +piliform +piligan +piliganine +piligerous +pilikai +pililloo +pilimiction +pilin +piline +piling +pilipilula +pilkins +pill +pillage +pillageable +pillagee +pillager +pillar +pillared +pillaret +pillaring +pillarist +pillarize +pillarlet +pillarlike +pillarwise +pillary +pillas +pillbox +pilled +pilledness +pillet +pilleus +pillion +pilliver +pilliwinks +pillmaker +pillmaking +pillmonger +pillorization +pillorize +pillory +pillow +pillowcase +pillowing +pillowless +pillowmade +pillowwork +pillowy +pillworm +pillwort +pilm +pilmy +Pilobolus +pilocarpidine +pilocarpine +Pilocarpus +Pilocereus +pilocystic +piloerection +pilomotor +pilon +pilonidal +pilori +pilose +pilosebaceous +pilosine +pilosis +pilosism +pilosity +Pilot +pilot +pilotage +pilotaxitic +pilotee +pilothouse +piloting +pilotism +pilotless +pilotman +pilotry +pilotship +pilotweed +pilous +Pilpai +Pilpay +pilpul +pilpulist +pilpulistic +piltock +pilula +pilular +Pilularia +pilule +pilulist +pilulous +pilum +Pilumnus +pilus +pilwillet +pily +Pim +Pima +Piman +pimaric +pimelate +Pimelea +pimelic +pimelite +pimelitis +Pimenta +pimento +pimenton +pimgenet +pimienta +pimiento +pimlico +pimola +pimp +pimperlimpimp +pimpernel +pimpery +Pimpinella +pimping +pimpish +Pimpla +pimple +pimpleback +pimpled +pimpleproof +Pimplinae +pimpliness +pimplo +pimploe +pimplous +pimply +pimpship +pin +pina +Pinaceae +pinaceous +pinaces +pinachrome +pinacle +Pinacoceras +Pinacoceratidae +pinacocytal +pinacocyte +pinacoid +pinacoidal +pinacol +pinacolate +pinacolic +pinacolin +pinacone +pinacoteca +pinaculum +Pinacyanol +pinafore +pinakiolite +pinakoidal +pinakotheke +Pinal +Pinaleno +Pinales +pinang +pinaster +pinatype +pinaverdol +pinax +pinball +pinbefore +pinbone +pinbush +pincase +pincement +pincer +pincerlike +pincers +pincerweed +pinch +pinchable +pinchback +pinchbeck +pinchbelly +pinchcock +pinchcommons +pinchcrust +pinche +pinched +pinchedly +pinchedness +pinchem +pincher +pinchfist +pinchfisted +pinchgut +pinching +pinchingly +pinchpenny +Pincian +Pinckneya +pincoffin +pincpinc +Pinctada +pincushion +pincushiony +pind +pinda +Pindari +Pindaric +pindarical +pindarically +Pindarism +Pindarist +Pindarize +Pindarus +pinder +pindling +pindy +pine +pineal +pinealism +pinealoma +pineapple +pined +pinedrops +pineland +pinene +piner +pinery +pinesap +pinetum +pineweed +pinewoods +piney +pinfall +pinfeather +pinfeathered +pinfeatherer +pinfeathery +pinfish +pinfold +Ping +ping +pingle +pingler +pingue +pinguecula +pinguedinous +pinguefaction +pinguefy +pinguescence +pinguescent +Pinguicula +pinguicula +Pinguiculaceae +pinguiculaceous +pinguid +pinguidity +pinguiferous +pinguin +pinguinitescent +pinguite +pinguitude +pinguitudinous +pinhead +pinheaded +pinheadedness +pinhold +pinhole +pinhook +pinic +pinicoline +pinicolous +piniferous +piniform +pining +piningly +pinion +pinioned +pinionless +pinionlike +pinipicrin +pinitannic +pinite +pinitol +pinivorous +pinjane +pinjra +pink +pinkberry +pinked +pinkeen +pinken +pinker +Pinkerton +Pinkertonism +pinkeye +pinkfish +pinkie +pinkify +pinkily +pinkiness +pinking +pinkish +pinkishness +pinkly +pinkness +pinkroot +pinksome +Pinkster +pinkweed +pinkwood +pinkwort +pinky +pinless +pinlock +pinmaker +Pinna +pinna +pinnace +pinnacle +pinnaclet +pinnae +pinnaglobin +pinnal +pinnate +pinnated +pinnatedly +pinnately +pinnatifid +pinnatifidly +pinnatilobate +pinnatilobed +pinnation +pinnatipartite +pinnatiped +pinnatisect +pinnatisected +pinnatodentate +pinnatopectinate +pinnatulate +pinned +pinnel +pinner +pinnet +Pinnidae +pinniferous +pinniform +pinnigerous +Pinnigrada +pinnigrade +pinninervate +pinninerved +pinning +pinningly +pinniped +Pinnipedia +pinnipedian +pinnisect +pinnisected +pinnitarsal +pinnitentaculate +pinniwinkis +pinnock +pinnoite +pinnotere +pinnothere +Pinnotheres +pinnotherian +Pinnotheridae +pinnula +pinnular +pinnulate +pinnulated +pinnule +pinnulet +pinny +pino +pinochle +pinocytosis +pinole +pinoleum +pinolia +pinolin +pinon +pinonic +pinpillow +pinpoint +pinprick +pinproof +pinrail +pinrowed +pinscher +pinsons +pint +pinta +pintadera +pintado +pintadoite +pintail +pintano +pinte +pintle +pinto +pintura +pinulus +Pinus +pinweed +pinwing +pinwork +pinworm +piny +pinyl +pinyon +pioneer +pioneerdom +pioneership +pionnotes +pioscope +pioted +piotine +Piotr +piotty +pioury +pious +piously +piousness +Pioxe +pip +pipa +pipage +pipal +pipe +pipeage +pipecoline +pipecolinic +piped +pipefish +pipeful +pipelayer +pipeless +pipelike +pipeline +pipeman +pipemouth +Piper +piper +Piperaceae +piperaceous +Piperales +piperate +piperazin +piperazine +piperic +piperide +piperideine +piperidge +piperidide +piperidine +piperine +piperitious +piperitone +piperly +piperno +piperoid +piperonal +piperonyl +pipery +piperylene +pipestapple +pipestem +pipestone +pipet +pipette +pipewalker +pipewood +pipework +pipewort +pipi +Pipidae +Pipil +Pipile +Pipilo +piping +pipingly +pipingness +pipiri +pipistrel +pipistrelle +Pipistrellus +pipit +pipkin +pipkinet +pipless +pipped +pipper +pippin +pippiner +pippinface +pippy +Pipra +Pipridae +Piprinae +piprine +piproid +pipsissewa +Piptadenia +Piptomeris +pipunculid +Pipunculidae +pipy +piquable +piquance +piquancy +piquant +piquantly +piquantness +pique +piquet +piquia +piqure +pir +piracy +piragua +Piranga +piranha +pirate +piratelike +piratery +piratess +piratical +piratically +piratism +piratize +piraty +Pirene +Piricularia +pirijiri +piripiri +piririgua +pirl +pirn +pirner +pirnie +pirny +Piro +pirogue +pirol +piroplasm +Piroplasma +piroplasmosis +pirouette +pirouetter +pirouettist +pirr +pirraura +pirrmaw +pirssonite +Pisaca +pisaca +pisachee +Pisan +pisang +pisanite +Pisauridae +pisay +piscary +Piscataqua +Piscataway +piscation +piscatology +piscator +piscatorial +piscatorialist +piscatorially +piscatorian +piscatorious +piscatory +Pisces +piscian +piscicapture +piscicapturist +piscicolous +piscicultural +pisciculturally +pisciculture +pisciculturist +Piscid +Piscidia +piscifauna +pisciferous +pisciform +piscina +piscinal +piscine +piscinity +Piscis +piscivorous +pisco +pise +pish +pishaug +pishogue +Pishquow +pishu +Pisidium +pisiform +Pisistratean +Pisistratidae +pisk +pisky +pismire +pismirism +piso +pisolite +pisolitic +Pisonia +piss +pissabed +pissant +pist +pistache +pistachio +Pistacia +pistacite +pistareen +Pistia +pistic +pistil +pistillaceous +pistillar +pistillary +pistillate +pistillid +pistilliferous +pistilliform +pistilligerous +pistilline +pistillode +pistillody +pistilloid +pistilogy +pistle +Pistoiese +pistol +pistole +pistoleer +pistolet +pistolgram +pistolgraph +pistollike +pistolography +pistology +pistolproof +pistolwise +piston +pistonhead +pistonlike +pistrix +Pisum +pit +pita +Pitahauerat +Pitahauirata +pitahaya +pitanga +pitangua +pitapat +pitapatation +pitarah +pitau +Pitawas +pitaya +pitayita +Pitcairnia +pitch +pitchable +pitchblende +pitcher +pitchered +pitcherful +pitcherlike +pitcherman +pitchfork +pitchhole +pitchi +pitchiness +pitching +pitchlike +pitchman +pitchometer +pitchout +pitchpike +pitchpole +pitchpoll +pitchstone +pitchwork +pitchy +piteous +piteously +piteousness +pitfall +pith +pithecan +pithecanthrope +pithecanthropic +pithecanthropid +Pithecanthropidae +pithecanthropoid +Pithecanthropus +Pithecia +pithecian +Pitheciinae +pitheciine +pithecism +pithecoid +Pithecolobium +pithecological +pithecometric +pithecomorphic +pithecomorphism +pithful +pithily +pithiness +pithless +pithlessly +Pithoegia +Pithoigia +pithole +pithos +pithsome +pithwork +pithy +pitiability +pitiable +pitiableness +pitiably +pitiedly +pitiedness +pitier +pitiful +pitifully +pitifulness +pitikins +pitiless +pitilessly +pitilessness +pitless +pitlike +pitmaker +pitmaking +pitman +pitmark +pitmirk +pitometer +pitpan +pitpit +pitside +Pitta +pittacal +pittance +pittancer +pitted +pitter +pitticite +Pittidae +pittine +pitting +Pittism +Pittite +pittite +pittoid +Pittosporaceae +pittosporaceous +pittospore +Pittosporum +Pittsburgher +pituital +pituitary +pituite +pituitous +pituitousness +Pituitrin +pituri +pitwood +pitwork +pitwright +pity +pitying +pityingly +Pitylus +pityocampa +pityproof +pityriasic +pityriasis +Pityrogramma +pityroid +piuri +piuricapsular +pivalic +pivot +pivotal +pivotally +pivoter +pix +pixie +pixilated +pixilation +pixy +pize +pizza +pizzeria +pizzicato +pizzle +placability +placable +placableness +placably +Placaean +placard +placardeer +placarder +placate +placater +placation +placative +placatively +placatory +placcate +place +placeable +Placean +placebo +placeful +placeless +placelessly +placemaker +placemaking +placeman +placemanship +placement +placemonger +placemongering +placenta +placental +Placentalia +placentalian +placentary +placentate +placentation +placentiferous +placentiform +placentigerous +placentitis +placentoid +placentoma +placer +placet +placewoman +placid +placidity +placidly +placidness +placitum +plack +placket +plackless +placochromatic +placode +placoderm +placodermal +placodermatous +Placodermi +placodermoid +placodont +Placodontia +Placodus +placoganoid +placoganoidean +Placoganoidei +placoid +placoidal +placoidean +Placoidei +Placoides +Placophora +placophoran +placoplast +placula +placuntitis +placuntoma +Placus +pladaroma +pladarosis +plaga +plagal +plagate +plage +Plagianthus +plagiaplite +plagiarical +plagiarism +plagiarist +plagiaristic +plagiaristically +plagiarization +plagiarize +plagiarizer +plagiary +plagihedral +plagiocephalic +plagiocephalism +plagiocephaly +Plagiochila +plagioclase +plagioclasite +plagioclastic +plagioclinal +plagiodont +plagiograph +plagioliparite +plagionite +plagiopatagium +plagiophyre +Plagiostomata +plagiostomatous +plagiostome +Plagiostomi +plagiostomous +plagiotropic +plagiotropically +plagiotropism +plagiotropous +plagium +plagose +plagosity +plague +plagued +plagueful +plagueless +plagueproof +plaguer +plaguesome +plaguesomeness +plaguily +plaguy +plaice +plaid +plaided +plaidie +plaiding +plaidman +plaidy +plain +plainback +plainbacks +plainer +plainful +plainhearted +plainish +plainly +plainness +plainscraft +plainsfolk +plainsman +plainsoled +plainstones +plainswoman +plaint +plaintail +plaintiff +plaintiffship +plaintile +plaintive +plaintively +plaintiveness +plaintless +plainward +plaister +plait +plaited +plaiter +plaiting +plaitless +plaitwork +plak +plakat +plan +planable +planaea +planar +Planaria +planarian +Planarida +planaridan +planariform +planarioid +planarity +planate +planation +planch +plancheite +plancher +planchet +planchette +planching +planchment +plancier +Planckian +plandok +plane +planeness +planer +Planera +planet +planeta +planetable +planetabler +planetal +planetaria +planetarian +planetarily +planetarium +planetary +planeted +planetesimal +planeticose +planeting +planetist +planetkin +planetless +planetlike +planetogeny +planetography +planetoid +planetoidal +planetologic +planetologist +planetology +planetule +planform +planful +planfully +planfulness +plang +plangency +plangent +plangently +plangor +plangorous +planicaudate +planicipital +planidorsate +planifolious +planiform +planigraph +planilla +planimetric +planimetrical +planimetry +planineter +planipennate +Planipennia +planipennine +planipetalous +planiphyllous +planirostral +planirostrate +planiscope +planiscopic +planish +planisher +planispheral +planisphere +planispheric +planispherical +planispiral +planity +plank +plankage +plankbuilt +planker +planking +plankless +planklike +planksheer +plankter +planktologist +planktology +plankton +planktonic +planktont +plankways +plankwise +planky +planless +planlessly +planlessness +planner +planoblast +planoblastic +Planococcus +planoconical +planocylindric +planoferrite +planogamete +planograph +planographic +planographist +planography +planohorizontal +planolindrical +planometer +planometry +planomiller +planoorbicular +Planorbidae +planorbiform +planorbine +Planorbis +planorboid +planorotund +Planosarcina +planosol +planosome +planospiral +planospore +planosubulate +plant +planta +plantable +plantad +Plantae +plantage +Plantaginaceae +plantaginaceous +Plantaginales +plantagineous +Plantago +plantain +plantal +plantar +plantaris +plantarium +plantation +plantationlike +plantdom +planter +planterdom +planterly +plantership +Plantigrada +plantigrade +plantigrady +planting +plantivorous +plantless +plantlet +plantlike +plantling +plantocracy +plantsman +plantula +plantular +plantule +planula +planulan +planular +planulate +planuliform +planuloid +Planuloidea +planuria +planury +planxty +plap +plappert +plaque +plaquette +plash +plasher +plashet +plashingly +plashment +plashy +plasm +plasma +plasmagene +plasmapheresis +plasmase +plasmatic +plasmatical +plasmation +plasmatoparous +plasmatorrhexis +plasmic +plasmocyte +plasmocytoma +plasmode +plasmodesm +plasmodesma +plasmodesmal +plasmodesmic +plasmodesmus +plasmodia +plasmodial +plasmodiate +plasmodic +plasmodiocarp +plasmodiocarpous +Plasmodiophora +Plasmodiophoraceae +Plasmodiophorales +plasmodium +plasmogen +plasmolysis +plasmolytic +plasmolytically +plasmolyzability +plasmolyzable +plasmolyze +plasmoma +Plasmon +Plasmopara +plasmophagous +plasmophagy +plasmoptysis +plasmosoma +plasmosome +plasmotomy +plasome +plass +plasson +plastein +plaster +plasterbill +plasterboard +plasterer +plasteriness +plastering +plasterlike +plasterwise +plasterwork +plastery +Plastic +plastic +plastically +plasticimeter +Plasticine +plasticine +plasticism +plasticity +plasticization +plasticize +plasticizer +plasticly +plastics +plastid +plastidium +plastidome +Plastidozoa +plastidular +plastidule +plastify +plastin +plastinoid +plastisol +plastochondria +plastochron +plastochrone +plastodynamia +plastodynamic +plastogamic +plastogamy +plastogene +plastomere +plastometer +plastosome +plastotype +plastral +plastron +plastrum +plat +Plataean +Platalea +Plataleidae +plataleiform +Plataleinae +plataleine +platan +Platanaceae +platanaceous +platane +platanist +Platanista +Platanistidae +platano +Platanus +platband +platch +plate +platea +plateasm +plateau +plateaux +plated +plateful +plateholder +plateiasmus +platelayer +plateless +platelet +platelike +platemaker +platemaking +plateman +platen +plater +platerer +plateresque +platery +plateway +platework +plateworker +platform +platformally +platformed +platformer +platformish +platformism +platformist +platformistic +platformless +platformy +platic +platicly +platilla +platina +platinamine +platinammine +platinate +Platine +plating +platinic +platinichloric +platinichloride +platiniferous +platiniridium +platinite +platinization +platinize +platinochloric +platinochloride +platinocyanic +platinocyanide +platinoid +platinotype +platinous +platinum +platinumsmith +platitude +platitudinal +platitudinarian +platitudinarianism +platitudinism +platitudinist +platitudinization +platitudinize +platitudinizer +platitudinous +platitudinously +platitudinousness +Platoda +platode +Platodes +platoid +Platonesque +platonesque +Platonian +Platonic +Platonical +Platonically +Platonicalness +Platonician +Platonicism +Platonism +Platonist +Platonistic +Platonization +Platonize +Platonizer +platoon +platopic +platosamine +platosammine +Platt +Plattdeutsch +platted +platten +platter +platterface +platterful +platting +plattnerite +platty +platurous +platy +platybasic +platybrachycephalic +platybrachycephalous +platybregmatic +platycarpous +Platycarpus +Platycarya +platycelian +platycelous +platycephalic +Platycephalidae +platycephalism +platycephaloid +platycephalous +Platycephalus +platycephaly +Platycercinae +platycercine +Platycercus +Platycerium +platycheiria +platycnemia +platycnemic +Platycodon +platycoria +platycrania +platycranial +Platyctenea +platycyrtean +platydactyl +platydactyle +platydactylous +platydolichocephalic +platydolichocephalous +platyfish +platyglossal +platyglossate +platyglossia +Platyhelmia +platyhelminth +Platyhelminthes +platyhelminthic +platyhieric +platykurtic +platylobate +platymeria +platymeric +platymery +platymesaticephalic +platymesocephalic +platymeter +platymyoid +platynite +platynotal +platyodont +platyope +platyopia +platyopic +platypellic +platypetalous +platyphyllous +platypod +Platypoda +platypodia +platypodous +Platyptera +platypus +platypygous +Platyrhina +Platyrhini +platyrhynchous +platyrrhin +Platyrrhina +platyrrhine +Platyrrhini +platyrrhinian +platyrrhinic +platyrrhinism +platyrrhiny +platysma +platysmamyoides +platysomid +Platysomidae +Platysomus +platystaphyline +Platystemon +platystencephalia +platystencephalic +platystencephalism +platystencephaly +platysternal +Platysternidae +Platystomidae +platystomous +platytrope +platytropy +plaud +plaudation +plaudit +plaudite +plauditor +plauditory +plauenite +plausibility +plausible +plausibleness +plausibly +plausive +plaustral +Plautine +Plautus +play +playa +playability +playable +playback +playbill +playbook +playbox +playboy +playboyism +playbroker +playcraft +playcraftsman +playday +playdown +player +playerdom +playeress +playfellow +playfellowship +playfield +playfolk +playful +playfully +playfulness +playgoer +playgoing +playground +playhouse +playingly +playless +playlet +playlike +playmaker +playmaking +playman +playmare +playmate +playmonger +playmongering +playock +playpen +playreader +playroom +playscript +playsome +playsomely +playsomeness +playstead +plaything +playtime +playward +playwoman +playwork +playwright +playwrightess +playwrighting +playwrightry +playwriter +playwriting +plaza +plazolite +plea +pleach +pleached +pleacher +plead +pleadable +pleadableness +pleader +pleading +pleadingly +pleadingness +pleaproof +pleasable +pleasableness +pleasance +pleasant +pleasantable +pleasantish +pleasantly +pleasantness +pleasantry +pleasantsome +please +pleasedly +pleasedness +pleaseman +pleaser +pleaship +pleasing +pleasingly +pleasingness +pleasurability +pleasurable +pleasurableness +pleasurably +pleasure +pleasureful +pleasurehood +pleasureless +pleasurelessly +pleasureman +pleasurement +pleasuremonger +pleasureproof +pleasurer +pleasuring +pleasurist +pleasurous +pleat +pleater +pleatless +pleb +plebe +plebeian +plebeiance +plebeianize +plebeianly +plebeianness +plebeity +plebianism +plebicolar +plebicolist +plebificate +plebification +plebify +plebiscitarian +plebiscitarism +plebiscitary +plebiscite +plebiscitic +plebiscitum +plebs +pleck +Plecoptera +plecopteran +plecopterid +plecopterous +Plecotinae +plecotine +Plecotus +plectognath +Plectognathi +plectognathic +plectognathous +plectopter +plectopteran +plectopterous +plectospondyl +Plectospondyli +plectospondylous +plectre +plectridial +plectridium +plectron +plectrum +pled +pledge +pledgeable +pledgee +pledgeless +pledgeor +pledger +pledgeshop +pledget +pledgor +Plegadis +plegaphonia +plegometer +Pleiades +pleiobar +pleiochromia +pleiochromic +pleiomastia +pleiomazia +pleiomerous +pleiomery +pleion +Pleione +pleionian +pleiophyllous +pleiophylly +pleiotaxis +pleiotropic +pleiotropically +pleiotropism +Pleistocene +Pleistocenic +pleistoseist +plemochoe +plemyrameter +plenarily +plenariness +plenarium +plenarty +plenary +plenicorn +pleniloquence +plenilunal +plenilunar +plenilunary +plenilune +plenipo +plenipotence +plenipotent +plenipotential +plenipotentiality +plenipotentiarily +plenipotentiarize +Plenipotentiary +plenipotentiary +plenipotentiaryship +plenish +plenishing +plenishment +plenism +plenist +plenitide +plenitude +plenitudinous +plenshing +plenteous +plenteously +plenteousness +plentiful +plentifully +plentifulness +plentify +plenty +plenum +pleny +pleochroic +pleochroism +pleochroitic +pleochromatic +pleochromatism +pleochroous +pleocrystalline +pleodont +pleomastia +pleomastic +pleomazia +pleometrosis +pleometrotic +pleomorph +pleomorphic +pleomorphism +pleomorphist +pleomorphous +pleomorphy +pleon +pleonal +pleonasm +pleonast +pleonaste +pleonastic +pleonastical +pleonastically +pleonectic +pleonexia +pleonic +pleophyletic +pleopod +pleopodite +Pleospora +Pleosporaceae +plerergate +plerocercoid +pleroma +pleromatic +plerome +pleromorph +plerophoric +plerophory +plerosis +plerotic +Plesianthropus +plesiobiosis +plesiobiotic +plesiomorphic +plesiomorphism +plesiomorphous +plesiosaur +Plesiosauri +Plesiosauria +plesiosaurian +plesiosauroid +Plesiosaurus +plesiotype +plessigraph +plessimeter +plessimetric +plessimetry +plessor +Plethodon +plethodontid +Plethodontidae +plethora +plethoretic +plethoretical +plethoric +plethorical +plethorically +plethorous +plethory +plethysmograph +plethysmographic +plethysmographically +plethysmography +pleura +Pleuracanthea +Pleuracanthidae +Pleuracanthini +pleuracanthoid +Pleuracanthus +pleural +pleuralgia +pleuralgic +pleurapophysial +pleurapophysis +pleurectomy +pleurenchyma +pleurenchymatous +pleuric +pleuriseptate +pleurisy +pleurite +pleuritic +pleuritical +pleuritically +pleuritis +Pleurobrachia +Pleurobrachiidae +pleurobranch +pleurobranchia +pleurobranchial +pleurobranchiate +pleurobronchitis +Pleurocapsa +Pleurocapsaceae +pleurocapsaceous +pleurocarp +Pleurocarpi +pleurocarpous +pleurocele +pleurocentesis +pleurocentral +pleurocentrum +Pleurocera +pleurocerebral +Pleuroceridae +pleuroceroid +Pleurococcaceae +pleurococcaceous +Pleurococcus +Pleurodelidae +Pleurodira +pleurodiran +pleurodire +pleurodirous +pleurodiscous +pleurodont +pleurodynia +pleurodynic +pleurogenic +pleurogenous +pleurohepatitis +pleuroid +pleurolith +pleurolysis +pleuron +Pleuronectes +pleuronectid +Pleuronectidae +pleuronectoid +Pleuronema +pleuropedal +pleuropericardial +pleuropericarditis +pleuroperitonaeal +pleuroperitoneal +pleuroperitoneum +pleuropneumonia +pleuropneumonic +pleuropodium +pleuropterygian +Pleuropterygii +pleuropulmonary +pleurorrhea +Pleurosaurus +Pleurosigma +pleurospasm +pleurosteal +Pleurosteon +pleurostict +Pleurosticti +Pleurostigma +pleurothotonic +pleurothotonus +Pleurotoma +Pleurotomaria +Pleurotomariidae +pleurotomarioid +Pleurotomidae +pleurotomine +pleurotomoid +pleurotomy +pleurotonic +pleurotonus +Pleurotremata +pleurotribal +pleurotribe +pleurotropous +Pleurotus +pleurotyphoid +pleurovisceral +pleurum +pleuston +pleustonic +plew +plex +plexal +plexicose +plexiform +pleximeter +pleximetric +pleximetry +plexodont +plexometer +plexor +plexure +plexus +pliability +pliable +pliableness +pliably +pliancy +pliant +pliantly +pliantness +plica +plicable +plical +plicate +plicated +plicately +plicateness +plicater +plicatile +plication +plicative +plicatocontorted +plicatocristate +plicatolacunose +plicatolobate +plicatopapillose +plicator +plicatoundulate +plicatulate +plicature +pliciferous +pliciform +plied +plier +plies +pliers +plight +plighted +plighter +plim +plimsoll +Plinian +plinth +plinther +plinthiform +plinthless +plinthlike +Pliny +Plinyism +Pliocene +Pliohippus +Pliopithecus +pliosaur +pliosaurian +Pliosauridae +Pliosaurus +pliothermic +Pliotron +pliskie +plisky +ploat +ploce +Ploceidae +ploceiform +Ploceinae +Ploceus +plock +plod +plodder +plodderly +plodding +ploddingly +ploddingness +plodge +Ploima +ploimate +plomb +plook +plop +ploration +ploratory +plosion +plosive +plot +plote +plotful +Plotinian +Plotinic +Plotinical +Plotinism +Plotinist +Plotinize +plotless +plotlessness +plotproof +plottage +plotted +plotter +plottery +plotting +plottingly +plotty +plough +ploughmanship +ploughtail +plouk +plouked +plouky +plounce +plousiocracy +plout +Plouteneion +plouter +plover +ploverlike +plovery +plow +plowable +plowbote +plowboy +plower +plowfish +plowfoot +plowgang +plowgate +plowgraith +plowhead +plowing +plowjogger +plowland +plowlight +plowline +plowmaker +plowman +plowmanship +plowmell +plowpoint +Plowrightia +plowshare +plowshoe +plowstaff +plowstilt +plowtail +plowwise +plowwoman +plowwright +ploy +ployment +Pluchea +pluck +pluckage +plucked +pluckedness +plucker +Pluckerian +pluckily +pluckiness +pluckless +plucklessness +plucky +plud +pluff +pluffer +pluffy +plug +plugboard +plugdrawer +pluggable +plugged +plugger +plugging +pluggingly +pluggy +plughole +plugless +pluglike +plugman +plugtray +plugtree +plum +pluma +plumaceous +plumach +plumade +plumage +plumaged +plumagery +plumasite +plumate +Plumatella +plumatellid +Plumatellidae +plumatelloid +plumb +plumbable +plumbage +Plumbaginaceae +plumbaginaceous +plumbagine +plumbaginous +plumbago +plumbate +plumbean +plumbeous +plumber +plumbership +plumbery +plumbet +plumbic +plumbiferous +plumbing +plumbism +plumbisolvent +plumbite +plumbless +plumbness +plumbog +plumbojarosite +plumboniobate +plumbosolvency +plumbosolvent +plumbous +plumbum +plumcot +plumdamas +plumdamis +plume +plumed +plumeless +plumelet +plumelike +plumemaker +plumemaking +plumeopicean +plumeous +plumer +plumery +plumet +plumette +plumicorn +plumier +Plumiera +plumieride +plumification +plumiform +plumiformly +plumify +plumigerous +pluminess +plumiped +plumipede +plumist +plumless +plumlet +plumlike +plummer +plummet +plummeted +plummetless +plummy +plumose +plumosely +plumoseness +plumosity +plumous +plump +plumpen +plumper +plumping +plumpish +plumply +plumpness +plumps +plumpy +plumula +plumulaceous +plumular +Plumularia +plumularian +Plumulariidae +plumulate +plumule +plumuliform +plumulose +plumy +plunder +plunderable +plunderage +plunderbund +plunderer +plunderess +plundering +plunderingly +plunderless +plunderous +plunderproof +plunge +plunger +plunging +plungingly +plunk +plunther +plup +plupatriotic +pluperfect +pluperfectly +pluperfectness +plural +pluralism +pluralist +pluralistic +pluralistically +plurality +pluralization +pluralize +pluralizer +plurally +plurative +plurennial +pluriaxial +pluricarinate +pluricarpellary +pluricellular +pluricentral +pluricipital +pluricuspid +pluricuspidate +pluridentate +pluries +plurifacial +plurifetation +plurification +pluriflagellate +pluriflorous +plurifoliate +plurifoliolate +plurify +pluriglandular +pluriguttulate +plurilateral +plurilingual +plurilingualism +plurilingualist +plurilocular +plurimammate +plurinominal +plurinucleate +pluripara +pluriparity +pluriparous +pluripartite +pluripetalous +pluripotence +pluripotent +pluripresence +pluriseptate +pluriserial +pluriseriate +pluriseriated +plurisetose +plurispiral +plurisporous +plurisyllabic +plurisyllable +plurivalent +plurivalve +plurivorous +plurivory +plus +plush +plushed +plushette +plushily +plushiness +plushlike +plushy +Plusia +Plusiinae +plusquamperfect +plussage +Plutarchian +Plutarchic +Plutarchical +Plutarchically +plutarchy +pluteal +plutean +pluteiform +Plutella +pluteus +Pluto +plutocracy +plutocrat +plutocratic +plutocratical +plutocratically +plutolatry +plutological +plutologist +plutology +plutomania +Plutonian +plutonian +plutonic +Plutonion +plutonism +plutonist +plutonite +Plutonium +plutonium +plutonometamorphism +plutonomic +plutonomist +plutonomy +pluvial +pluvialiform +pluvialine +Pluvialis +pluvian +pluvine +pluviograph +pluviographic +pluviographical +pluviography +pluviometer +pluviometric +pluviometrical +pluviometrically +pluviometry +pluvioscope +pluviose +pluviosity +pluvious +ply +plyer +plying +plyingly +Plymouth +Plymouthism +Plymouthist +Plymouthite +Plynlymmon +plywood +pneodynamics +pneograph +pneomanometer +pneometer +pneometry +pneophore +pneoscope +pneuma +pneumarthrosis +pneumathaemia +pneumatic +pneumatical +pneumatically +pneumaticity +pneumatics +pneumatism +pneumatist +pneumatize +pneumatized +pneumatocardia +pneumatocele +pneumatochemical +pneumatochemistry +pneumatocyst +pneumatocystic +pneumatode +pneumatogenic +pneumatogenous +pneumatogram +pneumatograph +pneumatographer +pneumatographic +pneumatography +pneumatolitic +pneumatologic +pneumatological +pneumatologist +pneumatology +pneumatolysis +pneumatolytic +Pneumatomachian +Pneumatomachist +Pneumatomachy +pneumatometer +pneumatometry +pneumatomorphic +pneumatonomy +pneumatophany +pneumatophilosophy +pneumatophobia +pneumatophonic +pneumatophony +pneumatophore +pneumatophorous +pneumatorrhachis +pneumatoscope +pneumatosic +pneumatosis +pneumatotactic +pneumatotherapeutics +pneumatotherapy +Pneumatria +pneumaturia +pneumectomy +pneumobacillus +Pneumobranchia +Pneumobranchiata +pneumocele +pneumocentesis +pneumochirurgia +pneumococcal +pneumococcemia +pneumococcic +pneumococcous +pneumococcus +pneumoconiosis +pneumoderma +pneumodynamic +pneumodynamics +pneumoencephalitis +pneumoenteritis +pneumogastric +pneumogram +pneumograph +pneumographic +pneumography +pneumohemothorax +pneumohydropericardium +pneumohydrothorax +pneumolith +pneumolithiasis +pneumological +pneumology +pneumolysis +pneumomalacia +pneumomassage +Pneumometer +pneumomycosis +pneumonalgia +pneumonectasia +pneumonectomy +pneumonedema +pneumonia +pneumonic +pneumonitic +pneumonitis +pneumonocace +pneumonocarcinoma +pneumonocele +pneumonocentesis +pneumonocirrhosis +pneumonoconiosis +pneumonodynia +pneumonoenteritis +pneumonoerysipelas +pneumonographic +pneumonography +pneumonokoniosis +pneumonolith +pneumonolithiasis +pneumonolysis +pneumonomelanosis +pneumonometer +pneumonomycosis +pneumonoparesis +pneumonopathy +pneumonopexy +pneumonophorous +pneumonophthisis +pneumonopleuritis +pneumonorrhagia +pneumonorrhaphy +pneumonosis +pneumonotherapy +pneumonotomy +pneumony +pneumopericardium +pneumoperitoneum +pneumoperitonitis +pneumopexy +pneumopleuritis +pneumopyothorax +pneumorrachis +pneumorrhachis +pneumorrhagia +pneumotactic +pneumotherapeutics +pneumotherapy +pneumothorax +pneumotomy +pneumotoxin +pneumotropic +pneumotropism +pneumotyphoid +pneumotyphus +pneumoventriculography +Po +po +Poa +Poaceae +poaceous +poach +poachable +poacher +poachiness +poachy +Poales +poalike +pob +pobby +Poblacht +poblacion +pobs +pochade +pochard +pochay +poche +pochette +pocilliform +pock +pocket +pocketable +pocketableness +pocketbook +pocketed +pocketer +pocketful +pocketing +pocketknife +pocketless +pocketlike +pockety +pockhouse +pockily +pockiness +pockmanteau +pockmantie +pockmark +pockweed +pockwood +pocky +poco +pococurante +pococuranteism +pococurantic +pococurantish +pococurantism +pococurantist +pocosin +poculary +poculation +poculent +poculiform +pod +podagra +podagral +podagric +podagrical +podagrous +podal +podalgia +podalic +Podaliriidae +Podalirius +Podarge +Podargidae +Podarginae +podargine +podargue +Podargus +podarthral +podarthritis +podarthrum +podatus +Podaxonia +podaxonial +podded +podder +poddidge +poddish +poddle +poddy +podelcoma +podeon +podesta +podesterate +podetiiform +podetium +podex +podge +podger +podgily +podginess +podgy +podial +podiatrist +podiatry +podical +Podiceps +podices +Podicipedidae +podilegous +podite +poditic +poditti +podium +podler +podley +podlike +podobranch +podobranchia +podobranchial +podobranchiate +podocarp +Podocarpaceae +Podocarpineae +podocarpous +Podocarpus +podocephalous +pododerm +pododynia +podogyn +podogyne +podogynium +Podolian +podolite +podology +podomancy +podomere +podometer +podometry +Podophrya +Podophryidae +Podophthalma +Podophthalmata +podophthalmate +podophthalmatous +Podophthalmia +podophthalmian +podophthalmic +podophthalmite +podophthalmitic +podophthalmous +Podophyllaceae +podophyllic +podophyllin +podophyllotoxin +podophyllous +Podophyllum +podophyllum +podoscaph +podoscapher +podoscopy +Podosomata +podosomatous +podosperm +Podosphaera +Podostemaceae +podostemaceous +podostemad +Podostemon +Podostemonaceae +podostemonaceous +Podostomata +podostomatous +podotheca +podothecal +Podozamites +Podsnap +Podsnappery +podsol +podsolic +podsolization +podsolize +Podunk +Podura +poduran +podurid +Poduridae +podware +podzol +podzolic +podzolization +podzolize +poe +Poecile +Poeciliidae +poecilitic +Poecilocyttares +poecilocyttarous +poecilogonous +poecilogony +poecilomere +poecilonym +poecilonymic +poecilonymy +poecilopod +Poecilopoda +poecilopodous +poem +poematic +poemet +poemlet +Poephaga +poephagous +Poephagus +poesie +poesiless +poesis +poesy +poet +poetaster +poetastering +poetasterism +poetastery +poetastress +poetastric +poetastrical +poetastry +poetcraft +poetdom +poetesque +poetess +poethood +poetic +poetical +poeticality +poetically +poeticalness +poeticism +poeticize +poeticness +poetics +poeticule +poetito +poetization +poetize +poetizer +poetless +poetlike +poetling +poetly +poetomachia +poetress +poetry +poetryless +poetship +poetwise +pogamoggan +pogge +poggy +Pogo +Pogonatum +Pogonia +pogoniasis +pogoniate +pogonion +pogonip +pogoniris +pogonite +pogonological +pogonologist +pogonology +pogonotomy +pogonotrophy +pogrom +pogromist +pogromize +pogy +poh +poha +pohickory +pohna +pohutukawa +poi +Poiana +Poictesme +poietic +poignance +poignancy +poignant +poignantly +poignet +poikilitic +poikiloblast +poikiloblastic +poikilocyte +poikilocythemia +poikilocytosis +poikilotherm +poikilothermic +poikilothermism +poil +poilu +poimenic +poimenics +Poinciana +poind +poindable +poinder +poinding +Poinsettia +point +pointable +pointage +pointed +pointedly +pointedness +pointel +pointer +pointful +pointfully +pointfulness +pointillism +pointillist +pointing +pointingly +pointless +pointlessly +pointlessness +pointlet +pointleted +pointmaker +pointman +pointment +pointrel +pointsman +pointswoman +pointways +pointwise +pointy +poisable +poise +poised +poiser +poison +poisonable +poisonful +poisonfully +poisoning +poisonless +poisonlessness +poisonmaker +poisonous +poisonously +poisonousness +poisonproof +poisonweed +poisonwood +poitrail +poitrel +poivrade +pokable +Pokan +Pokanoket +poke +pokeberry +poked +pokeful +pokeloken +pokeout +poker +pokerish +pokerishly +pokerishness +pokeroot +pokeweed +pokey +pokily +pokiness +poking +Pokom +Pokomam +Pokomo +pokomoo +Pokonchi +pokunt +poky +pol +Polab +Polabian +Polabish +polacca +Polack +polack +polacre +Polander +Polanisia +polar +polaric +Polarid +polarigraphic +polarimeter +polarimetric +polarimetry +Polaris +polariscope +polariscopic +polariscopically +polariscopist +polariscopy +polaristic +polaristrobometer +polarity +polarizability +polarizable +polarization +polarize +polarizer +polarly +polarogram +polarograph +polarographic +polarographically +polarography +Polaroid +polarward +polaxis +poldavis +poldavy +polder +polderboy +polderman +Pole +pole +polearm +poleax +poleaxe +poleaxer +poleburn +polecat +polehead +poleless +poleman +polemarch +polemic +polemical +polemically +polemician +polemicist +polemics +polemist +polemize +Polemoniaceae +polemoniaceous +Polemoniales +Polemonium +polemoscope +polenta +poler +polesetter +Polesian +polesman +polestar +poleward +polewards +poley +poliad +poliadic +Polian +polianite +Polianthes +police +policed +policedom +policeless +policeman +policemanish +policemanism +policemanlike +policemanship +policewoman +Polichinelle +policial +policize +policizer +policlinic +policy +policyholder +poliencephalitis +poliencephalomyelitis +poligar +poligarship +poligraphical +Polinices +polio +polioencephalitis +polioencephalomyelitis +poliomyelitis +poliomyelopathy +polioneuromere +poliorcetic +poliorcetics +poliosis +polis +Polish +polish +polishable +polished +polishedly +polishedness +polisher +polishment +polisman +polissoir +Polistes +politarch +politarchic +Politbureau +Politburo +polite +politeful +politely +politeness +politesse +politic +political +politicalism +politicalize +politically +politicaster +politician +politicious +politicist +politicize +politicizer +politicly +politico +politicomania +politicophobia +politics +politied +Politique +politist +politize +polity +politzerization +politzerize +polk +polka +Poll +poll +pollable +pollack +polladz +pollage +pollakiuria +pollam +pollan +pollarchy +pollard +pollbook +polled +pollen +pollened +polleniferous +pollenigerous +pollenite +pollenivorous +pollenless +pollenlike +pollenproof +pollent +poller +polleten +pollex +pollical +pollicar +pollicate +pollicitation +pollinar +pollinarium +pollinate +pollination +pollinator +pollinctor +pollincture +polling +pollinia +pollinic +pollinical +polliniferous +pollinigerous +pollinium +pollinivorous +pollinization +pollinize +pollinizer +pollinodial +pollinodium +pollinoid +pollinose +pollinosis +polliwig +polliwog +pollock +polloi +pollster +pollucite +pollutant +pollute +polluted +pollutedly +pollutedness +polluter +polluting +pollutingly +pollution +Pollux +pollux +Polly +Pollyanna +Pollyannish +pollywog +polo +poloconic +polocyte +poloist +polonaise +Polonese +Polonia +Polonial +Polonian +Polonism +polonium +Polonius +Polonization +Polonize +polony +polos +polska +polt +poltergeist +poltfoot +poltfooted +poltina +poltinnik +poltophagic +poltophagist +poltophagy +poltroon +poltroonery +poltroonish +poltroonishly +poltroonism +poluphloisboic +poluphloisboiotatotic +poluphloisboiotic +polverine +poly +polyacanthus +polyacid +polyacoustic +polyacoustics +polyact +polyactinal +polyactine +Polyactinia +polyad +polyadelph +Polyadelphia +polyadelphian +polyadelphous +polyadenia +polyadenitis +polyadenoma +polyadenous +polyadic +polyaffectioned +polyalcohol +polyamide +polyamylose +Polyandria +polyandria +polyandrian +polyandrianism +polyandric +polyandrious +polyandrism +polyandrist +polyandrium +polyandrous +polyandry +Polyangium +polyangular +polyantha +polyanthous +polyanthus +polyanthy +polyarch +polyarchal +polyarchical +polyarchist +polyarchy +polyarteritis +polyarthric +polyarthritic +polyarthritis +polyarthrous +polyarticular +polyatomic +polyatomicity +polyautographic +polyautography +polyaxial +polyaxon +polyaxone +polyaxonic +polybasic +polybasicity +polybasite +polyblast +Polyborinae +polyborine +Polyborus +polybranch +Polybranchia +polybranchian +Polybranchiata +polybranchiate +polybromid +polybromide +polybunous +polybuny +polybuttoned +polycarboxylic +Polycarp +polycarpellary +polycarpic +Polycarpon +polycarpous +polycarpy +polycellular +polycentral +polycentric +polycephalic +polycephalous +polycephaly +Polychaeta +polychaete +polychaetous +polychasial +polychasium +polychloride +polychoerany +polychord +polychotomous +polychotomy +polychrest +polychrestic +polychrestical +polychresty +polychroic +polychroism +polychromasia +polychromate +polychromatic +polychromatism +polychromatist +polychromatize +polychromatophil +polychromatophile +polychromatophilia +polychromatophilic +polychrome +polychromia +polychromic +polychromism +polychromize +polychromous +polychromy +polychronious +polyciliate +polycitral +polyclad +Polycladida +polycladine +polycladose +polycladous +polyclady +Polycletan +polyclinic +polyclona +polycoccous +Polycodium +polyconic +polycormic +polycotyl +polycotyledon +polycotyledonary +polycotyledonous +polycotyledony +polycotylous +polycotyly +polycracy +polycrase +polycratic +polycrotic +polycrotism +polycrystalline +polyctenid +Polyctenidae +polycttarian +polycyanide +polycyclic +polycycly +polycyesis +polycystic +polycythemia +polycythemic +Polycyttaria +polydactyl +polydactyle +polydactylism +polydactylous +Polydactylus +polydactyly +polydaemoniac +polydaemonism +polydaemonist +polydaemonistic +polydemic +polydenominational +polydental +polydermous +polydermy +polydigital +polydimensional +polydipsia +polydisperse +polydomous +polydymite +polydynamic +polyeidic +polyeidism +polyembryonate +polyembryonic +polyembryony +polyemia +polyemic +polyenzymatic +polyergic +Polyergus +polyester +polyesthesia +polyesthetic +polyethnic +polyethylene +polyfenestral +polyflorous +polyfoil +polyfold +Polygala +Polygalaceae +polygalaceous +polygalic +polygam +Polygamia +polygamian +polygamic +polygamical +polygamically +polygamist +polygamistic +polygamize +polygamodioecious +polygamous +polygamously +polygamy +polyganglionic +polygastric +polygene +polygenesic +polygenesis +polygenesist +polygenetic +polygenetically +polygenic +polygenism +polygenist +polygenistic +polygenous +polygeny +polyglandular +polyglobulia +polyglobulism +polyglossary +polyglot +polyglotry +polyglottal +polyglottally +polyglotted +polyglotter +polyglottery +polyglottic +polyglottically +polyglottism +polyglottist +polyglottonic +polyglottous +polyglotwise +polyglycerol +polygon +Polygonaceae +polygonaceous +polygonal +Polygonales +polygonally +Polygonatum +Polygonella +polygoneutic +polygoneutism +Polygonia +polygonic +polygonically +polygonoid +polygonous +Polygonum +polygony +Polygordius +polygram +polygrammatic +polygraph +polygrapher +polygraphic +polygraphy +polygroove +polygrooved +polygyn +polygynaiky +Polygynia +polygynian +polygynic +polygynious +polygynist +polygynoecial +polygynous +polygyny +polygyral +polygyria +polyhaemia +polyhaemic +polyhalide +polyhalite +polyhalogen +polyharmonic +polyharmony +polyhedral +polyhedric +polyhedrical +polyhedroid +polyhedron +polyhedrosis +polyhedrous +polyhemia +polyhidrosis +polyhistor +polyhistorian +polyhistoric +polyhistory +polyhybrid +polyhydric +polyhydroxy +polyideic +polyideism +polyidrosis +polyiodide +polykaryocyte +polylaminated +polylemma +polylepidous +polylinguist +polylith +polylithic +polylobular +polylogy +polyloquent +polymagnet +polymastia +polymastic +Polymastiga +polymastigate +Polymastigida +Polymastigina +polymastigous +polymastism +Polymastodon +polymastodont +polymasty +polymath +polymathic +polymathist +polymathy +polymazia +polymelia +polymelian +polymely +polymer +polymere +polymeria +polymeric +polymeride +polymerism +polymerization +polymerize +polymerous +polymetallism +polymetameric +polymeter +polymethylene +polymetochia +polymetochic +polymicrian +polymicrobial +polymicrobic +polymicroscope +polymignite +Polymixia +polymixiid +Polymixiidae +Polymnestor +Polymnia +polymnite +polymolecular +polymolybdate +polymorph +Polymorpha +polymorphean +polymorphic +polymorphism +polymorphistic +polymorphonuclear +polymorphonucleate +polymorphosis +polymorphous +polymorphy +Polymyaria +polymyarian +Polymyarii +Polymyodi +polymyodian +polymyodous +polymyoid +polymyositis +polymythic +polymythy +polynaphthene +polynemid +Polynemidae +polynemoid +Polynemus +Polynesian +polynesic +polyneural +polyneuric +polyneuritic +polyneuritis +polyneuropathy +polynodal +Polynoe +polynoid +Polynoidae +polynome +polynomial +polynomialism +polynomialist +polynomic +polynucleal +polynuclear +polynucleate +polynucleated +polynucleolar +polynucleosis +Polyodon +polyodont +polyodontal +polyodontia +Polyodontidae +polyodontoid +polyoecious +polyoeciously +polyoeciousness +polyoecism +polyoecy +polyoicous +polyommatous +polyonomous +polyonomy +polyonychia +polyonym +polyonymal +polyonymic +polyonymist +polyonymous +polyonymy +polyophthalmic +polyopia +polyopic +polyopsia +polyopsy +polyorama +polyorchidism +polyorchism +polyorganic +polyose +polyoxide +polyoxymethylene +polyp +polypage +polypaged +polypapilloma +polyparasitic +polyparasitism +polyparesis +polyparia +polyparian +polyparium +polyparous +polypary +polypean +polyped +Polypedates +polypeptide +polypetal +Polypetalae +polypetalous +Polyphaga +polyphage +polyphagia +polyphagian +polyphagic +polyphagist +polyphagous +polyphagy +polyphalangism +polypharmacal +polypharmacist +polypharmacon +polypharmacy +polypharmic +polyphasal +polyphase +polyphaser +Polypheme +polyphemian +polyphemic +polyphemous +polyphenol +polyphloesboean +polyphloisboioism +polyphloisboism +polyphobia +polyphobic +polyphone +polyphoned +polyphonia +polyphonic +polyphonical +polyphonism +polyphonist +polyphonium +polyphonous +polyphony +polyphore +polyphosphoric +polyphotal +polyphote +polyphylesis +polyphyletic +polyphyletically +polyphylety +polyphylline +polyphyllous +polyphylly +polyphylogeny +polyphyly +polyphyodont +Polypi +polypi +polypian +polypide +polypidom +Polypifera +polypiferous +polypigerous +polypinnate +polypite +Polyplacophora +polyplacophoran +polyplacophore +polyplacophorous +polyplastic +Polyplectron +polyplegia +polyplegic +polyploid +polyploidic +polyploidy +polypnoea +polypnoeic +polypod +Polypoda +polypodia +Polypodiaceae +polypodiaceous +Polypodium +polypodous +polypody +polypoid +polypoidal +Polypomorpha +polypomorphic +Polyporaceae +polyporaceous +polypore +polyporite +polyporoid +polyporous +Polyporus +polypose +polyposis +polypotome +polypous +polypragmacy +polypragmatic +polypragmatical +polypragmatically +polypragmatism +polypragmatist +polypragmaty +polypragmist +polypragmon +polypragmonic +polypragmonist +polyprene +polyprism +polyprismatic +polyprothetic +polyprotodont +Polyprotodontia +polypseudonymous +polypsychic +polypsychical +polypsychism +polypterid +Polypteridae +polypteroid +Polypterus +polyptote +polyptoton +polyptych +polypus +polyrhizal +polyrhizous +polyrhythmic +polyrhythmical +polysaccharide +polysaccharose +Polysaccum +polysalicylide +polysarcia +polysarcous +polyschematic +polyschematist +polyscope +polyscopic +polysemant +polysemantic +polysemeia +polysemia +polysemous +polysemy +polysensuous +polysensuousness +polysepalous +polyseptate +polyserositis +polysided +polysidedness +polysilicate +polysilicic +Polysiphonia +polysiphonic +polysiphonous +polysomatic +polysomatous +polysomaty +polysomia +polysomic +polysomitic +polysomous +polysomy +polyspast +polyspaston +polyspermal +polyspermatous +polyspermia +polyspermic +polyspermous +polyspermy +polyspondylic +polyspondylous +polyspondyly +Polyspora +polysporangium +polyspore +polyspored +polysporic +polysporous +polystachyous +polystaurion +polystele +polystelic +polystemonous +polystichoid +polystichous +Polystichum +Polystictus +Polystomata +Polystomatidae +polystomatous +polystome +Polystomea +Polystomella +Polystomidae +polystomium +polystylar +polystyle +polystylous +polystyrene +polysulphide +polysulphuration +polysulphurization +polysyllabic +polysyllabical +polysyllabically +polysyllabicism +polysyllabicity +polysyllabism +polysyllable +polysyllogism +polysyllogistic +polysymmetrical +polysymmetrically +polysymmetry +polysyndetic +polysyndetically +polysyndeton +polysynthesis +polysynthesism +polysynthetic +polysynthetical +polysynthetically +polysyntheticism +polysynthetism +polysynthetize +polytechnic +polytechnical +polytechnics +polytechnist +polyterpene +Polythalamia +polythalamian +polythalamic +polythalamous +polythecial +polytheism +polytheist +polytheistic +polytheistical +polytheistically +polytheize +polythelia +polythelism +polythely +polythene +polythionic +polytitanic +polytocous +polytokous +polytoky +polytomous +polytomy +polytonal +polytonalism +polytonality +polytone +polytonic +polytony +polytope +polytopic +polytopical +Polytrichaceae +polytrichaceous +polytrichia +polytrichous +Polytrichum +polytrochal +polytrochous +polytrope +polytrophic +polytropic +polytungstate +polytungstic +polytype +polytypic +polytypical +polytypy +polyuresis +polyuria +polyuric +polyvalence +polyvalent +polyvinyl +polyvinylidene +polyvirulent +polyvoltine +Polyzoa +polyzoal +polyzoan +polyzoarial +polyzoarium +polyzoary +polyzoic +polyzoism +polyzonal +polyzooid +polyzoon +polzenite +pom +pomace +Pomaceae +pomacentrid +Pomacentridae +pomacentroid +Pomacentrus +pomaceous +pomade +Pomaderris +Pomak +pomander +pomane +pomarine +pomarium +pomate +pomato +pomatomid +Pomatomidae +Pomatomus +pomatorhine +pomatum +pombe +pombo +pome +pomegranate +pomelo +Pomeranian +pomeridian +pomerium +pomewater +pomey +pomfret +pomiculture +pomiculturist +pomiferous +pomiform +pomivorous +Pommard +pomme +pommee +pommel +pommeled +pommeler +pommet +pommey +pommy +Pomo +pomological +pomologically +pomologist +pomology +Pomona +pomonal +pomonic +pomp +pompa +Pompadour +pompadour +pompal +pompano +Pompeian +Pompeii +pompelmous +Pompey +pompey +pompholix +pompholygous +pompholyx +pomphus +pompier +pompilid +Pompilidae +pompiloid +Pompilus +pompion +pompist +pompless +pompoleon +pompon +pomposity +pompous +pompously +pompousness +pompster +Pomptine +pomster +pon +Ponca +ponce +ponceau +poncelet +poncho +ponchoed +Poncirus +pond +pondage +pondbush +ponder +ponderability +ponderable +ponderableness +ponderal +ponderance +ponderancy +ponderant +ponderary +ponderate +ponderation +ponderative +ponderer +pondering +ponderingly +ponderling +ponderment +ponderomotive +ponderosapine +ponderosity +ponderous +ponderously +ponderousness +pondfish +pondful +pondgrass +pondlet +pondman +Pondo +pondok +pondokkie +Pondomisi +pondside +pondus +pondweed +pondwort +pondy +pone +ponent +Ponera +Poneramoeba +ponerid +Poneridae +Ponerinae +ponerine +poneroid +ponerology +poney +pong +ponga +pongee +Pongidae +Pongo +poniard +ponica +ponier +ponja +pont +Pontac +Pontacq +pontage +pontal +Pontederia +Pontederiaceae +pontederiaceous +pontee +pontes +pontianak +Pontic +pontic +ponticello +ponticular +ponticulus +pontifex +pontiff +pontific +pontifical +pontificalia +pontificalibus +pontificality +pontifically +pontificate +pontification +pontifices +pontificial +pontificially +pontificious +pontify +pontil +pontile +pontin +Pontine +pontine +pontist +pontlevis +ponto +Pontocaspian +pontocerebellar +ponton +pontonier +pontoon +pontooneer +pontooner +pontooning +Pontus +pontvolant +pony +ponzite +pooa +pooch +pooder +poodle +poodledom +poodleish +poodleship +poof +poogye +pooh +poohpoohist +pook +pooka +pookaun +pookoo +pool +pooler +pooli +poolroom +poolroot +poolside +poolwort +pooly +poon +poonac +poonga +poonghie +poop +pooped +poophyte +poophytic +poor +poorhouse +poorish +poorliness +poorling +poorly +poorlyish +poormaster +poorness +poorweed +poorwill +poot +Pop +pop +popadam +popal +popcorn +popdock +pope +Popean +popedom +popeholy +popehood +popeism +popeler +popeless +popelike +popeline +popely +popery +popeship +popess +popeye +popeyed +popglove +popgun +popgunner +popgunnery +Popian +popify +popinac +popinjay +Popish +popish +popishly +popishness +popjoy +poplar +poplared +Poplilia +poplin +poplinette +popliteal +popliteus +poplolly +Popocracy +Popocrat +Popolari +Popoloco +popomastic +popover +Popovets +poppa +poppability +poppable +poppean +poppel +popper +poppet +poppethead +poppied +poppin +popple +popply +poppy +poppycock +poppycockish +poppyfish +poppyhead +poppylike +poppywort +popshop +populace +popular +popularism +Popularist +popularity +popularization +popularize +popularizer +popularly +popularness +populate +population +populational +populationist +populationistic +populationless +populator +populicide +populin +Populism +Populist +Populistic +populous +populously +populousness +Populus +popweed +poral +porbeagle +porcate +porcated +porcelain +porcelainization +porcelainize +porcelainlike +porcelainous +porcelaneous +porcelanic +porcelanite +porcelanous +Porcellana +porcellanian +porcellanid +Porcellanidae +porcellanize +porch +porched +porching +porchless +porchlike +porcine +Porcula +porcupine +porcupinish +pore +pored +porelike +Porella +porencephalia +porencephalic +porencephalitis +porencephalon +porencephalous +porencephalus +porencephaly +porer +porge +porger +porgy +Poria +poricidal +Porifera +poriferal +poriferan +poriferous +poriform +porimania +poriness +poring +poringly +poriomanic +porism +porismatic +porismatical +porismatically +poristic +poristical +porite +Porites +Poritidae +poritoid +pork +porkburger +porker +porkery +porket +porkfish +porkish +porkless +porkling +porkman +Porkopolis +porkpie +porkwood +porky +pornerastic +pornocracy +pornocrat +pornograph +pornographer +pornographic +pornographically +pornographist +pornography +pornological +Porocephalus +porodine +porodite +porogam +porogamic +porogamous +porogamy +porokaiwhiria +porokeratosis +Porokoto +poroma +porometer +porophyllous +poroplastic +poroporo +pororoca +poros +poroscope +poroscopic +poroscopy +porose +poroseness +porosimeter +porosis +porosity +porotic +porotype +porous +porously +porousness +porpentine +porphine +Porphyra +Porphyraceae +porphyraceous +porphyratin +Porphyrean +porphyria +Porphyrian +porphyrian +Porphyrianist +porphyrin +porphyrine +porphyrinuria +Porphyrio +porphyrion +porphyrite +porphyritic +porphyroblast +porphyroblastic +porphyrogene +porphyrogenite +porphyrogenitic +porphyrogenitism +porphyrogeniture +porphyrogenitus +porphyroid +porphyrophore +porphyrous +porphyry +Porpita +porpitoid +porpoise +porpoiselike +porporate +porr +porraceous +porrect +porrection +porrectus +porret +porridge +porridgelike +porridgy +porriginous +porrigo +Porrima +porringer +porriwiggle +porry +port +porta +portability +portable +portableness +portably +portage +portague +portahepatis +portail +portal +portaled +portalled +portalless +portamento +portance +portass +portatile +portative +portcrayon +portcullis +porteacid +ported +porteligature +portend +portendance +portendment +Porteno +portension +portent +portention +portentosity +portentous +portentously +portentousness +porteous +porter +porterage +Porteranthus +porteress +porterhouse +porterlike +porterly +portership +portfire +portfolio +portglaive +portglave +portgrave +Porthetria +Portheus +porthole +porthook +porthors +porthouse +Portia +portia +portico +porticoed +portiere +portiered +portifory +portify +portio +portiomollis +portion +portionable +portional +portionally +portioner +portionist +portionize +portionless +portitor +Portlandian +portlast +portless +portlet +portligature +portlily +portliness +portly +portman +portmanmote +portmanteau +portmanteaux +portmantle +portmantologism +portment +portmoot +porto +portoise +portolan +portolano +Portor +portrait +portraitist +portraitlike +portraiture +portray +portrayable +portrayal +portrayer +portrayist +portrayment +portreeve +portreeveship +portress +portside +portsider +portsman +portuary +portugais +Portugal +Portugalism +Portugee +Portuguese +Portulaca +Portulacaceae +portulacaceous +Portulacaria +portulan +Portunalia +portunian +Portunidae +Portunus +portway +porty +porule +porulose +porulous +porus +porwigle +pory +Porzana +posadaship +posca +pose +Poseidon +Poseidonian +posement +poser +poseur +posey +posh +posing +posingly +posit +position +positional +positioned +positioner +positionless +positival +positive +positively +positiveness +positivism +positivist +positivistic +positivistically +positivity +positivize +positor +positron +positum +positure +Posnanian +posnet +posole +posologic +posological +posologist +posology +pospolite +poss +posse +posseman +possess +possessable +possessed +possessedly +possessedness +possessing +possessingly +possessingness +possession +possessional +possessionalism +possessionalist +possessionary +possessionate +possessioned +possessioner +possessionist +possessionless +possessionlessness +possessival +possessive +possessively +possessiveness +possessor +possessoress +possessorial +possessoriness +possessorship +possessory +posset +possibilism +possibilist +possibilitate +possibility +possible +possibleness +possibly +possum +possumwood +post +postabdomen +postabdominal +postable +postabortal +postacetabular +postadjunct +postage +postal +postallantoic +postally +postalveolar +postament +postamniotic +postanal +postanesthetic +postantennal +postaortic +postapoplectic +postappendicular +postarterial +postarthritic +postarticular +postarytenoid +postaspirate +postaspirated +postasthmatic +postatrial +postauditory +postauricular +postaxiad +postaxial +postaxially +postaxillary +postbag +postbaptismal +postbox +postboy +postbrachial +postbrachium +postbranchial +postbreakfast +postbronchial +postbuccal +postbulbar +postbursal +postcaecal +postcalcaneal +postcalcarine +postcanonical +postcardiac +postcardinal +postcarnate +postcarotid +postcart +postcartilaginous +postcatarrhal +postcava +postcaval +postcecal +postcenal +postcentral +postcentrum +postcephalic +postcerebellar +postcerebral +postcesarean +postcibal +postclassic +postclassical +postclassicism +postclavicle +postclavicula +postclavicular +postclimax +postclitellian +postclival +postcolon +postcolonial +postcolumellar +postcomitial +postcommissural +postcommissure +postcommunicant +Postcommunion +postconceptive +postcondylar +postconfinement +postconnubial +postconsonantal +postcontact +postcontract +postconvalescent +postconvulsive +postcordial +postcornu +postcosmic +postcostal +postcoxal +postcritical +postcrural +postcubital +postdate +postdental +postdepressive +postdetermined +postdevelopmental +postdiagnostic +postdiaphragmatic +postdiastolic +postdicrotic +postdigestive +postdigital +postdiluvial +postdiluvian +postdiphtheric +postdiphtheritic +postdisapproved +postdisseizin +postdisseizor +postdoctoral +postdoctorate +postdural +postdysenteric +posted +posteen +postelection +postelementary +postembryonal +postembryonic +postemporal +postencephalitic +postencephalon +postenteral +postentry +postepileptic +poster +posterette +posteriad +posterial +posterior +posterioric +posteriorically +posterioristic +posterioristically +posteriority +posteriorly +posteriormost +posteriors +posteriorums +posterish +posterishness +posterist +posterity +posterize +postern +posteroclusion +posterodorsad +posterodorsal +posterodorsally +posteroexternal +posteroinferior +posterointernal +posterolateral +posteromedial +posteromedian +posteromesial +posteroparietal +posterosuperior +posterotemporal +posteroterminal +posteroventral +posteruptive +postesophageal +posteternity +postethmoid +postexilian +postexilic +postexist +postexistence +postexistency +postexistent +postface +postfact +postfebrile +postfemoral +postfetal +postfix +postfixal +postfixation +postfixed +postfixial +postflection +postflexion +postform +postfoveal +postfrontal +postfurca +postfurcal +postganglionic +postgangrenal +postgastric +postgeminum +postgenial +postgeniture +postglacial +postglenoid +postglenoidal +postgonorrheic +postgracile +postgraduate +postgrippal +posthabit +posthaste +posthemiplegic +posthemorrhagic +posthepatic +posthetomist +posthetomy +posthexaplaric +posthippocampal +posthitis +postholder +posthole +posthouse +posthumeral +posthumous +posthumously +posthumousness +posthumus +posthyoid +posthypnotic +posthypnotically +posthypophyseal +posthypophysis +posthysterical +postic +postical +postically +posticous +posticteric +posticum +postil +postilion +postilioned +postillate +postillation +postillator +postimpressionism +postimpressionist +postimpressionistic +postinfective +postinfluenzal +posting +postingly +postintestinal +postique +postischial +postjacent +postjugular +postlabial +postlachrymal +postlaryngeal +postlegitimation +postlenticular +postless +postlike +postliminary +postliminiary +postliminious +postliminium +postliminous +postliminy +postloitic +postloral +postlude +postludium +postluetic +postmalarial +postmamillary +postmammary +postman +postmandibular +postmaniacal +postmarital +postmark +postmarriage +postmaster +postmasterlike +postmastership +postmastoid +postmaturity +postmaxillary +postmaximal +postmeatal +postmedia +postmedial +postmedian +postmediastinal +postmediastinum +postmedullary +postmeiotic +postmeningeal +postmenstrual +postmental +postmeridian +postmeridional +postmesenteric +postmillenarian +postmillenarianism +postmillennial +postmillennialism +postmillennialist +postmillennian +postmineral +postmistress +postmortal +postmortuary +postmundane +postmuscular +postmutative +postmycotic +postmyxedematous +postnarial +postnaris +postnasal +postnatal +postnate +postnati +postnecrotic +postnephritic +postneural +postneuralgic +postneuritic +postneurotic +postnodular +postnominal +postnotum +postnuptial +postnuptially +postobituary +postocular +postolivary +postomental +postoperative +postoptic +postoral +postorbital +postordination +postorgastic +postosseous +postotic +postpagan +postpaid +postpalatal +postpalatine +postpalpebral +postpaludal +postparalytic +postparietal +postparotid +postparotitic +postparoxysmal +postparturient +postpatellar +postpathological +postpericardial +postpharyngeal +postphlogistic +postphragma +postphrenic +postphthisic +postpituitary +postplace +postplegic +postpneumonic +postponable +postpone +postponement +postponence +postponer +postpontile +postpose +postposited +postposition +postpositional +postpositive +postpositively +postprandial +postprandially +postpredicament +postprophesy +postprostate +postpubertal +postpubescent +postpubic +postpubis +postpuerperal +postpulmonary +postpupillary +postpycnotic +postpyloric +postpyramidal +postpyretic +postrachitic +postramus +postrectal +postreduction +postremogeniture +postremote +postrenal +postresurrection +postresurrectional +postretinal +postrheumatic +postrhinal +postrider +postrorse +postrostral +postrubeolar +postsaccular +postsacral +postscalenus +postscapula +postscapular +postscapularis +postscarlatinal +postscenium +postscorbutic +postscribe +postscript +postscriptum +postscutellar +postscutellum +postseason +postsigmoid +postsign +postspasmodic +postsphenoid +postsphenoidal +postsphygmic +postspinous +postsplenial +postsplenic +poststernal +poststertorous +postsuppurative +postsurgical +postsynaptic +postsynsacral +postsyphilitic +postsystolic +posttabetic +posttarsal +posttetanic +postthalamic +postthoracic +postthyroidal +posttibial +posttonic +posttoxic +posttracheal +posttrapezoid +posttraumatic +posttreaty +posttubercular +posttussive +posttympanic +posttyphoid +postulancy +postulant +postulantship +postulata +postulate +postulation +postulational +postulator +postulatory +postulatum +postulnar +postumbilical +postumbonal +postural +posture +posturer +postureteric +posturist +posturize +postuterine +postvaccinal +postvaricellar +postvarioloid +postvelar +postvenereal +postvenous +postverbal +Postverta +postvertebral +postvesical +postvide +postvocalic +postwar +postward +postwise +postwoman +postxyphoid +postyard +postzygapophysial +postzygapophysis +posy +pot +potability +potable +potableness +potagerie +potagery +potamic +Potamobiidae +Potamochoerus +Potamogale +Potamogalidae +Potamogeton +Potamogetonaceae +potamogetonaceous +potamological +potamologist +potamology +potamometer +Potamonidae +potamophilous +potamoplankton +potash +potashery +potass +potassa +potassamide +potassic +potassiferous +potassium +potate +potation +potative +potato +potatoes +potator +potatory +Potawatami +Potawatomi +potbank +potbellied +potbelly +potboil +potboiler +potboy +potboydom +potch +potcher +potcherman +potcrook +potdar +pote +potecary +poteen +potence +potency +potent +potentacy +potentate +potential +potentiality +potentialization +potentialize +potentially +potentialness +potentiate +potentiation +Potentilla +potentiometer +potentiometric +potentize +potently +potentness +poter +Poterium +potestal +potestas +potestate +potestative +poteye +potful +potgirl +potgun +pothanger +pothead +pothecary +potheen +pother +potherb +potherment +pothery +pothole +pothook +pothookery +Pothos +pothouse +pothousey +pothunt +pothunter +pothunting +poticary +potichomania +potichomanist +potifer +Potiguara +potion +potlatch +potleg +potlicker +potlid +potlike +potluck +potmaker +potmaking +potman +potomania +potomato +potometer +potong +potoo +Potoroinae +potoroo +Potorous +potpie +potpourri +potrack +potsherd +potshoot +potshooter +potstick +potstone +pott +pottage +pottagy +pottah +potted +potter +potterer +potteress +potteringly +pottery +Pottiaceae +potting +pottinger +pottle +pottled +potto +potty +potwaller +potwalling +potware +potwhisky +potwork +potwort +pouce +poucer +poucey +pouch +pouched +pouchful +pouchless +pouchlike +pouchy +poudrette +pouf +poulaine +poulard +poulardize +poulp +poulpe +poult +poulter +poulterer +poulteress +poultice +poulticewise +poultry +poultrydom +poultryist +poultryless +poultrylike +poultryman +poultryproof +pounamu +pounce +pounced +pouncer +pouncet +pouncing +pouncingly +pound +poundage +poundal +poundcake +pounder +pounding +poundkeeper +poundless +poundlike +poundman +poundmaster +poundmeal +poundstone +poundworth +pour +pourer +pourie +pouring +pouringly +pourparler +pourparley +pourpiece +pourpoint +pourpointer +pouser +poussette +pout +pouter +poutful +pouting +poutingly +pouty +poverish +poverishment +poverty +povertyweed +Povindah +pow +powder +powderable +powdered +powderer +powderiness +powdering +powderization +powderize +powderizer +powderlike +powderman +powdery +powdike +powdry +powellite +power +powerboat +powered +powerful +powerfully +powerfulness +powerhouse +powerless +powerlessly +powerlessness +powermonger +Powhatan +powitch +powldoody +pownie +powsoddy +powsowdy +powwow +powwower +powwowism +pox +poxy +poy +poyou +pozzolanic +pozzuolana +pozzuolanic +praam +prabble +prabhu +practic +practicability +practicable +practicableness +practicably +practical +practicalism +practicalist +practicality +practicalization +practicalize +practicalizer +practically +practicalness +practicant +practice +practiced +practicedness +practicer +practician +practicianism +practicum +practitional +practitioner +practitionery +prad +Pradeep +pradhana +praeabdomen +praeacetabular +praeanal +praecava +praecipe +praecipuum +praecoces +praecocial +praecognitum +praecoracoid +praecordia +praecordial +praecordium +praecornu +praecox +praecuneus +praedial +praedialist +praediality +praeesophageal +praefect +praefectorial +praefectus +praefervid +praefloration +praefoliation +praehallux +praelabrum +praelection +praelector +praelectorship +praelectress +praeludium +praemaxilla +praemolar +praemunire +praenarial +Praenestine +Praenestinian +praeneural +praenomen +praenomina +praenominal +praeoperculum +praepositor +praepostor +praepostorial +praepubis +praepuce +praescutum +Praesepe +praesertim +Praesian +praesidium +praesphenoid +praesternal +praesternum +praestomium +praesystolic +praetaxation +praetexta +praetor +praetorial +Praetorian +praetorian +praetorianism +praetorium +praetorship +praezygapophysis +pragmatic +pragmatica +pragmatical +pragmaticality +pragmatically +pragmaticalness +pragmaticism +pragmatics +pragmatism +pragmatist +pragmatistic +pragmatize +pragmatizer +prairie +prairiecraft +prairied +prairiedom +prairielike +prairieweed +prairillon +praisable +praisableness +praisably +praise +praiseful +praisefully +praisefulness +praiseless +praiseproof +praiser +praiseworthy +praising +praisingly +praisworthily +praisworthiness +Prajapati +prajna +Prakash +Prakrit +prakriti +Prakritic +Prakritize +praline +pralltriller +pram +Pramnian +prana +prance +pranceful +prancer +prancing +prancingly +prancy +prandial +prandially +prank +pranked +pranker +prankful +prankfulness +pranking +prankingly +prankish +prankishly +prankishness +prankle +pranksome +pranksomeness +prankster +pranky +prase +praseocobaltic +praseodidymium +praseodymia +praseodymium +praseolite +prasine +prasinous +prasoid +prasophagous +prasophagy +prastha +prat +pratal +Pratap +Pratapwant +prate +prateful +pratement +pratensian +Prater +prater +pratey +pratfall +pratiloma +Pratincola +pratincole +pratincoline +pratincolous +prating +pratingly +pratique +pratiyasamutpada +Pratt +prattfall +prattle +prattlement +prattler +prattling +prattlingly +prattly +prau +Pravin +pravity +prawn +prawner +prawny +Praxean +Praxeanist +praxinoscope +praxiology +praxis +Praxitelean +pray +praya +prayer +prayerful +prayerfully +prayerfulness +prayerless +prayerlessly +prayerlessness +prayermaker +prayermaking +prayerwise +prayful +praying +prayingly +prayingwise +preabdomen +preabsorb +preabsorbent +preabstract +preabundance +preabundant +preabundantly +preaccept +preacceptance +preaccess +preaccessible +preaccidental +preaccidentally +preaccommodate +preaccommodating +preaccommodatingly +preaccommodation +preaccomplish +preaccomplishment +preaccord +preaccordance +preaccount +preaccounting +preaccredit +preaccumulate +preaccumulation +preaccusation +preaccuse +preaccustom +preaccustomed +preacetabular +preach +preachable +preacher +preacherdom +preacheress +preacherize +preacherless +preacherling +preachership +preachieved +preachification +preachify +preachily +preachiness +preaching +preachingly +preachman +preachment +preachy +preacid +preacidity +preacidly +preacidness +preacknowledge +preacknowledgment +preacquaint +preacquaintance +preacquire +preacquired +preacquit +preacquittal +preact +preaction +preactive +preactively +preactivity +preacute +preacutely +preacuteness +preadamic +preadamite +preadamitic +preadamitical +preadamitism +preadapt +preadaptable +preadaptation +preaddition +preadditional +preaddress +preadequacy +preadequate +preadequately +preadhere +preadherence +preadherent +preadjectival +preadjective +preadjourn +preadjournment +preadjunct +preadjust +preadjustable +preadjustment +preadministration +preadministrative +preadministrator +preadmire +preadmirer +preadmission +preadmit +preadmonish +preadmonition +preadolescent +preadopt +preadoption +preadoration +preadore +preadorn +preadornment +preadult +preadulthood +preadvance +preadvancement +preadventure +preadvertency +preadvertent +preadvertise +preadvertisement +preadvice +preadvisable +preadvise +preadviser +preadvisory +preadvocacy +preadvocate +preaestival +preaffect +preaffection +preaffidavit +preaffiliate +preaffiliation +preaffirm +preaffirmation +preaffirmative +preafflict +preaffliction +preafternoon +preaged +preaggravate +preaggravation +preaggression +preaggressive +preagitate +preagitation +preagonal +preagony +preagree +preagreement +preagricultural +preagriculture +prealarm +prealcohol +prealcoholic +prealgebra +prealgebraic +prealkalic +preallable +preallably +preallegation +preallege +prealliance +preallied +preallot +preallotment +preallow +preallowable +preallowably +preallowance +preallude +preallusion +preally +prealphabet +prealphabetical +prealtar +prealteration +prealveolar +preamalgamation +preambassadorial +preambition +preambitious +preamble +preambled +preambling +preambular +preambulary +preambulate +preambulation +preambulatory +preanal +preanaphoral +preanesthetic +preanimism +preannex +preannounce +preannouncement +preannouncer +preantepenult +preantepenultimate +preanterior +preanticipate +preantiquity +preantiseptic +preaortic +preappearance +preapperception +preapplication +preappoint +preappointment +preapprehension +preapprise +preapprobation +preapproval +preapprove +preaptitude +prearm +prearrange +prearrangement +prearrest +prearrestment +prearticulate +preartistic +preascertain +preascertainment +preascitic +preaseptic +preassigned +preassume +preassurance +preassure +preataxic +preattachment +preattune +preaudience +preauditory +preaver +preavowal +preaxiad +preaxial +preaxially +prebachelor +prebacillary +prebake +prebalance +preballot +preballoting +prebankruptcy +prebaptismal +prebaptize +prebarbaric +prebarbarous +prebargain +prebasal +prebasilar +prebeleve +prebelief +prebeliever +prebelieving +prebellum +prebeloved +prebend +prebendal +prebendary +prebendaryship +prebendate +prebenediction +prebeneficiary +prebenefit +prebeset +prebestow +prebestowal +prebetray +prebetrayal +prebetrothal +prebid +prebidding +prebill +prebless +preblessing +preblockade +preblooming +preboast +preboding +preboil +preborn +preborrowing +preboyhood +prebrachial +prebrachium +prebreathe +prebridal +prebroadcasting +prebromidic +prebronchial +prebronze +prebrute +prebuccal +prebudget +prebudgetary +prebullying +preburlesque +preburn +precalculable +precalculate +precalculation +precampaign +precancel +precancellation +precancerous +precandidacy +precandidature +precanning +precanonical +precant +precantation +precanvass +precapillary +precapitalist +precapitalistic +precaptivity +precapture +precarcinomatous +precardiac +precaria +precarious +precariously +precariousness +precarium +precarnival +precartilage +precartilaginous +precary +precast +precation +precative +precatively +precatory +precaudal +precausation +precaution +precautional +precautionary +precautious +precautiously +precautiousness +precava +precaval +precedable +precede +precedence +precedency +precedent +precedentable +precedentary +precedented +precedential +precedentless +precedently +preceder +preceding +precelebrant +precelebrate +precelebration +precensure +precensus +precent +precentor +precentorial +precentorship +precentory +precentral +precentress +precentrix +precentrum +precept +preception +preceptist +preceptive +preceptively +preceptor +preceptoral +preceptorate +preceptorial +preceptorially +preceptorship +preceptory +preceptress +preceptual +preceptually +preceramic +precerebellar +precerebral +precerebroid +preceremonial +preceremony +precertification +precertify +preces +precess +precession +precessional +prechallenge +prechampioned +prechampionship +precharge +prechart +precheck +prechemical +precherish +prechildhood +prechill +prechloric +prechloroform +prechoice +prechoose +prechordal +prechoroid +preciation +precinct +precinction +precinctive +preciosity +precious +preciously +preciousness +precipe +precipice +precipiced +precipitability +precipitable +precipitance +precipitancy +precipitant +precipitantly +precipitantness +precipitate +precipitated +precipitatedly +precipitately +precipitation +precipitative +precipitator +precipitin +precipitinogen +precipitinogenic +precipitous +precipitously +precipitousness +precirculate +precirculation +precis +precise +precisely +preciseness +precisian +precisianism +precisianist +precision +precisional +precisioner +precisionism +precisionist +precisionize +precisive +precitation +precite +precited +precivilization +preclaim +preclaimant +preclaimer +preclassic +preclassical +preclassification +preclassified +preclassify +preclean +precleaner +precleaning +preclerical +preclimax +preclinical +preclival +precloacal +preclose +preclosure +preclothe +precludable +preclude +preclusion +preclusive +preclusively +precoagulation +precoccygeal +precocial +precocious +precociously +precociousness +precocity +precogitate +precogitation +precognition +precognitive +precognizable +precognizant +precognize +precognosce +precoil +precoiler +precoincidence +precoincident +precoincidently +precollapsable +precollapse +precollect +precollectable +precollection +precollector +precollege +precollegiate +precollude +precollusion +precollusive +precolor +precolorable +precoloration +precoloring +precombat +precombatant +precombination +precombine +precombustion +precommand +precommend +precomment +precommercial +precommissural +precommissure +precommit +precommune +precommunicate +precommunication +precommunion +precompare +precomparison +precompass +precompel +precompensate +precompensation +precompilation +precompile +precompiler +precompleteness +precompletion +precompliance +precompliant +precomplicate +precomplication +precompose +precomposition +precompound +precompounding +precompoundly +precomprehend +precomprehension +precomprehensive +precompress +precompulsion +precomradeship +preconceal +preconcealment +preconcede +preconceivable +preconceive +preconceived +preconcentrate +preconcentrated +preconcentratedly +preconcentration +preconcept +preconception +preconceptional +preconceptual +preconcern +preconcernment +preconcert +preconcerted +preconcertedly +preconcertedness +preconcertion +preconcertive +preconcession +preconcessive +preconclude +preconclusion +preconcur +preconcurrence +preconcurrent +preconcurrently +precondemn +precondemnation +precondensation +precondense +precondition +preconditioned +preconduct +preconduction +preconductor +precondylar +precondyloid +preconfer +preconference +preconfess +preconfession +preconfide +preconfiguration +preconfigure +preconfine +preconfinedly +preconfinemnt +preconfirm +preconfirmation +preconflict +preconform +preconformity +preconfound +preconfuse +preconfusedly +preconfusion +precongenial +precongested +precongestion +precongestive +precongratulate +precongratulation +precongressional +preconizance +preconization +preconize +preconizer +preconjecture +preconnection +preconnective +preconnubial +preconquer +preconquest +preconquestal +preconquestual +preconscious +preconsciously +preconsciousness +preconsecrate +preconsecration +preconsent +preconsider +preconsideration +preconsign +preconsolation +preconsole +preconsolidate +preconsolidated +preconsolidation +preconsonantal +preconspiracy +preconspirator +preconspire +preconstituent +preconstitute +preconstruct +preconstruction +preconsult +preconsultation +preconsultor +preconsume +preconsumer +preconsumption +precontact +precontain +precontained +precontemn +precontemplate +precontemplation +precontemporaneous +precontemporary +precontend +precontent +precontention +precontently +precontentment +precontest +precontinental +precontract +precontractive +precontractual +precontribute +precontribution +precontributive +precontrivance +precontrive +precontrol +precontrolled +precontroversial +precontroversy +preconvention +preconversation +preconversational +preconversion +preconvert +preconvey +preconveyal +preconveyance +preconvict +preconviction +preconvince +precook +precooker +precool +precooler +precooling +precopy +precoracoid +precordia +precordial +precordiality +precordially +precordium +precorneal +precornu +precoronation +precorrect +precorrection +precorrectly +precorrectness +precorrespond +precorrespondence +precorrespondent +precorridor +precorrupt +precorruption +precorruptive +precorruptly +precoruptness +precosmic +precosmical +precostal +precounsel +precounsellor +precourse +precover +precovering +precox +precreate +precreation +precreative +precredit +precreditor +precreed +precritical +precriticism +precriticize +precrucial +precrural +precrystalline +precultivate +precultivation +precultural +preculturally +preculture +precuneal +precuneate +precuneus +precure +precurrent +precurricular +precurriculum +precursal +precurse +precursive +precursor +precursory +precurtain +precut +precyclone +precyclonic +precynical +precyst +precystic +predable +predacean +predaceous +predaceousness +predacity +predamage +predamn +predamnation +predark +predarkness +predata +predate +predation +predatism +predative +predator +predatorily +predatoriness +predatory +predawn +preday +predaylight +predaytime +predazzite +predealer +predealing +predeath +predeathly +predebate +predebater +predebit +predebtor +predecay +predecease +predeceaser +predeceive +predeceiver +predeception +predecession +predecessor +predecessorship +predecide +predecision +predecisive +predeclaration +predeclare +predeclination +predecline +predecree +prededicate +prededuct +prededuction +predefault +predefeat +predefect +predefective +predefence +predefend +predefense +predefiance +predeficiency +predeficient +predefine +predefinite +predefinition +predefray +predefrayal +predefy +predegeneracy +predegenerate +predegree +predeication +predelay +predelegate +predelegation +predeliberate +predeliberately +predeliberation +predelineate +predelineation +predelinquency +predelinquent +predelinquently +predeliver +predelivery +predella +predelude +predelusion +predemand +predemocracy +predemocratic +predemonstrate +predemonstration +predemonstrative +predenial +predental +predentary +Predentata +predentate +predeny +predepart +predepartmental +predeparture +predependable +predependence +predependent +predeplete +predepletion +predeposit +predepository +predepreciate +predepreciation +predepression +predeprivation +predeprive +prederivation +prederive +predescend +predescent +predescribe +predescription +predesert +predeserter +predesertion +predeserve +predeserving +predesign +predesignate +predesignation +predesignatory +predesirous +predesolate +predesolation +predespair +predesperate +predespicable +predespise +predespond +predespondency +predespondent +predestinable +predestinarian +predestinarianism +predestinate +predestinately +predestination +predestinational +predestinationism +predestinationist +predestinative +predestinator +predestine +predestiny +predestitute +predestitution +predestroy +predestruction +predetach +predetachment +predetail +predetain +predetainer +predetect +predetention +predeterminability +predeterminable +predeterminant +predeterminate +predeterminately +predetermination +predeterminative +predetermine +predeterminer +predeterminism +predeterministic +predetest +predetestation +predetrimental +predevelop +predevelopment +predevise +predevote +predevotion +predevour +prediagnosis +prediagnostic +predial +prediastolic +prediatory +predicability +predicable +predicableness +predicably +predicament +predicamental +predicamentally +predicant +predicate +predication +predicational +predicative +predicatively +predicator +predicatory +predicrotic +predict +predictability +predictable +predictably +predictate +predictation +prediction +predictional +predictive +predictively +predictiveness +predictor +predictory +prediet +predietary +predifferent +predifficulty +predigest +predigestion +predikant +predilect +predilected +predilection +prediligent +prediligently +prediluvial +prediluvian +prediminish +prediminishment +prediminution +predine +predinner +prediphtheritic +prediploma +prediplomacy +prediplomatic +predirect +predirection +predirector +predisability +predisable +predisadvantage +predisadvantageous +predisadvantageously +predisagree +predisagreeable +predisagreement +predisappointment +predisaster +predisastrous +prediscern +prediscernment +predischarge +prediscipline +predisclose +predisclosure +prediscontent +prediscontented +prediscontentment +prediscontinuance +prediscontinuation +prediscontinue +prediscount +prediscountable +prediscourage +prediscouragement +prediscourse +prediscover +prediscoverer +prediscovery +prediscreet +prediscretion +prediscretionary +prediscriminate +prediscrimination +prediscriminator +prediscuss +prediscussion +predisgrace +predisguise +predisgust +predislike +predismiss +predismissal +predismissory +predisorder +predisordered +predisorderly +predispatch +predispatcher +predisperse +predispersion +predisplace +predisplacement +predisplay +predisponency +predisponent +predisposable +predisposal +predispose +predisposed +predisposedly +predisposedness +predisposition +predispositional +predisputant +predisputation +predispute +predisregard +predisrupt +predisruption +predissatisfaction +predissolution +predissolve +predissuade +predistinct +predistinction +predistinguish +predistress +predistribute +predistribution +predistributor +predistrict +predistrust +predistrustful +predisturb +predisturbance +prediversion +predivert +predivide +predividend +predivider +predivinable +predivinity +predivision +predivorce +predivorcement +predoctorate +predocumentary +predomestic +predominance +predominancy +predominant +predominantly +predominate +predominately +predominatingly +predomination +predominator +predonate +predonation +predonor +predoom +predorsal +predoubt +predoubter +predoubtful +predraft +predrainage +predramatic +predraw +predrawer +predread +predreadnought +predrill +predriller +predrive +predriver +predry +preduplicate +preduplication +predusk +predwell +predynamite +predynastic +preen +preener +preeze +prefab +prefabricate +prefabrication +prefabricator +preface +prefaceable +prefacer +prefacial +prefacist +prefactor +prefactory +prefamiliar +prefamiliarity +prefamiliarly +prefamous +prefashion +prefatial +prefator +prefatorial +prefatorially +prefatorily +prefatory +prefavor +prefavorable +prefavorably +prefavorite +prefearful +prefearfully +prefeast +prefect +prefectly +prefectoral +prefectorial +prefectorially +prefectorian +prefectship +prefectual +prefectural +prefecture +prefecundation +prefecundatory +prefederal +prefelic +prefer +preferability +preferable +preferableness +preferably +preferee +preference +preferent +preferential +preferentialism +preferentialist +preferentially +preferment +prefermentation +preferred +preferredly +preferredness +preferrer +preferrous +prefertile +prefertility +prefertilization +prefertilize +prefervid +prefestival +prefeudal +prefeudalic +prefeudalism +prefiction +prefictional +prefigurate +prefiguration +prefigurative +prefiguratively +prefigurativeness +prefigure +prefigurement +prefiller +prefilter +prefinal +prefinance +prefinancial +prefine +prefinish +prefix +prefixable +prefixal +prefixally +prefixation +prefixed +prefixedly +prefixion +prefixture +preflagellate +preflatter +preflattery +preflavor +preflavoring +preflection +preflexion +preflight +preflood +prefloration +preflowering +prefoliation +prefool +preforbidden +preforceps +preforgive +preforgiveness +preforgotten +preform +preformant +preformation +preformationary +preformationism +preformationist +preformative +preformed +preformism +preformist +preformistic +preformulate +preformulation +prefortunate +prefortunately +prefortune +prefoundation +prefounder +prefragrance +prefragrant +prefrankness +prefraternal +prefraternally +prefraud +prefreeze +prefreshman +prefriendly +prefriendship +prefright +prefrighten +prefrontal +prefulfill +prefulfillment +prefulgence +prefulgency +prefulgent +prefunction +prefunctional +prefuneral +prefungoidal +prefurlough +prefurnish +pregain +pregainer +pregalvanize +preganglionic +pregather +pregathering +pregeminum +pregenerate +pregeneration +pregenerosity +pregenerous +pregenerously +pregenial +pregeniculatum +pregeniculum +pregenital +pregeological +pregirlhood +preglacial +pregladden +pregladness +preglenoid +preglenoidal +preglobulin +pregnability +pregnable +pregnance +pregnancy +pregnant +pregnantly +pregnantness +pregolden +pregolfing +pregracile +pregracious +pregrade +pregraduation +pregranite +pregranitic +pregratification +pregratify +pregreet +pregreeting +pregrievance +pregrowth +preguarantee +preguarantor +preguard +preguess +preguidance +preguide +preguilt +preguiltiness +preguilty +pregust +pregustant +pregustation +pregustator +pregustic +prehallux +prehalter +prehandicap +prehandle +prehaps +preharden +preharmonious +preharmoniousness +preharmony +preharsh +preharshness +preharvest +prehatred +prehaunt +prehaunted +prehaustorium +prehazard +prehazardous +preheal +prehearing +preheat +preheated +preheater +prehemiplegic +prehend +prehensible +prehensile +prehensility +prehension +prehensive +prehensiveness +prehensor +prehensorial +prehensory +prehepatic +prehepaticus +preheroic +prehesitancy +prehesitate +prehesitation +prehexameral +prehistorian +prehistoric +prehistorical +prehistorically +prehistorics +prehistory +prehnite +prehnitic +preholder +preholding +preholiday +prehorizon +prehorror +prehostile +prehostility +prehuman +prehumiliate +prehumiliation +prehumor +prehunger +prehydration +prehypophysis +preidea +preidentification +preidentify +preignition +preilluminate +preillumination +preillustrate +preillustration +preimage +preimaginary +preimagination +preimagine +preimbibe +preimbue +preimitate +preimitation +preimitative +preimmigration +preimpair +preimpairment +preimpart +preimperial +preimport +preimportance +preimportant +preimportantly +preimportation +preimposal +preimpose +preimposition +preimpress +preimpression +preimpressive +preimprove +preimprovement +preinaugural +preinaugurate +preincarnate +preincentive +preinclination +preincline +preinclude +preinclusion +preincorporate +preincorporation +preincrease +preindebted +preindebtedness +preindemnification +preindemnify +preindemnity +preindependence +preindependent +preindependently +preindesignate +preindicant +preindicate +preindication +preindispose +preindisposition +preinduce +preinducement +preinduction +preinductive +preindulge +preindulgence +preindulgent +preindustrial +preindustry +preinfect +preinfection +preinfer +preinference +preinflection +preinflectional +preinflict +preinfluence +preinform +preinformation +preinhabit +preinhabitant +preinhabitation +preinhere +preinherit +preinheritance +preinitial +preinitiate +preinitiation +preinjure +preinjurious +preinjury +preinquisition +preinscribe +preinscription +preinsert +preinsertion +preinsinuate +preinsinuating +preinsinuatingly +preinsinuation +preinsinuative +preinspect +preinspection +preinspector +preinspire +preinstall +preinstallation +preinstill +preinstillation +preinstruct +preinstruction +preinstructional +preinstructive +preinsula +preinsular +preinsulate +preinsulation +preinsult +preinsurance +preinsure +preintellectual +preintelligence +preintelligent +preintelligently +preintend +preintention +preintercede +preintercession +preinterchange +preintercourse +preinterest +preinterfere +preinterference +preinterpret +preinterpretation +preinterpretative +preinterview +preintone +preinvent +preinvention +preinventive +preinventory +preinvest +preinvestigate +preinvestigation +preinvestigator +preinvestment +preinvitation +preinvite +preinvocation +preinvolve +preinvolvement +preiotization +preiotize +preirrigation +preirrigational +preissuance +preissue +prejacent +prejournalistic +prejudge +prejudgement +prejudger +prejudgment +prejudication +prejudicative +prejudicator +prejudice +prejudiced +prejudicedly +prejudiceless +prejudiciable +prejudicial +prejudicially +prejudicialness +prejudicious +prejudiciously +prejunior +prejurisdiction +prejustification +prejustify +prejuvenile +Prekantian +prekindergarten +prekindle +preknit +preknow +preknowledge +prelabel +prelabial +prelabor +prelabrum +prelachrymal +prelacrimal +prelacteal +prelacy +prelanguage +prelapsarian +prelate +prelatehood +prelateship +prelatess +prelatial +prelatic +prelatical +prelatically +prelaticalness +prelation +prelatish +prelatism +prelatist +prelatize +prelatry +prelature +prelaunch +prelaunching +prelawful +prelawfully +prelawfulness +prelease +prelect +prelection +prelector +prelectorship +prelectress +prelecture +prelegacy +prelegal +prelegate +prelegatee +prelegend +prelegendary +prelegislative +preliability +preliable +prelibation +preliberal +preliberality +preliberally +preliberate +preliberation +prelicense +prelim +preliminarily +preliminary +prelimit +prelimitate +prelimitation +prelingual +prelinguistic +prelinpinpin +preliquidate +preliquidation +preliteral +preliterally +preliteralness +preliterary +preliterate +preliterature +prelithic +prelitigation +preloan +prelocalization +prelocate +prelogic +prelogical +preloral +preloreal +preloss +prelude +preluder +preludial +preludious +preludiously +preludium +preludize +prelumbar +prelusion +prelusive +prelusively +prelusorily +prelusory +preluxurious +premachine +premadness +premaintain +premaintenance +premake +premaker +premaking +premandibular +premanhood +premaniacal +premanifest +premanifestation +premankind +premanufacture +premanufacturer +premanufacturing +premarital +premarriage +premarry +premastery +prematch +premate +prematerial +prematernity +prematrimonial +prematuration +premature +prematurely +prematureness +prematurity +premaxilla +premaxillary +premeasure +premeasurement +premechanical +premedia +premedial +premedian +premedic +premedical +premedicate +premedication +premedieval +premedievalism +premeditate +premeditatedly +premeditatedness +premeditatingly +premeditation +premeditative +premeditator +premegalithic +prememorandum +premenace +premenstrual +premention +premeridian +premerit +premetallic +premethodical +premial +premiant +premiate +premidnight +premidsummer +premier +premieral +premiere +premieress +premierjus +premiership +premilitary +premillenarian +premillenarianism +premillennial +premillennialism +premillennialist +premillennialize +premillennially +premillennian +preminister +preministry +premious +premisal +premise +premisory +premisrepresent +premisrepresentation +premiss +premium +premix +premixer +premixture +premodel +premodern +premodification +premodify +premolar +premold +premolder +premolding +premonarchial +premonetary +Premongolian +premonish +premonishment +premonition +premonitive +premonitor +premonitorily +premonitory +premonopolize +premonopoly +Premonstrant +Premonstratensian +premonumental +premoral +premorality +premorally +premorbid +premorbidly +premorbidness +premorning +premorse +premortal +premortification +premortify +premortuary +premosaic +premotion +premourn +premove +premovement +premover +premuddle +premultiplication +premultiplier +premultiply +premundane +premunicipal +premunition +premunitory +premusical +premuster +premutative +premutiny +premycotic +premyelocyte +premythical +prename +Prenanthes +prenares +prenarial +prenaris +prenasal +prenatal +prenatalist +prenatally +prenational +prenative +prenatural +prenaval +prender +prendre +prenebular +prenecessitate +preneglect +preneglectful +prenegligence +prenegligent +prenegotiate +prenegotiation +preneolithic +prenephritic +preneural +preneuralgic +prenight +prenoble +prenodal +prenominal +prenominate +prenomination +prenominical +prenotation +prenotice +prenotification +prenotify +prenotion +prentice +prenticeship +prenumber +prenumbering +prenuncial +prenuptial +prenursery +preobedience +preobedient +preobject +preobjection +preobjective +preobligate +preobligation +preoblige +preobservance +preobservation +preobservational +preobserve +preobstruct +preobstruction +preobtain +preobtainable +preobtrude +preobtrusion +preobtrusive +preobviate +preobvious +preobviously +preobviousness +preoccasioned +preoccipital +preocclusion +preoccultation +preoccupancy +preoccupant +preoccupate +preoccupation +preoccupative +preoccupied +preoccupiedly +preoccupiedness +preoccupier +preoccupy +preoccur +preoccurrence +preoceanic +preocular +preodorous +preoffend +preoffense +preoffensive +preoffensively +preoffensiveness +preoffer +preoffering +preofficial +preofficially +preominate +preomission +preomit +preopen +preopening +preoperate +preoperation +preoperative +preoperatively +preoperator +preopercle +preopercular +preoperculum +preopinion +preopinionated +preoppose +preopposition +preoppress +preoppression +preoppressor +preoptic +preoptimistic +preoption +preoral +preorally +preorbital +preordain +preorder +preordination +preorganic +preorganization +preorganize +preoriginal +preoriginally +preornamental +preoutfit +preoutline +preoverthrow +prep +prepainful +prepalatal +prepalatine +prepaleolithic +prepanic +preparable +preparation +preparationist +preparative +preparatively +preparator +preparatorily +preparatory +prepardon +prepare +prepared +preparedly +preparedness +preparement +preparental +preparer +preparietal +preparingly +preparliamentary +preparoccipital +preparoxysmal +prepartake +preparticipation +prepartisan +prepartition +prepartnership +prepatellar +prepatent +prepatriotic +prepave +prepavement +prepay +prepayable +prepayment +prepeduncle +prepenetrate +prepenetration +prepenial +prepense +prepensely +prepeople +preperceive +preperception +preperceptive +preperitoneal +prepersuade +prepersuasion +prepersuasive +preperusal +preperuse +prepetition +prephragma +prephthisical +prepigmental +prepink +prepious +prepituitary +preplace +preplacement +preplacental +preplan +preplant +prepledge +preplot +prepoetic +prepoetical +prepoison +prepolice +prepolish +prepolitic +prepolitical +prepolitically +prepollence +prepollency +prepollent +prepollex +preponder +preponderance +preponderancy +preponderant +preponderantly +preponderate +preponderately +preponderating +preponderatingly +preponderation +preponderous +preponderously +prepontile +prepontine +preportray +preportrayal +prepose +preposition +prepositional +prepositionally +prepositive +prepositively +prepositor +prepositorial +prepositure +prepossess +prepossessed +prepossessing +prepossessingly +prepossessingness +prepossession +prepossessionary +prepossessor +preposterous +preposterously +preposterousness +prepostorship +prepotence +prepotency +prepotent +prepotential +prepotently +prepractical +prepractice +preprandial +prepreference +prepreparation +preprice +preprimary +preprimer +preprimitive +preprint +preprofess +preprofessional +preprohibition +prepromise +prepromote +prepromotion +prepronounce +prepronouncement +preprophetic +preprostatic +preprove +preprovide +preprovision +preprovocation +preprovoke +preprudent +preprudently +prepsychological +prepsychology +prepuberal +prepubertal +prepuberty +prepubescent +prepubic +prepubis +prepublication +prepublish +prepuce +prepunctual +prepunish +prepunishment +prepupa +prepupal +prepurchase +prepurchaser +prepurpose +preputial +preputium +prepyloric +prepyramidal +prequalification +prequalify +prequarantine +prequestion +prequotation +prequote +preracing +preradio +prerailroad +prerailroadite +prerailway +preramus +prerational +prereadiness +preready +prerealization +prerealize +prerebellion +prereceipt +prereceive +prereceiver +prerecital +prerecite +prereckon +prereckoning +prerecognition +prerecognize +prerecommend +prerecommendation +prereconcile +prereconcilement +prereconciliation +prerectal +preredeem +preredemption +prereduction +prerefer +prereference +prerefine +prerefinement +prereform +prereformation +prereformatory +prerefusal +prerefuse +preregal +preregister +preregistration +preregulate +preregulation +prereject +prerejection +prerejoice +prerelate +prerelation +prerelationship +prerelease +prereligious +prereluctation +preremit +preremittance +preremorse +preremote +preremoval +preremove +preremunerate +preremuneration +prerenal +prerent +prerental +prereport +prerepresent +prerepresentation +prereption +prerepublican +prerequest +prerequire +prerequirement +prerequisite +prerequisition +preresemblance +preresemble +preresolve +preresort +prerespectability +prerespectable +prerespiration +prerespire +preresponsibility +preresponsible +prerestoration +prerestrain +prerestraint +prerestrict +prerestriction +prereturn +prereveal +prerevelation +prerevenge +prereversal +prereverse +prereview +prerevise +prerevision +prerevival +prerevolutionary +prerheumatic +prerich +prerighteous +prerighteously +prerighteousness +prerogatival +prerogative +prerogatived +prerogatively +prerogativity +prerolandic +preromantic +preromanticism +preroute +preroutine +preroyal +preroyally +preroyalty +prerupt +preruption +presacral +presacrifice +presacrificial +presage +presageful +presagefully +presager +presagient +presaging +presagingly +presalvation +presanctification +presanctified +presanctify +presanguine +presanitary +presartorial +presatisfaction +presatisfactory +presatisfy +presavage +presavagery +presay +presbyacousia +presbyacusia +presbycousis +presbycusis +presbyope +presbyophrenia +presbyophrenic +presbyopia +presbyopic +presbyopy +presbyte +presbyter +presbyteral +presbyterate +presbyterated +presbyteress +presbyteria +presbyterial +presbyterially +Presbyterian +Presbyterianism +Presbyterianize +Presbyterianly +presbyterium +presbytership +presbytery +presbytia +presbytic +Presbytinae +Presbytis +presbytism +prescapula +prescapular +prescapularis +prescholastic +preschool +prescience +prescient +prescientific +presciently +prescind +prescindent +prescission +prescored +prescout +prescribable +prescribe +prescriber +prescript +prescriptibility +prescriptible +prescription +prescriptionist +prescriptive +prescriptively +prescriptiveness +prescriptorial +prescrive +prescutal +prescutum +preseal +presearch +preseason +preseasonal +presecular +presecure +presee +preselect +presell +preseminal +preseminary +presence +presenced +presenceless +presenile +presenility +presensation +presension +present +presentability +presentable +presentableness +presentably +presental +presentation +presentational +presentationism +presentationist +presentative +presentatively +presentee +presentence +presenter +presential +presentiality +presentially +presentialness +presentient +presentiment +presentimental +presentist +presentive +presentively +presentiveness +presently +presentment +presentness +presentor +preseparate +preseparation +preseparator +preservability +preservable +preserval +preservation +preservationist +preservative +preservatize +preservatory +preserve +preserver +preserveress +preses +presession +preset +presettle +presettlement +presexual +preshadow +preshape +preshare +presharpen +preshelter +preship +preshipment +preshortage +preshorten +preshow +preside +presidence +presidencia +presidency +president +presidente +presidentess +presidential +presidentially +presidentiary +presidentship +presider +presidial +presidially +presidiary +presidio +presidium +presift +presign +presignal +presignificance +presignificancy +presignificant +presignification +presignificative +presignificator +presignify +presimian +preslavery +Presley +presmooth +presocial +presocialism +presocialist +presolar +presolicit +presolicitation +presolution +presolve +presophomore +presound +prespecialist +prespecialize +prespecific +prespecifically +prespecification +prespecify +prespeculate +prespeculation +presphenoid +presphenoidal +presphygmic +prespinal +prespinous +prespiracular +presplendor +presplenomegalic +prespoil +prespontaneity +prespontaneous +prespontaneously +prespread +presprinkle +prespur +press +pressable +pressboard +pressdom +pressel +presser +pressfat +pressful +pressgang +pressible +pressing +pressingly +pressingness +pression +pressive +pressman +pressmanship +pressmark +pressor +presspack +pressroom +pressurage +pressural +pressure +pressureless +pressureproof +pressurize +pressurizer +presswoman +presswork +pressworker +prest +prestabilism +prestability +prestable +prestamp +prestandard +prestandardization +prestandardize +prestant +prestate +prestation +prestatistical +presteam +presteel +prester +presternal +presternum +prestidigital +prestidigitate +prestidigitation +prestidigitator +prestidigitatorial +prestige +prestigiate +prestigiation +prestigiator +prestigious +prestigiously +prestigiousness +prestimulate +prestimulation +prestimulus +prestissimo +presto +prestock +prestomial +prestomium +prestorage +prestore +prestraighten +prestrain +prestrengthen +prestress +prestretch +prestricken +prestruggle +prestubborn +prestudious +prestudiously +prestudiousness +prestudy +presubdue +presubiculum +presubject +presubjection +presubmission +presubmit +presubordinate +presubordination +presubscribe +presubscriber +presubscription +presubsist +presubsistence +presubsistent +presubstantial +presubstitute +presubstitution +presuccess +presuccessful +presuccessfully +presuffer +presuffering +presufficiency +presufficient +presufficiently +presuffrage +presuggest +presuggestion +presuggestive +presuitability +presuitable +presuitably +presumable +presumably +presume +presumedly +presumer +presuming +presumption +presumptious +presumptiously +presumptive +presumptively +presumptuous +presumptuously +presumptuousness +presuperficial +presuperficiality +presuperficially +presuperfluity +presuperfluous +presuperfluously +presuperintendence +presuperintendency +presupervise +presupervision +presupervisor +presupplemental +presupplementary +presupplicate +presupplication +presupply +presupport +presupposal +presuppose +presupposition +presuppositionless +presuppress +presuppression +presuppurative +presupremacy +presupreme +presurgery +presurgical +presurmise +presurprisal +presurprise +presurrender +presurround +presurvey +presusceptibility +presusceptible +presuspect +presuspend +presuspension +presuspicion +presuspicious +presuspiciously +presuspiciousness +presustain +presutural +preswallow +presylvian +presympathize +presympathy +presymphonic +presymphony +presymphysial +presymptom +presymptomatic +presynapsis +presynaptic +presystematic +presystematically +presystole +presystolic +pretabulate +pretabulation +pretan +pretangible +pretangibly +pretannage +pretardily +pretardiness +pretardy +pretariff +pretaste +preteach +pretechnical +pretechnically +pretelegraph +pretelegraphic +pretelephone +pretelephonic +pretell +pretemperate +pretemperately +pretemporal +pretend +pretendant +pretended +pretendedly +pretender +Pretenderism +pretendership +pretendingly +pretendingness +pretense +pretenseful +pretenseless +pretension +pretensional +pretensionless +pretensive +pretensively +pretensiveness +pretentative +pretentious +pretentiously +pretentiousness +pretercanine +preterchristian +preterconventional +preterdetermined +preterdeterminedly +preterdiplomatic +preterdiplomatically +preterequine +preteressential +pretergress +pretergression +preterhuman +preterience +preterient +preterintentional +preterist +preterit +preteriteness +preterition +preteritive +preteritness +preterlabent +preterlegal +preterlethal +preterminal +pretermission +pretermit +pretermitter +preternative +preternatural +preternaturalism +preternaturalist +preternaturality +preternaturally +preternaturalness +preternormal +preternotorious +preternuptial +preterpluperfect +preterpolitical +preterrational +preterregular +preterrestrial +preterritorial +preterroyal +preterscriptural +preterseasonable +pretersensual +pretervection +pretest +pretestify +pretestimony +pretext +pretexted +pretextuous +pretheological +prethoracic +prethoughtful +prethoughtfully +prethoughtfulness +prethreaten +prethrill +prethrust +pretibial +pretimeliness +pretimely +pretincture +pretire +pretoken +pretone +pretonic +pretorial +pretorship +pretorsional +pretorture +pretournament +pretrace +pretracheal +pretraditional +pretrain +pretraining +pretransact +pretransaction +pretranscribe +pretranscription +pretranslate +pretranslation +pretransmission +pretransmit +pretransport +pretransportation +pretravel +pretreat +pretreatment +pretreaty +pretrematic +pretribal +pretry +prettification +prettifier +prettify +prettikin +prettily +prettiness +pretty +prettyface +prettyish +prettyism +pretubercular +pretuberculous +pretympanic +pretyphoid +pretypify +pretypographical +pretyrannical +pretyranny +pretzel +preultimate +preultimately +preumbonal +preunderstand +preundertake +preunion +preunite +preutilizable +preutilization +preutilize +prevacate +prevacation +prevaccinate +prevaccination +prevail +prevailance +prevailer +prevailingly +prevailingness +prevailment +prevalence +prevalency +prevalent +prevalently +prevalentness +prevalescence +prevalescent +prevalid +prevalidity +prevalidly +prevaluation +prevalue +prevariation +prevaricate +prevarication +prevaricator +prevaricatory +prevascular +prevegetation +prevelar +prevenance +prevenancy +prevene +prevenience +prevenient +preveniently +prevent +preventability +preventable +preventative +preventer +preventible +preventingly +prevention +preventionism +preventionist +preventive +preventively +preventiveness +preventorium +preventure +preverb +preverbal +preverification +preverify +prevernal +preversion +prevertebral +prevesical +preveto +previctorious +previde +previdence +preview +previgilance +previgilant +previgilantly +previolate +previolation +previous +previously +previousness +previse +previsibility +previsible +previsibly +prevision +previsional +previsit +previsitor +previsive +previsor +prevocal +prevocalic +prevocally +prevocational +prevogue +prevoid +prevoidance +prevolitional +prevolunteer +prevomer +prevotal +prevote +prevoyance +prevoyant +prevue +prewar +prewarn +prewarrant +prewash +preweigh +prewelcome +prewhip +prewilling +prewillingly +prewillingness +prewire +prewireless +prewitness +prewonder +prewonderment +preworldliness +preworldly +preworship +preworthily +preworthiness +preworthy +prewound +prewrap +prexy +prey +preyer +preyful +preyingly +preyouthful +prezonal +prezone +prezygapophysial +prezygapophysis +prezygomatic +Pria +priacanthid +Priacanthidae +priacanthine +Priacanthus +Priapean +Priapic +priapism +Priapulacea +priapulid +Priapulida +Priapulidae +priapuloid +Priapuloidea +Priapulus +Priapus +Priapusian +Price +price +priceable +priceably +priced +priceite +priceless +pricelessness +pricer +prich +prick +prickant +pricked +pricker +pricket +prickfoot +pricking +prickingly +prickish +prickle +prickleback +prickled +pricklefish +prickless +prickliness +prickling +pricklingly +pricklouse +prickly +pricklyback +prickmadam +prickmedainty +prickproof +pricks +prickseam +prickshot +prickspur +pricktimber +prickwood +pricky +pride +prideful +pridefully +pridefulness +prideless +pridelessly +prideling +prideweed +pridian +priding +pridingly +pridy +pried +prier +priest +priestal +priestcap +priestcraft +priestdom +priesteen +priestery +priestess +priestfish +priesthood +priestianity +priestish +priestism +priestless +priestlet +priestlike +priestliness +priestling +priestly +priestship +priestshire +prig +prigdom +prigger +priggery +priggess +priggish +priggishly +priggishness +priggism +prighood +prigman +prill +prillion +prim +prima +primacy +primage +primal +primality +primar +primarian +primaried +primarily +primariness +primary +primatal +primate +Primates +primateship +primatial +primatic +primatical +primavera +primaveral +prime +primegilt +primely +primeness +primer +primero +primerole +primeval +primevalism +primevally +primeverose +primevity +primevous +primevrin +Primianist +primigene +primigenial +primigenian +primigenious +primigenous +primigravida +primine +priming +primipara +primiparity +primiparous +primipilar +primitiae +primitial +primitias +primitive +primitively +primitivism +primitivist +primitivistic +primitivity +primly +primness +primogenetrix +primogenial +primogenital +primogenitary +primogenitive +primogenitor +primogeniture +primogenitureship +primogenous +primoprime +primoprimitive +primordality +primordia +primordial +primordialism +primordially +primordiate +primordium +primosity +primost +primp +primrose +primrosed +primrosetide +primrosetime +primrosy +primsie +Primula +primula +Primulaceae +primulaceous +Primulales +primulaverin +primulaveroside +primulic +primuline +Primulinus +Primus +primus +primwort +primy +prince +princeage +princecraft +princedom +princehood +Princeite +princekin +princeless +princelet +princelike +princeliness +princeling +princely +princeps +princeship +princess +princessdom +princesse +princesslike +princessly +princewood +princified +princify +principal +principality +principally +principalness +principalship +principate +Principes +principes +principia +principiant +principiate +principiation +principium +principle +principulus +princock +princox +prine +pringle +prink +prinker +prinkle +prinky +print +printability +printable +printableness +printed +printer +printerdom +printerlike +printery +printing +printless +printline +printscript +printworks +Priodon +priodont +Priodontes +prion +prionid +Prionidae +Prioninae +prionine +Prionodesmacea +prionodesmacean +prionodesmaceous +prionodesmatic +Prionodon +prionodont +Prionopinae +prionopine +Prionops +Prionus +prior +prioracy +prioral +priorate +prioress +prioristic +prioristically +priorite +priority +priorly +priorship +priory +prisable +prisage +prisal +priscan +Priscian +Priscianist +Priscilla +Priscillian +Priscillianism +Priscillianist +prism +prismal +prismatic +prismatical +prismatically +prismatization +prismatize +prismatoid +prismatoidal +prismed +prismoid +prismoidal +prismy +prisometer +prison +prisonable +prisondom +prisoner +prisonful +prisonlike +prisonment +prisonous +priss +prissily +prissiness +prissy +pristane +pristine +Pristipomatidae +Pristipomidae +Pristis +Pristodus +pritch +Pritchardia +pritchel +prithee +prius +privacity +privacy +privant +private +privateer +privateersman +privately +privateness +privation +privative +privatively +privativeness +privet +privilege +privileged +privileger +privily +priviness +privity +privy +prizable +prize +prizeable +prizeholder +prizeman +prizer +prizery +prizetaker +prizeworthy +pro +proa +proabolitionist +proabsolutism +proabsolutist +proabstinence +proacademic +proacceptance +proacquisition +proacquittal +proaction +proactor +proaddition +proadjournment +proadministration +proadmission +proadoption +proadvertising +proaesthetic +proaggressionist +proagitation +proagrarian +proagreement +proagricultural +proagule +proairesis +proairplane +proal +proalcoholism +proalien +proalliance +proallotment +proalteration +proamateur +proambient +proamendment +proamnion +proamniotic +proamusement +proanaphora +proanaphoral +proanarchic +proangiosperm +proangiospermic +proangiospermous +proanimistic +proannexation +proannexationist +proantarctic +proanthropos +proapostolic +proappointment +proapportionment +proappreciation +proappropriation +proapproval +proaquatic +proarbitration +proarbitrationist +proarchery +proarctic +proaristocratic +proarmy +Proarthri +proassessment +proassociation +proatheist +proatheistic +proathletic +proatlas +proattack +proattendance +proauction +proaudience +proaulion +proauthor +proauthority +proautomobile +proavian +proaviation +Proavis +proaward +prob +probabiliorism +probabiliorist +probabilism +probabilist +probabilistic +probability +probabilize +probabl +probable +probableness +probably +probachelor +probal +proballoon +probang +probanishment +probankruptcy +probant +probargaining +probaseball +probasketball +probate +probathing +probatical +probation +probational +probationary +probationer +probationerhood +probationership +probationism +probationist +probationship +probative +probatively +probator +probatory +probattle +probattleship +probe +probeable +probeer +prober +probetting +probiology +probituminous +probity +problem +problematic +problematical +problematically +problematist +problematize +problemdom +problemist +problemistic +problemize +problemwise +problockade +probonding +probonus +proborrowing +proboscidal +proboscidate +Proboscidea +proboscidean +proboscideous +proboscides +proboscidial +proboscidian +proboscidiferous +proboscidiform +probosciform +probosciformed +Probosciger +proboscis +proboscislike +probouleutic +proboulevard +probowling +proboxing +proboycott +probrick +probridge +probroadcasting +probudget +probudgeting +probuilding +probusiness +probuying +procacious +procaciously +procacity +procaine +procambial +procambium +procanal +procancellation +procapital +procapitalism +procapitalist +procarnival +procarp +procarpium +procarrier +procatalectic +procatalepsis +procatarctic +procatarxis +procathedral +Procavia +Procaviidae +procedendo +procedural +procedure +proceed +proceeder +proceeding +proceeds +proceleusmatic +Procellaria +procellarian +procellarid +Procellariidae +Procellariiformes +procellariine +procellas +procello +procellose +procellous +procensorship +procensure +procentralization +procephalic +procercoid +procereal +procerebral +procerebrum +proceremonial +proceremonialism +proceremonialist +proceres +procerite +proceritic +procerity +procerus +process +processal +procession +processional +processionalist +processionally +processionary +processioner +processionist +processionize +processionwise +processive +processor +processual +procharity +prochein +prochemical +prochlorite +prochondral +prochoos +prochordal +prochorion +prochorionic +prochromosome +prochronic +prochronism +prochronize +prochurch +prochurchian +procidence +procident +procidentia +procivic +procivilian +procivism +proclaim +proclaimable +proclaimant +proclaimer +proclaiming +proclaimingly +proclamation +proclamator +proclamatory +proclassic +proclassical +proclergy +proclerical +proclericalism +procline +proclisis +proclitic +proclive +proclivitous +proclivity +proclivous +proclivousness +Procne +procnemial +Procoelia +procoelia +procoelian +procoelous +procoercive +procollectivistic +procollegiate +procombat +procombination +procomedy +procommemoration +procomment +procommercial +procommission +procommittee +procommunal +procommunism +procommunist +procommutation +procompensation +procompetition +procompromise +procompulsion +proconcentration +proconcession +proconciliation +procondemnation +proconfederationist +proconference +proconfession +proconfessionist +proconfiscation +proconformity +Proconnesian +proconquest +proconscription +proconscriptive +proconservation +proconservationist +proconsolidation +proconstitutional +proconstitutionalism +proconsul +proconsular +proconsulary +proconsulate +proconsulship +proconsultation +procontinuation +proconvention +proconventional +proconviction +procoracoid +procoracoidal +procorporation +procosmetic +procosmopolitan +procotton +procourt +procrastinate +procrastinating +procrastinatingly +procrastination +procrastinative +procrastinatively +procrastinator +procrastinatory +procreant +procreate +procreation +procreative +procreativeness +procreator +procreatory +procreatress +procreatrix +procremation +Procris +procritic +procritique +Procrustean +Procrusteanism +Procrusteanize +Procrustes +procrypsis +procryptic +procryptically +proctal +proctalgia +proctalgy +proctatresia +proctatresy +proctectasia +proctectomy +procteurynter +proctitis +proctocele +proctoclysis +proctocolitis +proctocolonoscopy +proctocystoplasty +proctocystotomy +proctodaeal +proctodaeum +proctodynia +proctoelytroplastic +proctologic +proctological +proctologist +proctology +proctoparalysis +proctoplastic +proctoplasty +proctoplegia +proctopolypus +proctoptoma +proctoptosis +proctor +proctorage +proctoral +proctorial +proctorially +proctorical +proctorization +proctorize +proctorling +proctorrhagia +proctorrhaphy +proctorrhea +proctorship +proctoscope +proctoscopic +proctoscopy +proctosigmoidectomy +proctosigmoiditis +proctospasm +proctostenosis +proctostomy +proctotome +proctotomy +proctotresia +proctotrypid +Proctotrypidae +proctotrypoid +Proctotrypoidea +proctovalvotomy +Proculian +procumbent +procurable +procuracy +procural +procurance +procurate +procuration +procurative +procurator +procuratorate +procuratorial +procuratorship +procuratory +procuratrix +procure +procurement +procurer +procuress +procurrent +procursive +procurvation +procurved +Procyon +Procyonidae +procyoniform +Procyoniformia +Procyoninae +procyonine +proczarist +prod +prodatary +prodder +proddle +prodecoration +prodefault +prodefiance +prodelay +prodelision +prodemocratic +Prodenia +prodenominational +prodentine +prodeportation +prodespotic +prodespotism +prodialogue +prodigal +prodigalish +prodigalism +prodigality +prodigalize +prodigally +prodigiosity +prodigious +prodigiously +prodigiousness +prodigus +prodigy +prodisarmament +prodisplay +prodissoconch +prodissolution +prodistribution +prodition +proditorious +proditoriously +prodivision +prodivorce +prodproof +prodramatic +prodroma +prodromal +prodromatic +prodromatically +prodrome +prodromic +prodromous +prodromus +producal +produce +produceable +produceableness +produced +producent +producer +producership +producibility +producible +producibleness +product +producted +productibility +productible +productid +Productidae +productile +production +productional +productionist +productive +productively +productiveness +productivity +productoid +productor +productory +productress +Productus +proecclesiastical +proeconomy +proeducation +proeducational +proegumenal +proelectric +proelectrical +proelectrification +proelectrocution +proelimination +proem +proembryo +proembryonic +proemial +proemium +proemployee +proemptosis +proenforcement +proenlargement +proenzym +proenzyme +proepimeron +proepiscopist +proepisternum +proequality +proethical +proethnic +proethnically +proetid +Proetidae +Proetus +proevolution +proevolutionist +proexamination +proexecutive +proexemption +proexercise +proexperiment +proexpert +proexporting +proexposure +proextension +proextravagance +prof +profaculty +profanable +profanableness +profanably +profanation +profanatory +profanchise +profane +profanely +profanement +profaneness +profaner +profanism +profanity +profanize +profarmer +profection +profectional +profectitious +profederation +profeminism +profeminist +proferment +profert +profess +professable +professed +professedly +profession +professional +professionalism +professionalist +professionality +professionalization +professionalize +professionally +professionist +professionize +professionless +professive +professively +professor +professorate +professordom +professoress +professorial +professorialism +professorially +professoriate +professorlike +professorling +professorship +professory +proffer +profferer +proficience +proficiency +proficient +proficiently +proficientness +profiction +proficuous +proficuously +profile +profiler +profilist +profilograph +profit +profitability +profitable +profitableness +profitably +profiteer +profiteering +profiter +profiting +profitless +profitlessly +profitlessness +profitmonger +profitmongering +profitproof +proflated +proflavine +profligacy +profligate +profligately +profligateness +profligation +proflogger +profluence +profluent +profluvious +profluvium +proforeign +profound +profoundly +profoundness +profraternity +profugate +profulgent +profunda +profundity +profuse +profusely +profuseness +profusion +profusive +profusively +profusiveness +prog +progambling +progamete +progamic +proganosaur +Proganosauria +progenerate +progeneration +progenerative +progenital +progenitive +progenitiveness +progenitor +progenitorial +progenitorship +progenitress +progenitrix +progeniture +progenity +progeny +progeotropic +progeotropism +progeria +progermination +progestational +progesterone +progestin +progger +proglottic +proglottid +proglottidean +proglottis +prognathi +prognathic +prognathism +prognathous +prognathy +progne +prognose +prognosis +prognostic +prognosticable +prognostically +prognosticate +prognostication +prognosticative +prognosticator +prognosticatory +progoneate +progospel +progovernment +program +programist +programistic +programma +programmar +programmatic +programmatically +programmatist +programmer +progrede +progrediency +progredient +progress +progresser +progression +progressional +progressionally +progressionary +progressionism +progressionist +progressism +progressist +progressive +progressively +progressiveness +progressivism +progressivist +progressivity +progressor +proguardian +Progymnasium +progymnosperm +progymnospermic +progymnospermous +progypsy +prohaste +prohibit +prohibiter +prohibition +prohibitionary +prohibitionism +prohibitionist +prohibitive +prohibitively +prohibitiveness +prohibitor +prohibitorily +prohibitory +proholiday +prohostility +prohuman +prohumanistic +prohydrotropic +prohydrotropism +proidealistic +proimmunity +proinclusion +proincrease +proindemnity +proindustrial +proinjunction +proinnovationist +proinquiry +proinsurance +prointervention +proinvestment +proirrigation +projacient +project +projectable +projectedly +projectile +projecting +projectingly +projection +projectional +projectionist +projective +projectively +projectivity +projector +projectress +projectrix +projecture +projicience +projicient +projiciently +projournalistic +projudicial +proke +prokeimenon +proker +prokindergarten +proklausis +prolabium +prolabor +prolacrosse +prolactin +prolamin +prolan +prolapse +prolapsus +prolarva +prolarval +prolate +prolately +prolateness +prolation +prolative +prolatively +proleague +proleaguer +prolectite +proleg +prolegate +prolegislative +prolegomena +prolegomenal +prolegomenary +prolegomenist +prolegomenon +prolegomenous +proleniency +prolepsis +proleptic +proleptical +proleptically +proleptics +proletairism +proletarian +proletarianism +proletarianization +proletarianize +proletarianly +proletarianness +proletariat +proletariatism +proletarization +proletarize +proletary +proletcult +proleucocyte +proleukocyte +prolicense +prolicidal +prolicide +proliferant +proliferate +proliferation +proliferative +proliferous +proliferously +prolific +prolificacy +prolifical +prolifically +prolificalness +prolificate +prolification +prolificity +prolificly +prolificness +prolificy +prolify +proligerous +proline +proliquor +proliterary +proliturgical +proliturgist +prolix +prolixity +prolixly +prolixness +prolocution +prolocutor +prolocutorship +prolocutress +prolocutrix +prologist +prologize +prologizer +prologos +prologue +prologuelike +prologuer +prologuist +prologuize +prologuizer +prologus +prolong +prolongable +prolongableness +prolongably +prolongate +prolongation +prolonge +prolonger +prolongment +prolusion +prolusionize +prolusory +prolyl +promachinery +promachos +promagisterial +promagistracy +promagistrate +promajority +promammal +Promammalia +promammalian +promarriage +promatrimonial +promatrimonialist +promaximum +promemorial +promenade +promenader +promenaderess +promercantile +promercy +promerger +promeristem +promerit +promeritor +Promethea +Promethean +Prometheus +promethium +promic +promilitarism +promilitarist +promilitary +prominence +prominency +prominent +prominently +prominimum +proministry +prominority +promisable +promiscuity +promiscuous +promiscuously +promiscuousness +promise +promisee +promiseful +promiseless +promisemonger +promiseproof +promiser +promising +promisingly +promisingness +promisor +promissionary +promissive +promissor +promissorily +promissory +promitosis +promittor +promnesia +promoderation +promoderationist +promodernist +promodernistic +promonarchic +promonarchical +promonarchicalness +promonarchist +promonopolist +promonopoly +promontoried +promontory +promoral +promorph +promorphological +promorphologically +promorphologist +promorphology +promotable +promote +promotement +promoter +promotion +promotional +promotive +promotiveness +promotor +promotorial +promotress +promotrix +promovable +promovent +prompt +promptbook +prompter +promptitude +promptive +promptly +promptness +promptress +promptuary +prompture +promulgate +promulgation +promulgator +promulge +promulger +promuscidate +promuscis +promycelial +promycelium +promythic +pronaos +pronate +pronation +pronational +pronationalism +pronationalist +pronationalistic +pronative +pronatoflexor +pronator +pronaval +pronavy +prone +pronegotiation +pronegro +pronegroism +pronely +proneness +pronephric +pronephridiostome +pronephron +pronephros +proneur +prong +prongbuck +pronged +pronger +pronghorn +pronglike +pronic +pronograde +pronominal +pronominalize +pronominally +pronomination +pronotal +pronotum +pronoun +pronounal +pronounce +pronounceable +pronounced +pronouncedly +pronouncement +pronounceness +pronouncer +pronpl +pronto +Pronuba +pronuba +pronubial +pronuclear +pronucleus +pronumber +pronunciability +pronunciable +pronuncial +pronunciamento +pronunciation +pronunciative +pronunciator +pronunciatory +pronymph +pronymphal +proo +prooemiac +prooemion +prooemium +proof +proofer +proofful +proofing +proofless +prooflessly +proofness +proofread +proofreader +proofreading +proofroom +proofy +prop +propadiene +propaedeutic +propaedeutical +propaedeutics +propagability +propagable +propagableness +propagand +propaganda +propagandic +propagandism +propagandist +propagandistic +propagandistically +propagandize +propagate +propagation +propagational +propagative +propagator +propagatory +propagatress +propago +propagulum +propale +propalinal +propane +propanedicarboxylic +propanol +propanone +propapist +proparasceve +propargyl +propargylic +Proparia +proparian +proparliamental +proparoxytone +proparoxytonic +proparticipation +propatagial +propatagian +propatagium +propatriotic +propatriotism +propatronage +propayment +propellable +propellant +propellent +propeller +propelment +propend +propendent +propene +propenoic +propense +propensely +propenseness +propension +propensitude +propensity +propenyl +propenylic +proper +properispome +properispomenon +properitoneal +properly +properness +propertied +property +propertyless +propertyship +propessimism +propessimist +prophase +prophasis +prophecy +prophecymonger +prophesiable +prophesier +prophesy +prophet +prophetess +prophethood +prophetic +prophetical +propheticality +prophetically +propheticalness +propheticism +propheticly +prophetism +prophetize +prophetless +prophetlike +prophetry +prophetship +prophilosophical +prophloem +prophoric +prophototropic +prophototropism +prophylactic +prophylactical +prophylactically +prophylaxis +prophylaxy +prophyll +prophyllum +propination +propine +propinoic +propinquant +propinque +propinquity +propinquous +propiolaldehyde +propiolate +propiolic +propionate +propione +Propionibacterieae +Propionibacterium +propionic +propionitril +propionitrile +propionyl +Propithecus +propitiable +propitial +propitiate +propitiatingly +propitiation +propitiative +propitiator +propitiatorily +propitiatory +propitious +propitiously +propitiousness +proplasm +proplasma +proplastic +propless +propleural +propleuron +proplex +proplexus +Propliopithecus +propodeal +propodeon +propodeum +propodial +propodiale +propodite +propoditic +propodium +propolis +propolitical +propolization +propolize +propone +proponement +proponent +proponer +propons +Propontic +propooling +propopery +proportion +proportionability +proportionable +proportionableness +proportionably +proportional +proportionalism +proportionality +proportionally +proportionate +proportionately +proportionateness +proportioned +proportioner +proportionless +proportionment +proposable +proposal +proposant +propose +proposer +proposition +propositional +propositionally +propositionize +propositus +propound +propounder +propoundment +propoxy +proppage +propper +propraetor +propraetorial +propraetorian +proprecedent +propriation +proprietage +proprietarian +proprietariat +proprietarily +proprietary +proprietor +proprietorial +proprietorially +proprietorship +proprietory +proprietous +proprietress +proprietrix +propriety +proprioception +proprioceptive +proprioceptor +propriospinal +proprium +proprivilege +proproctor +proprofit +proprovincial +proprovost +props +propterygial +propterygium +proptosed +proptosis +propublication +propublicity +propugnacled +propugnaculum +propugnation +propugnator +propugner +propulsation +propulsatory +propulsion +propulsity +propulsive +propulsor +propulsory +propunishment +propupa +propupal +propurchase +Propus +propwood +propygidium +propyl +propylacetic +propylaeum +propylamine +propylation +propylene +propylic +propylidene +propylite +propylitic +propylitization +propylon +propyne +propynoic +proquaestor +proracing +prorailroad +prorata +proratable +prorate +proration +prore +proreader +prorealism +prorealist +prorealistic +proreality +prorean +prorebate +prorebel +prorecall +proreciprocation +prorecognition +proreconciliation +prorector +prorectorate +proredemption +proreduction +proreferendum +proreform +proreformist +proregent +prorelease +Proreptilia +proreptilian +proreption +prorepublican +proresearch +proreservationist +proresignation +prorestoration +prorestriction +prorevision +prorevisionist +prorevolution +prorevolutionary +prorevolutionist +prorhinal +Prorhipidoglossomorpha +proritual +proritualistic +prorogate +prorogation +prorogator +prorogue +proroguer +proromance +proromantic +proromanticism +proroyal +proroyalty +prorrhesis +prorsad +prorsal +proruption +prosabbath +prosabbatical +prosacral +prosaic +prosaical +prosaically +prosaicalness +prosaicism +prosaicness +prosaism +prosaist +prosar +Prosarthri +prosateur +proscapula +proscapular +proscenium +proscholastic +proschool +proscientific +proscolecine +proscolex +proscribable +proscribe +proscriber +proscript +proscription +proscriptional +proscriptionist +proscriptive +proscriptively +proscriptiveness +proscutellar +proscutellum +proscynemata +prose +prosecrecy +prosecretin +prosect +prosection +prosector +prosectorial +prosectorium +prosectorship +prosecutable +prosecute +prosecution +prosecutor +prosecutrix +proselenic +proselike +proselyte +proselyter +proselytical +proselytingly +proselytism +proselytist +proselytistic +proselytization +proselytize +proselytizer +proseman +proseminar +proseminary +proseminate +prosemination +prosencephalic +prosencephalon +prosenchyma +prosenchymatous +proseneschal +proser +Proserpinaca +prosethmoid +proseucha +proseuche +prosification +prosifier +prosify +prosiliency +prosilient +prosiliently +prosilverite +prosily +Prosimiae +prosimian +prosiness +prosing +prosingly +prosiphon +prosiphonal +prosiphonate +prosish +prosist +proslambanomenos +proslave +proslaver +proslavery +proslaveryism +prosneusis +proso +prosobranch +Prosobranchia +Prosobranchiata +prosobranchiate +prosocele +prosodal +prosode +prosodemic +prosodetic +prosodiac +prosodiacal +prosodiacally +prosodial +prosodially +prosodian +prosodic +prosodical +prosodically +prosodion +prosodist +prosodus +prosody +prosogaster +prosogyrate +prosogyrous +prosoma +prosomal +prosomatic +prosonomasia +prosopalgia +prosopalgic +prosopantritis +prosopectasia +prosophist +prosopic +prosopically +Prosopis +prosopite +Prosopium +prosoplasia +prosopography +prosopon +prosoponeuralgia +prosopoplegia +prosopoplegic +prosopopoeia +prosopopoeial +prosoposchisis +prosopospasm +prosopotocia +prosopyl +prosopyle +prosorus +prospect +prospection +prospective +prospectively +prospectiveness +prospectless +prospector +prospectus +prospectusless +prospeculation +prosper +prosperation +prosperity +prosperous +prosperously +prosperousness +prospicience +prosporangium +prosport +pross +prossy +prostatauxe +prostate +prostatectomy +prostatelcosis +prostatic +prostaticovesical +prostatism +prostatitic +prostatitis +prostatocystitis +prostatocystotomy +prostatodynia +prostatolith +prostatomegaly +prostatometer +prostatomyomectomy +prostatorrhea +prostatorrhoea +prostatotomy +prostatovesical +prostatovesiculectomy +prostatovesiculitis +prostemmate +prostemmatic +prosternal +prosternate +prosternum +prostheca +prosthenic +prosthesis +prosthetic +prosthetically +prosthetics +prosthetist +prosthion +prosthionic +prosthodontia +prosthodontist +Prostigmin +prostitute +prostitutely +prostitution +prostitutor +prostomial +prostomiate +prostomium +prostrate +prostration +prostrative +prostrator +prostrike +prostyle +prostylos +prosubmission +prosubscription +prosubstantive +prosubstitution +prosuffrage +prosupervision +prosupport +prosurgical +prosurrender +prosy +prosyllogism +prosyndicalism +prosyndicalist +protactic +protactinium +protagon +protagonism +protagonist +Protagorean +Protagoreanism +protalbumose +protamine +protandric +protandrism +protandrous +protandrously +protandry +protanomal +protanomalous +protanope +protanopia +protanopic +protargentum +protargin +Protargol +protariff +protarsal +protarsus +protasis +protaspis +protatic +protatically +protax +protaxation +protaxial +protaxis +prote +Protea +protea +Proteaceae +proteaceous +protead +protean +proteanly +proteanwise +protease +protechnical +protect +protectant +protectible +protecting +protectingly +protectingness +protection +protectional +protectionate +protectionism +protectionist +protectionize +protectionship +protective +protectively +protectiveness +Protectograph +protector +protectoral +protectorate +protectorial +protectorian +protectorless +protectorship +protectory +protectress +protectrix +protege +protegee +protegulum +proteic +Proteida +Proteidae +proteide +proteidean +proteidogenous +proteiform +protein +proteinaceous +proteinase +proteinic +proteinochromogen +proteinous +proteinuria +Proteles +Protelidae +Protelytroptera +protelytropteran +protelytropteron +protelytropterous +protemperance +protempirical +protemporaneous +protend +protension +protensity +protensive +protensively +proteoclastic +proteogenous +proteolysis +proteolytic +proteopectic +proteopexic +proteopexis +proteopexy +proteosaurid +Proteosauridae +Proteosaurus +proteose +Proteosoma +proteosomal +proteosome +proteosuria +protephemeroid +Protephemeroidea +proterandrous +proterandrousness +proterandry +proteranthous +proterobase +proteroglyph +Proteroglypha +proteroglyphic +proteroglyphous +proterogynous +proterogyny +proterothesis +proterotype +Proterozoic +protervity +protest +protestable +protestancy +protestant +Protestantish +Protestantishly +protestantism +Protestantize +Protestantlike +Protestantly +protestation +protestator +protestatory +protester +protestingly +protestive +protestor +protetrarch +Proteus +protevangel +protevangelion +protevangelium +protext +prothalamia +prothalamion +prothalamium +prothallia +prothallial +prothallic +prothalline +prothallium +prothalloid +prothallus +protheatrical +protheca +prothesis +prothetic +prothetical +prothetically +prothonotarial +prothonotariat +prothonotary +prothonotaryship +prothoracic +prothorax +prothrift +prothrombin +prothrombogen +prothyl +prothysteron +protide +protiodide +protist +Protista +protistan +protistic +protistological +protistologist +protistology +protiston +Protium +protium +proto +protoactinium +protoalbumose +protoamphibian +protoanthropic +protoapostate +protoarchitect +Protoascales +Protoascomycetes +protobacco +Protobasidii +Protobasidiomycetes +protobasidiomycetous +protobasidium +protobishop +protoblast +protoblastic +protoblattoid +Protoblattoidea +Protobranchia +Protobranchiata +protobranchiate +protocalcium +protocanonical +Protocaris +protocaseose +protocatechualdehyde +protocatechuic +Protoceras +Protoceratidae +Protoceratops +protocercal +protocerebral +protocerebrum +protochemist +protochemistry +protochloride +protochlorophyll +Protochorda +Protochordata +protochordate +protochromium +protochronicler +protocitizen +protoclastic +protocneme +Protococcaceae +protococcaceous +protococcal +Protococcales +protococcoid +Protococcus +protocol +protocolar +protocolary +Protocoleoptera +protocoleopteran +protocoleopteron +protocoleopterous +protocolist +protocolization +protocolize +protoconch +protoconchal +protocone +protoconid +protoconule +protoconulid +protocopper +protocorm +protodeacon +protoderm +protodevil +Protodonata +protodonatan +protodonate +protodont +Protodonta +protodramatic +protodynastic +protoelastose +protoepiphyte +protoforaminifer +protoforester +protogaster +protogelatose +protogenal +protogenes +protogenesis +protogenetic +protogenic +protogenist +Protogeometric +protogine +protoglobulose +protogod +protogonous +protogospel +protograph +protogynous +protogyny +protohematoblast +Protohemiptera +protohemipteran +protohemipteron +protohemipterous +protoheresiarch +Protohippus +protohistorian +protohistoric +protohistory +protohomo +protohuman +Protohydra +protohydrogen +Protohymenoptera +protohymenopteran +protohymenopteron +protohymenopterous +protoiron +protoleration +protoleucocyte +protoleukocyte +protolithic +protoliturgic +protolog +protologist +protoloph +protoma +protomagister +protomagnate +protomagnesium +protomala +protomalal +protomalar +protomammal +protomammalian +protomanganese +protomartyr +Protomastigida +protome +protomeristem +protomerite +protomeritic +protometal +protometallic +protometaphrast +Protominobacter +Protomonadina +protomonostelic +protomorph +protomorphic +Protomycetales +protomyosinose +proton +protone +protonegroid +protonema +protonemal +protonematal +protonematoid +protoneme +Protonemertini +protonephridial +protonephridium +protonephros +protoneuron +protoneurone +protonic +protonickel +protonitrate +protonotater +protonym +protonymph +protonymphal +protopapas +protopappas +protoparent +protopathia +protopathic +protopathy +protopatriarchal +protopatrician +protopattern +protopectin +protopectinase +protopepsia +Protoperlaria +protoperlarian +protophilosophic +protophloem +protophyll +Protophyta +protophyte +protophytic +protopin +protopine +protoplasm +protoplasma +protoplasmal +protoplasmatic +protoplasmic +protoplast +protoplastic +protopod +protopodial +protopodite +protopoditic +protopoetic +protopope +protoporphyrin +protopragmatic +protopresbyter +protopresbytery +protoprism +protoproteose +protoprotestant +protopteran +Protopteridae +protopteridophyte +protopterous +Protopterus +protopyramid +protore +protorebel +protoreligious +protoreptilian +Protorohippus +protorosaur +Protorosauria +protorosaurian +Protorosauridae +protorosauroid +Protorosaurus +Protorthoptera +protorthopteran +protorthopteron +protorthopterous +protosalt +protosaurian +protoscientific +Protoselachii +protosilicate +protosilicon +protosinner +Protosiphon +Protosiphonaceae +protosiphonaceous +protosocial +protosolution +protospasm +Protosphargis +Protospondyli +protospore +Protostega +Protostegidae +protostele +protostelic +protostome +protostrontium +protosulphate +protosulphide +protosyntonose +prototaxites +prototheca +protothecal +prototheme +protothere +Prototheria +prototherian +prototitanium +Prototracheata +prototraitor +prototroch +prototrochal +prototrophic +prototypal +prototype +prototypic +prototypical +prototypically +prototypographer +prototyrant +protovanadium +protoveratrine +protovertebra +protovertebral +protovestiary +protovillain +protovum +protoxide +protoxylem +Protozoa +protozoacidal +protozoacide +protozoal +protozoan +protozoea +protozoean +protozoiasis +protozoic +protozoological +protozoologist +protozoology +protozoon +protozoonal +Protracheata +protracheate +protract +protracted +protractedly +protractedness +protracter +protractible +protractile +protractility +protraction +protractive +protractor +protrade +protradition +protraditional +protragedy +protragical +protragie +protransfer +protranslation +protransubstantiation +protravel +protreasurer +protreaty +Protremata +protreptic +protreptical +protriaene +protropical +protrudable +protrude +protrudent +protrusible +protrusile +protrusion +protrusive +protrusively +protrusiveness +protuberance +protuberancy +protuberant +protuberantial +protuberantly +protuberantness +protuberate +protuberosity +protuberous +Protura +proturan +protutor +protutory +protyl +protyle +Protylopus +protype +proudful +proudhearted +proudish +proudishly +proudling +proudly +proudness +prouniformity +prounion +prounionist +prouniversity +proustite +provability +provable +provableness +provably +provaccinist +provand +provant +provascular +prove +provect +provection +proved +proveditor +provedly +provedor +provedore +proven +provenance +Provencal +Provencalize +Provence +Provencial +provender +provenience +provenient +provenly +proventricular +proventricule +proventriculus +prover +proverb +proverbial +proverbialism +proverbialist +proverbialize +proverbially +proverbic +proverbiologist +proverbiology +proverbize +proverblike +provicar +provicariate +providable +providance +provide +provided +providence +provident +providential +providentialism +providentially +providently +providentness +provider +providing +providore +providoring +province +provincial +provincialate +provincialism +provincialist +provinciality +provincialization +provincialize +provincially +provincialship +provinciate +provinculum +provine +proving +provingly +provision +provisional +provisionality +provisionally +provisionalness +provisionary +provisioner +provisioneress +provisionless +provisionment +provisive +proviso +provisor +provisorily +provisorship +provisory +provitamin +provivisection +provivisectionist +provocant +provocation +provocational +provocative +provocatively +provocativeness +provocator +provocatory +provokable +provoke +provokee +provoker +provoking +provokingly +provokingness +provolunteering +provost +provostal +provostess +provostorial +provostry +provostship +prow +prowar +prowarden +prowaterpower +prowed +prowersite +prowess +prowessed +prowessful +prowl +prowler +prowling +prowlingly +proxenet +proxenete +proxenetism +proxenos +proxenus +proxeny +proxically +proximad +proximal +proximally +proximate +proximately +proximateness +proximation +proximity +proximo +proximobuccal +proximolabial +proximolingual +proxy +proxyship +proxysm +prozone +prozoning +prozygapophysis +prozymite +prude +prudelike +prudely +Prudence +prudence +prudent +prudential +prudentialism +prudentialist +prudentiality +prudentially +prudentialness +prudently +prudery +prudish +prudishly +prudishness +prudist +prudity +Prudy +Prue +pruh +pruinate +pruinescence +pruinose +pruinous +prulaurasin +prunable +prunableness +prunably +Prunaceae +prunase +prunasin +prune +prunell +Prunella +prunella +prunelle +Prunellidae +prunello +pruner +prunetin +prunetol +pruniferous +pruniform +pruning +prunitrin +prunt +prunted +Prunus +prurience +pruriency +prurient +pruriently +pruriginous +prurigo +pruriousness +pruritic +pruritus +prusiano +Prussian +Prussianism +Prussianization +Prussianize +Prussianizer +prussiate +prussic +Prussification +Prussify +prut +prutah +pry +pryer +prying +pryingly +pryingness +pryler +pryproof +pryse +prytaneum +prytanis +prytanize +prytany +psalis +psalm +psalmic +psalmist +psalmister +psalmistry +psalmless +psalmodial +psalmodic +psalmodical +psalmodist +psalmodize +psalmody +psalmograph +psalmographer +psalmography +psalmy +psaloid +psalter +psalterial +psalterian +psalterion +psalterist +psalterium +psaltery +psaltes +psaltress +psammite +psammitic +psammocarcinoma +psammocharid +Psammocharidae +psammogenous +psammolithic +psammologist +psammology +psammoma +psammophile +psammophilous +Psammophis +psammophyte +psammophytic +psammosarcoma +psammotherapy +psammous +Psaronius +pschent +Psedera +Pselaphidae +Pselaphus +psellism +psellismus +psephism +psephisma +psephite +psephitic +psephomancy +Psephurus +Psetta +pseudaconine +pseudaconitine +pseudacusis +pseudalveolar +pseudambulacral +pseudambulacrum +pseudamoeboid +pseudamphora +pseudandry +pseudangina +pseudankylosis +pseudaphia +pseudaposematic +pseudaposporous +pseudapospory +pseudapostle +pseudarachnidan +pseudarthrosis +pseudataxic +pseudatoll +pseudaxine +pseudaxis +Pseudechis +pseudelephant +pseudelminth +pseudelytron +pseudembryo +pseudembryonic +pseudencephalic +pseudencephalus +pseudepigraph +pseudepigrapha +pseudepigraphal +pseudepigraphic +pseudepigraphical +pseudepigraphous +pseudepigraphy +pseudepiploic +pseudepiploon +pseudepiscopacy +pseudepiscopy +pseudepisematic +pseudesthesia +pseudhalteres +pseudhemal +pseudimaginal +pseudimago +pseudisodomum +pseudo +pseudoacaccia +pseudoacademic +pseudoacademical +pseudoaccidental +pseudoacid +pseudoaconitine +pseudoacromegaly +pseudoadiabatic +pseudoaesthetic +pseudoaffectionate +pseudoalkaloid +pseudoalum +pseudoalveolar +pseudoamateurish +pseudoamatory +pseudoanaphylactic +pseudoanaphylaxis +pseudoanatomic +pseudoanatomical +pseudoancestral +pseudoanemia +pseudoanemic +pseudoangelic +pseudoangina +pseudoankylosis +pseudoanthorine +pseudoanthropoid +pseudoanthropological +pseudoanthropology +pseudoantique +pseudoapologetic +pseudoapoplectic +pseudoapoplexy +pseudoappendicitis +pseudoaquatic +pseudoarchaic +pseudoarchaism +pseudoarchaist +pseudoaristocratic +pseudoarthrosis +pseudoarticulation +pseudoartistic +pseudoascetic +pseudoastringent +pseudoasymmetrical +pseudoasymmetry +pseudoataxia +pseudobacterium +pseudobasidium +pseudobenevolent +pseudobenthonic +pseudobenthos +pseudobinary +pseudobiological +pseudoblepsia +pseudoblepsis +pseudobrachial +pseudobrachium +pseudobranch +pseudobranchia +pseudobranchial +pseudobranchiate +Pseudobranchus +pseudobrookite +pseudobrotherly +pseudobulb +pseudobulbar +pseudobulbil +pseudobulbous +pseudobutylene +pseudocandid +pseudocapitulum +pseudocarbamide +pseudocarcinoid +pseudocarp +pseudocarpous +pseudocartilaginous +pseudocele +pseudocelian +pseudocelic +pseudocellus +pseudocentric +pseudocentrous +pseudocentrum +Pseudoceratites +pseudoceratitic +pseudocercaria +pseudoceryl +pseudocharitable +pseudochemical +pseudochina +pseudochromesthesia +pseudochromia +pseudochromosome +pseudochronism +pseudochronologist +pseudochrysalis +pseudochrysolite +pseudochylous +pseudocirrhosis +pseudoclassic +pseudoclassical +pseudoclassicism +pseudoclerical +Pseudococcinae +Pseudococcus +pseudococtate +pseudocollegiate +pseudocolumella +pseudocolumellar +pseudocommissure +pseudocommisural +pseudocompetitive +pseudoconcha +pseudoconclude +pseudocone +pseudoconglomerate +pseudoconglomeration +pseudoconhydrine +pseudoconjugation +pseudoconservative +pseudocorneous +pseudocortex +pseudocosta +pseudocotyledon +pseudocotyledonal +pseudocritical +pseudocroup +pseudocrystalline +pseudocubic +pseudocultivated +pseudocultural +pseudocumene +pseudocumenyl +pseudocumidine +pseudocumyl +pseudocyclosis +pseudocyesis +pseudocyst +pseudodeltidium +pseudodementia +pseudodemocratic +pseudoderm +pseudodermic +pseudodiagnosis +pseudodiastolic +pseudodiphtheria +pseudodiphtheritic +pseudodipteral +pseudodipterally +pseudodipteros +pseudodont +pseudodox +pseudodoxal +pseudodoxy +pseudodramatic +pseudodysentery +pseudoedema +pseudoelectoral +pseudoembryo +pseudoembryonic +pseudoemotional +pseudoencephalitic +pseudoenthusiastic +pseudoephedrine +pseudoepiscopal +pseudoequalitarian +pseudoerotic +pseudoeroticism +pseudoerysipelas +pseudoerysipelatous +pseudoerythrin +pseudoethical +pseudoetymological +pseudoeugenics +pseudoevangelical +pseudofamous +pseudofarcy +pseudofeminine +pseudofever +pseudofeverish +pseudofilaria +pseudofilarian +pseudofinal +pseudofluctuation +pseudofluorescence +pseudofoliaceous +pseudoform +pseudofossil +pseudogalena +pseudoganglion +pseudogaseous +pseudogaster +pseudogastrula +pseudogeneral +pseudogeneric +pseudogenerous +pseudogenteel +pseudogenus +pseudogeometry +pseudogermanic +pseudogeusia +pseudogeustia +pseudoglanders +pseudoglioma +pseudoglobulin +pseudoglottis +pseudograph +pseudographeme +pseudographer +pseudographia +pseudographize +pseudography +pseudograsserie +Pseudogryphus +pseudogyne +pseudogynous +pseudogyny +pseudogyrate +pseudohallucination +pseudohallucinatory +pseudohalogen +pseudohemal +pseudohermaphrodite +pseudohermaphroditic +pseudohermaphroditism +pseudoheroic +pseudohexagonal +pseudohistoric +pseudohistorical +pseudoholoptic +pseudohuman +pseudohydrophobia +pseudohyoscyamine +pseudohypertrophic +pseudohypertrophy +pseudoidentical +pseudoimpartial +pseudoindependent +pseudoinfluenza +pseudoinsane +pseudoinsoluble +pseudoisatin +pseudoism +pseudoisomer +pseudoisomeric +pseudoisomerism +pseudoisotropy +pseudojervine +pseudolabial +pseudolabium +pseudolalia +Pseudolamellibranchia +Pseudolamellibranchiata +pseudolamellibranchiate +pseudolaminated +Pseudolarix +pseudolateral +pseudolatry +pseudolegal +pseudolegendary +pseudoleucite +pseudoleucocyte +pseudoleukemia +pseudoleukemic +pseudoliberal +pseudolichen +pseudolinguistic +pseudoliterary +pseudolobar +pseudological +pseudologically +pseudologist +pseudologue +pseudology +pseudolunule +pseudomalachite +pseudomalaria +pseudomancy +pseudomania +pseudomaniac +pseudomantic +pseudomantist +pseudomasculine +pseudomedical +pseudomedieval +pseudomelanosis +pseudomembrane +pseudomembranous +pseudomeningitis +pseudomenstruation +pseudomer +pseudomeric +pseudomerism +pseudomery +pseudometallic +pseudometameric +pseudometamerism +pseudomica +pseudomilitarist +pseudomilitaristic +pseudomilitary +pseudoministerial +pseudomiraculous +pseudomitotic +pseudomnesia +pseudomodern +pseudomodest +Pseudomonas +pseudomonastic +pseudomonoclinic +pseudomonocotyledonous +pseudomonocyclic +pseudomonotropy +pseudomoral +pseudomorph +pseudomorphia +pseudomorphic +pseudomorphine +pseudomorphism +pseudomorphose +pseudomorphosis +pseudomorphous +pseudomorula +pseudomorular +pseudomucin +pseudomucoid +pseudomultilocular +pseudomultiseptate +pseudomythical +pseudonarcotic +pseudonational +pseudonavicella +pseudonavicellar +pseudonavicula +pseudonavicular +pseudoneuropter +Pseudoneuroptera +pseudoneuropteran +pseudoneuropterous +pseudonitrole +pseudonitrosite +pseudonuclein +pseudonucleolus +pseudonychium +pseudonym +pseudonymal +pseudonymic +pseudonymity +pseudonymous +pseudonymously +pseudonymousness +pseudonymuncle +pseudonymuncule +pseudopapaverine +pseudoparalysis +pseudoparalytic +pseudoparaplegia +pseudoparasitic +pseudoparasitism +pseudoparenchyma +pseudoparenchymatous +pseudoparenchyme +pseudoparesis +pseudoparthenogenesis +pseudopatriotic +pseudopediform +pseudopelletierine +pseudopercular +pseudoperculate +pseudoperculum +pseudoperianth +pseudoperidium +pseudoperiodic +pseudoperipteral +pseudopermanent +pseudoperoxide +pseudoperspective +Pseudopeziza +pseudophallic +pseudophellandrene +pseudophenanthrene +pseudophenanthroline +pseudophenocryst +pseudophilanthropic +pseudophilosophical +Pseudophoenix +pseudopionnotes +pseudopious +pseudoplasm +pseudoplasma +pseudoplasmodium +pseudopneumonia +pseudopod +pseudopodal +pseudopodia +pseudopodial +pseudopodian +pseudopodiospore +pseudopodium +pseudopoetic +pseudopoetical +pseudopolitic +pseudopolitical +pseudopopular +pseudopore +pseudoporphyritic +pseudopregnancy +pseudopregnant +pseudopriestly +pseudoprimitive +pseudoprimitivism +pseudoprincely +pseudoproboscis +pseudoprofessional +pseudoprofessorial +pseudoprophetic +pseudoprophetical +pseudoprosperous +pseudopsia +pseudopsychological +pseudoptics +pseudoptosis +pseudopupa +pseudopupal +pseudopurpurin +pseudopyriform +pseudoquinol +pseudorabies +pseudoracemic +pseudoracemism +pseudoramose +pseudoramulus +pseudorealistic +pseudoreduction +pseudoreformed +pseudoregal +pseudoreligious +pseudoreminiscence +pseudorganic +pseudorheumatic +pseudorhombohedral +pseudoromantic +pseudorunic +pseudosacred +pseudosacrilegious +pseudosalt +pseudosatirical +pseudoscarlatina +Pseudoscarus +pseudoscholarly +pseudoscholastic +pseudoscientific +Pseudoscines +pseudoscinine +pseudosclerosis +pseudoscope +pseudoscopic +pseudoscopically +pseudoscopy +pseudoscorpion +Pseudoscorpiones +Pseudoscorpionida +pseudoscutum +pseudosematic +pseudosensational +pseudoseptate +pseudoservile +pseudosessile +pseudosiphonal +pseudosiphuncal +pseudoskeletal +pseudoskeleton +pseudoskink +pseudosmia +pseudosocial +pseudosocialistic +pseudosolution +pseudosoph +pseudosopher +pseudosophical +pseudosophist +pseudosophy +pseudospectral +pseudosperm +pseudospermic +pseudospermium +pseudospermous +pseudosphere +pseudospherical +pseudospiracle +pseudospiritual +pseudosporangium +pseudospore +pseudosquamate +pseudostalactite +pseudostalactitical +pseudostalagmite +pseudostalagmitical +pseudostereoscope +pseudostereoscopic +pseudostereoscopism +pseudostigma +pseudostigmatic +pseudostoma +pseudostomatous +pseudostomous +pseudostratum +pseudosubtle +Pseudosuchia +pseudosuchian +pseudosweating +pseudosyllogism +pseudosymmetric +pseudosymmetrical +pseudosymmetry +pseudosymptomatic +pseudosyphilis +pseudosyphilitic +pseudotabes +pseudotachylite +pseudotetanus +pseudotetragonal +Pseudotetramera +pseudotetrameral +pseudotetramerous +pseudotrachea +pseudotracheal +pseudotribal +pseudotributary +Pseudotrimera +pseudotrimeral +pseudotrimerous +pseudotropine +Pseudotsuga +pseudotubercular +pseudotuberculosis +pseudotuberculous +pseudoturbinal +pseudotyphoid +pseudoval +pseudovarian +pseudovary +pseudovelar +pseudovelum +pseudoventricle +pseudoviaduct +pseudoviperine +pseudoviscosity +pseudoviscous +pseudovolcanic +pseudovolcano +pseudovum +pseudowhorl +pseudoxanthine +pseudoyohimbine +pseudozealot +pseudozoea +pseudozoogloeal +psha +Pshav +pshaw +psi +Psidium +psilanthropic +psilanthropism +psilanthropist +psilanthropy +psiloceran +Psiloceras +psiloceratan +psiloceratid +Psiloceratidae +psiloi +psilology +psilomelane +psilomelanic +Psilophytales +psilophyte +Psilophyton +psilosis +psilosopher +psilosophy +Psilotaceae +psilotaceous +psilothrum +psilotic +Psilotum +psithurism +Psithyrus +psittaceous +psittaceously +Psittaci +Psittacidae +Psittaciformes +Psittacinae +psittacine +psittacinite +psittacism +psittacistic +Psittacomorphae +psittacomorphic +psittacosis +Psittacus +psoadic +psoas +psoatic +psocid +Psocidae +psocine +psoitis +psomophagic +psomophagist +psomophagy +psora +Psoralea +psoriasic +psoriasiform +psoriasis +psoriatic +psoriatiform +psoric +psoroid +Psorophora +psorophthalmia +psorophthalmic +Psoroptes +psoroptic +psorosis +psorosperm +psorospermial +psorospermiasis +psorospermic +psorospermiform +psorospermosis +psorous +pssimistical +pst +psych +psychagogic +psychagogos +psychagogue +psychagogy +psychal +psychalgia +psychanalysis +psychanalysist +psychanalytic +psychasthenia +psychasthenic +Psyche +psyche +Psychean +psycheometry +psychesthesia +psychesthetic +psychiasis +psychiater +psychiatria +psychiatric +psychiatrical +psychiatrically +psychiatrist +psychiatrize +psychiatry +psychic +psychical +psychically +Psychichthys +psychicism +psychicist +psychics +psychid +Psychidae +psychism +psychist +psychoanalysis +psychoanalyst +psychoanalytic +psychoanalytical +psychoanalytically +psychoanalyze +psychoanalyzer +psychoautomatic +psychobiochemistry +psychobiologic +psychobiological +psychobiology +psychobiotic +psychocatharsis +psychoclinic +psychoclinical +psychoclinicist +Psychoda +psychodiagnostics +Psychodidae +psychodispositional +psychodrama +psychodynamic +psychodynamics +psychoeducational +psychoepilepsy +psychoethical +psychofugal +psychogalvanic +psychogalvanometer +psychogenesis +psychogenetic +psychogenetical +psychogenetically +psychogenetics +psychogenic +psychogeny +psychognosis +psychognostic +psychognosy +psychogonic +psychogonical +psychogony +psychogram +psychograph +psychographer +psychographic +psychographist +psychography +psychoid +psychokinesia +psychokinesis +psychokinetic +psychokyme +psycholepsy +psycholeptic +psychologer +psychologian +psychologic +psychological +psychologically +psychologics +psychologism +psychologist +psychologize +psychologue +psychology +psychomachy +psychomancy +psychomantic +psychometer +psychometric +psychometrical +psychometrically +psychometrician +psychometrics +psychometrist +psychometrize +psychometry +psychomonism +psychomoral +psychomorphic +psychomorphism +psychomotility +psychomotor +psychon +psychoneural +psychoneurological +psychoneurosis +psychoneurotic +psychonomic +psychonomics +psychonomy +psychony +psychoorganic +psychopannychian +psychopannychism +psychopannychist +psychopannychistic +psychopannychy +psychopanychite +psychopath +psychopathia +psychopathic +psychopathist +psychopathologic +psychopathological +psychopathologist +psychopathy +psychopetal +psychophobia +psychophysic +psychophysical +psychophysically +psychophysicist +psychophysics +psychophysiologic +psychophysiological +psychophysiologically +psychophysiologist +psychophysiology +psychoplasm +psychopomp +psychopompos +psychorealism +psychorealist +psychorealistic +psychoreflex +psychorhythm +psychorhythmia +psychorhythmic +psychorhythmical +psychorhythmically +psychorrhagic +psychorrhagy +psychosarcous +psychosensorial +psychosensory +psychoses +psychosexual +psychosexuality +psychosexually +psychosis +psychosocial +psychosomatic +psychosomatics +psychosome +psychosophy +psychostasy +psychostatic +psychostatical +psychostatically +psychostatics +psychosurgeon +psychosurgery +psychosynthesis +psychosynthetic +psychotaxis +psychotechnical +psychotechnician +psychotechnics +psychotechnological +psychotechnology +psychotheism +psychotherapeutic +psychotherapeutical +psychotherapeutics +psychotherapeutist +psychotherapist +psychotherapy +psychotic +Psychotria +psychotrine +psychovital +Psychozoic +psychroesthesia +psychrograph +psychrometer +psychrometric +psychrometrical +psychrometry +psychrophile +psychrophilic +psychrophobia +psychrophore +psychrophyte +psychurgy +psykter +Psylla +psylla +psyllid +Psyllidae +psyllium +ptarmic +Ptarmica +ptarmical +ptarmigan +Ptelea +Ptenoglossa +ptenoglossate +Pteranodon +pteranodont +Pteranodontidae +pteraspid +Pteraspidae +Pteraspis +ptereal +pterergate +Pterian +pteric +Pterichthyodes +Pterichthys +pterideous +pteridium +pteridography +pteridoid +pteridological +pteridologist +pteridology +pteridophilism +pteridophilist +pteridophilistic +Pteridophyta +pteridophyte +pteridophytic +pteridophytous +pteridosperm +Pteridospermae +Pteridospermaphyta +pteridospermaphytic +pteridospermous +pterion +Pteris +Pterobranchia +pterobranchiate +pterocarpous +Pterocarpus +Pterocarya +Pterocaulon +Pterocera +Pteroceras +Pterocles +Pterocletes +Pteroclidae +Pteroclomorphae +pteroclomorphic +pterodactyl +Pterodactyli +pterodactylian +pterodactylic +pterodactylid +Pterodactylidae +pterodactyloid +pterodactylous +Pterodactylus +pterographer +pterographic +pterographical +pterography +pteroid +pteroma +pteromalid +Pteromalidae +Pteromys +pteropaedes +pteropaedic +pteropegal +pteropegous +pteropegum +pterophorid +Pterophoridae +Pterophorus +Pterophryne +pteropid +Pteropidae +pteropine +pteropod +Pteropoda +pteropodal +pteropodan +pteropodial +Pteropodidae +pteropodium +pteropodous +Pteropsida +Pteropus +pterosaur +Pterosauri +Pterosauria +pterosaurian +pterospermous +Pterospora +Pterostemon +Pterostemonaceae +pterostigma +pterostigmal +pterostigmatic +pterostigmatical +pterotheca +pterothorax +pterotic +pteroylglutamic +pterygial +pterygiophore +pterygium +pterygobranchiate +pterygode +pterygodum +Pterygogenea +pterygoid +pterygoidal +pterygoidean +pterygomalar +pterygomandibular +pterygomaxillary +pterygopalatal +pterygopalatine +pterygopharyngeal +pterygopharyngean +pterygophore +pterygopodium +pterygoquadrate +pterygosphenoid +pterygospinous +pterygostaphyline +Pterygota +pterygote +pterygotous +pterygotrabecular +Pterygotus +pteryla +pterylographic +pterylographical +pterylography +pterylological +pterylology +pterylosis +Ptilichthyidae +Ptiliidae +Ptilimnium +ptilinal +ptilinum +Ptilocercus +Ptilonorhynchidae +Ptilonorhynchinae +ptilopaedes +ptilopaedic +ptilosis +Ptilota +ptinid +Ptinidae +ptinoid +Ptinus +ptisan +ptochocracy +ptochogony +ptochology +Ptolemaean +Ptolemaian +Ptolemaic +Ptolemaical +Ptolemaism +Ptolemaist +Ptolemean +Ptolemy +ptomain +ptomaine +ptomainic +ptomatropine +ptosis +ptotic +ptyalagogic +ptyalagogue +ptyalectasis +ptyalin +ptyalism +ptyalize +ptyalocele +ptyalogenic +ptyalolith +ptyalolithiasis +ptyalorrhea +Ptychoparia +ptychoparid +ptychopariid +ptychopterygial +ptychopterygium +Ptychosperma +ptysmagogue +ptyxis +pu +pua +puan +pub +pubal +pubble +puberal +pubertal +pubertic +puberty +puberulent +puberulous +pubes +pubescence +pubescency +pubescent +pubian +pubic +pubigerous +pubiotomy +pubis +public +Publican +publican +publicanism +publication +publichearted +publicheartedness +publicism +publicist +publicity +publicize +publicly +publicness +Publilian +publish +publishable +publisher +publisheress +publishership +publishment +pubococcygeal +pubofemoral +puboiliac +puboischiac +puboischial +puboischiatic +puboprostatic +puborectalis +pubotibial +pubourethral +pubovesical +Puccinia +Pucciniaceae +pucciniaceous +puccinoid +puccoon +puce +pucelage +pucellas +pucelle +Puchanahua +pucherite +puchero +puck +pucka +puckball +pucker +puckerbush +puckerel +puckerer +puckermouth +puckery +puckfist +puckish +puckishly +puckishness +puckle +pucklike +puckling +puckneedle +puckrel +puckster +pud +puddee +puddening +pudder +pudding +puddingberry +puddinghead +puddingheaded +puddinghouse +puddinglike +puddingwife +puddingy +puddle +puddled +puddlelike +puddler +puddling +puddly +puddock +puddy +pudency +pudenda +pudendal +pudendous +pudendum +pudent +pudge +pudgily +pudginess +pudgy +pudiano +pudibund +pudibundity +pudic +pudical +pudicitia +pudicity +pudsey +pudsy +Pudu +pudu +pueblito +Pueblo +pueblo +Puebloan +puebloization +puebloize +Puelche +Puelchean +Pueraria +puerer +puericulture +puerile +puerilely +puerileness +puerilism +puerility +puerman +puerpera +puerperal +puerperalism +puerperant +puerperium +puerperous +puerpery +puff +puffback +puffball +puffbird +puffed +puffer +puffery +puffily +puffin +puffiness +puffinet +puffing +puffingly +Puffinus +pufflet +puffwig +puffy +pug +pugged +pugger +puggi +pugginess +pugging +puggish +puggle +puggree +puggy +pugh +pugil +pugilant +pugilism +pugilist +pugilistic +pugilistical +pugilistically +puglianite +pugman +pugmill +pugmiller +pugnacious +pugnaciously +pugnaciousness +pugnacity +Puinavi +Puinavian +Puinavis +puisne +puissance +puissant +puissantly +puissantness +puist +puistie +puja +Pujunan +puka +pukatea +pukateine +puke +pukeko +puker +pukeweed +Pukhtun +pukish +pukishness +pukras +puku +puky +pul +pulahan +pulahanism +pulasan +pulaskite +Pulaya +Pulayan +pulchrify +pulchritude +pulchritudinous +pule +pulegol +pulegone +puler +Pulex +pulghere +puli +Pulian +pulicarious +pulicat +pulicene +pulicid +Pulicidae +pulicidal +pulicide +pulicine +pulicoid +pulicose +pulicosity +pulicous +puling +pulingly +pulish +pulk +pulka +pull +pullable +pullback +pullboat +pulldevil +pulldoo +pulldown +pulldrive +pullen +puller +pullery +pullet +pulley +pulleyless +pulli +Pullman +Pullmanize +pullorum +pullulant +pullulate +pullulation +pullus +pulmobranchia +pulmobranchial +pulmobranchiate +pulmocardiac +pulmocutaneous +pulmogastric +pulmometer +pulmometry +pulmonal +pulmonar +Pulmonaria +pulmonarian +pulmonary +Pulmonata +pulmonate +pulmonated +pulmonectomy +pulmonic +pulmonifer +Pulmonifera +pulmoniferous +pulmonitis +Pulmotor +pulmotracheal +Pulmotrachearia +pulmotracheary +pulmotracheate +pulp +pulpaceous +pulpal +pulpalgia +pulpamenta +pulpboard +pulpectomy +pulpefaction +pulper +pulpifier +pulpify +pulpily +pulpiness +pulpit +pulpital +pulpitarian +pulpiteer +pulpiter +pulpitful +pulpitic +pulpitical +pulpitically +pulpitis +pulpitish +pulpitism +pulpitize +pulpitless +pulpitly +pulpitolatry +pulpitry +pulpless +pulplike +pulpotomy +pulpous +pulpousness +pulpstone +pulpwood +pulpy +pulque +pulsant +pulsatance +pulsate +pulsatile +pulsatility +Pulsatilla +pulsation +pulsational +pulsative +pulsatively +pulsator +pulsatory +pulse +pulseless +pulselessly +pulselessness +pulselike +pulsellum +pulsidge +pulsific +pulsimeter +pulsion +pulsive +pulsojet +pulsometer +pultaceous +pulton +pulu +pulveraceous +pulverant +pulverate +pulveration +pulvereous +pulverin +pulverizable +pulverizate +pulverization +pulverizator +pulverize +pulverizer +pulverous +pulverulence +pulverulent +pulverulently +pulvic +pulvil +pulvillar +pulvilliform +pulvillus +pulvinar +Pulvinaria +pulvinarian +pulvinate +pulvinated +pulvinately +pulvination +pulvinic +pulviniform +pulvino +pulvinule +pulvinulus +pulvinus +pulviplume +pulwar +puly +puma +Pume +pumicate +pumice +pumiced +pumiceous +pumicer +pumiciform +pumicose +pummel +pummice +pump +pumpable +pumpage +pumpellyite +pumper +pumpernickel +pumpkin +pumpkinification +pumpkinify +pumpkinish +pumpkinity +pumple +pumpless +pumplike +pumpman +pumpsman +pumpwright +pun +puna +punaise +punalua +punaluan +Punan +punatoo +punch +punchable +punchboard +puncheon +puncher +punchinello +punching +punchless +punchlike +punchproof +punchy +punct +punctal +punctate +punctated +punctation +punctator +puncticular +puncticulate +puncticulose +punctiform +punctiliar +punctilio +punctiliomonger +punctiliosity +punctilious +punctiliously +punctiliousness +punctist +punctographic +punctual +punctualist +punctuality +punctually +punctualness +punctuate +punctuation +punctuational +punctuationist +punctuative +punctuator +punctuist +punctulate +punctulated +punctulation +punctule +punctulum +punctum +puncturation +puncture +punctured +punctureless +punctureproof +puncturer +pundigrion +pundit +pundita +punditic +punditically +punditry +pundonor +pundum +puneca +pung +punga +pungapung +pungar +pungence +pungency +pungent +pungently +punger +pungey +pungi +pungle +pungled +Punic +Punica +Punicaceae +punicaceous +puniceous +punicial +punicin +punicine +punily +puniness +punish +punishability +punishable +punishableness +punishably +punisher +punishment +punishmentproof +punition +punitional +punitionally +punitive +punitively +punitiveness +punitory +Punjabi +punjum +punk +punkah +punketto +punkie +punkwood +punky +punless +punlet +punnable +punnage +punner +punnet +punnic +punnical +punnigram +punningly +punnology +Puno +punproof +punster +punstress +punt +punta +puntabout +puntal +puntel +punter +punti +puntil +puntist +Puntlatsh +punto +puntout +puntsman +punty +puny +punyish +punyism +pup +pupa +pupahood +pupal +puparial +puparium +pupate +pupation +pupelo +Pupidae +pupiferous +pupiform +pupigenous +pupigerous +pupil +pupilability +pupilage +pupilar +pupilate +pupildom +pupiled +pupilize +pupillarity +pupillary +pupilless +Pupillidae +pupillometer +pupillometry +pupilloscope +pupilloscoptic +pupilloscopy +Pupipara +pupiparous +Pupivora +pupivore +pupivorous +pupoid +puppet +puppetdom +puppeteer +puppethood +puppetish +puppetism +puppetize +puppetlike +puppetly +puppetman +puppetmaster +puppetry +puppify +puppily +Puppis +puppy +puppydom +puppyfish +puppyfoot +puppyhood +puppyish +puppyism +puppylike +puppysnatch +pupulo +Pupuluca +pupunha +Puquina +Puquinan +pur +purana +puranic +puraque +Purasati +Purbeck +Purbeckian +purblind +purblindly +purblindness +purchasability +purchasable +purchase +purchaser +purchasery +purdah +purdy +pure +pureblood +purebred +pured +puree +purehearted +purely +pureness +purer +purfle +purfled +purfler +purfling +purfly +purga +purgation +purgative +purgatively +purgatorial +purgatorian +purgatory +purge +purgeable +purger +purgery +purging +purificant +purification +purificative +purificator +purificatory +purifier +puriform +purify +purine +puriri +purism +purist +puristic +puristical +Puritan +puritandom +Puritaness +puritanic +puritanical +puritanically +puritanicalness +Puritanism +puritanism +Puritanize +Puritanizer +puritanlike +Puritanly +puritano +purity +Purkinje +Purkinjean +purl +purler +purlhouse +purlicue +purlieu +purlieuman +purlin +purlman +purloin +purloiner +purohepatitis +purolymph +puromucous +purpart +purparty +purple +purplelip +purplely +purpleness +purplescent +purplewood +purplewort +purplish +purplishness +purply +purport +purportless +purpose +purposedly +purposeful +purposefully +purposefulness +purposeless +purposelessly +purposelessness +purposelike +purposely +purposer +purposive +purposively +purposiveness +purposivism +purposivist +purposivistic +purpresture +purpura +purpuraceous +purpurate +purpure +purpureal +purpurean +purpureous +purpurescent +purpuric +purpuriferous +purpuriform +purpurigenous +purpurin +purpurine +purpuriparous +purpurite +purpurize +purpurogallin +purpurogenous +purpuroid +purpuroxanthin +purr +purre +purree +purreic +purrel +purrer +purring +purringly +purrone +purry +purse +pursed +purseful +purseless +purselike +purser +pursership +Purshia +pursily +pursiness +purslane +purslet +pursley +pursuable +pursual +pursuance +pursuant +pursuantly +pursue +pursuer +pursuit +pursuitmeter +pursuivant +pursy +purtenance +Puru +Puruha +purulence +purulency +purulent +purulently +puruloid +Purupuru +purusha +purushartha +purvey +purveyable +purveyal +purveyance +purveyancer +purveyor +purveyoress +purview +purvoe +purwannah +pus +Puschkinia +Puseyism +Puseyistical +Puseyite +push +pushball +pushcart +pusher +pushful +pushfully +pushfulness +pushing +pushingly +pushingness +pushmobile +pushover +pushpin +Pushtu +pushwainling +pusillanimity +pusillanimous +pusillanimously +pusillanimousness +puss +pusscat +pussley +pusslike +pussy +pussycat +pussyfoot +pussyfooted +pussyfooter +pussyfooting +pussyfootism +pussytoe +pustulant +pustular +pustulate +pustulated +pustulation +pustulatous +pustule +pustuled +pustulelike +pustuliform +pustulose +pustulous +put +putage +putamen +putaminous +putanism +putation +putationary +putative +putatively +putback +putchen +putcher +puteal +putelee +puther +puthery +putid +putidly +putidness +putlog +putois +Putorius +putredinal +putredinous +putrefacient +putrefactible +putrefaction +putrefactive +putrefactiveness +putrefiable +putrefier +putrefy +putresce +putrescence +putrescency +putrescent +putrescibility +putrescible +putrescine +putricide +putrid +putridity +putridly +putridness +putrifacted +putriform +putrilage +putrilaginous +putrilaginously +putschism +putschist +putt +puttee +putter +putterer +putteringly +puttier +puttock +putty +puttyblower +puttyhead +puttyhearted +puttylike +puttyroot +puttywork +puture +puxy +Puya +Puyallup +puzzle +puzzleation +puzzled +puzzledly +puzzledness +puzzledom +puzzlehead +puzzleheaded +puzzleheadedly +puzzleheadedness +puzzleman +puzzlement +puzzlepate +puzzlepated +puzzlepatedness +puzzler +puzzling +puzzlingly +puzzlingness +pya +pyal +pyarthrosis +pyche +Pycnanthemum +pycnia +pycnial +pycnid +pycnidia +pycnidial +pycnidiophore +pycnidiospore +pycnidium +pycniospore +pycnite +pycnium +Pycnocoma +pycnoconidium +pycnodont +Pycnodonti +Pycnodontidae +pycnodontoid +Pycnodus +pycnogonid +Pycnogonida +pycnogonidium +pycnogonoid +pycnometer +pycnometochia +pycnometochic +pycnomorphic +pycnomorphous +Pycnonotidae +Pycnonotinae +pycnonotine +Pycnonotus +pycnosis +pycnospore +pycnosporic +pycnostyle +pycnotic +pyelectasis +pyelic +pyelitic +pyelitis +pyelocystitis +pyelogram +pyelograph +pyelographic +pyelography +pyelolithotomy +pyelometry +pyelonephritic +pyelonephritis +pyelonephrosis +pyeloplasty +pyeloscopy +pyelotomy +pyeloureterogram +pyemesis +pyemia +pyemic +pygal +pygalgia +pygarg +pygargus +pygidial +pygidid +Pygididae +Pygidium +pygidium +pygmaean +Pygmalion +pygmoid +Pygmy +pygmy +pygmydom +pygmyhood +pygmyish +pygmyism +pygmyship +pygmyweed +Pygobranchia +Pygobranchiata +pygobranchiate +pygofer +pygopagus +pygopod +Pygopodes +Pygopodidae +pygopodine +pygopodous +Pygopus +pygostyle +pygostyled +pygostylous +pyic +pyin +pyjama +pyjamaed +pyke +pyknatom +pyknic +pyknotic +pyla +Pylades +pylagore +pylangial +pylangium +pylar +pylephlebitic +pylephlebitis +pylethrombophlebitis +pylethrombosis +pylic +pylon +pyloralgia +pylorectomy +pyloric +pyloristenosis +pyloritis +pylorocleisis +pylorodilator +pylorogastrectomy +pyloroplasty +pyloroptosis +pyloroschesis +pyloroscirrhus +pyloroscopy +pylorospasm +pylorostenosis +pylorostomy +pylorus +pyobacillosis +pyocele +pyoctanin +pyocyanase +pyocyanin +pyocyst +pyocyte +pyodermatitis +pyodermatosis +pyodermia +pyodermic +pyogenesis +pyogenetic +pyogenic +pyogenin +pyogenous +pyohemothorax +pyoid +pyolabyrinthitis +pyolymph +pyometra +pyometritis +pyonephritis +pyonephrosis +pyonephrotic +pyopericarditis +pyopericardium +pyoperitoneum +pyoperitonitis +pyophagia +pyophthalmia +pyophylactic +pyoplania +pyopneumocholecystitis +pyopneumocyst +pyopneumopericardium +pyopneumoperitoneum +pyopneumoperitonitis +pyopneumothorax +pyopoiesis +pyopoietic +pyoptysis +pyorrhea +pyorrheal +pyorrheic +pyosalpingitis +pyosalpinx +pyosepticemia +pyosepticemic +pyosis +pyospermia +pyotherapy +pyothorax +pyotoxinemia +pyoureter +pyovesiculosis +pyoxanthose +pyr +pyracanth +Pyracantha +Pyraceae +pyracene +pyral +Pyrales +pyralid +Pyralidae +pyralidan +pyralidid +Pyralididae +pyralidiform +Pyralidoidea +pyralis +pyraloid +Pyrameis +pyramid +pyramidaire +pyramidal +pyramidale +pyramidalis +Pyramidalism +Pyramidalist +pyramidally +pyramidate +Pyramidella +pyramidellid +Pyramidellidae +pyramider +pyramides +pyramidia +pyramidic +pyramidical +pyramidically +pyramidicalness +pyramidion +Pyramidist +pyramidize +pyramidlike +pyramidoattenuate +pyramidoidal +pyramidologist +pyramidoprismatic +pyramidwise +pyramoidal +pyran +pyranometer +pyranyl +pyrargyrite +Pyrausta +Pyraustinae +pyrazine +pyrazole +pyrazoline +pyrazolone +pyrazolyl +pyre +pyrectic +pyrena +pyrene +Pyrenean +pyrenematous +pyrenic +pyrenin +pyrenocarp +pyrenocarpic +pyrenocarpous +Pyrenochaeta +pyrenodean +pyrenodeine +pyrenodeous +pyrenoid +pyrenolichen +Pyrenomycetales +pyrenomycete +Pyrenomycetes +Pyrenomycetineae +pyrenomycetous +Pyrenopeziza +pyrethrin +Pyrethrum +pyrethrum +pyretic +pyreticosis +pyretogenesis +pyretogenetic +pyretogenic +pyretogenous +pyretography +pyretology +pyretolysis +pyretotherapy +pyrewinkes +Pyrex +pyrex +pyrexia +pyrexial +pyrexic +pyrexical +pyrgeometer +pyrgocephalic +pyrgocephaly +pyrgoidal +pyrgologist +pyrgom +pyrheliometer +pyrheliometric +pyrheliometry +pyrheliophor +pyribole +pyridazine +pyridic +pyridine +pyridinium +pyridinize +pyridone +pyridoxine +pyridyl +pyriform +pyriformis +pyrimidine +pyrimidyl +pyritaceous +pyrite +pyrites +pyritic +pyritical +pyritiferous +pyritization +pyritize +pyritohedral +pyritohedron +pyritoid +pyritology +pyritous +pyro +pyroacetic +pyroacid +pyroantimonate +pyroantimonic +pyroarsenate +pyroarsenic +pyroarsenious +pyroarsenite +pyrobelonite +pyrobituminous +pyroborate +pyroboric +pyrocatechin +pyrocatechinol +pyrocatechol +pyrocatechuic +pyrocellulose +pyrochemical +pyrochemically +pyrochlore +pyrochromate +pyrochromic +pyrocinchonic +pyrocitric +pyroclastic +pyrocoll +pyrocollodion +pyrocomenic +pyrocondensation +pyroconductivity +pyrocotton +pyrocrystalline +Pyrocystis +Pyrodine +pyroelectric +pyroelectricity +pyrogallate +pyrogallic +pyrogallol +pyrogen +pyrogenation +pyrogenesia +pyrogenesis +pyrogenetic +pyrogenetically +pyrogenic +pyrogenous +pyroglutamic +pyrognomic +pyrognostic +pyrognostics +pyrograph +pyrographer +pyrographic +pyrography +pyrogravure +pyroguaiacin +pyroheliometer +pyroid +Pyrola +Pyrolaceae +pyrolaceous +pyrolater +pyrolatry +pyroligneous +pyrolignic +pyrolignite +pyrolignous +pyrolite +pyrollogical +pyrologist +pyrology +pyrolusite +pyrolysis +pyrolytic +pyrolyze +pyromachy +pyromagnetic +pyromancer +pyromancy +pyromania +pyromaniac +pyromaniacal +pyromantic +pyromeconic +pyromellitic +pyrometallurgy +pyrometamorphic +pyrometamorphism +pyrometer +pyrometric +pyrometrical +pyrometrically +pyrometry +Pyromorphidae +pyromorphism +pyromorphite +pyromorphous +pyromotor +pyromucate +pyromucic +pyromucyl +pyronaphtha +pyrone +Pyronema +pyronine +pyronomics +pyronyxis +pyrope +pyropen +pyrophanite +pyrophanous +pyrophile +pyrophilous +pyrophobia +pyrophone +pyrophoric +pyrophorous +pyrophorus +pyrophosphate +pyrophosphoric +pyrophosphorous +pyrophotograph +pyrophotography +pyrophotometer +pyrophyllite +pyrophysalite +pyropuncture +pyropus +pyroracemate +pyroracemic +pyroscope +pyroscopy +pyrosis +pyrosmalite +Pyrosoma +Pyrosomatidae +pyrosome +Pyrosomidae +pyrosomoid +pyrosphere +pyrostat +pyrostereotype +pyrostilpnite +pyrosulphate +pyrosulphite +pyrosulphuric +pyrosulphuryl +pyrotantalate +pyrotartaric +pyrotartrate +pyrotechnian +pyrotechnic +pyrotechnical +pyrotechnically +pyrotechnician +pyrotechnics +pyrotechnist +pyrotechny +pyroterebic +pyrotheology +Pyrotheria +Pyrotherium +pyrotic +pyrotoxin +pyrotritaric +pyrotritartric +pyrouric +pyrovanadate +pyrovanadic +pyroxanthin +pyroxene +pyroxenic +pyroxenite +pyroxmangite +pyroxonium +pyroxyle +pyroxylene +pyroxylic +pyroxylin +Pyrrhic +pyrrhic +pyrrhichian +pyrrhichius +pyrrhicist +Pyrrhocoridae +Pyrrhonean +Pyrrhonian +Pyrrhonic +Pyrrhonism +Pyrrhonist +Pyrrhonistic +Pyrrhonize +pyrrhotine +pyrrhotism +pyrrhotist +pyrrhotite +pyrrhous +Pyrrhuloxia +Pyrrhus +pyrrodiazole +pyrrol +pyrrole +pyrrolic +pyrrolidine +pyrrolidone +pyrrolidyl +pyrroline +pyrrolylene +pyrrophyllin +pyrroporphyrin +pyrrotriazole +pyrroyl +pyrryl +pyrrylene +Pyrula +Pyrularia +pyruline +pyruloid +Pyrus +pyruvaldehyde +pyruvate +pyruvic +pyruvil +pyruvyl +pyrylium +Pythagorean +Pythagoreanism +Pythagoreanize +Pythagoreanly +Pythagoric +Pythagorical +Pythagorically +Pythagorism +Pythagorist +Pythagorize +Pythagorizer +Pythia +Pythiaceae +Pythiacystis +Pythiad +Pythiambic +Pythian +Pythic +Pythios +Pythium +Pythius +pythogenesis +pythogenetic +pythogenic +pythogenous +python +pythoness +pythonic +pythonical +pythonid +Pythonidae +pythoniform +Pythoninae +pythonine +pythonism +Pythonissa +pythonist +pythonize +pythonoid +pythonomorph +Pythonomorpha +pythonomorphic +pythonomorphous +pyuria +pyvuril +pyx +Pyxidanthera +pyxidate +pyxides +pyxidium +pyxie +Pyxis +pyxis +Q +q +qasida +qere +qeri +qintar +Qoheleth +qoph +qua +quab +quabird +quachil +quack +quackery +quackhood +quackish +quackishly +quackishness +quackism +quackle +quacksalver +quackster +quacky +quad +quadded +quaddle +Quader +Quadi +quadmeter +quadra +quadrable +quadragenarian +quadragenarious +Quadragesima +quadragesimal +quadragintesimal +quadral +quadrangle +quadrangled +quadrangular +quadrangularly +quadrangularness +quadrangulate +quadrans +quadrant +quadrantal +quadrantes +Quadrantid +quadrantile +quadrantlike +quadrantly +quadrat +quadrate +quadrated +quadrateness +quadratic +quadratical +quadratically +quadratics +Quadratifera +quadratiferous +quadratojugal +quadratomandibular +quadratosquamosal +quadratrix +quadratum +quadrature +quadratus +quadrauricular +quadrennia +quadrennial +quadrennially +quadrennium +quadriad +quadrialate +quadriannulate +quadriarticulate +quadriarticulated +quadribasic +quadric +quadricapsular +quadricapsulate +quadricarinate +quadricellular +quadricentennial +quadriceps +quadrichord +quadriciliate +quadricinium +quadricipital +quadricone +quadricorn +quadricornous +quadricostate +quadricotyledonous +quadricovariant +quadricrescentic +quadricrescentoid +quadricuspid +quadricuspidal +quadricuspidate +quadricycle +quadricycler +quadricyclist +quadridentate +quadridentated +quadriderivative +quadridigitate +quadriennial +quadriennium +quadrienniumutile +quadrifarious +quadrifariously +quadrifid +quadrifilar +quadrifocal +quadrifoil +quadrifoliate +quadrifoliolate +quadrifolious +quadrifolium +quadriform +quadrifrons +quadrifrontal +quadrifurcate +quadrifurcated +quadrifurcation +quadriga +quadrigabled +quadrigamist +quadrigate +quadrigatus +quadrigeminal +quadrigeminate +quadrigeminous +quadrigeminum +quadrigenarious +quadriglandular +quadrihybrid +quadrijugal +quadrijugate +quadrijugous +quadrilaminar +quadrilaminate +quadrilateral +quadrilaterally +quadrilateralness +quadrilingual +quadriliteral +quadrille +quadrilled +quadrillion +quadrillionth +quadrilobate +quadrilobed +quadrilocular +quadriloculate +quadrilogue +quadrilogy +quadrimembral +quadrimetallic +quadrimolecular +quadrimum +quadrinodal +quadrinomial +quadrinomical +quadrinominal +quadrinucleate +quadrioxalate +quadriparous +quadripartite +quadripartitely +quadripartition +quadripennate +quadriphosphate +quadriphyllous +quadripinnate +quadriplanar +quadriplegia +quadriplicate +quadriplicated +quadripolar +quadripole +quadriportico +quadriporticus +quadripulmonary +quadriquadric +quadriradiate +quadrireme +quadrisect +quadrisection +quadriseptate +quadriserial +quadrisetose +quadrispiral +quadristearate +quadrisulcate +quadrisulcated +quadrisulphide +quadrisyllabic +quadrisyllabical +quadrisyllable +quadrisyllabous +quadriternate +quadritubercular +quadrituberculate +quadriurate +quadrivalence +quadrivalency +quadrivalent +quadrivalently +quadrivalve +quadrivalvular +quadrivial +quadrivious +quadrivium +quadrivoltine +quadroon +quadrual +Quadrula +quadrum +Quadrumana +quadrumanal +quadrumane +quadrumanous +quadruped +quadrupedal +quadrupedan +quadrupedant +quadrupedantic +quadrupedantical +quadrupedate +quadrupedation +quadrupedism +quadrupedous +quadruplane +quadruplator +quadruple +quadrupleness +quadruplet +quadruplex +quadruplicate +quadruplication +quadruplicature +quadruplicity +quadruply +quadrupole +quaedam +Quaequae +quaesitum +quaestor +quaestorial +quaestorian +quaestorship +quaestuary +quaff +quaffer +quaffingly +quag +quagga +quagginess +quaggle +quaggy +quagmire +quagmiry +quahog +quail +quailberry +quailery +quailhead +quaillike +quaily +quaint +quaintance +quaintise +quaintish +quaintly +quaintness +Quaitso +quake +quakeful +quakeproof +Quaker +quaker +quakerbird +Quakerdom +Quakeress +Quakeric +Quakerish +Quakerishly +Quakerishness +Quakerism +Quakerization +Quakerize +Quakerlet +Quakerlike +Quakerly +Quakership +Quakery +quaketail +quakiness +quaking +quakingly +quaky +quale +qualifiable +qualification +qualificative +qualificator +qualificatory +qualified +qualifiedly +qualifiedness +qualifier +qualify +qualifyingly +qualimeter +qualitative +qualitatively +qualitied +quality +qualityless +qualityship +qualm +qualminess +qualmish +qualmishly +qualmishness +qualmproof +qualmy +qualmyish +qualtagh +Quamasia +Quamoclit +quan +quandary +quandong +quandy +quannet +quant +quanta +quantic +quantical +quantifiable +quantifiably +quantification +quantifier +quantify +quantimeter +quantitate +quantitative +quantitatively +quantitativeness +quantitied +quantitive +quantitively +quantity +quantivalence +quantivalency +quantivalent +quantization +quantize +quantometer +quantulum +quantum +Quapaw +quaquaversal +quaquaversally +quar +quarantinable +quarantine +quarantiner +quaranty +quardeel +quare +quarenden +quarender +quarentene +quark +quarl +quarle +quarred +quarrel +quarreled +quarreler +quarreling +quarrelingly +quarrelproof +quarrelsome +quarrelsomely +quarrelsomeness +quarriable +quarried +quarrier +quarry +quarryable +quarrying +quarryman +quarrystone +quart +quartan +quartane +quartation +quartenylic +quarter +quarterage +quarterback +quarterdeckish +quartered +quarterer +quartering +quarterization +quarterland +quarterly +quarterman +quartermaster +quartermasterlike +quartermastership +quartern +quarterpace +quarters +quartersaw +quartersawed +quarterspace +quarterstaff +quarterstetch +quartet +quartette +quartetto +quartful +quartic +quartile +quartine +quartiparous +quarto +Quartodeciman +quartodecimanism +quartole +quartz +quartzic +quartziferous +quartzite +quartzitic +quartzless +quartzoid +quartzose +quartzous +quartzy +quash +Quashee +quashey +quashy +quasi +quasijudicial +Quasimodo +quasky +quassation +quassative +Quassia +quassiin +quassin +quat +quata +quatch +quatercentenary +quatern +quaternal +quaternarian +quaternarius +quaternary +quaternate +quaternion +quaternionic +quaternionist +quaternitarian +quaternity +quaters +quatertenses +quatorzain +quatorze +quatrain +quatral +quatrayle +quatre +quatrefeuille +quatrefoil +quatrefoiled +quatrefoliated +quatrible +quatrin +quatrino +quatrocentism +quatrocentist +quatrocento +Quatsino +quattie +quattrini +quatuor +quatuorvirate +quauk +quave +quaver +quaverer +quavering +quaveringly +quaverous +quavery +quaverymavery +quaw +quawk +quay +quayage +quayful +quaylike +quayman +quayside +quaysider +qubba +queach +queachy +queak +queal +quean +queanish +queasily +queasiness +queasom +queasy +quebrachamine +quebrachine +quebrachitol +quebracho +quebradilla +Quechua +Quechuan +quedful +queechy +queen +queencake +queencraft +queencup +queendom +queenfish +queenhood +queening +queenite +queenless +queenlet +queenlike +queenliness +queenly +queenright +queenroot +queensberry +queenship +queenweed +queenwood +queer +queerer +queerish +queerishness +queerity +queerly +queerness +queersome +queery +queest +queesting +queet +queeve +quegh +quei +queintise +quelch +Quelea +quell +queller +quemado +queme +quemeful +quemefully +quemely +quench +quenchable +quenchableness +quencher +quenchless +quenchlessly +quenchlessness +quenelle +quenselite +quercetagetin +quercetic +quercetin +quercetum +quercic +Querciflorae +quercimeritrin +quercin +quercine +quercinic +quercitannic +quercitannin +quercite +quercitin +quercitol +quercitrin +quercitron +quercivorous +Quercus +Querecho +Querendi +Querendy +querent +Queres +querier +queriman +querimonious +querimoniously +querimoniousness +querimony +querist +querken +querl +quern +quernal +Quernales +quernstone +querulent +querulential +querulist +querulity +querulosity +querulous +querulously +querulousness +query +querying +queryingly +queryist +quesited +quesitive +quest +quester +questeur +questful +questingly +question +questionability +questionable +questionableness +questionably +questionary +questionee +questioner +questioningly +questionist +questionless +questionlessly +questionnaire +questionous +questionwise +questman +questor +questorial +questorship +quet +quetch +quetenite +quetzal +queue +quey +Quiangan +quiapo +quib +quibble +quibbleproof +quibbler +quibblingly +quiblet +quica +Quiche +quick +quickbeam +quickborn +quicken +quickenance +quickenbeam +quickener +quickfoot +quickhatch +quickhearted +quickie +quicklime +quickly +quickness +quicksand +quicksandy +quickset +quicksilver +quicksilvering +quicksilverish +quicksilverishness +quicksilvery +quickstep +quickthorn +quickwork +quid +Quidae +quiddative +quidder +Quiddist +quiddit +quidditative +quidditatively +quiddity +quiddle +quiddler +quidnunc +quiesce +quiescence +quiescency +quiescent +quiescently +quiet +quietable +quieten +quietener +quieter +quieting +quietism +quietist +quietistic +quietive +quietlike +quietly +quietness +quietsome +quietude +quietus +quiff +quiffing +Quiina +Quiinaceae +quiinaceous +quila +quiles +Quileute +quilkin +quill +Quillagua +quillai +quillaic +Quillaja +quillaja +quillback +quilled +quiller +quillet +quilleted +quillfish +quilling +quilltail +quillwork +quillwort +quilly +quilt +quilted +quilter +quilting +Quimbaya +Quimper +quin +quina +quinacrine +Quinaielt +quinaldic +quinaldine +quinaldinic +quinaldinium +quinaldyl +quinamicine +quinamidine +quinamine +quinanisole +quinaquina +quinarian +quinarius +quinary +quinate +quinatoxine +Quinault +quinazoline +quinazolyl +quince +quincentenary +quincentennial +quincewort +quinch +quincubital +quincubitalism +quincuncial +quincuncially +quincunx +quincunxial +quindecad +quindecagon +quindecangle +quindecasyllabic +quindecemvir +quindecemvirate +quindecennial +quindecim +quindecima +quindecylic +quindene +quinetum +quingentenary +quinhydrone +quinia +quinible +quinic +quinicine +quinidia +quinidine +quinin +quinina +quinine +quininiazation +quininic +quininism +quininize +quiniretin +quinisext +quinisextine +quinism +quinite +quinitol +quinizarin +quinize +quink +quinnat +quinnet +Quinnipiac +quinoa +quinocarbonium +quinoform +quinogen +quinoid +quinoidal +quinoidation +quinoidine +quinol +quinoline +quinolinic +quinolinium +quinolinyl +quinologist +quinology +quinolyl +quinometry +quinone +quinonediimine +quinonic +quinonimine +quinonization +quinonize +quinonoid +quinonyl +quinopyrin +quinotannic +quinotoxine +quinova +quinovatannic +quinovate +quinovic +quinovin +quinovose +quinoxaline +quinoxalyl +quinoyl +quinquagenarian +quinquagenary +Quinquagesima +quinquagesimal +quinquarticular +Quinquatria +Quinquatrus +quinquecapsular +quinquecostate +quinquedentate +quinquedentated +quinquefarious +quinquefid +quinquefoliate +quinquefoliated +quinquefoliolate +quinquegrade +quinquejugous +quinquelateral +quinqueliteral +quinquelobate +quinquelobated +quinquelobed +quinquelocular +quinqueloculine +quinquenary +quinquenerval +quinquenerved +quinquennalia +quinquennia +quinquenniad +quinquennial +quinquennialist +quinquennially +quinquennium +quinquepartite +quinquepedal +quinquepedalian +quinquepetaloid +quinquepunctal +quinquepunctate +quinqueradial +quinqueradiate +quinquereme +quinquertium +quinquesect +quinquesection +quinqueseptate +quinqueserial +quinqueseriate +quinquesyllabic +quinquesyllable +quinquetubercular +quinquetuberculate +quinquevalence +quinquevalency +quinquevalent +quinquevalve +quinquevalvous +quinquevalvular +quinqueverbal +quinqueverbial +quinquevir +quinquevirate +quinquiliteral +quinquina +quinquino +quinse +quinsied +quinsy +quinsyberry +quinsywort +quint +quintad +quintadena +quintadene +quintain +quintal +quintan +quintant +quintary +quintato +quinte +quintelement +quintennial +quinternion +quinteron +quinteroon +quintessence +quintessential +quintessentiality +quintessentially +quintessentiate +quintet +quintette +quintetto +quintic +quintile +Quintilis +Quintillian +quintillion +quintillionth +Quintin +quintin +quintiped +Quintius +quinto +quintocubital +quintocubitalism +quintole +quinton +quintroon +quintuple +quintuplet +quintuplicate +quintuplication +quintuplinerved +quintupliribbed +quintus +quinuclidine +quinyl +quinze +quinzieme +quip +quipful +quipo +quipper +quippish +quippishness +quippy +quipsome +quipsomeness +quipster +quipu +quira +quire +quirewise +Quirinal +Quirinalia +quirinca +quiritarian +quiritary +Quirite +Quirites +quirk +quirkiness +quirkish +quirksey +quirksome +quirky +quirl +quirquincho +quirt +quis +quisby +quiscos +quisle +quisling +Quisqualis +quisqueite +quisquilian +quisquiliary +quisquilious +quisquous +quisutsch +quit +quitch +quitclaim +quite +Quitemoca +Quiteno +quitrent +quits +quittable +quittance +quitted +quitter +quittor +Quitu +quiver +quivered +quiverer +quiverful +quivering +quiveringly +quiverish +quiverleaf +quivery +Quixote +quixotic +quixotical +quixotically +quixotism +quixotize +quixotry +quiz +quizzability +quizzable +quizzacious +quizzatorial +quizzee +quizzer +quizzery +quizzical +quizzicality +quizzically +quizzicalness +quizzification +quizzify +quizziness +quizzingly +quizzish +quizzism +quizzity +quizzy +Qung +quo +quod +quoddies +quoddity +quodlibet +quodlibetal +quodlibetarian +quodlibetary +quodlibetic +quodlibetical +quodlibetically +quoilers +quoin +quoined +quoining +quoit +quoiter +quoitlike +quoits +quondam +quondamly +quondamship +quoniam +quop +Quoratean +quorum +quot +quota +quotability +quotable +quotableness +quotably +quotation +quotational +quotationally +quotationist +quotative +quote +quotee +quoteless +quotennial +quoter +quoteworthy +quoth +quotha +quotidian +quotidianly +quotidianness +quotient +quotiety +quotingly +quotity +quotlibet +quotum +Qurti +R +r +ra +raad +Raanan +raash +Rab +rab +raband +rabanna +rabat +rabatine +rabatte +rabattement +rabbanist +rabbanite +rabbet +rabbeting +rabbi +rabbin +rabbinate +rabbindom +Rabbinic +rabbinic +Rabbinica +rabbinical +rabbinically +rabbinism +rabbinist +rabbinistic +rabbinistical +rabbinite +rabbinize +rabbinship +rabbiship +rabbit +rabbitberry +rabbiter +rabbithearted +rabbitlike +rabbitmouth +rabbitproof +rabbitroot +rabbitry +rabbitskin +rabbitweed +rabbitwise +rabbitwood +rabbity +rabble +rabblelike +rabblement +rabbleproof +rabbler +rabblesome +rabboni +rabbonim +Rabelaisian +Rabelaisianism +Rabelaism +Rabi +rabic +rabid +rabidity +rabidly +rabidness +rabies +rabietic +rabific +rabiform +rabigenic +Rabin +rabinet +rabirubia +rabitic +rabulistic +rabulous +raccoon +raccoonberry +raccroc +race +raceabout +racebrood +racecourse +racegoer +racegoing +racelike +racemate +racemation +raceme +racemed +racemic +racemiferous +racemiform +racemism +racemization +racemize +racemocarbonate +racemocarbonic +racemomethylate +racemose +racemosely +racemous +racemously +racemule +racemulose +racer +raceway +rach +rache +Rachel +rachial +rachialgia +rachialgic +rachianalgesia +Rachianectes +rachianesthesia +rachicentesis +rachides +rachidial +rachidian +rachiform +Rachiglossa +rachiglossate +rachigraph +rachilla +rachiocentesis +rachiococainize +rachiocyphosis +rachiodont +rachiodynia +rachiometer +rachiomyelitis +rachioparalysis +rachioplegia +rachioscoliosis +rachiotome +rachiotomy +rachipagus +rachis +rachischisis +rachitic +rachitis +rachitism +rachitogenic +rachitome +rachitomous +rachitomy +Rachycentridae +Rachycentron +racial +racialism +racialist +raciality +racialization +racialize +racially +racily +raciness +racing +racinglike +racism +racist +rack +rackabones +rackan +rackboard +racker +racket +racketeer +racketeering +racketer +racketing +racketlike +racketproof +racketry +rackett +rackettail +rackety +rackful +racking +rackingly +rackle +rackless +rackmaster +rackproof +rackrentable +rackway +rackwork +racloir +racon +raconteur +racoon +Racovian +racy +rad +rada +radar +radarman +radarscope +raddle +raddleman +raddlings +radectomy +Radek +radiability +radiable +radial +radiale +radialia +radiality +radialization +radialize +radially +radian +radiance +radiancy +radiant +radiantly +Radiata +radiate +radiated +radiately +radiateness +radiatics +radiatiform +radiation +radiational +radiative +radiatopatent +radiatoporose +radiatoporous +radiator +radiatory +radiatostriate +radiatosulcate +radiature +radical +radicalism +radicality +radicalization +radicalize +radically +radicalness +radicand +radicant +radicate +radicated +radicating +radication +radicel +radices +radicicola +radicicolous +radiciferous +radiciflorous +radiciform +radicivorous +radicle +radicolous +radicose +Radicula +radicular +radicule +radiculectomy +radiculitis +radiculose +radiectomy +radiescent +radiferous +radii +radio +radioacoustics +radioactinium +radioactivate +radioactive +radioactively +radioactivity +radioamplifier +radioanaphylaxis +radioautograph +radioautographic +radioautography +radiobicipital +radiobroadcast +radiobroadcaster +radiobroadcasting +radiobserver +radiocarbon +radiocarpal +radiocast +radiocaster +radiochemical +radiochemistry +radiocinematograph +radioconductor +radiode +radiodermatitis +radiodetector +radiodiagnosis +radiodigital +radiodontia +radiodontic +radiodontist +radiodynamic +radiodynamics +radioelement +radiogenic +radiogoniometer +radiogoniometric +radiogoniometry +radiogram +radiograph +radiographer +radiographic +radiographical +radiographically +radiography +radiohumeral +radioisotope +Radiolaria +radiolarian +radiolead +radiolite +Radiolites +radiolitic +Radiolitidae +radiolocation +radiolocator +radiologic +radiological +radiologist +radiology +radiolucency +radiolucent +radioluminescence +radioluminescent +radioman +radiomedial +radiometallography +radiometeorograph +radiometer +radiometric +radiometrically +radiometry +radiomicrometer +radiomovies +radiomuscular +radionecrosis +radioneuritis +radionics +radiopacity +radiopalmar +radiopaque +radiopelvimetry +radiophare +radiophone +radiophonic +radiophony +radiophosphorus +radiophotograph +radiophotography +radiopraxis +radioscope +radioscopic +radioscopical +radioscopy +radiosensibility +radiosensitive +radiosensitivity +radiosonde +radiosonic +radiostereoscopy +radiosurgery +radiosurgical +radiosymmetrical +radiotechnology +radiotelegram +radiotelegraph +radiotelegraphic +radiotelegraphy +radiotelephone +radiotelephonic +radiotelephony +radioteria +radiothallium +radiotherapeutic +radiotherapeutics +radiotherapeutist +radiotherapist +radiotherapy +radiothermy +radiothorium +radiotoxemia +radiotransparency +radiotransparent +radiotrician +Radiotron +radiotropic +radiotropism +radiovision +radish +radishlike +radium +radiumization +radiumize +radiumlike +radiumproof +radiumtherapy +radius +radix +radknight +radman +radome +radon +radsimir +radula +radulate +raduliferous +raduliform +Rafael +Rafe +raff +Raffaelesque +raffe +raffee +raffery +raffia +raffinase +raffinate +raffing +raffinose +raffish +raffishly +raffishness +raffle +raffler +Rafflesia +rafflesia +Rafflesiaceae +rafflesiaceous +Rafik +raft +raftage +rafter +raftiness +raftlike +raftman +raftsman +rafty +rag +raga +ragabash +ragabrash +ragamuffin +ragamuffinism +ragamuffinly +rage +rageful +ragefully +rageless +rageous +rageously +rageousness +rageproof +rager +ragesome +ragfish +ragged +raggedly +raggedness +raggedy +raggee +ragger +raggery +raggety +raggil +raggily +ragging +raggle +raggled +raggy +raghouse +Raghu +raging +ragingly +raglan +raglanite +raglet +raglin +ragman +Ragnar +ragout +ragpicker +ragseller +ragshag +ragsorter +ragstone +ragtag +ragtime +ragtimer +ragtimey +ragule +raguly +ragweed +ragwort +rah +Rahanwin +rahdar +rahdaree +Rahul +Raia +raia +Raiae +raid +raider +raidproof +Raif +Raiidae +raiiform +rail +railage +railbird +railer +railhead +railing +railingly +raillery +railless +raillike +railly +railman +railroad +railroadana +railroader +railroadiana +railroading +railroadish +railroadship +railway +railwaydom +railwayless +Raimannia +raiment +raimentless +rain +rainband +rainbird +rainbound +rainbow +rainbowlike +rainbowweed +rainbowy +rainburst +raincoat +raindrop +Rainer +rainer +rainfall +rainfowl +rainful +rainily +raininess +rainless +rainlessness +rainlight +rainproof +rainproofer +rainspout +rainstorm +raintight +rainwash +rainworm +rainy +raioid +Rais +rais +raisable +raise +raised +raiseman +raiser +raisin +raising +raisiny +Raj +raj +Raja +raja +Rajah +rajah +Rajarshi +rajaship +Rajasthani +rajbansi +Rajeev +Rajendra +Rajesh +Rajidae +Rajiv +Rajput +rakan +rake +rakeage +rakeful +rakehell +rakehellish +rakehelly +raker +rakery +rakesteel +rakestele +rakh +Rakhal +raki +rakily +raking +rakish +rakishly +rakishness +rakit +rakshasa +raku +Ralf +rallentando +ralliance +Rallidae +rallier +ralliform +Rallinae +ralline +Rallus +rally +Ralph +ralph +ralstonite +Ram +ram +Rama +ramada +Ramadoss +ramage +Ramaism +Ramaite +ramal +Raman +Ramanan +ramanas +ramarama +ramass +ramate +rambeh +ramberge +ramble +rambler +rambling +ramblingly +ramblingness +Rambo +rambong +rambooze +Rambouillet +rambunctious +rambutan +ramdohrite +rame +rameal +Ramean +ramed +ramekin +ramellose +rament +ramentaceous +ramental +ramentiferous +ramentum +rameous +ramequin +Rameses +Rameseum +Ramesh +Ramessid +Ramesside +ramet +ramex +ramfeezled +ramgunshoch +ramhead +ramhood +rami +ramicorn +ramie +ramiferous +ramificate +ramification +ramified +ramiflorous +ramiform +ramify +ramigerous +Ramillie +Ramillied +ramiparous +Ramiro +ramisection +ramisectomy +Ramism +Ramist +Ramistical +ramlike +ramline +rammack +rammel +rammelsbergite +rammer +rammerman +rammish +rammishly +rammishness +rammy +Ramneek +Ramnenses +Ramnes +Ramon +Ramona +Ramoosii +ramose +ramosely +ramosity +ramosopalmate +ramosopinnate +ramososubdivided +ramous +ramp +rampacious +rampaciously +rampage +rampageous +rampageously +rampageousness +rampager +rampagious +rampancy +rampant +rampantly +rampart +ramped +ramper +Ramphastidae +Ramphastides +Ramphastos +rampick +rampike +ramping +rampingly +rampion +rampire +rampler +ramplor +rampsman +ramrace +ramrod +ramroddy +ramscallion +ramsch +Ramsey +ramshackle +ramshackled +ramshackleness +ramshackly +ramson +ramstam +ramtil +ramular +ramule +ramuliferous +ramulose +ramulous +ramulus +ramus +ramuscule +Ramusi +Ran +ran +Rana +rana +ranal +Ranales +ranarian +ranarium +Ranatra +rance +rancel +rancellor +rancelman +rancer +rancescent +ranch +ranche +rancher +rancheria +ranchero +ranchless +ranchman +rancho +ranchwoman +rancid +rancidification +rancidify +rancidity +rancidly +rancidness +rancor +rancorous +rancorously +rancorousness +rancorproof +Rand +rand +Randal +Randall +Randallite +randan +randannite +Randell +randem +rander +Randia +randing +randir +Randite +randle +Randolph +random +randomish +randomization +randomize +randomly +randomness +randomwise +Randy +randy +rane +Ranella +Ranere +rang +rangatira +range +ranged +rangeless +rangeman +ranger +rangership +rangework +rangey +Rangifer +rangiferine +ranginess +ranging +rangle +rangler +rangy +rani +ranid +Ranidae +raniferous +raniform +Ranina +Raninae +ranine +raninian +ranivorous +Ranjit +rank +ranked +ranker +rankish +rankle +rankless +ranklingly +rankly +rankness +ranksman +rankwise +rann +rannel +rannigal +ranny +Ranquel +ransack +ransacker +ransackle +ransel +ranselman +ransom +ransomable +ransomer +ransomfree +ransomless +ranstead +rant +rantan +rantankerous +rantepole +ranter +Ranterism +ranting +rantingly +rantipole +rantock +ranty +ranula +ranular +Ranunculaceae +ranunculaceous +Ranunculales +ranunculi +Ranunculus +Ranzania +Raoulia +rap +Rapaces +rapaceus +rapacious +rapaciously +rapaciousness +rapacity +rapakivi +Rapallo +Rapanea +Rapateaceae +rapateaceous +rape +rapeful +raper +rapeseed +Raphael +Raphaelesque +Raphaelic +Raphaelism +Raphaelite +Raphaelitism +raphania +Raphanus +raphany +raphe +Raphia +raphide +raphides +raphidiferous +raphidiid +Raphidiidae +Raphidodea +Raphidoidea +Raphiolepis +raphis +rapic +rapid +rapidity +rapidly +rapidness +rapier +rapiered +rapillo +rapine +rapiner +raping +rapinic +rapist +raploch +rappage +rapparee +rappe +rappel +rapper +rapping +Rappist +rappist +Rappite +rapport +rapscallion +rapscallionism +rapscallionly +rapscallionry +rapt +raptatorial +raptatory +raptly +raptness +raptor +Raptores +raptorial +raptorious +raptril +rapture +raptured +raptureless +rapturist +rapturize +rapturous +rapturously +rapturousness +raptury +raptus +rare +rarebit +rarefaction +rarefactional +rarefactive +rarefiable +rarefication +rarefier +rarefy +rarely +rareness +rareripe +Rareyfy +rariconstant +rarish +rarity +Rarotongan +ras +rasa +Rasalas +Rasalhague +rasamala +rasant +rascacio +rascal +rascaldom +rascaless +rascalion +rascalism +rascality +rascalize +rascallike +rascallion +rascally +rascalry +rascalship +rasceta +rascette +rase +rasen +Rasenna +raser +rasgado +rash +rasher +rashful +rashing +rashlike +rashly +rashness +Rashti +rasion +Raskolnik +Rasores +rasorial +rasp +raspatorium +raspatory +raspberriade +raspberry +raspberrylike +rasped +rasper +rasping +raspingly +raspingness +raspings +raspish +raspite +raspy +rasse +Rasselas +rassle +Rastaban +raster +rastik +rastle +Rastus +rasure +rat +rata +ratability +ratable +ratableness +ratably +ratafee +ratafia +ratal +ratanhia +rataplan +ratbite +ratcatcher +ratcatching +ratch +ratchel +ratchelly +ratcher +ratchet +ratchetlike +ratchety +ratching +ratchment +rate +rated +ratel +rateless +ratement +ratepayer +ratepaying +rater +ratfish +rath +rathe +rathed +rathely +ratheness +rather +ratherest +ratheripe +ratherish +ratherly +rathest +rathite +Rathnakumar +rathole +rathskeller +raticidal +raticide +ratification +ratificationist +ratifier +ratify +ratihabition +ratine +rating +ratio +ratiocinant +ratiocinate +ratiocination +ratiocinative +ratiocinator +ratiocinatory +ratiometer +ration +rationable +rationably +rational +rationale +rationalism +rationalist +rationalistic +rationalistical +rationalistically +rationalisticism +rationality +rationalizable +rationalization +rationalize +rationalizer +rationally +rationalness +rationate +rationless +rationment +Ratitae +ratite +ratitous +ratlike +ratline +ratliner +ratoon +ratooner +ratproof +ratsbane +ratskeller +rattage +rattail +rattan +ratteen +ratten +rattener +ratter +rattery +ratti +rattinet +rattish +rattle +rattlebag +rattlebones +rattlebox +rattlebrain +rattlebrained +rattlebush +rattled +rattlehead +rattleheaded +rattlejack +rattlemouse +rattlenut +rattlepate +rattlepated +rattlepod +rattleproof +rattler +rattleran +rattleroot +rattlertree +rattles +rattleskull +rattleskulled +rattlesnake +rattlesome +rattletrap +rattleweed +rattlewort +rattling +rattlingly +rattlingness +rattly +ratton +rattoner +rattrap +Rattus +ratty +ratwa +ratwood +raucid +raucidity +raucity +raucous +raucously +raucousness +raught +raugrave +rauk +raukle +Raul +rauli +raun +raunge +raupo +rauque +Rauraci +Raurici +Rauwolfia +ravage +ravagement +ravager +rave +ravehook +raveinelike +ravel +raveler +ravelin +raveling +ravelly +ravelment +ravelproof +raven +Ravenala +ravendom +ravenduck +Ravenelia +ravener +ravenhood +ravening +ravenish +ravenlike +ravenous +ravenously +ravenousness +ravenry +ravens +Ravensara +ravensara +ravenstone +ravenwise +raver +Ravi +ravigote +ravin +ravinate +Ravindran +Ravindranath +ravine +ravined +ravinement +raviney +raving +ravingly +ravioli +ravish +ravishedly +ravisher +ravishing +ravishingly +ravishment +ravison +ravissant +raw +rawboned +rawbones +rawhead +rawhide +rawhider +rawish +rawishness +rawness +rax +Ray +ray +raya +rayage +Rayan +rayed +rayful +rayless +raylessness +raylet +Raymond +rayon +rayonnance +rayonnant +raze +razee +razer +razoo +razor +razorable +razorback +razorbill +razoredge +razorless +razormaker +razormaking +razorman +razorstrop +Razoumofskya +razz +razzia +razzly +re +rea +reaal +reabandon +reabolish +reabolition +reabridge +reabsence +reabsent +reabsolve +reabsorb +reabsorption +reabuse +reacceptance +reaccess +reaccession +reacclimatization +reacclimatize +reaccommodate +reaccompany +reaccomplish +reaccomplishment +reaccord +reaccost +reaccount +reaccredit +reaccrue +reaccumulate +reaccumulation +reaccusation +reaccuse +reaccustom +reacetylation +reach +reachable +reacher +reachieve +reachievement +reaching +reachless +reachy +reacidification +reacidify +reacknowledge +reacknowledgment +reacquaint +reacquaintance +reacquire +reacquisition +react +reactance +reactant +reaction +reactional +reactionally +reactionariness +reactionarism +reactionarist +reactionary +reactionaryism +reactionism +reactionist +reactivate +reactivation +reactive +reactively +reactiveness +reactivity +reactological +reactology +reactor +reactualization +reactualize +reactuate +read +readability +readable +readableness +readably +readapt +readaptability +readaptable +readaptation +readaptive +readaptiveness +readd +readdition +readdress +reader +readerdom +readership +readhere +readhesion +readily +readiness +reading +readingdom +readjourn +readjournment +readjudicate +readjust +readjustable +readjuster +readjustment +readmeasurement +readminister +readmiration +readmire +readmission +readmit +readmittance +readopt +readoption +readorn +readvance +readvancement +readvent +readventure +readvertency +readvertise +readvertisement +readvise +readvocate +ready +reaeration +reaffect +reaffection +reaffiliate +reaffiliation +reaffirm +reaffirmance +reaffirmation +reaffirmer +reafflict +reafford +reafforest +reafforestation +reaffusion +reagency +reagent +reaggravate +reaggravation +reaggregate +reaggregation +reaggressive +reagin +reagitate +reagitation +reagree +reagreement +reak +Real +real +realarm +reales +realest +realgar +realienate +realienation +realign +realignment +realism +realist +realistic +realistically +realisticize +reality +realive +realizability +realizable +realizableness +realizably +realization +realize +realizer +realizing +realizingly +reallegation +reallege +reallegorize +realliance +reallocate +reallocation +reallot +reallotment +reallow +reallowance +reallude +reallusion +really +realm +realmless +realmlet +realness +realter +realteration +realtor +realty +ream +reamage +reamalgamate +reamalgamation +reamass +reambitious +reamend +reamendment +reamer +reamerer +reaminess +reamputation +reamuse +reamy +reanalysis +reanalyze +reanchor +reanimalize +reanimate +reanimation +reanneal +reannex +reannexation +reannotate +reannounce +reannouncement +reannoy +reannoyance +reanoint +reanswer +reanvil +reanxiety +reap +reapable +reapdole +reaper +reapologize +reapology +reapparel +reapparition +reappeal +reappear +reappearance +reappease +reapplaud +reapplause +reappliance +reapplicant +reapplication +reapplier +reapply +reappoint +reappointment +reapportion +reapportionment +reapposition +reappraisal +reappraise +reappraisement +reappreciate +reappreciation +reapprehend +reapprehension +reapproach +reapprobation +reappropriate +reappropriation +reapproval +reapprove +rear +rearbitrate +rearbitration +rearer +reargue +reargument +rearhorse +rearisal +rearise +rearling +rearm +rearmament +rearmost +rearousal +rearouse +rearrange +rearrangeable +rearrangement +rearranger +rearray +rearrest +rearrival +rearrive +rearward +rearwardly +rearwardness +rearwards +reascend +reascendancy +reascendant +reascendency +reascendent +reascension +reascensional +reascent +reascertain +reascertainment +reashlar +reasiness +reask +reason +reasonability +reasonable +reasonableness +reasonably +reasoned +reasonedly +reasoner +reasoning +reasoningly +reasonless +reasonlessly +reasonlessness +reasonproof +reaspire +reassail +reassault +reassay +reassemblage +reassemble +reassembly +reassent +reassert +reassertion +reassertor +reassess +reassessment +reasseverate +reassign +reassignation +reassignment +reassimilate +reassimilation +reassist +reassistance +reassociate +reassociation +reassort +reassortment +reassume +reassumption +reassurance +reassure +reassured +reassuredly +reassurement +reassurer +reassuring +reassuringly +reastiness +reastonish +reastonishment +reastray +reasty +reasy +reattach +reattachment +reattack +reattain +reattainment +reattempt +reattend +reattendance +reattention +reattentive +reattest +reattire +reattract +reattraction +reattribute +reattribution +reatus +reaudit +reauthenticate +reauthentication +reauthorization +reauthorize +reavail +reavailable +reave +reaver +reavoid +reavoidance +reavouch +reavow +reawait +reawake +reawaken +reawakening +reawakenment +reaward +reaware +reb +rebab +reback +rebag +rebait +rebake +rebalance +rebale +reballast +reballot +reban +rebandage +rebanish +rebanishment +rebankrupt +rebankruptcy +rebaptism +rebaptismal +rebaptization +rebaptize +rebaptizer +rebar +rebarbarization +rebarbarize +rebarbative +rebargain +rebase +rebasis +rebatable +rebate +rebateable +rebatement +rebater +rebathe +rebato +rebawl +rebeamer +rebear +rebeat +rebeautify +rebec +Rebecca +Rebeccaism +Rebeccaites +rebeck +rebecome +rebed +rebeg +rebeget +rebeggar +rebegin +rebeginner +rebeginning +rebeguile +rebehold +Rebekah +rebel +rebeldom +rebelief +rebelieve +rebeller +rebellike +rebellion +rebellious +rebelliously +rebelliousness +rebellow +rebelly +rebelong +rebelove +rebelproof +rebemire +rebend +rebenediction +rebenefit +rebeset +rebesiege +rebestow +rebestowal +rebetake +rebetray +rebewail +rebia +rebias +rebid +rebill +rebillet +rebilling +rebind +rebirth +rebite +reblade +reblame +reblast +rebleach +reblend +rebless +reblock +rebloom +reblossom +reblot +reblow +reblue +rebluff +reblunder +reboant +reboantic +reboard +reboast +rebob +reboil +reboiler +reboise +reboisement +rebold +rebolt +rebone +rebook +rebop +rebore +reborn +reborrow +rebottle +Reboulia +rebounce +rebound +reboundable +rebounder +reboundingness +rebourbonize +rebox +rebrace +rebraid +rebranch +rebrand +rebrandish +rebreathe +rebreed +rebrew +rebribe +rebrick +rebridge +rebring +rebringer +rebroach +rebroadcast +rebronze +rebrown +rebrush +rebrutalize +rebubble +rebuckle +rebud +rebudget +rebuff +rebuffable +rebuffably +rebuffet +rebuffproof +rebuild +rebuilder +rebuilt +rebukable +rebuke +rebukeable +rebukeful +rebukefully +rebukefulness +rebukeproof +rebuker +rebukingly +rebulk +rebunch +rebundle +rebunker +rebuoy +rebuoyage +reburden +reburgeon +reburial +reburn +reburnish +reburst +rebury +rebus +rebush +rebusy +rebut +rebute +rebutment +rebuttable +rebuttal +rebutter +rebutton +rebuy +recable +recadency +recage +recalcination +recalcine +recalcitrance +recalcitrant +recalcitrate +recalcitration +recalculate +recalculation +recalesce +recalescence +recalescent +recalibrate +recalibration +recalk +recall +recallable +recallist +recallment +recampaign +recancel +recancellation +recandescence +recandidacy +recant +recantation +recanter +recantingly +recanvas +recap +recapacitate +recapitalization +recapitalize +recapitulate +recapitulation +recapitulationist +recapitulative +recapitulator +recapitulatory +recappable +recapper +recaption +recaptivate +recaptivation +recaptor +recapture +recapturer +recarbon +recarbonate +recarbonation +recarbonization +recarbonize +recarbonizer +recarburization +recarburize +recarburizer +recarnify +recarpet +recarriage +recarrier +recarry +recart +recarve +recase +recash +recasket +recast +recaster +recasting +recatalogue +recatch +recaulescence +recausticize +recce +recco +reccy +recede +recedence +recedent +receder +receipt +receiptable +receiptless +receiptor +receipts +receivability +receivable +receivables +receivablness +receival +receive +received +receivedness +receiver +receivership +recelebrate +recelebration +recement +recementation +recency +recense +recension +recensionist +recensor +recensure +recensus +recent +recenter +recently +recentness +recentralization +recentralize +recentre +recept +receptacle +receptacular +receptaculite +Receptaculites +receptaculitid +Receptaculitidae +receptaculitoid +receptaculum +receptant +receptibility +receptible +reception +receptionism +receptionist +receptitious +receptive +receptively +receptiveness +receptivity +receptor +receptoral +receptorial +receptual +receptually +recercelee +recertificate +recertify +recess +recesser +recession +recessional +recessionary +recessive +recessively +recessiveness +recesslike +recessor +Rechabite +Rechabitism +rechafe +rechain +rechal +rechallenge +rechamber +rechange +rechant +rechaos +rechar +recharge +recharter +rechase +rechaser +rechasten +rechaw +recheat +recheck +recheer +recherche +rechew +rechip +rechisel +rechoose +rechristen +rechuck +rechurn +recidivation +recidive +recidivism +recidivist +recidivistic +recidivity +recidivous +recipe +recipiangle +recipience +recipiency +recipiend +recipiendary +recipient +recipiomotor +reciprocable +reciprocal +reciprocality +reciprocalize +reciprocally +reciprocalness +reciprocate +reciprocation +reciprocative +reciprocator +reciprocatory +reciprocitarian +reciprocity +recircle +recirculate +recirculation +recision +recission +recissory +recitable +recital +recitalist +recitatif +recitation +recitationalism +recitationist +recitative +recitatively +recitativical +recitativo +recite +recitement +reciter +recivilization +recivilize +reck +reckla +reckless +recklessly +recklessness +reckling +reckon +reckonable +reckoner +reckoning +reclaim +reclaimable +reclaimableness +reclaimably +reclaimant +reclaimer +reclaimless +reclaimment +reclama +reclamation +reclang +reclasp +reclass +reclassification +reclassify +reclean +recleaner +recleanse +reclear +reclearance +reclimb +reclinable +reclinate +reclinated +reclination +recline +recliner +reclose +reclothe +reclothing +recluse +reclusely +recluseness +reclusery +reclusion +reclusive +reclusiveness +reclusory +recoach +recoagulation +recoal +recoast +recoat +recock +recoct +recoction +recode +recodification +recodify +recogitate +recogitation +recognition +recognitive +recognitor +recognitory +recognizability +recognizable +recognizably +recognizance +recognizant +recognize +recognizedly +recognizee +recognizer +recognizingly +recognizor +recognosce +recohabitation +recoil +recoiler +recoilingly +recoilment +recoin +recoinage +recoiner +recoke +recollapse +recollate +recollation +Recollect +recollectable +recollected +recollectedly +recollectedness +recollectible +recollection +recollective +recollectively +recollectiveness +Recollet +recolonization +recolonize +recolor +recomb +recombination +recombine +recomember +recomfort +recommand +recommence +recommencement +recommencer +recommend +recommendability +recommendable +recommendableness +recommendably +recommendation +recommendatory +recommendee +recommender +recommission +recommit +recommitment +recommittal +recommunicate +recommunion +recompact +recompare +recomparison +recompass +recompel +recompensable +recompensate +recompensation +recompense +recompenser +recompensive +recompete +recompetition +recompetitor +recompilation +recompile +recompilement +recomplain +recomplaint +recomplete +recompletion +recompliance +recomplicate +recomplication +recomply +recompose +recomposer +recomposition +recompound +recomprehend +recomprehension +recompress +recompression +recomputation +recompute +recon +reconceal +reconcealment +reconcede +reconceive +reconcentrate +reconcentration +reconception +reconcert +reconcession +reconcilability +reconcilable +reconcilableness +reconcilably +reconcile +reconcilee +reconcileless +reconcilement +reconciler +reconciliability +reconciliable +reconciliate +reconciliation +reconciliative +reconciliator +reconciliatory +reconciling +reconcilingly +reconclude +reconclusion +reconcoct +reconcrete +reconcur +recondemn +recondemnation +recondensation +recondense +recondite +reconditely +reconditeness +recondition +recondole +reconduct +reconduction +reconfer +reconfess +reconfide +reconfine +reconfinement +reconfirm +reconfirmation +reconfiscate +reconfiscation +reconform +reconfound +reconfront +reconfuse +reconfusion +recongeal +recongelation +recongest +recongestion +recongratulate +recongratulation +reconjoin +reconjunction +reconnaissance +reconnect +reconnection +reconnoissance +reconnoiter +reconnoiterer +reconnoiteringly +reconnoitre +reconnoitrer +reconnoitringly +reconquer +reconqueror +reconquest +reconsecrate +reconsecration +reconsent +reconsider +reconsideration +reconsign +reconsignment +reconsole +reconsolidate +reconsolidation +reconstituent +reconstitute +reconstitution +reconstruct +reconstructed +reconstruction +reconstructional +reconstructionary +reconstructionist +reconstructive +reconstructiveness +reconstructor +reconstrue +reconsult +reconsultation +recontact +recontemplate +recontemplation +recontend +recontest +recontinuance +recontinue +recontract +recontraction +recontrast +recontribute +recontribution +recontrivance +recontrive +recontrol +reconvalesce +reconvalescence +reconvalescent +reconvene +reconvention +reconventional +reconverge +reconverse +reconversion +reconvert +reconvertible +reconvey +reconveyance +reconvict +reconviction +reconvince +reconvoke +recook +recool +recooper +recopper +recopy +recopyright +record +recordable +recordant +recordation +recordative +recordatively +recordatory +recordedly +recorder +recordership +recording +recordist +recordless +recork +recorporification +recorporify +recorrect +recorrection +recorrupt +recorruption +recostume +recounsel +recount +recountable +recountal +recountenance +recounter +recountless +recoup +recoupable +recouper +recouple +recoupment +recourse +recover +recoverability +recoverable +recoverableness +recoverance +recoveree +recoverer +recoveringly +recoverless +recoveror +recovery +recramp +recrank +recrate +recreance +recreancy +recreant +recreantly +recreantness +recrease +recreate +recreation +recreational +recreationist +recreative +recreatively +recreativeness +recreator +recreatory +recredit +recrement +recremental +recrementitial +recrementitious +recrescence +recrew +recriminate +recrimination +recriminative +recriminator +recriminatory +recriticize +recroon +recrop +recross +recrowd +recrown +recrucify +recrudency +recrudesce +recrudescence +recrudescency +recrudescent +recruit +recruitable +recruitage +recruital +recruitee +recruiter +recruithood +recruiting +recruitment +recruity +recrush +recrusher +recrystallization +recrystallize +rect +recta +rectal +rectalgia +rectally +rectangle +rectangled +rectangular +rectangularity +rectangularly +rectangularness +rectangulate +rectangulometer +rectectomy +recti +rectifiable +rectification +rectificative +rectificator +rectificatory +rectified +rectifier +rectify +rectigrade +Rectigraph +rectilineal +rectilineally +rectilinear +rectilinearism +rectilinearity +rectilinearly +rectilinearness +rectilineation +rectinerved +rection +rectipetality +rectirostral +rectischiac +rectiserial +rectitic +rectitis +rectitude +rectitudinous +recto +rectoabdominal +rectocele +rectoclysis +rectococcygeal +rectococcygeus +rectocolitic +rectocolonic +rectocystotomy +rectogenital +rectopexy +rectoplasty +rector +rectoral +rectorate +rectoress +rectorial +rectorrhaphy +rectorship +rectory +rectoscope +rectoscopy +rectosigmoid +rectostenosis +rectostomy +rectotome +rectotomy +rectovaginal +rectovesical +rectress +rectricial +rectrix +rectum +rectus +recubant +recubate +recultivate +recultivation +recumbence +recumbency +recumbent +recumbently +recuperability +recuperance +recuperate +recuperation +recuperative +recuperativeness +recuperator +recuperatory +recur +recure +recureful +recureless +recurl +recurrence +recurrency +recurrent +recurrently +recurrer +recurring +recurringly +recurse +recursion +recursive +recurtain +recurvant +recurvate +recurvation +recurvature +recurve +Recurvirostra +recurvirostral +Recurvirostridae +recurvopatent +recurvoternate +recurvous +recusance +recusancy +recusant +recusation +recusative +recusator +recuse +recushion +recussion +recut +recycle +Red +red +redact +redaction +redactional +redactor +redactorial +redamage +redamnation +redan +redare +redargue +redargution +redargutive +redargutory +redarken +redarn +redart +redate +redaub +redawn +redback +redbait +redbeard +redbelly +redberry +redbill +redbird +redbone +redbreast +redbrush +redbuck +redbud +redcap +redcoat +redd +redden +reddendo +reddendum +reddening +redder +redding +reddingite +reddish +reddishness +reddition +reddleman +reddock +reddsman +reddy +rede +redeal +redebate +redebit +redeceive +redecide +redecimate +redecision +redeck +redeclaration +redeclare +redecline +redecorate +redecoration +redecrease +redecussate +rededicate +rededication +rededicatory +rededuct +rededuction +redeed +redeem +redeemability +redeemable +redeemableness +redeemably +redeemer +redeemeress +redeemership +redeemless +redefault +redefeat +redefecate +redefer +redefiance +redefine +redefinition +redeflect +redefy +redeify +redelay +redelegate +redelegation +redeliberate +redeliberation +redeliver +redeliverance +redeliverer +redelivery +redemand +redemandable +redemise +redemolish +redemonstrate +redemonstration +redemptible +Redemptine +redemption +redemptional +redemptioner +Redemptionist +redemptionless +redemptive +redemptively +redemptor +redemptorial +Redemptorist +redemptory +redemptress +redemptrice +redenigrate +redeny +redepend +redeploy +redeployment +redeposit +redeposition +redepreciate +redepreciation +redeprive +rederivation +redescend +redescent +redescribe +redescription +redesertion +redeserve +redesign +redesignate +redesignation +redesire +redesirous +redesman +redespise +redetect +redetention +redetermination +redetermine +redevelop +redeveloper +redevelopment +redevise +redevote +redevotion +redeye +redfin +redfinch +redfish +redfoot +redhead +redheaded +redheadedly +redheadedness +redhearted +redhibition +redhibitory +redhoop +redia +redictate +redictation +redient +redifferentiate +redifferentiation +redig +redigest +redigestion +rediminish +redingote +redintegrate +redintegration +redintegrative +redintegrator +redip +redipper +redirect +redirection +redisable +redisappear +redisburse +redisbursement +redischarge +rediscipline +rediscount +rediscourage +rediscover +rediscoverer +rediscovery +rediscuss +rediscussion +redisembark +redismiss +redispatch +redispel +redisperse +redisplay +redispose +redisposition +redispute +redissect +redissection +redisseise +redisseisin +redisseisor +redisseize +redisseizin +redisseizor +redissoluble +redissolution +redissolvable +redissolve +redistend +redistill +redistillation +redistiller +redistinguish +redistrain +redistrainer +redistribute +redistributer +redistribution +redistributive +redistributor +redistributory +redistrict +redisturb +redive +rediversion +redivert +redivertible +redivide +redivision +redivive +redivivous +redivivus +redivorce +redivorcement +redivulge +redivulgence +redjacket +redknees +redleg +redlegs +redly +redmouth +redness +redo +redock +redocket +redolence +redolency +redolent +redolently +redominate +redondilla +redoom +redouble +redoublement +redoubler +redoubling +redoubt +redoubtable +redoubtableness +redoubtably +redoubted +redound +redowa +redox +redpoll +redraft +redrag +redrape +redraw +redrawer +redream +redredge +redress +redressable +redressal +redresser +redressible +redressive +redressless +redressment +redressor +redrill +redrive +redroot +redry +redsear +redshank +redshirt +redskin +redstart +redstreak +redtab +redtail +redthroat +redtop +redub +redubber +reduce +reduceable +reduceableness +reduced +reducement +reducent +reducer +reducibility +reducible +reducibleness +reducibly +reducing +reduct +reductant +reductase +reductibility +reduction +reductional +reductionism +reductionist +reductionistic +reductive +reductively +reductor +reductorial +redue +Redunca +redundance +redundancy +redundant +redundantly +reduplicate +reduplication +reduplicative +reduplicatively +reduplicatory +reduplicature +reduviid +Reduviidae +reduvioid +Reduvius +redux +redward +redware +redweed +redwing +redwithe +redwood +redye +Ree +ree +reechy +reed +reedbird +reedbuck +reedbush +reeded +reeden +reeder +reediemadeasy +reedily +reediness +reeding +reedish +reedition +reedless +reedlike +reedling +reedmaker +reedmaking +reedman +reedplot +reedwork +reedy +reef +reefable +reefer +reefing +reefy +reek +reeker +reekingly +reeky +reel +reelable +reeled +reeler +reelingly +reelrall +reem +reeming +reemish +reen +reenge +reeper +Rees +reese +reeshle +reesk +reesle +reest +reester +reestle +reesty +reet +reetam +reetle +reeve +reeveland +reeveship +ref +reface +refacilitate +refall +refallow +refan +refascinate +refascination +refashion +refashioner +refashionment +refasten +refathered +refavor +refect +refection +refectionary +refectioner +refective +refectorarian +refectorary +refectorer +refectorial +refectorian +refectory +refederate +refeed +refeel +refeign +refel +refence +refer +referable +referee +reference +referenda +referendal +referendary +referendaryship +referendum +referent +referential +referentially +referently +referment +referral +referrer +referrible +referribleness +refertilization +refertilize +refetch +refight +refigure +refill +refillable +refilm +refilter +refinable +refinage +refinance +refind +refine +refined +refinedly +refinedness +refinement +refiner +refinery +refinger +refining +refiningly +refinish +refire +refit +refitment +refix +refixation +refixture +reflag +reflagellate +reflame +reflash +reflate +reflation +reflationism +reflect +reflectance +reflected +reflectedly +reflectedness +reflectent +reflecter +reflectibility +reflectible +reflecting +reflectingly +reflection +reflectional +reflectionist +reflectionless +reflective +reflectively +reflectiveness +reflectivity +reflectometer +reflectometry +reflector +reflectoscope +refledge +reflee +reflex +reflexed +reflexibility +reflexible +reflexism +reflexive +reflexively +reflexiveness +reflexivity +reflexly +reflexness +reflexogenous +reflexological +reflexologist +reflexology +refling +refloat +refloatation +reflog +reflood +refloor +reflorescence +reflorescent +reflourish +reflourishment +reflow +reflower +refluctuation +refluence +refluency +refluent +reflush +reflux +refluxed +refly +refocillate +refocillation +refocus +refold +refoment +refont +refool +refoot +reforbid +reforce +reford +reforecast +reforest +reforestation +reforestization +reforestize +reforestment +reforfeit +reforfeiture +reforge +reforger +reforget +reforgive +reform +reformability +reformable +reformableness +reformado +reformandum +Reformati +reformation +reformational +reformationary +reformationist +reformative +reformatively +reformatness +reformatory +reformed +reformedly +reformer +reformeress +reformingly +reformism +reformist +reformistic +reformproof +reformulate +reformulation +reforsake +refortification +refortify +reforward +refound +refoundation +refounder +refract +refractable +refracted +refractedly +refractedness +refractile +refractility +refracting +refraction +refractional +refractionate +refractionist +refractive +refractively +refractiveness +refractivity +refractometer +refractometric +refractometry +refractor +refractorily +refractoriness +refractory +refracture +refragability +refragable +refragableness +refrain +refrainer +refrainment +reframe +refrangent +refrangibility +refrangible +refrangibleness +refreeze +refrenation +refrenzy +refresh +refreshant +refreshen +refreshener +refresher +refreshful +refreshfully +refreshing +refreshingly +refreshingness +refreshment +refrigerant +refrigerate +refrigerating +refrigeration +refrigerative +refrigerator +refrigeratory +refrighten +refringence +refringency +refringent +refront +refrustrate +reft +refuel +refueling +refuge +refugee +refugeeism +refugeeship +refulge +refulgence +refulgency +refulgent +refulgently +refulgentness +refunction +refund +refunder +refundment +refurbish +refurbishment +refurl +refurnish +refurnishment +refusable +refusal +refuse +refuser +refusing +refusingly +refusion +refusive +refutability +refutable +refutably +refutal +refutation +refutative +refutatory +refute +refuter +reg +regain +regainable +regainer +regainment +regal +regale +Regalecidae +Regalecus +regalement +regaler +regalia +regalian +regalism +regalist +regality +regalize +regallop +regally +regalness +regalvanization +regalvanize +regard +regardable +regardance +regardancy +regardant +regarder +regardful +regardfully +regardfulness +regarding +regardless +regardlessly +regardlessness +regarment +regarnish +regarrison +regather +regatta +regauge +regelate +regelation +regency +regeneracy +regenerance +regenerant +regenerate +regenerateness +regeneration +regenerative +regeneratively +regenerator +regeneratory +regeneratress +regeneratrix +regenesis +regent +regental +regentess +regentship +regerminate +regermination +reges +reget +Regga +Reggie +regia +regicidal +regicide +regicidism +regift +regifuge +regild +regill +regime +regimen +regimenal +regiment +regimental +regimentaled +regimentalled +regimentally +regimentals +regimentary +regimentation +regiminal +regin +reginal +Reginald +region +regional +regionalism +regionalist +regionalistic +regionalization +regionalize +regionally +regionary +regioned +register +registered +registerer +registership +registrability +registrable +registral +registrant +registrar +registrarship +registrary +registrate +registration +registrational +registrationist +registrator +registrer +registry +regive +regladden +reglair +reglaze +regle +reglement +reglementary +reglementation +reglementist +reglet +reglorified +regloss +reglove +reglow +reglue +regma +regmacarp +regnal +regnancy +regnant +regnerable +regolith +regorge +regovern +regradation +regrade +regraduate +regraduation +regraft +regrant +regrasp +regrass +regrate +regrater +regratification +regratify +regrating +regratingly +regrator +regratress +regravel +regrede +regreen +regreet +regress +regression +regressionist +regressive +regressively +regressiveness +regressivity +regressor +regret +regretful +regretfully +regretfulness +regretless +regrettable +regrettableness +regrettably +regretter +regrettingly +regrind +regrinder +regrip +regroup +regroupment +regrow +regrowth +reguarantee +reguard +reguardant +reguide +regula +regulable +regular +Regulares +Regularia +regularity +regularization +regularize +regularizer +regularly +regularness +regulatable +regulate +regulated +regulation +regulationist +regulative +regulatively +regulator +regulatorship +regulatory +regulatress +regulatris +reguli +reguline +regulize +Regulus +regulus +regur +regurge +regurgitant +regurgitate +regurgitation +regush +reh +rehabilitate +rehabilitation +rehabilitative +rehair +rehale +rehallow +rehammer +rehandicap +rehandle +rehandler +rehandling +rehang +rehappen +reharden +reharm +reharmonize +reharness +reharrow +reharvest +rehash +rehaul +rehazard +rehead +reheal +reheap +rehear +rehearing +rehearsal +rehearse +rehearser +rehearten +reheat +reheater +Reheboth +rehedge +reheel +reheighten +Rehoboam +Rehoboth +Rehobothan +rehoe +rehoist +rehollow +rehonor +rehonour +rehood +rehook +rehoop +rehouse +rehumanize +rehumble +rehumiliate +rehumiliation +rehung +rehybridize +rehydrate +rehydration +rehypothecate +rehypothecation +rehypothecator +reichsgulden +Reichsland +Reichslander +reichsmark +reichspfennig +reichstaler +Reid +reidentification +reidentify +reif +reification +reify +reign +reignite +reignition +reignore +reillume +reilluminate +reillumination +reillumine +reillustrate +reillustration +reim +reimage +reimagination +reimagine +reimbark +reimbarkation +reimbibe +reimbody +reimbursable +reimburse +reimbursement +reimburser +reimbush +reimbushment +reimkennar +reimmerge +reimmerse +reimmersion +reimmigrant +reimmigration +reimpact +reimpark +reimpart +reimpatriate +reimpatriation +reimpel +reimplant +reimplantation +reimply +reimport +reimportation +reimportune +reimpose +reimposition +reimposure +reimpregnate +reimpress +reimpression +reimprint +reimprison +reimprisonment +reimprove +reimprovement +reimpulse +rein +reina +reinability +reinaugurate +reinauguration +reincapable +reincarnadine +reincarnate +reincarnation +reincarnationism +reincarnationist +reincense +reincentive +reincidence +reincidency +reincite +reinclination +reincline +reinclude +reinclusion +reincorporate +reincorporation +reincrease +reincrudate +reincrudation +reinculcate +reincur +reindebted +reindebtedness +reindeer +reindependence +reindicate +reindication +reindict +reindictment +reindifferent +reindorse +reinduce +reinducement +reindue +reindulge +reindulgence +Reiner +reinette +reinfect +reinfection +reinfectious +reinfer +reinfest +reinfestation +reinflame +reinflate +reinflation +reinflict +reinfliction +reinfluence +reinforce +reinforcement +reinforcer +reinform +reinfuse +reinfusion +reingraft +reingratiate +reingress +reinhabit +reinhabitation +Reinhard +reinherit +reinitiate +reinitiation +reinject +reinjure +reinless +reinoculate +reinoculation +reinquire +reinquiry +reins +reinsane +reinsanity +reinscribe +reinsert +reinsertion +reinsist +reinsman +reinspect +reinspection +reinspector +reinsphere +reinspiration +reinspire +reinspirit +reinstall +reinstallation +reinstallment +reinstalment +reinstate +reinstatement +reinstation +reinstator +reinstauration +reinstil +reinstill +reinstitute +reinstitution +reinstruct +reinstruction +reinsult +reinsurance +reinsure +reinsurer +reintegrate +reintegration +reintend +reinter +reintercede +reintercession +reinterchange +reinterest +reinterfere +reinterference +reinterment +reinterpret +reinterpretation +reinterrogate +reinterrogation +reinterrupt +reinterruption +reintervene +reintervention +reinterview +reinthrone +reintimate +reintimation +reintitule +reintrench +reintroduce +reintroduction +reintrude +reintrusion +reintuition +reintuitive +reinvade +reinvasion +reinvent +reinvention +reinventor +reinversion +reinvert +reinvest +reinvestigate +reinvestigation +reinvestiture +reinvestment +reinvigorate +reinvigoration +reinvitation +reinvite +reinvoice +reinvolve +Reinwardtia +reirrigate +reirrigation +reis +reisolation +reissuable +reissue +reissuement +reissuer +reit +reitbok +reitbuck +reitemize +reiter +reiterable +reiterance +reiterant +reiterate +reiterated +reiteratedly +reiteratedness +reiteration +reiterative +reiteratively +reiver +rejail +Rejang +reject +rejectable +rejectableness +rejectage +rejectamenta +rejecter +rejectingly +rejection +rejective +rejectment +rejector +rejerk +rejoice +rejoiceful +rejoicement +rejoicer +rejoicing +rejoicingly +rejoin +rejoinder +rejolt +rejourney +rejudge +rejumble +rejunction +rejustification +rejustify +rejuvenant +rejuvenate +rejuvenation +rejuvenative +rejuvenator +rejuvenesce +rejuvenescence +rejuvenescent +rejuvenize +Reki +rekick +rekill +rekindle +rekindlement +rekindler +reking +rekiss +reknit +reknow +rel +relabel +relace +relacquer +relade +reladen +relais +relament +relamp +reland +relap +relapper +relapsable +relapse +relapseproof +relapser +relapsing +relast +relaster +relata +relatability +relatable +relatch +relate +related +relatedness +relater +relatinization +relation +relational +relationality +relationally +relationary +relationism +relationist +relationless +relationship +relatival +relative +relatively +relativeness +relativism +relativist +relativistic +relativity +relativization +relativize +relator +relatrix +relatum +relaunch +relax +relaxable +relaxant +relaxation +relaxative +relaxatory +relaxed +relaxedly +relaxedness +relaxer +relay +relayman +relbun +relead +releap +relearn +releasable +release +releasee +releasement +releaser +releasor +releather +relection +relegable +relegate +relegation +relend +relent +relenting +relentingly +relentless +relentlessly +relentlessness +relentment +relessee +relessor +relet +reletter +relevance +relevancy +relevant +relevantly +relevate +relevation +relevator +relevel +relevy +reliability +reliable +reliableness +reliably +reliance +reliant +reliantly +reliberate +relic +relicary +relicense +relick +reliclike +relicmonger +relict +relicted +reliction +relief +reliefless +relier +relievable +relieve +relieved +relievedly +reliever +relieving +relievingly +relievo +relift +religate +religation +relight +relightable +relighten +relightener +relighter +religion +religionary +religionate +religioner +religionism +religionist +religionistic +religionize +religionless +religiose +religiosity +religious +religiously +religiousness +relime +relimit +relimitation +reline +reliner +relink +relinquent +relinquish +relinquisher +relinquishment +reliquaire +reliquary +reliquefy +reliquiae +reliquian +reliquidate +reliquidation +reliquism +relish +relishable +relisher +relishing +relishingly +relishsome +relishy +relist +relisten +relitigate +relive +Rellyan +Rellyanism +Rellyanite +reload +reloan +relocable +relocate +relocation +relocator +relock +relodge +relook +relose +relost +relot +relove +relower +relucent +reluct +reluctance +reluctancy +reluctant +reluctantly +reluctate +reluctation +reluctivity +relume +relumine +rely +remade +remagnetization +remagnetize +remagnification +remagnify +remail +remain +remainder +remainderman +remaindership +remainer +remains +remaintain +remaintenance +remake +remaker +reman +remanage +remanagement +remanation +remancipate +remancipation +remand +remandment +remanence +remanency +remanent +remanet +remanipulate +remanipulation +remantle +remanufacture +remanure +remap +remarch +remargin +remark +remarkability +remarkable +remarkableness +remarkably +remarkedly +remarker +remarket +remarque +remarriage +remarry +remarshal +remask +remass +remast +remasticate +remastication +rematch +rematerialize +remble +Rembrandt +Rembrandtesque +Rembrandtish +Rembrandtism +remeant +remeasure +remeasurement +remede +remediable +remediableness +remediably +remedial +remedially +remediation +remediless +remedilessly +remedilessness +remeditate +remeditation +remedy +remeet +remelt +remember +rememberability +rememberable +rememberably +rememberer +remembrance +remembrancer +remembrancership +rememorize +remenace +remend +remerge +remetal +remex +Remi +remica +remicate +remication +remicle +remiform +remigate +remigation +remiges +remigial +remigrant +remigrate +remigration +Remijia +remilitarization +remilitarize +remill +remimic +remind +remindal +reminder +remindful +remindingly +remineralization +remineralize +remingle +reminisce +reminiscence +reminiscenceful +reminiscencer +reminiscency +reminiscent +reminiscential +reminiscentially +reminiscently +reminiscer +reminiscitory +remint +remiped +remirror +remise +remisrepresent +remisrepresentation +remiss +remissful +remissibility +remissible +remissibleness +remission +remissive +remissively +remissiveness +remissly +remissness +remissory +remisunderstand +remit +remitment +remittable +remittal +remittance +remittancer +remittee +remittence +remittency +remittent +remittently +remitter +remittitur +remittor +remix +remixture +remnant +remnantal +remobilization +remobilize +Remoboth +remock +remodel +remodeler +remodeller +remodelment +remodification +remodify +remolade +remold +remollient +remonetization +remonetize +remonstrance +remonstrant +remonstrantly +remonstrate +remonstrating +remonstratingly +remonstration +remonstrative +remonstratively +remonstrator +remonstratory +remontado +remontant +remontoir +remop +remora +remord +remorse +remorseful +remorsefully +remorsefulness +remorseless +remorselessly +remorselessness +remorseproof +remortgage +remote +remotely +remoteness +remotion +remotive +remould +remount +removability +removable +removableness +removably +removal +remove +removed +removedly +removedness +removement +remover +removing +remultiplication +remultiply +remunerability +remunerable +remunerably +remunerate +remuneration +remunerative +remuneratively +remunerativeness +remunerator +remuneratory +remurmur +Remus +remuster +remutation +renable +renably +renail +Renaissance +renaissance +Renaissancist +Renaissant +renal +rename +Renardine +renascence +renascency +renascent +renascible +renascibleness +renature +renavigate +renavigation +rencontre +rencounter +renculus +rend +render +renderable +renderer +rendering +renderset +rendezvous +rendibility +rendible +rendition +rendlewood +rendrock +rendzina +reneague +Renealmia +renecessitate +reneg +renegade +renegadism +renegado +renegation +renege +reneger +reneglect +renegotiable +renegotiate +renegotiation +renegotiations +renegue +renerve +renes +renet +renew +renewability +renewable +renewably +renewal +renewedly +renewedness +renewer +renewment +renicardiac +renickel +renidification +renidify +reniform +Renilla +Renillidae +renin +renipericardial +reniportal +renipuncture +renish +renishly +renitence +renitency +renitent +renk +renky +renne +rennet +renneting +rennin +renniogen +renocutaneous +renogastric +renography +renointestinal +renominate +renomination +renopericardial +renopulmonary +renormalize +renotation +renotice +renotification +renotify +renounce +renounceable +renouncement +renouncer +renourish +renovate +renovater +renovatingly +renovation +renovative +renovator +renovatory +renovize +renown +renowned +renownedly +renownedness +renowner +renownful +renownless +rensselaerite +rent +rentability +rentable +rentage +rental +rentaler +rentaller +rented +rentee +renter +rentless +rentrant +rentrayeuse +Renu +renumber +renumerate +renumeration +renunciable +renunciance +renunciant +renunciate +renunciation +renunciative +renunciator +renunciatory +renunculus +renverse +renvoi +renvoy +reobject +reobjectivization +reobjectivize +reobligate +reobligation +reoblige +reobscure +reobservation +reobserve +reobtain +reobtainable +reobtainment +reoccasion +reoccupation +reoccupy +reoccur +reoccurrence +reoffend +reoffense +reoffer +reoffset +reoil +reometer +reomission +reomit +reopen +reoperate +reoperation +reoppose +reopposition +reoppress +reoppression +reorchestrate +reordain +reorder +reordinate +reordination +reorganization +reorganizationist +reorganize +reorganizer +reorient +reorientation +reornament +reoutfit +reoutline +reoutput +reoutrage +reovercharge +reoverflow +reovertake +reoverwork +reown +reoxidation +reoxidize +reoxygenate +reoxygenize +rep +repace +repacification +repacify +repack +repackage +repacker +repaganization +repaganize +repaganizer +repage +repaint +repair +repairable +repairableness +repairer +repairman +repale +repand +repandly +repandodentate +repandodenticulate +repandolobate +repandous +repandousness +repanel +repaper +reparability +reparable +reparably +reparagraph +reparate +reparation +reparative +reparatory +repark +repartable +repartake +repartee +reparticipate +reparticipation +repartition +repartitionable +repass +repassable +repassage +repasser +repast +repaste +repasture +repatch +repatency +repatent +repatriable +repatriate +repatriation +repatronize +repattern +repave +repavement +repawn +repay +repayable +repayal +repaying +repayment +repeal +repealability +repealable +repealableness +repealer +repealist +repealless +repeat +repeatability +repeatable +repeatal +repeated +repeatedly +repeater +repeg +repel +repellance +repellant +repellence +repellency +repellent +repellently +repeller +repelling +repellingly +repellingness +repen +repenetrate +repension +repent +repentable +repentance +repentant +repentantly +repenter +repentingly +repeople +reperceive +repercept +reperception +repercolation +repercuss +repercussion +repercussive +repercussively +repercussiveness +repercutient +reperform +reperformance +reperfume +reperible +repermission +repermit +reperplex +repersonalization +repersonalize +repersuade +repersuasion +repertoire +repertorial +repertorily +repertorium +repertory +reperusal +reperuse +repetend +repetition +repetitional +repetitionary +repetitious +repetitiously +repetitiousness +repetitive +repetitively +repetitiveness +repetitory +repetticoat +repew +Rephael +rephase +rephonate +rephosphorization +rephosphorize +rephotograph +rephrase +repic +repick +repicture +repiece +repile +repin +repine +repineful +repinement +repiner +repiningly +repipe +repique +repitch +repkie +replace +replaceability +replaceable +replacement +replacer +replait +replan +replane +replant +replantable +replantation +replanter +replaster +replate +replay +replead +repleader +repleat +repledge +repledger +replenish +replenisher +replenishingly +replenishment +replete +repletely +repleteness +repletion +repletive +repletively +repletory +repleviable +replevin +replevisable +replevisor +replevy +repliant +replica +replicate +replicated +replicatile +replication +replicative +replicatively +replicatory +replier +replight +replod +replot +replotment +replotter +replough +replow +replum +replume +replunder +replunge +reply +replyingly +repocket +repoint +repolish +repoll +repollute +repolon +repolymerization +repolymerize +reponder +repone +repope +repopulate +repopulation +report +reportable +reportage +reportedly +reporter +reporteress +reporterism +reportership +reportingly +reportion +reportorial +reportorially +reposal +repose +reposed +reposedly +reposedness +reposeful +reposefully +reposefulness +reposer +reposit +repositary +reposition +repositor +repository +repossess +repossession +repossessor +repost +repostpone +repot +repound +repour +repowder +repp +repped +repractice +repray +repreach +reprecipitate +reprecipitation +repredict +reprefer +reprehend +reprehendable +reprehendatory +reprehender +reprehensibility +reprehensible +reprehensibleness +reprehensibly +reprehension +reprehensive +reprehensively +reprehensory +repreparation +reprepare +represcribe +represent +representability +representable +representamen +representant +representation +representational +representationalism +representationalist +representationary +representationism +representationist +representative +representatively +representativeness +representativeship +representativity +representer +representment +represide +repress +repressed +repressedly +represser +repressible +repressibly +repression +repressionary +repressionist +repressive +repressively +repressiveness +repressment +repressor +repressory +repressure +reprice +reprieval +reprieve +repriever +reprimand +reprimander +reprimanding +reprimandingly +reprime +reprimer +reprint +reprinter +reprisal +reprisalist +reprise +repristinate +repristination +reprivatization +reprivatize +reprivilege +reproach +reproachable +reproachableness +reproachably +reproacher +reproachful +reproachfully +reproachfulness +reproachingly +reproachless +reproachlessness +reprobacy +reprobance +reprobate +reprobateness +reprobater +reprobation +reprobationary +reprobationer +reprobative +reprobatively +reprobator +reprobatory +reproceed +reprocess +reproclaim +reproclamation +reprocurable +reprocure +reproduce +reproduceable +reproducer +reproducibility +reproducible +reproduction +reproductionist +reproductive +reproductively +reproductiveness +reproductivity +reproductory +reprofane +reprofess +reprohibit +repromise +repromulgate +repromulgation +repronounce +repronunciation +reproof +reproofless +repropagate +repropitiate +repropitiation +reproportion +reproposal +repropose +reprosecute +reprosecution +reprosper +reprotect +reprotection +reprotest +reprovable +reprovableness +reprovably +reproval +reprove +reprover +reprovide +reprovingly +reprovision +reprovocation +reprovoke +reprune +reps +reptant +reptatorial +reptatory +reptile +reptiledom +reptilelike +reptilferous +Reptilia +reptilian +reptiliary +reptiliform +reptilious +reptiliousness +reptilism +reptility +reptilivorous +reptiloid +republic +republican +republicanism +republicanization +republicanize +republicanizer +republication +republish +republisher +republishment +repuddle +repudiable +repudiate +repudiation +repudiationist +repudiative +repudiator +repudiatory +repuff +repugn +repugnable +repugnance +repugnancy +repugnant +repugnantly +repugnantness +repugnate +repugnatorial +repugner +repullulate +repullulation +repullulative +repullulescent +repulpit +repulse +repulseless +repulseproof +repulser +repulsion +repulsive +repulsively +repulsiveness +repulsory +repulverize +repump +repunish +repunishment +repurchase +repurchaser +repurge +repurification +repurify +repurple +repurpose +repursue +repursuit +reputability +reputable +reputableness +reputably +reputation +reputationless +reputative +reputatively +repute +reputed +reputedly +reputeless +requalification +requalify +requarantine +requeen +requench +request +requester +requestion +requiem +Requienia +requiescence +requin +requirable +require +requirement +requirer +requisite +requisitely +requisiteness +requisition +requisitionary +requisitioner +requisitionist +requisitor +requisitorial +requisitory +requit +requitable +requital +requitative +requite +requiteful +requitement +requiter +requiz +requotation +requote +rerack +reracker +reradiation +rerail +reraise +rerake +rerank +rerate +reread +rereader +rerebrace +reredos +reree +rereel +rereeve +rerefief +reregister +reregistration +reregulate +reregulation +rereign +reremouse +rerent +rerental +reresupper +rerig +rering +rerise +rerival +rerivet +rerob +rerobe +reroll +reroof +reroot +rerope +reroute +rerow +reroyalize +rerub +rerummage +rerun +resaca +resack +resacrifice +resaddle +resail +resalable +resale +resalt +resalutation +resalute +resalvage +resample +resanctify +resanction +resatisfaction +resatisfy +resaw +resawer +resawyer +resay +resazurin +rescan +reschedule +rescind +rescindable +rescinder +rescindment +rescissible +rescission +rescissory +rescore +rescramble +rescratch +rescribe +rescript +rescription +rescriptive +rescriptively +rescrub +rescuable +rescue +rescueless +rescuer +reseal +reseam +research +researcher +researchful +researchist +reseat +resecrete +resecretion +resect +resection +resectional +Reseda +reseda +Resedaceae +resedaceous +resee +reseed +reseek +resegment +resegmentation +reseise +reseiser +reseize +reseizer +reseizure +reselect +reselection +reself +resell +reseller +resemblable +resemblance +resemblant +resemble +resembler +resemblingly +reseminate +resend +resene +resensation +resensitization +resensitize +resent +resentationally +resentence +resenter +resentful +resentfullness +resentfully +resentience +resentingly +resentless +resentment +resepulcher +resequent +resequester +resequestration +reserene +reservable +reserval +reservation +reservationist +reservatory +reserve +reserved +reservedly +reservedness +reservee +reserveful +reserveless +reserver +reservery +reservice +reservist +reservoir +reservor +reset +resettable +resetter +resettle +resettlement +resever +resew +resex +resh +reshake +reshape +reshare +resharpen +reshave +reshear +reshearer +resheathe +reshelve +reshift +reshine +reshingle +reship +reshipment +reshipper +reshoe +reshoot +reshoulder +reshovel +reshower +reshrine +reshuffle +reshun +reshunt +reshut +reshuttle +resiccate +reside +residence +residencer +residency +resident +residental +residenter +residential +residentiality +residentially +residentiary +residentiaryship +residentship +resider +residua +residual +residuary +residuation +residue +residuent +residuous +residuum +resift +resigh +resign +resignal +resignatary +resignation +resignationism +resigned +resignedly +resignedness +resignee +resigner +resignful +resignment +resile +resilement +resilial +resiliate +resilience +resiliency +resilient +resilifer +resiliometer +resilition +resilium +resilver +resin +resina +resinaceous +resinate +resinbush +resiner +resinfiable +resing +resinic +resiniferous +resinification +resinifluous +resiniform +resinify +resinize +resink +resinlike +resinoelectric +resinoextractive +resinogenous +resinoid +resinol +resinolic +resinophore +resinosis +resinous +resinously +resinousness +resinovitreous +resiny +resipiscence +resipiscent +resist +resistability +resistable +resistableness +resistance +resistant +resistantly +resister +resistful +resistibility +resistible +resistibleness +resistibly +resisting +resistingly +resistive +resistively +resistiveness +resistivity +resistless +resistlessly +resistlessness +resistor +resitting +resize +resizer +resketch +reskin +reslash +reslate +reslay +reslide +reslot +resmell +resmelt +resmile +resmooth +resnap +resnatch +resnatron +resnub +resoak +resoap +resoften +resoil +resojourn +resolder +resole +resolemnize +resolicit +resolidification +resolidify +resolubility +resoluble +resolubleness +resolute +resolutely +resoluteness +resolution +resolutioner +resolutionist +resolutory +resolvability +resolvable +resolvableness +resolvancy +resolve +resolved +resolvedly +resolvedness +resolvent +resolver +resolvible +resonance +resonancy +resonant +resonantly +resonate +resonator +resonatory +resoothe +resorb +resorbence +resorbent +resorcin +resorcine +resorcinism +resorcinol +resorcinolphthalein +resorcinum +resorcylic +resorption +resorptive +resort +resorter +resorufin +resought +resound +resounder +resounding +resoundingly +resource +resourceful +resourcefully +resourcefulness +resourceless +resourcelessness +resoutive +resow +resp +respace +respade +respan +respangle +resparkle +respeak +respect +respectability +respectabilize +respectable +respectableness +respectably +respectant +respecter +respectful +respectfully +respectfulness +respecting +respective +respectively +respectiveness +respectless +respectlessly +respectlessness +respectworthy +respell +respersive +respin +respirability +respirable +respirableness +respiration +respirational +respirative +respirator +respiratored +respiratorium +respiratory +respire +respirit +respirometer +respite +respiteless +resplend +resplendence +resplendency +resplendent +resplendently +resplice +resplit +respoke +respond +responde +respondence +respondency +respondent +respondentia +responder +responsal +responsary +response +responseless +responser +responsibility +responsible +responsibleness +responsibly +responsion +responsive +responsively +responsiveness +responsivity +responsorial +responsory +respot +respray +respread +respring +resprout +respue +resquare +resqueak +ressaidar +ressala +ressaldar +ressaut +rest +restable +restack +restaff +restain +restainable +restake +restamp +restandardization +restandardize +restant +restart +restate +restatement +restaur +restaurant +restaurate +restaurateur +restauration +restbalk +resteal +resteel +resteep +restem +restep +rester +resterilize +restes +restful +restfully +restfulness +restharrow +resthouse +Restiaceae +restiaceous +restiad +restibrachium +restiff +restiffen +restiffener +restiffness +restifle +restiform +restigmatize +restimulate +restimulation +resting +restingly +Restio +Restionaceae +restionaceous +restipulate +restipulation +restipulatory +restir +restis +restitch +restitute +restitution +restitutionism +restitutionist +restitutive +restitutor +restitutory +restive +restively +restiveness +restless +restlessly +restlessness +restock +restopper +restorable +restorableness +restoral +restoration +restorationer +restorationism +restorationist +restorative +restoratively +restorativeness +restorator +restoratory +restore +restorer +restow +restowal +restproof +restraighten +restrain +restrainability +restrained +restrainedly +restrainedness +restrainer +restraining +restrainingly +restraint +restraintful +restrap +restratification +restream +restrengthen +restress +restretch +restrict +restricted +restrictedly +restrictedness +restriction +restrictionary +restrictionist +restrictive +restrictively +restrictiveness +restrike +restring +restringe +restringency +restringent +restrip +restrive +restroke +restudy +restuff +restward +restwards +resty +restyle +resubject +resubjection +resubjugate +resublimation +resublime +resubmerge +resubmission +resubmit +resubordinate +resubscribe +resubscriber +resubscription +resubstitute +resubstitution +resucceed +resuck +resudation +resue +resuffer +resufferance +resuggest +resuggestion +resuing +resuit +result +resultance +resultancy +resultant +resultantly +resultative +resultful +resultfully +resulting +resultingly +resultive +resultless +resultlessly +resultlessness +resumability +resumable +resume +resumer +resummon +resummons +resumption +resumptive +resumptively +resun +resup +resuperheat +resupervise +resupinate +resupinated +resupination +resupine +resupply +resupport +resuppose +resupposition +resuppress +resuppression +resurface +resurge +resurgence +resurgency +resurgent +resurprise +resurrect +resurrectible +resurrection +resurrectional +resurrectionary +resurrectioner +resurrectioning +resurrectionism +resurrectionist +resurrectionize +resurrective +resurrector +resurrender +resurround +resurvey +resuscitable +resuscitant +resuscitate +resuscitation +resuscitative +resuscitator +resuspect +resuspend +resuspension +reswage +reswallow +resward +reswarm +reswear +resweat +resweep +reswell +reswill +reswim +resyllabification +resymbolization +resymbolize +resynthesis +resynthesize +ret +retable +retack +retackle +retag +retail +retailer +retailment +retailor +retain +retainability +retainable +retainableness +retainal +retainder +retainer +retainership +retaining +retake +retaker +retaliate +retaliation +retaliationist +retaliative +retaliator +retaliatory +retalk +retama +retame +retan +retanner +retape +retard +retardance +retardant +retardate +retardation +retardative +retardatory +retarded +retardence +retardent +retarder +retarding +retardingly +retardive +retardment +retardure +retare +retariff +retaste +retation +retattle +retax +retaxation +retch +reteach +retecious +retelegraph +retelephone +retell +retelling +retem +retemper +retempt +retemptation +retenant +retender +retene +retent +retention +retentionist +retentive +retentively +retentiveness +retentivity +retentor +Retepora +retepore +Reteporidae +retest +retexture +rethank +rethatch +rethaw +rethe +retheness +rethicken +rethink +rethrash +rethread +rethreaten +rethresh +rethresher +rethrill +rethrive +rethrone +rethrow +rethrust +rethunder +retia +retial +Retiariae +retiarian +retiarius +retiary +reticella +reticello +reticence +reticency +reticent +reticently +reticket +reticle +reticula +reticular +Reticularia +reticularian +reticularly +reticulary +reticulate +reticulated +reticulately +reticulation +reticulatocoalescent +reticulatogranulate +reticulatoramose +reticulatovenose +reticule +reticuled +reticulin +reticulitis +reticulocyte +reticulocytosis +reticuloramose +Reticulosa +reticulose +reticulovenose +reticulum +retie +retier +retiform +retighten +retile +retill +retimber +retime +retin +retina +retinacular +retinaculate +retinaculum +retinal +retinalite +retinasphalt +retinasphaltum +retincture +retinene +retinerved +retinian +retinispora +retinite +retinitis +retinize +retinker +retinoblastoma +retinochorioid +retinochorioidal +retinochorioiditis +retinoid +retinol +retinopapilitis +retinophoral +retinophore +retinoscope +retinoscopic +retinoscopically +retinoscopist +retinoscopy +Retinospora +retinue +retinula +retinular +retinule +retip +retiracied +retiracy +retirade +retiral +retire +retired +retiredly +retiredness +retirement +retirer +retiring +retiringly +retiringness +retistene +retoast +retold +retolerate +retoleration +retomb +retonation +retook +retool +retooth +retoother +retort +retortable +retorted +retorter +retortion +retortive +retorture +retoss +retotal +retouch +retoucher +retouching +retouchment +retour +retourable +retrace +retraceable +retracement +retrack +retract +retractability +retractable +retractation +retracted +retractibility +retractible +retractile +retractility +retraction +retractive +retractively +retractiveness +retractor +retrad +retrade +retradition +retrahent +retrain +retral +retrally +retramp +retrample +retranquilize +retranscribe +retranscription +retransfer +retransference +retransfigure +retransform +retransformation +retransfuse +retransit +retranslate +retranslation +retransmission +retransmissive +retransmit +retransmute +retransplant +retransport +retransportation +retravel +retraverse +retraxit +retread +retreat +retreatal +retreatant +retreater +retreatful +retreating +retreatingness +retreative +retreatment +retree +retrench +retrenchable +retrencher +retrenchment +retrial +retribute +retribution +retributive +retributively +retributor +retributory +retricked +retrievability +retrievable +retrievableness +retrievably +retrieval +retrieve +retrieveless +retrievement +retriever +retrieverish +retrim +retrimmer +retrip +retroact +retroaction +retroactive +retroactively +retroactivity +retroalveolar +retroauricular +retrobronchial +retrobuccal +retrobulbar +retrocaecal +retrocardiac +retrocecal +retrocede +retrocedence +retrocedent +retrocervical +retrocession +retrocessional +retrocessionist +retrocessive +retrochoir +retroclavicular +retroclusion +retrocognition +retrocognitive +retrocolic +retroconsciousness +retrocopulant +retrocopulation +retrocostal +retrocouple +retrocoupler +retrocurved +retrodate +retrodeviation +retrodisplacement +retroduction +retrodural +retroesophageal +retroflected +retroflection +retroflex +retroflexed +retroflexion +retroflux +retroform +retrofract +retrofracted +retrofrontal +retrogastric +retrogenerative +retrogradation +retrogradatory +retrograde +retrogradely +retrogradient +retrogradingly +retrogradism +retrogradist +retrogress +retrogression +retrogressionist +retrogressive +retrogressively +retrohepatic +retroinfection +retroinsular +retroiridian +retroject +retrojection +retrojugular +retrolabyrinthine +retrolaryngeal +retrolingual +retrolocation +retromammary +retromammillary +retromandibular +retromastoid +retromaxillary +retromigration +retromingent +retromingently +retromorphosed +retromorphosis +retronasal +retroperitoneal +retroperitoneally +retropharyngeal +retropharyngitis +retroplacental +retroplexed +retroposed +retroposition +retropresbyteral +retropubic +retropulmonary +retropulsion +retropulsive +retroreception +retrorectal +retroreflective +retrorenal +retrorse +retrorsely +retroserrate +retroserrulate +retrospect +retrospection +retrospective +retrospectively +retrospectiveness +retrospectivity +retrosplenic +retrostalsis +retrostaltic +retrosternal +retrosusception +retrot +retrotarsal +retrotemporal +retrothyroid +retrotracheal +retrotransfer +retrotransference +retrotympanic +retrousse +retrovaccinate +retrovaccination +retrovaccine +retroverse +retroversion +retrovert +retrovision +retroxiphoid +retrude +retrue +retrusible +retrusion +retrust +retry +retted +retter +rettery +retting +rettory +retube +retuck +retumble +retumescence +retune +returban +returf +returfer +return +returnability +returnable +returned +returner +returnless +returnlessly +retuse +retwine +retwist +retying +retype +retzian +Reub +Reuben +Reubenites +Reuchlinian +Reuchlinism +Reuel +reundercut +reundergo +reundertake +reundulate +reundulation +reune +reunfold +reunification +reunify +reunion +reunionism +reunionist +reunionistic +reunitable +reunite +reunitedly +reuniter +reunition +reunitive +reunpack +reuphold +reupholster +reuplift +reurge +reuse +reutilization +reutilize +reutter +reutterance +rev +revacate +revaccinate +revaccination +revalenta +revalescence +revalescent +revalidate +revalidation +revalorization +revalorize +revaluate +revaluation +revalue +revamp +revamper +revampment +revaporization +revaporize +revarnish +revary +reve +reveal +revealability +revealable +revealableness +revealed +revealedly +revealer +revealing +revealingly +revealingness +revealment +revegetate +revegetation +revehent +reveil +reveille +revel +revelability +revelant +revelation +revelational +revelationer +revelationist +revelationize +revelative +revelator +revelatory +reveler +revellent +revelly +revelment +revelrout +revelry +revenant +revend +revender +revendicate +revendication +reveneer +revenge +revengeable +revengeful +revengefully +revengefulness +revengeless +revengement +revenger +revengingly +revent +reventilate +reventure +revenual +revenue +revenued +revenuer +rever +reverable +reverb +reverbatory +reverberant +reverberate +reverberation +reverberative +reverberator +reverberatory +reverbrate +reverdure +revere +revered +reverence +reverencer +reverend +reverendly +reverendship +reverent +reverential +reverentiality +reverentially +reverentialness +reverently +reverentness +reverer +reverie +reverification +reverify +reverist +revers +reversability +reversable +reversal +reverse +reversed +reversedly +reverseful +reverseless +reversely +reversement +reverser +reverseways +reversewise +reversi +reversibility +reversible +reversibleness +reversibly +reversification +reversifier +reversify +reversing +reversingly +reversion +reversionable +reversional +reversionally +reversionary +reversioner +reversionist +reversis +reversist +reversive +reverso +revert +revertal +reverter +revertibility +revertible +revertive +revertively +revery +revest +revestiary +revestry +revet +revete +revetement +revetment +revibrate +revibration +revibrational +revictorious +revictory +revictual +revictualment +revie +review +reviewability +reviewable +reviewage +reviewal +reviewer +revieweress +reviewish +reviewless +revigorate +revigoration +revile +revilement +reviler +reviling +revilingly +revindicate +revindication +reviolate +reviolation +revirescence +revirescent +Revisable +revisable +revisableness +revisal +revise +Revised +revisee +reviser +revisership +revisible +revision +revisional +revisionary +revisionism +revisionist +revisit +revisitant +revisitation +revisor +revisory +revisualization +revisualize +revitalization +revitalize +revitalizer +revivability +revivable +revivably +revival +revivalism +revivalist +revivalistic +revivalize +revivatory +revive +revivement +reviver +revivification +revivifier +revivify +reviving +revivingly +reviviscence +reviviscency +reviviscent +reviviscible +revivor +revocability +revocable +revocableness +revocably +revocation +revocative +revocatory +revoice +revokable +revoke +revokement +revoker +revokingly +revolant +revolatilize +revolt +revolter +revolting +revoltingly +revoltress +revolubility +revoluble +revolubly +revolunteer +revolute +revoluted +revolution +revolutional +revolutionally +revolutionarily +revolutionariness +revolutionary +revolutioneering +revolutioner +revolutionism +revolutionist +revolutionize +revolutionizement +revolutionizer +revolvable +revolvably +revolve +revolvement +revolvency +revolver +revolving +revolvingly +revomit +revote +revue +revuette +revuist +revulsed +revulsion +revulsionary +revulsive +revulsively +rewade +rewager +rewake +rewaken +rewall +rewallow +reward +rewardable +rewardableness +rewardably +rewardedly +rewarder +rewardful +rewardfulness +rewarding +rewardingly +rewardless +rewardproof +rewarehouse +rewarm +rewarn +rewash +rewater +rewave +rewax +rewaybill +rewayle +reweaken +rewear +reweave +rewed +reweigh +reweigher +reweight +rewelcome +reweld +rewend +rewet +rewhelp +rewhirl +rewhisper +rewhiten +rewiden +rewin +rewind +rewinder +rewirable +rewire +rewish +rewithdraw +rewithdrawal +rewood +reword +rework +reworked +rewound +rewove +rewoven +rewrap +rewrite +rewriter +Rex +rex +rexen +reyield +Reynard +Reynold +reyoke +reyouth +rezbanyite +rhabdite +rhabditiform +Rhabditis +rhabdium +Rhabdocarpum +Rhabdocoela +rhabdocoelan +rhabdocoele +Rhabdocoelida +rhabdocoelidan +rhabdocoelous +rhabdoid +rhabdoidal +rhabdolith +rhabdom +rhabdomal +rhabdomancer +rhabdomancy +rhabdomantic +rhabdomantist +Rhabdomonas +rhabdomyoma +rhabdomyosarcoma +rhabdomysarcoma +rhabdophane +rhabdophanite +Rhabdophora +rhabdophoran +Rhabdopleura +rhabdopod +rhabdos +rhabdosome +rhabdosophy +rhabdosphere +rhabdus +Rhacianectes +Rhacomitrium +Rhacophorus +Rhadamanthine +Rhadamanthus +Rhadamanthys +Rhaetian +Rhaetic +rhagades +rhagadiform +rhagiocrin +rhagionid +Rhagionidae +rhagite +Rhagodia +rhagon +rhagonate +rhagose +rhamn +Rhamnaceae +rhamnaceous +rhamnal +Rhamnales +rhamnetin +rhamninase +rhamninose +rhamnite +rhamnitol +rhamnohexite +rhamnohexitol +rhamnohexose +rhamnonic +rhamnose +rhamnoside +Rhamnus +rhamphoid +Rhamphorhynchus +Rhamphosuchus +rhamphotheca +Rhapidophyllum +Rhapis +rhapontic +rhaponticin +rhapontin +rhapsode +rhapsodic +rhapsodical +rhapsodically +rhapsodie +rhapsodism +rhapsodist +rhapsodistic +rhapsodize +rhapsodomancy +rhapsody +Rhaptopetalaceae +rhason +rhasophore +rhatania +rhatany +rhe +Rhea +rhea +rheadine +Rheae +rhebok +rhebosis +rheeboc +rheebok +rheen +rhegmatype +rhegmatypy +Rhegnopteri +rheic +Rheidae +Rheiformes +rhein +rheinic +rhema +rhematic +rhematology +rheme +Rhemish +Rhemist +Rhenish +rhenium +rheobase +rheocrat +rheologist +rheology +rheometer +rheometric +rheometry +rheophile +rheophore +rheophoric +rheoplankton +rheoscope +rheoscopic +rheostat +rheostatic +rheostatics +rheotactic +rheotan +rheotaxis +rheotome +rheotrope +rheotropic +rheotropism +rhesian +rhesus +rhetor +rhetoric +rhetorical +rhetorically +rhetoricalness +rhetoricals +rhetorician +rhetorize +Rheum +rheum +rheumarthritis +rheumatalgia +rheumatic +rheumatical +rheumatically +rheumaticky +rheumatism +rheumatismal +rheumatismoid +rheumative +rheumatiz +rheumatize +rheumatoid +rheumatoidal +rheumatoidally +rheumed +rheumic +rheumily +rheuminess +rheumy +Rhexia +rhexis +rhigolene +rhigosis +rhigotic +Rhina +rhinal +rhinalgia +Rhinanthaceae +Rhinanthus +rhinarium +rhincospasm +rhine +Rhineland +Rhinelander +rhinencephalic +rhinencephalon +rhinencephalous +rhinenchysis +Rhineodon +Rhineodontidae +rhinestone +Rhineura +rhineurynter +Rhinidae +rhinion +rhinitis +rhino +Rhinobatidae +Rhinobatus +rhinobyon +rhinocaul +rhinocele +rhinocelian +rhinocerial +rhinocerian +rhinocerine +rhinoceroid +rhinoceros +rhinoceroslike +rhinocerotic +Rhinocerotidae +rhinocerotiform +rhinocerotine +rhinocerotoid +rhinochiloplasty +Rhinoderma +rhinodynia +rhinogenous +rhinolalia +rhinolaryngology +rhinolaryngoscope +rhinolite +rhinolith +rhinolithic +rhinological +rhinologist +rhinology +rhinolophid +Rhinolophidae +rhinolophine +rhinopharyngeal +rhinopharyngitis +rhinopharynx +Rhinophidae +Rhinophis +rhinophonia +rhinophore +rhinophyma +rhinoplastic +rhinoplasty +rhinopolypus +Rhinoptera +Rhinopteridae +rhinorrhagia +rhinorrhea +rhinorrheal +rhinoscleroma +rhinoscope +rhinoscopic +rhinoscopy +rhinosporidiosis +Rhinosporidium +rhinotheca +rhinothecal +Rhinthonic +Rhinthonica +rhipidate +rhipidion +Rhipidistia +rhipidistian +rhipidium +Rhipidoglossa +rhipidoglossal +rhipidoglossate +Rhipidoptera +rhipidopterous +rhipiphorid +Rhipiphoridae +Rhipiptera +rhipipteran +rhipipterous +Rhipsalis +Rhiptoglossa +rhizanthous +rhizautoicous +Rhizina +Rhizinaceae +rhizine +rhizinous +Rhizobium +rhizocarp +Rhizocarpeae +rhizocarpean +rhizocarpian +rhizocarpic +rhizocarpous +rhizocaul +rhizocaulus +Rhizocephala +rhizocephalan +rhizocephalous +rhizocorm +Rhizoctonia +rhizoctoniose +rhizodermis +Rhizodus +Rhizoflagellata +rhizoflagellate +rhizogen +rhizogenetic +rhizogenic +rhizogenous +rhizoid +rhizoidal +rhizoma +rhizomatic +rhizomatous +rhizome +rhizomelic +rhizomic +rhizomorph +rhizomorphic +rhizomorphoid +rhizomorphous +rhizoneure +rhizophagous +rhizophilous +Rhizophora +Rhizophoraceae +rhizophoraceous +rhizophore +rhizophorous +rhizophyte +rhizoplast +rhizopod +Rhizopoda +rhizopodal +rhizopodan +rhizopodist +rhizopodous +Rhizopogon +Rhizopus +rhizosphere +Rhizostomae +Rhizostomata +rhizostomatous +rhizostome +rhizostomous +Rhizota +rhizotaxis +rhizotaxy +rhizote +rhizotic +rhizotomi +rhizotomy +rho +Rhoda +rhodaline +Rhodamine +rhodamine +rhodanate +Rhodanian +rhodanic +rhodanine +rhodanthe +rhodeose +Rhodes +Rhodesian +Rhodesoid +rhodeswood +Rhodian +rhodic +rhoding +rhodinol +rhodite +rhodium +rhodizite +rhodizonic +Rhodobacteriaceae +Rhodobacterioideae +rhodochrosite +Rhodococcus +Rhodocystis +rhodocyte +rhododendron +rhodolite +Rhodomelaceae +rhodomelaceous +rhodonite +Rhodope +rhodophane +Rhodophyceae +rhodophyceous +rhodophyll +Rhodophyllidaceae +Rhodophyta +rhodoplast +rhodopsin +Rhodora +Rhodoraceae +rhodorhiza +rhodosperm +Rhodospermeae +rhodospermin +rhodospermous +Rhodospirillum +Rhodothece +Rhodotypos +Rhodymenia +Rhodymeniaceae +rhodymeniaceous +Rhodymeniales +Rhoeadales +Rhoecus +Rhoeo +rhomb +rhombencephalon +rhombenporphyr +rhombic +rhombical +rhombiform +rhomboclase +rhomboganoid +Rhomboganoidei +rhombogene +rhombogenic +rhombogenous +rhombohedra +rhombohedral +rhombohedrally +rhombohedric +rhombohedron +rhomboid +rhomboidal +rhomboidally +rhomboideus +rhomboidly +rhomboquadratic +rhomborectangular +rhombos +rhombovate +Rhombozoa +rhombus +rhonchal +rhonchial +rhonchus +Rhonda +rhopalic +rhopalism +rhopalium +Rhopalocera +rhopaloceral +rhopalocerous +Rhopalura +rhotacism +rhotacismus +rhotacistic +rhotacize +rhubarb +rhubarby +rhumb +rhumba +rhumbatron +Rhus +rhyacolite +rhyme +rhymeless +rhymelet +rhymemaker +rhymemaking +rhymeproof +rhymer +rhymery +rhymester +rhymewise +rhymic +rhymist +rhymy +Rhynchobdellae +Rhynchobdellida +Rhynchocephala +Rhynchocephali +Rhynchocephalia +rhynchocephalian +rhynchocephalic +rhynchocephalous +Rhynchocoela +rhynchocoelan +rhynchocoelic +rhynchocoelous +rhyncholite +Rhynchonella +Rhynchonellacea +Rhynchonellidae +rhynchonelloid +Rhynchophora +rhynchophoran +rhynchophore +rhynchophorous +Rhynchopinae +Rhynchops +Rhynchosia +Rhynchospora +Rhynchota +rhynchotal +rhynchote +rhynchotous +rhynconellid +Rhyncostomi +Rhynia +Rhyniaceae +Rhynocheti +Rhynsburger +rhyobasalt +rhyodacite +rhyolite +rhyolitic +rhyotaxitic +rhyparographer +rhyparographic +rhyparographist +rhyparography +rhypography +rhyptic +rhyptical +rhysimeter +Rhyssa +rhythm +rhythmal +rhythmic +rhythmical +rhythmicality +rhythmically +rhythmicity +rhythmicize +rhythmics +rhythmist +rhythmizable +rhythmization +rhythmize +rhythmless +rhythmometer +rhythmopoeia +rhythmproof +Rhytidodon +rhytidome +rhytidosis +Rhytina +Rhytisma +rhyton +ria +rial +riancy +riant +riantly +riata +rib +ribald +ribaldish +ribaldly +ribaldrous +ribaldry +riband +Ribandism +Ribandist +ribandlike +ribandmaker +ribandry +ribat +ribaudequin +ribaudred +ribband +ribbandry +ribbed +ribber +ribbet +ribbidge +ribbing +ribble +ribbon +ribbonback +ribboner +ribbonfish +Ribbonism +ribbonlike +ribbonmaker +Ribbonman +ribbonry +ribbonweed +ribbonwood +ribbony +ribby +ribe +Ribes +Ribhus +ribless +riblet +riblike +riboflavin +ribonic +ribonuclease +ribonucleic +ribose +ribroast +ribroaster +ribroasting +ribskin +ribspare +Ribston +ribwork +ribwort +Ric +Ricardian +Ricardianism +Ricardo +Riccia +Ricciaceae +ricciaceous +Ricciales +rice +ricebird +riceland +ricer +ricey +Rich +rich +Richard +Richardia +Richardsonia +richdom +Richebourg +richellite +richen +riches +richesse +richling +richly +Richmond +Richmondena +richness +richt +richterite +richweed +ricin +ricine +ricinelaidic +ricinelaidinic +ricinic +ricinine +ricininic +ricinium +ricinoleate +ricinoleic +ricinolein +ricinolic +Ricinulei +Ricinus +ricinus +Rick +rick +rickardite +ricker +ricketily +ricketiness +ricketish +rickets +Rickettsia +rickettsial +Rickettsiales +rickettsialpox +rickety +rickey +rickle +rickmatic +rickrack +ricksha +rickshaw +rickstaddle +rickstand +rickstick +Ricky +rickyard +ricochet +ricolettaite +ricrac +rictal +rictus +rid +ridable +ridableness +ridably +riddam +riddance +riddel +ridden +ridder +ridding +riddle +riddlemeree +riddler +riddling +riddlingly +riddlings +ride +rideable +rideau +riden +rident +rider +ridered +rideress +riderless +ridge +ridgeband +ridgeboard +ridgebone +ridged +ridgel +ridgelet +ridgelike +ridgeling +ridgepiece +ridgeplate +ridgepole +ridgepoled +ridger +ridgerope +ridgetree +ridgeway +ridgewise +ridgil +ridging +ridgingly +ridgling +ridgy +ridibund +ridicule +ridiculer +ridiculize +ridiculosity +ridiculous +ridiculously +ridiculousness +riding +ridingman +ridotto +rie +riebeckite +riem +Riemannean +Riemannian +riempie +rier +Riesling +rife +rifely +rifeness +Riff +riff +Riffi +Riffian +riffle +riffler +riffraff +Rifi +Rifian +rifle +riflebird +rifledom +rifleman +riflemanship +rifleproof +rifler +riflery +rifleshot +rifling +rift +rifter +riftless +rifty +rig +rigadoon +rigamajig +rigamarole +rigation +rigbane +Rigel +Rigelian +rigescence +rigescent +riggald +rigger +rigging +riggish +riggite +riggot +right +rightabout +righten +righteous +righteously +righteousness +righter +rightful +rightfully +rightfulness +rightheaded +righthearted +rightist +rightle +rightless +rightlessness +rightly +rightmost +rightness +righto +rightship +rightward +rightwardly +rightwards +righty +rigid +rigidify +rigidist +rigidity +rigidly +rigidness +rigidulous +rigling +rigmaree +rigmarole +rigmarolery +rigmarolic +rigmarolish +rigmarolishly +rignum +rigol +rigolette +rigor +rigorism +rigorist +rigoristic +rigorous +rigorously +rigorousness +rigsby +rigsdaler +Rigsmaal +Rigsmal +rigwiddie +rigwiddy +Rik +Rikari +rikisha +rikk +riksha +rikshaw +Riksmaal +Riksmal +rilawa +rile +riley +rill +rillet +rillett +rillette +rillock +rillstone +rilly +rim +rima +rimal +rimate +rimbase +rime +rimeless +rimer +rimester +rimfire +rimiform +rimland +rimless +rimmaker +rimmaking +rimmed +rimmer +rimose +rimosely +rimosity +rimous +rimpi +rimple +rimption +rimrock +rimu +rimula +rimulose +rimy +Rinaldo +rinceau +rinch +rincon +Rind +rind +Rinde +rinded +rinderpest +rindle +rindless +rindy +rine +ring +ringable +Ringatu +ringbark +ringbarker +ringbill +ringbird +ringbolt +ringbone +ringboned +ringcraft +ringdove +ringe +ringed +ringent +ringer +ringeye +ringgiver +ringgiving +ringgoer +ringhals +ringhead +ringiness +ringing +ringingly +ringingness +ringite +ringle +ringlead +ringleader +ringleaderless +ringleadership +ringless +ringlet +ringleted +ringlety +ringlike +ringmaker +ringmaking +ringman +ringmaster +ringneck +ringsail +ringside +ringsider +ringster +ringtail +ringtaw +ringtime +ringtoss +ringwalk +ringwall +ringwise +ringworm +ringy +rink +rinka +rinker +rinkite +rinncefada +rinneite +rinner +rinsable +rinse +rinser +rinsing +rinthereout +rintherout +Rio +rio +riot +rioter +rioting +riotingly +riotist +riotistic +riotocracy +riotous +riotously +riotousness +riotproof +riotry +rip +ripa +ripal +riparial +riparian +Riparii +riparious +ripcord +ripe +ripelike +ripely +ripen +ripener +ripeness +ripening +ripeningly +riper +ripgut +ripicolous +ripidolite +ripienist +ripieno +ripier +ripost +riposte +rippable +ripper +ripperman +rippet +rippier +ripping +rippingly +rippingness +rippit +ripple +rippleless +rippler +ripplet +rippling +ripplingly +ripply +rippon +riprap +riprapping +ripsack +ripsaw +ripsnorter +ripsnorting +Ripuarian +ripup +riroriro +risala +risberm +rise +risen +riser +rishi +rishtadar +risibility +risible +risibleness +risibles +risibly +rising +risk +risker +riskful +riskfulness +riskily +riskiness +riskish +riskless +riskproof +risky +risorial +risorius +risp +risper +risque +risquee +Riss +rissel +risser +Rissian +rissle +Rissoa +rissoid +Rissoidae +rist +ristori +rit +Rita +rita +Ritalynne +ritardando +Ritchey +rite +riteless +ritelessness +ritling +ritornel +ritornelle +ritornello +Ritschlian +Ritschlianism +rittingerite +ritual +ritualism +ritualist +ritualistic +ritualistically +rituality +ritualize +ritualless +ritually +ritzy +riva +rivage +rival +rivalable +rivaless +rivalism +rivality +rivalize +rivalless +rivalrous +rivalry +rivalship +rive +rivel +rivell +riven +river +riverain +riverbank +riverbush +riverdamp +rivered +riverhead +riverhood +riverine +riverish +riverless +riverlet +riverlike +riverling +riverly +riverman +riverscape +riverside +riversider +riverward +riverwards +riverwash +riverway +riverweed +riverwise +rivery +rivet +riveter +rivethead +riveting +rivetless +rivetlike +Rivina +riving +rivingly +Rivinian +rivose +Rivularia +Rivulariaceae +rivulariaceous +rivulation +rivulet +rivulose +rix +rixatrix +rixy +riyal +riziform +rizzar +rizzle +rizzom +rizzomed +rizzonite +Ro +roach +roachback +road +roadability +roadable +roadbed +roadblock +roadbook +roadcraft +roaded +roader +roadfellow +roadhead +roadhouse +roading +roadite +roadless +roadlessness +roadlike +roadman +roadmaster +roadside +roadsider +roadsman +roadstead +roadster +roadstone +roadtrack +roadway +roadweed +roadwise +roadworthiness +roadworthy +roam +roamage +roamer +roaming +roamingly +roan +roanoke +roar +roarer +roaring +roaringly +roast +roastable +roaster +roasting +roastingly +Rob +rob +robalito +robalo +roband +robber +robberproof +robbery +Robbin +robbin +robbing +robe +robeless +Robenhausian +rober +roberd +Roberdsman +Robert +Roberta +Roberto +Robigalia +Robigus +Robin +robin +robinet +robing +Robinia +robinin +robinoside +roble +robomb +roborant +roborate +roboration +roborative +roborean +roboreous +robot +robotesque +robotian +robotism +robotistic +robotization +robotize +robotlike +robotry +robur +roburite +robust +robustful +robustfully +robustfulness +robustic +robusticity +robustious +robustiously +robustiousness +robustity +robustly +robustness +roc +rocambole +Roccella +Roccellaceae +roccellic +roccellin +roccelline +Rochea +rochelime +Rochelle +rocher +rochet +rocheted +rock +rockable +rockably +rockaby +rockabye +rockallite +Rockaway +rockaway +rockbell +rockberry +rockbird +rockborn +rockbrush +rockcist +rockcraft +rockelay +rocker +rockery +rocket +rocketeer +rocketer +rocketlike +rocketor +rocketry +rockety +rockfall +rockfish +rockfoil +rockhair +rockhearted +Rockies +rockiness +rocking +rockingly +rockish +rocklay +rockless +rocklet +rocklike +rockling +rockman +rockrose +rockshaft +rockslide +rockstaff +rocktree +rockward +rockwards +rockweed +rockwood +rockwork +rocky +rococo +Rocouyenne +rocta +Rod +rod +rodd +roddikin +roddin +rodding +rode +Rodent +rodent +Rodentia +rodential +rodentially +rodentian +rodenticidal +rodenticide +rodentproof +rodeo +Roderic +Roderick +rodge +Rodger +rodham +Rodinal +Rodinesque +roding +rodingite +rodknight +rodless +rodlet +rodlike +rodmaker +rodman +Rodney +rodney +Rodolph +Rodolphus +rodomont +rodomontade +rodomontadist +rodomontador +rodsman +rodster +rodwood +roe +roeblingite +roebuck +roed +roelike +roentgen +roentgenism +roentgenization +roentgenize +roentgenogram +roentgenograph +roentgenographic +roentgenographically +roentgenography +roentgenologic +roentgenological +roentgenologically +roentgenologist +roentgenology +roentgenometer +roentgenometry +roentgenoscope +roentgenoscopic +roentgenoscopy +roentgenotherapy +roentgentherapy +roer +roestone +roey +rog +rogan +rogation +Rogationtide +rogative +rogatory +Roger +roger +Rogero +rogersite +roggle +Rogue +rogue +roguedom +rogueling +roguery +rogueship +roguing +roguish +roguishly +roguishness +rohan +Rohilla +rohob +rohun +rohuna +roi +roid +roil +roily +Roist +roister +roisterer +roistering +roisteringly +roisterly +roisterous +roisterously +roit +Rok +roka +roke +rokeage +rokee +rokelay +roker +rokey +roky +Roland +Rolandic +role +roleo +Rolf +Rolfe +roll +rollable +rollback +rolled +rollejee +roller +rollerer +rollermaker +rollermaking +rollerman +rollerskater +rollerskating +rolley +rolleyway +rolleywayman +rolliche +rollichie +rollick +rollicker +rollicking +rollickingly +rollickingness +rollicksome +rollicksomeness +rollicky +rolling +rollingly +Rollinia +rollix +rollmop +Rollo +rollock +rollway +roloway +Romaean +Romagnese +Romagnol +Romagnole +Romaic +romaika +Romain +romaine +Romaji +romal +Roman +Romance +romance +romancealist +romancean +romanceful +romanceish +romanceishness +romanceless +romancelet +romancelike +romancemonger +romanceproof +romancer +romanceress +romancical +romancing +romancist +romancy +Romandom +Romane +Romanes +Romanese +Romanesque +Romanhood +Romanian +Romanic +Romaniform +Romanish +Romanism +Romanist +Romanistic +Romanite +Romanity +romanium +Romanization +Romanize +Romanizer +Romanly +Romansch +Romansh +romantic +romantical +romanticalism +romanticality +romantically +romanticalness +romanticism +romanticist +romanticistic +romanticity +romanticize +romanticly +romanticness +romantism +romantist +Romany +romanza +romaunt +rombos +rombowline +Rome +romeite +Romeo +romerillo +romero +Romescot +Romeshot +Romeward +Romewards +Romic +Romipetal +Romish +Romishly +Romishness +rommack +Rommany +Romney +Romneya +romp +romper +romping +rompingly +rompish +rompishly +rompishness +rompu +rompy +Romulian +Romulus +Ron +Ronald +roncador +Roncaglian +roncet +ronco +rond +rondache +rondacher +rondawel +ronde +rondeau +rondel +rondelet +Rondeletia +rondelier +rondelle +rondellier +rondino +rondle +rondo +rondoletto +rondure +rone +Rong +Ronga +rongeur +Ronni +ronquil +Ronsardian +Ronsardism +Ronsardist +Ronsardize +Ronsdorfer +Ronsdorfian +rontgen +ronyon +rood +roodebok +roodle +roodstone +roof +roofage +roofer +roofing +roofless +rooflet +rooflike +roofman +rooftree +roofward +roofwise +roofy +rooibok +rooinek +rook +rooker +rookeried +rookery +rookie +rookish +rooklet +rooklike +rooky +rool +room +roomage +roomed +roomer +roomful +roomie +roomily +roominess +roomkeeper +roomless +roomlet +roommate +roomstead +roomth +roomthily +roomthiness +roomthy +roomward +roomy +roon +roorback +roosa +Roosevelt +Rooseveltian +roost +roosted +rooster +roosterfish +roosterhood +roosterless +roosters +roostership +Root +root +rootage +rootcap +rooted +rootedly +rootedness +rooter +rootery +rootfast +rootfastness +roothold +rootiness +rootle +rootless +rootlessness +rootlet +rootlike +rootling +rootstalk +rootstock +rootwalt +rootward +rootwise +rootworm +rooty +roove +ropable +rope +ropeable +ropeband +ropebark +ropedance +ropedancer +ropedancing +ropelayer +ropelaying +ropelike +ropemaker +ropemaking +ropeman +roper +roperipe +ropery +ropes +ropesmith +ropetrick +ropewalk +ropewalker +ropeway +ropework +ropily +ropiness +roping +ropish +ropishness +ropp +ropy +roque +roquelaure +roquer +roquet +roquette +roquist +roral +roratorio +Rori +roric +Roridula +Roridulaceae +roriferous +rorifluent +Roripa +Rorippa +roritorious +rorqual +rorty +rorulent +rory +Rosa +Rosabel +Rosabella +Rosaceae +rosacean +rosaceous +rosal +Rosales +Rosalia +Rosalie +Rosalind +Rosaline +Rosamond +rosanilin +rosaniline +rosarian +rosario +rosarium +rosaruby +rosary +rosated +Roschach +roscherite +roscid +roscoelite +rose +roseal +roseate +roseately +rosebay +rosebud +rosebush +rosed +rosedrop +rosefish +rosehead +rosehill +rosehiller +roseine +rosel +roseless +roselet +roselike +roselite +rosella +rosellate +roselle +Rosellinia +rosemary +Rosenbergia +rosenbuschite +roseola +roseolar +roseoliform +roseolous +roseous +roseroot +rosery +roset +rosetan +rosetangle +rosetime +Rosetta +rosette +rosetted +rosetty +rosetum +rosety +roseways +rosewise +rosewood +rosewort +Rosicrucian +Rosicrucianism +rosied +rosier +rosieresite +rosilla +rosillo +rosily +rosin +rosinate +rosinduline +Rosine +rosiness +rosinous +rosinweed +rosinwood +rosiny +rosland +rosmarine +Rosmarinus +Rosminian +Rosminianism +rosoli +rosolic +rosolio +rosolite +rosorial +Ross +ross +rosser +rossite +rostel +rostellar +Rostellaria +rostellarian +rostellate +rostelliform +rostellum +roster +rostra +rostral +rostrally +rostrate +rostrated +rostriferous +rostriform +rostroantennary +rostrobranchial +rostrocarinate +rostrocaudal +rostroid +rostrolateral +rostrular +rostrulate +rostrulum +rostrum +rosular +rosulate +rosy +rot +rota +rotacism +Rotal +rotal +Rotala +Rotalia +rotalian +rotaliform +rotaliiform +rotaman +rotameter +rotan +Rotanev +rotang +Rotarian +Rotarianism +rotarianize +Rotary +rotary +rotascope +rotatable +rotate +rotated +rotating +rotation +rotational +rotative +rotatively +rotativism +rotatodentate +rotatoplane +rotator +Rotatoria +rotatorian +rotatory +rotch +rote +rotella +rotenone +roter +rotge +rotgut +rother +rothermuck +rotifer +Rotifera +rotiferal +rotiferan +rotiferous +rotiform +rotisserie +roto +rotograph +rotogravure +rotor +rotorcraft +rotproof +Rotse +rottan +rotten +rottenish +rottenly +rottenness +rottenstone +rotter +rotting +rottle +rottlera +rottlerin +rottock +rottolo +rotula +rotulad +rotular +rotulet +rotulian +rotuliform +rotulus +rotund +rotunda +rotundate +rotundifoliate +rotundifolious +rotundiform +rotundify +rotundity +rotundly +rotundness +rotundo +rotundotetragonal +roub +roucou +roud +roue +rouelle +rouge +rougeau +rougeberry +rougelike +rougemontite +rougeot +rough +roughage +roughcast +roughcaster +roughdraft +roughdraw +roughdress +roughdry +roughen +roughener +rougher +roughet +roughhearted +roughheartedness +roughhew +roughhewer +roughhewn +roughhouse +roughhouser +roughhousing +roughhousy +roughie +roughing +roughings +roughish +roughishly +roughishness +roughleg +roughly +roughness +roughometer +roughride +roughrider +roughroot +roughscuff +roughsetter +roughshod +roughslant +roughsome +roughstring +roughstuff +roughtail +roughtailed +roughwork +roughwrought +roughy +rougy +rouille +rouky +roulade +rouleau +roulette +Rouman +Roumeliote +roun +rounce +rounceval +rouncy +round +roundabout +roundaboutly +roundaboutness +rounded +roundedly +roundedness +roundel +roundelay +roundeleer +rounder +roundfish +roundhead +roundheaded +roundheadedness +roundhouse +rounding +roundish +roundishness +roundlet +roundline +roundly +roundmouthed +roundness +roundnose +roundnosed +roundridge +roundseam +roundsman +roundtail +roundtop +roundtree +roundup +roundwise +roundwood +roundworm +roundy +roup +rouper +roupet +roupily +roupingwife +roupit +roupy +rouse +rouseabout +rousedness +rousement +rouser +rousing +rousingly +Rousseau +Rousseauan +Rousseauism +Rousseauist +Rousseauistic +Rousseauite +Roussellian +roussette +Roussillon +roust +roustabout +rouster +rousting +rout +route +router +routh +routhercock +routhie +routhiness +routhy +routinary +routine +routineer +routinely +routing +routinish +routinism +routinist +routinization +routinize +routivarite +routous +routously +rouvillite +rove +rover +rovet +rovetto +roving +rovingly +rovingness +row +rowable +rowan +rowanberry +rowboat +rowdily +rowdiness +rowdy +rowdydow +rowdydowdy +rowdyish +rowdyishly +rowdyishness +rowdyism +rowdyproof +rowed +rowel +rowelhead +rowen +Rowena +rower +rowet +rowiness +rowing +Rowland +rowlandite +Rowleian +rowlet +Rowley +Rowleyan +rowlock +rowport +rowty +rowy +rox +Roxana +Roxane +Roxanne +Roxburgh +Roxburghiaceae +Roxbury +Roxie +Roxolani +Roxy +roxy +Roy +royal +royale +royalet +royalism +royalist +royalization +royalize +royally +royalty +Royena +royet +royetness +royetous +royetously +Roystonea +royt +rozum +Rua +ruach +ruana +rub +rubasse +rubato +rubbed +rubber +rubberer +rubberize +rubberless +rubberneck +rubbernecker +rubbernose +rubbers +rubberstone +rubberwise +rubbery +rubbing +rubbingstone +rubbish +rubbishing +rubbishingly +rubbishly +rubbishry +rubbishy +rubble +rubbler +rubblestone +rubblework +rubbly +rubdown +Rube +rubedinous +rubedity +rubefacient +rubefaction +rubelet +rubella +rubelle +rubellite +rubellosis +Rubensian +rubeola +rubeolar +rubeoloid +ruberythric +ruberythrinic +rubescence +rubescent +Rubia +Rubiaceae +rubiaceous +Rubiales +rubianic +rubiate +rubiator +rubican +rubicelle +Rubicola +Rubicon +rubiconed +rubicund +rubicundity +rubidic +rubidine +rubidium +rubied +rubific +rubification +rubificative +rubify +rubiginous +rubijervine +rubine +rubineous +rubious +ruble +rublis +rubor +rubric +rubrica +rubrical +rubricality +rubrically +rubricate +rubrication +rubricator +rubrician +rubricism +rubricist +rubricity +rubricize +rubricose +rubrific +rubrification +rubrify +rubrisher +rubrospinal +rubstone +Rubus +ruby +rubylike +rubytail +rubythroat +rubywise +rucervine +Rucervus +Ruchbah +ruche +ruching +ruck +rucker +ruckle +ruckling +rucksack +rucksey +ruckus +rucky +ructation +ruction +rud +rudas +Rudbeckia +rudd +rudder +rudderhead +rudderhole +rudderless +rudderlike +rudderpost +rudderstock +ruddied +ruddily +ruddiness +ruddle +ruddleman +ruddock +ruddy +ruddyish +rude +rudely +rudeness +rudented +rudenture +ruderal +rudesby +Rudesheimer +rudge +rudiment +rudimental +rudimentarily +rudimentariness +rudimentary +rudimentation +rudish +Rudista +Rudistae +rudistan +rudistid +rudity +Rudmasday +Rudolf +Rudolph +Rudolphus +Rudy +rue +rueful +ruefully +ruefulness +ruelike +ruelle +Ruellia +ruen +ruer +ruesome +ruesomeness +ruewort +rufescence +rufescent +ruff +ruffable +ruffed +ruffer +ruffian +ruffianage +ruffiandom +ruffianhood +ruffianish +ruffianism +ruffianize +ruffianlike +ruffianly +ruffiano +ruffin +ruffle +ruffled +ruffleless +rufflement +ruffler +rufflike +ruffliness +ruffling +ruffly +ruficarpous +ruficaudate +ruficoccin +ruficornate +rufigallic +rufoferruginous +rufofulvous +rufofuscous +rufopiceous +rufotestaceous +rufous +rufter +rufulous +Rufus +rufus +rug +ruga +rugate +Rugbeian +Rugby +rugged +ruggedly +ruggedness +Rugger +rugging +ruggle +ruggy +rugheaded +ruglike +rugmaker +rugmaking +Rugosa +rugosa +rugose +rugosely +rugosity +rugous +rugulose +ruin +ruinable +ruinate +ruination +ruinatious +ruinator +ruined +ruiner +ruing +ruiniform +ruinlike +ruinous +ruinously +ruinousness +ruinproof +Rukbat +rukh +rulable +Rulander +rule +ruledom +ruleless +rulemonger +ruler +rulership +ruling +rulingly +rull +ruller +rullion +Rum +rum +rumal +Ruman +Rumanian +rumbelow +rumble +rumblegarie +rumblegumption +rumblement +rumbler +rumbling +rumblingly +rumbly +rumbo +rumbooze +rumbowline +rumbowling +rumbullion +rumbumptious +rumbustical +rumbustious +rumbustiousness +rumchunder +Rumelian +rumen +rumenitis +rumenocentesis +rumenotomy +Rumex +rumfustian +rumgumption +rumgumptious +ruminal +ruminant +Ruminantia +ruminantly +ruminate +ruminating +ruminatingly +rumination +ruminative +ruminatively +ruminator +rumkin +rumless +rumly +rummage +rummager +rummagy +rummer +rummily +rumminess +rummish +rummy +rumness +rumney +rumor +rumorer +rumormonger +rumorous +rumorproof +rumourmonger +rump +rumpad +rumpadder +rumpade +Rumper +rumple +rumpless +rumply +rumpscuttle +rumpuncheon +rumpus +rumrunner +rumrunning +rumshop +rumswizzle +rumtytoo +run +runabout +runagate +runaround +runaway +runback +runboard +runby +runch +runchweed +runcinate +rundale +Rundi +rundle +rundlet +rune +runecraft +runed +runefolk +runeless +runelike +runer +runesmith +runestaff +runeword +runfish +rung +runghead +rungless +runholder +runic +runically +runiform +runite +runkeeper +runkle +runkly +runless +runlet +runman +runnable +runnel +runner +runnet +running +runningly +runny +runoff +runologist +runology +runout +runover +runproof +runrig +runround +runt +runted +runtee +runtiness +runtish +runtishly +runtishness +runty +runway +rupa +rupee +Rupert +rupestral +rupestrian +rupestrine +rupia +rupiah +rupial +Rupicapra +Rupicaprinae +rupicaprine +Rupicola +Rupicolinae +rupicoline +rupicolous +rupie +rupitic +Ruppia +ruptile +ruption +ruptive +ruptuary +rupturable +rupture +ruptured +rupturewort +rural +ruralism +ruralist +ruralite +rurality +ruralization +ruralize +rurally +ruralness +rurban +ruridecanal +rurigenous +Ruritania +Ruritanian +ruru +Rus +Rusa +Ruscus +ruse +rush +rushbush +rushed +rushen +rusher +rushiness +rushing +rushingly +rushingness +rushland +rushlight +rushlighted +rushlike +rushlit +rushy +Rusin +rusine +rusk +ruskin +Ruskinian +rusky +rusma +rusot +ruspone +Russ +russel +Russelia +Russell +Russellite +Russene +russet +russeting +russetish +russetlike +russety +Russia +russia +Russian +Russianism +Russianist +Russianization +Russianize +Russification +Russificator +Russifier +Russify +Russine +Russism +Russniak +Russolatrous +Russolatry +Russomania +Russomaniac +Russomaniacal +Russophile +Russophilism +Russophilist +Russophobe +Russophobia +Russophobiac +Russophobism +Russophobist +russud +Russula +rust +rustable +rustful +rustic +rustical +rustically +rusticalness +rusticate +rustication +rusticator +rusticial +rusticism +rusticity +rusticize +rusticly +rusticness +rusticoat +rustily +rustiness +rustle +rustler +rustless +rustling +rustlingly +rustlingness +rustly +rustproof +rustre +rustred +Rusty +rusty +rustyback +rustyish +ruswut +rut +Ruta +rutabaga +Rutaceae +rutaceous +rutaecarpine +rutate +rutch +rutelian +Rutelinae +Ruth +ruth +ruthenate +Ruthene +Ruthenian +ruthenic +ruthenious +ruthenium +ruthenous +ruther +rutherford +rutherfordine +rutherfordite +ruthful +ruthfully +ruthfulness +ruthless +ruthlessly +ruthlessness +rutic +rutidosis +rutilant +rutilated +rutile +rutilous +rutin +rutinose +Rutiodon +ruttee +rutter +ruttiness +ruttish +ruttishly +ruttishness +rutty +Rutuli +rutyl +rutylene +ruvid +rux +rvulsant +ryal +ryania +rybat +ryder +rye +ryen +Rymandra +ryme +Rynchospora +rynchosporous +rynd +rynt +ryot +ryotwar +ryotwari +rype +rypeck +rytidosis +Rytina +Ryukyu +S +s +sa +saa +Saad +Saan +Saarbrucken +sab +Saba +sabadilla +sabadine +sabadinine +Sabaean +Sabaeanism +Sabaeism +sabaigrass +Sabaism +Sabaist +Sabal +Sabalaceae +sabalo +Saban +sabanut +Sabaoth +Sabathikos +Sabazian +Sabazianism +Sabazios +sabbat +Sabbatarian +Sabbatarianism +Sabbatary +Sabbatean +Sabbath +sabbath +Sabbathaian +Sabbathaic +Sabbathaist +Sabbathbreaker +Sabbathbreaking +Sabbathism +Sabbathize +Sabbathkeeper +Sabbathkeeping +Sabbathless +Sabbathlike +Sabbathly +Sabbatia +sabbatia +Sabbatian +Sabbatic +sabbatic +Sabbatical +sabbatical +Sabbatically +Sabbaticalness +sabbatine +sabbatism +Sabbatist +Sabbatization +Sabbatize +sabbaton +sabbitha +sabdariffa +sabe +sabeca +Sabella +sabella +sabellan +Sabellaria +sabellarian +Sabelli +Sabellian +Sabellianism +Sabellianize +sabellid +Sabellidae +sabelloid +saber +saberbill +sabered +saberleg +saberlike +saberproof +sabertooth +saberwing +Sabia +Sabiaceae +sabiaceous +Sabian +Sabianism +sabicu +Sabik +Sabina +sabina +Sabine +sabine +Sabinian +sabino +Sabir +sable +sablefish +sableness +sably +sabora +saboraim +sabot +sabotage +saboted +saboteur +sabotine +Sabra +sabra +sabretache +Sabrina +Sabromin +sabromin +Sabuja +sabuline +sabulite +sabulose +sabulosity +sabulous +sabulum +saburra +saburral +saburration +sabutan +sabzi +Sac +sac +Sacae +sacalait +sacaline +sacaton +sacatra +sacbrood +saccade +saccadic +Saccammina +saccate +saccated +Saccha +saccharamide +saccharase +saccharate +saccharated +saccharephidrosis +saccharic +saccharide +sacchariferous +saccharification +saccharifier +saccharify +saccharilla +saccharimeter +saccharimetric +saccharimetrical +saccharimetry +saccharin +saccharinate +saccharinated +saccharine +saccharineish +saccharinely +saccharinic +saccharinity +saccharization +saccharize +saccharobacillus +saccharobiose +saccharobutyric +saccharoceptive +saccharoceptor +saccharochemotropic +saccharocolloid +saccharofarinaceous +saccharogalactorrhea +saccharogenic +saccharohumic +saccharoid +saccharoidal +saccharolactonic +saccharolytic +saccharometabolic +saccharometabolism +saccharometer +saccharometric +saccharometry +saccharomucilaginous +Saccharomyces +saccharomyces +Saccharomycetaceae +saccharomycetaceous +Saccharomycetales +saccharomycete +Saccharomycetes +saccharomycetic +saccharomycosis +saccharon +saccharonate +saccharone +saccharonic +saccharophylly +saccharorrhea +saccharoscope +saccharose +saccharostarchy +saccharosuria +saccharotriose +saccharous +saccharulmic +saccharulmin +Saccharum +saccharum +saccharuria +sacciferous +sacciform +Saccobranchiata +saccobranchiate +Saccobranchus +saccoderm +Saccolabium +saccolabium +saccomyian +saccomyid +Saccomyidae +Saccomyina +saccomyine +saccomyoid +Saccomyoidea +saccomyoidean +Saccomys +Saccopharyngidae +Saccopharynx +Saccorhiza +saccos +saccular +sacculate +sacculated +sacculation +saccule +Sacculina +sacculoutricular +sacculus +saccus +sacellum +sacerdocy +sacerdotage +sacerdotal +sacerdotalism +sacerdotalist +sacerdotalize +sacerdotally +sacerdotical +sacerdotism +sachamaker +sachem +sachemdom +sachemic +sachemship +sachet +Sacheverell +Sacian +sack +sackage +sackamaker +sackbag +sackbut +sackcloth +sackclothed +sackdoudle +sacked +sacken +sacker +sackful +sacking +sackless +sacklike +sackmaker +sackmaking +sackman +sacktime +saclike +saco +sacope +sacque +sacra +sacrad +sacral +sacralgia +sacralization +sacrament +sacramental +sacramentalism +sacramentalist +sacramentality +sacramentally +sacramentalness +Sacramentarian +sacramentarian +sacramentarianism +sacramentarist +Sacramentary +sacramentary +sacramenter +sacramentism +sacramentize +Sacramento +sacramentum +sacraria +sacrarial +sacrarium +sacrectomy +sacred +sacredly +sacredness +sacrificable +sacrificant +Sacrificati +sacrification +sacrificator +sacrificatory +sacrificature +sacrifice +sacrificer +sacrificial +sacrificially +sacrificing +sacrilege +sacrileger +sacrilegious +sacrilegiously +sacrilegiousness +sacrilegist +sacrilumbal +sacrilumbalis +sacring +Sacripant +sacrist +sacristan +sacristy +sacro +sacrocaudal +sacrococcygeal +sacrococcygean +sacrococcygeus +sacrococcyx +sacrocostal +sacrocotyloid +sacrocotyloidean +sacrocoxalgia +sacrocoxitis +sacrodorsal +sacrodynia +sacrofemoral +sacroiliac +sacroinguinal +sacroischiac +sacroischiadic +sacroischiatic +sacrolumbal +sacrolumbalis +sacrolumbar +sacropectineal +sacroperineal +sacropictorial +sacroposterior +sacropubic +sacrorectal +sacrosanct +sacrosanctity +sacrosanctness +sacrosciatic +sacrosecular +sacrospinal +sacrospinalis +sacrospinous +sacrotomy +sacrotuberous +sacrovertebral +sacrum +sad +Sadachbia +Sadalmelik +Sadalsuud +sadden +saddening +saddeningly +saddik +saddirham +saddish +saddle +saddleback +saddlebag +saddlebow +saddlecloth +saddled +saddleleaf +saddleless +saddlelike +saddlenose +saddler +saddlery +saddlesick +saddlesore +saddlesoreness +saddlestead +saddletree +saddlewise +saddling +Sadducaic +Sadducean +Sadducee +Sadduceeism +Sadduceeist +Sadducism +Sadducize +sade +sadh +sadhe +sadhearted +sadhu +sadic +Sadie +sadiron +sadism +sadist +sadistic +sadistically +Sadite +sadly +sadness +sado +sadomasochism +Sadr +sadr +saecula +saeculum +Saeima +saernaite +saeter +saeume +Safar +safari +Safavi +Safawid +safe +safeblower +safeblowing +safebreaker +safebreaking +safecracking +safeguard +safeguarder +safehold +safekeeper +safekeeping +safelight +safely +safemaker +safemaking +safen +safener +safeness +safety +Saffarian +Saffarid +saffian +safflor +safflorite +safflow +safflower +saffron +saffroned +saffrontree +saffronwood +saffrony +Safi +Safine +Safini +safranin +safranine +safranophile +safrole +saft +sag +saga +sagaciate +sagacious +sagaciously +sagaciousness +sagacity +Sagai +sagaie +sagaman +sagamite +sagamore +sagapenum +sagathy +sage +sagebrush +sagebrusher +sagebush +sageleaf +sagely +sagene +sageness +sagenite +sagenitic +Sageretia +sagerose +sageship +sagewood +sagger +sagging +saggon +saggy +saghavart +Sagina +saginate +sagination +saging +Sagitarii +sagitta +sagittal +sagittally +Sagittaria +Sagittariid +Sagittarius +sagittarius +Sagittary +sagittary +sagittate +Sagittid +sagittiferous +sagittiform +sagittocyst +sagittoid +sagless +sago +sagoin +sagolike +Sagra +saguaro +Saguerus +sagum +saguran +sagvandite +sagwire +sagy +sah +Sahadeva +Sahaptin +Sahara +Saharan +Saharian +Saharic +sahh +sahib +Sahibah +Sahidic +sahme +Saho +sahoukar +sahukar +sai +saic +said +Saidi +Saify +saiga +Saiid +sail +sailable +sailage +sailboat +sailcloth +sailed +sailer +sailfish +sailflying +sailing +sailingly +sailless +sailmaker +sailmaking +sailor +sailoring +sailorizing +sailorless +sailorlike +sailorly +sailorman +sailorproof +sailplane +sailship +sailsman +saily +saim +saimiri +saimy +sain +Sainfoin +saint +saintdom +sainted +saintess +sainthood +saintish +saintism +saintless +saintlike +saintlily +saintliness +saintling +saintly +saintologist +saintology +Saintpaulia +saintship +saip +Saiph +sair +sairly +sairve +sairy +Saite +saithe +Saitic +Saiva +Saivism +saj +sajou +Sak +Saka +Sakai +Sakalava +sake +sakeber +sakeen +Sakel +Sakelarides +Sakell +Sakellaridis +saker +sakeret +Sakha +saki +sakieh +Sakkara +Saktism +sakulya +Sakyamuni +Sal +sal +salaam +salaamlike +salability +salable +salableness +salably +salaceta +salacious +salaciously +salaciousness +salacity +salacot +salad +salading +salago +salagrama +salal +salamandarin +salamander +salamanderlike +Salamandra +salamandrian +Salamandridae +salamandriform +Salamandrina +salamandrine +salamandroid +salambao +Salaminian +salamo +salampore +salangane +salangid +Salangidae +Salar +salar +salariat +salaried +salary +salaryless +salat +salay +sale +salegoer +salele +salema +salenixon +salep +saleratus +saleroom +salesclerk +Salesian +saleslady +salesman +salesmanship +salespeople +salesperson +salesroom +saleswoman +salework +saleyard +salfern +Salian +Saliaric +Salic +salic +Salicaceae +salicaceous +Salicales +Salicariaceae +salicetum +salicin +salicional +salicorn +Salicornia +salicyl +salicylal +salicylaldehyde +salicylamide +salicylanilide +salicylase +salicylate +salicylic +salicylide +salicylidene +salicylism +salicylize +salicylous +salicyluric +salicylyl +salience +salient +Salientia +salientian +saliently +saliferous +salifiable +salification +salify +saligenin +saligot +salimeter +salimetry +Salina +salina +Salinan +salination +saline +Salinella +salinelle +salineness +saliniferous +salinification +saliniform +salinity +salinize +salinometer +salinometry +salinosulphureous +salinoterreous +Salisburia +Salish +Salishan +salite +salited +Saliva +saliva +salival +Salivan +salivant +salivary +salivate +salivation +salivator +salivatory +salivous +Salix +salix +salle +sallee +salleeman +sallenders +sallet +sallier +salloo +sallow +sallowish +sallowness +sallowy +Sally +sally +Sallybloom +sallyman +sallywood +Salm +salma +salmagundi +salmiac +salmine +salmis +Salmo +Salmon +salmon +salmonberry +Salmonella +salmonella +salmonellae +salmonellosis +salmonet +salmonid +Salmonidae +salmoniform +salmonlike +salmonoid +Salmonoidea +Salmonoidei +salmonsite +salmwood +salnatron +Salol +salol +Salome +salometer +salometry +salomon +Salomonia +Salomonian +Salomonic +salon +saloon +saloonist +saloonkeeper +saloop +Salopian +salopian +salp +Salpa +salpa +salpacean +salpian +salpicon +Salpidae +salpiform +Salpiglossis +salpiglossis +salpingectomy +salpingemphraxis +salpinges +salpingian +salpingion +salpingitic +salpingitis +salpingocatheterism +salpingocele +salpingocyesis +salpingomalleus +salpingonasal +salpingopalatal +salpingopalatine +salpingoperitonitis +salpingopexy +salpingopharyngeal +salpingopharyngeus +salpingopterygoid +salpingorrhaphy +salpingoscope +salpingostaphyline +salpingostenochoria +salpingostomatomy +salpingostomy +salpingotomy +salpinx +salpoid +salse +salsifis +salsify +salsilla +Salsola +Salsolaceae +salsolaceous +salsuginous +salt +salta +saltant +saltarella +saltarello +saltary +saltate +saltation +saltativeness +Saltator +saltator +Saltatoria +saltatorial +saltatorian +saltatoric +saltatorious +saltatory +saltbush +saltcat +saltcatch +saltcellar +salted +saltee +salten +salter +saltern +saltery +saltfat +saltfoot +salthouse +saltier +saltierra +saltierwise +Saltigradae +saltigrade +saltimbanco +saltimbank +saltimbankery +saltine +saltiness +salting +saltish +saltishly +saltishness +saltless +saltlessness +saltly +saltmaker +saltmaking +saltman +saltmouth +saltness +saltometer +saltorel +saltpan +saltpeter +saltpetrous +saltpond +saltspoon +saltspoonful +saltsprinkler +saltus +saltweed +saltwife +saltworker +saltworks +saltwort +salty +salubrify +salubrious +salubriously +salubriousness +salubrity +saluki +salung +salutarily +salutariness +salutary +salutation +salutational +salutationless +salutatious +salutatorian +salutatorily +salutatorium +salutatory +salute +saluter +salutiferous +salutiferously +Salva +salvability +salvable +salvableness +salvably +Salvadora +salvadora +Salvadoraceae +salvadoraceous +Salvadoran +Salvadorian +salvage +salvageable +salvagee +salvageproof +salvager +salvaging +Salvarsan +salvarsan +salvatella +salvation +salvational +salvationism +salvationist +salvatory +salve +salveline +Salvelinus +salver +salverform +Salvia +salvianin +salvific +salvifical +salvifically +Salvinia +Salviniaceae +salviniaceous +Salviniales +salviol +salvo +salvor +salvy +Salwey +salzfelle +Sam +sam +Samadera +samadh +samadhi +samaj +Samal +saman +Samandura +Samani +Samanid +Samantha +samara +samaria +samariform +Samaritan +Samaritaness +Samaritanism +samarium +Samarkand +samaroid +samarra +samarskite +Samas +samba +Sambal +sambal +sambaqui +sambar +Sambara +Sambathe +sambhogakaya +Sambo +sambo +Sambucaceae +Sambucus +sambuk +sambuke +sambunigrin +Samburu +same +samekh +samel +sameliness +samely +samen +sameness +samesome +Samgarnebo +samh +Samhain +samhita +Samian +samiel +Samir +samiresite +samiri +samisen +Samish +samite +samkara +samlet +sammel +sammer +sammier +Sammy +sammy +Samnani +Samnite +Samoan +Samogitian +samogonka +Samolus +Samosatenian +samothere +Samotherium +Samothracian +samovar +Samoyed +Samoyedic +samp +sampaguita +sampaloc +sampan +samphire +sampi +sample +sampleman +sampler +samplery +sampling +Sampsaean +Samsam +samsara +samshu +Samsien +samskara +Samson +samson +Samsoness +Samsonian +Samsonic +Samsonistic +samsonite +Samucan +Samucu +Samuel +samurai +Samydaceae +San +san +sanability +sanable +sanableness +sanai +Sanand +sanative +sanativeness +sanatoria +sanatorium +sanatory +Sanballat +sanbenito +Sanche +sancho +sanct +sancta +sanctanimity +sanctifiable +sanctifiableness +sanctifiably +sanctificate +sanctification +sanctified +sanctifiedly +sanctifier +sanctify +sanctifyingly +sanctilogy +sanctiloquent +sanctimonial +sanctimonious +sanctimoniously +sanctimoniousness +sanctimony +sanction +sanctionable +sanctionary +sanctionative +sanctioner +sanctionist +sanctionless +sanctionment +sanctitude +sanctity +sanctologist +Sanctology +sanctorium +sanctuaried +sanctuarize +sanctuary +sanctum +Sanctus +Sancy +sancyite +sand +sandak +sandal +sandaled +sandaliform +sandaling +sandalwood +sandalwort +sandan +sandarac +sandaracin +sandastros +Sandawe +sandbag +sandbagger +sandbank +sandbin +sandblast +sandboard +sandbox +sandboy +sandbur +sandclub +sandculture +sanded +Sandeep +Sandemanian +Sandemanianism +Sandemanism +Sander +sander +sanderling +sanders +sandfish +sandflower +sandglass +sandheat +sandhi +sandiferous +sandiness +sanding +Sandip +sandiver +sandix +sandlapper +sandless +sandlike +sandling +sandman +sandnatter +sandnecker +sandpaper +sandpaperer +sandpeep +sandpiper +sandproof +Sandra +sandrock +sandspit +sandspur +sandstay +sandstone +sandstorm +sandust +sandweed +sandweld +sandwich +sandwood +sandworm +sandwort +Sandy +sandy +sandyish +sane +sanely +saneness +Sanetch +Sanford +Sanforized +sang +sanga +Sangamon +sangar +sangaree +sangei +sanger +sangerbund +sangerfest +Sanggil +sangha +Sangho +Sangir +Sangirese +sanglant +sangley +Sangraal +sangreeroot +sangrel +sangsue +sanguicolous +sanguifacient +sanguiferous +sanguification +sanguifier +sanguifluous +sanguimotor +sanguimotory +sanguinaceous +Sanguinaria +sanguinarily +sanguinariness +sanguinary +sanguine +sanguineless +sanguinely +sanguineness +sanguineobilious +sanguineophlegmatic +sanguineous +sanguineousness +sanguineovascular +sanguinicolous +sanguiniferous +sanguinification +sanguinism +sanguinity +sanguinivorous +sanguinocholeric +sanguinolency +sanguinolent +sanguinopoietic +sanguinous +Sanguisorba +Sanguisorbaceae +sanguisuge +sanguisugent +sanguisugous +sanguivorous +Sanhedrim +Sanhedrin +Sanhedrist +Sanhita +sanicle +Sanicula +sanidine +sanidinic +sanidinite +sanies +sanification +sanify +sanious +sanipractic +sanitarian +sanitarily +sanitarist +sanitarium +sanitary +sanitate +sanitation +sanitationist +sanitist +sanitize +Sanity +sanity +sanjak +sanjakate +sanjakbeg +sanjakship +Sanjay +Sanjeev +Sanjib +sank +sankha +Sankhya +sannaite +Sannoisian +sannup +sannyasi +sannyasin +sanopurulent +sanoserous +Sanpoil +sans +Sansar +sansei +Sansevieria +sanshach +sansi +Sanskrit +Sanskritic +Sanskritist +Sanskritization +Sanskritize +sant +Santa +Santal +santal +Santalaceae +santalaceous +Santalales +Santali +santalic +santalin +santalol +Santalum +santalwood +santapee +Santee +santene +Santiago +santimi +santims +santir +Santo +Santolina +santon +santonica +santonin +santoninic +santorinite +Santos +sanukite +Sanvitalia +Sanyakoan +sao +Saoshyant +sap +sapa +sapajou +sapan +sapanwood +sapbush +sapek +Saperda +sapful +Sapharensian +saphead +sapheaded +sapheadedness +saphena +saphenal +saphenous +saphie +sapid +sapidity +sapidless +sapidness +sapience +sapiency +sapient +sapiential +sapientially +sapientize +sapiently +sapin +sapinda +Sapindaceae +sapindaceous +Sapindales +sapindaship +Sapindus +Sapium +sapiutan +saple +sapless +saplessness +sapling +saplinghood +sapo +sapodilla +sapogenin +saponaceous +saponaceousness +saponacity +Saponaria +saponarin +saponary +Saponi +saponifiable +saponification +saponifier +saponify +saponin +saponite +sapophoric +sapor +saporific +saporosity +saporous +Sapota +sapota +Sapotaceae +sapotaceous +sapote +sapotilha +sapotilla +sapotoxin +sappanwood +sappare +sapper +Sapphic +sapphic +sapphire +sapphireberry +sapphired +sapphirewing +sapphiric +sapphirine +Sapphism +Sapphist +Sappho +sappiness +sapping +sapples +sappy +sapremia +sapremic +saprine +saprocoll +saprodil +saprodontia +saprogenic +saprogenous +Saprolegnia +Saprolegniaceae +saprolegniaceous +Saprolegniales +saprolegnious +saprolite +saprolitic +sapropel +sapropelic +sapropelite +saprophagan +saprophagous +saprophile +saprophilous +saprophyte +saprophytic +saprophytically +saprophytism +saprostomous +saprozoic +sapsago +sapskull +sapsuck +sapsucker +sapucaia +sapucainha +sapwood +sapwort +Saqib +sar +Sara +saraad +sarabacan +Sarabaite +saraband +Saracen +Saracenian +Saracenic +Saracenical +Saracenism +Saracenlike +Sarada +saraf +Sarah +Sarakolet +Sarakolle +Saramaccaner +Saran +sarangi +sarangousty +Saratoga +Saratogan +Saravan +Sarawakese +sarawakite +Sarawan +sarbacane +sarbican +sarcasm +sarcasmproof +sarcast +sarcastic +sarcastical +sarcastically +sarcasticalness +sarcasticness +sarcelle +sarcenet +sarcilis +Sarcina +sarcine +sarcitis +sarcle +sarcler +sarcoadenoma +Sarcobatus +sarcoblast +sarcocarcinoma +sarcocarp +sarcocele +Sarcococca +Sarcocolla +sarcocollin +sarcocyst +Sarcocystidea +sarcocystidean +sarcocystidian +Sarcocystis +sarcocystoid +sarcocyte +sarcode +sarcoderm +Sarcodes +sarcodic +sarcodictyum +Sarcodina +sarcodous +sarcoenchondroma +sarcogenic +sarcogenous +sarcoglia +Sarcogyps +sarcoid +sarcolactic +sarcolemma +sarcolemmic +sarcolemmous +sarcoline +sarcolite +sarcologic +sarcological +sarcologist +sarcology +sarcolysis +sarcolyte +sarcolytic +sarcoma +sarcomatoid +sarcomatosis +sarcomatous +sarcomere +Sarcophaga +sarcophagal +sarcophagi +sarcophagic +sarcophagid +Sarcophagidae +sarcophagine +sarcophagize +sarcophagous +sarcophagus +sarcophagy +sarcophile +sarcophilous +Sarcophilus +sarcoplasm +sarcoplasma +sarcoplasmatic +sarcoplasmic +sarcoplast +sarcoplastic +sarcopoietic +Sarcopsylla +Sarcopsyllidae +Sarcoptes +sarcoptic +sarcoptid +Sarcoptidae +Sarcorhamphus +sarcosepsis +sarcosepta +sarcoseptum +sarcosine +sarcosis +sarcosoma +sarcosperm +sarcosporid +Sarcosporida +Sarcosporidia +sarcosporidial +sarcosporidian +sarcosporidiosis +sarcostosis +sarcostyle +sarcotheca +sarcotherapeutics +sarcotherapy +sarcotic +sarcous +Sarcura +Sard +sard +sardachate +Sardanapalian +Sardanapalus +sardel +Sardian +sardine +sardinewise +Sardinian +sardius +Sardoin +sardonic +sardonical +sardonically +sardonicism +sardonyx +sare +sargasso +Sargassum +sargassum +sargo +Sargonic +Sargonid +Sargonide +sargus +sari +sarif +Sarigue +sarigue +sarinda +sarip +sark +sarkar +sarkful +sarkical +sarkine +sarking +sarkinite +sarkit +sarkless +sarlak +sarlyk +Sarmatian +Sarmatic +sarmatier +sarment +sarmenta +sarmentaceous +sarmentiferous +sarmentose +sarmentous +sarmentum +sarna +sarod +saron +sarong +saronic +saronide +saros +Sarothamnus +Sarothra +sarothrum +sarpler +sarpo +sarra +Sarracenia +sarracenia +Sarraceniaceae +sarraceniaceous +sarracenial +Sarraceniales +sarraf +sarrazin +sarrusophone +sarrusophonist +sarsa +sarsaparilla +sarsaparillin +Sarsar +Sarsechim +sarsen +sarsenet +Sarsi +Sart +sart +sartage +sartain +Sartish +sartor +sartoriad +sartorial +sartorially +sartorian +sartorite +sartorius +Saruk +sarus +Sarvarthasiddha +sarwan +Sarzan +sasa +sasan +sasani +sasanqua +sash +sashay +sashery +sashing +sashless +sasin +sasine +saskatoon +sassaby +sassafac +sassafrack +sassafras +Sassak +Sassan +Sassanian +Sassanid +Sassanidae +Sassanide +Sassenach +sassolite +sassy +sassywood +Sastean +sat +satable +Satan +satan +Satanael +Satanas +satang +satanic +satanical +satanically +satanicalness +Satanism +Satanist +satanist +Satanistic +Satanity +satanize +Satanology +Satanophany +Satanophil +Satanophobia +Satanship +satara +satchel +satcheled +sate +sateen +sateenwood +sateless +satelles +satellitarian +satellite +satellited +satellitesimal +satellitian +satellitic +satellitious +satellitium +satellitoid +satellitory +satelloid +satiability +satiable +satiableness +satiably +satiate +satiation +Satieno +satient +satiety +satin +satinbush +satine +satined +satinette +satinfin +satinflower +satinite +satinity +satinize +satinleaf +satinlike +satinpod +satinwood +satiny +satire +satireproof +satiric +satirical +satirically +satiricalness +satirist +satirizable +satirize +satirizer +satisdation +satisdiction +satisfaction +satisfactional +satisfactionist +satisfactionless +satisfactive +satisfactorily +satisfactoriness +satisfactorious +satisfactory +satisfiable +satisfice +satisfied +satisfiedly +satisfiedness +satisfier +satisfy +satisfying +satisfyingly +satisfyingness +satispassion +satlijk +Satrae +satrap +satrapal +satrapess +satrapic +satrapical +satrapy +satron +Satsuma +sattle +sattva +satura +saturability +saturable +saturant +saturate +saturated +saturater +saturation +saturator +Saturday +Satureia +Saturn +Saturnal +Saturnale +Saturnalia +saturnalia +Saturnalian +saturnalian +Saturnia +Saturnian +saturnian +Saturnicentric +saturniid +Saturniidae +Saturnine +saturnine +saturninely +saturnineness +saturninity +saturnism +saturnity +saturnize +Saturnus +satyagrahi +satyashodak +satyr +satyresque +satyress +satyriasis +satyric +Satyridae +Satyrinae +satyrine +satyrion +satyrism +satyrlike +satyromaniac +sauce +sauceboat +saucebox +saucedish +sauceless +sauceline +saucemaker +saucemaking +sauceman +saucepan +sauceplate +saucer +saucerful +saucerleaf +saucerless +saucerlike +saucily +sauciness +saucy +Sauerbraten +sauerkraut +sauf +sauger +saugh +saughen +Saul +sauld +saulie +sault +saulter +Saulteur +saum +saumon +saumont +Saumur +Saumya +sauna +saunders +saunderswood +saunter +saunterer +sauntering +saunteringly +sauqui +saur +Saura +Sauraseni +Saurauia +Saurauiaceae +saurel +Sauria +saurian +sauriasis +sauriosis +Saurischia +saurischian +Sauroctonos +saurodont +Saurodontidae +Saurognathae +saurognathism +saurognathous +Sauromatian +saurophagous +sauropod +Sauropoda +sauropodous +sauropsid +Sauropsida +sauropsidan +sauropsidian +Sauropterygia +sauropterygian +Saurornithes +saurornithic +Saururaceae +saururaceous +Saururae +saururan +saururous +Saururus +saury +sausage +sausagelike +sausinger +Saussurea +saussurite +saussuritic +saussuritization +saussuritize +saut +saute +sauterelle +sauterne +sauternes +sauteur +sauty +Sauvagesia +sauve +sauvegarde +savable +savableness +savacu +savage +savagedom +savagely +savageness +savagerous +savagery +savagess +savagism +savagize +savanilla +savanna +Savannah +savant +Savara +savarin +savation +save +saved +saveloy +saver +Savery +savin +saving +savingly +savingness +savior +savioress +saviorhood +saviorship +Saviour +Savitar +Savitri +savola +Savonarolist +Savonnerie +savor +savored +savorer +savorily +savoriness +savoringly +savorless +savorous +savorsome +savory +savour +savoy +Savoyard +savoyed +savoying +savssat +savvy +saw +sawah +Sawaiori +sawali +Sawan +sawarra +sawback +sawbelly +sawbill +sawbones +sawbuck +sawbwa +sawder +sawdust +sawdustish +sawdustlike +sawdusty +sawed +sawer +sawfish +sawfly +sawhorse +sawing +sawish +sawlike +sawmaker +sawmaking +sawman +sawmill +sawmiller +sawmilling +sawmon +sawmont +sawn +Sawney +sawney +sawsetter +sawsharper +sawsmith +sawt +sawway +sawworker +sawwort +sawyer +sax +saxatile +saxboard +saxcornet +Saxe +saxhorn +Saxicava +saxicavous +Saxicola +saxicole +Saxicolidae +Saxicolinae +saxicoline +saxicolous +Saxifraga +Saxifragaceae +saxifragaceous +saxifragant +saxifrage +saxifragous +saxifrax +saxigenous +Saxish +Saxon +Saxondom +Saxonian +Saxonic +Saxonical +Saxonically +Saxonish +Saxonism +Saxonist +saxonite +Saxonization +Saxonize +Saxonly +Saxony +saxophone +saxophonist +saxotromba +saxpence +saxten +saxtie +saxtuba +say +saya +sayability +sayable +sayableness +Sayal +sayer +sayette +sayid +saying +sazen +Sbaikian +sblood +sbodikins +scab +scabbard +scabbardless +scabbed +scabbedness +scabbery +scabbily +scabbiness +scabble +scabbler +scabbling +scabby +scabellum +scaberulous +scabid +scabies +scabietic +scabinus +Scabiosa +scabiosity +scabious +scabish +scabland +scabrate +scabrescent +scabrid +scabridity +scabridulous +scabrities +scabriusculose +scabriusculous +scabrosely +scabrous +scabrously +scabrousness +scabwort +scacchic +scacchite +scad +scaddle +scads +Scaean +scaff +scaffer +scaffery +scaffie +scaffle +scaffold +scaffoldage +scaffolder +scaffolding +scaglia +scagliola +scagliolist +scala +scalable +scalableness +scalably +scalage +scalar +scalare +Scalaria +scalarian +scalariform +Scalariidae +scalarwise +scalation +scalawag +scalawaggery +scalawaggy +scald +scaldberry +scalded +scalder +scaldfish +scaldic +scalding +scaldweed +scaldy +scale +scaleback +scalebark +scaleboard +scaled +scaledrake +scalefish +scaleful +scaleless +scalelet +scalelike +scaleman +scalena +scalene +scalenohedral +scalenohedron +scalenon +scalenous +scalenum +scalenus +scalepan +scaleproof +scaler +scales +scalesman +scalesmith +scaletail +scalewing +scalewise +scalework +scalewort +scaliger +scaliness +scaling +scall +scalled +scallion +scallola +scallom +scallop +scalloper +scalloping +scallopwise +scalma +scaloni +Scalops +Scalopus +scalp +scalpeen +scalpel +scalpellar +scalpellic +scalpellum +scalpellus +scalper +scalping +scalpless +scalpriform +scalprum +scalpture +scalt +scaly +scalytail +scam +scamander +Scamandrius +scamble +scambler +scambling +scamell +scamler +scamles +scammoniate +scammonin +scammony +scammonyroot +scamp +scampavia +scamper +scamperer +scamphood +scamping +scampingly +scampish +scampishly +scampishness +scampsman +scan +scandal +scandalization +scandalize +scandalizer +scandalmonger +scandalmongering +scandalmongery +scandalmonging +scandalous +scandalously +scandalousness +scandalproof +scandaroon +scandent +scandia +Scandian +scandic +scandicus +Scandinavia +Scandinavian +Scandinavianism +scandium +Scandix +Scania +Scanian +Scanic +scanmag +scannable +scanner +scanning +scanningly +scansion +scansionist +Scansores +scansorial +scansorious +scant +scanties +scantily +scantiness +scantity +scantle +scantling +scantlinged +scantly +scantness +scanty +scap +scape +scapegallows +scapegoat +scapegoatism +scapegrace +scapel +scapeless +scapement +scapethrift +scapha +Scaphander +Scaphandridae +scaphion +Scaphiopodidae +Scaphiopus +scaphism +scaphite +Scaphites +Scaphitidae +scaphitoid +scaphocephalic +scaphocephalism +scaphocephalous +scaphocephalus +scaphocephaly +scaphocerite +scaphoceritic +scaphognathite +scaphognathitic +scaphoid +scapholunar +scaphopod +Scaphopoda +scaphopodous +scapiform +scapigerous +scapoid +scapolite +scapolitization +scapose +scapple +scappler +scapula +scapulalgia +scapular +scapulare +scapulary +scapulated +scapulectomy +scapulet +scapulimancy +scapuloaxillary +scapulobrachial +scapuloclavicular +scapulocoracoid +scapulodynia +scapulohumeral +scapulopexy +scapuloradial +scapulospinal +scapulothoracic +scapuloulnar +scapulovertebral +scapus +scar +scarab +scarabaean +scarabaei +scarabaeid +Scarabaeidae +scarabaeidoid +scarabaeiform +Scarabaeinae +scarabaeoid +scarabaeus +scarabee +scaraboid +Scaramouch +scaramouch +scarce +scarcelins +scarcely +scarcement +scarcen +scarceness +scarcity +scare +scarebabe +scarecrow +scarecrowish +scarecrowy +scareful +scarehead +scaremonger +scaremongering +scareproof +scarer +scaresome +scarf +scarface +scarfed +scarfer +scarflike +scarfpin +scarfskin +scarfwise +scarfy +scarid +Scaridae +scarification +scarificator +scarifier +scarify +scarily +scariose +scarious +scarlatina +scarlatinal +scarlatiniform +scarlatinoid +scarlatinous +scarless +scarlet +scarletberry +scarletseed +scarlety +scarman +scarn +scaroid +scarp +scarpines +scarping +scarpment +scarproof +scarred +scarrer +scarring +scarry +scart +scarth +Scarus +scarus +scarved +scary +scase +scasely +scat +scatch +scathe +scatheful +scatheless +scathelessly +scathing +scathingly +Scaticook +scatland +scatologia +scatologic +scatological +scatology +scatomancy +scatophagid +Scatophagidae +scatophagoid +scatophagous +scatophagy +scatoscopy +scatter +scatterable +scatteration +scatteraway +scatterbrain +scatterbrained +scatterbrains +scattered +scatteredly +scatteredness +scatterer +scattergood +scattering +scatteringly +scatterling +scattermouch +scattery +scatty +scatula +scaturient +scaul +scaum +scaup +scauper +scaur +scaurie +scaut +scavage +scavel +scavenage +scavenge +scavenger +scavengerism +scavengership +scavengery +scavenging +scaw +scawd +scawl +scazon +scazontic +sceat +scelalgia +scelerat +scelidosaur +scelidosaurian +scelidosauroid +Scelidosaurus +Scelidotherium +Sceliphron +sceloncus +Sceloporus +scelotyrbe +scena +scenario +scenarioist +scenarioization +scenarioize +scenarist +scenarization +scenarize +scenary +scend +scene +scenecraft +Scenedesmus +sceneful +sceneman +scenery +sceneshifter +scenewright +scenic +scenical +scenically +scenist +scenite +scenograph +scenographer +scenographic +scenographical +scenographically +scenography +Scenopinidae +scent +scented +scenter +scentful +scenting +scentless +scentlessness +scentproof +scentwood +scepsis +scepter +scepterdom +sceptered +scepterless +sceptic +sceptral +sceptropherous +sceptrosophy +sceptry +scerne +sceuophorion +sceuophylacium +sceuophylax +schaapsteker +Schaefferia +schairerite +schalmei +schalmey +schalstein +schanz +schapbachite +schappe +schapped +schapping +scharf +Scharlachberger +schatchen +Scheat +Schedar +schediasm +schediastic +Schedius +schedular +schedulate +schedule +schedulize +scheelite +scheffel +schefferite +schelling +Schellingian +Schellingianism +Schellingism +schelly +scheltopusik +schema +schemata +schematic +schematically +schematism +schematist +schematization +schematize +schematizer +schematogram +schematograph +schematologetically +schematomancy +schematonics +scheme +schemeful +schemeless +schemer +schemery +scheming +schemingly +schemist +schemy +schene +schepel +schepen +scherm +scherzando +scherzi +scherzo +schesis +Scheuchzeria +Scheuchzeriaceae +scheuchzeriaceous +schiavone +Schiedam +schiffli +schiller +schillerfels +schillerization +schillerize +schilling +schimmel +schindylesis +schindyletic +Schinus +schipperke +Schisandra +Schisandraceae +schism +schisma +schismatic +schismatical +schismatically +schismaticalness +schismatism +schismatist +schismatize +schismic +schismless +schist +schistaceous +schistic +schistocelia +schistocephalus +Schistocerca +schistocoelia +schistocormia +schistocormus +schistocyte +schistocytosis +schistoglossia +schistoid +schistomelia +schistomelus +schistoprosopia +schistoprosopus +schistorrhachis +schistoscope +schistose +schistosity +Schistosoma +schistosome +schistosomia +schistosomiasis +schistosomus +schistosternia +schistothorax +schistous +schistus +Schizaea +Schizaeaceae +schizaeaceous +Schizanthus +schizanthus +schizaxon +schizocarp +schizocarpic +schizocarpous +schizochroal +schizocoele +schizocoelic +schizocoelous +schizocyte +schizocytosis +schizodinic +schizogamy +schizogenesis +schizogenetic +schizogenetically +schizogenic +schizogenous +schizogenously +schizognath +Schizognathae +schizognathism +schizognathous +schizogonic +schizogony +Schizogregarinae +schizogregarine +Schizogregarinida +schizoid +schizoidism +Schizolaenaceae +schizolaenaceous +schizolite +schizolysigenous +Schizomeria +schizomycete +Schizomycetes +schizomycetic +schizomycetous +schizomycosis +Schizonemertea +schizonemertean +schizonemertine +Schizoneura +Schizonotus +schizont +schizopelmous +Schizopetalon +schizophasia +Schizophragma +schizophrene +schizophrenia +schizophreniac +schizophrenic +Schizophyceae +Schizophyllum +Schizophyta +schizophyte +schizophytic +schizopod +Schizopoda +schizopodal +schizopodous +schizorhinal +schizospore +schizostele +schizostelic +schizostely +schizothecal +schizothoracic +schizothyme +schizothymia +schizothymic +schizotrichia +Schizotrypanum +schiztic +Schlauraffenland +Schleichera +schlemiel +schlemihl +schlenter +schlieren +schlieric +schloop +Schmalkaldic +schmaltz +schmelz +schmelze +schnabel +Schnabelkanne +schnapper +schnapps +schnauzer +schneider +Schneiderian +schnitzel +schnorchel +schnorkel +schnorrer +scho +schochat +schochet +schoenobatic +schoenobatist +Schoenocaulon +Schoenus +schoenus +Schoharie +schola +scholae +scholaptitude +scholar +scholarch +scholardom +scholarian +scholarism +scholarless +scholarlike +scholarliness +scholarly +scholarship +scholasm +scholastic +scholastical +scholastically +scholasticate +scholasticism +scholasticly +scholia +scholiast +scholiastic +scholion +scholium +Schomburgkia +schone +schonfelsite +Schoodic +School +school +schoolable +schoolbag +schoolbook +schoolbookish +schoolboy +schoolboydom +schoolboyhood +schoolboyish +schoolboyishly +schoolboyishness +schoolboyism +schoolbutter +schoolcraft +schooldame +schooldom +schooled +schoolery +schoolfellow +schoolfellowship +schoolful +schoolgirl +schoolgirlhood +schoolgirlish +schoolgirlishly +schoolgirlishness +schoolgirlism +schoolgirly +schoolgoing +schoolhouse +schooling +schoolingly +schoolish +schoolkeeper +schoolkeeping +schoolless +schoollike +schoolmaam +schoolmaamish +schoolmaid +schoolman +schoolmaster +schoolmasterhood +schoolmastering +schoolmasterish +schoolmasterishly +schoolmasterishness +schoolmasterism +schoolmasterly +schoolmastership +schoolmastery +schoolmate +schoolmiss +schoolmistress +schoolmistressy +schoolroom +schoolteacher +schoolteacherish +schoolteacherly +schoolteachery +schoolteaching +schooltide +schooltime +schoolward +schoolwork +schoolyard +schoon +schooner +Schopenhauereanism +Schopenhauerian +Schopenhauerism +schoppen +schorenbergite +schorl +schorlaceous +schorlomite +schorlous +schorly +schottische +schottish +schout +schraubthaler +Schrebera +schreiner +schreinerize +schriesheimite +Schrund +schtoff +schuh +schuhe +schuit +schule +schultenite +schungite +schuss +schute +schwa +schwabacher +Schwalbea +schwarz +Schwarzian +schweizer +schweizerkase +Schwendenerian +Schwenkfelder +Schwenkfeldian +Sciadopitys +Sciaena +sciaenid +Sciaenidae +sciaeniform +Sciaeniformes +sciaenoid +scialytic +sciamachy +Scian +sciapod +sciapodous +Sciara +sciarid +Sciaridae +Sciarinae +sciatheric +sciatherical +sciatherically +sciatic +sciatica +sciatical +sciatically +sciaticky +scibile +science +scienced +scient +sciential +scientician +scientific +scientifical +scientifically +scientificalness +scientificogeographical +scientificohistorical +scientificophilosophical +scientificopoetic +scientificoreligious +scientificoromantic +scientintically +scientism +Scientist +scientist +scientistic +scientistically +scientize +scientolism +scilicet +Scilla +scillain +scillipicrin +Scillitan +scillitin +scillitoxin +Scillonian +scimitar +scimitared +scimitarpod +scincid +Scincidae +scincidoid +scinciform +scincoid +scincoidian +Scincomorpha +Scincus +scind +sciniph +scintilla +scintillant +scintillantly +scintillate +scintillating +scintillatingly +scintillation +scintillator +scintillescent +scintillize +scintillometer +scintilloscope +scintillose +scintillously +scintle +scintler +scintling +sciograph +sciographic +sciography +sciolism +sciolist +sciolistic +sciolous +sciomachiology +sciomachy +sciomancy +sciomantic +scion +sciophilous +sciophyte +scioptic +sciopticon +scioptics +scioptric +sciosophist +sciosophy +Sciot +scioterical +scioterique +sciotheism +sciotheric +sciotherical +sciotherically +scious +scirenga +Scirophoria +Scirophorion +Scirpus +scirrhi +scirrhogastria +scirrhoid +scirrhoma +scirrhosis +scirrhous +scirrhus +scirrosity +scirtopod +Scirtopoda +scirtopodous +scissel +scissible +scissile +scission +scissiparity +scissor +scissorbill +scissorbird +scissorer +scissoring +scissorium +scissorlike +scissorlikeness +scissors +scissorsbird +scissorsmith +scissorstail +scissortail +scissorwise +scissura +scissure +Scissurella +scissurellid +Scissurellidae +Scitaminales +Scitamineae +sciurid +Sciuridae +sciurine +sciuroid +sciuromorph +Sciuromorpha +sciuromorphic +Sciuropterus +Sciurus +sclaff +sclate +sclater +Sclav +Sclavonian +sclaw +scler +sclera +scleral +scleranth +Scleranthaceae +Scleranthus +scleratogenous +sclere +sclerectasia +sclerectomy +scleredema +sclereid +sclerema +sclerencephalia +sclerenchyma +sclerenchymatous +sclerenchyme +sclererythrin +scleretinite +Scleria +scleriasis +sclerification +sclerify +sclerite +scleritic +scleritis +sclerized +sclerobase +sclerobasic +scleroblast +scleroblastema +scleroblastemic +scleroblastic +sclerocauly +sclerochorioiditis +sclerochoroiditis +scleroconjunctival +scleroconjunctivitis +sclerocornea +sclerocorneal +sclerodactylia +sclerodactyly +scleroderm +Scleroderma +scleroderma +Sclerodermaceae +Sclerodermata +Sclerodermatales +sclerodermatitis +sclerodermatous +Sclerodermi +sclerodermia +sclerodermic +sclerodermite +sclerodermitic +sclerodermitis +sclerodermous +sclerogen +Sclerogeni +sclerogenoid +sclerogenous +scleroid +scleroiritis +sclerokeratitis +sclerokeratoiritis +scleroma +scleromata +scleromeninx +scleromere +sclerometer +sclerometric +scleronychia +scleronyxis +Scleropages +Scleroparei +sclerophthalmia +sclerophyll +sclerophyllous +sclerophylly +scleroprotein +sclerosal +sclerosarcoma +Scleroscope +scleroscope +sclerose +sclerosed +scleroseptum +sclerosis +scleroskeletal +scleroskeleton +Sclerospora +sclerostenosis +Sclerostoma +sclerostomiasis +sclerotal +sclerote +sclerotia +sclerotial +sclerotic +sclerotica +sclerotical +scleroticectomy +scleroticochorioiditis +scleroticochoroiditis +scleroticonyxis +scleroticotomy +Sclerotinia +sclerotinial +sclerotiniose +sclerotioid +sclerotitic +sclerotitis +sclerotium +sclerotized +sclerotoid +sclerotome +sclerotomic +sclerotomy +sclerous +scleroxanthin +sclerozone +scliff +sclim +sclimb +scoad +scob +scobby +scobicular +scobiform +scobs +scoff +scoffer +scoffery +scoffing +scoffingly +scoffingstock +scofflaw +scog +scoggan +scogger +scoggin +scogginism +scogginist +scoinson +scoke +scolb +scold +scoldable +scoldenore +scolder +scolding +scoldingly +scoleces +scoleciasis +scolecid +Scolecida +scoleciform +scolecite +scolecoid +scolecology +scolecophagous +scolecospore +scoleryng +scolex +Scolia +scolia +scolices +scoliid +Scoliidae +scoliograptic +scoliokyposis +scoliometer +scolion +scoliorachitic +scoliosis +scoliotic +scoliotone +scolite +scollop +scolog +scolopaceous +Scolopacidae +scolopacine +Scolopax +Scolopendra +scolopendra +Scolopendrella +Scolopendrellidae +scolopendrelloid +scolopendrid +Scolopendridae +scolopendriform +scolopendrine +Scolopendrium +scolopendroid +scolophore +scolopophore +Scolymus +scolytid +Scolytidae +scolytoid +Scolytus +Scomber +scomberoid +Scombresocidae +Scombresox +scombrid +Scombridae +scombriform +Scombriformes +scombrine +scombroid +Scombroidea +scombroidean +scombrone +sconce +sconcer +sconcheon +sconcible +scone +scoon +scoop +scooped +scooper +scoopful +scooping +scoopingly +scoot +scooter +scopa +scoparin +scoparius +scopate +scope +scopeless +scopelid +Scopelidae +scopeliform +scopelism +scopeloid +Scopelus +scopet +scopic +Scopidae +scopiferous +scopiform +scopiformly +scopine +scopiped +scopola +scopolamine +scopoleine +scopoletin +scopoline +scopperil +scops +scoptical +scoptically +scoptophilia +scoptophiliac +scoptophilic +scoptophobia +scopula +Scopularia +scopularian +scopulate +scopuliferous +scopuliform +scopuliped +Scopulipedes +scopulite +scopulous +scopulousness +Scopus +scorbute +scorbutic +scorbutical +scorbutically +scorbutize +scorbutus +scorch +scorched +scorcher +scorching +scorchingly +scorchingness +scorchproof +score +scoreboard +scorebook +scored +scorekeeper +scorekeeping +scoreless +scorer +scoria +scoriac +scoriaceous +scoriae +scorification +scorifier +scoriform +scorify +scoring +scorious +scorn +scorned +scorner +scornful +scornfully +scornfulness +scorningly +scornproof +scorny +scorodite +Scorpaena +scorpaenid +Scorpaenidae +scorpaenoid +scorpene +scorper +Scorpidae +Scorpididae +Scorpii +Scorpiid +Scorpio +scorpioid +scorpioidal +Scorpioidea +scorpion +Scorpiones +scorpionic +scorpionid +Scorpionida +Scorpionidea +Scorpionis +scorpionweed +scorpionwort +Scorpiurus +Scorpius +scorse +scortation +scortatory +Scorzonera +Scot +scot +scotale +Scotch +scotch +scotcher +Scotchery +Scotchification +Scotchify +Scotchiness +scotching +Scotchman +scotchman +Scotchness +Scotchwoman +Scotchy +scote +scoter +scoterythrous +Scotia +scotia +Scotic +scotino +Scotism +Scotist +Scotistic +Scotistical +Scotize +Scotlandwards +scotodinia +scotogram +scotograph +scotographic +scotography +scotoma +scotomata +scotomatic +scotomatical +scotomatous +scotomia +scotomic +scotomy +scotophobia +scotopia +scotopic +scotoscope +scotosis +Scots +Scotsman +Scotswoman +Scott +Scotticism +Scotticize +Scottie +Scottification +Scottify +Scottish +Scottisher +Scottishly +Scottishman +Scottishness +Scotty +scouch +scouk +scoundrel +scoundreldom +scoundrelish +scoundrelism +scoundrelly +scoundrelship +scoup +scour +scourage +scoured +scourer +scouress +scourfish +scourge +scourger +scourging +scourgingly +scouriness +scouring +scourings +scourway +scourweed +scourwort +scoury +scouse +scout +scoutcraft +scoutdom +scouter +scouth +scouther +scouthood +scouting +scoutingly +scoutish +scoutmaster +scoutwatch +scove +scovel +scovillite +scovy +scow +scowbank +scowbanker +scowder +scowl +scowler +scowlful +scowling +scowlingly +scowlproof +scowman +scrab +scrabble +scrabbled +scrabbler +scrabe +scrae +scraffle +scrag +scragged +scraggedly +scraggedness +scragger +scraggily +scragginess +scragging +scraggled +scraggling +scraggly +scraggy +scraily +scram +scramasax +scramble +scramblement +scrambler +scrambling +scramblingly +scrambly +scrampum +scran +scranch +scrank +scranky +scrannel +scranning +scranny +scrap +scrapable +scrapbook +scrape +scrapeage +scraped +scrapepenny +scraper +scrapie +scraping +scrapingly +scrapler +scraplet +scrapling +scrapman +scrapmonger +scrappage +scrapped +scrapper +scrappet +scrappily +scrappiness +scrapping +scrappingly +scrapple +scrappler +scrappy +scrapworks +scrapy +scrat +scratch +scratchable +scratchably +scratchback +scratchboard +scratchbrush +scratchcard +scratchcarding +scratchcat +scratcher +scratches +scratchification +scratchiness +scratching +scratchingly +scratchless +scratchlike +scratchman +scratchproof +scratchweed +scratchwork +scratchy +scrath +scratter +scrattle +scrattling +scrauch +scrauchle +scraunch +scraw +scrawk +scrawl +scrawler +scrawliness +scrawly +scrawm +scrawnily +scrawniness +scrawny +scray +scraze +screak +screaking +screaky +scream +screamer +screaminess +screaming +screamingly +screamproof +screamy +scree +screech +screechbird +screecher +screechily +screechiness +screeching +screechingly +screechy +screed +screek +screel +screeman +screen +screenable +screenage +screencraft +screendom +screened +screener +screening +screenless +screenlike +screenman +screenplay +screensman +screenwise +screenwork +screenwriter +screeny +screet +screeve +screeved +screever +screich +screigh +screve +screver +screw +screwable +screwage +screwball +screwbarrel +screwdrive +screwdriver +screwed +screwer +screwhead +screwiness +screwing +screwish +screwless +screwlike +screwman +screwmatics +screwship +screwsman +screwstem +screwstock +screwwise +screwworm +screwy +scribable +scribacious +scribaciousness +scribal +scribatious +scribatiousness +scribblage +scribblative +scribblatory +scribble +scribbleable +scribbled +scribbledom +scribbleism +scribblemania +scribblement +scribbleomania +scribbler +scribbling +scribblingly +scribbly +scribe +scriber +scribeship +scribing +scribism +scribophilous +scride +scrieve +scriever +scriggle +scriggler +scriggly +scrike +scrim +scrime +scrimer +scrimmage +scrimmager +scrimp +scrimped +scrimpily +scrimpiness +scrimpingly +scrimply +scrimpness +scrimption +scrimpy +scrimshander +scrimshandy +scrimshank +scrimshanker +scrimshaw +scrimshon +scrimshorn +scrin +scrinch +scrine +scringe +scriniary +scrip +scripee +scripless +scrippage +script +scription +scriptitious +scriptitiously +scriptitory +scriptive +scriptor +scriptorial +scriptorium +scriptory +scriptural +Scripturalism +scripturalism +Scripturalist +scripturalist +Scripturality +scripturality +scripturalize +scripturally +scripturalness +Scripturarian +Scripture +scripture +Scriptured +scriptured +Scriptureless +scripturiency +scripturient +Scripturism +scripturism +Scripturist +scripula +scripulum +scritch +scritoire +scrivaille +scrive +scrivello +scriven +scrivener +scrivenership +scrivenery +scrivening +scrivenly +scriver +scrob +scrobble +scrobe +scrobicula +scrobicular +scrobiculate +scrobiculated +scrobicule +scrobiculus +scrobis +scrod +scrodgill +scroff +scrofula +scrofularoot +scrofulaweed +scrofulide +scrofulism +scrofulitic +scrofuloderm +scrofuloderma +scrofulorachitic +scrofulosis +scrofulotuberculous +scrofulous +scrofulously +scrofulousness +scrog +scroggy +scrolar +scroll +scrolled +scrollery +scrollhead +scrollwise +scrollwork +scrolly +scronach +scroo +scrooch +scrooge +scroop +Scrophularia +Scrophulariaceae +scrophulariaceous +scrota +scrotal +scrotectomy +scrotiform +scrotitis +scrotocele +scrotofemoral +scrotum +scrouge +scrouger +scrounge +scrounger +scrounging +scrout +scrow +scroyle +scrub +scrubbable +scrubbed +scrubber +scrubbery +scrubbily +scrubbiness +scrubbird +scrubbly +scrubboard +scrubby +scrubgrass +scrubland +scrubwood +scruf +scruff +scruffle +scruffman +scruffy +scruft +scrum +scrummage +scrummager +scrump +scrumple +scrumption +scrumptious +scrumptiously +scrumptiousness +scrunch +scrunchy +scrunge +scrunger +scrunt +scruple +scrupleless +scrupler +scruplesome +scruplesomeness +scrupula +scrupular +scrupuli +scrupulist +scrupulosity +scrupulous +scrupulously +scrupulousness +scrupulum +scrupulus +scrush +scrutability +scrutable +scrutate +scrutation +scrutator +scrutatory +scrutinant +scrutinate +scrutineer +scrutinization +scrutinize +scrutinizer +scrutinizingly +scrutinous +scrutinously +scrutiny +scruto +scrutoire +scruze +scry +scryer +scud +scuddaler +scuddawn +scudder +scuddick +scuddle +scuddy +scudi +scudler +scudo +scuff +scuffed +scuffer +scuffle +scuffler +scufflingly +scuffly +scuffy +scuft +scufter +scug +scuggery +sculch +sculduddery +scull +sculler +scullery +scullful +scullion +scullionish +scullionize +scullionship +scullog +sculp +sculper +sculpin +sculpt +sculptile +sculptitory +sculptograph +sculptography +Sculptor +sculptor +Sculptorid +sculptress +sculptural +sculpturally +sculpturation +sculpture +sculptured +sculpturer +sculpturesque +sculpturesquely +sculpturesqueness +sculpturing +sculsh +scum +scumber +scumble +scumbling +scumboard +scumfish +scumless +scumlike +scummed +scummer +scumming +scummy +scumproof +scun +scuncheon +scunder +scunner +scup +scupful +scuppaug +scupper +scuppernong +scuppet +scuppler +scur +scurdy +scurf +scurfer +scurfily +scurfiness +scurflike +scurfy +scurrier +scurrile +scurrilist +scurrility +scurrilize +scurrilous +scurrilously +scurrilousness +scurry +scurvied +scurvily +scurviness +scurvish +scurvy +scurvyweed +scusation +scuse +scut +scuta +scutage +scutal +scutate +scutated +scutatiform +scutation +scutch +scutcheon +scutcheoned +scutcheonless +scutcheonlike +scutcheonwise +scutcher +scutching +scute +scutel +scutella +scutellae +scutellar +Scutellaria +scutellarin +scutellate +scutellated +scutellation +scutellerid +Scutelleridae +scutelliform +scutelligerous +scutelliplantar +scutelliplantation +scutellum +scutibranch +Scutibranchia +scutibranchian +scutibranchiate +scutifer +scutiferous +scutiform +scutiger +Scutigera +scutigeral +Scutigeridae +scutigerous +scutiped +scutter +scuttle +scuttlebutt +scuttleful +scuttleman +scuttler +scuttling +scuttock +scutty +scutula +scutular +scutulate +scutulated +scutulum +Scutum +scutum +scybala +scybalous +scybalum +scye +scyelite +Scyld +Scylla +Scyllaea +Scyllaeidae +scyllarian +Scyllaridae +scyllaroid +Scyllarus +Scyllidae +Scylliidae +scyllioid +Scylliorhinidae +scylliorhinoid +Scylliorhinus +scyllite +scyllitol +Scyllium +scypha +scyphae +scyphate +scyphi +scyphiferous +scyphiform +scyphiphorous +scyphistoma +scyphistomae +scyphistomoid +scyphistomous +scyphoi +scyphomancy +Scyphomedusae +scyphomedusan +scyphomedusoid +scyphophore +Scyphophori +scyphophorous +scyphopolyp +scyphose +scyphostoma +Scyphozoa +scyphozoan +scyphula +scyphulus +scyphus +scyt +scytale +Scyth +scythe +scytheless +scythelike +scytheman +scythesmith +scythestone +scythework +Scythian +Scythic +Scythize +scytitis +scytoblastema +scytodepsic +Scytonema +Scytonemataceae +scytonemataceous +scytonematoid +scytonematous +Scytopetalaceae +scytopetalaceous +Scytopetalum +sdeath +sdrucciola +se +sea +seabeach +seabeard +Seabee +seaberry +seaboard +seaborderer +seabound +seacannie +seacatch +seacoast +seaconny +seacraft +seacrafty +seacunny +seadog +seadrome +seafardinger +seafare +seafarer +seafaring +seaflood +seaflower +seafolk +Seaforthia +seafowl +Seaghan +seagirt +seagoer +seagoing +seah +seahound +seak +seal +sealable +sealant +sealch +sealed +sealer +sealery +sealess +sealet +sealette +sealflower +sealike +sealine +sealing +sealless +seallike +sealskin +sealwort +Sealyham +seam +seaman +seamancraft +seamanite +seamanlike +seamanly +seamanship +seamark +Seamas +seambiter +seamed +seamer +seaminess +seaming +seamless +seamlessly +seamlessness +seamlet +seamlike +seamost +seamrend +seamrog +seamster +seamstress +Seamus +seamy +Sean +seance +seapiece +seaplane +seaport +seaquake +sear +searce +searcer +search +searchable +searchableness +searchant +searcher +searcheress +searcherlike +searchership +searchful +searching +searchingly +searchingness +searchless +searchlight +searchment +searcloth +seared +searedness +searer +searing +searlesite +searness +seary +Seasan +seascape +seascapist +seascout +seascouting +seashine +seashore +seasick +seasickness +seaside +seasider +season +seasonable +seasonableness +seasonably +seasonal +seasonality +seasonally +seasonalness +seasoned +seasonedly +seasoner +seasoning +seasoninglike +seasonless +seastrand +seastroke +seat +seatang +seated +seater +seathe +seating +seatless +seatrain +seatron +seatsman +seatwork +seave +seavy +seawant +seaward +seawardly +seaware +seaway +seaweed +seaweedy +seawife +seawoman +seaworn +seaworthiness +seaworthy +seax +Seba +sebacate +sebaceous +sebacic +sebait +Sebastian +sebastianite +Sebastichthys +Sebastodes +sebate +sebesten +sebiferous +sebific +sebilla +sebiparous +sebkha +sebolith +seborrhagia +seborrhea +seborrheal +seborrheic +seborrhoic +Sebright +sebum +sebundy +sec +secability +secable +Secale +secalin +secaline +secalose +Secamone +secancy +secant +secantly +secateur +secede +Seceder +seceder +secern +secernent +secernment +secesh +secesher +Secessia +Secession +secession +Secessional +secessional +secessionalist +Secessiondom +secessioner +secessionism +secessionist +sech +Sechium +Sechuana +seck +Seckel +seclude +secluded +secludedly +secludedness +secluding +secluse +seclusion +seclusionist +seclusive +seclusively +seclusiveness +secodont +secohm +secohmmeter +second +secondar +secondarily +secondariness +secondary +seconde +seconder +secondhand +secondhanded +secondhandedly +secondhandedness +secondly +secondment +secondness +secos +secpar +secque +secre +secrecy +secret +secreta +secretage +secretagogue +secretarial +secretarian +Secretariat +secretariat +secretariate +secretary +secretaryship +secrete +secretin +secretion +secretional +secretionary +secretitious +secretive +secretively +secretiveness +secretly +secretmonger +secretness +secreto +secretomotor +secretor +secretory +secretum +sect +sectarial +sectarian +sectarianism +sectarianize +sectarianly +sectarism +sectarist +sectary +sectator +sectile +sectility +section +sectional +sectionalism +sectionalist +sectionality +sectionalization +sectionalize +sectionally +sectionary +sectionist +sectionize +sectioplanography +sectism +sectist +sectiuncle +sective +sector +sectoral +sectored +sectorial +sectroid +sectwise +secular +secularism +secularist +secularistic +secularity +secularization +secularize +secularizer +secularly +secularness +secund +secundate +secundation +secundiflorous +secundigravida +secundine +secundipara +secundiparity +secundiparous +secundly +secundogeniture +secundoprimary +secundus +securable +securance +secure +securely +securement +secureness +securer +securicornate +securifer +Securifera +securiferous +securiform +Securigera +securigerous +securitan +security +Sedaceae +Sedan +sedan +Sedang +sedanier +Sedat +sedate +sedately +sedateness +sedation +sedative +sedent +Sedentaria +sedentarily +sedentariness +sedentary +sedentation +Seder +sederunt +sedge +sedged +sedgelike +sedging +sedgy +sedigitate +sedigitated +sedile +sedilia +sediment +sedimental +sedimentarily +sedimentary +sedimentate +sedimentation +sedimentous +sedimetric +sedimetrical +sedition +seditionary +seditionist +seditious +seditiously +seditiousness +sedjadeh +Sedovic +seduce +seduceable +seducee +seducement +seducer +seducible +seducing +seducingly +seducive +seduct +seduction +seductionist +seductive +seductively +seductiveness +seductress +sedulity +sedulous +sedulously +sedulousness +Sedum +sedum +see +seeable +seeableness +Seebeck +seecatch +seech +seed +seedage +seedbed +seedbird +seedbox +seedcake +seedcase +seedeater +seeded +Seeder +seeder +seedful +seedgall +seedily +seediness +seedkin +seedless +seedlessness +seedlet +seedlike +seedling +seedlip +seedman +seedness +seedsman +seedstalk +seedtime +seedy +seege +seeing +seeingly +seeingness +seek +seeker +Seekerism +seeking +seel +seelful +seely +seem +seemable +seemably +seemer +seeming +seemingly +seemingness +seemless +seemlihead +seemlily +seemliness +seemly +seen +seenie +Seenu +seep +seepage +seeped +seepweed +seepy +seer +seerband +seercraft +seeress +seerfish +seerhand +seerhood +seerlike +seerpaw +seership +seersucker +seesaw +seesawiness +seesee +seethe +seething +seethingly +seetulputty +Sefekhet +seg +seggar +seggard +segged +seggrom +Seginus +segment +segmental +segmentally +segmentary +segmentate +segmentation +segmented +sego +segol +segolate +segreant +segregable +segregant +segregate +segregateness +segregation +segregational +segregationist +segregative +segregator +Sehyo +seiche +Seid +Seidel +seidel +Seidlitz +seigneur +seigneurage +seigneuress +seigneurial +seigneury +seignior +seigniorage +seignioral +seignioralty +seigniorial +seigniority +seigniorship +seigniory +seignorage +seignoral +seignorial +seignorize +seignory +seilenoi +seilenos +seine +seiner +seirospore +seirosporic +seise +seism +seismal +seismatical +seismetic +seismic +seismically +seismicity +seismism +seismochronograph +seismogram +seismograph +seismographer +seismographic +seismographical +seismography +seismologic +seismological +seismologically +seismologist +seismologue +seismology +seismometer +seismometric +seismometrical +seismometrograph +seismometry +seismomicrophone +seismoscope +seismoscopic +seismotectonic +seismotherapy +seismotic +seit +seity +Seiurus +Seiyuhonto +Seiyukai +seizable +seize +seizer +seizin +seizing +seizor +seizure +sejant +sejoin +sejoined +sejugate +sejugous +sejunct +sejunctive +sejunctively +sejunctly +Sekane +Sekani +Sekar +Seker +Sekhwan +sekos +selachian +Selachii +selachoid +Selachoidei +Selachostome +Selachostomi +selachostomous +seladang +Selaginaceae +Selaginella +Selaginellaceae +selaginellaceous +selagite +Selago +selah +selamin +selamlik +selbergite +Selbornian +seldom +seldomcy +seldomer +seldomly +seldomness +seldor +seldseen +sele +select +selectable +selected +selectedly +selectee +selection +selectionism +selectionist +selective +selectively +selectiveness +selectivity +selectly +selectman +selectness +selector +Selena +selenate +Selene +selenian +seleniate +selenic +Selenicereus +selenide +Selenidera +seleniferous +selenigenous +selenion +selenious +Selenipedium +selenite +selenitic +selenitical +selenitiferous +selenitish +selenium +seleniuret +selenobismuthite +selenocentric +selenodont +Selenodonta +selenodonty +selenograph +selenographer +selenographic +selenographical +selenographically +selenographist +selenography +selenolatry +selenological +selenologist +selenology +selenomancy +selenoscope +selenosis +selenotropic +selenotropism +selenotropy +selensilver +selensulphur +Seleucian +Seleucid +Seleucidae +Seleucidan +Seleucidean +Seleucidian +Seleucidic +self +selfcide +selfdom +selfful +selffulness +selfheal +selfhood +selfish +selfishly +selfishness +selfism +selfist +selfless +selflessly +selflessness +selfly +selfness +selfpreservatory +selfsame +selfsameness +selfward +selfwards +selictar +seligmannite +selihoth +Selina +Selinuntine +selion +Seljuk +Seljukian +sell +sella +sellable +sellably +sellaite +sellar +sellate +sellenders +seller +Selli +sellie +selliform +selling +sellout +selly +selsoviet +selsyn +selt +Selter +Seltzer +seltzogene +Selung +selva +selvage +selvaged +selvagee +selvedge +selzogene +Semaeostomae +Semaeostomata +Semang +semanteme +semantic +semantical +semantically +semantician +semanticist +semantics +semantological +semantology +semantron +semaphore +semaphoric +semaphorical +semaphorically +semaphorist +semarum +semasiological +semasiologically +semasiologist +semasiology +semateme +sematic +sematographic +sematography +sematology +sematrope +semball +semblable +semblably +semblance +semblant +semblative +semble +seme +Semecarpus +semeed +semeia +semeiography +semeiologic +semeiological +semeiologist +semeiology +semeion +semeiotic +semeiotical +semeiotics +semelfactive +semelincident +semen +semence +Semeostoma +semese +semester +semestral +semestrial +semi +semiabstracted +semiaccomplishment +semiacid +semiacidified +semiacquaintance +semiadherent +semiadjectively +semiadnate +semiaerial +semiaffectionate +semiagricultural +Semiahmoo +semialbinism +semialcoholic +semialien +semiallegiance +semialpine +semialuminous +semiamplexicaul +semiamplitude +semianarchist +semianatomical +semianatropal +semianatropous +semiangle +semiangular +semianimal +semianimate +semianimated +semiannealed +semiannual +semiannually +semiannular +semianthracite +semiantiministerial +semiantique +semiape +semiaperiodic +semiaperture +semiappressed +semiaquatic +semiarborescent +semiarc +semiarch +semiarchitectural +semiarid +semiaridity +semiarticulate +semiasphaltic +semiatheist +semiattached +semiautomatic +semiautomatically +semiautonomous +semiaxis +semibacchanalian +semibachelor +semibald +semibalked +semiball +semiballoon +semiband +semibarbarian +semibarbarianism +semibarbaric +semibarbarism +semibarbarous +semibaronial +semibarren +semibase +semibasement +semibastion +semibay +semibeam +semibejan +semibelted +semibifid +semibituminous +semibleached +semiblind +semiblunt +semibody +semiboiled +semibolshevist +semibolshevized +semibouffant +semibourgeois +semibreve +semibull +semiburrowing +semic +semicadence +semicalcareous +semicalcined +semicallipygian +semicanal +semicanalis +semicannibalic +semicantilever +semicarbazide +semicarbazone +semicarbonate +semicarbonize +semicardinal +semicartilaginous +semicastrate +semicastration +semicatholicism +semicaudate +semicelestial +semicell +semicellulose +semicentenarian +semicentenary +semicentennial +semicentury +semichannel +semichaotic +semichemical +semicheviot +semichevron +semichiffon +semichivalrous +semichoric +semichorus +semichrome +semicircle +semicircled +semicircular +semicircularity +semicircularly +semicircularness +semicircumference +semicircumferentor +semicircumvolution +semicirque +semicitizen +semicivilization +semicivilized +semiclassic +semiclassical +semiclause +semicleric +semiclerical +semiclimber +semiclimbing +semiclose +semiclosed +semiclosure +semicoagulated +semicoke +semicollapsible +semicollar +semicollegiate +semicolloid +semicolloquial +semicolon +semicolonial +semicolumn +semicolumnar +semicoma +semicomatose +semicombined +semicombust +semicomic +semicomical +semicommercial +semicompact +semicompacted +semicomplete +semicomplicated +semiconceal +semiconcrete +semiconducting +semiconductor +semicone +semiconfident +semiconfinement +semiconfluent +semiconformist +semiconformity +semiconic +semiconical +semiconnate +semiconnection +semiconoidal +semiconscious +semiconsciously +semiconsciousness +semiconservative +semiconsonant +semiconsonantal +semiconspicuous +semicontinent +semicontinuum +semicontraction +semicontradiction +semiconvergence +semiconvergent +semiconversion +semiconvert +semicordate +semicordated +semicoriaceous +semicorneous +semicoronate +semicoronated +semicoronet +semicostal +semicostiferous +semicotton +semicotyle +semicounterarch +semicountry +semicrepe +semicrescentic +semicretin +semicretinism +semicriminal +semicroma +semicrome +semicrustaceous +semicrystallinc +semicubical +semicubit +semicup +semicupium +semicupola +semicured +semicurl +semicursive +semicurvilinear +semicyclic +semicycloid +semicylinder +semicylindric +semicylindrical +semicynical +semidaily +semidangerous +semidark +semidarkness +semidead +semideaf +semidecay +semidecussation +semidefinite +semideific +semideification +semideistical +semideity +semidelight +semidelirious +semideltaic +semidemented +semidenatured +semidependence +semidependent +semideponent +semidesert +semidestructive +semidetached +semidetachment +semideveloped +semidiagrammatic +semidiameter +semidiapason +semidiapente +semidiaphaneity +semidiaphanous +semidiatessaron +semidifference +semidigested +semidigitigrade +semidigression +semidilapidation +semidine +semidirect +semidisabled +semidisk +semiditone +semidiurnal +semidivided +semidivine +semidocumentary +semidodecagon +semidole +semidome +semidomed +semidomestic +semidomesticated +semidomestication +semidomical +semidormant +semidouble +semidrachm +semidramatic +semidress +semidressy +semidried +semidry +semidrying +semiductile +semidull +semiduplex +semiduration +semieducated +semieffigy +semiegg +semiegret +semielastic +semielision +semiellipse +semiellipsis +semiellipsoidal +semielliptic +semielliptical +semienclosed +semiengaged +semiequitant +semierect +semieremitical +semiessay +semiexecutive +semiexpanded +semiexplanation +semiexposed +semiexternal +semiextinct +semiextinction +semifable +semifabulous +semifailure +semifamine +semifascia +semifasciated +semifashion +semifast +semifatalistic +semiferal +semiferous +semifeudal +semifeudalism +semifib +semifiction +semifictional +semifigurative +semifigure +semifinal +semifinalist +semifine +semifinish +semifinished +semifiscal +semifistular +semifit +semifitting +semifixed +semiflashproof +semiflex +semiflexed +semiflexible +semiflexion +semiflexure +semiflint +semifloating +semifloret +semifloscular +semifloscule +semiflosculose +semiflosculous +semifluctuant +semifluctuating +semifluid +semifluidic +semifluidity +semifoaming +semiforbidding +semiforeign +semiform +semiformal +semiformed +semifossil +semifossilized +semifrantic +semifriable +semifrontier +semifuddle +semifunctional +semifused +semifusion +semify +semigala +semigelatinous +semigentleman +semigenuflection +semigirder +semiglaze +semiglazed +semiglobe +semiglobose +semiglobular +semiglobularly +semiglorious +semiglutin +semigod +semigovernmental +semigrainy +semigranitic +semigranulate +semigravel +semigroove +semihand +semihard +semiharden +semihardy +semihastate +semihepatization +semiherbaceous +semiheterocercal +semihexagon +semihexagonal +semihiant +semihiatus +semihibernation +semihigh +semihistorical +semihobo +semihonor +semihoral +semihorny +semihostile +semihot +semihuman +semihumanitarian +semihumanized +semihumbug +semihumorous +semihumorously +semihyaline +semihydrate +semihydrobenzoinic +semihyperbola +semihyperbolic +semihyperbolical +semijealousy +semijubilee +semijudicial +semijuridical +semilanceolate +semilatent +semilatus +semileafless +semilegendary +semilegislative +semilens +semilenticular +semilethal +semiliberal +semilichen +semiligneous +semilimber +semilined +semiliquid +semiliquidity +semiliterate +semilocular +semilogarithmic +semilogical +semilong +semilooper +semiloose +semiloyalty +semilucent +semilunar +semilunare +semilunary +semilunate +semilunation +semilune +semiluxation +semiluxury +semimachine +semimade +semimadman +semimagical +semimagnetic +semimajor +semimalignant +semimanufacture +semimanufactured +semimarine +semimarking +semimathematical +semimature +semimechanical +semimedicinal +semimember +semimembranosus +semimembranous +semimenstrual +semimercerized +semimessianic +semimetal +semimetallic +semimetamorphosis +semimicrochemical +semimild +semimilitary +semimill +semimineral +semimineralized +semiminim +semiminor +semimolecule +semimonastic +semimonitor +semimonopoly +semimonster +semimonthly +semimoron +semimucous +semimute +semimystic +semimystical +semimythical +seminaked +seminal +seminality +seminally +seminaphthalidine +seminaphthylamine +seminar +seminarcosis +seminarial +seminarian +seminarianism +seminarist +seminaristic +seminarize +seminary +seminasal +seminase +seminatant +seminate +semination +seminationalization +seminative +seminebulous +seminecessary +seminegro +seminervous +seminiferal +seminiferous +seminific +seminifical +seminification +seminist +seminium +seminivorous +seminocturnal +Seminole +seminoma +seminomad +seminomadic +seminomata +seminonconformist +seminonflammable +seminonsensical +seminormal +seminose +seminovel +seminovelty +seminude +seminudity +seminule +seminuliferous +seminuria +seminvariant +seminvariantive +semioblivion +semioblivious +semiobscurity +semioccasional +semioccasionally +semiocclusive +semioctagonal +semiofficial +semiofficially +semiography +Semionotidae +Semionotus +semiopacity +semiopacous +semiopal +semiopalescent +semiopaque +semiopened +semiorb +semiorbicular +semiorbicularis +semiorbiculate +semiordinate +semiorganized +semioriental +semioscillation +semiosseous +semiostracism +semiotic +semiotician +semioval +semiovaloid +semiovate +semioviparous +semiovoid +semiovoidal +semioxidated +semioxidized +semioxygenated +semioxygenized +semipagan +semipalmate +semipalmated +semipalmation +semipanic +semipapal +semipapist +semiparallel +semiparalysis +semiparameter +semiparasitic +semiparasitism +semipaste +semipastoral +semipasty +semipause +semipeace +semipectinate +semipectinated +semipectoral +semiped +semipedal +semipellucid +semipellucidity +semipendent +semipenniform +semiperfect +semiperimeter +semiperimetry +semiperiphery +semipermanent +semipermeability +semipermeable +semiperoid +semiperspicuous +semipertinent +semipervious +semipetaloid +semipetrified +semiphase +semiphilologist +semiphilosophic +semiphilosophical +semiphlogisticated +semiphonotypy +semiphosphorescent +semipinacolic +semipinacolin +semipinnate +semipiscine +semiplantigrade +semiplastic +semiplumaceous +semiplume +semipolar +semipolitical +semipolitician +semipoor +semipopish +semipopular +semiporcelain +semiporous +semiporphyritic +semiportable +semipostal +semipractical +semiprecious +semipreservation +semiprimigenous +semiprivacy +semiprivate +semipro +semiprofane +semiprofessional +semiprofessionalized +semipronation +semiprone +semipronominal +semiproof +semiproselyte +semiprosthetic +semiprostrate +semiprotectorate +semiproven +semipublic +semipupa +semipurulent +semiputrid +semipyramidal +semipyramidical +semipyritic +semiquadrangle +semiquadrantly +semiquadrate +semiquantitative +semiquantitatively +semiquartile +semiquaver +semiquietism +semiquietist +semiquinquefid +semiquintile +semiquote +semiradial +semiradiate +Semiramis +Semiramize +semirapacious +semirare +semirattlesnake +semiraw +semirebellion +semirecondite +semirecumbent +semirefined +semireflex +semiregular +semirelief +semireligious +semireniform +semirepublican +semiresinous +semiresolute +semirespectability +semirespectable +semireticulate +semiretirement +semiretractile +semireverberatory +semirevolute +semirevolution +semirevolutionist +semirhythm +semiriddle +semirigid +semiring +semiroll +semirotary +semirotating +semirotative +semirotatory +semirotund +semirotunda +semiround +semiroyal +semiruin +semirural +semirustic +semis +semisacerdotal +semisacred +semisagittate +semisaint +semisaline +semisaltire +semisaprophyte +semisaprophytic +semisarcodic +semisatiric +semisaturation +semisavage +semisavagedom +semisavagery +semiscenic +semischolastic +semiscientific +semiseafaring +semisecondary +semisecrecy +semisecret +semisection +semisedentary +semisegment +semisensuous +semisentient +semisentimental +semiseparatist +semiseptate +semiserf +semiserious +semiseriously +semiseriousness +semiservile +semisevere +semiseverely +semiseverity +semisextile +semishady +semishaft +semisheer +semishirker +semishrub +semishrubby +semisightseeing +semisilica +semisimious +semisimple +semisingle +semisixth +semiskilled +semislave +semismelting +semismile +semisocial +semisocialism +semisociative +semisocinian +semisoft +semisolemn +semisolemnity +semisolemnly +semisolid +semisolute +semisomnambulistic +semisomnolence +semisomnous +semisopor +semisovereignty +semispan +semispeculation +semisphere +semispheric +semispherical +semispheroidal +semispinalis +semispiral +semispiritous +semispontaneity +semispontaneous +semispontaneously +semispontaneousness +semisport +semisporting +semisquare +semistagnation +semistaminate +semistarvation +semistarved +semistate +semisteel +semistiff +semistill +semistock +semistory +semistratified +semistriate +semistriated +semistuporous +semisubterranean +semisuburban +semisuccess +semisuccessful +semisuccessfully +semisucculent +semisupernatural +semisupinated +semisupination +semisupine +semisuspension +semisymmetric +semita +semitact +semitae +semitailored +semital +semitandem +semitangent +semitaur +Semite +semitechnical +semiteetotal +semitelic +semitendinosus +semitendinous +semiterete +semiterrestrial +semitertian +semitesseral +semitessular +semitheological +semithoroughfare +Semitic +Semiticism +Semiticize +Semitics +semitime +Semitism +Semitist +Semitization +Semitize +semitonal +semitonally +semitone +semitonic +semitonically +semitontine +semitorpid +semitour +semitrailer +semitrained +semitransept +semitranslucent +semitransparency +semitransparent +semitransverse +semitreasonable +semitrimmed +semitropic +semitropical +semitropics +semitruth +semituberous +semitubular +semiuncial +semiundressed +semiuniversalist +semiupright +semiurban +semiurn +semivalvate +semivault +semivector +semivegetable +semivertebral +semiverticillate +semivibration +semivirtue +semiviscid +semivital +semivitreous +semivitrification +semivitrified +semivocal +semivocalic +semivolatile +semivolcanic +semivoluntary +semivowel +semivulcanized +semiwaking +semiwarfare +semiweekly +semiwild +semiwoody +semiyearly +semmet +semmit +Semnae +Semnones +Semnopithecinae +semnopithecine +Semnopithecus +semola +semolella +semolina +semological +semology +Semostomae +semostomeous +semostomous +semperannual +sempergreen +semperidentical +semperjuvenescent +sempervirent +sempervirid +Sempervivum +sempitern +sempiternal +sempiternally +sempiternity +sempiternize +sempiternous +sempstrywork +semsem +semuncia +semuncial +sen +Senaah +senaite +senam +senarian +senarius +senarmontite +senary +senate +senator +senatorial +senatorially +senatorian +senatorship +senatory +senatress +senatrices +senatrix +sence +Senci +sencion +send +sendable +sendal +sendee +sender +sending +Seneca +Senecan +Senecio +senecioid +senecionine +senectitude +senectude +senectuous +senega +Senegal +Senegalese +Senegambian +senegin +senesce +senescence +senescent +seneschal +seneschally +seneschalship +seneschalsy +seneschalty +sengreen +senicide +Senijextee +senile +senilely +senilism +senility +senilize +senior +seniority +seniorship +Senlac +Senna +senna +sennegrass +sennet +sennight +sennit +sennite +senocular +Senones +Senonian +sensa +sensable +sensal +sensate +sensation +sensational +sensationalism +sensationalist +sensationalistic +sensationalize +sensationally +sensationary +sensationish +sensationism +sensationist +sensationistic +sensationless +sensatorial +sensatory +sense +sensed +senseful +senseless +senselessly +senselessness +sensibilia +sensibilisin +sensibilitist +sensibilitous +sensibility +sensibilium +sensibilization +sensibilize +sensible +sensibleness +sensibly +sensical +sensifacient +sensiferous +sensific +sensificatory +sensifics +sensify +sensigenous +sensile +sensilia +sensilla +sensillum +sension +sensism +sensist +sensistic +sensitive +sensitively +sensitiveness +sensitivity +sensitization +sensitize +sensitizer +sensitometer +sensitometric +sensitometry +sensitory +sensive +sensize +senso +sensomobile +sensomobility +sensomotor +sensoparalysis +sensor +sensoria +sensorial +sensoriglandular +sensorimotor +sensorimuscular +sensorium +sensorivascular +sensorivasomotor +sensorivolitional +sensory +sensual +sensualism +sensualist +sensualistic +sensuality +sensualization +sensualize +sensually +sensualness +sensuism +sensuist +sensum +sensuosity +sensuous +sensuously +sensuousness +sensyne +sent +sentence +sentencer +sentential +sententially +sententiarian +sententiarist +sententiary +sententiosity +sententious +sententiously +sententiousness +sentience +sentiendum +sentient +sentiently +sentiment +sentimental +sentimentalism +sentimentalist +sentimentality +sentimentalization +sentimentalize +sentimentalizer +sentimentally +sentimenter +sentimentless +sentinel +sentinellike +sentinelship +sentinelwise +sentisection +sentition +sentry +Senusi +Senusian +Senusism +sepad +sepal +sepaled +sepaline +sepalled +sepalody +sepaloid +separability +separable +separableness +separably +separata +separate +separatedly +separately +separateness +separates +separatical +separating +separation +separationism +separationist +separatism +separatist +separatistic +separative +separatively +separativeness +separator +separatory +separatress +separatrix +separatum +Sepharad +Sephardi +Sephardic +Sephardim +Sepharvites +sephen +sephiric +sephirothic +sepia +sepiaceous +sepialike +sepian +sepiarian +sepiary +sepic +sepicolous +Sepiidae +sepiment +sepioid +Sepioidea +Sepiola +Sepiolidae +sepiolite +sepion +sepiost +sepiostaire +sepium +sepone +sepoy +seppuku +seps +Sepsidae +sepsine +sepsis +Sept +sept +septa +septal +septan +septane +septangle +septangled +septangular +septangularness +septarian +septariate +septarium +septate +septated +septation +septatoarticulate +septavalent +septave +septcentenary +septectomy +September +Septemberer +Septemberism +Septemberist +Septembral +Septembrian +Septembrist +Septembrize +Septembrizer +septemdecenary +septemfid +septemfluous +septemfoliate +septemfoliolate +septemia +septempartite +septemplicate +septemvious +septemvir +septemvirate +septemviri +septenar +septenarian +septenarius +septenary +septenate +septendecennial +septendecimal +septennary +septennate +septenniad +septennial +septennialist +septenniality +septennially +septennium +septenous +Septentrio +Septentrion +septentrional +septentrionality +septentrionally +septentrionate +septentrionic +septerium +septet +septfoil +Septi +Septibranchia +Septibranchiata +septic +septical +septically +septicemia +septicemic +septicidal +septicidally +septicity +septicization +septicolored +septicopyemia +septicopyemic +septier +septifarious +septiferous +septifluous +septifolious +septiform +septifragal +septifragally +septilateral +septile +septillion +septillionth +septimal +septimanal +septimanarian +septime +septimetritis +septimole +septinsular +septipartite +septisyllabic +septisyllable +septivalent +septleva +Septobasidium +septocosta +septocylindrical +Septocylindrium +septodiarrhea +septogerm +Septogloeum +septoic +septole +septomarginal +septomaxillary +septonasal +Septoria +septotomy +septship +septuagenarian +septuagenarianism +septuagenary +septuagesima +Septuagint +septuagint +Septuagintal +septulate +septulum +septum +septuncial +septuor +septuple +septuplet +septuplicate +septuplication +sepulcher +sepulchral +sepulchralize +sepulchrally +sepulchrous +sepultural +sepulture +sequa +sequacious +sequaciously +sequaciousness +sequacity +Sequan +Sequani +Sequanian +sequel +sequela +sequelae +sequelant +sequence +sequencer +sequency +sequent +sequential +sequentiality +sequentially +sequently +sequest +sequester +sequestered +sequesterment +sequestra +sequestrable +sequestral +sequestrate +sequestration +sequestrator +sequestratrices +sequestratrix +sequestrectomy +sequestrotomy +sequestrum +sequin +sequitur +Sequoia +ser +sera +serab +Serabend +seragli +seraglio +serai +serail +seral +seralbumin +seralbuminous +serang +serape +Serapea +Serapeum +seraph +seraphic +seraphical +seraphically +seraphicalness +seraphicism +seraphicness +seraphim +seraphina +seraphine +seraphism +seraphlike +seraphtide +Serapias +Serapic +Serapis +Serapist +serasker +seraskerate +seraskier +seraskierat +serau +seraw +Serb +Serbdom +Serbian +Serbize +Serbonian +Serbophile +Serbophobe +sercial +serdab +Serdar +Sere +sere +Serean +sereh +Serena +serenade +serenader +serenata +serenate +Serendib +serendibite +serendipity +serendite +serene +serenely +sereneness +serenify +serenissime +serenissimi +serenissimo +serenity +serenize +Serenoa +Serer +Seres +sereward +serf +serfage +serfdom +serfhood +serfish +serfishly +serfishness +serfism +serflike +serfship +Serge +serge +sergeancy +Sergeant +sergeant +sergeantcy +sergeantess +sergeantry +sergeantship +sergeanty +sergedesoy +Sergei +serger +sergette +serging +Sergio +Sergiu +Sergius +serglobulin +Seri +serial +serialist +seriality +serialization +serialize +serially +Serian +seriary +seriate +seriately +seriatim +seriation +Seric +Sericana +sericate +sericated +sericea +sericeotomentose +sericeous +sericicultural +sericiculture +sericiculturist +sericin +sericipary +sericite +sericitic +sericitization +Sericocarpus +sericteria +sericterium +serictery +sericultural +sericulture +sericulturist +seriema +series +serif +serific +Seriform +serigraph +serigrapher +serigraphy +serimeter +serin +serine +serinette +seringa +seringal +seringhi +Serinus +serio +seriocomedy +seriocomic +seriocomical +seriocomically +seriogrotesque +Seriola +Seriolidae +serioline +serioludicrous +seriopantomimic +serioridiculous +seriosity +serious +seriously +seriousness +seripositor +Serjania +serjeant +serment +sermo +sermocination +sermocinatrix +sermon +sermoneer +sermoner +sermonesque +sermonet +sermonettino +sermonic +sermonically +sermonics +sermonish +sermonism +sermonist +sermonize +sermonizer +sermonless +sermonoid +sermonolatry +sermonology +sermonproof +sermonwise +sermuncle +sernamby +sero +seroalbumin +seroalbuminuria +seroanaphylaxis +serobiological +serocolitis +serocyst +serocystic +serodermatosis +serodermitis +serodiagnosis +serodiagnostic +seroenteritis +seroenzyme +serofibrinous +serofibrous +serofluid +serogelatinous +serohemorrhagic +serohepatitis +seroimmunity +serolactescent +serolemma +serolin +serolipase +serologic +serological +serologically +serologist +serology +seromaniac +seromembranous +seromucous +seromuscular +seron +seronegative +seronegativity +seroon +seroot +seroperitoneum +serophthisis +serophysiology +seroplastic +seropneumothorax +seropositive +seroprevention +seroprognosis +seroprophylaxis +seroprotease +seropuriform +seropurulent +seropus +seroreaction +serosa +serosanguineous +serosanguinolent +seroscopy +serositis +serosity +serosynovial +serosynovitis +serotherapeutic +serotherapeutics +serotherapist +serotherapy +serotina +serotinal +serotine +serotinous +serotoxin +serous +serousness +serovaccine +serow +serozyme +Serpari +serpedinous +Serpens +Serpent +serpent +serpentaria +Serpentarian +Serpentarii +serpentarium +Serpentarius +serpentary +serpentcleide +serpenteau +Serpentes +serpentess +Serpentian +serpenticidal +serpenticide +Serpentid +serpentiferous +serpentiform +serpentina +serpentine +serpentinely +Serpentinian +serpentinic +serpentiningly +serpentinization +serpentinize +serpentinoid +serpentinous +Serpentis +serpentivorous +serpentize +serpentlike +serpently +serpentoid +serpentry +serpentwood +serphid +Serphidae +serphoid +Serphoidea +serpierite +serpiginous +serpiginously +serpigo +serpivolant +serpolet +Serpula +serpula +Serpulae +serpulae +serpulan +serpulid +Serpulidae +serpulidan +serpuline +serpulite +serpulitic +serpuloid +serra +serradella +serrage +serran +serrana +serranid +Serranidae +Serrano +serrano +serranoid +Serranus +Serrasalmo +serrate +serrated +serratic +serratiform +serratile +serration +serratirostral +serratocrenate +serratodentate +serratodenticulate +serratoglandulous +serratospinose +serrature +serricorn +Serricornia +Serridentines +Serridentinus +serried +serriedly +serriedness +Serrifera +serriferous +serriform +serriped +serrirostrate +serrulate +serrulated +serrulation +serry +sert +serta +Sertularia +sertularian +Sertulariidae +sertularioid +sertule +sertulum +sertum +serum +serumal +serut +servable +servage +serval +servaline +servant +servantcy +servantdom +servantess +servantless +servantlike +servantry +servantship +servation +serve +servente +serventism +server +servery +servet +Servetian +Servetianism +Servian +service +serviceability +serviceable +serviceableness +serviceably +serviceberry +serviceless +servicelessness +serviceman +Servidor +servidor +servient +serviential +serviette +servile +servilely +servileness +servilism +servility +servilize +serving +servingman +servist +Servite +servitor +servitorial +servitorship +servitress +servitrix +servitude +serviture +Servius +servo +servomechanism +servomotor +servulate +serwamby +sesame +sesamoid +sesamoidal +sesamoiditis +Sesamum +Sesban +Sesbania +sescuple +Seseli +Seshat +Sesia +Sesiidae +sesma +sesqui +sesquialter +sesquialtera +sesquialteral +sesquialteran +sesquialterous +sesquibasic +sesquicarbonate +sesquicentennial +sesquichloride +sesquiduplicate +sesquihydrate +sesquihydrated +sesquinona +sesquinonal +sesquioctava +sesquioctaval +sesquioxide +sesquipedal +sesquipedalian +sesquipedalianism +sesquipedality +sesquiplicate +sesquiquadrate +sesquiquarta +sesquiquartal +sesquiquartile +sesquiquinta +sesquiquintal +sesquiquintile +sesquisalt +sesquiseptimal +sesquisextal +sesquisilicate +sesquisquare +sesquisulphate +sesquisulphide +sesquisulphuret +sesquiterpene +sesquitertia +sesquitertial +sesquitertian +sesquitertianal +sess +sessile +sessility +Sessiliventres +session +sessional +sessionary +sessions +sesterce +sestertium +sestet +sesti +sestiad +Sestian +sestina +sestine +sestole +sestuor +Sesuto +Sesuvium +set +seta +setaceous +setaceously +setae +setal +Setaria +setarious +setback +setbolt +setdown +setfast +Seth +seth +sethead +Sethian +Sethic +Sethite +Setibo +setier +Setifera +setiferous +setiform +setigerous +setiparous +setirostral +setline +setness +setoff +seton +Setophaga +Setophaginae +setophagine +setose +setous +setout +setover +setscrew +setsman +sett +settable +settaine +settee +setter +settergrass +setterwort +setting +settle +settleable +settled +settledly +settledness +settlement +settler +settlerdom +settling +settlings +settlor +settsman +setula +setule +setuliform +setulose +setulous +setup +setwall +setwise +setwork +seugh +Sevastopol +seven +sevenbark +sevener +sevenfold +sevenfolded +sevenfoldness +sevennight +sevenpence +sevenpenny +sevenscore +seventeen +seventeenfold +seventeenth +seventeenthly +seventh +seventhly +seventieth +seventy +seventyfold +sever +severable +several +severalfold +severality +severalize +severally +severalness +severalth +severalty +severance +severation +severe +severedly +severely +severeness +severer +Severian +severingly +severish +severity +severization +severize +severy +Sevillian +sew +sewable +sewage +sewan +sewed +sewellel +sewen +sewer +sewerage +sewered +sewerless +sewerlike +sewerman +sewery +sewing +sewless +sewn +sewround +sex +sexadecimal +sexagenarian +sexagenarianism +sexagenary +Sexagesima +sexagesimal +sexagesimally +sexagesimals +sexagonal +sexangle +sexangled +sexangular +sexangularly +sexannulate +sexarticulate +sexcentenary +sexcuspidate +sexdigital +sexdigitate +sexdigitated +sexdigitism +sexed +sexenary +sexennial +sexennially +sexennium +sexern +sexfarious +sexfid +sexfoil +sexhood +sexifid +sexillion +sexiped +sexipolar +sexisyllabic +sexisyllable +sexitubercular +sexivalence +sexivalency +sexivalent +sexless +sexlessly +sexlessness +sexlike +sexlocular +sexly +sexological +sexologist +sexology +sexpartite +sexradiate +sext +sextactic +sextain +sextan +sextans +Sextant +sextant +sextantal +sextar +sextarii +sextarius +sextary +sextennial +sextern +sextet +sextic +sextile +Sextilis +sextillion +sextillionth +sextipara +sextipartite +sextipartition +sextiply +sextipolar +sexto +sextodecimo +sextole +sextolet +sexton +sextoness +sextonship +sextry +sextubercular +sextuberculate +sextula +sextulary +sextumvirate +sextuple +sextuplet +sextuplex +sextuplicate +sextuply +sexual +sexuale +sexualism +sexualist +sexuality +sexualization +sexualize +sexually +sexuous +sexupara +sexuparous +sexy +sey +seybertite +Seymeria +Seymour +sfoot +Sgad +sgraffiato +sgraffito +sh +sha +shaatnez +shab +Shaban +shabash +Shabbath +shabbed +shabbify +shabbily +shabbiness +shabble +shabby +shabbyish +shabrack +shabunder +Shabuoth +shachle +shachly +shack +shackanite +shackatory +shackbolt +shackland +shackle +shacklebone +shackledom +shackler +shacklewise +shackling +shackly +shacky +shad +shadbelly +shadberry +shadbird +shadbush +shadchan +shaddock +shade +shaded +shadeful +shadeless +shadelessness +shader +shadetail +shadflower +shadily +shadine +shadiness +shading +shadkan +shadoof +Shadow +shadow +shadowable +shadowbox +shadowboxing +shadowed +shadower +shadowfoot +shadowgram +shadowgraph +shadowgraphic +shadowgraphist +shadowgraphy +shadowily +shadowiness +shadowing +shadowishly +shadowist +shadowland +shadowless +shadowlessness +shadowlike +shadowly +shadowy +shadrach +shady +shaffle +Shafiite +shaft +shafted +shafter +shaftfoot +shafting +shaftless +shaftlike +shaftman +shaftment +shaftsman +shaftway +shafty +shag +shaganappi +shagbag +shagbark +shagged +shaggedness +shaggily +shagginess +shaggy +Shagia +shaglet +shaglike +shagpate +shagrag +shagreen +shagreened +shagroon +shagtail +shah +Shahaptian +shaharith +shahdom +shahi +Shahid +shahin +shahzada +Shai +Shaigia +shaikh +Shaikiyeh +shaitan +Shaiva +Shaivism +Shaka +shakable +shake +shakeable +shakebly +shakedown +shakefork +shaken +shakenly +shakeout +shakeproof +Shaker +shaker +shakerag +Shakerdom +Shakeress +Shakerism +Shakerlike +shakers +shakescene +Shakespearean +Shakespeareana +Shakespeareanism +Shakespeareanly +Shakespearize +Shakespearolater +Shakespearolatry +shakha +Shakil +shakily +shakiness +shaking +shakingly +shako +shaksheer +Shakta +Shakti +shakti +Shaktism +shaku +shaky +Shakyamuni +Shalako +shale +shalelike +shaleman +shall +shallal +shallon +shalloon +shallop +shallopy +shallot +shallow +shallowbrained +shallowhearted +shallowish +shallowist +shallowly +shallowness +shallowpate +shallowpated +shallows +shallowy +shallu +shalom +shalt +shalwar +shaly +Sham +sham +shama +shamable +shamableness +shamably +shamal +shamalo +shaman +shamaness +shamanic +shamanism +shamanist +shamanistic +shamanize +shamateur +shamba +Shambala +shamble +shambling +shamblingly +shambrier +Shambu +shame +shameable +shamed +shameface +shamefaced +shamefacedly +shamefacedness +shamefast +shamefastly +shamefastness +shameful +shamefully +shamefulness +shameless +shamelessly +shamelessness +shameproof +shamer +shamesick +shameworthy +shamianah +Shamim +shamir +Shammar +shammed +shammer +shammick +shamming +shammish +shammock +shammocking +shammocky +shammy +shampoo +shampooer +shamrock +shamroot +shamsheer +Shan +shan +shanachas +shanachie +Shandean +shandry +shandrydan +Shandy +shandy +shandygaff +Shandyism +Shane +Shang +Shangalla +shangan +Shanghai +shanghai +shanghaier +shank +Shankar +shanked +shanker +shankings +shankpiece +shanksman +shanna +Shannon +shanny +shansa +shant +Shantung +shanty +shantylike +shantyman +shantytown +shap +shapable +Shape +shape +shaped +shapeful +shapeless +shapelessly +shapelessness +shapeliness +shapely +shapen +shaper +shapeshifter +shapesmith +shaping +shapingly +shapometer +shaps +Shaptan +shapy +sharable +Sharada +Sharan +shard +Shardana +sharded +shardy +share +shareable +sharebone +sharebroker +sharecrop +sharecropper +shareholder +shareholdership +shareman +sharepenny +sharer +shareship +sharesman +sharewort +Sharezer +shargar +Shari +Sharia +Sharira +shark +sharkful +sharkish +sharklet +sharklike +sharkship +sharkskin +sharky +sharn +sharnbud +sharny +Sharon +sharp +sharpen +sharpener +sharper +sharpie +sharpish +sharply +sharpness +sharps +sharpsaw +sharpshin +sharpshod +sharpshooter +sharpshooting +sharptail +sharpware +sharpy +Sharra +sharrag +sharry +Shasta +shastaite +Shastan +shaster +shastra +shastraik +shastri +shastrik +shat +shatan +shathmont +Shatter +shatter +shatterbrain +shatterbrained +shatterer +shatterheaded +shattering +shatteringly +shatterment +shatterpated +shatterproof +shatterwit +shattery +shattuckite +shauchle +shaugh +shaul +Shaula +shaup +shauri +shauwe +shavable +shave +shaveable +shaved +shavee +shaveling +shaven +shaver +shavery +Shavese +shavester +shavetail +shaveweed +Shavian +Shaviana +Shavianism +shaving +shavings +Shaw +shaw +Shawanese +Shawano +shawl +shawled +shawling +shawlless +shawllike +shawlwise +shawm +Shawn +Shawnee +shawneewood +shawny +Shawwal +shawy +shay +Shaysite +she +shea +sheading +sheaf +sheafage +sheaflike +sheafripe +sheafy +sheal +shealing +Shean +shear +shearbill +sheard +shearer +sheargrass +shearhog +shearing +shearless +shearling +shearman +shearmouse +shears +shearsman +sheartail +shearwater +shearwaters +sheat +sheatfish +sheath +sheathbill +sheathe +sheathed +sheather +sheathery +sheathing +sheathless +sheathlike +sheathy +sheave +sheaved +sheaveless +sheaveman +shebang +Shebat +shebeen +shebeener +Shechem +Shechemites +shed +shedded +shedder +shedding +sheder +shedhand +shedlike +shedman +shedwise +shee +sheely +sheen +sheenful +sheenless +sheenly +sheeny +sheep +sheepback +sheepberry +sheepbine +sheepbiter +sheepbiting +sheepcote +sheepcrook +sheepfaced +sheepfacedly +sheepfacedness +sheepfold +sheepfoot +sheepgate +sheephead +sheepheaded +sheephearted +sheepherder +sheepherding +sheephook +sheephouse +sheepify +sheepish +sheepishly +sheepishness +sheepkeeper +sheepkeeping +sheepkill +sheepless +sheeplet +sheeplike +sheepling +sheepman +sheepmaster +sheepmonger +sheepnose +sheepnut +sheeppen +sheepshank +sheepshead +sheepsheadism +sheepshear +sheepshearer +sheepshearing +sheepshed +sheepskin +sheepsplit +sheepsteal +sheepstealer +sheepstealing +sheepwalk +sheepwalker +sheepweed +sheepy +sheer +sheered +sheering +sheerly +sheerness +sheet +sheetage +sheeted +sheeter +sheetflood +sheetful +sheeting +sheetless +sheetlet +sheetlike +sheetling +sheetways +sheetwise +sheetwork +sheetwriting +sheety +Sheffield +shehitah +sheik +sheikdom +sheikhlike +sheikhly +sheiklike +sheikly +Sheila +shekel +Shekinah +Shel +shela +sheld +sheldapple +shelder +sheldfowl +sheldrake +shelduck +shelf +shelfback +shelffellow +shelfful +shelflist +shelfmate +shelfpiece +shelfroom +shelfworn +shelfy +shell +shellac +shellacker +shellacking +shellapple +shellback +shellblow +shellblowing +shellbound +shellburst +shellcracker +shelleater +shelled +sheller +Shelleyan +Shelleyana +shellfire +shellfish +shellfishery +shellflower +shellful +shellhead +shelliness +shelling +shellman +shellmonger +shellproof +shellshake +shellum +shellwork +shellworker +shelly +shellycoat +shelta +shelter +shelterage +sheltered +shelterer +shelteringly +shelterless +shelterlessness +shelterwood +sheltery +sheltron +shelty +shelve +shelver +shelving +shelvingly +shelvingness +shelvy +Shelyak +Shemaka +sheminith +Shemite +Shemitic +Shemitish +Shemu +Shen +shenanigan +shend +sheng +Shenshai +Sheol +sheolic +shepherd +shepherdage +shepherddom +shepherdess +shepherdhood +Shepherdia +shepherdish +shepherdism +shepherdize +shepherdless +shepherdlike +shepherdling +shepherdly +shepherdry +sheppeck +sheppey +shepstare +sher +Sherani +Sherardia +sherardize +sherardizer +Sheratan +Sheraton +sherbacha +sherbet +sherbetlee +sherbetzide +sheriat +sherif +sherifa +sherifate +sheriff +sheriffalty +sheriffdom +sheriffess +sheriffhood +sheriffry +sheriffship +sheriffwick +sherifi +sherifian +sherify +sheristadar +Sheriyat +sherlock +Sherman +Sherpa +Sherramoor +Sherri +sherry +Sherrymoor +sherryvallies +Shesha +sheth +Shetland +Shetlander +Shetlandic +sheugh +sheva +shevel +sheveled +shevri +shewa +shewbread +shewel +sheyle +shi +Shiah +shibah +shibar +shibboleth +shibbolethic +shibuichi +shice +shicer +shicker +shickered +shide +shied +shiel +shield +shieldable +shieldboard +shielddrake +shielded +shielder +shieldflower +shielding +shieldless +shieldlessly +shieldlessness +shieldlike +shieldling +shieldmaker +shieldmay +shieldtail +shieling +shier +shies +shiest +shift +shiftable +shiftage +shifter +shiftful +shiftfulness +shiftily +shiftiness +shifting +shiftingly +shiftingness +shiftless +shiftlessly +shiftlessness +shifty +Shigella +shiggaion +shigram +shih +Shiism +Shiite +Shiitic +Shik +shikar +shikara +shikargah +shikari +shikasta +shikimi +shikimic +shikimole +shikimotoxin +shikken +shiko +shikra +shilf +shilfa +Shilh +Shilha +shill +shilla +shillaber +shillelagh +shillet +shillety +shillhouse +shillibeer +shilling +shillingless +shillingsworth +shilloo +Shilluh +Shilluk +Shiloh +shilpit +shim +shimal +Shimei +shimmer +shimmering +shimmeringly +shimmery +shimmy +Shimonoseki +shimose +shimper +shin +Shina +shinaniging +shinarump +shinbone +shindig +shindle +shindy +shine +shineless +shiner +shingle +shingled +shingler +shingles +shinglewise +shinglewood +shingling +shingly +shinily +shininess +shining +shiningly +shiningness +shinleaf +Shinnecock +shinner +shinnery +shinning +shinny +shinplaster +shintiyan +Shinto +Shintoism +Shintoist +Shintoistic +Shintoize +shinty +Shinwari +shinwood +shiny +shinza +ship +shipboard +shipbound +shipboy +shipbreaking +shipbroken +shipbuilder +shipbuilding +shipcraft +shipentine +shipful +shipkeeper +shiplap +shipless +shiplessly +shiplet +shipload +shipman +shipmanship +shipmast +shipmaster +shipmate +shipmatish +shipment +shipowner +shipowning +shippable +shippage +shipped +shipper +shipping +shipplane +shippo +shippon +shippy +shipshape +shipshapely +shipside +shipsmith +shipward +shipwards +shipway +shipwork +shipworm +shipwreck +shipwrecky +shipwright +shipwrightery +shipwrightry +shipyard +shirakashi +shirallee +Shiraz +shire +shirehouse +shireman +shirewick +shirk +shirker +shirky +shirl +shirlcock +Shirley +shirpit +shirr +shirring +shirt +shirtband +shirtiness +shirting +shirtless +shirtlessness +shirtlike +shirtmaker +shirtmaking +shirtman +shirttail +shirtwaist +shirty +Shirvan +shish +shisham +shisn +shita +shitepoke +shither +shittah +shittim +shittimwood +shiv +Shivaism +Shivaist +Shivaistic +Shivaite +shivaree +shive +shiver +shivereens +shiverer +shivering +shiveringly +shiverproof +shiversome +shiverweed +shivery +shivey +shivoo +shivy +shivzoku +Shkupetar +Shlu +Shluh +Sho +sho +Shoa +shoad +shoader +shoal +shoalbrain +shoaler +shoaliness +shoalness +shoalwise +shoaly +shoat +shock +shockability +shockable +shockedness +shocker +shockheaded +shocking +shockingly +shockingness +shocklike +shockproof +shod +shodden +shoddily +shoddiness +shoddy +shoddydom +shoddyism +shoddyite +shoddylike +shoddyward +shoddywards +shode +shoder +shoe +shoebill +shoebinder +shoebindery +shoebinding +shoebird +shoeblack +shoeboy +shoebrush +shoecraft +shoeflower +shoehorn +shoeing +shoeingsmith +shoelace +shoeless +shoemaker +shoemaking +shoeman +shoepack +shoer +shoescraper +shoeshine +shoeshop +shoesmith +shoestring +shoewoman +shoful +shog +shogaol +shoggie +shoggle +shoggly +shogi +shogun +shogunal +shogunate +shohet +shoji +Shojo +shola +shole +Shona +shone +shoneen +shonkinite +shoo +shood +shoofa +shoofly +shooi +shook +shool +shooldarry +shooler +shoop +shoopiltie +shoor +shoot +shootable +shootboard +shootee +shooter +shoother +shooting +shootist +shootman +shop +shopboard +shopbook +shopboy +shopbreaker +shopbreaking +shopfolk +shopful +shopgirl +shopgirlish +shophar +shopkeeper +shopkeeperess +shopkeeperish +shopkeeperism +shopkeepery +shopkeeping +shopland +shoplet +shoplifter +shoplifting +shoplike +shopmaid +shopman +shopmark +shopmate +shopocracy +shopocrat +shoppe +shopper +shopping +shoppish +shoppishness +shoppy +shopster +shoptalk +shopwalker +shopwear +shopwife +shopwindow +shopwoman +shopwork +shopworker +shopworn +shoq +Shor +shor +shoran +shore +Shorea +shoreberry +shorebush +shored +shoregoing +shoreland +shoreless +shoreman +shorer +shoreside +shoresman +shoreward +shorewards +shoreweed +shoreyer +shoring +shorling +shorn +short +shortage +shortbread +shortcake +shortchange +shortchanger +shortclothes +shortcoat +shortcomer +shortcoming +shorten +shortener +shortening +shorter +shortfall +shorthand +shorthanded +shorthandedness +shorthander +shorthead +shorthorn +Shortia +shortish +shortly +shortness +shorts +shortschat +shortsighted +shortsightedly +shortsightedness +shortsome +shortstaff +shortstop +shorttail +Shortzy +Shoshonean +shoshonite +shot +shotbush +shote +shotgun +shotless +shotlike +shotmaker +shotman +shotproof +shotsman +shotstar +shott +shotted +shotten +shotter +shotty +Shotweld +shou +should +shoulder +shouldered +shoulderer +shoulderette +shouldering +shouldna +shouldnt +shoupeltin +shout +shouter +shouting +shoutingly +shoval +shove +shovegroat +shovel +shovelard +shovelbill +shovelboard +shovelfish +shovelful +shovelhead +shovelmaker +shovelman +shovelnose +shovelweed +shover +show +showable +showance +showbird +showboard +showboat +showboater +showboating +showcase +showdom +showdown +shower +showerer +showerful +showeriness +showerless +showerlike +showerproof +showery +showily +showiness +showing +showish +showless +showman +showmanism +showmanry +showmanship +shown +showpiece +showroom +showup +showworthy +showy +showyard +shoya +shrab +shraddha +shradh +shraf +shrag +shram +shrank +shrap +shrapnel +shrave +shravey +shreadhead +shred +shredcock +shredder +shredding +shreddy +shredless +shredlike +Shree +shree +shreeve +shrend +shrew +shrewd +shrewdish +shrewdly +shrewdness +shrewdom +shrewdy +shrewish +shrewishly +shrewishness +shrewlike +shrewly +shrewmouse +shrewstruck +shriek +shrieker +shriekery +shriekily +shriekiness +shriekingly +shriekproof +shrieky +shrieval +shrievalty +shrift +shrike +shrill +shrilling +shrillish +shrillness +shrilly +shrimp +shrimper +shrimpfish +shrimpi +shrimpish +shrimpishness +shrimplike +shrimpy +shrinal +Shrine +shrine +shrineless +shrinelet +shrinelike +Shriner +shrink +shrinkable +shrinkage +shrinkageproof +shrinker +shrinkhead +shrinking +shrinkingly +shrinkproof +shrinky +shrip +shrite +shrive +shrivel +shriven +shriver +shriving +shroff +shrog +Shropshire +shroud +shrouded +shrouding +shroudless +shroudlike +shroudy +Shrove +shrove +shrover +Shrovetide +shrub +shrubbed +shrubbery +shrubbiness +shrubbish +shrubby +shrubland +shrubless +shrublet +shrublike +shrubwood +shruff +shrug +shruggingly +shrunk +shrunken +shrups +Shtokavski +shtreimel +Shu +shuba +shubunkin +shuck +shucker +shucking +shuckins +shuckpen +shucks +shudder +shudderful +shudderiness +shudderingly +shuddersome +shuddery +shuff +shuffle +shuffleboard +shufflecap +shuffler +shufflewing +shuffling +shufflingly +shug +Shuhali +Shukria +Shukulumbwe +shul +Shulamite +shuler +shulwaurs +shumac +shun +Shunammite +shune +shunless +shunnable +shunner +shunt +shunter +shunting +shure +shurf +shush +shusher +Shuswap +shut +shutdown +shutness +shutoff +Shutoku +shutout +shuttance +shutten +shutter +shuttering +shutterless +shutterwise +shutting +shuttle +shuttlecock +shuttleheaded +shuttlelike +shuttlewise +Shuvra +shwanpan +shy +Shyam +shydepoke +shyer +shyish +Shylock +Shylockism +shyly +shyness +shyster +si +Sia +siak +sial +sialaden +sialadenitis +sialadenoncus +sialagogic +sialagogue +sialagoguic +sialemesis +Sialia +sialic +sialid +Sialidae +sialidan +Sialis +sialoangitis +sialogenous +sialoid +sialolith +sialolithiasis +sialology +sialorrhea +sialoschesis +sialosemeiology +sialosis +sialostenosis +sialosyrinx +sialozemia +Siam +siamang +Siamese +sib +Sibbaldus +sibbed +sibbens +sibber +sibboleth +sibby +Siberian +Siberic +siberite +sibilance +sibilancy +sibilant +sibilantly +sibilate +sibilatingly +sibilator +sibilatory +sibilous +sibilus +Sibiric +sibling +sibness +sibrede +sibship +sibyl +sibylesque +sibylic +sibylism +sibylla +sibylline +sibyllist +sic +Sicambri +Sicambrian +Sicana +Sicani +Sicanian +sicarian +sicarious +sicarius +sicca +siccaneous +siccant +siccate +siccation +siccative +siccimeter +siccity +sice +Sicel +Siceliot +Sicilian +sicilian +siciliana +Sicilianism +sicilica +sicilicum +sicilienne +sicinnian +sick +sickbed +sicken +sickener +sickening +sickeningly +sicker +sickerly +sickerness +sickhearted +sickish +sickishly +sickishness +sickle +sicklebill +sickled +sicklelike +sickleman +sicklemia +sicklemic +sicklepod +sickler +sicklerite +sickless +sickleweed +sicklewise +sicklewort +sicklied +sicklily +sickliness +sickling +sickly +sickness +sicknessproof +sickroom +sicsac +sicula +sicular +Siculi +Siculian +Sicyonian +Sicyonic +Sicyos +Sid +Sida +Sidalcea +sidder +Siddha +Siddhanta +Siddhartha +Siddhi +siddur +side +sideage +sidearm +sideboard +sidebone +sidebones +sideburns +sidecar +sidecarist +sidecheck +sided +sidedness +sideflash +sidehead +sidehill +sidekicker +sidelang +sideless +sideline +sideling +sidelings +sidelingwise +sidelong +sidenote +sidepiece +sider +sideral +sideration +siderealize +sidereally +siderean +siderin +siderism +siderite +sideritic +Sideritis +siderognost +siderographic +siderographical +siderographist +siderography +siderolite +siderology +sideromagnetic +sideromancy +sideromelane +sideronatrite +sideronym +sideroscope +siderose +siderosis +siderostat +siderostatic +siderotechny +siderous +Sideroxylon +sidership +siderurgical +siderurgy +sides +sidesaddle +sideshake +sideslip +sidesman +sidesplitter +sidesplitting +sidesplittingly +sidesway +sideswipe +sideswiper +sidetrack +sidewalk +sideward +sidewards +sideway +sideways +sidewinder +sidewipe +sidewiper +sidewise +sidhe +sidi +siding +sidle +sidler +sidling +sidlingly +Sidney +Sidonian +Sidrach +sidth +sidy +sie +siege +siegeable +siegecraft +siegenite +sieger +siegework +Siegfried +Sieglingia +Siegmund +Siegurd +Siena +Sienese +sienna +sier +siering +sierozem +Sierra +sierra +sierran +siesta +siestaland +Sieva +sieve +sieveful +sievelike +siever +Sieversia +sievings +sievy +sifac +sifaka +Sifatite +sife +siffilate +siffle +sifflement +sifflet +sifflot +sift +siftage +sifted +sifter +sifting +sig +Siganidae +Siganus +sigatoka +Sigaultian +sigger +sigh +sigher +sighful +sighfully +sighing +sighingly +sighingness +sighless +sighlike +sight +sightable +sighted +sighten +sightening +sighter +sightful +sightfulness +sighthole +sighting +sightless +sightlessly +sightlessness +sightlily +sightliness +sightly +sightproof +sightworthiness +sightworthy +sighty +sigil +sigilative +Sigillaria +Sigillariaceae +sigillariaceous +sigillarian +sigillarid +sigillarioid +sigillarist +sigillaroid +sigillary +sigillate +sigillated +sigillation +sigillistic +sigillographer +sigillographical +sigillography +sigillum +sigla +siglarian +siglos +Sigma +sigma +sigmaspire +sigmate +sigmatic +sigmation +sigmatism +sigmodont +Sigmodontes +sigmoid +sigmoidal +sigmoidally +sigmoidectomy +sigmoiditis +sigmoidopexy +sigmoidoproctostomy +sigmoidorectostomy +sigmoidoscope +sigmoidoscopy +sigmoidostomy +Sigmund +sign +signable +signal +signalee +signaler +signalese +signaletic +signaletics +signalism +signalist +signality +signalize +signally +signalman +signalment +signary +signatary +signate +signation +signator +signatory +signatural +signature +signatureless +signaturist +signboard +signee +signer +signet +signetwise +signifer +signifiable +significal +significance +significancy +significant +significantly +significantness +significate +signification +significatist +significative +significatively +significativeness +significator +significatory +significatrix +significature +significavit +significian +significs +signifier +signify +signior +signiorship +signist +signless +signlike +signman +signorial +signorship +signory +signpost +signum +signwriter +Sigurd +Sihasapa +Sika +sika +sikar +sikatch +sike +sikerly +sikerness +siket +Sikh +sikhara +Sikhism +sikhra +Sikinnis +Sikkimese +Siksika +sil +silage +silaginoid +silane +Silas +silbergroschen +silcrete +sile +silen +Silenaceae +silenaceous +Silenales +silence +silenced +silencer +silency +Silene +sileni +silenic +silent +silential +silentiary +silentious +silentish +silently +silentness +silenus +silesia +Silesian +Siletz +silex +silexite +silhouette +silhouettist +silhouettograph +silica +silicam +silicane +silicate +silication +silicatization +Silicea +silicean +siliceocalcareous +siliceofelspathic +siliceofluoric +siliceous +silicic +silicicalcareous +silicicolous +silicide +silicidize +siliciferous +silicification +silicifluoric +silicifluoride +silicify +siliciophite +silicious +Silicispongiae +silicium +siliciuretted +silicize +silicle +silico +silicoacetic +silicoalkaline +silicoaluminate +silicoarsenide +silicocalcareous +silicochloroform +silicocyanide +silicoethane +silicoferruginous +Silicoflagellata +Silicoflagellatae +silicoflagellate +Silicoflagellidae +silicofluoric +silicofluoride +silicohydrocarbon +Silicoidea +silicomagnesian +silicomanganese +silicomethane +silicon +silicone +siliconize +silicononane +silicopropane +silicosis +Silicospongiae +silicotalcose +silicotic +silicotitanate +silicotungstate +silicotungstic +silicula +silicular +silicule +siliculose +siliculous +silicyl +Silipan +siliqua +siliquaceous +siliquae +Siliquaria +Siliquariidae +silique +siliquiferous +siliquiform +siliquose +siliquous +silk +silkalene +silkaline +silked +silken +silker +silkflower +silkgrower +silkie +silkily +silkiness +silklike +silkman +silkness +silksman +silktail +silkweed +silkwoman +silkwood +silkwork +silkworks +silkworm +silky +sill +sillabub +silladar +Sillaginidae +Sillago +sillandar +sillar +siller +Sillery +sillibouk +sillikin +sillily +sillimanite +silliness +sillock +sillograph +sillographer +sillographist +sillometer +sillon +silly +sillyhood +sillyhow +sillyish +sillyism +sillyton +silo +siloist +Silpha +silphid +Silphidae +silphium +silt +siltage +siltation +silting +siltlike +silty +silundum +Silures +Silurian +Siluric +silurid +Siluridae +Siluridan +siluroid +Siluroidei +Silurus +silva +silvan +silvanity +silvanry +Silvanus +silvendy +silver +silverback +silverbeater +silverbelly +silverberry +silverbill +silverboom +silverbush +silvered +silverer +silvereye +silverfin +silverfish +silverhead +silverily +silveriness +silvering +silverish +silverite +silverize +silverizer +silverleaf +silverless +silverlike +silverling +silverly +silvern +silverness +silverpoint +silverrod +silverside +silversides +silverskin +silversmith +silversmithing +silverspot +silvertail +silvertip +silvertop +silvervine +silverware +silverweed +silverwing +silverwood +silverwork +silverworker +silvery +Silvester +Silvia +silvical +silvicolous +silvics +silvicultural +silviculturally +silviculture +silviculturist +Silvius +Silybum +silyl +Sim +sima +Simaba +simal +simar +Simarouba +Simaroubaceae +simaroubaceous +simball +simbil +simblin +simblot +Simblum +sime +Simeon +Simeonism +Simeonite +Simia +simiad +simial +simian +simianity +simiesque +Simiidae +Simiinae +similar +similarity +similarize +similarly +similative +simile +similimum +similiter +similitive +similitude +similitudinize +simility +similize +similor +simioid +simious +simiousness +simity +simkin +simlin +simling +simmer +simmeringly +simmon +simnel +simnelwise +simoleon +Simon +simoniac +simoniacal +simoniacally +Simonian +Simonianism +simonious +simonism +Simonist +simonist +simony +simool +simoom +simoon +Simosaurus +simous +simp +simpai +simper +simperer +simperingly +simple +simplehearted +simpleheartedly +simpleheartedness +simpleness +simpler +simpleton +simpletonian +simpletonianism +simpletonic +simpletonish +simpletonism +simplex +simplexed +simplexity +simplicident +Simplicidentata +simplicidentate +simplicist +simplicitarian +simplicity +simplicize +simplification +simplificative +simplificator +simplified +simplifiedly +simplifier +simplify +simplism +simplist +simplistic +simply +simsim +simson +simulacra +simulacral +simulacre +simulacrize +simulacrum +simulance +simulant +simular +simulate +simulation +simulative +simulatively +simulator +simulatory +simulcast +simuler +simuliid +Simuliidae +simulioid +Simulium +simultaneity +simultaneous +simultaneously +simultaneousness +sin +sina +Sinae +Sinaean +Sinaic +sinaite +Sinaitic +sinal +sinalbin +Sinaloa +sinamay +sinamine +sinapate +sinapic +sinapine +sinapinic +Sinapis +sinapis +sinapism +sinapize +sinapoline +sinarchism +sinarchist +sinarquism +sinarquist +sinarquista +sinawa +sincaline +since +sincere +sincerely +sincereness +sincerity +sincipital +sinciput +sind +sinder +Sindhi +sindle +sindoc +sindon +sindry +sine +sinecural +sinecure +sinecureship +sinecurism +sinecurist +Sinesian +sinew +sinewed +sinewiness +sinewless +sinewous +sinewy +sinfonia +sinfonie +sinfonietta +sinful +sinfully +sinfulness +sing +singability +singable +singableness +singally +singarip +singe +singed +singeing +singeingly +singer +singey +Singfo +singh +Singhalese +singillatim +singing +singingly +singkamas +single +singlebar +singled +singlehanded +singlehandedly +singlehandedness +singlehearted +singleheartedly +singleheartedness +singlehood +singleness +singler +singles +singlestick +singlesticker +singlet +singleton +singletree +singlings +singly +Singpho +Singsing +singsong +singsongy +Singspiel +singspiel +singstress +singular +singularism +singularist +singularity +singularization +singularize +singularly +singularness +singult +singultous +singultus +sinh +Sinhalese +Sinian +Sinic +Sinicism +Sinicization +Sinicize +Sinico +Sinification +Sinify +sinigrin +sinigrinase +sinigrosid +sinigroside +Sinisian +Sinism +sinister +sinisterly +sinisterness +sinisterwise +sinistrad +sinistral +sinistrality +sinistrally +sinistration +sinistrin +sinistrocerebral +sinistrocular +sinistrodextral +sinistrogyrate +sinistrogyration +sinistrogyric +sinistromanual +sinistrorsal +sinistrorsally +sinistrorse +sinistrous +sinistrously +sinistruous +Sinite +Sinitic +sink +sinkable +sinkage +sinker +sinkerless +sinkfield +sinkhead +sinkhole +sinking +Sinkiuse +sinkless +sinklike +sinkroom +sinkstone +sinky +sinless +sinlessly +sinlessness +sinlike +sinnable +sinnableness +sinnen +sinner +sinneress +sinnership +sinnet +Sinningia +sinningly +sinningness +sinoatrial +sinoauricular +Sinogram +sinoidal +Sinolog +Sinologer +Sinological +Sinologist +Sinologue +Sinology +sinomenine +Sinonism +Sinophile +Sinophilism +sinopia +Sinopic +sinopite +sinople +sinproof +Sinsiga +sinsion +sinsring +sinsyne +sinter +Sinto +sintoc +Sintoism +Sintoist +Sintsink +Sintu +sinuate +sinuated +sinuatedentate +sinuately +sinuation +sinuatocontorted +sinuatodentate +sinuatodentated +sinuatopinnatifid +sinuatoserrated +sinuatoundulate +sinuatrial +sinuauricular +sinuitis +sinuose +sinuosely +sinuosity +sinuous +sinuously +sinuousness +Sinupallia +sinupallial +Sinupallialia +Sinupalliata +sinupalliate +sinus +sinusal +sinusitis +sinuslike +sinusoid +sinusoidal +sinusoidally +sinuventricular +sinward +siol +Sion +sion +Sionite +Siouan +Sioux +sip +sipage +sipe +siper +siphoid +siphon +siphonaceous +siphonage +siphonal +Siphonales +Siphonaptera +siphonapterous +Siphonaria +siphonariid +Siphonariidae +Siphonata +siphonate +Siphoneae +siphoneous +siphonet +siphonia +siphonial +Siphoniata +siphonic +Siphonifera +siphoniferous +siphoniform +siphonium +siphonless +siphonlike +Siphonobranchiata +siphonobranchiate +Siphonocladales +Siphonocladiales +siphonogam +Siphonogama +siphonogamic +siphonogamous +siphonogamy +siphonoglyph +siphonoglyphe +siphonognathid +Siphonognathidae +siphonognathous +Siphonognathus +Siphonophora +siphonophoran +siphonophore +siphonophorous +siphonoplax +siphonopore +siphonorhinal +siphonorhine +siphonosome +siphonostele +siphonostelic +siphonostely +Siphonostoma +Siphonostomata +siphonostomatous +siphonostome +siphonostomous +siphonozooid +siphonula +siphorhinal +siphorhinian +siphosome +siphuncle +siphuncled +siphuncular +Siphunculata +siphunculate +siphunculated +Sipibo +sipid +sipidity +Siping +siping +sipling +sipper +sippet +sippingly +sippio +Sipunculacea +sipunculacean +sipunculid +Sipunculida +sipunculoid +Sipunculoidea +Sipunculus +sipylite +Sir +sir +sircar +sirdar +sirdarship +sire +Siredon +sireless +siren +sirene +Sirenia +sirenian +sirenic +sirenical +sirenically +Sirenidae +sirening +sirenize +sirenlike +sirenoid +Sirenoidea +Sirenoidei +sireny +sireship +siress +sirgang +Sirian +sirian +Sirianian +siriasis +siricid +Siricidae +Siricoidea +sirih +siriometer +Sirione +siris +Sirius +sirkeer +sirki +sirky +sirloin +sirloiny +Sirmian +Sirmuellera +siroc +sirocco +siroccoish +siroccoishly +sirpea +sirple +sirpoon +sirrah +sirree +sirship +siruaballi +siruelas +sirup +siruped +siruper +sirupy +Siryan +Sis +sis +sisal +siscowet +sise +sisel +siserara +siserary +siserskite +sish +sisham +sisi +siskin +Sisley +sismotherapy +siss +Sisseton +sissification +sissify +sissiness +sissoo +Sissu +sissy +sissyish +sissyism +sist +Sistani +sister +sisterhood +sisterin +sistering +sisterize +sisterless +sisterlike +sisterliness +sisterly +sistern +Sistine +sistle +sistomensin +sistrum +Sistrurus +Sisymbrium +Sisyphean +Sisyphian +Sisyphides +Sisyphism +Sisyphist +Sisyphus +Sisyrinchium +sisyrinchium +sit +Sita +sitao +sitar +sitatunga +sitch +site +sitfast +sith +sithcund +sithe +sithement +sithence +sithens +sitient +sitio +sitiology +sitiomania +sitiophobia +Sitka +Sitkan +sitology +sitomania +Sitophilus +sitophobia +sitophobic +sitosterin +sitosterol +sitotoxism +Sitta +sittee +sitten +sitter +Sittidae +Sittinae +sittine +sitting +sittringy +situal +situate +situated +situation +situational +situla +situlae +situs +Sium +Siusi +Siuslaw +Siva +siva +Sivaism +Sivaist +Sivaistic +Sivaite +Sivan +Sivapithecus +sivathere +Sivatheriidae +Sivatheriinae +sivatherioid +Sivatherium +siver +sivvens +Siwan +Siwash +siwash +six +sixain +sixer +sixfoil +sixfold +sixhaend +sixhynde +sixpence +sixpenny +sixpennyworth +sixscore +sixsome +sixte +sixteen +sixteener +sixteenfold +sixteenmo +sixteenth +sixteenthly +sixth +sixthet +sixthly +sixtieth +Sixtowns +Sixtus +sixty +sixtyfold +sixtypenny +sizable +sizableness +sizably +sizal +sizar +sizarship +size +sizeable +sizeableness +sized +sizeman +sizer +sizes +siziness +sizing +sizy +sizygia +sizygium +sizz +sizzard +sizzing +sizzle +sizzling +sizzlingly +Sjaak +sjambok +Sjouke +skaddle +skaff +skaffie +skag +skaillie +skainsmate +skair +skaitbird +skal +skalawag +skaldship +skance +Skanda +skandhas +skart +skasely +Skat +skat +skate +skateable +skater +skatikas +skatiku +skating +skatist +skatole +skatosine +skatoxyl +skaw +skean +skeanockle +skedaddle +skedaddler +skedge +skedgewith +skedlock +skee +skeed +skeeg +skeel +skeeling +skeely +skeen +skeenyie +skeer +skeered +skeery +skeesicks +skeet +Skeeter +skeeter +skeezix +Skef +skeg +skegger +skeif +skeigh +skeily +skein +skeiner +skeipp +skel +skelder +skelderdrake +skeldrake +skeletal +skeletin +skeletogenous +skeletogeny +skeletomuscular +skeleton +skeletonian +skeletonic +skeletonization +skeletonize +skeletonizer +skeletonless +skeletonweed +skeletony +skelf +skelgoose +skelic +skell +skellat +skeller +skelloch +skellum +skelly +skelp +skelper +skelpin +skelping +skelter +Skeltonian +Skeltonic +Skeltonical +Skeltonics +skemmel +skemp +sken +skene +skeo +skeough +skep +skepful +skeppist +skeppund +skeptic +skeptical +skeptically +skepticalness +skepticism +skepticize +sker +skere +skerret +skerrick +skerry +sketch +sketchability +sketchable +sketchbook +sketchee +sketcher +sketchily +sketchiness +sketching +sketchingly +sketchist +sketchlike +sketchy +skete +sketiotai +skeuomorph +skeuomorphic +skevish +skew +skewback +skewbacked +skewbald +skewed +skewer +skewerer +skewerwood +skewings +skewl +skewly +skewness +skewwhiff +skewwise +skewy +skey +skeyting +ski +skiagram +skiagraph +skiagrapher +skiagraphic +skiagraphical +skiagraphically +skiagraphy +skiameter +skiametry +skiapod +skiapodous +skiascope +skiascopy +skibby +skibslast +skice +skid +skidded +skidder +skidding +skiddingly +skiddoo +skiddy +Skidi +skidpan +skidproof +skidway +skied +skieppe +skiepper +skier +skies +skiff +skiffless +skiffling +skift +skiing +skijore +skijorer +skijoring +skil +skilder +skildfel +skilfish +skill +skillagalee +skilled +skillenton +skillessness +skillet +skillful +skillfully +skillfulness +skilligalee +skilling +skillion +skilly +skilpot +skilts +skim +skimback +skime +skimmed +skimmer +skimmerton +Skimmia +skimming +skimmingly +skimmington +skimmity +skimp +skimpily +skimpiness +skimpingly +skimpy +skin +skinbound +skinch +skinflint +skinflintily +skinflintiness +skinflinty +skinful +skink +skinker +skinking +skinkle +skinless +skinlike +skinned +skinner +skinnery +skinniness +skinning +skinny +skintight +skinworm +skiogram +skiograph +skiophyte +Skip +skip +skipbrain +Skipetar +skipjack +skipjackly +skipkennel +skipman +skippable +skippel +skipper +skippered +skippership +skippery +skippet +skipping +skippingly +skipple +skippund +skippy +skiptail +skirl +skirlcock +skirling +skirmish +skirmisher +skirmishing +skirmishingly +skirp +skirr +skirreh +skirret +skirt +skirtboard +skirted +skirter +skirting +skirtingly +skirtless +skirtlike +skirty +skirwhit +skirwort +skit +skite +skiter +skither +Skitswish +Skittaget +Skittagetan +skitter +skittish +skittishly +skittishness +skittle +skittled +skittler +skittles +skitty +skittyboot +skiv +skive +skiver +skiverwood +skiving +skivvies +sklate +sklater +sklent +skleropelite +sklinter +skoal +Skodaic +skogbolite +Skoinolon +skokiaan +Skokomish +skomerite +skoo +skookum +Skopets +skoptsy +skout +skraeling +skraigh +skrike +skrimshander +skrupul +skua +skulduggery +skulk +skulker +skulking +skulkingly +skull +skullbanker +skullcap +skulled +skullery +skullfish +skullful +skully +skulp +skun +skunk +skunkbill +skunkbush +skunkdom +skunkery +skunkhead +skunkish +skunklet +skunktop +skunkweed +skunky +Skupshtina +skuse +skutterudite +sky +skybal +skycraft +Skye +skyey +skyful +skyish +skylark +skylarker +skyless +skylight +skylike +skylook +skyman +skyphoi +skyphos +skyplast +skyre +skyrgaliard +skyrocket +skyrockety +skysail +skyscape +skyscraper +skyscraping +skyshine +skyugle +skyward +skywards +skyway +skywrite +skywriter +skywriting +sla +slab +slabbed +slabber +slabberer +slabbery +slabbiness +slabbing +slabby +slabman +slabness +slabstone +slack +slackage +slacked +slacken +slackener +slacker +slackerism +slacking +slackingly +slackly +slackness +slad +sladang +slade +slae +slag +slaggability +slaggable +slagger +slagging +slaggy +slagless +slaglessness +slagman +slain +slainte +slaister +slaistery +slait +slake +slakeable +slakeless +slaker +slaking +slaky +slam +slammakin +slammerkin +slammock +slammocking +slammocky +slamp +slampamp +slampant +slander +slanderer +slanderful +slanderfully +slandering +slanderingly +slanderous +slanderously +slanderousness +slanderproof +slane +slang +slangily +slanginess +slangish +slangishly +slangism +slangkop +slangous +slangster +slanguage +slangular +slangy +slank +slant +slantindicular +slantindicularly +slanting +slantingly +slantingways +slantly +slantways +slantwise +slap +slapdash +slapdashery +slape +slaphappy +slapjack +slapper +slapping +slapstick +slapsticky +slare +slart +slarth +Slartibartfast +slash +slashed +slasher +slashing +slashingly +slashy +slat +slatch +slate +slateful +slatelike +slatemaker +slatemaking +slater +slateworks +slateyard +slath +slather +slatify +slatiness +slating +slatish +slatted +slatter +slattern +slatternish +slatternliness +slatternly +slatternness +slattery +slatting +slaty +slaughter +slaughterer +slaughterhouse +slaughteringly +slaughterman +slaughterous +slaughterously +slaughteryard +slaum +Slav +Slavdom +Slave +slave +slaveborn +slaved +slaveholder +slaveholding +slaveland +slaveless +slavelet +slavelike +slaveling +slavemonger +slaveowner +slaveownership +slavepen +slaver +slaverer +slavering +slaveringly +slavery +Slavey +slavey +Slavi +Slavian +Slavic +Slavicism +Slavicize +Slavification +Slavify +slavikite +slaving +Slavish +slavish +slavishly +slavishness +Slavism +Slavist +Slavistic +Slavization +Slavize +slavocracy +slavocrat +slavocratic +Slavonian +Slavonianize +Slavonic +Slavonically +Slavonicize +Slavonish +Slavonism +Slavonization +Slavonize +Slavophile +Slavophilism +Slavophobe +Slavophobist +slaw +slay +slayable +slayer +slaying +sleathy +sleave +sleaved +sleaziness +sleazy +Sleb +sleck +sled +sledded +sledder +sledding +sledful +sledge +sledgeless +sledgemeter +sledger +sledging +sledlike +slee +sleech +sleechy +sleek +sleeken +sleeker +sleeking +sleekit +sleekly +sleekness +sleeky +sleep +sleeper +sleepered +sleepful +sleepfulness +sleepify +sleepily +sleepiness +sleeping +sleepingly +sleepland +sleepless +sleeplessly +sleeplessness +sleeplike +sleepmarken +sleepproof +sleepry +sleepwaker +sleepwaking +sleepwalk +sleepwalker +sleepwalking +sleepward +sleepwort +sleepy +sleepyhead +sleer +sleet +sleetiness +sleeting +sleetproof +sleety +sleeve +sleeveband +sleeveboard +sleeved +sleeveen +sleevefish +sleeveful +sleeveless +sleevelessness +sleevelet +sleevelike +sleever +sleigh +sleigher +sleighing +sleight +sleightful +sleighty +slendang +slender +slenderish +slenderize +slenderly +slenderness +slent +slepez +slept +slete +sleuth +sleuthdog +sleuthful +sleuthhound +sleuthlike +slew +slewed +slewer +slewing +sley +sleyer +slice +sliceable +sliced +slicer +slich +slicht +slicing +slicingly +slick +slicken +slickens +slickenside +slicker +slickered +slickery +slicking +slickly +slickness +slid +slidable +slidableness +slidably +slidage +slidden +slidder +sliddery +slide +slideable +slideableness +slideably +slided +slidehead +slideman +slideproof +slider +slideway +sliding +slidingly +slidingness +slidometer +slifter +slight +slighted +slighter +slightily +slightiness +slighting +slightingly +slightish +slightly +slightness +slighty +slim +slime +slimeman +slimer +slimily +sliminess +slimish +slimishness +slimly +slimmish +slimness +slimpsy +slimsy +slimy +sline +sling +slingball +slinge +slinger +slinging +slingshot +slingsman +slingstone +slink +slinker +slinkily +slinkiness +slinking +slinkingly +slinkskin +slinkweed +slinky +slip +slipback +slipband +slipboard +slipbody +slipcase +slipcoach +slipcoat +slipe +slipgibbet +sliphorn +sliphouse +slipknot +slipless +slipman +slipover +slippage +slipped +slipper +slippered +slipperflower +slipperily +slipperiness +slipperlike +slipperweed +slipperwort +slippery +slipperyback +slipperyroot +slippiness +slipping +slippingly +slipproof +slippy +slipshod +slipshoddiness +slipshoddy +slipshodness +slipshoe +slipslap +slipslop +slipsloppish +slipsloppism +slipsole +slipstep +slipstring +sliptopped +slipway +slirt +slish +slit +slitch +slite +slither +slithering +slitheroo +slithers +slithery +slithy +slitless +slitlike +slitshell +slitted +slitter +slitting +slitty +slitwise +slive +sliver +sliverer +sliverlike +sliverproof +slivery +sliving +slivovitz +sloan +Sloanea +slob +slobber +slobberchops +slobberer +slobbers +slobbery +slobby +slock +slocken +slod +slodder +slodge +slodger +sloe +sloeberry +sloebush +sloetree +slog +slogan +sloganeer +sloganize +slogger +slogging +slogwood +sloka +sloke +slommock +slon +slone +slonk +sloo +sloom +sloomy +sloop +sloopman +sloosh +slop +slopdash +slope +sloped +slopely +slopeness +sloper +slopeways +slopewise +sloping +slopingly +slopingness +slopmaker +slopmaking +sloppage +slopped +sloppery +sloppily +sloppiness +slopping +sloppy +slops +slopseller +slopselling +slopshop +slopstone +slopwork +slopworker +slopy +slorp +slosh +slosher +sloshily +sloshiness +sloshy +slot +slote +sloted +sloth +slothful +slothfully +slothfulness +slothound +slotted +slotter +slottery +slotting +slotwise +slouch +sloucher +slouchily +slouchiness +slouching +slouchingly +slouchy +slough +sloughiness +sloughy +slour +sloush +Slovak +Slovakian +Slovakish +sloven +Slovene +Slovenian +Slovenish +slovenlike +slovenliness +slovenly +slovenwood +Slovintzi +slow +slowbellied +slowbelly +slowdown +slowgoing +slowheaded +slowhearted +slowheartedness +slowhound +slowish +slowly +slowmouthed +slowpoke +slowrie +slows +slowworm +sloyd +slub +slubber +slubberdegullion +slubberer +slubbering +slubberingly +slubberly +slubbery +slubbing +slubby +slud +sludder +sluddery +sludge +sludged +sludger +sludgy +slue +sluer +slug +slugabed +sluggard +sluggarding +sluggardize +sluggardliness +sluggardly +sluggardness +sluggardry +slugged +slugger +slugging +sluggingly +sluggish +sluggishly +sluggishness +sluggy +sluglike +slugwood +sluice +sluicelike +sluicer +sluiceway +sluicing +sluicy +sluig +sluit +slum +slumber +slumberer +slumberful +slumbering +slumberingly +slumberland +slumberless +slumberous +slumberously +slumberousness +slumberproof +slumbersome +slumbery +slumbrous +slumdom +slumgullion +slumgum +slumland +slummage +slummer +slumminess +slumming +slummock +slummocky +slummy +slump +slumpproof +slumproof +slumpwork +slumpy +slumward +slumwise +slung +slungbody +slunge +slunk +slunken +slur +slurbow +slurp +slurry +slush +slusher +slushily +slushiness +slushy +slut +slutch +slutchy +sluther +sluthood +slutter +sluttery +sluttikin +sluttish +sluttishly +sluttishness +slutty +sly +slyboots +slyish +slyly +slyness +slype +sma +smachrie +smack +smackee +smacker +smackful +smacking +smackingly +smacksman +smaik +Smalcaldian +Smalcaldic +small +smallage +smallclothes +smallcoal +smallen +smaller +smallhearted +smallholder +smalling +smallish +smallmouth +smallmouthed +smallness +smallpox +smalls +smallsword +smalltime +smallware +smally +smalm +smalt +smalter +smaltine +smaltite +smalts +smaragd +smaragdine +smaragdite +smaragdus +smarm +smarmy +smart +smarten +smarting +smartingly +smartish +smartism +smartless +smartly +smartness +smartweed +smarty +smash +smashable +smashage +smashboard +smasher +smashery +smashing +smashingly +smashment +smashup +smatter +smatterer +smattering +smatteringly +smattery +smaze +smear +smearcase +smeared +smearer +smeariness +smearless +smeary +smectic +smectis +smectite +Smectymnuan +Smectymnuus +smeddum +smee +smeech +smeek +smeeky +smeer +smeeth +smegma +smell +smellable +smellage +smelled +smeller +smellful +smellfungi +smellfungus +smelliness +smelling +smellproof +smellsome +smelly +smelt +smelter +smelterman +smeltery +smeltman +smeth +smethe +smeuse +smew +smich +smicker +smicket +smiddie +smiddum +smidge +smidgen +smifligate +smifligation +smiggins +Smilacaceae +smilacaceous +Smilaceae +smilaceous +smilacin +Smilacina +Smilax +smilax +smile +smileable +smileage +smileful +smilefulness +smileless +smilelessly +smilelessness +smilemaker +smilemaking +smileproof +smiler +smilet +smiling +smilingly +smilingness +Smilodon +smily +Smintheus +Sminthian +sminthurid +Sminthuridae +Sminthurus +smirch +smircher +smirchless +smirchy +smiris +smirk +smirker +smirking +smirkingly +smirkish +smirkle +smirkly +smirky +smirtle +smit +smitch +smite +smiter +smith +smitham +smithcraft +smither +smithereens +smithery +Smithian +Smithianism +smithing +smithite +Smithsonian +smithsonite +smithwork +smithy +smithydander +smiting +smitten +smitting +smock +smocker +smockface +smocking +smockless +smocklike +smog +smokables +smoke +smokeable +smokebox +smokebush +smoked +smokefarthings +smokehouse +smokejack +smokeless +smokelessly +smokelessness +smokelike +smokeproof +smoker +smokery +smokestack +smokestone +smoketight +smokewood +smokily +smokiness +smoking +smokish +smoky +smokyseeming +smolder +smolderingness +smolt +smooch +smoochy +smoodge +smoodger +smook +smoorich +Smoos +smoot +smooth +smoothable +smoothback +smoothbore +smoothbored +smoothcoat +smoothen +smoother +smoothification +smoothify +smoothing +smoothingly +smoothish +smoothly +smoothmouthed +smoothness +smoothpate +smopple +smore +smorgasbord +smote +smother +smotherable +smotheration +smothered +smotherer +smotheriness +smothering +smotheringly +smothery +smotter +smouch +smoucher +smous +smouse +smouser +smout +smriti +smudge +smudged +smudgedly +smudgeless +smudgeproof +smudger +smudgily +smudginess +smudgy +smug +smuggery +smuggish +smuggishly +smuggishness +smuggle +smuggleable +smuggler +smugglery +smuggling +smugism +smugly +smugness +smuisty +smur +smurr +smurry +smuse +smush +smut +smutch +smutchin +smutchless +smutchy +smutproof +smutted +smutter +smuttily +smuttiness +smutty +Smyrna +Smyrnaite +Smyrnean +Smyrniot +Smyrniote +smyth +smytrie +snab +snabbie +snabble +snack +snackle +snackman +snaff +snaffle +snaffles +snafu +snag +snagbush +snagged +snagger +snaggled +snaggletooth +snaggy +snagrel +snail +snaileater +snailery +snailfish +snailflower +snailish +snailishly +snaillike +snails +snaily +snaith +snake +snakebark +snakeberry +snakebird +snakebite +snakefish +snakeflower +snakehead +snakeholing +snakeleaf +snakeless +snakelet +snakelike +snakeling +snakemouth +snakeneck +snakeology +snakephobia +snakepiece +snakepipe +snakeproof +snaker +snakeroot +snakery +snakeship +snakeskin +snakestone +snakeweed +snakewise +snakewood +snakeworm +snakewort +snakily +snakiness +snaking +snakish +snaky +snap +snapback +snapbag +snapberry +snapdragon +snape +snaper +snaphead +snapholder +snapjack +snapless +snappable +snapped +snapper +snappily +snappiness +snapping +snappingly +snappish +snappishly +snappishness +snapps +snappy +snaps +snapsack +snapshot +snapshotter +snapweed +snapwood +snapwort +snapy +snare +snareless +snarer +snaringly +snark +snarl +snarler +snarleyyow +snarlingly +snarlish +snarly +snary +snaste +snatch +snatchable +snatched +snatcher +snatchily +snatching +snatchingly +snatchproof +snatchy +snath +snathe +snavel +snavvle +snaw +snead +sneak +sneaker +sneakiness +sneaking +sneakingly +sneakingness +sneakish +sneakishly +sneakishness +sneaksby +sneaksman +sneaky +sneap +sneath +sneathe +sneb +sneck +sneckdraw +sneckdrawing +sneckdrawn +snecker +snecket +sned +snee +sneer +sneerer +sneerful +sneerfulness +sneering +sneeringly +sneerless +sneery +sneesh +sneeshing +sneest +sneesty +sneeze +sneezeless +sneezeproof +sneezer +sneezeweed +sneezewood +sneezewort +sneezing +sneezy +snell +snelly +Snemovna +snerp +snew +snib +snibble +snibbled +snibbler +snibel +snicher +snick +snickdraw +snickdrawing +snicker +snickering +snickeringly +snickersnee +snicket +snickey +snickle +sniddle +snide +snideness +sniff +sniffer +sniffily +sniffiness +sniffing +sniffingly +sniffish +sniffishness +sniffle +sniffler +sniffly +sniffy +snift +snifter +snifty +snig +snigger +sniggerer +sniggering +sniggle +sniggler +sniggoringly +snip +snipe +snipebill +snipefish +snipelike +sniper +sniperscope +sniping +snipish +snipjack +snipnose +snipocracy +snipper +snippersnapper +snipperty +snippet +snippetiness +snippety +snippiness +snipping +snippish +snippy +snipsnapsnorum +sniptious +snipy +snirl +snirt +snirtle +snitch +snitcher +snite +snithe +snithy +snittle +snivel +sniveled +sniveler +sniveling +snively +snivy +snob +snobber +snobbery +snobbess +snobbing +snobbish +snobbishly +snobbishness +snobbism +snobby +snobdom +snobling +snobocracy +snobocrat +snobographer +snobography +snobologist +snobonomer +snobscat +snocher +snock +snocker +snod +snodly +snoek +snoeking +snog +snoga +Snohomish +snoke +Snonowas +snood +snooded +snooding +snook +snooker +snookered +snoop +snooper +snooperscope +snoopy +snoose +snoot +snootily +snootiness +snooty +snoove +snooze +snoozer +snooziness +snoozle +snoozy +snop +Snoqualmie +Snoquamish +snore +snoreless +snorer +snoring +snoringly +snork +snorkel +snorker +snort +snorter +snorting +snortingly +snortle +snorty +snot +snotter +snottily +snottiness +snotty +snouch +snout +snouted +snouter +snoutish +snoutless +snoutlike +snouty +Snow +snow +Snowball +snowball +snowbank +snowbell +snowberg +snowberry +snowbird +snowblink +snowbound +snowbreak +snowbush +snowcap +snowcraft +Snowdonian +snowdrift +snowdrop +snowfall +snowflake +snowflight +snowflower +snowfowl +snowhammer +snowhouse +snowie +snowily +snowiness +snowish +snowk +snowl +snowland +snowless +snowlike +snowmanship +snowmobile +snowplow +snowproof +snowscape +snowshade +snowshed +snowshine +snowshoe +snowshoed +snowshoeing +snowshoer +snowslide +snowslip +snowstorm +snowsuit +snowworm +snowy +snozzle +snub +snubbable +snubbed +snubbee +snubber +snubbiness +snubbing +snubbingly +snubbish +snubbishly +snubbishness +snubby +snubproof +snuck +snudge +snuff +snuffbox +snuffboxer +snuffcolored +snuffer +snuffers +snuffiness +snuffing +snuffingly +snuffish +snuffle +snuffler +snuffles +snuffless +snuffliness +snuffling +snufflingly +snuffly +snuffman +snuffy +snug +snugger +snuggery +snuggish +snuggle +snugify +snugly +snugness +snum +snup +snupper +snur +snurl +snurly +snurp +snurt +snuzzle +sny +snying +so +soak +soakage +soakaway +soaked +soaken +soaker +soaking +soakingly +soakman +soaky +soally +soam +soap +soapbark +soapberry +soapbox +soapboxer +soapbubbly +soapbush +soaper +soapery +soapfish +soapily +soapiness +soaplees +soapless +soaplike +soapmaker +soapmaking +soapmonger +soaprock +soaproot +soapstone +soapsud +soapsuddy +soapsuds +soapsudsy +soapweed +soapwood +soapwort +soapy +soar +soarability +soarable +soarer +soaring +soaringly +soary +sob +sobber +sobbing +sobbingly +sobby +sobeit +sober +soberer +sobering +soberingly +soberize +soberlike +soberly +soberness +sobersault +sobersided +sobersides +soberwise +sobful +soboles +soboliferous +sobproof +Sobralia +sobralite +Sobranje +sobrevest +sobriety +sobriquet +sobriquetical +soc +socage +socager +soccer +soccerist +soccerite +soce +socht +sociability +sociable +sociableness +sociably +social +Sociales +socialism +socialist +socialistic +socialite +sociality +socializable +socialization +socialize +socializer +socially +socialness +sociation +sociative +societal +societally +societarian +societarianism +societary +societified +societism +societist +societologist +societology +society +societyish +societyless +socii +Socinian +Socinianism +Socinianistic +Socinianize +sociobiological +sociocentric +sociocracy +sociocrat +sociocratic +sociocultural +sociodrama +sociodramatic +socioeconomic +socioeducational +sociogenesis +sociogenetic +sociogeny +sociography +sociolatry +sociolegal +sociologian +sociologic +sociological +sociologically +sociologism +sociologist +sociologistic +sociologize +sociologizer +sociologizing +sociology +sociomedical +sociometric +sociometry +socionomic +socionomics +socionomy +sociophagous +sociopolitical +socioreligious +socioromantic +sociostatic +sociotechnical +socius +sock +sockdolager +socker +socket +socketful +socketless +sockeye +sockless +socklessness +sockmaker +sockmaking +socky +socle +socman +socmanry +soco +Socorrito +Socotran +Socotri +Socotrine +Socratean +Socratic +Socratical +Socratically +Socraticism +Socratism +Socratist +Socratize +sod +soda +sodaclase +sodaic +sodaless +sodalist +sodalite +sodalithite +sodality +sodamide +sodbuster +sodded +sodden +soddenly +soddenness +sodding +soddite +soddy +sodic +sodio +sodioaluminic +sodioaurous +sodiocitrate +sodiohydric +sodioplatinic +sodiosalicylate +sodiotartrate +sodium +sodless +sodoku +Sodom +sodomic +Sodomist +Sodomite +sodomitess +sodomitic +sodomitical +sodomitically +Sodomitish +sodomy +sodwork +sody +soe +soekoe +soever +sofa +sofane +sofar +soffit +Sofia +Sofoklis +Sofronia +soft +softa +softball +softbrained +soften +softener +softening +softhead +softheaded +softhearted +softheartedly +softheartedness +softhorn +softish +softling +softly +softner +softness +softship +softtack +softwood +softy +sog +Soga +Sogdian +Sogdianese +Sogdianian +Sogdoite +soger +soget +soggarth +soggendalite +soggily +sogginess +sogging +soggy +soh +soho +Soiesette +soiesette +soil +soilage +soiled +soiling +soilless +soilproof +soilure +soily +soiree +soixantine +Soja +soja +sojourn +sojourner +sojourney +sojournment +sok +soka +soke +sokeman +sokemanemot +sokemanry +soken +Sokoki +Sokotri +Sokulk +Sol +sol +sola +solace +solaceful +solacement +solaceproof +solacer +solacious +solaciously +solaciousness +solan +Solanaceae +solanaceous +solanal +Solanales +solander +solaneine +solaneous +solanidine +solanine +Solanum +solanum +solar +solarism +solarist +solaristic +solaristically +solaristics +Solarium +solarium +solarization +solarize +solarometer +solate +solatia +solation +solatium +solay +sold +soldado +Soldan +soldan +soldanel +Soldanella +soldanelle +soldanrie +solder +solderer +soldering +solderless +soldi +soldier +soldierbird +soldierbush +soldierdom +soldieress +soldierfish +soldierhearted +soldierhood +soldiering +soldierize +soldierlike +soldierliness +soldierly +soldierproof +soldiership +soldierwise +soldierwood +soldiery +soldo +sole +Solea +solea +soleas +solecism +solecist +solecistic +solecistical +solecistically +solecize +solecizer +Soleidae +soleiform +soleil +soleless +solely +solemn +solemncholy +solemnify +solemnitude +solemnity +solemnization +solemnize +solemnizer +solemnly +solemnness +Solen +solen +solenacean +solenaceous +soleness +solenette +solenial +Solenidae +solenite +solenitis +solenium +solenoconch +Solenoconcha +solenocyte +Solenodon +solenodont +Solenodontidae +solenogaster +Solenogastres +solenoglyph +Solenoglypha +solenoglyphic +solenoid +solenoidal +solenoidally +Solenopsis +solenostele +solenostelic +solenostomid +Solenostomidae +solenostomoid +solenostomous +Solenostomus +solent +solentine +solepiece +soleplate +soleprint +soler +Solera +soles +soleus +soleyn +solfataric +solfeggio +solferino +soli +soliative +solicit +solicitant +solicitation +solicitationism +solicited +solicitee +soliciter +soliciting +solicitor +solicitorship +solicitous +solicitously +solicitousness +solicitress +solicitrix +solicitude +solicitudinous +solid +Solidago +solidago +solidaric +solidarily +solidarism +solidarist +solidaristic +solidarity +solidarize +solidary +solidate +solidi +solidifiability +solidifiable +solidifiableness +solidification +solidifier +solidiform +solidify +solidish +solidism +solidist +solidistic +solidity +solidly +solidness +solidum +Solidungula +solidungular +solidungulate +solidus +solifidian +solifidianism +solifluction +solifluctional +soliform +Solifugae +solifuge +solifugean +solifugid +solifugous +soliloquacious +soliloquist +soliloquium +soliloquize +soliloquizer +soliloquizing +soliloquizingly +soliloquy +solilunar +Solio +solio +soliped +solipedal +solipedous +solipsism +solipsismal +solipsist +solipsistic +solist +solitaire +solitarian +solitarily +solitariness +solitary +soliterraneous +solitidal +solitude +solitudinarian +solitudinize +solitudinous +solivagant +solivagous +sollar +solleret +Sollya +solmizate +solmization +solo +solod +solodi +solodization +solodize +soloecophanes +soloist +Solomon +Solomonian +Solomonic +Solomonical +Solomonitic +Solon +solon +solonchak +solonetz +solonetzic +solonetzicity +Solonian +Solonic +solonist +soloth +solotink +solotnik +solpugid +Solpugida +Solpugidea +Solpugides +solstice +solsticion +solstitia +solstitial +solstitially +solstitium +solubility +solubilization +solubilize +soluble +solubleness +solubly +solum +solute +solution +solutional +solutioner +solutionist +solutize +solutizer +Solutrean +solvability +solvable +solvableness +solvate +solvation +solve +solvement +solvency +solvend +solvent +solvently +solventproof +solver +solvolysis +solvolytic +solvolyze +solvsbergite +Solyma +Solymaean +soma +somacule +Somal +somal +Somali +somaplasm +Somaschian +somasthenia +somata +somatasthenia +Somateria +somatic +somatical +somatically +somaticosplanchnic +somaticovisceral +somatics +somatism +somatist +somatization +somatochrome +somatocyst +somatocystic +somatoderm +somatogenetic +somatogenic +somatognosis +somatognostic +somatologic +somatological +somatologically +somatologist +somatology +somatome +somatomic +somatophyte +somatophytic +somatoplasm +somatopleural +somatopleure +somatopleuric +somatopsychic +somatosplanchnic +somatotonia +somatotonic +somatotropic +somatotropically +somatotropism +somatotype +somatotyper +somatotypy +somatous +somber +somberish +somberly +somberness +sombre +sombrerite +sombrero +sombreroed +sombrous +sombrously +sombrousness +some +somebody +someday +somedeal +somegate +somehow +someone +somepart +someplace +somers +somersault +somerset +Somersetian +somervillite +somesthesia +somesthesis +somesthetic +something +somethingness +sometime +sometimes +someway +someways +somewhat +somewhatly +somewhatness +somewhen +somewhence +somewhere +somewheres +somewhile +somewhiles +somewhither +somewhy +somewise +somital +somite +somitic +somma +sommaite +sommelier +somnambulance +somnambulancy +somnambulant +somnambular +somnambulary +somnambulate +somnambulation +somnambulator +somnambule +somnambulency +somnambulic +somnambulically +somnambulism +somnambulist +somnambulistic +somnambulize +somnambulous +somnial +somniative +somnifacient +somniferous +somniferously +somnific +somnifuge +somnify +somniloquacious +somniloquence +somniloquent +somniloquism +somniloquist +somniloquize +somniloquous +somniloquy +Somniosus +somnipathist +somnipathy +somnivolency +somnivolent +somnolence +somnolency +somnolent +somnolently +somnolescence +somnolescent +somnolism +somnolize +somnopathy +somnorific +somnus +sompay +sompne +sompner +Son +son +sonable +sonance +sonancy +sonant +sonantal +sonantic +sonantina +sonantized +sonar +sonata +sonatina +sonation +Sonchus +sond +sondation +sondeli +Sonderbund +sonderclass +Sondergotter +Sondylomorum +soneri +song +songbird +songbook +songcraft +songfest +songful +songfully +songfulness +Songhai +Songish +songish +songland +songle +songless +songlessly +songlessness +songlet +songlike +songman +Songo +Songoi +songster +songstress +songworthy +songwright +songy +sonhood +sonic +soniferous +sonification +soniou +Sonja +sonk +sonless +sonlike +sonlikeness +sonly +Sonneratia +Sonneratiaceae +sonneratiaceous +sonnet +sonnetary +sonneteer +sonneteeress +sonnetic +sonneting +sonnetish +sonnetist +sonnetize +sonnetlike +sonnetwise +sonnikins +Sonny +sonny +sonobuoy +sonometer +Sonoran +sonorant +sonorescence +sonorescent +sonoric +sonoriferous +sonoriferously +sonorific +sonority +sonorophone +sonorosity +sonorous +sonorously +sonorousness +Sonrai +sons +sonship +sonsy +sontag +soodle +soodly +Soohong +sook +Sooke +sooky +sool +sooloos +soon +sooner +soonish +soonly +Soorah +soorawn +soord +soorkee +Soot +soot +sooter +sooterkin +sooth +soothe +soother +sootherer +soothful +soothing +soothingly +soothingness +soothless +soothsay +soothsayer +soothsayership +soothsaying +sootily +sootiness +sootless +sootlike +sootproof +sooty +sootylike +sop +sope +soph +Sopheric +Sopherim +Sophia +sophia +Sophian +sophic +sophical +sophically +sophiologic +sophiology +sophism +Sophist +sophister +sophistic +sophistical +sophistically +sophisticalness +sophisticant +sophisticate +sophisticated +sophistication +sophisticative +sophisticator +sophisticism +Sophistress +sophistress +sophistry +Sophoclean +sophomore +sophomoric +sophomorical +sophomorically +Sophora +sophoria +Sophronia +sophronize +Sophy +sophy +sopite +sopition +sopor +soporiferous +soporiferously +soporiferousness +soporific +soporifical +soporifically +soporose +sopper +soppiness +sopping +soppy +soprani +sopranino +sopranist +soprano +sora +Sorabian +sorage +soral +Sorb +sorb +Sorbaria +sorbate +sorbefacient +sorbent +Sorbian +sorbic +sorbile +sorbin +sorbinose +Sorbish +sorbite +sorbitic +sorbitize +sorbitol +Sorbonic +Sorbonical +Sorbonist +Sorbonne +sorbose +sorboside +Sorbus +sorbus +sorcer +sorcerer +sorceress +sorcering +sorcerous +sorcerously +sorcery +sorchin +sorda +Sordaria +Sordariaceae +sordawalite +sordellina +Sordello +sordes +sordid +sordidity +sordidly +sordidness +sordine +sordino +sordor +sore +soredia +soredial +sorediate +sorediferous +sorediform +soredioid +soredium +soree +sorefalcon +sorefoot +sorehawk +sorehead +soreheaded +soreheadedly +soreheadedness +sorehearted +sorehon +sorely +sorema +soreness +Sorex +sorgho +Sorghum +sorghum +sorgo +sori +soricid +Soricidae +soricident +Soricinae +soricine +soricoid +Soricoidea +soriferous +sorite +sorites +soritical +sorn +sornare +sornari +sorner +sorning +soroban +Soroptimist +sororal +sororate +sororial +sororially +sororicidal +sororicide +sorority +sororize +sorose +sorosis +sorosphere +Sorosporella +Sorosporium +sorption +sorra +Sorrel +sorrel +sorrento +sorrily +sorriness +sorroa +sorrow +sorrower +sorrowful +sorrowfully +sorrowfulness +sorrowing +sorrowingly +sorrowless +sorrowproof +sorrowy +sorry +sorryhearted +sorryish +sort +sortable +sortably +sortal +sortation +sorted +sorter +sortie +sortilege +sortileger +sortilegic +sortilegious +sortilegus +sortilegy +sortiment +sortition +sortly +sorty +sorus +sorva +sory +sosh +soshed +Sosia +soso +sosoish +Sospita +soss +sossle +sostenuto +sot +Sotadean +Sotadic +Soter +Soteres +soterial +soteriologic +soteriological +soteriology +Sothiac +Sothiacal +Sothic +Sothis +Sotho +sotie +Sotik +sotnia +sotnik +sotol +sots +sottage +sotted +sotter +sottish +sottishly +sottishness +sou +souari +soubise +soubrette +soubrettish +soucar +souchet +Souchong +souchong +souchy +soud +soudagur +souffle +souffleed +sough +sougher +soughing +sought +Souhegan +soul +soulack +soulcake +souled +Souletin +soulful +soulfully +soulfulness +soulical +soulish +soulless +soullessly +soullessness +soullike +Soulmass +soulsaving +soulward +souly +soum +soumansite +soumarque +sound +soundable +soundage +soundboard +sounder +soundful +soundheaded +soundheadedness +soundhearted +soundheartednes +sounding +soundingly +soundingness +soundless +soundlessly +soundlessness +soundly +soundness +soundproof +soundproofing +soup +soupbone +soupcon +souper +souple +soupless +souplike +soupspoon +soupy +sour +sourbelly +sourberry +sourbread +sourbush +sourcake +source +sourceful +sourcefulness +sourceless +sourcrout +sourdeline +sourdine +soured +souredness +souren +sourer +sourhearted +souring +sourish +sourishly +sourishness +sourjack +sourling +sourly +sourness +sourock +soursop +sourtop +sourweed +sourwood +soury +sousaphone +sousaphonist +souse +souser +souslik +soutane +souter +souterrain +South +south +southard +southbound +Southcottian +Southdown +southeast +southeaster +southeasterly +southeastern +southeasternmost +southeastward +southeastwardly +southeastwards +souther +southerland +southerliness +southerly +southermost +southern +Southerner +southerner +southernism +southernize +southernliness +southernly +southernmost +southernness +southernwood +southing +southland +southlander +southmost +southness +southpaw +Southron +southron +Southronie +Southumbrian +southward +southwardly +southwards +southwest +southwester +southwesterly +southwestern +Southwesterner +southwesternmost +southwestward +southwestwardly +souvenir +souverain +souwester +sov +sovereign +sovereigness +sovereignly +sovereignness +sovereignship +sovereignty +soviet +sovietdom +sovietic +sovietism +sovietist +sovietization +sovietize +sovite +sovkhose +sovkhoz +sovran +sovranty +sow +sowable +sowan +sowans +sowar +sowarry +sowback +sowbacked +sowbane +sowbelly +sowbread +sowdones +sowel +sowens +sower +sowfoot +sowing +sowins +sowl +sowle +sowlike +sowlth +sown +sowse +sowt +sowte +Soxhlet +soy +soya +soybean +Soyot +sozin +sozolic +sozzle +sozzly +spa +Space +space +spaceband +spaced +spaceful +spaceless +spacer +spacesaving +spaceship +spaciness +spacing +spaciosity +spaciotemporal +spacious +spaciously +spaciousness +spack +spacy +spad +spade +spadebone +spaded +spadefish +spadefoot +spadeful +spadelike +spademan +spader +spadesman +spadewise +spadework +spadger +spadiceous +spadices +spadicifloral +spadiciflorous +spadiciform +spadicose +spadilla +spadille +spading +spadix +spadone +spadonic +spadonism +spadrone +spadroon +spae +spaebook +spaecraft +spaedom +spaeman +spaer +spaewife +spaewoman +spaework +spaewright +spaghetti +Spagnuoli +spagyric +spagyrical +spagyrically +spagyrist +spahi +spaid +spaik +spairge +spak +Spalacidae +spalacine +Spalax +spald +spalder +spalding +spale +spall +spallation +spaller +spalling +spalpeen +spalt +span +spancel +spandle +spandrel +spandy +spane +spanemia +spanemy +spang +spanghew +spangle +spangled +spangler +spanglet +spangly +spangolite +Spaniard +Spaniardization +Spaniardize +Spaniardo +spaniel +spaniellike +spanielship +spaning +Spaniol +Spaniolate +Spanioli +Spaniolize +spanipelagic +Spanish +Spanishize +Spanishly +spank +spanker +spankily +spanking +spankingly +spanky +spanless +spann +spannel +spanner +spannerman +spanopnoea +spanpiece +spantoon +spanule +spanworm +Spar +spar +sparable +sparada +sparadrap +sparagrass +sparagus +Sparassis +sparassodont +Sparassodonta +Sparaxis +sparaxis +sparch +spare +spareable +spareless +sparely +spareness +sparer +sparerib +sparesome +Sparganiaceae +Sparganium +sparganium +sparganosis +sparganum +sparge +sparger +spargosis +sparhawk +sparid +Sparidae +sparing +sparingly +sparingness +spark +sparkback +sparked +sparker +sparkiness +sparking +sparkish +sparkishly +sparkishness +sparkle +sparkleberry +sparkler +sparkless +sparklessly +sparklet +sparklike +sparkliness +sparkling +sparklingly +sparklingness +sparkly +sparkproof +sparks +sparky +sparlike +sparling +sparm +Sparmannia +Sparnacian +sparoid +sparpiece +sparred +sparrer +sparring +sparringly +sparrow +sparrowbill +sparrowcide +sparrowdom +sparrowgrass +sparrowish +sparrowless +sparrowlike +sparrowtail +sparrowtongue +sparrowwort +sparrowy +sparry +sparse +sparsedly +sparsely +sparsile +sparsioplast +sparsity +spart +Spartacan +Spartacide +Spartacism +Spartacist +spartacist +Spartan +Spartanhood +Spartanic +Spartanically +Spartanism +Spartanize +Spartanlike +Spartanly +sparteine +sparterie +sparth +Spartiate +Spartina +Spartium +spartle +Sparus +sparver +spary +spasm +spasmatic +spasmatical +spasmatomancy +spasmed +spasmic +spasmodic +spasmodical +spasmodically +spasmodicalness +spasmodism +spasmodist +spasmolytic +spasmophilia +spasmophilic +spasmotin +spasmotoxin +spasmous +Spass +spastic +spastically +spasticity +spat +spatalamancy +Spatangida +Spatangina +spatangoid +Spatangoida +Spatangoidea +spatangoidean +Spatangus +spatchcock +spate +spatha +spathaceous +spathal +spathe +spathed +spatheful +spathic +Spathiflorae +spathilae +spathilla +spathose +spathous +spathulate +Spathyema +spatial +spatiality +spatialization +spatialize +spatially +spatiate +spatiation +spatilomancy +spatiotemporal +spatling +spatted +spatter +spatterdashed +spatterdasher +spatterdock +spattering +spatteringly +spatterproof +spatterwork +spatting +spattle +spattlehoe +Spatula +spatula +spatulamancy +spatular +spatulate +spatulation +spatule +spatuliform +spatulose +spave +spaver +spavie +spavied +spaviet +spavin +spavindy +spavined +spawn +spawneater +spawner +spawning +spawny +spay +spayad +spayard +spaying +speak +speakable +speakableness +speakably +speaker +speakeress +speakership +speakhouse +speakies +speaking +speakingly +speakingness +speakless +speaklessly +speal +spealbone +spean +spear +spearcast +spearer +spearfish +spearflower +spearhead +spearing +spearman +spearmanship +spearmint +spearproof +spearsman +spearwood +spearwort +speary +spec +specchie +spece +special +specialism +specialist +specialistic +speciality +specialization +specialize +specialized +specializer +specially +specialness +specialty +speciation +specie +species +speciestaler +specifiable +specific +specifical +specificality +specifically +specificalness +specificate +specification +specificative +specificatively +specificity +specificize +specificly +specificness +specifier +specifist +specify +specillum +specimen +specimenize +speciology +speciosity +specious +speciously +speciousness +speck +specked +speckedness +speckfall +speckiness +specking +speckle +specklebelly +specklebreast +speckled +speckledbill +speckledness +speckless +specklessly +specklessness +speckling +speckly +speckproof +specks +specksioneer +specky +specs +spectacle +spectacled +spectacleless +spectaclelike +spectaclemaker +spectaclemaking +spectacles +spectacular +spectacularism +spectacularity +spectacularly +spectator +spectatordom +spectatorial +spectatorship +spectatory +spectatress +spectatrix +specter +spectered +specterlike +spectra +spectral +spectralism +spectrality +spectrally +spectralness +spectrobolograph +spectrobolographic +spectrobolometer +spectrobolometric +spectrochemical +spectrochemistry +spectrocolorimetry +spectrocomparator +spectroelectric +spectrogram +spectrograph +spectrographic +spectrographically +spectrography +spectroheliogram +spectroheliograph +spectroheliographic +spectrohelioscope +spectrological +spectrologically +spectrology +spectrometer +spectrometric +spectrometry +spectromicroscope +spectromicroscopical +spectrophobia +spectrophone +spectrophonic +spectrophotoelectric +spectrophotograph +spectrophotography +spectrophotometer +spectrophotometric +spectrophotometry +spectropolarimeter +spectropolariscope +spectropyrheliometer +spectropyrometer +spectroradiometer +spectroradiometric +spectroradiometry +spectroscope +spectroscopic +spectroscopically +spectroscopist +spectroscopy +spectrotelescope +spectrous +spectrum +spectry +specula +specular +Specularia +specularly +speculate +speculation +speculatist +speculative +speculatively +speculativeness +speculativism +speculator +speculatory +speculatrices +speculatrix +speculist +speculum +specus +sped +speech +speechcraft +speecher +speechful +speechfulness +speechification +speechifier +speechify +speeching +speechless +speechlessly +speechlessness +speechlore +speechmaker +speechmaking +speechment +speed +speedaway +speedboat +speedboating +speedboatman +speeder +speedful +speedfully +speedfulness +speedily +speediness +speeding +speedingly +speedless +speedometer +speedster +speedway +speedwell +speedy +speel +speelken +speelless +speen +speer +speering +speerity +speiskobalt +speiss +spekboom +spelaean +spelder +spelding +speldring +speleological +speleologist +speleology +spelk +spell +spellable +spellbind +spellbinder +spellbinding +spellbound +spellcraft +spelldown +speller +spellful +spelling +spellingdown +spellingly +spellmonger +spellproof +spellword +spellwork +spelt +spelter +spelterman +speltoid +speltz +speluncar +speluncean +spelunk +spelunker +spence +Spencean +Spencer +spencer +Spencerian +Spencerianism +Spencerism +spencerite +spend +spendable +spender +spendful +spendible +spending +spendless +spendthrift +spendthrifty +Spenerism +spense +Spenserian +spent +speos +Speotyto +sperable +Speranza +sperate +Spergula +Spergularia +sperity +sperket +sperling +sperm +sperma +spermaceti +spermacetilike +spermaduct +spermalist +Spermaphyta +spermaphyte +spermaphytic +spermarium +spermary +spermashion +spermatangium +spermatheca +spermathecal +spermatic +spermatically +spermatid +spermatiferous +spermatin +spermatiogenous +spermation +spermatiophore +spermatism +spermatist +spermatitis +spermatium +spermatize +spermatoblast +spermatoblastic +spermatocele +spermatocyst +spermatocystic +spermatocystitis +spermatocytal +spermatocyte +spermatogemma +spermatogenesis +spermatogenetic +spermatogenic +spermatogenous +spermatogeny +spermatogonial +spermatogonium +spermatoid +spermatolysis +spermatolytic +spermatophoral +spermatophore +spermatophorous +Spermatophyta +spermatophyte +spermatophytic +spermatoplasm +spermatoplasmic +spermatoplast +spermatorrhea +spermatospore +spermatotheca +spermatova +spermatovum +spermatoxin +spermatozoa +spermatozoal +spermatozoan +spermatozoic +spermatozoid +spermatozoon +spermaturia +spermic +spermidine +spermiducal +spermiduct +spermigerous +spermine +spermiogenesis +spermism +spermist +spermoblast +spermoblastic +spermocarp +spermocenter +spermoderm +spermoduct +spermogenesis +spermogenous +spermogone +spermogoniferous +spermogonium +spermogonous +spermologer +spermological +spermologist +spermology +spermolysis +spermolytic +spermophile +spermophiline +Spermophilus +spermophore +spermophorium +Spermophyta +spermophyte +spermophytic +spermosphere +spermotheca +spermotoxin +spermous +spermoviduct +spermy +speronara +speronaro +sperone +sperrylite +spessartite +spet +spetch +spetrophoby +speuchan +spew +spewer +spewiness +spewing +spewy +spex +sphacel +Sphacelaria +Sphacelariaceae +sphacelariaceous +Sphacelariales +sphacelate +sphacelated +sphacelation +sphacelia +sphacelial +sphacelism +sphaceloderma +Sphaceloma +sphacelotoxin +sphacelous +sphacelus +Sphaeralcea +sphaeraphides +Sphaerella +sphaerenchyma +Sphaeriaceae +sphaeriaceous +Sphaeriales +sphaeridia +sphaeridial +sphaeridium +Sphaeriidae +Sphaerioidaceae +sphaeristerium +sphaerite +Sphaerium +sphaeroblast +Sphaerobolaceae +Sphaerobolus +Sphaerocarpaceae +Sphaerocarpales +Sphaerocarpus +sphaerocobaltite +Sphaerococcaceae +sphaerococcaceous +Sphaerococcus +sphaerolite +sphaerolitic +Sphaeroma +Sphaeromidae +Sphaerophoraceae +Sphaerophorus +Sphaeropsidaceae +Sphaeropsidales +Sphaeropsis +sphaerosiderite +sphaerosome +sphaerospore +Sphaerostilbe +Sphaerotheca +Sphaerotilus +sphagion +Sphagnaceae +sphagnaceous +Sphagnales +sphagnicolous +sphagnologist +sphagnology +sphagnous +Sphagnum +sphagnum +Sphakiot +sphalerite +Sphargis +sphecid +Sphecidae +Sphecina +Sphecoidea +spheges +sphegid +Sphegidae +Sphegoidea +sphendone +sphene +sphenethmoid +sphenethmoidal +sphenic +sphenion +Sphenisci +Spheniscidae +Sphenisciformes +spheniscine +spheniscomorph +Spheniscomorphae +spheniscomorphic +Spheniscus +sphenobasilar +sphenobasilic +sphenocephalia +sphenocephalic +sphenocephalous +sphenocephaly +Sphenodon +sphenodon +sphenodont +Sphenodontia +Sphenodontidae +sphenoethmoid +sphenoethmoidal +sphenofrontal +sphenogram +sphenographic +sphenographist +sphenography +sphenoid +sphenoidal +sphenoiditis +sphenolith +sphenomalar +sphenomandibular +sphenomaxillary +sphenopalatine +sphenoparietal +sphenopetrosal +Sphenophorus +Sphenophyllaceae +sphenophyllaceous +Sphenophyllales +Sphenophyllum +Sphenopteris +sphenosquamosal +sphenotemporal +sphenotic +sphenotribe +sphenotripsy +sphenoturbinal +sphenovomerine +sphenozygomatic +spherable +spheral +spherality +spheraster +spheration +sphere +sphereless +spheric +spherical +sphericality +spherically +sphericalness +sphericist +sphericity +sphericle +sphericocylindrical +sphericotetrahedral +sphericotriangular +spherics +spheriform +spherify +spheroconic +spherocrystal +spherograph +spheroidal +spheroidally +spheroidic +spheroidical +spheroidically +spheroidicity +spheroidism +spheroidity +spheroidize +spheromere +spherometer +spheroquartic +spherula +spherular +spherulate +spherule +spherulite +spherulitic +spherulitize +sphery +spheterize +Sphex +sphexide +sphincter +sphincteral +sphincteralgia +sphincterate +sphincterectomy +sphincterial +sphincteric +sphincterismus +sphincteroscope +sphincteroscopy +sphincterotomy +sphindid +Sphindidae +Sphindus +sphingal +sphinges +sphingid +Sphingidae +sphingiform +sphingine +sphingoid +sphingometer +sphingomyelin +sphingosine +Sphingurinae +Sphingurus +sphinx +sphinxian +sphinxianness +sphinxlike +Sphoeroides +sphragide +sphragistic +sphragistics +sphygmia +sphygmic +sphygmochronograph +sphygmodic +sphygmogram +sphygmograph +sphygmographic +sphygmography +sphygmoid +sphygmology +sphygmomanometer +sphygmomanometric +sphygmomanometry +sphygmometer +sphygmometric +sphygmophone +sphygmophonic +sphygmoscope +sphygmus +Sphyraena +sphyraenid +Sphyraenidae +sphyraenoid +Sphyrapicus +Sphyrna +Sphyrnidae +Spica +spica +spical +spicant +Spicaria +spicate +spicated +spiccato +spice +spiceable +spiceberry +spicebush +spicecake +spiced +spiceful +spicehouse +spiceland +spiceless +spicelike +spicer +spicery +spicewood +spiciferous +spiciform +spicigerous +spicilege +spicily +spiciness +spicing +spick +spicket +spickle +spicknel +spicose +spicosity +spicous +spicousness +spicula +spiculae +spicular +spiculate +spiculated +spiculation +spicule +spiculiferous +spiculiform +spiculigenous +spiculigerous +spiculofiber +spiculose +spiculous +spiculum +spiculumamoris +spicy +spider +spidered +spiderflower +spiderish +spiderless +spiderlike +spiderling +spiderly +spiderweb +spiderwork +spiderwort +spidery +spidger +spied +spiegel +spiegeleisen +spiel +spieler +spier +spiff +spiffed +spiffily +spiffiness +spiffing +spiffy +spiflicate +spiflicated +spiflication +spig +Spigelia +Spigeliaceae +Spigelian +spiggoty +spignet +spigot +Spike +spike +spikebill +spiked +spikedness +spikefish +spikehorn +spikelet +spikelike +spikenard +spiker +spiketail +spiketop +spikeweed +spikewise +spikily +spikiness +spiking +spiky +Spilanthes +spile +spilehole +spiler +spileworm +spilikin +spiling +spilite +spilitic +spill +spillage +spiller +spillet +spillproof +spillway +spilly +Spilogale +spiloma +spilosite +spilt +spilth +spilus +spin +spina +spinacene +spinaceous +spinach +spinachlike +Spinacia +spinae +spinage +spinal +spinales +spinalis +spinally +spinate +spinder +spindlage +spindle +spindleage +spindled +spindleful +spindlehead +spindlelegs +spindlelike +spindler +spindleshanks +spindletail +spindlewise +spindlewood +spindleworm +spindliness +spindling +spindly +spindrift +spine +spinebill +spinebone +spined +spinel +spineless +spinelessly +spinelessness +spinelet +spinelike +spinescence +spinescent +spinet +spinetail +spingel +spinibulbar +spinicarpous +spinicerebellar +spinidentate +spiniferous +Spinifex +spinifex +spiniform +spinifugal +spinigerous +spinigrade +spininess +spinipetal +spinitis +spinituberculate +spink +spinnable +spinnaker +spinner +spinneret +spinnerular +spinnerule +spinnery +spinney +spinning +spinningly +spinobulbar +spinocarpous +spinocerebellar +spinogalvanization +spinoglenoid +spinoid +spinomuscular +spinoneural +spinoperipheral +spinose +spinosely +spinoseness +spinosity +spinosodentate +spinosodenticulate +spinosotubercular +spinosotuberculate +spinosympathetic +spinotectal +spinothalamic +spinotuberculous +spinous +spinousness +Spinozism +Spinozist +Spinozistic +spinster +spinsterdom +spinsterhood +spinsterial +spinsterish +spinsterishly +spinsterism +spinsterlike +spinsterly +spinsterous +spinstership +spinstress +spintext +spinthariscope +spinthariscopic +spintherism +spinulate +spinulation +spinule +spinulescent +spinuliferous +spinuliform +Spinulosa +spinulose +spinulosely +spinulosociliate +spinulosodentate +spinulosodenticulate +spinulosogranulate +spinulososerrate +spinulous +spiny +spionid +Spionidae +Spioniformia +spiracle +spiracula +spiracular +spiraculate +spiraculiferous +spiraculiform +spiraculum +Spiraea +Spiraeaceae +spiral +spirale +spiraled +spiraliform +spiralism +spirality +spiralization +spiralize +spirally +spiraloid +spiraltail +spiralwise +spiran +spirant +Spiranthes +spiranthic +spiranthy +spirantic +spirantize +spiraster +spirate +spirated +spiration +spire +spirea +spired +spiregrass +spireless +spirelet +spireme +spirepole +spireward +spirewise +spiricle +Spirifer +Spirifera +Spiriferacea +spiriferid +Spiriferidae +spiriferoid +spiriferous +spiriform +spirignath +spirignathous +spirilla +Spirillaceae +spirillaceous +spirillar +spirillolysis +spirillosis +spirillotropic +spirillotropism +spirillum +spiring +spirit +spiritally +spiritdom +spirited +spiritedly +spiritedness +spiriter +spiritful +spiritfully +spiritfulness +spirithood +spiriting +spiritism +spiritist +spiritistic +spiritize +spiritland +spiritleaf +spiritless +spiritlessly +spiritlessness +spiritlike +spiritmonger +spiritous +spiritrompe +spiritsome +spiritual +spiritualism +spiritualist +spiritualistic +spiritualistically +spirituality +spiritualization +spiritualize +spiritualizer +spiritually +spiritualness +spiritualship +spiritualty +spirituosity +spirituous +spirituously +spirituousness +spiritus +spiritweed +spirity +spirivalve +spirket +spirketing +spirling +spiro +Spirobranchia +Spirobranchiata +spirobranchiate +Spirochaeta +Spirochaetaceae +spirochaetal +Spirochaetales +Spirochaete +spirochetal +spirochete +spirochetemia +spirochetic +spirocheticidal +spirocheticide +spirochetosis +spirochetotic +Spirodela +spirogram +spirograph +spirographidin +spirographin +Spirographis +Spirogyra +spiroid +spiroloculine +spirometer +spirometric +spirometrical +spirometry +Spironema +spiropentane +Spirophyton +Spirorbis +spiroscope +Spirosoma +spirous +spirt +Spirula +spirulate +spiry +spise +spissated +spissitude +Spisula +spit +spital +spitball +spitballer +spitbox +spitchcock +spite +spiteful +spitefully +spitefulness +spiteless +spiteproof +spitfire +spitful +spithamai +spithame +spitish +spitpoison +spitscocked +spitstick +spitted +spitten +spitter +spitting +spittle +spittlefork +spittlestaff +spittoon +spitz +Spitzenburg +spitzkop +spiv +spivery +Spizella +spizzerinctum +Splachnaceae +splachnaceous +splachnoid +Splachnum +splacknuck +splairge +splanchnapophysial +splanchnapophysis +splanchnectopia +splanchnemphraxis +splanchnesthesia +splanchnesthetic +splanchnic +splanchnoblast +splanchnocoele +splanchnoderm +splanchnodiastasis +splanchnodynia +splanchnographer +splanchnographical +splanchnography +splanchnolith +splanchnological +splanchnologist +splanchnology +splanchnomegalia +splanchnomegaly +splanchnopathy +splanchnopleural +splanchnopleure +splanchnopleuric +splanchnoptosia +splanchnoptosis +splanchnosclerosis +splanchnoscopy +splanchnoskeletal +splanchnoskeleton +splanchnosomatic +splanchnotomical +splanchnotomy +splanchnotribe +splash +splashboard +splashed +splasher +splashiness +splashing +splashingly +splashproof +splashy +splat +splatch +splatcher +splatchy +splathering +splatter +splatterdash +splatterdock +splatterer +splatterfaced +splatterwork +splay +splayed +splayer +splayfoot +splayfooted +splaymouth +splaymouthed +spleen +spleenful +spleenfully +spleenish +spleenishly +spleenishness +spleenless +spleenwort +spleeny +spleet +spleetnew +splenadenoma +splenalgia +splenalgic +splenalgy +splenatrophia +splenatrophy +splenauxe +splenculus +splendacious +splendaciously +splendaciousness +splendent +splendently +splender +splendescent +splendid +splendidly +splendidness +splendiferous +splendiferously +splendiferousness +splendor +splendorous +splendorproof +splendourproof +splenectama +splenectasis +splenectomist +splenectomize +splenectomy +splenectopia +splenectopy +splenelcosis +splenemia +splenemphraxis +spleneolus +splenepatitis +splenetic +splenetical +splenetically +splenetive +splenial +splenic +splenical +splenicterus +splenification +spleniform +splenitis +splenitive +splenium +splenius +splenization +splenoblast +splenocele +splenoceratosis +splenocleisis +splenocolic +splenocyte +splenodiagnosis +splenodynia +splenography +splenohemia +splenoid +splenolaparotomy +splenology +splenolymph +splenolymphatic +splenolysin +splenolysis +splenoma +splenomalacia +splenomedullary +splenomegalia +splenomegalic +splenomegaly +splenomyelogenous +splenoncus +splenonephric +splenopancreatic +splenoparectama +splenoparectasis +splenopathy +splenopexia +splenopexis +splenopexy +splenophrenic +splenopneumonia +splenoptosia +splenoptosis +splenorrhagia +splenorrhaphy +splenotomy +splenotoxin +splenotyphoid +splenulus +splenunculus +splet +spleuchan +splice +spliceable +splicer +splicing +splinder +spline +splineway +splint +splintage +splinter +splinterd +splinterless +splinternew +splinterproof +splintery +splintwood +splinty +split +splitbeak +splitfinger +splitfruit +splitmouth +splitnew +splitsaw +splittail +splitten +splitter +splitting +splitworm +splodge +splodgy +splore +splosh +splotch +splotchily +splotchiness +splotchy +splother +splunge +splurge +splurgily +splurgy +splurt +spluther +splutter +splutterer +spoach +Spock +spode +spodiosite +spodium +spodogenic +spodogenous +spodomancy +spodomantic +spodumene +spoffish +spoffle +spoffy +spogel +spoil +spoilable +spoilage +spoilation +spoiled +spoiler +spoilfive +spoilful +spoiling +spoilless +spoilment +spoilsman +spoilsmonger +spoilsport +spoilt +Spokan +spoke +spokeless +spoken +spokeshave +spokesman +spokesmanship +spokester +spokeswoman +spokeswomanship +spokewise +spoky +spole +spolia +spoliarium +spoliary +spoliate +spoliation +spoliator +spoliatory +spolium +spondaic +spondaical +spondaize +spondean +spondee +spondiac +Spondiaceae +Spondias +spondulics +spondyl +spondylalgia +spondylarthritis +spondylarthrocace +spondylexarthrosis +spondylic +spondylid +Spondylidae +spondylioid +spondylitic +spondylitis +spondylium +spondylizema +spondylocace +Spondylocladium +spondylodiagnosis +spondylodidymia +spondylodymus +spondyloid +spondylolisthesis +spondylolisthetic +spondylopathy +spondylopyosis +spondyloschisis +spondylosis +spondylosyndesis +spondylotherapeutics +spondylotherapist +spondylotherapy +spondylotomy +spondylous +Spondylus +spondylus +spong +sponge +spongecake +sponged +spongeful +spongeless +spongelet +spongelike +spongeous +spongeproof +sponger +spongewood +Spongiae +spongian +spongicolous +spongiculture +Spongida +spongiferous +spongiform +Spongiidae +Spongilla +spongillid +Spongillidae +spongilline +spongily +spongin +sponginblast +sponginblastic +sponginess +sponging +spongingly +spongioblast +spongioblastoma +spongiocyte +spongiolin +spongiopilin +spongioplasm +spongioplasmic +spongiose +spongiosity +spongiousness +Spongiozoa +spongiozoon +spongoblast +spongoblastic +spongoid +spongology +spongophore +Spongospora +spongy +sponsal +sponsalia +sponsibility +sponsible +sponsing +sponsion +sponsional +sponson +sponsor +sponsorial +sponsorship +sponspeck +spontaneity +spontaneous +spontaneously +spontaneousness +spontoon +spoof +spoofer +spoofery +spoofish +spook +spookdom +spookery +spookily +spookiness +spookish +spookism +spookist +spookological +spookologist +spookology +spooky +spool +spooler +spoolful +spoollike +spoolwood +spoom +spoon +spoonbill +spoondrift +spooner +spoonerism +spooneyism +spooneyly +spooneyness +spoonflower +spoonful +spoonhutch +spoonily +spooniness +spooning +spoonism +spoonless +spoonlike +spoonmaker +spoonmaking +spoonways +spoonwood +spoony +spoonyism +spoor +spoorer +spoot +spor +sporabola +sporaceous +sporades +sporadial +sporadic +sporadical +sporadically +sporadicalness +sporadicity +sporadism +sporadosiderite +sporal +sporange +sporangia +sporangial +sporangidium +sporangiferous +sporangiform +sporangioid +sporangiola +sporangiole +sporangiolum +sporangiophore +sporangiospore +sporangite +Sporangites +sporangium +sporation +spore +spored +sporeformer +sporeforming +sporeling +sporicide +sporid +sporidesm +sporidia +sporidial +sporidiferous +sporidiole +sporidiolum +sporidium +sporiferous +sporification +sporiparity +sporiparous +sporoblast +Sporobolus +sporocarp +sporocarpium +Sporochnaceae +Sporochnus +sporocyst +sporocystic +sporocystid +sporocyte +sporodochia +sporodochium +sporoduct +sporogenesis +sporogenic +sporogenous +sporogeny +sporogone +sporogonial +sporogonic +sporogonium +sporogony +sporoid +sporologist +sporomycosis +sporont +sporophore +sporophoric +sporophorous +sporophydium +sporophyll +sporophyllary +sporophyllum +sporophyte +sporophytic +sporoplasm +sporosac +sporostegium +sporostrote +sporotrichosis +sporotrichotic +Sporotrichum +sporous +Sporozoa +sporozoal +sporozoan +sporozoic +sporozoite +sporozoon +sporran +sport +sportability +sportable +sportance +sporter +sportful +sportfully +sportfulness +sportily +sportiness +sporting +sportingly +sportive +sportively +sportiveness +sportless +sportling +sportly +sports +sportsman +sportsmanlike +sportsmanliness +sportsmanly +sportsmanship +sportsome +sportswear +sportswoman +sportswomanly +sportswomanship +sportula +sportulae +sporty +sporular +sporulate +sporulation +sporule +sporuliferous +sporuloid +sposh +sposhy +spot +spotless +spotlessly +spotlessness +spotlight +spotlighter +spotlike +spotrump +spotsman +spottable +spotted +spottedly +spottedness +spotteldy +spotter +spottily +spottiness +spotting +spottle +spotty +spoucher +spousage +spousal +spousally +spouse +spousehood +spouseless +spousy +spout +spouter +spoutiness +spouting +spoutless +spoutlike +spoutman +spouty +sprachle +sprack +sprackish +sprackle +sprackly +sprackness +sprad +spraddle +sprag +spragger +spraggly +spraich +sprain +spraint +spraints +sprang +sprangle +sprangly +sprank +sprat +spratter +spratty +sprauchle +sprawl +sprawler +sprawling +sprawlingly +sprawly +spray +sprayboard +sprayer +sprayey +sprayful +sprayfully +sprayless +spraylike +sprayproof +spread +spreadation +spreadboard +spreaded +spreader +spreadhead +spreading +spreadingly +spreadingness +spreadover +spready +spreaghery +spreath +spreckle +spree +spreeuw +Sprekelia +spreng +sprent +spret +sprew +sprewl +spridhogue +spried +sprier +spriest +sprig +sprigged +sprigger +spriggy +sprightful +sprightfully +sprightfulness +sprightlily +sprightliness +sprightly +sprighty +spriglet +sprigtail +Spring +spring +springal +springald +springboard +springbok +springbuck +springe +springer +springerle +springfinger +springfish +springful +springhaas +springhalt +springhead +springhouse +springily +springiness +springing +springingly +springle +springless +springlet +springlike +springly +springmaker +springmaking +springtail +springtide +springtime +springtrap +springwood +springworm +springwort +springwurzel +springy +sprink +sprinkle +sprinkled +sprinkleproof +sprinkler +sprinklered +sprinkling +sprint +sprinter +sprit +sprite +spritehood +spritsail +sprittail +sprittie +spritty +sproat +sprocket +sprod +sprogue +sproil +sprong +sprose +sprottle +sprout +sproutage +sprouter +sproutful +sprouting +sproutland +sproutling +sprowsy +spruce +sprucely +spruceness +sprucery +sprucification +sprucify +sprue +spruer +sprug +spruiker +spruit +sprung +sprunny +sprunt +spruntly +spry +spryly +spryness +spud +Spudboy +spudder +spuddle +spuddy +spuffle +spug +spuilyie +spuilzie +spuke +spume +spumescence +spumescent +spumiferous +spumification +spumiform +spumone +spumose +spumous +spumy +spun +spung +spunk +spunkie +spunkily +spunkiness +spunkless +spunky +spunny +spur +spurflower +spurgall +spurge +spurgewort +spuriae +spuriosity +spurious +spuriously +spuriousness +Spurius +spurl +spurless +spurlet +spurlike +spurling +spurmaker +spurmoney +spurn +spurner +spurnpoint +spurnwater +spurproof +spurred +spurrer +spurrial +spurrier +spurrings +spurrite +spurry +spurt +spurter +spurtive +spurtively +spurtle +spurway +spurwing +spurwinged +spurwort +sput +sputa +sputative +sputter +sputterer +sputtering +sputteringly +sputtery +sputum +sputumary +sputumose +sputumous +Spy +spy +spyboat +spydom +spyer +spyfault +spyglass +spyhole +spyism +spyproof +Spyros +spyship +spytower +squab +squabash +squabasher +squabbed +squabbish +squabble +squabbler +squabbling +squabblingly +squabbly +squabby +squacco +squad +squaddy +squadrate +squadrism +squadron +squadrone +squadroned +squail +squailer +squalene +Squali +squalid +Squalida +Squalidae +squalidity +squalidly +squalidness +squaliform +squall +squaller +squallery +squallish +squally +squalm +Squalodon +squalodont +Squalodontidae +squaloid +Squaloidei +squalor +Squalus +squam +squama +squamaceous +squamae +Squamariaceae +Squamata +squamate +squamated +squamatine +squamation +squamatogranulous +squamatotuberculate +squame +squamella +squamellate +squamelliferous +squamelliform +squameous +squamiferous +squamiform +squamify +squamigerous +squamipennate +Squamipennes +squamipinnate +Squamipinnes +squamocellular +squamoepithelial +squamoid +squamomastoid +squamoparietal +squamopetrosal +squamosa +squamosal +squamose +squamosely +squamoseness +squamosis +squamosity +squamosodentated +squamosoimbricated +squamosomaxillary +squamosoparietal +squamosoradiate +squamosotemporal +squamosozygomatic +squamosphenoid +squamosphenoidal +squamotemporal +squamous +squamously +squamousness +squamozygomatic +Squamscot +squamula +squamulae +squamulate +squamulation +squamule +squamuliform +squamulose +squander +squanderer +squanderingly +squandermania +squandermaniac +squantum +squarable +square +squareage +squarecap +squared +squaredly +squareface +squareflipper +squarehead +squarelike +squarely +squareman +squaremouth +squareness +squarer +squaretail +squarewise +squaring +squarish +squarishly +squark +squarrose +squarrosely +squarrous +squarrulose +squarson +squarsonry +squary +squash +squashberry +squasher +squashily +squashiness +squashy +squat +Squatarola +squatarole +Squatina +squatina +squatinid +Squatinidae +squatinoid +Squatinoidei +squatly +squatment +squatmore +squatness +squattage +squatted +squatter +squatterarchy +squatterdom +squatterproof +squattily +squattiness +squatting +squattingly +squattish +squattocracy +squattocratic +squatty +squatwise +squaw +squawberry +squawbush +squawdom +squawfish +squawflower +squawk +squawker +squawkie +squawking +squawkingly +squawky +Squawmish +squawroot +Squawtits +squawweed +Squaxon +squdge +squdgy +squeak +squeaker +squeakery +squeakily +squeakiness +squeaking +squeakingly +squeaklet +squeakproof +squeaky +squeakyish +squeal +squeald +squealer +squealing +squeam +squeamish +squeamishly +squeamishness +squeamous +squeamy +Squedunk +squeege +squeegee +squeezability +squeezable +squeezableness +squeezably +squeeze +squeezeman +squeezer +squeezing +squeezingly +squeezy +squelch +squelcher +squelchily +squelchiness +squelching +squelchingly +squelchingness +squelchy +squench +squencher +squeteague +squib +squibber +squibbery +squibbish +squiblet +squibling +squid +squiddle +squidge +squidgereen +squidgy +squiffed +squiffer +squiffy +squiggle +squiggly +squilgee +squilgeer +Squill +Squilla +squilla +squillagee +squillery +squillian +squillid +Squillidae +squilloid +Squilloidea +squimmidge +squin +squinance +squinancy +squinch +squinny +squinsy +squint +squinted +squinter +squinting +squintingly +squintingness +squintly +squintness +squinty +squirage +squiralty +squire +squirearch +squirearchal +squirearchical +squirearchy +squiredom +squireen +squirehood +squireless +squirelet +squirelike +squireling +squirely +squireocracy +squireship +squiress +squiret +squirewise +squirish +squirism +squirk +squirm +squirminess +squirming +squirmingly +squirmy +squirr +squirrel +squirrelfish +squirrelian +squirreline +squirrelish +squirrellike +squirrelproof +squirreltail +squirt +squirter +squirtiness +squirting +squirtingly +squirtish +squirty +squish +squishy +squit +squitch +squitchy +squitter +squoze +squush +squushy +sraddha +sramana +Sri +sri +Sridhar +Sridharan +Srikanth +Srinivas +Srinivasan +Sriram +Srivatsan +sruti +Ssi +ssu +st +staab +Staatsrat +stab +stabber +stabbing +stabbingly +stabile +stabilify +stabilist +stabilitate +stability +stabilization +stabilizator +stabilize +stabilizer +stable +stableboy +stableful +stablekeeper +stablelike +stableman +stableness +stabler +stablestand +stableward +stablewards +stabling +stablishment +stably +staboy +stabproof +stabulate +stabulation +stabwort +staccato +Stacey +stacher +stachydrin +stachydrine +stachyose +Stachys +stachys +Stachytarpheta +Stachyuraceae +stachyuraceous +Stachyurus +stack +stackage +stackencloud +stacker +stackfreed +stackful +stackgarth +Stackhousia +Stackhousiaceae +stackhousiaceous +stackless +stackman +stackstand +stackyard +stacte +stactometer +Stacy +stadda +staddle +staddling +stade +stadholder +stadholderate +stadholdership +stadhouse +stadia +stadic +stadimeter +stadiometer +stadion +stadium +stafette +staff +staffed +staffelite +staffer +staffless +staffman +stag +stagbush +stage +stageability +stageable +stageableness +stageably +stagecoach +stagecoaching +stagecraft +staged +stagedom +stagehand +stagehouse +stageland +stagelike +stageman +stager +stagery +stagese +stagewise +stageworthy +stagewright +staggard +staggart +staggarth +Stagger +stagger +staggerbush +staggerer +staggering +staggeringly +staggers +staggerweed +staggerwort +staggery +staggie +staggy +staghead +staghorn +staghound +staghunt +staghunter +staghunting +stagiary +stagily +staginess +staging +Stagirite +Stagiritic +staglike +stagmometer +stagnance +stagnancy +stagnant +stagnantly +stagnantness +stagnate +stagnation +stagnatory +stagnature +stagnicolous +stagnize +stagnum +Stagonospora +stagskin +stagworm +stagy +Stahlhelm +Stahlhelmer +Stahlhelmist +Stahlian +Stahlianism +Stahlism +staia +staid +staidly +staidness +stain +stainability +stainable +stainableness +stainably +stainer +stainful +stainierite +staining +stainless +stainlessly +stainlessness +stainproof +staio +stair +stairbeak +stairbuilder +stairbuilding +staircase +staired +stairhead +stairless +stairlike +stairstep +stairway +stairwise +stairwork +stairy +staith +staithman +staiver +stake +stakehead +stakeholder +stakemaster +staker +stakerope +Stakhanovism +Stakhanovite +stalactic +stalactical +stalactiform +stalactital +stalactite +stalactited +stalactitic +stalactitical +stalactitically +stalactitiform +stalactitious +stalagma +stalagmite +stalagmitic +stalagmitical +stalagmitically +stalagmometer +stalagmometric +stalagmometry +stale +stalely +stalemate +staleness +staling +Stalinism +Stalinist +Stalinite +stalk +stalkable +stalked +stalker +stalkily +stalkiness +stalking +stalkingly +stalkless +stalklet +stalklike +stalko +stalky +stall +stallage +stallar +stallboard +stallenger +staller +stallership +stalling +stallion +stallionize +stallman +stallment +stalwart +stalwartism +stalwartize +stalwartly +stalwartness +stam +stambha +stambouline +stamen +stamened +stamin +stamina +staminal +staminate +stamineal +stamineous +staminiferous +staminigerous +staminode +staminodium +staminody +stammel +stammer +stammerer +stammering +stammeringly +stammeringness +stammerwort +stamnos +stamp +stampable +stampage +stampedable +stampede +stampeder +stampedingly +stampee +stamper +stampery +stamphead +Stampian +stamping +stample +stampless +stampman +stampsman +stampweed +Stan +stance +stanch +stanchable +stanchel +stancheled +stancher +stanchion +stanchless +stanchly +stanchness +stand +standage +standard +standardbred +standardizable +standardization +standardize +standardized +standardizer +standardwise +standee +standel +standelwelks +standelwort +stander +standergrass +standerwort +standfast +standing +standish +standoff +standoffish +standoffishness +standout +standpat +standpatism +standpatter +standpipe +standpoint +standpost +standstill +stane +stanechat +stang +Stangeria +stanhope +Stanhopea +stanine +Stanislaw +stanjen +stank +stankie +Stanley +Stanly +stannane +stannary +stannate +stannator +stannel +stanner +stannery +stannic +stannide +stanniferous +stannite +stanno +stannotype +stannous +stannoxyl +stannum +stannyl +stanza +stanzaed +stanzaic +stanzaical +stanzaically +stanze +stap +stapedectomy +stapedial +stapediform +stapediovestibular +stapedius +Stapelia +stapelia +stapes +staphisagria +staphyle +Staphylea +Staphyleaceae +staphyleaceous +staphylectomy +staphyledema +staphylematoma +staphylic +staphyline +staphylinic +staphylinid +Staphylinidae +staphylinideous +Staphylinoidea +Staphylinus +staphylion +staphylitis +staphyloangina +staphylococcal +staphylococci +staphylococcic +Staphylococcus +staphylococcus +staphylodermatitis +staphylodialysis +staphyloedema +staphylohemia +staphylolysin +staphyloma +staphylomatic +staphylomatous +staphylomycosis +staphyloncus +staphyloplastic +staphyloplasty +staphyloptosia +staphyloptosis +staphyloraphic +staphylorrhaphic +staphylorrhaphy +staphyloschisis +staphylosis +staphylotome +staphylotomy +staphylotoxin +staple +stapled +stapler +staplewise +stapling +Star +star +starblind +starbloom +starboard +starbolins +starbright +Starbuck +starch +starchboard +starched +starchedly +starchedness +starcher +starchflower +starchily +starchiness +starchless +starchlike +starchly +starchmaker +starchmaking +starchman +starchness +starchroot +starchworks +starchwort +starchy +starcraft +stardom +stare +staree +starer +starets +starfish +starflower +starfruit +starful +stargaze +stargazer +stargazing +staring +staringly +stark +starken +starkly +starkness +starky +starless +starlessly +starlessness +starlet +starlight +starlighted +starlights +starlike +starling +starlit +starlite +starlitten +starmonger +starn +starnel +starnie +starnose +Staroobriadtsi +starost +starosta +starosty +starred +starrily +starriness +starring +starringly +starry +starshake +starshine +starship +starshoot +starshot +starstone +starstroke +start +starter +startful +startfulness +starthroat +starting +startingly +startish +startle +startler +startling +startlingly +startlingness +startlish +startlishness +startly +startor +starty +starvation +starve +starveacre +starved +starvedly +starveling +starver +starvy +starward +starwise +starworm +starwort +stary +stases +stash +stashie +stasidion +stasimetric +stasimon +stasimorphy +stasiphobia +stasis +stassfurtite +statable +statal +statant +statcoulomb +State +state +statecraft +stated +statedly +stateful +statefully +statefulness +statehood +Statehouse +stateless +statelet +statelich +statelily +stateliness +stately +statement +statemonger +statequake +stater +stateroom +statesboy +stateside +statesider +statesman +statesmanese +statesmanlike +statesmanly +statesmanship +statesmonger +stateswoman +stateway +statfarad +stathmoi +stathmos +static +statical +statically +Statice +staticproof +statics +station +stational +stationarily +stationariness +stationary +stationer +stationery +stationman +stationmaster +statiscope +statism +statist +statistic +statistical +statistically +statistician +statisticize +statistics +statistology +stative +statoblast +statocracy +statocyst +statolatry +statolith +statolithic +statometer +stator +statoreceptor +statorhab +statoscope +statospore +statuarism +statuarist +statuary +statue +statuecraft +statued +statueless +statuelike +statuesque +statuesquely +statuesqueness +statuette +stature +statured +status +statutable +statutableness +statutably +statutary +statute +statutorily +statutory +statvolt +staucher +stauk +staumer +staun +staunch +staunchable +staunchly +staunchness +staup +stauracin +stauraxonia +stauraxonial +staurion +staurolatry +staurolite +staurolitic +staurology +Stauromedusae +stauromedusan +stauropegial +stauropegion +stauroscope +stauroscopic +stauroscopically +staurotide +stauter +stave +staveable +staveless +staver +stavers +staverwort +stavesacre +stavewise +stavewood +staving +stavrite +staw +stawn +staxis +stay +stayable +stayed +stayer +staylace +stayless +staylessness +staymaker +staymaking +staynil +stays +staysail +stayship +stchi +stead +steadfast +steadfastly +steadfastness +steadier +steadily +steadiment +steadiness +steading +steadman +steady +steadying +steadyingly +steadyish +steak +steal +stealability +stealable +stealage +stealed +stealer +stealing +stealingly +stealth +stealthful +stealthfully +stealthily +stealthiness +stealthless +stealthlike +stealthwise +stealthy +stealy +steam +steamboat +steamboating +steamboatman +steamcar +steamer +steamerful +steamerless +steamerload +steamily +steaminess +steaming +steamless +steamlike +steampipe +steamproof +steamship +steamtight +steamtightness +steamy +stean +steaning +steapsin +stearate +stearic +steariform +stearin +stearolactone +stearone +stearoptene +stearrhea +stearyl +steatin +steatite +steatitic +steatocele +steatogenous +steatolysis +steatolytic +steatoma +steatomatous +steatopathic +steatopyga +steatopygia +steatopygic +steatopygous +Steatornis +Steatornithes +Steatornithidae +steatorrhea +steatosis +stech +stechados +steckling +steddle +Stedman +steed +steedless +steedlike +steek +steekkan +steekkannen +steel +Steelboy +steeler +steelhead +steelhearted +steelification +steelify +steeliness +steeling +steelless +steellike +steelmaker +steelmaking +steelproof +steelware +steelwork +steelworker +steelworks +steely +steelyard +Steen +steen +steenboc +steenbock +steenbok +Steenie +steenkirk +steenstrupine +steenth +steep +steepdown +steepen +steeper +steepgrass +steepish +steeple +steeplebush +steeplechase +steeplechaser +steeplechasing +steepled +steepleless +steeplelike +steepletop +steeply +steepness +steepweed +steepwort +steepy +steer +steerability +steerable +steerage +steerageway +steerer +steering +steeringly +steerling +steerman +steermanship +steersman +steerswoman +steeve +steevely +steever +steeving +Stefan +steg +steganogram +steganographical +steganographist +steganography +Steganophthalmata +steganophthalmate +steganophthalmatous +Steganophthalmia +steganopod +steganopodan +Steganopodes +steganopodous +stegnosis +stegnotic +stegocarpous +Stegocephalia +stegocephalian +stegocephalous +Stegodon +stegodont +stegodontine +Stegomus +Stegomyia +stegosaur +Stegosauria +stegosaurian +stegosauroid +Stegosaurus +steid +steigh +Stein +stein +Steinberger +steinbok +Steinerian +steinful +steinkirk +Steironema +stekan +stela +stelae +stelai +stelar +stele +stell +Stella +stella +stellar +Stellaria +stellary +stellate +stellated +stellately +stellature +stelleridean +stellerine +stelliferous +stellification +stelliform +stellify +stelling +stellionate +stelliscript +Stellite +stellite +stellular +stellularly +stellulate +stelography +stem +stema +stemhead +stemless +stemlet +stemlike +stemma +stemmata +stemmatiform +stemmatous +stemmed +stemmer +stemmery +stemming +stemmy +Stemona +Stemonaceae +stemonaceous +stemple +stempost +stemson +stemwards +stemware +sten +stenar +stench +stenchel +stenchful +stenching +stenchion +stenchy +stencil +stenciler +stencilmaker +stencilmaking +stend +steng +stengah +stenion +steno +stenobathic +stenobenthic +stenobragmatic +stenobregma +stenocardia +stenocardiac +Stenocarpus +stenocephalia +stenocephalic +stenocephalous +stenocephaly +stenochoria +stenochrome +stenochromy +stenocoriasis +stenocranial +stenocrotaphia +Stenofiber +stenog +stenogastric +stenogastry +Stenoglossa +stenograph +stenographer +stenographic +stenographical +stenographically +stenographist +stenography +stenohaline +stenometer +stenopaic +Stenopelmatidae +stenopetalous +stenophile +Stenophragma +stenophyllous +stenorhyncous +stenosed +stenosepalous +stenosis +stenosphere +stenostomatous +stenostomia +Stenotaphrum +stenotelegraphy +stenothermal +stenothorax +stenotic +stenotype +stenotypic +stenotypist +stenotypy +stent +stenter +stenterer +stenton +Stentor +stentorian +stentorianly +stentorine +stentorious +stentoriously +stentoriousness +stentoronic +stentorophonic +stentrel +step +stepaunt +stepbairn +stepbrother +stepbrotherhood +stepchild +stepdame +stepdaughter +stepfather +stepfatherhood +stepfatherly +stepgrandchild +stepgrandfather +stepgrandmother +stepgrandson +Stephan +Stephana +stephane +stephanial +Stephanian +stephanic +Stephanie +stephanion +stephanite +Stephanoceros +Stephanokontae +stephanome +stephanos +Stephanotis +stephanotis +Stephanurus +Stephe +Stephen +stepladder +stepless +steplike +stepminnie +stepmother +stepmotherhood +stepmotherless +stepmotherliness +stepmotherly +stepnephew +stepniece +stepparent +steppe +stepped +steppeland +stepper +stepping +steppingstone +steprelation +steprelationship +stepsire +stepsister +stepson +stepstone +stept +stepuncle +stepway +stepwise +steradian +stercobilin +stercolin +stercophagic +stercophagous +stercoraceous +stercoral +Stercoranism +Stercoranist +Stercorariidae +Stercorariinae +stercorarious +Stercorarius +stercorary +stercorate +stercoration +stercorean +stercoremia +stercoreous +Stercorianism +stercoricolous +Stercorist +stercorite +stercorol +stercorous +stercovorous +Sterculia +Sterculiaceae +sterculiaceous +sterculiad +stere +stereagnosis +Sterelmintha +sterelminthic +sterelminthous +stereo +stereobate +stereobatic +stereoblastula +stereocamera +stereocampimeter +stereochemic +stereochemical +stereochemically +stereochemistry +stereochromatic +stereochromatically +stereochrome +stereochromic +stereochromically +stereochromy +stereocomparagraph +stereocomparator +stereoelectric +stereofluoroscopic +stereofluoroscopy +stereogastrula +stereognosis +stereognostic +stereogoniometer +stereogram +stereograph +stereographer +stereographic +stereographical +stereographically +stereography +stereoisomer +stereoisomeric +stereoisomerical +stereoisomeride +stereoisomerism +stereomatrix +stereome +stereomer +stereomeric +stereomerical +stereomerism +stereometer +stereometric +stereometrical +stereometrically +stereometry +stereomicrometer +stereomonoscope +stereoneural +stereophantascope +stereophonic +stereophony +stereophotogrammetry +stereophotograph +stereophotographic +stereophotography +stereophotomicrograph +stereophotomicrography +stereophysics +stereopicture +stereoplanigraph +stereoplanula +stereoplasm +stereoplasma +stereoplasmic +stereopsis +stereoptician +stereopticon +stereoradiograph +stereoradiography +Stereornithes +stereornithic +stereoroentgenogram +stereoroentgenography +stereoscope +stereoscopic +stereoscopically +stereoscopism +stereoscopist +stereoscopy +Stereospondyli +stereospondylous +stereostatic +stereostatics +stereotactic +stereotactically +stereotaxis +stereotelemeter +stereotelescope +stereotomic +stereotomical +stereotomist +stereotomy +stereotropic +stereotropism +stereotypable +stereotype +stereotyped +stereotyper +stereotypery +stereotypic +stereotypical +stereotyping +stereotypist +stereotypographer +stereotypography +stereotypy +Stereum +sterhydraulic +steri +steric +sterically +sterics +steride +sterigma +sterigmata +sterigmatic +sterile +sterilely +sterileness +sterilisable +sterility +sterilizability +sterilizable +sterilization +sterilize +sterilizer +sterin +sterk +sterlet +Sterling +sterling +sterlingly +sterlingness +Stern +stern +Sterna +sterna +sternad +sternage +sternal +sternalis +sternbergite +sterncastle +sterneber +sternebra +sternebrae +sternebral +sterned +sternforemost +Sterninae +sternite +sternitic +sternly +sternman +sternmost +sternness +Sterno +sternoclavicular +sternocleidomastoid +sternoclidomastoid +sternocoracoid +sternocostal +sternofacial +sternofacialis +sternoglossal +sternohumeral +sternohyoid +sternohyoidean +sternomancy +sternomastoid +sternomaxillary +sternonuchal +sternopericardiac +sternopericardial +sternoscapular +sternothere +Sternotherus +sternothyroid +sternotracheal +sternotribe +sternovertebral +sternoxiphoid +sternpost +sternson +sternum +sternutation +sternutative +sternutator +sternutatory +sternward +sternway +sternways +sternworks +stero +steroid +sterol +Sterope +sterrinck +stert +stertor +stertorious +stertoriously +stertoriousness +stertorous +stertorously +stertorousness +sterve +Stesichorean +stet +stetch +stetharteritis +stethogoniometer +stethograph +stethographic +stethokyrtograph +stethometer +stethometric +stethometry +stethoparalysis +stethophone +stethophonometer +stethoscope +stethoscopic +stethoscopical +stethoscopically +stethoscopist +stethoscopy +stethospasm +Stevan +Steve +stevedorage +stevedore +stevedoring +stevel +Steven +steven +Stevensonian +Stevensoniana +Stevia +stevia +stew +stewable +steward +stewardess +stewardly +stewardry +stewardship +Stewart +Stewartia +stewartry +stewarty +stewed +stewpan +stewpond +stewpot +stewy +stey +sthenia +sthenic +sthenochire +stib +stibbler +stibblerig +stibethyl +stibial +stibialism +stibiate +stibiated +stibic +stibiconite +stibine +stibious +stibium +stibnite +stibonium +sticcado +stich +sticharion +sticheron +stichic +stichically +stichid +stichidium +stichomancy +stichometric +stichometrical +stichometrically +stichometry +stichomythic +stichomythy +stick +stickability +stickable +stickadore +stickadove +stickage +stickball +sticked +sticker +stickers +stickfast +stickful +stickily +stickiness +sticking +stickit +stickle +stickleaf +stickleback +stickler +stickless +sticklike +stickling +stickly +stickpin +sticks +stickseed +sticksmanship +sticktail +sticktight +stickum +stickwater +stickweed +stickwork +sticky +Sticta +Stictaceae +Stictidaceae +stictiform +Stictis +stid +stiddy +stife +stiff +stiffen +stiffener +stiffening +stiffhearted +stiffish +stiffleg +stifflike +stiffly +stiffneck +stiffness +stiffrump +stifftail +stifle +stifledly +stifler +stifling +stiflingly +stigma +stigmai +stigmal +stigmaria +stigmarian +stigmarioid +stigmasterol +stigmata +stigmatal +stigmatic +stigmatical +stigmatically +stigmaticalness +stigmatiferous +stigmatiform +stigmatism +stigmatist +stigmatization +stigmatize +stigmatizer +stigmatoid +stigmatose +stigme +stigmeology +stigmonose +stigonomancy +Stikine +Stilbaceae +Stilbella +stilbene +stilbestrol +stilbite +stilboestrol +Stilbum +stile +stileman +stilet +stiletto +stilettolike +still +stillage +stillatitious +stillatory +stillbirth +stillborn +stiller +stillhouse +stillicide +stillicidium +stilliform +stilling +Stillingia +stillion +stillish +stillman +stillness +stillroom +stillstand +Stillwater +stilly +Stilophora +Stilophoraceae +stilpnomelane +stilpnosiderite +stilt +stiltbird +stilted +stilter +stiltify +stiltiness +stiltish +stiltlike +Stilton +stilty +stim +stime +stimpart +stimpert +stimulability +stimulable +stimulance +stimulancy +stimulant +stimulate +stimulatingly +stimulation +stimulative +stimulator +stimulatory +stimulatress +stimulatrix +stimuli +stimulogenous +stimulus +stimy +stine +sting +stingaree +stingareeing +stingbull +stinge +stinger +stingfish +stingily +stinginess +stinging +stingingly +stingingness +stingless +stingo +stingproof +stingray +stingtail +stingy +stink +stinkard +stinkardly +stinkball +stinkberry +stinkbird +stinkbug +stinkbush +stinkdamp +stinker +stinkhorn +stinking +stinkingly +stinkingness +stinkpot +stinkstone +stinkweed +stinkwood +stinkwort +stint +stinted +stintedly +stintedness +stinter +stintingly +stintless +stinty +stion +stionic +Stipa +stipe +stiped +stipel +stipellate +stipend +stipendial +stipendiarian +stipendiary +stipendiate +stipendium +stipendless +stipes +stipiform +stipitate +stipitiform +stipiture +Stipiturus +stippen +stipple +stippled +stippler +stippling +stipply +stipula +stipulable +stipulaceous +stipulae +stipular +stipulary +stipulate +stipulation +stipulator +stipulatory +stipule +stipuled +stipuliferous +stipuliform +stir +stirabout +stirk +stirless +stirlessly +stirlessness +stirp +stirpicultural +stirpiculture +stirpiculturist +stirps +stirra +stirrable +stirrage +stirrer +stirring +stirringly +stirrup +stirrupless +stirruplike +stirrupwise +stitch +stitchbird +stitchdown +stitcher +stitchery +stitching +stitchlike +stitchwhile +stitchwork +stitchwort +stite +stith +stithy +stive +stiver +stivy +Stizolobium +stoa +stoach +stoat +stoater +stob +stocah +stoccado +stoccata +stochastic +stochastical +stochastically +stock +stockade +stockannet +stockbow +stockbreeder +stockbreeding +Stockbridge +stockbroker +stockbrokerage +stockbroking +stockcar +stocker +stockfather +stockfish +stockholder +stockholding +stockhouse +stockily +stockiness +stockinet +stocking +stockinger +stockingless +stockish +stockishly +stockishness +stockjobber +stockjobbery +stockjobbing +stockjudging +stockkeeper +stockkeeping +stockless +stocklike +stockmaker +stockmaking +stockman +stockowner +stockpile +stockpot +stockproof +stockrider +stockriding +stocks +stockstone +stocktaker +stocktaking +Stockton +stockwork +stockwright +stocky +stockyard +stod +stodge +stodger +stodgery +stodgily +stodginess +stodgy +stoechas +stoep +stof +stoff +stog +stoga +stogie +stogy +Stoic +stoic +stoical +stoically +stoicalness +stoicharion +stoichiological +stoichiology +stoichiometric +stoichiometrical +stoichiometrically +stoichiometry +Stoicism +stoicism +Stokavci +Stokavian +Stokavski +stoke +stokehold +stokehole +stoker +stokerless +Stokesia +stokesite +stola +stolae +stole +stoled +stolelike +stolen +stolenly +stolenness +stolenwise +stolewise +stolid +stolidity +stolidly +stolidness +stolist +stolkjaerre +stollen +stolon +stolonate +stoloniferous +stoloniferously +stolonlike +stolzite +stoma +stomacace +stomach +stomachable +stomachal +stomacher +stomachful +stomachfully +stomachfulness +stomachic +stomachically +stomachicness +stomaching +stomachless +stomachlessness +stomachy +stomapod +Stomapoda +stomapodiform +stomapodous +stomata +stomatal +stomatalgia +stomate +stomatic +stomatiferous +stomatitic +stomatitis +stomatocace +Stomatoda +stomatodaeal +stomatodaeum +stomatode +stomatodeum +stomatodynia +stomatogastric +stomatograph +stomatography +stomatolalia +stomatologic +stomatological +stomatologist +stomatology +stomatomalacia +stomatomenia +stomatomy +stomatomycosis +stomatonecrosis +stomatopathy +Stomatophora +stomatophorous +stomatoplastic +stomatoplasty +stomatopod +Stomatopoda +stomatopodous +stomatorrhagia +stomatoscope +stomatoscopy +stomatose +stomatosepsis +stomatotomy +stomatotyphus +stomatous +stomenorrhagia +stomium +stomodaea +stomodaeal +stomodaeum +Stomoisia +stomoxys +stomp +stomper +stonable +stond +Stone +stone +stoneable +stonebird +stonebiter +stoneboat +stonebow +stonebrash +stonebreak +stonebrood +stonecast +stonechat +stonecraft +stonecrop +stonecutter +stoned +stonedamp +stonefish +stonegale +stonegall +stonehand +stonehatch +stonehead +stonehearted +Stonehenge +stonelayer +stonelaying +stoneless +stonelessness +stonelike +stoneman +stonemason +stonemasonry +stonen +stonepecker +stoner +stoneroot +stoneseed +stoneshot +stonesmatch +stonesmich +stonesmitch +stonesmith +stonewall +stonewaller +stonewally +stoneware +stoneweed +stonewise +stonewood +stonework +stoneworker +stonewort +stoneyard +stong +stonied +stonifiable +stonify +stonily +stoniness +stoning +stonish +stonishment +stonker +stony +stonyhearted +stonyheartedly +stonyheartedness +stood +stooded +stooden +stoof +stooge +stook +stooker +stookie +stool +stoolball +stoollike +stoon +stoond +stoop +stooper +stoopgallant +stooping +stoopingly +stoory +stoot +stoothing +stop +stopa +stopback +stopblock +stopboard +stopcock +stope +stoper +stopgap +stophound +stoping +stopless +stoplessness +stopover +stoppability +stoppable +stoppableness +stoppably +stoppage +stopped +stopper +stopperless +stoppeur +stopping +stoppit +stopple +stopwater +stopwork +storable +storage +storax +store +storeen +storehouse +storehouseman +storekeep +storekeeper +storekeeping +storeman +storer +storeroom +storeship +storesman +storge +storiate +storiation +storied +storier +storiette +storify +storiological +storiologist +storiology +stork +storken +storkish +storklike +storkling +storkwise +storm +stormable +Stormberg +stormbird +stormbound +stormcock +stormer +stormful +stormfully +stormfulness +stormily +storminess +storming +stormingly +stormish +stormless +stormlessness +stormlike +stormproof +stormward +stormwind +stormwise +stormy +Storting +story +storybook +storyless +storymaker +storymonger +storyteller +storytelling +storywise +storywork +stosh +stoss +stosston +stot +stotinka +stotter +stotterel +stoun +stound +stoundmeal +stoup +stoupful +stour +stouring +stourliness +stourness +stoury +stoush +stout +stouten +stouth +stouthearted +stoutheartedly +stoutheartedness +stoutish +stoutly +stoutness +stoutwood +stouty +stove +stovebrush +stoveful +stovehouse +stoveless +stovemaker +stovemaking +stoveman +stoven +stovepipe +stover +stovewood +stow +stowable +stowage +stowaway +stowbord +stowbordman +stowce +stowdown +stower +stowing +stownlins +stowwood +stra +strabism +strabismal +strabismally +strabismic +strabismical +strabismometer +strabismometry +strabismus +strabometer +strabometry +strabotome +strabotomy +strack +strackling +stract +Strad +strad +stradametrical +straddle +straddleback +straddlebug +straddler +straddleways +straddlewise +straddling +straddlingly +strade +stradine +stradiot +Stradivari +Stradivarius +stradl +stradld +stradlings +strae +strafe +strafer +Straffordian +strag +straggle +straggler +straggling +stragglingly +straggly +stragular +stragulum +straight +straightabout +straightaway +straightedge +straighten +straightener +straightforward +straightforwardly +straightforwardness +straightforwards +straighthead +straightish +straightly +straightness +straighttail +straightup +straightwards +straightway +straightways +straightwise +straik +strain +strainable +strainableness +strainably +strained +strainedly +strainedness +strainer +strainerman +straining +strainingly +strainless +strainlessly +strainproof +strainslip +straint +strait +straiten +straitlacedness +straitlacing +straitly +straitness +straitsman +straitwork +Straka +strake +straked +straky +stram +stramash +stramazon +stramineous +stramineously +strammel +strammer +stramonium +stramony +stramp +strand +strandage +strander +stranding +strandless +strandward +strang +strange +strangeling +strangely +strangeness +stranger +strangerdom +strangerhood +strangerlike +strangership +strangerwise +strangle +strangleable +stranglement +strangler +strangles +strangletare +strangleweed +strangling +stranglingly +strangulable +strangulate +strangulation +strangulative +strangulatory +strangullion +strangurious +strangury +stranner +strany +strap +straphang +straphanger +straphead +strapless +straplike +strappable +strappado +strappan +strapped +strapper +strapping +strapple +strapwork +strapwort +strass +strata +stratagem +stratagematic +stratagematical +stratagematically +stratagematist +stratagemical +stratagemically +stratal +stratameter +stratege +strategetic +strategetics +strategi +strategian +strategic +strategical +strategically +strategics +strategist +strategize +strategos +strategy +Stratfordian +strath +strathspey +strati +stratic +straticulate +straticulation +stratification +stratified +stratiform +stratify +stratigrapher +stratigraphic +stratigraphical +stratigraphically +stratigraphist +stratigraphy +Stratiomyiidae +Stratiotes +stratlin +stratochamber +stratocracy +stratocrat +stratocratic +stratographic +stratographical +stratographically +stratography +stratonic +Stratonical +stratopedarch +stratoplane +stratose +stratosphere +stratospheric +stratospherical +stratotrainer +stratous +stratum +stratus +straucht +strauchten +stravage +strave +straw +strawberry +strawberrylike +strawbill +strawboard +strawbreadth +strawen +strawer +strawflower +strawfork +strawless +strawlike +strawman +strawmote +strawsmall +strawsmear +strawstack +strawstacker +strawwalker +strawwork +strawworm +strawy +strawyard +stray +strayaway +strayer +strayling +stre +streahte +streak +streaked +streakedly +streakedness +streaker +streakily +streakiness +streaklike +streakwise +streaky +stream +streamer +streamful +streamhead +streaminess +streaming +streamingly +streamless +streamlet +streamlike +streamline +streamlined +streamliner +streamling +streamside +streamward +streamway +streamwort +streamy +streck +streckly +stree +streek +streel +streeler +streen +streep +street +streetage +streetcar +streetful +streetless +streetlet +streetlike +streets +streetside +streetwalker +streetwalking +streetward +streetway +streetwise +streite +streke +Strelitz +Strelitzi +strelitzi +Strelitzia +Streltzi +streltzi +stremma +stremmatograph +streng +strengite +strength +strengthen +strengthener +strengthening +strengtheningly +strengthful +strengthfulness +strengthily +strengthless +strengthlessly +strengthlessness +strengthy +strent +strenth +strenuity +strenuosity +strenuous +strenuously +strenuousness +strepen +strepent +strepera +streperous +strephonade +strephosymbolia +strepitant +strepitantly +strepitation +strepitous +strepor +Strepsiceros +strepsiceros +strepsinema +Strepsiptera +strepsipteral +strepsipteran +strepsipteron +strepsipterous +strepsis +strepsitene +streptaster +streptobacilli +streptobacillus +Streptocarpus +streptococcal +streptococci +streptococcic +Streptococcus +streptococcus +streptolysin +Streptomyces +streptomycin +Streptoneura +streptoneural +streptoneurous +streptosepticemia +streptothricial +streptothricin +streptothricosis +Streptothrix +streptotrichal +streptotrichosis +stress +stresser +stressful +stressfully +stressless +stresslessness +stret +stretch +stretchable +stretchberry +stretcher +stretcherman +stretchiness +stretchneck +stretchproof +stretchy +stretman +strette +stretti +stretto +strew +strewage +strewer +strewment +strewn +strey +streyne +stria +striae +strial +Striaria +Striariaceae +striatal +striate +striated +striation +striatum +striature +strich +striche +strick +stricken +strickenly +strickenness +stricker +strickle +strickler +strickless +strict +striction +strictish +strictly +strictness +stricture +strictured +strid +stridden +striddle +stride +strideleg +stridelegs +stridence +stridency +strident +stridently +strider +strideways +stridhan +stridhana +stridhanum +stridingly +stridling +stridlins +stridor +stridulant +stridulate +stridulation +stridulator +stridulatory +stridulent +stridulous +stridulously +stridulousness +strife +strifeful +strifeless +strifemaker +strifemaking +strifemonger +strifeproof +striffen +strig +Striga +striga +strigae +strigal +strigate +Striges +striggle +stright +Strigidae +Strigiformes +strigil +strigilate +strigilation +strigilator +strigiles +strigilis +strigillose +strigilous +Striginae +strigine +strigose +strigous +strigovite +Strigula +Strigulaceae +strigulose +strike +strikeboat +strikebreaker +strikebreaking +strikeless +striker +striking +strikingly +strikingness +strind +string +stringboard +stringcourse +stringed +stringency +stringene +stringent +stringently +stringentness +stringer +stringful +stringhalt +stringhalted +stringhaltedness +stringiness +stringing +stringless +stringlike +stringmaker +stringmaking +stringman +stringpiece +stringsman +stringways +stringwood +stringy +stringybark +strinkle +striola +striolae +striolate +striolated +striolet +strip +stripe +striped +stripeless +striper +striplet +stripling +strippage +stripped +stripper +stripping +strippit +strippler +stript +stripy +strit +strive +strived +striven +striver +striving +strivingly +Strix +strix +stroam +strobic +strobila +strobilaceous +strobilae +strobilate +strobilation +strobile +strobili +strobiliferous +strobiliform +strobiline +strobilization +strobiloid +Strobilomyces +Strobilophyta +strobilus +stroboscope +stroboscopic +stroboscopical +stroboscopy +strobotron +strockle +stroddle +strode +stroil +stroke +stroker +strokesman +stroking +stroky +strold +stroll +strolld +stroller +strom +stroma +stromal +stromata +Stromateidae +stromateoid +stromatic +stromatiform +stromatology +Stromatopora +Stromatoporidae +stromatoporoid +Stromatoporoidea +stromatous +stromb +Strombidae +strombiform +strombite +stromboid +strombolian +strombuliferous +strombuliform +Strombus +strome +stromeyerite +stromming +strone +strong +strongback +strongbark +strongbox +strongbrained +strongfully +stronghand +stronghead +strongheadedly +strongheadedness +stronghearted +stronghold +strongish +stronglike +strongly +strongness +strongylate +strongyle +strongyliasis +strongylid +Strongylidae +strongylidosis +strongyloid +Strongyloides +strongyloidosis +strongylon +Strongyloplasmata +Strongylosis +strongylosis +Strongylus +strontia +strontian +strontianiferous +strontianite +strontic +strontion +strontitic +strontium +strook +strooken +stroot +strop +strophaic +strophanhin +Strophanthus +Stropharia +strophe +strophic +strophical +strophically +strophiolate +strophiolated +strophiole +strophoid +Strophomena +Strophomenacea +strophomenid +Strophomenidae +strophomenoid +strophosis +strophotaxis +strophulus +stropper +stroppings +stroth +stroud +strouding +strounge +stroup +strouthiocamel +strouthiocamelian +strouthocamelian +strove +strow +strowd +strown +stroy +stroyer +stroygood +strub +strubbly +struck +strucken +structural +structuralism +structuralist +structuralization +structuralize +structurally +structuration +structure +structured +structureless +structurely +structurist +strudel +strue +struggle +struggler +struggling +strugglingly +Struldbrug +Struldbruggian +Struldbruggism +strum +struma +strumae +strumatic +strumaticness +strumectomy +Strumella +strumiferous +strumiform +strumiprivic +strumiprivous +strumitis +strummer +strumose +strumous +strumousness +strumpet +strumpetlike +strumpetry +strumstrum +strumulose +strung +strunt +strut +struth +struthian +struthiform +Struthio +struthioid +Struthiomimus +Struthiones +Struthionidae +struthioniform +Struthioniformes +Struthiopteris +struthious +struthonine +strutter +strutting +struttingly +struv +struvite +strych +strychnia +strychnic +strychnin +strychnine +strychninic +strychninism +strychninization +strychninize +strychnize +strychnol +Strychnos +Strymon +Stu +Stuart +Stuartia +stub +stubachite +stubb +stubbed +stubbedness +stubber +stubbiness +stubble +stubbleberry +stubbled +stubbleward +stubbly +stubborn +stubbornhearted +stubbornly +stubbornness +stubboy +stubby +stubchen +stuber +stuboy +stubrunner +stucco +stuccoer +stuccowork +stuccoworker +stuccoyer +stuck +stuckling +stucturelessness +stud +studbook +studder +studdie +studding +studdle +stude +student +studenthood +studentless +studentlike +studentry +studentship +studerite +studfish +studflower +studhorse +studia +studiable +studied +studiedly +studiedness +studier +studio +studious +studiously +studiousness +Studite +Studium +studium +studwork +study +stue +stuff +stuffed +stuffender +stuffer +stuffgownsman +stuffily +stuffiness +stuffing +stuffy +stug +stuggy +stuiver +stull +stuller +stulm +stultification +stultifier +stultify +stultiloquence +stultiloquently +stultiloquious +stultioquy +stultloquent +stum +stumble +stumbler +stumbling +stumblingly +stumbly +stumer +stummer +stummy +stump +stumpage +stumper +stumpily +stumpiness +stumpish +stumpless +stumplike +stumpling +stumpnose +stumpwise +stumpy +stun +Stundism +Stundist +stung +stunk +stunkard +stunner +stunning +stunningly +stunpoll +stunsail +stunsle +stunt +stunted +stuntedly +stuntedness +stunter +stuntiness +stuntness +stunty +stupa +stupe +stupefacient +stupefaction +stupefactive +stupefactiveness +stupefied +stupefiedness +stupefier +stupefy +stupend +stupendly +stupendous +stupendously +stupendousness +stupent +stupeous +stupex +stupid +stupidhead +stupidish +stupidity +stupidly +stupidness +stupor +stuporific +stuporose +stuporous +stupose +stupp +stuprate +stupration +stuprum +stupulose +sturdied +sturdily +sturdiness +sturdy +sturdyhearted +sturgeon +sturine +Sturiones +sturionine +sturk +Sturmian +Sturnella +Sturnidae +sturniform +Sturninae +sturnine +sturnoid +Sturnus +sturt +sturtan +sturtin +sturtion +sturtite +stuss +stut +stutter +stutterer +stuttering +stutteringly +sty +styan +styca +styceric +stycerin +stycerinol +stychomythia +styful +styfziekte +Stygial +Stygian +stylar +Stylaster +Stylasteridae +stylate +style +stylebook +styledom +styleless +stylelessness +stylelike +styler +stylet +stylewort +Stylidiaceae +stylidiaceous +Stylidium +styliferous +styliform +styline +styling +stylish +stylishly +stylishness +stylist +stylistic +stylistical +stylistically +stylistics +stylite +stylitic +stylitism +stylization +stylize +stylizer +stylo +styloauricularis +stylobate +Stylochus +styloglossal +styloglossus +stylogonidium +stylograph +stylographic +stylographical +stylographically +stylography +stylohyal +stylohyoid +stylohyoidean +stylohyoideus +styloid +stylolite +stylolitic +stylomandibular +stylomastoid +stylomaxillary +stylometer +Stylommatophora +stylommatophorous +stylomyloid +Stylonurus +Stylonychia +stylopharyngeal +stylopharyngeus +stylopid +Stylopidae +stylopization +stylopized +stylopod +stylopodium +Stylops +stylops +Stylosanthes +stylospore +stylosporous +stylostegium +stylotypite +stylus +stymie +Stymphalian +Stymphalid +Stymphalides +Styphelia +styphnate +styphnic +stypsis +styptic +styptical +stypticalness +stypticity +stypticness +Styracaceae +styracaceous +styracin +Styrax +styrax +styrene +Styrian +styrogallol +styrol +styrolene +styrone +styryl +styrylic +stythe +styward +Styx +Styxian +suability +suable +suably +suade +Suaeda +suaharo +Sualocin +Suanitian +suant +suantly +suasible +suasion +suasionist +suasive +suasively +suasiveness +suasory +suavastika +suave +suavely +suaveness +suaveolent +suavify +suaviloquence +suaviloquent +suavity +sub +subabbot +subabdominal +subability +subabsolute +subacademic +subaccount +subacetate +subacid +subacidity +subacidly +subacidness +subacidulous +subacrid +subacrodrome +subacromial +subact +subacuminate +subacute +subacutely +subadditive +subadjacent +subadjutor +subadministrate +subadministration +subadministrator +subadult +subaduncate +subaerate +subaeration +subaerial +subaerially +subaetheric +subaffluent +subage +subagency +subagent +subaggregate +subah +subahdar +subahdary +subahship +subaid +Subakhmimic +subalary +subalate +subalgebra +subalkaline +suballiance +subalmoner +subalpine +subaltern +subalternant +subalternate +subalternately +subalternating +subalternation +subalternity +subanal +subandean +subangled +subangular +subangulate +subangulated +subanniversary +subantarctic +subantichrist +subantique +Subanun +subapical +subaponeurotic +subapostolic +subapparent +subappearance +subappressed +subapprobation +subapterous +subaquatic +subaquean +subaqueous +subarachnoid +subarachnoidal +subarachnoidean +subarboraceous +subarboreal +subarborescent +subarch +subarchesporial +subarchitect +subarctic +subarcuate +subarcuated +subarcuation +subarea +subareolar +subareolet +Subarian +subarmor +subarouse +subarrhation +subartesian +subarticle +subarytenoid +subascending +subassemblage +subassembly +subassociation +subastragalar +subastragaloid +subastral +subastringent +subatom +subatomic +subattenuate +subattenuated +subattorney +subaud +subaudible +subaudition +subauditionist +subauditor +subauditur +subaural +subauricular +subautomatic +subaverage +subaxillar +subaxillary +subbailie +subbailiff +subbailiwick +subballast +subband +subbank +subbasal +subbasaltic +subbase +subbasement +subbass +subbeadle +subbeau +subbias +subbifid +subbing +subbituminous +subbookkeeper +subboreal +subbourdon +subbrachycephalic +subbrachycephaly +subbrachyskelic +subbranch +subbranched +subbranchial +subbreed +subbrigade +subbrigadier +subbroker +subbromid +subbromide +subbronchial +subbureau +subcaecal +subcalcareous +subcalcarine +subcaliber +subcallosal +subcampanulate +subcancellate +subcandid +subcantor +subcapsular +subcaptain +subcaption +subcarbide +subcarbonate +Subcarboniferous +subcarbureted +subcarburetted +subcardinal +subcarinate +subcartilaginous +subcase +subcash +subcashier +subcasino +subcast +subcaste +subcategory +subcaudal +subcaudate +subcaulescent +subcause +subcavate +subcavity +subcelestial +subcell +subcellar +subcenter +subcentral +subcentrally +subchairman +subchamberer +subchancel +subchanter +subchapter +subchaser +subchela +subchelate +subcheliform +subchief +subchloride +subchondral +subchordal +subchorioid +subchorioidal +subchorionic +subchoroid +subchoroidal +subcinctorium +subcineritious +subcingulum +subcircuit +subcircular +subcision +subcity +subclaim +Subclamatores +subclan +subclass +subclassify +subclause +subclavate +subclavia +subclavian +subclavicular +subclavioaxillary +subclaviojugular +subclavius +subclerk +subclimate +subclimax +subclinical +subclover +subcoastal +subcollateral +subcollector +subcollegiate +subcolumnar +subcommander +subcommendation +subcommended +subcommissary +subcommissaryship +subcommission +subcommissioner +subcommit +subcommittee +subcompany +subcompensate +subcompensation +subcompressed +subconcave +subconcession +subconcessionaire +subconchoidal +subconference +subconformable +subconical +subconjunctival +subconjunctively +subconnate +subconnect +subconnivent +subconscience +subconscious +subconsciously +subconsciousness +subconservator +subconsideration +subconstable +subconstellation +subconsul +subcontained +subcontest +subcontiguous +subcontinent +subcontinental +subcontinual +subcontinued +subcontinuous +subcontract +subcontracted +subcontractor +subcontraoctave +subcontrariety +subcontrarily +subcontrary +subcontrol +subconvex +subconvolute +subcool +subcoracoid +subcordate +subcordiform +subcoriaceous +subcorneous +subcorporation +subcortex +subcortical +subcortically +subcorymbose +subcosta +subcostal +subcostalis +subcouncil +subcranial +subcreative +subcreek +subcrenate +subcrepitant +subcrepitation +subcrescentic +subcrest +subcriminal +subcrossing +subcrureal +subcrureus +subcrust +subcrustaceous +subcrustal +subcrystalline +subcubical +subcuboidal +subcultrate +subcultural +subculture +subcurate +subcurator +subcuratorship +subcurrent +subcutaneous +subcutaneously +subcutaneousness +subcuticular +subcutis +subcyaneous +subcyanide +subcylindric +subcylindrical +subdatary +subdate +subdeacon +subdeaconate +subdeaconess +subdeaconry +subdeaconship +subdealer +subdean +subdeanery +subdeb +subdebutante +subdecanal +subdecimal +subdecuple +subdeducible +subdefinition +subdelegate +subdelegation +subdelirium +subdeltaic +subdeltoid +subdeltoidal +subdemonstrate +subdemonstration +subdenomination +subdentate +subdentated +subdented +subdenticulate +subdepartment +subdeposit +subdepository +subdepot +subdepressed +subdeputy +subderivative +subdermal +subdeterminant +subdevil +subdiaconal +subdiaconate +subdial +subdialect +subdialectal +subdialectally +subdiapason +subdiapente +subdiaphragmatic +subdichotomize +subdichotomous +subdichotomously +subdichotomy +subdie +subdilated +subdirector +subdiscoidal +subdisjunctive +subdistich +subdistichous +subdistinction +subdistinguish +subdistinguished +subdistrict +subdititious +subdititiously +subdivecious +subdiversify +subdividable +subdivide +subdivider +subdividing +subdividingly +subdivine +subdivisible +subdivision +subdivisional +subdivisive +subdoctor +subdolent +subdolichocephalic +subdolichocephaly +subdolous +subdolously +subdolousness +subdominant +subdorsal +subdorsally +subdouble +subdrain +subdrainage +subdrill +subdruid +subduable +subduableness +subduably +subdual +subduce +subduct +subduction +subdue +subdued +subduedly +subduedness +subduement +subduer +subduing +subduingly +subduple +subduplicate +subdural +subdurally +subecho +subectodermal +subedit +subeditor +subeditorial +subeditorship +subeffective +subelection +subelectron +subelement +subelementary +subelliptic +subelliptical +subelongate +subemarginate +subencephalon +subencephaltic +subendocardial +subendorse +subendorsement +subendothelial +subendymal +subenfeoff +subengineer +subentire +subentitle +subentry +subepidermal +subepiglottic +subepithelial +subepoch +subequal +subequality +subequally +subequatorial +subequilateral +subequivalve +suber +suberane +suberate +suberect +subereous +suberic +suberiferous +suberification +suberiform +suberin +suberinization +suberinize +Suberites +Suberitidae +suberization +suberize +suberone +suberose +suberous +subescheator +subesophageal +subessential +subetheric +subexaminer +subexcitation +subexcite +subexecutor +subexternal +subface +subfacies +subfactor +subfactorial +subfactory +subfalcate +subfalcial +subfalciform +subfamily +subfascial +subfastigiate +subfebrile +subferryman +subfestive +subfeu +subfeudation +subfeudatory +subfibrous +subfief +subfigure +subfissure +subfix +subflavor +subflexuose +subfloor +subflooring +subflora +subflush +subfluvial +subfocal +subfoliar +subforeman +subform +subformation +subfossil +subfossorial +subfoundation +subfraction +subframe +subfreshman +subfrontal +subfulgent +subfumigation +subfumose +subfunctional +subfusc +subfuscous +subfusiform +subfusk +subgalea +subgallate +subganger +subgape +subgelatinous +subgeneric +subgenerical +subgenerically +subgeniculate +subgenital +subgens +subgenual +subgenus +subgeometric +subget +subgit +subglabrous +subglacial +subglacially +subglenoid +subglobose +subglobosely +subglobular +subglobulose +subglossal +subglossitis +subglottic +subglumaceous +subgod +subgoverness +subgovernor +subgrade +subgranular +subgrin +subgroup +subgular +subgwely +subgyre +subgyrus +subhalid +subhalide +subhall +subharmonic +subhastation +subhatchery +subhead +subheading +subheadquarters +subheadwaiter +subhealth +subhedral +subhemispherical +subhepatic +subherd +subhero +subhexagonal +subhirsute +subhooked +subhorizontal +subhornblendic +subhouse +subhuman +subhumid +subhyaline +subhyaloid +subhymenial +subhymenium +subhyoid +subhyoidean +subhypothesis +subhysteria +subicle +subicteric +subicular +subiculum +subidar +subidea +subideal +subimaginal +subimago +subimbricate +subimbricated +subimposed +subimpressed +subincandescent +subincident +subincise +subincision +subincomplete +subindex +subindicate +subindication +subindicative +subindices +subindividual +subinduce +subinfer +subinfeud +subinfeudate +subinfeudation +subinfeudatory +subinflammation +subinflammatory +subinform +subingression +subinguinal +subinitial +subinoculate +subinoculation +subinsert +subinsertion +subinspector +subinspectorship +subintegumental +subintellection +subintelligential +subintelligitur +subintent +subintention +subintercessor +subinternal +subinterval +subintestinal +subintroduce +subintroduction +subintroductory +subinvoluted +subinvolution +subiodide +subirrigate +subirrigation +subitane +subitaneous +subitem +Subiya +subjacency +subjacent +subjacently +subjack +subject +subjectability +subjectable +subjectdom +subjected +subjectedly +subjectedness +subjecthood +subjectibility +subjectible +subjectification +subjectify +subjectile +subjection +subjectional +subjectist +subjective +subjectively +subjectiveness +subjectivism +subjectivist +subjectivistic +subjectivistically +subjectivity +subjectivize +subjectivoidealistic +subjectless +subjectlike +subjectness +subjectship +subjee +subjicible +subjoin +subjoinder +subjoint +subjudge +subjudiciary +subjugable +subjugal +subjugate +subjugation +subjugator +subjugular +subjunct +subjunction +subjunctive +subjunctively +subjunior +subking +subkingdom +sublabial +sublaciniate +sublacustrine +sublanate +sublanceolate +sublanguage +sublapsarian +sublapsarianism +sublapsary +sublaryngeal +sublate +sublateral +sublation +sublative +subleader +sublease +sublecturer +sublegislation +sublegislature +sublenticular +sublessee +sublessor +sublet +sublethal +sublettable +subletter +sublevaminous +sublevate +sublevation +sublevel +sublibrarian +sublicense +sublicensee +sublid +sublieutenancy +sublieutenant +subligation +sublighted +sublimable +sublimableness +sublimant +sublimate +sublimation +sublimational +sublimationist +sublimator +sublimatory +sublime +sublimed +sublimely +sublimeness +sublimer +subliminal +subliminally +sublimish +sublimitation +sublimity +sublimize +sublinear +sublineation +sublingua +sublinguae +sublingual +sublinguate +sublittoral +sublobular +sublong +subloral +subloreal +sublot +sublumbar +sublunar +sublunary +sublunate +sublustrous +subluxate +subluxation +submaid +submain +submakroskelic +submammary +subman +submanager +submania +submanic +submanor +submarginal +submarginally +submarginate +submargined +submarine +submariner +submarinism +submarinist +submarshal +submaster +submaxilla +submaxillary +submaximal +submeaning +submedial +submedian +submediant +submediation +submediocre +submeeting +submember +submembranaceous +submembranous +submeningeal +submental +submentum +submerge +submerged +submergement +submergence +submergibility +submergible +submerse +submersed +submersibility +submersible +submersion +submetallic +submeter +submetering +submicron +submicroscopic +submicroscopically +submiliary +submind +subminimal +subminister +submiss +submissible +submission +submissionist +submissive +submissively +submissiveness +submissly +submissness +submit +submittal +submittance +submitter +submittingly +submolecule +submonition +submontagne +submontane +submontanely +submontaneous +submorphous +submortgage +submotive +submountain +submucosa +submucosal +submucous +submucronate +submultiple +submundane +submuriate +submuscular +Submytilacea +subnarcotic +subnasal +subnascent +subnatural +subnect +subnervian +subness +subneural +subnex +subnitrate +subnitrated +subniveal +subnivean +subnormal +subnormality +subnotation +subnote +subnotochordal +subnubilar +subnucleus +subnude +subnumber +subnuvolar +suboblique +subobscure +subobscurely +subobtuse +suboccipital +subocean +suboceanic +suboctave +suboctile +suboctuple +subocular +suboesophageal +suboffice +subofficer +subofficial +subolive +subopaque +subopercle +subopercular +suboperculum +subopposite +suboptic +suboptimal +suboptimum +suboral +suborbicular +suborbiculate +suborbiculated +suborbital +suborbitar +suborbitary +subordain +suborder +subordinacy +subordinal +subordinary +subordinate +subordinately +subordinateness +subordinating +subordinatingly +subordination +subordinationism +subordinationist +subordinative +suborganic +suborn +subornation +subornative +suborner +Suboscines +suboval +subovate +subovated +suboverseer +subovoid +suboxidation +suboxide +subpackage +subpagoda +subpallial +subpalmate +subpanel +subparagraph +subparallel +subpart +subpartition +subpartitioned +subpartitionment +subparty +subpass +subpassage +subpastor +subpatron +subpattern +subpavement +subpectinate +subpectoral +subpeduncle +subpeduncular +subpedunculate +subpellucid +subpeltate +subpeltated +subpentagonal +subpentangular +subpericardial +subperiod +subperiosteal +subperiosteally +subperitoneal +subperitoneally +subpermanent +subpermanently +subperpendicular +subpetiolar +subpetiolate +subpharyngeal +subphosphate +subphratry +subphrenic +subphylar +subphylum +subpial +subpilose +subpimp +subpiston +subplacenta +subplant +subplantigrade +subplat +subpleural +subplinth +subplot +subplow +subpodophyllous +subpoena +subpoenal +subpolar +subpolygonal +subpool +subpopular +subpopulation +subporphyritic +subport +subpostmaster +subpostmastership +subpostscript +subpotency +subpotent +subpreceptor +subpreceptorial +subpredicate +subpredication +subprefect +subprefectorial +subprefecture +subprehensile +subpress +subprimary +subprincipal +subprior +subprioress +subproblem +subproctor +subproduct +subprofessional +subprofessor +subprofessoriate +subprofitable +subproportional +subprotector +subprovince +subprovincial +subpubescent +subpubic +subpulmonary +subpulverizer +subpunch +subpunctuation +subpurchaser +subpurlin +subputation +subpyramidal +subpyriform +subquadrangular +subquadrate +subquality +subquestion +subquinquefid +subquintuple +Subra +subrace +subradial +subradiance +subradiate +subradical +subradius +subradular +subrailway +subrameal +subramose +subramous +subrange +subrational +subreader +subreason +subrebellion +subrectangular +subrector +subreference +subregent +subregion +subregional +subregular +subreguli +subregulus +subrelation +subreligion +subreniform +subrent +subrepand +subrepent +subreport +subreptary +subreption +subreptitious +subreputable +subresin +subretinal +subrhombic +subrhomboid +subrhomboidal +subrictal +subrident +subridently +subrigid +subrision +subrisive +subrisory +subrogate +subrogation +subroot +subrostral +subround +subrule +subruler +subsacral +subsale +subsaline +subsalt +subsample +subsartorial +subsatiric +subsatirical +subsaturated +subsaturation +subscapular +subscapularis +subscapulary +subschedule +subscheme +subschool +subscience +subscleral +subsclerotic +subscribable +subscribe +subscriber +subscribership +subscript +subscription +subscriptionist +subscriptive +subscriptively +subscripture +subscrive +subscriver +subsea +subsecive +subsecretarial +subsecretary +subsect +subsection +subsecurity +subsecute +subsecutive +subsegment +subsemifusa +subsemitone +subsensation +subsensible +subsensual +subsensuous +subsept +subseptuple +subsequence +subsequency +subsequent +subsequential +subsequentially +subsequently +subsequentness +subseries +subserosa +subserous +subserrate +subserve +subserviate +subservience +subserviency +subservient +subserviently +subservientness +subsessile +subset +subsewer +subsextuple +subshaft +subsheriff +subshire +subshrub +subshrubby +subside +subsidence +subsidency +subsident +subsider +subsidiarie +subsidiarily +subsidiariness +subsidiary +subsiding +subsidist +subsidizable +subsidization +subsidize +subsidizer +subsidy +subsilicate +subsilicic +subsill +subsimilation +subsimious +subsimple +subsinuous +subsist +subsistence +subsistency +subsistent +subsistential +subsistingly +subsizar +subsizarship +subsmile +subsneer +subsocial +subsoil +subsoiler +subsolar +subsolid +subsonic +subsorter +subsovereign +subspace +subspatulate +subspecialist +subspecialize +subspecialty +subspecies +subspecific +subspecifically +subsphenoidal +subsphere +subspherical +subspherically +subspinous +subspiral +subspontaneous +subsquadron +substage +substalagmite +substalagmitic +substance +substanceless +substanch +substandard +substandardize +substant +substantiability +substantial +substantialia +substantialism +substantialist +substantiality +substantialize +substantially +substantialness +substantiate +substantiation +substantiative +substantiator +substantify +substantious +substantival +substantivally +substantive +substantively +substantiveness +substantivity +substantivize +substantize +substation +substernal +substituent +substitutable +substitute +substituted +substituter +substituting +substitutingly +substitution +substitutional +substitutionally +substitutionary +substitutive +substitutively +substock +substoreroom +substory +substract +substraction +substratal +substrate +substrati +substrative +substrator +substratose +substratosphere +substratospheric +substratum +substriate +substruct +substruction +substructional +substructural +substructure +substylar +substyle +subsulfid +subsulfide +subsulphate +subsulphid +subsulphide +subsult +subsultive +subsultorily +subsultorious +subsultory +subsultus +subsumable +subsume +subsumption +subsumptive +subsuperficial +subsurety +subsurface +subsyndicate +subsynod +subsynodical +subsystem +subtack +subtacksman +subtangent +subtarget +subtartarean +subtectal +subtegminal +subtegulaneous +subtemperate +subtenancy +subtenant +subtend +subtense +subtenure +subtepid +subteraqueous +subterbrutish +subtercelestial +subterconscious +subtercutaneous +subterethereal +subterfluent +subterfluous +subterfuge +subterhuman +subterjacent +subtermarine +subterminal +subternatural +subterpose +subterposition +subterrane +subterraneal +subterranean +subterraneanize +subterraneanly +subterraneous +subterraneously +subterraneousness +subterranity +subterraqueous +subterrene +subterrestrial +subterritorial +subterritory +subtersensual +subtersensuous +subtersuperlative +subtersurface +subtertian +subtext +subthalamic +subthalamus +subthoracic +subthrill +subtile +subtilely +subtileness +subtilin +subtilism +subtilist +subtility +subtilization +subtilize +subtilizer +subtill +subtillage +subtilty +subtitle +subtitular +subtle +subtleness +subtlety +subtlist +subtly +subtone +subtonic +subtorrid +subtotal +subtotem +subtower +subtract +subtracter +subtraction +subtractive +subtrahend +subtranslucent +subtransparent +subtransverse +subtrapezoidal +subtread +subtreasurer +subtreasurership +subtreasury +subtrench +subtriangular +subtriangulate +subtribal +subtribe +subtribual +subtrifid +subtrigonal +subtrihedral +subtriplicate +subtriplicated +subtriquetrous +subtrist +subtrochanteric +subtrochlear +subtropic +subtropical +subtropics +subtrousers +subtrude +subtruncate +subtrunk +subtuberant +subtunic +subtunnel +subturbary +subturriculate +subturriculated +subtutor +subtwined +subtype +subtypical +subulate +subulated +subulicorn +Subulicornia +subuliform +subultimate +subumbellate +subumbonal +subumbral +subumbrella +subumbrellar +subuncinate +subunequal +subungual +subunguial +Subungulata +subungulate +subunit +subuniverse +suburb +suburban +suburbandom +suburbanhood +suburbanism +suburbanite +suburbanity +suburbanization +suburbanize +suburbanly +suburbed +suburbia +suburbican +suburbicarian +suburbicary +suburethral +subursine +subvaginal +subvaluation +subvarietal +subvariety +subvassal +subvassalage +subvein +subvendee +subvene +subvention +subventionary +subventioned +subventionize +subventitious +subventive +subventral +subventricose +subvermiform +subversal +subverse +subversed +subversion +subversionary +subversive +subversivism +subvert +subvertebral +subverter +subvertible +subvertical +subverticillate +subvesicular +subvestment +subvicar +subvicarship +subvillain +subvirate +subvirile +subvisible +subvitalized +subvitreous +subvocal +subvola +subwarden +subwater +subway +subwealthy +subweight +subwink +subworker +subworkman +subzonal +subzone +subzygomatic +succade +succedanea +succedaneous +succedaneum +succedent +succeed +succeedable +succeeder +succeeding +succeedingly +succent +succentor +succenturiate +succenturiation +success +successful +successfully +successfulness +succession +successional +successionally +successionist +successionless +successive +successively +successiveness +successivity +successless +successlessly +successlessness +successor +successoral +successorship +successory +succi +succin +succinamate +succinamic +succinamide +succinanil +succinate +succinct +succinctly +succinctness +succinctorium +succinctory +succincture +succinic +succiniferous +succinimide +succinite +succinoresinol +succinosulphuric +succinous +succinyl +Succisa +succise +succivorous +succor +succorable +succorer +succorful +succorless +succorrhea +succory +succotash +succourful +succourless +succous +succub +succuba +succubae +succube +succubine +succubous +succubus +succula +succulence +succulency +succulent +succulently +succulentness +succulous +succumb +succumbence +succumbency +succumbent +succumber +succursal +succuss +succussation +succussatory +succussion +succussive +such +suchlike +suchness +Suchos +suchwise +sucivilized +suck +suckable +suckabob +suckage +suckauhock +sucken +suckener +sucker +suckerel +suckerfish +suckerlike +suckfish +suckhole +sucking +suckle +suckler +suckless +suckling +suckstone +suclat +sucramine +sucrate +sucre +sucroacid +sucrose +suction +suctional +Suctoria +suctorial +suctorian +suctorious +sucupira +sucuri +sucuriu +sucuruju +sud +sudadero +sudamen +sudamina +sudaminal +Sudan +Sudanese +Sudani +Sudanian +Sudanic +sudarium +sudary +sudate +sudation +sudatorium +sudatory +Sudburian +sudburite +sudd +sudden +suddenly +suddenness +suddenty +Sudder +sudder +suddle +suddy +Sudic +sudiform +sudoral +sudoresis +sudoric +sudoriferous +sudoriferousness +sudorific +sudoriparous +sudorous +Sudra +suds +sudsman +sudsy +Sue +sue +Suecism +suede +suer +Suerre +Suessiones +suet +suety +Sueve +Suevi +Suevian +Suevic +Sufeism +suff +suffect +suffection +suffer +sufferable +sufferableness +sufferably +sufferance +sufferer +suffering +sufferingly +suffete +suffice +sufficeable +sufficer +sufficiency +sufficient +sufficiently +sufficientness +sufficing +sufficingly +sufficingness +suffiction +suffix +suffixal +suffixation +suffixion +suffixment +sufflaminate +sufflamination +sufflate +sufflation +sufflue +suffocate +suffocating +suffocatingly +suffocation +suffocative +Suffolk +suffragan +suffraganal +suffraganate +suffragancy +suffraganeous +suffragatory +suffrage +suffragette +suffragettism +suffragial +suffragism +suffragist +suffragistic +suffragistically +suffragitis +suffrago +suffrutescent +suffrutex +suffruticose +suffruticous +suffruticulose +suffumigate +suffumigation +suffusable +suffuse +suffused +suffusedly +suffusion +suffusive +Sufi +Sufiism +Sufiistic +Sufism +Sufistic +sugamo +sugan +sugar +sugarberry +sugarbird +sugarbush +sugared +sugarelly +sugarer +sugarhouse +sugariness +sugarless +sugarlike +sugarplum +sugarsweet +sugarworks +sugary +sugent +sugescent +suggest +suggestable +suggestedness +suggester +suggestibility +suggestible +suggestibleness +suggestibly +suggesting +suggestingly +suggestion +suggestionability +suggestionable +suggestionism +suggestionist +suggestionize +suggestive +suggestively +suggestiveness +suggestivity +suggestment +suggestress +suggestum +suggillate +suggillation +sugh +sugi +Sugih +suguaro +suhuaro +Sui +suicidal +suicidalism +suicidally +suicidalwise +suicide +suicidical +suicidism +suicidist +suid +Suidae +suidian +suiform +suilline +suimate +Suina +suine +suing +suingly +suint +Suiogoth +Suiogothic +Suiones +suisimilar +suist +suit +suitability +suitable +suitableness +suitably +suitcase +suite +suithold +suiting +suitor +suitoress +suitorship +suity +suji +Suk +Sukey +sukiyaki +sukkenye +Suku +Sula +Sulaba +Sulafat +Sulaib +sulbasutra +sulcal +sulcalization +sulcalize +sulcar +sulcate +sulcated +sulcation +sulcatoareolate +sulcatocostate +sulcatorimose +sulciform +sulcomarginal +sulcular +sulculate +sulculus +sulcus +suld +sulea +sulfa +sulfacid +sulfadiazine +sulfaguanidine +sulfamate +sulfamerazin +sulfamerazine +sulfamethazine +sulfamethylthiazole +sulfamic +sulfamidate +sulfamide +sulfamidic +sulfamine +sulfaminic +sulfamyl +sulfanilamide +sulfanilic +sulfanilylguanidine +sulfantimonide +sulfapyrazine +sulfapyridine +sulfaquinoxaline +sulfarsenide +sulfarsenite +sulfarseniuret +sulfarsphenamine +Sulfasuxidine +sulfatase +sulfathiazole +sulfatic +sulfatize +sulfato +sulfazide +sulfhydrate +sulfhydric +sulfhydryl +sulfindigotate +sulfindigotic +sulfindylic +sulfion +sulfionide +sulfoacid +sulfoamide +sulfobenzide +sulfobenzoate +sulfobenzoic +sulfobismuthite +sulfoborite +sulfocarbamide +sulfocarbimide +sulfocarbolate +sulfocarbolic +sulfochloride +sulfocyan +sulfocyanide +sulfofication +sulfogermanate +sulfohalite +sulfohydrate +sulfoindigotate +sulfoleic +sulfolysis +sulfomethylic +sulfonamic +sulfonamide +sulfonate +sulfonation +sulfonator +sulfonephthalein +sulfonethylmethane +sulfonic +sulfonium +sulfonmethane +sulfonyl +sulfophthalein +sulfopurpurate +sulfopurpuric +sulforicinate +sulforicinic +sulforicinoleate +sulforicinoleic +sulfoselenide +sulfosilicide +sulfostannide +sulfotelluride +sulfourea +sulfovinate +sulfovinic +sulfowolframic +sulfoxide +sulfoxism +sulfoxylate +sulfoxylic +sulfurage +sulfuran +sulfurate +sulfuration +sulfurator +sulfurea +sulfureous +sulfureously +sulfureousness +sulfuret +sulfuric +sulfurization +sulfurize +sulfurosyl +sulfurous +sulfury +sulfuryl +Sulidae +Sulides +Suliote +sulk +sulka +sulker +sulkily +sulkiness +sulky +sulkylike +sull +sulla +sullage +Sullan +sullen +sullenhearted +sullenly +sullenness +sulliable +sullow +sully +sulpha +sulphacid +sulphaldehyde +sulphamate +sulphamic +sulphamidate +sulphamide +sulphamidic +sulphamine +sulphaminic +sulphamino +sulphammonium +sulphamyl +sulphanilate +sulphanilic +sulphantimonate +sulphantimonial +sulphantimonic +sulphantimonide +sulphantimonious +sulphantimonite +sulpharsenate +sulpharseniate +sulpharsenic +sulpharsenide +sulpharsenious +sulpharsenite +sulpharseniuret +sulpharsphenamine +sulphatase +sulphate +sulphated +sulphatic +sulphation +sulphatization +sulphatize +sulphato +sulphatoacetic +sulphatocarbonic +sulphazide +sulphazotize +sulphbismuthite +sulphethylate +sulphethylic +sulphhemoglobin +sulphichthyolate +sulphidation +sulphide +sulphidic +sulphidize +sulphimide +sulphinate +sulphindigotate +sulphine +sulphinic +sulphinide +sulphinyl +sulphitation +sulphite +sulphitic +sulphmethemoglobin +sulpho +sulphoacetic +sulphoamid +sulphoamide +sulphoantimonate +sulphoantimonic +sulphoantimonious +sulphoantimonite +sulphoarsenic +sulphoarsenious +sulphoarsenite +sulphoazotize +sulphobenzide +sulphobenzoate +sulphobenzoic +sulphobismuthite +sulphoborite +sulphobutyric +sulphocarbamic +sulphocarbamide +sulphocarbanilide +sulphocarbimide +sulphocarbolate +sulphocarbolic +sulphocarbonate +sulphocarbonic +sulphochloride +sulphochromic +sulphocinnamic +sulphocyan +sulphocyanate +sulphocyanic +sulphocyanide +sulphocyanogen +sulphodichloramine +sulphofication +sulphofy +sulphogallic +sulphogel +sulphogermanate +sulphogermanic +sulphohalite +sulphohaloid +sulphohydrate +sulphoichthyolate +sulphoichthyolic +sulphoindigotate +sulphoindigotic +sulpholeate +sulpholeic +sulpholipin +sulpholysis +sulphonal +sulphonalism +sulphonamic +sulphonamide +sulphonamido +sulphonamine +sulphonaphthoic +sulphonate +sulphonated +sulphonation +sulphonator +sulphoncyanine +sulphone +sulphonephthalein +sulphonethylmethane +sulphonic +sulphonium +sulphonmethane +sulphonphthalein +sulphonyl +sulphoparaldehyde +sulphophosphate +sulphophosphite +sulphophosphoric +sulphophosphorous +sulphophthalein +sulphophthalic +sulphopropionic +sulphoproteid +sulphopupuric +sulphopurpurate +sulphoricinate +sulphoricinic +sulphoricinoleate +sulphoricinoleic +sulphosalicylic +sulphoselenide +sulphoselenium +sulphosilicide +sulphosol +sulphostannate +sulphostannic +sulphostannide +sulphostannite +sulphostannous +sulphosuccinic +sulphosulphurous +sulphotannic +sulphotelluride +sulphoterephthalic +sulphothionyl +sulphotoluic +sulphotungstate +sulphotungstic +sulphourea +sulphovanadate +sulphovinate +sulphovinic +sulphowolframic +sulphoxide +sulphoxism +sulphoxylate +sulphoxylic +sulphoxyphosphate +sulphozincate +sulphur +sulphurage +sulphuran +sulphurate +sulphuration +sulphurator +sulphurea +sulphurean +sulphureity +sulphureonitrous +sulphureosaline +sulphureosuffused +sulphureous +sulphureously +sulphureousness +sulphureovirescent +sulphuret +sulphureted +sulphuric +sulphuriferous +sulphurity +sulphurization +sulphurize +sulphurless +sulphurlike +sulphurosyl +sulphurous +sulphurously +sulphurousness +sulphurproof +sulphurweed +sulphurwort +sulphury +sulphuryl +sulphydrate +sulphydric +sulphydryl +Sulpician +sultam +sultan +sultana +sultanaship +sultanate +sultane +sultanesque +sultaness +sultanian +sultanic +sultanin +sultanism +sultanist +sultanize +sultanlike +sultanry +sultanship +sultone +sultrily +sultriness +sultry +Sulu +Suluan +sulung +sulvanite +sulvasutra +sum +sumac +Sumak +Sumass +Sumatra +sumatra +Sumatran +sumbul +sumbulic +Sumdum +Sumerian +Sumerology +Sumitro +sumless +sumlessness +summability +summable +summage +summand +summar +summarily +summariness +summarist +summarization +summarize +summarizer +summary +summate +summation +summational +summative +summatory +summed +summer +summerbird +summercastle +summerer +summerhead +summeriness +summering +summerings +summerish +summerite +summerize +summerland +summerlay +summerless +summerlike +summerliness +summerling +summerly +summerproof +summertide +summertime +summertree +summerward +summerwood +summery +summist +summit +summital +summitless +summity +summon +summonable +summoner +summoningly +summons +summula +summulist +summut +sumner +Sumo +sump +sumpage +sumper +sumph +sumphish +sumphishly +sumphishness +sumphy +sumpit +sumpitan +sumple +sumpman +sumpsimus +sumpter +sumption +sumptuary +sumptuosity +sumptuous +sumptuously +sumptuousness +sun +sunbeam +sunbeamed +sunbeamy +sunberry +sunbird +sunblink +sunbonnet +sunbonneted +sunbow +sunbreak +sunburn +sunburned +sunburnedness +sunburnproof +sunburnt +sunburntness +sunburst +suncherchor +suncup +sundae +Sundanese +Sundanesian +sundang +Sundar +Sundaresan +sundari +Sunday +Sundayfied +Sundayish +Sundayism +Sundaylike +Sundayness +Sundayproof +sundek +sunder +sunderable +sunderance +sunderer +sunderment +sunderwise +sundew +sundial +sundik +sundog +sundown +sundowner +sundowning +sundra +sundri +sundries +sundriesman +sundrily +sundriness +sundrops +sundry +sundryman +sune +sunfall +sunfast +sunfish +sunfisher +sunfishery +sunflower +Sung +sung +sungha +sunglade +sunglass +sunglo +sunglow +Sunil +sunk +sunken +sunket +sunkland +sunlamp +sunland +sunless +sunlessly +sunlessness +sunlet +sunlight +sunlighted +sunlike +sunlit +sunn +Sunna +Sunni +Sunniah +sunnily +sunniness +Sunnism +Sunnite +sunnud +sunny +sunnyhearted +sunnyheartedness +sunproof +sunquake +sunray +sunrise +sunrising +sunroom +sunscald +sunset +sunsetting +sunsetty +sunshade +sunshine +sunshineless +sunshining +sunshiny +sunsmit +sunsmitten +sunspot +sunspotted +sunspottedness +sunspottery +sunspotty +sunsquall +sunstone +sunstricken +sunstroke +sunt +sunup +sunward +sunwards +sunway +sunways +sunweed +sunwise +sunyie +Suomi +Suomic +suovetaurilia +sup +supa +Supai +supari +supawn +supe +supellex +super +superabduction +superabhor +superability +superable +superableness +superably +superabnormal +superabominable +superabomination +superabound +superabstract +superabsurd +superabundance +superabundancy +superabundant +superabundantly +superaccession +superaccessory +superaccommodating +superaccomplished +superaccrue +superaccumulate +superaccumulation +superaccurate +superacetate +superachievement +superacid +superacidulated +superacknowledgment +superacquisition +superacromial +superactive +superactivity +superacute +superadaptable +superadd +superaddition +superadditional +superadequate +superadequately +superadjacent +superadministration +superadmirable +superadmiration +superadorn +superadornment +superaerial +superaesthetical +superaffiliation +superaffiuence +superagency +superaggravation +superagitation +superagrarian +superalbal +superalbuminosis +superalimentation +superalkaline +superalkalinity +superallowance +superaltar +superaltern +superambitious +superambulacral +superanal +superangelic +superangelical +superanimal +superannuate +superannuation +superannuitant +superannuity +superapology +superappreciation +superaqueous +superarbiter +superarbitrary +superarctic +superarduous +superarrogant +superarseniate +superartificial +superartificially +superaspiration +superassertion +superassociate +superassume +superastonish +superastonishment +superattachment +superattainable +superattendant +superattraction +superattractive +superauditor +superaural +superaverage +superavit +superaward +superaxillary +superazotation +superb +superbelief +superbeloved +superbenefit +superbenevolent +superbenign +superbias +superbious +superbity +superblessed +superblunder +superbly +superbness +superbold +superborrow +superbrain +superbrave +superbrute +superbuild +superbungalow +superbusy +supercabinet +supercalender +supercallosal +supercandid +supercanine +supercanonical +supercanonization +supercanopy +supercapable +supercaption +supercarbonate +supercarbonization +supercarbonize +supercarbureted +supercargo +supercargoship +supercarpal +supercatastrophe +supercatholic +supercausal +supercaution +supercelestial +supercensure +supercentral +supercentrifuge +supercerebellar +supercerebral +superceremonious +supercharge +supercharged +supercharger +superchemical +superchivalrous +superciliary +superciliosity +supercilious +superciliously +superciliousness +supercilium +supercivil +supercivilization +supercivilized +superclaim +superclass +superclassified +supercloth +supercoincidence +supercolossal +supercolumnar +supercolumniation +supercombination +supercombing +supercommendation +supercommentary +supercommentator +supercommercial +supercompetition +supercomplete +supercomplex +supercomprehension +supercompression +superconception +superconductive +superconductivity +superconductor +superconfident +superconfirmation +superconformable +superconformist +superconformity +superconfusion +supercongestion +superconscious +superconsciousness +superconsecrated +superconsequency +superconservative +superconstitutional +supercontest +supercontribution +supercontrol +supercool +supercordial +supercorporation +supercow +supercredit +supercrescence +supercrescent +supercrime +supercritic +supercritical +supercrowned +supercrust +supercube +supercultivated +supercurious +supercycle +supercynical +superdainty +superdanger +superdebt +superdeclamatory +superdecoration +superdeficit +superdeity +superdejection +superdelegate +superdelicate +superdemand +superdemocratic +superdemonic +superdemonstration +superdensity +superdeposit +superdesirous +superdevelopment +superdevilish +superdevotion +superdiabolical +superdiabolically +superdicrotic +superdifficult +superdiplomacy +superdirection +superdiscount +superdistention +superdistribution +superdividend +superdivine +superdivision +superdoctor +superdominant +superdomineering +superdonation +superdose +superdramatist +superdreadnought +superdubious +superduplication +superdural +superdying +superearthly +supereconomy +superedification +superedify +supereducation +supereffective +supereffluence +supereffluently +superego +superelaborate +superelastic +superelated +superelegance +superelementary +superelevated +superelevation +supereligible +supereloquent +supereminence +supereminency +supereminent +supereminently +superemphasis +superemphasize +superendorse +superendorsement +superendow +superenergetic +superenforcement +superengrave +superenrollment +superepic +superepoch +superequivalent +supererogant +supererogantly +supererogate +supererogation +supererogative +supererogator +supererogatorily +supererogatory +superespecial +superessential +superessentially +superestablish +superestablishment +supereternity +superether +superethical +superethmoidal +superevangelical +superevident +superexacting +superexalt +superexaltation +superexaminer +superexceed +superexceeding +superexcellence +superexcellency +superexcellent +superexcellently +superexceptional +superexcitation +superexcited +superexcitement +superexcrescence +superexert +superexertion +superexiguity +superexist +superexistent +superexpand +superexpansion +superexpectation +superexpenditure +superexplicit +superexport +superexpressive +superexquisite +superexquisitely +superexquisiteness +superextend +superextension +superextol +superextreme +superfamily +superfantastic +superfarm +superfat +superfecundation +superfecundity +superfee +superfeminine +superfervent +superfetate +superfetation +superfeudation +superfibrination +superficial +superficialism +superficialist +superficiality +superficialize +superficially +superficialness +superficiary +superficies +superfidel +superfinance +superfine +superfinical +superfinish +superfinite +superfissure +superfit +superfix +superfleet +superflexion +superfluent +superfluid +superfluitance +superfluity +superfluous +superfluously +superfluousness +superflux +superfoliaceous +superfoliation +superfolly +superformal +superformation +superformidable +superfortunate +superfriendly +superfrontal +superfructified +superfulfill +superfulfillment +superfunction +superfunctional +superfuse +superfusibility +superfusible +superfusion +supergaiety +supergallant +supergene +supergeneric +supergenerosity +supergenerous +supergenual +supergiant +superglacial +superglorious +superglottal +supergoddess +supergoodness +supergovern +supergovernment +supergraduate +supergrant +supergratification +supergratify +supergravitate +supergravitation +superguarantee +supergun +superhandsome +superhearty +superheat +superheater +superheresy +superhero +superheroic +superhet +superheterodyne +superhighway +superhirudine +superhistoric +superhistorical +superhive +superhuman +superhumanity +superhumanize +superhumanly +superhumanness +superhumeral +superhypocrite +superideal +superignorant +superillustrate +superillustration +superimpend +superimpending +superimpersonal +superimply +superimportant +superimposable +superimpose +superimposed +superimposition +superimposure +superimpregnated +superimpregnation +superimprobable +superimproved +superincentive +superinclination +superinclusive +superincomprehensible +superincrease +superincumbence +superincumbency +superincumbent +superincumbently +superindependent +superindiction +superindifference +superindifferent +superindignant +superindividual +superindividualism +superindividualist +superinduce +superinducement +superinduct +superinduction +superindulgence +superindulgent +superindustrious +superindustry +superinenarrable +superinfection +superinfer +superinference +superinfeudation +superinfinite +superinfinitely +superinfirmity +superinfluence +superinformal +superinfuse +superinfusion +superingenious +superingenuity +superinitiative +superinjustice +superinnocent +superinquisitive +superinsaniated +superinscription +superinsist +superinsistence +superinsistent +superinstitute +superinstitution +superintellectual +superintend +superintendence +superintendency +superintendent +superintendential +superintendentship +superintender +superintense +superintolerable +superinundation +superior +superioress +superiority +superiorly +superiorness +superiorship +superirritability +superius +superjacent +superjudicial +superjurisdiction +superjustification +superknowledge +superlabial +superlaborious +superlactation +superlapsarian +superlaryngeal +superlation +superlative +superlatively +superlativeness +superlenient +superlie +superlikelihood +superline +superlocal +superlogical +superloyal +superlucky +superlunary +superlunatical +superluxurious +supermagnificent +supermagnificently +supermalate +superman +supermanhood +supermanifest +supermanism +supermanliness +supermanly +supermannish +supermarginal +supermarine +supermarket +supermarvelous +supermasculine +supermaterial +supermathematical +supermaxilla +supermaxillary +supermechanical +supermedial +supermedicine +supermediocre +supermental +supermentality +supermetropolitan +supermilitary +supermishap +supermixture +supermodest +supermoisten +supermolten +supermoral +supermorose +supermunicipal +supermuscan +supermystery +supernacular +supernaculum +supernal +supernalize +supernally +supernatant +supernatation +supernation +supernational +supernationalism +supernatural +supernaturaldom +supernaturalism +supernaturalist +supernaturality +supernaturalize +supernaturally +supernaturalness +supernature +supernecessity +supernegligent +supernormal +supernormally +supernormalness +supernotable +supernova +supernumeral +supernumerariness +supernumerary +supernumeraryship +supernumerous +supernutrition +superoanterior +superobedience +superobedient +superobese +superobject +superobjection +superobjectionable +superobligation +superobstinate +superoccipital +superoctave +superocular +superodorsal +superoexternal +superoffensive +superofficious +superofficiousness +superofrontal +superointernal +superolateral +superomedial +superoposterior +superopposition +superoptimal +superoptimist +superoratorical +superorbital +superordain +superorder +superordinal +superordinary +superordinate +superordination +superorganic +superorganism +superorganization +superorganize +superornament +superornamental +superosculate +superoutput +superoxalate +superoxide +superoxygenate +superoxygenation +superparamount +superparasite +superparasitic +superparasitism +superparliamentary +superpassage +superpatient +superpatriotic +superpatriotism +superperfect +superperfection +superperson +superpersonal +superpersonalism +superpetrosal +superphlogisticate +superphlogistication +superphosphate +superphysical +superpigmentation +superpious +superplausible +superplease +superplus +superpolite +superpolitic +superponderance +superponderancy +superponderant +superpopulation +superposable +superpose +superposed +superposition +superpositive +superpower +superpowered +superpraise +superprecarious +superprecise +superprelatical +superpreparation +superprinting +superprobability +superproduce +superproduction +superproportion +superprosperous +superpublicity +superpure +superpurgation +superquadrupetal +superqualify +superquote +superradical +superrational +superrationally +superreaction +superrealism +superrealist +superrefine +superrefined +superrefinement +superreflection +superreform +superreformation +superregal +superregeneration +superregenerative +superregistration +superregulation +superreliance +superremuneration +superrenal +superrequirement +superrespectable +superresponsible +superrestriction +superreward +superrheumatized +superrighteous +superromantic +superroyal +supersacerdotal +supersacral +supersacred +supersacrifice +supersafe +supersagacious +supersaint +supersaintly +supersalesman +supersaliency +supersalient +supersalt +supersanction +supersanguine +supersanity +supersarcastic +supersatisfaction +supersatisfy +supersaturate +supersaturation +superscandal +superscholarly +superscientific +superscribe +superscript +superscription +superscrive +superseaman +supersecret +supersecretion +supersecular +supersecure +supersedable +supersede +supersedeas +supersedence +superseder +supersedure +superselect +superseminate +supersemination +superseminator +supersensible +supersensibly +supersensitive +supersensitiveness +supersensitization +supersensory +supersensual +supersensualism +supersensualist +supersensualistic +supersensuality +supersensually +supersensuous +supersensuousness +supersentimental +superseptal +superseptuaginarian +superseraphical +superserious +superservice +superserviceable +superserviceableness +superserviceably +supersesquitertial +supersession +supersessive +supersevere +supershipment +supersignificant +supersilent +supersimplicity +supersimplify +supersincerity +supersingular +supersistent +supersize +supersmart +supersocial +supersoil +supersolar +supersolemn +supersolemness +supersolemnity +supersolemnly +supersolicit +supersolicitation +supersolid +supersonant +supersonic +supersovereign +supersovereignty +superspecialize +superspecies +superspecification +supersphenoid +supersphenoidal +superspinous +superspiritual +superspirituality +supersquamosal +superstage +superstamp +superstandard +superstate +superstatesman +superstimulate +superstimulation +superstition +superstitionist +superstitionless +superstitious +superstitiously +superstitiousness +superstoical +superstrain +superstrata +superstratum +superstrenuous +superstrict +superstrong +superstruct +superstruction +superstructor +superstructory +superstructural +superstructure +superstuff +superstylish +supersublimated +supersuborder +supersubsist +supersubstantial +supersubstantiality +supersubstantiate +supersubtilized +supersubtle +supersufficiency +supersufficient +supersulcus +supersulphate +supersulphuret +supersulphureted +supersulphurize +supersuperabundance +supersuperabundant +supersuperabundantly +supersuperb +supersuperior +supersupremacy +supersupreme +supersurprise +supersuspicious +supersweet +supersympathy +supersyndicate +supersystem +supertare +supertartrate +supertax +supertaxation +supertemporal +supertempt +supertemptation +supertension +superterranean +superterraneous +superterrene +superterrestrial +superthankful +superthorough +superthyroidism +supertoleration +supertonic +supertotal +supertower +supertragic +supertragical +supertrain +supertramp +supertranscendent +supertranscendently +supertreason +supertrivial +supertuchun +supertunic +supertutelary +superugly +superultrafrostified +superunfit +superunit +superunity +superuniversal +superuniverse +superurgent +supervalue +supervast +supervene +supervenience +supervenient +supervenosity +supervention +supervestment +supervexation +supervictorious +supervigilant +supervigorous +supervirulent +supervisal +supervisance +supervise +supervision +supervisionary +supervisive +supervisor +supervisorial +supervisorship +supervisory +supervisual +supervisure +supervital +supervive +supervolition +supervoluminous +supervolute +superwager +superwealthy +superweening +superwise +superwoman +superworldly +superwrought +superyacht +superzealous +supinate +supination +supinator +supine +supinely +supineness +suppedaneum +supper +suppering +supperless +suppertime +supperwards +supping +supplace +supplant +supplantation +supplanter +supplantment +supple +supplejack +supplely +supplement +supplemental +supplementally +supplementarily +supplementary +supplementation +supplementer +suppleness +suppletion +suppletive +suppletively +suppletorily +suppletory +suppliable +supplial +suppliance +suppliancy +suppliant +suppliantly +suppliantness +supplicancy +supplicant +supplicantly +supplicat +supplicate +supplicating +supplicatingly +supplication +supplicationer +supplicative +supplicator +supplicatory +supplicavit +supplice +supplier +suppling +supply +support +supportability +supportable +supportableness +supportably +supportance +supporter +supportful +supporting +supportingly +supportive +supportless +supportlessly +supportress +supposable +supposableness +supposably +supposal +suppose +supposed +supposedly +supposer +supposing +supposition +suppositional +suppositionally +suppositionary +suppositionless +suppositious +supposititious +supposititiously +supposititiousness +suppositive +suppositively +suppository +suppositum +suppost +suppress +suppressal +suppressed +suppressedly +suppresser +suppressible +suppression +suppressionist +suppressive +suppressively +suppressor +supprise +suppurant +suppurate +suppuration +suppurative +suppuratory +suprabasidorsal +suprabranchial +suprabuccal +supracaecal +supracargo +supracaudal +supracensorious +supracentenarian +suprachorioid +suprachorioidal +suprachorioidea +suprachoroid +suprachoroidal +suprachoroidea +supraciliary +supraclavicle +supraclavicular +supraclusion +supracommissure +supraconduction +supraconductor +supracondylar +supracondyloid +supraconscious +supraconsciousness +supracoralline +supracostal +supracoxal +supracranial +supracretaceous +supradecompound +supradental +supradorsal +supradural +suprafeminine +suprafine +suprafoliaceous +suprafoliar +supraglacial +supraglenoid +supraglottic +supragovernmental +suprahepatic +suprahistorical +suprahuman +suprahumanity +suprahyoid +suprailiac +suprailium +supraintellectual +suprainterdorsal +suprajural +supralabial +supralapsarian +supralapsarianism +supralateral +supralegal +supraliminal +supraliminally +supralineal +supralinear +supralocal +supralocally +supraloral +supralunar +supralunary +supramammary +supramarginal +supramarine +supramastoid +supramaxilla +supramaxillary +supramaximal +suprameatal +supramechanical +supramedial +supramental +supramolecular +supramoral +supramortal +supramundane +supranasal +supranational +supranatural +supranaturalism +supranaturalist +supranaturalistic +supranature +supranervian +supraneural +supranormal +supranuclear +supraoccipital +supraocclusion +supraocular +supraoesophagal +supraoesophageal +supraoptimal +supraoptional +supraoral +supraorbital +supraorbitar +supraordinary +supraordinate +supraordination +suprapapillary +suprapedal +suprapharyngeal +supraposition +supraprotest +suprapubian +suprapubic +suprapygal +supraquantivalence +supraquantivalent +suprarational +suprarationalism +suprarationality +suprarenal +suprarenalectomize +suprarenalectomy +suprarenalin +suprarenine +suprarimal +suprasaturate +suprascapula +suprascapular +suprascapulary +suprascript +suprasegmental +suprasensible +suprasensitive +suprasensual +suprasensuous +supraseptal +suprasolar +suprasoriferous +suprasphanoidal +supraspinal +supraspinate +supraspinatus +supraspinous +suprasquamosal +suprastandard +suprastapedial +suprastate +suprasternal +suprastigmal +suprasubtle +supratemporal +supraterraneous +supraterrestrial +suprathoracic +supratonsillar +supratrochlear +supratropical +supratympanic +supravaginal +supraventricular +supraversion +supravital +supraworld +supremacy +suprematism +supreme +supremely +supremeness +supremity +sur +sura +suraddition +surah +surahi +sural +suralimentation +suranal +surangular +surat +surbase +surbased +surbasement +surbate +surbater +surbed +surcease +surcharge +surcharger +surcingle +surcoat +surcrue +surculi +surculigerous +surculose +surculous +surculus +surd +surdation +surdeline +surdent +surdimutism +surdity +surdomute +sure +surely +sureness +sures +Suresh +surette +surety +suretyship +surexcitation +surf +surface +surfaced +surfacedly +surfaceless +surfacely +surfaceman +surfacer +surfacing +surfactant +surfacy +surfbird +surfboard +surfboarding +surfboat +surfboatman +surfeit +surfeiter +surfer +surficial +surfle +surflike +surfman +surfmanship +surfrappe +surfuse +surfusion +surfy +surge +surgeful +surgeless +surgent +surgeon +surgeoncy +surgeoness +surgeonfish +surgeonless +surgeonship +surgeproof +surgerize +surgery +surgical +surgically +surginess +surging +surgy +Suriana +Surianaceae +Suricata +suricate +suriga +Surinam +surinamine +surlily +surliness +surly +surma +surmark +surmaster +surmisable +surmisal +surmisant +surmise +surmised +surmisedly +surmiser +surmount +surmountable +surmountableness +surmountal +surmounted +surmounter +surmullet +surname +surnamer +surnap +surnay +surnominal +surpass +surpassable +surpasser +surpassing +surpassingly +surpassingness +surpeopled +surplice +surpliced +surplicewise +surplician +surplus +surplusage +surpreciation +surprint +surprisable +surprisal +surprise +surprisedly +surprisement +surpriseproof +surpriser +surprising +surprisingly +surprisingness +surquedry +surquidry +surquidy +surra +surrealism +surrealist +surrealistic +surrealistically +surrebound +surrebut +surrebuttal +surrebutter +surrection +surrejoin +surrejoinder +surrenal +surrender +surrenderee +surrenderer +surrenderor +surreption +surreptitious +surreptitiously +surreptitiousness +surreverence +surreverently +surrey +surrogacy +surrogate +surrogateship +surrogation +surrosion +surround +surrounded +surroundedly +surrounder +surrounding +surroundings +sursaturation +sursolid +sursumduction +sursumvergence +sursumversion +surtax +surtout +surturbrand +surveillance +surveillant +survey +surveyable +surveyage +surveyal +surveyance +surveying +surveyor +surveyorship +survigrous +survivability +survivable +survival +survivalism +survivalist +survivance +survivancy +survive +surviver +surviving +survivor +survivoress +survivorship +Surya +Sus +Susan +Susanchite +Susanna +Susanne +susannite +suscept +susceptance +susceptibility +susceptible +susceptibleness +susceptibly +susception +susceptive +susceptiveness +susceptivity +susceptor +suscitate +suscitation +susi +Susian +Susianian +Susie +suslik +susotoxin +suspect +suspectable +suspected +suspectedness +suspecter +suspectful +suspectfulness +suspectible +suspectless +suspector +suspend +suspended +suspender +suspenderless +suspenders +suspendibility +suspendible +suspensation +suspense +suspenseful +suspensely +suspensibility +suspensible +suspension +suspensive +suspensively +suspensiveness +suspensoid +suspensor +suspensorial +suspensorium +suspensory +suspercollate +suspicion +suspicionable +suspicional +suspicionful +suspicionless +suspicious +suspiciously +suspiciousness +suspiration +suspiratious +suspirative +suspire +suspirious +Susquehanna +Sussex +sussexite +Sussexman +sussultatory +sussultorial +sustain +sustainable +sustained +sustainer +sustaining +sustainingly +sustainment +sustanedly +sustenance +sustenanceless +sustentacula +sustentacular +sustentaculum +sustentation +sustentational +sustentative +sustentator +sustention +sustentive +sustentor +Susu +susu +Susuhunan +Susuidae +Susumu +susurr +susurrant +susurrate +susurration +susurringly +susurrous +susurrus +Sutaio +suterbery +suther +Sutherlandia +sutile +sutler +sutlerage +sutleress +sutlership +sutlery +Suto +sutor +sutorial +sutorian +sutorious +sutra +Suttapitaka +suttee +sutteeism +sutten +suttin +suttle +Sutu +sutural +suturally +suturation +suture +Suu +suum +Suwandi +suwarro +suwe +Suyog +suz +Suzan +Suzanne +suzerain +suzeraine +suzerainship +suzerainty +Suzy +Svan +Svanetian +Svanish +Svante +Svantovit +svarabhakti +svarabhaktic +Svarloka +svelte +Svetambara +sviatonosite +swa +Swab +swab +swabber +swabberly +swabble +Swabian +swack +swacken +swacking +swad +swaddle +swaddlebill +swaddler +swaddling +swaddy +Swadeshi +Swadeshism +swag +swagbellied +swagbelly +swage +swager +swagger +swaggerer +swaggering +swaggeringly +swaggie +swaggy +swaglike +swagman +swagsman +Swahilese +Swahili +Swahilian +Swahilize +swaimous +swain +swainish +swainishness +swainship +Swainsona +swainsona +swaird +swale +swaler +swaling +swalingly +swallet +swallo +swallow +swallowable +swallower +swallowlike +swallowling +swallowpipe +swallowtail +swallowwort +swam +swami +swamp +swampable +swampberry +swamper +swampish +swampishness +swampland +swampside +swampweed +swampwood +swampy +Swamy +swan +swandown +swanflower +swang +swangy +swanherd +swanhood +swanimote +swank +swanker +swankily +swankiness +swanking +swanky +swanlike +swanmark +swanmarker +swanmarking +swanneck +swannecked +swanner +swannery +swannish +swanny +swanskin +Swantevit +swanweed +swanwort +swap +swape +swapper +swapping +swaraj +swarajism +swarajist +swarbie +sward +swardy +sware +swarf +swarfer +swarm +swarmer +swarming +swarmy +swarry +swart +swartback +swarth +swarthily +swarthiness +swarthness +swarthy +swartish +swartly +swartness +swartrutter +swartrutting +swarty +Swartzbois +Swartzia +swarve +swash +swashbuckle +swashbuckler +swashbucklerdom +swashbucklering +swashbucklery +swashbuckling +swasher +swashing +swashway +swashwork +swashy +swastika +swastikaed +Swat +swat +swatch +Swatchel +swatcher +swatchway +swath +swathable +swathband +swathe +swatheable +swather +swathy +Swati +Swatow +swatter +swattle +swaver +sway +swayable +swayed +swayer +swayful +swaying +swayingly +swayless +Swazi +Swaziland +sweal +sweamish +swear +swearer +swearingly +swearword +sweat +sweatband +sweatbox +sweated +sweater +sweatful +sweath +sweatily +sweatiness +sweating +sweatless +sweatproof +sweatshop +sweatweed +sweaty +Swede +Swedenborgian +Swedenborgianism +Swedenborgism +swedge +Swedish +sweeny +sweep +sweepable +sweepage +sweepback +sweepboard +sweepdom +sweeper +sweeperess +sweepforward +sweeping +sweepingly +sweepingness +sweepings +sweepstake +sweepwasher +sweepwashings +sweepy +sweer +sweered +sweet +sweetberry +sweetbread +sweetbrier +sweetbriery +sweeten +sweetener +sweetening +sweetfish +sweetful +sweetheart +sweetheartdom +sweethearted +sweetheartedness +sweethearting +sweetheartship +sweetie +sweeting +sweetish +sweetishly +sweetishness +sweetleaf +sweetless +sweetlike +sweetling +sweetly +sweetmaker +sweetmeat +sweetmouthed +sweetness +sweetroot +sweetshop +sweetsome +sweetsop +sweetwater +sweetweed +sweetwood +sweetwort +sweety +swego +swelchie +swell +swellage +swelldom +swelldoodle +swelled +sweller +swellfish +swelling +swellish +swellishness +swellmobsman +swellness +swelltoad +swelly +swelp +swelt +swelter +sweltering +swelteringly +swelth +sweltry +swelty +swep +swept +swerd +Swertia +swerve +swerveless +swerver +swervily +swick +swidge +Swietenia +swift +swiften +swifter +swiftfoot +swiftlet +swiftlike +swiftness +swifty +swig +swigger +swiggle +swile +swill +swillbowl +swiller +swilltub +swim +swimmable +swimmer +swimmeret +swimmily +swimminess +swimming +swimmingly +swimmingness +swimmist +swimmy +swimsuit +swimy +Swinburnesque +Swinburnian +swindle +swindleable +swindledom +swindler +swindlership +swindlery +swindling +swindlingly +swine +swinebread +swinecote +swinehead +swineherd +swineherdship +swinehood +swinehull +swinelike +swinely +swinepipe +swinery +swinestone +swinesty +swiney +swing +swingable +swingback +swingdevil +swingdingle +swinge +swingeing +swinger +swinging +swingingly +Swingism +swingle +swinglebar +swingletail +swingletree +swingstock +swingtree +swingy +swinish +swinishly +swinishness +swink +swinney +swipe +swiper +swipes +swiple +swipper +swipy +swird +swire +swirl +swirlingly +swirly +swirring +swish +swisher +swishing +swishingly +swishy +Swiss +swiss +Swissess +swissing +switch +switchback +switchbacker +switchboard +switched +switchel +switcher +switchgear +switching +switchkeeper +switchlike +switchman +switchy +switchyard +swith +swithe +swithen +swither +Swithin +Switzer +Switzeress +swivel +swiveled +swiveleye +swiveleyed +swivellike +swivet +swivetty +swiz +swizzle +swizzler +swob +swollen +swollenly +swollenness +swom +swonken +swoon +swooned +swooning +swooningly +swoony +swoop +swooper +swoosh +sword +swordbill +swordcraft +swordfish +swordfisherman +swordfishery +swordfishing +swordick +swording +swordless +swordlet +swordlike +swordmaker +swordmaking +swordman +swordmanship +swordplay +swordplayer +swordproof +swordsman +swordsmanship +swordsmith +swordster +swordstick +swordswoman +swordtail +swordweed +swore +sworn +swosh +swot +swotter +swounds +swow +swum +swung +swungen +swure +syagush +sybarism +sybarist +Sybarital +Sybaritan +Sybarite +Sybaritic +Sybaritical +Sybaritically +Sybaritish +sybaritism +Sybil +sybotic +sybotism +sycamine +sycamore +syce +sycee +sychnocarpous +sycock +sycoma +sycomancy +Sycon +Syconaria +syconarian +syconate +Sycones +syconid +Syconidae +syconium +syconoid +syconus +sycophancy +sycophant +sycophantic +sycophantical +sycophantically +sycophantish +sycophantishly +sycophantism +sycophantize +sycophantry +sycosiform +sycosis +Syd +Sydneian +Sydneyite +sye +Syed +syenite +syenitic +syenodiorite +syenogabbro +sylid +syllab +syllabarium +syllabary +syllabatim +syllabation +syllabe +syllabi +syllabic +syllabical +syllabically +syllabicate +syllabication +syllabicness +syllabification +syllabify +syllabism +syllabize +syllable +syllabled +syllabus +syllepsis +sylleptic +sylleptical +sylleptically +Syllidae +syllidian +Syllis +sylloge +syllogism +syllogist +syllogistic +syllogistical +syllogistically +syllogistics +syllogization +syllogize +syllogizer +sylph +sylphic +sylphid +sylphidine +sylphish +sylphize +sylphlike +Sylphon +sylphy +sylva +sylvae +sylvage +Sylvan +sylvan +sylvanesque +sylvanite +sylvanitic +sylvanity +sylvanize +sylvanly +sylvanry +sylvate +sylvatic +Sylvester +sylvester +sylvestral +sylvestrene +Sylvestrian +sylvestrian +Sylvestrine +Sylvia +Sylvian +sylvic +Sylvicolidae +sylvicoline +Sylviidae +Sylviinae +sylviine +sylvine +sylvinite +sylvite +symbasic +symbasical +symbasically +symbasis +symbiogenesis +symbiogenetic +symbiogenetically +symbion +symbiont +symbiontic +symbionticism +symbiosis +symbiot +symbiote +symbiotic +symbiotically +symbiotics +symbiotism +symbiotrophic +symblepharon +symbol +symbolaeography +symbolater +symbolatrous +symbolatry +symbolic +symbolical +symbolically +symbolicalness +symbolicly +symbolics +symbolism +symbolist +symbolistic +symbolistical +symbolistically +symbolization +symbolize +symbolizer +symbolofideism +symbological +symbologist +symbolography +symbology +symbololatry +symbolology +symbolry +symbouleutic +symbranch +Symbranchia +symbranchiate +symbranchoid +symbranchous +symmachy +symmedian +symmelia +symmelian +symmelus +symmetalism +symmetral +symmetric +symmetrical +symmetricality +symmetrically +symmetricalness +symmetrist +symmetrization +symmetrize +symmetroid +symmetrophobia +symmetry +symmorphic +symmorphism +sympalmograph +sympathectomize +sympathectomy +sympathetectomy +sympathetic +sympathetical +sympathetically +sympatheticism +sympatheticity +sympatheticness +sympatheticotonia +sympatheticotonic +sympathetoblast +sympathicoblast +sympathicotonia +sympathicotonic +sympathicotripsy +sympathism +sympathist +sympathize +sympathizer +sympathizing +sympathizingly +sympathoblast +sympatholysis +sympatholytic +sympathomimetic +sympathy +sympatric +sympatry +Sympetalae +sympetalous +Symphalangus +symphenomena +symphenomenal +symphile +symphilic +symphilism +symphilous +symphily +symphogenous +symphonetic +symphonia +symphonic +symphonically +symphonion +symphonious +symphoniously +symphonist +symphonize +symphonous +symphony +Symphoricarpos +symphoricarpous +symphrase +symphronistic +symphyantherous +symphycarpous +Symphyla +symphylan +symphyllous +symphylous +symphynote +symphyogenesis +symphyogenetic +symphyostemonous +symphyseal +symphyseotomy +symphysial +symphysian +symphysic +symphysion +symphysiotomy +symphysis +symphysodactylia +symphysotomy +symphysy +Symphyta +symphytic +symphytically +symphytism +symphytize +Symphytum +sympiesometer +symplasm +symplectic +Symplegades +symplesite +Symplocaceae +symplocaceous +Symplocarpus +symploce +Symplocos +sympode +sympodia +sympodial +sympodially +sympodium +sympolity +symposia +symposiac +symposiacal +symposial +symposiarch +symposiast +symposiastic +symposion +symposium +symptom +symptomatic +symptomatical +symptomatically +symptomatics +symptomatize +symptomatography +symptomatological +symptomatologically +symptomatology +symptomical +symptomize +symptomless +symptosis +symtomology +synacme +synacmic +synacmy +synactic +synadelphite +synaeresis +synagogal +synagogian +synagogical +synagogism +synagogist +synagogue +synalgia +synalgic +synallactic +synallagmatic +synaloepha +synanastomosis +synange +synangia +synangial +synangic +synangium +synanthema +synantherological +synantherologist +synantherology +synantherous +synanthesis +synanthetic +synanthic +synanthous +synanthrose +synanthy +synaphea +synaposematic +synapse +synapses +Synapsida +synapsidan +synapsis +synaptai +synaptase +synapte +synaptene +Synaptera +synapterous +synaptic +synaptical +synaptically +synapticula +synapticulae +synapticular +synapticulate +synapticulum +Synaptosauria +synaptychus +synarchical +synarchism +synarchy +synarmogoid +Synarmogoidea +synarquism +synartesis +synartete +synartetic +synarthrodia +synarthrodial +synarthrodially +synarthrosis +Synascidiae +synascidian +synastry +synaxar +synaxarion +synaxarist +synaxarium +synaxary +synaxis +sync +Syncarida +syncarp +syncarpia +syncarpium +syncarpous +syncarpy +syncategorematic +syncategorematical +syncategorematically +syncategoreme +syncephalic +syncephalus +syncerebral +syncerebrum +synch +synchitic +synchondoses +synchondrosial +synchondrosially +synchondrosis +synchondrotomy +synchoresis +synchro +synchroflash +synchromesh +synchronal +synchrone +synchronic +synchronical +synchronically +synchronism +synchronistic +synchronistical +synchronistically +synchronizable +synchronization +synchronize +synchronized +synchronizer +synchronograph +synchronological +synchronology +synchronous +synchronously +synchronousness +synchrony +synchroscope +synchrotron +synchysis +Synchytriaceae +Synchytrium +syncladous +synclastic +synclinal +synclinally +syncline +synclinical +synclinore +synclinorial +synclinorian +synclinorium +synclitic +syncliticism +synclitism +syncoelom +syncopal +syncopate +syncopated +syncopation +syncopator +syncope +syncopic +syncopism +syncopist +syncopize +syncotyledonous +syncracy +syncraniate +syncranterian +syncranteric +syncrasy +syncretic +syncretical +syncreticism +syncretion +syncretism +syncretist +syncretistic +syncretistical +syncretize +syncrisis +Syncrypta +syncryptic +syncytia +syncytial +syncytioma +syncytiomata +syncytium +syndactyl +syndactylia +syndactylic +syndactylism +syndactylous +syndactyly +syndectomy +synderesis +syndesis +syndesmectopia +syndesmitis +syndesmography +syndesmology +syndesmoma +Syndesmon +syndesmoplasty +syndesmorrhaphy +syndesmosis +syndesmotic +syndesmotomy +syndetic +syndetical +syndetically +syndic +syndical +syndicalism +syndicalist +syndicalistic +syndicalize +syndicate +syndicateer +syndication +syndicator +syndicship +syndoc +syndrome +syndromic +syndyasmian +Syndyoceras +syne +synecdoche +synecdochic +synecdochical +synecdochically +synecdochism +synechia +synechiological +synechiology +synechological +synechology +synechotomy +synechthran +synechthry +synecology +synecphonesis +synectic +synecticity +Synedra +synedral +Synedria +synedria +synedrial +synedrian +Synedrion +synedrion +Synedrium +synedrium +synedrous +syneidesis +synema +synemmenon +synenergistic +synenergistical +synenergistically +synentognath +Synentognathi +synentognathous +syneresis +synergastic +synergetic +synergia +synergic +synergically +synergid +synergidae +synergidal +synergism +synergist +synergistic +synergistical +synergistically +synergize +synergy +synerize +synesis +synesthesia +synesthetic +synethnic +syngamic +syngamous +syngamy +Syngenesia +syngenesian +syngenesious +syngenesis +syngenetic +syngenic +syngenism +syngenite +Syngnatha +Syngnathi +syngnathid +Syngnathidae +syngnathoid +syngnathous +Syngnathus +syngraph +synizesis +synkaryon +synkatathesis +synkinesia +synkinesis +synkinetic +synneurosis +synneusis +synochoid +synochus +synocreate +synod +synodal +synodalian +synodalist +synodally +synodical +synodically +synodist +synodite +synodontid +Synodontidae +synodontoid +synodsman +Synodus +synoecete +synoeciosis +synoecious +synoeciously +synoeciousness +synoecism +synoecize +synoecy +synoicous +synomosy +synonym +synonymatic +synonymic +synonymical +synonymicon +synonymics +synonymist +synonymity +synonymize +synonymous +synonymously +synonymousness +synonymy +synophthalmus +synopses +synopsis +synopsize +synopsy +synoptic +synoptical +synoptically +Synoptist +synoptist +Synoptistic +synorchidism +synorchism +synorthographic +synosteology +synosteosis +synostose +synostosis +synostotic +synostotical +synostotically +synousiacs +synovectomy +synovia +synovial +synovially +synoviparous +synovitic +synovitis +synpelmous +synrhabdosome +synsacral +synsacrum +synsepalous +synspermous +synsporous +syntactic +syntactical +syntactically +syntactician +syntactics +syntagma +syntan +syntasis +syntax +syntaxis +syntaxist +syntechnic +syntectic +syntelome +syntenosis +synteresis +syntexis +syntheme +synthermal +syntheses +synthesis +synthesism +synthesist +synthesization +synthesize +synthesizer +synthete +synthetic +synthetical +synthetically +syntheticism +synthetism +synthetist +synthetization +synthetize +synthetizer +synthol +synthroni +synthronoi +synthronos +synthronus +syntomia +syntomy +syntone +syntonic +syntonical +syntonically +syntonin +syntonization +syntonize +syntonizer +syntonolydian +syntonous +syntony +syntripsis +syntrope +syntrophic +syntropic +syntropical +syntropy +syntype +syntypic +syntypicism +Synura +synusia +synusiast +syodicon +sypher +syphilide +syphilidography +syphilidologist +syphiliphobia +syphilis +syphilitic +syphilitically +syphilization +syphilize +syphiloderm +syphilodermatous +syphilogenesis +syphilogeny +syphilographer +syphilography +syphiloid +syphilologist +syphilology +syphiloma +syphilomatous +syphilophobe +syphilophobia +syphilophobic +syphilopsychosis +syphilosis +syphilous +Syracusan +syre +Syriac +Syriacism +Syriacist +Syrian +Syrianic +Syrianism +Syrianize +Syriarch +Syriasm +syringa +syringadenous +syringe +syringeal +syringeful +syringes +syringin +syringitis +syringium +syringocoele +syringomyelia +syringomyelic +syringotome +syringotomy +syrinx +Syriologist +Syrma +syrma +Syrmian +Syrnium +Syrophoenician +syrphian +syrphid +Syrphidae +syrt +syrtic +Syrtis +syrup +syruped +syruper +syruplike +syrupy +Syryenian +syssarcosis +syssel +sysselman +syssiderite +syssitia +syssition +systaltic +systasis +systatic +system +systematic +systematical +systematicality +systematically +systematician +systematicness +systematics +systematism +systematist +systematization +systematize +systematizer +systematology +systemed +systemic +systemically +systemist +systemizable +systemization +systemize +systemizer +systemless +systemproof +systemwise +systilius +systolated +systole +systolic +systyle +systylous +Syun +syzygetic +syzygetically +syzygial +syzygium +syzygy +szaibelyite +Szekler +szlachta +szopelka +T +t +ta +taa +Taal +Taalbond +taar +Tab +tab +tabacin +tabacosis +tabacum +tabanid +Tabanidae +tabaniform +tabanuco +Tabanus +tabard +tabarded +tabaret +Tabasco +tabasheer +tabashir +tabaxir +tabbarea +tabber +tabbinet +Tabby +tabby +Tabebuia +tabefaction +tabefy +tabella +Tabellaria +Tabellariaceae +tabellion +taberdar +taberna +tabernacle +tabernacler +tabernacular +Tabernaemontana +tabernariae +tabes +tabescence +tabescent +tabet +tabetic +tabetiform +tabetless +tabic +tabid +tabidly +tabidness +tabific +tabifical +tabinet +Tabira +Tabitha +tabitude +tabla +tablature +table +tableau +tableaux +tablecloth +tableclothwise +tableclothy +tabled +tablefellow +tablefellowship +tableful +tableity +tableland +tableless +tablelike +tablemaid +tablemaker +tablemaking +tableman +tablemate +tabler +tables +tablespoon +tablespoonful +tablet +tabletary +tableware +tablewise +tabling +tablinum +Tabloid +tabloid +tabog +taboo +tabooism +tabooist +taboot +taboparalysis +taboparesis +taboparetic +tabophobia +tabor +taborer +taboret +taborin +Taborite +tabour +tabourer +tabouret +tabret +Tabriz +tabu +tabula +tabulable +tabular +tabulare +tabularium +tabularization +tabularize +tabularly +tabulary +Tabulata +tabulate +tabulated +tabulation +tabulator +tabulatory +tabule +tabuliform +tabut +tacahout +tacamahac +Tacana +Tacanan +Tacca +Taccaceae +taccaceous +taccada +tach +Tachardia +Tachardiinae +tache +tacheless +tacheography +tacheometer +tacheometric +tacheometry +tacheture +tachhydrite +tachibana +Tachina +Tachinaria +tachinarian +tachinid +Tachinidae +tachiol +tachistoscope +tachistoscopic +tachogram +tachograph +tachometer +tachometry +tachoscope +tachycardia +tachycardiac +tachygen +tachygenesis +tachygenetic +tachygenic +tachyglossal +tachyglossate +Tachyglossidae +Tachyglossus +tachygraph +tachygrapher +tachygraphic +tachygraphical +tachygraphically +tachygraphist +tachygraphometer +tachygraphometry +tachygraphy +tachyhydrite +tachyiatry +tachylalia +tachylite +tachylyte +tachylytic +tachymeter +tachymetric +tachymetry +tachyphagia +tachyphasia +tachyphemia +tachyphrasia +tachyphrenia +tachypnea +tachyscope +tachyseism +tachysterol +tachysystole +tachythanatous +tachytomy +tachytype +tacit +Tacitean +tacitly +tacitness +taciturn +taciturnist +taciturnity +taciturnly +tack +tacker +tacket +tackety +tackey +tackiness +tacking +tackingly +tackle +tackled +tackleless +tackleman +tackler +tackless +tackling +tackproof +tacksman +tacky +taclocus +tacmahack +tacnode +Taconian +Taconic +taconite +tacso +Tacsonia +tact +tactable +tactful +tactfully +tactfulness +tactic +tactical +tactically +tactician +tactics +tactile +tactilist +tactility +tactilogical +tactinvariant +taction +tactite +tactive +tactless +tactlessly +tactlessness +tactometer +tactor +tactosol +tactual +tactualist +tactuality +tactually +tactus +tacuacine +Taculli +Tad +tad +tade +Tadjik +Tadousac +tadpole +tadpoledom +tadpolehood +tadpolelike +tadpolism +tae +tael +taen +taenia +taeniacidal +taeniacide +Taeniada +taeniafuge +taenial +taenian +taeniasis +Taeniata +taeniate +taenicide +Taenidia +taenidium +taeniform +taenifuge +taeniiform +Taeniobranchia +taeniobranchiate +Taeniodonta +Taeniodontia +Taeniodontidae +Taenioglossa +taenioglossate +taenioid +taeniosome +Taeniosomi +taeniosomous +taenite +taennin +Taetsia +taffarel +tafferel +taffeta +taffety +taffle +taffrail +Taffy +taffy +taffylike +taffymaker +taffymaking +taffywise +tafia +tafinagh +taft +tafwiz +tag +Tagabilis +Tagakaolo +Tagal +Tagala +Tagalize +Tagalo +Tagalog +tagasaste +Tagassu +Tagassuidae +tagatose +Tagaur +Tagbanua +tagboard +Tagetes +tagetol +tagetone +tagged +tagger +taggle +taggy +Taghlik +tagilite +Tagish +taglet +Tagliacotian +Tagliacozzian +taglike +taglock +tagrag +tagraggery +tagsore +tagtail +tagua +taguan +Tagula +tagwerk +taha +Tahami +taheen +tahil +tahin +Tahiti +Tahitian +tahkhana +Tahltan +tahr +tahseeldar +tahsil +tahsildar +Tahsin +tahua +Tai +tai +taiaha +taich +taiga +taigle +taiglesome +taihoa +taikhana +tail +tailage +tailband +tailboard +tailed +tailender +tailer +tailet +tailfirst +tailflower +tailforemost +tailge +tailhead +tailing +tailings +taille +tailless +taillessly +taillessness +taillie +taillight +taillike +tailor +tailorage +tailorbird +tailorcraft +tailordom +tailoress +tailorhood +tailoring +tailorism +tailorization +tailorize +tailorless +tailorlike +tailorly +tailorman +tailorship +tailorwise +tailory +tailpiece +tailpin +tailpipe +tailrace +tailsman +tailstock +Tailte +tailward +tailwards +tailwise +taily +tailzee +tailzie +taimen +taimyrite +tain +Tainan +Taino +taint +taintable +taintless +taintlessly +taintlessness +taintment +taintor +taintproof +tainture +taintworm +Tainui +taipan +Taipi +Taiping +taipo +tairge +tairger +tairn +taisch +taise +Taisho +taissle +taistrel +taistril +Tait +tait +taiver +taivers +taivert +Taiwanhemp +Taiyal +taj +Tajik +takable +takamaka +Takao +takar +Takayuki +take +takedown +takedownable +takeful +Takelma +taken +taker +Takeuchi +Takhaar +Takhtadjy +Takilman +takin +taking +takingly +takingness +takings +Takitumu +takosis +takt +Taku +taky +takyr +Tal +tal +tala +talabon +talahib +Talaing +talaje +talak +talalgia +Talamanca +Talamancan +talanton +talao +talapoin +talar +talari +talaria +talaric +talayot +talbot +talbotype +talc +talcer +Talcher +talcky +talclike +talcochlorite +talcoid +talcomicaceous +talcose +talcous +talcum +tald +tale +talebearer +talebearing +talebook +talecarrier +talecarrying +taled +taleful +Talegallinae +Talegallus +talemaster +talemonger +talemongering +talent +talented +talentless +talepyet +taler +tales +talesman +taleteller +taletelling +tali +Taliacotian +taliage +taliation +taliera +taligrade +Talinum +talion +talionic +talipat +taliped +talipedic +talipes +talipomanus +talipot +talis +talisay +Talishi +talisman +talismanic +talismanical +talismanically +talismanist +talite +Talitha +talitol +talk +talkability +talkable +talkathon +talkative +talkatively +talkativeness +talker +talkfest +talkful +talkie +talkiness +talking +talkworthy +talky +tall +tallage +tallageability +tallageable +tallboy +tallegalane +taller +tallero +talles +tallet +talliable +talliage +talliar +talliate +tallier +tallis +tallish +tallit +tallith +tallness +talloel +tallote +tallow +tallowberry +tallower +tallowiness +tallowing +tallowish +tallowlike +tallowmaker +tallowmaking +tallowman +tallowroot +tallowweed +tallowwood +tallowy +tallwood +tally +tallyho +tallyman +tallymanship +tallywag +tallywalka +tallywoman +talma +talmouse +Talmud +Talmudic +Talmudical +Talmudism +Talmudist +Talmudistic +Talmudistical +Talmudization +Talmudize +talocalcaneal +talocalcanean +talocrural +talofibular +talon +talonavicular +taloned +talonic +talonid +taloscaphoid +talose +talotibial +Talpa +talpacoti +talpatate +talpetate +talpicide +talpid +Talpidae +talpiform +talpify +talpine +talpoid +talthib +Taltushtuntude +Taluche +Taluhet +taluk +taluka +talukdar +talukdari +talus +taluto +talwar +talwood +Talyshin +tam +Tama +tamability +tamable +tamableness +tamably +Tamaceae +Tamachek +tamacoare +tamale +Tamanac +Tamanaca +Tamanaco +tamandu +tamandua +tamanoas +tamanoir +tamanowus +tamanu +Tamara +tamara +tamarack +tamaraite +tamarao +Tamaricaceae +tamaricaceous +tamarin +tamarind +Tamarindus +tamarisk +Tamarix +Tamaroa +tamas +tamasha +Tamashek +Tamaulipecan +tambac +tambaroora +tamber +tambo +tamboo +Tambookie +tambookie +tambor +Tambouki +tambour +tamboura +tambourer +tambouret +tambourgi +tambourin +tambourinade +tambourine +tambourist +tambreet +Tambuki +tamburan +tamburello +Tame +tame +tamehearted +tameheartedness +tamein +tameless +tamelessly +tamelessness +tamely +tameness +tamer +Tamerlanism +Tamias +tamidine +Tamil +Tamilian +Tamilic +tamis +tamise +tamlung +Tammanial +Tammanize +Tammany +Tammanyism +Tammanyite +Tammanyize +tammie +tammock +Tammy +tammy +Tamonea +Tamoyo +tamp +tampala +tampan +tampang +tamper +tamperer +tamperproof +tampin +tamping +tampion +tampioned +tampon +tamponade +tamponage +tamponment +tampoon +Tamul +Tamulian +Tamulic +Tamus +Tamworth +Tamzine +tan +tana +tanacetin +tanacetone +Tanacetum +tanacetyl +tanach +tanager +Tanagra +Tanagraean +Tanagridae +tanagrine +tanagroid +Tanaidacea +tanaist +tanak +Tanaka +Tanala +tanan +tanbark +tanbur +tancel +Tanchelmian +tanchoir +tandan +tandem +tandemer +tandemist +tandemize +tandemwise +tandle +tandour +Tandy +tane +tanekaha +Tang +tang +tanga +Tangaloa +tangalung +tangantangan +Tangaridae +Tangaroa +Tangaroan +tanged +tangeite +tangelo +tangence +tangency +tangent +tangental +tangentally +tangential +tangentiality +tangentially +tangently +tanger +Tangerine +tangfish +tangham +tanghan +tanghin +Tanghinia +tanghinin +tangi +tangibile +tangibility +tangible +tangibleness +tangibly +tangie +Tangier +tangilin +Tangipahoa +tangka +tanglad +tangle +tangleberry +tanglefish +tanglefoot +tanglement +tangleproof +tangler +tangleroot +tanglesome +tangless +tanglewrack +tangling +tanglingly +tangly +tango +tangoreceptor +tangram +tangs +tangue +tanguile +tangum +tangun +Tangut +tangy +tanh +tanha +tanhouse +tania +tanica +tanier +tanist +tanistic +tanistry +tanistship +Tanite +Tanitic +tanjib +tanjong +tank +tanka +tankage +tankah +tankard +tanked +tanker +tankerabogus +tankert +tankette +tankful +tankle +tankless +tanklike +tankmaker +tankmaking +tankman +tankodrome +tankroom +tankwise +tanling +tannable +tannage +tannaic +tannaim +tannaitic +tannalbin +tannase +tannate +tanned +tanner +tannery +tannic +tannide +tanniferous +tannin +tannined +tanning +tanninlike +tannocaffeic +tannogallate +tannogallic +tannogelatin +tannogen +tannoid +tannometer +tannyl +Tano +tanoa +Tanoan +tanproof +tanquam +Tanquelinian +tanquen +tanrec +tanstuff +tansy +tantadlin +tantafflin +tantalate +Tantalean +Tantalian +Tantalic +tantalic +tantaliferous +tantalifluoride +tantalite +tantalization +tantalize +tantalizer +tantalizingly +tantalizingness +tantalofluoride +tantalum +Tantalus +tantamount +tantara +tantarabobus +tantarara +tanti +tantivy +tantle +Tantony +tantra +tantric +tantrik +tantrism +tantrist +tantrum +tantum +tanwood +tanworks +Tanya +tanyard +Tanyoan +Tanystomata +tanystomatous +tanystome +tanzeb +tanzib +Tanzine +tanzy +Tao +tao +Taoism +Taoist +Taoistic +Taonurus +Taos +taotai +taoyin +tap +Tapa +tapa +Tapachula +Tapachulteca +tapacolo +tapaculo +Tapacura +tapadera +tapadero +Tapajo +tapalo +tapamaker +tapamaking +tapas +tapasvi +Tape +tape +Tapeats +tapeinocephalic +tapeinocephalism +tapeinocephaly +tapeless +tapelike +tapeline +tapemaker +tapemaking +tapeman +tapen +taper +taperbearer +tapered +taperer +tapering +taperingly +taperly +tapermaker +tapermaking +taperness +taperwise +tapesium +tapestring +tapestry +tapestrylike +tapet +tapetal +tapete +tapeti +tapetless +tapetum +tapework +tapeworm +taphephobia +taphole +taphouse +Taphria +Taphrina +Taphrinaceae +tapia +Tapijulapane +tapinceophalism +tapinocephalic +tapinocephaly +Tapinoma +tapinophobia +tapinophoby +tapinosis +tapioca +tapir +Tapiridae +tapiridian +tapirine +Tapiro +tapiroid +Tapirus +tapis +tapism +tapist +taplash +taplet +Tapleyism +tapmost +tapnet +tapoa +Taposa +tapoun +tappa +tappable +tappableness +tappall +tappaul +tappen +tapper +tapperer +Tappertitian +tappet +tappietoorie +tapping +tappoon +Taprobane +taproom +taproot +taprooted +taps +tapster +tapsterlike +tapsterly +tapstress +tapu +tapul +Tapuya +Tapuyan +Tapuyo +taqua +tar +tara +tarabooka +taraf +tarafdar +tarage +Tarahumar +Tarahumara +Tarahumare +Tarahumari +Tarai +tarairi +tarakihi +Taraktogenos +taramellite +Taramembe +Taranchi +tarand +Tarandean +Tarandian +tarantara +tarantass +tarantella +tarantism +tarantist +tarantula +tarantular +tarantulary +tarantulated +tarantulid +Tarantulidae +tarantulism +tarantulite +tarantulous +tarapatch +taraph +tarapin +Tarapon +Tarasc +Tarascan +Tarasco +tarassis +tarata +taratah +taratantara +taratantarize +tarau +taraxacerin +taraxacin +Taraxacum +Tarazed +tarbadillo +tarbet +tarboard +tarbogan +tarboggin +tarboosh +tarbooshed +tarboy +tarbrush +tarbush +tarbuttite +Tardenoisian +Tardigrada +tardigrade +tardigradous +tardily +tardiness +tarditude +tardive +tardle +tardy +tare +tarea +tarefa +tarefitch +tarentala +tarente +Tarentine +tarentism +tarentola +tarepatch +Tareq +tarfa +tarflower +targe +targeman +targer +target +targeted +targeteer +targetlike +targetman +Targum +Targumic +Targumical +Targumist +Targumistic +Targumize +Tarheel +Tarheeler +tarhood +tari +Tariana +tarie +tariff +tariffable +tariffication +tariffism +tariffist +tariffite +tariffize +tariffless +tarin +Tariri +tariric +taririnic +tarish +Tarkalani +Tarkani +tarkashi +tarkeean +tarkhan +tarlatan +tarlataned +tarletan +tarlike +tarltonize +Tarmac +tarmac +tarman +Tarmi +tarmined +tarn +tarnal +tarnally +tarnation +tarnish +tarnishable +tarnisher +tarnishment +tarnishproof +tarnlike +tarnside +taro +taroc +tarocco +tarok +taropatch +tarot +tarp +tarpan +tarpaulin +tarpaulinmaker +Tarpeia +Tarpeian +tarpon +tarpot +tarpum +Tarquin +Tarquinish +tarr +tarrack +tarradiddle +tarradiddler +tarragon +tarragona +tarras +tarrass +Tarrateen +Tarratine +tarred +tarrer +tarri +tarriance +tarrie +tarrier +tarrify +tarrily +tarriness +tarrish +tarrock +tarrow +tarry +tarrying +tarryingly +tarryingness +tars +tarsadenitis +tarsal +tarsale +tarsalgia +tarse +tarsectomy +tarsectopia +tarsi +tarsia +tarsier +Tarsiidae +tarsioid +Tarsipedidae +Tarsipedinae +Tarsipes +tarsitis +Tarsius +tarsochiloplasty +tarsoclasis +tarsomalacia +tarsome +tarsometatarsal +tarsometatarsus +tarsonemid +Tarsonemidae +Tarsonemus +tarsophalangeal +tarsophyma +tarsoplasia +tarsoplasty +tarsoptosis +tarsorrhaphy +tarsotarsal +tarsotibal +tarsotomy +tarsus +tart +tartago +Tartan +tartan +tartana +tartane +Tartar +tartar +tartarated +Tartarean +Tartareous +tartareous +tartaret +Tartarian +Tartaric +tartaric +Tartarin +tartarish +Tartarism +Tartarization +tartarization +Tartarize +tartarize +Tartarized +Tartarlike +tartarly +Tartarology +tartarous +tartarproof +tartarum +Tartarus +Tartary +tartemorion +tarten +tartish +tartishly +tartle +tartlet +tartly +tartness +tartramate +tartramic +tartramide +tartrate +tartrated +tartratoferric +tartrazine +tartrazinic +tartro +tartronate +tartronic +tartronyl +tartronylurea +tartrous +tartryl +tartrylic +Tartufe +tartufery +tartufian +tartufish +tartufishly +tartufism +tartwoman +Taruma +Tarumari +tarve +Tarvia +tarweed +tarwhine +tarwood +tarworks +taryard +Taryba +Tarzan +Tarzanish +tasajo +tascal +tasco +taseometer +tash +tasheriff +tashie +tashlik +Tashnagist +Tashnakist +tashreef +tashrif +Tasian +tasimeter +tasimetric +tasimetry +task +taskage +tasker +taskit +taskless +tasklike +taskmaster +taskmastership +taskmistress +tasksetter +tasksetting +taskwork +taslet +Tasmanian +tasmanite +Tass +tass +tassago +tassah +tassal +tassard +tasse +tassel +tasseler +tasselet +tasselfish +tassellus +tasselmaker +tasselmaking +tassely +tasser +tasset +tassie +tassoo +tastable +tastableness +tastably +taste +tasteable +tasteableness +tasteably +tasted +tasteful +tastefully +tastefulness +tastekin +tasteless +tastelessly +tastelessness +tasten +taster +tastily +tastiness +tasting +tastingly +tasty +tasu +Tat +tat +Tatar +Tatarian +Tataric +Tatarization +Tatarize +Tatary +tataupa +tatbeb +tatchy +tate +tater +Tates +tath +Tatian +Tatianist +tatie +tatinek +tatler +tatou +tatouay +tatpurusha +Tatsanottine +tatsman +tatta +tatter +tatterdemalion +tatterdemalionism +tatterdemalionry +tattered +tatteredly +tatteredness +tatterly +tatterwallop +tattery +tatther +tattied +tatting +tattle +tattlement +tattler +tattlery +tattletale +tattling +tattlingly +tattoo +tattooage +tattooer +tattooing +tattooist +tattooment +tattva +tatty +Tatu +tatu +tatukira +Tatusia +Tatusiidae +tau +Taube +Tauchnitz +taught +taula +Tauli +taum +taun +Taungthu +taunt +taunter +taunting +tauntingly +tauntingness +Taunton +tauntress +taupe +taupo +taupou +taur +tauranga +taurean +Tauri +Taurian +taurian +Tauric +tauric +tauricide +tauricornous +Taurid +Tauridian +tauriferous +tauriform +taurine +Taurini +taurite +taurobolium +tauroboly +taurocephalous +taurocholate +taurocholic +taurocol +taurocolla +Tauroctonus +taurodont +tauroesque +taurokathapsia +taurolatry +tauromachian +tauromachic +tauromachy +tauromorphic +tauromorphous +taurophile +taurophobe +Tauropolos +Taurotragus +Taurus +tauryl +taut +tautaug +tauted +tautegorical +tautegory +tauten +tautirite +tautit +tautly +tautness +tautochrone +tautochronism +tautochronous +tautog +tautologic +tautological +tautologically +tautologicalness +tautologism +tautologist +tautologize +tautologizer +tautologous +tautologously +tautology +tautomer +tautomeral +tautomeric +tautomerism +tautomerizable +tautomerization +tautomerize +tautomery +tautometer +tautometric +tautometrical +tautomorphous +tautonym +tautonymic +tautonymy +tautoousian +tautoousious +tautophonic +tautophonical +tautophony +tautopodic +tautopody +tautosyllabic +tautotype +tautourea +tautousian +tautousious +tautozonal +tautozonality +tav +Tavast +Tavastian +Tave +tave +tavell +taver +tavern +taverner +tavernize +tavernless +tavernlike +tavernly +tavernous +tavernry +tavernwards +tavers +tavert +Tavghi +tavistockite +tavola +tavolatite +Tavy +taw +tawa +tawdered +tawdrily +tawdriness +tawdry +tawer +tawery +Tawgi +tawie +tawite +tawkee +tawkin +tawn +tawney +tawnily +tawniness +tawnle +tawny +tawpi +tawpie +taws +tawse +tawtie +tax +taxability +taxable +taxableness +taxably +Taxaceae +taxaceous +taxameter +taxaspidean +taxation +taxational +taxative +taxatively +taxator +taxeater +taxeating +taxed +taxeme +taxemic +taxeopod +Taxeopoda +taxeopodous +taxeopody +taxer +taxgatherer +taxgathering +taxi +taxiable +taxiarch +taxiauto +taxibus +taxicab +Taxidea +taxidermal +taxidermic +taxidermist +taxidermize +taxidermy +taximan +taximeter +taximetered +taxine +taxing +taxingly +taxinomic +taxinomist +taxinomy +taxiplane +taxis +taxite +taxitic +taxless +taxlessly +taxlessness +taxman +Taxodiaceae +Taxodium +taxodont +taxology +taxometer +taxon +taxonomer +taxonomic +taxonomical +taxonomically +taxonomist +taxonomy +taxor +taxpaid +taxpayer +taxpaying +Taxus +taxwax +taxy +tay +Tayassu +Tayassuidae +tayer +Taygeta +tayir +Taylor +Taylorism +Taylorite +taylorite +Taylorize +tayra +Tayrona +taysaam +tazia +Tcawi +tch +tchai +tcharik +tchast +tche +tcheirek +Tcheka +Tcherkess +tchervonets +tchervonetz +Tchetchentsish +Tchetnitsi +Tchi +tchick +tchu +Tchwi +tck +Td +te +tea +teaberry +teaboard +teabox +teaboy +teacake +teacart +teach +teachability +teachable +teachableness +teachably +teache +teacher +teacherage +teacherdom +teacheress +teacherhood +teacherless +teacherlike +teacherly +teachership +teachery +teaching +teachingly +teachless +teachment +teachy +teacup +teacupful +tead +teadish +teaer +teaey +teagardeny +teagle +Teague +Teagueland +Teaguelander +teahouse +teaish +teaism +teak +teakettle +teakwood +teal +tealeafy +tealery +tealess +teallite +team +teamaker +teamaking +teaman +teameo +teamer +teaming +teamland +teamless +teamman +teammate +teamsman +teamster +teamwise +teamwork +tean +teanal +teap +teapot +teapotful +teapottykin +teapoy +tear +tearable +tearableness +tearably +tearage +tearcat +teardown +teardrop +tearer +tearful +tearfully +tearfulness +tearing +tearless +tearlessly +tearlessness +tearlet +tearlike +tearoom +tearpit +tearproof +tearstain +teart +tearthroat +tearthumb +teary +teasable +teasableness +teasably +tease +teaseable +teaseableness +teaseably +teasehole +teasel +teaseler +teaseller +teasellike +teaselwort +teasement +teaser +teashop +teasiness +teasing +teasingly +teasler +teaspoon +teaspoonful +teasy +teat +teataster +teated +teatfish +teathe +teather +teatime +teatlike +teatling +teatman +teaty +teave +teaware +teaze +teazer +tebbet +Tebet +Tebeth +Tebu +tec +Teca +teca +tecali +Tech +tech +techily +techiness +technetium +technic +technica +technical +technicalism +technicalist +technicality +technicalize +technically +technicalness +technician +technicism +technicist +technicological +technicology +Technicolor +technicon +technics +techniphone +technique +techniquer +technism +technist +technocausis +technochemical +technochemistry +technocracy +technocrat +technocratic +technographer +technographic +technographical +technographically +technography +technolithic +technologic +technological +technologically +technologist +technologue +technology +technonomic +technonomy +technopsychology +techous +techy +teck +Tecla +tecnoctonia +tecnology +Teco +Tecoma +tecomin +tecon +Tecpanec +tectal +tectibranch +Tectibranchia +tectibranchian +Tectibranchiata +tectibranchiate +tectiform +tectocephalic +tectocephaly +tectological +tectology +Tectona +tectonic +tectonics +tectorial +tectorium +Tectosages +tectosphere +tectospinal +Tectospondyli +tectospondylic +tectospondylous +tectrices +tectricial +tectum +tecum +tecuma +Tecuna +Ted +ted +Teda +tedder +Teddy +tedescan +tedge +tediosity +tedious +tediously +tediousness +tediousome +tedisome +tedium +tee +teedle +teel +teem +teemer +teemful +teemfulness +teeming +teemingly +teemingness +teemless +teems +teen +teenage +teenet +teens +teensy +teenty +teeny +teer +teerer +teest +Teeswater +teet +teetaller +teetan +teeter +teeterboard +teeterer +teetertail +teeth +teethache +teethbrush +teethe +teethful +teethily +teething +teethless +teethlike +teethridge +teethy +teeting +teetotal +teetotaler +teetotalism +teetotalist +teetotally +teetotum +teetotumism +teetotumize +teetotumwise +teety +teevee +teewhaap +teff +teg +Tegean +Tegeticula +tegmen +tegmental +tegmentum +tegmina +tegminal +Tegmine +tegua +teguexin +Teguima +tegula +tegular +tegularly +tegulated +tegumen +tegument +tegumental +tegumentary +tegumentum +tegurium +Teheran +tehseel +tehseeldar +tehsil +tehsildar +Tehuantepecan +Tehueco +Tehuelche +Tehuelchean +Tehuelet +Teian +teicher +teiglech +Teiidae +teil +teind +teindable +teinder +teinland +teinoscope +teioid +Teiresias +Tejon +tejon +teju +tekiah +Tekintsi +Tekke +tekke +tekken +Tekkintzi +teknonymous +teknonymy +tektite +tekya +telacoustic +telakucha +telamon +telang +telangiectasia +telangiectasis +telangiectasy +telangiectatic +telangiosis +Telanthera +telar +telarian +telary +telautogram +telautograph +telautographic +telautographist +telautography +telautomatic +telautomatically +telautomatics +Telchines +Telchinic +tele +teleanemograph +teleangiectasia +telebarograph +telebarometer +telecast +telecaster +telechemic +telechirograph +telecinematography +telecode +telecommunication +telecryptograph +telectroscope +teledendrion +teledendrite +teledendron +teledu +telega +telegenic +Telegn +telegnosis +telegnostic +telegonic +telegonous +telegony +telegram +telegrammatic +telegrammic +telegraph +telegraphee +telegrapheme +telegrapher +telegraphese +telegraphic +telegraphical +telegraphically +telegraphist +telegraphone +telegraphophone +telegraphoscope +telegraphy +Telegu +telehydrobarometer +Telei +Teleia +teleianthous +teleiosis +telekinematography +telekinesis +telekinetic +telelectric +telelectrograph +telelectroscope +telemanometer +Telemark +telemark +Telembi +telemechanic +telemechanics +telemechanism +telemetacarpal +telemeteorograph +telemeteorographic +telemeteorography +telemeter +telemetric +telemetrical +telemetrist +telemetrograph +telemetrographic +telemetrography +telemetry +telemotor +telencephal +telencephalic +telencephalon +telenergic +telenergy +teleneurite +teleneuron +Telenget +telengiscope +Telenomus +teleobjective +Teleocephali +teleocephalous +Teleoceras +Teleodesmacea +teleodesmacean +teleodesmaceous +teleodont +teleologic +teleological +teleologically +teleologism +teleologist +teleology +teleometer +teleophobia +teleophore +teleophyte +teleoptile +teleorganic +teleoroentgenogram +teleoroentgenography +teleosaur +teleosaurian +Teleosauridae +Teleosaurus +teleost +teleostean +Teleostei +teleosteous +teleostomate +teleostome +Teleostomi +teleostomian +teleostomous +teleotemporal +teleotrocha +teleozoic +teleozoon +telepathic +telepathically +telepathist +telepathize +telepathy +telepheme +telephone +telephoner +telephonic +telephonical +telephonically +telephonist +telephonograph +telephonographic +telephony +telephote +telephoto +telephotograph +telephotographic +telephotography +Telephus +telepicture +teleplasm +teleplasmic +teleplastic +telepost +teleprinter +teleradiophone +teleran +telergic +telergical +telergically +telergy +telescope +telescopic +telescopical +telescopically +telescopiform +telescopist +Telescopium +telescopy +telescriptor +teleseism +teleseismic +teleseismology +teleseme +telesia +telesis +telesmeter +telesomatic +telespectroscope +telestereograph +telestereography +telestereoscope +telesterion +telesthesia +telesthetic +telestial +telestic +telestich +teletactile +teletactor +teletape +teletherapy +telethermogram +telethermograph +telethermometer +telethermometry +telethon +teletopometer +teletranscription +Teletype +teletype +teletyper +teletypesetter +teletypewriter +teletyping +Teleut +teleuto +teleutoform +teleutosorus +teleutospore +teleutosporic +teleutosporiferous +teleview +televiewer +televise +television +televisional +televisionary +televisor +televisual +televocal +televox +telewriter +Telfairia +telfairic +telfer +telferage +telford +telfordize +telharmonic +telharmonium +telharmony +teli +telial +telic +telical +telically +teliferous +Telinga +teliosorus +teliospore +teliosporic +teliosporiferous +teliostage +telium +tell +tellable +tellach +tellee +teller +tellership +telligraph +Tellima +Tellina +Tellinacea +tellinacean +tellinaceous +telling +tellingly +Tellinidae +tellinoid +tellsome +tellt +telltale +telltalely +telltruth +tellural +tellurate +telluret +tellureted +tellurethyl +telluretted +tellurhydric +tellurian +telluric +telluride +telluriferous +tellurion +tellurism +tellurist +tellurite +tellurium +tellurize +telluronium +tellurous +telmatological +telmatology +teloblast +teloblastic +telocentric +telodendrion +telodendron +telodynamic +telokinesis +telolecithal +telolemma +telome +telomic +telomitic +telonism +Teloogoo +Telopea +telophase +telophragma +telopsis +teloptic +telosynapsis +telosynaptic +telosynaptist +teloteropathic +teloteropathically +teloteropathy +Telotremata +telotrematous +telotroch +telotrocha +telotrochal +telotrochous +telotrophic +telotype +telpath +telpher +telpherage +telpherman +telpherway +telson +telsonic +telt +Telugu +telurgy +telyn +Tema +temacha +temalacatl +Teman +teman +Temanite +tembe +temblor +Tembu +temenos +temerarious +temerariously +temerariousness +temeritous +temerity +temerous +temerously +temerousness +temiak +temin +Temiskaming +Temne +Temnospondyli +temnospondylous +temp +Tempe +Tempean +temper +tempera +temperability +temperable +temperably +temperality +temperament +temperamental +temperamentalist +temperamentally +temperamented +temperance +temperate +temperately +temperateness +temperative +temperature +tempered +temperedly +temperedness +temperer +temperish +temperless +tempersome +tempery +tempest +tempestical +tempestive +tempestively +tempestivity +tempestuous +tempestuously +tempestuousness +tempesty +tempi +Templar +templar +templardom +templarism +templarlike +templarlikeness +templary +template +templater +temple +templed +templeful +templeless +templelike +templet +Templetonia +templeward +templize +tempo +tempora +temporal +temporale +temporalism +temporalist +temporality +temporalize +temporally +temporalness +temporalty +temporaneous +temporaneously +temporaneousness +temporarily +temporariness +temporary +temporator +temporization +temporizer +temporizing +temporizingly +temporoalar +temporoauricular +temporocentral +temporocerebellar +temporofacial +temporofrontal +temporohyoid +temporomalar +temporomandibular +temporomastoid +temporomaxillary +temporooccipital +temporoparietal +temporopontine +temporosphenoid +temporosphenoidal +temporozygomatic +tempre +temprely +tempt +temptability +temptable +temptableness +temptation +temptational +temptationless +temptatious +temptatory +tempter +tempting +temptingly +temptingness +temptress +Tempyo +temse +temser +temulence +temulency +temulent +temulentive +temulently +ten +tenability +tenable +tenableness +tenably +tenace +tenacious +tenaciously +tenaciousness +tenacity +tenaculum +tenai +tenaille +tenaillon +Tenaktak +tenancy +tenant +tenantable +tenantableness +tenanter +tenantism +tenantless +tenantlike +tenantry +tenantship +tench +tenchweed +Tencteri +tend +tendance +tendant +tendence +tendency +tendent +tendential +tendentious +tendentiously +tendentiousness +tender +tenderability +tenderable +tenderably +tenderee +tenderer +tenderfoot +tenderfootish +tenderful +tenderfully +tenderheart +tenderhearted +tenderheartedly +tenderheartedness +tenderish +tenderize +tenderling +tenderloin +tenderly +tenderness +tenderometer +tendersome +tendinal +tending +tendingly +tendinitis +tendinous +tendinousness +tendomucoid +tendon +tendonous +tendoplasty +tendosynovitis +tendotome +tendotomy +tendour +tendovaginal +tendovaginitis +tendresse +tendril +tendriled +tendriliferous +tendrillar +tendrilly +tendrilous +tendron +tenebra +Tenebrae +tenebricose +tenebrific +tenebrificate +Tenebrio +tenebrionid +Tenebrionidae +tenebrious +tenebriously +tenebrity +tenebrose +tenebrosity +tenebrous +tenebrously +tenebrousness +tenectomy +tenement +tenemental +tenementary +tenementer +tenementization +tenementize +tenendas +tenendum +tenent +teneral +Teneriffe +tenesmic +tenesmus +tenet +tenfold +tenfoldness +teng +tengere +tengerite +Tenggerese +tengu +teniacidal +teniacide +tenible +Tenino +tenio +tenline +tenmantale +tennantite +tenne +tenner +Tennessean +tennis +tennisdom +tennisy +Tennysonian +Tennysonianism +Tenochtitlan +tenodesis +tenodynia +tenography +tenology +tenomyoplasty +tenomyotomy +tenon +tenonectomy +tenoner +Tenonian +tenonitis +tenonostosis +tenontagra +tenontitis +tenontodynia +tenontography +tenontolemmitis +tenontology +tenontomyoplasty +tenontomyotomy +tenontophyma +tenontoplasty +tenontothecitis +tenontotomy +tenophony +tenophyte +tenoplastic +tenoplasty +tenor +tenorist +tenorister +tenorite +tenorless +tenoroon +tenorrhaphy +tenositis +tenostosis +tenosuture +tenotome +tenotomist +tenotomize +tenotomy +tenovaginitis +tenpence +tenpenny +tenpin +tenrec +Tenrecidae +tense +tenseless +tenselessness +tensely +tenseness +tensibility +tensible +tensibleness +tensibly +tensify +tensile +tensilely +tensileness +tensility +tensimeter +tensiometer +tension +tensional +tensionless +tensity +tensive +tenson +tensor +tent +tentability +tentable +tentacle +tentacled +tentaclelike +tentacula +tentacular +Tentaculata +tentaculate +tentaculated +Tentaculifera +tentaculite +Tentaculites +Tentaculitidae +tentaculocyst +tentaculoid +tentaculum +tentage +tentamen +tentation +tentative +tentatively +tentativeness +tented +tenter +tenterbelly +tenterer +tenterhook +tentful +tenth +tenthly +tenthmeter +tenthredinid +Tenthredinidae +tenthredinoid +Tenthredinoidea +Tenthredo +tentiform +tentigo +tentillum +tention +tentless +tentlet +tentlike +tentmaker +tentmaking +tentmate +tentorial +tentorium +tenture +tentwards +tentwise +tentwork +tentwort +tenty +tenuate +tenues +tenuicostate +tenuifasciate +tenuiflorous +tenuifolious +tenuious +tenuiroster +tenuirostral +tenuirostrate +Tenuirostres +tenuis +tenuistriate +tenuity +tenuous +tenuously +tenuousness +tenure +tenurial +tenurially +teocalli +teopan +teosinte +Teotihuacan +tepache +tepal +Tepanec +Tepecano +tepee +tepefaction +tepefy +Tepehua +Tepehuane +tepetate +Tephillah +tephillin +tephramancy +tephrite +tephritic +tephroite +tephromalacia +tephromyelitic +Tephrosia +tephrosis +tepid +tepidarium +tepidity +tepidly +tepidness +tepomporize +teponaztli +tepor +tequila +Tequistlateca +Tequistlatecan +tera +teraglin +terakihi +teramorphous +terap +teraphim +teras +teratical +teratism +teratoblastoma +teratogenesis +teratogenetic +teratogenic +teratogenous +teratogeny +teratoid +teratological +teratologist +teratology +teratoma +teratomatous +teratoscopy +teratosis +terbia +terbic +terbium +tercel +tercelet +tercentenarian +tercentenarize +tercentenary +tercentennial +tercer +terceron +tercet +terchloride +tercia +tercine +tercio +terdiurnal +terebate +terebella +terebellid +Terebellidae +terebelloid +terebellum +terebene +terebenic +terebenthene +terebic +terebilic +terebinic +terebinth +Terebinthaceae +terebinthial +terebinthian +terebinthic +terebinthina +terebinthinate +terebinthine +terebinthinous +Terebinthus +terebra +terebral +terebrant +Terebrantia +terebrate +terebration +Terebratula +terebratular +terebratulid +Terebratulidae +terebratuliform +terebratuline +terebratulite +terebratuloid +Terebridae +Teredinidae +teredo +terek +Terence +Terentian +terephthalate +terephthalic +Teresa +Teresian +Teresina +terete +teretial +tereticaudate +teretifolious +teretipronator +teretiscapular +teretiscapularis +teretish +tereu +Tereus +terfez +Terfezia +Terfeziaceae +tergal +tergant +tergeminate +tergeminous +tergiferous +tergite +tergitic +tergiversant +tergiversate +tergiversation +tergiversator +tergiversatory +tergiverse +tergolateral +tergum +Teri +Teriann +terlinguaite +term +terma +termagancy +Termagant +termagant +termagantish +termagantism +termagantly +termage +termatic +termen +termer +Termes +termillenary +termin +terminability +terminable +terminableness +terminably +terminal +Terminalia +Terminaliaceae +terminalization +terminalized +terminally +terminant +terminate +termination +terminational +terminative +terminatively +terminator +terminatory +termine +terminer +termini +terminine +terminism +terminist +terministic +terminize +termino +terminological +terminologically +terminologist +terminology +terminus +termital +termitarium +termitary +termite +termitic +termitid +Termitidae +termitophagous +termitophile +termitophilous +termless +termlessly +termlessness +termly +termolecular +termon +termor +termtime +tern +terna +ternal +ternar +ternariant +ternarious +ternary +ternate +ternately +ternatipinnate +ternatisect +ternatopinnate +terne +terneplate +ternery +ternion +ternize +ternlet +Ternstroemia +Ternstroemiaceae +teroxide +terp +terpadiene +terpane +terpene +terpeneless +terphenyl +terpilene +terpin +terpine +terpinene +terpineol +terpinol +terpinolene +terpodion +Terpsichore +terpsichoreal +terpsichoreally +Terpsichorean +terpsichorean +Terraba +terrace +terraceous +terracer +terracette +terracewards +terracewise +terracework +terraciform +terracing +terraculture +terraefilial +terraefilian +terrage +terrain +terral +terramara +terramare +Terrance +terrane +terranean +terraneous +Terrapene +terrapin +terraquean +terraqueous +terraqueousness +terrar +terrarium +terrazzo +terrella +terremotive +Terrence +terrene +terrenely +terreneness +terreplein +terrestrial +terrestrialism +terrestriality +terrestrialize +terrestrially +terrestrialness +terrestricity +terrestrious +terret +terreted +Terri +terribility +terrible +terribleness +terribly +terricole +terricoline +terricolous +terrier +terrierlike +terrific +terrifical +terrifically +terrification +terrificly +terrificness +terrifiedly +terrifier +terrify +terrifying +terrifyingly +terrigenous +terrine +Territelae +territelarian +territorial +territorialism +territorialist +territoriality +territorialization +territorialize +territorially +territorian +territoried +territory +terron +terror +terrorful +terrorific +terrorism +terrorist +terroristic +terroristical +terrorization +terrorize +terrorizer +terrorless +terrorproof +terrorsome +Terry +terry +terse +tersely +terseness +tersion +tersulphate +tersulphide +tersulphuret +tertenant +tertia +tertial +tertian +tertiana +tertianship +tertiarian +tertiary +tertiate +tertius +terton +tertrinal +Tertullianism +Tertullianist +teruncius +terutero +Teruyuki +tervalence +tervalency +tervalent +tervariant +tervee +terzetto +terzina +terzo +tesack +tesarovitch +teschenite +teschermacherite +teskere +teskeria +Tess +tessara +tessarace +tessaraconter +tessaradecad +tessaraglot +tessaraphthong +tessarescaedecahedron +tessel +tessella +tessellar +tessellate +tessellated +tessellation +tessera +tesseract +tesseradecade +tesseraic +tesseral +Tesserants +tesserarian +tesserate +tesserated +tesseratomic +tesseratomy +tessular +test +testa +testable +Testacea +testacean +testaceography +testaceology +testaceous +testaceousness +testacy +testament +testamental +testamentally +testamentalness +testamentarily +testamentary +testamentate +testamentation +testamentum +testamur +testar +testata +testate +testation +testator +testatorship +testatory +testatrices +testatrix +testatum +teste +tested +testee +tester +testes +testibrachial +testibrachium +testicardinate +testicardine +Testicardines +testicle +testicond +testicular +testiculate +testiculated +testiere +testificate +testification +testificator +testificatory +testifier +testify +testily +testimonial +testimonialist +testimonialization +testimonialize +testimonializer +testimonium +testimony +testiness +testing +testingly +testis +teston +testone +testoon +testor +testosterone +testril +testudinal +Testudinaria +testudinarious +Testudinata +testudinate +testudinated +testudineal +testudineous +Testudinidae +testudinous +testudo +testy +Tesuque +tetanic +tetanical +tetanically +tetaniform +tetanigenous +tetanilla +tetanine +tetanism +tetanization +tetanize +tetanoid +tetanolysin +tetanomotor +tetanospasmin +tetanotoxin +tetanus +tetany +tetarcone +tetarconid +tetard +tetartemorion +tetartocone +tetartoconid +tetartohedral +tetartohedrally +tetartohedrism +tetartohedron +tetartoid +tetartosymmetry +tetch +tetchy +tete +tetel +teterrimous +teth +tethelin +tether +tetherball +tethery +tethydan +Tethys +Teton +tetra +tetraamylose +tetrabasic +tetrabasicity +Tetrabelodon +tetrabelodont +tetrabiblos +tetraborate +tetraboric +tetrabrach +tetrabranch +Tetrabranchia +tetrabranchiate +tetrabromid +tetrabromide +tetrabromo +tetrabromoethane +tetracadactylity +tetracarboxylate +tetracarboxylic +tetracarpellary +tetraceratous +tetracerous +Tetracerus +tetrachical +tetrachlorid +tetrachloride +tetrachloro +tetrachloroethane +tetrachloroethylene +tetrachloromethane +tetrachord +tetrachordal +tetrachordon +tetrachoric +tetrachotomous +tetrachromatic +tetrachromic +tetrachronous +tetracid +tetracoccous +tetracoccus +tetracolic +tetracolon +tetracoral +Tetracoralla +tetracoralline +tetracosane +tetract +tetractinal +tetractine +tetractinellid +Tetractinellida +tetractinellidan +tetractinelline +tetractinose +tetracyclic +tetrad +tetradactyl +tetradactylous +tetradactyly +tetradarchy +tetradecane +tetradecanoic +tetradecapod +Tetradecapoda +tetradecapodan +tetradecapodous +tetradecyl +Tetradesmus +tetradiapason +tetradic +Tetradite +tetradrachma +tetradrachmal +tetradrachmon +tetradymite +Tetradynamia +tetradynamian +tetradynamious +tetradynamous +tetraedron +tetraedrum +tetraethylsilane +tetrafluoride +tetrafolious +tetragamy +tetragenous +tetraglot +tetraglottic +tetragon +tetragonal +tetragonally +tetragonalness +Tetragonia +Tetragoniaceae +tetragonidium +tetragonous +tetragonus +tetragram +tetragrammatic +Tetragrammaton +tetragrammatonic +tetragyn +Tetragynia +tetragynian +tetragynous +tetrahedral +tetrahedrally +tetrahedric +tetrahedrite +tetrahedroid +tetrahedron +tetrahexahedral +tetrahexahedron +tetrahydrate +tetrahydrated +tetrahydric +tetrahydride +tetrahydro +tetrahydroxy +tetraiodid +tetraiodide +tetraiodo +tetraiodophenolphthalein +tetrakaidecahedron +tetraketone +tetrakisazo +tetrakishexahedron +tetralemma +Tetralin +tetralogic +tetralogue +tetralogy +tetralophodont +tetramastia +tetramastigote +Tetramera +tetrameral +tetrameralian +tetrameric +tetramerism +tetramerous +tetrameter +tetramethyl +tetramethylammonium +tetramethylene +tetramethylium +tetramin +tetramine +tetrammine +tetramorph +tetramorphic +tetramorphism +tetramorphous +tetrander +Tetrandria +tetrandrian +tetrandrous +tetrane +tetranitrate +tetranitro +tetranitroaniline +tetranuclear +Tetranychus +Tetrao +Tetraodon +tetraodont +Tetraodontidae +tetraonid +Tetraonidae +Tetraoninae +tetraonine +Tetrapanax +tetrapartite +tetrapetalous +tetraphalangeate +tetrapharmacal +tetrapharmacon +tetraphenol +tetraphony +tetraphosphate +tetraphyllous +tetrapla +tetraplegia +tetrapleuron +tetraploid +tetraploidic +tetraploidy +tetraplous +Tetrapneumona +Tetrapneumones +tetrapneumonian +tetrapneumonous +tetrapod +Tetrapoda +tetrapodic +tetrapody +tetrapolar +tetrapolis +tetrapolitan +tetrapous +tetraprostyle +tetrapteran +tetrapteron +tetrapterous +tetraptote +Tetrapturus +tetraptych +tetrapylon +tetrapyramid +tetrapyrenous +tetraquetrous +tetrarch +tetrarchate +tetrarchic +tetrarchy +tetrasaccharide +tetrasalicylide +tetraselenodont +tetraseme +tetrasemic +tetrasepalous +tetraskelion +tetrasome +tetrasomic +tetrasomy +tetraspermal +tetraspermatous +tetraspermous +tetraspheric +tetrasporange +tetrasporangiate +tetrasporangium +tetraspore +tetrasporic +tetrasporiferous +tetrasporous +tetraster +tetrastich +tetrastichal +tetrastichic +Tetrastichidae +tetrastichous +Tetrastichus +tetrastoon +tetrastyle +tetrastylic +tetrastylos +tetrastylous +tetrasubstituted +tetrasubstitution +tetrasulphide +tetrasyllabic +tetrasyllable +tetrasymmetry +tetrathecal +tetratheism +tetratheite +tetrathionates +tetrathionic +tetratomic +tetratone +tetravalence +tetravalency +tetravalent +tetraxial +tetraxon +Tetraxonia +tetraxonian +tetraxonid +Tetraxonida +tetrazane +tetrazene +tetrazin +tetrazine +tetrazo +tetrazole +tetrazolium +tetrazolyl +tetrazone +tetrazotization +tetrazotize +tetrazyl +tetremimeral +tetrevangelium +tetric +tetrical +tetricity +tetricous +tetrigid +Tetrigidae +tetriodide +Tetrix +tetrobol +tetrobolon +tetrode +Tetrodon +tetrodont +Tetrodontidae +tetrole +tetrolic +tetronic +tetronymal +tetrose +tetroxalate +tetroxide +tetrsyllabical +tetryl +tetrylene +tetter +tetterish +tetterous +tetterwort +tettery +Tettigidae +tettigoniid +Tettigoniidae +tettix +Tetum +Teucer +Teucri +Teucrian +teucrin +Teucrium +teufit +teuk +Teutolatry +Teutomania +Teutomaniac +Teuton +Teutondom +Teutonesque +Teutonia +Teutonic +Teutonically +Teutonicism +Teutonism +Teutonist +Teutonity +Teutonization +Teutonize +Teutonomania +Teutonophobe +Teutonophobia +Teutophil +Teutophile +Teutophilism +Teutophobe +Teutophobia +Teutophobism +teviss +tew +Tewa +tewel +tewer +tewit +tewly +tewsome +Texan +Texas +Texcocan +texguino +text +textarian +textbook +textbookless +textiferous +textile +textilist +textlet +textman +textorial +textrine +textual +textualism +textualist +textuality +textually +textuarist +textuary +textural +texturally +texture +textureless +tez +Tezcatlipoca +Tezcatzoncatl +Tezcucan +tezkere +th +tha +thack +thacker +Thackerayan +Thackerayana +Thackerayesque +thackless +Thad +Thai +Thais +thakur +thakurate +thalamencephalic +thalamencephalon +thalami +thalamic +Thalamiflorae +thalamifloral +thalamiflorous +thalamite +thalamium +thalamocele +thalamocoele +thalamocortical +thalamocrural +thalamolenticular +thalamomammillary +thalamopeduncular +Thalamophora +thalamotegmental +thalamotomy +thalamus +Thalarctos +thalassal +Thalassarctos +thalassian +thalassic +thalassinid +Thalassinidea +thalassinidian +thalassinoid +thalassiophyte +thalassiophytous +thalasso +Thalassochelys +thalassocracy +thalassocrat +thalassographer +thalassographic +thalassographical +thalassography +thalassometer +thalassophilous +thalassophobia +thalassotherapy +thalattology +thalenite +thaler +Thalesia +Thalesian +Thalessa +Thalia +Thaliacea +thaliacean +Thalian +Thaliard +Thalictrum +thalli +thallic +thalliferous +thalliform +thalline +thallious +thallium +thallochlore +thallodal +thallogen +thallogenic +thallogenous +thalloid +thallome +Thallophyta +thallophyte +thallophytic +thallose +thallous +thallus +thalposis +thalpotic +thalthan +thameng +Thamesis +Thamnidium +thamnium +thamnophile +Thamnophilinae +thamnophiline +Thamnophilus +Thamnophis +Thamudean +Thamudene +Thamudic +thamuria +Thamus +Thamyras +than +thana +thanadar +thanage +thanan +thanatism +thanatist +thanatobiologic +thanatognomonic +thanatographer +thanatography +thanatoid +thanatological +thanatologist +thanatology +thanatomantic +thanatometer +thanatophidia +thanatophidian +thanatophobe +thanatophobia +thanatophobiac +thanatophoby +thanatopsis +Thanatos +thanatosis +thanatotic +thanatousia +thane +thanedom +thanehood +thaneland +thaneship +thank +thankee +thanker +thankful +thankfully +thankfulness +thankless +thanklessly +thanklessness +thanks +thanksgiver +thanksgiving +thankworthily +thankworthiness +thankworthy +thapes +Thapsia +thapsia +thar +Tharen +tharf +tharfcake +Thargelion +tharginyah +tharm +Thasian +Thaspium +that +thatch +thatcher +thatching +thatchless +thatchwood +thatchwork +thatchy +thatn +thatness +thats +thaught +Thaumantian +Thaumantias +thaumasite +thaumatogeny +thaumatography +thaumatolatry +thaumatology +thaumatrope +thaumatropical +thaumaturge +thaumaturgia +thaumaturgic +thaumaturgical +thaumaturgics +thaumaturgism +thaumaturgist +thaumaturgy +thaumoscopic +thave +thaw +thawer +thawless +thawn +thawy +The +the +Thea +Theaceae +theaceous +theah +theandric +theanthropic +theanthropical +theanthropism +theanthropist +theanthropology +theanthropophagy +theanthropos +theanthroposophy +theanthropy +thearchic +thearchy +theasum +theat +theater +theatergoer +theatergoing +theaterless +theaterlike +theaterward +theaterwards +theaterwise +Theatine +theatral +theatric +theatricable +theatrical +theatricalism +theatricality +theatricalization +theatricalize +theatrically +theatricalness +theatricals +theatrician +theatricism +theatricize +theatrics +theatrize +theatrocracy +theatrograph +theatromania +theatromaniac +theatron +theatrophile +theatrophobia +theatrophone +theatrophonic +theatropolis +theatroscope +theatry +theave +theb +Thebaic +Thebaid +thebaine +Thebais +thebaism +Theban +Thebesian +theca +thecae +thecal +Thecamoebae +thecaphore +thecasporal +thecaspore +thecaspored +thecasporous +Thecata +thecate +thecia +thecitis +thecium +Thecla +thecla +theclan +thecodont +thecoglossate +thecoid +Thecoidea +Thecophora +Thecosomata +thecosomatous +thee +theek +theeker +theelin +theelol +Theemim +theer +theet +theetsee +theezan +theft +theftbote +theftdom +theftless +theftproof +theftuous +theftuously +thegether +thegidder +thegither +thegn +thegndom +thegnhood +thegnland +thegnlike +thegnly +thegnship +thegnworthy +theiform +Theileria +theine +theinism +their +theirn +theirs +theirselves +theirsens +theism +theist +theistic +theistical +theistically +thelalgia +Thelemite +thelemite +Thelephora +Thelephoraceae +Theligonaceae +theligonaceous +Theligonum +thelitis +thelium +Thelodontidae +Thelodus +theloncus +thelorrhagia +Thelphusa +thelphusian +Thelphusidae +thelyblast +thelyblastic +thelyotokous +thelyotoky +Thelyphonidae +Thelyphonus +thelyplasty +thelytocia +thelytoky +thelytonic +them +thema +themata +thematic +thematical +thematically +thematist +theme +themeless +themelet +themer +Themis +themis +Themistian +themsel +themselves +then +thenabouts +thenadays +thenal +thenar +thenardite +thence +thenceafter +thenceforth +thenceforward +thenceforwards +thencefrom +thenceward +thenness +Theo +theoanthropomorphic +theoanthropomorphism +theoastrological +Theobald +Theobroma +theobromic +theobromine +theocentric +theocentricism +theocentrism +theochristic +theocollectivism +theocollectivist +theocracy +theocrasia +theocrasical +theocrasy +theocrat +theocratic +theocratical +theocratically +theocratist +Theocritan +Theocritean +theodemocracy +theodicaea +theodicean +theodicy +theodidact +theodolite +theodolitic +Theodora +Theodore +Theodoric +Theodosia +Theodosian +Theodotian +theodrama +theody +theogamy +theogeological +theognostic +theogonal +theogonic +theogonism +theogonist +theogony +theohuman +theokrasia +theoktonic +theoktony +theolatrous +theolatry +theolepsy +theoleptic +theologal +theologaster +theologastric +theologate +theologeion +theologer +theologi +theologian +theologic +theological +theologically +theologician +theologicoastronomical +theologicoethical +theologicohistorical +theologicometaphysical +theologicomilitary +theologicomoral +theologiconatural +theologicopolitical +theologics +theologism +theologist +theologium +theologization +theologize +theologizer +theologoumena +theologoumenon +theologue +theologus +theology +theomachia +theomachist +theomachy +theomammomist +theomancy +theomania +theomaniac +theomantic +theomastix +theomicrist +theomisanthropist +theomorphic +theomorphism +theomorphize +theomythologer +theomythology +theonomy +theopantism +Theopaschist +Theopaschitally +Theopaschite +Theopaschitic +Theopaschitism +theopathetic +theopathic +theopathy +theophagic +theophagite +theophagous +theophagy +Theophania +theophania +theophanic +theophanism +theophanous +theophany +Theophila +theophilanthrope +theophilanthropic +theophilanthropism +theophilanthropist +theophilanthropy +theophile +theophilist +theophilosophic +Theophilus +theophobia +theophoric +theophorous +Theophrastaceae +theophrastaceous +Theophrastan +Theophrastean +theophylline +theophysical +theopneust +theopneusted +theopneustia +theopneustic +theopneusty +theopolitician +theopolitics +theopolity +theopsychism +theorbist +theorbo +theorem +theorematic +theorematical +theorematically +theorematist +theoremic +theoretic +theoretical +theoreticalism +theoretically +theoretician +theoreticopractical +theoretics +theoria +theoriai +theoric +theorical +theorically +theorician +theoricon +theorics +theorism +theorist +theorization +theorize +theorizer +theorum +theory +theoryless +theorymonger +theosoph +theosopheme +theosophic +theosophical +theosophically +theosophism +theosophist +theosophistic +theosophistical +theosophize +theosophy +theotechnic +theotechnist +theotechny +theoteleological +theoteleology +theotherapy +Theotokos +theow +theowdom +theowman +Theraean +theralite +therapeusis +Therapeutae +Therapeutic +therapeutic +therapeutical +therapeutically +therapeutics +therapeutism +therapeutist +Theraphosa +theraphose +theraphosid +Theraphosidae +theraphosoid +therapist +therapsid +Therapsida +therapy +therblig +there +thereabouts +thereabove +thereacross +thereafter +thereafterward +thereagainst +thereamong +thereamongst +thereanent +thereanents +therearound +thereas +thereat +thereaway +thereaways +therebeside +therebesides +therebetween +thereby +thereckly +therefor +therefore +therefrom +therehence +therein +thereinafter +thereinbefore +thereinto +therence +thereness +thereof +thereoid +thereologist +thereology +thereon +thereout +thereover +thereright +theres +Theresa +therese +therethrough +theretill +thereto +theretofore +theretoward +thereunder +thereuntil +thereunto +thereup +thereupon +Thereva +therevid +Therevidae +therewhile +therewith +therewithal +therewithin +Theria +theriac +theriaca +theriacal +therial +therianthropic +therianthropism +theriatrics +theridiid +Theridiidae +Theridion +theriodic +theriodont +Theriodonta +Theriodontia +theriolatry +theriomancy +theriomaniac +theriomimicry +theriomorph +theriomorphic +theriomorphism +theriomorphosis +theriomorphous +theriotheism +theriotrophical +theriozoic +therm +thermacogenesis +thermae +thermal +thermalgesia +thermality +thermally +thermanalgesia +thermanesthesia +thermantic +thermantidote +thermatologic +thermatologist +thermatology +thermesthesia +thermesthesiometer +thermetograph +thermetrograph +thermic +thermically +Thermidorian +thermion +thermionic +thermionically +thermionics +thermistor +Thermit +thermit +thermite +thermo +thermoammeter +thermoanalgesia +thermoanesthesia +thermobarograph +thermobarometer +thermobattery +thermocautery +thermochemic +thermochemical +thermochemically +thermochemist +thermochemistry +thermochroic +thermochrosy +thermocline +thermocouple +thermocurrent +thermodiffusion +thermoduric +thermodynamic +thermodynamical +thermodynamically +thermodynamician +thermodynamicist +thermodynamics +thermodynamist +thermoelectric +thermoelectrical +thermoelectrically +thermoelectricity +thermoelectrometer +thermoelectromotive +thermoelement +thermoesthesia +thermoexcitory +thermogalvanometer +thermogen +thermogenerator +thermogenesis +thermogenetic +thermogenic +thermogenous +thermogeny +thermogeographical +thermogeography +thermogram +thermograph +thermography +thermohyperesthesia +thermojunction +thermokinematics +thermolabile +thermolability +thermological +thermology +thermoluminescence +thermoluminescent +thermolysis +thermolytic +thermolyze +thermomagnetic +thermomagnetism +thermometamorphic +thermometamorphism +thermometer +thermometerize +thermometric +thermometrical +thermometrically +thermometrograph +thermometry +thermomotive +thermomotor +thermomultiplier +thermonastic +thermonasty +thermonatrite +thermoneurosis +thermoneutrality +thermonous +thermonuclear +thermopair +thermopalpation +thermopenetration +thermoperiod +thermoperiodic +thermoperiodicity +thermoperiodism +thermophile +thermophilic +thermophilous +thermophobous +thermophone +thermophore +thermophosphor +thermophosphorescence +thermopile +thermoplastic +thermoplasticity +thermoplegia +thermopleion +thermopolymerization +thermopolypnea +thermopolypneic +Thermopsis +thermoradiotherapy +thermoreduction +thermoregulation +thermoregulator +thermoresistance +thermoresistant +thermos +thermoscope +thermoscopic +thermoscopical +thermoscopically +thermosetting +thermosiphon +thermostability +thermostable +thermostat +thermostatic +thermostatically +thermostatics +thermostimulation +thermosynthesis +thermosystaltic +thermosystaltism +thermotactic +thermotank +thermotaxic +thermotaxis +thermotelephone +thermotensile +thermotension +thermotherapeutics +thermotherapy +thermotic +thermotical +thermotically +thermotics +thermotropic +thermotropism +thermotropy +thermotype +thermotypic +thermotypy +thermovoltaic +therodont +theroid +therolatry +therologic +therological +therologist +therology +Theromora +Theromores +theromorph +Theromorpha +theromorphia +theromorphic +theromorphism +theromorphological +theromorphology +theromorphous +Theron +theropod +Theropoda +theropodous +thersitean +Thersites +thersitical +thesauri +thesaurus +these +Thesean +theses +Theseum +Theseus +thesial +thesicle +thesis +Thesium +Thesmophoria +Thesmophorian +Thesmophoric +thesmothetae +thesmothete +thesmothetes +thesocyte +Thespesia +Thespesius +Thespian +Thessalian +Thessalonian +thestreen +theta +thetch +thetic +thetical +thetically +thetics +thetin +thetine +Thetis +theurgic +theurgical +theurgically +theurgist +theurgy +Thevetia +thevetin +thew +thewed +thewless +thewness +thewy +they +theyll +theyre +thiacetic +thiadiazole +thialdine +thiamide +thiamin +thiamine +thianthrene +thiasi +thiasine +thiasite +thiasoi +thiasos +thiasote +thiasus +thiazine +thiazole +thiazoline +thick +thickbrained +thicken +thickener +thickening +thicket +thicketed +thicketful +thickety +thickhead +thickheaded +thickheadedly +thickheadedness +thickish +thickleaf +thicklips +thickly +thickneck +thickness +thicknessing +thickset +thickskin +thickskull +thickskulled +thickwind +thickwit +thief +thiefcraft +thiefdom +thiefland +thiefmaker +thiefmaking +thiefproof +thieftaker +thiefwise +Thielavia +Thielaviopsis +thienone +thienyl +Thierry +thievable +thieve +thieveless +thiever +thievery +thieving +thievingly +thievish +thievishly +thievishness +thig +thigger +thigging +thigh +thighbone +thighed +thight +thightness +thigmonegative +thigmopositive +thigmotactic +thigmotactically +thigmotaxis +thigmotropic +thigmotropically +thigmotropism +Thilanottine +thilk +thill +thiller +thilly +thimber +thimble +thimbleberry +thimbled +thimbleflower +thimbleful +thimblelike +thimblemaker +thimblemaking +thimbleman +thimblerig +thimblerigger +thimbleriggery +thimblerigging +thimbleweed +thin +thinbrained +thine +thing +thingal +thingamabob +thinghood +thinginess +thingish +thingless +thinglet +thinglike +thinglikeness +thingliness +thingly +thingman +thingness +thingstead +thingum +thingumajig +thingumbob +thingummy +thingy +Think +think +thinkable +thinkableness +thinkably +thinker +thinkful +thinking +thinkingly +thinkingpart +thinkling +thinly +thinner +thinness +thinning +thinnish +Thinocoridae +Thinocorus +thinolite +thio +thioacetal +thioacetic +thioalcohol +thioaldehyde +thioamide +thioantimonate +thioantimoniate +thioantimonious +thioantimonite +thioarsenate +thioarseniate +thioarsenic +thioarsenious +thioarsenite +Thiobacillus +Thiobacteria +thiobacteria +Thiobacteriales +thiobismuthite +thiocarbamic +thiocarbamide +thiocarbamyl +thiocarbanilide +thiocarbimide +thiocarbonate +thiocarbonic +thiocarbonyl +thiochloride +thiochrome +thiocresol +thiocyanate +thiocyanation +thiocyanic +thiocyanide +thiocyano +thiocyanogen +thiodiazole +thiodiphenylamine +thiofuran +thiofurane +thiofurfuran +thiofurfurane +thiogycolic +thiohydrate +thiohydrolysis +thiohydrolyze +thioindigo +thioketone +thiol +thiolacetic +thiolactic +thiolic +thionamic +thionaphthene +thionate +thionation +thioneine +thionic +thionine +thionitrite +thionium +thionobenzoic +thionthiolic +thionurate +thionyl +thionylamine +thiophen +thiophene +thiophenic +thiophenol +thiophosgene +thiophosphate +thiophosphite +thiophosphoric +thiophosphoryl +thiophthene +thiopyran +thioresorcinol +thiosinamine +Thiospira +thiostannate +thiostannic +thiostannite +thiostannous +thiosulphate +thiosulphonic +thiosulphuric +Thiothrix +thiotolene +thiotungstate +thiotungstic +thiouracil +thiourea +thiourethan +thiourethane +thioxene +thiozone +thiozonide +thir +third +thirdborough +thirdings +thirdling +thirdly +thirdness +thirdsman +thirl +thirlage +thirling +thirst +thirster +thirstful +thirstily +thirstiness +thirsting +thirstingly +thirstland +thirstle +thirstless +thirstlessness +thirstproof +thirsty +thirt +thirteen +thirteener +thirteenfold +thirteenth +thirteenthly +thirtieth +thirty +thirtyfold +thirtyish +this +thishow +thislike +thisn +thisness +thissen +thistle +thistlebird +thistled +thistledown +thistlelike +thistleproof +thistlery +thistlish +thistly +thiswise +thither +thitherto +thitherward +thitsiol +thiuram +thivel +thixle +thixolabile +thixotropic +thixotropy +Thlaspi +Thlingchadinne +Thlinget +thlipsis +Tho +tho +thob +thocht +thof +thoft +thoftfellow +thoke +thokish +thole +tholeiite +tholepin +tholi +tholoi +tholos +tholus +Thomaean +Thomas +Thomasa +Thomasine +thomasing +Thomasite +thomisid +Thomisidae +Thomism +Thomist +Thomistic +Thomistical +Thomite +Thomomys +thomsenolite +Thomsonian +Thomsonianism +thomsonite +thon +thonder +Thondracians +Thondraki +Thondrakians +thone +thong +Thonga +thonged +thongman +thongy +thoo +thooid +thoom +thoracalgia +thoracaorta +thoracectomy +thoracentesis +thoraces +thoracic +Thoracica +thoracical +thoracicoabdominal +thoracicoacromial +thoracicohumeral +thoracicolumbar +thoraciform +thoracispinal +thoracoabdominal +thoracoacromial +thoracobronchotomy +thoracoceloschisis +thoracocentesis +thoracocyllosis +thoracocyrtosis +thoracodelphus +thoracodidymus +thoracodorsal +thoracodynia +thoracogastroschisis +thoracograph +thoracohumeral +thoracolumbar +thoracolysis +thoracomelus +thoracometer +thoracometry +thoracomyodynia +thoracopagus +thoracoplasty +thoracoschisis +thoracoscope +thoracoscopy +Thoracostei +thoracostenosis +thoracostomy +Thoracostraca +thoracostracan +thoracostracous +thoracotomy +thoral +thorascope +thorax +thore +thoria +thorianite +thoriate +thoric +thoriferous +thorina +thorite +thorium +thorn +thornback +thornbill +thornbush +thorned +thornen +thornhead +thornily +thorniness +thornless +thornlessness +thornlet +thornlike +thornproof +thornstone +thorntail +thorny +thoro +thorocopagous +thorogummite +thoron +thorough +Thoroughbred +thoroughbred +thoroughbredness +thoroughfare +thoroughfarer +thoroughfaresome +thoroughfoot +thoroughgoing +thoroughgoingly +thoroughgoingness +thoroughgrowth +thoroughly +thoroughness +thoroughpaced +thoroughpin +thoroughsped +thoroughstem +thoroughstitch +thoroughstitched +thoroughwax +thoroughwort +thorp +thort +thorter +thortveitite +Thos +Those +those +thou +though +thought +thoughted +thoughten +thoughtful +thoughtfully +thoughtfulness +thoughtkin +thoughtless +thoughtlessly +thoughtlessness +thoughtlet +thoughtness +thoughtsick +thoughty +thousand +thousandfold +thousandfoldly +thousandth +thousandweight +thouse +thow +thowel +thowless +thowt +Thraces +Thracian +thrack +thraep +thrail +thrain +thrall +thrallborn +thralldom +thram +thrammle +thrang +thrangity +thranite +thranitic +thrap +thrapple +thrash +thrashel +thrasher +thrasherman +thrashing +thrasonic +thrasonical +thrasonically +thrast +Thraupidae +thrave +thraver +thraw +thrawcrook +thrawn +thrawneen +Thrax +thread +threadbare +threadbareness +threadbarity +threaded +threaden +threader +threadfin +threadfish +threadflower +threadfoot +threadiness +threadle +threadless +threadlet +threadlike +threadmaker +threadmaking +threadway +threadweed +threadworm +thready +threap +threaper +threat +threaten +threatenable +threatener +threatening +threateningly +threatful +threatfully +threatless +threatproof +three +threefold +threefolded +threefoldedness +threefoldly +threefoldness +threeling +threeness +threepence +threepenny +threepennyworth +threescore +threesome +thremmatology +threne +threnetic +threnetical +threnode +threnodial +threnodian +threnodic +threnodical +threnodist +threnody +threnos +threonin +threonine +threose +threpsology +threptic +thresh +threshel +thresher +thresherman +threshingtime +threshold +Threskiornithidae +Threskiornithinae +threw +thribble +thrice +thricecock +thridacium +thrift +thriftbox +thriftily +thriftiness +thriftless +thriftlessly +thriftlessness +thriftlike +thrifty +thrill +thriller +thrillful +thrillfully +thrilling +thrillingly +thrillingness +thrillproof +thrillsome +thrilly +thrimble +thrimp +Thrinax +thring +thrinter +thrioboly +thrip +thripel +Thripidae +thripple +thrips +thrive +thriveless +thriven +thriver +thriving +thrivingly +thrivingness +thro +throat +throatal +throatband +throated +throatful +throatily +throatiness +throating +throatlash +throatlatch +throatless +throatlet +throatroot +throatstrap +throatwort +throaty +throb +throbber +throbbingly +throbless +throck +throdden +throddy +throe +thrombase +thrombin +thromboangiitis +thromboarteritis +thrombocyst +thrombocyte +thrombocytopenia +thrombogen +thrombogenic +thromboid +thrombokinase +thrombolymphangitis +thrombopenia +thrombophlebitis +thromboplastic +thromboplastin +thrombose +thrombosis +thrombostasis +thrombotic +thrombus +thronal +throne +thronedom +throneless +thronelet +thronelike +throneward +throng +thronger +throngful +throngingly +thronize +thropple +throstle +throstlelike +throttle +throttler +throttling +throttlingly +throu +throuch +throucht +through +throughbear +throughbred +throughcome +throughgang +throughganging +throughgoing +throughgrow +throughknow +throughout +throughput +throve +throw +throwaway +throwback +throwdown +thrower +throwing +thrown +throwoff +throwout +throwster +throwwort +thrum +thrummer +thrummers +thrummy +thrumwort +thrush +thrushel +thrushlike +thrushy +thrust +thruster +thrustful +thrustfulness +thrusting +thrustings +thrutch +thrutchings +Thruthvang +thruv +thrymsa +Thryonomys +Thuan +Thuban +Thucydidean +thud +thudding +thuddingly +thug +thugdom +thuggee +thuggeeism +thuggery +thuggess +thuggish +thuggism +Thuidium +Thuja +thujene +thujin +thujone +Thujopsis +thujyl +Thule +thulia +thulir +thulite +thulium +thulr +thuluth +thumb +thumbbird +thumbed +thumber +thumbkin +thumble +thumbless +thumblike +thumbmark +thumbnail +thumbpiece +thumbprint +thumbrope +thumbscrew +thumbstall +thumbstring +thumbtack +thumby +thumlungur +thump +thumper +thumping +thumpingly +Thunar +Thunbergia +thunbergilene +thunder +thunderation +thunderball +thunderbearer +thunderbearing +thunderbird +thunderblast +thunderbolt +thunderburst +thunderclap +thundercloud +thundercrack +thunderer +thunderfish +thunderflower +thunderful +thunderhead +thunderheaded +thundering +thunderingly +thunderless +thunderlike +thunderous +thunderously +thunderousness +thunderpeal +thunderplump +thunderproof +thundershower +thundersmite +thundersquall +thunderstick +thunderstone +thunderstorm +thunderstrike +thunderstroke +thunderstruck +thunderwood +thunderworm +thunderwort +thundery +thundrous +thundrously +thung +thunge +Thunnidae +Thunnus +Thunor +thuoc +Thurberia +thurible +thuribuler +thuribulum +thurifer +thuriferous +thurificate +thurificati +thurification +thurify +Thuringian +thuringite +Thurio +thurl +thurm +thurmus +Thurnia +Thurniaceae +thurrock +Thursday +thurse +thurt +thus +thusgate +Thushi +thusly +thusness +thuswise +thutter +Thuyopsis +thwack +thwacker +thwacking +thwackingly +thwackstave +thwaite +thwart +thwartedly +thwarteous +thwarter +thwarting +thwartingly +thwartly +thwartman +thwartness +thwartover +thwartsaw +thwartship +thwartships +thwartways +thwartwise +thwite +thwittle +thy +Thyestean +Thyestes +thyine +thylacine +thylacitis +Thylacoleo +Thylacynus +thymacetin +Thymallidae +Thymallus +thymate +thyme +thymectomize +thymectomy +thymegol +Thymelaea +Thymelaeaceae +thymelaeaceous +Thymelaeales +thymelcosis +thymele +thymelic +thymelical +thymelici +thymene +thymetic +thymic +thymicolymphatic +thymine +thymiosis +thymitis +thymocyte +thymogenic +thymol +thymolate +thymolize +thymolphthalein +thymolsulphonephthalein +thymoma +thymonucleic +thymopathy +thymoprivic +thymoprivous +thymopsyche +thymoquinone +thymotactic +thymotic +Thymus +thymus +thymy +thymyl +thymylic +thynnid +Thynnidae +Thyraden +thyratron +thyreoadenitis +thyreoantitoxin +thyreoarytenoid +thyreoarytenoideus +thyreocervical +thyreocolloid +Thyreocoridae +thyreoepiglottic +thyreogenic +thyreogenous +thyreoglobulin +thyreoglossal +thyreohyal +thyreohyoid +thyreoid +thyreoidal +thyreoideal +thyreoidean +thyreoidectomy +thyreoiditis +thyreoitis +thyreolingual +thyreoprotein +thyreosis +thyreotomy +thyreotoxicosis +thyreotropic +thyridial +Thyrididae +thyridium +Thyris +thyrisiferous +thyroadenitis +thyroantitoxin +thyroarytenoid +thyroarytenoideus +thyrocardiac +thyrocele +thyrocervical +thyrocolloid +thyrocricoid +thyroepiglottic +thyroepiglottidean +thyrogenic +thyroglobulin +thyroglossal +thyrohyal +thyrohyoid +thyrohyoidean +thyroid +thyroidal +thyroidea +thyroideal +thyroidean +thyroidectomize +thyroidectomy +thyroidism +thyroiditis +thyroidization +thyroidless +thyroidotomy +thyroiodin +thyrolingual +thyronine +thyroparathyroidectomize +thyroparathyroidectomy +thyroprival +thyroprivia +thyroprivic +thyroprivous +thyroprotein +Thyrostraca +thyrostracan +thyrotherapy +thyrotomy +thyrotoxic +thyrotoxicosis +thyrotropic +thyroxine +thyrse +thyrsiflorous +thyrsiform +thyrsoid +thyrsoidal +thyrsus +Thysanocarpus +thysanopter +Thysanoptera +thysanopteran +thysanopteron +thysanopterous +Thysanoura +thysanouran +thysanourous +Thysanura +thysanuran +thysanurian +thysanuriform +thysanurous +thysel +thyself +thysen +Ti +ti +Tiahuanacan +Tiam +tiang +tiao +tiar +tiara +tiaralike +tiarella +Tiatinagua +tib +Tibbie +Tibbu +tibby +Tiberian +Tiberine +Tiberius +tibet +Tibetan +tibey +tibia +tibiad +tibiae +tibial +tibiale +tibicinist +tibiocalcanean +tibiofemoral +tibiofibula +tibiofibular +tibiometatarsal +tibionavicular +tibiopopliteal +tibioscaphoid +tibiotarsal +tibiotarsus +Tibouchina +tibourbou +tiburon +Tiburtine +tic +tical +ticca +tice +ticement +ticer +Tichodroma +tichodrome +tichorrhine +tick +tickbean +tickbird +tickeater +ticked +ticken +ticker +ticket +ticketer +ticketing +ticketless +ticketmonger +tickey +tickicide +tickie +ticking +tickle +tickleback +ticklebrain +tickled +ticklely +ticklenburg +tickleness +tickleproof +tickler +ticklesome +tickless +tickleweed +tickling +ticklingly +ticklish +ticklishly +ticklishness +tickly +tickney +tickproof +tickseed +tickseeded +ticktack +ticktacker +ticktacktoe +ticktick +ticktock +tickweed +ticky +ticul +Ticuna +Ticunan +tid +tidal +tidally +tidbit +tiddle +tiddledywinks +tiddler +tiddley +tiddling +tiddlywink +tiddlywinking +tiddy +tide +tided +tideful +tidehead +tideland +tideless +tidelessness +tidelike +tidely +tidemaker +tidemaking +tidemark +tiderace +tidesman +tidesurveyor +Tideswell +tidewaiter +tidewaitership +tideward +tidewater +tideway +tidiable +tidily +tidiness +tiding +tidingless +tidings +tidley +tidological +tidology +tidy +tidyism +tidytips +tie +tieback +tied +Tiefenthal +tiemaker +tiemaking +tiemannite +tien +tiepin +tier +tierce +tierced +tierceron +tiered +tierer +tierlike +tiersman +tietick +tiewig +tiewigged +tiff +tiffany +tiffanyite +tiffie +tiffin +tiffish +tiffle +tiffy +tifinagh +tift +tifter +tig +tige +tigella +tigellate +tigelle +tigellum +tigellus +tiger +tigerbird +tigereye +tigerflower +tigerfoot +tigerhearted +tigerhood +tigerish +tigerishly +tigerishness +tigerism +tigerkin +tigerlike +tigerling +tigerly +tigernut +tigerproof +tigerwood +tigery +Tigger +tigger +tight +tighten +tightener +tightfisted +tightish +tightly +tightness +tightrope +tights +tightwad +tightwire +tiglaldehyde +tiglic +tiglinic +tignum +Tigrai +Tigre +Tigrean +tigress +tigresslike +Tigridia +Tigrina +tigrine +Tigris +tigroid +tigrolysis +tigrolytic +tigtag +Tigua +Tigurine +Tiki +tikitiki +tikka +tikker +tiklin +tikolosh +tikor +tikur +til +tilaite +tilaka +tilasite +tilbury +Tilda +tilde +tile +tiled +tilefish +tilelike +tilemaker +tilemaking +tiler +tileroot +tilery +tileseed +tilestone +tileways +tilework +tileworks +tilewright +tileyard +Tilia +Tiliaceae +tiliaceous +tilikum +tiling +till +tillable +Tillaea +Tillaeastrum +tillage +Tillamook +Tillandsia +tiller +tillering +tillerless +tillerman +Tilletia +Tilletiaceae +tilletiaceous +tilley +tillite +tillodont +Tillodontia +Tillodontidae +tillot +tillotter +tilly +tilmus +tilpah +Tilsit +tilt +tiltable +tiltboard +tilter +tilth +tilting +tiltlike +tiltmaker +tiltmaking +tiltup +tilty +tiltyard +tilyer +Tim +timable +Timaeus +Timalia +Timaliidae +Timaliinae +timaliine +timaline +Timani +timar +timarau +timawa +timazite +timbal +timbale +timbang +timbe +timber +timbered +timberer +timberhead +timbering +timberjack +timberland +timberless +timberlike +timberling +timberman +timbermonger +timbern +timbersome +timbertuned +timberwood +timberwork +timberwright +timbery +timberyard +Timbira +timbo +timbre +timbrel +timbreled +timbreler +timbrologist +timbrology +timbromania +timbromaniac +timbromanist +timbrophilic +timbrophilism +timbrophilist +timbrophily +time +timeable +timecard +timed +timeful +timefully +timefulness +timekeep +timekeeper +timekeepership +timeless +timelessly +timelessness +Timelia +Timeliidae +timeliine +timelily +timeliness +timeling +timely +timenoguy +timeous +timeously +timepiece +timepleaser +timeproof +timer +times +timesaver +timesaving +timeserver +timeserving +timeservingness +timetable +timetaker +timetaking +timeward +timework +timeworker +timeworn +Timias +timid +timidity +timidly +timidness +timing +timish +timist +Timne +Timo +timocracy +timocratic +timocratical +Timon +timon +timoneer +Timonian +Timonism +Timonist +Timonize +timor +Timorese +timorous +timorously +timorousness +Timote +Timotean +Timothean +Timothy +timothy +timpani +timpanist +timpano +Timucua +Timucuan +Timuquan +Timuquanan +tin +Tina +Tinamidae +tinamine +tinamou +tinampipi +tincal +tinchel +tinchill +tinclad +tinct +tinction +tinctorial +tinctorially +tinctorious +tinctumutation +tincture +tind +tindal +tindalo +tinder +tinderbox +tindered +tinderish +tinderlike +tinderous +tindery +tine +tinea +tineal +tinean +tined +tinegrass +tineid +Tineidae +Tineina +tineine +tineman +tineoid +Tineoidea +tinetare +tinety +tineweed +tinful +Ting +ting +tinge +tinged +tinger +Tinggian +tingi +tingibility +tingible +tingid +Tingidae +Tingis +tingitid +Tingitidae +tinglass +tingle +tingler +tingletangle +tingling +tinglingly +tinglish +tingly +tingtang +tinguaite +tinguaitic +Tinguian +tinguy +tinhorn +tinhouse +tinily +tininess +tining +tink +tinker +tinkerbird +tinkerdom +tinkerer +tinkerlike +tinkerly +tinkershire +tinkershue +tinkerwise +tinkle +tinkler +tinklerman +tinkling +tinklingly +tinkly +tinlet +tinlike +tinman +Tinne +tinned +tinner +tinnery +tinnet +Tinni +tinnified +tinnily +tinniness +tinning +tinnitus +tinnock +tinny +Tino +Tinoceras +tinosa +tinsel +tinsellike +tinselly +tinselmaker +tinselmaking +tinselry +tinselweaver +tinselwork +tinsman +tinsmith +tinsmithing +tinsmithy +tinstone +tinstuff +tint +tinta +tintage +tintamarre +tintarron +tinted +tinter +tintie +tintiness +tinting +tintingly +tintinnabula +tintinnabulant +tintinnabular +tintinnabulary +tintinnabulate +tintinnabulation +tintinnabulatory +tintinnabulism +tintinnabulist +tintinnabulous +tintinnabulum +tintist +tintless +tintometer +tintometric +tintometry +tinty +tintype +tintyper +tinwald +tinware +tinwoman +tinwork +tinworker +tinworking +tiny +tinzenite +Tionontates +Tionontati +Tiou +tip +tipburn +tipcart +tipcat +tipe +tipful +tiphead +Tiphia +Tiphiidae +tipiti +tiple +tipless +tiplet +tipman +tipmost +tiponi +tippable +tipped +tippee +tipper +tippet +tipping +tipple +tippleman +tippler +tipply +tipproof +tippy +tipsification +tipsifier +tipsify +tipsily +tipsiness +tipstaff +tipster +tipstock +tipsy +tiptail +tipteerer +tiptilt +tiptoe +tiptoeing +tiptoeingly +tiptop +tiptopness +tiptopper +tiptoppish +tiptoppishness +tiptopsome +Tipula +Tipularia +tipulid +Tipulidae +tipuloid +Tipuloidea +tipup +Tipura +tirade +tiralee +tire +tired +tiredly +tiredness +tiredom +tirehouse +tireless +tirelessly +tirelessness +tiremaid +tiremaker +tiremaking +tireman +tirer +tireroom +tiresmith +tiresome +tiresomely +tiresomeness +tiresomeweed +tirewoman +Tirhutia +tiriba +tiring +tiringly +tirl +tirma +tirocinium +Tirolean +Tirolese +Tironian +tirr +tirralirra +tirret +Tirribi +tirrivee +tirrlie +tirrwirr +tirthankara +Tirurai +tirve +tirwit +tisane +tisar +Tishiya +Tishri +Tisiphone +tissual +tissue +tissued +tissueless +tissuelike +tissuey +tisswood +tiswin +tit +Titan +titanate +titanaugite +Titanesque +Titaness +titania +Titanian +Titanic +titanic +Titanical +Titanically +Titanichthyidae +Titanichthys +titaniferous +titanifluoride +Titanism +titanite +titanitic +titanium +Titanlike +titano +titanocolumbate +titanocyanide +titanofluoride +Titanolater +Titanolatry +Titanomachia +Titanomachy +titanomagnetite +titanoniobate +titanosaur +Titanosaurus +titanosilicate +titanothere +Titanotheridae +Titanotherium +titanous +titanyl +titar +titbit +titbitty +tite +titer +titeration +titfish +tithable +tithal +tithe +tithebook +titheless +tithemonger +tithepayer +tither +titheright +tithing +tithingman +tithingpenny +tithonic +tithonicity +tithonographic +tithonometer +Tithymalopsis +Tithymalus +titi +Titian +titian +Titianesque +Titianic +titien +Tities +titilate +titillability +titillant +titillater +titillating +titillatingly +titillation +titillative +titillator +titillatory +titivate +titivation +titivator +titlark +title +titleboard +titled +titledom +titleholder +titleless +titleproof +titler +titleship +titlike +titling +titlist +titmal +titman +Titmarsh +Titmarshian +titmouse +Titoism +Titoist +titoki +titrable +titratable +titrate +titration +titre +titrimetric +titrimetry +titter +titterel +titterer +tittering +titteringly +tittery +tittie +tittle +tittlebat +tittler +tittup +tittupy +titty +tittymouse +titubancy +titubant +titubantly +titubate +titubation +titular +titularity +titularly +titulary +titulation +titule +titulus +Titurel +Titus +tiver +Tivoli +tivoli +tivy +Tiwaz +tiza +tizeur +tizzy +tjanting +tji +tjosite +tlaco +Tlakluit +Tlapallan +Tlascalan +Tlingit +tmema +Tmesipteris +tmesis +to +toa +toad +toadback +toadeat +toadeater +toader +toadery +toadess +toadfish +toadflax +toadflower +toadhead +toadier +toadish +toadless +toadlet +toadlike +toadlikeness +toadling +toadpipe +toadroot +toadship +toadstone +toadstool +toadstoollike +toadwise +toady +toadyish +toadyism +toadyship +Toag +toast +toastable +toastee +toaster +toastiness +toastmaster +toastmastery +toastmistress +toasty +toat +toatoa +Toba +tobacco +tobaccofied +tobaccoism +tobaccoite +tobaccoless +tobaccolike +tobaccoman +tobacconalian +tobacconist +tobacconistical +tobacconize +tobaccophil +tobaccoroot +tobaccoweed +tobaccowood +tobaccoy +tobe +Tobiah +Tobias +Tobikhar +tobine +tobira +toboggan +tobogganeer +tobogganer +tobogganist +Toby +toby +tobyman +tocalote +toccata +Tocharese +Tocharian +Tocharic +Tocharish +tocher +tocherless +tock +toco +Tocobaga +tocodynamometer +tocogenetic +tocogony +tocokinin +tocological +tocologist +tocology +tocome +tocometer +tocopherol +tocororo +tocsin +tocusso +Tod +tod +Toda +today +todayish +Todd +todder +toddick +toddite +toddle +toddlekins +toddler +toddy +toddyize +toddyman +tode +Todea +Todidae +Todus +tody +toe +toeboard +toecap +toecapped +toed +toeless +toelike +toellite +toenail +toeplate +Toerless +toernebohmite +toetoe +toff +toffee +toffeeman +toffing +toffish +toffy +toffyman +Tofieldia +Toft +toft +tofter +toftman +toftstead +tofu +tog +toga +togaed +togalike +togata +togate +togated +togawise +together +togetherhood +togetheriness +togetherness +toggel +toggery +toggle +toggler +togless +togs +togt +togue +toher +toheroa +toho +Tohome +tohubohu +tohunga +toi +toil +toiled +toiler +toilet +toileted +toiletry +toilette +toiletted +toiletware +toilful +toilfully +toilinet +toiling +toilingly +toilless +toillessness +toilsome +toilsomely +toilsomeness +toilworn +toise +toit +toitish +toity +Tokay +tokay +toke +Tokelau +token +tokened +tokenless +toko +tokology +tokonoma +tokopat +tol +tolamine +tolan +tolane +tolbooth +told +toldo +tole +Toledan +Toledo +Toledoan +tolerability +tolerable +tolerableness +tolerablish +tolerably +tolerance +tolerancy +Tolerant +tolerant +tolerantism +tolerantly +tolerate +toleration +tolerationism +tolerationist +tolerative +tolerator +tolerism +Toletan +tolfraedic +tolguacha +tolidine +tolite +toll +tollable +tollage +tollbooth +Tollefsen +toller +tollery +tollgate +tollgatherer +tollhouse +tolliker +tolling +tollkeeper +tollman +tollmaster +tollpenny +tolltaker +tolly +Tolowa +tolpatch +tolpatchery +tolsester +tolsey +Tolstoyan +Tolstoyism +Tolstoyist +tolt +Toltec +Toltecan +tolter +tolu +tolualdehyde +toluate +toluene +toluic +toluide +toluidide +toluidine +toluidino +toluido +Toluifera +tolunitrile +toluol +toluquinaldine +tolusafranine +toluyl +toluylene +toluylenediamine +toluylic +tolyl +tolylene +tolylenediamine +Tolypeutes +tolypeutine +Tom +Toma +tomahawk +tomahawker +tomalley +toman +Tomas +tomatillo +tomato +tomb +tombac +tombal +tombe +tombic +tombless +tomblet +tomblike +tombola +tombolo +tomboy +tomboyful +tomboyish +tomboyishly +tomboyishness +tomboyism +tombstone +tomcat +tomcod +tome +tomeful +tomelet +toment +tomentose +tomentous +tomentulose +tomentum +tomfool +tomfoolery +tomfoolish +tomfoolishness +tomial +tomin +tomish +Tomistoma +tomium +tomjohn +Tomkin +tomkin +Tommer +Tomming +Tommy +tommy +tommybag +tommycod +tommyrot +tomnoddy +tomnoup +tomogram +tomographic +tomography +Tomopteridae +Tomopteris +tomorn +tomorrow +tomorrower +tomorrowing +tomorrowness +tomosis +Tompion +tompiper +tompon +tomtate +tomtit +Tomtitmouse +ton +tonal +tonalamatl +tonalist +tonalite +tonalitive +tonality +tonally +tonant +tonation +tondino +tone +toned +toneless +tonelessly +tonelessness +toneme +toneproof +toner +tonetic +tonetically +tonetician +tonetics +tong +Tonga +tonga +Tongan +Tongas +tonger +tongkang +tongman +Tongrian +tongs +tongsman +tongue +tonguecraft +tongued +tonguedoughty +tonguefence +tonguefencer +tongueflower +tongueful +tongueless +tonguelet +tonguelike +tongueman +tonguemanship +tongueplay +tongueproof +tonguer +tongueshot +tonguesman +tonguesore +tonguester +tonguetip +tonguey +tonguiness +tonguing +tonic +tonically +tonicity +tonicize +tonicobalsamic +tonicoclonic +tonicostimulant +tonify +tonight +Tonikan +tonish +tonishly +tonishness +tonite +tonitrocirrus +tonitruant +tonitruone +tonitruous +tonjon +tonk +Tonkawa +Tonkawan +tonkin +Tonkinese +tonlet +Tonna +tonnage +tonneau +tonneaued +tonner +tonnish +tonnishly +tonnishness +tonoclonic +tonogram +tonograph +tonological +tonology +tonometer +tonometric +tonometry +tonophant +tonoplast +tonoscope +tonotactic +tonotaxis +tonous +tonsbergite +tonsil +tonsilectomy +tonsilitic +tonsillar +tonsillary +tonsillectome +tonsillectomic +tonsillectomize +tonsillectomy +tonsillith +tonsillitic +tonsillitis +tonsillolith +tonsillotome +tonsillotomy +tonsilomycosis +tonsor +tonsorial +tonsurate +tonsure +tonsured +tontine +tontiner +Tonto +tonus +Tony +tony +tonyhoop +too +toodle +toodleloodle +took +tooken +tool +toolbox +toolbuilder +toolbuilding +tooler +toolhead +toolholder +toolholding +tooling +toolless +toolmaker +toolmaking +toolman +toolmark +toolmarking +toolplate +toolroom +toolsetter +toolslide +toolsmith +toolstock +toolstone +toom +toomly +toon +Toona +toonwood +toop +toorie +toorock +tooroo +toosh +toot +tooter +tooth +toothache +toothaching +toothachy +toothbill +toothbrush +toothbrushy +toothchiseled +toothcomb +toothcup +toothdrawer +toothdrawing +toothed +toother +toothflower +toothful +toothill +toothing +toothless +toothlessly +toothlessness +toothlet +toothleted +toothlike +toothpick +toothplate +toothproof +toothsome +toothsomely +toothsomeness +toothstick +toothwash +toothwork +toothwort +toothy +tootle +tootler +tootlish +tootsy +toozle +toozoo +top +topalgia +toparch +toparchia +toparchical +toparchy +topass +Topatopa +topaz +topazfels +topazine +topazite +topazolite +topazy +topcap +topcast +topchrome +topcoat +topcoating +tope +topectomy +topee +topeewallah +topeng +topepo +toper +toperdom +topesthesia +topflight +topfull +topgallant +toph +tophaceous +tophaike +Tophet +tophetic +tophetize +tophus +tophyperidrosis +topi +topia +topiarian +topiarist +topiarius +topiary +topic +topical +topicality +topically +topinambou +Topinish +topknot +topknotted +topless +toplighted +toplike +topline +toploftical +toploftily +toploftiness +toplofty +topmaker +topmaking +topman +topmast +topmost +topmostly +topnotch +topnotcher +topo +topoalgia +topochemical +topognosia +topognosis +topograph +topographer +topographic +topographical +topographically +topographics +topographist +topographize +topographometric +topography +topolatry +topologic +topological +topologist +topology +toponarcosis +toponym +toponymal +toponymic +toponymical +toponymics +toponymist +toponymy +topophobia +topophone +topotactic +topotaxis +topotype +topotypic +topotypical +topped +topper +toppiece +topping +toppingly +toppingness +topple +toppler +topply +toppy +toprail +toprope +tops +topsail +topsailite +topside +topsl +topsman +topsoil +topstone +topswarm +Topsy +topsyturn +toptail +topwise +toque +Tor +tor +tora +torah +Toraja +toral +toran +torbanite +torbanitic +torbernite +torc +torcel +torch +torchbearer +torchbearing +torcher +torchless +torchlight +torchlighted +torchlike +torchman +torchon +torchweed +torchwood +torchwort +torcular +torculus +tordrillite +tore +toreador +tored +Torenia +torero +toreumatography +toreumatology +toreutic +toreutics +torfaceous +torfel +torgoch +Torgot +toric +Toriest +Torified +torii +Torilis +Torinese +Toriness +torma +tormen +torment +tormenta +tormentable +tormentation +tormentative +tormented +tormentedly +tormentful +tormentil +tormentilla +tormenting +tormentingly +tormentingness +tormentive +tormentor +tormentous +tormentress +tormentry +tormentum +tormina +torminal +torminous +tormodont +torn +tornachile +tornade +tornadic +tornado +tornadoesque +tornadoproof +tornal +tornaria +tornarian +tornese +torney +tornillo +Tornit +tornote +tornus +toro +toroid +toroidal +torolillo +Toromona +Torontonian +tororokombu +Torosaurus +torose +torosity +torotoro +torous +torpedineer +Torpedinidae +torpedinous +torpedo +torpedoer +torpedoist +torpedolike +torpedoplane +torpedoproof +torpent +torpescence +torpescent +torpid +torpidity +torpidly +torpidness +torpify +torpitude +torpor +torporific +torporize +torquate +torquated +torque +torqued +torques +torrefaction +torrefication +torrefy +torrent +torrentful +torrentfulness +torrential +torrentiality +torrentially +torrentine +torrentless +torrentlike +torrentuous +torrentwise +Torreya +Torricellian +torrid +torridity +torridly +torridness +Torridonian +Torrubia +torsade +torse +torsel +torsibility +torsigraph +torsile +torsimeter +torsiogram +torsiograph +torsiometer +torsion +torsional +torsionally +torsioning +torsionless +torsive +torsk +torso +torsoclusion +torsometer +torsoocclusion +Torsten +tort +torta +torteau +torticollar +torticollis +torticone +tortile +tortility +tortilla +tortille +tortious +tortiously +tortive +tortoise +tortoiselike +Tortonian +tortrices +tortricid +Tortricidae +Tortricina +tortricine +tortricoid +Tortricoidea +Tortrix +tortula +Tortulaceae +tortulaceous +tortulous +tortuose +tortuosity +tortuous +tortuously +tortuousness +torturable +torturableness +torture +tortured +torturedly +tortureproof +torturer +torturesome +torturing +torturingly +torturous +torturously +toru +torula +torulaceous +torulaform +toruliform +torulin +toruloid +torulose +torulosis +torulous +torulus +torus +torve +torvid +torvity +torvous +Tory +tory +Torydom +Toryess +Toryfication +Toryfy +toryhillite +Toryish +Toryism +Toryistic +Toryize +Toryship +toryweed +tosaphist +tosaphoth +toscanite +Tosephta +Tosephtas +tosh +toshakhana +tosher +toshery +toshly +toshnail +toshy +tosily +Tosk +Toskish +toss +tosser +tossicated +tossily +tossing +tossingly +tossment +tosspot +tossup +tossy +tost +tosticate +tostication +toston +tosy +tot +total +totalitarian +totalitarianism +totality +totalization +totalizator +totalize +totalizer +totally +totalness +totanine +Totanus +totaquin +totaquina +totaquine +totara +totchka +tote +toteload +totem +totemic +totemically +totemism +totemist +totemistic +totemite +totemization +totemy +toter +tother +totient +Totipalmatae +totipalmate +totipalmation +totipotence +totipotency +totipotent +totipotential +totipotentiality +totitive +toto +Totonac +Totonacan +Totonaco +totora +Totoro +totquot +totter +totterer +tottergrass +tottering +totteringly +totterish +tottery +Tottie +totting +tottle +tottlish +totty +tottyhead +totuava +totum +toty +totyman +tou +toucan +toucanet +Toucanid +touch +touchable +touchableness +touchback +touchbell +touchbox +touchdown +touched +touchedness +toucher +touchhole +touchily +touchiness +touching +touchingly +touchingness +touchless +touchline +touchous +touchpan +touchpiece +touchstone +touchwood +touchy +Toufic +toug +tough +toughen +toughener +toughhead +toughhearted +toughish +toughly +toughness +tought +tould +toumnah +Tounatea +toup +toupee +toupeed +toupet +tour +touraco +tourbillion +tourer +tourette +touring +tourism +tourist +touristdom +touristic +touristproof +touristry +touristship +touristy +tourize +tourmaline +tourmalinic +tourmaliniferous +tourmalinization +tourmalinize +tourmalite +tourn +tournament +tournamental +tournant +tournasin +tournay +tournee +Tournefortia +Tournefortian +tourney +tourneyer +tourniquet +tourte +tousche +touse +touser +tousle +tously +tousy +tout +touter +Tovah +tovar +Tovaria +Tovariaceae +tovariaceous +tovarish +tow +towable +towage +towai +towan +toward +towardliness +towardly +towardness +towards +towboat +towcock +towd +towel +towelette +toweling +towelry +tower +towered +towering +toweringly +towerless +towerlet +towerlike +towerman +towerproof +towerwise +towerwork +towerwort +towery +towght +towhead +towheaded +towhee +towing +towkay +towlike +towline +towmast +town +towned +townee +towner +townet +townfaring +townfolk +townful +towngate +townhood +townify +towniness +townish +townishly +townishness +townist +townland +townless +townlet +townlike +townling +townly +townman +townsboy +townscape +Townsendia +Townsendite +townsfellow +townsfolk +township +townside +townsite +townsman +townspeople +townswoman +townward +townwards +townwear +towny +towpath +towrope +towser +towy +tox +toxa +toxalbumic +toxalbumin +toxalbumose +toxamin +toxanemia +toxaphene +toxcatl +toxemia +toxemic +toxic +toxicaemia +toxical +toxically +toxicant +toxicarol +toxication +toxicemia +toxicity +toxicodendrol +Toxicodendron +toxicoderma +toxicodermatitis +toxicodermatosis +toxicodermia +toxicodermitis +toxicogenic +toxicognath +toxicohaemia +toxicohemia +toxicoid +toxicologic +toxicological +toxicologically +toxicologist +toxicology +toxicomania +toxicopathic +toxicopathy +toxicophagous +toxicophagy +toxicophidia +toxicophobia +toxicosis +toxicotraumatic +toxicum +toxidermic +toxidermitis +toxifer +Toxifera +toxiferous +toxigenic +toxihaemia +toxihemia +toxiinfection +toxiinfectious +toxin +toxinemia +toxinfection +toxinfectious +toxinosis +toxiphobia +toxiphobiac +toxiphoric +toxitabellae +toxity +Toxodon +toxodont +Toxodontia +toxogenesis +Toxoglossa +toxoglossate +toxoid +toxology +toxolysis +toxon +toxone +toxonosis +toxophil +toxophile +toxophilism +toxophilite +toxophilitic +toxophilitism +toxophilous +toxophily +toxophoric +toxophorous +toxoplasmosis +toxosis +toxosozin +Toxostoma +toxotae +Toxotes +Toxotidae +Toxylon +toy +toydom +toyer +toyful +toyfulness +toyhouse +toying +toyingly +toyish +toyishly +toyishness +toyland +toyless +toylike +toymaker +toymaking +toyman +toyon +toyshop +toysome +toytown +toywoman +toywort +toze +tozee +tozer +tra +trabacolo +trabal +trabant +trabascolo +trabea +trabeae +trabeatae +trabeated +trabeation +trabecula +trabecular +trabecularism +trabeculate +trabeculated +trabeculation +trabecule +trabuch +trabucho +Tracaulon +trace +traceability +traceable +traceableness +traceably +traceless +tracelessly +tracer +traceried +tracery +Tracey +trachea +tracheaectasy +tracheal +trachealgia +trachealis +trachean +Trachearia +trachearian +tracheary +Tracheata +tracheate +tracheation +tracheid +tracheidal +tracheitis +trachelagra +trachelate +trachelectomopexia +trachelectomy +trachelismus +trachelitis +trachelium +tracheloacromialis +trachelobregmatic +tracheloclavicular +trachelocyllosis +trachelodynia +trachelology +trachelomastoid +trachelopexia +tracheloplasty +trachelorrhaphy +tracheloscapular +Trachelospermum +trachelotomy +trachenchyma +tracheobronchial +tracheobronchitis +tracheocele +tracheochromatic +tracheoesophageal +tracheofissure +tracheolar +tracheolaryngeal +tracheolaryngotomy +tracheole +tracheolingual +tracheopathia +tracheopathy +tracheopharyngeal +Tracheophonae +tracheophone +tracheophonesis +tracheophonine +tracheophony +tracheoplasty +tracheopyosis +tracheorrhagia +tracheoschisis +tracheoscopic +tracheoscopist +tracheoscopy +tracheostenosis +tracheostomy +tracheotome +tracheotomist +tracheotomize +tracheotomy +Trachinidae +trachinoid +Trachinus +trachitis +trachle +Trachodon +trachodont +trachodontid +Trachodontidae +Trachoma +trachomatous +Trachomedusae +trachomedusan +trachyandesite +trachybasalt +trachycarpous +Trachycarpus +trachychromatic +trachydolerite +trachyglossate +Trachylinae +trachyline +Trachymedusae +trachymedusan +trachyphonia +trachyphonous +Trachypteridae +trachypteroid +Trachypterus +trachyspermous +trachyte +trachytic +trachytoid +tracing +tracingly +track +trackable +trackage +trackbarrow +tracked +tracker +trackhound +trackingscout +tracklayer +tracklaying +trackless +tracklessly +tracklessness +trackman +trackmanship +trackmaster +trackscout +trackshifter +tracksick +trackside +trackwalker +trackway +trackwork +tract +tractability +tractable +tractableness +tractably +tractarian +Tractarianism +tractarianize +tractate +tractator +tractatule +tractellate +tractellum +tractiferous +tractile +tractility +traction +tractional +tractioneering +Tractite +tractlet +tractor +tractoration +tractorism +tractorist +tractorization +tractorize +tractory +tractrix +Tracy +tradable +tradal +trade +tradecraft +tradeful +tradeless +trademaster +trader +tradership +Tradescantia +tradesfolk +tradesman +tradesmanlike +tradesmanship +tradesmanwise +tradespeople +tradesperson +tradeswoman +tradiment +trading +tradite +tradition +traditional +traditionalism +traditionalist +traditionalistic +traditionality +traditionalize +traditionally +traditionarily +traditionary +traditionate +traditionately +traditioner +traditionism +traditionist +traditionitis +traditionize +traditionless +traditionmonger +traditious +traditive +traditor +traditores +traditorship +traduce +traducement +traducent +traducer +traducian +traducianism +traducianist +traducianistic +traducible +traducing +traducingly +traduction +traductionist +trady +traffic +trafficability +trafficable +trafficableness +trafficless +trafficway +trafflicker +trafflike +trag +tragacanth +tragacantha +tragacanthin +tragal +Tragasol +tragedial +tragedian +tragedianess +tragedical +tragedienne +tragedietta +tragedist +tragedization +tragedize +tragedy +tragelaph +tragelaphine +Tragelaphus +tragi +tragic +tragical +tragicality +tragically +tragicalness +tragicaster +tragicize +tragicly +tragicness +tragicofarcical +tragicoheroicomic +tragicolored +tragicomedian +tragicomedy +tragicomic +tragicomical +tragicomicality +tragicomically +tragicomipastoral +tragicoromantic +tragicose +tragopan +Tragopogon +Tragulidae +Tragulina +traguline +traguloid +Traguloidea +Tragulus +tragus +trah +traheen +traik +trail +trailer +trailery +trailiness +trailing +trailingly +trailless +trailmaker +trailmaking +trailman +trailside +trailsman +traily +train +trainable +trainage +trainagraph +trainband +trainbearer +trainbolt +trainboy +trained +trainee +trainer +trainful +training +trainless +trainload +trainman +trainmaster +trainsick +trainster +traintime +trainway +trainy +traipse +trait +traitless +traitor +traitorhood +traitorism +traitorize +traitorlike +traitorling +traitorous +traitorously +traitorousness +traitorship +traitorwise +traitress +traject +trajectile +trajection +trajectitious +trajectory +trajet +tralatician +tralaticiary +tralatition +tralatitious +tralatitiously +tralira +Trallian +tram +trama +tramal +tramcar +trame +Trametes +tramful +tramless +tramline +tramman +trammel +trammeled +trammeler +trammelhead +trammeling +trammelingly +trammelled +trammellingly +trammer +tramming +trammon +tramontane +tramp +trampage +trampdom +tramper +trampess +tramphood +trampish +trampishly +trampism +trample +trampler +tramplike +trampolin +trampoline +trampoose +trampot +tramroad +tramsmith +tramway +tramwayman +tramyard +Tran +trance +tranced +trancedly +tranceful +trancelike +tranchefer +tranchet +trancoidal +traneen +trank +tranka +tranker +trankum +tranky +tranquil +tranquility +tranquilization +tranquilize +tranquilizer +tranquilizing +tranquilizingly +tranquillity +tranquillization +tranquillize +tranquilly +tranquilness +transaccidentation +transact +transaction +transactional +transactionally +transactioneer +transactor +transalpine +transalpinely +transalpiner +transamination +transanimate +transanimation +transannular +transapical +transappalachian +transaquatic +transarctic +transatlantic +transatlantically +transatlantican +transatlanticism +transaudient +transbaikal +transbaikalian +transbay +transboard +transborder +transcalency +transcalent +transcalescency +transcalescent +Transcaucasian +transceiver +transcend +transcendence +transcendency +transcendent +transcendental +transcendentalism +transcendentalist +transcendentalistic +transcendentality +transcendentalize +transcendentally +transcendently +transcendentness +transcendible +transcending +transcendingly +transcendingness +transcension +transchannel +transcolor +transcoloration +transconductance +transcondylar +transcondyloid +transconscious +transcontinental +transcorporate +transcorporeal +transcortical +transcreate +transcribable +transcribble +transcribbler +transcribe +transcriber +transcript +transcription +transcriptional +transcriptionally +transcriptitious +transcriptive +transcriptively +transcriptural +transcrystalline +transcurrent +transcurrently +transcurvation +transdermic +transdesert +transdialect +transdiaphragmatic +transdiurnal +transducer +transduction +transect +transection +transelement +transelementate +transelementation +transempirical +transenna +transept +transeptal +transeptally +transequatorial +transessentiate +transeunt +transexperiential +transfashion +transfeature +transfer +transferability +transferable +transferableness +transferably +transferal +transferee +transference +transferent +transferential +transferography +transferor +transferotype +transferred +transferrer +transferribility +transferring +transferror +transferrotype +transfigurate +transfiguration +transfigurative +transfigure +transfigurement +transfiltration +transfinite +transfix +transfixation +transfixion +transfixture +transfluent +transfluvial +transflux +transforation +transform +transformability +transformable +transformance +transformation +transformationist +transformative +transformator +transformer +transforming +transformingly +transformism +transformist +transformistic +transfrontal +transfrontier +transfuge +transfugitive +transfuse +transfuser +transfusible +transfusion +transfusionist +transfusive +transfusively +transgredient +transgress +transgressible +transgressing +transgressingly +transgression +transgressional +transgressive +transgressively +transgressor +transhape +transhuman +transhumanate +transhumanation +transhumance +transhumanize +transhumant +transience +transiency +transient +transiently +transientness +transigence +transigent +transiliac +transilience +transiliency +transilient +transilluminate +transillumination +transilluminator +transimpression +transincorporation +transindividual +transinsular +transire +transischiac +transisthmian +transistor +transit +transitable +transiter +transition +transitional +transitionally +transitionalness +transitionary +transitionist +transitival +transitive +transitively +transitiveness +transitivism +transitivity +transitman +transitorily +transitoriness +transitory +transitus +Transjordanian +translade +translatable +translatableness +translate +translater +translation +translational +translationally +translative +translator +translatorese +translatorial +translatorship +translatory +translatress +translatrix +translay +transleithan +transletter +translinguate +transliterate +transliteration +transliterator +translocalization +translocate +translocation +translocatory +translucence +translucency +translucent +translucently +translucid +transmarginal +transmarine +transmaterial +transmateriation +transmedial +transmedian +transmental +transmentation +transmeridional +transmethylation +transmigrant +transmigrate +transmigration +transmigrationism +transmigrationist +transmigrative +transmigratively +transmigrator +transmigratory +transmissibility +transmissible +transmission +transmissional +transmissionist +transmissive +transmissively +transmissiveness +transmissivity +transmissometer +transmissory +transmit +transmittable +transmittal +transmittance +transmittancy +transmittant +transmitter +transmittible +transmogrification +transmogrifier +transmogrify +transmold +transmontane +transmorphism +transmundane +transmural +transmuscle +transmutability +transmutable +transmutableness +transmutably +transmutation +transmutational +transmutationist +transmutative +transmutatory +transmute +transmuter +transmuting +transmutive +transmutual +transnatation +transnational +transnatural +transnaturation +transnature +transnihilation +transnormal +transocean +transoceanic +transocular +transom +transomed +transonic +transorbital +transpacific +transpadane +transpalatine +transpalmar +transpanamic +transparence +transparency +transparent +transparentize +transparently +transparentness +transparietal +transparish +transpeciate +transpeciation +transpeer +transpenetrable +transpeninsular +transperitoneal +transperitoneally +transpersonal +transphenomenal +transphysical +transpicuity +transpicuous +transpicuously +transpierce +transpirability +transpirable +transpiration +transpirative +transpiratory +transpire +transpirometer +transplace +transplant +transplantability +transplantable +transplantar +transplantation +transplantee +transplanter +transplendency +transplendent +transplendently +transpleural +transpleurally +transpolar +transponibility +transponible +transpontine +transport +transportability +transportable +transportableness +transportal +transportance +transportation +transportational +transportationist +transportative +transported +transportedly +transportedness +transportee +transporter +transporting +transportingly +transportive +transportment +transposability +transposable +transposableness +transposal +transpose +transposer +transposition +transpositional +transpositive +transpositively +transpositor +transpository +transpour +transprint +transprocess +transprose +transproser +transpulmonary +transpyloric +transradiable +transrational +transreal +transrectification +transrhenane +transrhodanian +transriverine +transsegmental +transsensual +transseptal +transsepulchral +transshape +transshift +transship +transshipment +transsolid +transstellar +transsubjective +transtemporal +Transteverine +transthalamic +transthoracic +transubstantial +transubstantially +transubstantiate +transubstantiation +transubstantiationalist +transubstantiationite +transubstantiative +transubstantiatively +transubstantiatory +transudate +transudation +transudative +transudatory +transude +transumpt +transumption +transumptive +transuranian +transuranic +transuranium +transuterine +transvaal +Transvaaler +Transvaalian +transvaluate +transvaluation +transvalue +transvasate +transvasation +transvase +transvectant +transvection +transvenom +transverbate +transverbation +transverberate +transverberation +transversal +transversale +transversalis +transversality +transversally +transversan +transversary +transverse +transversely +transverseness +transverser +transversion +transversive +transversocubital +transversomedial +transversospinal +transversovertical +transversum +transversus +transvert +transverter +transvest +transvestism +transvestite +transvestitism +transvolation +transwritten +Transylvanian +trant +tranter +trantlum +Tranzschelia +trap +Trapa +Trapaceae +trapaceous +trapball +trapes +trapezate +trapeze +trapezia +trapezial +trapezian +trapeziform +trapezing +trapeziometacarpal +trapezist +trapezium +trapezius +trapezohedral +trapezohedron +trapezoid +trapezoidal +trapezoidiform +trapfall +traphole +trapiferous +traplight +traplike +trapmaker +trapmaking +trappean +trapped +trapper +trapperlike +trappiness +trapping +trappingly +Trappist +trappist +Trappistine +trappoid +trappose +trappous +trappy +traprock +traps +trapshoot +trapshooter +trapshooting +trapstick +trapunto +trasformism +trash +trashery +trashify +trashily +trashiness +traship +trashless +trashrack +trashy +trass +Trastevere +Trasteverine +trasy +traulism +trauma +traumasthenia +traumatic +traumatically +traumaticin +traumaticine +traumatism +traumatize +traumatology +traumatonesis +traumatopnea +traumatopyra +traumatosis +traumatotactic +traumatotaxis +traumatropic +traumatropism +Trautvetteria +travail +travale +travally +travated +trave +travel +travelability +travelable +traveldom +traveled +traveler +traveleress +travelerlike +traveling +travellability +travellable +travelled +traveller +travelogue +traveloguer +traveltime +traversable +traversal +traversary +traverse +traversed +traversely +traverser +traversewise +traversework +traversing +traversion +travertin +travertine +travestier +travestiment +travesty +Travis +travis +travois +travoy +trawl +trawlboat +trawler +trawlerman +trawlnet +tray +trayful +traylike +treacher +treacherous +treacherously +treacherousness +treachery +treacle +treaclelike +treaclewort +treacliness +treacly +tread +treadboard +treader +treading +treadle +treadler +treadmill +treadwheel +treason +treasonable +treasonableness +treasonably +treasonful +treasonish +treasonist +treasonless +treasonmonger +treasonous +treasonously +treasonproof +treasurable +treasure +treasureless +treasurer +treasurership +treasuress +treasurous +treasury +treasuryship +treat +treatable +treatableness +treatably +treatee +treater +treating +treatise +treatiser +treatment +treator +treaty +treatyist +treatyite +treatyless +Trebellian +treble +trebleness +trebletree +trebly +trebuchet +trecentist +trechmannite +treckschuyt +Treculia +treddle +tredecile +tredille +tree +treebeard +treebine +treed +treefish +treeful +treehair +treehood +treeify +treeiness +treeless +treelessness +treelet +treelike +treeling +treemaker +treemaking +treeman +treen +treenail +treescape +treeship +treespeeler +treetop +treeward +treewards +treey +tref +trefgordd +trefle +trefoil +trefoiled +trefoillike +trefoilwise +tregadyne +tregerg +tregohm +trehala +trehalase +trehalose +treillage +trek +trekker +trekometer +trekpath +trellis +trellised +trellislike +trelliswork +Trema +Tremandra +Tremandraceae +tremandraceous +Trematoda +trematode +Trematodea +Trematodes +trematoid +Trematosaurus +tremble +tremblement +trembler +trembling +tremblingly +tremblingness +tremblor +trembly +Tremella +Tremellaceae +tremellaceous +Tremellales +tremelliform +tremelline +tremellineous +tremelloid +tremellose +tremendous +tremendously +tremendousness +tremetol +tremie +tremolando +tremolant +tremolist +tremolite +tremolitic +tremolo +tremor +tremorless +tremorlessly +tremulant +tremulate +tremulation +tremulous +tremulously +tremulousness +trenail +trench +trenchancy +trenchant +trenchantly +trenchantness +trenchboard +trenched +trencher +trencherless +trencherlike +trenchermaker +trenchermaking +trencherman +trencherside +trencherwise +trencherwoman +trenchful +trenchlet +trenchlike +trenchmaster +trenchmore +trenchward +trenchwise +trenchwork +trend +trendle +Trent +trental +Trentepohlia +Trentepohliaceae +trentepohliaceous +Trentine +Trenton +trepan +trepanation +trepang +trepanize +trepanner +trepanning +trepanningly +trephination +trephine +trephiner +trephocyte +trephone +trepid +trepidancy +trepidant +trepidate +trepidation +trepidatory +trepidity +trepidly +trepidness +Treponema +treponematous +treponemiasis +treponemiatic +treponemicidal +treponemicide +Trepostomata +trepostomatous +Treron +Treronidae +Treroninae +tresaiel +trespass +trespassage +trespasser +trespassory +tress +tressed +tressful +tressilate +tressilation +tressless +tresslet +tresslike +tresson +tressour +tressure +tressured +tressy +trest +trestle +trestletree +trestlewise +trestlework +trestling +tret +trevally +trevet +Trevor +trews +trewsman +Trey +trey +tri +triable +triableness +triace +triacetamide +triacetate +triacetonamine +triachenium +triacid +triacontaeterid +triacontane +triaconter +triact +triactinal +triactine +triad +triadelphous +Triadenum +triadic +triadical +triadically +triadism +triadist +triaene +triaenose +triage +triagonal +triakisicosahedral +triakisicosahedron +triakisoctahedral +triakisoctahedrid +triakisoctahedron +triakistetrahedral +triakistetrahedron +trial +trialate +trialism +trialist +triality +trialogue +triamid +triamide +triamine +triamino +triammonium +triamylose +triander +Triandria +triandrian +triandrous +triangle +triangled +triangler +triangleways +trianglewise +trianglework +Triangula +triangular +triangularity +triangularly +triangulate +triangulately +triangulation +triangulator +Triangulid +trianguloid +triangulopyramidal +triangulotriangular +Triangulum +triannual +triannulate +Trianon +Triantaphyllos +triantelope +trianthous +triapsal +triapsidal +triarch +triarchate +triarchy +triarctic +triarcuated +triareal +triarii +Triarthrus +triarticulate +Trias +Triassic +triaster +triatic +Triatoma +triatomic +triatomicity +triaxial +triaxon +triaxonian +triazane +triazin +triazine +triazo +triazoic +triazole +triazolic +tribade +tribadism +tribady +tribal +tribalism +tribalist +tribally +tribarred +tribase +tribasic +tribasicity +tribasilar +tribble +tribe +tribeless +tribelet +tribelike +tribesfolk +tribeship +tribesman +tribesmanship +tribespeople +tribeswoman +triblastic +triblet +triboelectric +triboelectricity +tribofluorescence +tribofluorescent +Tribolium +triboluminescence +triboluminescent +tribometer +Tribonema +Tribonemaceae +tribophosphorescence +tribophosphorescent +tribophosphoroscope +triborough +tribrac +tribrach +tribrachial +tribrachic +tribracteate +tribracteolate +tribromacetic +tribromide +tribromoethanol +tribromophenol +tribromphenate +tribromphenol +tribual +tribually +tribular +tribulate +tribulation +tribuloid +Tribulus +tribuna +tribunal +tribunate +tribune +tribuneship +tribunitial +tribunitian +tribunitiary +tribunitive +tributable +tributarily +tributariness +tributary +tribute +tributer +tributist +tributorian +tributyrin +trica +tricae +tricalcic +tricalcium +tricapsular +tricar +tricarballylic +tricarbimide +tricarbon +tricarboxylic +tricarinate +tricarinated +tricarpellary +tricarpellate +tricarpous +tricaudal +tricaudate +trice +tricellular +tricenarious +tricenarium +tricenary +tricennial +tricentenarian +tricentenary +tricentennial +tricentral +tricephal +tricephalic +tricephalous +tricephalus +triceps +Triceratops +triceria +tricerion +tricerium +trichatrophia +trichauxis +Trichechidae +trichechine +trichechodont +Trichechus +trichevron +trichi +trichia +trichiasis +Trichilia +Trichina +trichina +trichinae +trichinal +Trichinella +trichiniasis +trichiniferous +trichinization +trichinize +trichinoid +trichinopoly +trichinoscope +trichinoscopy +trichinosed +trichinosis +trichinotic +trichinous +trichite +trichitic +trichitis +trichiurid +Trichiuridae +trichiuroid +Trichiurus +trichloride +trichlormethane +trichloro +trichloroacetic +trichloroethylene +trichloromethane +trichloromethyl +trichobacteria +trichobezoar +trichoblast +trichobranchia +trichobranchiate +trichocarpous +trichocephaliasis +Trichocephalus +trichoclasia +trichoclasis +trichocyst +trichocystic +trichode +Trichoderma +Trichodesmium +Trichodontidae +trichoepithelioma +trichogen +trichogenous +trichoglossia +Trichoglossidae +Trichoglossinae +trichoglossine +Trichogramma +Trichogrammatidae +trichogyne +trichogynial +trichogynic +trichoid +Tricholaena +trichological +trichologist +trichology +Tricholoma +trichoma +Trichomanes +trichomaphyte +trichomatose +trichomatosis +trichomatous +trichome +trichomic +trichomonad +Trichomonadidae +Trichomonas +trichomoniasis +trichomycosis +trichonosus +trichopathic +trichopathy +trichophore +trichophoric +trichophyllous +trichophyte +trichophytia +trichophytic +Trichophyton +trichophytosis +Trichoplax +trichopore +trichopter +Trichoptera +trichoptera +trichopteran +trichopteron +trichopterous +trichopterygid +Trichopterygidae +trichord +trichorrhea +trichorrhexic +trichorrhexis +Trichosanthes +trichoschisis +trichosis +trichosporange +trichosporangial +trichosporangium +Trichosporum +trichostasis +Trichostema +trichostrongyle +trichostrongylid +Trichostrongylus +trichothallic +trichotillomania +trichotomic +trichotomism +trichotomist +trichotomize +trichotomous +trichotomously +trichotomy +trichroic +trichroism +trichromat +trichromate +trichromatic +trichromatism +trichromatist +trichrome +trichromic +trichronous +trichuriasis +Trichuris +trichy +Tricia +tricinium +tricipital +tricircular +trick +tricker +trickery +trickful +trickily +trickiness +tricking +trickingly +trickish +trickishly +trickishness +trickle +trickless +tricklet +tricklike +trickling +tricklingly +trickly +trickment +trickproof +tricksical +tricksily +tricksiness +tricksome +trickster +trickstering +trickstress +tricksy +tricktrack +tricky +triclad +Tricladida +triclinate +triclinia +triclinial +tricliniarch +tricliniary +triclinic +triclinium +triclinohedric +tricoccose +tricoccous +tricolette +tricolic +tricolon +tricolor +tricolored +tricolumnar +tricompound +triconch +Triconodon +triconodont +Triconodonta +triconodontid +triconodontoid +triconodonty +triconsonantal +triconsonantalism +tricophorous +tricorn +tricornered +tricornute +tricorporal +tricorporate +tricoryphean +tricosane +tricosanone +tricostate +tricosyl +tricosylic +tricot +tricotine +tricotyledonous +tricresol +tricrotic +tricrotism +tricrotous +tricrural +tricurvate +tricuspal +tricuspid +tricuspidal +tricuspidate +tricuspidated +tricussate +tricyanide +tricycle +tricyclene +tricycler +tricyclic +tricyclist +Tricyrtis +Tridacna +Tridacnidae +tridactyl +tridactylous +tridaily +triddler +tridecane +tridecene +tridecilateral +tridecoic +tridecyl +tridecylene +tridecylic +trident +tridental +tridentate +tridentated +tridentiferous +Tridentine +Tridentinian +tridepside +tridermic +tridiametral +tridiapason +tridigitate +tridimensional +tridimensionality +tridimensioned +tridiurnal +tridominium +tridrachm +triduan +triduum +tridymite +tridynamous +tried +triedly +trielaidin +triene +triennial +trienniality +triennially +triennium +triens +triental +Trientalis +triequal +trier +trierarch +trierarchal +trierarchic +trierarchy +trierucin +trieteric +trieterics +triethanolamine +triethyl +triethylamine +triethylstibine +trifa +trifacial +trifarious +trifasciated +triferous +trifid +trifilar +trifistulary +triflagellate +trifle +trifledom +trifler +triflet +trifling +triflingly +triflingness +trifloral +triflorate +triflorous +trifluoride +trifocal +trifoil +trifold +trifoliate +trifoliated +trifoliolate +trifoliosis +Trifolium +trifolium +trifoly +triforial +triforium +triform +triformed +triformin +triformity +triformous +trifoveolate +trifuran +trifurcal +trifurcate +trifurcation +trig +trigamist +trigamous +trigamy +trigeminal +trigeminous +trigeneric +trigesimal +trigger +triggered +triggerfish +triggerless +trigintal +trigintennial +Trigla +triglandular +triglid +Triglidae +triglochid +Triglochin +triglochin +triglot +trigly +triglyceride +triglyceryl +triglyph +triglyphal +triglyphed +triglyphic +triglyphical +trigness +trigon +Trigona +trigonal +trigonally +trigone +Trigonella +trigonelline +trigoneutic +trigoneutism +Trigonia +Trigoniaceae +trigoniacean +trigoniaceous +trigonic +trigonid +Trigoniidae +trigonite +trigonitis +trigonocephalic +trigonocephalous +Trigonocephalus +trigonocephaly +trigonocerous +trigonododecahedron +trigonodont +trigonoid +trigonometer +trigonometric +trigonometrical +trigonometrician +trigonometry +trigonon +trigonotype +trigonous +trigonum +trigram +trigrammatic +trigrammatism +trigrammic +trigraph +trigraphic +triguttulate +trigyn +Trigynia +trigynian +trigynous +trihalide +trihedral +trihedron +trihemeral +trihemimer +trihemimeral +trihemimeris +trihemiobol +trihemiobolion +trihemitetartemorion +trihoral +trihourly +trihybrid +trihydrate +trihydrated +trihydric +trihydride +trihydrol +trihydroxy +trihypostatic +trijugate +trijugous +trijunction +trikaya +trike +triker +trikeria +trikerion +triketo +triketone +trikir +trilabe +trilabiate +trilamellar +trilamellated +trilaminar +trilaminate +trilarcenous +trilateral +trilaterality +trilaterally +trilateralness +trilaurin +trilby +trilemma +trilinear +trilineate +trilineated +trilingual +trilinguar +trilinolate +trilinoleate +trilinolenate +trilinolenin +Trilisa +trilit +trilite +triliteral +triliteralism +triliterality +triliterally +triliteralness +trilith +trilithic +trilithon +trill +trillachan +trillet +trilli +Trilliaceae +trilliaceous +trillibub +trilliin +trilling +trillion +trillionaire +trillionize +trillionth +Trillium +trillium +trillo +trilobate +trilobated +trilobation +trilobe +trilobed +Trilobita +trilobite +trilobitic +trilocular +triloculate +trilogic +trilogical +trilogist +trilogy +Trilophodon +trilophodont +triluminar +triluminous +trim +trimacer +trimacular +trimargarate +trimargarin +trimastigate +trimellitic +trimembral +trimensual +trimer +Trimera +trimercuric +Trimeresurus +trimeric +trimeride +trimerite +trimerization +trimerous +trimesic +trimesinic +trimesitic +trimesitinic +trimester +trimestral +trimestrial +trimesyl +trimetalism +trimetallic +trimeter +trimethoxy +trimethyl +trimethylacetic +trimethylamine +trimethylbenzene +trimethylene +trimethylmethane +trimethylstibine +trimetric +trimetrical +trimetrogon +trimly +trimmer +trimming +trimmingly +trimness +trimodal +trimodality +trimolecular +trimonthly +trimoric +trimorph +trimorphic +trimorphism +trimorphous +trimotor +trimotored +trimstone +trimtram +trimuscular +trimyristate +trimyristin +trin +Trinacrian +trinal +trinality +trinalize +trinary +trinational +trindle +trine +trinely +trinervate +trinerve +trinerved +trineural +Tringa +tringine +tringle +tringoid +Trinidadian +trinidado +Trinil +Trinitarian +trinitarian +Trinitarianism +trinitrate +trinitration +trinitride +trinitrin +trinitro +trinitrocarbolic +trinitrocellulose +trinitrocresol +trinitroglycerin +trinitromethane +trinitrophenol +trinitroresorcin +trinitrotoluene +trinitroxylene +trinitroxylol +Trinity +trinity +trinityhood +trink +trinkerman +trinket +trinketer +trinketry +trinkety +trinkle +trinklement +trinklet +trinkums +Trinobantes +trinoctial +trinodal +trinode +trinodine +trinol +trinomial +trinomialism +trinomialist +trinomiality +trinomially +trinopticon +Trinorantum +Trinovant +Trinovantes +trintle +trinucleate +Trinucleus +Trio +trio +triobol +triobolon +trioctile +triocular +triode +triodia +triodion +Triodon +Triodontes +Triodontidae +triodontoid +Triodontoidea +Triodontoidei +Triodontophorus +Trioecia +trioecious +trioeciously +trioecism +triolcous +triole +trioleate +triolefin +trioleic +triolein +triolet +triology +Trionychidae +trionychoid +Trionychoideachid +trionychoidean +trionym +trionymal +Trionyx +trioperculate +Triopidae +Triops +trior +triorchis +triorchism +triorthogonal +triose +Triosteum +triovulate +trioxazine +trioxide +trioxymethylene +triozonide +trip +tripal +tripaleolate +tripalmitate +tripalmitin +tripara +tripart +triparted +tripartedly +tripartible +tripartient +tripartite +tripartitely +tripartition +tripaschal +tripe +tripedal +tripel +tripelike +tripeman +tripemonger +tripennate +tripenny +tripeptide +tripersonal +tripersonalism +tripersonalist +tripersonality +tripersonally +tripery +tripeshop +tripestone +tripetaloid +tripetalous +tripewife +tripewoman +triphammer +triphane +triphase +triphaser +Triphasia +triphasic +triphenyl +triphenylamine +triphenylated +triphenylcarbinol +triphenylmethane +triphenylmethyl +triphenylphosphine +triphibian +triphibious +triphony +Triphora +triphthong +triphyletic +triphyline +triphylite +triphyllous +Triphysite +tripinnate +tripinnated +tripinnately +tripinnatifid +tripinnatisect +Tripitaka +triplane +Triplaris +triplasian +triplasic +triple +tripleback +triplefold +triplegia +tripleness +triplet +tripletail +tripletree +triplewise +triplex +triplexity +triplicate +triplication +triplicative +triplicature +Triplice +Triplicist +triplicity +triplicostate +tripliform +triplinerved +tripling +triplite +triploblastic +triplocaulescent +triplocaulous +Triplochitonaceae +triploid +triploidic +triploidite +triploidy +triplopia +triplopy +triplum +triplumbic +triply +tripmadam +tripod +tripodal +tripodial +tripodian +tripodic +tripodical +tripody +tripointed +tripolar +tripoli +Tripoline +tripoline +Tripolitan +tripolite +tripos +tripotassium +trippant +tripper +trippet +tripping +trippingly +trippingness +trippist +tripple +trippler +Tripsacum +tripsill +tripsis +tripsome +tripsomely +triptane +tripterous +triptote +triptych +triptyque +tripudial +tripudiant +tripudiary +tripudiate +tripudiation +tripudist +tripudium +tripunctal +tripunctate +tripy +Tripylaea +tripylaean +Tripylarian +tripylarian +tripyrenous +triquadrantal +triquetra +triquetral +triquetric +triquetrous +triquetrously +triquetrum +triquinate +triquinoyl +triradial +triradially +triradiate +triradiated +triradiately +triradiation +Triratna +trirectangular +triregnum +trireme +trirhombohedral +trirhomboidal +triricinolein +trisaccharide +trisaccharose +trisacramentarian +Trisagion +trisalt +trisazo +trisceptral +trisect +trisected +trisection +trisector +trisectrix +triseme +trisemic +trisensory +trisepalous +triseptate +triserial +triserially +triseriate +triseriatim +trisetose +Trisetum +trishna +trisilane +trisilicane +trisilicate +trisilicic +trisinuate +trisinuated +triskele +triskelion +trismegist +trismegistic +trismic +trismus +trisoctahedral +trisoctahedron +trisodium +trisome +trisomic +trisomy +trisonant +Trisotropis +trispast +trispaston +trispermous +trispinose +trisplanchnic +trisporic +trisporous +trisquare +trist +tristachyous +Tristam +Tristan +Tristania +tristate +tristearate +tristearin +tristeness +tristetrahedron +tristeza +tristful +tristfully +tristfulness +tristich +Tristichaceae +tristichic +tristichous +tristigmatic +tristigmatose +tristiloquy +tristisonous +Tristram +tristylous +trisubstituted +trisubstitution +trisul +trisula +trisulcate +trisulcated +trisulphate +trisulphide +trisulphone +trisulphonic +trisulphoxide +trisylabic +trisyllabical +trisyllabically +trisyllabism +trisyllabity +trisyllable +tritactic +tritagonist +tritangent +tritangential +tritanope +tritanopia +tritanopic +tritaph +trite +Triteleia +tritely +tritemorion +tritencephalon +triteness +triternate +triternately +triterpene +tritetartemorion +tritheism +tritheist +tritheistic +tritheistical +tritheite +tritheocracy +trithing +trithioaldehyde +trithiocarbonate +trithiocarbonic +trithionate +trithionic +Trithrinax +tritical +triticality +tritically +triticalness +triticeous +triticeum +triticin +triticism +triticoid +Triticum +triticum +tritish +tritium +tritocerebral +tritocerebrum +tritocone +tritoconid +Tritogeneia +tritolo +Tritoma +tritomite +Triton +triton +tritonal +tritonality +tritone +Tritoness +Tritonia +Tritonic +Tritonidae +tritonoid +tritonous +tritonymph +tritonymphal +tritopatores +tritopine +tritor +tritoral +tritorium +tritoxide +tritozooid +tritriacontane +trittichan +tritubercular +Trituberculata +trituberculism +trituberculy +triturable +tritural +triturate +trituration +triturator +triturature +triturium +Triturus +trityl +Tritylodon +Triumfetta +Triumph +triumph +triumphal +triumphance +triumphancy +triumphant +triumphantly +triumphator +triumpher +triumphing +triumphwise +triumvir +triumviral +triumvirate +triumviri +triumvirship +triunal +triune +triungulin +triunification +triunion +triunitarian +triunity +triunsaturated +triurid +Triuridaceae +Triuridales +Triuris +trivalence +trivalency +trivalent +trivalerin +trivalve +trivalvular +trivant +trivantly +trivariant +triverbal +triverbial +trivet +trivetwise +trivia +trivial +trivialism +trivialist +triviality +trivialize +trivially +trivialness +trivirga +trivirgate +trivium +trivoltine +trivvet +triweekly +Trix +Trixie +Trixy +trizoic +trizomal +trizonal +trizone +Trizonia +Troad +troat +troca +trocaical +trocar +Trochaic +trochaic +trochaicality +trochal +trochalopod +Trochalopoda +trochalopodous +trochanter +trochanteric +trochanterion +trochantin +trochantinian +trochart +trochate +troche +trocheameter +trochee +trocheeize +trochelminth +Trochelminthes +trochi +trochid +Trochidae +trochiferous +trochiform +Trochila +Trochili +trochili +trochilic +trochilics +trochilidae +trochilidine +trochilidist +trochiline +trochilopodous +Trochilus +trochilus +troching +trochiscation +trochiscus +trochite +trochitic +Trochius +trochlea +trochlear +trochleariform +trochlearis +trochleary +trochleate +trochleiform +trochocephalia +trochocephalic +trochocephalus +trochocephaly +Trochodendraceae +trochodendraceous +Trochodendron +trochoid +trochoidal +trochoidally +trochoides +trochometer +trochophore +Trochosphaera +Trochosphaerida +trochosphere +trochospherical +Trochozoa +trochozoic +trochozoon +Trochus +trochus +trock +troco +troctolite +trod +trodden +trode +troegerite +Troezenian +troft +trog +trogger +troggin +troglodytal +troglodyte +Troglodytes +troglodytic +troglodytical +Troglodytidae +Troglodytinae +troglodytish +troglodytism +trogon +Trogones +Trogonidae +Trogoniformes +trogonoid +trogs +trogue +Troiades +Troic +troika +troilite +Trojan +troke +troker +troll +trolldom +trolleite +troller +trolley +trolleyer +trolleyful +trolleyman +trollflower +trollimog +trolling +Trollius +trollman +trollol +trollop +Trollopean +Trollopeanism +trollopish +trollops +trollopy +trolly +tromba +trombe +trombiculid +trombidiasis +Trombidiidae +Trombidium +trombone +trombonist +trombony +trommel +tromometer +tromometric +tromometrical +tromometry +tromp +trompe +trompil +trompillo +tromple +tron +trona +tronador +tronage +tronc +trondhjemite +trone +troner +troolie +troop +trooper +trooperess +troopfowl +troopship +troopwise +troostite +troostitic +troot +tropacocaine +tropaeolaceae +tropaeolaceous +tropaeolin +Tropaeolum +tropaion +tropal +troparia +troparion +tropary +tropate +trope +tropeic +tropeine +troper +tropesis +trophaea +trophaeum +trophal +trophallactic +trophallaxis +trophectoderm +trophedema +trophema +trophesial +trophesy +trophi +trophic +trophical +trophically +trophicity +trophied +Trophis +trophism +trophobiont +trophobiosis +trophobiotic +trophoblast +trophoblastic +trophochromatin +trophocyte +trophoderm +trophodisc +trophodynamic +trophodynamics +trophogenesis +trophogenic +trophogeny +trophology +trophonema +trophoneurosis +trophoneurotic +Trophonian +trophonucleus +trophopathy +trophophore +trophophorous +trophophyte +trophoplasm +trophoplasmatic +trophoplasmic +trophoplast +trophosomal +trophosome +trophosperm +trophosphere +trophospongia +trophospongial +trophospongium +trophospore +trophotaxis +trophotherapy +trophothylax +trophotropic +trophotropism +trophozoite +trophozooid +trophy +trophyless +trophywort +tropic +tropical +Tropicalia +Tropicalian +tropicality +tropicalization +tropicalize +tropically +tropicopolitan +tropidine +Tropidoleptus +tropine +tropism +tropismatic +tropist +tropistic +tropocaine +tropologic +tropological +tropologically +tropologize +tropology +tropometer +tropopause +tropophil +tropophilous +tropophyte +tropophytic +troposphere +tropostereoscope +tropoyl +troptometer +tropyl +trostera +trot +trotcozy +troth +trothful +trothless +trothlike +trothplight +trotlet +trotline +trotol +trotter +trottie +trottles +trottoir +trottoired +trotty +trotyl +troubadour +troubadourish +troubadourism +troubadourist +trouble +troubledly +troubledness +troublemaker +troublemaking +troublement +troubleproof +troubler +troublesome +troublesomely +troublesomeness +troubling +troublingly +troublous +troublously +troublousness +troubly +trough +troughful +troughing +troughlike +troughster +troughway +troughwise +troughy +trounce +trouncer +troupand +troupe +trouper +troupial +trouse +trouser +trouserdom +trousered +trouserettes +trouserian +trousering +trouserless +trousers +trousseau +trousseaux +trout +troutbird +trouter +troutflower +troutful +troutiness +troutless +troutlet +troutlike +trouty +trouvere +trouveur +trove +troveless +trover +trow +trowel +trowelbeak +troweler +trowelful +trowelman +trowing +trowlesworthite +trowman +trowth +Troy +troy +Troynovant +Troytown +truancy +truandise +truant +truantcy +truantism +truantlike +truantly +truantness +truantry +truantship +trub +trubu +truce +trucebreaker +trucebreaking +truceless +trucemaker +trucemaking +trucial +trucidation +truck +truckage +trucker +truckful +trucking +truckle +truckler +trucklike +truckling +trucklingly +truckload +truckman +truckmaster +trucks +truckster +truckway +truculence +truculency +truculent +truculental +truculently +truculentness +truddo +trudellite +trudge +trudgen +trudger +Trudy +true +trueborn +truebred +truehearted +trueheartedly +trueheartedness +truelike +truelove +trueness +truepenny +truer +truff +truffle +truffled +trufflelike +truffler +trufflesque +trug +truish +truism +truismatic +truistic +truistical +trull +Trullan +truller +trullization +trullo +truly +trumbash +trummel +trump +trumper +trumperiness +trumpery +trumpet +trumpetbush +trumpeter +trumpeting +trumpetless +trumpetlike +trumpetry +trumpetweed +trumpetwood +trumpety +trumph +trumpie +trumpless +trumplike +trun +truncage +truncal +truncate +truncated +Truncatella +Truncatellidae +truncately +truncation +truncator +truncatorotund +truncatosinuate +truncature +trunch +trunched +truncheon +truncheoned +truncher +trunchman +trundle +trundlehead +trundler +trundleshot +trundletail +trundling +trunk +trunkback +trunked +trunkfish +trunkful +trunking +trunkless +trunkmaker +trunknose +trunkway +trunkwork +trunnel +trunnion +trunnioned +trunnionless +trush +trusion +truss +trussed +trussell +trusser +trussing +trussmaker +trussmaking +trusswork +trust +trustability +trustable +trustableness +trustably +trustee +trusteeism +trusteeship +trusten +truster +trustful +trustfully +trustfulness +trustification +trustify +trustihood +trustily +trustiness +trusting +trustingly +trustingness +trustle +trustless +trustlessly +trustlessness +trustman +trustmonger +trustwoman +trustworthily +trustworthiness +trustworthy +trusty +truth +truthable +truthful +truthfully +truthfulness +truthify +truthiness +truthless +truthlessly +truthlessness +truthlike +truthlikeness +truthsman +truthteller +truthtelling +truthy +Trutta +truttaceous +truvat +truxillic +truxilline +try +trygon +Trygonidae +tryhouse +Trying +trying +tryingly +tryingness +tryma +tryout +tryp +trypa +trypan +trypaneid +Trypaneidae +trypanocidal +trypanocide +trypanolysin +trypanolysis +trypanolytic +Trypanosoma +trypanosoma +trypanosomacidal +trypanosomacide +trypanosomal +trypanosomatic +Trypanosomatidae +trypanosomatosis +trypanosomatous +trypanosome +trypanosomiasis +trypanosomic +Tryparsamide +Trypeta +trypetid +Trypetidae +Tryphena +Tryphosa +trypiate +trypograph +trypographic +trypsin +trypsinize +trypsinogen +tryptase +tryptic +tryptogen +tryptone +tryptonize +tryptophan +trysail +tryst +tryster +trysting +tryt +tryworks +tsadik +tsamba +tsantsa +tsar +tsardom +tsarevitch +tsarina +tsaritza +tsarship +tsatlee +Tsattine +tscharik +tscheffkinite +Tscherkess +tsere +tsessebe +tsetse +Tshi +tsia +Tsiltaden +Tsimshian +tsine +tsingtauite +tsiology +Tsoneca +Tsonecan +tst +tsuba +tsubo +Tsuga +Tsuma +tsumebite +tsun +tsunami +tsungtu +Tsutsutsi +tu +tua +Tualati +Tuamotu +Tuamotuan +Tuan +tuan +Tuareg +tuarn +tuart +tuatara +tuatera +tuath +tub +Tuba +tuba +tubae +tubage +tubal +tubaphone +tubar +tubate +tubatoxin +Tubatulabal +tubba +tubbable +tubbal +tubbeck +tubber +tubbie +tubbiness +tubbing +tubbish +tubboe +tubby +tube +tubeflower +tubeform +tubeful +tubehead +tubehearted +tubeless +tubelet +tubelike +tubemaker +tubemaking +tubeman +tuber +Tuberaceae +tuberaceous +Tuberales +tuberation +tubercle +tubercled +tuberclelike +tubercula +tubercular +Tubercularia +Tuberculariaceae +tuberculariaceous +tubercularization +tubercularize +tubercularly +tubercularness +tuberculate +tuberculated +tuberculatedly +tuberculately +tuberculation +tuberculatogibbous +tuberculatonodose +tuberculatoradiate +tuberculatospinous +tubercule +tuberculed +tuberculid +tuberculide +tuberculiferous +tuberculiform +tuberculin +tuberculinic +tuberculinization +tuberculinize +tuberculization +tuberculize +tuberculocele +tuberculocidin +tuberculoderma +tuberculoid +tuberculoma +tuberculomania +tuberculomata +tuberculophobia +tuberculoprotein +tuberculose +tuberculosectorial +tuberculosed +tuberculosis +tuberculotherapist +tuberculotherapy +tuberculotoxin +tuberculotrophic +tuberculous +tuberculously +tuberculousness +tuberculum +tuberiferous +tuberiform +tuberin +tuberization +tuberize +tuberless +tuberoid +tuberose +tuberosity +tuberous +tuberously +tuberousness +tubesmith +tubework +tubeworks +tubfish +tubful +tubicen +tubicinate +tubicination +Tubicola +Tubicolae +tubicolar +tubicolous +tubicorn +tubicornous +tubifacient +tubifer +tubiferous +Tubifex +Tubificidae +Tubiflorales +tubiflorous +tubiform +tubig +tubik +tubilingual +Tubinares +tubinarial +tubinarine +tubing +Tubingen +tubiparous +Tubipora +tubipore +tubiporid +Tubiporidae +tubiporoid +tubiporous +tublet +tublike +tubmaker +tubmaking +tubman +tuboabdominal +tubocurarine +tubolabellate +tuboligamentous +tuboovarial +tuboovarian +tuboperitoneal +tuborrhea +tubotympanal +tubovaginal +tubular +Tubularia +tubularia +Tubulariae +tubularian +Tubularida +tubularidan +Tubulariidae +tubularity +tubularly +tubulate +tubulated +tubulation +tubulator +tubulature +tubule +tubulet +tubuli +tubulibranch +tubulibranchian +Tubulibranchiata +tubulibranchiate +Tubulidentata +tubulidentate +Tubulifera +tubuliferan +tubuliferous +tubulifloral +tubuliflorous +tubuliform +Tubulipora +tubulipore +tubuliporid +Tubuliporidae +tubuliporoid +tubulization +tubulodermoid +tubuloracemose +tubulosaccular +tubulose +tubulostriato +tubulous +tubulously +tubulousness +tubulure +tubulus +tubwoman +Tucana +Tucanae +tucandera +Tucano +tuchit +tuchun +tuchunate +tuchunism +tuchunize +tuck +Tuckahoe +tuckahoe +tucker +tuckermanity +tucket +tucking +tuckner +tuckshop +tucktoo +tucky +tucum +tucuma +tucuman +Tucuna +tudel +Tudesque +Tudor +Tudoresque +tue +tueiron +Tuesday +tufa +tufaceous +tufalike +tufan +tuff +tuffaceous +tuffet +tuffing +tuft +tuftaffeta +tufted +tufter +tufthunter +tufthunting +tuftily +tufting +tuftlet +tufty +tug +tugboat +tugboatman +tugger +tuggery +tugging +tuggingly +tughra +tugless +tuglike +tugman +tugrik +tugui +tugurium +tui +tuik +tuille +tuillette +tuilyie +tuism +tuition +tuitional +tuitionary +tuitive +tuke +tukra +Tukuler +Tukulor +tula +Tulalip +tulare +tularemia +tulasi +Tulbaghia +tulchan +tulchin +tule +tuliac +tulip +Tulipa +tulipflower +tulipiferous +tulipist +tuliplike +tulipomania +tulipomaniac +tulipwood +tulipy +tulisan +Tulkepaia +tulle +Tullian +tullibee +Tulostoma +tulsi +Tulu +tulwar +tum +tumasha +tumatakuru +tumatukuru +tumbak +tumbester +tumble +tumblebug +tumbled +tumbledung +tumbler +tumblerful +tumblerlike +tumblerwise +tumbleweed +tumblification +tumbling +tumblingly +tumbly +Tumboa +tumbrel +tume +tumefacient +tumefaction +tumefy +tumescence +tumescent +tumid +tumidity +tumidly +tumidness +Tumion +tummals +tummel +tummer +tummock +tummy +tumor +tumored +tumorlike +tumorous +tump +tumpline +tumtum +tumular +tumulary +tumulate +tumulation +tumuli +tumulose +tumulosity +tumulous +tumult +tumultuarily +tumultuariness +tumultuary +tumultuate +tumultuation +tumultuous +tumultuously +tumultuousness +tumulus +Tumupasa +tun +Tuna +tuna +tunable +tunableness +tunably +tunbellied +tunbelly +tunca +tund +tundagslatta +tunder +tundish +tundra +tundun +tune +Tunebo +tuned +tuneful +tunefully +tunefulness +tuneless +tunelessly +tunelessness +tunemaker +tunemaking +tuner +tunesome +tunester +tunful +tung +Tunga +Tungan +tungate +tungo +tungstate +tungsten +tungstenic +tungsteniferous +tungstenite +tungstic +tungstite +tungstosilicate +tungstosilicic +Tungus +Tungusian +Tungusic +tunhoof +tunic +Tunica +Tunican +tunicary +Tunicata +tunicate +tunicated +tunicin +tunicked +tunicle +tunicless +tuniness +tuning +tunish +Tunisian +tunist +tunk +Tunker +tunket +tunlike +tunmoot +tunna +tunnel +tunneled +tunneler +tunneling +tunnelist +tunnelite +tunnellike +tunnelly +tunnelmaker +tunnelmaking +tunnelman +tunnelway +tunner +tunnery +Tunnit +tunnland +tunnor +tunny +tuno +tunu +tuny +tup +Tupaia +Tupaiidae +tupakihi +tupanship +tupara +tupek +tupelo +Tupi +Tupian +tupik +Tupinamba +Tupinaqui +tupman +tuppence +tuppenny +Tupperian +Tupperish +Tupperism +Tupperize +tupuna +tuque +tur +turacin +Turacus +Turanian +Turanianism +Turanism +turanose +turb +turban +turbaned +turbanesque +turbanette +turbanless +turbanlike +turbantop +turbanwise +turbary +turbeh +Turbellaria +turbellarian +turbellariform +turbescency +turbid +turbidimeter +turbidimetric +turbidimetry +turbidity +turbidly +turbidness +turbinaceous +turbinage +turbinal +turbinate +turbinated +turbination +turbinatoconcave +turbinatocylindrical +turbinatoglobose +turbinatostipitate +turbine +turbinectomy +turbined +turbinelike +Turbinella +Turbinellidae +turbinelloid +turbiner +turbines +Turbinidae +turbiniform +turbinoid +turbinotome +turbinotomy +turbit +turbith +turbitteen +Turbo +turbo +turboalternator +turboblower +turbocompressor +turbodynamo +turboexciter +turbofan +turbogenerator +turbomachine +turbomotor +turbopump +turbosupercharge +turbosupercharger +turbot +turbotlike +turboventilator +turbulence +turbulency +turbulent +turbulently +turbulentness +Turcian +Turcic +Turcification +Turcism +Turcize +Turco +turco +Turcoman +Turcophilism +turcopole +turcopolier +turd +Turdetan +Turdidae +turdiform +Turdinae +turdine +turdoid +Turdus +tureen +tureenful +turf +turfage +turfdom +turfed +turfen +turfiness +turfing +turfite +turfless +turflike +turfman +turfwise +turfy +turgency +turgent +turgently +turgesce +turgescence +turgescency +turgescent +turgescible +turgid +turgidity +turgidly +turgidness +turgite +turgoid +turgor +turgy +Turi +turicata +turio +turion +turioniferous +turjaite +turjite +Turk +turk +Turkana +Turkdom +Turkeer +turken +Turkery +Turkess +Turkey +turkey +turkeyback +turkeyberry +turkeybush +Turkeydom +turkeyfoot +Turkeyism +turkeylike +Turki +Turkic +Turkicize +Turkification +Turkify +turkis +Turkish +Turkishly +Turkishness +Turkism +Turkize +turkle +Turklike +Turkman +Turkmen +Turkmenian +Turkologist +Turkology +Turkoman +Turkomania +Turkomanic +Turkomanize +Turkophil +Turkophile +Turkophilia +Turkophilism +Turkophobe +Turkophobist +turlough +Turlupin +turm +turma +turment +turmeric +turmit +turmoil +turmoiler +turn +turnable +turnabout +turnagain +turnaround +turnaway +turnback +turnbout +turnbuckle +turncap +turncoat +turncoatism +turncock +turndown +turndun +turned +turnel +turner +Turnera +Turneraceae +turneraceous +Turneresque +Turnerian +Turnerism +turnerite +turnery +turney +turngate +turnhall +Turnhalle +Turnices +Turnicidae +turnicine +Turnicomorphae +turnicomorphic +turning +turningness +turnip +turniplike +turnipweed +turnipwise +turnipwood +turnipy +Turnix +turnix +turnkey +turnoff +turnout +turnover +turnpike +turnpiker +turnpin +turnplate +turnplow +turnrow +turns +turnscrew +turnsheet +turnskin +turnsole +turnspit +turnstile +turnstone +turntable +turntail +turnup +turnwrest +turnwrist +Turonian +turp +turpantineweed +turpentine +turpentineweed +turpentinic +turpeth +turpethin +turpid +turpidly +turpitude +turps +turquoise +turquoiseberry +turquoiselike +turr +turret +turreted +turrethead +turretlike +turrical +turricle +turricula +turriculae +turricular +turriculate +turriferous +turriform +turrigerous +Turrilepas +turrilite +Turrilites +turriliticone +Turrilitidae +Turritella +turritella +turritellid +Turritellidae +turritelloid +turse +Tursenoi +Tursha +tursio +Tursiops +Turtan +turtle +turtleback +turtlebloom +turtledom +turtledove +turtlehead +turtleize +turtlelike +turtler +turtlet +turtling +turtosa +tururi +turus +Turveydrop +Turveydropdom +Turveydropian +turwar +Tusayan +Tuscan +Tuscanism +Tuscanize +Tuscanlike +Tuscany +Tuscarora +tusche +Tusculan +Tush +tush +tushed +Tushepaw +tusher +tushery +tusk +tuskar +tusked +Tuskegee +tusker +tuskish +tuskless +tusklike +tuskwise +tusky +tussah +tussal +tusser +tussicular +Tussilago +tussis +tussive +tussle +tussock +tussocked +tussocker +tussocky +tussore +tussur +tut +tutania +tutball +tute +tutee +tutela +tutelage +tutelar +tutelary +Tutelo +tutenag +tuth +tutin +tutiorism +tutiorist +tutly +tutman +tutor +tutorage +tutorer +tutoress +tutorhood +tutorial +tutorially +tutoriate +tutorism +tutorization +tutorize +tutorless +tutorly +tutorship +tutory +tutoyer +tutress +tutrice +tutrix +tuts +tutsan +tutster +tutti +tuttiman +tutty +tutu +tutulus +Tututni +tutwork +tutworker +tutworkman +tuwi +tux +tuxedo +tuyere +Tuyuneiri +tuza +Tuzla +tuzzle +twa +Twaddell +twaddle +twaddledom +twaddleize +twaddlement +twaddlemonger +twaddler +twaddlesome +twaddling +twaddlingly +twaddly +twaddy +twae +twaesome +twafauld +twagger +twain +twaite +twal +twale +twalpenny +twalpennyworth +twalt +Twana +twang +twanger +twanginess +twangle +twangler +twangy +twank +twanker +twanking +twankingly +twankle +twanky +twant +twarly +twas +twasome +twat +twatchel +twatterlight +twattle +twattler +twattling +tway +twayblade +twazzy +tweag +tweak +tweaker +tweaky +twee +tweed +tweeded +tweedle +tweedledee +tweedledum +tweedy +tweeg +tweel +tween +tweenlight +tweeny +tweesh +tweesht +tweest +tweet +tweeter +tweeze +tweezer +tweezers +tweil +twelfhynde +twelfhyndeman +twelfth +twelfthly +Twelfthtide +twelve +twelvefold +twelvehynde +twelvehyndeman +twelvemo +twelvemonth +twelvepence +twelvepenny +twelvescore +twentieth +twentiethly +twenty +twentyfold +twentymo +twere +twerp +Twi +twibil +twibilled +twice +twicer +twicet +twichild +twick +twiddle +twiddler +twiddling +twiddly +twifoil +twifold +twifoldly +twig +twigful +twigged +twiggen +twigger +twiggy +twigless +twiglet +twiglike +twigsome +twigwithy +twilight +twilightless +twilightlike +twilighty +twilit +twill +twilled +twiller +twilling +twilly +twilt +twin +twinable +twinberry +twinborn +twindle +twine +twineable +twinebush +twineless +twinelike +twinemaker +twinemaking +twiner +twinflower +twinfold +twinge +twingle +twinhood +twiningly +twinism +twink +twinkle +twinkledum +twinkleproof +twinkler +twinkles +twinkless +twinkling +twinklingly +twinkly +twinleaf +twinlike +twinling +twinly +twinned +twinner +twinness +twinning +twinship +twinsomeness +twinter +twiny +twire +twirk +twirl +twirler +twirligig +twirly +twiscar +twisel +twist +twistable +twisted +twistedly +twistened +twister +twisterer +twistical +twistification +twistily +twistiness +twisting +twistingly +twistiways +twistiwise +twistle +twistless +twisty +twit +twitch +twitchel +twitcheling +twitcher +twitchet +twitchety +twitchfire +twitchily +twitchiness +twitchingly +twitchy +twite +twitlark +twitten +twitter +twitteration +twitterboned +twitterer +twittering +twitteringly +twitterly +twittery +twittingly +twitty +twixt +twixtbrain +twizzened +twizzle +two +twodecker +twofold +twofoldly +twofoldness +twoling +twoness +twopence +twopenny +twosome +twyblade +twyhynde +Tybalt +Tyburn +Tyburnian +Tyche +tychism +tychite +Tychonian +Tychonic +tychoparthenogenesis +tychopotamic +tycoon +tycoonate +tyddyn +tydie +tye +tyee +tyg +Tyigh +tying +tyke +tyken +tykhana +tyking +tylarus +tyleberry +Tylenchus +Tyler +Tylerism +Tylerite +Tylerize +tylion +tyloma +tylopod +Tylopoda +tylopodous +Tylosaurus +tylose +tylosis +tylosteresis +Tylostoma +Tylostomaceae +tylostylar +tylostyle +tylostylote +tylostylus +Tylosurus +tylotate +tylote +tylotic +tylotoxea +tylotoxeate +tylotus +tylus +tymbalon +tymp +tympan +tympana +tympanal +tympanectomy +tympani +tympanic +tympanichord +tympanichordal +tympanicity +tympaniform +tympaning +tympanism +tympanist +tympanites +tympanitic +tympanitis +tympanocervical +tympanohyal +tympanomalleal +tympanomandibular +tympanomastoid +tympanomaxillary +tympanon +tympanoperiotic +tympanosis +tympanosquamosal +tympanostapedial +tympanotemporal +tympanotomy +Tympanuchus +tympanum +tympany +tynd +Tyndallization +Tyndallize +tyndallmeter +Tynwald +typal +typarchical +type +typecast +Typees +typeholder +typer +typescript +typeset +typesetter +typesetting +typewrite +typewriter +typewriting +Typha +Typhaceae +typhaceous +typhemia +typhia +typhic +typhinia +typhization +typhlatonia +typhlatony +typhlectasis +typhlectomy +typhlenteritis +typhlitic +typhlitis +typhloalbuminuria +typhlocele +typhloempyema +typhloenteritis +typhlohepatitis +typhlolexia +typhlolithiasis +typhlology +typhlomegaly +Typhlomolge +typhlon +typhlopexia +typhlopexy +typhlophile +typhlopid +Typhlopidae +Typhlops +typhloptosis +typhlosis +typhlosolar +typhlosole +typhlostenosis +typhlostomy +typhlotomy +typhobacillosis +Typhoean +typhoemia +typhogenic +typhoid +typhoidal +typhoidin +typhoidlike +typholysin +typhomalaria +typhomalarial +typhomania +typhonia +Typhonian +Typhonic +typhonic +typhoon +typhoonish +typhopneumonia +typhose +typhosepsis +typhosis +typhotoxine +typhous +Typhula +typhus +typic +typica +typical +typicality +typically +typicalness +typicon +typicum +typification +typifier +typify +typist +typo +typobar +typocosmy +typographer +typographia +typographic +typographical +typographically +typographist +typography +typolithographic +typolithography +typologic +typological +typologically +typologist +typology +typomania +typometry +typonym +typonymal +typonymic +typonymous +typophile +typorama +typoscript +typotelegraph +typotelegraphy +typothere +Typotheria +Typotheriidae +typothetae +typp +typtological +typtologist +typtology +typy +tyramine +tyranness +Tyranni +tyrannial +tyrannic +tyrannical +tyrannically +tyrannicalness +tyrannicidal +tyrannicide +tyrannicly +Tyrannidae +Tyrannides +Tyranninae +tyrannine +tyrannism +tyrannize +tyrannizer +tyrannizing +tyrannizingly +tyrannoid +tyrannophobia +tyrannosaur +Tyrannosaurus +tyrannous +tyrannously +tyrannousness +Tyrannus +tyranny +tyrant +tyrantcraft +tyrantlike +tyrantship +tyre +tyremesis +Tyrian +tyriasis +tyro +tyrocidin +tyrocidine +tyroglyphid +Tyroglyphidae +Tyroglyphus +Tyrolean +Tyrolese +Tyrolienne +tyrolite +tyrology +tyroma +tyromancy +tyromatous +tyrone +tyronic +tyronism +tyrosinase +tyrosine +tyrosinuria +tyrosyl +tyrotoxicon +tyrotoxine +Tyrr +Tyrrhene +Tyrrheni +Tyrrhenian +Tyrsenoi +Tyrtaean +tysonite +tyste +tyt +Tyto +Tytonidae +Tzaam +Tzapotec +tzaritza +Tzendal +Tzental +tzolkin +tzontle +Tzotzil +Tzutuhil +U +u +uang +Uaraycu +Uarekena +Uaupe +uayeb +Ubbenite +Ubbonite +uberant +uberous +uberously +uberousness +uberty +ubi +ubication +ubiety +Ubii +Ubiquarian +ubiquarian +ubiquious +Ubiquist +ubiquit +Ubiquitarian +ubiquitarian +Ubiquitarianism +ubiquitariness +ubiquitary +Ubiquitism +Ubiquitist +ubiquitous +ubiquitously +ubiquitousness +ubiquity +ubussu +Uca +Ucal +Ucayale +Uchean +Uchee +uckia +Ud +udal +udaler +udaller +udalman +udasi +udder +uddered +udderful +udderless +udderlike +udell +Udi +Udic +Udish +udo +Udolphoish +udometer +udometric +udometry +udomograph +Uds +Ueueteotl +ug +Ugandan +Ugarono +ugh +uglification +uglifier +uglify +uglily +ugliness +uglisome +ugly +Ugrian +Ugric +Ugroid +ugsome +ugsomely +ugsomeness +uhlan +uhllo +uhtensang +uhtsong +Uigur +Uigurian +Uiguric +uily +uinal +Uinta +uintaite +uintathere +Uintatheriidae +Uintatherium +uintjie +Uirina +Uitotan +uitspan +uji +ukase +uke +ukiyoye +Ukrainer +Ukrainian +ukulele +ula +ulatrophia +ulcer +ulcerable +ulcerate +ulceration +ulcerative +ulcered +ulceromembranous +ulcerous +ulcerously +ulcerousness +ulcery +ulcuscle +ulcuscule +ule +ulema +ulemorrhagia +ulerythema +uletic +Ulex +ulex +ulexine +ulexite +Ulidia +Ulidian +uliginose +uliginous +ulitis +ull +ulla +ullage +ullaged +ullagone +uller +ulling +ullmannite +ulluco +Ulmaceae +ulmaceous +Ulmaria +ulmic +ulmin +ulminic +ulmo +ulmous +Ulmus +ulna +ulnad +ulnae +ulnar +ulnare +ulnaria +ulnocarpal +ulnocondylar +ulnometacarpal +ulnoradial +uloborid +Uloboridae +Uloborus +ulocarcinoma +uloid +Ulonata +uloncus +Ulophocinae +ulorrhagia +ulorrhagy +ulorrhea +Ulothrix +Ulotrichaceae +ulotrichaceous +Ulotrichales +ulotrichan +Ulotriches +Ulotrichi +ulotrichous +ulotrichy +ulrichite +ulster +ulstered +ulsterette +Ulsterian +ulstering +Ulsterite +Ulsterman +ulterior +ulteriorly +ultima +ultimacy +ultimata +ultimate +ultimately +ultimateness +ultimation +ultimatum +ultimity +ultimo +ultimobranchial +ultimogenitary +ultimogeniture +ultimum +Ultonian +ultra +ultrabasic +ultrabasite +ultrabelieving +ultrabenevolent +ultrabrachycephalic +ultrabrachycephaly +ultrabrilliant +ultracentenarian +ultracentenarianism +ultracentralizer +ultracentrifuge +ultraceremonious +ultrachurchism +ultracivil +ultracomplex +ultraconcomitant +ultracondenser +ultraconfident +ultraconscientious +ultraconservatism +ultraconservative +ultracordial +ultracosmopolitan +ultracredulous +ultracrepidarian +ultracrepidarianism +ultracrepidate +ultracritical +ultradandyism +ultradeclamatory +ultrademocratic +ultradespotic +ultradignified +ultradiscipline +ultradolichocephalic +ultradolichocephaly +ultradolichocranial +ultraeducationist +ultraeligible +ultraelliptic +ultraemphasis +ultraenergetic +ultraenforcement +ultraenthusiasm +ultraenthusiastic +ultraepiscopal +ultraevangelical +ultraexcessive +ultraexclusive +ultraexpeditious +ultrafantastic +ultrafashionable +ultrafastidious +ultrafederalist +ultrafeudal +ultrafidian +ultrafidianism +ultrafilter +ultrafilterability +ultrafilterable +ultrafiltrate +ultrafiltration +ultraformal +ultrafrivolous +ultragallant +ultragaseous +ultragenteel +ultragood +ultragrave +ultraheroic +ultrahonorable +ultrahuman +ultraimperialism +ultraimperialist +ultraimpersonal +ultrainclusive +ultraindifferent +ultraindulgent +ultraingenious +ultrainsistent +ultraintimate +ultrainvolved +ultraism +ultraist +ultraistic +ultralaborious +ultralegality +ultralenient +ultraliberal +ultraliberalism +ultralogical +ultraloyal +ultraluxurious +ultramarine +ultramaternal +ultramaximal +ultramelancholy +ultramicrochemical +ultramicrochemist +ultramicrochemistry +ultramicrometer +ultramicron +ultramicroscope +ultramicroscopic +ultramicroscopical +ultramicroscopy +ultraminute +ultramoderate +ultramodern +ultramodernism +ultramodernist +ultramodernistic +ultramodest +ultramontane +ultramontanism +ultramontanist +ultramorose +ultramulish +ultramundane +ultranational +ultranationalism +ultranationalist +ultranatural +ultranegligent +ultranice +ultranonsensical +ultraobscure +ultraobstinate +ultraofficious +ultraoptimistic +ultraornate +ultraorthodox +ultraorthodoxy +ultraoutrageous +ultrapapist +ultraparallel +ultraperfect +ultrapersuasive +ultraphotomicrograph +ultrapious +ultraplanetary +ultraplausible +ultrapopish +ultraproud +ultraprudent +ultraradical +ultraradicalism +ultrarapid +ultrareactionary +ultrared +ultrarefined +ultrarefinement +ultrareligious +ultraremuneration +ultrarepublican +ultrarevolutionary +ultrarevolutionist +ultraritualism +ultraromantic +ultraroyalism +ultraroyalist +ultrasanguine +ultrascholastic +ultraselect +ultraservile +ultrasevere +ultrashrewd +ultrasimian +ultrasolemn +ultrasonic +ultrasonics +ultraspartan +ultraspecialization +ultraspiritualism +ultrasplendid +ultrastandardization +ultrastellar +ultrasterile +ultrastrenuous +ultrastrict +ultrasubtle +ultrasystematic +ultratechnical +ultratense +ultraterrene +ultraterrestrial +ultratotal +ultratrivial +ultratropical +ultraugly +ultrauncommon +ultraurgent +ultravicious +ultraviolent +ultraviolet +ultravirtuous +ultravirus +ultravisible +ultrawealthy +ultrawise +ultrayoung +ultrazealous +ultrazodiacal +ultroneous +ultroneously +ultroneousness +ulu +Ulua +ulua +uluhi +ululant +ululate +ululation +ululative +ululatory +ululu +Ulva +Ulvaceae +ulvaceous +Ulvales +Ulvan +Ulyssean +Ulysses +um +umangite +Umatilla +Umaua +umbeclad +umbel +umbeled +umbella +Umbellales +umbellar +umbellate +umbellated +umbellately +umbellet +umbellic +umbellifer +Umbelliferae +umbelliferone +umbelliferous +umbelliflorous +umbelliform +umbelloid +Umbellula +Umbellularia +umbellulate +umbellule +Umbellulidae +umbelluliferous +umbelwort +umber +umbethink +umbilectomy +umbilic +umbilical +umbilically +umbilicar +Umbilicaria +umbilicate +umbilicated +umbilication +umbilici +umbiliciform +umbilicus +umbiliform +umbilroot +umble +umbo +umbolateral +umbonal +umbonate +umbonated +umbonation +umbone +umbones +umbonial +umbonic +umbonulate +umbonule +Umbra +umbra +umbracious +umbraciousness +umbraculate +umbraculiferous +umbraculiform +umbraculum +umbrae +umbrage +umbrageous +umbrageously +umbrageousness +umbral +umbrally +umbratile +umbrel +umbrella +umbrellaed +umbrellaless +umbrellalike +umbrellawise +umbrellawort +umbrette +Umbrian +Umbriel +umbriferous +umbriferously +umbriferousness +umbril +umbrine +umbrose +umbrosity +umbrous +Umbundu +ume +umiak +umiri +umlaut +ump +umph +umpirage +umpire +umpirer +umpireship +umpiress +umpirism +Umpqua +umpteen +umpteenth +umptekite +umptieth +umpty +umquhile +umu +un +Una +unabandoned +unabased +unabasedly +unabashable +unabashed +unabashedly +unabatable +unabated +unabatedly +unabating +unabatingly +unabbreviated +unabetted +unabettedness +unabhorred +unabiding +unabidingly +unabidingness +unability +unabject +unabjured +unable +unableness +unably +unabolishable +unabolished +unabraded +unabrased +unabridgable +unabridged +unabrogated +unabrupt +unabsent +unabsolute +unabsolvable +unabsolved +unabsolvedness +unabsorb +unabsorbable +unabsorbed +unabsorbent +unabstract +unabsurd +unabundance +unabundant +unabundantly +unabused +unacademic +unacademical +unaccelerated +unaccent +unaccented +unaccentuated +unaccept +unacceptability +unacceptable +unacceptableness +unacceptably +unacceptance +unacceptant +unaccepted +unaccessibility +unaccessible +unaccessibleness +unaccessibly +unaccessional +unaccessory +unaccidental +unaccidentally +unaccidented +unacclimated +unacclimation +unacclimatization +unacclimatized +unaccommodable +unaccommodated +unaccommodatedness +unaccommodating +unaccommodatingly +unaccommodatingness +unaccompanable +unaccompanied +unaccompanying +unaccomplishable +unaccomplished +unaccomplishedness +unaccord +unaccordable +unaccordance +unaccordant +unaccorded +unaccording +unaccordingly +unaccostable +unaccosted +unaccountability +unaccountable +unaccountableness +unaccountably +unaccounted +unaccoutered +unaccoutred +unaccreditated +unaccredited +unaccrued +unaccumulable +unaccumulate +unaccumulated +unaccumulation +unaccuracy +unaccurate +unaccurately +unaccurateness +unaccursed +unaccusable +unaccusably +unaccuse +unaccusing +unaccustom +unaccustomed +unaccustomedly +unaccustomedness +unachievable +unachieved +unaching +unacidulated +unacknowledged +unacknowledgedness +unacknowledging +unacknowledgment +unacoustic +unacquaint +unacquaintable +unacquaintance +unacquainted +unacquaintedly +unacquaintedness +unacquiescent +unacquirable +unacquirableness +unacquirably +unacquired +unacquit +unacquittable +unacquitted +unacquittedness +unact +unactability +unactable +unacted +unacting +unactinic +unaction +unactivated +unactive +unactively +unactiveness +unactivity +unactorlike +unactual +unactuality +unactually +unactuated +unacute +unacutely +unadapt +unadaptability +unadaptable +unadaptableness +unadaptably +unadapted +unadaptedly +unadaptedness +unadaptive +unadd +unaddable +unadded +unaddicted +unaddictedness +unadditional +unaddress +unaddressed +unadequate +unadequately +unadequateness +unadherence +unadherent +unadherently +unadhesive +unadjacent +unadjacently +unadjectived +unadjourned +unadjournment +unadjudged +unadjust +unadjustably +unadjusted +unadjustment +unadministered +unadmirable +unadmire +unadmired +unadmiring +unadmissible +unadmissibly +unadmission +unadmittable +unadmittableness +unadmittably +unadmitted +unadmittedly +unadmitting +unadmonished +unadopt +unadoptable +unadoptably +unadopted +unadoption +unadorable +unadoration +unadored +unadoring +unadorn +unadornable +unadorned +unadornedly +unadornedness +unadornment +unadult +unadulterate +unadulterated +unadulteratedly +unadulteratedness +unadulterately +unadulterous +unadulterously +unadvanced +unadvancedly +unadvancedness +unadvancement +unadvancing +unadvantaged +unadvantageous +unadventured +unadventuring +unadventurous +unadventurously +unadverse +unadversely +unadverseness +unadvertency +unadvertised +unadvertisement +unadvertising +unadvisability +unadvisable +unadvisableness +unadvisably +unadvised +unadvisedly +unadvisedness +unadvocated +unaerated +unaesthetic +unaesthetical +unafeard +unafeared +unaffable +unaffably +unaffected +unaffectedly +unaffectedness +unaffecting +unaffectionate +unaffectionately +unaffectioned +unaffianced +unaffied +unaffiliated +unaffiliation +unaffirmation +unaffirmed +unaffixed +unafflicted +unafflictedly +unafflicting +unaffliction +unaffordable +unafforded +unaffranchised +unaffrighted +unaffrightedly +unaffronted +unafire +unafloat +unaflow +unafraid +unaged +unaggravated +unaggravating +unaggregated +unaggression +unaggressive +unaggressively +unaggressiveness +unaghast +unagile +unagility +unaging +unagitated +unagitatedly +unagitatedness +unagitation +unagonize +unagrarian +unagreeable +unagreeableness +unagreeably +unagreed +unagreeing +unagreement +unagricultural +unaidable +unaided +unaidedly +unaiding +unailing +unaimed +unaiming +unaired +unaisled +Unakhotana +unakin +unakite +unal +Unalachtigo +unalarm +unalarmed +unalarming +Unalaska +unalcoholized +unaldermanly +unalert +unalertly +unalertness +unalgebraical +unalienable +unalienableness +unalienably +unalienated +unalignable +unaligned +unalike +unalimentary +unalist +unalive +unallayable +unallayably +unallayed +unalleged +unallegorical +unalleviably +unalleviated +unalleviation +unalliable +unallied +unalliedly +unalliedness +unallotment +unallotted +unallow +unallowable +unallowed +unallowedly +unallowing +unalloyed +unallurable +unallured +unalluring +unalluringly +unalmsed +unalone +unaloud +unalphabeted +unalphabetic +unalphabetical +unalterability +unalterable +unalterableness +unalterably +unalteration +unaltered +unaltering +unalternated +unamalgamable +unamalgamated +unamalgamating +unamassed +unamazed +unamazedly +unambiguity +unambiguous +unambiguously +unambiguousness +unambition +unambitious +unambitiously +unambitiousness +unambrosial +unambush +unamenability +unamenable +unamenableness +unamenably +unamend +unamendable +unamended +unamendedly +unamending +unamendment +unamerced +Unami +unamiability +unamiable +unamiableness +unamiably +unamicable +unamicably +unamiss +unamo +unamortization +unamortized +unample +unamplifiable +unamplified +unamply +unamputated +unamusable +unamusably +unamused +unamusement +unamusing +unamusingly +unamusive +unanalogical +unanalogous +unanalogously +unanalogousness +unanalytic +unanalytical +unanalyzable +unanalyzed +unanalyzing +unanatomizable +unanatomized +unancestored +unancestried +unanchor +unanchored +unanchylosed +unancient +unaneled +unangelic +unangelical +unangrily +unangry +unangular +unanimalized +unanimate +unanimated +unanimatedly +unanimatedness +unanimately +unanimism +unanimist +unanimistic +unanimistically +unanimity +unanimous +unanimously +unanimousness +unannealed +unannex +unannexed +unannexedly +unannexedness +unannihilable +unannihilated +unannotated +unannounced +unannoyed +unannoying +unannullable +unannulled +unanointed +unanswerability +unanswerable +unanswerableness +unanswerably +unanswered +unanswering +unantagonistic +unantagonizable +unantagonized +unantagonizing +unanticipated +unanticipating +unanticipatingly +unanticipation +unanticipative +unantiquated +unantiquatedness +unantique +unantiquity +unanxiety +unanxious +unanxiously +unanxiousness +unapart +unapocryphal +unapologetic +unapologizing +unapostatized +unapostolic +unapostolical +unapostolically +unapostrophized +unappalled +unappareled +unapparent +unapparently +unapparentness +unappealable +unappealableness +unappealably +unappealed +unappealing +unappeasable +unappeasableness +unappeasably +unappeased +unappeasedly +unappeasedness +unappendaged +unapperceived +unappertaining +unappetizing +unapplauded +unapplauding +unapplausive +unappliable +unappliableness +unappliably +unapplianced +unapplicable +unapplicableness +unapplicably +unapplied +unapplying +unappoint +unappointable +unappointableness +unappointed +unapportioned +unapposite +unappositely +unappraised +unappreciable +unappreciableness +unappreciably +unappreciated +unappreciating +unappreciation +unappreciative +unappreciatively +unappreciativeness +unapprehendable +unapprehendableness +unapprehendably +unapprehended +unapprehending +unapprehensible +unapprehensibleness +unapprehension +unapprehensive +unapprehensively +unapprehensiveness +unapprenticed +unapprised +unapprisedly +unapprisedness +unapproachability +unapproachable +unapproachableness +unapproached +unapproaching +unapprobation +unappropriable +unappropriate +unappropriated +unappropriately +unappropriateness +unappropriation +unapprovable +unapprovableness +unapprovably +unapproved +unapproving +unapprovingly +unapproximate +unapproximately +unaproned +unapropos +unapt +unaptitude +unaptly +unaptness +unarbitrarily +unarbitrariness +unarbitrary +unarbitrated +unarch +unarchdeacon +unarched +unarchitectural +unarduous +unarguable +unarguableness +unarguably +unargued +unarguing +unargumentative +unargumentatively +unarisen +unarising +unaristocratic +unaristocratically +unarithmetical +unarithmetically +unark +unarm +unarmed +unarmedly +unarmedness +unarmored +unarmorial +unaromatized +unarousable +unaroused +unarousing +unarraignable +unarraigned +unarranged +unarray +unarrayed +unarrestable +unarrested +unarresting +unarrival +unarrived +unarriving +unarrogance +unarrogant +unarrogating +unarted +unartful +unartfully +unartfulness +unarticled +unarticulate +unarticulated +unartificial +unartificiality +unartificially +unartistic +unartistical +unartistically +unartistlike +unary +unascendable +unascendableness +unascended +unascertainable +unascertainableness +unascertainably +unascertained +unashamed +unashamedly +unashamedness +unasinous +unaskable +unasked +unasking +unasleep +unaspersed +unasphalted +unaspirated +unaspiring +unaspiringly +unaspiringness +unassailable +unassailableness +unassailably +unassailed +unassailing +unassassinated +unassaultable +unassaulted +unassayed +unassaying +unassembled +unassented +unassenting +unasserted +unassertive +unassertiveness +unassessable +unassessableness +unassessed +unassibilated +unassiduous +unassignable +unassignably +unassigned +unassimilable +unassimilated +unassimilating +unassimilative +unassisted +unassisting +unassociable +unassociably +unassociated +unassociative +unassociativeness +unassoiled +unassorted +unassuageable +unassuaged +unassuaging +unassuetude +unassumable +unassumed +unassuming +unassumingly +unassumingness +unassured +unassuredly +unassuredness +unassuring +unasterisk +unastonish +unastonished +unastonishment +unastray +unathirst +unathletically +unatmospheric +unatonable +unatoned +unatoning +unattach +unattachable +unattached +unattackable +unattackableness +unattackably +unattacked +unattainability +unattainable +unattainableness +unattainably +unattained +unattaining +unattainment +unattaint +unattainted +unattaintedly +unattempered +unattemptable +unattempted +unattempting +unattendance +unattendant +unattended +unattentive +unattenuated +unattested +unattestedness +unattire +unattired +unattractable +unattractableness +unattracted +unattracting +unattractive +unattractively +unattractiveness +unattributable +unattributed +unattuned +unau +unauctioned +unaudible +unaudibleness +unaudibly +unaudienced +unaudited +unaugmentable +unaugmented +unauspicious +unauspiciously +unauspiciousness +unaustere +unauthentic +unauthentical +unauthentically +unauthenticated +unauthenticity +unauthorish +unauthoritative +unauthoritatively +unauthoritativeness +unauthoritied +unauthoritiveness +unauthorizable +unauthorize +unauthorized +unauthorizedly +unauthorizedness +unautomatic +unautumnal +unavailability +unavailable +unavailableness +unavailably +unavailed +unavailful +unavailing +unavailingly +unavengeable +unavenged +unavenging +unavenued +unaveraged +unaverred +unaverted +unavertible +unavertibleness +unavertibly +unavian +unavoidable +unavoidableness +unavoidably +unavoidal +unavoided +unavoiding +unavouchable +unavouchableness +unavouchably +unavouched +unavowable +unavowableness +unavowably +unavowed +unavowedly +unawakable +unawakableness +unawake +unawaked +unawakened +unawakenedness +unawakening +unawaking +unawardable +unawardableness +unawardably +unawarded +unaware +unawared +unawaredly +unawareness +unawares +unaway +unawed +unawful +unawfully +unawkward +unawned +unaxled +unazotized +unbackboarded +unbacked +unbackward +unbadged +unbaffled +unbaffling +unbag +unbagged +unbailable +unbailableness +unbailed +unbain +unbait +unbaited +unbaized +unbaked +unbalance +unbalanceable +unbalanceably +unbalanced +unbalancement +unbalancing +unbalconied +unbale +unbalked +unballast +unballasted +unballoted +unbandage +unbandaged +unbanded +unbanished +unbank +unbankable +unbankableness +unbankably +unbanked +unbankrupt +unbannered +unbaptize +unbaptized +unbar +unbarb +unbarbarize +unbarbarous +unbarbed +unbarbered +unbare +unbargained +unbark +unbarking +unbaronet +unbarrable +unbarred +unbarrel +unbarreled +unbarren +unbarrenness +unbarricade +unbarricaded +unbarricadoed +unbase +unbased +unbasedness +unbashful +unbashfully +unbashfulness +unbasket +unbastardized +unbaste +unbasted +unbastilled +unbastinadoed +unbated +unbathed +unbating +unbatted +unbatten +unbatterable +unbattered +unbattling +unbay +unbe +unbeached +unbeaconed +unbeaded +unbear +unbearable +unbearableness +unbearably +unbeard +unbearded +unbearing +unbeast +unbeatable +unbeatableness +unbeatably +unbeaten +unbeaued +unbeauteous +unbeauteously +unbeauteousness +unbeautified +unbeautiful +unbeautifully +unbeautifulness +unbeautify +unbeavered +unbeclogged +unbeclouded +unbecome +unbecoming +unbecomingly +unbecomingness +unbed +unbedabbled +unbedaggled +unbedashed +unbedaubed +unbedded +unbedecked +unbedewed +unbedimmed +unbedinned +unbedizened +unbedraggled +unbefit +unbefitting +unbefittingly +unbefittingness +unbefool +unbefriend +unbefriended +unbefringed +unbeget +unbeggar +unbegged +unbegilt +unbeginning +unbeginningly +unbeginningness +unbegirded +unbegirt +unbegot +unbegotten +unbegottenly +unbegottenness +unbegreased +unbegrimed +unbegrudged +unbeguile +unbeguiled +unbeguileful +unbegun +unbehaving +unbeheaded +unbeheld +unbeholdable +unbeholden +unbeholdenness +unbeholding +unbehoveful +unbehoving +unbeing +unbejuggled +unbeknown +unbeknownst +unbelied +unbelief +unbeliefful +unbelieffulness +unbelievability +unbelievable +unbelievableness +unbelievably +unbelieve +unbelieved +unbeliever +unbelieving +unbelievingly +unbelievingness +unbell +unbellicose +unbelligerent +unbelonging +unbeloved +unbelt +unbemoaned +unbemourned +unbench +unbend +unbendable +unbendableness +unbendably +unbended +unbending +unbendingly +unbendingness +unbendsome +unbeneficed +unbeneficent +unbeneficial +unbenefitable +unbenefited +unbenefiting +unbenetted +unbenevolence +unbenevolent +unbenevolently +unbenight +unbenighted +unbenign +unbenignant +unbenignantly +unbenignity +unbenignly +unbent +unbenumb +unbenumbed +unbequeathable +unbequeathed +unbereaved +unbereft +unberouged +unberth +unberufen +unbeseem +unbeseeming +unbeseemingly +unbeseemingness +unbeseemly +unbeset +unbesieged +unbesmeared +unbesmirched +unbesmutted +unbesot +unbesought +unbespeak +unbespoke +unbespoken +unbesprinkled +unbestarred +unbestowed +unbet +unbeteared +unbethink +unbethought +unbetide +unbetoken +unbetray +unbetrayed +unbetraying +unbetrothed +unbetterable +unbettered +unbeveled +unbewailed +unbewailing +unbewilder +unbewildered +unbewilled +unbewitch +unbewitched +unbewitching +unbewrayed +unbewritten +unbias +unbiasable +unbiased +unbiasedly +unbiasedness +unbibulous +unbickered +unbickering +unbid +unbidable +unbiddable +unbidden +unbigged +unbigoted +unbilled +unbillet +unbilleted +unbind +unbindable +unbinding +unbiographical +unbiological +unbirdlike +unbirdlimed +unbirdly +unbirthday +unbishop +unbishoply +unbit +unbiting +unbitt +unbitted +unbitten +unbitter +unblacked +unblackened +unblade +unblamable +unblamableness +unblamably +unblamed +unblaming +unblanched +unblanketed +unblasphemed +unblasted +unblazoned +unbleached +unbleaching +unbled +unbleeding +unblemishable +unblemished +unblemishedness +unblemishing +unblenched +unblenching +unblenchingly +unblendable +unblended +unblent +unbless +unblessed +unblessedness +unblest +unblighted +unblightedly +unblightedness +unblind +unblindfold +unblinking +unblinkingly +unbliss +unblissful +unblistered +unblithe +unblithely +unblock +unblockaded +unblocked +unblooded +unbloodied +unbloodily +unbloodiness +unbloody +unbloom +unbloomed +unblooming +unblossomed +unblossoming +unblotted +unbloused +unblown +unblued +unbluestockingish +unbluffed +unbluffing +unblunder +unblundered +unblundering +unblunted +unblurred +unblush +unblushing +unblushingly +unblushingness +unboarded +unboasted +unboastful +unboastfully +unboasting +unboat +unbodied +unbodiliness +unbodily +unboding +unbodkined +unbody +unbodylike +unbog +unboggy +unbohemianize +unboiled +unboisterous +unbokel +unbold +unbolden +unboldly +unboldness +unbolled +unbolster +unbolstered +unbolt +unbolted +unbombast +unbondable +unbondableness +unbonded +unbone +unboned +unbonnet +unbonneted +unbonny +unbooked +unbookish +unbooklearned +unboot +unbooted +unboraxed +unborder +unbordered +unbored +unboring +unborn +unborne +unborough +unborrowed +unborrowing +unbosom +unbosomer +unbossed +unbotanical +unbothered +unbothering +unbottle +unbottom +unbottomed +unbought +unbound +unboundable +unboundableness +unboundably +unbounded +unboundedly +unboundedness +unboundless +unbounteous +unbountiful +unbountifully +unbountifulness +unbow +unbowable +unbowdlerized +unbowed +unbowel +unboweled +unbowered +unbowing +unbowingness +unbowled +unbowsome +unbox +unboxed +unboy +unboyish +unboylike +unbrace +unbraced +unbracedness +unbracelet +unbraceleted +unbracing +unbragged +unbragging +unbraid +unbraided +unbrailed +unbrained +unbran +unbranched +unbranching +unbrand +unbranded +unbrandied +unbrave +unbraved +unbravely +unbraze +unbreachable +unbreached +unbreaded +unbreakable +unbreakableness +unbreakably +unbreakfasted +unbreaking +unbreast +unbreath +unbreathable +unbreathableness +unbreathed +unbreathing +unbred +unbreech +unbreeched +unbreezy +unbrent +unbrewed +unbribable +unbribableness +unbribably +unbribed +unbribing +unbrick +unbridegroomlike +unbridgeable +unbridged +unbridle +unbridled +unbridledly +unbridledness +unbridling +unbrief +unbriefed +unbriefly +unbright +unbrightened +unbrilliant +unbrimming +unbrined +unbrittle +unbroached +unbroad +unbroadcasted +unbroidered +unbroiled +unbroke +unbroken +unbrokenly +unbrokenness +unbronzed +unbrooch +unbrooded +unbrookable +unbrookably +unbrothered +unbrotherlike +unbrotherliness +unbrotherly +unbrought +unbrown +unbrowned +unbruised +unbrushed +unbrutalize +unbrutalized +unbrute +unbrutelike +unbrutify +unbrutize +unbuckle +unbuckramed +unbud +unbudded +unbudgeability +unbudgeable +unbudgeableness +unbudgeably +unbudged +unbudgeted +unbudging +unbuffed +unbuffered +unbuffeted +unbuild +unbuilded +unbuilt +unbulky +unbulled +unbulletined +unbumped +unbumptious +unbunched +unbundle +unbundled +unbung +unbungling +unbuoyant +unbuoyed +unburden +unburdened +unburdenment +unburdensome +unburdensomeness +unburgessed +unburiable +unburial +unburied +unburlesqued +unburly +unburn +unburnable +unburned +unburning +unburnished +unburnt +unburrow +unburrowed +unburst +unburstable +unburstableness +unburthen +unbury +unbush +unbusied +unbusily +unbusiness +unbusinesslike +unbusk +unbuskin +unbuskined +unbustling +unbusy +unbutchered +unbutcherlike +unbuttered +unbutton +unbuttoned +unbuttonment +unbuttressed +unbuxom +unbuxomly +unbuxomness +unbuyable +unbuyableness +unbuying +unca +uncabined +uncabled +uncadenced +uncage +uncaged +uncake +uncalcareous +uncalcified +uncalcined +uncalculable +uncalculableness +uncalculably +uncalculated +uncalculating +uncalculatingly +uncalendered +uncalk +uncalked +uncall +uncalled +uncallow +uncallower +uncalm +uncalmed +uncalmly +uncalumniated +uncambered +uncamerated +uncamouflaged +uncanceled +uncancellable +uncancelled +uncandid +uncandidly +uncandidness +uncandied +uncandor +uncaned +uncankered +uncanned +uncannily +uncanniness +uncanny +uncanonic +uncanonical +uncanonically +uncanonicalness +uncanonize +uncanonized +uncanopied +uncantoned +uncantonized +uncanvassably +uncanvassed +uncap +uncapable +uncapableness +uncapably +uncapacious +uncapacitate +uncaparisoned +uncapitalized +uncapped +uncapper +uncapsizable +uncapsized +uncaptained +uncaptioned +uncaptious +uncaptiously +uncaptivate +uncaptivated +uncaptivating +uncaptived +uncapturable +uncaptured +uncarbonated +uncarboned +uncarbureted +uncarded +uncardinal +uncardinally +uncareful +uncarefully +uncarefulness +uncaressed +uncargoed +Uncaria +uncaricatured +uncaring +uncarnate +uncarnivorous +uncaroled +uncarpentered +uncarpeted +uncarriageable +uncarried +uncart +uncarted +uncartooned +uncarved +uncase +uncased +uncasemated +uncask +uncasked +uncasketed +uncasque +uncassock +uncast +uncaste +uncastigated +uncastle +uncastled +uncastrated +uncasual +uncatalogued +uncatchable +uncate +uncatechised +uncatechisedness +uncatechized +uncatechizedness +uncategorized +uncathedraled +uncatholcity +uncatholic +uncatholical +uncatholicalness +uncatholicize +uncatholicly +uncaucusable +uncaught +uncausatively +uncaused +uncauterized +uncautious +uncautiously +uncautiousness +uncavalier +uncavalierly +uncave +unceasable +unceased +unceasing +unceasingly +unceasingness +unceded +unceiled +unceilinged +uncelebrated +uncelebrating +uncelestial +uncelestialized +uncellar +uncement +uncemented +uncementing +uncensorable +uncensored +uncensorious +uncensoriously +uncensoriousness +uncensurable +uncensured +uncensuring +uncenter +uncentered +uncentral +uncentrality +uncentrally +uncentred +uncentury +uncereclothed +unceremented +unceremonial +unceremonious +unceremoniously +unceremoniousness +uncertain +uncertainly +uncertainness +uncertainty +uncertifiable +uncertifiableness +uncertificated +uncertified +uncertifying +uncertitude +uncessant +uncessantly +uncessantness +unchafed +unchain +unchainable +unchained +unchair +unchaired +unchalked +unchallengeable +unchallengeableness +unchallengeably +unchallenged +unchallenging +unchambered +unchamfered +unchampioned +unchance +unchancellor +unchancy +unchange +unchangeability +unchangeable +unchangeableness +unchangeably +unchanged +unchangedness +unchangeful +unchangefulness +unchanging +unchangingly +unchangingness +unchanneled +unchannelled +unchanted +unchaperoned +unchaplain +unchapleted +unchapter +unchaptered +uncharacter +uncharactered +uncharacteristic +uncharacteristically +uncharacterized +uncharge +unchargeable +uncharged +uncharging +uncharily +unchariness +unchariot +uncharitable +uncharitableness +uncharitably +uncharity +uncharm +uncharmable +uncharmed +uncharming +uncharnel +uncharred +uncharted +unchartered +unchary +unchased +unchaste +unchastely +unchastened +unchasteness +unchastisable +unchastised +unchastising +unchastity +unchatteled +unchauffeured +unchawed +uncheat +uncheated +uncheating +uncheck +uncheckable +unchecked +uncheckered +uncheerable +uncheered +uncheerful +uncheerfully +uncheerfulness +uncheerily +uncheeriness +uncheering +uncheery +unchemical +unchemically +uncherished +uncherishing +unchested +unchevroned +unchewable +unchewableness +unchewed +unchid +unchidden +unchided +unchiding +unchidingly +unchild +unchildish +unchildishly +unchildishness +unchildlike +unchilled +unchiming +unchinked +unchipped +unchiseled +unchiselled +unchivalric +unchivalrous +unchivalrously +unchivalrousness +unchivalry +unchloridized +unchoicely +unchokable +unchoked +uncholeric +unchoosable +unchopped +unchoral +unchorded +unchosen +unchrisom +unchristen +unchristened +unchristian +unchristianity +unchristianize +unchristianized +unchristianlike +unchristianly +unchristianness +unchronicled +unchronological +unchronologically +unchurch +unchurched +unchurchlike +unchurchly +unchurn +unci +uncia +uncial +uncialize +uncially +uncicatrized +unciferous +unciform +unciliated +uncinal +Uncinaria +uncinariasis +uncinariatic +Uncinata +uncinate +uncinated +uncinatum +uncinch +uncinct +uncinctured +uncini +Uncinula +uncinus +uncipher +uncircular +uncircularized +uncirculated +uncircumcised +uncircumcisedness +uncircumcision +uncircumlocutory +uncircumscribable +uncircumscribed +uncircumscribedness +uncircumscript +uncircumscriptible +uncircumscription +uncircumspect +uncircumspection +uncircumspectly +uncircumspectness +uncircumstanced +uncircumstantial +uncirostrate +uncite +uncited +uncitied +uncitizen +uncitizenlike +uncitizenly +uncity +uncivic +uncivil +uncivilish +uncivility +uncivilizable +uncivilization +uncivilize +uncivilized +uncivilizedly +uncivilizedness +uncivilly +uncivilness +unclad +unclaimed +unclaiming +unclamorous +unclamp +unclamped +unclarified +unclarifying +unclarity +unclashing +unclasp +unclasped +unclassable +unclassableness +unclassably +unclassed +unclassible +unclassical +unclassically +unclassifiable +unclassifiableness +unclassification +unclassified +unclassify +unclassifying +unclawed +unclay +unclayed +uncle +unclead +unclean +uncleanable +uncleaned +uncleanlily +uncleanliness +uncleanly +uncleanness +uncleansable +uncleanse +uncleansed +uncleansedness +unclear +uncleared +unclearing +uncleavable +uncleave +uncledom +uncleft +unclehood +unclement +unclemently +unclementness +unclench +unclergy +unclergyable +unclerical +unclericalize +unclerically +unclericalness +unclerklike +unclerkly +uncleship +unclever +uncleverly +uncleverness +unclew +unclick +uncliented +unclify +unclimaxed +unclimb +unclimbable +unclimbableness +unclimbably +unclimbed +unclimbing +unclinch +uncling +unclinical +unclip +unclipped +unclipper +uncloak +uncloakable +uncloaked +unclog +unclogged +uncloister +uncloistered +uncloistral +unclosable +unclose +unclosed +uncloseted +unclothe +unclothed +unclothedly +unclothedness +unclotted +uncloud +unclouded +uncloudedly +uncloudedness +uncloudy +unclout +uncloven +uncloyable +uncloyed +uncloying +unclub +unclubbable +unclubby +unclustered +unclustering +unclutch +unclutchable +unclutched +unclutter +uncluttered +unco +uncoach +uncoachable +uncoachableness +uncoached +uncoacted +uncoagulable +uncoagulated +uncoagulating +uncoat +uncoated +uncoatedness +uncoaxable +uncoaxed +uncoaxing +uncock +uncocked +uncockneyfy +uncocted +uncodded +uncoddled +uncoded +uncodified +uncoerced +uncoffer +uncoffin +uncoffined +uncoffle +uncogent +uncogged +uncogitable +uncognizable +uncognizant +uncognized +uncognoscibility +uncognoscible +uncoguidism +uncoherent +uncoherently +uncoherentness +uncohesive +uncoif +uncoifed +uncoil +uncoiled +uncoin +uncoined +uncoked +uncoking +uncollapsed +uncollapsible +uncollar +uncollared +uncollated +uncollatedness +uncollected +uncollectedly +uncollectedness +uncollectible +uncollectibleness +uncollectibly +uncolleged +uncollegian +uncollegiate +uncolloquial +uncolloquially +uncolonellike +uncolonial +uncolonize +uncolonized +uncolorable +uncolorably +uncolored +uncoloredly +uncoloredness +uncoloured +uncolouredly +uncolouredness +uncolt +uncoly +uncombable +uncombatable +uncombated +uncombed +uncombinable +uncombinableness +uncombinably +uncombine +uncombined +uncombining +uncombiningness +uncombustible +uncome +uncomelily +uncomeliness +uncomely +uncomfort +uncomfortable +uncomfortableness +uncomfortably +uncomforted +uncomforting +uncomfy +uncomic +uncommanded +uncommandedness +uncommanderlike +uncommemorated +uncommenced +uncommendable +uncommendableness +uncommendably +uncommended +uncommensurability +uncommensurable +uncommensurableness +uncommensurate +uncommented +uncommenting +uncommerciable +uncommercial +uncommercially +uncommercialness +uncommingled +uncomminuted +uncommiserated +uncommiserating +uncommissioned +uncommitted +uncommitting +uncommixed +uncommodious +uncommodiously +uncommodiousness +uncommon +uncommonable +uncommonly +uncommonness +uncommonplace +uncommunicable +uncommunicableness +uncommunicably +uncommunicated +uncommunicating +uncommunicative +uncommunicatively +uncommunicativeness +uncommutable +uncommutative +uncommuted +uncompact +uncompacted +Uncompahgre +uncompahgrite +uncompaniable +uncompanied +uncompanioned +uncomparable +uncomparably +uncompared +uncompass +uncompassable +uncompassed +uncompassion +uncompassionate +uncompassionated +uncompassionately +uncompassionateness +uncompassionating +uncompassioned +uncompatible +uncompatibly +uncompellable +uncompelled +uncompelling +uncompensable +uncompensated +uncompetent +uncompetitive +uncompiled +uncomplacent +uncomplained +uncomplaining +uncomplainingly +uncomplainingness +uncomplaint +uncomplaisance +uncomplaisant +uncomplaisantly +uncomplemental +uncompletable +uncomplete +uncompleted +uncompletely +uncompleteness +uncomplex +uncompliability +uncompliable +uncompliableness +uncompliance +uncompliant +uncomplicated +uncomplimentary +uncomplimented +uncomplimenting +uncomplying +uncomposable +uncomposeable +uncomposed +uncompoundable +uncompounded +uncompoundedly +uncompoundedness +uncompounding +uncomprehended +uncomprehending +uncomprehendingly +uncomprehendingness +uncomprehensible +uncomprehension +uncomprehensive +uncomprehensively +uncomprehensiveness +uncompressed +uncompressible +uncomprised +uncomprising +uncomprisingly +uncompromised +uncompromising +uncompromisingly +uncompromisingness +uncompulsive +uncompulsory +uncomputable +uncomputableness +uncomputably +uncomputed +uncomraded +unconcatenated +unconcatenating +unconcealable +unconcealableness +unconcealably +unconcealed +unconcealing +unconcealingly +unconcealment +unconceded +unconceited +unconceivable +unconceivableness +unconceivably +unconceived +unconceiving +unconcern +unconcerned +unconcernedly +unconcernedness +unconcerning +unconcernment +unconcertable +unconcerted +unconcertedly +unconcertedness +unconcessible +unconciliable +unconciliated +unconciliatedness +unconciliating +unconciliatory +unconcludable +unconcluded +unconcluding +unconcludingness +unconclusive +unconclusively +unconclusiveness +unconcocted +unconcordant +unconcrete +unconcreted +unconcurrent +unconcurring +uncondemnable +uncondemned +uncondensable +uncondensableness +uncondensed +uncondensing +uncondescending +uncondescension +uncondition +unconditional +unconditionality +unconditionally +unconditionalness +unconditionate +unconditionated +unconditionately +unconditioned +unconditionedly +unconditionedness +uncondoled +uncondoling +unconducing +unconducive +unconduciveness +unconducted +unconductive +unconductiveness +unconfected +unconfederated +unconferred +unconfess +unconfessed +unconfessing +unconfided +unconfidence +unconfident +unconfidential +unconfidentialness +unconfidently +unconfiding +unconfinable +unconfine +unconfined +unconfinedly +unconfinedness +unconfinement +unconfining +unconfirm +unconfirmative +unconfirmed +unconfirming +unconfiscable +unconfiscated +unconflicting +unconflictingly +unconflictingness +unconformability +unconformable +unconformableness +unconformably +unconformed +unconformedly +unconforming +unconformist +unconformity +unconfound +unconfounded +unconfoundedly +unconfrontable +unconfronted +unconfusable +unconfusably +unconfused +unconfusedly +unconfutable +unconfuted +unconfuting +uncongeal +uncongealable +uncongealed +uncongenial +uncongeniality +uncongenially +uncongested +unconglobated +unconglomerated +unconglutinated +uncongratulate +uncongratulated +uncongratulating +uncongregated +uncongregational +uncongressional +uncongruous +unconjecturable +unconjectured +unconjoined +unconjugal +unconjugated +unconjunctive +unconjured +unconnected +unconnectedly +unconnectedness +unconned +unconnived +unconniving +unconquerable +unconquerableness +unconquerably +unconquered +unconscienced +unconscient +unconscientious +unconscientiously +unconscientiousness +unconscionable +unconscionableness +unconscionably +unconscious +unconsciously +unconsciousness +unconsecrate +unconsecrated +unconsecratedly +unconsecratedness +unconsecration +unconsecutive +unconsent +unconsentaneous +unconsented +unconsenting +unconsequential +unconsequentially +unconsequentialness +unconservable +unconservative +unconserved +unconserving +unconsiderable +unconsiderate +unconsiderately +unconsiderateness +unconsidered +unconsideredly +unconsideredness +unconsidering +unconsideringly +unconsignable +unconsigned +unconsistent +unconsociable +unconsociated +unconsolable +unconsolably +unconsolatory +unconsoled +unconsolidated +unconsolidating +unconsolidation +unconsoling +unconsonancy +unconsonant +unconsonantly +unconsonous +unconspicuous +unconspicuously +unconspicuousness +unconspired +unconspiring +unconspiringly +unconspiringness +unconstancy +unconstant +unconstantly +unconstantness +unconstellated +unconstipated +unconstituted +unconstitutional +unconstitutionalism +unconstitutionality +unconstitutionally +unconstrainable +unconstrained +unconstrainedly +unconstrainedness +unconstraining +unconstraint +unconstricted +unconstruable +unconstructed +unconstructive +unconstructural +unconstrued +unconsular +unconsult +unconsultable +unconsulted +unconsulting +unconsumable +unconsumed +unconsuming +unconsummate +unconsummated +unconsumptive +uncontagious +uncontainable +uncontainableness +uncontainably +uncontained +uncontaminable +uncontaminate +uncontaminated +uncontemned +uncontemnedly +uncontemplated +uncontemporaneous +uncontemporary +uncontemptuous +uncontended +uncontending +uncontent +uncontentable +uncontented +uncontentedly +uncontentedness +uncontenting +uncontentingness +uncontentious +uncontentiously +uncontentiousness +uncontestable +uncontestableness +uncontestably +uncontested +uncontestedly +uncontestedness +uncontinence +uncontinent +uncontinental +uncontinented +uncontinently +uncontinual +uncontinued +uncontinuous +uncontorted +uncontract +uncontracted +uncontractedness +uncontractile +uncontradictable +uncontradictableness +uncontradictably +uncontradicted +uncontradictedly +uncontradictious +uncontradictory +uncontrastable +uncontrasted +uncontrasting +uncontributed +uncontributing +uncontributory +uncontrite +uncontrived +uncontriving +uncontrol +uncontrollability +uncontrollable +uncontrollableness +uncontrollably +uncontrolled +uncontrolledly +uncontrolledness +uncontrolling +uncontroversial +uncontroversially +uncontrovertable +uncontrovertableness +uncontrovertably +uncontroverted +uncontrovertedly +uncontrovertible +uncontrovertibleness +uncontrovertibly +unconvenable +unconvened +unconvenience +unconvenient +unconveniently +unconventional +unconventionalism +unconventionality +unconventionalize +unconventionally +unconventioned +unconversable +unconversableness +unconversably +unconversant +unconversational +unconversion +unconvert +unconverted +unconvertedly +unconvertedness +unconvertibility +unconvertible +unconveyable +unconveyed +unconvicted +unconvicting +unconvince +unconvinced +unconvincedly +unconvincedness +unconvincibility +unconvincible +unconvincing +unconvincingly +unconvincingness +unconvoluted +unconvoyed +unconvulsed +uncookable +uncooked +uncooled +uncoop +uncooped +uncoopered +uncooping +uncope +uncopiable +uncopied +uncopious +uncopyrighted +uncoquettish +uncoquettishly +uncord +uncorded +uncordial +uncordiality +uncordially +uncording +uncore +uncored +uncork +uncorked +uncorker +uncorking +uncorned +uncorner +uncoronated +uncoroneted +uncorporal +uncorpulent +uncorrect +uncorrectable +uncorrected +uncorrectible +uncorrectly +uncorrectness +uncorrelated +uncorrespondency +uncorrespondent +uncorresponding +uncorrigible +uncorrigibleness +uncorrigibly +uncorroborated +uncorroded +uncorrugated +uncorrupt +uncorrupted +uncorruptedly +uncorruptedness +uncorruptibility +uncorruptible +uncorruptibleness +uncorruptibly +uncorrupting +uncorruption +uncorruptive +uncorruptly +uncorruptness +uncorseted +uncosseted +uncost +uncostliness +uncostly +uncostumed +uncottoned +uncouch +uncouched +uncouching +uncounselable +uncounseled +uncounsellable +uncounselled +uncountable +uncountableness +uncountably +uncounted +uncountenanced +uncounteracted +uncounterbalanced +uncounterfeit +uncounterfeited +uncountermandable +uncountermanded +uncountervailed +uncountess +uncountrified +uncouple +uncoupled +uncoupler +uncourageous +uncoursed +uncourted +uncourteous +uncourteously +uncourteousness +uncourtierlike +uncourting +uncourtlike +uncourtliness +uncourtly +uncous +uncousinly +uncouth +uncouthie +uncouthly +uncouthness +uncouthsome +uncovenant +uncovenanted +uncover +uncoverable +uncovered +uncoveredly +uncoveted +uncoveting +uncovetingly +uncovetous +uncowed +uncowl +uncoy +uncracked +uncradled +uncraftily +uncraftiness +uncrafty +uncram +uncramp +uncramped +uncrampedness +uncranked +uncrannied +uncrated +uncravatted +uncraven +uncraving +uncravingly +uncrazed +uncream +uncreased +uncreatability +uncreatable +uncreatableness +uncreate +uncreated +uncreatedness +uncreating +uncreation +uncreative +uncreativeness +uncreaturely +uncredentialed +uncredentialled +uncredibility +uncredible +uncredibly +uncreditable +uncreditableness +uncreditably +uncredited +uncrediting +uncredulous +uncreeping +uncreosoted +uncrest +uncrested +uncrevassed +uncrib +uncried +uncrime +uncriminal +uncriminally +uncrinkle +uncrinkled +uncrinkling +uncrippled +uncrisp +uncritical +uncritically +uncriticisable +uncriticised +uncriticising +uncriticisingly +uncriticism +uncriticizable +uncriticized +uncriticizing +uncriticizingly +uncrochety +uncrook +uncrooked +uncrooking +uncropped +uncropt +uncross +uncrossable +uncrossableness +uncrossed +uncrossexaminable +uncrossexamined +uncrossly +uncrowded +uncrown +uncrowned +uncrowning +uncrucified +uncrudded +uncrude +uncruel +uncrumbled +uncrumple +uncrumpling +uncrushable +uncrushed +uncrusted +uncrying +uncrystaled +uncrystalled +uncrystalline +uncrystallizability +uncrystallizable +uncrystallized +unction +unctional +unctioneer +unctionless +unctious +unctiousness +unctorium +unctuose +unctuosity +unctuous +unctuously +unctuousness +uncubbed +uncubic +uncuckold +uncuckolded +uncudgelled +uncuffed +uncular +unculled +uncultivability +uncultivable +uncultivate +uncultivated +uncultivation +unculturable +unculture +uncultured +uncumber +uncumbered +uncumbrous +uncunning +uncunningly +uncunningness +uncupped +uncurable +uncurableness +uncurably +uncurb +uncurbable +uncurbed +uncurbedly +uncurbing +uncurd +uncurdled +uncurdling +uncured +uncurious +uncuriously +uncurl +uncurled +uncurling +uncurrent +uncurrently +uncurrentness +uncurricularized +uncurried +uncurse +uncursed +uncursing +uncurst +uncurtailed +uncurtain +uncurtained +uncus +uncushioned +uncusped +uncustomable +uncustomarily +uncustomariness +uncustomary +uncustomed +uncut +uncuth +uncuticulate +uncuttable +uncynical +uncynically +uncypress +undabbled +undaggled +undaily +undaintiness +undainty +undallying +undam +undamageable +undamaged +undamaging +undamasked +undammed +undamming +undamn +undamped +undancing +undandiacal +undandled +undangered +undangerous +undangerousness +undared +undaring +undark +undarken +undarkened +undarned +undashed +undatable +undate +undateable +undated +undatedness +undaub +undaubed +undaughter +undaughterliness +undaughterly +undauntable +undaunted +undauntedly +undauntedness +undaunting +undawned +undawning +undazed +undazing +undazzle +undazzled +undazzling +unde +undead +undeadened +undeaf +undealable +undealt +undean +undear +undebarred +undebased +undebatable +undebated +undebating +undebauched +undebilitated +undebilitating +undecagon +undecanaphthene +undecane +undecatoic +undecayable +undecayableness +undecayed +undecayedness +undecaying +undeceased +undeceitful +undeceivable +undeceivableness +undeceivably +undeceive +undeceived +undeceiver +undeceiving +undecency +undecennary +undecennial +undecent +undecently +undeception +undeceptious +undeceptitious +undeceptive +undecidable +undecide +undecided +undecidedly +undecidedness +undeciding +undecimal +undeciman +undecimole +undecipher +undecipherability +undecipherable +undecipherably +undeciphered +undecision +undecisive +undecisively +undecisiveness +undeck +undecked +undeclaimed +undeclaiming +undeclamatory +undeclarable +undeclare +undeclared +undeclinable +undeclinableness +undeclinably +undeclined +undeclining +undecocted +undecoic +undecolic +undecomposable +undecomposed +undecompounded +undecorated +undecorative +undecorous +undecorously +undecorousness +undecorticated +undecoyed +undecreased +undecreasing +undecree +undecreed +undecried +undecyl +undecylenic +undecylic +undedicate +undedicated +undeducible +undeducted +undeeded +undeemed +undeemous +undeemously +undeep +undefaceable +undefaced +undefalcated +undefamed +undefaming +undefatigable +undefaulted +undefaulting +undefeasible +undefeat +undefeatable +undefeated +undefeatedly +undefeatedness +undefecated +undefectible +undefective +undefectiveness +undefendable +undefendableness +undefendably +undefended +undefending +undefense +undefensed +undefensible +undeferential +undeferentially +undeferred +undefiant +undeficient +undefied +undefilable +undefiled +undefiledly +undefiledness +undefinable +undefinableness +undefinably +undefine +undefined +undefinedly +undefinedness +undeflected +undeflowered +undeformed +undeformedness +undefrauded +undefrayed +undeft +undegeneracy +undegenerate +undegenerated +undegenerating +undegraded +undegrading +undeification +undeified +undeify +undeistical +undejected +undelated +undelayable +undelayed +undelayedly +undelaying +undelayingly +undelectable +undelectably +undelegated +undeleted +undeliberate +undeliberated +undeliberately +undeliberateness +undeliberating +undeliberatingly +undeliberative +undeliberativeness +undelible +undelicious +undelight +undelighted +undelightful +undelightfully +undelightfulness +undelighting +undelightsome +undelimited +undelineated +undeliverable +undeliverableness +undelivered +undelivery +undeludable +undelude +undeluded +undeluding +undeluged +undelusive +undelusively +undelve +undelved +undelylene +undemagnetizable +undemanded +undemised +undemocratic +undemocratically +undemocratize +undemolishable +undemolished +undemonstrable +undemonstrably +undemonstratable +undemonstrated +undemonstrative +undemonstratively +undemonstrativeness +undemure +undemurring +unden +undeniable +undeniableness +undeniably +undenied +undeniedly +undenizened +undenominated +undenominational +undenominationalism +undenominationalist +undenominationalize +undenominationally +undenoted +undenounced +undenuded +undepartableness +undepartably +undeparted +undeparting +undependable +undependableness +undependably +undependent +undepending +undephlegmated +undepicted +undepleted +undeplored +undeported +undeposable +undeposed +undeposited +undepraved +undepravedness +undeprecated +undepreciated +undepressed +undepressible +undepressing +undeprivable +undeprived +undepurated +undeputed +under +underabyss +underaccident +underaccommodated +underact +underacted +underacting +underaction +underactor +underadjustment +underadmiral +underadventurer +underage +underagency +underagent +underagitation +underaid +underaim +underair +underalderman +underanged +underarch +underargue +underarm +underaverage +underback +underbailiff +underbake +underbalance +underballast +underbank +underbarber +underbarring +underbasal +underbeadle +underbeak +underbeam +underbear +underbearer +underbearing +underbeat +underbeaten +underbed +underbelly +underbeveling +underbid +underbidder +underbill +underbillow +underbishop +underbishopric +underbit +underbite +underbitted +underbitten +underboard +underboated +underbodice +underbody +underboil +underboom +underborn +underborne +underbottom +underbough +underbought +underbound +underbowed +underbowser +underbox +underboy +underbrace +underbraced +underbranch +underbreath +underbreathing +underbred +underbreeding +underbrew +underbridge +underbrigadier +underbright +underbrim +underbrush +underbubble +underbud +underbuild +underbuilder +underbuilding +underbuoy +underburn +underburned +underburnt +underbursar +underbury +underbush +underbutler +underbuy +undercanopy +undercanvass +undercap +undercapitaled +undercapitalization +undercapitalize +undercaptain +undercarder +undercarriage +undercarry +undercarter +undercarve +undercarved +undercase +undercasing +undercast +undercause +underceiling +undercellar +undercellarer +underchamber +underchamberlain +underchancellor +underchanter +underchap +undercharge +undercharged +underchief +underchime +underchin +underchord +underchurched +undercircle +undercitizen +underclad +underclass +underclassman +underclay +underclearer +underclerk +underclerkship +undercliff +underclift +undercloak +undercloth +underclothe +underclothed +underclothes +underclothing +underclub +underclutch +undercoachman +undercoat +undercoated +undercoater +undercoating +undercollector +undercolor +undercolored +undercoloring +undercommander +undercomment +undercompounded +underconcerned +undercondition +underconsciousness +underconstable +underconsume +underconsumption +undercook +undercool +undercooper +undercorrect +undercountenance +undercourse +undercourtier +undercover +undercovering +undercovert +undercrawl +undercreep +undercrest +undercrier +undercroft +undercrop +undercrust +undercry +undercrypt +undercup +undercurl +undercurrent +undercurve +undercut +undercutter +undercutting +underdauber +underdeacon +underdead +underdebauchee +underdeck +underdepth +underdevelop +underdevelopment +underdevil +underdialogue +underdig +underdip +underdish +underdistinction +underdistributor +underditch +underdive +underdo +underdoctor +underdoer +underdog +underdoing +underdone +underdose +underdot +underdown +underdraft +underdrag +underdrain +underdrainage +underdrainer +underdraught +underdraw +underdrawers +underdrawn +underdress +underdressed +underdrift +underdrive +underdriven +underdrudgery +underdrumming +underdry +underdunged +underearth +undereat +undereaten +underedge +undereducated +underemployment +underengraver +underenter +underer +underescheator +underestimate +underestimation +underexcited +underexercise +underexpose +underexposure +undereye +underface +underfaction +underfactor +underfaculty +underfalconer +underfall +underfarmer +underfeathering +underfeature +underfed +underfeed +underfeeder +underfeeling +underfeet +underfellow +underfiend +underfill +underfilling +underfinance +underfind +underfire +underfitting +underflame +underflannel +underfleece +underflood +underfloor +underflooring +underflow +underfold +underfolded +underfong +underfoot +underfootage +underfootman +underforebody +underform +underfortify +underframe +underframework +underframing +underfreight +underfrequency +underfringe +underfrock +underfur +underfurnish +underfurnisher +underfurrow +undergabble +undergamekeeper +undergaoler +undergarb +undergardener +undergarment +undergarnish +undergauge +undergear +undergeneral +undergentleman +undergird +undergirder +undergirding +undergirdle +undergirth +underglaze +undergloom +underglow +undergnaw +undergo +undergod +undergoer +undergoing +undergore +undergoverness +undergovernment +undergovernor +undergown +undergrad +undergrade +undergraduate +undergraduatedom +undergraduateness +undergraduateship +undergraduatish +undergraduette +undergraining +undergrass +undergreen +undergrieve +undergroan +underground +undergrounder +undergroundling +undergrove +undergrow +undergrowl +undergrown +undergrowth +undergrub +underguard +underguardian +undergunner +underhabit +underhammer +underhand +underhanded +underhandedly +underhandedness +underhang +underhanging +underhangman +underhatch +underhead +underheat +underheaven +underhelp +underhew +underhid +underhill +underhint +underhistory +underhive +underhold +underhole +underhonest +underhorse +underhorsed +underhousemaid +underhum +underhung +underided +underinstrument +underisive +underissue +underivable +underivative +underived +underivedly +underivedness +underjacket +underjailer +underjanitor +underjaw +underjawed +underjobbing +underjudge +underjungle +underkeel +underkeeper +underkind +underking +underkingdom +underlaborer +underlaid +underlain +underland +underlanguaged +underlap +underlapper +underlash +underlaundress +underlawyer +underlay +underlayer +underlaying +underleaf +underlease +underleather +underlegate +underlessee +underlet +underletter +underlevel +underlever +underlid +underlie +underlier +underlieutenant +underlife +underlift +underlight +underliking +underlimbed +underlimit +underline +underlineation +underlineman +underlinement +underlinen +underliner +underling +underlining +underlip +underlive +underload +underlock +underlodging +underloft +underlook +underlooker +underlout +underlunged +underly +underlye +underlying +undermade +undermaid +undermaker +underman +undermanager +undermanned +undermanning +undermark +undermarshal +undermarshalman +undermasted +undermaster +undermatch +undermatched +undermate +undermath +undermeal +undermeaning +undermeasure +undermediator +undermelody +undermentioned +undermiller +undermimic +underminable +undermine +underminer +undermining +underminingly +underminister +underministry +undermist +undermoated +undermoney +undermoral +undermost +undermotion +undermount +undermountain +undermusic +undermuslin +undern +undername +undernatural +underneath +underness +underniceness +undernote +undernoted +undernourish +undernourished +undernourishment +undernsong +underntide +underntime +undernurse +undernutrition +underoccupied +underofficer +underofficered +underofficial +underogating +underogatory +underopinion +underorb +underorganization +underorseman +underoverlooker +underoxidize +underpacking +underpaid +underpain +underpainting +underpan +underpants +underparticipation +underpartner +underpass +underpassion +underpay +underpayment +underpeep +underpeer +underpen +underpeopled +underpetticoat +underpetticoated +underpick +underpier +underpilaster +underpile +underpin +underpinner +underpinning +underpitch +underpitched +underplain +underplan +underplant +underplate +underplay +underplot +underplotter +underply +underpoint +underpole +underpopulate +underpopulation +underporch +underporter +underpose +underpossessor +underpot +underpower +underpraise +underprefect +underprentice +underpresence +underpresser +underpressure +underprice +underpriest +underprincipal +underprint +underprior +underprivileged +underprize +underproduce +underproduction +underproductive +underproficient +underprompt +underprompter +underproof +underprop +underproportion +underproportioned +underproposition +underpropped +underpropper +underpropping +underprospect +underpry +underpuke +underqualified +underqueen +underquote +underranger +underrate +underratement +underrating +underreach +underread +underreader +underrealize +underrealm +underream +underreamer +underreceiver +underreckon +underrecompense +underregion +underregistration +underrent +underrented +underrenting +underrepresent +underrepresentation +underrespected +underriddle +underriding +underrigged +underring +underripe +underripened +underriver +underroarer +underroast +underrobe +underrogue +underroll +underroller +underroof +underroom +underroot +underrooted +underrower +underrule +underruler +underrun +underrunning +undersacristan +undersailed +undersally +undersap +undersatisfaction +undersaturate +undersaturation +undersavior +undersaw +undersawyer +underscale +underscheme +underschool +underscoop +underscore +underscribe +underscript +underscrub +underscrupulous +undersea +underseam +underseaman +undersearch +underseas +underseated +undersecretary +undersecretaryship +undersect +undersee +underseeded +underseedman +undersell +underseller +underselling +undersense +undersequence +underservant +underserve +underservice +underset +undersetter +undersetting +undersettle +undersettler +undersettling +undersexton +undershapen +undersharp +undersheathing +undershepherd +undersheriff +undersheriffry +undersheriffship +undersheriffwick +undershield +undershine +undershining +undershire +undershirt +undershoe +undershoot +undershore +undershorten +undershot +undershrievalty +undershrieve +undershrievery +undershrub +undershrubbiness +undershrubby +undershunter +undershut +underside +undersight +undersighted +undersign +undersignalman +undersigner +undersill +undersinging +undersitter +undersize +undersized +underskin +underskirt +undersky +undersleep +undersleeve +underslip +underslope +undersluice +underslung +undersneer +undersociety +undersoil +undersole +undersomething +undersong +undersorcerer +undersort +undersoul +undersound +undersovereign +undersow +underspar +undersparred +underspecies +underspecified +underspend +undersphere +underspin +underspinner +undersplice +underspore +underspread +underspring +undersprout +underspurleather +undersquare +understaff +understage +understain +understairs +understamp +understand +understandability +understandable +understandableness +understandably +understander +understanding +understandingly +understandingness +understate +understatement +understay +understeer +understem +understep +understeward +understewardship +understimulus +understock +understocking +understood +understory +understrain +understrap +understrapper +understrapping +understratum +understream +understress +understrew +understride +understriding +understrife +understrike +understring +understroke +understrung +understudy +understuff +understuffing +undersuck +undersuggestion +undersuit +undersupply +undersupport +undersurface +underswain +underswamp +undersward +underswearer +undersweat +undersweep +underswell +undertakable +undertake +undertakement +undertaker +undertakerish +undertakerlike +undertakerly +undertakery +undertaking +undertakingly +undertalk +undertapster +undertaxed +underteacher +underteamed +underteller +undertenancy +undertenant +undertenter +undertenure +underterrestrial +undertest +underthane +underthaw +underthief +underthing +underthink +underthirst +underthought +underthroating +underthrob +underthrust +undertide +undertided +undertie +undertime +undertimed +undertint +undertitle +undertone +undertoned +undertook +undertow +undertrader +undertrained +undertread +undertreasurer +undertreat +undertribe +undertrick +undertrodden +undertruck +undertrump +undertruss +undertub +undertune +undertunic +underturf +underturn +underturnkey +undertutor +undertwig +undertype +undertyrant +underusher +undervaluation +undervalue +undervaluement +undervaluer +undervaluing +undervaluinglike +undervaluingly +undervalve +undervassal +undervaulted +undervaulting +undervegetation +underventilation +underverse +undervest +undervicar +underviewer +undervillain +undervinedresser +undervitalized +undervocabularied +undervoice +undervoltage +underwage +underwaist +underwaistcoat +underwalk +underward +underwarden +underwarmth +underwarp +underwash +underwatch +underwatcher +underwater +underwave +underway +underweapon +underwear +underweft +underweigh +underweight +underweighted +underwent +underwheel +underwhistle +underwind +underwing +underwit +underwitch +underwitted +underwood +underwooded +underwork +underworker +underworking +underworkman +underworld +underwrap +underwrite +underwriter +underwriting +underwrought +underyield +underyoke +underzeal +underzealot +undescendable +undescended +undescendible +undescribable +undescribably +undescribed +undescried +undescript +undescriptive +undescrying +undesert +undeserted +undeserting +undeserve +undeserved +undeservedly +undeservedness +undeserver +undeserving +undeservingly +undeservingness +undesign +undesignated +undesigned +undesignedly +undesignedness +undesigning +undesigningly +undesigningness +undesirability +undesirable +undesirableness +undesirably +undesire +undesired +undesiredly +undesiring +undesirous +undesirously +undesirousness +undesisting +undespaired +undespairing +undespairingly +undespatched +undespised +undespising +undespoiled +undespondent +undespondently +undesponding +undespotic +undestined +undestroyable +undestroyed +undestructible +undestructive +undetachable +undetached +undetailed +undetainable +undetained +undetectable +undetected +undetectible +undeteriorated +undeteriorating +undeterminable +undeterminate +undetermination +undetermined +undetermining +undeterred +undeterring +undetested +undetesting +undethronable +undethroned +undetracting +undetractingly +undetrimental +undevelopable +undeveloped +undeveloping +undeviated +undeviating +undeviatingly +undevil +undevious +undeviously +undevisable +undevised +undevoted +undevotion +undevotional +undevoured +undevout +undevoutly +undevoutness +undewed +undewy +undexterous +undexterously +undextrous +undextrously +undiademed +undiagnosable +undiagnosed +undialed +undialyzed +undiametric +undiamonded +undiapered +undiaphanous +undiatonic +undichotomous +undictated +undid +undidactic +undies +undieted +undifferenced +undifferent +undifferential +undifferentiated +undifficult +undiffident +undiffracted +undiffused +undiffusible +undiffusive +undig +undigenous +undigest +undigestable +undigested +undigestible +undigesting +undigestion +undigged +undight +undighted +undigitated +undignified +undignifiedly +undignifiedness +undignify +undiked +undilapidated +undilatable +undilated +undilatory +undiligent +undiligently +undilute +undiluted +undilution +undiluvial +undim +undimensioned +undimerous +undimidiate +undiminishable +undiminishableness +undiminishably +undiminished +undiminishing +undiminutive +undimmed +undimpled +Undine +undine +undined +undinted +undiocesed +undiphthongize +undiplomaed +undiplomatic +undipped +undirect +undirected +undirectional +undirectly +undirectness +undirk +undisabled +undisadvantageous +undisagreeable +undisappearing +undisappointable +undisappointed +undisappointing +undisarmed +undisastrous +undisbanded +undisbarred +undisburdened +undisbursed +undiscardable +undiscarded +undiscerned +undiscernedly +undiscernible +undiscernibleness +undiscernibly +undiscerning +undiscerningly +undischargeable +undischarged +undiscipled +undisciplinable +undiscipline +undisciplined +undisciplinedness +undisclaimed +undisclosed +undiscolored +undiscomfitable +undiscomfited +undiscomposed +undisconcerted +undisconnected +undiscontinued +undiscordant +undiscording +undiscounted +undiscourageable +undiscouraged +undiscouraging +undiscoursed +undiscoverable +undiscoverableness +undiscoverably +undiscovered +undiscreditable +undiscredited +undiscreet +undiscreetly +undiscreetness +undiscretion +undiscriminated +undiscriminating +undiscriminatingly +undiscriminatingness +undiscriminative +undiscursive +undiscussable +undiscussed +undisdained +undisdaining +undiseased +undisestablished +undisfigured +undisfranchised +undisfulfilled +undisgorged +undisgraced +undisguisable +undisguise +undisguised +undisguisedly +undisguisedness +undisgusted +undisheartened +undished +undisheveled +undishonored +undisillusioned +undisinfected +undisinheritable +undisinherited +undisintegrated +undisinterested +undisjoined +undisjointed +undisliked +undislocated +undislodgeable +undislodged +undismantled +undismay +undismayable +undismayed +undismayedly +undismembered +undismissed +undismounted +undisobedient +undisobeyed +undisobliging +undisordered +undisorderly +undisorganized +undisowned +undisowning +undisparaged +undisparity +undispassionate +undispatchable +undispatched +undispatching +undispellable +undispelled +undispensable +undispensed +undispensing +undispersed +undispersing +undisplaced +undisplanted +undisplay +undisplayable +undisplayed +undisplaying +undispleased +undispose +undisposed +undisposedness +undisprivacied +undisprovable +undisproved +undisproving +undisputable +undisputableness +undisputably +undisputatious +undisputatiously +undisputed +undisputedly +undisputedness +undisputing +undisqualifiable +undisqualified +undisquieted +undisreputable +undisrobed +undisrupted +undissected +undissembled +undissembledness +undissembling +undissemblingly +undisseminated +undissenting +undissevered +undissimulated +undissipated +undissociated +undissoluble +undissolute +undissolvable +undissolved +undissolving +undissonant +undissuadable +undissuadably +undissuade +undistanced +undistant +undistantly +undistasted +undistasteful +undistempered +undistend +undistended +undistilled +undistinct +undistinctive +undistinctly +undistinctness +undistinguish +undistinguishable +undistinguishableness +undistinguishably +undistinguished +undistinguishing +undistinguishingly +undistorted +undistorting +undistracted +undistractedly +undistractedness +undistracting +undistractingly +undistrained +undistraught +undistress +undistressed +undistributed +undistrusted +undistrustful +undisturbable +undisturbance +undisturbed +undisturbedly +undisturbedness +undisturbing +undisturbingly +unditched +undithyrambic +undittoed +undiuretic +undiurnal +undivable +undivergent +undiverging +undiverse +undiversified +undiverted +undivertible +undivertibly +undiverting +undivested +undivestedly +undividable +undividableness +undividably +undivided +undividedly +undividedness +undividing +undivinable +undivined +undivinelike +undivinely +undivining +undivisible +undivisive +undivorceable +undivorced +undivorcedness +undivorcing +undivulged +undivulging +undizened +undizzied +undo +undoable +undock +undocked +undoctor +undoctored +undoctrinal +undoctrined +undocumentary +undocumented +undocumentedness +undodged +undoer +undoffed +undog +undogmatic +undogmatical +undoing +undoingness +undolled +undolorous +undomed +undomestic +undomesticate +undomesticated +undomestication +undomicilable +undomiciled +undominated +undomineering +undominical +undominoed +undon +undonated +undonating +undone +undoneness +undonkey +undonnish +undoomed +undoped +undormant +undose +undosed +undoting +undotted +undouble +undoubled +undoubtable +undoubtableness +undoubtably +undoubted +undoubtedly +undoubtedness +undoubtful +undoubtfully +undoubtfulness +undoubting +undoubtingly +undoubtingness +undouched +undoughty +undovelike +undoweled +undowered +undowned +undowny +undrab +undraftable +undrafted +undrag +undragoned +undragooned +undrainable +undrained +undramatic +undramatical +undramatically +undramatizable +undramatized +undrape +undraped +undraperied +undraw +undrawable +undrawn +undreaded +undreadful +undreadfully +undreading +undreamed +undreaming +undreamlike +undreamt +undreamy +undredged +undreggy +undrenched +undress +undressed +undried +undrillable +undrilled +undrinkable +undrinkableness +undrinkably +undrinking +undripping +undrivable +undrivableness +undriven +undronelike +undrooping +undropped +undropsical +undrossy +undrowned +undrubbed +undrugged +undrunk +undrunken +undry +undryable +undrying +undualize +undub +undubbed +undubitable +undubitably +unducal +unduchess +undue +unduelling +undueness +undug +unduke +undulant +undular +undularly +undulatance +undulate +undulated +undulately +undulating +undulatingly +undulation +undulationist +undulative +undulatory +undull +undulled +undullness +unduloid +undulose +undulous +unduly +undumped +unduncelike +undunged +undupable +unduped +unduplicability +unduplicable +unduplicity +undurable +undurableness +undurably +undust +undusted +unduteous +undutiable +undutiful +undutifully +undutifulness +unduty +undwarfed +undwelt +undwindling +undy +undye +undyeable +undyed +undying +undyingly +undyingness +uneager +uneagerly +uneagerness +uneagled +unearly +unearned +unearnest +unearth +unearthed +unearthliness +unearthly +unease +uneaseful +uneasefulness +uneasily +uneasiness +uneastern +uneasy +uneatable +uneatableness +uneaten +uneath +uneating +unebbed +unebbing +unebriate +uneccentric +unecclesiastical +unechoed +unechoing +uneclectic +uneclipsed +uneconomic +uneconomical +uneconomically +uneconomicalness +uneconomizing +unecstatic +unedge +unedged +unedible +unedibleness +unedibly +unedified +unedifying +uneditable +unedited +uneducable +uneducableness +uneducably +uneducate +uneducated +uneducatedly +uneducatedness +uneducative +uneduced +uneffaceable +uneffaceably +uneffaced +uneffected +uneffectible +uneffective +uneffectless +uneffectual +uneffectually +uneffectualness +uneffectuated +uneffeminate +uneffeminated +uneffervescent +uneffete +unefficacious +unefficient +uneffigiated +uneffused +uneffusing +uneffusive +unegoist +unegoistical +unegoistically +unegregious +unejaculated +unejected +unelaborate +unelaborated +unelaborately +unelaborateness +unelapsed +unelastic +unelasticity +unelated +unelating +unelbowed +unelderly +unelect +unelectable +unelected +unelective +unelectric +unelectrical +unelectrified +unelectrify +unelectrifying +unelectrized +unelectronic +uneleemosynary +unelegant +unelegantly +unelegantness +unelemental +unelementary +unelevated +unelicited +unelided +unelidible +uneligibility +uneligible +uneligibly +uneliminated +unelongated +uneloped +uneloping +uneloquent +uneloquently +unelucidated +unelucidating +uneluded +unelusive +unemaciated +unemancipable +unemancipated +unemasculated +unembalmed +unembanked +unembarrassed +unembarrassedly +unembarrassedness +unembarrassing +unembarrassment +unembased +unembattled +unembayed +unembellished +unembezzled +unembittered +unemblazoned +unembodied +unembodiment +unembossed +unembowelled +unembowered +unembraceable +unembraced +unembroidered +unembroiled +unembryonic +unemendable +unemended +unemerged +unemerging +unemigrating +uneminent +uneminently +unemitted +unemolumentary +unemolumented +unemotional +unemotionalism +unemotionally +unemotionalness +unemotioned +unempaneled +unemphatic +unemphatical +unemphatically +unempirical +unempirically +unemploy +unemployability +unemployable +unemployableness +unemployably +unemployed +unemployment +unempoisoned +unempowered +unempt +unemptiable +unemptied +unempty +unemulative +unemulous +unemulsified +unenabled +unenacted +unenameled +unenamored +unencamped +unenchafed +unenchant +unenchanted +unencircled +unenclosed +unencompassed +unencored +unencounterable +unencountered +unencouraged +unencouraging +unencroached +unencroaching +unencumber +unencumbered +unencumberedly +unencumberedness +unencumbering +unencysted +unendable +unendamaged +unendangered +unendeared +unendeavored +unended +unending +unendingly +unendingness +unendorsable +unendorsed +unendowed +unendowing +unendued +unendurability +unendurable +unendurably +unendured +unenduring +unenduringly +unenergetic +unenergized +unenervated +unenfeebled +unenfiladed +unenforceable +unenforced +unenforcedly +unenforcedness +unenforcibility +unenfranchised +unengaged +unengaging +unengendered +unengineered +unenglish +unengraved +unengraven +unengrossed +unenhanced +unenjoined +unenjoyable +unenjoyed +unenjoying +unenjoyingly +unenkindled +unenlarged +unenlightened +unenlightening +unenlisted +unenlivened +unenlivening +unennobled +unennobling +unenounced +unenquired +unenquiring +unenraged +unenraptured +unenrichable +unenrichableness +unenriched +unenriching +unenrobed +unenrolled +unenshrined +unenslave +unenslaved +unensnared +unensouled +unensured +unentailed +unentangle +unentangleable +unentangled +unentanglement +unentangler +unenterable +unentered +unentering +unenterprise +unenterprised +unenterprising +unenterprisingly +unenterprisingness +unentertainable +unentertained +unentertaining +unentertainingly +unentertainingness +unenthralled +unenthralling +unenthroned +unenthusiasm +unenthusiastic +unenthusiastically +unenticed +unenticing +unentire +unentitled +unentombed +unentomological +unentrance +unentranced +unentrapped +unentreated +unentreating +unentrenched +unentwined +unenumerable +unenumerated +unenveloped +unenvenomed +unenviable +unenviably +unenvied +unenviedly +unenvious +unenviously +unenvironed +unenvying +unenwoven +unepauleted +unephemeral +unepic +unepicurean +unepigrammatic +unepilogued +unepiscopal +unepiscopally +unepistolary +unepitaphed +unepithelial +unepitomized +unequable +unequableness +unequably +unequal +unequalable +unequaled +unequality +unequalize +unequalized +unequally +unequalness +unequated +unequatorial +unequestrian +unequiangular +unequiaxed +unequilateral +unequilibrated +unequine +unequipped +unequitable +unequitableness +unequitably +unequivalent +unequivalve +unequivalved +unequivocal +unequivocally +unequivocalness +uneradicable +uneradicated +unerasable +unerased +unerasing +unerect +unerected +unermined +uneroded +unerrable +unerrableness +unerrably +unerrancy +unerrant +unerratic +unerring +unerringly +unerringness +unerroneous +unerroneously +unerudite +unerupted +uneruptive +unescaladed +unescalloped +unescapable +unescapableness +unescapably +unescaped +unescheated +uneschewable +uneschewably +uneschewed +Unesco +unescorted +unescutcheoned +unesoteric +unespied +unespousable +unespoused +unessayed +unessence +unessential +unessentially +unessentialness +unestablish +unestablishable +unestablished +unestablishment +unesteemed +unestimable +unestimableness +unestimably +unestimated +unestopped +unestranged +unetched +uneternal +uneternized +unethereal +unethic +unethical +unethically +unethicalness +unethnological +unethylated +unetymological +unetymologizable +uneucharistical +uneugenic +uneulogized +uneuphemistical +uneuphonic +uneuphonious +uneuphoniously +uneuphoniousness +unevacuated +unevadable +unevaded +unevaluated +unevanescent +unevangelic +unevangelical +unevangelized +unevaporate +unevaporated +unevasive +uneven +unevenly +unevenness +uneventful +uneventfully +uneventfulness +uneverted +unevicted +unevidenced +unevident +unevidential +unevil +unevinced +unevirated +uneviscerated +unevitable +unevitably +unevokable +unevoked +unevolutionary +unevolved +unexacerbated +unexact +unexacted +unexactedly +unexacting +unexactingly +unexactly +unexactness +unexaggerable +unexaggerated +unexaggerating +unexalted +unexaminable +unexamined +unexamining +unexampled +unexampledness +unexasperated +unexasperating +unexcavated +unexceedable +unexceeded +unexcelled +unexcellent +unexcelling +unexceptable +unexcepted +unexcepting +unexceptionability +unexceptionable +unexceptionableness +unexceptionably +unexceptional +unexceptionally +unexceptionalness +unexceptive +unexcerpted +unexcessive +unexchangeable +unexchangeableness +unexchanged +unexcised +unexcitability +unexcitable +unexcited +unexciting +unexclaiming +unexcludable +unexcluded +unexcluding +unexclusive +unexclusively +unexclusiveness +unexcogitable +unexcogitated +unexcommunicated +unexcoriated +unexcorticated +unexcrescent +unexcreted +unexcruciating +unexculpable +unexculpably +unexculpated +unexcursive +unexcusable +unexcusableness +unexcusably +unexcused +unexcusedly +unexcusedness +unexcusing +unexecrated +unexecutable +unexecuted +unexecuting +unexecutorial +unexemplary +unexemplifiable +unexemplified +unexempt +unexempted +unexemptible +unexempting +unexercisable +unexercise +unexercised +unexerted +unexhalable +unexhaled +unexhausted +unexhaustedly +unexhaustedness +unexhaustible +unexhaustibleness +unexhaustibly +unexhaustion +unexhaustive +unexhaustiveness +unexhibitable +unexhibitableness +unexhibited +unexhilarated +unexhilarating +unexhorted +unexhumed +unexigent +unexilable +unexiled +unexistence +unexistent +unexisting +unexonerable +unexonerated +unexorable +unexorableness +unexorbitant +unexorcisable +unexorcisably +unexorcised +unexotic +unexpandable +unexpanded +unexpanding +unexpansive +unexpectable +unexpectant +unexpected +unexpectedly +unexpectedness +unexpecting +unexpectingly +unexpectorated +unexpedient +unexpeditated +unexpedited +unexpeditious +unexpelled +unexpendable +unexpended +unexpensive +unexpensively +unexpensiveness +unexperience +unexperienced +unexperiencedness +unexperient +unexperiential +unexperimental +unexperimented +unexpert +unexpertly +unexpertness +unexpiable +unexpiated +unexpired +unexpiring +unexplainable +unexplainableness +unexplainably +unexplained +unexplainedly +unexplainedness +unexplaining +unexplanatory +unexplicable +unexplicableness +unexplicably +unexplicated +unexplicit +unexplicitly +unexplicitness +unexploded +unexploitation +unexploited +unexplorable +unexplorative +unexplored +unexplosive +unexportable +unexported +unexporting +unexposable +unexposed +unexpostulating +unexpoundable +unexpounded +unexpress +unexpressable +unexpressableness +unexpressably +unexpressed +unexpressedly +unexpressible +unexpressibleness +unexpressibly +unexpressive +unexpressively +unexpressiveness +unexpressly +unexpropriable +unexpropriated +unexpugnable +unexpunged +unexpurgated +unexpurgatedly +unexpurgatedness +unextended +unextendedly +unextendedness +unextendible +unextensible +unextenuable +unextenuated +unextenuating +unexterminable +unexterminated +unexternal +unexternality +unexterritoriality +unextinct +unextinctness +unextinguishable +unextinguishableness +unextinguishably +unextinguished +unextirpated +unextolled +unextortable +unextorted +unextractable +unextracted +unextradited +unextraneous +unextraordinary +unextravagance +unextravagant +unextravagating +unextravasated +unextreme +unextricable +unextricated +unextrinsic +unextruded +unexuberant +unexuded +unexultant +uneye +uneyeable +uneyed +unfabled +unfabling +unfabricated +unfabulous +unfacaded +unface +unfaceable +unfaced +unfaceted +unfacetious +unfacile +unfacilitated +unfact +unfactional +unfactious +unfactitious +unfactorable +unfactored +unfactual +unfadable +unfaded +unfading +unfadingly +unfadingness +unfagged +unfagoted +unfailable +unfailableness +unfailably +unfailed +unfailing +unfailingly +unfailingness +unfain +unfaint +unfainting +unfaintly +unfair +unfairly +unfairminded +unfairness +unfairylike +unfaith +unfaithful +unfaithfully +unfaithfulness +unfaked +unfallacious +unfallaciously +unfallen +unfallenness +unfallible +unfallibleness +unfallibly +unfalling +unfallowed +unfalse +unfalsifiable +unfalsified +unfalsifiedness +unfalsity +unfaltering +unfalteringly +unfamed +unfamiliar +unfamiliarity +unfamiliarized +unfamiliarly +unfanatical +unfanciable +unfancied +unfanciful +unfancy +unfanged +unfanned +unfantastic +unfantastical +unfantastically +unfar +unfarced +unfarcical +unfarewelled +unfarmed +unfarming +unfarrowed +unfarsighted +unfasciated +unfascinate +unfascinated +unfascinating +unfashion +unfashionable +unfashionableness +unfashionably +unfashioned +unfast +unfasten +unfastenable +unfastened +unfastener +unfastidious +unfastidiously +unfastidiousness +unfasting +unfather +unfathered +unfatherlike +unfatherliness +unfatherly +unfathomability +unfathomable +unfathomableness +unfathomably +unfathomed +unfatigue +unfatigueable +unfatigued +unfatiguing +unfattable +unfatted +unfatten +unfauceted +unfaultfinding +unfaulty +unfavorable +unfavorableness +unfavorably +unfavored +unfavoring +unfavorite +unfawning +unfealty +unfeared +unfearful +unfearfully +unfearing +unfearingly +unfeary +unfeasable +unfeasableness +unfeasably +unfeasibility +unfeasible +unfeasibleness +unfeasibly +unfeasted +unfeather +unfeathered +unfeatured +unfecund +unfecundated +unfed +unfederal +unfederated +unfeeble +unfeed +unfeedable +unfeeding +unfeeing +unfeelable +unfeeling +unfeelingly +unfeelingness +unfeignable +unfeignableness +unfeignably +unfeigned +unfeignedly +unfeignedness +unfeigning +unfeigningly +unfeigningness +unfele +unfelicitated +unfelicitating +unfelicitous +unfelicitously +unfelicitousness +unfeline +unfellable +unfelled +unfellied +unfellow +unfellowed +unfellowlike +unfellowly +unfellowshiped +unfelon +unfelonious +unfeloniously +unfelony +unfelt +unfelted +unfemale +unfeminine +unfemininely +unfeminineness +unfemininity +unfeminist +unfeminize +unfence +unfenced +unfendered +unfenestrated +unfeoffed +unfermentable +unfermentableness +unfermentably +unfermented +unfermenting +unfernlike +unferocious +unferreted +unferried +unfertile +unfertileness +unfertility +unfertilizable +unfertilized +unfervent +unfervid +unfester +unfestered +unfestival +unfestive +unfestively +unfestooned +unfetchable +unfetched +unfeted +unfetter +unfettered +unfettled +unfeudal +unfeudalize +unfeudalized +unfeued +unfevered +unfeverish +unfew +unfibbed +unfibbing +unfiber +unfibered +unfibrous +unfickle +unfictitious +unfidelity +unfidgeting +unfielded +unfiend +unfiendlike +unfierce +unfiery +unfight +unfightable +unfighting +unfigurable +unfigurative +unfigured +unfilamentous +unfilched +unfile +unfiled +unfilial +unfilially +unfilialness +unfill +unfillable +unfilled +unfilleted +unfilling +unfilm +unfilmed +unfiltered +unfiltrated +unfinable +unfinancial +unfine +unfined +unfinessed +unfingered +unfinical +unfinish +unfinishable +unfinished +unfinishedly +unfinishedness +unfinite +unfired +unfireproof +unfiring +unfirm +unfirmamented +unfirmly +unfirmness +unfiscal +unfishable +unfished +unfishing +unfishlike +unfissile +unfistulous +unfit +unfitly +unfitness +unfittable +unfitted +unfittedness +unfitten +unfitting +unfittingly +unfittingness +unfitty +unfix +unfixable +unfixated +unfixed +unfixedness +unfixing +unfixity +unflag +unflagged +unflagging +unflaggingly +unflaggingness +unflagitious +unflagrant +unflaky +unflamboyant +unflaming +unflanged +unflank +unflanked +unflapping +unflashing +unflat +unflated +unflattened +unflatterable +unflattered +unflattering +unflatteringly +unflaunted +unflavored +unflawed +unflayed +unflead +unflecked +unfledge +unfledged +unfledgedness +unfleece +unfleeced +unfleeing +unfleeting +unflesh +unfleshed +unfleshliness +unfleshly +unfleshy +unfletched +unflexed +unflexible +unflexibleness +unflexibly +unflickering +unflickeringly +unflighty +unflinching +unflinchingly +unflinchingness +unflintify +unflippant +unflirtatious +unflitched +unfloatable +unfloating +unflock +unfloggable +unflogged +unflooded +unfloor +unfloored +unflorid +unflossy +unflounced +unfloured +unflourished +unflourishing +unflouted +unflower +unflowered +unflowing +unflown +unfluctuating +unfluent +unfluid +unfluked +unflunked +unfluorescent +unflurried +unflush +unflushed +unflustered +unfluted +unflutterable +unfluttered +unfluttering +unfluvial +unfluxile +unflying +unfoaled +unfoaming +unfocused +unfoggy +unfoilable +unfoiled +unfoisted +unfold +unfoldable +unfolded +unfolder +unfolding +unfoldment +unfoldure +unfoliaged +unfoliated +unfollowable +unfollowed +unfollowing +unfomented +unfond +unfondled +unfondness +unfoodful +unfool +unfoolable +unfooled +unfooling +unfoolish +unfooted +unfootsore +unfoppish +unforaged +unforbade +unforbearance +unforbearing +unforbid +unforbidden +unforbiddenly +unforbiddenness +unforbidding +unforceable +unforced +unforcedly +unforcedness +unforceful +unforcible +unforcibleness +unforcibly +unfordable +unfordableness +unforded +unforeboded +unforeboding +unforecasted +unforegone +unforeign +unforeknowable +unforeknown +unforensic +unforeordained +unforesee +unforeseeable +unforeseeableness +unforeseeably +unforeseeing +unforeseeingly +unforeseen +unforeseenly +unforeseenness +unforeshortened +unforest +unforestallable +unforestalled +unforested +unforetellable +unforethought +unforethoughtful +unforetold +unforewarned +unforewarnedness +unforfeit +unforfeitable +unforfeited +unforgeability +unforgeable +unforged +unforget +unforgetful +unforgettable +unforgettableness +unforgettably +unforgetting +unforgettingly +unforgivable +unforgivableness +unforgivably +unforgiven +unforgiveness +unforgiver +unforgiving +unforgivingly +unforgivingness +unforgone +unforgot +unforgotten +unfork +unforked +unforkedness +unforlorn +unform +unformal +unformality +unformalized +unformally +unformalness +unformative +unformed +unformidable +unformulable +unformularizable +unformularize +unformulated +unformulistic +unforsaken +unforsaking +unforsook +unforsworn +unforthright +unfortifiable +unfortified +unfortify +unfortuitous +unfortunate +unfortunately +unfortunateness +unfortune +unforward +unforwarded +unfossiliferous +unfossilized +unfostered +unfought +unfoughten +unfoul +unfoulable +unfouled +unfound +unfounded +unfoundedly +unfoundedness +unfoundered +unfountained +unfowllike +unfoxy +unfractured +unfragrance +unfragrant +unfragrantly +unfrail +unframable +unframableness +unframably +unframe +unframed +unfranchised +unfrank +unfrankable +unfranked +unfrankly +unfrankness +unfraternal +unfraternizing +unfraudulent +unfraught +unfrayed +unfreckled +unfree +unfreed +unfreedom +unfreehold +unfreely +unfreeman +unfreeness +unfreezable +unfreeze +unfreezing +unfreighted +unfrenchified +unfrenzied +unfrequency +unfrequent +unfrequented +unfrequentedness +unfrequently +unfrequentness +unfret +unfretful +unfretting +unfriable +unfriarlike +unfricative +unfrictioned +unfried +unfriend +unfriended +unfriendedness +unfriending +unfriendlike +unfriendlily +unfriendliness +unfriendly +unfriendship +unfrighted +unfrightenable +unfrightened +unfrightenedness +unfrightful +unfrigid +unfrill +unfrilled +unfringe +unfringed +unfrisky +unfrivolous +unfrizz +unfrizzled +unfrizzy +unfrock +unfrocked +unfroglike +unfrolicsome +unfronted +unfrost +unfrosted +unfrosty +unfrounced +unfroward +unfrowardly +unfrowning +unfroze +unfrozen +unfructed +unfructified +unfructify +unfructuous +unfructuously +unfrugal +unfrugally +unfrugalness +unfruitful +unfruitfully +unfruitfulness +unfruity +unfrustrable +unfrustrably +unfrustratable +unfrustrated +unfrutuosity +unfuddled +unfueled +unfulfill +unfulfillable +unfulfilled +unfulfilling +unfulfillment +unfull +unfulled +unfully +unfulminated +unfulsome +unfumbled +unfumbling +unfumed +unfumigated +unfunctional +unfundamental +unfunded +unfunnily +unfunniness +unfunny +unfur +unfurbelowed +unfurbished +unfurcate +unfurious +unfurl +unfurlable +unfurnish +unfurnished +unfurnishedness +unfurnitured +unfurred +unfurrow +unfurrowable +unfurrowed +unfurthersome +unfused +unfusible +unfusibleness +unfusibly +unfussed +unfussing +unfussy +unfutile +unfuturistic +ungabled +ungag +ungaged +ungagged +ungain +ungainable +ungained +ungainful +ungainfully +ungainfulness +ungaining +ungainlike +ungainliness +ungainly +ungainness +ungainsaid +ungainsayable +ungainsayably +ungainsaying +ungainsome +ungainsomely +ungaite +ungallant +ungallantly +ungallantness +ungalling +ungalvanized +ungamboling +ungamelike +unganged +ungangrened +ungarbed +ungarbled +ungardened +ungargled +ungarland +ungarlanded +ungarment +ungarmented +ungarnered +ungarnish +ungarnished +ungaro +ungarrisoned +ungarter +ungartered +ungashed +ungassed +ungastric +ungathered +ungaudy +ungauged +ungauntlet +ungauntleted +ungazetted +ungazing +ungear +ungeared +ungelatinizable +ungelatinized +ungelded +ungelt +ungeminated +ungenerable +ungeneral +ungeneraled +ungeneralized +ungenerate +ungenerated +ungenerative +ungeneric +ungenerical +ungenerosity +ungenerous +ungenerously +ungenerousness +ungenial +ungeniality +ungenially +ungenialness +ungenitured +ungenius +ungenteel +ungenteelly +ungenteelness +ungentile +ungentility +ungentilize +ungentle +ungentled +ungentleman +ungentlemanize +ungentlemanlike +ungentlemanlikeness +ungentlemanliness +ungentlemanly +ungentleness +ungentlewomanlike +ungently +ungenuine +ungenuinely +ungenuineness +ungeodetical +ungeographic +ungeographical +ungeographically +ungeological +ungeometric +ungeometrical +ungeometrically +ungeometricalness +ungerminated +ungerminating +ungermlike +ungerontic +ungesting +ungesturing +unget +ungettable +unghostlike +unghostly +ungiant +ungibbet +ungiddy +ungifted +ungiftedness +ungild +ungilded +ungill +ungilt +ungingled +unginned +ungird +ungirded +ungirdle +ungirdled +ungirlish +ungirt +ungirth +ungirthed +ungive +ungiveable +ungiven +ungiving +ungka +unglaciated +unglad +ungladden +ungladdened +ungladly +ungladness +ungladsome +unglamorous +unglandular +unglassed +unglaze +unglazed +ungleaned +unglee +ungleeful +unglimpsed +unglistening +unglittering +ungloating +unglobe +unglobular +ungloom +ungloomed +ungloomy +unglorified +unglorify +unglorifying +unglorious +ungloriously +ungloriousness +unglory +unglosed +ungloss +unglossaried +unglossed +unglossily +unglossiness +unglossy +unglove +ungloved +unglowing +unglozed +unglue +unglued +unglutinate +unglutted +ungluttonous +ungnarred +ungnaw +ungnawn +ungnostic +ungoaded +ungoatlike +ungod +ungoddess +ungodlike +ungodlily +ungodliness +ungodly +ungodmothered +ungold +ungolden +ungone +ungood +ungoodliness +ungoodly +ungored +ungorge +ungorged +ungorgeous +ungospel +ungospelized +ungospelled +ungospellike +ungossiping +ungot +ungothic +ungotten +ungouged +ungouty +ungovernable +ungovernableness +ungovernably +ungoverned +ungovernedness +ungoverning +ungown +ungowned +ungrace +ungraced +ungraceful +ungracefully +ungracefulness +ungracious +ungraciously +ungraciousness +ungradated +ungraded +ungradual +ungradually +ungraduated +ungraduating +ungraft +ungrafted +ungrain +ungrainable +ungrained +ungrammar +ungrammared +ungrammatic +ungrammatical +ungrammatically +ungrammaticalness +ungrammaticism +ungrand +ungrantable +ungranted +ungranulated +ungraphic +ungraphitized +ungrapple +ungrappled +ungrappler +ungrasp +ungraspable +ungrasped +ungrasping +ungrassed +ungrassy +ungrated +ungrateful +ungratefully +ungratefulness +ungratifiable +ungratified +ungratifying +ungrating +ungrave +ungraved +ungraveled +ungravelly +ungravely +ungraven +ungrayed +ungrazed +ungreased +ungreat +ungreatly +ungreatness +ungreeable +ungreedy +ungreen +ungreenable +ungreened +ungreeted +ungregarious +ungrieve +ungrieved +ungrieving +ungrilled +ungrimed +ungrindable +ungrip +ungripe +ungrizzled +ungroaning +ungroined +ungroomed +ungrooved +ungropeable +ungross +ungrotesque +unground +ungroundable +ungroundably +ungrounded +ungroundedly +ungroundedness +ungroupable +ungrouped +ungrow +ungrowing +ungrown +ungrubbed +ungrudged +ungrudging +ungrudgingly +ungrudgingness +ungruesome +ungruff +ungrumbling +ungual +unguaranteed +unguard +unguardable +unguarded +unguardedly +unguardedness +ungueal +unguent +unguentaria +unguentarium +unguentary +unguentiferous +unguentous +unguentum +unguerdoned +ungues +unguessable +unguessableness +unguessed +unguical +unguicorn +unguicular +Unguiculata +unguiculate +unguiculated +unguidable +unguidableness +unguidably +unguided +unguidedly +unguiferous +unguiform +unguiled +unguileful +unguilefully +unguilefulness +unguillotined +unguiltily +unguiltiness +unguilty +unguinal +unguinous +unguirostral +unguis +ungula +ungulae +ungular +Ungulata +ungulate +ungulated +unguled +unguligrade +ungull +ungulous +ungulp +ungum +ungummed +ungushing +ungutted +unguttural +unguyed +unguzzled +ungymnastic +ungypsylike +ungyve +ungyved +unhabit +unhabitable +unhabitableness +unhabited +unhabitual +unhabitually +unhabituate +unhabituated +unhacked +unhackled +unhackneyed +unhackneyedness +unhad +unhaft +unhafted +unhaggled +unhaggling +unhailable +unhailed +unhair +unhaired +unhairer +unhairily +unhairiness +unhairing +unhairy +unhallooed +unhallow +unhallowed +unhallowedness +unhaloed +unhalsed +unhalted +unhalter +unhaltered +unhalting +unhalved +unhammered +unhamper +unhampered +unhand +unhandcuff +unhandcuffed +unhandicapped +unhandily +unhandiness +unhandled +unhandseled +unhandsome +unhandsomely +unhandsomeness +unhandy +unhang +unhanged +unhap +unhappen +unhappily +unhappiness +unhappy +unharangued +unharassed +unharbor +unharbored +unhard +unharden +unhardenable +unhardened +unhardihood +unhardily +unhardiness +unhardness +unhardy +unharked +unharmable +unharmed +unharmful +unharmfully +unharming +unharmonic +unharmonical +unharmonious +unharmoniously +unharmoniousness +unharmonize +unharmonized +unharmony +unharness +unharnessed +unharped +unharried +unharrowed +unharsh +unharvested +unhashed +unhasp +unhasped +unhaste +unhasted +unhastened +unhastily +unhastiness +unhasting +unhasty +unhat +unhatchability +unhatchable +unhatched +unhatcheled +unhate +unhated +unhateful +unhating +unhatingly +unhatted +unhauled +unhaunt +unhaunted +unhave +unhawked +unhayed +unhazarded +unhazarding +unhazardous +unhazardousness +unhazed +unhead +unheaded +unheader +unheady +unheal +unhealable +unhealableness +unhealably +unhealed +unhealing +unhealth +unhealthful +unhealthfully +unhealthfulness +unhealthily +unhealthiness +unhealthsome +unhealthsomeness +unhealthy +unheaped +unhearable +unheard +unhearing +unhearsed +unheart +unhearten +unheartsome +unhearty +unheatable +unheated +unheathen +unheaved +unheaven +unheavenly +unheavily +unheaviness +unheavy +unhectored +unhedge +unhedged +unheed +unheeded +unheededly +unheedful +unheedfully +unheedfulness +unheeding +unheedingly +unheedy +unheeled +unheelpieced +unhefted +unheightened +unheired +unheld +unhele +unheler +unhelm +unhelmed +unhelmet +unhelmeted +unhelpable +unhelpableness +unhelped +unhelpful +unhelpfully +unhelpfulness +unhelping +unhelved +unhemmed +unheppen +unheralded +unheraldic +unherd +unherded +unhereditary +unheretical +unheritable +unhermetic +unhero +unheroic +unheroical +unheroically +unheroism +unheroize +unherolike +unhesitant +unhesitating +unhesitatingly +unhesitatingness +unheuristic +unhewable +unhewed +unhewn +unhex +unhid +unhidable +unhidableness +unhidably +unhidated +unhidden +unhide +unhidebound +unhideous +unhieratic +unhigh +unhilarious +unhinderable +unhinderably +unhindered +unhindering +unhinge +unhingement +unhinted +unhipped +unhired +unhissed +unhistoric +unhistorical +unhistorically +unhistory +unhistrionic +unhit +unhitch +unhitched +unhittable +unhive +unhoard +unhoarded +unhoarding +unhoary +unhoaxed +unhobble +unhocked +unhoed +unhogged +unhoist +unhoisted +unhold +unholiday +unholily +unholiness +unhollow +unhollowed +unholy +unhome +unhomelike +unhomelikeness +unhomeliness +unhomely +unhomish +unhomogeneity +unhomogeneous +unhomogeneously +unhomologous +unhoned +unhonest +unhonestly +unhoneyed +unhonied +unhonorable +unhonorably +unhonored +unhonoured +unhood +unhooded +unhoodwink +unhoodwinked +unhoofed +unhook +unhooked +unhoop +unhooped +unhooper +unhooted +unhoped +unhopedly +unhopedness +unhopeful +unhopefully +unhopefulness +unhoping +unhopingly +unhopped +unhoppled +unhorizoned +unhorizontal +unhorned +unhorny +unhoroscopic +unhorse +unhose +unhosed +unhospitable +unhospitableness +unhospitably +unhostile +unhostilely +unhostileness +unhostility +unhot +unhoundlike +unhouse +unhoused +unhouseled +unhouselike +unhousewifely +unhuddle +unhugged +unhull +unhulled +unhuman +unhumanize +unhumanized +unhumanly +unhumanness +unhumble +unhumbled +unhumbledness +unhumbleness +unhumbly +unhumbugged +unhumid +unhumiliated +unhumored +unhumorous +unhumorously +unhumorousness +unhumoured +unhung +unhuntable +unhunted +unhurdled +unhurled +unhurried +unhurriedly +unhurriedness +unhurrying +unhurryingly +unhurt +unhurted +unhurtful +unhurtfully +unhurtfulness +unhurting +unhusbanded +unhusbandly +unhushable +unhushed +unhushing +unhusk +unhusked +unhustled +unhustling +unhutched +unhuzzaed +unhydraulic +unhydrolyzed +unhygienic +unhygienically +unhygrometric +unhymeneal +unhymned +unhyphenated +unhyphened +unhypnotic +unhypnotizable +unhypnotize +unhypocritical +unhypocritically +unhypothecated +unhypothetical +unhysterical +uniambic +uniambically +uniangulate +uniarticular +uniarticulate +Uniat +uniat +Uniate +uniate +uniauriculate +uniauriculated +uniaxal +uniaxally +uniaxial +uniaxially +unibasal +unibivalent +unible +unibracteate +unibracteolate +unibranchiate +unicalcarate +unicameral +unicameralism +unicameralist +unicamerate +unicapsular +unicarinate +unicarinated +unice +uniced +unicell +unicellate +unicelled +unicellular +unicellularity +unicentral +unichord +uniciliate +unicism +unicist +unicity +uniclinal +unicolor +unicolorate +unicolored +unicolorous +uniconstant +unicorn +unicorneal +unicornic +unicornlike +unicornous +unicornuted +unicostate +unicotyledonous +unicum +unicursal +unicursality +unicursally +unicuspid +unicuspidate +unicycle +unicyclist +unidactyl +unidactyle +unidactylous +unideaed +unideal +unidealism +unidealist +unidealistic +unidealized +unidentate +unidentated +unidenticulate +unidentifiable +unidentifiableness +unidentifiably +unidentified +unidentifiedly +unidentifying +unideographic +unidextral +unidextrality +unidigitate +unidimensional +unidiomatic +unidiomatically +unidirect +unidirected +unidirection +unidirectional +unidle +unidleness +unidly +unidolatrous +unidolized +unidyllic +unie +uniembryonate +uniequivalent +uniface +unifaced +unifacial +unifactorial +unifarious +unifiable +unific +unification +unificationist +unificator +unified +unifiedly +unifiedness +unifier +unifilar +uniflagellate +unifloral +uniflorate +uniflorous +uniflow +uniflowered +unifocal +unifoliar +unifoliate +unifoliolate +Unifolium +uniform +uniformal +uniformalization +uniformalize +uniformally +uniformation +uniformed +uniformist +uniformitarian +uniformitarianism +uniformity +uniformization +uniformize +uniformless +uniformly +uniformness +unify +unigenesis +unigenetic +unigenist +unigenistic +unigenital +unigeniture +unigenous +uniglandular +uniglobular +unignitable +unignited +unignitible +unignominious +unignorant +unignored +unigravida +uniguttulate +unijugate +unijugous +unilabiate +unilabiated +unilamellar +unilamellate +unilaminar +unilaminate +unilateral +unilateralism +unilateralist +unilaterality +unilateralization +unilateralize +unilaterally +unilinear +unilingual +unilingualism +uniliteral +unilludedly +unillumed +unilluminated +unilluminating +unillumination +unillumined +unillusioned +unillusory +unillustrated +unillustrative +unillustrious +unilobal +unilobar +unilobate +unilobe +unilobed +unilobular +unilocular +unilocularity +uniloculate +unimacular +unimaged +unimaginable +unimaginableness +unimaginably +unimaginary +unimaginative +unimaginatively +unimaginativeness +unimagine +unimagined +unimanual +unimbanked +unimbellished +unimbezzled +unimbibed +unimbibing +unimbittered +unimbodied +unimboldened +unimbordered +unimbosomed +unimbowed +unimbowered +unimbroiled +unimbrowned +unimbrued +unimbued +unimedial +unimitable +unimitableness +unimitably +unimitated +unimitating +unimitative +unimmaculate +unimmanent +unimmediate +unimmerged +unimmergible +unimmersed +unimmigrating +unimmolated +unimmortal +unimmortalize +unimmortalized +unimmovable +unimmured +unimodal +unimodality +unimodular +unimolecular +unimolecularity +unimpair +unimpairable +unimpaired +unimpartable +unimparted +unimpartial +unimpassionate +unimpassioned +unimpassionedly +unimpassionedness +unimpatient +unimpawned +unimpeachability +unimpeachable +unimpeachableness +unimpeachably +unimpeached +unimpearled +unimped +unimpeded +unimpededly +unimpedible +unimpedness +unimpelled +unimpenetrable +unimperative +unimperial +unimperialistic +unimperious +unimpertinent +unimpinging +unimplanted +unimplicable +unimplicate +unimplicated +unimplicit +unimplicitly +unimplied +unimplorable +unimplored +unimpoisoned +unimportance +unimportant +unimportantly +unimported +unimporting +unimportunate +unimportunately +unimportuned +unimposed +unimposedly +unimposing +unimpostrous +unimpounded +unimpoverished +unimpowered +unimprecated +unimpregnable +unimpregnate +unimpregnated +unimpressed +unimpressibility +unimpressible +unimpressibleness +unimpressibly +unimpressionability +unimpressionable +unimpressive +unimpressively +unimpressiveness +unimprinted +unimprison +unimprisonable +unimprisoned +unimpropriated +unimprovable +unimprovableness +unimprovably +unimproved +unimprovedly +unimprovedness +unimprovement +unimproving +unimprovised +unimpugnable +unimpugned +unimpulsive +unimpurpled +unimputable +unimputed +unimucronate +unimultiplex +unimuscular +uninaugurated +unincantoned +unincarcerated +unincarnate +unincarnated +unincensed +uninchoative +unincidental +unincised +unincisive +unincited +uninclinable +uninclined +uninclining +uninclosed +uninclosedness +unincludable +unincluded +uninclusive +uninclusiveness +uninconvenienced +unincorporate +unincorporated +unincorporatedly +unincorporatedness +unincreasable +unincreased +unincreasing +unincubated +uninculcated +unincumbered +unindebted +unindebtedly +unindebtedness +unindemnified +unindentable +unindented +unindentured +unindexed +unindicable +unindicated +unindicative +unindictable +unindicted +unindifference +unindifferency +unindifferent +unindifferently +unindigent +unindignant +unindividual +unindividualize +unindividualized +unindividuated +unindorsed +uninduced +uninductive +unindulged +unindulgent +unindulgently +unindurated +unindustrial +unindustrialized +unindustrious +unindustriously +unindwellable +uninebriated +uninebriating +uninervate +uninerved +uninfallibility +uninfallible +uninfatuated +uninfectable +uninfected +uninfectious +uninfectiousness +uninfeft +uninferred +uninfested +uninfiltrated +uninfinite +uninfiniteness +uninfixed +uninflamed +uninflammability +uninflammable +uninflated +uninflected +uninflectedness +uninflicted +uninfluenceable +uninfluenced +uninfluencing +uninfluencive +uninfluential +uninfluentiality +uninfolded +uninformed +uninforming +uninfracted +uninfringeable +uninfringed +uninfringible +uninfuriated +uninfused +uningenious +uningeniously +uningeniousness +uningenuity +uningenuous +uningenuously +uningenuousness +uningested +uningrafted +uningrained +uninhabitability +uninhabitable +uninhabitableness +uninhabitably +uninhabited +uninhabitedness +uninhaled +uninheritability +uninheritable +uninherited +uninhibited +uninhibitive +uninhumed +uninimical +uniniquitous +uninitialed +uninitialled +uninitiate +uninitiated +uninitiatedness +uninitiation +uninjectable +uninjected +uninjurable +uninjured +uninjuredness +uninjuring +uninjurious +uninjuriously +uninjuriousness +uninked +uninlaid +uninn +uninnate +uninnocence +uninnocent +uninnocently +uninnocuous +uninnovating +uninoculable +uninoculated +uninodal +uninominal +uninquired +uninquiring +uninquisitive +uninquisitively +uninquisitiveness +uninquisitorial +uninsane +uninsatiable +uninscribed +uninserted +uninshrined +uninsinuated +uninsistent +uninsolvent +uninspected +uninspirable +uninspired +uninspiring +uninspiringly +uninspirited +uninspissated +uninstalled +uninstanced +uninstated +uninstigated +uninstilled +uninstituted +uninstructed +uninstructedly +uninstructedness +uninstructible +uninstructing +uninstructive +uninstructively +uninstructiveness +uninstrumental +uninsular +uninsulate +uninsulated +uninsultable +uninsulted +uninsulting +uninsurability +uninsurable +uninsured +unintegrated +unintellective +unintellectual +unintellectualism +unintellectuality +unintellectually +unintelligence +unintelligent +unintelligently +unintelligentsia +unintelligibility +unintelligible +unintelligibleness +unintelligibly +unintended +unintendedly +unintensive +unintent +unintentional +unintentionality +unintentionally +unintentionalness +unintently +unintentness +unintercalated +unintercepted +uninterchangeable +uninterdicted +uninterested +uninterestedly +uninterestedness +uninteresting +uninterestingly +uninterestingness +uninterferedwith +uninterjected +uninterlaced +uninterlarded +uninterleave +uninterleaved +uninterlined +uninterlinked +uninterlocked +unintermarrying +unintermediate +unintermingled +unintermission +unintermissive +unintermitted +unintermittedly +unintermittedness +unintermittent +unintermitting +unintermittingly +unintermittingness +unintermixed +uninternational +uninterpleaded +uninterpolated +uninterposed +uninterposing +uninterpretable +uninterpreted +uninterred +uninterrogable +uninterrogated +uninterrupted +uninterruptedly +uninterruptedness +uninterruptible +uninterruptibleness +uninterrupting +uninterruption +unintersected +uninterspersed +unintervening +uninterviewed +unintervolved +uninterwoven +uninthroned +unintimate +unintimated +unintimidated +unintitled +unintombed +unintoned +unintoxicated +unintoxicatedness +unintoxicating +unintrenchable +unintrenched +unintricate +unintrigued +unintriguing +unintroduced +unintroducible +unintroitive +unintromitted +unintrospective +unintruded +unintruding +unintrusive +unintrusively +unintrusted +unintuitive +unintwined +uninuclear +uninucleate +uninucleated +uninundated +uninured +uninurned +uninvadable +uninvaded +uninvaginated +uninvalidated +uninveighing +uninveigled +uninvented +uninventful +uninventibleness +uninventive +uninventively +uninventiveness +uninverted +uninvested +uninvestigable +uninvestigated +uninvestigating +uninvestigative +uninvidious +uninvidiously +uninvigorated +uninvincible +uninvite +uninvited +uninvitedly +uninviting +uninvoiced +uninvoked +uninvolved +uninweaved +uninwoven +uninwrapped +uninwreathed +Unio +unio +uniocular +unioid +Uniola +union +unioned +unionic +unionid +Unionidae +unioniform +unionism +unionist +unionistic +unionization +unionize +unionoid +unioval +uniovular +uniovulate +unipara +uniparental +uniparient +uniparous +unipartite +uniped +unipeltate +uniperiodic +unipersonal +unipersonalist +unipersonality +unipetalous +uniphase +uniphaser +uniphonous +uniplanar +uniplicate +unipod +unipolar +unipolarity +uniporous +unipotence +unipotent +unipotential +unipulse +uniquantic +unique +uniquely +uniqueness +uniquity +uniradial +uniradiate +uniradiated +uniradical +uniramose +uniramous +unirascible +unireme +unirenic +unirhyme +uniridescent +unironed +unironical +unirradiated +unirrigated +unirritable +unirritant +unirritated +unirritatedly +unirritating +unisepalous +uniseptate +uniserial +uniserially +uniseriate +uniseriately +uniserrate +uniserrulate +unisexed +unisexual +unisexuality +unisexually +unisilicate +unisoil +unisolable +unisolate +unisolated +unisomeric +unisometrical +unisomorphic +unison +unisonal +unisonally +unisonance +unisonant +unisonous +unisotropic +unisparker +unispiculate +unispinose +unispiral +unissuable +unissued +unistylist +unisulcate +unit +unitage +unital +unitalicized +Unitarian +unitarian +Unitarianism +Unitarianize +unitarily +unitariness +unitarism +unitarist +unitary +unite +uniteability +uniteable +uniteably +united +unitedly +unitedness +unitemized +unitentacular +uniter +uniting +unitingly +unition +unitism +unitistic +unitive +unitively +unitiveness +unitize +unitooth +unitrivalent +unitrope +unituberculate +unitude +unity +uniunguiculate +uniungulate +univalence +univalency +univalent +univalvate +univalve +univalvular +univariant +univerbal +universal +universalia +Universalian +Universalism +universalism +Universalist +universalist +Universalistic +universalistic +universality +universalization +universalize +universalizer +universally +universalness +universanimous +universe +universeful +universitarian +universitarianism +universitary +universitize +university +universityless +universitylike +universityship +universological +universologist +universology +univied +univocability +univocacy +univocal +univocalized +univocally +univocity +univoltine +univorous +unjacketed +unjaded +unjagged +unjailed +unjam +unjapanned +unjarred +unjarring +unjaundiced +unjaunty +unjealous +unjealoused +unjellied +unjesting +unjesuited +unjesuitical +unjesuitically +unjewel +unjeweled +unjewelled +Unjewish +unjilted +unjocose +unjocund +unjogged +unjogging +unjoin +unjoinable +unjoint +unjointed +unjointedness +unjointured +unjoking +unjokingly +unjolly +unjolted +unjostled +unjournalized +unjovial +unjovially +unjoyed +unjoyful +unjoyfully +unjoyfulness +unjoyous +unjoyously +unjoyousness +unjudgable +unjudge +unjudged +unjudgelike +unjudging +unjudicable +unjudicial +unjudicially +unjudicious +unjudiciously +unjudiciousness +unjuggled +unjuiced +unjuicy +unjumbled +unjumpable +unjust +unjustice +unjusticiable +unjustifiable +unjustifiableness +unjustifiably +unjustified +unjustifiedly +unjustifiedness +unjustify +unjustled +unjustly +unjustness +unjuvenile +unkaiserlike +unkamed +unked +unkeeled +unkembed +unkempt +unkemptly +unkemptness +unken +unkenned +unkennedness +unkennel +unkenneled +unkenning +unkensome +unkept +unkerchiefed +unket +unkey +unkeyed +unkicked +unkid +unkill +unkillability +unkillable +unkilled +unkilling +unkilned +unkin +unkind +unkindhearted +unkindled +unkindledness +unkindlily +unkindliness +unkindling +unkindly +unkindness +unkindred +unkindredly +unking +unkingdom +unkinged +unkinger +unkinglike +unkingly +unkink +unkinlike +unkirk +unkiss +unkissed +unkist +unknave +unkneaded +unkneeling +unknelled +unknew +unknight +unknighted +unknightlike +unknit +unknittable +unknitted +unknitting +unknocked +unknocking +unknot +unknotted +unknotty +unknow +unknowability +unknowable +unknowableness +unknowably +unknowing +unknowingly +unknowingness +unknowledgeable +unknown +unknownly +unknownness +unknownst +unkodaked +unkoshered +unlabeled +unlabialize +unlabiate +unlaborable +unlabored +unlaboring +unlaborious +unlaboriously +unlaboriousness +unlace +unlaced +unlacerated +unlackeyed +unlacquered +unlade +unladen +unladled +unladyfied +unladylike +unlagging +unlaid +unlame +unlamed +unlamented +unlampooned +unlanced +unland +unlanded +unlandmarked +unlanguaged +unlanguid +unlanguishing +unlanterned +unlap +unlapped +unlapsed +unlapsing +unlarded +unlarge +unlash +unlashed +unlasher +unlassoed +unlasting +unlatch +unlath +unlathed +unlathered +unlatinized +unlatticed +unlaudable +unlaudableness +unlaudably +unlauded +unlaugh +unlaughing +unlaunched +unlaundered +unlaureled +unlaved +unlaving +unlavish +unlavished +unlaw +unlawed +unlawful +unlawfully +unlawfulness +unlawlearned +unlawlike +unlawly +unlawyered +unlawyerlike +unlay +unlayable +unleached +unlead +unleaded +unleaderly +unleaf +unleafed +unleagued +unleaguer +unleakable +unleaky +unleal +unlean +unleared +unlearn +unlearnability +unlearnable +unlearnableness +unlearned +unlearnedly +unlearnedness +unlearning +unlearnt +unleasable +unleased +unleash +unleashed +unleathered +unleave +unleaved +unleavenable +unleavened +unlectured +unled +unleft +unlegacied +unlegal +unlegalized +unlegally +unlegalness +unlegate +unlegislative +unleisured +unleisuredness +unleisurely +unlenient +unlensed +unlent +unless +unlessened +unlessoned +unlet +unlettable +unletted +unlettered +unletteredly +unletteredness +unlettering +unletterlike +unlevel +unleveled +unlevelly +unlevelness +unlevied +unlevigated +unlexicographical +unliability +unliable +unlibeled +unliberal +unliberalized +unliberated +unlibidinous +unlicensed +unlicentiated +unlicentious +unlichened +unlickable +unlicked +unlid +unlidded +unlie +unlifelike +unliftable +unlifted +unlifting +unligable +unligatured +unlight +unlighted +unlightedly +unlightedness +unlightened +unlignified +unlikable +unlikableness +unlikably +unlike +unlikeable +unlikeableness +unlikeably +unliked +unlikelihood +unlikeliness +unlikely +unliken +unlikeness +unliking +unlimb +unlimber +unlime +unlimed +unlimitable +unlimitableness +unlimitably +unlimited +unlimitedly +unlimitedness +unlimitless +unlimned +unlimp +unline +unlineal +unlined +unlingering +unlink +unlinked +unlionlike +unliquefiable +unliquefied +unliquid +unliquidatable +unliquidated +unliquidating +unliquidation +unliquored +unlisping +unlist +unlisted +unlistened +unlistening +unlisty +unlit +unliteral +unliterally +unliteralness +unliterary +unliterate +unlitigated +unlitten +unlittered +unliturgical +unliturgize +unlivable +unlivableness +unlivably +unlive +unliveable +unliveableness +unliveably +unliveliness +unlively +unliveried +unlivery +unliving +unlizardlike +unload +unloaded +unloaden +unloader +unloafing +unloanably +unloaned +unloaning +unloath +unloathed +unloathful +unloathly +unloathsome +unlobed +unlocal +unlocalizable +unlocalize +unlocalized +unlocally +unlocated +unlock +unlockable +unlocked +unlocker +unlocking +unlocomotive +unlodge +unlodged +unlofty +unlogged +unlogic +unlogical +unlogically +unlogicalness +unlonely +unlook +unlooked +unloop +unlooped +unloosable +unloosably +unloose +unloosen +unloosening +unloosing +unlooted +unlopped +unloquacious +unlord +unlorded +unlordly +unlosable +unlosableness +unlost +unlotted +unlousy +unlovable +unlovableness +unlovably +unlove +unloveable +unloveableness +unloveably +unloved +unlovelily +unloveliness +unlovely +unloverlike +unloverly +unloving +unlovingly +unlovingness +unlowered +unlowly +unloyal +unloyally +unloyalty +unlubricated +unlucent +unlucid +unluck +unluckful +unluckily +unluckiness +unlucky +unlucrative +unludicrous +unluffed +unlugged +unlugubrious +unluminous +unlumped +unlunar +unlured +unlust +unlustily +unlustiness +unlustrous +unlusty +unlute +unluted +unluxated +unluxuriant +unluxurious +unlycanthropize +unlying +unlyrical +unlyrically +unmacadamized +unmacerated +unmachinable +unmackly +unmad +unmadded +unmaddened +unmade +unmagic +unmagical +unmagisterial +unmagistratelike +unmagnanimous +unmagnetic +unmagnetical +unmagnetized +unmagnified +unmagnify +unmaid +unmaidenlike +unmaidenliness +unmaidenly +unmail +unmailable +unmailableness +unmailed +unmaimable +unmaimed +unmaintainable +unmaintained +unmajestic +unmakable +unmake +unmaker +unmalevolent +unmalicious +unmalignant +unmaligned +unmalleability +unmalleable +unmalleableness +unmalled +unmaltable +unmalted +unmammalian +unmammonized +unman +unmanacle +unmanacled +unmanageable +unmanageableness +unmanageably +unmanaged +unmancipated +unmandated +unmanducated +unmaned +unmaneged +unmanful +unmanfully +unmangled +unmaniable +unmaniac +unmaniacal +unmanicured +unmanifest +unmanifested +unmanipulatable +unmanipulated +unmanlike +unmanlily +unmanliness +unmanly +unmanned +unmanner +unmannered +unmanneredly +unmannerliness +unmannerly +unmannish +unmanored +unmantle +unmantled +unmanufacturable +unmanufactured +unmanumissible +unmanumitted +unmanurable +unmanured +unmappable +unmapped +unmarbled +unmarch +unmarching +unmarginal +unmarginated +unmarine +unmaritime +unmarkable +unmarked +unmarketable +unmarketed +unmarled +unmarred +unmarriable +unmarriageability +unmarriageable +unmarried +unmarring +unmarry +unmarrying +unmarshaled +unmartial +unmartyr +unmartyred +unmarvelous +unmasculine +unmashed +unmask +unmasked +unmasker +unmasking +unmasquerade +unmassacred +unmassed +unmast +unmaster +unmasterable +unmastered +unmasterful +unmasticable +unmasticated +unmatchable +unmatchableness +unmatchably +unmatched +unmatchedness +unmate +unmated +unmaterial +unmaterialistic +unmateriate +unmaternal +unmathematical +unmathematically +unmating +unmatriculated +unmatrimonial +unmatronlike +unmatted +unmature +unmatured +unmaturely +unmatureness +unmaturing +unmaturity +unmauled +unmaze +unmeaning +unmeaningly +unmeaningness +unmeant +unmeasurable +unmeasurableness +unmeasurably +unmeasured +unmeasuredly +unmeasuredness +unmeated +unmechanic +unmechanical +unmechanically +unmechanistic +unmechanize +unmechanized +unmedaled +unmedalled +unmeddle +unmeddled +unmeddlesome +unmeddling +unmeddlingly +unmeddlingness +unmediaeval +unmediated +unmediatized +unmedicable +unmedical +unmedicated +unmedicative +unmedicinable +unmedicinal +unmeditated +unmeditative +unmediumistic +unmedullated +unmeek +unmeekly +unmeekness +unmeet +unmeetable +unmeetly +unmeetness +unmelancholy +unmeliorated +unmellow +unmellowed +unmelodic +unmelodious +unmelodiously +unmelodiousness +unmelodized +unmelodramatic +unmeltable +unmeltableness +unmeltably +unmelted +unmeltedness +unmelting +unmember +unmemoired +unmemorable +unmemorialized +unmemoried +unmemorized +unmenaced +unmenacing +unmendable +unmendableness +unmendably +unmendacious +unmended +unmenial +unmenseful +unmenstruating +unmensurable +unmental +unmentionability +unmentionable +unmentionableness +unmentionables +unmentionably +unmentioned +unmercantile +unmercenariness +unmercenary +unmercerized +unmerchantable +unmerchantlike +unmerchantly +unmerciful +unmercifully +unmercifulness +unmercurial +unmeretricious +unmerge +unmerged +unmeridional +unmerited +unmeritedly +unmeritedness +unmeriting +unmeritorious +unmeritoriously +unmeritoriousness +unmerry +unmesh +unmesmeric +unmesmerize +unmesmerized +unmet +unmetaled +unmetalized +unmetalled +unmetallic +unmetallurgical +unmetamorphosed +unmetaphorical +unmetaphysic +unmetaphysical +unmeted +unmeteorological +unmetered +unmethodical +unmethodically +unmethodicalness +unmethodized +unmethodizing +unmethylated +unmeticulous +unmetric +unmetrical +unmetrically +unmetricalness +unmetropolitan +unmettle +unmew +unmewed +unmicaceous +unmicrobic +unmicroscopic +unmidwifed +unmighty +unmigrating +unmildewed +unmilitant +unmilitarily +unmilitariness +unmilitaristic +unmilitarized +unmilitary +unmilked +unmilled +unmillinered +unmilted +unmimicked +unminable +unminced +unmincing +unmind +unminded +unmindful +unmindfully +unmindfulness +unminding +unmined +unmineralized +unmingle +unmingleable +unmingled +unmingling +unminimized +unminished +unminister +unministered +unministerial +unministerially +unminted +unminuted +unmiracled +unmiraculous +unmiraculously +unmired +unmirrored +unmirthful +unmirthfully +unmirthfulness +unmiry +unmisanthropic +unmiscarrying +unmischievous +unmiscible +unmisconceivable +unmiserly +unmisgiving +unmisgivingly +unmisguided +unmisinterpretable +unmisled +unmissable +unmissed +unmissionary +unmissionized +unmist +unmistakable +unmistakableness +unmistakably +unmistakedly +unmistaken +unmistakingly +unmistressed +unmistrusted +unmistrustful +unmistrusting +unmisunderstandable +unmisunderstanding +unmisunderstood +unmiter +unmitigable +unmitigated +unmitigatedly +unmitigatedness +unmitigative +unmittened +unmix +unmixable +unmixableness +unmixed +unmixedly +unmixedness +unmoaned +unmoated +unmobbed +unmobilized +unmocked +unmocking +unmockingly +unmodel +unmodeled +unmodelled +unmoderate +unmoderately +unmoderateness +unmoderating +unmodern +unmodernity +unmodernize +unmodernized +unmodest +unmodifiable +unmodifiableness +unmodifiably +unmodified +unmodifiedness +unmodish +unmodulated +unmoiled +unmoist +unmoisten +unmold +unmoldable +unmolded +unmoldered +unmoldering +unmoldy +unmolested +unmolestedly +unmolesting +unmollifiable +unmollifiably +unmollified +unmollifying +unmolten +unmomentary +unmomentous +unmomentously +unmonarch +unmonarchical +unmonastic +unmonetary +unmoneyed +unmonistic +unmonitored +unmonkish +unmonkly +unmonopolize +unmonopolized +unmonopolizing +unmonotonous +unmonumented +unmoor +unmoored +unmooted +unmopped +unmoral +unmoralist +unmorality +unmoralize +unmoralized +unmoralizing +unmorally +unmoralness +unmorbid +unmordanted +unmoribund +unmorose +unmorphological +unmortal +unmortared +unmortgage +unmortgageable +unmortgaged +unmortified +unmortifiedly +unmortifiedness +unmortise +unmortised +unmossed +unmothered +unmotherly +unmotionable +unmotivated +unmotivatedly +unmotivatedness +unmotived +unmotorized +unmottled +unmounded +unmount +unmountable +unmountainous +unmounted +unmounting +unmourned +unmournful +unmourning +unmouthable +unmouthed +unmouthpieced +unmovability +unmovable +unmovableness +unmovably +unmoved +unmovedly +unmoving +unmovingly +unmovingness +unmowed +unmown +unmucilaged +unmudded +unmuddied +unmuddle +unmuddled +unmuddy +unmuffle +unmuffled +unmulcted +unmulish +unmulled +unmullioned +unmultipliable +unmultiplied +unmultipliedly +unmultiply +unmummied +unmummify +unmunched +unmundane +unmundified +unmunicipalized +unmunificent +unmunitioned +unmurmured +unmurmuring +unmurmuringly +unmurmurous +unmuscled +unmuscular +unmusical +unmusicality +unmusically +unmusicalness +unmusicianly +unmusked +unmussed +unmusted +unmusterable +unmustered +unmutated +unmutation +unmuted +unmutilated +unmutinous +unmuttered +unmutual +unmutualized +unmuzzle +unmuzzled +unmuzzling +unmyelinated +unmysterious +unmysteriously +unmystery +unmystical +unmysticize +unmystified +unmythical +unnabbed +unnagged +unnagging +unnail +unnailed +unnaked +unnamability +unnamable +unnamableness +unnamably +unname +unnameability +unnameable +unnameableness +unnameably +unnamed +unnapkined +unnapped +unnarcotic +unnarrated +unnarrow +unnation +unnational +unnationalized +unnative +unnatural +unnaturalism +unnaturalist +unnaturalistic +unnaturality +unnaturalizable +unnaturalize +unnaturalized +unnaturally +unnaturalness +unnature +unnautical +unnavigability +unnavigable +unnavigableness +unnavigably +unnavigated +unneaped +unnearable +unneared +unnearly +unnearness +unneat +unneatly +unneatness +unnebulous +unnecessarily +unnecessariness +unnecessary +unnecessitated +unnecessitating +unnecessity +unneeded +unneedful +unneedfully +unneedfulness +unneedy +unnefarious +unnegated +unneglected +unnegligent +unnegotiable +unnegotiableness +unnegotiably +unnegotiated +unnegro +unneighbored +unneighborlike +unneighborliness +unneighborly +unnephritic +unnerve +unnerved +unnervous +unnest +unnestle +unnestled +unneth +unnethe +unnethes +unnethis +unnetted +unnettled +unneurotic +unneutral +unneutralized +unneutrally +unnew +unnewly +unnewness +unnibbed +unnibbied +unnice +unnicely +unniceness +unniched +unnicked +unnickeled +unnickelled +unnicknamed +unniggard +unniggardly +unnigh +unnimbed +unnimble +unnimbleness +unnimbly +unnipped +unnitrogenized +unnobilitated +unnobility +unnoble +unnobleness +unnobly +unnoised +unnomadic +unnominated +unnonsensical +unnoosed +unnormal +unnorthern +unnose +unnosed +unnotable +unnotched +unnoted +unnoteworthy +unnoticeable +unnoticeableness +unnoticeably +unnoticed +unnoticing +unnotified +unnotify +unnoting +unnourishable +unnourished +unnourishing +unnovel +unnovercal +unnucleated +unnullified +unnumberable +unnumberableness +unnumberably +unnumbered +unnumberedness +unnumerical +unnumerous +unnurtured +unnutritious +unnutritive +unnuzzled +unnymphlike +unoared +unobdurate +unobedience +unobedient +unobediently +unobese +unobeyed +unobeying +unobjected +unobjectionable +unobjectionableness +unobjectionably +unobjectional +unobjective +unobligated +unobligatory +unobliged +unobliging +unobligingly +unobligingness +unobliterable +unobliterated +unoblivious +unobnoxious +unobscene +unobscure +unobscured +unobsequious +unobsequiously +unobsequiousness +unobservable +unobservance +unobservant +unobservantly +unobservantness +unobserved +unobservedly +unobserving +unobservingly +unobsessed +unobsolete +unobstinate +unobstruct +unobstructed +unobstructedly +unobstructedness +unobstructive +unobstruent +unobtainable +unobtainableness +unobtainably +unobtained +unobtruded +unobtruding +unobtrusive +unobtrusively +unobtrusiveness +unobtunded +unobumbrated +unobverted +unobviated +unobvious +unoccasional +unoccasioned +unoccidental +unoccluded +unoccupancy +unoccupation +unoccupied +unoccupiedly +unoccupiedness +unoccurring +unoceanic +unocular +unode +unodious +unodoriferous +unoecumenic +unoecumenical +unoffendable +unoffended +unoffendedly +unoffender +unoffending +unoffendingly +unoffensive +unoffensively +unoffensiveness +unoffered +unofficed +unofficered +unofficerlike +unofficial +unofficialdom +unofficially +unofficialness +unofficiating +unofficinal +unofficious +unofficiously +unofficiousness +unoffset +unoften +unogled +unoil +unoiled +unoiling +unoily +unold +unomened +unominous +unomitted +unomnipotent +unomniscient +Unona +unonerous +unontological +unopaque +unoped +unopen +unopenable +unopened +unopening +unopenly +unopenness +unoperably +unoperated +unoperatic +unoperating +unoperative +unoperculate +unoperculated +unopined +unopinionated +unoppignorated +unopportune +unopportunely +unopportuneness +unopposable +unopposed +unopposedly +unopposedness +unopposite +unoppressed +unoppressive +unoppressively +unoppressiveness +unopprobrious +unoppugned +unopulence +unopulent +unoratorial +unoratorical +unorbed +unorbital +unorchestrated +unordain +unordainable +unordained +unorder +unorderable +unordered +unorderly +unordinarily +unordinariness +unordinary +unordinate +unordinately +unordinateness +unordnanced +unorganic +unorganical +unorganically +unorganicalness +unorganizable +unorganized +unorganizedly +unorganizedness +unoriental +unorientalness +unoriented +unoriginal +unoriginality +unoriginally +unoriginalness +unoriginate +unoriginated +unoriginatedness +unoriginately +unoriginateness +unorigination +unoriginative +unoriginatively +unoriginativeness +unorn +unornamental +unornamentally +unornamentalness +unornamented +unornate +unornithological +unornly +unorphaned +unorthodox +unorthodoxically +unorthodoxly +unorthodoxness +unorthodoxy +unorthographical +unorthographically +unoscillating +unosculated +unossified +unostensible +unostentation +unostentatious +unostentatiously +unostentatiousness +unoutgrown +unoutlawed +unoutraged +unoutspeakable +unoutspoken +unoutworn +unoverclouded +unovercome +unoverdone +unoverdrawn +unoverflowing +unoverhauled +unoverleaped +unoverlooked +unoverpaid +unoverpowered +unoverruled +unovert +unovertaken +unoverthrown +unovervalued +unoverwhelmed +unowed +unowing +unown +unowned +unoxidable +unoxidated +unoxidizable +unoxidized +unoxygenated +unoxygenized +unpacable +unpaced +unpacifiable +unpacific +unpacified +unpacifiedly +unpacifiedness +unpacifist +unpack +unpacked +unpacker +unpadded +unpadlocked +unpagan +unpaganize +unpaged +unpaginal +unpaid +unpained +unpainful +unpaining +unpainstaking +unpaint +unpaintability +unpaintable +unpaintableness +unpaintably +unpainted +unpaintedly +unpaintedness +unpaired +unpalatability +unpalatable +unpalatableness +unpalatably +unpalatal +unpalatial +unpale +unpaled +unpalisaded +unpalisadoed +unpalled +unpalliable +unpalliated +unpalpable +unpalped +unpalpitating +unpalsied +unpampered +unpanegyrized +unpanel +unpaneled +unpanelled +unpanged +unpanniered +unpanoplied +unpantheistic +unpanting +unpapal +unpapaverous +unpaper +unpapered +unparaded +unparadise +unparadox +unparagoned +unparagonized +unparagraphed +unparallel +unparallelable +unparalleled +unparalleledly +unparalleledness +unparallelness +unparalyzed +unparaphrased +unparasitical +unparcel +unparceled +unparceling +unparcelled +unparcelling +unparch +unparched +unparching +unpardon +unpardonable +unpardonableness +unpardonably +unpardoned +unpardonedness +unpardoning +unpared +unparented +unparfit +unpargeted +unpark +unparked +unparking +unparliamentary +unparliamented +unparodied +unparrel +unparriable +unparried +unparroted +unparrying +unparsed +unparsimonious +unparsonic +unparsonical +unpartable +unpartableness +unpartably +unpartaken +unpartaking +unparted +unpartial +unpartiality +unpartially +unpartialness +unparticipant +unparticipated +unparticipating +unparticipative +unparticular +unparticularized +unparticularizing +unpartisan +unpartitioned +unpartizan +unpartnered +unpartook +unparty +unpass +unpassable +unpassableness +unpassably +unpassed +unpassing +unpassionate +unpassionately +unpassionateness +unpassioned +unpassive +unpaste +unpasted +unpasteurized +unpasting +unpastor +unpastoral +unpastured +unpatched +unpatent +unpatentable +unpatented +unpaternal +unpathed +unpathetic +unpathwayed +unpatient +unpatiently +unpatientness +unpatriarchal +unpatrician +unpatriotic +unpatriotically +unpatriotism +unpatristic +unpatrolled +unpatronizable +unpatronized +unpatronizing +unpatted +unpatterned +unpaunch +unpaunched +unpauperized +unpausing +unpausingly +unpave +unpaved +unpavilioned +unpaving +unpawed +unpawn +unpawned +unpayable +unpayableness +unpayably +unpaying +unpayment +unpeace +unpeaceable +unpeaceableness +unpeaceably +unpeaceful +unpeacefully +unpeacefulness +unpealed +unpearled +unpebbled +unpeccable +unpecked +unpecuniarily +unpedagogical +unpedantic +unpeddled +unpedestal +unpedigreed +unpeel +unpeelable +unpeelableness +unpeeled +unpeerable +unpeered +unpeg +unpejorative +unpelagic +unpelted +unpen +unpenal +unpenalized +unpenanced +unpenciled +unpencilled +unpenetrable +unpenetrated +unpenetrating +unpenitent +unpenitently +unpenitentness +unpenned +unpennied +unpennoned +unpensionable +unpensionableness +unpensioned +unpensioning +unpent +unpenurious +unpeople +unpeopled +unpeopling +unperceived +unperceivedly +unperceptible +unperceptibly +unperceptive +unperch +unperched +unpercipient +unpercolated +unpercussed +unperfect +unperfected +unperfectedly +unperfectedness +unperfectly +unperfectness +unperfidious +unperflated +unperforate +unperforated +unperformable +unperformance +unperformed +unperforming +unperfumed +unperilous +unperiodic +unperiodical +unperiphrased +unperishable +unperishableness +unperishably +unperished +unperishing +unperjured +unpermanency +unpermanent +unpermanently +unpermeable +unpermeated +unpermissible +unpermissive +unpermitted +unpermitting +unpermixed +unpernicious +unperpendicular +unperpetrated +unperpetuated +unperplex +unperplexed +unperplexing +unpersecuted +unpersecutive +unperseverance +unpersevering +unperseveringly +unperseveringness +unpersonable +unpersonableness +unpersonal +unpersonality +unpersonified +unpersonify +unperspicuous +unperspirable +unperspiring +unpersuadable +unpersuadableness +unpersuadably +unpersuaded +unpersuadedness +unpersuasibleness +unpersuasion +unpersuasive +unpersuasively +unpersuasiveness +unpertaining +unpertinent +unpertinently +unperturbed +unperturbedly +unperturbedness +unperuked +unperused +unpervaded +unperverse +unpervert +unperverted +unpervious +unpessimistic +unpestered +unpestilential +unpetal +unpetitioned +unpetrified +unpetrify +unpetticoated +unpetulant +unpharasaic +unpharasaical +unphased +unphenomenal +unphilanthropic +unphilanthropically +unphilological +unphilosophic +unphilosophically +unphilosophicalness +unphilosophize +unphilosophized +unphilosophy +unphlegmatic +unphonetic +unphoneticness +unphonographed +unphosphatized +unphotographed +unphrasable +unphrasableness +unphrased +unphrenological +unphysical +unphysically +unphysicianlike +unphysicked +unphysiological +unpicaresque +unpick +unpickable +unpicked +unpicketed +unpickled +unpictorial +unpictorially +unpicturability +unpicturable +unpictured +unpicturesque +unpicturesquely +unpicturesqueness +unpiece +unpieced +unpierceable +unpierced +unpiercing +unpiety +unpigmented +unpile +unpiled +unpilfered +unpilgrimlike +unpillaged +unpillared +unpilled +unpilloried +unpillowed +unpiloted +unpimpled +unpin +unpinched +unpining +unpinion +unpinioned +unpinked +unpinned +unpious +unpiped +unpiqued +unpirated +unpitched +unpiteous +unpiteously +unpiteousness +unpitiable +unpitiably +unpitied +unpitiedly +unpitiedness +unpitiful +unpitifully +unpitifulness +unpitted +unpitying +unpityingly +unpityingness +unplacable +unplacably +unplacated +unplace +unplaced +unplacid +unplagiarized +unplagued +unplaid +unplain +unplained +unplainly +unplainness +unplait +unplaited +unplan +unplaned +unplanished +unplank +unplanked +unplanned +unplannedly +unplannedness +unplant +unplantable +unplanted +unplantlike +unplashed +unplaster +unplastered +unplastic +unplat +unplated +unplatted +unplausible +unplausibleness +unplausibly +unplayable +unplayed +unplayful +unplaying +unpleached +unpleadable +unpleaded +unpleading +unpleasable +unpleasant +unpleasantish +unpleasantly +unpleasantness +unpleasantry +unpleased +unpleasing +unpleasingly +unpleasingness +unpleasurable +unpleasurably +unpleasure +unpleat +unpleated +unplebeian +unpledged +unplenished +unplenteous +unplentiful +unplentifulness +unpliable +unpliableness +unpliably +unpliancy +unpliant +unpliantly +unplied +unplighted +unplodding +unplotted +unplotting +unplough +unploughed +unplow +unplowed +unplucked +unplug +unplugged +unplugging +unplumb +unplumbed +unplume +unplumed +unplummeted +unplump +unplundered +unplunge +unplunged +unplutocratic +unplutocratically +unpoached +unpocket +unpocketed +unpodded +unpoetic +unpoetically +unpoeticalness +unpoeticized +unpoetize +unpoetized +unpoignard +unpointed +unpointing +unpoise +unpoised +unpoison +unpoisonable +unpoisoned +unpoisonous +unpolarizable +unpolarized +unpoled +unpolemical +unpolemically +unpoliced +unpolicied +unpolish +unpolishable +unpolished +unpolishedness +unpolite +unpolitely +unpoliteness +unpolitic +unpolitical +unpolitically +unpoliticly +unpollarded +unpolled +unpollutable +unpolluted +unpollutedly +unpolluting +unpolymerized +unpompous +unpondered +unpontifical +unpooled +unpope +unpopular +unpopularity +unpopularize +unpopularly +unpopularness +unpopulate +unpopulated +unpopulous +unpopulousness +unporous +unportable +unportended +unportentous +unportioned +unportly +unportmanteaued +unportraited +unportrayable +unportrayed +unportuous +unposed +unposing +unpositive +unpossessable +unpossessed +unpossessedness +unpossessing +unpossibility +unpossible +unpossibleness +unpossibly +unposted +unpostered +unposthumous +unpostmarked +unpostponable +unpostponed +unpostulated +unpot +unpotted +unpouched +unpoulticed +unpounced +unpounded +unpoured +unpowdered +unpower +unpowerful +unpowerfulness +unpracticability +unpracticable +unpracticableness +unpracticably +unpractical +unpracticality +unpractically +unpracticalness +unpractice +unpracticed +unpragmatical +unpraisable +unpraise +unpraised +unpraiseful +unpraiseworthy +unpranked +unpray +unprayable +unprayed +unprayerful +unpraying +unpreach +unpreached +unpreaching +unprecarious +unprecautioned +unpreceded +unprecedented +unprecedentedly +unprecedentedness +unprecedential +unprecedently +unprecious +unprecipitate +unprecipitated +unprecise +unprecisely +unpreciseness +unprecluded +unprecludible +unprecocious +unpredacious +unpredestinated +unpredestined +unpredicable +unpredicated +unpredict +unpredictable +unpredictableness +unpredictably +unpredicted +unpredictedness +unpredicting +unpredisposed +unpredisposing +unpreened +unprefaced +unpreferable +unpreferred +unprefigured +unprefined +unprefixed +unpregnant +unprejudged +unprejudicated +unprejudice +unprejudiced +unprejudicedly +unprejudicedness +unprejudiciable +unprejudicial +unprejudicially +unprejudicialness +unprelatic +unprelatical +unpreluded +unpremature +unpremeditate +unpremeditated +unpremeditatedly +unpremeditatedness +unpremeditately +unpremeditation +unpremonished +unpremonstrated +unprenominated +unprenticed +unpreoccupied +unpreordained +unpreparation +unprepare +unprepared +unpreparedly +unpreparedness +unpreparing +unpreponderated +unpreponderating +unprepossessedly +unprepossessing +unprepossessingly +unprepossessingness +unpreposterous +unpresaged +unpresageful +unpresaging +unpresbyterated +unprescient +unprescinded +unprescribed +unpresentability +unpresentable +unpresentableness +unpresentably +unpresented +unpreservable +unpreserved +unpresidential +unpresiding +unpressed +unpresumable +unpresumed +unpresuming +unpresumingness +unpresumptuous +unpresumptuously +unpresupposed +unpretended +unpretending +unpretendingly +unpretendingness +unpretentious +unpretentiously +unpretentiousness +unpretermitted +unpreternatural +unprettiness +unpretty +unprevailing +unprevalent +unprevaricating +unpreventable +unpreventableness +unpreventably +unprevented +unpreventible +unpreventive +unpriceably +unpriced +unpricked +unprickled +unprickly +unpriest +unpriestlike +unpriestly +unpriggish +unprim +unprime +unprimed +unprimitive +unprimmed +unprince +unprincelike +unprinceliness +unprincely +unprincess +unprincipal +unprinciple +unprincipled +unprincipledly +unprincipledness +unprint +unprintable +unprintableness +unprintably +unprinted +unpriority +unprismatic +unprison +unprisonable +unprisoned +unprivate +unprivileged +unprizable +unprized +unprobated +unprobationary +unprobed +unprobity +unproblematic +unproblematical +unprocessed +unproclaimed +unprocrastinated +unprocreant +unprocreated +unproctored +unprocurable +unprocurableness +unprocure +unprocured +unproded +unproduceable +unproduceableness +unproduceably +unproduced +unproducedness +unproducible +unproducibleness +unproducibly +unproductive +unproductively +unproductiveness +unproductivity +unprofanable +unprofane +unprofaned +unprofessed +unprofessing +unprofessional +unprofessionalism +unprofessionally +unprofessorial +unproffered +unproficiency +unproficient +unproficiently +unprofit +unprofitable +unprofitableness +unprofitably +unprofited +unprofiteering +unprofiting +unprofound +unprofuse +unprofusely +unprofuseness +unprognosticated +unprogressed +unprogressive +unprogressively +unprogressiveness +unprohibited +unprohibitedness +unprohibitive +unprojected +unprojecting +unproliferous +unprolific +unprolix +unprologued +unprolonged +unpromiscuous +unpromise +unpromised +unpromising +unpromisingly +unpromisingness +unpromotable +unpromoted +unprompted +unpromptly +unpromulgated +unpronounce +unpronounceable +unpronounced +unpronouncing +unproofread +unprop +unpropagated +unpropelled +unpropense +unproper +unproperly +unproperness +unpropertied +unprophesiable +unprophesied +unprophetic +unprophetical +unprophetically +unprophetlike +unpropitiable +unpropitiated +unpropitiatedness +unpropitiatory +unpropitious +unpropitiously +unpropitiousness +unproportion +unproportionable +unproportionableness +unproportionably +unproportional +unproportionality +unproportionally +unproportionate +unproportionately +unproportionateness +unproportioned +unproportionedly +unproportionedness +unproposed +unproposing +unpropounded +unpropped +unpropriety +unprorogued +unprosaic +unproscribable +unproscribed +unprosecutable +unprosecuted +unprosecuting +unproselyte +unproselyted +unprosodic +unprospected +unprospective +unprosperably +unprospered +unprosperity +unprosperous +unprosperously +unprosperousness +unprostitute +unprostituted +unprostrated +unprotectable +unprotected +unprotectedly +unprotectedness +unprotective +unprotestant +unprotestantize +unprotested +unprotesting +unprotruded +unprotruding +unprotrusive +unproud +unprovability +unprovable +unprovableness +unprovably +unproved +unprovedness +unproven +unproverbial +unprovidable +unprovide +unprovided +unprovidedly +unprovidedness +unprovidenced +unprovident +unprovidential +unprovidently +unprovincial +unproving +unprovision +unprovisioned +unprovocative +unprovokable +unprovoke +unprovoked +unprovokedly +unprovokedness +unprovoking +unproximity +unprudence +unprudent +unprudently +unpruned +unprying +unpsychic +unpsychological +unpublic +unpublicity +unpublishable +unpublishableness +unpublishably +unpublished +unpucker +unpuckered +unpuddled +unpuffed +unpuffing +unpugilistic +unpugnacious +unpulled +unpulleyed +unpulped +unpulverable +unpulverize +unpulverized +unpulvinate +unpulvinated +unpumicated +unpummeled +unpummelled +unpumpable +unpumped +unpunched +unpunctated +unpunctilious +unpunctual +unpunctuality +unpunctually +unpunctuated +unpunctuating +unpunishable +unpunishably +unpunished +unpunishedly +unpunishedness +unpunishing +unpunishingly +unpurchasable +unpurchased +unpure +unpurely +unpureness +unpurgeable +unpurged +unpurifiable +unpurified +unpurifying +unpuritan +unpurled +unpurloined +unpurpled +unpurported +unpurposed +unpurposelike +unpurposely +unpurposing +unpurse +unpursed +unpursuable +unpursued +unpursuing +unpurveyed +unpushed +unput +unputrefiable +unputrefied +unputrid +unputtied +unpuzzle +unquadded +unquaffed +unquailed +unquailing +unquailingly +unquakerlike +unquakerly +unquaking +unqualifiable +unqualification +unqualified +unqualifiedly +unqualifiedness +unqualify +unqualifying +unqualifyingly +unqualitied +unquality +unquantified +unquantitative +unquarantined +unquarreled +unquarreling +unquarrelled +unquarrelling +unquarrelsome +unquarried +unquartered +unquashed +unquayed +unqueen +unqueened +unqueening +unqueenlike +unqueenly +unquellable +unquelled +unquenchable +unquenchableness +unquenchably +unquenched +unqueried +unquested +unquestionability +unquestionable +unquestionableness +unquestionably +unquestionate +unquestioned +unquestionedly +unquestionedness +unquestioning +unquestioningly +unquestioningness +unquibbled +unquibbling +unquick +unquickened +unquickly +unquicksilvered +unquiescence +unquiescent +unquiescently +unquiet +unquietable +unquieted +unquieting +unquietly +unquietness +unquietude +unquilleted +unquilted +unquit +unquittable +unquitted +unquivered +unquivering +unquizzable +unquizzed +unquotable +unquote +unquoted +unrabbeted +unrabbinical +unraced +unrack +unracked +unracking +unradiated +unradical +unradicalize +unraffled +unraftered +unraided +unrailed +unrailroaded +unrailwayed +unrainy +unraised +unrake +unraked +unraking +unrallied +unram +unrambling +unramified +unrammed +unramped +unranched +unrancid +unrancored +unrandom +unrank +unranked +unransacked +unransomable +unransomed +unrapacious +unraped +unraptured +unrare +unrarefied +unrash +unrasped +unratable +unrated +unratified +unrational +unrattled +unravaged +unravel +unravelable +unraveled +unraveler +unraveling +unravellable +unravelled +unraveller +unravelling +unravelment +unraving +unravished +unravishing +unray +unrayed +unrazed +unrazored +unreachable +unreachably +unreached +unreactive +unread +unreadability +unreadable +unreadableness +unreadably +unreadily +unreadiness +unready +unreal +unrealism +unrealist +unrealistic +unreality +unrealizable +unrealize +unrealized +unrealizing +unreally +unrealmed +unrealness +unreaped +unreared +unreason +unreasonability +unreasonable +unreasonableness +unreasonably +unreasoned +unreasoning +unreasoningly +unreassuring +unreassuringly +unreave +unreaving +unrebated +unrebel +unrebellious +unrebuffable +unrebuffably +unrebuilt +unrebukable +unrebukably +unrebuked +unrebuttable +unrebuttableness +unrebutted +unrecallable +unrecallably +unrecalled +unrecalling +unrecantable +unrecanted +unrecaptured +unreceding +unreceipted +unreceivable +unreceived +unreceiving +unrecent +unreceptant +unreceptive +unreceptivity +unreciprocal +unreciprocated +unrecited +unrecked +unrecking +unreckingness +unreckon +unreckonable +unreckoned +unreclaimable +unreclaimably +unreclaimed +unreclaimedness +unreclaiming +unreclined +unreclining +unrecognition +unrecognizable +unrecognizableness +unrecognizably +unrecognized +unrecognizing +unrecognizingly +unrecoined +unrecollected +unrecommendable +unrecompensable +unrecompensed +unreconcilable +unreconcilableness +unreconcilably +unreconciled +unrecondite +unreconnoitered +unreconsidered +unreconstructed +unrecordable +unrecorded +unrecordedness +unrecording +unrecountable +unrecounted +unrecoverable +unrecoverableness +unrecoverably +unrecovered +unrecreant +unrecreated +unrecreating +unrecriminative +unrecruitable +unrecruited +unrectangular +unrectifiable +unrectifiably +unrectified +unrecumbent +unrecuperated +unrecurrent +unrecurring +unrecusant +unred +unredacted +unredeemable +unredeemableness +unredeemably +unredeemed +unredeemedly +unredeemedness +unredeeming +unredressable +unredressed +unreduceable +unreduced +unreducible +unreducibleness +unreducibly +unreduct +unreefed +unreel +unreelable +unreeled +unreeling +unreeve +unreeving +unreferenced +unreferred +unrefilled +unrefine +unrefined +unrefinedly +unrefinedness +unrefinement +unrefining +unrefitted +unreflected +unreflecting +unreflectingly +unreflectingness +unreflective +unreflectively +unreformable +unreformed +unreformedness +unreforming +unrefracted +unrefracting +unrefrainable +unrefrained +unrefraining +unrefreshed +unrefreshful +unrefreshing +unrefreshingly +unrefrigerated +unrefulgent +unrefunded +unrefunding +unrefusable +unrefusably +unrefused +unrefusing +unrefusingly +unrefutable +unrefuted +unrefuting +unregainable +unregained +unregal +unregaled +unregality +unregally +unregard +unregardable +unregardant +unregarded +unregardedly +unregardful +unregeneracy +unregenerate +unregenerately +unregenerateness +unregenerating +unregeneration +unregimented +unregistered +unregressive +unregretful +unregretfully +unregretfulness +unregrettable +unregretted +unregretting +unregular +unregulated +unregulative +unregurgitated +unrehabilitated +unrehearsable +unrehearsed +unrehearsing +unreigning +unreimbodied +unrein +unreined +unreinstated +unreiterable +unreiterated +unrejectable +unrejoiced +unrejoicing +unrejuvenated +unrelapsing +unrelated +unrelatedness +unrelating +unrelational +unrelative +unrelatively +unrelaxable +unrelaxed +unrelaxing +unrelaxingly +unreleasable +unreleased +unreleasing +unrelegated +unrelentance +unrelented +unrelenting +unrelentingly +unrelentingness +unrelentor +unrelevant +unreliability +unreliable +unreliableness +unreliably +unreliance +unrelievable +unrelievableness +unrelieved +unrelievedly +unreligion +unreligioned +unreligious +unreligiously +unreligiousness +unrelinquishable +unrelinquishably +unrelinquished +unrelinquishing +unrelishable +unrelished +unrelishing +unreluctant +unreluctantly +unremaining +unremanded +unremarkable +unremarked +unremarried +unremediable +unremedied +unremember +unrememberable +unremembered +unremembering +unremembrance +unreminded +unremissible +unremittable +unremitted +unremittedly +unremittent +unremittently +unremitting +unremittingly +unremittingness +unremonstrant +unremonstrated +unremonstrating +unremorseful +unremorsefully +unremote +unremotely +unremounted +unremovable +unremovableness +unremovably +unremoved +unremunerated +unremunerating +unremunerative +unremuneratively +unremunerativeness +unrenderable +unrendered +unrenewable +unrenewed +unrenounceable +unrenounced +unrenouncing +unrenovated +unrenowned +unrenownedly +unrenownedness +unrent +unrentable +unrented +unreorganized +unrepaid +unrepair +unrepairable +unrepaired +unrepartable +unreparted +unrepealability +unrepealable +unrepealableness +unrepealably +unrepealed +unrepeatable +unrepeated +unrepellable +unrepelled +unrepellent +unrepent +unrepentable +unrepentance +unrepentant +unrepentantly +unrepentantness +unrepented +unrepenting +unrepentingly +unrepentingness +unrepetitive +unrepined +unrepining +unrepiningly +unrepiqued +unreplaceable +unreplaced +unreplenished +unrepleviable +unreplevined +unrepliable +unrepliably +unreplied +unreplying +unreportable +unreported +unreportedly +unreportedness +unrepose +unreposed +unreposeful +unreposefulness +unreposing +unrepossessed +unreprehended +unrepresentable +unrepresentation +unrepresentative +unrepresented +unrepresentedness +unrepressed +unrepressible +unreprievable +unreprievably +unreprieved +unreprimanded +unreprinted +unreproachable +unreproachableness +unreproachably +unreproached +unreproachful +unreproachfully +unreproaching +unreproachingly +unreprobated +unreproducible +unreprovable +unreprovableness +unreprovably +unreproved +unreprovedly +unreprovedness +unreproving +unrepublican +unrepudiable +unrepudiated +unrepugnant +unrepulsable +unrepulsed +unrepulsing +unrepulsive +unreputable +unreputed +unrequalified +unrequested +unrequickened +unrequired +unrequisite +unrequitable +unrequital +unrequited +unrequitedly +unrequitedness +unrequitement +unrequiter +unrequiting +unrescinded +unrescued +unresemblant +unresembling +unresented +unresentful +unresenting +unreserve +unreserved +unreservedly +unreservedness +unresifted +unresigned +unresistable +unresistably +unresistance +unresistant +unresistantly +unresisted +unresistedly +unresistedness +unresistible +unresistibleness +unresistibly +unresisting +unresistingly +unresistingness +unresolute +unresolvable +unresolve +unresolved +unresolvedly +unresolvedness +unresolving +unresonant +unresounded +unresounding +unresourceful +unresourcefulness +unrespect +unrespectability +unrespectable +unrespected +unrespectful +unrespectfully +unrespectfulness +unrespective +unrespectively +unrespectiveness +unrespirable +unrespired +unrespited +unresplendent +unresponding +unresponsible +unresponsibleness +unresponsive +unresponsively +unresponsiveness +unrest +unrestable +unrested +unrestful +unrestfully +unrestfulness +unresting +unrestingly +unrestingness +unrestorable +unrestored +unrestrainable +unrestrainably +unrestrained +unrestrainedly +unrestrainedness +unrestraint +unrestrictable +unrestricted +unrestrictedly +unrestrictedness +unrestrictive +unresty +unresultive +unresumed +unresumptive +unretainable +unretained +unretaliated +unretaliating +unretardable +unretarded +unretentive +unreticent +unretinued +unretired +unretiring +unretorted +unretouched +unretractable +unretracted +unretreating +unretrenchable +unretrenched +unretrievable +unretrieved +unretrievingly +unretted +unreturnable +unreturnably +unreturned +unreturning +unreturningly +unrevealable +unrevealed +unrevealedness +unrevealing +unrevealingly +unrevelationize +unrevenged +unrevengeful +unrevengefulness +unrevenging +unrevengingly +unrevenue +unrevenued +unreverberated +unrevered +unreverence +unreverenced +unreverend +unreverendly +unreverent +unreverential +unreverently +unreverentness +unreversable +unreversed +unreversible +unreverted +unrevertible +unreverting +unrevested +unrevetted +unreviewable +unreviewed +unreviled +unrevised +unrevivable +unrevived +unrevocable +unrevocableness +unrevocably +unrevoked +unrevolted +unrevolting +unrevolutionary +unrevolutionized +unrevolved +unrevolving +unrewardable +unrewarded +unrewardedly +unrewarding +unreworded +unrhetorical +unrhetorically +unrhetoricalness +unrhyme +unrhymed +unrhythmic +unrhythmical +unrhythmically +unribbed +unribboned +unrich +unriched +unricht +unricked +unrid +unridable +unridableness +unridably +unridden +unriddle +unriddleable +unriddled +unriddler +unriddling +unride +unridely +unridered +unridged +unridiculed +unridiculous +unrife +unriffled +unrifled +unrifted +unrig +unrigged +unrigging +unright +unrightable +unrighted +unrighteous +unrighteously +unrighteousness +unrightful +unrightfully +unrightfulness +unrightly +unrightwise +unrigid +unrigorous +unrimpled +unrind +unring +unringable +unringed +unringing +unrinsed +unrioted +unrioting +unriotous +unrip +unripe +unriped +unripely +unripened +unripeness +unripening +unrippable +unripped +unripping +unrippled +unrippling +unripplingly +unrisen +unrising +unriskable +unrisked +unrisky +unritual +unritualistic +unrivalable +unrivaled +unrivaledly +unrivaledness +unrived +unriven +unrivet +unriveted +unriveting +unroaded +unroadworthy +unroaming +unroast +unroasted +unrobbed +unrobe +unrobed +unrobust +unrocked +unrococo +unrodded +unroiled +unroll +unrollable +unrolled +unroller +unrolling +unrollment +unromantic +unromantical +unromantically +unromanticalness +unromanticized +unroof +unroofed +unroofing +unroomy +unroost +unroosted +unroosting +unroot +unrooted +unrooting +unrope +unroped +unrosed +unrosined +unrostrated +unrotated +unrotating +unroted +unrotted +unrotten +unrotund +unrouged +unrough +unroughened +unround +unrounded +unrounding +unrousable +unroused +unroutable +unrouted +unrove +unroved +unroving +unrow +unrowed +unroweled +unroyal +unroyalist +unroyalized +unroyally +unroyalness +Unrra +unrubbed +unrubbish +unrubified +unrubrical +unrubricated +unruddered +unruddled +unrueful +unruffable +unruffed +unruffle +unruffled +unruffling +unrugged +unruinable +unruinated +unruined +unrulable +unrulableness +unrule +unruled +unruledly +unruledness +unruleful +unrulily +unruliness +unruly +unruminated +unruminating +unruminatingly +unrummaged +unrumored +unrumple +unrumpled +unrun +unrung +unruptured +unrural +unrushed +Unrussian +unrust +unrusted +unrustic +unrusticated +unrustling +unruth +unsabbatical +unsabered +unsabled +unsabred +unsaccharic +unsacerdotal +unsacerdotally +unsack +unsacked +unsacramental +unsacramentally +unsacramentarian +unsacred +unsacredly +unsacrificeable +unsacrificeably +unsacrificed +unsacrificial +unsacrificing +unsacrilegious +unsad +unsadden +unsaddened +unsaddle +unsaddled +unsaddling +unsafe +unsafeguarded +unsafely +unsafeness +unsafety +unsagacious +unsage +unsagging +unsaid +unsailable +unsailed +unsailorlike +unsaint +unsainted +unsaintlike +unsaintly +unsalability +unsalable +unsalableness +unsalably +unsalaried +unsalesmanlike +unsaline +unsalivated +unsallying +unsalmonlike +unsalt +unsaltable +unsaltatory +unsalted +unsalubrious +unsalutary +unsaluted +unsaluting +unsalvability +unsalvable +unsalvableness +unsalvaged +unsalved +unsampled +unsanctification +unsanctified +unsanctifiedly +unsanctifiedness +unsanctify +unsanctifying +unsanctimonious +unsanctimoniously +unsanctimoniousness +unsanction +unsanctionable +unsanctioned +unsanctioning +unsanctitude +unsanctity +unsanctuaried +unsandaled +unsanded +unsane +unsanguinary +unsanguine +unsanguinely +unsanguineness +unsanguineous +unsanguineously +unsanitariness +unsanitary +unsanitated +unsanitation +unsanity +unsaponifiable +unsaponified +unsapped +unsappy +unsarcastic +unsardonic +unsartorial +unsash +unsashed +unsatable +unsatanic +unsated +unsatedly +unsatedness +unsatiability +unsatiable +unsatiableness +unsatiably +unsatiate +unsatiated +unsatiating +unsatin +unsatire +unsatirical +unsatirically +unsatirize +unsatirized +unsatisfaction +unsatisfactorily +unsatisfactoriness +unsatisfactory +unsatisfiable +unsatisfiableness +unsatisfiably +unsatisfied +unsatisfiedly +unsatisfiedness +unsatisfying +unsatisfyingly +unsatisfyingness +unsaturable +unsaturated +unsaturatedly +unsaturatedness +unsaturation +unsatyrlike +unsauced +unsaurian +unsavable +unsaveable +unsaved +unsaving +unsavored +unsavoredly +unsavoredness +unsavorily +unsavoriness +unsavory +unsawed +unsawn +unsay +unsayability +unsayable +unscabbard +unscabbarded +unscabbed +unscaffolded +unscalable +unscalableness +unscalably +unscale +unscaled +unscaledness +unscalloped +unscaly +unscamped +unscandalize +unscandalized +unscandalous +unscannable +unscanned +unscanted +unscanty +unscarb +unscarce +unscared +unscarfed +unscarified +unscarred +unscathed +unscathedly +unscathedness +unscattered +unscavengered +unscenic +unscent +unscented +unscepter +unsceptered +unsceptical +unsceptre +unsceptred +unscheduled +unschematic +unschematized +unscholar +unscholarlike +unscholarly +unscholastic +unschool +unschooled +unschooledly +unschooledness +unscienced +unscientific +unscientifical +unscientifically +unscintillating +unscioned +unscissored +unscoffed +unscoffing +unscolded +unsconced +unscooped +unscorched +unscored +unscorified +unscoring +unscorned +unscornful +unscornfully +unscornfulness +unscotch +unscotched +unscottify +unscoured +unscourged +unscowling +unscramble +unscrambling +unscraped +unscratchable +unscratched +unscratching +unscratchingly +unscrawled +unscreen +unscreenable +unscreenably +unscreened +unscrew +unscrewable +unscrewed +unscrewing +unscribal +unscribbled +unscribed +unscrimped +unscriptural +unscripturally +unscripturalness +unscrubbed +unscrupled +unscrupulosity +unscrupulous +unscrupulously +unscrupulousness +unscrutable +unscrutinized +unscrutinizing +unscrutinizingly +unsculptural +unsculptured +unscummed +unscutcheoned +unseafaring +unseal +unsealable +unsealed +unsealer +unsealing +unseam +unseamanlike +unseamanship +unseamed +unseaming +unsearchable +unsearchableness +unsearchably +unsearched +unsearcherlike +unsearching +unseared +unseason +unseasonable +unseasonableness +unseasonably +unseasoned +unseat +unseated +unseaworthiness +unseaworthy +unseceding +unsecluded +unseclusive +unseconded +unsecrecy +unsecret +unsecretarylike +unsecreted +unsecreting +unsecretly +unsecretness +unsectarian +unsectarianism +unsectarianize +unsectional +unsecular +unsecularize +unsecularized +unsecure +unsecured +unsecuredly +unsecuredness +unsecurely +unsecureness +unsecurity +unsedate +unsedentary +unseditious +unseduce +unseduced +unseducible +unseductive +unsedulous +unsee +unseeable +unseeded +unseeing +unseeingly +unseeking +unseeming +unseemingly +unseemlily +unseemliness +unseemly +unseen +unseethed +unsegmented +unsegregable +unsegregated +unsegregatedness +unseignorial +unseismic +unseizable +unseized +unseldom +unselect +unselected +unselecting +unselective +unself +unselfish +unselfishly +unselfishness +unselflike +unselfness +unselling +unsenatorial +unsenescent +unsensational +unsense +unsensed +unsensibility +unsensible +unsensibleness +unsensibly +unsensitive +unsensitize +unsensitized +unsensory +unsensual +unsensualize +unsensualized +unsensually +unsensuous +unsensuousness +unsent +unsentenced +unsententious +unsentient +unsentimental +unsentimentalist +unsentimentality +unsentimentalize +unsentimentally +unsentineled +unsentinelled +unseparable +unseparableness +unseparably +unseparate +unseparated +unseptate +unseptated +unsepulcher +unsepulchered +unsepulchral +unsepulchre +unsepulchred +unsepultured +unsequenced +unsequential +unsequestered +unseraphical +unserenaded +unserene +unserflike +unserious +unseriousness +unserrated +unserried +unservable +unserved +unserviceability +unserviceable +unserviceableness +unserviceably +unservicelike +unservile +unsesquipedalian +unset +unsetting +unsettle +unsettleable +unsettled +unsettledness +unsettlement +unsettling +unseverable +unseverableness +unsevere +unsevered +unseveredly +unseveredness +unsew +unsewed +unsewered +unsewing +unsewn +unsex +unsexed +unsexing +unsexlike +unsexual +unshackle +unshackled +unshackling +unshade +unshaded +unshadow +unshadowable +unshadowed +unshady +unshafted +unshakable +unshakably +unshakeable +unshakeably +unshaken +unshakenly +unshakenness +unshaking +unshakingness +unshaled +unshamable +unshamableness +unshamably +unshameable +unshameableness +unshameably +unshamed +unshamefaced +unshamefacedness +unshameful +unshamefully +unshamefulness +unshammed +unshanked +unshapable +unshape +unshapeable +unshaped +unshapedness +unshapeliness +unshapely +unshapen +unshapenly +unshapenness +unsharable +unshared +unsharedness +unsharing +unsharp +unsharped +unsharpen +unsharpened +unsharpening +unsharping +unshattered +unshavable +unshaveable +unshaved +unshavedly +unshavedness +unshaven +unshavenly +unshavenness +unshawl +unsheaf +unsheared +unsheathe +unsheathed +unsheathing +unshed +unsheet +unsheeted +unsheeting +unshell +unshelled +unshelling +unshelterable +unsheltered +unsheltering +unshelve +unshepherded +unshepherding +unsheriff +unshewed +unshieldable +unshielded +unshielding +unshiftable +unshifted +unshiftiness +unshifting +unshifty +unshimmering +unshingled +unshining +unship +unshiplike +unshipment +unshipped +unshipping +unshipshape +unshipwrecked +unshirking +unshirted +unshivered +unshivering +unshockable +unshocked +unshod +unshodden +unshoe +unshoed +unshoeing +unshop +unshore +unshored +unshorn +unshort +unshortened +unshot +unshotted +unshoulder +unshouted +unshouting +unshoved +unshoveled +unshowable +unshowed +unshowmanlike +unshown +unshowy +unshredded +unshrew +unshrewd +unshrewish +unshrill +unshrine +unshrined +unshrinement +unshrink +unshrinkability +unshrinkable +unshrinking +unshrinkingly +unshrived +unshriveled +unshrivelled +unshriven +unshroud +unshrouded +unshrubbed +unshrugging +unshrunk +unshrunken +unshuddering +unshuffle +unshuffled +unshunnable +unshunned +unshunted +unshut +unshutter +unshuttered +unshy +unshyly +unshyness +unsibilant +unsiccated +unsick +unsickened +unsicker +unsickerly +unsickerness +unsickled +unsickly +unsided +unsiding +unsiege +unsifted +unsighing +unsight +unsightable +unsighted +unsighting +unsightliness +unsightly +unsigmatic +unsignable +unsignaled +unsignalized +unsignalled +unsignatured +unsigned +unsigneted +unsignificancy +unsignificant +unsignificantly +unsignificative +unsignified +unsignifying +unsilenceable +unsilenceably +unsilenced +unsilent +unsilentious +unsilently +unsilicified +unsilly +unsilvered +unsimilar +unsimilarity +unsimilarly +unsimple +unsimplicity +unsimplified +unsimplify +unsimulated +unsimultaneous +unsin +unsincere +unsincerely +unsincereness +unsincerity +unsinew +unsinewed +unsinewing +unsinewy +unsinful +unsinfully +unsinfulness +unsing +unsingability +unsingable +unsingableness +unsinged +unsingle +unsingled +unsingleness +unsingular +unsinister +unsinkability +unsinkable +unsinking +unsinnable +unsinning +unsinningness +unsiphon +unsipped +unsister +unsistered +unsisterliness +unsisterly +unsizable +unsizableness +unsizeable +unsizeableness +unsized +unskaithd +unskeptical +unsketchable +unsketched +unskewed +unskewered +unskilful +unskilfully +unskilled +unskilledly +unskilledness +unskillful +unskillfully +unskillfulness +unskimmed +unskin +unskinned +unskirted +unslack +unslacked +unslackened +unslackening +unslacking +unslagged +unslain +unslakable +unslakeable +unslaked +unslammed +unslandered +unslanderous +unslapped +unslashed +unslate +unslated +unslating +unslaughtered +unslave +unslayable +unsleaved +unsleek +unsleepably +unsleeping +unsleepingly +unsleepy +unsleeve +unsleeved +unslender +unslept +unsliced +unsliding +unslighted +unsling +unslip +unslipped +unslippery +unslipping +unslit +unslockened +unsloped +unslopped +unslot +unslothful +unslothfully +unslothfulness +unslotted +unsloughed +unsloughing +unslow +unsluggish +unsluice +unsluiced +unslumbering +unslumberous +unslumbrous +unslung +unslurred +unsly +unsmacked +unsmart +unsmartly +unsmartness +unsmeared +unsmelled +unsmelling +unsmelted +unsmiled +unsmiling +unsmilingly +unsmilingness +unsmirched +unsmirking +unsmitten +unsmokable +unsmokeable +unsmoked +unsmokified +unsmoking +unsmoky +unsmooth +unsmoothed +unsmoothly +unsmoothness +unsmote +unsmotherable +unsmothered +unsmudged +unsmuggled +unsmutched +unsmutted +unsmutty +unsnaffled +unsnagged +unsnaggled +unsnaky +unsnap +unsnapped +unsnare +unsnared +unsnarl +unsnatch +unsnatched +unsneck +unsneering +unsnib +unsnipped +unsnobbish +unsnoring +unsnouted +unsnow +unsnubbable +unsnubbed +unsnuffed +unsoaked +unsoaped +unsoarable +unsober +unsoberly +unsoberness +unsobriety +unsociability +unsociable +unsociableness +unsociably +unsocial +unsocialism +unsocialistic +unsociality +unsocializable +unsocialized +unsocially +unsocialness +unsociological +unsocket +unsodden +unsoft +unsoftened +unsoftening +unsoggy +unsoil +unsoiled +unsoiledness +unsolaced +unsolacing +unsolar +unsold +unsolder +unsoldered +unsoldering +unsoldier +unsoldiered +unsoldierlike +unsoldierly +unsole +unsoled +unsolemn +unsolemness +unsolemnize +unsolemnized +unsolemnly +unsolicitated +unsolicited +unsolicitedly +unsolicitous +unsolicitously +unsolicitousness +unsolid +unsolidarity +unsolidifiable +unsolidified +unsolidity +unsolidly +unsolidness +unsolitary +unsolubility +unsoluble +unsolvable +unsolvableness +unsolvably +unsolved +unsomatic +unsomber +unsombre +unsome +unson +unsonable +unsonant +unsonlike +unsonneted +unsonorous +unsonsy +unsoothable +unsoothed +unsoothfast +unsoothing +unsooty +unsophistical +unsophistically +unsophisticate +unsophisticated +unsophisticatedly +unsophisticatedness +unsophistication +unsophomoric +unsordid +unsore +unsorrowed +unsorrowing +unsorry +unsort +unsortable +unsorted +unsorting +unsotted +unsought +unsoul +unsoulful +unsoulfully +unsoulish +unsound +unsoundable +unsoundableness +unsounded +unsounding +unsoundly +unsoundness +unsour +unsoured +unsoused +unsovereign +unsowed +unsown +unspaced +unspacious +unspaded +unspan +unspangled +unspanked +unspanned +unspar +unsparable +unspared +unsparing +unsparingly +unsparingness +unsparkling +unsparred +unsparse +unspatial +unspatiality +unspattered +unspawned +unspayed +unspeak +unspeakability +unspeakable +unspeakableness +unspeakably +unspeaking +unspeared +unspecialized +unspecializing +unspecific +unspecified +unspecifiedly +unspecious +unspecked +unspeckled +unspectacled +unspectacular +unspectacularly +unspecterlike +unspectrelike +unspeculating +unspeculative +unspeculatively +unsped +unspeed +unspeedy +unspeered +unspell +unspellable +unspelled +unspelt +unspendable +unspending +unspent +unspewed +unsphere +unsphered +unsphering +unspiable +unspiced +unspicy +unspied +unspike +unspillable +unspin +unspinsterlike +unspinsterlikeness +unspiral +unspired +unspirit +unspirited +unspiritedly +unspiriting +unspiritual +unspirituality +unspiritualize +unspiritualized +unspiritually +unspiritualness +unspissated +unspit +unspited +unspiteful +unspitted +unsplashed +unsplattered +unsplayed +unspleened +unspleenish +unspleenishly +unsplendid +unspliced +unsplinted +unsplintered +unsplit +unspoil +unspoilable +unspoilableness +unspoilably +unspoiled +unspoken +unspokenly +unsponged +unspongy +unsponsored +unspontaneous +unspontaneously +unspookish +unsported +unsportful +unsporting +unsportive +unsportsmanlike +unsportsmanly +unspot +unspotlighted +unspottable +unspotted +unspottedly +unspottedness +unspoused +unspouselike +unspouted +unsprained +unsprayed +unspread +unsprightliness +unsprightly +unspring +unspringing +unspringlike +unsprinkled +unsprinklered +unsprouted +unsproutful +unsprouting +unspruced +unsprung +unspun +unspurned +unspurred +unspying +unsquandered +unsquarable +unsquare +unsquared +unsquashed +unsqueamish +unsqueezable +unsqueezed +unsquelched +unsquinting +unsquire +unsquired +unsquirelike +unsquirted +unstabbed +unstability +unstable +unstabled +unstableness +unstablished +unstably +unstack +unstacked +unstacker +unstaffed +unstaged +unstaggered +unstaggering +unstagnating +unstagy +unstaid +unstaidly +unstaidness +unstain +unstainable +unstainableness +unstained +unstainedly +unstainedness +unstaled +unstalked +unstalled +unstammering +unstamped +unstampeded +unstanch +unstanchable +unstandard +unstandardized +unstanzaic +unstar +unstarch +unstarched +unstarlike +unstarred +unstarted +unstarting +unstartled +unstarved +unstatable +unstate +unstateable +unstated +unstately +unstatesmanlike +unstatic +unstating +unstation +unstationary +unstationed +unstatistic +unstatistical +unstatued +unstatuesque +unstatutable +unstatutably +unstaunch +unstaunchable +unstaunched +unstavable +unstaveable +unstaved +unstayable +unstayed +unstayedness +unstaying +unsteadfast +unsteadfastly +unsteadfastness +unsteadied +unsteadily +unsteadiness +unsteady +unsteadying +unstealthy +unsteamed +unsteaming +unsteck +unstecked +unsteel +unsteeled +unsteep +unsteeped +unsteepled +unsteered +unstemmable +unstemmed +unstentorian +unstep +unstercorated +unstereotyped +unsterile +unsterilized +unstern +unstethoscoped +unstewardlike +unstewed +unstick +unsticking +unstickingness +unsticky +unstiffen +unstiffened +unstifled +unstigmatized +unstill +unstilled +unstillness +unstilted +unstimulated +unstimulating +unsting +unstinged +unstinging +unstinted +unstintedly +unstinting +unstintingly +unstippled +unstipulated +unstirrable +unstirred +unstirring +unstitch +unstitched +unstitching +unstock +unstocked +unstocking +unstockinged +unstoic +unstoical +unstoically +unstoicize +unstoked +unstoken +unstolen +unstonable +unstone +unstoned +unstoniness +unstony +unstooping +unstop +unstoppable +unstopped +unstopper +unstoppered +unstopple +unstore +unstored +unstoried +unstormed +unstormy +unstout +unstoved +unstow +unstowed +unstraddled +unstrafed +unstraight +unstraightened +unstraightforward +unstraightness +unstrain +unstrained +unstraitened +unstrand +unstranded +unstrange +unstrangered +unstrangled +unstrangulable +unstrap +unstrapped +unstrategic +unstrategically +unstratified +unstraying +unstreaked +unstrength +unstrengthen +unstrengthened +unstrenuous +unstressed +unstressedly +unstressedness +unstretch +unstretched +unstrewed +unstrewn +unstriated +unstricken +unstrictured +unstridulous +unstrike +unstriking +unstring +unstringed +unstringing +unstrip +unstriped +unstripped +unstriving +unstroked +unstrong +unstructural +unstruggling +unstrung +unstubbed +unstubborn +unstuccoed +unstuck +unstudded +unstudied +unstudious +unstuff +unstuffed +unstuffing +unstultified +unstumbling +unstung +unstunned +unstunted +unstupefied +unstupid +unstuttered +unstuttering +unsty +unstyled +unstylish +unstylishly +unstylishness +unsubdivided +unsubduable +unsubduableness +unsubduably +unsubducted +unsubdued +unsubduedly +unsubduedness +unsubject +unsubjectable +unsubjected +unsubjectedness +unsubjection +unsubjective +unsubjectlike +unsubjugate +unsubjugated +unsublimable +unsublimated +unsublimed +unsubmerged +unsubmergible +unsubmerging +unsubmission +unsubmissive +unsubmissively +unsubmissiveness +unsubmitted +unsubmitting +unsubordinate +unsubordinated +unsuborned +unsubpoenaed +unsubscribed +unsubscribing +unsubservient +unsubsided +unsubsidiary +unsubsiding +unsubsidized +unsubstanced +unsubstantial +unsubstantiality +unsubstantialize +unsubstantially +unsubstantialness +unsubstantiate +unsubstantiated +unsubstantiation +unsubstituted +unsubtle +unsubtleness +unsubtlety +unsubtly +unsubtracted +unsubventioned +unsubventionized +unsubversive +unsubvertable +unsubverted +unsubvertive +unsucceedable +unsucceeded +unsucceeding +unsuccess +unsuccessful +unsuccessfully +unsuccessfulness +unsuccessive +unsuccessively +unsuccessiveness +unsuccinct +unsuccorable +unsuccored +unsucculent +unsuccumbing +unsucked +unsuckled +unsued +unsufferable +unsufferableness +unsufferably +unsuffered +unsuffering +unsufficed +unsufficience +unsufficiency +unsufficient +unsufficiently +unsufficing +unsufficingness +unsufflated +unsuffocate +unsuffocated +unsuffocative +unsuffused +unsugared +unsugary +unsuggested +unsuggestedness +unsuggestive +unsuggestiveness +unsuit +unsuitability +unsuitable +unsuitableness +unsuitably +unsuited +unsuiting +unsulky +unsullen +unsulliable +unsullied +unsulliedly +unsulliedness +unsulphonated +unsulphureous +unsulphurized +unsultry +unsummable +unsummarized +unsummed +unsummered +unsummerlike +unsummerly +unsummonable +unsummoned +unsumptuary +unsumptuous +unsun +unsunburned +unsundered +unsung +unsunk +unsunken +unsunned +unsunny +unsuperable +unsuperannuated +unsupercilious +unsuperficial +unsuperfluous +unsuperior +unsuperlative +unsupernatural +unsupernaturalize +unsupernaturalized +unsuperscribed +unsuperseded +unsuperstitious +unsupervised +unsupervisedly +unsupped +unsupplantable +unsupplanted +unsupple +unsuppled +unsupplemented +unsuppliable +unsupplicated +unsupplied +unsupportable +unsupportableness +unsupportably +unsupported +unsupportedly +unsupportedness +unsupporting +unsupposable +unsupposed +unsuppressed +unsuppressible +unsuppressibly +unsuppurated +unsuppurative +unsupreme +unsurcharge +unsurcharged +unsure +unsurfaced +unsurfeited +unsurfeiting +unsurgical +unsurging +unsurmised +unsurmising +unsurmountable +unsurmountableness +unsurmountably +unsurmounted +unsurnamed +unsurpassable +unsurpassableness +unsurpassably +unsurpassed +unsurplice +unsurpliced +unsurprised +unsurprising +unsurrendered +unsurrendering +unsurrounded +unsurveyable +unsurveyed +unsurvived +unsurviving +unsusceptibility +unsusceptible +unsusceptibleness +unsusceptibly +unsusceptive +unsuspectable +unsuspectably +unsuspected +unsuspectedly +unsuspectedness +unsuspectful +unsuspectfulness +unsuspectible +unsuspecting +unsuspectingly +unsuspectingness +unsuspective +unsuspended +unsuspicion +unsuspicious +unsuspiciously +unsuspiciousness +unsustainable +unsustained +unsustaining +unsutured +unswabbed +unswaddle +unswaddled +unswaddling +unswallowable +unswallowed +unswanlike +unswapped +unswarming +unswathable +unswathe +unswathed +unswathing +unswayable +unswayed +unswayedness +unswaying +unswear +unswearing +unsweat +unsweated +unsweating +unsweepable +unsweet +unsweeten +unsweetened +unsweetenedness +unsweetly +unsweetness +unswell +unswelled +unswelling +unsweltered +unswept +unswervable +unswerved +unswerving +unswervingly +unswilled +unswing +unswingled +unswitched +unswivel +unswollen +unswooning +unsworn +unswung +unsyllabic +unsyllabled +unsyllogistical +unsymbolic +unsymbolical +unsymbolically +unsymbolicalness +unsymbolized +unsymmetrical +unsymmetrically +unsymmetricalness +unsymmetrized +unsymmetry +unsympathetic +unsympathetically +unsympathizability +unsympathizable +unsympathized +unsympathizing +unsympathizingly +unsympathy +unsymphonious +unsymptomatic +unsynchronized +unsynchronous +unsyncopated +unsyndicated +unsynonymous +unsyntactical +unsynthetic +unsyringed +unsystematic +unsystematical +unsystematically +unsystematized +unsystematizedly +unsystematizing +unsystemizable +untabernacled +untabled +untabulated +untack +untacked +untacking +untackle +untackled +untactful +untactfully +untactfulness +untagged +untailed +untailorlike +untailorly +untaint +untaintable +untainted +untaintedly +untaintedness +untainting +untakable +untakableness +untakeable +untakeableness +untaken +untaking +untalented +untalkative +untalked +untalking +untall +untallied +untallowed +untamable +untamableness +untame +untamed +untamedly +untamedness +untamely +untameness +untampered +untangential +untangibility +untangible +untangibleness +untangibly +untangle +untangled +untangling +untanned +untantalized +untantalizing +untap +untaped +untapered +untapering +untapestried +untappable +untapped +untar +untarnishable +untarnished +untarred +untarried +untarrying +untartarized +untasked +untasseled +untastable +untaste +untasteable +untasted +untasteful +untastefully +untastefulness +untasting +untasty +untattered +untattooed +untaught +untaughtness +untaunted +untaut +untautological +untawdry +untawed +untax +untaxable +untaxed +untaxing +unteach +unteachable +unteachableness +unteachably +unteacherlike +unteaching +unteam +unteamed +unteaming +untearable +unteased +unteasled +untechnical +untechnicalize +untechnically +untedded +untedious +unteem +unteeming +unteethed +untelegraphed +untell +untellable +untellably +untelling +untemper +untemperamental +untemperate +untemperately +untemperateness +untempered +untempering +untempested +untempestuous +untempled +untemporal +untemporary +untemporizing +untemptability +untemptable +untemptably +untempted +untemptible +untemptibly +untempting +untemptingly +untemptingness +untenability +untenable +untenableness +untenably +untenacious +untenacity +untenant +untenantable +untenantableness +untenanted +untended +untender +untendered +untenderly +untenderness +untenible +untenibleness +untenibly +untense +untent +untentaculate +untented +untentered +untenty +unterminable +unterminableness +unterminably +unterminated +unterminating +unterraced +unterrestrial +unterrible +unterribly +unterrifiable +unterrific +unterrified +unterrifying +unterrorized +untessellated +untestable +untestamentary +untested +untestifying +untether +untethered +untethering +untewed +untextual +unthank +unthanked +unthankful +unthankfully +unthankfulness +unthanking +unthatch +unthatched +unthaw +unthawed +unthawing +untheatric +untheatrical +untheatrically +untheistic +unthematic +untheological +untheologically +untheologize +untheoretic +untheoretical +untheorizable +untherapeutical +unthick +unthicken +unthickened +unthievish +unthink +unthinkability +unthinkable +unthinkableness +unthinkably +unthinker +unthinking +unthinkingly +unthinkingness +unthinned +unthinning +unthirsting +unthirsty +unthistle +untholeable +untholeably +unthorn +unthorny +unthorough +unthought +unthoughted +unthoughtedly +unthoughtful +unthoughtfully +unthoughtfulness +unthoughtlike +unthrall +unthralled +unthrashed +unthread +unthreadable +unthreaded +unthreading +unthreatened +unthreatening +unthreshed +unthrid +unthridden +unthrift +unthriftihood +unthriftily +unthriftiness +unthriftlike +unthrifty +unthrilled +unthrilling +unthriven +unthriving +unthrivingly +unthrivingness +unthrob +unthrone +unthroned +unthronged +unthroning +unthrottled +unthrowable +unthrown +unthrushlike +unthrust +unthumbed +unthumped +unthundered +unthwacked +unthwarted +untiaraed +unticketed +untickled +untidal +untidily +untidiness +untidy +untie +untied +untight +untighten +untightness +until +untile +untiled +untill +untillable +untilled +untilling +untilt +untilted +untilting +untimbered +untimed +untimedness +untimeliness +untimely +untimeous +untimeously +untimesome +untimorous +untin +untinct +untinctured +untine +untinged +untinkered +untinned +untinseled +untinted +untippable +untipped +untippled +untipt +untirability +untirable +untire +untired +untiredly +untiring +untiringly +untissued +untithability +untithable +untithed +untitled +untittering +untitular +unto +untoadying +untoasted +untogaed +untoggle +untoggler +untoiled +untoileted +untoiling +untold +untolerable +untolerableness +untolerably +untolerated +untomb +untombed +untonality +untone +untoned +untongued +untonsured +untooled +untooth +untoothed +untoothsome +untoothsomeness +untop +untopographical +untopped +untopping +untormented +untorn +untorpedoed +untorpid +untorrid +untortuous +untorture +untortured +untossed +untotaled +untotalled +untottering +untouch +untouchability +untouchable +untouchableness +untouchably +untouched +untouchedness +untouching +untough +untoured +untouristed +untoward +untowardliness +untowardly +untowardness +untowered +untown +untownlike +untrace +untraceable +untraceableness +untraceably +untraced +untraceried +untracked +untractability +untractable +untractableness +untractably +untractarian +untractible +untractibleness +untradeable +untraded +untradesmanlike +untrading +untraditional +untraduced +untraffickable +untrafficked +untragic +untragical +untrailed +untrain +untrainable +untrained +untrainedly +untrainedness +untraitored +untraitorous +untrammed +untrammeled +untrammeledness +untramped +untrampled +untrance +untranquil +untranquilized +untranquillize +untranquillized +untransacted +untranscended +untranscendental +untranscribable +untranscribed +untransferable +untransferred +untransfigured +untransfixed +untransformable +untransformed +untransforming +untransfused +untransfusible +untransgressed +untransient +untransitable +untransitive +untransitory +untranslatability +untranslatable +untranslatableness +untranslatably +untranslated +untransmigrated +untransmissible +untransmitted +untransmutable +untransmuted +untransparent +untranspassable +untranspired +untranspiring +untransplanted +untransportable +untransported +untransposed +untransubstantiated +untrappable +untrapped +untrashed +untravelable +untraveled +untraveling +untravellable +untravelling +untraversable +untraversed +untravestied +untreacherous +untread +untreadable +untreading +untreasonable +untreasure +untreasured +untreatable +untreatableness +untreatably +untreated +untreed +untrekked +untrellised +untrembling +untremblingly +untremendous +untremulous +untrenched +untrepanned +untrespassed +untrespassing +untress +untressed +untriable +untribal +untributary +untriced +untrickable +untricked +untried +untrifling +untrig +untrigonometrical +untrill +untrim +untrimmable +untrimmed +untrimmedness +untrinitarian +untripe +untrippable +untripped +untripping +untrite +untriturated +untriumphable +untriumphant +untriumphed +untrochaic +untrod +untrodden +untroddenness +untrolled +untrophied +untropical +untrotted +untroublable +untrouble +untroubled +untroubledly +untroubledness +untroublesome +untroublesomeness +untrounced +untrowed +untruant +untruck +untruckled +untruckling +untrue +untrueness +untruism +untruly +untrumped +untrumpeted +untrumping +untrundled +untrunked +untruss +untrussed +untrusser +untrussing +untrust +untrustably +untrusted +untrustful +untrustiness +untrusting +untrustworthily +untrustworthiness +untrustworthy +untrusty +untruth +untruther +untruthful +untruthfully +untruthfulness +untrying +untubbed +untuck +untucked +untuckered +untucking +untufted +untugged +untumbled +untumefied +untumid +untumultuous +untunable +untunableness +untunably +untune +untuneable +untuneableness +untuneably +untuned +untuneful +untunefully +untunefulness +untuning +untunneled +untupped +unturbaned +unturbid +unturbulent +unturf +unturfed +unturgid +unturn +unturnable +unturned +unturning +unturpentined +unturreted +untusked +untutelar +untutored +untutoredly +untutoredness +untwilled +untwinable +untwine +untwineable +untwined +untwining +untwinkling +untwinned +untwirl +untwirled +untwirling +untwist +untwisted +untwister +untwisting +untwitched +untying +untypical +untypically +untyrannic +untyrannical +untyrantlike +untz +unubiquitous +unugly +unulcerated +unultra +unumpired +ununanimity +ununanimous +ununanimously +ununderstandable +ununderstandably +ununderstanding +ununderstood +unundertaken +unundulatory +Unungun +ununifiable +ununified +ununiform +ununiformed +ununiformity +ununiformly +ununiformness +ununitable +ununitableness +ununitably +ununited +ununiting +ununiversity +ununiversitylike +unupbraiding +unupbraidingly +unupholstered +unupright +unuprightly +unuprightness +unupset +unupsettable +unurban +unurbane +unurged +unurgent +unurging +unurn +unurned +unusable +unusableness +unusably +unuse +unused +unusedness +unuseful +unusefully +unusefulness +unushered +unusual +unusuality +unusually +unusualness +unusurious +unusurped +unusurping +unutilizable +unutterability +unutterable +unutterableness +unutterably +unuttered +unuxorial +unuxorious +unvacant +unvaccinated +unvacillating +unvailable +unvain +unvaleted +unvaletudinary +unvaliant +unvalid +unvalidated +unvalidating +unvalidity +unvalidly +unvalidness +unvalorous +unvaluable +unvaluableness +unvaluably +unvalue +unvalued +unvamped +unvanishing +unvanquishable +unvanquished +unvantaged +unvaporized +unvariable +unvariableness +unvariably +unvariant +unvaried +unvariedly +unvariegated +unvarnished +unvarnishedly +unvarnishedness +unvarying +unvaryingly +unvaryingness +unvascular +unvassal +unvatted +unvaulted +unvaulting +unvaunted +unvaunting +unvauntingly +unveering +unveil +unveiled +unveiledly +unveiledness +unveiler +unveiling +unveilment +unveined +unvelvety +unvendable +unvendableness +unvended +unvendible +unvendibleness +unveneered +unvenerable +unvenerated +unvenereal +unvenged +unveniable +unvenial +unvenom +unvenomed +unvenomous +unventable +unvented +unventilated +unventured +unventurous +unvenued +unveracious +unveracity +unverbalized +unverdant +unverdured +unveridical +unverifiable +unverifiableness +unverifiably +unverified +unverifiedness +unveritable +unverity +unvermiculated +unverminous +unvernicular +unversatile +unversed +unversedly +unversedness +unversified +unvertical +unvessel +unvesseled +unvest +unvested +unvetoed +unvexed +unviable +unvibrated +unvibrating +unvicar +unvicarious +unvicariously +unvicious +unvictimized +unvictorious +unvictualed +unvictualled +unviewable +unviewed +unvigilant +unvigorous +unvigorously +unvilified +unvillaged +unvindicated +unvindictive +unvindictively +unvindictiveness +unvinous +unvintaged +unviolable +unviolated +unviolenced +unviolent +unviolined +unvirgin +unvirginal +unvirginlike +unvirile +unvirility +unvirtue +unvirtuous +unvirtuously +unvirtuousness +unvirulent +unvisible +unvisibleness +unvisibly +unvision +unvisionary +unvisioned +unvisitable +unvisited +unvisor +unvisored +unvisualized +unvital +unvitalized +unvitalness +unvitiated +unvitiatedly +unvitiatedness +unvitrescibility +unvitrescible +unvitrifiable +unvitrified +unvitriolized +unvituperated +unvivacious +unvivid +unvivified +unvizard +unvizarded +unvocal +unvocalized +unvociferous +unvoice +unvoiced +unvoiceful +unvoicing +unvoidable +unvoided +unvolatile +unvolatilize +unvolatilized +unvolcanic +unvolitioned +unvoluminous +unvoluntarily +unvoluntariness +unvoluntary +unvolunteering +unvoluptuous +unvomited +unvoracious +unvote +unvoted +unvoting +unvouched +unvouchedly +unvouchedness +unvouchsafed +unvowed +unvoweled +unvoyageable +unvoyaging +unvulcanized +unvulgar +unvulgarize +unvulgarized +unvulgarly +unvulnerable +unwadable +unwadded +unwadeable +unwaded +unwading +unwafted +unwaged +unwagered +unwaggable +unwaggably +unwagged +unwailed +unwailing +unwainscoted +unwaited +unwaiting +unwaked +unwakeful +unwakefulness +unwakened +unwakening +unwaking +unwalkable +unwalked +unwalking +unwall +unwalled +unwallet +unwallowed +unwan +unwandered +unwandering +unwaning +unwanted +unwanton +unwarbled +unware +unwarely +unwareness +unwarily +unwariness +unwarlike +unwarlikeness +unwarm +unwarmable +unwarmed +unwarming +unwarn +unwarned +unwarnedly +unwarnedness +unwarnished +unwarp +unwarpable +unwarped +unwarping +unwarrant +unwarrantability +unwarrantable +unwarrantableness +unwarrantably +unwarranted +unwarrantedly +unwarrantedness +unwary +unwashable +unwashed +unwashedness +unwassailing +unwastable +unwasted +unwasteful +unwastefully +unwasting +unwastingly +unwatchable +unwatched +unwatchful +unwatchfully +unwatchfulness +unwatching +unwater +unwatered +unwaterlike +unwatermarked +unwatery +unwattled +unwaved +unwaverable +unwavered +unwavering +unwaveringly +unwaving +unwax +unwaxed +unwayed +unwayward +unweaken +unweakened +unweal +unwealsomeness +unwealthy +unweaned +unweapon +unweaponed +unwearable +unweariability +unweariable +unweariableness +unweariably +unwearied +unweariedly +unweariedness +unwearily +unweariness +unwearing +unwearisome +unwearisomeness +unweary +unwearying +unwearyingly +unweathered +unweatherly +unweatherwise +unweave +unweaving +unweb +unwebbed +unwebbing +unwed +unwedded +unweddedly +unweddedness +unwedge +unwedgeable +unwedged +unweeded +unweel +unweelness +unweened +unweeping +unweeting +unweetingly +unweft +unweighable +unweighed +unweighing +unweight +unweighted +unweighty +unwelcome +unwelcomed +unwelcomely +unwelcomeness +unweld +unweldable +unwelded +unwell +unwellness +unwelted +unwept +unwestern +unwesternized +unwet +unwettable +unwetted +unwheedled +unwheel +unwheeled +unwhelmed +unwhelped +unwhetted +unwhig +unwhiglike +unwhimsical +unwhining +unwhip +unwhipped +unwhirled +unwhisked +unwhiskered +unwhisperable +unwhispered +unwhispering +unwhistled +unwhite +unwhited +unwhitened +unwhitewashed +unwholesome +unwholesomely +unwholesomeness +unwidened +unwidowed +unwield +unwieldable +unwieldily +unwieldiness +unwieldly +unwieldy +unwifed +unwifelike +unwifely +unwig +unwigged +unwild +unwilily +unwiliness +unwill +unwilled +unwillful +unwillfully +unwillfulness +unwilling +unwillingly +unwillingness +unwilted +unwilting +unwily +unwincing +unwincingly +unwind +unwindable +unwinding +unwindingly +unwindowed +unwindy +unwingable +unwinged +unwinking +unwinkingly +unwinnable +unwinning +unwinnowed +unwinsome +unwinter +unwintry +unwiped +unwire +unwired +unwisdom +unwise +unwisely +unwiseness +unwish +unwished +unwishful +unwishing +unwist +unwistful +unwitch +unwitched +unwithdrawable +unwithdrawing +unwithdrawn +unwitherable +unwithered +unwithering +unwithheld +unwithholden +unwithholding +unwithstanding +unwithstood +unwitless +unwitnessed +unwitted +unwittily +unwitting +unwittingly +unwittingness +unwitty +unwive +unwived +unwoeful +unwoful +unwoman +unwomanish +unwomanize +unwomanized +unwomanlike +unwomanliness +unwomanly +unwomb +unwon +unwonder +unwonderful +unwondering +unwonted +unwontedly +unwontedness +unwooded +unwooed +unwoof +unwooly +unwordable +unwordably +unwordily +unwordy +unwork +unworkability +unworkable +unworkableness +unworkably +unworked +unworkedness +unworker +unworking +unworkmanlike +unworkmanly +unworld +unworldliness +unworldly +unwormed +unwormy +unworn +unworried +unworriedly +unworriedness +unworshiped +unworshipful +unworshiping +unworshipped +unworshipping +unworth +unworthily +unworthiness +unworthy +unwotting +unwound +unwoundable +unwoundableness +unwounded +unwoven +unwrangling +unwrap +unwrapped +unwrapper +unwrapping +unwrathful +unwrathfully +unwreaked +unwreathe +unwreathed +unwreathing +unwrecked +unwrench +unwrenched +unwrested +unwrestedly +unwresting +unwrestled +unwretched +unwriggled +unwrinkle +unwrinkleable +unwrinkled +unwrit +unwritable +unwrite +unwriting +unwritten +unwronged +unwrongful +unwrought +unwrung +unyachtsmanlike +unyeaned +unyearned +unyearning +unyielded +unyielding +unyieldingly +unyieldingness +unyoke +unyoked +unyoking +unyoung +unyouthful +unyouthfully +unze +unzealous +unzealously +unzealousness +unzen +unzephyrlike +unzone +unzoned +up +upaisle +upaithric +upalley +upalong +upanishadic +upapurana +uparch +uparching +uparise +uparm +uparna +upas +upattic +upavenue +upbank +upbar +upbay +upbear +upbearer +upbeat +upbelch +upbelt +upbend +upbid +upbind +upblacken +upblast +upblaze +upblow +upboil +upbolster +upbolt +upboost +upborne +upbotch +upboulevard +upbound +upbrace +upbraid +upbraider +upbraiding +upbraidingly +upbray +upbreak +upbred +upbreed +upbreeze +upbrighten +upbrim +upbring +upbristle +upbroken +upbrook +upbrought +upbrow +upbubble +upbuild +upbuilder +upbulging +upbuoy +upbuoyance +upburn +upburst +upbuy +upcall +upcanal +upcanyon +upcarry +upcast +upcatch +upcaught +upchamber +upchannel +upchariot +upchimney +upchoke +upchuck +upcity +upclimb +upclose +upcloser +upcoast +upcock +upcoil +upcolumn +upcome +upcoming +upconjure +upcountry +upcourse +upcover +upcrane +upcrawl +upcreek +upcreep +upcrop +upcrowd +upcry +upcurl +upcurrent +upcurve +upcushion +upcut +updart +update +updeck +updelve +updive +updo +updome +updraft +updrag +updraw +updrink +updry +upeat +upend +upeygan +upfeed +upfield +upfill +upfingered +upflame +upflare +upflash +upflee +upflicker +upfling +upfloat +upflood +upflow +upflower +upflung +upfly +upfold +upfollow +upframe +upfurl +upgale +upgang +upgape +upgather +upgaze +upget +upgird +upgirt +upgive +upglean +upglide +upgo +upgorge +upgrade +upgrave +upgrow +upgrowth +upgully +upgush +uphand +uphang +upharbor +upharrow +uphasp +upheal +upheap +uphearted +upheaval +upheavalist +upheave +upheaven +upheld +uphelm +uphelya +upher +uphill +uphillward +uphoard +uphoist +uphold +upholden +upholder +upholster +upholstered +upholsterer +upholsteress +upholsterous +upholstery +upholsterydom +upholstress +uphung +uphurl +upisland +upjerk +upjet +upkeep +upkindle +upknell +upknit +upla +upladder +uplaid +uplake +upland +uplander +uplandish +uplane +uplay +uplead +upleap +upleg +uplick +uplift +upliftable +uplifted +upliftedly +upliftedness +uplifter +uplifting +upliftingly +upliftingness +upliftitis +upliftment +uplight +uplimb +uplimber +upline +uplock +uplong +uplook +uplooker +uploom +uploop +uplying +upmaking +upmast +upmix +upmost +upmount +upmountain +upmove +upness +upo +upon +uppard +uppent +upper +upperch +uppercut +upperer +upperest +upperhandism +uppermore +uppermost +uppers +uppertendom +uppile +upping +uppish +uppishly +uppishness +uppity +upplough +upplow +uppluck +uppoint +uppoise +uppop +uppour +uppowoc +upprick +upprop +uppuff +uppull +uppush +upquiver +upraisal +upraise +upraiser +upreach +uprear +uprein +uprend +uprender +uprest +uprestore +uprid +upridge +upright +uprighteous +uprighteously +uprighteousness +uprighting +uprightish +uprightly +uprightness +uprights +uprip +uprisal +uprise +uprisement +uprisen +upriser +uprising +uprist +uprive +upriver +uproad +uproar +uproariness +uproarious +uproariously +uproariousness +uproom +uproot +uprootal +uprooter +uprose +uprouse +uproute +uprun +uprush +upsaddle +upscale +upscrew +upscuddle +upseal +upseek +upseize +upsend +upset +upsetment +upsettable +upsettal +upsetted +upsetter +upsetting +upsettingly +upsey +upshaft +upshear +upsheath +upshoot +upshore +upshot +upshoulder +upshove +upshut +upside +upsides +upsighted +upsiloid +upsilon +upsilonism +upsit +upsitten +upsitting +upslant +upslip +upslope +upsmite +upsnatch +upsoak +upsoar +upsolve +upspeak +upspear +upspeed +upspew +upspin +upspire +upsplash +upspout +upspread +upspring +upsprinkle +upsprout +upspurt +upstaff +upstage +upstair +upstairs +upstamp +upstand +upstander +upstanding +upstare +upstart +upstartism +upstartle +upstartness +upstate +upstater +upstaunch +upstay +upsteal +upsteam +upstem +upstep +upstick +upstir +upstraight +upstream +upstreamward +upstreet +upstretch +upstrike +upstrive +upstroke +upstruggle +upsuck +upsun +upsup +upsurge +upsurgence +upswallow +upswarm +upsway +upsweep +upswell +upswing +uptable +uptake +uptaker +uptear +uptemper +uptend +upthrow +upthrust +upthunder +uptide +uptie +uptill +uptilt +uptorn +uptoss +uptower +uptown +uptowner +uptrace +uptrack +uptrail +uptrain +uptree +uptrend +uptrill +uptrunk +uptruss +uptube +uptuck +upturn +uptwined +uptwist +Upupa +Upupidae +upupoid +upvalley +upvomit +upwaft +upwall +upward +upwardly +upwardness +upwards +upwarp +upwax +upway +upways +upwell +upwent +upwheel +upwhelm +upwhir +upwhirl +upwind +upwith +upwork +upwound +upwrap +upwreathe +upwrench +upwring +upwrought +upyard +upyoke +ur +ura +urachal +urachovesical +urachus +uracil +uraemic +uraeus +Uragoga +Ural +ural +urali +Uralian +Uralic +uraline +uralite +uralitic +uralitization +uralitize +uralium +uramido +uramil +uramilic +uramino +Uran +uran +uranalysis +uranate +Urania +Uranian +uranic +Uranicentric +uranidine +uraniferous +uraniid +Uraniidae +uranin +uranine +uraninite +uranion +uraniscochasma +uraniscoplasty +uraniscoraphy +uraniscorrhaphy +uranism +uranist +uranite +uranitic +uranium +uranocircite +uranographer +uranographic +uranographical +uranographist +uranography +uranolatry +uranolite +uranological +uranology +uranometria +uranometrical +uranometry +uranophane +uranophotography +uranoplastic +uranoplasty +uranoplegia +uranorrhaphia +uranorrhaphy +uranoschisis +uranoschism +uranoscope +uranoscopia +uranoscopic +Uranoscopidae +Uranoscopus +uranoscopy +uranospathite +uranosphaerite +uranospinite +uranostaphyloplasty +uranostaphylorrhaphy +uranotantalite +uranothallite +uranothorite +uranotil +uranous +Uranus +uranyl +uranylic +urao +urare +urari +Urartaean +Urartic +urase +urataemia +urate +uratemia +uratic +uratoma +uratosis +uraturia +urazine +urazole +urbacity +urbainite +Urban +urban +urbane +urbanely +urbaneness +urbanism +Urbanist +urbanist +urbanite +urbanity +urbanization +urbanize +urbarial +urbian +urbic +Urbicolae +urbicolous +urbification +urbify +urbinate +urceiform +urceolar +urceolate +urceole +urceoli +Urceolina +urceolus +urceus +urchin +urchiness +urchinlike +urchinly +urd +urde +urdee +Urdu +ure +urea +ureal +ureameter +ureametry +urease +urechitin +urechitoxin +uredema +Uredinales +uredine +Uredineae +uredineal +uredineous +uredinia +uredinial +Urediniopsis +urediniospore +urediniosporic +uredinium +uredinoid +uredinologist +uredinology +uredinous +Uredo +uredo +uredosorus +uredospore +uredosporic +uredosporiferous +uredosporous +uredostage +ureic +ureid +ureide +ureido +uremia +uremic +Urena +urent +ureometer +ureometry +ureosecretory +uresis +uretal +ureter +ureteral +ureteralgia +uretercystoscope +ureterectasia +ureterectasis +ureterectomy +ureteric +ureteritis +ureterocele +ureterocervical +ureterocolostomy +ureterocystanastomosis +ureterocystoscope +ureterocystostomy +ureterodialysis +ureteroenteric +ureteroenterostomy +ureterogenital +ureterogram +ureterograph +ureterography +ureterointestinal +ureterolith +ureterolithiasis +ureterolithic +ureterolithotomy +ureterolysis +ureteronephrectomy +ureterophlegma +ureteroplasty +ureteroproctostomy +ureteropyelitis +ureteropyelogram +ureteropyelography +ureteropyelonephritis +ureteropyelostomy +ureteropyosis +ureteroradiography +ureterorectostomy +ureterorrhagia +ureterorrhaphy +ureterosalpingostomy +ureterosigmoidostomy +ureterostegnosis +ureterostenoma +ureterostenosis +ureterostoma +ureterostomy +ureterotomy +ureterouteral +ureterovaginal +ureterovesical +urethan +urethane +urethra +urethrae +urethragraph +urethral +urethralgia +urethrameter +urethrascope +urethratome +urethratresia +urethrectomy +urethremphraxis +urethreurynter +urethrism +urethritic +urethritis +urethroblennorrhea +urethrobulbar +urethrocele +urethrocystitis +urethrogenital +urethrogram +urethrograph +urethrometer +urethropenile +urethroperineal +urethrophyma +urethroplastic +urethroplasty +urethroprostatic +urethrorectal +urethrorrhagia +urethrorrhaphy +urethrorrhea +urethrorrhoea +urethroscope +urethroscopic +urethroscopical +urethroscopy +urethrosexual +urethrospasm +urethrostaxis +urethrostenosis +urethrostomy +urethrotome +urethrotomic +urethrotomy +urethrovaginal +urethrovesical +urethylan +uretic +ureylene +urf +urfirnis +urge +urgence +urgency +urgent +urgently +urgentness +urger +Urginea +urging +urgingly +Urgonian +urheen +Uri +Uria +Uriah +urial +Urian +uric +uricacidemia +uricaciduria +uricaemia +uricaemic +uricemia +uricemic +uricolysis +uricolytic +uridrosis +Uriel +urinaemia +urinal +urinalist +urinalysis +urinant +urinarium +urinary +urinate +urination +urinative +urinator +urine +urinemia +uriniferous +uriniparous +urinocryoscopy +urinogenital +urinogenitary +urinogenous +urinologist +urinology +urinomancy +urinometer +urinometric +urinometry +urinoscopic +urinoscopist +urinoscopy +urinose +urinosexual +urinous +urinousness +urite +urlar +urled +urling +urluch +urman +urn +urna +urnae +urnal +urnflower +urnful +urning +urningism +urnism +urnlike +urnmaker +Uro +uroacidimeter +uroazotometer +urobenzoic +urobilin +urobilinemia +urobilinogen +urobilinogenuria +urobilinuria +urocanic +urocele +Urocerata +urocerid +Uroceridae +urochloralic +urochord +Urochorda +urochordal +urochordate +urochrome +urochromogen +Urocoptidae +Urocoptis +urocyanogen +Urocyon +urocyst +urocystic +Urocystis +urocystitis +urodaeum +Urodela +urodelan +urodele +urodelous +urodialysis +urodynia +uroedema +uroerythrin +urofuscohematin +urogaster +urogastric +urogenic +urogenital +urogenitary +urogenous +uroglaucin +Uroglena +urogram +urography +urogravimeter +urohematin +urohyal +urolagnia +uroleucic +uroleucinic +urolith +urolithiasis +urolithic +urolithology +urologic +urological +urologist +urology +urolutein +urolytic +uromancy +uromantia +uromantist +Uromastix +uromelanin +uromelus +uromere +uromeric +urometer +Uromyces +Uromycladium +uronephrosis +uronic +uronology +uropatagium +Uropeltidae +urophanic +urophanous +urophein +Urophlyctis +urophthisis +uroplania +uropod +uropodal +uropodous +uropoetic +uropoiesis +uropoietic +uroporphyrin +uropsile +Uropsilus +uroptysis +Uropygi +uropygial +uropygium +uropyloric +urorosein +urorrhagia +urorrhea +urorubin +urosaccharometry +urosacral +uroschesis +uroscopic +uroscopist +uroscopy +urosepsis +uroseptic +urosis +urosomatic +urosome +urosomite +urosomitic +urostea +urostealith +urostegal +urostege +urostegite +urosteon +urosternite +urosthene +urosthenic +urostylar +urostyle +urotoxia +urotoxic +urotoxicity +urotoxin +urotoxy +uroxanate +uroxanic +uroxanthin +uroxin +urradhus +urrhodin +urrhodinic +Urs +Ursa +ursal +ursicidal +ursicide +Ursid +Ursidae +ursiform +ursigram +ursine +ursoid +ursolic +urson +ursone +ursuk +Ursula +Ursuline +Ursus +Urtica +urtica +Urticaceae +urticaceous +Urticales +urticant +urticaria +urticarial +urticarious +Urticastrum +urticate +urticating +urtication +urticose +urtite +Uru +urubu +urucu +urucuri +Uruguayan +uruisg +Urukuena +urunday +urus +urushi +urushic +urushinic +urushiol +urushiye +urva +us +usability +usable +usableness +usage +usager +usance +usar +usara +usaron +usation +use +used +usedly +usedness +usednt +usee +useful +usefullish +usefully +usefulness +usehold +useless +uselessly +uselessness +usent +user +ush +ushabti +ushabtiu +Ushak +Usheen +usher +usherance +usherdom +usherer +usheress +usherette +Usherian +usherian +usherism +usherless +ushership +usings +Usipetes +usitate +usitative +Uskara +Uskok +Usnea +usnea +Usneaceae +usneaceous +usneoid +usnic +usninic +Uspanteca +usque +usquebaugh +usself +ussels +usselven +ussingite +ust +Ustarana +uster +Ustilaginaceae +ustilaginaceous +Ustilaginales +ustilagineous +Ustilaginoidea +Ustilago +ustion +ustorious +ustulate +ustulation +Ustulina +usual +usualism +usually +usualness +usuary +usucapient +usucapion +usucapionary +usucapt +usucaptable +usucaption +usucaptor +usufruct +usufructuary +Usun +usure +usurer +usurerlike +usuress +usurious +usuriously +usuriousness +usurp +usurpation +usurpative +usurpatively +usurpatory +usurpature +usurpedly +usurper +usurpership +usurping +usurpingly +usurpment +usurpor +usurpress +usury +usward +uswards +ut +Uta +uta +Utah +Utahan +utahite +utai +utas +utch +utchy +Ute +utees +utensil +uteralgia +uterectomy +uteri +uterine +uteritis +uteroabdominal +uterocele +uterocervical +uterocystotomy +uterofixation +uterogestation +uterogram +uterography +uterointestinal +uterolith +uterology +uteromania +uterometer +uteroovarian +uteroparietal +uteropelvic +uteroperitoneal +uteropexia +uteropexy +uteroplacental +uteroplasty +uterosacral +uterosclerosis +uteroscope +uterotomy +uterotonic +uterotubal +uterovaginal +uteroventral +uterovesical +uterus +utfangenethef +utfangethef +utfangthef +utfangthief +utick +utile +utilitarian +utilitarianism +utilitarianist +utilitarianize +utilitarianly +utility +utilizable +utilization +utilize +utilizer +utinam +utmost +utmostness +Utopia +utopia +Utopian +utopian +utopianism +utopianist +Utopianize +Utopianizer +utopianizer +utopiast +utopism +utopist +utopistic +utopographer +Utraquism +utraquist +utraquistic +Utrecht +utricle +utricul +utricular +Utricularia +Utriculariaceae +utriculate +utriculiferous +utriculiform +utriculitis +utriculoid +utriculoplastic +utriculoplasty +utriculosaccular +utriculose +utriculus +utriform +utrubi +utrum +utsuk +utter +utterability +utterable +utterableness +utterance +utterancy +utterer +utterless +utterly +uttermost +utterness +utu +utum +uturuncu +uva +uval +uvalha +uvanite +uvarovite +uvate +uvea +uveal +uveitic +uveitis +Uvella +uveous +uvic +uvid +uviol +uvitic +uvitinic +uvito +uvitonic +uvrou +uvula +uvulae +uvular +Uvularia +uvularly +uvulitis +uvuloptosis +uvulotome +uvulotomy +uvver +uxorial +uxoriality +uxorially +uxoricidal +uxoricide +uxorious +uxoriously +uxoriousness +uzan +uzara +uzarin +uzaron +Uzbak +Uzbeg +Uzbek +V +v +vaagmer +vaalite +Vaalpens +vacabond +vacancy +vacant +vacanthearted +vacantheartedness +vacantly +vacantness +vacantry +vacatable +vacate +vacation +vacational +vacationer +vacationist +vacationless +vacatur +Vaccaria +vaccary +vaccenic +vaccicide +vaccigenous +vaccina +vaccinable +vaccinal +vaccinate +vaccination +vaccinationist +vaccinator +vaccinatory +vaccine +vaccinee +vaccinella +vaccinia +Vacciniaceae +vacciniaceous +vaccinial +vaccinifer +vacciniform +vacciniola +vaccinist +Vaccinium +vaccinium +vaccinization +vaccinogenic +vaccinogenous +vaccinoid +vaccinophobia +vaccinotherapy +vache +Vachellia +vachette +vacillancy +vacillant +vacillate +vacillating +vacillatingly +vacillation +vacillator +vacillatory +vacoa +vacona +vacoua +vacouf +vacual +vacuate +vacuation +vacuefy +vacuist +vacuity +vacuolar +vacuolary +vacuolate +vacuolated +vacuolation +vacuole +vacuolization +vacuome +vacuometer +vacuous +vacuously +vacuousness +vacuum +vacuuma +vacuumize +vade +Vadim +vadimonium +vadimony +vadium +vadose +vady +vag +vagabond +vagabondage +vagabondager +vagabondia +vagabondish +vagabondism +vagabondismus +vagabondize +vagabondizer +vagabondry +vagal +vagarian +vagarious +vagariously +vagarish +vagarisome +vagarist +vagaristic +vagarity +vagary +vagas +vage +vagiform +vagile +vagina +vaginal +vaginalectomy +vaginaless +vaginalitis +vaginant +vaginate +vaginated +vaginectomy +vaginervose +Vaginicola +vaginicoline +vaginicolous +vaginiferous +vaginipennate +vaginismus +vaginitis +vaginoabdominal +vaginocele +vaginodynia +vaginofixation +vaginolabial +vaginometer +vaginomycosis +vaginoperineal +vaginoperitoneal +vaginopexy +vaginoplasty +vaginoscope +vaginoscopy +vaginotome +vaginotomy +vaginovesical +vaginovulvar +vaginula +vaginulate +vaginule +vagitus +Vagnera +vagoaccessorius +vagodepressor +vagoglossopharyngeal +vagogram +vagolysis +vagosympathetic +vagotomize +vagotomy +vagotonia +vagotonic +vagotropic +vagotropism +vagrance +vagrancy +vagrant +vagrantism +vagrantize +vagrantlike +vagrantly +vagrantness +vagrate +vagrom +vague +vaguely +vagueness +vaguish +vaguity +vagulous +vagus +vahine +Vai +Vaidic +vail +vailable +vain +vainful +vainglorious +vaingloriously +vaingloriousness +vainglory +vainly +vainness +vair +vairagi +vaire +vairy +Vaishnava +Vaishnavism +vaivode +vajra +vajrasana +vakass +vakia +vakil +vakkaliga +Val +valance +valanced +valanche +valbellite +vale +valediction +valedictorian +valedictorily +valedictory +valence +Valencia +Valencian +valencianite +Valenciennes +valency +valent +Valentide +Valentin +Valentine +valentine +Valentinian +Valentinianism +valentinite +valeral +valeraldehyde +valeramide +valerate +Valeria +valerian +Valeriana +Valerianaceae +valerianaceous +Valerianales +valerianate +Valerianella +Valerianoides +valeric +Valerie +valerin +valerolactone +valerone +valeryl +valerylene +valet +valeta +valetage +valetdom +valethood +valetism +valetry +valetudinarian +valetudinarianism +valetudinariness +valetudinarist +valetudinarium +valetudinary +valeur +valeward +valgoid +valgus +valhall +Valhalla +Vali +vali +valiance +valiancy +valiant +valiantly +valiantness +valid +validate +validation +validatory +validification +validity +validly +validness +valine +valise +valiseful +valiship +Valkyr +Valkyria +Valkyrian +Valkyrie +vall +vallancy +vallar +vallary +vallate +vallated +vallation +vallecula +vallecular +valleculate +vallevarite +valley +valleyful +valleyite +valleylet +valleylike +valleyward +valleywise +vallicula +vallicular +vallidom +vallis +Valliscaulian +Vallisneria +Vallisneriaceae +vallisneriaceous +Vallombrosan +Vallota +vallum +Valmy +Valois +valonia +Valoniaceae +valoniaceous +valor +valorization +valorize +valorous +valorously +valorousness +Valsa +Valsaceae +Valsalvan +valse +valsoid +valuable +valuableness +valuably +valuate +valuation +valuational +valuator +value +valued +valueless +valuelessness +valuer +valuta +valva +valval +Valvata +valvate +Valvatidae +valve +valved +valveless +valvelet +valvelike +valveman +valviferous +valviform +valvotomy +valvula +valvular +valvulate +valvule +valvulitis +valvulotome +valvulotomy +valyl +valylene +vambrace +vambraced +vamfont +vammazsa +vamoose +vamp +vamped +vamper +vamphorn +vampire +vampireproof +vampiric +vampirish +vampirism +vampirize +vamplate +vampproof +Vampyrella +Vampyrellidae +Vampyrum +Van +van +vanadate +vanadiate +vanadic +vanadiferous +vanadinite +vanadium +vanadosilicate +vanadous +vanadyl +Vanaheim +vanaprastha +Vance +vancourier +Vancouveria +Vanda +Vandal +Vandalic +vandalish +vandalism +vandalistic +vandalization +vandalize +vandalroot +Vandemonian +Vandemonianism +Vandiemenian +Vandyke +vane +vaned +vaneless +vanelike +Vanellus +Vanessa +vanessian +vanfoss +vang +vangee +vangeli +vanglo +vanguard +Vanguardist +Vangueria +vanilla +vanillal +vanillaldehyde +vanillate +vanille +vanillery +vanillic +vanillin +vanillinic +vanillism +vanilloes +vanillon +vanilloyl +vanillyl +Vanir +vanish +vanisher +vanishing +vanishingly +vanishment +Vanist +vanitarianism +vanitied +vanity +vanjarrah +vanman +vanmost +Vannai +vanner +vannerman +vannet +Vannic +vanquish +vanquishable +vanquisher +vanquishment +vansire +vantage +vantageless +vantbrace +vantbrass +vanward +vapid +vapidism +vapidity +vapidly +vapidness +vapocauterization +vapographic +vapography +vapor +vaporability +vaporable +vaporarium +vaporary +vaporate +vapored +vaporer +vaporescence +vaporescent +vaporiferous +vaporiferousness +vaporific +vaporiform +vaporimeter +vaporing +vaporingly +vaporish +vaporishness +vaporium +vaporizable +vaporization +vaporize +vaporizer +vaporless +vaporlike +vaporograph +vaporographic +vaporose +vaporoseness +vaporosity +vaporous +vaporously +vaporousness +vaportight +vapory +vapulary +vapulate +vapulation +vapulatory +vara +varahan +varan +Varanger +Varangi +Varangian +varanid +Varanidae +Varanoid +Varanus +Varda +vardapet +vardy +vare +varec +vareheaded +vareuse +vargueno +vari +variability +variable +variableness +variably +Variag +variance +variancy +variant +variate +variation +variational +variationist +variatious +variative +variatively +variator +varical +varicated +varication +varicella +varicellar +varicellate +varicellation +varicelliform +varicelloid +varicellous +varices +variciform +varicoblepharon +varicocele +varicoid +varicolored +varicolorous +varicose +varicosed +varicoseness +varicosis +varicosity +varicotomy +varicula +varied +variedly +variegate +variegated +variegation +variegator +varier +varietal +varietally +varietism +varietist +variety +variform +variformed +variformity +variformly +varigradation +variocoupler +variola +variolar +Variolaria +variolate +variolation +variole +variolic +varioliform +variolite +variolitic +variolitization +variolization +varioloid +variolous +variolovaccine +variolovaccinia +variometer +variorum +variotinted +various +variously +variousness +variscite +varisse +varix +varlet +varletaille +varletess +varletry +varletto +varment +varna +varnashrama +varnish +varnished +varnisher +varnishing +varnishlike +varnishment +varnishy +varnpliktige +varnsingite +Varolian +Varronia +Varronian +varsha +varsity +Varsovian +varsoviana +Varuna +varus +varve +varved +vary +varyingly +vas +Vasa +vasa +vasal +Vascons +vascular +vascularity +vascularization +vascularize +vascularly +vasculated +vasculature +vasculiferous +vasculiform +vasculitis +vasculogenesis +vasculolymphatic +vasculomotor +vasculose +vasculum +vase +vasectomize +vasectomy +vaseful +vaselet +vaselike +Vaseline +vasemaker +vasemaking +vasewise +vasework +vashegyite +vasicentric +vasicine +vasifactive +vasiferous +vasiform +vasoconstricting +vasoconstriction +vasoconstrictive +vasoconstrictor +vasocorona +vasodentinal +vasodentine +vasodilatation +vasodilatin +vasodilating +vasodilation +vasodilator +vasoepididymostomy +vasofactive +vasoformative +vasoganglion +vasohypertonic +vasohypotonic +vasoinhibitor +vasoinhibitory +vasoligation +vasoligature +vasomotion +vasomotor +vasomotorial +vasomotoric +vasomotory +vasoneurosis +vasoparesis +vasopressor +vasopuncture +vasoreflex +vasorrhaphy +vasosection +vasospasm +vasospastic +vasostimulant +vasostomy +vasotomy +vasotonic +vasotribe +vasotripsy +vasotrophic +vasovesiculectomy +vasquine +vassal +vassalage +vassaldom +vassaless +vassalic +vassalism +vassality +vassalize +vassalless +vassalry +vassalship +Vassos +vast +vastate +vastation +vastidity +vastily +vastiness +vastitude +vastity +vastly +vastness +vasty +vasu +Vasudeva +Vasundhara +vat +Vateria +vatful +vatic +vatically +Vatican +vaticanal +vaticanic +vaticanical +Vaticanism +Vaticanist +Vaticanization +Vaticanize +vaticide +vaticinal +vaticinant +vaticinate +vaticination +vaticinator +vaticinatory +vaticinatress +vaticinatrix +vatmaker +vatmaking +vatman +Vatteluttu +vatter +vau +Vaucheria +Vaucheriaceae +vaucheriaceous +vaudeville +vaudevillian +vaudevillist +Vaudism +Vaudois +vaudy +Vaughn +vaugnerite +vault +vaulted +vaultedly +vaulter +vaulting +vaultlike +vaulty +vaunt +vauntage +vaunted +vaunter +vauntery +vauntful +vauntiness +vaunting +vauntingly +vauntmure +vaunty +vauquelinite +Vauxhall +Vauxhallian +vauxite +vavasor +vavasory +vaward +Vayu +Vazimba +Veadar +veal +vealer +vealiness +veallike +vealskin +vealy +vectigal +vection +vectis +vectograph +vectographic +vector +vectorial +vectorially +vecture +Veda +Vedaic +Vedaism +Vedalia +vedana +Vedanga +Vedanta +Vedantic +Vedantism +Vedantist +Vedda +Veddoid +vedette +Vedic +vedika +Vediovis +Vedism +Vedist +vedro +Veduis +veduis +vee +veen +veep +veer +veerable +veeringly +veery +Vega +vegasite +vegeculture +vegetability +vegetable +vegetablelike +vegetablewise +vegetablize +vegetably +vegetal +vegetalcule +vegetality +vegetant +vegetarian +vegetarianism +vegetate +vegetation +vegetational +vegetationless +vegetative +vegetatively +vegetativeness +vegete +vegeteness +vegetism +vegetive +vegetivorous +vegetoalkali +vegetoalkaline +vegetoalkaloid +vegetoanimal +vegetobituminous +vegetocarbonaceous +vegetomineral +vehemence +vehemency +vehement +vehemently +vehicle +vehicular +vehicularly +vehiculary +vehiculate +vehiculation +vehiculatory +Vehmic +vei +veigle +veil +veiled +veiledly +veiledness +veiler +veiling +veilless +veillike +veilmaker +veilmaking +Veiltail +veily +vein +veinage +veinal +veinbanding +veined +veiner +veinery +veininess +veining +veinless +veinlet +veinous +veinstone +veinstuff +veinule +veinulet +veinwise +veinwork +veiny +Vejoces +vejoces +Vejovis +Vejoz +vela +velal +velamen +velamentous +velamentum +velar +velardenite +velaric +velarium +velarize +velary +velate +velated +velation +velatura +Velchanos +veldcraft +veldman +veldschoen +veldt +veldtschoen +Velella +velellidous +velic +veliferous +veliform +veliger +veligerous +Velika +velitation +vell +vellala +velleda +velleity +vellicate +vellication +vellicative +vellinch +vellon +vellosine +Vellozia +Velloziaceae +velloziaceous +vellum +vellumy +velo +velociman +velocimeter +velocious +velociously +velocipedal +velocipede +velocipedean +velocipedic +velocitous +velocity +velodrome +velometer +velours +veloutine +velte +velum +velumen +velure +Velutina +velutinous +velveret +velvet +velvetbreast +velveted +velveteen +velveteened +velvetiness +velveting +velvetleaf +velvetlike +velvetry +velvetseed +velvetweed +velvetwork +velvety +venada +venal +venality +venalization +venalize +venally +venalness +Venantes +venanzite +venatic +venatical +venatically +venation +venational +venator +venatorial +venatorious +venatory +vencola +Vend +vend +vendace +Vendean +vendee +vender +vendetta +vendettist +vendibility +vendible +vendibleness +vendibly +vendicate +Vendidad +vending +venditate +venditation +vendition +venditor +vendor +vendue +Vened +Venedotian +veneer +veneerer +veneering +venefical +veneficious +veneficness +veneficous +venenate +venenation +venene +veneniferous +venenific +venenosalivary +venenous +venenousness +venepuncture +venerability +venerable +venerableness +venerably +Veneracea +veneracean +veneraceous +veneral +Veneralia +venerance +venerant +venerate +veneration +venerational +venerative +veneratively +venerativeness +venerator +venereal +venerealness +venereologist +venereology +venerer +Veneres +venerial +Veneridae +veneriform +venery +venesect +venesection +venesector +venesia +Venetes +Veneti +Venetian +Venetianed +Venetic +venezolano +Venezuelan +vengeable +vengeance +vengeant +vengeful +vengefully +vengefulness +vengeously +venger +venial +veniality +venially +venialness +Venice +venie +venin +veniplex +venipuncture +venireman +venison +venisonivorous +venisonlike +venisuture +Venite +Venizelist +Venkata +vennel +venner +venoatrial +venoauricular +venom +venomed +venomer +venomization +venomize +venomly +venomness +venomosalivary +venomous +venomously +venomousness +venomproof +venomsome +venomy +venosal +venosclerosis +venose +venosinal +venosity +venostasis +venous +venously +venousness +vent +ventage +ventail +venter +Ventersdorp +venthole +ventiduct +ventifact +ventil +ventilable +ventilagin +ventilate +ventilating +ventilation +ventilative +ventilator +ventilatory +ventless +ventometer +ventose +ventoseness +ventosity +ventpiece +ventrad +ventral +ventrally +ventralmost +ventralward +ventric +ventricle +ventricolumna +ventricolumnar +ventricornu +ventricornual +ventricose +ventricoseness +ventricosity +ventricous +ventricular +ventricularis +ventriculite +Ventriculites +ventriculitic +Ventriculitidae +ventriculogram +ventriculography +ventriculoscopy +ventriculose +ventriculous +ventriculus +ventricumbent +ventriduct +ventrifixation +ventrilateral +ventrilocution +ventriloqual +ventriloqually +ventriloque +ventriloquial +ventriloquially +ventriloquism +ventriloquist +ventriloquistic +ventriloquize +ventriloquous +ventriloquously +ventriloquy +ventrimesal +ventrimeson +ventrine +ventripotency +ventripotent +ventripotential +ventripyramid +ventroaxial +ventroaxillary +ventrocaudal +ventrocystorrhaphy +ventrodorsad +ventrodorsal +ventrodorsally +ventrofixation +ventrohysteropexy +ventroinguinal +ventrolateral +ventrolaterally +ventromedial +ventromedian +ventromesal +ventromesial +ventromyel +ventroposterior +ventroptosia +ventroptosis +ventroscopy +ventrose +ventrosity +ventrosuspension +ventrotomy +venture +venturer +venturesome +venturesomely +venturesomeness +Venturia +venturine +venturous +venturously +venturousness +venue +venula +venular +venule +venulose +Venus +Venusian +venust +Venutian +venville +Veps +Vepse +Vepsish +vera +veracious +veraciously +veraciousness +veracity +veranda +verandaed +verascope +veratral +veratralbine +veratraldehyde +veratrate +veratria +veratric +veratridine +veratrine +veratrinize +veratrize +veratroidine +veratrole +veratroyl +Veratrum +veratryl +veratrylidene +verb +verbal +verbalism +verbalist +verbality +verbalization +verbalize +verbalizer +verbally +verbarian +verbarium +verbasco +verbascose +Verbascum +verbate +verbatim +verbena +Verbenaceae +verbenaceous +verbenalike +verbenalin +Verbenarius +verbenate +verbene +verbenone +verberate +verberation +verberative +Verbesina +verbiage +verbicide +verbiculture +verbid +verbification +verbify +verbigerate +verbigeration +verbigerative +verbile +verbless +verbolatry +verbomania +verbomaniac +verbomotor +verbose +verbosely +verboseness +verbosity +verbous +verby +verchok +verd +verdancy +verdant +verdantly +verdantness +verdea +verdelho +verderer +verderership +verdet +verdict +verdigris +verdigrisy +verdin +verditer +verdoy +verdugoship +verdun +verdure +verdured +verdureless +verdurous +verdurousness +verecund +verecundity +verecundness +verek +veretilliform +Veretillum +veretillum +verge +vergeboard +vergence +vergency +vergent +vergentness +verger +vergeress +vergerism +vergerless +vergership +vergery +vergi +vergiform +Vergilianism +verglas +vergobret +veri +veridic +veridical +veridicality +veridically +veridicalness +veridicous +veridity +verifiability +verifiable +verifiableness +verifiably +verificate +verification +verificative +verificatory +verifier +verify +verily +verine +verisimilar +verisimilarly +verisimilitude +verisimilitudinous +verisimility +verism +verist +veristic +veritability +veritable +veritableness +veritably +verite +veritism +veritist +veritistic +verity +verjuice +vermeil +vermeologist +vermeology +Vermes +vermetid +Vermetidae +vermetidae +Vermetus +vermian +vermicelli +vermicidal +vermicide +vermicious +vermicle +vermicular +Vermicularia +vermicularly +vermiculate +vermiculated +vermiculation +vermicule +vermiculite +vermiculose +vermiculosity +vermiculous +vermiform +Vermiformia +vermiformis +vermiformity +vermiformous +vermifugal +vermifuge +vermifugous +vermigerous +vermigrade +Vermilingues +Vermilinguia +vermilinguial +vermilion +vermilionette +vermilionize +vermin +verminal +verminate +vermination +verminer +verminicidal +verminicide +verminiferous +verminlike +verminly +verminosis +verminous +verminously +verminousness +verminproof +verminy +vermiparous +vermiparousness +vermis +vermivorous +vermivorousness +vermix +Vermont +Vermonter +Vermontese +vermorel +vermouth +Vern +vernacle +vernacular +vernacularism +vernacularist +vernacularity +vernacularization +vernacularize +vernacularly +vernacularness +vernaculate +vernal +vernality +vernalization +vernalize +vernally +vernant +vernation +vernicose +vernier +vernile +vernility +vernin +vernine +vernition +Vernon +Vernonia +vernoniaceous +Vernonieae +vernonin +Verona +Veronal +veronalism +Veronese +Veronica +Veronicella +Veronicellidae +Verpa +verre +verrel +verriculate +verriculated +verricule +verruca +verrucano +Verrucaria +Verrucariaceae +verrucariaceous +verrucarioid +verrucated +verruciferous +verruciform +verrucose +verrucoseness +verrucosis +verrucosity +verrucous +verruculose +verruga +versability +versable +versableness +versal +versant +versate +versatile +versatilely +versatileness +versatility +versation +versative +verse +versecraft +versed +verseless +verselet +versemaker +versemaking +verseman +versemanship +versemonger +versemongering +versemongery +verser +versesmith +verset +versette +verseward +versewright +versicle +versicler +versicolor +versicolorate +versicolored +versicolorous +versicular +versicule +versifiable +versifiaster +versification +versificator +versificatory +versificatrix +versifier +versiform +versify +versiloquy +versine +version +versional +versioner +versionist +versionize +versipel +verso +versor +verst +versta +versual +versus +vert +vertebra +vertebrae +vertebral +vertebraless +vertebrally +Vertebraria +vertebrarium +vertebrarterial +Vertebrata +vertebrate +vertebrated +vertebration +vertebre +vertebrectomy +vertebriform +vertebroarterial +vertebrobasilar +vertebrochondral +vertebrocostal +vertebrodymus +vertebrofemoral +vertebroiliac +vertebromammary +vertebrosacral +vertebrosternal +vertex +vertibility +vertible +vertibleness +vertical +verticalism +verticality +vertically +verticalness +vertices +verticil +verticillary +verticillaster +verticillastrate +verticillate +verticillated +verticillately +verticillation +verticilliaceous +verticilliose +Verticillium +verticillus +verticity +verticomental +verticordious +vertiginate +vertigines +vertiginous +vertigo +vertilinear +vertimeter +Vertumnus +Verulamian +veruled +verumontanum +vervain +vervainlike +verve +vervecine +vervel +verveled +vervelle +vervenia +vervet +very +Vesalian +vesania +vesanic +vesbite +vesicae +vesical +vesicant +vesicate +vesication +vesicatory +vesicle +vesicoabdominal +vesicocavernous +vesicocele +vesicocervical +vesicoclysis +vesicofixation +vesicointestinal +vesicoprostatic +vesicopubic +vesicorectal +vesicosigmoid +vesicospinal +vesicotomy +vesicovaginal +vesicular +Vesicularia +vesicularly +vesiculary +vesiculase +Vesiculata +Vesiculatae +vesiculate +vesiculation +vesicule +vesiculectomy +vesiculiferous +vesiculiform +vesiculigerous +vesiculitis +vesiculobronchial +vesiculocavernous +vesiculopustular +vesiculose +vesiculotomy +vesiculotubular +vesiculotympanic +vesiculotympanitic +vesiculous +vesiculus +vesicupapular +veskit +Vespa +vespacide +vespal +vesper +vesperal +vesperian +vespering +vespers +vespertide +vespertilian +Vespertilio +vespertilio +Vespertiliones +vespertilionid +Vespertilionidae +Vespertilioninae +vespertilionine +vespertinal +vespertine +vespery +vespiary +vespid +Vespidae +vespiform +Vespina +vespine +vespoid +Vespoidea +vessel +vesseled +vesselful +vessignon +vest +Vesta +vestal +Vestalia +vestalia +vestalship +Vestas +vestee +vester +vestiarian +vestiarium +vestiary +vestibula +vestibular +vestibulary +vestibulate +vestibule +vestibuled +vestibulospinal +vestibulum +vestige +vestigial +vestigially +Vestigian +vestigiary +vestigium +vestiment +vestimental +vestimentary +vesting +Vestini +Vestinian +vestiture +vestlet +vestment +vestmental +vestmented +vestral +vestralization +vestrical +vestrification +vestrify +vestry +vestrydom +vestryhood +vestryish +vestryism +vestryize +vestryman +vestrymanly +vestrymanship +vestuary +vestural +vesture +vesturer +Vesuvian +vesuvian +vesuvianite +vesuviate +vesuvite +vesuvius +veszelyite +vet +veta +vetanda +vetch +vetchling +vetchy +veteran +veterancy +veteraness +veteranize +veterinarian +veterinarianism +veterinary +vetitive +vetivene +vetivenol +vetiver +Vetiveria +vetiveria +vetivert +vetkousie +veto +vetoer +vetoism +vetoist +vetoistic +vetoistical +vetust +vetusty +veuglaire +veuve +vex +vexable +vexation +vexatious +vexatiously +vexatiousness +vexatory +vexed +vexedly +vexedness +vexer +vexful +vexil +vexillar +vexillarious +vexillary +vexillate +vexillation +vexillum +vexingly +vexingness +vext +via +viability +viable +viaduct +viaggiatory +viagram +viagraph +viajaca +vial +vialful +vialmaker +vialmaking +vialogue +viameter +viand +viander +viatic +viatica +viatical +viaticum +viatometer +viator +viatorial +viatorially +vibetoite +vibex +vibgyor +vibix +vibracular +vibracularium +vibraculoid +vibraculum +vibrance +vibrancy +vibrant +vibrantly +vibraphone +vibrate +vibratile +vibratility +vibrating +vibratingly +vibration +vibrational +vibrationless +vibratiuncle +vibratiunculation +vibrative +vibrato +vibrator +vibratory +Vibrio +vibrioid +vibrion +vibrionic +vibrissa +vibrissae +vibrissal +vibrograph +vibromassage +vibrometer +vibromotive +vibronic +vibrophone +vibroscope +vibroscopic +vibrotherapeutics +viburnic +viburnin +Viburnum +Vic +vicar +vicarage +vicarate +vicaress +vicarial +vicarian +vicarianism +vicariate +vicariateship +vicarious +vicariously +vicariousness +vicarly +vicarship +Vice +vice +vicecomes +vicecomital +vicegeral +vicegerency +vicegerent +vicegerentship +viceless +vicelike +vicenary +vicennial +viceregal +viceregally +vicereine +viceroy +viceroyal +viceroyalty +viceroydom +viceroyship +vicety +viceversally +Vichyite +vichyssoise +Vicia +vicianin +vicianose +vicilin +vicinage +vicinal +vicine +vicinity +viciosity +vicious +viciously +viciousness +vicissitous +vicissitude +vicissitudinary +vicissitudinous +vicissitudinousness +Vick +Vicki +Vickie +Vicky +vicoite +vicontiel +victim +victimhood +victimizable +victimization +victimize +victimizer +victless +Victor +victor +victordom +victorfish +Victoria +Victorian +Victorianism +Victorianize +Victorianly +victoriate +victoriatus +victorine +victorious +victoriously +victoriousness +victorium +victory +victoryless +victress +victrix +Victrola +victrola +victual +victualage +victualer +victualing +victuallership +victualless +victualry +victuals +vicuna +Viddhal +viddui +videndum +video +videogenic +vidette +Vidhyanath +Vidian +vidonia +vidry +Vidua +viduage +vidual +vidually +viduate +viduated +viduation +Viduinae +viduine +viduity +viduous +vidya +vie +vielle +Vienna +Viennese +vier +vierling +viertel +viertelein +Vietminh +Vietnamese +view +viewable +viewably +viewer +viewiness +viewless +viewlessly +viewly +viewpoint +viewsome +viewster +viewworthy +viewy +vifda +viga +vigentennial +vigesimal +vigesimation +vigia +vigil +vigilance +vigilancy +vigilant +vigilante +vigilantism +vigilantly +vigilantness +vigilate +vigilation +vigintiangular +vigneron +vignette +vignetter +vignettist +vignin +vigonia +vigor +vigorist +vigorless +vigorous +vigorously +vigorousness +vihara +vihuela +vijao +Vijay +viking +vikingism +vikinglike +vikingship +vila +vilayet +vile +vilehearted +Vilela +vilely +vileness +Vilhelm +Vili +vilicate +vilification +vilifier +vilify +vilifyingly +vilipend +vilipender +vilipenditory +vility +vill +villa +villadom +villaette +village +villageful +villagehood +villageless +villagelet +villagelike +villageous +villager +villageress +villagery +villaget +villageward +villagey +villagism +villain +villainage +villaindom +villainess +villainist +villainous +villainously +villainousness +villainproof +villainy +villakin +villaless +villalike +villanage +villanella +villanelle +villanette +villanous +villanously +Villanova +Villanovan +villar +villate +villatic +ville +villein +villeinage +villeiness +villeinhold +villenage +villiaumite +villiferous +villiform +villiplacental +Villiplacentalia +villitis +villoid +villose +villosity +villous +villously +villus +vim +vimana +vimen +vimful +Viminal +viminal +vimineous +vina +vinaceous +vinaconic +vinage +vinagron +vinaigrette +vinaigretted +vinaigrier +vinaigrous +vinal +Vinalia +vinasse +vinata +Vince +Vincent +vincent +Vincentian +Vincenzo +Vincetoxicum +vincetoxin +vincibility +vincible +vincibleness +vincibly +vincular +vinculate +vinculation +vinculum +Vindelici +vindemial +vindemiate +vindemiation +vindemiatory +Vindemiatrix +vindex +vindhyan +vindicability +vindicable +vindicableness +vindicably +vindicate +vindication +vindicative +vindicatively +vindicativeness +vindicator +vindicatorily +vindicatorship +vindicatory +vindicatress +vindictive +vindictively +vindictiveness +vindictivolence +vindresser +vine +vinea +vineal +vineatic +vined +vinegar +vinegarer +vinegarette +vinegarish +vinegarist +vinegarroon +vinegarweed +vinegary +vinegerone +vinegrower +vineity +vineland +vineless +vinelet +vinelike +viner +vinery +vinestalk +vinewise +vineyard +Vineyarder +vineyarding +vineyardist +vingerhoed +Vingolf +vinhatico +vinic +vinicultural +viniculture +viniculturist +vinifera +viniferous +vinification +vinificator +Vinland +vinny +vino +vinoacetous +Vinod +vinolence +vinolent +vinologist +vinology +vinometer +vinomethylic +vinose +vinosity +vinosulphureous +vinous +vinously +vinousness +vinquish +vint +vinta +vintage +vintager +vintaging +vintem +vintener +vintlite +vintner +vintneress +vintnership +vintnery +vintress +vintry +viny +vinyl +vinylbenzene +vinylene +vinylic +vinylidene +viol +viola +violability +violable +violableness +violably +Violaceae +violacean +violaceous +violaceously +violal +Violales +violanin +violaquercitrin +violate +violater +violation +violational +violative +violator +violatory +violature +violence +violent +violently +violentness +violer +violescent +violet +violetish +violetlike +violette +violetwise +violety +violin +violina +violine +violinette +violinist +violinistic +violinlike +violinmaker +violinmaking +violist +violmaker +violmaking +violon +violoncellist +violoncello +violone +violotta +violuric +viosterol +Vip +viper +Vipera +viperan +viperess +viperfish +viperian +viperid +Viperidae +viperiform +Viperina +Viperinae +viperine +viperish +viperishly +viperlike +viperling +viperoid +Viperoidea +viperous +viperously +viperousness +vipery +vipolitic +vipresident +viqueen +Vira +viragin +viraginian +viraginity +viraginous +virago +viragoish +viragolike +viragoship +viral +Virales +Virbius +vire +virelay +viremia +viremic +virent +vireo +vireonine +virescence +virescent +virga +virgal +virgate +virgated +virgater +virgation +virgilia +Virgilism +virgin +virginal +Virginale +virginalist +virginality +virginally +virgineous +virginhead +Virginia +Virginian +Virginid +virginitis +virginity +virginityship +virginium +virginlike +virginly +virginship +Virgo +virgula +virgular +Virgularia +virgularian +Virgulariidae +virgulate +virgule +virgultum +virial +viricide +virid +viridene +viridescence +viridescent +viridian +viridigenous +viridine +viridite +viridity +virific +virify +virile +virilely +virileness +virilescence +virilescent +virilify +viriliously +virilism +virilist +virility +viripotent +viritrate +virl +virole +viroled +virological +virologist +virology +viron +virose +virosis +virous +virtu +virtual +virtualism +virtualist +virtuality +virtualize +virtually +virtue +virtued +virtuefy +virtuelessness +virtueproof +virtuless +virtuosa +virtuose +virtuosi +virtuosic +virtuosity +virtuoso +virtuosoship +virtuous +virtuouslike +virtuously +virtuousness +virucidal +virucide +viruela +virulence +virulency +virulent +virulented +virulently +virulentness +viruliferous +virus +viruscidal +viruscide +virusemic +vis +visa +visage +visaged +visagraph +visarga +Visaya +Visayan +viscacha +viscera +visceral +visceralgia +viscerally +viscerate +visceration +visceripericardial +visceroinhibitory +visceromotor +visceroparietal +visceroperitioneal +visceropleural +visceroptosis +visceroptotic +viscerosensory +visceroskeletal +viscerosomatic +viscerotomy +viscerotonia +viscerotonic +viscerotrophic +viscerotropic +viscerous +viscid +viscidity +viscidize +viscidly +viscidness +viscidulous +viscin +viscoidal +viscolize +viscometer +viscometrical +viscometrically +viscometry +viscontal +viscoscope +viscose +viscosimeter +viscosimetry +viscosity +viscount +viscountcy +viscountess +viscountship +viscounty +viscous +viscously +viscousness +viscus +vise +viseman +Vishal +Vishnavite +Vishnu +Vishnuism +Vishnuite +Vishnuvite +visibility +visibilize +visible +visibleness +visibly +visie +Visigoth +Visigothic +visile +vision +visional +visionally +visionarily +visionariness +visionary +visioned +visioner +visionic +visionist +visionize +visionless +visionlike +visionmonger +visionproof +visit +visita +visitable +Visitandine +visitant +visitation +visitational +visitative +visitator +visitatorial +visite +visitee +visiter +visiting +visitment +visitor +visitoress +visitorial +visitorship +visitress +visitrix +visive +visne +vison +visor +visorless +visorlike +vista +vistaed +vistal +vistaless +vistamente +Vistlik +visto +Vistulian +visual +visualist +visuality +visualization +visualize +visualizer +visually +visuoauditory +visuokinesthetic +visuometer +visuopsychic +visuosensory +vita +Vitaceae +Vitaglass +vital +vitalic +vitalism +vitalist +vitalistic +vitalistically +vitality +vitalization +vitalize +vitalizer +vitalizing +vitalizingly +Vitallium +vitally +vitalness +vitals +vitamer +vitameric +vitamin +vitaminic +vitaminize +vitaminology +vitapath +vitapathy +vitaphone +vitascope +vitascopic +vitasti +vitativeness +vitellarian +vitellarium +vitellary +vitellicle +vitelliferous +vitelligenous +vitelligerous +vitellin +vitelline +vitellogene +vitellogenous +vitellose +vitellus +viterbite +Viti +vitiable +vitiate +vitiated +vitiation +vitiator +viticetum +viticulose +viticultural +viticulture +viticulturer +viticulturist +vitiferous +vitiliginous +vitiligo +vitiligoidea +vitiosity +Vitis +vitium +vitochemic +vitochemical +vitrage +vitrail +vitrailed +vitrailist +vitrain +vitraux +vitreal +vitrean +vitrella +vitremyte +vitreodentinal +vitreodentine +vitreoelectric +vitreosity +vitreous +vitreouslike +vitreously +vitreousness +vitrescence +vitrescency +vitrescent +vitrescibility +vitrescible +vitreum +vitric +vitrics +vitrifaction +vitrifacture +vitrifiability +vitrifiable +vitrification +vitriform +vitrify +Vitrina +vitrine +vitrinoid +vitriol +vitriolate +vitriolation +vitriolic +vitrioline +vitriolizable +vitriolization +vitriolize +vitriolizer +vitrite +vitrobasalt +vitrophyre +vitrophyric +vitrotype +vitrous +Vitruvian +Vitruvianism +vitta +vittate +vitular +vituline +vituperable +vituperate +vituperation +vituperative +vituperatively +vituperator +vituperatory +vituperious +viuva +viva +vivacious +vivaciously +vivaciousness +vivacity +vivandiere +vivarium +vivary +vivax +vive +Vivek +vively +vivency +viver +Viverridae +viverriform +Viverrinae +viverrine +vivers +vives +vivianite +vivicremation +vivid +vividialysis +vividiffusion +vividissection +vividity +vividly +vividness +vivific +vivificate +vivification +vivificative +vivificator +vivifier +vivify +viviparism +viviparity +viviparous +viviparously +viviparousness +vivipary +viviperfuse +vivisect +vivisection +vivisectional +vivisectionally +vivisectionist +vivisective +vivisector +vivisectorium +vivisepulture +vixen +vixenish +vixenishly +vixenishness +vixenlike +vixenly +vizard +vizarded +vizardless +vizardlike +vizardmonger +vizier +vizierate +viziercraft +vizierial +viziership +vizircraft +Vlach +Vladimir +Vladislav +vlei +voar +vocability +vocable +vocably +vocabular +vocabularian +vocabularied +vocabulary +vocabulation +vocabulist +vocal +vocalic +vocalion +vocalise +vocalism +vocalist +vocalistic +vocality +vocalization +vocalize +vocalizer +vocaller +vocally +vocalness +vocate +vocation +vocational +vocationalism +vocationalization +vocationalize +vocationally +vocative +vocatively +Vochysiaceae +vochysiaceous +vocicultural +vociferance +vociferant +vociferate +vociferation +vociferative +vociferator +vociferize +vociferosity +vociferous +vociferously +vociferousness +vocification +vocimotor +vocular +vocule +Vod +vodka +voe +voet +voeten +Voetian +vog +vogesite +voglite +vogue +voguey +voguish +Vogul +voice +voiced +voiceful +voicefulness +voiceless +voicelessly +voicelessness +voicelet +voicelike +voicer +voicing +void +voidable +voidableness +voidance +voided +voidee +voider +voiding +voidless +voidly +voidness +voile +voiturette +voivode +voivodeship +vol +volable +volage +Volans +volant +volantly +Volapuk +Volapuker +Volapukism +Volapukist +volar +volata +volatic +volatile +volatilely +volatileness +volatility +volatilizable +volatilization +volatilize +volatilizer +volation +volational +volborthite +Volcae +volcan +Volcanalia +volcanian +volcanic +volcanically +volcanicity +volcanism +volcanist +volcanite +volcanity +volcanization +volcanize +volcano +volcanoism +volcanological +volcanologist +volcanologize +volcanology +Volcanus +vole +volemitol +volency +volent +volently +volery +volet +volhynite +volipresence +volipresent +volitant +volitate +volitation +volitational +volitiency +volitient +volition +volitional +volitionalist +volitionality +volitionally +volitionary +volitionate +volitionless +volitive +volitorial +Volkerwanderung +volley +volleyball +volleyer +volleying +volleyingly +volost +volplane +volplanist +Volsci +Volscian +volsella +volsellum +Volstead +Volsteadism +volt +Volta +voltaelectric +voltaelectricity +voltaelectrometer +voltaelectrometric +voltage +voltagraphy +voltaic +Voltairian +Voltairianize +Voltairish +Voltairism +voltaism +voltaite +voltameter +voltametric +voltammeter +voltaplast +voltatype +voltinism +voltivity +voltize +voltmeter +voltzite +volubilate +volubility +voluble +volubleness +volubly +volucrine +volume +volumed +volumenometer +volumenometry +volumescope +volumeter +volumetric +volumetrical +volumetrically +volumetry +volumette +voluminal +voluminosity +voluminous +voluminously +voluminousness +volumist +volumometer +volumometrical +volumometry +voluntariate +voluntarily +voluntariness +voluntarism +voluntarist +voluntaristic +voluntarity +voluntary +voluntaryism +voluntaryist +voluntative +volunteer +volunteerism +volunteerly +volunteership +volupt +voluptary +voluptas +voluptuarian +voluptuary +voluptuate +voluptuosity +voluptuous +voluptuously +voluptuousness +volupty +Voluspa +voluta +volutate +volutation +volute +voluted +Volutidae +volutiform +volutin +volution +volutoid +volva +volvate +volvelle +volvent +Volvocaceae +volvocaceous +volvulus +vomer +vomerine +vomerobasilar +vomeronasal +vomeropalatine +vomica +vomicine +vomit +vomitable +vomiter +vomiting +vomitingly +vomition +vomitive +vomitiveness +vomito +vomitory +vomiture +vomiturition +vomitus +vomitwort +vondsira +vonsenite +voodoo +voodooism +voodooist +voodooistic +voracious +voraciously +voraciousness +voracity +voraginous +vorago +vorant +vorhand +vorlooper +vorondreo +vorpal +vortex +vortical +vortically +vorticel +Vorticella +vorticellid +Vorticellidae +vortices +vorticial +vorticiform +vorticism +vorticist +vorticity +vorticose +vorticosely +vorticular +vorticularly +vortiginous +Vortumnus +Vosgian +vota +votable +votal +votally +votaress +votarist +votary +votation +Vote +vote +voteen +voteless +voter +voting +Votish +votive +votively +votiveness +votometer +votress +Votyak +vouch +vouchable +vouchee +voucher +voucheress +vouchment +vouchsafe +vouchsafement +vouge +Vougeot +Vouli +voussoir +vow +vowed +vowel +vowelish +vowelism +vowelist +vowelization +vowelize +vowelless +vowellessness +vowellike +vowely +vower +vowess +vowless +vowmaker +vowmaking +voyage +voyageable +voyager +voyance +voyeur +voyeurism +vraic +vraicker +vraicking +vrbaite +vriddhi +vrother +Vu +vug +vuggy +Vulcan +Vulcanalia +Vulcanalial +Vulcanalian +Vulcanian +Vulcanic +vulcanicity +vulcanism +vulcanist +vulcanite +vulcanizable +vulcanizate +vulcanization +vulcanize +vulcanizer +vulcanological +vulcanologist +vulcanology +vulgar +vulgare +vulgarian +vulgarish +vulgarism +vulgarist +vulgarity +vulgarization +vulgarize +vulgarizer +vulgarlike +vulgarly +vulgarness +vulgarwise +Vulgate +vulgate +vulgus +vuln +vulnerability +vulnerable +vulnerableness +vulnerably +vulnerary +vulnerate +vulneration +vulnerative +vulnerose +vulnific +vulnose +Vulpecula +vulpecular +Vulpeculid +Vulpes +vulpic +vulpicidal +vulpicide +vulpicidism +Vulpinae +vulpine +vulpinism +vulpinite +vulsella +vulsellum +vulsinite +Vultur +vulture +vulturelike +vulturewise +Vulturidae +Vulturinae +vulturine +vulturish +vulturism +vulturn +vulturous +vulva +vulval +vulvar +vulvate +vulviform +vulvitis +vulvocrural +vulvouterine +vulvovaginal +vulvovaginitis +vum +vying +vyingly +W +w +Wa +wa +Waac +waag +waapa +waar +Waasi +wab +wabber +wabble +wabbly +wabby +wabe +Wabena +wabeno +Wabi +wabster +Wabuma +Wabunga +Wac +wacago +wace +Wachaga +Wachenheimer +wachna +Wachuset +wack +wacke +wacken +wacker +wackiness +wacky +Waco +wad +waddent +wadder +wadding +waddler +waddlesome +waddling +waddlingly +waddly +waddy +waddywood +Wade +wade +wadeable +wader +wadi +wading +wadingly +wadlike +wadmaker +wadmaking +wadmal +wadmeal +wadna +wadset +wadsetter +wae +waeg +waer +waesome +waesuck +Waf +Wafd +Wafdist +wafer +waferer +waferish +wafermaker +wafermaking +waferwoman +waferwork +wafery +waff +waffle +wafflike +waffly +waft +waftage +wafter +wafture +wafty +wag +Waganda +waganging +wagaun +wagbeard +wage +waged +wagedom +wageless +wagelessness +wagenboom +Wagener +wager +wagerer +wagering +wages +wagesman +wagework +wageworker +wageworking +waggable +waggably +waggel +wagger +waggery +waggie +waggish +waggishly +waggishness +waggle +waggling +wagglingly +waggly +Waggumbura +waggy +waglike +wagling +Wagneresque +Wagnerian +Wagneriana +Wagnerianism +Wagnerism +Wagnerist +Wagnerite +wagnerite +Wagnerize +Wagogo +Wagoma +wagon +wagonable +wagonage +wagoner +wagoness +wagonette +wagonful +wagonload +wagonmaker +wagonmaking +wagonman +wagonry +wagonsmith +wagonway +wagonwayman +wagonwork +wagonwright +wagsome +wagtail +Waguha +wagwag +wagwants +Wagweno +wagwit +wah +Wahabi +Wahabiism +Wahabit +Wahabitism +wahahe +Wahehe +Wahima +wahine +Wahlenbergia +wahoo +wahpekute +Wahpeton +waiata +Waibling +Waicuri +Waicurian +waif +Waiguli +Waiilatpuan +waik +waikly +waikness +wail +Wailaki +wailer +wailful +wailfully +wailingly +wailsome +waily +wain +wainage +wainbote +wainer +wainful +wainman +wainrope +wainscot +wainscoting +wainwright +waipiro +wairch +waird +wairepo +wairsh +waise +waist +waistband +waistcloth +waistcoat +waistcoated +waistcoateer +waistcoathole +waistcoating +waistcoatless +waisted +waister +waisting +waistless +waistline +wait +waiter +waiterage +waiterdom +waiterhood +waitering +waiterlike +waitership +waiting +waitingly +waitress +waivatua +waive +waiver +waivery +waivod +Waiwai +waiwode +wajang +waka +Wakamba +wakan +Wakashan +wake +wakeel +wakeful +wakefully +wakefulness +wakeless +waken +wakener +wakening +waker +wakes +waketime +wakf +Wakhi +wakif +wakiki +waking +wakingly +wakiup +wakken +wakon +wakonda +Wakore +Wakwafi +waky +Walach +Walachian +walahee +Walapai +Walchia +Waldenses +Waldensian +waldflute +waldgrave +waldgravine +Waldheimia +waldhorn +waldmeister +Waldsteinia +wale +waled +walepiece +Waler +waler +walewort +wali +waling +walk +walkable +walkaway +walker +walking +walkist +walkmill +walkmiller +walkout +walkover +walkrife +walkside +walksman +walkway +walkyrie +wall +wallaba +wallaby +Wallach +wallah +wallaroo +Wallawalla +wallbird +wallboard +walled +waller +Wallerian +wallet +walletful +walleye +walleyed +wallflower +wallful +wallhick +walling +wallise +wallless +wallman +Wallon +Wallonian +Walloon +walloon +wallop +walloper +walloping +wallow +wallower +wallowish +wallowishly +wallowishness +wallpaper +wallpapering +wallpiece +Wallsend +wallwise +wallwork +wallwort +wally +walnut +Walpapi +Walpolean +Walpurgis +walpurgite +walrus +walsh +Walt +walt +Walter +walter +walth +Waltonian +waltz +waltzer +waltzlike +walycoat +wamara +wambais +wamble +wambliness +wambling +wamblingly +wambly +Wambuba +Wambugu +Wambutti +wame +wamefou +wamel +wammikin +wamp +Wampanoag +wampee +wample +wampum +wampumpeag +wampus +wamus +wan +Wanapum +wanchancy +wand +wander +wanderable +wanderer +wandering +wanderingly +wanderingness +Wanderjahr +wanderlust +wanderluster +wanderlustful +wanderoo +wandery +wanderyear +wandflower +wandle +wandlike +wandoo +Wandorobo +wandsman +wandy +wane +Waneatta +waned +waneless +wang +wanga +wangala +wangan +Wangara +wangateur +wanghee +wangle +wangler +Wangoni +wangrace +wangtooth +wanhope +wanhorn +wanigan +waning +wankapin +wankle +wankliness +wankly +wanle +wanly +wanner +wanness +wannish +wanny +wanrufe +wansonsy +want +wantage +wanter +wantful +wanthill +wanthrift +wanting +wantingly +wantingness +wantless +wantlessness +wanton +wantoner +wantonlike +wantonly +wantonness +wantwit +wanty +wanwordy +wanworth +wany +Wanyakyusa +Wanyamwezi +Wanyasa +Wanyoro +wap +wapacut +Wapato +wapatoo +wapentake +Wapisiana +wapiti +Wapogoro +Wapokomo +wapp +Wappato +wappenschaw +wappenschawing +wapper +wapping +Wappinger +Wappo +war +warabi +waratah +warble +warbled +warblelike +warbler +warblerlike +warblet +warbling +warblingly +warbly +warch +warcraft +ward +wardable +wardage +wardapet +warday +warded +Warden +warden +wardency +wardenry +wardenship +warder +warderer +wardership +wardholding +warding +wardite +wardless +wardlike +wardmaid +wardman +wardmote +wardress +wardrobe +wardrober +wardroom +wardship +wardsmaid +wardsman +wardswoman +wardwite +wardwoman +ware +Waregga +warehou +warehouse +warehouseage +warehoused +warehouseful +warehouseman +warehouser +wareless +waremaker +waremaking +wareman +wareroom +warf +warfare +warfarer +warfaring +warful +warily +wariness +Waring +waringin +warish +warison +wark +warkamoowee +warl +warless +warlessly +warlike +warlikely +warlikeness +warlock +warluck +warly +warm +warmable +warman +warmed +warmedly +warmer +warmful +warmhearted +warmheartedly +warmheartedness +warmhouse +warming +warmish +warmly +warmness +warmonger +warmongering +warmouth +warmth +warmthless +warmus +warn +warnel +warner +warning +warningly +warningproof +warnish +warnoth +warnt +Warori +warp +warpable +warpage +warped +warper +warping +warplane +warple +warplike +warproof +warpwise +warragal +warrambool +warran +warrand +warrandice +warrant +warrantable +warrantableness +warrantably +warranted +warrantee +warranter +warrantise +warrantless +warrantor +warranty +warratau +Warrau +warree +Warren +warren +warrener +warrenlike +warrer +Warri +warrin +warrior +warrioress +warriorhood +warriorism +warriorlike +warriorship +warriorwise +warrok +Warsaw +warsaw +warse +warsel +warship +warsle +warsler +warst +wart +warted +wartern +wartflower +warth +wartime +wartless +wartlet +wartlike +wartproof +wartweed +wartwort +warty +wartyback +Warua +Warundi +warve +warwards +Warwick +warwickite +warwolf +warworn +wary +was +wasabi +Wasagara +Wasandawi +Wasango +Wasat +Wasatch +Wasco +wase +Wasegua +wasel +wash +washability +washable +washableness +Washaki +washaway +washbasin +washbasket +washboard +washbowl +washbrew +washcloth +washday +washdish +washdown +washed +washen +washer +washerless +washerman +washerwife +washerwoman +washery +washeryman +washhand +washhouse +washin +washiness +washing +Washington +Washingtonia +Washingtonian +Washingtoniana +Washita +washland +washmaid +washman +Washo +Washoan +washoff +washout +washpot +washproof +washrag +washroad +washroom +washshed +washstand +washtail +washtray +washtrough +washtub +washway +washwoman +washwork +washy +Wasir +wasnt +Wasoga +Wasp +wasp +waspen +wasphood +waspily +waspish +waspishly +waspishness +wasplike +waspling +waspnesting +waspy +wassail +wassailer +wassailous +wassailry +wassie +wast +wastable +wastage +waste +wastebasket +wasteboard +wasted +wasteful +wastefully +wastefulness +wastel +wasteland +wastelbread +wasteless +wasteman +wastement +wasteness +wastepaper +wasteproof +waster +wasterful +wasterfully +wasterfulness +wastethrift +wasteword +wasteyard +wasting +wastingly +wastingness +wastland +wastrel +wastrife +wasty +Wasukuma +Waswahili +Wat +wat +Watala +watap +watch +watchable +watchboat +watchcase +watchcry +watchdog +watched +watcher +watchfree +watchful +watchfully +watchfulness +watchglassful +watchhouse +watching +watchingly +watchkeeper +watchless +watchlessness +watchmaker +watchmaking +watchman +watchmanly +watchmanship +watchmate +watchment +watchout +watchtower +watchwise +watchwoman +watchword +watchwork +water +waterage +waterbailage +waterbelly +Waterberg +waterboard +waterbok +waterbosh +waterbrain +waterchat +watercup +waterdoe +waterdrop +watered +waterer +waterfall +waterfinder +waterflood +waterfowl +waterfront +waterhead +waterhorse +waterie +waterily +wateriness +watering +wateringly +wateringman +waterish +waterishly +waterishness +Waterlander +Waterlandian +waterleave +waterless +waterlessly +waterlessness +waterlike +waterline +waterlog +waterlogged +waterloggedness +waterlogger +waterlogging +Waterloo +waterman +watermanship +watermark +watermaster +watermelon +watermonger +waterphone +waterpot +waterproof +waterproofer +waterproofing +waterproofness +waterquake +waterscape +watershed +watershoot +waterside +watersider +waterskin +watersmeet +waterspout +waterstead +watertight +watertightal +watertightness +waterward +waterwards +waterway +waterweed +waterwise +waterwoman +waterwood +waterwork +waterworker +waterworm +waterworn +waterwort +watery +wath +wathstead +Watsonia +watt +wattage +wattape +wattle +wattlebird +wattled +wattless +wattlework +wattling +wattman +wattmeter +Watusi +wauble +wauch +wauchle +waucht +wauf +waugh +waughy +wauken +waukit +waukrife +waul +waumle +wauner +wauns +waup +waur +Waura +wauregan +wauve +wavable +wavably +Wave +wave +waved +waveless +wavelessly +wavelessness +wavelet +wavelike +wavellite +wavemark +wavement +wavemeter +waveproof +waver +waverable +waverer +wavering +waveringly +waveringness +waverous +wavery +waveson +waveward +wavewise +wavey +wavicle +wavily +waviness +waving +wavingly +Wavira +wavy +waw +wawa +wawah +wawaskeesh +wax +waxberry +waxbill +waxbird +waxbush +waxchandler +waxchandlery +waxen +waxer +waxflower +Waxhaw +waxhearted +waxily +waxiness +waxing +waxingly +waxlike +waxmaker +waxmaking +waxman +waxweed +waxwing +waxwork +waxworker +waxworking +waxy +way +wayaka +wayang +Wayao +wayback +wayberry +waybill +waybird +waybook +waybread +waybung +wayfare +wayfarer +wayfaring +wayfaringly +wayfellow +waygang +waygate +waygoing +waygone +waygoose +wayhouse +waying +waylaid +waylaidlessness +waylay +waylayer +wayleave +wayless +waymaker +wayman +waymark +waymate +Wayne +waypost +ways +wayside +waysider +waysliding +waythorn +wayward +waywarden +waywardly +waywardness +waywiser +waywode +waywodeship +wayworn +waywort +wayzgoose +Wazir +we +Wea +weak +weakbrained +weaken +weakener +weakening +weakfish +weakhanded +weakhearted +weakheartedly +weakheartedness +weakish +weakishly +weakishness +weakliness +weakling +weakly +weakmouthed +weakness +weaky +weal +weald +Wealden +wealdsman +wealth +wealthily +wealthiness +wealthless +wealthmaker +wealthmaking +wealthmonger +Wealthy +wealthy +weam +wean +weanable +weanedness +weanel +weaner +weanling +Weanoc +weanyer +Weapemeoc +weapon +weaponed +weaponeer +weaponless +weaponmaker +weaponmaking +weaponproof +weaponry +weaponshaw +weaponshow +weaponshowing +weaponsmith +weaponsmithy +wear +wearability +wearable +wearer +weariable +weariableness +wearied +weariedly +weariedness +wearier +weariful +wearifully +wearifulness +weariless +wearilessly +wearily +weariness +wearing +wearingly +wearish +wearishly +wearishness +wearisome +wearisomely +wearisomeness +wearproof +weary +wearying +wearyingly +weasand +weasel +weaselfish +weasellike +weaselly +weaselship +weaselskin +weaselsnout +weaselwise +weaser +weason +weather +weatherboard +weatherboarding +weatherbreak +weathercock +weathercockish +weathercockism +weathercocky +weathered +weatherer +weatherfish +weatherglass +weathergleam +weatherhead +weatherheaded +weathering +weatherliness +weatherly +weathermaker +weathermaking +weatherman +weathermost +weatherology +weatherproof +weatherproofed +weatherproofing +weatherproofness +weatherward +weatherworn +weathery +weavable +weave +weaveable +weaved +weavement +weaver +weaverbird +weaveress +weaving +weazen +weazened +weazeny +web +webbed +webber +webbing +webby +weber +Weberian +webeye +webfoot +webfooter +webless +weblike +webmaker +webmaking +webster +Websterian +websterite +webwork +webworm +wecht +wed +wedana +wedbed +wedbedrip +wedded +weddedly +weddedness +wedder +wedding +weddinger +wede +wedge +wedgeable +wedgebill +wedged +wedgelike +wedger +wedgewise +Wedgie +wedging +Wedgwood +wedgy +wedlock +Wednesday +wedset +wee +weeble +weed +weeda +weedable +weedage +weeded +weeder +weedery +weedful +weedhook +weediness +weedingtime +weedish +weedless +weedlike +weedling +weedow +weedproof +weedy +week +weekday +weekend +weekender +weekly +weekwam +weel +weelfard +weelfaured +weemen +ween +weendigo +weeness +weening +weenong +weeny +weep +weepable +weeper +weepered +weepful +weeping +weepingly +weeps +weepy +weesh +weeshy +weet +weetbird +weetless +weever +weevil +weeviled +weevillike +weevilproof +weevily +weewow +weeze +weft +weftage +wefted +wefty +Wega +wegenerian +wegotism +wehrlite +Wei +weibyeite +weichselwood +Weierstrassian +Weigela +weigelite +weigh +weighable +weighage +weighbar +weighbauk +weighbridge +weighbridgeman +weighed +weigher +weighership +weighhouse +weighin +weighing +weighman +weighment +weighshaft +weight +weightchaser +weighted +weightedly +weightedness +weightily +weightiness +weighting +weightless +weightlessly +weightlessness +weightometer +weighty +weinbergerite +Weinmannia +weinschenkite +weir +weirangle +weird +weirdful +weirdish +weirdless +weirdlessness +weirdlike +weirdliness +weirdly +weirdness +weirdsome +weirdward +weirdwoman +weiring +weisbachite +weiselbergite +weism +Weismannian +Weismannism +weissite +Weissnichtwo +Weitspekan +wejack +weka +wekau +wekeen +weki +welcome +welcomeless +welcomely +welcomeness +welcomer +welcoming +welcomingly +weld +weldability +weldable +welder +welding +weldless +weldment +weldor +Welf +welfare +welfaring +Welfic +welk +welkin +welkinlike +well +wellat +wellaway +wellborn +wellcurb +wellhead +wellhole +welling +wellington +Wellingtonia +wellish +wellmaker +wellmaking +wellman +wellnear +wellness +wellring +Wellsian +wellside +wellsite +wellspring +wellstead +wellstrand +welly +wellyard +wels +Welsh +welsh +welsher +Welshery +Welshism +Welshland +Welshlike +Welshman +Welshness +Welshry +Welshwoman +Welshy +welsium +welt +welted +welter +welterweight +welting +Welwitschia +wem +wemless +wen +wench +wencher +wenchless +wenchlike +Wenchow +Wenchowese +Wend +wend +wende +Wendell +Wendi +Wendic +Wendish +Wendy +wene +Wenlock +Wenlockian +wennebergite +wennish +wenny +Wenonah +Wenrohronon +went +wentletrap +wenzel +wept +wer +Werchowinci +were +werebear +werecalf +werefolk +werefox +werehyena +werejaguar +wereleopard +werent +weretiger +werewolf +werewolfish +werewolfism +werf +wergil +weri +Werner +Wernerian +Wernerism +wernerite +werowance +wert +Werther +Wertherian +Wertherism +wervel +Wes +wese +weskit +Wesleyan +Wesleyanism +Wesleyism +wesselton +Wessexman +west +westaway +westbound +weste +wester +westering +westerliness +westerly +westermost +western +westerner +westernism +westernization +westernize +westernly +westernmost +westerwards +westfalite +westing +westland +Westlander +westlandways +westmost +westness +Westphalian +Westralian +Westralianism +westward +westwardly +westwardmost +westwards +westy +wet +weta +wetback +wetbird +wetched +wetchet +wether +wetherhog +wetherteg +wetly +wetness +wettability +wettable +wetted +wetter +wetting +wettish +Wetumpka +weve +wevet +Wewenoc +wey +Wezen +Wezn +wha +whabby +whack +whacker +whacking +whacky +whafabout +whale +whaleback +whalebacker +whalebird +whaleboat +whalebone +whaleboned +whaledom +whalehead +whalelike +whaleman +whaler +whaleroad +whalery +whaleship +whaling +whalish +whally +whalm +whalp +whaly +wham +whamble +whame +whammle +whamp +whampee +whample +whan +whand +whang +whangable +whangam +whangdoodle +whangee +whanghee +whank +whap +whappet +whapuka +whapukee +whapuku +whar +whare +whareer +wharf +wharfage +wharfhead +wharfholder +wharfing +wharfinger +wharfland +wharfless +wharfman +wharfmaster +wharfrae +wharfside +wharl +wharp +wharry +whart +wharve +whase +whasle +what +whata +whatabouts +whatever +whatkin +whatlike +whatna +whatness +whatnot +whatreck +whats +whatso +whatsoeer +whatsoever +whatsomever +whatten +whau +whauk +whaup +whaur +whauve +wheal +whealworm +whealy +wheam +wheat +wheatbird +wheatear +wheateared +wheaten +wheatgrower +wheatland +wheatless +wheatlike +wheatstalk +wheatworm +wheaty +whedder +whee +wheedle +wheedler +wheedlesome +wheedling +wheedlingly +wheel +wheelage +wheelband +wheelbarrow +wheelbarrowful +wheelbird +wheelbox +wheeldom +wheeled +wheeler +wheelery +wheelhouse +wheeling +wheelingly +wheelless +wheellike +wheelmaker +wheelmaking +wheelman +wheelrace +wheelroad +wheelsman +wheelsmith +wheelspin +wheelswarf +wheelway +wheelwise +wheelwork +wheelwright +wheelwrighting +wheely +wheem +wheen +wheencat +wheenge +wheep +wheeple +wheer +wheerikins +wheesht +wheetle +wheeze +wheezer +wheezily +wheeziness +wheezingly +wheezle +wheezy +wheft +whein +whekau +wheki +whelk +whelked +whelker +whelklike +whelky +whelm +whelp +whelphood +whelpish +whelpless +whelpling +whelve +whemmel +when +whenabouts +whenas +whence +whenceeer +whenceforth +whenceforward +whencesoeer +whencesoever +whencever +wheneer +whenever +whenness +whenso +whensoever +whensomever +where +whereabout +whereabouts +whereafter +whereanent +whereas +whereat +whereaway +whereby +whereer +wherefor +wherefore +wherefrom +wherein +whereinsoever +whereinto +whereness +whereof +whereon +whereout +whereover +whereso +wheresoeer +wheresoever +wheresomever +wherethrough +wheretill +whereto +wheretoever +wheretosoever +whereunder +whereuntil +whereunto +whereup +whereupon +wherever +wherewith +wherewithal +wherret +wherrit +wherry +wherryman +whet +whether +whetile +whetrock +whetstone +whetter +whew +whewellite +whewer +whewl +whewt +whey +wheybeard +wheyey +wheyeyness +wheyface +wheyfaced +wheyish +wheyishness +wheylike +wheyness +whiba +which +whichever +whichsoever +whichway +whichways +whick +whicken +whicker +whid +whidah +whidder +whiff +whiffenpoof +whiffer +whiffet +whiffle +whiffler +whifflery +whiffletree +whiffling +whifflingly +whiffy +whift +Whig +whig +Whiggamore +whiggamore +Whiggarchy +Whiggery +Whiggess +Whiggification +Whiggify +Whiggish +Whiggishly +Whiggishness +Whiggism +Whiglet +Whigling +whigmaleerie +whigship +whikerby +while +whileen +whilere +whiles +whilie +whilk +Whilkut +whill +whillaballoo +whillaloo +whillilew +whilly +whillywha +whilock +whilom +whils +whilst +whilter +whim +whimberry +whimble +whimbrel +whimling +whimmy +whimper +whimperer +whimpering +whimperingly +whimsey +whimsic +whimsical +whimsicality +whimsically +whimsicalness +whimsied +whimstone +whimwham +whin +whinberry +whinchacker +whinchat +whincheck +whincow +whindle +whine +whiner +whinestone +whing +whinge +whinger +whininess +whiningly +whinnel +whinner +whinnock +whinny +whinstone +whiny +whinyard +whip +whipbelly +whipbird +whipcat +whipcord +whipcordy +whipcrack +whipcracker +whipcraft +whipgraft +whipjack +whipking +whiplash +whiplike +whipmaker +whipmaking +whipman +whipmanship +whipmaster +whippa +whippable +whipparee +whipped +whipper +whippersnapper +whippertail +whippet +whippeter +whippiness +whipping +whippingly +whippletree +whippoorwill +whippost +whippowill +whippy +whipsaw +whipsawyer +whipship +whipsocket +whipstaff +whipstalk +whipstall +whipster +whipstick +whipstitch +whipstock +whipt +whiptail +whiptree +whipwise +whipworm +whir +whirken +whirl +whirlabout +whirlblast +whirlbone +whirlbrain +whirled +whirler +whirley +whirlgig +whirlicane +whirligig +whirlimagig +whirling +whirlingly +whirlmagee +whirlpool +whirlpuff +whirlwig +whirlwind +whirlwindish +whirlwindy +whirly +whirlygigum +whirret +whirrey +whirroo +whirry +whirtle +whish +whisk +whisker +whiskerage +whiskerando +whiskerandoed +whiskered +whiskerer +whiskerette +whiskerless +whiskerlike +whiskery +whiskey +whiskful +whiskied +whiskified +whisking +whiskingly +whisky +whiskyfied +whiskylike +whisp +whisper +whisperable +whisperation +whispered +whisperer +whisperhood +whispering +whisperingly +whisperingness +whisperless +whisperous +whisperously +whisperproof +whispery +whissle +Whisson +whist +whister +whisterpoop +whistle +whistlebelly +whistlefish +whistlelike +whistler +Whistlerian +whistlerism +whistlewing +whistlewood +whistlike +whistling +whistlingly +whistly +whistness +Whistonian +Whit +whit +white +whiteback +whitebait +whitebark +whitebeard +whitebelly +whitebill +whitebird +whiteblaze +whiteblow +whitebottle +Whiteboy +Whiteboyism +whitecap +whitecapper +Whitechapel +whitecoat +whitecomb +whitecorn +whitecup +whited +whiteface +Whitefieldian +Whitefieldism +Whitefieldite +whitefish +whitefisher +whitefishery +Whitefoot +whitefoot +whitefootism +whitehanded +whitehass +whitehawse +whitehead +whiteheart +whitehearted +whitelike +whitely +whiten +whitener +whiteness +whitening +whitenose +whitepot +whiteroot +whiterump +whites +whitesark +whiteseam +whiteshank +whiteside +whitesmith +whitestone +whitetail +whitethorn +whitethroat +whitetip +whitetop +whitevein +whitewall +whitewards +whiteware +whitewash +whitewasher +whiteweed +whitewing +whitewood +whiteworm +whitewort +whitfinch +whither +whitherso +whithersoever +whitherto +whitherward +whiting +whitish +whitishness +whitleather +Whitleyism +whitling +whitlow +whitlowwort +Whitmanese +Whitmanesque +Whitmanism +Whitmanize +Whitmonday +whitneyite +whitrack +whits +whitster +Whitsun +Whitsunday +Whitsuntide +whittaw +whitten +whittener +whitter +whitterick +whittle +whittler +whittling +whittret +whittrick +whity +whiz +whizgig +whizzer +whizzerman +whizziness +whizzing +whizzingly +whizzle +who +whoa +whodunit +whoever +whole +wholehearted +wholeheartedly +wholeheartedness +wholeness +wholesale +wholesalely +wholesaleness +wholesaler +wholesome +wholesomely +wholesomeness +wholewise +wholly +whom +whomble +whomever +whomso +whomsoever +whone +whoo +whoof +whoop +whoopee +whooper +whooping +whoopingly +whooplike +whoops +whoosh +whop +whopper +whopping +whorage +whore +whoredom +whorelike +whoremaster +whoremasterly +whoremastery +whoremonger +whoremonging +whoreship +whoreson +whorish +whorishly +whorishness +whorl +whorled +whorlflower +whorly +whorlywort +whort +whortle +whortleberry +whose +whosen +whosesoever +whosever +whosomever +whosumdever +whud +whuff +whuffle +whulk +whulter +whummle +whun +whunstane +whup +whush +whuskie +whussle +whute +whuther +whutter +whuttering +whuz +why +whyever +whyfor +whyness +whyo +wi +wice +Wichita +wicht +wichtisite +wichtje +wick +wickawee +wicked +wickedish +wickedlike +wickedly +wickedness +wicken +wicker +wickerby +wickerware +wickerwork +wickerworked +wickerworker +wicket +wicketkeep +wicketkeeper +wicketkeeping +wicketwork +wicking +wickiup +wickless +wickup +wicky +wicopy +wid +widbin +widdendream +widder +widdershins +widdifow +widdle +widdy +wide +widegab +widehearted +widely +widemouthed +widen +widener +wideness +widespread +widespreadedly +widespreadly +widespreadness +widewhere +widework +widgeon +widish +widow +widowed +widower +widowered +widowerhood +widowership +widowery +widowhood +widowish +widowlike +widowly +widowman +widowy +width +widthless +widthway +widthways +widthwise +widu +wield +wieldable +wielder +wieldiness +wieldy +wiener +wienerwurst +wienie +wierangle +wiesenboden +wife +wifecarl +wifedom +wifehood +wifeism +wifekin +wifeless +wifelessness +wifelet +wifelike +wifeling +wifelkin +wifely +wifeship +wifeward +wifie +wifiekie +wifish +wifock +wig +wigan +wigdom +wigful +wigged +wiggen +wigger +wiggery +wigging +wiggish +wiggishness +wiggism +wiggle +wiggler +wiggly +wiggy +wight +wightly +wightness +wigless +wiglet +wiglike +wigmaker +wigmaking +wigtail +wigwag +wigwagger +wigwam +wiikite +Wikeno +Wikstroemia +Wilbur +Wilburite +wild +wildbore +wildcat +wildcatter +wildcatting +wildebeest +wilded +wilder +wilderedly +wildering +wilderment +wilderness +wildfire +wildfowl +wildgrave +wilding +wildish +wildishly +wildishness +wildlife +wildlike +wildling +wildly +wildness +wildsome +wildwind +wile +wileful +wileless +wileproof +Wilfred +wilga +wilgers +Wilhelm +Wilhelmina +Wilhelmine +wilily +wiliness +wilk +wilkeite +wilkin +Wilkinson +Will +will +willable +willawa +willed +willedness +willemite +willer +willet +willey +willeyer +willful +willfully +willfulness +William +williamsite +Williamsonia +Williamsoniaceae +Willie +willie +willier +willies +willing +willinghearted +willinghood +willingly +willingness +williwaw +willmaker +willmaking +willness +willock +willow +willowbiter +willowed +willower +willowish +willowlike +willowware +willowweed +willowworm +willowwort +willowy +Willugbaeya +Willy +willy +willyard +willyart +willyer +Wilmer +wilsome +wilsomely +wilsomeness +Wilson +Wilsonian +wilt +wilter +Wilton +wiltproof +Wiltshire +wily +wim +wimberry +wimble +wimblelike +wimbrel +wime +wimick +wimple +wimpleless +wimplelike +Win +win +winberry +wince +wincer +wincey +winch +wincher +Winchester +winchman +wincing +wincingly +Wind +wind +windable +windage +windbag +windbagged +windbaggery +windball +windberry +windbibber +windbore +windbracing +windbreak +Windbreaker +windbreaker +windbroach +windclothes +windcuffer +winddog +winded +windedly +windedness +winder +windermost +Windesheimer +windfall +windfallen +windfanner +windfirm +windfish +windflaw +windflower +windgall +windgalled +windhole +windhover +windigo +windily +windiness +winding +windingly +windingness +windjammer +windjamming +windlass +windlasser +windle +windles +windless +windlessly +windlessness +windlestrae +windlestraw +windlike +windlin +windling +windmill +windmilly +windock +windore +window +windowful +windowless +windowlessness +windowlet +windowlight +windowlike +windowmaker +windowmaking +windowman +windowpane +windowpeeper +windowshut +windowward +windowwards +windowwise +windowy +windpipe +windplayer +windproof +windring +windroad +windroot +windrow +windrower +windscreen +windshield +windshock +Windsor +windsorite +windstorm +windsucker +windtight +windup +windward +windwardly +windwardmost +windwardness +windwards +windway +windwayward +windwaywardly +windy +wine +wineball +wineberry +winebibber +winebibbery +winebibbing +Winebrennerian +wineconner +wined +wineglass +wineglassful +winegrower +winegrowing +winehouse +wineless +winelike +winemay +winepot +winer +winery +Winesap +wineshop +wineskin +winesop +winetaster +winetree +winevat +Winfred +winful +wing +wingable +wingbeat +wingcut +winged +wingedly +wingedness +winger +wingfish +winghanded +wingle +wingless +winglessness +winglet +winglike +wingman +wingmanship +wingpiece +wingpost +wingseed +wingspread +wingstem +wingy +Winifred +winish +wink +winkel +winkelman +winker +winkered +winking +winkingly +winkle +winklehawk +winklehole +winklet +winly +winna +winnable +winnard +Winnebago +Winnecowet +winnel +winnelstrae +winner +Winnie +winning +winningly +winningness +winnings +winninish +Winnipesaukee +winnle +winnonish +winnow +winnower +winnowing +winnowingly +Winona +winrace +winrow +winsome +winsomely +winsomeness +Winston +wint +winter +Winteraceae +winterage +Winteranaceae +winterberry +winterbloom +winterbourne +winterdykes +wintered +winterer +winterfeed +wintergreen +winterhain +wintering +winterish +winterishly +winterishness +winterization +winterize +winterkill +winterkilling +winterless +winterlike +winterliness +winterling +winterly +winterproof +wintersome +wintertide +wintertime +winterward +winterwards +winterweed +wintle +wintrify +wintrily +wintriness +wintrish +wintrous +wintry +Wintun +winy +winze +winzeman +wipe +wiper +wippen +wips +wir +wirable +wirble +wird +wire +wirebar +wirebird +wired +wiredancer +wiredancing +wiredraw +wiredrawer +wiredrawn +wirehair +wireless +wirelessly +wirelessness +wirelike +wiremaker +wiremaking +wireman +wiremonger +Wirephoto +wirepull +wirepuller +wirepulling +wirer +wiresmith +wirespun +wiretail +wireway +wireweed +wirework +wireworker +wireworking +wireworks +wireworm +wirily +wiriness +wiring +wirl +wirling +Wiros +wirr +wirra +wirrah +wirrasthru +wiry +wis +Wisconsinite +wisdom +wisdomful +wisdomless +wisdomproof +wisdomship +wise +wiseacre +wiseacred +wiseacredness +wiseacredom +wiseacreish +wiseacreishness +wiseacreism +wisecrack +wisecracker +wisecrackery +wisehead +wisehearted +wiseheartedly +wiseheimer +wiselike +wiseling +wisely +wiseman +wisen +wiseness +wisenheimer +wisent +wiser +wiseweed +wisewoman +wish +wisha +wishable +wishbone +wished +wishedly +wisher +wishful +wishfully +wishfulness +wishing +wishingly +wishless +wishly +wishmay +wishness +Wishoskan +Wishram +wisht +wishtonwish +Wisigothic +wisket +wiskinky +wisp +wispish +wisplike +wispy +wiss +wisse +wissel +wist +Wistaria +wistaria +wiste +wistened +Wisteria +wisteria +wistful +wistfully +wistfulness +wistit +wistiti +wistless +wistlessness +wistonwish +wit +witan +Witbooi +witch +witchbells +witchcraft +witched +witchedly +witchen +witchering +witchery +witchet +witchetty +witchhood +witching +witchingly +witchleaf +witchlike +witchman +witchmonger +witchuck +witchweed +witchwife +witchwoman +witchwood +witchwork +witchy +witcraft +wite +witeless +witenagemot +witepenny +witess +witful +with +withal +withamite +Withania +withdraught +withdraw +withdrawable +withdrawal +withdrawer +withdrawing +withdrawingness +withdrawment +withdrawn +withdrawnness +withe +withen +wither +witherband +withered +witheredly +witheredness +witherer +withergloom +withering +witheringly +witherite +witherly +withernam +withers +withershins +withertip +witherwards +witherweight +withery +withewood +withheld +withhold +withholdable +withholdal +withholder +withholdment +within +withindoors +withinside +withinsides +withinward +withinwards +withness +witholden +without +withoutdoors +withouten +withoutforth +withoutside +withoutwards +withsave +withstand +withstander +withstandingness +withstay +withstood +withstrain +withvine +withwind +withy +withypot +withywind +witjar +witless +witlessly +witlessness +witlet +witling +witloof +witmonger +witness +witnessable +witnessdom +witnesser +witney +witneyer +Witoto +witship +wittal +wittawer +witteboom +witted +witter +wittering +witticaster +wittichenite +witticism +witticize +wittified +wittily +wittiness +witting +wittingly +wittol +wittolly +witty +Witumki +witwall +witzchoura +wive +wiver +wivern +Wiyat +Wiyot +wiz +wizard +wizardess +wizardism +wizardlike +wizardly +wizardry +wizardship +wizen +wizened +wizenedness +wizier +wizzen +wloka +wo +woad +woader +woadman +woadwaxen +woady +woak +woald +woan +wob +wobbegong +wobble +wobbler +wobbliness +wobbling +wobblingly +wobbly +wobster +wocheinite +Wochua +wod +woddie +wode +Wodenism +wodge +wodgy +woe +woebegone +woebegoneness +woebegonish +woeful +woefully +woefulness +woehlerite +woesome +woevine +woeworn +woffler +woft +wog +wogiet +Wogulian +woibe +wokas +woke +wokowi +wold +woldlike +woldsman +woldy +Wolf +wolf +wolfachite +wolfberry +wolfdom +wolfen +wolfer +Wolffia +Wolffian +Wolffianism +Wolfgang +wolfhood +wolfhound +Wolfian +wolfish +wolfishly +wolfishness +wolfkin +wolfless +wolflike +wolfling +wolfram +wolframate +wolframic +wolframine +wolframinium +wolframite +wolfsbane +wolfsbergite +wolfskin +wolfward +wolfwards +wollastonite +wollomai +wollop +Wolof +wolter +wolve +wolveboon +wolver +wolverine +woman +womanbody +womandom +womanfolk +womanfully +womanhead +womanhearted +womanhood +womanhouse +womanish +womanishly +womanishness +womanism +womanist +womanity +womanization +womanize +womanizer +womankind +womanless +womanlike +womanliness +womanly +womanmuckle +womanness +womanpost +womanproof +womanship +womanways +womanwise +womb +wombat +wombed +womble +wombstone +womby +womenfolk +womenfolks +womenkind +womera +wommerala +won +wonder +wonderberry +wonderbright +wondercraft +wonderer +wonderful +wonderfully +wonderfulness +wondering +wonderingly +wonderland +wonderlandish +wonderless +wonderment +wondermonger +wondermongering +wondersmith +wondersome +wonderstrong +wonderwell +wonderwork +wonderworthy +wondrous +wondrously +wondrousness +wone +wonegan +wong +wonga +Wongara +wongen +wongshy +wongsky +woning +wonky +wonna +wonned +wonner +wonning +wonnot +wont +wonted +wontedly +wontedness +wonting +woo +wooable +wood +woodagate +woodbark +woodbin +woodbind +woodbine +woodbined +woodbound +woodburytype +woodbush +woodchat +woodchuck +woodcock +woodcockize +woodcracker +woodcraft +woodcrafter +woodcraftiness +woodcraftsman +woodcrafty +woodcut +woodcutter +woodcutting +wooded +wooden +woodendite +woodenhead +woodenheaded +woodenheadedness +woodenly +woodenness +woodenware +woodenweary +woodeny +woodfish +woodgeld +woodgrub +woodhack +woodhacker +woodhole +woodhorse +woodhouse +woodhung +woodine +woodiness +wooding +woodish +woodjobber +woodkern +woodknacker +woodland +woodlander +woodless +woodlessness +woodlet +woodlike +woodlocked +woodly +woodman +woodmancraft +woodmanship +woodmonger +woodmote +woodness +woodpeck +woodpecker +woodpenny +woodpile +woodprint +woodranger +woodreeve +woodrick +woodrock +woodroof +woodrow +woodrowel +Woodruff +woodruff +woodsere +woodshed +woodshop +Woodsia +woodside +woodsilver +woodskin +woodsman +woodspite +woodstone +woodsy +woodwall +woodward +Woodwardia +woodwardship +woodware +woodwax +woodwaxen +woodwise +woodwork +woodworker +woodworking +woodworm +woodwose +woodwright +Woody +woody +woodyard +wooer +woof +woofed +woofell +woofer +woofy +woohoo +wooing +wooingly +wool +woold +woolder +woolding +wooled +woolen +woolenet +woolenization +woolenize +wooler +woolert +woolfell +woolgatherer +woolgathering +woolgrower +woolgrowing +woolhead +wooliness +woollike +woolly +woollyhead +woollyish +woolman +woolpack +woolpress +woolsack +woolsey +woolshearer +woolshearing +woolshears +woolshed +woolskin +woolsorter +woolsorting +woolsower +woolstock +woolulose +Woolwa +woolwasher +woolweed +woolwheel +woolwinder +woolwork +woolworker +woolworking +woom +woomer +woomerang +woon +woons +woorali +woorari +woosh +wootz +woozle +woozy +wop +woppish +wops +worble +worcester +word +wordable +wordably +wordage +wordbook +wordbuilding +wordcraft +wordcraftsman +worded +Worden +worder +wordily +wordiness +wording +wordish +wordishly +wordishness +wordle +wordless +wordlessly +wordlessness +wordlike +wordlorist +wordmaker +wordmaking +wordman +wordmanship +wordmonger +wordmongering +wordmongery +wordplay +wordsman +wordsmanship +wordsmith +wordspite +wordster +Wordsworthian +Wordsworthianism +wordy +wore +work +workability +workable +workableness +workaday +workaway +workbag +workbasket +workbench +workbook +workbox +workbrittle +workday +worked +worker +workfellow +workfolk +workfolks +workgirl +workhand +workhouse +workhoused +working +workingly +workingman +workingwoman +workless +worklessness +workloom +workman +workmanlike +workmanlikeness +workmanliness +workmanly +workmanship +workmaster +workmistress +workout +workpan +workpeople +workpiece +workplace +workroom +works +workship +workshop +worksome +workstand +worktable +worktime +workways +workwise +workwoman +workwomanlike +workwomanly +worky +workyard +world +worlded +worldful +worldish +worldless +worldlet +worldlike +worldlily +worldliness +worldling +worldly +worldmaker +worldmaking +worldproof +worldquake +worldward +worldwards +worldway +worldy +worm +wormed +wormer +wormhole +wormholed +wormhood +Wormian +wormil +worming +wormless +wormlike +wormling +wormproof +wormroot +wormseed +wormship +wormweed +wormwood +wormy +worn +wornil +wornness +worral +worriable +worricow +worried +worriedly +worriedness +worrier +worriless +worriment +worrisome +worrisomely +worrisomeness +worrit +worriter +worry +worrying +worryingly +worryproof +worrywart +worse +worsement +worsen +worseness +worsening +worser +worserment +worset +worship +worshipability +worshipable +worshiper +worshipful +worshipfully +worshipfulness +worshipingly +worshipless +worshipworth +worshipworthy +worst +worsted +wort +worth +worthful +worthfulness +worthiest +worthily +worthiness +worthless +worthlessly +worthlessness +worthship +worthward +worthy +wosbird +wot +wote +wots +wottest +wotteth +woubit +wouch +wouf +wough +would +wouldest +wouldnt +wouldst +wound +woundability +woundable +woundableness +wounded +woundedly +wounder +woundily +wounding +woundingly +woundless +wounds +woundwort +woundworth +woundy +wourali +wourari +wournil +wove +woven +Wovoka +wow +wowser +wowserdom +wowserian +wowserish +wowserism +wowsery +wowt +woy +Woyaway +wrack +wracker +wrackful +Wraf +wraggle +wrainbolt +wrainstaff +wrainstave +wraith +wraithe +wraithlike +wraithy +wraitly +wramp +wran +wrang +wrangle +wrangler +wranglership +wranglesome +wranglingly +wrannock +wranny +wrap +wrappage +wrapped +wrapper +wrapperer +wrappering +wrapping +wraprascal +wrasse +wrastle +wrastler +wrath +wrathful +wrathfully +wrathfulness +wrathily +wrathiness +wrathlike +wrathy +wraw +wrawl +wrawler +wraxle +wreak +wreakful +wreakless +wreat +wreath +wreathage +wreathe +wreathed +wreathen +wreather +wreathingly +wreathless +wreathlet +wreathlike +wreathmaker +wreathmaking +wreathwise +wreathwork +wreathwort +wreathy +wreck +wreckage +wrecker +wreckfish +wreckful +wrecking +wrecky +Wren +wren +wrench +wrenched +wrencher +wrenchingly +wrenlet +wrenlike +wrentail +wrest +wrestable +wrester +wresting +wrestingly +wrestle +wrestler +wrestlerlike +wrestling +wretch +wretched +wretchedly +wretchedness +wretchless +wretchlessly +wretchlessness +wretchock +wricht +wrick +wride +wried +wrier +wriest +wrig +wriggle +wriggler +wrigglesome +wrigglingly +wriggly +wright +wrightine +wring +wringbolt +wringer +wringman +wringstaff +wrinkle +wrinkleable +wrinkled +wrinkledness +wrinkledy +wrinkleful +wrinkleless +wrinkleproof +wrinklet +wrinkly +wrist +wristband +wristbone +wristed +wrister +wristfall +wristikin +wristlet +wristlock +wristwork +writ +writability +writable +writation +writative +write +writeable +writee +writer +writeress +writerling +writership +writh +writhe +writhed +writhedly +writhedness +writhen +writheneck +writher +writhing +writhingly +writhy +writing +writinger +writmaker +writmaking +writproof +written +writter +wrive +wrizzled +wro +wrocht +wroke +wroken +wrong +wrongdoer +wrongdoing +wronged +wronger +wrongful +wrongfully +wrongfulness +wronghead +wrongheaded +wrongheadedly +wrongheadedness +wronghearted +wrongheartedly +wrongheartedness +wrongish +wrongless +wronglessly +wrongly +wrongness +wrongous +wrongously +wrongousness +wrongwise +Wronskian +wrossle +wrote +wroth +wrothful +wrothfully +wrothily +wrothiness +wrothly +wrothsome +wrothy +wrought +wrox +wrung +wrungness +wry +wrybill +wryly +wrymouth +wryneck +wryness +wrytail +Wu +Wuchereria +wud +wuddie +wudge +wudu +wugg +wulfenite +wulk +wull +wullawins +wullcat +Wullie +wulliwa +wumble +wumman +wummel +wun +Wundtian +wungee +wunna +wunner +wunsome +wup +wur +wurley +wurmal +Wurmian +wurrus +wurset +wurtzilite +wurtzite +Wurzburger +wurzel +wush +wusp +wuss +wusser +wust +wut +wuther +wuzu +wuzzer +wuzzle +wuzzy +wy +Wyandot +Wyandotte +Wycliffian +Wycliffism +Wycliffist +Wycliffite +wyde +wye +Wyethia +wyke +Wykehamical +Wykehamist +wyle +wyliecoat +wymote +wyn +wynd +wyne +wynkernel +wynn +Wyomingite +wyomingite +wype +wyson +wyss +wyve +wyver +X +x +xanthaline +xanthamic +xanthamide +xanthane +xanthate +xanthation +xanthein +xanthelasma +xanthelasmic +xanthelasmoidea +xanthene +Xanthian +xanthic +xanthide +Xanthidium +xanthin +xanthine +xanthinuria +xanthione +Xanthisma +xanthite +Xanthium +xanthiuria +xanthocarpous +Xanthocephalus +Xanthoceras +Xanthochroi +xanthochroia +Xanthochroic +xanthochroid +xanthochroism +xanthochromia +xanthochromic +xanthochroous +xanthocobaltic +xanthocone +xanthoconite +xanthocreatinine +xanthocyanopsia +xanthocyanopsy +xanthocyanopy +xanthoderm +xanthoderma +xanthodont +xanthodontous +xanthogen +xanthogenamic +xanthogenamide +xanthogenate +xanthogenic +xantholeucophore +xanthoma +xanthomata +xanthomatosis +xanthomatous +Xanthomelanoi +xanthomelanous +xanthometer +Xanthomonas +xanthomyeloma +xanthone +xanthophane +xanthophore +xanthophose +Xanthophyceae +xanthophyll +xanthophyllite +xanthophyllous +Xanthopia +xanthopia +xanthopicrin +xanthopicrite +xanthoproteic +xanthoprotein +xanthoproteinic +xanthopsia +xanthopsin +xanthopsydracia +xanthopterin +xanthopurpurin +xanthorhamnin +Xanthorrhiza +Xanthorrhoea +xanthorrhoea +xanthosiderite +xanthosis +Xanthosoma +xanthospermous +xanthotic +Xanthoura +xanthous +Xanthoxalis +xanthoxenite +xanthoxylin +xanthuria +xanthydrol +xanthyl +xarque +Xaverian +xebec +Xema +xenacanthine +Xenacanthini +xenagogue +xenagogy +Xenarchi +Xenarthra +xenarthral +xenarthrous +xenelasia +xenelasy +xenia +xenial +xenian +Xenicidae +Xenicus +xenium +xenobiosis +xenoblast +Xenocratean +Xenocratic +xenocryst +xenodochium +xenogamous +xenogamy +xenogenesis +xenogenetic +xenogenic +xenogenous +xenogeny +xenolite +xenolith +xenolithic +xenomania +xenomaniac +Xenomi +Xenomorpha +xenomorphic +xenomorphosis +xenon +xenoparasite +xenoparasitism +xenopeltid +Xenopeltidae +Xenophanean +xenophile +xenophilism +xenophobe +xenophobia +xenophobian +xenophobism +xenophoby +Xenophonic +Xenophontean +Xenophontian +Xenophontic +Xenophontine +Xenophora +xenophoran +Xenophoridae +xenophthalmia +xenophya +xenopodid +Xenopodidae +xenopodoid +Xenopsylla +xenopteran +Xenopteri +xenopterygian +Xenopterygii +Xenopus +Xenorhynchus +Xenos +xenosaurid +Xenosauridae +xenosauroid +Xenosaurus +xenotime +Xenurus +xenyl +xenylamine +xerafin +xeransis +Xeranthemum +xeranthemum +xerantic +xerarch +xerasia +Xeres +xeric +xerically +xeriff +xerocline +xeroderma +xerodermatic +xerodermatous +xerodermia +xerodermic +xerogel +xerography +xeroma +xeromata +xeromenia +xeromorph +xeromorphic +xeromorphous +xeromorphy +xeromyron +xeromyrum +xeronate +xeronic +xerophagia +xerophagy +xerophil +xerophile +xerophilous +xerophily +xerophobous +xerophthalmia +xerophthalmos +xerophthalmy +Xerophyllum +xerophyte +xerophytic +xerophytically +xerophytism +xeroprinting +xerosis +xerostoma +xerostomia +xerotes +xerotherm +xerotic +xerotocia +xerotripsis +Xerus +xi +Xicak +Xicaque +Ximenia +Xina +Xinca +Xipe +Xiphias +xiphias +xiphihumeralis +xiphiid +Xiphiidae +xiphiiform +xiphioid +xiphiplastra +xiphiplastral +xiphiplastron +xiphisterna +xiphisternal +xiphisternum +Xiphisura +xiphisuran +Xiphiura +Xiphius +xiphocostal +Xiphodon +Xiphodontidae +xiphodynia +xiphoid +xiphoidal +xiphoidian +xiphopagic +xiphopagous +xiphopagus +xiphophyllous +xiphosterna +xiphosternum +Xiphosura +xiphosuran +xiphosure +Xiphosuridae +xiphosurous +Xiphosurus +xiphuous +Xiphura +Xiphydria +xiphydriid +Xiphydriidae +Xiraxara +Xmas +xoana +xoanon +Xosa +xurel +xyla +xylan +Xylaria +Xylariaceae +xylate +Xyleborus +xylem +xylene +xylenol +xylenyl +xyletic +Xylia +xylic +xylidic +xylidine +Xylina +xylindein +xylinid +xylite +xylitol +xylitone +xylobalsamum +xylocarp +xylocarpous +Xylocopa +xylocopid +Xylocopidae +xylogen +xyloglyphy +xylograph +xylographer +xylographic +xylographical +xylographically +xylography +xyloid +xyloidin +xylol +xylology +xyloma +xylomancy +xylometer +xylon +xylonic +Xylonite +xylonitrile +Xylophaga +xylophagan +xylophage +xylophagid +Xylophagidae +xylophagous +Xylophagus +xylophilous +xylophone +xylophonic +xylophonist +Xylopia +xyloplastic +xylopyrography +xyloquinone +xylorcin +xylorcinol +xylose +xyloside +Xylosma +xylostroma +xylostromata +xylostromatoid +xylotile +xylotomist +xylotomous +xylotomy +Xylotrya +xylotypographic +xylotypography +xyloyl +xylyl +xylylene +xylylic +xyphoid +Xyrichthys +xyrid +Xyridaceae +xyridaceous +Xyridales +Xyris +xyst +xyster +xysti +xystos +xystum +xystus +Y +y +ya +yaba +yabber +yabbi +yabble +yabby +yabu +yacal +yacca +yachan +yacht +yachtdom +yachter +yachting +yachtist +yachtman +yachtmanship +yachtsman +yachtsmanlike +yachtsmanship +yachtswoman +yachty +yad +Yadava +yade +yaff +yaffingale +yaffle +yagger +yaghourt +yagi +Yagnob +yagourundi +Yagua +yagua +yaguarundi +yaguaza +yah +yahan +Yahgan +Yahganan +Yahoo +yahoo +Yahoodom +Yahooish +Yahooism +Yahuna +Yahuskin +Yahweh +Yahwism +Yahwist +Yahwistic +yair +yaird +yaje +yajeine +yajenine +Yajna +Yajnavalkya +yajnopavita +yak +Yaka +Yakala +yakalo +yakamik +Yakan +yakattalo +Yakima +yakin +yakka +yakman +Yakona +Yakonan +Yakut +Yakutat +yalb +Yale +yale +Yalensian +yali +yalla +yallaer +yallow +yam +Yamacraw +Yamamadi +yamamai +yamanai +yamaskite +Yamassee +Yamato +Yamel +yamen +Yameo +yamilke +yammadji +yammer +yamp +yampa +yamph +yamshik +yamstchik +yan +Yana +Yanan +yancopin +yander +yang +yangtao +yank +Yankee +Yankeedom +Yankeefy +Yankeeism +Yankeeist +Yankeeize +Yankeeland +Yankeeness +yanking +Yankton +Yanktonai +yanky +Yannigan +Yao +yaoort +yaourti +yap +yapa +yaply +Yapman +yapness +yapok +yapp +yapped +yapper +yappiness +yapping +yappingly +yappish +yappy +yapster +Yaqui +Yaquina +yar +yarak +yaray +yarb +Yarborough +yard +yardage +yardang +yardarm +yarder +yardful +yarding +yardkeep +yardland +yardman +yardmaster +yardsman +yardstick +yardwand +yare +yareta +yark +Yarkand +yarke +yarl +yarly +yarm +yarn +yarnen +yarner +yarnwindle +yarpha +yarr +yarraman +yarran +yarringle +yarrow +yarth +yarthen +Yaru +Yarura +Yaruran +Yaruro +yarwhelp +yarwhip +yas +yashiro +yashmak +Yasht +Yasna +yat +yataghan +yatalite +yate +yati +Yatigan +yatter +Yatvyag +Yauapery +yaud +yauld +yaupon +yautia +yava +Yavapai +yaw +yawl +yawler +yawlsman +yawmeter +yawn +yawner +yawney +yawnful +yawnfully +yawnily +yawniness +yawning +yawningly +yawnproof +yawnups +yawny +yawp +yawper +yawroot +yaws +yawweed +yawy +yaxche +yaya +Yazdegerdian +Yazoo +ycie +yday +ye +yea +yeah +yealing +yean +yeanling +year +yeara +yearbird +yearbook +yeard +yearday +yearful +yearling +yearlong +yearly +yearn +yearnful +yearnfully +yearnfulness +yearning +yearnling +yearock +yearth +yeast +yeastily +yeastiness +yeasting +yeastlike +yeasty +yeat +yeather +yed +yede +yee +yeel +yeelaman +yees +yegg +yeggman +yeguita +yeld +yeldrin +yeldrock +yelk +yell +yeller +yelling +yelloch +yellow +yellowammer +yellowback +yellowbelly +yellowberry +yellowbill +yellowbird +yellowcrown +yellowcup +yellowfin +yellowfish +yellowhammer +yellowhead +yellowing +yellowish +yellowishness +Yellowknife +yellowlegs +yellowly +yellowness +yellowroot +yellowrump +yellows +yellowseed +yellowshank +yellowshanks +yellowshins +yellowtail +yellowthorn +yellowthroat +yellowtop +yellowware +yellowweed +yellowwood +yellowwort +yellowy +yelm +yelmer +yelp +yelper +yelt +Yemen +Yemeni +Yemenic +Yemenite +yen +yender +Yengee +Yengeese +yeni +Yenisei +Yeniseian +yenite +yentnite +yeo +yeoman +yeomaness +yeomanette +yeomanhood +yeomanlike +yeomanly +yeomanry +yeomanwise +yeorling +yeowoman +yep +yer +Yerava +Yeraver +yerb +yerba +yercum +yerd +yere +yerga +yerk +yern +yerth +yes +yese +Yeshibah +Yeshiva +yeso +yesso +yest +yester +yesterday +yestereve +yestereven +yesterevening +yestermorn +yestermorning +yestern +yesternight +yesternoon +yesterweek +yesteryear +yestreen +yesty +yet +yeta +yetapa +yeth +yether +yetlin +yeuk +yeukieness +yeuky +yeven +yew +yex +yez +Yezdi +Yezidi +yezzy +ygapo +Yid +Yiddish +Yiddisher +Yiddishism +Yiddishist +yield +yieldable +yieldableness +yieldance +yielden +yielder +yielding +yieldingly +yieldingness +yieldy +yigh +Yikirgaulit +Yildun +yill +yilt +Yin +yin +yince +yinst +yip +yird +yirk +yirm +yirmilik +yirn +yirr +yirth +yis +yite +ym +yn +ynambu +yo +yobi +yocco +yochel +yock +yockel +yodel +yodeler +yodelist +yodh +yoe +yoga +yogasana +yogh +yoghurt +yogi +yogin +yogism +yogist +yogoite +yohimbe +yohimbi +yohimbine +yohimbinization +yohimbinize +yoi +yoick +yoicks +yojan +yojana +Yojuane +yok +yoke +yokeable +yokeableness +yokeage +yokefellow +yokel +yokeldom +yokeless +yokelish +yokelism +yokelry +yokemate +yokemating +yoker +yokewise +yokewood +yoking +Yokuts +yoky +yolden +Yoldia +yoldring +yolk +yolked +yolkiness +yolkless +yolky +yom +yomer +Yomud +yon +yoncopin +yond +yonder +Yonkalla +yonner +yonside +yont +yook +yoop +yor +yore +yoretime +york +Yorker +yorker +Yorkish +Yorkist +Yorkshire +Yorkshireism +Yorkshireman +Yoruba +Yoruban +yot +yotacism +yotacize +yote +you +youd +youden +youdendrift +youdith +youff +youl +young +youngberry +younger +younghearted +youngish +younglet +youngling +youngly +youngness +youngster +youngun +younker +youp +your +yourn +yours +yoursel +yourself +yourselves +youse +youth +youthen +youthful +youthfullity +youthfully +youthfulness +youthhead +youthheid +youthhood +youthily +youthless +youthlessness +youthlike +youthlikeness +youthsome +youthtide +youthwort +youthy +youve +youward +youwards +youze +yoven +yow +yowie +yowl +yowler +yowley +yowlring +yowt +yox +yoy +yperite +Yponomeuta +Yponomeutid +Yponomeutidae +ypsiliform +ypsiloid +Ypurinan +Yquem +yr +ytterbia +ytterbic +ytterbium +yttria +yttrialite +yttric +yttriferous +yttrious +yttrium +yttrocerite +yttrocolumbite +yttrocrasite +yttrofluorite +yttrogummite +yttrotantalite +Yuan +yuan +Yuapin +yuca +Yucatec +Yucatecan +Yucateco +Yucca +yucca +Yuchi +yuck +yuckel +yucker +yuckle +yucky +Yuechi +yuft +Yuga +yugada +Yugoslav +Yugoslavian +Yugoslavic +yuh +Yuit +Yukaghir +Yuki +Yukian +yukkel +yulan +yule +yuleblock +yuletide +Yuma +Yuman +yummy +Yun +Yunca +Yuncan +yungan +Yunnanese +Yurak +Yurok +yurt +yurta +Yurucare +Yurucarean +Yurucari +Yurujure +Yuruk +Yuruna +Yurupary +yus +yusdrum +Yustaga +yutu +yuzlik +yuzluk +Yvonne +Z +z +za +Zabaean +zabaglione +Zabaism +Zaberma +zabeta +Zabian +Zabism +zabra +zabti +zabtie +zac +zacate +Zacatec +Zacateco +zacaton +Zach +Zachariah +zachun +zad +Zadokite +zadruga +zaffar +zaffer +zafree +zag +zagged +Zaglossus +zaibatsu +zain +Zaitha +zak +zakkeu +Zaklohpakap +zalambdodont +Zalambdodonta +Zalophus +zaman +zamang +zamarra +zamarro +Zambal +Zambezian +zambo +zamboorak +Zamenis +Zamia +Zamiaceae +Zamicrus +zamindar +zamindari +zamorin +zamouse +Zan +Zanclidae +Zanclodon +Zanclodontidae +Zande +zander +zandmole +zanella +Zaniah +Zannichellia +Zannichelliaceae +Zanonia +zant +zante +Zantedeschia +zantewood +Zanthorrhiza +Zanthoxylaceae +Zanthoxylum +zanthoxylum +Zantiot +zantiote +zany +zanyish +zanyism +zanyship +Zanzalian +zanze +Zanzibari +Zapara +Zaparan +Zaparo +Zaparoan +zapas +zapatero +zaphara +Zaphetic +zaphrentid +Zaphrentidae +Zaphrentis +zaphrentoid +Zapodidae +Zapodinae +Zaporogian +Zaporogue +zapota +Zapotec +Zapotecan +Zapoteco +zaptiah +zaptieh +Zaptoeca +zapupe +Zapus +zaqqum +Zaque +zar +zarabanda +Zaramo +Zarathustrian +Zarathustrianism +Zarathustrism +zaratite +Zardushti +zareba +Zarema +zarf +zarnich +zarp +zarzuela +zat +zati +zattare +Zaurak +Zauschneria +Zavijava +zax +zayat +zayin +Zea +zeal +Zealander +zealful +zealless +zeallessness +zealot +zealotic +zealotical +zealotism +zealotist +zealotry +zealous +zealously +zealousness +zealousy +zealproof +zebra +zebraic +zebralike +zebrass +zebrawood +Zebrina +zebrine +zebrinny +zebroid +zebrula +zebrule +zebu +zebub +Zebulunite +zeburro +zecchini +zecchino +zechin +Zechstein +zed +zedoary +zee +zeed +Zeelander +Zeguha +zehner +Zeidae +zein +zeism +zeist +Zeke +zel +Zelanian +zelator +zelatrice +zelatrix +Zelkova +Zeltinger +zemeism +zemi +zemimdari +zemindar +zemmi +zemni +zemstroist +zemstvo +Zen +Zenaga +Zenaida +Zenaidinae +Zenaidura +zenana +Zend +Zendic +zendician +zendik +zendikite +Zenelophon +zenick +zenith +zenithal +zenithward +zenithwards +Zenobia +zenocentric +zenographic +zenographical +zenography +Zenonian +Zenonic +zenu +Zeoidei +zeolite +zeolitic +zeolitization +zeolitize +zeoscope +Zep +zepharovichite +zephyr +Zephyranthes +zephyrean +zephyrless +zephyrlike +zephyrous +zephyrus +zephyry +Zeppelin +zeppelin +zequin +zer +zerda +Zerma +zermahbub +zero +zeroaxial +zeroize +zerumbet +zest +zestful +zestfully +zestfulness +zesty +zeta +zetacism +zetetic +Zeuctocoelomata +zeuctocoelomatic +zeuctocoelomic +Zeuglodon +zeuglodon +zeuglodont +Zeuglodonta +Zeuglodontia +Zeuglodontidae +zeuglodontoid +zeugma +zeugmatic +zeugmatically +Zeugobranchia +Zeugobranchiata +zeunerite +Zeus +Zeuxian +Zeuzera +zeuzerian +Zeuzeridae +Zhmud +ziamet +ziara +ziarat +zibeline +zibet +zibethone +zibetone +zibetum +ziega +zieger +zietrisikite +ziffs +zig +ziganka +ziggurat +zigzag +zigzagged +zigzaggedly +zigzaggedness +zigzagger +zigzaggery +zigzaggy +zigzagwise +zihar +zikurat +Zilla +zillah +zimarra +zimb +zimbabwe +zimbalon +zimbaloon +zimbi +zimentwater +zimme +Zimmerwaldian +Zimmerwaldist +zimmi +zimmis +zimocca +zinc +Zincalo +zincate +zincic +zincide +zinciferous +zincification +zincify +zincing +zincite +zincize +zincke +zincky +zinco +zincograph +zincographer +zincographic +zincographical +zincography +zincotype +zincous +zincum +zincuret +zinfandel +zing +zingaresca +zingel +zingerone +Zingiber +Zingiberaceae +zingiberaceous +zingiberene +zingiberol +zingiberone +zink +zinkenite +Zinnia +zinnwaldite +zinsang +zinyamunga +Zinzar +Zinziberaceae +zinziberaceous +Zion +Zionism +Zionist +Zionistic +Zionite +Zionless +Zionward +zip +Zipa +ziphian +Ziphiidae +Ziphiinae +ziphioid +Ziphius +Zipper +zipper +zipping +zippingly +zippy +Zips +zira +zirai +Zirak +Zirbanit +zircite +zircofluoride +zircon +zirconate +zirconia +zirconian +zirconic +zirconiferous +zirconifluoride +zirconium +zirconofluoride +zirconoid +zirconyl +Zirian +Zirianian +zirkelite +zither +zitherist +Zizania +Zizia +Zizyphus +zizz +zloty +Zmudz +zo +Zoa +zoa +zoacum +Zoanthacea +zoanthacean +Zoantharia +zoantharian +zoanthid +Zoanthidae +Zoanthidea +zoanthodeme +zoanthodemic +zoanthoid +zoanthropy +Zoanthus +Zoarces +zoarcidae +zoaria +zoarial +Zoarite +zoarium +zobo +zobtenite +zocco +zoccolo +zodiac +zodiacal +zodiophilous +zoea +zoeaform +zoeal +zoeform +zoehemera +zoehemerae +zoetic +zoetrope +zoetropic +zogan +zogo +Zohak +Zoharist +Zoharite +zoiatria +zoiatrics +zoic +zoid +zoidiophilous +zoidogamous +Zoilean +Zoilism +Zoilist +zoisite +zoisitization +zoism +zoist +zoistic +zokor +Zolaesque +Zolaism +Zolaist +Zolaistic +Zolaize +zoll +zolle +Zollernia +zollpfund +zolotink +zolotnik +zombi +zombie +zombiism +zomotherapeutic +zomotherapy +zonal +zonality +zonally +zonar +Zonaria +zonary +zonate +zonated +zonation +zone +zoned +zoneless +zonelet +zonelike +zonesthesia +Zongora +zonic +zoniferous +zoning +zonite +Zonites +zonitid +Zonitidae +Zonitoides +zonochlorite +zonociliate +zonoid +zonolimnetic +zonoplacental +Zonoplacentalia +zonoskeleton +Zonotrichia +Zonta +Zontian +zonular +zonule +zonulet +zonure +zonurid +Zonuridae +zonuroid +Zonurus +zoo +zoobenthos +zooblast +zoocarp +zoocecidium +zoochemical +zoochemistry +zoochemy +Zoochlorella +zoochore +zoocoenocyte +zoocultural +zooculture +zoocurrent +zoocyst +zoocystic +zoocytial +zoocytium +zoodendria +zoodendrium +zoodynamic +zoodynamics +zooecia +zooecial +zooecium +zooerastia +zooerythrin +zoofulvin +zoogamete +zoogamous +zoogamy +zoogene +zoogenesis +zoogenic +zoogenous +zoogeny +zoogeographer +zoogeographic +zoogeographical +zoogeographically +zoogeography +zoogeological +zoogeologist +zoogeology +zoogloea +zoogloeal +zoogloeic +zoogonic +zoogonidium +zoogonous +zoogony +zoograft +zoografting +zoographer +zoographic +zoographical +zoographically +zoographist +zoography +zooid +zooidal +zooidiophilous +zooks +zoolater +zoolatria +zoolatrous +zoolatry +zoolite +zoolith +zoolithic +zoolitic +zoologer +zoologic +zoological +zoologically +zoologicoarchaeologist +zoologicobotanical +zoologist +zoologize +zoology +zoom +zoomagnetic +zoomagnetism +zoomancy +zoomania +zoomantic +zoomantist +Zoomastigina +Zoomastigoda +zoomechanical +zoomechanics +zoomelanin +zoometric +zoometry +zoomimetic +zoomimic +zoomorph +zoomorphic +zoomorphism +zoomorphize +zoomorphy +zoon +zoonal +zoonerythrin +zoonic +zoonist +zoonite +zoonitic +zoonomia +zoonomic +zoonomical +zoonomist +zoonomy +zoonosis +zoonosologist +zoonosology +zoonotic +zoons +zoonule +zoopaleontology +zoopantheon +zooparasite +zooparasitic +zoopathological +zoopathologist +zoopathology +zoopathy +zooperal +zooperist +zoopery +Zoophaga +zoophagan +Zoophagineae +zoophagous +zoopharmacological +zoopharmacy +zoophile +zoophilia +zoophilic +zoophilism +zoophilist +zoophilite +zoophilitic +zoophilous +zoophily +zoophobia +zoophobous +zoophoric +zoophorus +zoophysical +zoophysics +zoophysiology +Zoophyta +zoophytal +zoophyte +zoophytic +zoophytical +zoophytish +zoophytography +zoophytoid +zoophytological +zoophytologist +zoophytology +zooplankton +zooplanktonic +zooplastic +zooplasty +zoopraxiscope +zoopsia +zoopsychological +zoopsychologist +zoopsychology +zooscopic +zooscopy +zoosis +zoosmosis +zoosperm +zoospermatic +zoospermia +zoospermium +zoosphere +zoosporange +zoosporangia +zoosporangial +zoosporangiophore +zoosporangium +zoospore +zoosporic +zoosporiferous +zoosporocyst +zoosporous +zootaxy +zootechnic +zootechnics +zootechny +zooter +zoothecia +zoothecial +zoothecium +zootheism +zootheist +zootheistic +zootherapy +zoothome +zootic +Zootoca +zootomic +zootomical +zootomically +zootomist +zootomy +zoototemism +zootoxin +zootrophic +zootrophy +zootype +zootypic +zooxanthella +zooxanthellae +zooxanthin +zoozoo +zopilote +Zoque +Zoquean +Zoraptera +zorgite +zoril +zorilla +Zorillinae +zorillo +Zoroastrian +Zoroastrianism +Zoroastrism +Zorotypus +zorrillo +zorro +Zosma +zoster +Zostera +Zosteraceae +zosteriform +Zosteropinae +Zosterops +Zouave +zounds +zowie +Zoysia +Zubeneschamali +zuccarino +zucchetto +zucchini +zudda +zugtierlast +zugtierlaster +zuisin +Zuleika +Zulhijjah +Zulinde +Zulkadah +Zulu +Zuludom +Zuluize +zumatic +zumbooruk +Zuni +Zunian +zunyite +zupanate +Zutugil +zuurveldt +zuza +zwanziger +Zwieback +zwieback +Zwinglian +Zwinglianism +Zwinglianist +zwitter +zwitterion +zwitterionic +zyga +zygadenine +Zygadenus +Zygaena +zygaenid +Zygaenidae +zygal +zygantra +zygantrum +zygapophyseal +zygapophysis +zygion +zygite +Zygnema +Zygnemaceae +Zygnemales +Zygnemataceae +zygnemataceous +Zygnematales +zygobranch +Zygobranchia +Zygobranchiata +zygobranchiate +Zygocactus +zygodactyl +Zygodactylae +Zygodactyli +zygodactylic +zygodactylism +zygodactylous +zygodont +zygolabialis +zygoma +zygomata +zygomatic +zygomaticoauricular +zygomaticoauricularis +zygomaticofacial +zygomaticofrontal +zygomaticomaxillary +zygomaticoorbital +zygomaticosphenoid +zygomaticotemporal +zygomaticum +zygomaticus +zygomaxillare +zygomaxillary +zygomorphic +zygomorphism +zygomorphous +zygomycete +Zygomycetes +zygomycetous +zygon +zygoneure +zygophore +zygophoric +Zygophyceae +zygophyceous +Zygophyllaceae +zygophyllaceous +Zygophyllum +zygophyte +zygopleural +Zygoptera +Zygopteraceae +zygopteran +zygopterid +Zygopterides +Zygopteris +zygopteron +zygopterous +Zygosaccharomyces +zygose +zygosis +zygosperm +zygosphenal +zygosphene +zygosphere +zygosporange +zygosporangium +zygospore +zygosporic +zygosporophore +zygostyle +zygotactic +zygotaxis +zygote +zygotene +zygotic +zygotoblast +zygotoid +zygotomere +zygous +zygozoospore +zymase +zyme +zymic +zymin +zymite +zymogen +zymogene +zymogenesis +zymogenic +zymogenous +zymoid +zymologic +zymological +zymologist +zymology +zymolyis +zymolysis +zymolytic +zymome +zymometer +zymomin +zymophore +zymophoric +zymophosphate +zymophyte +zymoplastic +zymoscope +zymosimeter +zymosis +zymosterol +zymosthenic +zymotechnic +zymotechnical +zymotechnics +zymotechny +zymotic +zymotically +zymotize +zymotoxic +zymurgy +Zyrenian +Zyrian +Zyryan +zythem +Zythia +zythum +Zyzomys +Zyzzogeton diff --git a/project_euler/README.md b/project_euler/README.md index 9f77f719f0f1..ed43934f9c14 100644 --- a/project_euler/README.md +++ b/project_euler/README.md @@ -1,58 +1,58 @@ -# ProjectEuler - -Problems are taken from https://projecteuler.net/. - -Project Euler is a series of challenging mathematical/computer programming problems that will require more than just mathematical -insights to solve. Project Euler is ideal for mathematicians who are learning to code. - -Here the efficiency of your code is also checked. -I've tried to provide all the best possible solutions. - -PROBLEMS: - -1. If we list all the natural numbers below 10 that are multiples of 3 or 5, we get 3,5,6 and 9. The sum of these multiples is 23. - Find the sum of all the multiples of 3 or 5 below N. - -2. Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, - the first 10 terms will be: - 1,2,3,5,8,13,21,34,55,89,.. - By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. - e.g. for n=10, we have {2,8}, sum is 10. - -3. The prime factors of 13195 are 5,7,13 and 29. What is the largest prime factor of a given number N? - e.g. for 10, largest prime factor = 5. For 17, largest prime factor = 17. - -4. A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 × 99. - Find the largest palindrome made from the product of two 3-digit numbers which is less than N. - -5. 2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. - What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? - -6. The sum of the squares of the first ten natural numbers is, - 1^2 + 2^2 + ... + 10^2 = 385 - The square of the sum of the first ten natural numbers is, - (1 + 2 + ... + 10)^2 = 552 = 3025 - Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. - Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. - -7. By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. - What is the Nth prime number? - -9. A Pythagorean triplet is a set of three natural numbers, a < b < c, for which, - a^2 + b^2 = c^2 - There exists exactly one Pythagorean triplet for which a + b + c = 1000. - Find the product abc. - -14. The following iterative sequence is defined for the set of positive integers: - n → n/2 (n is even) - n → 3n + 1 (n is odd) - Using the rule above and starting with 13, we generate the following sequence: - 13 → 40 → 20 → 10 → 5 → 16 → 8 → 4 → 2 → 1 - Which starting number, under one million, produces the longest chain? - -16. 2^15 = 32768 and the sum of its digits is 3 + 2 + 7 + 6 + 8 = 26. - What is the sum of the digits of the number 2^1000? -20. n! means n × (n − 1) × ... × 3 × 2 × 1 - For example, 10! = 10 × 9 × ... × 3 × 2 × 1 = 3628800, - and the sum of the digits in the number 10! is 3 + 6 + 2 + 8 + 8 + 0 + 0 = 27. - Find the sum of the digits in the number 100! +# ProjectEuler + +Problems are taken from https://projecteuler.net/. + +Project Euler is a series of challenging mathematical/computer programming problems that will require more than just mathematical +insights to solve. Project Euler is ideal for mathematicians who are learning to code. + +Here the efficiency of your code is also checked. +I've tried to provide all the best possible solutions. + +PROBLEMS: + +1. If we list all the natural numbers below 10 that are multiples of 3 or 5, we get 3,5,6 and 9. The sum of these multiples is 23. + Find the sum of all the multiples of 3 or 5 below N. + +2. Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, + the first 10 terms will be: + 1,2,3,5,8,13,21,34,55,89,.. + By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. + e.g. for n=10, we have {2,8}, sum is 10. + +3. The prime factors of 13195 are 5,7,13 and 29. What is the largest prime factor of a given number N? + e.g. for 10, largest prime factor = 5. For 17, largest prime factor = 17. + +4. A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 × 99. + Find the largest palindrome made from the product of two 3-digit numbers which is less than N. + +5. 2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. + What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? + +6. The sum of the squares of the first ten natural numbers is, + 1^2 + 2^2 + ... + 10^2 = 385 + The square of the sum of the first ten natural numbers is, + (1 + 2 + ... + 10)^2 = 552 = 3025 + Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. + Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. + +7. By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. + What is the Nth prime number? + +9. A Pythagorean triplet is a set of three natural numbers, a < b < c, for which, + a^2 + b^2 = c^2 + There exists exactly one Pythagorean triplet for which a + b + c = 1000. + Find the product abc. + +14. The following iterative sequence is defined for the set of positive integers: + n → n/2 (n is even) + n → 3n + 1 (n is odd) + Using the rule above and starting with 13, we generate the following sequence: + 13 → 40 → 20 → 10 → 5 → 16 → 8 → 4 → 2 → 1 + Which starting number, under one million, produces the longest chain? + +16. 2^15 = 32768 and the sum of its digits is 3 + 2 + 7 + 6 + 8 = 26. + What is the sum of the digits of the number 2^1000? +20. n! means n × (n − 1) × ... × 3 × 2 × 1 + For example, 10! = 10 × 9 × ... × 3 × 2 × 1 = 3628800, + and the sum of the digits in the number 10! is 3 + 6 + 2 + 8 + 8 + 0 + 0 = 27. + Find the sum of the digits in the number 100! diff --git a/project_euler/problem_02/sol1.py b/project_euler/problem_02/sol1.py index 456d56cb9238..abb26faaf48a 100644 --- a/project_euler/problem_02/sol1.py +++ b/project_euler/problem_02/sol1.py @@ -1,24 +1,24 @@ -""" -Problem: -Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, -the first 10 terms will be: - 1,2,3,5,8,13,21,34,55,89,.. -By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. -e.g. for n=10, we have {2,8}, sum is 10. -""" -from __future__ import print_function - -N = 1 -N_limit = 10 -while N < N_limit: - n = N - sum_ = 0 - i = 1 - j = 2 - while j <= n: - if j % 2 == 0: - sum_ += j - # 二元赋值运算 - i, j = j, i + j - print(sum_) - N += 1 +""" +Problem: +Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, +the first 10 terms will be: + 1,2,3,5,8,13,21,34,55,89,.. +By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. +e.g. for n=10, we have {2,8}, sum is 10. +""" +from __future__ import print_function + +N = 1 +N_limit = 10 +while N < N_limit: + n = N + sum_ = 0 + i = 1 + j = 2 + while j <= n: + if j % 2 == 0: + sum_ += j + # 二元赋值运算 + i, j = j, i + j + print(sum_) + N += 1 diff --git a/project_euler/problem_03/sol2.py b/project_euler/problem_03/sol2.py index 601eb07b51b3..0a621cedcde8 100644 --- a/project_euler/problem_03/sol2.py +++ b/project_euler/problem_03/sol2.py @@ -1,19 +1,19 @@ -""" -Problem: -The prime factors of 13195 are 5,7,13 and 29. What is the largest prime factor of a given number N? -e.g. for 10, largest prime factor = 5. For 17, largest prime factor = 17. -""" - -from __future__ import print_function - -n = int(input()) -prime = 1 -i = 2 -while i * i <= n: - while n % i == 0: - prime = i - n //= i - i += 1 -if n > 1: - prime = n -print(prime) +""" +Problem: +The prime factors of 13195 are 5,7,13 and 29. What is the largest prime factor of a given number N? +e.g. for 10, largest prime factor = 5. For 17, largest prime factor = 17. +""" + +from __future__ import print_function + +n = int(input()) +prime = 1 +i = 2 +while i * i <= n: + while n % i == 0: + prime = i + n //= i + i += 1 +if n > 1: + prime = n +print(prime) diff --git a/project_euler/problem_04/sol1.py b/project_euler/problem_04/sol1.py index 30a2b0032bf0..47a8e1640dd8 100644 --- a/project_euler/problem_04/sol1.py +++ b/project_euler/problem_04/sol1.py @@ -1,29 +1,29 @@ -''' -Problem: -A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 x 99. -Find the largest palindrome made from the product of two 3-digit numbers which is less than N. -''' -from __future__ import print_function - -limit = int(input("limit? ")) - -# fetchs the next number -for number in range(limit - 1, 10000, -1): - - # converts number into string. - strNumber = str(number) - - # checks whether 'strNumber' is a palindrome. - if (strNumber == strNumber[::-1]): - - divisor = 999 - - # if 'number' is a product of two 3-digit numbers - # then number is the answer otherwise fetch next number. - while (divisor != 99): - - if ((number % divisor == 0) and (len(str(number / divisor)) == 3)): - print(number) - exit(0) - - divisor -= 1 +''' +Problem: +A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 x 99. +Find the largest palindrome made from the product of two 3-digit numbers which is less than N. +''' +from __future__ import print_function + +limit = int(input("limit? ")) + +# fetchs the next number +for number in range(limit - 1, 10000, -1): + + # converts number into string. + strNumber = str(number) + + # checks whether 'strNumber' is a palindrome. + if (strNumber == strNumber[::-1]): + + divisor = 999 + + # if 'number' is a product of two 3-digit numbers + # then number is the answer otherwise fetch next number. + while (divisor != 99): + + if ((number % divisor == 0) and (len(str(number / divisor)) == 3)): + print(number) + exit(0) + + divisor -= 1 diff --git a/project_euler/problem_04/sol2.py b/project_euler/problem_04/sol2.py index e05f3773fc00..a5dcae3864f6 100644 --- a/project_euler/problem_04/sol2.py +++ b/project_euler/problem_04/sol2.py @@ -1,16 +1,16 @@ -''' -Problem: -A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 x 99. -Find the largest palindrome made from the product of two 3-digit numbers which is less than N. -''' -from __future__ import print_function - -n = int(input().strip()) -answer = 0 -for i in range(999, 99, -1): # 3 digit nimbers range from 999 down to 100 - for j in range(999, 99, -1): - t = str(i * j) - if t == t[::-1] and i * j < n: - answer = max(answer, i * j) -print(answer) -exit(0) +''' +Problem: +A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 x 99. +Find the largest palindrome made from the product of two 3-digit numbers which is less than N. +''' +from __future__ import print_function + +n = int(input().strip()) +answer = 0 +for i in range(999, 99, -1): # 3 digit nimbers range from 999 down to 100 + for j in range(999, 99, -1): + t = str(i * j) + if t == t[::-1] and i * j < n: + answer = max(answer, i * j) +print(answer) +exit(0) diff --git a/project_euler/problem_05/sol1.py b/project_euler/problem_05/sol1.py index 9dc912b5c208..94bbc5b6c643 100644 --- a/project_euler/problem_05/sol1.py +++ b/project_euler/problem_05/sol1.py @@ -1,21 +1,21 @@ -''' -Problem: -2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. -What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? -''' -from __future__ import print_function - -n = int(input()) -i = 0 -while 1: - i += n * (n - 1) - nfound = 0 - for j in range(2, n): - if (i % j != 0): - nfound = 1 - break - if (nfound == 0): - if (i == 0): - i = 1 - print(i) - break +''' +Problem: +2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. +What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? +''' +from __future__ import print_function + +n = int(input()) +i = 0 +while 1: + i += n * (n - 1) + nfound = 0 + for j in range(2, n): + if (i % j != 0): + nfound = 1 + break + if (nfound == 0): + if (i == 0): + i = 1 + print(i) + break diff --git a/project_euler/problem_05/sol2.py b/project_euler/problem_05/sol2.py index 11c8308b11f4..577cd1b7b1c7 100644 --- a/project_euler/problem_05/sol2.py +++ b/project_euler/problem_05/sol2.py @@ -1,26 +1,26 @@ -#!/bin/python3 -''' -Problem: -2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. -What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? -''' - -""" Euclidean GCD Algorithm """ - - -def gcd(x, y): - return x if y == 0 else gcd(y, x % y) - - -""" Using the property lcm*gcd of two numbers = product of them """ - - -def lcm(x, y): - return (x * y) // gcd(x, y) - - -n = int(input()) -g = 1 -for i in range(1, n + 1): - g = lcm(g, i) -print(g) +#!/bin/python3 +''' +Problem: +2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. +What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? +''' + +""" Euclidean GCD Algorithm """ + + +def gcd(x, y): + return x if y == 0 else gcd(y, x % y) + + +""" Using the property lcm*gcd of two numbers = product of them """ + + +def lcm(x, y): + return (x * y) // gcd(x, y) + + +n = int(input()) +g = 1 +for i in range(1, n + 1): + g = lcm(g, i) +print(g) diff --git a/project_euler/problem_06/sol1.py b/project_euler/problem_06/sol1.py index 135723b72bab..744b1a4415b6 100644 --- a/project_euler/problem_06/sol1.py +++ b/project_euler/problem_06/sol1.py @@ -1,20 +1,20 @@ -# -*- coding: utf-8 -*- -''' -Problem: -The sum of the squares of the first ten natural numbers is, - 1^2 + 2^2 + ... + 10^2 = 385 -The square of the sum of the first ten natural numbers is, - (1 + 2 + ... + 10)^2 = 552 = 3025 -Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. -Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. -''' -from __future__ import print_function - -suma = 0 -sumb = 0 -n = int(input()) -for i in range(1, n + 1): - suma += i ** 2 - sumb += i -sum = sumb ** 2 - suma -print(sum) +# -*- coding: utf-8 -*- +''' +Problem: +The sum of the squares of the first ten natural numbers is, + 1^2 + 2^2 + ... + 10^2 = 385 +The square of the sum of the first ten natural numbers is, + (1 + 2 + ... + 10)^2 = 552 = 3025 +Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. +Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. +''' +from __future__ import print_function + +suma = 0 +sumb = 0 +n = int(input()) +for i in range(1, n + 1): + suma += i ** 2 + sumb += i +sum = sumb ** 2 - suma +print(sum) diff --git a/project_euler/problem_06/sol2.py b/project_euler/problem_06/sol2.py index 179947b40598..c0ecc9f10baf 100644 --- a/project_euler/problem_06/sol2.py +++ b/project_euler/problem_06/sol2.py @@ -1,17 +1,17 @@ -# -*- coding: utf-8 -*- -''' -Problem: -The sum of the squares of the first ten natural numbers is, - 1^2 + 2^2 + ... + 10^2 = 385 -The square of the sum of the first ten natural numbers is, - (1 + 2 + ... + 10)^2 = 552 = 3025 -Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. -Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. -''' -from __future__ import print_function - -n = int(input()) -suma = n * (n + 1) / 2 -suma **= 2 -sumb = n * (n + 1) * (2 * n + 1) / 6 -print(suma - sumb) +# -*- coding: utf-8 -*- +''' +Problem: +The sum of the squares of the first ten natural numbers is, + 1^2 + 2^2 + ... + 10^2 = 385 +The square of the sum of the first ten natural numbers is, + (1 + 2 + ... + 10)^2 = 552 = 3025 +Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. +Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. +''' +from __future__ import print_function + +n = int(input()) +suma = n * (n + 1) / 2 +suma **= 2 +sumb = n * (n + 1) * (2 * n + 1) / 6 +print(suma - sumb) diff --git a/project_euler/problem_06/sol3.py b/project_euler/problem_06/sol3.py index cb65cf164a6d..ce54f097416c 100644 --- a/project_euler/problem_06/sol3.py +++ b/project_euler/problem_06/sol3.py @@ -1,26 +1,26 @@ -''' -Problem: -The sum of the squares of the first ten natural numbers is, - 1^2 + 2^2 + ... + 10^2 = 385 -The square of the sum of the first ten natural numbers is, - (1 + 2 + ... + 10)^2 = 552 = 3025 -Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. -Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. -''' -from __future__ import print_function - -import math - - -def problem6(number=100): - sum_of_squares = sum([i * i for i in range(1, number + 1)]) - square_of_sum = int(math.pow(sum(range(1, number + 1)), 2)) - return square_of_sum - sum_of_squares - - -def main(): - print(problem6()) - - -if __name__ == '__main__': - main() +''' +Problem: +The sum of the squares of the first ten natural numbers is, + 1^2 + 2^2 + ... + 10^2 = 385 +The square of the sum of the first ten natural numbers is, + (1 + 2 + ... + 10)^2 = 552 = 3025 +Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. +Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. +''' +from __future__ import print_function + +import math + + +def problem6(number=100): + sum_of_squares = sum([i * i for i in range(1, number + 1)]) + square_of_sum = int(math.pow(sum(range(1, number + 1)), 2)) + return square_of_sum - sum_of_squares + + +def main(): + print(problem6()) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_07/sol1.py b/project_euler/problem_07/sol1.py index 534314ad6cd6..6caeed0454b5 100644 --- a/project_euler/problem_07/sol1.py +++ b/project_euler/problem_07/sol1.py @@ -1,35 +1,35 @@ -''' -By listing the first six prime numbers: -2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. -What is the Nth prime number? -''' -from __future__ import print_function - -from math import sqrt - - -def isprime(n): - if (n == 2): - return True - elif (n % 2 == 0): - return False - else: - sq = int(sqrt(n)) + 1 - for i in range(3, sq, 2): - if (n % i == 0): - return False - return True - - -n = int(input()) -i = 0 -j = 1 -while (i != n and j < 3): - j += 1 - if (isprime(j)): - i += 1 -while (i != n): - j += 2 - if (isprime(j)): - i += 1 -print(j) +''' +By listing the first six prime numbers: +2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. +What is the Nth prime number? +''' +from __future__ import print_function + +from math import sqrt + + +def isprime(n): + if (n == 2): + return True + elif (n % 2 == 0): + return False + else: + sq = int(sqrt(n)) + 1 + for i in range(3, sq, 2): + if (n % i == 0): + return False + return True + + +n = int(input()) +i = 0 +j = 1 +while (i != n and j < 3): + j += 1 + if (isprime(j)): + i += 1 +while (i != n): + j += 2 + if (isprime(j)): + i += 1 +print(j) diff --git a/project_euler/problem_07/sol2.py b/project_euler/problem_07/sol2.py index 07f972efd850..5c3c0855be86 100644 --- a/project_euler/problem_07/sol2.py +++ b/project_euler/problem_07/sol2.py @@ -1,18 +1,18 @@ -# By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. What is the Nth prime number? -def isprime(number): - for i in range(2, int(number ** 0.5) + 1): - if number % i == 0: - return False - return True - - -n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted -primes = [] -num = 2 -while len(primes) < n: - if isprime(num): - primes.append(num) - num += 1 - else: - num += 1 -print(primes[len(primes) - 1]) +# By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. What is the Nth prime number? +def isprime(number): + for i in range(2, int(number ** 0.5) + 1): + if number % i == 0: + return False + return True + + +n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted +primes = [] +num = 2 +while len(primes) < n: + if isprime(num): + primes.append(num) + num += 1 + else: + num += 1 +print(primes[len(primes) - 1]) diff --git a/project_euler/problem_07/sol3.py b/project_euler/problem_07/sol3.py index 4f37dfb7f307..ba338a7a6983 100644 --- a/project_euler/problem_07/sol3.py +++ b/project_euler/problem_07/sol3.py @@ -1,33 +1,33 @@ -''' -By listing the first six prime numbers: -2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. -What is the Nth prime number? -''' -from __future__ import print_function - -import itertools -# from Python.Math import PrimeCheck -import math - - -def primeCheck(number): - if number % 2 == 0 and number > 2: - return False - return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) - - -def prime_generator(): - num = 2 - while True: - if primeCheck(num): - yield num - num += 1 - - -def main(): - n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted - print(next(itertools.islice(prime_generator(), n - 1, n))) - - -if __name__ == '__main__': - main() +''' +By listing the first six prime numbers: +2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. +What is the Nth prime number? +''' +from __future__ import print_function + +import itertools +# from Python.Math import PrimeCheck +import math + + +def primeCheck(number): + if number % 2 == 0 and number > 2: + return False + return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) + + +def prime_generator(): + num = 2 + while True: + if primeCheck(num): + yield num + num += 1 + + +def main(): + n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted + print(next(itertools.islice(prime_generator(), n - 1, n))) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_08/sol1.py b/project_euler/problem_08/sol1.py index 80b1ce4df9c1..f7eef2ff472a 100644 --- a/project_euler/problem_08/sol1.py +++ b/project_euler/problem_08/sol1.py @@ -1,17 +1,17 @@ -import sys - - -def main(): - LargestProduct = -sys.maxsize - 1 - number = input().strip() - for i in range(len(number) - 12): - product = 1 - for j in range(13): - product *= int(number[i + j]) - if product > LargestProduct: - LargestProduct = product - print(LargestProduct) - - -if __name__ == '__main__': - main() +import sys + + +def main(): + LargestProduct = -sys.maxsize - 1 + number = input().strip() + for i in range(len(number) - 12): + product = 1 + for j in range(13): + product *= int(number[i + j]) + if product > LargestProduct: + LargestProduct = product + print(LargestProduct) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_08/sol2.py b/project_euler/problem_08/sol2.py index 324b60f26767..05f42ba5ffd3 100644 --- a/project_euler/problem_08/sol2.py +++ b/project_euler/problem_08/sol2.py @@ -1,10 +1,10 @@ -from functools import reduce - - -def main(): - number = input().strip() - print(max([reduce(lambda x, y: int(x) * int(y), number[i:i + 13]) for i in range(len(number) - 12)])) - - -if __name__ == '__main__': - main() +from functools import reduce + + +def main(): + number = input().strip() + print(max([reduce(lambda x, y: int(x) * int(y), number[i:i + 13]) for i in range(len(number) - 12)])) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_09/sol1.py b/project_euler/problem_09/sol1.py index 15dfd8b6fe81..07c5a9419bd8 100644 --- a/project_euler/problem_09/sol1.py +++ b/project_euler/problem_09/sol1.py @@ -1,16 +1,16 @@ -from __future__ import print_function - -# Program to find the product of a,b,c which are Pythagorean Triplet that satisfice the following: -# 1. a < b < c -# 2. a**2 + b**2 = c**2 -# 3. a + b + c = 1000 - -print("Please Wait...") -for a in range(300): - for b in range(400): - for c in range(500): - if (a < b < c): - if ((a ** 2) + (b ** 2) == (c ** 2)): - if ((a + b + c) == 1000): - print(("Product of", a, "*", b, "*", c, "=", (a * b * c))) - break +from __future__ import print_function + +# Program to find the product of a,b,c which are Pythagorean Triplet that satisfice the following: +# 1. a < b < c +# 2. a**2 + b**2 = c**2 +# 3. a + b + c = 1000 + +print("Please Wait...") +for a in range(300): + for b in range(400): + for c in range(500): + if (a < b < c): + if ((a ** 2) + (b ** 2) == (c ** 2)): + if ((a + b + c) == 1000): + print(("Product of", a, "*", b, "*", c, "=", (a * b * c))) + break diff --git a/project_euler/problem_09/sol2.py b/project_euler/problem_09/sol2.py index 8eb89d184115..d648632347b4 100644 --- a/project_euler/problem_09/sol2.py +++ b/project_euler/problem_09/sol2.py @@ -1,18 +1,18 @@ -"""A Pythagorean triplet is a set of three natural numbers, for which, -a^2+b^2=c^2 -Given N, Check if there exists any Pythagorean triplet for which a+b+c=N -Find maximum possible value of product of a,b,c among all such Pythagorean triplets, If there is no such Pythagorean triplet print -1.""" -# !/bin/python3 - -product = -1 -d = 0 -N = int(input()) -for a in range(1, N // 3): - """Solving the two equations a**2+b**2=c**2 and a+b+c=N eliminating c """ - b = (N * N - 2 * a * N) // (2 * N - 2 * a) - c = N - a - b - if c * c == (a * a + b * b): - d = (a * b * c) - if d >= product: - product = d -print(product) +"""A Pythagorean triplet is a set of three natural numbers, for which, +a^2+b^2=c^2 +Given N, Check if there exists any Pythagorean triplet for which a+b+c=N +Find maximum possible value of product of a,b,c among all such Pythagorean triplets, If there is no such Pythagorean triplet print -1.""" +# !/bin/python3 + +product = -1 +d = 0 +N = int(input()) +for a in range(1, N // 3): + """Solving the two equations a**2+b**2=c**2 and a+b+c=N eliminating c """ + b = (N * N - 2 * a * N) // (2 * N - 2 * a) + c = N - a - b + if c * c == (a * a + b * b): + d = (a * b * c) + if d >= product: + product = d +print(product) diff --git a/project_euler/problem_09/sol3.py b/project_euler/problem_09/sol3.py index e11368b9a7db..e28c63e1e08f 100644 --- a/project_euler/problem_09/sol3.py +++ b/project_euler/problem_09/sol3.py @@ -1,7 +1,7 @@ -def main(): - print([a * b * c for a in range(1, 999) for b in range(a, 999) for c in range(b, 999) - if (a * a + b * b == c * c) and (a + b + c == 1000)][0]) - - -if __name__ == '__main__': - main() +def main(): + print([a * b * c for a in range(1, 999) for b in range(a, 999) for c in range(b, 999) + if (a * a + b * b == c * c) and (a + b + c == 1000)][0]) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_10/sol1.py b/project_euler/problem_10/sol1.py index 2435f1d1b3cb..4bda58e01fa6 100644 --- a/project_euler/problem_10/sol1.py +++ b/project_euler/problem_10/sol1.py @@ -1,42 +1,42 @@ -from __future__ import print_function - -from math import sqrt - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def is_prime(n): - for i in xrange(2, int(sqrt(n)) + 1): - if n % i == 0: - return False - - return True - - -def sum_of_primes(n): - if n > 2: - sumOfPrimes = 2 - else: - return 0 - - for i in xrange(3, n, 2): - if is_prime(i): - sumOfPrimes += i - - return sumOfPrimes - - -if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - print(sum_of_primes(2000000)) - else: - try: - n = int(sys.argv[1]) - print(sum_of_primes(n)) - except ValueError: - print('Invalid entry - please enter a number.') +from __future__ import print_function + +from math import sqrt + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def is_prime(n): + for i in xrange(2, int(sqrt(n)) + 1): + if n % i == 0: + return False + + return True + + +def sum_of_primes(n): + if n > 2: + sumOfPrimes = 2 + else: + return 0 + + for i in xrange(3, n, 2): + if is_prime(i): + sumOfPrimes += i + + return sumOfPrimes + + +if __name__ == '__main__': + import sys + + if len(sys.argv) == 1: + print(sum_of_primes(2000000)) + else: + try: + n = int(sys.argv[1]) + print(sum_of_primes(n)) + except ValueError: + print('Invalid entry - please enter a number.') diff --git a/project_euler/problem_10/sol2.py b/project_euler/problem_10/sol2.py index 8b5aad7dc31a..53e341a1177a 100644 --- a/project_euler/problem_10/sol2.py +++ b/project_euler/problem_10/sol2.py @@ -1,26 +1,26 @@ -# from Python.Math import prime_generator -import math -from itertools import takewhile - - -def primeCheck(number): - if number % 2 == 0 and number > 2: - return False - return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) - - -def prime_generator(): - num = 2 - while True: - if primeCheck(num): - yield num - num += 1 - - -def main(): - n = int(input('Enter The upper limit of prime numbers: ')) - print(sum(takewhile(lambda x: x < n, prime_generator()))) - - -if __name__ == '__main__': - main() +# from Python.Math import prime_generator +import math +from itertools import takewhile + + +def primeCheck(number): + if number % 2 == 0 and number > 2: + return False + return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) + + +def prime_generator(): + num = 2 + while True: + if primeCheck(num): + yield num + num += 1 + + +def main(): + n = int(input('Enter The upper limit of prime numbers: ')) + print(sum(takewhile(lambda x: x < n, prime_generator()))) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_11/grid.txt b/project_euler/problem_11/grid.txt index 1fc75c66a314..b52cb4ff589b 100644 --- a/project_euler/problem_11/grid.txt +++ b/project_euler/problem_11/grid.txt @@ -1,20 +1,20 @@ -08 02 22 97 38 15 00 40 00 75 04 05 07 78 52 12 50 77 91 08 -49 49 99 40 17 81 18 57 60 87 17 40 98 43 69 48 04 56 62 00 -81 49 31 73 55 79 14 29 93 71 40 67 53 88 30 03 49 13 36 65 -52 70 95 23 04 60 11 42 69 24 68 56 01 32 56 71 37 02 36 91 -22 31 16 71 51 67 63 89 41 92 36 54 22 40 40 28 66 33 13 80 -24 47 32 60 99 03 45 02 44 75 33 53 78 36 84 20 35 17 12 50 -32 98 81 28 64 23 67 10 26 38 40 67 59 54 70 66 18 38 64 70 -67 26 20 68 02 62 12 20 95 63 94 39 63 08 40 91 66 49 94 21 -24 55 58 05 66 73 99 26 97 17 78 78 96 83 14 88 34 89 63 72 -21 36 23 09 75 00 76 44 20 45 35 14 00 61 33 97 34 31 33 95 -78 17 53 28 22 75 31 67 15 94 03 80 04 62 16 14 09 53 56 92 -16 39 05 42 96 35 31 47 55 58 88 24 00 17 54 24 36 29 85 57 -86 56 00 48 35 71 89 07 05 44 44 37 44 60 21 58 51 54 17 58 -19 80 81 68 05 94 47 69 28 73 92 13 86 52 17 77 04 89 55 40 -04 52 08 83 97 35 99 16 07 97 57 32 16 26 26 79 33 27 98 66 -88 36 68 87 57 62 20 72 03 46 33 67 46 55 12 32 63 93 53 69 -04 42 16 73 38 25 39 11 24 94 72 18 08 46 29 32 40 62 76 36 -20 69 36 41 72 30 23 88 34 62 99 69 82 67 59 85 74 04 36 16 -20 73 35 29 78 31 90 01 74 31 49 71 48 86 81 16 23 57 05 54 +08 02 22 97 38 15 00 40 00 75 04 05 07 78 52 12 50 77 91 08 +49 49 99 40 17 81 18 57 60 87 17 40 98 43 69 48 04 56 62 00 +81 49 31 73 55 79 14 29 93 71 40 67 53 88 30 03 49 13 36 65 +52 70 95 23 04 60 11 42 69 24 68 56 01 32 56 71 37 02 36 91 +22 31 16 71 51 67 63 89 41 92 36 54 22 40 40 28 66 33 13 80 +24 47 32 60 99 03 45 02 44 75 33 53 78 36 84 20 35 17 12 50 +32 98 81 28 64 23 67 10 26 38 40 67 59 54 70 66 18 38 64 70 +67 26 20 68 02 62 12 20 95 63 94 39 63 08 40 91 66 49 94 21 +24 55 58 05 66 73 99 26 97 17 78 78 96 83 14 88 34 89 63 72 +21 36 23 09 75 00 76 44 20 45 35 14 00 61 33 97 34 31 33 95 +78 17 53 28 22 75 31 67 15 94 03 80 04 62 16 14 09 53 56 92 +16 39 05 42 96 35 31 47 55 58 88 24 00 17 54 24 36 29 85 57 +86 56 00 48 35 71 89 07 05 44 44 37 44 60 21 58 51 54 17 58 +19 80 81 68 05 94 47 69 28 73 92 13 86 52 17 77 04 89 55 40 +04 52 08 83 97 35 99 16 07 97 57 32 16 26 26 79 33 27 98 66 +88 36 68 87 57 62 20 72 03 46 33 67 46 55 12 32 63 93 53 69 +04 42 16 73 38 25 39 11 24 94 72 18 08 46 29 32 40 62 76 36 +20 69 36 41 72 30 23 88 34 62 99 69 82 67 59 85 74 04 36 16 +20 73 35 29 78 31 90 01 74 31 49 71 48 86 81 16 23 57 05 54 01 70 54 71 83 51 54 69 16 92 33 48 61 43 52 01 89 19 67 48 \ No newline at end of file diff --git a/project_euler/problem_11/sol1.py b/project_euler/problem_11/sol1.py index 83337f42d0e9..97bf691435e8 100644 --- a/project_euler/problem_11/sol1.py +++ b/project_euler/problem_11/sol1.py @@ -1,71 +1,71 @@ -from __future__ import print_function - -''' -What is the greatest product of four adjacent numbers (horizontally, vertically, or diagonally) in this 20x20 array? - -08 02 22 97 38 15 00 40 00 75 04 05 07 78 52 12 50 77 91 08 -49 49 99 40 17 81 18 57 60 87 17 40 98 43 69 48 04 56 62 00 -81 49 31 73 55 79 14 29 93 71 40 67 53 88 30 03 49 13 36 65 -52 70 95 23 04 60 11 42 69 24 68 56 01 32 56 71 37 02 36 91 -22 31 16 71 51 67 63 89 41 92 36 54 22 40 40 28 66 33 13 80 -24 47 32 60 99 03 45 02 44 75 33 53 78 36 84 20 35 17 12 50 -32 98 81 28 64 23 67 10 26 38 40 67 59 54 70 66 18 38 64 70 -67 26 20 68 02 62 12 20 95 63 94 39 63 08 40 91 66 49 94 21 -24 55 58 05 66 73 99 26 97 17 78 78 96 83 14 88 34 89 63 72 -21 36 23 09 75 00 76 44 20 45 35 14 00 61 33 97 34 31 33 95 -78 17 53 28 22 75 31 67 15 94 03 80 04 62 16 14 09 53 56 92 -16 39 05 42 96 35 31 47 55 58 88 24 00 17 54 24 36 29 85 57 -86 56 00 48 35 71 89 07 05 44 44 37 44 60 21 58 51 54 17 58 -19 80 81 68 05 94 47 69 28 73 92 13 86 52 17 77 04 89 55 40 -04 52 08 83 97 35 99 16 07 97 57 32 16 26 26 79 33 27 98 66 -88 36 68 87 57 62 20 72 03 46 33 67 46 55 12 32 63 93 53 69 -04 42 16 73 38 25 39 11 24 94 72 18 08 46 29 32 40 62 76 36 -20 69 36 41 72 30 23 88 34 62 99 69 82 67 59 85 74 04 36 16 -20 73 35 29 78 31 90 01 74 31 49 71 48 86 81 16 23 57 05 54 -01 70 54 71 83 51 54 69 16 92 33 48 61 43 52 01 89 19 67 48 -''' - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 2 - - -def largest_product(grid): - nColumns = len(grid[0]) - nRows = len(grid) - - largest = 0 - lrDiagProduct = 0 - rlDiagProduct = 0 - - # Check vertically, horizontally, diagonally at the same time (only works for nxn grid) - for i in xrange(nColumns): - for j in xrange(nRows - 3): - vertProduct = grid[j][i] * grid[j + 1][i] * grid[j + 2][i] * grid[j + 3][i] - horzProduct = grid[i][j] * grid[i][j + 1] * grid[i][j + 2] * grid[i][j + 3] - - # Left-to-right diagonal (\) product - if (i < nColumns - 3): - lrDiagProduct = grid[i][j] * grid[i + 1][j + 1] * grid[i + 2][j + 2] * grid[i + 3][j + 3] - - # Right-to-left diagonal(/) product - if (i > 2): - rlDiagProduct = grid[i][j] * grid[i - 1][j + 1] * grid[i - 2][j + 2] * grid[i - 3][j + 3] - - maxProduct = max(vertProduct, horzProduct, lrDiagProduct, rlDiagProduct) - if maxProduct > largest: - largest = maxProduct - - return largest - - -if __name__ == '__main__': - grid = [] - with open('grid.txt') as file: - for line in file: - grid.append(line.strip('\n').split(' ')) - - grid = [[int(i) for i in grid[j]] for j in xrange(len(grid))] - - print(largest_product(grid)) +from __future__ import print_function + +''' +What is the greatest product of four adjacent numbers (horizontally, vertically, or diagonally) in this 20x20 array? + +08 02 22 97 38 15 00 40 00 75 04 05 07 78 52 12 50 77 91 08 +49 49 99 40 17 81 18 57 60 87 17 40 98 43 69 48 04 56 62 00 +81 49 31 73 55 79 14 29 93 71 40 67 53 88 30 03 49 13 36 65 +52 70 95 23 04 60 11 42 69 24 68 56 01 32 56 71 37 02 36 91 +22 31 16 71 51 67 63 89 41 92 36 54 22 40 40 28 66 33 13 80 +24 47 32 60 99 03 45 02 44 75 33 53 78 36 84 20 35 17 12 50 +32 98 81 28 64 23 67 10 26 38 40 67 59 54 70 66 18 38 64 70 +67 26 20 68 02 62 12 20 95 63 94 39 63 08 40 91 66 49 94 21 +24 55 58 05 66 73 99 26 97 17 78 78 96 83 14 88 34 89 63 72 +21 36 23 09 75 00 76 44 20 45 35 14 00 61 33 97 34 31 33 95 +78 17 53 28 22 75 31 67 15 94 03 80 04 62 16 14 09 53 56 92 +16 39 05 42 96 35 31 47 55 58 88 24 00 17 54 24 36 29 85 57 +86 56 00 48 35 71 89 07 05 44 44 37 44 60 21 58 51 54 17 58 +19 80 81 68 05 94 47 69 28 73 92 13 86 52 17 77 04 89 55 40 +04 52 08 83 97 35 99 16 07 97 57 32 16 26 26 79 33 27 98 66 +88 36 68 87 57 62 20 72 03 46 33 67 46 55 12 32 63 93 53 69 +04 42 16 73 38 25 39 11 24 94 72 18 08 46 29 32 40 62 76 36 +20 69 36 41 72 30 23 88 34 62 99 69 82 67 59 85 74 04 36 16 +20 73 35 29 78 31 90 01 74 31 49 71 48 86 81 16 23 57 05 54 +01 70 54 71 83 51 54 69 16 92 33 48 61 43 52 01 89 19 67 48 +''' + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 2 + + +def largest_product(grid): + nColumns = len(grid[0]) + nRows = len(grid) + + largest = 0 + lrDiagProduct = 0 + rlDiagProduct = 0 + + # Check vertically, horizontally, diagonally at the same time (only works for nxn grid) + for i in xrange(nColumns): + for j in xrange(nRows - 3): + vertProduct = grid[j][i] * grid[j + 1][i] * grid[j + 2][i] * grid[j + 3][i] + horzProduct = grid[i][j] * grid[i][j + 1] * grid[i][j + 2] * grid[i][j + 3] + + # Left-to-right diagonal (\) product + if (i < nColumns - 3): + lrDiagProduct = grid[i][j] * grid[i + 1][j + 1] * grid[i + 2][j + 2] * grid[i + 3][j + 3] + + # Right-to-left diagonal(/) product + if (i > 2): + rlDiagProduct = grid[i][j] * grid[i - 1][j + 1] * grid[i - 2][j + 2] * grid[i - 3][j + 3] + + maxProduct = max(vertProduct, horzProduct, lrDiagProduct, rlDiagProduct) + if maxProduct > largest: + largest = maxProduct + + return largest + + +if __name__ == '__main__': + grid = [] + with open('grid.txt') as file: + for line in file: + grid.append(line.strip('\n').split(' ')) + + grid = [[int(i) for i in grid[j]] for j in xrange(len(grid))] + + print(largest_product(grid)) diff --git a/project_euler/problem_11/sol2.py b/project_euler/problem_11/sol2.py index ebb845a3a34b..c18548904266 100644 --- a/project_euler/problem_11/sol2.py +++ b/project_euler/problem_11/sol2.py @@ -1,40 +1,40 @@ -def main(): - with open("grid.txt", "r") as f: - l = [] - for i in range(20): - l.append([int(x) for x in f.readline().split()]) - - maximum = 0 - - # right - for i in range(20): - for j in range(17): - temp = l[i][j] * l[i][j + 1] * l[i][j + 2] * l[i][j + 3] - if temp > maximum: - maximum = temp - - # down - for i in range(17): - for j in range(20): - temp = l[i][j] * l[i + 1][j] * l[i + 2][j] * l[i + 3][j] - if temp > maximum: - maximum = temp - - # diagonal 1 - for i in range(17): - for j in range(17): - temp = l[i][j] * l[i + 1][j + 1] * l[i + 2][j + 2] * l[i + 3][j + 3] - if temp > maximum: - maximum = temp - - # diagonal 2 - for i in range(17): - for j in range(3, 20): - temp = l[i][j] * l[i + 1][j - 1] * l[i + 2][j - 2] * l[i + 3][j - 3] - if temp > maximum: - maximum = temp - print(maximum) - - -if __name__ == '__main__': - main() +def main(): + with open("grid.txt", "r") as f: + l = [] + for i in range(20): + l.append([int(x) for x in f.readline().split()]) + + maximum = 0 + + # right + for i in range(20): + for j in range(17): + temp = l[i][j] * l[i][j + 1] * l[i][j + 2] * l[i][j + 3] + if temp > maximum: + maximum = temp + + # down + for i in range(17): + for j in range(20): + temp = l[i][j] * l[i + 1][j] * l[i + 2][j] * l[i + 3][j] + if temp > maximum: + maximum = temp + + # diagonal 1 + for i in range(17): + for j in range(17): + temp = l[i][j] * l[i + 1][j + 1] * l[i + 2][j + 2] * l[i + 3][j + 3] + if temp > maximum: + maximum = temp + + # diagonal 2 + for i in range(17): + for j in range(3, 20): + temp = l[i][j] * l[i + 1][j - 1] * l[i + 2][j - 2] * l[i + 3][j - 3] + if temp > maximum: + maximum = temp + print(maximum) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_12/sol1.py b/project_euler/problem_12/sol1.py index a62cce3b243e..387dba020740 100644 --- a/project_euler/problem_12/sol1.py +++ b/project_euler/problem_12/sol1.py @@ -1,52 +1,52 @@ -from __future__ import print_function - -from math import sqrt - -''' -Highly divisible triangular numbers -Problem 12 -The sequence of triangle numbers is generated by adding the natural numbers. So the 7th triangle number would be 1 + 2 + 3 + 4 + 5 + 6 + 7 = 28. The first ten terms would be: - -1, 3, 6, 10, 15, 21, 28, 36, 45, 55, ... - -Let us list the factors of the first seven triangle numbers: - - 1: 1 - 3: 1,3 - 6: 1,2,3,6 -10: 1,2,5,10 -15: 1,3,5,15 -21: 1,3,7,21 -28: 1,2,4,7,14,28 -We can see that 28 is the first triangle number to have over five divisors. - -What is the value of the first triangle number to have over five hundred divisors? -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def count_divisors(n): - nDivisors = 0 - for i in xrange(1, int(sqrt(n)) + 1): - if n % i == 0: - nDivisors += 2 - # check if n is perfect square - if n ** 0.5 == int(n ** 0.5): - nDivisors -= 1 - return nDivisors - - -tNum = 1 -i = 1 - -while True: - i += 1 - tNum += i - - if count_divisors(tNum) > 500: - break - -print(tNum) +from __future__ import print_function + +from math import sqrt + +''' +Highly divisible triangular numbers +Problem 12 +The sequence of triangle numbers is generated by adding the natural numbers. So the 7th triangle number would be 1 + 2 + 3 + 4 + 5 + 6 + 7 = 28. The first ten terms would be: + +1, 3, 6, 10, 15, 21, 28, 36, 45, 55, ... + +Let us list the factors of the first seven triangle numbers: + + 1: 1 + 3: 1,3 + 6: 1,2,3,6 +10: 1,2,5,10 +15: 1,3,5,15 +21: 1,3,7,21 +28: 1,2,4,7,14,28 +We can see that 28 is the first triangle number to have over five divisors. + +What is the value of the first triangle number to have over five hundred divisors? +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def count_divisors(n): + nDivisors = 0 + for i in xrange(1, int(sqrt(n)) + 1): + if n % i == 0: + nDivisors += 2 + # check if n is perfect square + if n ** 0.5 == int(n ** 0.5): + nDivisors -= 1 + return nDivisors + + +tNum = 1 +i = 1 + +while True: + i += 1 + tNum += i + + if count_divisors(tNum) > 500: + break + +print(tNum) diff --git a/project_euler/problem_12/sol2.py b/project_euler/problem_12/sol2.py index 07cf0ddf5fe0..47ace49eef37 100644 --- a/project_euler/problem_12/sol2.py +++ b/project_euler/problem_12/sol2.py @@ -1,10 +1,10 @@ -def triangle_number_generator(): - for n in range(1, 1000000): - yield n * (n + 1) // 2 - - -def count_divisors(n): - return sum([2 for i in range(1, int(n ** 0.5) + 1) if n % i == 0 and i * i != n]) - - -print(next(i for i in triangle_number_generator() if count_divisors(i) > 500)) +def triangle_number_generator(): + for n in range(1, 1000000): + yield n * (n + 1) // 2 + + +def count_divisors(n): + return sum([2 for i in range(1, int(n ** 0.5) + 1) if n % i == 0 and i * i != n]) + + +print(next(i for i in triangle_number_generator() if count_divisors(i) > 500)) diff --git a/project_euler/problem_13/sol1.py b/project_euler/problem_13/sol1.py index 4088f6580ead..8f1e3ea34e4e 100644 --- a/project_euler/problem_13/sol1.py +++ b/project_euler/problem_13/sol1.py @@ -1,13 +1,13 @@ -''' -Problem Statement: -Work out the first ten digits of the sum of the N 50-digit numbers. -''' -from __future__ import print_function - -n = int(input().strip()) - -array = [] -for i in range(n): - array.append(int(input().strip())) - -print(str(sum(array))[:10]) +''' +Problem Statement: +Work out the first ten digits of the sum of the N 50-digit numbers. +''' +from __future__ import print_function + +n = int(input().strip()) + +array = [] +for i in range(n): + array.append(int(input().strip())) + +print(str(sum(array))[:10]) diff --git a/project_euler/problem_14/sol1.py b/project_euler/problem_14/sol1.py index 148e5aff9a8f..39f4e8d0c01e 100644 --- a/project_euler/problem_14/sol1.py +++ b/project_euler/problem_14/sol1.py @@ -1,22 +1,22 @@ -from __future__ import print_function - -largest_number = 0 -pre_counter = 0 - -for input1 in range(750000, 1000000): - counter = 1 - number = input1 - - while number > 1: - if number % 2 == 0: - number /= 2 - counter += 1 - else: - number = (3 * number) + 1 - counter += 1 - - if counter > pre_counter: - largest_number = input1 - pre_counter = counter - -print(('Largest Number:', largest_number, '->', pre_counter, 'digits')) +from __future__ import print_function + +largest_number = 0 +pre_counter = 0 + +for input1 in range(750000, 1000000): + counter = 1 + number = input1 + + while number > 1: + if number % 2 == 0: + number /= 2 + counter += 1 + else: + number = (3 * number) + 1 + counter += 1 + + if counter > pre_counter: + largest_number = input1 + pre_counter = counter + +print(('Largest Number:', largest_number, '->', pre_counter, 'digits')) diff --git a/project_euler/problem_14/sol2.py b/project_euler/problem_14/sol2.py index 981f97b2a52c..b1d31bf197ab 100644 --- a/project_euler/problem_14/sol2.py +++ b/project_euler/problem_14/sol2.py @@ -1,17 +1,17 @@ -def collatz_sequence(n): - """Collatz conjecture: start with any positive integer n.Next termis obtained from the previous term as follows: - if the previous term is even, the next term is one half the previous term. - If the previous term is odd, the next term is 3 times the previous term plus 1. - The conjecture states the sequence will always reach 1 regaardess of starting n.""" - sequence = [n] - while n != 1: - if n % 2 == 0: # even - n //= 2 - else: - n = 3 * n + 1 - sequence.append(n) - return sequence - - -answer = max([(len(collatz_sequence(i)), i) for i in range(1, 1000000)]) -print("Longest Collatz sequence under one million is %d with length %d" % (answer[1], answer[0])) +def collatz_sequence(n): + """Collatz conjecture: start with any positive integer n.Next termis obtained from the previous term as follows: + if the previous term is even, the next term is one half the previous term. + If the previous term is odd, the next term is 3 times the previous term plus 1. + The conjecture states the sequence will always reach 1 regaardess of starting n.""" + sequence = [n] + while n != 1: + if n % 2 == 0: # even + n //= 2 + else: + n = 3 * n + 1 + sequence.append(n) + return sequence + + +answer = max([(len(collatz_sequence(i)), i) for i in range(1, 1000000)]) +print("Longest Collatz sequence under one million is %d with length %d" % (answer[1], answer[0])) diff --git a/project_euler/problem_15/sol1.py b/project_euler/problem_15/sol1.py index 7b6ac2561f2c..360515f5a817 100644 --- a/project_euler/problem_15/sol1.py +++ b/project_euler/problem_15/sol1.py @@ -1,23 +1,23 @@ -from __future__ import print_function - -from math import factorial - - -def lattice_paths(n): - n = 2 * n # middle entry of odd rows starting at row 3 is the solution for n = 1, 2, 3,... - k = n / 2 - - return factorial(n) / (factorial(k) * factorial(n - k)) - - -if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - print(lattice_paths(20)) - else: - try: - n = int(sys.argv[1]) - print(lattice_paths(n)) - except ValueError: - print('Invalid entry - please enter a number.') +from __future__ import print_function + +from math import factorial + + +def lattice_paths(n): + n = 2 * n # middle entry of odd rows starting at row 3 is the solution for n = 1, 2, 3,... + k = n / 2 + + return factorial(n) / (factorial(k) * factorial(n - k)) + + +if __name__ == '__main__': + import sys + + if len(sys.argv) == 1: + print(lattice_paths(20)) + else: + try: + n = int(sys.argv[1]) + print(lattice_paths(n)) + except ValueError: + print('Invalid entry - please enter a number.') diff --git a/project_euler/problem_16/sol1.py b/project_euler/problem_16/sol1.py index e0d08b5fb2b9..775b42c2979c 100644 --- a/project_euler/problem_16/sol1.py +++ b/project_euler/problem_16/sol1.py @@ -1,15 +1,15 @@ -power = int(input("Enter the power of 2: ")) -num = 2 ** power - -string_num = str(num) - -list_num = list(string_num) - -sum_of_num = 0 - -print("2 ^", power, "=", num) - -for i in list_num: - sum_of_num += int(i) - -print("Sum of the digits are:", sum_of_num) +power = int(input("Enter the power of 2: ")) +num = 2 ** power + +string_num = str(num) + +list_num = list(string_num) + +sum_of_num = 0 + +print("2 ^", power, "=", num) + +for i in list_num: + sum_of_num += int(i) + +print("Sum of the digits are:", sum_of_num) diff --git a/project_euler/problem_17/sol1.py b/project_euler/problem_17/sol1.py index 702224724b2b..3d609c749913 100644 --- a/project_euler/problem_17/sol1.py +++ b/project_euler/problem_17/sol1.py @@ -1,36 +1,36 @@ -from __future__ import print_function - -''' -Number letter counts -Problem 17 - -If the numbers 1 to 5 are written out in words: one, two, three, four, five, then there are 3 + 3 + 5 + 4 + 4 = 19 letters used in total. - -If all the numbers from 1 to 1000 (one thousand) inclusive were written out in words, how many letters would be used? - - -NOTE: Do not count spaces or hyphens. For example, 342 (three hundred and forty-two) contains 23 letters and 115 (one hundred and fifteen) -contains 20 letters. The use of "and" when writing out numbers is in compliance with British usage. -''' - -ones_counts = [0, 3, 3, 5, 4, 4, 3, 5, 5, 4, 3, 6, 6, 8, 8, 7, 7, 9, 8, 8] # number of letters in zero, one, two, ..., nineteen (0 for zero since it's never said aloud) -tens_counts = [0, 0, 6, 6, 5, 5, 5, 7, 6, 6] # number of letters in twenty, thirty, ..., ninety (0 for numbers less than 20 due to inconsistency in teens) - -count = 0 - -for i in range(1, 1001): - if i < 1000: - if i >= 100: - count += ones_counts[i / 100] + 7 # add number of letters for "n hundred" - - if i % 100 != 0: - count += 3 # add number of letters for "and" if number is not multiple of 100 - - if 0 < i % 100 < 20: - count += ones_counts[i % 100] # add number of letters for one, two, three, ..., nineteen (could be combined with below if not for inconsistency in teens) - else: - count += ones_counts[i % 10] + tens_counts[(i % 100 - i % 10) / 10] # add number of letters for twenty, twenty one, ..., ninety nine - else: - count += ones_counts[i / 1000] + 8 - -print(count) +from __future__ import print_function + +''' +Number letter counts +Problem 17 + +If the numbers 1 to 5 are written out in words: one, two, three, four, five, then there are 3 + 3 + 5 + 4 + 4 = 19 letters used in total. + +If all the numbers from 1 to 1000 (one thousand) inclusive were written out in words, how many letters would be used? + + +NOTE: Do not count spaces or hyphens. For example, 342 (three hundred and forty-two) contains 23 letters and 115 (one hundred and fifteen) +contains 20 letters. The use of "and" when writing out numbers is in compliance with British usage. +''' + +ones_counts = [0, 3, 3, 5, 4, 4, 3, 5, 5, 4, 3, 6, 6, 8, 8, 7, 7, 9, 8, 8] # number of letters in zero, one, two, ..., nineteen (0 for zero since it's never said aloud) +tens_counts = [0, 0, 6, 6, 5, 5, 5, 7, 6, 6] # number of letters in twenty, thirty, ..., ninety (0 for numbers less than 20 due to inconsistency in teens) + +count = 0 + +for i in range(1, 1001): + if i < 1000: + if i >= 100: + count += ones_counts[i / 100] + 7 # add number of letters for "n hundred" + + if i % 100 != 0: + count += 3 # add number of letters for "and" if number is not multiple of 100 + + if 0 < i % 100 < 20: + count += ones_counts[i % 100] # add number of letters for one, two, three, ..., nineteen (could be combined with below if not for inconsistency in teens) + else: + count += ones_counts[i % 10] + tens_counts[(i % 100 - i % 10) / 10] # add number of letters for twenty, twenty one, ..., ninety nine + else: + count += ones_counts[i / 1000] + 8 + +print(count) diff --git a/project_euler/problem_19/sol1.py b/project_euler/problem_19/sol1.py index 614f1426fada..92cf615527b1 100644 --- a/project_euler/problem_19/sol1.py +++ b/project_euler/problem_19/sol1.py @@ -1,52 +1,52 @@ -from __future__ import print_function - -''' -Counting Sundays -Problem 19 - -You are given the following information, but you may prefer to do some research for yourself. - -1 Jan 1900 was a Monday. -Thirty days has September, -April, June and November. -All the rest have thirty-one, -Saving February alone, -Which has twenty-eight, rain or shine. -And on leap years, twenty-nine. - -A leap year occurs on any year evenly divisible by 4, but not on a century unless it is divisible by 400. - -How many Sundays fell on the first of the month during the twentieth century (1 Jan 1901 to 31 Dec 2000)? -''' - -days_per_month = [31, 28, 31, 30, 31, 30, 31, 31, 30, 31, 30, 31] - -day = 6 -month = 1 -year = 1901 - -sundays = 0 - -while year < 2001: - day += 7 - - if (year % 4 == 0 and not year % 100 == 0) or (year % 400 == 0): - if day > days_per_month[month - 1] and month != 2: - month += 1 - day = day - days_per_month[month - 2] - elif day > 29 and month == 2: - month += 1 - day = day - 29 - else: - if day > days_per_month[month - 1]: - month += 1 - day = day - days_per_month[month - 2] - - if month > 12: - year += 1 - month = 1 - - if year < 2001 and day == 1: - sundays += 1 - -print(sundays) +from __future__ import print_function + +''' +Counting Sundays +Problem 19 + +You are given the following information, but you may prefer to do some research for yourself. + +1 Jan 1900 was a Monday. +Thirty days has September, +April, June and November. +All the rest have thirty-one, +Saving February alone, +Which has twenty-eight, rain or shine. +And on leap years, twenty-nine. + +A leap year occurs on any year evenly divisible by 4, but not on a century unless it is divisible by 400. + +How many Sundays fell on the first of the month during the twentieth century (1 Jan 1901 to 31 Dec 2000)? +''' + +days_per_month = [31, 28, 31, 30, 31, 30, 31, 31, 30, 31, 30, 31] + +day = 6 +month = 1 +year = 1901 + +sundays = 0 + +while year < 2001: + day += 7 + + if (year % 4 == 0 and not year % 100 == 0) or (year % 400 == 0): + if day > days_per_month[month - 1] and month != 2: + month += 1 + day = day - days_per_month[month - 2] + elif day > 29 and month == 2: + month += 1 + day = day - 29 + else: + if day > days_per_month[month - 1]: + month += 1 + day = day - days_per_month[month - 2] + + if month > 12: + year += 1 + month = 1 + + if year < 2001 and day == 1: + sundays += 1 + +print(sundays) diff --git a/project_euler/problem_20/sol1.py b/project_euler/problem_20/sol1.py index 21687afccd2e..4a56df5901e4 100644 --- a/project_euler/problem_20/sol1.py +++ b/project_euler/problem_20/sol1.py @@ -1,29 +1,29 @@ -# Finding the factorial. -def factorial(n): - fact = 1 - for i in range(1, n + 1): - fact *= i - return fact - - -# Spliting the digits and adding it. -def split_and_add(number): - sum_of_digits = 0 - while (number > 0): - last_digit = number % 10 - sum_of_digits += last_digit - number = int(number / 10) # Removing the last_digit from the given number. - return sum_of_digits - - -# Taking the user input. -number = int(input("Enter the Number: ")) - -# Assigning the factorial from the factorial function. -factorial = factorial(number) - -# Spliting and adding the factorial into answer. -answer = split_and_add(factorial) - -# Printing the answer. -print(answer) +# Finding the factorial. +def factorial(n): + fact = 1 + for i in range(1, n + 1): + fact *= i + return fact + + +# Spliting the digits and adding it. +def split_and_add(number): + sum_of_digits = 0 + while (number > 0): + last_digit = number % 10 + sum_of_digits += last_digit + number = int(number / 10) # Removing the last_digit from the given number. + return sum_of_digits + + +# Taking the user input. +number = int(input("Enter the Number: ")) + +# Assigning the factorial from the factorial function. +factorial = factorial(number) + +# Spliting and adding the factorial into answer. +answer = split_and_add(factorial) + +# Printing the answer. +print(answer) diff --git a/project_euler/problem_20/sol2.py b/project_euler/problem_20/sol2.py index c2fbed02f763..ef462501254a 100644 --- a/project_euler/problem_20/sol2.py +++ b/project_euler/problem_20/sol2.py @@ -1,9 +1,9 @@ -from math import factorial - - -def main(): - print(sum([int(x) for x in str(factorial(100))])) - - -if __name__ == '__main__': - main() +from math import factorial + + +def main(): + print(sum([int(x) for x in str(factorial(100))])) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_21/sol1.py b/project_euler/problem_21/sol1.py index d209a6e57a80..ebe34a3fb111 100644 --- a/project_euler/problem_21/sol1.py +++ b/project_euler/problem_21/sol1.py @@ -1,34 +1,34 @@ -# -.- coding: latin-1 -.- -from __future__ import print_function - -from math import sqrt - -''' -Amicable Numbers -Problem 21 - -Let d(n) be defined as the sum of proper divisors of n (numbers less than n which divide evenly into n). -If d(a) = b and d(b) = a, where a ≠ b, then a and b are an amicable pair and each of a and b are called amicable numbers. - -For example, the proper divisors of 220 are 1, 2, 4, 5, 10, 11, 20, 22, 44, 55 and 110; therefore d(220) = 284. The proper divisors of 284 are 1, 2, 4, 71 and 142; so d(284) = 220. - -Evaluate the sum of all the amicable numbers under 10000. -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def sum_of_divisors(n): - total = 0 - for i in xrange(1, int(sqrt(n) + 1)): - if n % i == 0 and i != sqrt(n): - total += i + n // i - elif i == sqrt(n): - total += i - return total - n - - -total = [i for i in range(1, 10000) if sum_of_divisors(sum_of_divisors(i)) == i and sum_of_divisors(i) != i] -print(sum(total)) +# -.- coding: latin-1 -.- +from __future__ import print_function + +from math import sqrt + +''' +Amicable Numbers +Problem 21 + +Let d(n) be defined as the sum of proper divisors of n (numbers less than n which divide evenly into n). +If d(a) = b and d(b) = a, where a ≠ b, then a and b are an amicable pair and each of a and b are called amicable numbers. + +For example, the proper divisors of 220 are 1, 2, 4, 5, 10, 11, 20, 22, 44, 55 and 110; therefore d(220) = 284. The proper divisors of 284 are 1, 2, 4, 71 and 142; so d(284) = 220. + +Evaluate the sum of all the amicable numbers under 10000. +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def sum_of_divisors(n): + total = 0 + for i in xrange(1, int(sqrt(n) + 1)): + if n % i == 0 and i != sqrt(n): + total += i + n // i + elif i == sqrt(n): + total += i + return total - n + + +total = [i for i in range(1, 10000) if sum_of_divisors(sum_of_divisors(i)) == i and sum_of_divisors(i) != i] +print(sum(total)) diff --git a/project_euler/problem_22/sol1.py b/project_euler/problem_22/sol1.py index 45c0460a0dbf..ef2c1f639501 100644 --- a/project_euler/problem_22/sol1.py +++ b/project_euler/problem_22/sol1.py @@ -1,38 +1,38 @@ -# -*- coding: latin-1 -*- -from __future__ import print_function - -''' -Name scores -Problem 22 - -Using names.txt (right click and 'Save Link/Target As...'), a 46K text file containing over five-thousand first names, begin by sorting it -into alphabetical order. Then working out the alphabetical value for each name, multiply this value by its alphabetical position in the list -to obtain a name score. - -For example, when the list is sorted into alphabetical order, COLIN, which is worth 3 + 15 + 12 + 9 + 14 = 53, is the 938th name in the list. -So, COLIN would obtain a score of 938 × 53 = 49714. - -What is the total of all the name scores in the file? -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - -with open('p022_names.txt') as file: - names = str(file.readlines()[0]) - names = names.replace('"', '').split(',') - -names.sort() - -name_score = 0 -total_score = 0 - -for i, name in enumerate(names): - for letter in name: - name_score += ord(letter) - 64 - - total_score += (i + 1) * name_score - name_score = 0 - -print(total_score) +# -*- coding: latin-1 -*- +from __future__ import print_function + +''' +Name scores +Problem 22 + +Using names.txt (right click and 'Save Link/Target As...'), a 46K text file containing over five-thousand first names, begin by sorting it +into alphabetical order. Then working out the alphabetical value for each name, multiply this value by its alphabetical position in the list +to obtain a name score. + +For example, when the list is sorted into alphabetical order, COLIN, which is worth 3 + 15 + 12 + 9 + 14 = 53, is the 938th name in the list. +So, COLIN would obtain a score of 938 × 53 = 49714. + +What is the total of all the name scores in the file? +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + +with open('p022_names.txt') as file: + names = str(file.readlines()[0]) + names = names.replace('"', '').split(',') + +names.sort() + +name_score = 0 +total_score = 0 + +for i, name in enumerate(names): + for letter in name: + name_score += ord(letter) - 64 + + total_score += (i + 1) * name_score + name_score = 0 + +print(total_score) diff --git a/project_euler/problem_22/sol2.py b/project_euler/problem_22/sol2.py index c8bb33d07b18..fe76d161cdbe 100644 --- a/project_euler/problem_22/sol2.py +++ b/project_euler/problem_22/sol2.py @@ -1,533 +1,533 @@ -def main(): - name = [ - "MARY", "PATRICIA", "LINDA", "BARBARA", "ELIZABETH", "JENNIFER", "MARIA", "SUSAN", "MARGARET", "DOROTHY", - "LISA", "NANCY", "KAREN", "BETTY", "HELEN", "SANDRA", "DONNA", "CAROL", "RUTH", "SHARON", - "MICHELLE", "LAURA", "SARAH", "KIMBERLY", "DEBORAH", "JESSICA", "SHIRLEY", "CYNTHIA", "ANGELA", "MELISSA", - "BRENDA", "AMY", "ANNA", "REBECCA", "VIRGINIA", "KATHLEEN", "PAMELA", "MARTHA", "DEBRA", "AMANDA", - "STEPHANIE", "CAROLYN", "CHRISTINE", "MARIE", "JANET", "CATHERINE", "FRANCES", "ANN", "JOYCE", "DIANE", - "ALICE", "JULIE", "HEATHER", "TERESA", "DORIS", "GLORIA", "EVELYN", "JEAN", "CHERYL", "MILDRED", - "KATHERINE", "JOAN", "ASHLEY", "JUDITH", "ROSE", "JANICE", "KELLY", "NICOLE", "JUDY", "CHRISTINA", - "KATHY", "THERESA", "BEVERLY", "DENISE", "TAMMY", "IRENE", "JANE", "LORI", "RACHEL", "MARILYN", - "ANDREA", "KATHRYN", "LOUISE", "SARA", "ANNE", "JACQUELINE", "WANDA", "BONNIE", "JULIA", "RUBY", - "LOIS", "TINA", "PHYLLIS", "NORMA", "PAULA", "DIANA", "ANNIE", "LILLIAN", "EMILY", "ROBIN", - "PEGGY", "CRYSTAL", "GLADYS", "RITA", "DAWN", "CONNIE", "FLORENCE", "TRACY", "EDNA", "TIFFANY", - "CARMEN", "ROSA", "CINDY", "GRACE", "WENDY", "VICTORIA", "EDITH", "KIM", "SHERRY", "SYLVIA", - "JOSEPHINE", "THELMA", "SHANNON", "SHEILA", "ETHEL", "ELLEN", "ELAINE", "MARJORIE", "CARRIE", "CHARLOTTE", - "MONICA", "ESTHER", "PAULINE", "EMMA", "JUANITA", "ANITA", "RHONDA", "HAZEL", "AMBER", "EVA", - "DEBBIE", "APRIL", "LESLIE", "CLARA", "LUCILLE", "JAMIE", "JOANNE", "ELEANOR", "VALERIE", "DANIELLE", - "MEGAN", "ALICIA", "SUZANNE", "MICHELE", "GAIL", "BERTHA", "DARLENE", "VERONICA", "JILL", "ERIN", - "GERALDINE", "LAUREN", "CATHY", "JOANN", "LORRAINE", "LYNN", "SALLY", "REGINA", "ERICA", "BEATRICE", - "DOLORES", "BERNICE", "AUDREY", "YVONNE", "ANNETTE", "JUNE", "SAMANTHA", "MARION", "DANA", "STACY", - "ANA", "RENEE", "IDA", "VIVIAN", "ROBERTA", "HOLLY", "BRITTANY", "MELANIE", "LORETTA", "YOLANDA", - "JEANETTE", "LAURIE", "KATIE", "KRISTEN", "VANESSA", "ALMA", "SUE", "ELSIE", "BETH", "JEANNE", - "VICKI", "CARLA", "TARA", "ROSEMARY", "EILEEN", "TERRI", "GERTRUDE", "LUCY", "TONYA", "ELLA", - "STACEY", "WILMA", "GINA", "KRISTIN", "JESSIE", "NATALIE", "AGNES", "VERA", "WILLIE", "CHARLENE", - "BESSIE", "DELORES", "MELINDA", "PEARL", "ARLENE", "MAUREEN", "COLLEEN", "ALLISON", "TAMARA", "JOY", - "GEORGIA", "CONSTANCE", "LILLIE", "CLAUDIA", "JACKIE", "MARCIA", "TANYA", "NELLIE", "MINNIE", "MARLENE", - "HEIDI", "GLENDA", "LYDIA", "VIOLA", "COURTNEY", "MARIAN", "STELLA", "CAROLINE", "DORA", "JO", - "VICKIE", "MATTIE", "TERRY", "MAXINE", "IRMA", "MABEL", "MARSHA", "MYRTLE", "LENA", "CHRISTY", - "DEANNA", "PATSY", "HILDA", "GWENDOLYN", "JENNIE", "NORA", "MARGIE", "NINA", "CASSANDRA", "LEAH", - "PENNY", "KAY", "PRISCILLA", "NAOMI", "CAROLE", "BRANDY", "OLGA", "BILLIE", "DIANNE", "TRACEY", - "LEONA", "JENNY", "FELICIA", "SONIA", "MIRIAM", "VELMA", "BECKY", "BOBBIE", "VIOLET", "KRISTINA", - "TONI", "MISTY", "MAE", "SHELLY", "DAISY", "RAMONA", "SHERRI", "ERIKA", "KATRINA", "CLAIRE", - "LINDSEY", "LINDSAY", "GENEVA", "GUADALUPE", "BELINDA", "MARGARITA", "SHERYL", "CORA", "FAYE", "ADA", - "NATASHA", "SABRINA", "ISABEL", "MARGUERITE", "HATTIE", "HARRIET", "MOLLY", "CECILIA", "KRISTI", "BRANDI", - "BLANCHE", "SANDY", "ROSIE", "JOANNA", "IRIS", "EUNICE", "ANGIE", "INEZ", "LYNDA", "MADELINE", - "AMELIA", "ALBERTA", "GENEVIEVE", "MONIQUE", "JODI", "JANIE", "MAGGIE", "KAYLA", "SONYA", "JAN", - "LEE", "KRISTINE", "CANDACE", "FANNIE", "MARYANN", "OPAL", "ALISON", "YVETTE", "MELODY", "LUZ", - "SUSIE", "OLIVIA", "FLORA", "SHELLEY", "KRISTY", "MAMIE", "LULA", "LOLA", "VERNA", "BEULAH", - "ANTOINETTE", "CANDICE", "JUANA", "JEANNETTE", "PAM", "KELLI", "HANNAH", "WHITNEY", "BRIDGET", "KARLA", - "CELIA", "LATOYA", "PATTY", "SHELIA", "GAYLE", "DELLA", "VICKY", "LYNNE", "SHERI", "MARIANNE", - "KARA", "JACQUELYN", "ERMA", "BLANCA", "MYRA", "LETICIA", "PAT", "KRISTA", "ROXANNE", "ANGELICA", - "JOHNNIE", "ROBYN", "FRANCIS", "ADRIENNE", "ROSALIE", "ALEXANDRA", "BROOKE", "BETHANY", "SADIE", "BERNADETTE", - "TRACI", "JODY", "KENDRA", "JASMINE", "NICHOLE", "RACHAEL", "CHELSEA", "MABLE", "ERNESTINE", "MURIEL", - "MARCELLA", "ELENA", "KRYSTAL", "ANGELINA", "NADINE", "KARI", "ESTELLE", "DIANNA", "PAULETTE", "LORA", - "MONA", "DOREEN", "ROSEMARIE", "ANGEL", "DESIREE", "ANTONIA", "HOPE", "GINGER", "JANIS", "BETSY", - "CHRISTIE", "FREDA", "MERCEDES", "MEREDITH", "LYNETTE", "TERI", "CRISTINA", "EULA", "LEIGH", "MEGHAN", - "SOPHIA", "ELOISE", "ROCHELLE", "GRETCHEN", "CECELIA", "RAQUEL", "HENRIETTA", "ALYSSA", "JANA", "KELLEY", - "GWEN", "KERRY", "JENNA", "TRICIA", "LAVERNE", "OLIVE", "ALEXIS", "TASHA", "SILVIA", "ELVIRA", - "CASEY", "DELIA", "SOPHIE", "KATE", "PATTI", "LORENA", "KELLIE", "SONJA", "LILA", "LANA", - "DARLA", "MAY", "MINDY", "ESSIE", "MANDY", "LORENE", "ELSA", "JOSEFINA", "JEANNIE", "MIRANDA", - "DIXIE", "LUCIA", "MARTA", "FAITH", "LELA", "JOHANNA", "SHARI", "CAMILLE", "TAMI", "SHAWNA", - "ELISA", "EBONY", "MELBA", "ORA", "NETTIE", "TABITHA", "OLLIE", "JAIME", "WINIFRED", "KRISTIE", - "MARINA", "ALISHA", "AIMEE", "RENA", "MYRNA", "MARLA", "TAMMIE", "LATASHA", "BONITA", "PATRICE", - "RONDA", "SHERRIE", "ADDIE", "FRANCINE", "DELORIS", "STACIE", "ADRIANA", "CHERI", "SHELBY", "ABIGAIL", - "CELESTE", "JEWEL", "CARA", "ADELE", "REBEKAH", "LUCINDA", "DORTHY", "CHRIS", "EFFIE", "TRINA", - "REBA", "SHAWN", "SALLIE", "AURORA", "LENORA", "ETTA", "LOTTIE", "KERRI", "TRISHA", "NIKKI", - "ESTELLA", "FRANCISCA", "JOSIE", "TRACIE", "MARISSA", "KARIN", "BRITTNEY", "JANELLE", "LOURDES", "LAUREL", - "HELENE", "FERN", "ELVA", "CORINNE", "KELSEY", "INA", "BETTIE", "ELISABETH", "AIDA", "CAITLIN", - "INGRID", "IVA", "EUGENIA", "CHRISTA", "GOLDIE", "CASSIE", "MAUDE", "JENIFER", "THERESE", "FRANKIE", - "DENA", "LORNA", "JANETTE", "LATONYA", "CANDY", "MORGAN", "CONSUELO", "TAMIKA", "ROSETTA", "DEBORA", - "CHERIE", "POLLY", "DINA", "JEWELL", "FAY", "JILLIAN", "DOROTHEA", "NELL", "TRUDY", "ESPERANZA", - "PATRICA", "KIMBERLEY", "SHANNA", "HELENA", "CAROLINA", "CLEO", "STEFANIE", "ROSARIO", "OLA", "JANINE", - "MOLLIE", "LUPE", "ALISA", "LOU", "MARIBEL", "SUSANNE", "BETTE", "SUSANA", "ELISE", "CECILE", - "ISABELLE", "LESLEY", "JOCELYN", "PAIGE", "JONI", "RACHELLE", "LEOLA", "DAPHNE", "ALTA", "ESTER", - "PETRA", "GRACIELA", "IMOGENE", "JOLENE", "KEISHA", "LACEY", "GLENNA", "GABRIELA", "KERI", "URSULA", - "LIZZIE", "KIRSTEN", "SHANA", "ADELINE", "MAYRA", "JAYNE", "JACLYN", "GRACIE", "SONDRA", "CARMELA", - "MARISA", "ROSALIND", "CHARITY", "TONIA", "BEATRIZ", "MARISOL", "CLARICE", "JEANINE", "SHEENA", "ANGELINE", - "FRIEDA", "LILY", "ROBBIE", "SHAUNA", "MILLIE", "CLAUDETTE", "CATHLEEN", "ANGELIA", "GABRIELLE", "AUTUMN", - "KATHARINE", "SUMMER", "JODIE", "STACI", "LEA", "CHRISTI", "JIMMIE", "JUSTINE", "ELMA", "LUELLA", - "MARGRET", "DOMINIQUE", "SOCORRO", "RENE", "MARTINA", "MARGO", "MAVIS", "CALLIE", "BOBBI", "MARITZA", - "LUCILE", "LEANNE", "JEANNINE", "DEANA", "AILEEN", "LORIE", "LADONNA", "WILLA", "MANUELA", "GALE", - "SELMA", "DOLLY", "SYBIL", "ABBY", "LARA", "DALE", "IVY", "DEE", "WINNIE", "MARCY", - "LUISA", "JERI", "MAGDALENA", "OFELIA", "MEAGAN", "AUDRA", "MATILDA", "LEILA", "CORNELIA", "BIANCA", - "SIMONE", "BETTYE", "RANDI", "VIRGIE", "LATISHA", "BARBRA", "GEORGINA", "ELIZA", "LEANN", "BRIDGETTE", - "RHODA", "HALEY", "ADELA", "NOLA", "BERNADINE", "FLOSSIE", "ILA", "GRETA", "RUTHIE", "NELDA", - "MINERVA", "LILLY", "TERRIE", "LETHA", "HILARY", "ESTELA", "VALARIE", "BRIANNA", "ROSALYN", "EARLINE", - "CATALINA", "AVA", "MIA", "CLARISSA", "LIDIA", "CORRINE", "ALEXANDRIA", "CONCEPCION", "TIA", "SHARRON", - "RAE", "DONA", "ERICKA", "JAMI", "ELNORA", "CHANDRA", "LENORE", "NEVA", "MARYLOU", "MELISA", - "TABATHA", "SERENA", "AVIS", "ALLIE", "SOFIA", "JEANIE", "ODESSA", "NANNIE", "HARRIETT", "LORAINE", - "PENELOPE", "MILAGROS", "EMILIA", "BENITA", "ALLYSON", "ASHLEE", "TANIA", "TOMMIE", "ESMERALDA", "KARINA", - "EVE", "PEARLIE", "ZELMA", "MALINDA", "NOREEN", "TAMEKA", "SAUNDRA", "HILLARY", "AMIE", "ALTHEA", - "ROSALINDA", "JORDAN", "LILIA", "ALANA", "GAY", "CLARE", "ALEJANDRA", "ELINOR", "MICHAEL", "LORRIE", - "JERRI", "DARCY", "EARNESTINE", "CARMELLA", "TAYLOR", "NOEMI", "MARCIE", "LIZA", "ANNABELLE", "LOUISA", - "EARLENE", "MALLORY", "CARLENE", "NITA", "SELENA", "TANISHA", "KATY", "JULIANNE", "JOHN", "LAKISHA", - "EDWINA", "MARICELA", "MARGERY", "KENYA", "DOLLIE", "ROXIE", "ROSLYN", "KATHRINE", "NANETTE", "CHARMAINE", - "LAVONNE", "ILENE", "KRIS", "TAMMI", "SUZETTE", "CORINE", "KAYE", "JERRY", "MERLE", "CHRYSTAL", - "LINA", "DEANNE", "LILIAN", "JULIANA", "ALINE", "LUANN", "KASEY", "MARYANNE", "EVANGELINE", "COLETTE", - "MELVA", "LAWANDA", "YESENIA", "NADIA", "MADGE", "KATHIE", "EDDIE", "OPHELIA", "VALERIA", "NONA", - "MITZI", "MARI", "GEORGETTE", "CLAUDINE", "FRAN", "ALISSA", "ROSEANN", "LAKEISHA", "SUSANNA", "REVA", - "DEIDRE", "CHASITY", "SHEREE", "CARLY", "JAMES", "ELVIA", "ALYCE", "DEIRDRE", "GENA", "BRIANA", - "ARACELI", "KATELYN", "ROSANNE", "WENDI", "TESSA", "BERTA", "MARVA", "IMELDA", "MARIETTA", "MARCI", - "LEONOR", "ARLINE", "SASHA", "MADELYN", "JANNA", "JULIETTE", "DEENA", "AURELIA", "JOSEFA", "AUGUSTA", - "LILIANA", "YOUNG", "CHRISTIAN", "LESSIE", "AMALIA", "SAVANNAH", "ANASTASIA", "VILMA", "NATALIA", "ROSELLA", - "LYNNETTE", "CORINA", "ALFREDA", "LEANNA", "CAREY", "AMPARO", "COLEEN", "TAMRA", "AISHA", "WILDA", - "KARYN", "CHERRY", "QUEEN", "MAURA", "MAI", "EVANGELINA", "ROSANNA", "HALLIE", "ERNA", "ENID", - "MARIANA", "LACY", "JULIET", "JACKLYN", "FREIDA", "MADELEINE", "MARA", "HESTER", "CATHRYN", "LELIA", - "CASANDRA", "BRIDGETT", "ANGELITA", "JANNIE", "DIONNE", "ANNMARIE", "KATINA", "BERYL", "PHOEBE", "MILLICENT", - "KATHERYN", "DIANN", "CARISSA", "MARYELLEN", "LIZ", "LAURI", "HELGA", "GILDA", "ADRIAN", "RHEA", - "MARQUITA", "HOLLIE", "TISHA", "TAMERA", "ANGELIQUE", "FRANCESCA", "BRITNEY", "KAITLIN", "LOLITA", "FLORINE", - "ROWENA", "REYNA", "TWILA", "FANNY", "JANELL", "INES", "CONCETTA", "BERTIE", "ALBA", "BRIGITTE", - "ALYSON", "VONDA", "PANSY", "ELBA", "NOELLE", "LETITIA", "KITTY", "DEANN", "BRANDIE", "LOUELLA", - "LETA", "FELECIA", "SHARLENE", "LESA", "BEVERLEY", "ROBERT", "ISABELLA", "HERMINIA", "TERRA", "CELINA", - "TORI", "OCTAVIA", "JADE", "DENICE", "GERMAINE", "SIERRA", "MICHELL", "CORTNEY", "NELLY", "DORETHA", - "SYDNEY", "DEIDRA", "MONIKA", "LASHONDA", "JUDI", "CHELSEY", "ANTIONETTE", "MARGOT", "BOBBY", "ADELAIDE", - "NAN", "LEEANN", "ELISHA", "DESSIE", "LIBBY", "KATHI", "GAYLA", "LATANYA", "MINA", "MELLISA", - "KIMBERLEE", "JASMIN", "RENAE", "ZELDA", "ELDA", "MA", "JUSTINA", "GUSSIE", "EMILIE", "CAMILLA", - "ABBIE", "ROCIO", "KAITLYN", "JESSE", "EDYTHE", "ASHLEIGH", "SELINA", "LAKESHA", "GERI", "ALLENE", - "PAMALA", "MICHAELA", "DAYNA", "CARYN", "ROSALIA", "SUN", "JACQULINE", "REBECA", "MARYBETH", "KRYSTLE", - "IOLA", "DOTTIE", "BENNIE", "BELLE", "AUBREY", "GRISELDA", "ERNESTINA", "ELIDA", "ADRIANNE", "DEMETRIA", - "DELMA", "CHONG", "JAQUELINE", "DESTINY", "ARLEEN", "VIRGINA", "RETHA", "FATIMA", "TILLIE", "ELEANORE", - "CARI", "TREVA", "BIRDIE", "WILHELMINA", "ROSALEE", "MAURINE", "LATRICE", "YONG", "JENA", "TARYN", - "ELIA", "DEBBY", "MAUDIE", "JEANNA", "DELILAH", "CATRINA", "SHONDA", "HORTENCIA", "THEODORA", "TERESITA", - "ROBBIN", "DANETTE", "MARYJANE", "FREDDIE", "DELPHINE", "BRIANNE", "NILDA", "DANNA", "CINDI", "BESS", - "IONA", "HANNA", "ARIEL", "WINONA", "VIDA", "ROSITA", "MARIANNA", "WILLIAM", "RACHEAL", "GUILLERMINA", - "ELOISA", "CELESTINE", "CAREN", "MALISSA", "LONA", "CHANTEL", "SHELLIE", "MARISELA", "LEORA", "AGATHA", - "SOLEDAD", "MIGDALIA", "IVETTE", "CHRISTEN", "ATHENA", "JANEL", "CHLOE", "VEDA", "PATTIE", "TESSIE", - "TERA", "MARILYNN", "LUCRETIA", "KARRIE", "DINAH", "DANIELA", "ALECIA", "ADELINA", "VERNICE", "SHIELA", - "PORTIA", "MERRY", "LASHAWN", "DEVON", "DARA", "TAWANA", "OMA", "VERDA", "CHRISTIN", "ALENE", - "ZELLA", "SANDI", "RAFAELA", "MAYA", "KIRA", "CANDIDA", "ALVINA", "SUZAN", "SHAYLA", "LYN", - "LETTIE", "ALVA", "SAMATHA", "ORALIA", "MATILDE", "MADONNA", "LARISSA", "VESTA", "RENITA", "INDIA", - "DELOIS", "SHANDA", "PHILLIS", "LORRI", "ERLINDA", "CRUZ", "CATHRINE", "BARB", "ZOE", "ISABELL", - "IONE", "GISELA", "CHARLIE", "VALENCIA", "ROXANNA", "MAYME", "KISHA", "ELLIE", "MELLISSA", "DORRIS", - "DALIA", "BELLA", "ANNETTA", "ZOILA", "RETA", "REINA", "LAURETTA", "KYLIE", "CHRISTAL", "PILAR", - "CHARLA", "ELISSA", "TIFFANI", "TANA", "PAULINA", "LEOTA", "BREANNA", "JAYME", "CARMEL", "VERNELL", - "TOMASA", "MANDI", "DOMINGA", "SANTA", "MELODIE", "LURA", "ALEXA", "TAMELA", "RYAN", "MIRNA", - "KERRIE", "VENUS", "NOEL", "FELICITA", "CRISTY", "CARMELITA", "BERNIECE", "ANNEMARIE", "TIARA", "ROSEANNE", - "MISSY", "CORI", "ROXANA", "PRICILLA", "KRISTAL", "JUNG", "ELYSE", "HAYDEE", "ALETHA", "BETTINA", - "MARGE", "GILLIAN", "FILOMENA", "CHARLES", "ZENAIDA", "HARRIETTE", "CARIDAD", "VADA", "UNA", "ARETHA", - "PEARLINE", "MARJORY", "MARCELA", "FLOR", "EVETTE", "ELOUISE", "ALINA", "TRINIDAD", "DAVID", "DAMARIS", - "CATHARINE", "CARROLL", "BELVA", "NAKIA", "MARLENA", "LUANNE", "LORINE", "KARON", "DORENE", "DANITA", - "BRENNA", "TATIANA", "SAMMIE", "LOUANN", "LOREN", "JULIANNA", "ANDRIA", "PHILOMENA", "LUCILA", "LEONORA", - "DOVIE", "ROMONA", "MIMI", "JACQUELIN", "GAYE", "TONJA", "MISTI", "JOE", "GENE", "CHASTITY", - "STACIA", "ROXANN", "MICAELA", "NIKITA", "MEI", "VELDA", "MARLYS", "JOHNNA", "AURA", "LAVERN", - "IVONNE", "HAYLEY", "NICKI", "MAJORIE", "HERLINDA", "GEORGE", "ALPHA", "YADIRA", "PERLA", "GREGORIA", - "DANIEL", "ANTONETTE", "SHELLI", "MOZELLE", "MARIAH", "JOELLE", "CORDELIA", "JOSETTE", "CHIQUITA", "TRISTA", - "LOUIS", "LAQUITA", "GEORGIANA", "CANDI", "SHANON", "LONNIE", "HILDEGARD", "CECIL", "VALENTINA", "STEPHANY", - "MAGDA", "KAROL", "GERRY", "GABRIELLA", "TIANA", "ROMA", "RICHELLE", "RAY", "PRINCESS", "OLETA", - "JACQUE", "IDELLA", "ALAINA", "SUZANNA", "JOVITA", "BLAIR", "TOSHA", "RAVEN", "NEREIDA", "MARLYN", - "KYLA", "JOSEPH", "DELFINA", "TENA", "STEPHENIE", "SABINA", "NATHALIE", "MARCELLE", "GERTIE", "DARLEEN", - "THEA", "SHARONDA", "SHANTEL", "BELEN", "VENESSA", "ROSALINA", "ONA", "GENOVEVA", "COREY", "CLEMENTINE", - "ROSALBA", "RENATE", "RENATA", "MI", "IVORY", "GEORGIANNA", "FLOY", "DORCAS", "ARIANA", "TYRA", - "THEDA", "MARIAM", "JULI", "JESICA", "DONNIE", "VIKKI", "VERLA", "ROSELYN", "MELVINA", "JANNETTE", - "GINNY", "DEBRAH", "CORRIE", "ASIA", "VIOLETA", "MYRTIS", "LATRICIA", "COLLETTE", "CHARLEEN", "ANISSA", - "VIVIANA", "TWYLA", "PRECIOUS", "NEDRA", "LATONIA", "LAN", "HELLEN", "FABIOLA", "ANNAMARIE", "ADELL", - "SHARYN", "CHANTAL", "NIKI", "MAUD", "LIZETTE", "LINDY", "KIA", "KESHA", "JEANA", "DANELLE", - "CHARLINE", "CHANEL", "CARROL", "VALORIE", "LIA", "DORTHA", "CRISTAL", "SUNNY", "LEONE", "LEILANI", - "GERRI", "DEBI", "ANDRA", "KESHIA", "IMA", "EULALIA", "EASTER", "DULCE", "NATIVIDAD", "LINNIE", - "KAMI", "GEORGIE", "CATINA", "BROOK", "ALDA", "WINNIFRED", "SHARLA", "RUTHANN", "MEAGHAN", "MAGDALENE", - "LISSETTE", "ADELAIDA", "VENITA", "TRENA", "SHIRLENE", "SHAMEKA", "ELIZEBETH", "DIAN", "SHANTA", "MICKEY", - "LATOSHA", "CARLOTTA", "WINDY", "SOON", "ROSINA", "MARIANN", "LEISA", "JONNIE", "DAWNA", "CATHIE", - "BILLY", "ASTRID", "SIDNEY", "LAUREEN", "JANEEN", "HOLLI", "FAWN", "VICKEY", "TERESSA", "SHANTE", - "RUBYE", "MARCELINA", "CHANDA", "CARY", "TERESE", "SCARLETT", "MARTY", "MARNIE", "LULU", "LISETTE", - "JENIFFER", "ELENOR", "DORINDA", "DONITA", "CARMAN", "BERNITA", "ALTAGRACIA", "ALETA", "ADRIANNA", "ZORAIDA", - "RONNIE", "NICOLA", "LYNDSEY", "KENDALL", "JANINA", "CHRISSY", "AMI", "STARLA", "PHYLIS", "PHUONG", - "KYRA", "CHARISSE", "BLANCH", "SANJUANITA", "RONA", "NANCI", "MARILEE", "MARANDA", "CORY", "BRIGETTE", - "SANJUANA", "MARITA", "KASSANDRA", "JOYCELYN", "IRA", "FELIPA", "CHELSIE", "BONNY", "MIREYA", "LORENZA", - "KYONG", "ILEANA", "CANDELARIA", "TONY", "TOBY", "SHERIE", "OK", "MARK", "LUCIE", "LEATRICE", - "LAKESHIA", "GERDA", "EDIE", "BAMBI", "MARYLIN", "LAVON", "HORTENSE", "GARNET", "EVIE", "TRESSA", - "SHAYNA", "LAVINA", "KYUNG", "JEANETTA", "SHERRILL", "SHARA", "PHYLISS", "MITTIE", "ANABEL", "ALESIA", - "THUY", "TAWANDA", "RICHARD", "JOANIE", "TIFFANIE", "LASHANDA", "KARISSA", "ENRIQUETA", "DARIA", "DANIELLA", - "CORINNA", "ALANNA", "ABBEY", "ROXANE", "ROSEANNA", "MAGNOLIA", "LIDA", "KYLE", "JOELLEN", "ERA", - "CORAL", "CARLEEN", "TRESA", "PEGGIE", "NOVELLA", "NILA", "MAYBELLE", "JENELLE", "CARINA", "NOVA", - "MELINA", "MARQUERITE", "MARGARETTE", "JOSEPHINA", "EVONNE", "DEVIN", "CINTHIA", "ALBINA", "TOYA", "TAWNYA", - "SHERITA", "SANTOS", "MYRIAM", "LIZABETH", "LISE", "KEELY", "JENNI", "GISELLE", "CHERYLE", "ARDITH", - "ARDIS", "ALESHA", "ADRIANE", "SHAINA", "LINNEA", "KAROLYN", "HONG", "FLORIDA", "FELISHA", "DORI", - "DARCI", "ARTIE", "ARMIDA", "ZOLA", "XIOMARA", "VERGIE", "SHAMIKA", "NENA", "NANNETTE", "MAXIE", - "LOVIE", "JEANE", "JAIMIE", "INGE", "FARRAH", "ELAINA", "CAITLYN", "STARR", "FELICITAS", "CHERLY", - "CARYL", "YOLONDA", "YASMIN", "TEENA", "PRUDENCE", "PENNIE", "NYDIA", "MACKENZIE", "ORPHA", "MARVEL", - "LIZBETH", "LAURETTE", "JERRIE", "HERMELINDA", "CAROLEE", "TIERRA", "MIRIAN", "META", "MELONY", "KORI", - "JENNETTE", "JAMILA", "ENA", "ANH", "YOSHIKO", "SUSANNAH", "SALINA", "RHIANNON", "JOLEEN", "CRISTINE", - "ASHTON", "ARACELY", "TOMEKA", "SHALONDA", "MARTI", "LACIE", "KALA", "JADA", "ILSE", "HAILEY", - "BRITTANI", "ZONA", "SYBLE", "SHERRYL", "RANDY", "NIDIA", "MARLO", "KANDICE", "KANDI", "DEB", - "DEAN", "AMERICA", "ALYCIA", "TOMMY", "RONNA", "NORENE", "MERCY", "JOSE", "INGEBORG", "GIOVANNA", - "GEMMA", "CHRISTEL", "AUDRY", "ZORA", "VITA", "VAN", "TRISH", "STEPHAINE", "SHIRLEE", "SHANIKA", - "MELONIE", "MAZIE", "JAZMIN", "INGA", "HOA", "HETTIE", "GERALYN", "FONDA", "ESTRELLA", "ADELLA", - "SU", "SARITA", "RINA", "MILISSA", "MARIBETH", "GOLDA", "EVON", "ETHELYN", "ENEDINA", "CHERISE", - "CHANA", "VELVA", "TAWANNA", "SADE", "MIRTA", "LI", "KARIE", "JACINTA", "ELNA", "DAVINA", - "CIERRA", "ASHLIE", "ALBERTHA", "TANESHA", "STEPHANI", "NELLE", "MINDI", "LU", "LORINDA", "LARUE", - "FLORENE", "DEMETRA", "DEDRA", "CIARA", "CHANTELLE", "ASHLY", "SUZY", "ROSALVA", "NOELIA", "LYDA", - "LEATHA", "KRYSTYNA", "KRISTAN", "KARRI", "DARLINE", "DARCIE", "CINDA", "CHEYENNE", "CHERRIE", "AWILDA", - "ALMEDA", "ROLANDA", "LANETTE", "JERILYN", "GISELE", "EVALYN", "CYNDI", "CLETA", "CARIN", "ZINA", - "ZENA", "VELIA", "TANIKA", "PAUL", "CHARISSA", "THOMAS", "TALIA", "MARGARETE", "LAVONDA", "KAYLEE", - "KATHLENE", "JONNA", "IRENA", "ILONA", "IDALIA", "CANDIS", "CANDANCE", "BRANDEE", "ANITRA", "ALIDA", - "SIGRID", "NICOLETTE", "MARYJO", "LINETTE", "HEDWIG", "CHRISTIANA", "CASSIDY", "ALEXIA", "TRESSIE", "MODESTA", - "LUPITA", "LITA", "GLADIS", "EVELIA", "DAVIDA", "CHERRI", "CECILY", "ASHELY", "ANNABEL", "AGUSTINA", - "WANITA", "SHIRLY", "ROSAURA", "HULDA", "EUN", "BAILEY", "YETTA", "VERONA", "THOMASINA", "SIBYL", - "SHANNAN", "MECHELLE", "LUE", "LEANDRA", "LANI", "KYLEE", "KANDY", "JOLYNN", "FERNE", "EBONI", - "CORENE", "ALYSIA", "ZULA", "NADA", "MOIRA", "LYNDSAY", "LORRETTA", "JUAN", "JAMMIE", "HORTENSIA", - "GAYNELL", "CAMERON", "ADRIA", "VINA", "VICENTA", "TANGELA", "STEPHINE", "NORINE", "NELLA", "LIANA", - "LESLEE", "KIMBERELY", "ILIANA", "GLORY", "FELICA", "EMOGENE", "ELFRIEDE", "EDEN", "EARTHA", "CARMA", - "BEA", "OCIE", "MARRY", "LENNIE", "KIARA", "JACALYN", "CARLOTA", "ARIELLE", "YU", "STAR", - "OTILIA", "KIRSTIN", "KACEY", "JOHNETTA", "JOEY", "JOETTA", "JERALDINE", "JAUNITA", "ELANA", "DORTHEA", - "CAMI", "AMADA", "ADELIA", "VERNITA", "TAMAR", "SIOBHAN", "RENEA", "RASHIDA", "OUIDA", "ODELL", - "NILSA", "MERYL", "KRISTYN", "JULIETA", "DANICA", "BREANNE", "AUREA", "ANGLEA", "SHERRON", "ODETTE", - "MALIA", "LORELEI", "LIN", "LEESA", "KENNA", "KATHLYN", "FIONA", "CHARLETTE", "SUZIE", "SHANTELL", - "SABRA", "RACQUEL", "MYONG", "MIRA", "MARTINE", "LUCIENNE", "LAVADA", "JULIANN", "JOHNIE", "ELVERA", - "DELPHIA", "CLAIR", "CHRISTIANE", "CHAROLETTE", "CARRI", "AUGUSTINE", "ASHA", "ANGELLA", "PAOLA", "NINFA", - "LEDA", "LAI", "EDA", "SUNSHINE", "STEFANI", "SHANELL", "PALMA", "MACHELLE", "LISSA", "KECIA", - "KATHRYNE", "KARLENE", "JULISSA", "JETTIE", "JENNIFFER", "HUI", "CORRINA", "CHRISTOPHER", "CAROLANN", "ALENA", - "TESS", "ROSARIA", "MYRTICE", "MARYLEE", "LIANE", "KENYATTA", "JUDIE", "JANEY", "IN", "ELMIRA", - "ELDORA", "DENNA", "CRISTI", "CATHI", "ZAIDA", "VONNIE", "VIVA", "VERNIE", "ROSALINE", "MARIELA", - "LUCIANA", "LESLI", "KARAN", "FELICE", "DENEEN", "ADINA", "WYNONA", "TARSHA", "SHERON", "SHASTA", - "SHANITA", "SHANI", "SHANDRA", "RANDA", "PINKIE", "PARIS", "NELIDA", "MARILOU", "LYLA", "LAURENE", - "LACI", "JOI", "JANENE", "DOROTHA", "DANIELE", "DANI", "CAROLYNN", "CARLYN", "BERENICE", "AYESHA", - "ANNELIESE", "ALETHEA", "THERSA", "TAMIKO", "RUFINA", "OLIVA", "MOZELL", "MARYLYN", "MADISON", "KRISTIAN", - "KATHYRN", "KASANDRA", "KANDACE", "JANAE", "GABRIEL", "DOMENICA", "DEBBRA", "DANNIELLE", "CHUN", "BUFFY", - "BARBIE", "ARCELIA", "AJA", "ZENOBIA", "SHAREN", "SHAREE", "PATRICK", "PAGE", "MY", "LAVINIA", - "KUM", "KACIE", "JACKELINE", "HUONG", "FELISA", "EMELIA", "ELEANORA", "CYTHIA", "CRISTIN", "CLYDE", - "CLARIBEL", "CARON", "ANASTACIA", "ZULMA", "ZANDRA", "YOKO", "TENISHA", "SUSANN", "SHERILYN", "SHAY", - "SHAWANDA", "SABINE", "ROMANA", "MATHILDA", "LINSEY", "KEIKO", "JOANA", "ISELA", "GRETTA", "GEORGETTA", - "EUGENIE", "DUSTY", "DESIRAE", "DELORA", "CORAZON", "ANTONINA", "ANIKA", "WILLENE", "TRACEE", "TAMATHA", - "REGAN", "NICHELLE", "MICKIE", "MAEGAN", "LUANA", "LANITA", "KELSIE", "EDELMIRA", "BREE", "AFTON", - "TEODORA", "TAMIE", "SHENA", "MEG", "LINH", "KELI", "KACI", "DANYELLE", "BRITT", "ARLETTE", - "ALBERTINE", "ADELLE", "TIFFINY", "STORMY", "SIMONA", "NUMBERS", "NICOLASA", "NICHOL", "NIA", "NAKISHA", - "MEE", "MAIRA", "LOREEN", "KIZZY", "JOHNNY", "JAY", "FALLON", "CHRISTENE", "BOBBYE", "ANTHONY", - "YING", "VINCENZA", "TANJA", "RUBIE", "RONI", "QUEENIE", "MARGARETT", "KIMBERLI", "IRMGARD", "IDELL", - "HILMA", "EVELINA", "ESTA", "EMILEE", "DENNISE", "DANIA", "CARL", "CARIE", "ANTONIO", "WAI", - "SANG", "RISA", "RIKKI", "PARTICIA", "MUI", "MASAKO", "MARIO", "LUVENIA", "LOREE", "LONI", - "LIEN", "KEVIN", "GIGI", "FLORENCIA", "DORIAN", "DENITA", "DALLAS", "CHI", "BILLYE", "ALEXANDER", - "TOMIKA", "SHARITA", "RANA", "NIKOLE", "NEOMA", "MARGARITE", "MADALYN", "LUCINA", "LAILA", "KALI", - "JENETTE", "GABRIELE", "EVELYNE", "ELENORA", "CLEMENTINA", "ALEJANDRINA", "ZULEMA", "VIOLETTE", "VANNESSA", "THRESA", - "RETTA", "PIA", "PATIENCE", "NOELLA", "NICKIE", "JONELL", "DELTA", "CHUNG", "CHAYA", "CAMELIA", - "BETHEL", "ANYA", "ANDREW", "THANH", "SUZANN", "SPRING", "SHU", "MILA", "LILLA", "LAVERNA", - "KEESHA", "KATTIE", "GIA", "GEORGENE", "EVELINE", "ESTELL", "ELIZBETH", "VIVIENNE", "VALLIE", "TRUDIE", - "STEPHANE", "MICHEL", "MAGALY", "MADIE", "KENYETTA", "KARREN", "JANETTA", "HERMINE", "HARMONY", "DRUCILLA", - "DEBBI", "CELESTINA", "CANDIE", "BRITNI", "BECKIE", "AMINA", "ZITA", "YUN", "YOLANDE", "VIVIEN", - "VERNETTA", "TRUDI", "SOMMER", "PEARLE", "PATRINA", "OSSIE", "NICOLLE", "LOYCE", "LETTY", "LARISA", - "KATHARINA", "JOSELYN", "JONELLE", "JENELL", "IESHA", "HEIDE", "FLORINDA", "FLORENTINA", "FLO", "ELODIA", - "DORINE", "BRUNILDA", "BRIGID", "ASHLI", "ARDELLA", "TWANA", "THU", "TARAH", "SUNG", "SHEA", - "SHAVON", "SHANE", "SERINA", "RAYNA", "RAMONITA", "NGA", "MARGURITE", "LUCRECIA", "KOURTNEY", "KATI", - "JESUS", "JESENIA", "DIAMOND", "CRISTA", "AYANA", "ALICA", "ALIA", "VINNIE", "SUELLEN", "ROMELIA", - "RACHELL", "PIPER", "OLYMPIA", "MICHIKO", "KATHALEEN", "JOLIE", "JESSI", "JANESSA", "HANA", "HA", - "ELEASE", "CARLETTA", "BRITANY", "SHONA", "SALOME", "ROSAMOND", "REGENA", "RAINA", "NGOC", "NELIA", - "LOUVENIA", "LESIA", "LATRINA", "LATICIA", "LARHONDA", "JINA", "JACKI", "HOLLIS", "HOLLEY", "EMMY", - "DEEANN", "CORETTA", "ARNETTA", "VELVET", "THALIA", "SHANICE", "NETA", "MIKKI", "MICKI", "LONNA", - "LEANA", "LASHUNDA", "KILEY", "JOYE", "JACQULYN", "IGNACIA", "HYUN", "HIROKO", "HENRY", "HENRIETTE", - "ELAYNE", "DELINDA", "DARNELL", "DAHLIA", "COREEN", "CONSUELA", "CONCHITA", "CELINE", "BABETTE", "AYANNA", - "ANETTE", "ALBERTINA", "SKYE", "SHAWNEE", "SHANEKA", "QUIANA", "PAMELIA", "MIN", "MERRI", "MERLENE", - "MARGIT", "KIESHA", "KIERA", "KAYLENE", "JODEE", "JENISE", "ERLENE", "EMMIE", "ELSE", "DARYL", - "DALILA", "DAISEY", "CODY", "CASIE", "BELIA", "BABARA", "VERSIE", "VANESA", "SHELBA", "SHAWNDA", - "SAM", "NORMAN", "NIKIA", "NAOMA", "MARNA", "MARGERET", "MADALINE", "LAWANA", "KINDRA", "JUTTA", - "JAZMINE", "JANETT", "HANNELORE", "GLENDORA", "GERTRUD", "GARNETT", "FREEDA", "FREDERICA", "FLORANCE", "FLAVIA", - "DENNIS", "CARLINE", "BEVERLEE", "ANJANETTE", "VALDA", "TRINITY", "TAMALA", "STEVIE", "SHONNA", "SHA", - "SARINA", "ONEIDA", "MICAH", "MERILYN", "MARLEEN", "LURLINE", "LENNA", "KATHERIN", "JIN", "JENI", - "HAE", "GRACIA", "GLADY", "FARAH", "ERIC", "ENOLA", "EMA", "DOMINQUE", "DEVONA", "DELANA", - "CECILA", "CAPRICE", "ALYSHA", "ALI", "ALETHIA", "VENA", "THERESIA", "TAWNY", "SONG", "SHAKIRA", - "SAMARA", "SACHIKO", "RACHELE", "PAMELLA", "NICKY", "MARNI", "MARIEL", "MAREN", "MALISA", "LIGIA", - "LERA", "LATORIA", "LARAE", "KIMBER", "KATHERN", "KAREY", "JENNEFER", "JANETH", "HALINA", "FREDIA", - "DELISA", "DEBROAH", "CIERA", "CHIN", "ANGELIKA", "ANDREE", "ALTHA", "YEN", "VIVAN", "TERRESA", - "TANNA", "SUK", "SUDIE", "SOO", "SIGNE", "SALENA", "RONNI", "REBBECCA", "MYRTIE", "MCKENZIE", - "MALIKA", "MAIDA", "LOAN", "LEONARDA", "KAYLEIGH", "FRANCE", "ETHYL", "ELLYN", "DAYLE", "CAMMIE", - "BRITTNI", "BIRGIT", "AVELINA", "ASUNCION", "ARIANNA", "AKIKO", "VENICE", "TYESHA", "TONIE", "TIESHA", - "TAKISHA", "STEFFANIE", "SINDY", "SANTANA", "MEGHANN", "MANDA", "MACIE", "LADY", "KELLYE", "KELLEE", - "JOSLYN", "JASON", "INGER", "INDIRA", "GLINDA", "GLENNIS", "FERNANDA", "FAUSTINA", "ENEIDA", "ELICIA", - "DOT", "DIGNA", "DELL", "ARLETTA", "ANDRE", "WILLIA", "TAMMARA", "TABETHA", "SHERRELL", "SARI", - "REFUGIO", "REBBECA", "PAULETTA", "NIEVES", "NATOSHA", "NAKITA", "MAMMIE", "KENISHA", "KAZUKO", "KASSIE", - "GARY", "EARLEAN", "DAPHINE", "CORLISS", "CLOTILDE", "CAROLYNE", "BERNETTA", "AUGUSTINA", "AUDREA", "ANNIS", - "ANNABELL", "YAN", "TENNILLE", "TAMICA", "SELENE", "SEAN", "ROSANA", "REGENIA", "QIANA", "MARKITA", - "MACY", "LEEANNE", "LAURINE", "KYM", "JESSENIA", "JANITA", "GEORGINE", "GENIE", "EMIKO", "ELVIE", - "DEANDRA", "DAGMAR", "CORIE", "COLLEN", "CHERISH", "ROMAINE", "PORSHA", "PEARLENE", "MICHELINE", "MERNA", - "MARGORIE", "MARGARETTA", "LORE", "KENNETH", "JENINE", "HERMINA", "FREDERICKA", "ELKE", "DRUSILLA", "DORATHY", - "DIONE", "DESIRE", "CELENA", "BRIGIDA", "ANGELES", "ALLEGRA", "THEO", "TAMEKIA", "SYNTHIA", "STEPHEN", - "SOOK", "SLYVIA", "ROSANN", "REATHA", "RAYE", "MARQUETTA", "MARGART", "LING", "LAYLA", "KYMBERLY", - "KIANA", "KAYLEEN", "KATLYN", "KARMEN", "JOELLA", "IRINA", "EMELDA", "ELENI", "DETRA", "CLEMMIE", - "CHERYLL", "CHANTELL", "CATHEY", "ARNITA", "ARLA", "ANGLE", "ANGELIC", "ALYSE", "ZOFIA", "THOMASINE", - "TENNIE", "SON", "SHERLY", "SHERLEY", "SHARYL", "REMEDIOS", "PETRINA", "NICKOLE", "MYUNG", "MYRLE", - "MOZELLA", "LOUANNE", "LISHA", "LATIA", "LANE", "KRYSTA", "JULIENNE", "JOEL", "JEANENE", "JACQUALINE", - "ISAURA", "GWENDA", "EARLEEN", "DONALD", "CLEOPATRA", "CARLIE", "AUDIE", "ANTONIETTA", "ALISE", "ALEX", - "VERDELL", "VAL", "TYLER", "TOMOKO", "THAO", "TALISHA", "STEVEN", "SO", "SHEMIKA", "SHAUN", - "SCARLET", "SAVANNA", "SANTINA", "ROSIA", "RAEANN", "ODILIA", "NANA", "MINNA", "MAGAN", "LYNELLE", - "LE", "KARMA", "JOEANN", "IVANA", "INELL", "ILANA", "HYE", "HONEY", "HEE", "GUDRUN", - "FRANK", "DREAMA", "CRISSY", "CHANTE", "CARMELINA", "ARVILLA", "ARTHUR", "ANNAMAE", "ALVERA", "ALEIDA", - "AARON", "YEE", "YANIRA", "VANDA", "TIANNA", "TAM", "STEFANIA", "SHIRA", "PERRY", "NICOL", - "NANCIE", "MONSERRATE", "MINH", "MELYNDA", "MELANY", "MATTHEW", "LOVELLA", "LAURE", "KIRBY", "KACY", - "JACQUELYNN", "HYON", "GERTHA", "FRANCISCO", "ELIANA", "CHRISTENA", "CHRISTEEN", "CHARISE", "CATERINA", "CARLEY", - "CANDYCE", "ARLENA", "AMMIE", "YANG", "WILLETTE", "VANITA", "TUYET", "TINY", "SYREETA", "SILVA", - "SCOTT", "RONALD", "PENNEY", "NYLA", "MICHAL", "MAURICE", "MARYAM", "MARYA", "MAGEN", "LUDIE", - "LOMA", "LIVIA", "LANELL", "KIMBERLIE", "JULEE", "DONETTA", "DIEDRA", "DENISHA", "DEANE", "DAWNE", - "CLARINE", "CHERRYL", "BRONWYN", "BRANDON", "ALLA", "VALERY", "TONDA", "SUEANN", "SORAYA", "SHOSHANA", - "SHELA", "SHARLEEN", "SHANELLE", "NERISSA", "MICHEAL", "MERIDITH", "MELLIE", "MAYE", "MAPLE", "MAGARET", - "LUIS", "LILI", "LEONILA", "LEONIE", "LEEANNA", "LAVONIA", "LAVERA", "KRISTEL", "KATHEY", "KATHE", - "JUSTIN", "JULIAN", "JIMMY", "JANN", "ILDA", "HILDRED", "HILDEGARDE", "GENIA", "FUMIKO", "EVELIN", - "ERMELINDA", "ELLY", "DUNG", "DOLORIS", "DIONNA", "DANAE", "BERNEICE", "ANNICE", "ALIX", "VERENA", - "VERDIE", "TRISTAN", "SHAWNNA", "SHAWANA", "SHAUNNA", "ROZELLA", "RANDEE", "RANAE", "MILAGRO", "LYNELL", - "LUISE", "LOUIE", "LOIDA", "LISBETH", "KARLEEN", "JUNITA", "JONA", "ISIS", "HYACINTH", "HEDY", - "GWENN", "ETHELENE", "ERLINE", "EDWARD", "DONYA", "DOMONIQUE", "DELICIA", "DANNETTE", "CICELY", "BRANDA", - "BLYTHE", "BETHANN", "ASHLYN", "ANNALEE", "ALLINE", "YUKO", "VELLA", "TRANG", "TOWANDA", "TESHA", - "SHERLYN", "NARCISA", "MIGUELINA", "MERI", "MAYBELL", "MARLANA", "MARGUERITA", "MADLYN", "LUNA", "LORY", - "LORIANN", "LIBERTY", "LEONORE", "LEIGHANN", "LAURICE", "LATESHA", "LARONDA", "KATRICE", "KASIE", "KARL", - "KALEY", "JADWIGA", "GLENNIE", "GEARLDINE", "FRANCINA", "EPIFANIA", "DYAN", "DORIE", "DIEDRE", "DENESE", - "DEMETRICE", "DELENA", "DARBY", "CRISTIE", "CLEORA", "CATARINA", "CARISA", "BERNIE", "BARBERA", "ALMETA", - "TRULA", "TEREASA", "SOLANGE", "SHEILAH", "SHAVONNE", "SANORA", "ROCHELL", "MATHILDE", "MARGARETA", "MAIA", - "LYNSEY", "LAWANNA", "LAUNA", "KENA", "KEENA", "KATIA", "JAMEY", "GLYNDA", "GAYLENE", "ELVINA", - "ELANOR", "DANUTA", "DANIKA", "CRISTEN", "CORDIE", "COLETTA", "CLARITA", "CARMON", "BRYNN", "AZUCENA", - "AUNDREA", "ANGELE", "YI", "WALTER", "VERLIE", "VERLENE", "TAMESHA", "SILVANA", "SEBRINA", "SAMIRA", - "REDA", "RAYLENE", "PENNI", "PANDORA", "NORAH", "NOMA", "MIREILLE", "MELISSIA", "MARYALICE", "LARAINE", - "KIMBERY", "KARYL", "KARINE", "KAM", "JOLANDA", "JOHANA", "JESUSA", "JALEESA", "JAE", "JACQUELYNE", - "IRISH", "ILUMINADA", "HILARIA", "HANH", "GENNIE", "FRANCIE", "FLORETTA", "EXIE", "EDDA", "DREMA", - "DELPHA", "BEV", "BARBAR", "ASSUNTA", "ARDELL", "ANNALISA", "ALISIA", "YUKIKO", "YOLANDO", "WONDA", - "WEI", "WALTRAUD", "VETA", "TEQUILA", "TEMEKA", "TAMEIKA", "SHIRLEEN", "SHENITA", "PIEDAD", "OZELLA", - "MIRTHA", "MARILU", "KIMIKO", "JULIANE", "JENICE", "JEN", "JANAY", "JACQUILINE", "HILDE", "FE", - "FAE", "EVAN", "EUGENE", "ELOIS", "ECHO", "DEVORAH", "CHAU", "BRINDA", "BETSEY", "ARMINDA", - "ARACELIS", "APRYL", "ANNETT", "ALISHIA", "VEOLA", "USHA", "TOSHIKO", "THEOLA", "TASHIA", "TALITHA", - "SHERY", "RUDY", "RENETTA", "REIKO", "RASHEEDA", "OMEGA", "OBDULIA", "MIKA", "MELAINE", "MEGGAN", - "MARTIN", "MARLEN", "MARGET", "MARCELINE", "MANA", "MAGDALEN", "LIBRADA", "LEZLIE", "LEXIE", "LATASHIA", - "LASANDRA", "KELLE", "ISIDRA", "ISA", "INOCENCIA", "GWYN", "FRANCOISE", "ERMINIA", "ERINN", "DIMPLE", - "DEVORA", "CRISELDA", "ARMANDA", "ARIE", "ARIANE", "ANGELO", "ANGELENA", "ALLEN", "ALIZA", "ADRIENE", - "ADALINE", "XOCHITL", "TWANNA", "TRAN", "TOMIKO", "TAMISHA", "TAISHA", "SUSY", "SIU", "RUTHA", - "ROXY", "RHONA", "RAYMOND", "OTHA", "NORIKO", "NATASHIA", "MERRIE", "MELVIN", "MARINDA", "MARIKO", - "MARGERT", "LORIS", "LIZZETTE", "LEISHA", "KAILA", "KA", "JOANNIE", "JERRICA", "JENE", "JANNET", - "JANEE", "JACINDA", "HERTA", "ELENORE", "DORETTA", "DELAINE", "DANIELL", "CLAUDIE", "CHINA", "BRITTA", - "APOLONIA", "AMBERLY", "ALEASE", "YURI", "YUK", "WEN", "WANETA", "UTE", "TOMI", "SHARRI", - "SANDIE", "ROSELLE", "REYNALDA", "RAGUEL", "PHYLICIA", "PATRIA", "OLIMPIA", "ODELIA", "MITZIE", "MITCHELL", - "MISS", "MINDA", "MIGNON", "MICA", "MENDY", "MARIVEL", "MAILE", "LYNETTA", "LAVETTE", "LAURYN", - "LATRISHA", "LAKIESHA", "KIERSTEN", "KARY", "JOSPHINE", "JOLYN", "JETTA", "JANISE", "JACQUIE", "IVELISSE", - "GLYNIS", "GIANNA", "GAYNELLE", "EMERALD", "DEMETRIUS", "DANYELL", "DANILLE", "DACIA", "CORALEE", "CHER", - "CEOLA", "BRETT", "BELL", "ARIANNE", "ALESHIA", "YUNG", "WILLIEMAE", "TROY", "TRINH", "THORA", - "TAI", "SVETLANA", "SHERIKA", "SHEMEKA", "SHAUNDA", "ROSELINE", "RICKI", "MELDA", "MALLIE", "LAVONNA", - "LATINA", "LARRY", "LAQUANDA", "LALA", "LACHELLE", "KLARA", "KANDIS", "JOHNA", "JEANMARIE", "JAYE", - "HANG", "GRAYCE", "GERTUDE", "EMERITA", "EBONIE", "CLORINDA", "CHING", "CHERY", "CAROLA", "BREANN", - "BLOSSOM", "BERNARDINE", "BECKI", "ARLETHA", "ARGELIA", "ARA", "ALITA", "YULANDA", "YON", "YESSENIA", - "TOBI", "TASIA", "SYLVIE", "SHIRL", "SHIRELY", "SHERIDAN", "SHELLA", "SHANTELLE", "SACHA", "ROYCE", - "REBECKA", "REAGAN", "PROVIDENCIA", "PAULENE", "MISHA", "MIKI", "MARLINE", "MARICA", "LORITA", "LATOYIA", - "LASONYA", "KERSTIN", "KENDA", "KEITHA", "KATHRIN", "JAYMIE", "JACK", "GRICELDA", "GINETTE", "ERYN", - "ELINA", "ELFRIEDA", "DANYEL", "CHEREE", "CHANELLE", "BARRIE", "AVERY", "AURORE", "ANNAMARIA", "ALLEEN", - "AILENE", "AIDE", "YASMINE", "VASHTI", "VALENTINE", "TREASA", "TORY", "TIFFANEY", "SHERYLL", "SHARIE", - "SHANAE", "SAU", "RAISA", "PA", "NEDA", "MITSUKO", "MIRELLA", "MILDA", "MARYANNA", "MARAGRET", - "MABELLE", "LUETTA", "LORINA", "LETISHA", "LATARSHA", "LANELLE", "LAJUANA", "KRISSY", "KARLY", "KARENA", - "JON", "JESSIKA", "JERICA", "JEANELLE", "JANUARY", "JALISA", "JACELYN", "IZOLA", "IVEY", "GREGORY", - "EUNA", "ETHA", "DREW", "DOMITILA", "DOMINICA", "DAINA", "CREOLA", "CARLI", "CAMIE", "BUNNY", - "BRITTNY", "ASHANTI", "ANISHA", "ALEEN", "ADAH", "YASUKO", "WINTER", "VIKI", "VALRIE", "TONA", - "TINISHA", "THI", "TERISA", "TATUM", "TANEKA", "SIMONNE", "SHALANDA", "SERITA", "RESSIE", "REFUGIA", - "PAZ", "OLENE", "NA", "MERRILL", "MARGHERITA", "MANDIE", "MAN", "MAIRE", "LYNDIA", "LUCI", - "LORRIANE", "LORETA", "LEONIA", "LAVONA", "LASHAWNDA", "LAKIA", "KYOKO", "KRYSTINA", "KRYSTEN", "KENIA", - "KELSI", "JUDE", "JEANICE", "ISOBEL", "GEORGIANN", "GENNY", "FELICIDAD", "EILENE", "DEON", "DELOISE", - "DEEDEE", "DANNIE", "CONCEPTION", "CLORA", "CHERILYN", "CHANG", "CALANDRA", "BERRY", "ARMANDINA", "ANISA", - "ULA", "TIMOTHY", "TIERA", "THERESSA", "STEPHANIA", "SIMA", "SHYLA", "SHONTA", "SHERA", "SHAQUITA", - "SHALA", "SAMMY", "ROSSANA", "NOHEMI", "NERY", "MORIAH", "MELITA", "MELIDA", "MELANI", "MARYLYNN", - "MARISHA", "MARIETTE", "MALORIE", "MADELENE", "LUDIVINA", "LORIA", "LORETTE", "LORALEE", "LIANNE", "LEON", - "LAVENIA", "LAURINDA", "LASHON", "KIT", "KIMI", "KEILA", "KATELYNN", "KAI", "JONE", "JOANE", - "JI", "JAYNA", "JANELLA", "JA", "HUE", "HERTHA", "FRANCENE", "ELINORE", "DESPINA", "DELSIE", - "DEEDRA", "CLEMENCIA", "CARRY", "CAROLIN", "CARLOS", "BULAH", "BRITTANIE", "BOK", "BLONDELL", "BIBI", - "BEAULAH", "BEATA", "ANNITA", "AGRIPINA", "VIRGEN", "VALENE", "UN", "TWANDA", "TOMMYE", "TOI", - "TARRA", "TARI", "TAMMERA", "SHAKIA", "SADYE", "RUTHANNE", "ROCHEL", "RIVKA", "PURA", "NENITA", - "NATISHA", "MING", "MERRILEE", "MELODEE", "MARVIS", "LUCILLA", "LEENA", "LAVETA", "LARITA", "LANIE", - "KEREN", "ILEEN", "GEORGEANN", "GENNA", "GENESIS", "FRIDA", "EWA", "EUFEMIA", "EMELY", "ELA", - "EDYTH", "DEONNA", "DEADRA", "DARLENA", "CHANELL", "CHAN", "CATHERN", "CASSONDRA", "CASSAUNDRA", "BERNARDA", - "BERNA", "ARLINDA", "ANAMARIA", "ALBERT", "WESLEY", "VERTIE", "VALERI", "TORRI", "TATYANA", "STASIA", - "SHERISE", "SHERILL", "SEASON", "SCOTTIE", "SANDA", "RUTHE", "ROSY", "ROBERTO", "ROBBI", "RANEE", - "QUYEN", "PEARLY", "PALMIRA", "ONITA", "NISHA", "NIESHA", "NIDA", "NEVADA", "NAM", "MERLYN", - "MAYOLA", "MARYLOUISE", "MARYLAND", "MARX", "MARTH", "MARGENE", "MADELAINE", "LONDA", "LEONTINE", "LEOMA", - "LEIA", "LAWRENCE", "LAURALEE", "LANORA", "LAKITA", "KIYOKO", "KETURAH", "KATELIN", "KAREEN", "JONIE", - "JOHNETTE", "JENEE", "JEANETT", "IZETTA", "HIEDI", "HEIKE", "HASSIE", "HAROLD", "GIUSEPPINA", "GEORGANN", - "FIDELA", "FERNANDE", "ELWANDA", "ELLAMAE", "ELIZ", "DUSTI", "DOTTY", "CYNDY", "CORALIE", "CELESTA", - "ARGENTINA", "ALVERTA", "XENIA", "WAVA", "VANETTA", "TORRIE", "TASHINA", "TANDY", "TAMBRA", "TAMA", - "STEPANIE", "SHILA", "SHAUNTA", "SHARAN", "SHANIQUA", "SHAE", "SETSUKO", "SERAFINA", "SANDEE", "ROSAMARIA", - "PRISCILA", "OLINDA", "NADENE", "MUOI", "MICHELINA", "MERCEDEZ", "MARYROSE", "MARIN", "MARCENE", "MAO", - "MAGALI", "MAFALDA", "LOGAN", "LINN", "LANNIE", "KAYCE", "KAROLINE", "KAMILAH", "KAMALA", "JUSTA", - "JOLINE", "JENNINE", "JACQUETTA", "IRAIDA", "GERALD", "GEORGEANNA", "FRANCHESCA", "FAIRY", "EMELINE", "ELANE", - "EHTEL", "EARLIE", "DULCIE", "DALENE", "CRIS", "CLASSIE", "CHERE", "CHARIS", "CAROYLN", "CARMINA", - "CARITA", "BRIAN", "BETHANIE", "AYAKO", "ARICA", "AN", "ALYSA", "ALESSANDRA", "AKILAH", "ADRIEN", - "ZETTA", "YOULANDA", "YELENA", "YAHAIRA", "XUAN", "WENDOLYN", "VICTOR", "TIJUANA", "TERRELL", "TERINA", - "TERESIA", "SUZI", "SUNDAY", "SHERELL", "SHAVONDA", "SHAUNTE", "SHARDA", "SHAKITA", "SENA", "RYANN", - "RUBI", "RIVA", "REGINIA", "REA", "RACHAL", "PARTHENIA", "PAMULA", "MONNIE", "MONET", "MICHAELE", - "MELIA", "MARINE", "MALKA", "MAISHA", "LISANDRA", "LEO", "LEKISHA", "LEAN", "LAURENCE", "LAKENDRA", - "KRYSTIN", "KORTNEY", "KIZZIE", "KITTIE", "KERA", "KENDAL", "KEMBERLY", "KANISHA", "JULENE", "JULE", - "JOSHUA", "JOHANNE", "JEFFREY", "JAMEE", "HAN", "HALLEY", "GIDGET", "GALINA", "FREDRICKA", "FLETA", - "FATIMAH", "EUSEBIA", "ELZA", "ELEONORE", "DORTHEY", "DORIA", "DONELLA", "DINORAH", "DELORSE", "CLARETHA", - "CHRISTINIA", "CHARLYN", "BONG", "BELKIS", "AZZIE", "ANDERA", "AIKO", "ADENA", "YER", "YAJAIRA", - "WAN", "VANIA", "ULRIKE", "TOSHIA", "TIFANY", "STEFANY", "SHIZUE", "SHENIKA", "SHAWANNA", "SHAROLYN", - "SHARILYN", "SHAQUANA", "SHANTAY", "SEE", "ROZANNE", "ROSELEE", "RICKIE", "REMONA", "REANNA", "RAELENE", - "QUINN", "PHUNG", "PETRONILA", "NATACHA", "NANCEY", "MYRL", "MIYOKO", "MIESHA", "MERIDETH", "MARVELLA", - "MARQUITTA", "MARHTA", "MARCHELLE", "LIZETH", "LIBBIE", "LAHOMA", "LADAWN", "KINA", "KATHELEEN", "KATHARYN", - "KARISA", "KALEIGH", "JUNIE", "JULIEANN", "JOHNSIE", "JANEAN", "JAIMEE", "JACKQUELINE", "HISAKO", "HERMA", - "HELAINE", "GWYNETH", "GLENN", "GITA", "EUSTOLIA", "EMELINA", "ELIN", "EDRIS", "DONNETTE", "DONNETTA", - "DIERDRE", "DENAE", "DARCEL", "CLAUDE", "CLARISA", "CINDERELLA", "CHIA", "CHARLESETTA", "CHARITA", "CELSA", - "CASSY", "CASSI", "CARLEE", "BRUNA", "BRITTANEY", "BRANDE", "BILLI", "BAO", "ANTONETTA", "ANGLA", - "ANGELYN", "ANALISA", "ALANE", "WENONA", "WENDIE", "VERONIQUE", "VANNESA", "TOBIE", "TEMPIE", "SUMIKO", - "SULEMA", "SPARKLE", "SOMER", "SHEBA", "SHAYNE", "SHARICE", "SHANEL", "SHALON", "SAGE", "ROY", - "ROSIO", "ROSELIA", "RENAY", "REMA", "REENA", "PORSCHE", "PING", "PEG", "OZIE", "ORETHA", - "ORALEE", "ODA", "NU", "NGAN", "NAKESHA", "MILLY", "MARYBELLE", "MARLIN", "MARIS", "MARGRETT", - "MARAGARET", "MANIE", "LURLENE", "LILLIA", "LIESELOTTE", "LAVELLE", "LASHAUNDA", "LAKEESHA", "KEITH", "KAYCEE", - "KALYN", "JOYA", "JOETTE", "JENAE", "JANIECE", "ILLA", "GRISEL", "GLAYDS", "GENEVIE", "GALA", - "FREDDA", "FRED", "ELMER", "ELEONOR", "DEBERA", "DEANDREA", "DAN", "CORRINNE", "CORDIA", "CONTESSA", - "COLENE", "CLEOTILDE", "CHARLOTT", "CHANTAY", "CECILLE", "BEATRIS", "AZALEE", "ARLEAN", "ARDATH", "ANJELICA", - "ANJA", "ALFREDIA", "ALEISHA", "ADAM", "ZADA", "YUONNE", "XIAO", "WILLODEAN", "WHITLEY", "VENNIE", - "VANNA", "TYISHA", "TOVA", "TORIE", "TONISHA", "TILDA", "TIEN", "TEMPLE", "SIRENA", "SHERRIL", - "SHANTI", "SHAN", "SENAIDA", "SAMELLA", "ROBBYN", "RENDA", "REITA", "PHEBE", "PAULITA", "NOBUKO", - "NGUYET", "NEOMI", "MOON", "MIKAELA", "MELANIA", "MAXIMINA", "MARG", "MAISIE", "LYNNA", "LILLI", - "LAYNE", "LASHAUN", "LAKENYA", "LAEL", "KIRSTIE", "KATHLINE", "KASHA", "KARLYN", "KARIMA", "JOVAN", - "JOSEFINE", "JENNELL", "JACQUI", "JACKELYN", "HYO", "HIEN", "GRAZYNA", "FLORRIE", "FLORIA", "ELEONORA", - "DWANA", "DORLA", "DONG", "DELMY", "DEJA", "DEDE", "DANN", "CRYSTA", "CLELIA", "CLARIS", - "CLARENCE", "CHIEKO", "CHERLYN", "CHERELLE", "CHARMAIN", "CHARA", "CAMMY", "BEE", "ARNETTE", "ARDELLE", - "ANNIKA", "AMIEE", "AMEE", "ALLENA", "YVONE", "YUKI", "YOSHIE", "YEVETTE", "YAEL", "WILLETTA", - "VONCILE", "VENETTA", "TULA", "TONETTE", "TIMIKA", "TEMIKA", "TELMA", "TEISHA", "TAREN", "TA", - "STACEE", "SHIN", "SHAWNTA", "SATURNINA", "RICARDA", "POK", "PASTY", "ONIE", "NUBIA", "MORA", - "MIKE", "MARIELLE", "MARIELLA", "MARIANELA", "MARDELL", "MANY", "LUANNA", "LOISE", "LISABETH", "LINDSY", - "LILLIANA", "LILLIAM", "LELAH", "LEIGHA", "LEANORA", "LANG", "KRISTEEN", "KHALILAH", "KEELEY", "KANDRA", - "JUNKO", "JOAQUINA", "JERLENE", "JANI", "JAMIKA", "JAME", "HSIU", "HERMILA", "GOLDEN", "GENEVIVE", - "EVIA", "EUGENA", "EMMALINE", "ELFREDA", "ELENE", "DONETTE", "DELCIE", "DEEANNA", "DARCEY", "CUC", - "CLARINDA", "CIRA", "CHAE", "CELINDA", "CATHERYN", "CATHERIN", "CASIMIRA", "CARMELIA", "CAMELLIA", "BREANA", - "BOBETTE", "BERNARDINA", "BEBE", "BASILIA", "ARLYNE", "AMAL", "ALAYNA", "ZONIA", "ZENIA", "YURIKO", - "YAEKO", "WYNELL", "WILLOW", "WILLENA", "VERNIA", "TU", "TRAVIS", "TORA", "TERRILYN", "TERICA", - "TENESHA", "TAWNA", "TAJUANA", "TAINA", "STEPHNIE", "SONA", "SOL", "SINA", "SHONDRA", "SHIZUKO", - "SHERLENE", "SHERICE", "SHARIKA", "ROSSIE", "ROSENA", "RORY", "RIMA", "RIA", "RHEBA", "RENNA", - "PETER", "NATALYA", "NANCEE", "MELODI", "MEDA", "MAXIMA", "MATHA", "MARKETTA", "MARICRUZ", "MARCELENE", - "MALVINA", "LUBA", "LOUETTA", "LEIDA", "LECIA", "LAURAN", "LASHAWNA", "LAINE", "KHADIJAH", "KATERINE", - "KASI", "KALLIE", "JULIETTA", "JESUSITA", "JESTINE", "JESSIA", "JEREMY", "JEFFIE", "JANYCE", "ISADORA", - "GEORGIANNE", "FIDELIA", "EVITA", "EURA", "EULAH", "ESTEFANA", "ELSY", "ELIZABET", "ELADIA", "DODIE", - "DION", "DIA", "DENISSE", "DELORAS", "DELILA", "DAYSI", "DAKOTA", "CURTIS", "CRYSTLE", "CONCHA", - "COLBY", "CLARETTA", "CHU", "CHRISTIA", "CHARLSIE", "CHARLENA", "CARYLON", "BETTYANN", "ASLEY", "ASHLEA", - "AMIRA", "AI", "AGUEDA", "AGNUS", "YUETTE", "VINITA", "VICTORINA", "TYNISHA", "TREENA", "TOCCARA", - "TISH", "THOMASENA", "TEGAN", "SOILA", "SHILOH", "SHENNA", "SHARMAINE", "SHANTAE", "SHANDI", "SEPTEMBER", - "SARAN", "SARAI", "SANA", "SAMUEL", "SALLEY", "ROSETTE", "ROLANDE", "REGINE", "OTELIA", "OSCAR", - "OLEVIA", "NICHOLLE", "NECOLE", "NAIDA", "MYRTA", "MYESHA", "MITSUE", "MINTA", "MERTIE", "MARGY", - "MAHALIA", "MADALENE", "LOVE", "LOURA", "LOREAN", "LEWIS", "LESHA", "LEONIDA", "LENITA", "LAVONE", - "LASHELL", "LASHANDRA", "LAMONICA", "KIMBRA", "KATHERINA", "KARRY", "KANESHA", "JULIO", "JONG", "JENEVA", - "JAQUELYN", "HWA", "GILMA", "GHISLAINE", "GERTRUDIS", "FRANSISCA", "FERMINA", "ETTIE", "ETSUKO", "ELLIS", - "ELLAN", "ELIDIA", "EDRA", "DORETHEA", "DOREATHA", "DENYSE", "DENNY", "DEETTA", "DAINE", "CYRSTAL", - "CORRIN", "CAYLA", "CARLITA", "CAMILA", "BURMA", "BULA", "BUENA", "BLAKE", "BARABARA", "AVRIL", - "AUSTIN", "ALAINE", "ZANA", "WILHEMINA", "WANETTA", "VIRGIL", "VI", "VERONIKA", "VERNON", "VERLINE", - "VASILIKI", "TONITA", "TISA", "TEOFILA", "TAYNA", "TAUNYA", "TANDRA", "TAKAKO", "SUNNI", "SUANNE", - "SIXTA", "SHARELL", "SEEMA", "RUSSELL", "ROSENDA", "ROBENA", "RAYMONDE", "PEI", "PAMILA", "OZELL", - "NEIDA", "NEELY", "MISTIE", "MICHA", "MERISSA", "MAURITA", "MARYLN", "MARYETTA", "MARSHALL", "MARCELL", - "MALENA", "MAKEDA", "MADDIE", "LOVETTA", "LOURIE", "LORRINE", "LORILEE", "LESTER", "LAURENA", "LASHAY", - "LARRAINE", "LAREE", "LACRESHA", "KRISTLE", "KRISHNA", "KEVA", "KEIRA", "KAROLE", "JOIE", "JINNY", - "JEANNETTA", "JAMA", "HEIDY", "GILBERTE", "GEMA", "FAVIOLA", "EVELYNN", "ENDA", "ELLI", "ELLENA", - "DIVINA", "DAGNY", "COLLENE", "CODI", "CINDIE", "CHASSIDY", "CHASIDY", "CATRICE", "CATHERINA", "CASSEY", - "CAROLL", "CARLENA", "CANDRA", "CALISTA", "BRYANNA", "BRITTENY", "BEULA", "BARI", "AUDRIE", "AUDRIA", - "ARDELIA", "ANNELLE", "ANGILA", "ALONA", "ALLYN", "DOUGLAS", "ROGER", "JONATHAN", "RALPH", "NICHOLAS", - "BENJAMIN", "BRUCE", "HARRY", "WAYNE", "STEVE", "HOWARD", "ERNEST", "PHILLIP", "TODD", "CRAIG", - "ALAN", "PHILIP", "EARL", "DANNY", "BRYAN", "STANLEY", "LEONARD", "NATHAN", "MANUEL", "RODNEY", - "MARVIN", "VINCENT", "JEFFERY", "JEFF", "CHAD", "JACOB", "ALFRED", "BRADLEY", "HERBERT", "FREDERICK", - "EDWIN", "DON", "RICKY", "RANDALL", "BARRY", "BERNARD", "LEROY", "MARCUS", "THEODORE", "CLIFFORD", - "MIGUEL", "JIM", "TOM", "CALVIN", "BILL", "LLOYD", "DEREK", "WARREN", "DARRELL", "JEROME", - "FLOYD", "ALVIN", "TIM", "GORDON", "GREG", "JORGE", "DUSTIN", "PEDRO", "DERRICK", "ZACHARY", - "HERMAN", "GLEN", "HECTOR", "RICARDO", "RICK", "BRENT", "RAMON", "GILBERT", "MARC", "REGINALD", - "RUBEN", "NATHANIEL", "RAFAEL", "EDGAR", "MILTON", "RAUL", "BEN", "CHESTER", "DUANE", "FRANKLIN", - "BRAD", "RON", "ROLAND", "ARNOLD", "HARVEY", "JARED", "ERIK", "DARRYL", "NEIL", "JAVIER", - "FERNANDO", "CLINTON", "TED", "MATHEW", "TYRONE", "DARREN", "LANCE", "KURT", "ALLAN", "NELSON", - "GUY", "CLAYTON", "HUGH", "MAX", "DWAYNE", "DWIGHT", "ARMANDO", "FELIX", "EVERETT", "IAN", - "WALLACE", "KEN", "BOB", "ALFREDO", "ALBERTO", "DAVE", "IVAN", "BYRON", "ISAAC", "MORRIS", - "CLIFTON", "WILLARD", "ROSS", "ANDY", "SALVADOR", "KIRK", "SERGIO", "SETH", "KENT", "TERRANCE", - "EDUARDO", "TERRENCE", "ENRIQUE", "WADE", "STUART", "FREDRICK", "ARTURO", "ALEJANDRO", "NICK", "LUTHER", - "WENDELL", "JEREMIAH", "JULIUS", "OTIS", "TREVOR", "OLIVER", "LUKE", "HOMER", "GERARD", "DOUG", - "KENNY", "HUBERT", "LYLE", "MATT", "ALFONSO", "ORLANDO", "REX", "CARLTON", "ERNESTO", "NEAL", - "PABLO", "LORENZO", "OMAR", "WILBUR", "GRANT", "HORACE", "RODERICK", "ABRAHAM", "WILLIS", "RICKEY", - "ANDRES", "CESAR", "JOHNATHAN", "MALCOLM", "RUDOLPH", "DAMON", "KELVIN", "PRESTON", "ALTON", "ARCHIE", - "MARCO", "WM", "PETE", "RANDOLPH", "GARRY", "GEOFFREY", "JONATHON", "FELIPE", "GERARDO", "ED", - "DOMINIC", "DELBERT", "COLIN", "GUILLERMO", "EARNEST", "LUCAS", "BENNY", "SPENCER", "RODOLFO", "MYRON", - "EDMUND", "GARRETT", "SALVATORE", "CEDRIC", "LOWELL", "GREGG", "SHERMAN", "WILSON", "SYLVESTER", "ROOSEVELT", - "ISRAEL", "JERMAINE", "FORREST", "WILBERT", "LELAND", "SIMON", "CLARK", "IRVING", "BRYANT", "OWEN", - "RUFUS", "WOODROW", "KRISTOPHER", "MACK", "LEVI", "MARCOS", "GUSTAVO", "JAKE", "LIONEL", "GILBERTO", - "CLINT", "NICOLAS", "ISMAEL", "ORVILLE", "ERVIN", "DEWEY", "AL", "WILFRED", "JOSH", "HUGO", - "IGNACIO", "CALEB", "TOMAS", "SHELDON", "ERICK", "STEWART", "DOYLE", "DARREL", "ROGELIO", "TERENCE", - "SANTIAGO", "ALONZO", "ELIAS", "BERT", "ELBERT", "RAMIRO", "CONRAD", "NOAH", "GRADY", "PHIL", - "CORNELIUS", "LAMAR", "ROLANDO", "CLAY", "PERCY", "DEXTER", "BRADFORD", "DARIN", "AMOS", "MOSES", - "IRVIN", "SAUL", "ROMAN", "RANDAL", "TIMMY", "DARRIN", "WINSTON", "BRENDAN", "ABEL", "DOMINICK", - "BOYD", "EMILIO", "ELIJAH", "DOMINGO", "EMMETT", "MARLON", "EMANUEL", "JERALD", "EDMOND", "EMIL", - "DEWAYNE", "WILL", "OTTO", "TEDDY", "REYNALDO", "BRET", "JESS", "TRENT", "HUMBERTO", "EMMANUEL", - "STEPHAN", "VICENTE", "LAMONT", "GARLAND", "MILES", "EFRAIN", "HEATH", "RODGER", "HARLEY", "ETHAN", - "ELDON", "ROCKY", "PIERRE", "JUNIOR", "FREDDY", "ELI", "BRYCE", "ANTOINE", "STERLING", "CHASE", - "GROVER", "ELTON", "CLEVELAND", "DYLAN", "CHUCK", "DAMIAN", "REUBEN", "STAN", "AUGUST", "LEONARDO", - "JASPER", "RUSSEL", "ERWIN", "BENITO", "HANS", "MONTE", "BLAINE", "ERNIE", "CURT", "QUENTIN", - "AGUSTIN", "MURRAY", "JAMAL", "ADOLFO", "HARRISON", "TYSON", "BURTON", "BRADY", "ELLIOTT", "WILFREDO", - "BART", "JARROD", "VANCE", "DENIS", "DAMIEN", "JOAQUIN", "HARLAN", "DESMOND", "ELLIOT", "DARWIN", - "GREGORIO", "BUDDY", "XAVIER", "KERMIT", "ROSCOE", "ESTEBAN", "ANTON", "SOLOMON", "SCOTTY", "NORBERT", - "ELVIN", "WILLIAMS", "NOLAN", "ROD", "QUINTON", "HAL", "BRAIN", "ROB", "ELWOOD", "KENDRICK", - "DARIUS", "MOISES", "FIDEL", "THADDEUS", "CLIFF", "MARCEL", "JACKSON", "RAPHAEL", "BRYON", "ARMAND", - "ALVARO", "JEFFRY", "DANE", "JOESPH", "THURMAN", "NED", "RUSTY", "MONTY", "FABIAN", "REGGIE", - "MASON", "GRAHAM", "ISAIAH", "VAUGHN", "GUS", "LOYD", "DIEGO", "ADOLPH", "NORRIS", "MILLARD", - "ROCCO", "GONZALO", "DERICK", "RODRIGO", "WILEY", "RIGOBERTO", "ALPHONSO", "TY", "NOE", "VERN", - "REED", "JEFFERSON", "ELVIS", "BERNARDO", "MAURICIO", "HIRAM", "DONOVAN", "BASIL", "RILEY", "NICKOLAS", - "MAYNARD", "SCOT", "VINCE", "QUINCY", "EDDY", "SEBASTIAN", "FEDERICO", "ULYSSES", "HERIBERTO", "DONNELL", - "COLE", "DAVIS", "GAVIN", "EMERY", "WARD", "ROMEO", "JAYSON", "DANTE", "CLEMENT", "COY", - "MAXWELL", "JARVIS", "BRUNO", "ISSAC", "DUDLEY", "BROCK", "SANFORD", "CARMELO", "BARNEY", "NESTOR", - "STEFAN", "DONNY", "ART", "LINWOOD", "BEAU", "WELDON", "GALEN", "ISIDRO", "TRUMAN", "DELMAR", - "JOHNATHON", "SILAS", "FREDERIC", "DICK", "IRWIN", "MERLIN", "CHARLEY", "MARCELINO", "HARRIS", "CARLO", - "TRENTON", "KURTIS", "HUNTER", "AURELIO", "WINFRED", "VITO", "COLLIN", "DENVER", "CARTER", "LEONEL", - "EMORY", "PASQUALE", "MOHAMMAD", "MARIANO", "DANIAL", "LANDON", "DIRK", "BRANDEN", "ADAN", "BUFORD", - "GERMAN", "WILMER", "EMERSON", "ZACHERY", "FLETCHER", "JACQUES", "ERROL", "DALTON", "MONROE", "JOSUE", - "EDWARDO", "BOOKER", "WILFORD", "SONNY", "SHELTON", "CARSON", "THERON", "RAYMUNDO", "DAREN", "HOUSTON", - "ROBBY", "LINCOLN", "GENARO", "BENNETT", "OCTAVIO", "CORNELL", "HUNG", "ARRON", "ANTONY", "HERSCHEL", - "GIOVANNI", "GARTH", "CYRUS", "CYRIL", "RONNY", "LON", "FREEMAN", "DUNCAN", "KENNITH", "CARMINE", - "ERICH", "CHADWICK", "WILBURN", "RUSS", "REID", "MYLES", "ANDERSON", "MORTON", "JONAS", "FOREST", - "MITCHEL", "MERVIN", "ZANE", "RICH", "JAMEL", "LAZARO", "ALPHONSE", "RANDELL", "MAJOR", "JARRETT", - "BROOKS", "ABDUL", "LUCIANO", "SEYMOUR", "EUGENIO", "MOHAMMED", "VALENTIN", "CHANCE", "ARNULFO", "LUCIEN", - "FERDINAND", "THAD", "EZRA", "ALDO", "RUBIN", "ROYAL", "MITCH", "EARLE", "ABE", "WYATT", - "MARQUIS", "LANNY", "KAREEM", "JAMAR", "BORIS", "ISIAH", "EMILE", "ELMO", "ARON", "LEOPOLDO", - "EVERETTE", "JOSEF", "ELOY", "RODRICK", "REINALDO", "LUCIO", "JERROD", "WESTON", "HERSHEL", "BARTON", - "PARKER", "LEMUEL", "BURT", "JULES", "GIL", "ELISEO", "AHMAD", "NIGEL", "EFREN", "ANTWAN", - "ALDEN", "MARGARITO", "COLEMAN", "DINO", "OSVALDO", "LES", "DEANDRE", "NORMAND", "KIETH", "TREY", - "NORBERTO", "NAPOLEON", "JEROLD", "FRITZ", "ROSENDO", "MILFORD", "CHRISTOPER", "ALFONZO", "LYMAN", "JOSIAH", - "BRANT", "WILTON", "RICO", "JAMAAL", "DEWITT", "BRENTON", "OLIN", "FOSTER", "FAUSTINO", "CLAUDIO", - "JUDSON", "GINO", "EDGARDO", "ALEC", "TANNER", "JARRED", "DONN", "TAD", "PRINCE", "PORFIRIO", - "ODIS", "LENARD", "CHAUNCEY", "TOD", "MEL", "MARCELO", "KORY", "AUGUSTUS", "KEVEN", "HILARIO", - "BUD", "SAL", "ORVAL", "MAURO", "ZACHARIAH", "OLEN", "ANIBAL", "MILO", "JED", "DILLON", - "AMADO", "NEWTON", "LENNY", "RICHIE", "HORACIO", "BRICE", "MOHAMED", "DELMER", "DARIO", "REYES", - "MAC", "JONAH", "JERROLD", "ROBT", "HANK", "RUPERT", "ROLLAND", "KENTON", "DAMION", "ANTONE", - "WALDO", "FREDRIC", "BRADLY", "KIP", "BURL", "WALKER", "TYREE", "JEFFEREY", "AHMED", "WILLY", - "STANFORD", "OREN", "NOBLE", "MOSHE", "MIKEL", "ENOCH", "BRENDON", "QUINTIN", "JAMISON", "FLORENCIO", - "DARRICK", "TOBIAS", "HASSAN", "GIUSEPPE", "DEMARCUS", "CLETUS", "TYRELL", "LYNDON", "KEENAN", "WERNER", - "GERALDO", "COLUMBUS", "CHET", "BERTRAM", "MARKUS", "HUEY", "HILTON", "DWAIN", "DONTE", "TYRON", - "OMER", "ISAIAS", "HIPOLITO", "FERMIN", "ADALBERTO", "BO", "BARRETT", "TEODORO", "MCKINLEY", "MAXIMO", - "GARFIELD", "RALEIGH", "LAWERENCE", "ABRAM", "RASHAD", "KING", "EMMITT", "DARON", "SAMUAL", "MIQUEL", - "EUSEBIO", "DOMENIC", "DARRON", "BUSTER", "WILBER", "RENATO", "JC", "HOYT", "HAYWOOD", "EZEKIEL", - "CHAS", "FLORENTINO", "ELROY", "CLEMENTE", "ARDEN", "NEVILLE", "EDISON", "DESHAWN", "NATHANIAL", "JORDON", - "DANILO", "CLAUD", "SHERWOOD", "RAYMON", "RAYFORD", "CRISTOBAL", "AMBROSE", "TITUS", "HYMAN", "FELTON", - "EZEQUIEL", "ERASMO", "STANTON", "LONNY", "LEN", "IKE", "MILAN", "LINO", "JAROD", "HERB", - "ANDREAS", "WALTON", "RHETT", "PALMER", "DOUGLASS", "CORDELL", "OSWALDO", "ELLSWORTH", "VIRGILIO", "TONEY", - "NATHANAEL", "DEL", "BENEDICT", "MOSE", "JOHNSON", "ISREAL", "GARRET", "FAUSTO", "ASA", "ARLEN", - "ZACK", "WARNER", "MODESTO", "FRANCESCO", "MANUAL", "GAYLORD", "GASTON", "FILIBERTO", "DEANGELO", "MICHALE", - "GRANVILLE", "WES", "MALIK", "ZACKARY", "TUAN", "ELDRIDGE", "CRISTOPHER", "CORTEZ", "ANTIONE", "MALCOM", - "LONG", "KOREY", "JOSPEH", "COLTON", "WAYLON", "VON", "HOSEA", "SHAD", "SANTO", "RUDOLF", - "ROLF", "REY", "RENALDO", "MARCELLUS", "LUCIUS", "KRISTOFER", "BOYCE", "BENTON", "HAYDEN", "HARLAND", - "ARNOLDO", "RUEBEN", "LEANDRO", "KRAIG", "JERRELL", "JEROMY", "HOBERT", "CEDRICK", "ARLIE", "WINFORD", - "WALLY", "LUIGI", "KENETH", "JACINTO", "GRAIG", "FRANKLYN", "EDMUNDO", "SID", "PORTER", "LEIF", - "JERAMY", "BUCK", "WILLIAN", "VINCENZO", "SHON", "LYNWOOD", "JERE", "HAI", "ELDEN", "DORSEY", - "DARELL", "BRODERICK", "ALONSO" - ] - total_sum = 0 - temp_sum = 0 - name.sort() - for i in range(len(name)): - for j in name[i]: - temp_sum += ord(j) - ord('A') + 1 - total_sum += (i + 1) * temp_sum - temp_sum = 0 - print(total_sum) - - -if __name__ == '__main__': - main() +def main(): + name = [ + "MARY", "PATRICIA", "LINDA", "BARBARA", "ELIZABETH", "JENNIFER", "MARIA", "SUSAN", "MARGARET", "DOROTHY", + "LISA", "NANCY", "KAREN", "BETTY", "HELEN", "SANDRA", "DONNA", "CAROL", "RUTH", "SHARON", + "MICHELLE", "LAURA", "SARAH", "KIMBERLY", "DEBORAH", "JESSICA", "SHIRLEY", "CYNTHIA", "ANGELA", "MELISSA", + "BRENDA", "AMY", "ANNA", "REBECCA", "VIRGINIA", "KATHLEEN", "PAMELA", "MARTHA", "DEBRA", "AMANDA", + "STEPHANIE", "CAROLYN", "CHRISTINE", "MARIE", "JANET", "CATHERINE", "FRANCES", "ANN", "JOYCE", "DIANE", + "ALICE", "JULIE", "HEATHER", "TERESA", "DORIS", "GLORIA", "EVELYN", "JEAN", "CHERYL", "MILDRED", + "KATHERINE", "JOAN", "ASHLEY", "JUDITH", "ROSE", "JANICE", "KELLY", "NICOLE", "JUDY", "CHRISTINA", + "KATHY", "THERESA", "BEVERLY", "DENISE", "TAMMY", "IRENE", "JANE", "LORI", "RACHEL", "MARILYN", + "ANDREA", "KATHRYN", "LOUISE", "SARA", "ANNE", "JACQUELINE", "WANDA", "BONNIE", "JULIA", "RUBY", + "LOIS", "TINA", "PHYLLIS", "NORMA", "PAULA", "DIANA", "ANNIE", "LILLIAN", "EMILY", "ROBIN", + "PEGGY", "CRYSTAL", "GLADYS", "RITA", "DAWN", "CONNIE", "FLORENCE", "TRACY", "EDNA", "TIFFANY", + "CARMEN", "ROSA", "CINDY", "GRACE", "WENDY", "VICTORIA", "EDITH", "KIM", "SHERRY", "SYLVIA", + "JOSEPHINE", "THELMA", "SHANNON", "SHEILA", "ETHEL", "ELLEN", "ELAINE", "MARJORIE", "CARRIE", "CHARLOTTE", + "MONICA", "ESTHER", "PAULINE", "EMMA", "JUANITA", "ANITA", "RHONDA", "HAZEL", "AMBER", "EVA", + "DEBBIE", "APRIL", "LESLIE", "CLARA", "LUCILLE", "JAMIE", "JOANNE", "ELEANOR", "VALERIE", "DANIELLE", + "MEGAN", "ALICIA", "SUZANNE", "MICHELE", "GAIL", "BERTHA", "DARLENE", "VERONICA", "JILL", "ERIN", + "GERALDINE", "LAUREN", "CATHY", "JOANN", "LORRAINE", "LYNN", "SALLY", "REGINA", "ERICA", "BEATRICE", + "DOLORES", "BERNICE", "AUDREY", "YVONNE", "ANNETTE", "JUNE", "SAMANTHA", "MARION", "DANA", "STACY", + "ANA", "RENEE", "IDA", "VIVIAN", "ROBERTA", "HOLLY", "BRITTANY", "MELANIE", "LORETTA", "YOLANDA", + "JEANETTE", "LAURIE", "KATIE", "KRISTEN", "VANESSA", "ALMA", "SUE", "ELSIE", "BETH", "JEANNE", + "VICKI", "CARLA", "TARA", "ROSEMARY", "EILEEN", "TERRI", "GERTRUDE", "LUCY", "TONYA", "ELLA", + "STACEY", "WILMA", "GINA", "KRISTIN", "JESSIE", "NATALIE", "AGNES", "VERA", "WILLIE", "CHARLENE", + "BESSIE", "DELORES", "MELINDA", "PEARL", "ARLENE", "MAUREEN", "COLLEEN", "ALLISON", "TAMARA", "JOY", + "GEORGIA", "CONSTANCE", "LILLIE", "CLAUDIA", "JACKIE", "MARCIA", "TANYA", "NELLIE", "MINNIE", "MARLENE", + "HEIDI", "GLENDA", "LYDIA", "VIOLA", "COURTNEY", "MARIAN", "STELLA", "CAROLINE", "DORA", "JO", + "VICKIE", "MATTIE", "TERRY", "MAXINE", "IRMA", "MABEL", "MARSHA", "MYRTLE", "LENA", "CHRISTY", + "DEANNA", "PATSY", "HILDA", "GWENDOLYN", "JENNIE", "NORA", "MARGIE", "NINA", "CASSANDRA", "LEAH", + "PENNY", "KAY", "PRISCILLA", "NAOMI", "CAROLE", "BRANDY", "OLGA", "BILLIE", "DIANNE", "TRACEY", + "LEONA", "JENNY", "FELICIA", "SONIA", "MIRIAM", "VELMA", "BECKY", "BOBBIE", "VIOLET", "KRISTINA", + "TONI", "MISTY", "MAE", "SHELLY", "DAISY", "RAMONA", "SHERRI", "ERIKA", "KATRINA", "CLAIRE", + "LINDSEY", "LINDSAY", "GENEVA", "GUADALUPE", "BELINDA", "MARGARITA", "SHERYL", "CORA", "FAYE", "ADA", + "NATASHA", "SABRINA", "ISABEL", "MARGUERITE", "HATTIE", "HARRIET", "MOLLY", "CECILIA", "KRISTI", "BRANDI", + "BLANCHE", "SANDY", "ROSIE", "JOANNA", "IRIS", "EUNICE", "ANGIE", "INEZ", "LYNDA", "MADELINE", + "AMELIA", "ALBERTA", "GENEVIEVE", "MONIQUE", "JODI", "JANIE", "MAGGIE", "KAYLA", "SONYA", "JAN", + "LEE", "KRISTINE", "CANDACE", "FANNIE", "MARYANN", "OPAL", "ALISON", "YVETTE", "MELODY", "LUZ", + "SUSIE", "OLIVIA", "FLORA", "SHELLEY", "KRISTY", "MAMIE", "LULA", "LOLA", "VERNA", "BEULAH", + "ANTOINETTE", "CANDICE", "JUANA", "JEANNETTE", "PAM", "KELLI", "HANNAH", "WHITNEY", "BRIDGET", "KARLA", + "CELIA", "LATOYA", "PATTY", "SHELIA", "GAYLE", "DELLA", "VICKY", "LYNNE", "SHERI", "MARIANNE", + "KARA", "JACQUELYN", "ERMA", "BLANCA", "MYRA", "LETICIA", "PAT", "KRISTA", "ROXANNE", "ANGELICA", + "JOHNNIE", "ROBYN", "FRANCIS", "ADRIENNE", "ROSALIE", "ALEXANDRA", "BROOKE", "BETHANY", "SADIE", "BERNADETTE", + "TRACI", "JODY", "KENDRA", "JASMINE", "NICHOLE", "RACHAEL", "CHELSEA", "MABLE", "ERNESTINE", "MURIEL", + "MARCELLA", "ELENA", "KRYSTAL", "ANGELINA", "NADINE", "KARI", "ESTELLE", "DIANNA", "PAULETTE", "LORA", + "MONA", "DOREEN", "ROSEMARIE", "ANGEL", "DESIREE", "ANTONIA", "HOPE", "GINGER", "JANIS", "BETSY", + "CHRISTIE", "FREDA", "MERCEDES", "MEREDITH", "LYNETTE", "TERI", "CRISTINA", "EULA", "LEIGH", "MEGHAN", + "SOPHIA", "ELOISE", "ROCHELLE", "GRETCHEN", "CECELIA", "RAQUEL", "HENRIETTA", "ALYSSA", "JANA", "KELLEY", + "GWEN", "KERRY", "JENNA", "TRICIA", "LAVERNE", "OLIVE", "ALEXIS", "TASHA", "SILVIA", "ELVIRA", + "CASEY", "DELIA", "SOPHIE", "KATE", "PATTI", "LORENA", "KELLIE", "SONJA", "LILA", "LANA", + "DARLA", "MAY", "MINDY", "ESSIE", "MANDY", "LORENE", "ELSA", "JOSEFINA", "JEANNIE", "MIRANDA", + "DIXIE", "LUCIA", "MARTA", "FAITH", "LELA", "JOHANNA", "SHARI", "CAMILLE", "TAMI", "SHAWNA", + "ELISA", "EBONY", "MELBA", "ORA", "NETTIE", "TABITHA", "OLLIE", "JAIME", "WINIFRED", "KRISTIE", + "MARINA", "ALISHA", "AIMEE", "RENA", "MYRNA", "MARLA", "TAMMIE", "LATASHA", "BONITA", "PATRICE", + "RONDA", "SHERRIE", "ADDIE", "FRANCINE", "DELORIS", "STACIE", "ADRIANA", "CHERI", "SHELBY", "ABIGAIL", + "CELESTE", "JEWEL", "CARA", "ADELE", "REBEKAH", "LUCINDA", "DORTHY", "CHRIS", "EFFIE", "TRINA", + "REBA", "SHAWN", "SALLIE", "AURORA", "LENORA", "ETTA", "LOTTIE", "KERRI", "TRISHA", "NIKKI", + "ESTELLA", "FRANCISCA", "JOSIE", "TRACIE", "MARISSA", "KARIN", "BRITTNEY", "JANELLE", "LOURDES", "LAUREL", + "HELENE", "FERN", "ELVA", "CORINNE", "KELSEY", "INA", "BETTIE", "ELISABETH", "AIDA", "CAITLIN", + "INGRID", "IVA", "EUGENIA", "CHRISTA", "GOLDIE", "CASSIE", "MAUDE", "JENIFER", "THERESE", "FRANKIE", + "DENA", "LORNA", "JANETTE", "LATONYA", "CANDY", "MORGAN", "CONSUELO", "TAMIKA", "ROSETTA", "DEBORA", + "CHERIE", "POLLY", "DINA", "JEWELL", "FAY", "JILLIAN", "DOROTHEA", "NELL", "TRUDY", "ESPERANZA", + "PATRICA", "KIMBERLEY", "SHANNA", "HELENA", "CAROLINA", "CLEO", "STEFANIE", "ROSARIO", "OLA", "JANINE", + "MOLLIE", "LUPE", "ALISA", "LOU", "MARIBEL", "SUSANNE", "BETTE", "SUSANA", "ELISE", "CECILE", + "ISABELLE", "LESLEY", "JOCELYN", "PAIGE", "JONI", "RACHELLE", "LEOLA", "DAPHNE", "ALTA", "ESTER", + "PETRA", "GRACIELA", "IMOGENE", "JOLENE", "KEISHA", "LACEY", "GLENNA", "GABRIELA", "KERI", "URSULA", + "LIZZIE", "KIRSTEN", "SHANA", "ADELINE", "MAYRA", "JAYNE", "JACLYN", "GRACIE", "SONDRA", "CARMELA", + "MARISA", "ROSALIND", "CHARITY", "TONIA", "BEATRIZ", "MARISOL", "CLARICE", "JEANINE", "SHEENA", "ANGELINE", + "FRIEDA", "LILY", "ROBBIE", "SHAUNA", "MILLIE", "CLAUDETTE", "CATHLEEN", "ANGELIA", "GABRIELLE", "AUTUMN", + "KATHARINE", "SUMMER", "JODIE", "STACI", "LEA", "CHRISTI", "JIMMIE", "JUSTINE", "ELMA", "LUELLA", + "MARGRET", "DOMINIQUE", "SOCORRO", "RENE", "MARTINA", "MARGO", "MAVIS", "CALLIE", "BOBBI", "MARITZA", + "LUCILE", "LEANNE", "JEANNINE", "DEANA", "AILEEN", "LORIE", "LADONNA", "WILLA", "MANUELA", "GALE", + "SELMA", "DOLLY", "SYBIL", "ABBY", "LARA", "DALE", "IVY", "DEE", "WINNIE", "MARCY", + "LUISA", "JERI", "MAGDALENA", "OFELIA", "MEAGAN", "AUDRA", "MATILDA", "LEILA", "CORNELIA", "BIANCA", + "SIMONE", "BETTYE", "RANDI", "VIRGIE", "LATISHA", "BARBRA", "GEORGINA", "ELIZA", "LEANN", "BRIDGETTE", + "RHODA", "HALEY", "ADELA", "NOLA", "BERNADINE", "FLOSSIE", "ILA", "GRETA", "RUTHIE", "NELDA", + "MINERVA", "LILLY", "TERRIE", "LETHA", "HILARY", "ESTELA", "VALARIE", "BRIANNA", "ROSALYN", "EARLINE", + "CATALINA", "AVA", "MIA", "CLARISSA", "LIDIA", "CORRINE", "ALEXANDRIA", "CONCEPCION", "TIA", "SHARRON", + "RAE", "DONA", "ERICKA", "JAMI", "ELNORA", "CHANDRA", "LENORE", "NEVA", "MARYLOU", "MELISA", + "TABATHA", "SERENA", "AVIS", "ALLIE", "SOFIA", "JEANIE", "ODESSA", "NANNIE", "HARRIETT", "LORAINE", + "PENELOPE", "MILAGROS", "EMILIA", "BENITA", "ALLYSON", "ASHLEE", "TANIA", "TOMMIE", "ESMERALDA", "KARINA", + "EVE", "PEARLIE", "ZELMA", "MALINDA", "NOREEN", "TAMEKA", "SAUNDRA", "HILLARY", "AMIE", "ALTHEA", + "ROSALINDA", "JORDAN", "LILIA", "ALANA", "GAY", "CLARE", "ALEJANDRA", "ELINOR", "MICHAEL", "LORRIE", + "JERRI", "DARCY", "EARNESTINE", "CARMELLA", "TAYLOR", "NOEMI", "MARCIE", "LIZA", "ANNABELLE", "LOUISA", + "EARLENE", "MALLORY", "CARLENE", "NITA", "SELENA", "TANISHA", "KATY", "JULIANNE", "JOHN", "LAKISHA", + "EDWINA", "MARICELA", "MARGERY", "KENYA", "DOLLIE", "ROXIE", "ROSLYN", "KATHRINE", "NANETTE", "CHARMAINE", + "LAVONNE", "ILENE", "KRIS", "TAMMI", "SUZETTE", "CORINE", "KAYE", "JERRY", "MERLE", "CHRYSTAL", + "LINA", "DEANNE", "LILIAN", "JULIANA", "ALINE", "LUANN", "KASEY", "MARYANNE", "EVANGELINE", "COLETTE", + "MELVA", "LAWANDA", "YESENIA", "NADIA", "MADGE", "KATHIE", "EDDIE", "OPHELIA", "VALERIA", "NONA", + "MITZI", "MARI", "GEORGETTE", "CLAUDINE", "FRAN", "ALISSA", "ROSEANN", "LAKEISHA", "SUSANNA", "REVA", + "DEIDRE", "CHASITY", "SHEREE", "CARLY", "JAMES", "ELVIA", "ALYCE", "DEIRDRE", "GENA", "BRIANA", + "ARACELI", "KATELYN", "ROSANNE", "WENDI", "TESSA", "BERTA", "MARVA", "IMELDA", "MARIETTA", "MARCI", + "LEONOR", "ARLINE", "SASHA", "MADELYN", "JANNA", "JULIETTE", "DEENA", "AURELIA", "JOSEFA", "AUGUSTA", + "LILIANA", "YOUNG", "CHRISTIAN", "LESSIE", "AMALIA", "SAVANNAH", "ANASTASIA", "VILMA", "NATALIA", "ROSELLA", + "LYNNETTE", "CORINA", "ALFREDA", "LEANNA", "CAREY", "AMPARO", "COLEEN", "TAMRA", "AISHA", "WILDA", + "KARYN", "CHERRY", "QUEEN", "MAURA", "MAI", "EVANGELINA", "ROSANNA", "HALLIE", "ERNA", "ENID", + "MARIANA", "LACY", "JULIET", "JACKLYN", "FREIDA", "MADELEINE", "MARA", "HESTER", "CATHRYN", "LELIA", + "CASANDRA", "BRIDGETT", "ANGELITA", "JANNIE", "DIONNE", "ANNMARIE", "KATINA", "BERYL", "PHOEBE", "MILLICENT", + "KATHERYN", "DIANN", "CARISSA", "MARYELLEN", "LIZ", "LAURI", "HELGA", "GILDA", "ADRIAN", "RHEA", + "MARQUITA", "HOLLIE", "TISHA", "TAMERA", "ANGELIQUE", "FRANCESCA", "BRITNEY", "KAITLIN", "LOLITA", "FLORINE", + "ROWENA", "REYNA", "TWILA", "FANNY", "JANELL", "INES", "CONCETTA", "BERTIE", "ALBA", "BRIGITTE", + "ALYSON", "VONDA", "PANSY", "ELBA", "NOELLE", "LETITIA", "KITTY", "DEANN", "BRANDIE", "LOUELLA", + "LETA", "FELECIA", "SHARLENE", "LESA", "BEVERLEY", "ROBERT", "ISABELLA", "HERMINIA", "TERRA", "CELINA", + "TORI", "OCTAVIA", "JADE", "DENICE", "GERMAINE", "SIERRA", "MICHELL", "CORTNEY", "NELLY", "DORETHA", + "SYDNEY", "DEIDRA", "MONIKA", "LASHONDA", "JUDI", "CHELSEY", "ANTIONETTE", "MARGOT", "BOBBY", "ADELAIDE", + "NAN", "LEEANN", "ELISHA", "DESSIE", "LIBBY", "KATHI", "GAYLA", "LATANYA", "MINA", "MELLISA", + "KIMBERLEE", "JASMIN", "RENAE", "ZELDA", "ELDA", "MA", "JUSTINA", "GUSSIE", "EMILIE", "CAMILLA", + "ABBIE", "ROCIO", "KAITLYN", "JESSE", "EDYTHE", "ASHLEIGH", "SELINA", "LAKESHA", "GERI", "ALLENE", + "PAMALA", "MICHAELA", "DAYNA", "CARYN", "ROSALIA", "SUN", "JACQULINE", "REBECA", "MARYBETH", "KRYSTLE", + "IOLA", "DOTTIE", "BENNIE", "BELLE", "AUBREY", "GRISELDA", "ERNESTINA", "ELIDA", "ADRIANNE", "DEMETRIA", + "DELMA", "CHONG", "JAQUELINE", "DESTINY", "ARLEEN", "VIRGINA", "RETHA", "FATIMA", "TILLIE", "ELEANORE", + "CARI", "TREVA", "BIRDIE", "WILHELMINA", "ROSALEE", "MAURINE", "LATRICE", "YONG", "JENA", "TARYN", + "ELIA", "DEBBY", "MAUDIE", "JEANNA", "DELILAH", "CATRINA", "SHONDA", "HORTENCIA", "THEODORA", "TERESITA", + "ROBBIN", "DANETTE", "MARYJANE", "FREDDIE", "DELPHINE", "BRIANNE", "NILDA", "DANNA", "CINDI", "BESS", + "IONA", "HANNA", "ARIEL", "WINONA", "VIDA", "ROSITA", "MARIANNA", "WILLIAM", "RACHEAL", "GUILLERMINA", + "ELOISA", "CELESTINE", "CAREN", "MALISSA", "LONA", "CHANTEL", "SHELLIE", "MARISELA", "LEORA", "AGATHA", + "SOLEDAD", "MIGDALIA", "IVETTE", "CHRISTEN", "ATHENA", "JANEL", "CHLOE", "VEDA", "PATTIE", "TESSIE", + "TERA", "MARILYNN", "LUCRETIA", "KARRIE", "DINAH", "DANIELA", "ALECIA", "ADELINA", "VERNICE", "SHIELA", + "PORTIA", "MERRY", "LASHAWN", "DEVON", "DARA", "TAWANA", "OMA", "VERDA", "CHRISTIN", "ALENE", + "ZELLA", "SANDI", "RAFAELA", "MAYA", "KIRA", "CANDIDA", "ALVINA", "SUZAN", "SHAYLA", "LYN", + "LETTIE", "ALVA", "SAMATHA", "ORALIA", "MATILDE", "MADONNA", "LARISSA", "VESTA", "RENITA", "INDIA", + "DELOIS", "SHANDA", "PHILLIS", "LORRI", "ERLINDA", "CRUZ", "CATHRINE", "BARB", "ZOE", "ISABELL", + "IONE", "GISELA", "CHARLIE", "VALENCIA", "ROXANNA", "MAYME", "KISHA", "ELLIE", "MELLISSA", "DORRIS", + "DALIA", "BELLA", "ANNETTA", "ZOILA", "RETA", "REINA", "LAURETTA", "KYLIE", "CHRISTAL", "PILAR", + "CHARLA", "ELISSA", "TIFFANI", "TANA", "PAULINA", "LEOTA", "BREANNA", "JAYME", "CARMEL", "VERNELL", + "TOMASA", "MANDI", "DOMINGA", "SANTA", "MELODIE", "LURA", "ALEXA", "TAMELA", "RYAN", "MIRNA", + "KERRIE", "VENUS", "NOEL", "FELICITA", "CRISTY", "CARMELITA", "BERNIECE", "ANNEMARIE", "TIARA", "ROSEANNE", + "MISSY", "CORI", "ROXANA", "PRICILLA", "KRISTAL", "JUNG", "ELYSE", "HAYDEE", "ALETHA", "BETTINA", + "MARGE", "GILLIAN", "FILOMENA", "CHARLES", "ZENAIDA", "HARRIETTE", "CARIDAD", "VADA", "UNA", "ARETHA", + "PEARLINE", "MARJORY", "MARCELA", "FLOR", "EVETTE", "ELOUISE", "ALINA", "TRINIDAD", "DAVID", "DAMARIS", + "CATHARINE", "CARROLL", "BELVA", "NAKIA", "MARLENA", "LUANNE", "LORINE", "KARON", "DORENE", "DANITA", + "BRENNA", "TATIANA", "SAMMIE", "LOUANN", "LOREN", "JULIANNA", "ANDRIA", "PHILOMENA", "LUCILA", "LEONORA", + "DOVIE", "ROMONA", "MIMI", "JACQUELIN", "GAYE", "TONJA", "MISTI", "JOE", "GENE", "CHASTITY", + "STACIA", "ROXANN", "MICAELA", "NIKITA", "MEI", "VELDA", "MARLYS", "JOHNNA", "AURA", "LAVERN", + "IVONNE", "HAYLEY", "NICKI", "MAJORIE", "HERLINDA", "GEORGE", "ALPHA", "YADIRA", "PERLA", "GREGORIA", + "DANIEL", "ANTONETTE", "SHELLI", "MOZELLE", "MARIAH", "JOELLE", "CORDELIA", "JOSETTE", "CHIQUITA", "TRISTA", + "LOUIS", "LAQUITA", "GEORGIANA", "CANDI", "SHANON", "LONNIE", "HILDEGARD", "CECIL", "VALENTINA", "STEPHANY", + "MAGDA", "KAROL", "GERRY", "GABRIELLA", "TIANA", "ROMA", "RICHELLE", "RAY", "PRINCESS", "OLETA", + "JACQUE", "IDELLA", "ALAINA", "SUZANNA", "JOVITA", "BLAIR", "TOSHA", "RAVEN", "NEREIDA", "MARLYN", + "KYLA", "JOSEPH", "DELFINA", "TENA", "STEPHENIE", "SABINA", "NATHALIE", "MARCELLE", "GERTIE", "DARLEEN", + "THEA", "SHARONDA", "SHANTEL", "BELEN", "VENESSA", "ROSALINA", "ONA", "GENOVEVA", "COREY", "CLEMENTINE", + "ROSALBA", "RENATE", "RENATA", "MI", "IVORY", "GEORGIANNA", "FLOY", "DORCAS", "ARIANA", "TYRA", + "THEDA", "MARIAM", "JULI", "JESICA", "DONNIE", "VIKKI", "VERLA", "ROSELYN", "MELVINA", "JANNETTE", + "GINNY", "DEBRAH", "CORRIE", "ASIA", "VIOLETA", "MYRTIS", "LATRICIA", "COLLETTE", "CHARLEEN", "ANISSA", + "VIVIANA", "TWYLA", "PRECIOUS", "NEDRA", "LATONIA", "LAN", "HELLEN", "FABIOLA", "ANNAMARIE", "ADELL", + "SHARYN", "CHANTAL", "NIKI", "MAUD", "LIZETTE", "LINDY", "KIA", "KESHA", "JEANA", "DANELLE", + "CHARLINE", "CHANEL", "CARROL", "VALORIE", "LIA", "DORTHA", "CRISTAL", "SUNNY", "LEONE", "LEILANI", + "GERRI", "DEBI", "ANDRA", "KESHIA", "IMA", "EULALIA", "EASTER", "DULCE", "NATIVIDAD", "LINNIE", + "KAMI", "GEORGIE", "CATINA", "BROOK", "ALDA", "WINNIFRED", "SHARLA", "RUTHANN", "MEAGHAN", "MAGDALENE", + "LISSETTE", "ADELAIDA", "VENITA", "TRENA", "SHIRLENE", "SHAMEKA", "ELIZEBETH", "DIAN", "SHANTA", "MICKEY", + "LATOSHA", "CARLOTTA", "WINDY", "SOON", "ROSINA", "MARIANN", "LEISA", "JONNIE", "DAWNA", "CATHIE", + "BILLY", "ASTRID", "SIDNEY", "LAUREEN", "JANEEN", "HOLLI", "FAWN", "VICKEY", "TERESSA", "SHANTE", + "RUBYE", "MARCELINA", "CHANDA", "CARY", "TERESE", "SCARLETT", "MARTY", "MARNIE", "LULU", "LISETTE", + "JENIFFER", "ELENOR", "DORINDA", "DONITA", "CARMAN", "BERNITA", "ALTAGRACIA", "ALETA", "ADRIANNA", "ZORAIDA", + "RONNIE", "NICOLA", "LYNDSEY", "KENDALL", "JANINA", "CHRISSY", "AMI", "STARLA", "PHYLIS", "PHUONG", + "KYRA", "CHARISSE", "BLANCH", "SANJUANITA", "RONA", "NANCI", "MARILEE", "MARANDA", "CORY", "BRIGETTE", + "SANJUANA", "MARITA", "KASSANDRA", "JOYCELYN", "IRA", "FELIPA", "CHELSIE", "BONNY", "MIREYA", "LORENZA", + "KYONG", "ILEANA", "CANDELARIA", "TONY", "TOBY", "SHERIE", "OK", "MARK", "LUCIE", "LEATRICE", + "LAKESHIA", "GERDA", "EDIE", "BAMBI", "MARYLIN", "LAVON", "HORTENSE", "GARNET", "EVIE", "TRESSA", + "SHAYNA", "LAVINA", "KYUNG", "JEANETTA", "SHERRILL", "SHARA", "PHYLISS", "MITTIE", "ANABEL", "ALESIA", + "THUY", "TAWANDA", "RICHARD", "JOANIE", "TIFFANIE", "LASHANDA", "KARISSA", "ENRIQUETA", "DARIA", "DANIELLA", + "CORINNA", "ALANNA", "ABBEY", "ROXANE", "ROSEANNA", "MAGNOLIA", "LIDA", "KYLE", "JOELLEN", "ERA", + "CORAL", "CARLEEN", "TRESA", "PEGGIE", "NOVELLA", "NILA", "MAYBELLE", "JENELLE", "CARINA", "NOVA", + "MELINA", "MARQUERITE", "MARGARETTE", "JOSEPHINA", "EVONNE", "DEVIN", "CINTHIA", "ALBINA", "TOYA", "TAWNYA", + "SHERITA", "SANTOS", "MYRIAM", "LIZABETH", "LISE", "KEELY", "JENNI", "GISELLE", "CHERYLE", "ARDITH", + "ARDIS", "ALESHA", "ADRIANE", "SHAINA", "LINNEA", "KAROLYN", "HONG", "FLORIDA", "FELISHA", "DORI", + "DARCI", "ARTIE", "ARMIDA", "ZOLA", "XIOMARA", "VERGIE", "SHAMIKA", "NENA", "NANNETTE", "MAXIE", + "LOVIE", "JEANE", "JAIMIE", "INGE", "FARRAH", "ELAINA", "CAITLYN", "STARR", "FELICITAS", "CHERLY", + "CARYL", "YOLONDA", "YASMIN", "TEENA", "PRUDENCE", "PENNIE", "NYDIA", "MACKENZIE", "ORPHA", "MARVEL", + "LIZBETH", "LAURETTE", "JERRIE", "HERMELINDA", "CAROLEE", "TIERRA", "MIRIAN", "META", "MELONY", "KORI", + "JENNETTE", "JAMILA", "ENA", "ANH", "YOSHIKO", "SUSANNAH", "SALINA", "RHIANNON", "JOLEEN", "CRISTINE", + "ASHTON", "ARACELY", "TOMEKA", "SHALONDA", "MARTI", "LACIE", "KALA", "JADA", "ILSE", "HAILEY", + "BRITTANI", "ZONA", "SYBLE", "SHERRYL", "RANDY", "NIDIA", "MARLO", "KANDICE", "KANDI", "DEB", + "DEAN", "AMERICA", "ALYCIA", "TOMMY", "RONNA", "NORENE", "MERCY", "JOSE", "INGEBORG", "GIOVANNA", + "GEMMA", "CHRISTEL", "AUDRY", "ZORA", "VITA", "VAN", "TRISH", "STEPHAINE", "SHIRLEE", "SHANIKA", + "MELONIE", "MAZIE", "JAZMIN", "INGA", "HOA", "HETTIE", "GERALYN", "FONDA", "ESTRELLA", "ADELLA", + "SU", "SARITA", "RINA", "MILISSA", "MARIBETH", "GOLDA", "EVON", "ETHELYN", "ENEDINA", "CHERISE", + "CHANA", "VELVA", "TAWANNA", "SADE", "MIRTA", "LI", "KARIE", "JACINTA", "ELNA", "DAVINA", + "CIERRA", "ASHLIE", "ALBERTHA", "TANESHA", "STEPHANI", "NELLE", "MINDI", "LU", "LORINDA", "LARUE", + "FLORENE", "DEMETRA", "DEDRA", "CIARA", "CHANTELLE", "ASHLY", "SUZY", "ROSALVA", "NOELIA", "LYDA", + "LEATHA", "KRYSTYNA", "KRISTAN", "KARRI", "DARLINE", "DARCIE", "CINDA", "CHEYENNE", "CHERRIE", "AWILDA", + "ALMEDA", "ROLANDA", "LANETTE", "JERILYN", "GISELE", "EVALYN", "CYNDI", "CLETA", "CARIN", "ZINA", + "ZENA", "VELIA", "TANIKA", "PAUL", "CHARISSA", "THOMAS", "TALIA", "MARGARETE", "LAVONDA", "KAYLEE", + "KATHLENE", "JONNA", "IRENA", "ILONA", "IDALIA", "CANDIS", "CANDANCE", "BRANDEE", "ANITRA", "ALIDA", + "SIGRID", "NICOLETTE", "MARYJO", "LINETTE", "HEDWIG", "CHRISTIANA", "CASSIDY", "ALEXIA", "TRESSIE", "MODESTA", + "LUPITA", "LITA", "GLADIS", "EVELIA", "DAVIDA", "CHERRI", "CECILY", "ASHELY", "ANNABEL", "AGUSTINA", + "WANITA", "SHIRLY", "ROSAURA", "HULDA", "EUN", "BAILEY", "YETTA", "VERONA", "THOMASINA", "SIBYL", + "SHANNAN", "MECHELLE", "LUE", "LEANDRA", "LANI", "KYLEE", "KANDY", "JOLYNN", "FERNE", "EBONI", + "CORENE", "ALYSIA", "ZULA", "NADA", "MOIRA", "LYNDSAY", "LORRETTA", "JUAN", "JAMMIE", "HORTENSIA", + "GAYNELL", "CAMERON", "ADRIA", "VINA", "VICENTA", "TANGELA", "STEPHINE", "NORINE", "NELLA", "LIANA", + "LESLEE", "KIMBERELY", "ILIANA", "GLORY", "FELICA", "EMOGENE", "ELFRIEDE", "EDEN", "EARTHA", "CARMA", + "BEA", "OCIE", "MARRY", "LENNIE", "KIARA", "JACALYN", "CARLOTA", "ARIELLE", "YU", "STAR", + "OTILIA", "KIRSTIN", "KACEY", "JOHNETTA", "JOEY", "JOETTA", "JERALDINE", "JAUNITA", "ELANA", "DORTHEA", + "CAMI", "AMADA", "ADELIA", "VERNITA", "TAMAR", "SIOBHAN", "RENEA", "RASHIDA", "OUIDA", "ODELL", + "NILSA", "MERYL", "KRISTYN", "JULIETA", "DANICA", "BREANNE", "AUREA", "ANGLEA", "SHERRON", "ODETTE", + "MALIA", "LORELEI", "LIN", "LEESA", "KENNA", "KATHLYN", "FIONA", "CHARLETTE", "SUZIE", "SHANTELL", + "SABRA", "RACQUEL", "MYONG", "MIRA", "MARTINE", "LUCIENNE", "LAVADA", "JULIANN", "JOHNIE", "ELVERA", + "DELPHIA", "CLAIR", "CHRISTIANE", "CHAROLETTE", "CARRI", "AUGUSTINE", "ASHA", "ANGELLA", "PAOLA", "NINFA", + "LEDA", "LAI", "EDA", "SUNSHINE", "STEFANI", "SHANELL", "PALMA", "MACHELLE", "LISSA", "KECIA", + "KATHRYNE", "KARLENE", "JULISSA", "JETTIE", "JENNIFFER", "HUI", "CORRINA", "CHRISTOPHER", "CAROLANN", "ALENA", + "TESS", "ROSARIA", "MYRTICE", "MARYLEE", "LIANE", "KENYATTA", "JUDIE", "JANEY", "IN", "ELMIRA", + "ELDORA", "DENNA", "CRISTI", "CATHI", "ZAIDA", "VONNIE", "VIVA", "VERNIE", "ROSALINE", "MARIELA", + "LUCIANA", "LESLI", "KARAN", "FELICE", "DENEEN", "ADINA", "WYNONA", "TARSHA", "SHERON", "SHASTA", + "SHANITA", "SHANI", "SHANDRA", "RANDA", "PINKIE", "PARIS", "NELIDA", "MARILOU", "LYLA", "LAURENE", + "LACI", "JOI", "JANENE", "DOROTHA", "DANIELE", "DANI", "CAROLYNN", "CARLYN", "BERENICE", "AYESHA", + "ANNELIESE", "ALETHEA", "THERSA", "TAMIKO", "RUFINA", "OLIVA", "MOZELL", "MARYLYN", "MADISON", "KRISTIAN", + "KATHYRN", "KASANDRA", "KANDACE", "JANAE", "GABRIEL", "DOMENICA", "DEBBRA", "DANNIELLE", "CHUN", "BUFFY", + "BARBIE", "ARCELIA", "AJA", "ZENOBIA", "SHAREN", "SHAREE", "PATRICK", "PAGE", "MY", "LAVINIA", + "KUM", "KACIE", "JACKELINE", "HUONG", "FELISA", "EMELIA", "ELEANORA", "CYTHIA", "CRISTIN", "CLYDE", + "CLARIBEL", "CARON", "ANASTACIA", "ZULMA", "ZANDRA", "YOKO", "TENISHA", "SUSANN", "SHERILYN", "SHAY", + "SHAWANDA", "SABINE", "ROMANA", "MATHILDA", "LINSEY", "KEIKO", "JOANA", "ISELA", "GRETTA", "GEORGETTA", + "EUGENIE", "DUSTY", "DESIRAE", "DELORA", "CORAZON", "ANTONINA", "ANIKA", "WILLENE", "TRACEE", "TAMATHA", + "REGAN", "NICHELLE", "MICKIE", "MAEGAN", "LUANA", "LANITA", "KELSIE", "EDELMIRA", "BREE", "AFTON", + "TEODORA", "TAMIE", "SHENA", "MEG", "LINH", "KELI", "KACI", "DANYELLE", "BRITT", "ARLETTE", + "ALBERTINE", "ADELLE", "TIFFINY", "STORMY", "SIMONA", "NUMBERS", "NICOLASA", "NICHOL", "NIA", "NAKISHA", + "MEE", "MAIRA", "LOREEN", "KIZZY", "JOHNNY", "JAY", "FALLON", "CHRISTENE", "BOBBYE", "ANTHONY", + "YING", "VINCENZA", "TANJA", "RUBIE", "RONI", "QUEENIE", "MARGARETT", "KIMBERLI", "IRMGARD", "IDELL", + "HILMA", "EVELINA", "ESTA", "EMILEE", "DENNISE", "DANIA", "CARL", "CARIE", "ANTONIO", "WAI", + "SANG", "RISA", "RIKKI", "PARTICIA", "MUI", "MASAKO", "MARIO", "LUVENIA", "LOREE", "LONI", + "LIEN", "KEVIN", "GIGI", "FLORENCIA", "DORIAN", "DENITA", "DALLAS", "CHI", "BILLYE", "ALEXANDER", + "TOMIKA", "SHARITA", "RANA", "NIKOLE", "NEOMA", "MARGARITE", "MADALYN", "LUCINA", "LAILA", "KALI", + "JENETTE", "GABRIELE", "EVELYNE", "ELENORA", "CLEMENTINA", "ALEJANDRINA", "ZULEMA", "VIOLETTE", "VANNESSA", "THRESA", + "RETTA", "PIA", "PATIENCE", "NOELLA", "NICKIE", "JONELL", "DELTA", "CHUNG", "CHAYA", "CAMELIA", + "BETHEL", "ANYA", "ANDREW", "THANH", "SUZANN", "SPRING", "SHU", "MILA", "LILLA", "LAVERNA", + "KEESHA", "KATTIE", "GIA", "GEORGENE", "EVELINE", "ESTELL", "ELIZBETH", "VIVIENNE", "VALLIE", "TRUDIE", + "STEPHANE", "MICHEL", "MAGALY", "MADIE", "KENYETTA", "KARREN", "JANETTA", "HERMINE", "HARMONY", "DRUCILLA", + "DEBBI", "CELESTINA", "CANDIE", "BRITNI", "BECKIE", "AMINA", "ZITA", "YUN", "YOLANDE", "VIVIEN", + "VERNETTA", "TRUDI", "SOMMER", "PEARLE", "PATRINA", "OSSIE", "NICOLLE", "LOYCE", "LETTY", "LARISA", + "KATHARINA", "JOSELYN", "JONELLE", "JENELL", "IESHA", "HEIDE", "FLORINDA", "FLORENTINA", "FLO", "ELODIA", + "DORINE", "BRUNILDA", "BRIGID", "ASHLI", "ARDELLA", "TWANA", "THU", "TARAH", "SUNG", "SHEA", + "SHAVON", "SHANE", "SERINA", "RAYNA", "RAMONITA", "NGA", "MARGURITE", "LUCRECIA", "KOURTNEY", "KATI", + "JESUS", "JESENIA", "DIAMOND", "CRISTA", "AYANA", "ALICA", "ALIA", "VINNIE", "SUELLEN", "ROMELIA", + "RACHELL", "PIPER", "OLYMPIA", "MICHIKO", "KATHALEEN", "JOLIE", "JESSI", "JANESSA", "HANA", "HA", + "ELEASE", "CARLETTA", "BRITANY", "SHONA", "SALOME", "ROSAMOND", "REGENA", "RAINA", "NGOC", "NELIA", + "LOUVENIA", "LESIA", "LATRINA", "LATICIA", "LARHONDA", "JINA", "JACKI", "HOLLIS", "HOLLEY", "EMMY", + "DEEANN", "CORETTA", "ARNETTA", "VELVET", "THALIA", "SHANICE", "NETA", "MIKKI", "MICKI", "LONNA", + "LEANA", "LASHUNDA", "KILEY", "JOYE", "JACQULYN", "IGNACIA", "HYUN", "HIROKO", "HENRY", "HENRIETTE", + "ELAYNE", "DELINDA", "DARNELL", "DAHLIA", "COREEN", "CONSUELA", "CONCHITA", "CELINE", "BABETTE", "AYANNA", + "ANETTE", "ALBERTINA", "SKYE", "SHAWNEE", "SHANEKA", "QUIANA", "PAMELIA", "MIN", "MERRI", "MERLENE", + "MARGIT", "KIESHA", "KIERA", "KAYLENE", "JODEE", "JENISE", "ERLENE", "EMMIE", "ELSE", "DARYL", + "DALILA", "DAISEY", "CODY", "CASIE", "BELIA", "BABARA", "VERSIE", "VANESA", "SHELBA", "SHAWNDA", + "SAM", "NORMAN", "NIKIA", "NAOMA", "MARNA", "MARGERET", "MADALINE", "LAWANA", "KINDRA", "JUTTA", + "JAZMINE", "JANETT", "HANNELORE", "GLENDORA", "GERTRUD", "GARNETT", "FREEDA", "FREDERICA", "FLORANCE", "FLAVIA", + "DENNIS", "CARLINE", "BEVERLEE", "ANJANETTE", "VALDA", "TRINITY", "TAMALA", "STEVIE", "SHONNA", "SHA", + "SARINA", "ONEIDA", "MICAH", "MERILYN", "MARLEEN", "LURLINE", "LENNA", "KATHERIN", "JIN", "JENI", + "HAE", "GRACIA", "GLADY", "FARAH", "ERIC", "ENOLA", "EMA", "DOMINQUE", "DEVONA", "DELANA", + "CECILA", "CAPRICE", "ALYSHA", "ALI", "ALETHIA", "VENA", "THERESIA", "TAWNY", "SONG", "SHAKIRA", + "SAMARA", "SACHIKO", "RACHELE", "PAMELLA", "NICKY", "MARNI", "MARIEL", "MAREN", "MALISA", "LIGIA", + "LERA", "LATORIA", "LARAE", "KIMBER", "KATHERN", "KAREY", "JENNEFER", "JANETH", "HALINA", "FREDIA", + "DELISA", "DEBROAH", "CIERA", "CHIN", "ANGELIKA", "ANDREE", "ALTHA", "YEN", "VIVAN", "TERRESA", + "TANNA", "SUK", "SUDIE", "SOO", "SIGNE", "SALENA", "RONNI", "REBBECCA", "MYRTIE", "MCKENZIE", + "MALIKA", "MAIDA", "LOAN", "LEONARDA", "KAYLEIGH", "FRANCE", "ETHYL", "ELLYN", "DAYLE", "CAMMIE", + "BRITTNI", "BIRGIT", "AVELINA", "ASUNCION", "ARIANNA", "AKIKO", "VENICE", "TYESHA", "TONIE", "TIESHA", + "TAKISHA", "STEFFANIE", "SINDY", "SANTANA", "MEGHANN", "MANDA", "MACIE", "LADY", "KELLYE", "KELLEE", + "JOSLYN", "JASON", "INGER", "INDIRA", "GLINDA", "GLENNIS", "FERNANDA", "FAUSTINA", "ENEIDA", "ELICIA", + "DOT", "DIGNA", "DELL", "ARLETTA", "ANDRE", "WILLIA", "TAMMARA", "TABETHA", "SHERRELL", "SARI", + "REFUGIO", "REBBECA", "PAULETTA", "NIEVES", "NATOSHA", "NAKITA", "MAMMIE", "KENISHA", "KAZUKO", "KASSIE", + "GARY", "EARLEAN", "DAPHINE", "CORLISS", "CLOTILDE", "CAROLYNE", "BERNETTA", "AUGUSTINA", "AUDREA", "ANNIS", + "ANNABELL", "YAN", "TENNILLE", "TAMICA", "SELENE", "SEAN", "ROSANA", "REGENIA", "QIANA", "MARKITA", + "MACY", "LEEANNE", "LAURINE", "KYM", "JESSENIA", "JANITA", "GEORGINE", "GENIE", "EMIKO", "ELVIE", + "DEANDRA", "DAGMAR", "CORIE", "COLLEN", "CHERISH", "ROMAINE", "PORSHA", "PEARLENE", "MICHELINE", "MERNA", + "MARGORIE", "MARGARETTA", "LORE", "KENNETH", "JENINE", "HERMINA", "FREDERICKA", "ELKE", "DRUSILLA", "DORATHY", + "DIONE", "DESIRE", "CELENA", "BRIGIDA", "ANGELES", "ALLEGRA", "THEO", "TAMEKIA", "SYNTHIA", "STEPHEN", + "SOOK", "SLYVIA", "ROSANN", "REATHA", "RAYE", "MARQUETTA", "MARGART", "LING", "LAYLA", "KYMBERLY", + "KIANA", "KAYLEEN", "KATLYN", "KARMEN", "JOELLA", "IRINA", "EMELDA", "ELENI", "DETRA", "CLEMMIE", + "CHERYLL", "CHANTELL", "CATHEY", "ARNITA", "ARLA", "ANGLE", "ANGELIC", "ALYSE", "ZOFIA", "THOMASINE", + "TENNIE", "SON", "SHERLY", "SHERLEY", "SHARYL", "REMEDIOS", "PETRINA", "NICKOLE", "MYUNG", "MYRLE", + "MOZELLA", "LOUANNE", "LISHA", "LATIA", "LANE", "KRYSTA", "JULIENNE", "JOEL", "JEANENE", "JACQUALINE", + "ISAURA", "GWENDA", "EARLEEN", "DONALD", "CLEOPATRA", "CARLIE", "AUDIE", "ANTONIETTA", "ALISE", "ALEX", + "VERDELL", "VAL", "TYLER", "TOMOKO", "THAO", "TALISHA", "STEVEN", "SO", "SHEMIKA", "SHAUN", + "SCARLET", "SAVANNA", "SANTINA", "ROSIA", "RAEANN", "ODILIA", "NANA", "MINNA", "MAGAN", "LYNELLE", + "LE", "KARMA", "JOEANN", "IVANA", "INELL", "ILANA", "HYE", "HONEY", "HEE", "GUDRUN", + "FRANK", "DREAMA", "CRISSY", "CHANTE", "CARMELINA", "ARVILLA", "ARTHUR", "ANNAMAE", "ALVERA", "ALEIDA", + "AARON", "YEE", "YANIRA", "VANDA", "TIANNA", "TAM", "STEFANIA", "SHIRA", "PERRY", "NICOL", + "NANCIE", "MONSERRATE", "MINH", "MELYNDA", "MELANY", "MATTHEW", "LOVELLA", "LAURE", "KIRBY", "KACY", + "JACQUELYNN", "HYON", "GERTHA", "FRANCISCO", "ELIANA", "CHRISTENA", "CHRISTEEN", "CHARISE", "CATERINA", "CARLEY", + "CANDYCE", "ARLENA", "AMMIE", "YANG", "WILLETTE", "VANITA", "TUYET", "TINY", "SYREETA", "SILVA", + "SCOTT", "RONALD", "PENNEY", "NYLA", "MICHAL", "MAURICE", "MARYAM", "MARYA", "MAGEN", "LUDIE", + "LOMA", "LIVIA", "LANELL", "KIMBERLIE", "JULEE", "DONETTA", "DIEDRA", "DENISHA", "DEANE", "DAWNE", + "CLARINE", "CHERRYL", "BRONWYN", "BRANDON", "ALLA", "VALERY", "TONDA", "SUEANN", "SORAYA", "SHOSHANA", + "SHELA", "SHARLEEN", "SHANELLE", "NERISSA", "MICHEAL", "MERIDITH", "MELLIE", "MAYE", "MAPLE", "MAGARET", + "LUIS", "LILI", "LEONILA", "LEONIE", "LEEANNA", "LAVONIA", "LAVERA", "KRISTEL", "KATHEY", "KATHE", + "JUSTIN", "JULIAN", "JIMMY", "JANN", "ILDA", "HILDRED", "HILDEGARDE", "GENIA", "FUMIKO", "EVELIN", + "ERMELINDA", "ELLY", "DUNG", "DOLORIS", "DIONNA", "DANAE", "BERNEICE", "ANNICE", "ALIX", "VERENA", + "VERDIE", "TRISTAN", "SHAWNNA", "SHAWANA", "SHAUNNA", "ROZELLA", "RANDEE", "RANAE", "MILAGRO", "LYNELL", + "LUISE", "LOUIE", "LOIDA", "LISBETH", "KARLEEN", "JUNITA", "JONA", "ISIS", "HYACINTH", "HEDY", + "GWENN", "ETHELENE", "ERLINE", "EDWARD", "DONYA", "DOMONIQUE", "DELICIA", "DANNETTE", "CICELY", "BRANDA", + "BLYTHE", "BETHANN", "ASHLYN", "ANNALEE", "ALLINE", "YUKO", "VELLA", "TRANG", "TOWANDA", "TESHA", + "SHERLYN", "NARCISA", "MIGUELINA", "MERI", "MAYBELL", "MARLANA", "MARGUERITA", "MADLYN", "LUNA", "LORY", + "LORIANN", "LIBERTY", "LEONORE", "LEIGHANN", "LAURICE", "LATESHA", "LARONDA", "KATRICE", "KASIE", "KARL", + "KALEY", "JADWIGA", "GLENNIE", "GEARLDINE", "FRANCINA", "EPIFANIA", "DYAN", "DORIE", "DIEDRE", "DENESE", + "DEMETRICE", "DELENA", "DARBY", "CRISTIE", "CLEORA", "CATARINA", "CARISA", "BERNIE", "BARBERA", "ALMETA", + "TRULA", "TEREASA", "SOLANGE", "SHEILAH", "SHAVONNE", "SANORA", "ROCHELL", "MATHILDE", "MARGARETA", "MAIA", + "LYNSEY", "LAWANNA", "LAUNA", "KENA", "KEENA", "KATIA", "JAMEY", "GLYNDA", "GAYLENE", "ELVINA", + "ELANOR", "DANUTA", "DANIKA", "CRISTEN", "CORDIE", "COLETTA", "CLARITA", "CARMON", "BRYNN", "AZUCENA", + "AUNDREA", "ANGELE", "YI", "WALTER", "VERLIE", "VERLENE", "TAMESHA", "SILVANA", "SEBRINA", "SAMIRA", + "REDA", "RAYLENE", "PENNI", "PANDORA", "NORAH", "NOMA", "MIREILLE", "MELISSIA", "MARYALICE", "LARAINE", + "KIMBERY", "KARYL", "KARINE", "KAM", "JOLANDA", "JOHANA", "JESUSA", "JALEESA", "JAE", "JACQUELYNE", + "IRISH", "ILUMINADA", "HILARIA", "HANH", "GENNIE", "FRANCIE", "FLORETTA", "EXIE", "EDDA", "DREMA", + "DELPHA", "BEV", "BARBAR", "ASSUNTA", "ARDELL", "ANNALISA", "ALISIA", "YUKIKO", "YOLANDO", "WONDA", + "WEI", "WALTRAUD", "VETA", "TEQUILA", "TEMEKA", "TAMEIKA", "SHIRLEEN", "SHENITA", "PIEDAD", "OZELLA", + "MIRTHA", "MARILU", "KIMIKO", "JULIANE", "JENICE", "JEN", "JANAY", "JACQUILINE", "HILDE", "FE", + "FAE", "EVAN", "EUGENE", "ELOIS", "ECHO", "DEVORAH", "CHAU", "BRINDA", "BETSEY", "ARMINDA", + "ARACELIS", "APRYL", "ANNETT", "ALISHIA", "VEOLA", "USHA", "TOSHIKO", "THEOLA", "TASHIA", "TALITHA", + "SHERY", "RUDY", "RENETTA", "REIKO", "RASHEEDA", "OMEGA", "OBDULIA", "MIKA", "MELAINE", "MEGGAN", + "MARTIN", "MARLEN", "MARGET", "MARCELINE", "MANA", "MAGDALEN", "LIBRADA", "LEZLIE", "LEXIE", "LATASHIA", + "LASANDRA", "KELLE", "ISIDRA", "ISA", "INOCENCIA", "GWYN", "FRANCOISE", "ERMINIA", "ERINN", "DIMPLE", + "DEVORA", "CRISELDA", "ARMANDA", "ARIE", "ARIANE", "ANGELO", "ANGELENA", "ALLEN", "ALIZA", "ADRIENE", + "ADALINE", "XOCHITL", "TWANNA", "TRAN", "TOMIKO", "TAMISHA", "TAISHA", "SUSY", "SIU", "RUTHA", + "ROXY", "RHONA", "RAYMOND", "OTHA", "NORIKO", "NATASHIA", "MERRIE", "MELVIN", "MARINDA", "MARIKO", + "MARGERT", "LORIS", "LIZZETTE", "LEISHA", "KAILA", "KA", "JOANNIE", "JERRICA", "JENE", "JANNET", + "JANEE", "JACINDA", "HERTA", "ELENORE", "DORETTA", "DELAINE", "DANIELL", "CLAUDIE", "CHINA", "BRITTA", + "APOLONIA", "AMBERLY", "ALEASE", "YURI", "YUK", "WEN", "WANETA", "UTE", "TOMI", "SHARRI", + "SANDIE", "ROSELLE", "REYNALDA", "RAGUEL", "PHYLICIA", "PATRIA", "OLIMPIA", "ODELIA", "MITZIE", "MITCHELL", + "MISS", "MINDA", "MIGNON", "MICA", "MENDY", "MARIVEL", "MAILE", "LYNETTA", "LAVETTE", "LAURYN", + "LATRISHA", "LAKIESHA", "KIERSTEN", "KARY", "JOSPHINE", "JOLYN", "JETTA", "JANISE", "JACQUIE", "IVELISSE", + "GLYNIS", "GIANNA", "GAYNELLE", "EMERALD", "DEMETRIUS", "DANYELL", "DANILLE", "DACIA", "CORALEE", "CHER", + "CEOLA", "BRETT", "BELL", "ARIANNE", "ALESHIA", "YUNG", "WILLIEMAE", "TROY", "TRINH", "THORA", + "TAI", "SVETLANA", "SHERIKA", "SHEMEKA", "SHAUNDA", "ROSELINE", "RICKI", "MELDA", "MALLIE", "LAVONNA", + "LATINA", "LARRY", "LAQUANDA", "LALA", "LACHELLE", "KLARA", "KANDIS", "JOHNA", "JEANMARIE", "JAYE", + "HANG", "GRAYCE", "GERTUDE", "EMERITA", "EBONIE", "CLORINDA", "CHING", "CHERY", "CAROLA", "BREANN", + "BLOSSOM", "BERNARDINE", "BECKI", "ARLETHA", "ARGELIA", "ARA", "ALITA", "YULANDA", "YON", "YESSENIA", + "TOBI", "TASIA", "SYLVIE", "SHIRL", "SHIRELY", "SHERIDAN", "SHELLA", "SHANTELLE", "SACHA", "ROYCE", + "REBECKA", "REAGAN", "PROVIDENCIA", "PAULENE", "MISHA", "MIKI", "MARLINE", "MARICA", "LORITA", "LATOYIA", + "LASONYA", "KERSTIN", "KENDA", "KEITHA", "KATHRIN", "JAYMIE", "JACK", "GRICELDA", "GINETTE", "ERYN", + "ELINA", "ELFRIEDA", "DANYEL", "CHEREE", "CHANELLE", "BARRIE", "AVERY", "AURORE", "ANNAMARIA", "ALLEEN", + "AILENE", "AIDE", "YASMINE", "VASHTI", "VALENTINE", "TREASA", "TORY", "TIFFANEY", "SHERYLL", "SHARIE", + "SHANAE", "SAU", "RAISA", "PA", "NEDA", "MITSUKO", "MIRELLA", "MILDA", "MARYANNA", "MARAGRET", + "MABELLE", "LUETTA", "LORINA", "LETISHA", "LATARSHA", "LANELLE", "LAJUANA", "KRISSY", "KARLY", "KARENA", + "JON", "JESSIKA", "JERICA", "JEANELLE", "JANUARY", "JALISA", "JACELYN", "IZOLA", "IVEY", "GREGORY", + "EUNA", "ETHA", "DREW", "DOMITILA", "DOMINICA", "DAINA", "CREOLA", "CARLI", "CAMIE", "BUNNY", + "BRITTNY", "ASHANTI", "ANISHA", "ALEEN", "ADAH", "YASUKO", "WINTER", "VIKI", "VALRIE", "TONA", + "TINISHA", "THI", "TERISA", "TATUM", "TANEKA", "SIMONNE", "SHALANDA", "SERITA", "RESSIE", "REFUGIA", + "PAZ", "OLENE", "NA", "MERRILL", "MARGHERITA", "MANDIE", "MAN", "MAIRE", "LYNDIA", "LUCI", + "LORRIANE", "LORETA", "LEONIA", "LAVONA", "LASHAWNDA", "LAKIA", "KYOKO", "KRYSTINA", "KRYSTEN", "KENIA", + "KELSI", "JUDE", "JEANICE", "ISOBEL", "GEORGIANN", "GENNY", "FELICIDAD", "EILENE", "DEON", "DELOISE", + "DEEDEE", "DANNIE", "CONCEPTION", "CLORA", "CHERILYN", "CHANG", "CALANDRA", "BERRY", "ARMANDINA", "ANISA", + "ULA", "TIMOTHY", "TIERA", "THERESSA", "STEPHANIA", "SIMA", "SHYLA", "SHONTA", "SHERA", "SHAQUITA", + "SHALA", "SAMMY", "ROSSANA", "NOHEMI", "NERY", "MORIAH", "MELITA", "MELIDA", "MELANI", "MARYLYNN", + "MARISHA", "MARIETTE", "MALORIE", "MADELENE", "LUDIVINA", "LORIA", "LORETTE", "LORALEE", "LIANNE", "LEON", + "LAVENIA", "LAURINDA", "LASHON", "KIT", "KIMI", "KEILA", "KATELYNN", "KAI", "JONE", "JOANE", + "JI", "JAYNA", "JANELLA", "JA", "HUE", "HERTHA", "FRANCENE", "ELINORE", "DESPINA", "DELSIE", + "DEEDRA", "CLEMENCIA", "CARRY", "CAROLIN", "CARLOS", "BULAH", "BRITTANIE", "BOK", "BLONDELL", "BIBI", + "BEAULAH", "BEATA", "ANNITA", "AGRIPINA", "VIRGEN", "VALENE", "UN", "TWANDA", "TOMMYE", "TOI", + "TARRA", "TARI", "TAMMERA", "SHAKIA", "SADYE", "RUTHANNE", "ROCHEL", "RIVKA", "PURA", "NENITA", + "NATISHA", "MING", "MERRILEE", "MELODEE", "MARVIS", "LUCILLA", "LEENA", "LAVETA", "LARITA", "LANIE", + "KEREN", "ILEEN", "GEORGEANN", "GENNA", "GENESIS", "FRIDA", "EWA", "EUFEMIA", "EMELY", "ELA", + "EDYTH", "DEONNA", "DEADRA", "DARLENA", "CHANELL", "CHAN", "CATHERN", "CASSONDRA", "CASSAUNDRA", "BERNARDA", + "BERNA", "ARLINDA", "ANAMARIA", "ALBERT", "WESLEY", "VERTIE", "VALERI", "TORRI", "TATYANA", "STASIA", + "SHERISE", "SHERILL", "SEASON", "SCOTTIE", "SANDA", "RUTHE", "ROSY", "ROBERTO", "ROBBI", "RANEE", + "QUYEN", "PEARLY", "PALMIRA", "ONITA", "NISHA", "NIESHA", "NIDA", "NEVADA", "NAM", "MERLYN", + "MAYOLA", "MARYLOUISE", "MARYLAND", "MARX", "MARTH", "MARGENE", "MADELAINE", "LONDA", "LEONTINE", "LEOMA", + "LEIA", "LAWRENCE", "LAURALEE", "LANORA", "LAKITA", "KIYOKO", "KETURAH", "KATELIN", "KAREEN", "JONIE", + "JOHNETTE", "JENEE", "JEANETT", "IZETTA", "HIEDI", "HEIKE", "HASSIE", "HAROLD", "GIUSEPPINA", "GEORGANN", + "FIDELA", "FERNANDE", "ELWANDA", "ELLAMAE", "ELIZ", "DUSTI", "DOTTY", "CYNDY", "CORALIE", "CELESTA", + "ARGENTINA", "ALVERTA", "XENIA", "WAVA", "VANETTA", "TORRIE", "TASHINA", "TANDY", "TAMBRA", "TAMA", + "STEPANIE", "SHILA", "SHAUNTA", "SHARAN", "SHANIQUA", "SHAE", "SETSUKO", "SERAFINA", "SANDEE", "ROSAMARIA", + "PRISCILA", "OLINDA", "NADENE", "MUOI", "MICHELINA", "MERCEDEZ", "MARYROSE", "MARIN", "MARCENE", "MAO", + "MAGALI", "MAFALDA", "LOGAN", "LINN", "LANNIE", "KAYCE", "KAROLINE", "KAMILAH", "KAMALA", "JUSTA", + "JOLINE", "JENNINE", "JACQUETTA", "IRAIDA", "GERALD", "GEORGEANNA", "FRANCHESCA", "FAIRY", "EMELINE", "ELANE", + "EHTEL", "EARLIE", "DULCIE", "DALENE", "CRIS", "CLASSIE", "CHERE", "CHARIS", "CAROYLN", "CARMINA", + "CARITA", "BRIAN", "BETHANIE", "AYAKO", "ARICA", "AN", "ALYSA", "ALESSANDRA", "AKILAH", "ADRIEN", + "ZETTA", "YOULANDA", "YELENA", "YAHAIRA", "XUAN", "WENDOLYN", "VICTOR", "TIJUANA", "TERRELL", "TERINA", + "TERESIA", "SUZI", "SUNDAY", "SHERELL", "SHAVONDA", "SHAUNTE", "SHARDA", "SHAKITA", "SENA", "RYANN", + "RUBI", "RIVA", "REGINIA", "REA", "RACHAL", "PARTHENIA", "PAMULA", "MONNIE", "MONET", "MICHAELE", + "MELIA", "MARINE", "MALKA", "MAISHA", "LISANDRA", "LEO", "LEKISHA", "LEAN", "LAURENCE", "LAKENDRA", + "KRYSTIN", "KORTNEY", "KIZZIE", "KITTIE", "KERA", "KENDAL", "KEMBERLY", "KANISHA", "JULENE", "JULE", + "JOSHUA", "JOHANNE", "JEFFREY", "JAMEE", "HAN", "HALLEY", "GIDGET", "GALINA", "FREDRICKA", "FLETA", + "FATIMAH", "EUSEBIA", "ELZA", "ELEONORE", "DORTHEY", "DORIA", "DONELLA", "DINORAH", "DELORSE", "CLARETHA", + "CHRISTINIA", "CHARLYN", "BONG", "BELKIS", "AZZIE", "ANDERA", "AIKO", "ADENA", "YER", "YAJAIRA", + "WAN", "VANIA", "ULRIKE", "TOSHIA", "TIFANY", "STEFANY", "SHIZUE", "SHENIKA", "SHAWANNA", "SHAROLYN", + "SHARILYN", "SHAQUANA", "SHANTAY", "SEE", "ROZANNE", "ROSELEE", "RICKIE", "REMONA", "REANNA", "RAELENE", + "QUINN", "PHUNG", "PETRONILA", "NATACHA", "NANCEY", "MYRL", "MIYOKO", "MIESHA", "MERIDETH", "MARVELLA", + "MARQUITTA", "MARHTA", "MARCHELLE", "LIZETH", "LIBBIE", "LAHOMA", "LADAWN", "KINA", "KATHELEEN", "KATHARYN", + "KARISA", "KALEIGH", "JUNIE", "JULIEANN", "JOHNSIE", "JANEAN", "JAIMEE", "JACKQUELINE", "HISAKO", "HERMA", + "HELAINE", "GWYNETH", "GLENN", "GITA", "EUSTOLIA", "EMELINA", "ELIN", "EDRIS", "DONNETTE", "DONNETTA", + "DIERDRE", "DENAE", "DARCEL", "CLAUDE", "CLARISA", "CINDERELLA", "CHIA", "CHARLESETTA", "CHARITA", "CELSA", + "CASSY", "CASSI", "CARLEE", "BRUNA", "BRITTANEY", "BRANDE", "BILLI", "BAO", "ANTONETTA", "ANGLA", + "ANGELYN", "ANALISA", "ALANE", "WENONA", "WENDIE", "VERONIQUE", "VANNESA", "TOBIE", "TEMPIE", "SUMIKO", + "SULEMA", "SPARKLE", "SOMER", "SHEBA", "SHAYNE", "SHARICE", "SHANEL", "SHALON", "SAGE", "ROY", + "ROSIO", "ROSELIA", "RENAY", "REMA", "REENA", "PORSCHE", "PING", "PEG", "OZIE", "ORETHA", + "ORALEE", "ODA", "NU", "NGAN", "NAKESHA", "MILLY", "MARYBELLE", "MARLIN", "MARIS", "MARGRETT", + "MARAGARET", "MANIE", "LURLENE", "LILLIA", "LIESELOTTE", "LAVELLE", "LASHAUNDA", "LAKEESHA", "KEITH", "KAYCEE", + "KALYN", "JOYA", "JOETTE", "JENAE", "JANIECE", "ILLA", "GRISEL", "GLAYDS", "GENEVIE", "GALA", + "FREDDA", "FRED", "ELMER", "ELEONOR", "DEBERA", "DEANDREA", "DAN", "CORRINNE", "CORDIA", "CONTESSA", + "COLENE", "CLEOTILDE", "CHARLOTT", "CHANTAY", "CECILLE", "BEATRIS", "AZALEE", "ARLEAN", "ARDATH", "ANJELICA", + "ANJA", "ALFREDIA", "ALEISHA", "ADAM", "ZADA", "YUONNE", "XIAO", "WILLODEAN", "WHITLEY", "VENNIE", + "VANNA", "TYISHA", "TOVA", "TORIE", "TONISHA", "TILDA", "TIEN", "TEMPLE", "SIRENA", "SHERRIL", + "SHANTI", "SHAN", "SENAIDA", "SAMELLA", "ROBBYN", "RENDA", "REITA", "PHEBE", "PAULITA", "NOBUKO", + "NGUYET", "NEOMI", "MOON", "MIKAELA", "MELANIA", "MAXIMINA", "MARG", "MAISIE", "LYNNA", "LILLI", + "LAYNE", "LASHAUN", "LAKENYA", "LAEL", "KIRSTIE", "KATHLINE", "KASHA", "KARLYN", "KARIMA", "JOVAN", + "JOSEFINE", "JENNELL", "JACQUI", "JACKELYN", "HYO", "HIEN", "GRAZYNA", "FLORRIE", "FLORIA", "ELEONORA", + "DWANA", "DORLA", "DONG", "DELMY", "DEJA", "DEDE", "DANN", "CRYSTA", "CLELIA", "CLARIS", + "CLARENCE", "CHIEKO", "CHERLYN", "CHERELLE", "CHARMAIN", "CHARA", "CAMMY", "BEE", "ARNETTE", "ARDELLE", + "ANNIKA", "AMIEE", "AMEE", "ALLENA", "YVONE", "YUKI", "YOSHIE", "YEVETTE", "YAEL", "WILLETTA", + "VONCILE", "VENETTA", "TULA", "TONETTE", "TIMIKA", "TEMIKA", "TELMA", "TEISHA", "TAREN", "TA", + "STACEE", "SHIN", "SHAWNTA", "SATURNINA", "RICARDA", "POK", "PASTY", "ONIE", "NUBIA", "MORA", + "MIKE", "MARIELLE", "MARIELLA", "MARIANELA", "MARDELL", "MANY", "LUANNA", "LOISE", "LISABETH", "LINDSY", + "LILLIANA", "LILLIAM", "LELAH", "LEIGHA", "LEANORA", "LANG", "KRISTEEN", "KHALILAH", "KEELEY", "KANDRA", + "JUNKO", "JOAQUINA", "JERLENE", "JANI", "JAMIKA", "JAME", "HSIU", "HERMILA", "GOLDEN", "GENEVIVE", + "EVIA", "EUGENA", "EMMALINE", "ELFREDA", "ELENE", "DONETTE", "DELCIE", "DEEANNA", "DARCEY", "CUC", + "CLARINDA", "CIRA", "CHAE", "CELINDA", "CATHERYN", "CATHERIN", "CASIMIRA", "CARMELIA", "CAMELLIA", "BREANA", + "BOBETTE", "BERNARDINA", "BEBE", "BASILIA", "ARLYNE", "AMAL", "ALAYNA", "ZONIA", "ZENIA", "YURIKO", + "YAEKO", "WYNELL", "WILLOW", "WILLENA", "VERNIA", "TU", "TRAVIS", "TORA", "TERRILYN", "TERICA", + "TENESHA", "TAWNA", "TAJUANA", "TAINA", "STEPHNIE", "SONA", "SOL", "SINA", "SHONDRA", "SHIZUKO", + "SHERLENE", "SHERICE", "SHARIKA", "ROSSIE", "ROSENA", "RORY", "RIMA", "RIA", "RHEBA", "RENNA", + "PETER", "NATALYA", "NANCEE", "MELODI", "MEDA", "MAXIMA", "MATHA", "MARKETTA", "MARICRUZ", "MARCELENE", + "MALVINA", "LUBA", "LOUETTA", "LEIDA", "LECIA", "LAURAN", "LASHAWNA", "LAINE", "KHADIJAH", "KATERINE", + "KASI", "KALLIE", "JULIETTA", "JESUSITA", "JESTINE", "JESSIA", "JEREMY", "JEFFIE", "JANYCE", "ISADORA", + "GEORGIANNE", "FIDELIA", "EVITA", "EURA", "EULAH", "ESTEFANA", "ELSY", "ELIZABET", "ELADIA", "DODIE", + "DION", "DIA", "DENISSE", "DELORAS", "DELILA", "DAYSI", "DAKOTA", "CURTIS", "CRYSTLE", "CONCHA", + "COLBY", "CLARETTA", "CHU", "CHRISTIA", "CHARLSIE", "CHARLENA", "CARYLON", "BETTYANN", "ASLEY", "ASHLEA", + "AMIRA", "AI", "AGUEDA", "AGNUS", "YUETTE", "VINITA", "VICTORINA", "TYNISHA", "TREENA", "TOCCARA", + "TISH", "THOMASENA", "TEGAN", "SOILA", "SHILOH", "SHENNA", "SHARMAINE", "SHANTAE", "SHANDI", "SEPTEMBER", + "SARAN", "SARAI", "SANA", "SAMUEL", "SALLEY", "ROSETTE", "ROLANDE", "REGINE", "OTELIA", "OSCAR", + "OLEVIA", "NICHOLLE", "NECOLE", "NAIDA", "MYRTA", "MYESHA", "MITSUE", "MINTA", "MERTIE", "MARGY", + "MAHALIA", "MADALENE", "LOVE", "LOURA", "LOREAN", "LEWIS", "LESHA", "LEONIDA", "LENITA", "LAVONE", + "LASHELL", "LASHANDRA", "LAMONICA", "KIMBRA", "KATHERINA", "KARRY", "KANESHA", "JULIO", "JONG", "JENEVA", + "JAQUELYN", "HWA", "GILMA", "GHISLAINE", "GERTRUDIS", "FRANSISCA", "FERMINA", "ETTIE", "ETSUKO", "ELLIS", + "ELLAN", "ELIDIA", "EDRA", "DORETHEA", "DOREATHA", "DENYSE", "DENNY", "DEETTA", "DAINE", "CYRSTAL", + "CORRIN", "CAYLA", "CARLITA", "CAMILA", "BURMA", "BULA", "BUENA", "BLAKE", "BARABARA", "AVRIL", + "AUSTIN", "ALAINE", "ZANA", "WILHEMINA", "WANETTA", "VIRGIL", "VI", "VERONIKA", "VERNON", "VERLINE", + "VASILIKI", "TONITA", "TISA", "TEOFILA", "TAYNA", "TAUNYA", "TANDRA", "TAKAKO", "SUNNI", "SUANNE", + "SIXTA", "SHARELL", "SEEMA", "RUSSELL", "ROSENDA", "ROBENA", "RAYMONDE", "PEI", "PAMILA", "OZELL", + "NEIDA", "NEELY", "MISTIE", "MICHA", "MERISSA", "MAURITA", "MARYLN", "MARYETTA", "MARSHALL", "MARCELL", + "MALENA", "MAKEDA", "MADDIE", "LOVETTA", "LOURIE", "LORRINE", "LORILEE", "LESTER", "LAURENA", "LASHAY", + "LARRAINE", "LAREE", "LACRESHA", "KRISTLE", "KRISHNA", "KEVA", "KEIRA", "KAROLE", "JOIE", "JINNY", + "JEANNETTA", "JAMA", "HEIDY", "GILBERTE", "GEMA", "FAVIOLA", "EVELYNN", "ENDA", "ELLI", "ELLENA", + "DIVINA", "DAGNY", "COLLENE", "CODI", "CINDIE", "CHASSIDY", "CHASIDY", "CATRICE", "CATHERINA", "CASSEY", + "CAROLL", "CARLENA", "CANDRA", "CALISTA", "BRYANNA", "BRITTENY", "BEULA", "BARI", "AUDRIE", "AUDRIA", + "ARDELIA", "ANNELLE", "ANGILA", "ALONA", "ALLYN", "DOUGLAS", "ROGER", "JONATHAN", "RALPH", "NICHOLAS", + "BENJAMIN", "BRUCE", "HARRY", "WAYNE", "STEVE", "HOWARD", "ERNEST", "PHILLIP", "TODD", "CRAIG", + "ALAN", "PHILIP", "EARL", "DANNY", "BRYAN", "STANLEY", "LEONARD", "NATHAN", "MANUEL", "RODNEY", + "MARVIN", "VINCENT", "JEFFERY", "JEFF", "CHAD", "JACOB", "ALFRED", "BRADLEY", "HERBERT", "FREDERICK", + "EDWIN", "DON", "RICKY", "RANDALL", "BARRY", "BERNARD", "LEROY", "MARCUS", "THEODORE", "CLIFFORD", + "MIGUEL", "JIM", "TOM", "CALVIN", "BILL", "LLOYD", "DEREK", "WARREN", "DARRELL", "JEROME", + "FLOYD", "ALVIN", "TIM", "GORDON", "GREG", "JORGE", "DUSTIN", "PEDRO", "DERRICK", "ZACHARY", + "HERMAN", "GLEN", "HECTOR", "RICARDO", "RICK", "BRENT", "RAMON", "GILBERT", "MARC", "REGINALD", + "RUBEN", "NATHANIEL", "RAFAEL", "EDGAR", "MILTON", "RAUL", "BEN", "CHESTER", "DUANE", "FRANKLIN", + "BRAD", "RON", "ROLAND", "ARNOLD", "HARVEY", "JARED", "ERIK", "DARRYL", "NEIL", "JAVIER", + "FERNANDO", "CLINTON", "TED", "MATHEW", "TYRONE", "DARREN", "LANCE", "KURT", "ALLAN", "NELSON", + "GUY", "CLAYTON", "HUGH", "MAX", "DWAYNE", "DWIGHT", "ARMANDO", "FELIX", "EVERETT", "IAN", + "WALLACE", "KEN", "BOB", "ALFREDO", "ALBERTO", "DAVE", "IVAN", "BYRON", "ISAAC", "MORRIS", + "CLIFTON", "WILLARD", "ROSS", "ANDY", "SALVADOR", "KIRK", "SERGIO", "SETH", "KENT", "TERRANCE", + "EDUARDO", "TERRENCE", "ENRIQUE", "WADE", "STUART", "FREDRICK", "ARTURO", "ALEJANDRO", "NICK", "LUTHER", + "WENDELL", "JEREMIAH", "JULIUS", "OTIS", "TREVOR", "OLIVER", "LUKE", "HOMER", "GERARD", "DOUG", + "KENNY", "HUBERT", "LYLE", "MATT", "ALFONSO", "ORLANDO", "REX", "CARLTON", "ERNESTO", "NEAL", + "PABLO", "LORENZO", "OMAR", "WILBUR", "GRANT", "HORACE", "RODERICK", "ABRAHAM", "WILLIS", "RICKEY", + "ANDRES", "CESAR", "JOHNATHAN", "MALCOLM", "RUDOLPH", "DAMON", "KELVIN", "PRESTON", "ALTON", "ARCHIE", + "MARCO", "WM", "PETE", "RANDOLPH", "GARRY", "GEOFFREY", "JONATHON", "FELIPE", "GERARDO", "ED", + "DOMINIC", "DELBERT", "COLIN", "GUILLERMO", "EARNEST", "LUCAS", "BENNY", "SPENCER", "RODOLFO", "MYRON", + "EDMUND", "GARRETT", "SALVATORE", "CEDRIC", "LOWELL", "GREGG", "SHERMAN", "WILSON", "SYLVESTER", "ROOSEVELT", + "ISRAEL", "JERMAINE", "FORREST", "WILBERT", "LELAND", "SIMON", "CLARK", "IRVING", "BRYANT", "OWEN", + "RUFUS", "WOODROW", "KRISTOPHER", "MACK", "LEVI", "MARCOS", "GUSTAVO", "JAKE", "LIONEL", "GILBERTO", + "CLINT", "NICOLAS", "ISMAEL", "ORVILLE", "ERVIN", "DEWEY", "AL", "WILFRED", "JOSH", "HUGO", + "IGNACIO", "CALEB", "TOMAS", "SHELDON", "ERICK", "STEWART", "DOYLE", "DARREL", "ROGELIO", "TERENCE", + "SANTIAGO", "ALONZO", "ELIAS", "BERT", "ELBERT", "RAMIRO", "CONRAD", "NOAH", "GRADY", "PHIL", + "CORNELIUS", "LAMAR", "ROLANDO", "CLAY", "PERCY", "DEXTER", "BRADFORD", "DARIN", "AMOS", "MOSES", + "IRVIN", "SAUL", "ROMAN", "RANDAL", "TIMMY", "DARRIN", "WINSTON", "BRENDAN", "ABEL", "DOMINICK", + "BOYD", "EMILIO", "ELIJAH", "DOMINGO", "EMMETT", "MARLON", "EMANUEL", "JERALD", "EDMOND", "EMIL", + "DEWAYNE", "WILL", "OTTO", "TEDDY", "REYNALDO", "BRET", "JESS", "TRENT", "HUMBERTO", "EMMANUEL", + "STEPHAN", "VICENTE", "LAMONT", "GARLAND", "MILES", "EFRAIN", "HEATH", "RODGER", "HARLEY", "ETHAN", + "ELDON", "ROCKY", "PIERRE", "JUNIOR", "FREDDY", "ELI", "BRYCE", "ANTOINE", "STERLING", "CHASE", + "GROVER", "ELTON", "CLEVELAND", "DYLAN", "CHUCK", "DAMIAN", "REUBEN", "STAN", "AUGUST", "LEONARDO", + "JASPER", "RUSSEL", "ERWIN", "BENITO", "HANS", "MONTE", "BLAINE", "ERNIE", "CURT", "QUENTIN", + "AGUSTIN", "MURRAY", "JAMAL", "ADOLFO", "HARRISON", "TYSON", "BURTON", "BRADY", "ELLIOTT", "WILFREDO", + "BART", "JARROD", "VANCE", "DENIS", "DAMIEN", "JOAQUIN", "HARLAN", "DESMOND", "ELLIOT", "DARWIN", + "GREGORIO", "BUDDY", "XAVIER", "KERMIT", "ROSCOE", "ESTEBAN", "ANTON", "SOLOMON", "SCOTTY", "NORBERT", + "ELVIN", "WILLIAMS", "NOLAN", "ROD", "QUINTON", "HAL", "BRAIN", "ROB", "ELWOOD", "KENDRICK", + "DARIUS", "MOISES", "FIDEL", "THADDEUS", "CLIFF", "MARCEL", "JACKSON", "RAPHAEL", "BRYON", "ARMAND", + "ALVARO", "JEFFRY", "DANE", "JOESPH", "THURMAN", "NED", "RUSTY", "MONTY", "FABIAN", "REGGIE", + "MASON", "GRAHAM", "ISAIAH", "VAUGHN", "GUS", "LOYD", "DIEGO", "ADOLPH", "NORRIS", "MILLARD", + "ROCCO", "GONZALO", "DERICK", "RODRIGO", "WILEY", "RIGOBERTO", "ALPHONSO", "TY", "NOE", "VERN", + "REED", "JEFFERSON", "ELVIS", "BERNARDO", "MAURICIO", "HIRAM", "DONOVAN", "BASIL", "RILEY", "NICKOLAS", + "MAYNARD", "SCOT", "VINCE", "QUINCY", "EDDY", "SEBASTIAN", "FEDERICO", "ULYSSES", "HERIBERTO", "DONNELL", + "COLE", "DAVIS", "GAVIN", "EMERY", "WARD", "ROMEO", "JAYSON", "DANTE", "CLEMENT", "COY", + "MAXWELL", "JARVIS", "BRUNO", "ISSAC", "DUDLEY", "BROCK", "SANFORD", "CARMELO", "BARNEY", "NESTOR", + "STEFAN", "DONNY", "ART", "LINWOOD", "BEAU", "WELDON", "GALEN", "ISIDRO", "TRUMAN", "DELMAR", + "JOHNATHON", "SILAS", "FREDERIC", "DICK", "IRWIN", "MERLIN", "CHARLEY", "MARCELINO", "HARRIS", "CARLO", + "TRENTON", "KURTIS", "HUNTER", "AURELIO", "WINFRED", "VITO", "COLLIN", "DENVER", "CARTER", "LEONEL", + "EMORY", "PASQUALE", "MOHAMMAD", "MARIANO", "DANIAL", "LANDON", "DIRK", "BRANDEN", "ADAN", "BUFORD", + "GERMAN", "WILMER", "EMERSON", "ZACHERY", "FLETCHER", "JACQUES", "ERROL", "DALTON", "MONROE", "JOSUE", + "EDWARDO", "BOOKER", "WILFORD", "SONNY", "SHELTON", "CARSON", "THERON", "RAYMUNDO", "DAREN", "HOUSTON", + "ROBBY", "LINCOLN", "GENARO", "BENNETT", "OCTAVIO", "CORNELL", "HUNG", "ARRON", "ANTONY", "HERSCHEL", + "GIOVANNI", "GARTH", "CYRUS", "CYRIL", "RONNY", "LON", "FREEMAN", "DUNCAN", "KENNITH", "CARMINE", + "ERICH", "CHADWICK", "WILBURN", "RUSS", "REID", "MYLES", "ANDERSON", "MORTON", "JONAS", "FOREST", + "MITCHEL", "MERVIN", "ZANE", "RICH", "JAMEL", "LAZARO", "ALPHONSE", "RANDELL", "MAJOR", "JARRETT", + "BROOKS", "ABDUL", "LUCIANO", "SEYMOUR", "EUGENIO", "MOHAMMED", "VALENTIN", "CHANCE", "ARNULFO", "LUCIEN", + "FERDINAND", "THAD", "EZRA", "ALDO", "RUBIN", "ROYAL", "MITCH", "EARLE", "ABE", "WYATT", + "MARQUIS", "LANNY", "KAREEM", "JAMAR", "BORIS", "ISIAH", "EMILE", "ELMO", "ARON", "LEOPOLDO", + "EVERETTE", "JOSEF", "ELOY", "RODRICK", "REINALDO", "LUCIO", "JERROD", "WESTON", "HERSHEL", "BARTON", + "PARKER", "LEMUEL", "BURT", "JULES", "GIL", "ELISEO", "AHMAD", "NIGEL", "EFREN", "ANTWAN", + "ALDEN", "MARGARITO", "COLEMAN", "DINO", "OSVALDO", "LES", "DEANDRE", "NORMAND", "KIETH", "TREY", + "NORBERTO", "NAPOLEON", "JEROLD", "FRITZ", "ROSENDO", "MILFORD", "CHRISTOPER", "ALFONZO", "LYMAN", "JOSIAH", + "BRANT", "WILTON", "RICO", "JAMAAL", "DEWITT", "BRENTON", "OLIN", "FOSTER", "FAUSTINO", "CLAUDIO", + "JUDSON", "GINO", "EDGARDO", "ALEC", "TANNER", "JARRED", "DONN", "TAD", "PRINCE", "PORFIRIO", + "ODIS", "LENARD", "CHAUNCEY", "TOD", "MEL", "MARCELO", "KORY", "AUGUSTUS", "KEVEN", "HILARIO", + "BUD", "SAL", "ORVAL", "MAURO", "ZACHARIAH", "OLEN", "ANIBAL", "MILO", "JED", "DILLON", + "AMADO", "NEWTON", "LENNY", "RICHIE", "HORACIO", "BRICE", "MOHAMED", "DELMER", "DARIO", "REYES", + "MAC", "JONAH", "JERROLD", "ROBT", "HANK", "RUPERT", "ROLLAND", "KENTON", "DAMION", "ANTONE", + "WALDO", "FREDRIC", "BRADLY", "KIP", "BURL", "WALKER", "TYREE", "JEFFEREY", "AHMED", "WILLY", + "STANFORD", "OREN", "NOBLE", "MOSHE", "MIKEL", "ENOCH", "BRENDON", "QUINTIN", "JAMISON", "FLORENCIO", + "DARRICK", "TOBIAS", "HASSAN", "GIUSEPPE", "DEMARCUS", "CLETUS", "TYRELL", "LYNDON", "KEENAN", "WERNER", + "GERALDO", "COLUMBUS", "CHET", "BERTRAM", "MARKUS", "HUEY", "HILTON", "DWAIN", "DONTE", "TYRON", + "OMER", "ISAIAS", "HIPOLITO", "FERMIN", "ADALBERTO", "BO", "BARRETT", "TEODORO", "MCKINLEY", "MAXIMO", + "GARFIELD", "RALEIGH", "LAWERENCE", "ABRAM", "RASHAD", "KING", "EMMITT", "DARON", "SAMUAL", "MIQUEL", + "EUSEBIO", "DOMENIC", "DARRON", "BUSTER", "WILBER", "RENATO", "JC", "HOYT", "HAYWOOD", "EZEKIEL", + "CHAS", "FLORENTINO", "ELROY", "CLEMENTE", "ARDEN", "NEVILLE", "EDISON", "DESHAWN", "NATHANIAL", "JORDON", + "DANILO", "CLAUD", "SHERWOOD", "RAYMON", "RAYFORD", "CRISTOBAL", "AMBROSE", "TITUS", "HYMAN", "FELTON", + "EZEQUIEL", "ERASMO", "STANTON", "LONNY", "LEN", "IKE", "MILAN", "LINO", "JAROD", "HERB", + "ANDREAS", "WALTON", "RHETT", "PALMER", "DOUGLASS", "CORDELL", "OSWALDO", "ELLSWORTH", "VIRGILIO", "TONEY", + "NATHANAEL", "DEL", "BENEDICT", "MOSE", "JOHNSON", "ISREAL", "GARRET", "FAUSTO", "ASA", "ARLEN", + "ZACK", "WARNER", "MODESTO", "FRANCESCO", "MANUAL", "GAYLORD", "GASTON", "FILIBERTO", "DEANGELO", "MICHALE", + "GRANVILLE", "WES", "MALIK", "ZACKARY", "TUAN", "ELDRIDGE", "CRISTOPHER", "CORTEZ", "ANTIONE", "MALCOM", + "LONG", "KOREY", "JOSPEH", "COLTON", "WAYLON", "VON", "HOSEA", "SHAD", "SANTO", "RUDOLF", + "ROLF", "REY", "RENALDO", "MARCELLUS", "LUCIUS", "KRISTOFER", "BOYCE", "BENTON", "HAYDEN", "HARLAND", + "ARNOLDO", "RUEBEN", "LEANDRO", "KRAIG", "JERRELL", "JEROMY", "HOBERT", "CEDRICK", "ARLIE", "WINFORD", + "WALLY", "LUIGI", "KENETH", "JACINTO", "GRAIG", "FRANKLYN", "EDMUNDO", "SID", "PORTER", "LEIF", + "JERAMY", "BUCK", "WILLIAN", "VINCENZO", "SHON", "LYNWOOD", "JERE", "HAI", "ELDEN", "DORSEY", + "DARELL", "BRODERICK", "ALONSO" + ] + total_sum = 0 + temp_sum = 0 + name.sort() + for i in range(len(name)): + for j in name[i]: + temp_sum += ord(j) - ord('A') + 1 + total_sum += (i + 1) * temp_sum + temp_sum = 0 + print(total_sum) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_24/sol1.py b/project_euler/problem_24/sol1.py index 347f778b2cba..bc57983f4ec3 100644 --- a/project_euler/problem_24/sol1.py +++ b/project_euler/problem_24/sol1.py @@ -1,10 +1,10 @@ -from itertools import permutations - - -def main(): - result = list(map("".join, permutations('0123456789'))) - print(result[999999]) - - -if __name__ == '__main__': - main() +from itertools import permutations + + +def main(): + result = list(map("".join, permutations('0123456789'))) + print(result[999999]) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_25/sol1.py b/project_euler/problem_25/sol1.py index 54cd8e083e5f..604ac09db3ff 100644 --- a/project_euler/problem_25/sol1.py +++ b/project_euler/problem_25/sol1.py @@ -1,34 +1,34 @@ -from __future__ import print_function - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def fibonacci(n): - if n == 1 or type(n) is not int: - return 0 - elif n == 2: - return 1 - else: - sequence = [0, 1] - for i in xrange(2, n + 1): - sequence.append(sequence[i - 1] + sequence[i - 2]) - - return sequence[n] - - -def fibonacci_digits_index(n): - digits = 0 - index = 2 - - while digits < n: - index += 1 - digits = len(str(fibonacci(index))) - - return index - - -if __name__ == '__main__': - print(fibonacci_digits_index(1000)) +from __future__ import print_function + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def fibonacci(n): + if n == 1 or type(n) is not int: + return 0 + elif n == 2: + return 1 + else: + sequence = [0, 1] + for i in xrange(2, n + 1): + sequence.append(sequence[i - 1] + sequence[i - 2]) + + return sequence[n] + + +def fibonacci_digits_index(n): + digits = 0 + index = 2 + + while digits < n: + index += 1 + digits = len(str(fibonacci(index))) + + return index + + +if __name__ == '__main__': + print(fibonacci_digits_index(1000)) diff --git a/project_euler/problem_25/sol2.py b/project_euler/problem_25/sol2.py index 6778bb08f0ce..b9aff9b82e56 100644 --- a/project_euler/problem_25/sol2.py +++ b/project_euler/problem_25/sol2.py @@ -1,12 +1,12 @@ -def fibonacci_genrator(): - a, b = 0, 1 - while True: - a, b = b, a + b - yield b - - -answer = 1 -gen = fibonacci_genrator() -while len(str(next(gen))) < 1000: - answer += 1 -assert answer + 1 == 4782 +def fibonacci_genrator(): + a, b = 0, 1 + while True: + a, b = b, a + b + yield b + + +answer = 1 +gen = fibonacci_genrator() +while len(str(next(gen))) < 1000: + answer += 1 +assert answer + 1 == 4782 diff --git a/project_euler/problem_28/sol1.py b/project_euler/problem_28/sol1.py index b834a1881e9b..34a70f740d4f 100644 --- a/project_euler/problem_28/sol1.py +++ b/project_euler/problem_28/sol1.py @@ -1,32 +1,32 @@ -from __future__ import print_function - -from math import ceil - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def diagonal_sum(n): - total = 1 - - for i in xrange(1, int(ceil(n / 2.0))): - odd = 2 * i + 1 - even = 2 * i - total = total + 4 * odd ** 2 - 6 * even - - return total - - -if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - print(diagonal_sum(1001)) - else: - try: - n = int(sys.argv[1]) - diagonal_sum(n) - except ValueError: - print('Invalid entry - please enter a number') +from __future__ import print_function + +from math import ceil + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def diagonal_sum(n): + total = 1 + + for i in xrange(1, int(ceil(n / 2.0))): + odd = 2 * i + 1 + even = 2 * i + total = total + 4 * odd ** 2 - 6 * even + + return total + + +if __name__ == '__main__': + import sys + + if len(sys.argv) == 1: + print(diagonal_sum(1001)) + else: + try: + n = int(sys.argv[1]) + diagonal_sum(n) + except ValueError: + print('Invalid entry - please enter a number') diff --git a/project_euler/problem_29/solution.py b/project_euler/problem_29/solution.py index b336059b78d4..0ee55812360d 100644 --- a/project_euler/problem_29/solution.py +++ b/project_euler/problem_29/solution.py @@ -1,33 +1,33 @@ -def main(): - """ - Consider all integer combinations of ab for 2 <= a <= 5 and 2 <= b <= 5: - - 22=4, 23=8, 24=16, 25=32 - 32=9, 33=27, 34=81, 35=243 - 42=16, 43=64, 44=256, 45=1024 - 52=25, 53=125, 54=625, 55=3125 - If they are then placed in numerical order, with any repeats removed, - we get the following sequence of 15 distinct terms: - - 4, 8, 9, 16, 25, 27, 32, 64, 81, 125, 243, 256, 625, 1024, 3125 - - How many distinct terms are in the sequence generated by ab - for 2 <= a <= 100 and 2 <= b <= 100? - """ - - collectPowers = set() - - currentPow = 0 - - N = 101 # maximum limit - - for a in range(2, N): - for b in range(2, N): - currentPow = a ** b # calculates the current power - collectPowers.add(currentPow) # adds the result to the set - - print("Number of terms ", len(collectPowers)) - - -if __name__ == '__main__': - main() +def main(): + """ + Consider all integer combinations of ab for 2 <= a <= 5 and 2 <= b <= 5: + + 22=4, 23=8, 24=16, 25=32 + 32=9, 33=27, 34=81, 35=243 + 42=16, 43=64, 44=256, 45=1024 + 52=25, 53=125, 54=625, 55=3125 + If they are then placed in numerical order, with any repeats removed, + we get the following sequence of 15 distinct terms: + + 4, 8, 9, 16, 25, 27, 32, 64, 81, 125, 243, 256, 625, 1024, 3125 + + How many distinct terms are in the sequence generated by ab + for 2 <= a <= 100 and 2 <= b <= 100? + """ + + collectPowers = set() + + currentPow = 0 + + N = 101 # maximum limit + + for a in range(2, N): + for b in range(2, N): + currentPow = a ** b # calculates the current power + collectPowers.add(currentPow) # adds the result to the set + + print("Number of terms ", len(collectPowers)) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_31/sol1.py b/project_euler/problem_31/sol1.py index dc1a1f62b7e6..670b861443c1 100644 --- a/project_euler/problem_31/sol1.py +++ b/project_euler/problem_31/sol1.py @@ -1,54 +1,54 @@ -# -*- coding: utf-8 -*- -from __future__ import print_function - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 -''' -Coin sums -Problem 31 -In England the currency is made up of pound, £, and pence, p, and there are -eight coins in general circulation: - -1p, 2p, 5p, 10p, 20p, 50p, £1 (100p) and £2 (200p). -It is possible to make £2 in the following way: - -1×£1 + 1×50p + 2×20p + 1×5p + 1×2p + 3×1p -How many different ways can £2 be made using any number of coins? -''' - - -def one_pence(): - return 1 - - -def two_pence(x): - return 0 if x < 0 else two_pence(x - 2) + one_pence() - - -def five_pence(x): - return 0 if x < 0 else five_pence(x - 5) + two_pence(x) - - -def ten_pence(x): - return 0 if x < 0 else ten_pence(x - 10) + five_pence(x) - - -def twenty_pence(x): - return 0 if x < 0 else twenty_pence(x - 20) + ten_pence(x) - - -def fifty_pence(x): - return 0 if x < 0 else fifty_pence(x - 50) + twenty_pence(x) - - -def one_pound(x): - return 0 if x < 0 else one_pound(x - 100) + fifty_pence(x) - - -def two_pound(x): - return 0 if x < 0 else two_pound(x - 200) + one_pound(x) - - -print(two_pound(200)) +# -*- coding: utf-8 -*- +from __future__ import print_function + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 +''' +Coin sums +Problem 31 +In England the currency is made up of pound, £, and pence, p, and there are +eight coins in general circulation: + +1p, 2p, 5p, 10p, 20p, 50p, £1 (100p) and £2 (200p). +It is possible to make £2 in the following way: + +1×£1 + 1×50p + 2×20p + 1×5p + 1×2p + 3×1p +How many different ways can £2 be made using any number of coins? +''' + + +def one_pence(): + return 1 + + +def two_pence(x): + return 0 if x < 0 else two_pence(x - 2) + one_pence() + + +def five_pence(x): + return 0 if x < 0 else five_pence(x - 5) + two_pence(x) + + +def ten_pence(x): + return 0 if x < 0 else ten_pence(x - 10) + five_pence(x) + + +def twenty_pence(x): + return 0 if x < 0 else twenty_pence(x - 20) + ten_pence(x) + + +def fifty_pence(x): + return 0 if x < 0 else fifty_pence(x - 50) + twenty_pence(x) + + +def one_pound(x): + return 0 if x < 0 else one_pound(x - 100) + fifty_pence(x) + + +def two_pound(x): + return 0 if x < 0 else two_pound(x - 200) + one_pound(x) + + +print(two_pound(200)) diff --git a/project_euler/problem_36/sol1.py b/project_euler/problem_36/sol1.py index 51ce68326319..072aefb65b4b 100644 --- a/project_euler/problem_36/sol1.py +++ b/project_euler/problem_36/sol1.py @@ -1,33 +1,33 @@ -from __future__ import print_function - -''' -Double-base palindromes -Problem 36 -The decimal number, 585 = 10010010012 (binary), is palindromic in both bases. - -Find the sum of all numbers, less than one million, which are palindromic in base 10 and base 2. - -(Please note that the palindromic number, in either base, may not include leading zeros.) -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def is_palindrome(n): - n = str(n) - - if n == n[::-1]: - return True - else: - return False - - -total = 0 - -for i in xrange(1, 1000000): - if is_palindrome(i) and is_palindrome(bin(i).split('b')[1]): - total += i - -print(total) +from __future__ import print_function + +''' +Double-base palindromes +Problem 36 +The decimal number, 585 = 10010010012 (binary), is palindromic in both bases. + +Find the sum of all numbers, less than one million, which are palindromic in base 10 and base 2. + +(Please note that the palindromic number, in either base, may not include leading zeros.) +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def is_palindrome(n): + n = str(n) + + if n == n[::-1]: + return True + else: + return False + + +total = 0 + +for i in xrange(1, 1000000): + if is_palindrome(i) and is_palindrome(bin(i).split('b')[1]): + total += i + +print(total) diff --git a/project_euler/problem_40/sol1.py b/project_euler/problem_40/sol1.py index cbf90443f538..821af435e722 100644 --- a/project_euler/problem_40/sol1.py +++ b/project_euler/problem_40/sol1.py @@ -1,27 +1,27 @@ -# -.- coding: latin-1 -.- -from __future__ import print_function - -''' -Champernowne's constant -Problem 40 -An irrational decimal fraction is created by concatenating the positive integers: - -0.123456789101112131415161718192021... - -It can be seen that the 12th digit of the fractional part is 1. - -If dn represents the nth digit of the fractional part, find the value of the following expression. - -d1 × d10 × d100 × d1000 × d10000 × d100000 × d1000000 -''' - -constant = [] -i = 1 - -while len(constant) < 1e6: - constant.append(str(i)) - i += 1 - -constant = ''.join(constant) - -print(int(constant[0]) * int(constant[9]) * int(constant[99]) * int(constant[999]) * int(constant[9999]) * int(constant[99999]) * int(constant[999999])) +# -.- coding: latin-1 -.- +from __future__ import print_function + +''' +Champernowne's constant +Problem 40 +An irrational decimal fraction is created by concatenating the positive integers: + +0.123456789101112131415161718192021... + +It can be seen that the 12th digit of the fractional part is 1. + +If dn represents the nth digit of the fractional part, find the value of the following expression. + +d1 × d10 × d100 × d1000 × d10000 × d100000 × d1000000 +''' + +constant = [] +i = 1 + +while len(constant) < 1e6: + constant.append(str(i)) + i += 1 + +constant = ''.join(constant) + +print(int(constant[0]) * int(constant[9]) * int(constant[99]) * int(constant[999]) * int(constant[9999]) * int(constant[99999]) * int(constant[999999])) diff --git a/project_euler/problem_48/sol1.py b/project_euler/problem_48/sol1.py index 96c6c884377d..379df23bbe8e 100644 --- a/project_euler/problem_48/sol1.py +++ b/project_euler/problem_48/sol1.py @@ -1,21 +1,21 @@ -from __future__ import print_function - -''' -Self Powers -Problem 48 - -The series, 11 + 22 + 33 + ... + 1010 = 10405071317. - -Find the last ten digits of the series, 11 + 22 + 33 + ... + 10001000. -''' - -try: - xrange -except NameError: - xrange = range - -total = 0 -for i in xrange(1, 1001): - total += i ** i - -print(str(total)[-10:]) +from __future__ import print_function + +''' +Self Powers +Problem 48 + +The series, 11 + 22 + 33 + ... + 1010 = 10405071317. + +Find the last ten digits of the series, 11 + 22 + 33 + ... + 10001000. +''' + +try: + xrange +except NameError: + xrange = range + +total = 0 +for i in xrange(1, 1001): + total += i ** i + +print(str(total)[-10:]) diff --git a/project_euler/problem_52/sol1.py b/project_euler/problem_52/sol1.py index b01e1dca8230..ca1b2d2b7ade 100644 --- a/project_euler/problem_52/sol1.py +++ b/project_euler/problem_52/sol1.py @@ -1,24 +1,24 @@ -from __future__ import print_function - -''' -Permuted multiples -Problem 52 - -It can be seen that the number, 125874, and its double, 251748, contain exactly the same digits, but in a different order. - -Find the smallest positive integer, x, such that 2x, 3x, 4x, 5x, and 6x, contain the same digits. -''' -i = 1 - -while True: - if sorted(list(str(i))) == \ - sorted(list(str(2 * i))) == \ - sorted(list(str(3 * i))) == \ - sorted(list(str(4 * i))) == \ - sorted(list(str(5 * i))) == \ - sorted(list(str(6 * i))): - break - - i += 1 - -print(i) +from __future__ import print_function + +''' +Permuted multiples +Problem 52 + +It can be seen that the number, 125874, and its double, 251748, contain exactly the same digits, but in a different order. + +Find the smallest positive integer, x, such that 2x, 3x, 4x, 5x, and 6x, contain the same digits. +''' +i = 1 + +while True: + if sorted(list(str(i))) == \ + sorted(list(str(2 * i))) == \ + sorted(list(str(3 * i))) == \ + sorted(list(str(4 * i))) == \ + sorted(list(str(5 * i))) == \ + sorted(list(str(6 * i))): + break + + i += 1 + +print(i) diff --git a/project_euler/problem_53/sol1.py b/project_euler/problem_53/sol1.py index 74107eb92ff0..405e4cebb4e9 100644 --- a/project_euler/problem_53/sol1.py +++ b/project_euler/problem_53/sol1.py @@ -1,40 +1,40 @@ -# -.- coding: latin-1 -.- -from __future__ import print_function - -from math import factorial - -''' -Combinatoric selections -Problem 53 - -There are exactly ten ways of selecting three from five, 12345: - -123, 124, 125, 134, 135, 145, 234, 235, 245, and 345 - -In combinatorics, we use the notation, 5C3 = 10. - -In general, - -nCr = n!/(r!(n−r)!),where r ≤ n, n! = n×(n−1)×...×3×2×1, and 0! = 1. -It is not until n = 23, that a value exceeds one-million: 23C10 = 1144066. - -How many, not necessarily distinct, values of nCr, for 1 ≤ n ≤ 100, are greater than one-million? -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def combinations(n, r): - return factorial(n) / (factorial(r) * factorial(n - r)) - - -total = 0 - -for i in xrange(1, 101): - for j in xrange(1, i + 1): - if combinations(i, j) > 1e6: - total += 1 - -print(total) +# -.- coding: latin-1 -.- +from __future__ import print_function + +from math import factorial + +''' +Combinatoric selections +Problem 53 + +There are exactly ten ways of selecting three from five, 12345: + +123, 124, 125, 134, 135, 145, 234, 235, 245, and 345 + +In combinatorics, we use the notation, 5C3 = 10. + +In general, + +nCr = n!/(r!(n−r)!),where r ≤ n, n! = n×(n−1)×...×3×2×1, and 0! = 1. +It is not until n = 23, that a value exceeds one-million: 23C10 = 1144066. + +How many, not necessarily distinct, values of nCr, for 1 ≤ n ≤ 100, are greater than one-million? +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def combinations(n, r): + return factorial(n) / (factorial(r) * factorial(n - r)) + + +total = 0 + +for i in xrange(1, 101): + for j in xrange(1, i + 1): + if combinations(i, j) > 1e6: + total += 1 + +print(total) diff --git a/project_euler/problem_76/sol1.py b/project_euler/problem_76/sol1.py index 15528eeeea0f..b51c45eee267 100644 --- a/project_euler/problem_76/sol1.py +++ b/project_euler/problem_76/sol1.py @@ -1,38 +1,38 @@ -from __future__ import print_function - -''' -Counting Summations -Problem 76 - -It is possible to write five as a sum in exactly six different ways: - -4 + 1 -3 + 2 -3 + 1 + 1 -2 + 2 + 1 -2 + 1 + 1 + 1 -1 + 1 + 1 + 1 + 1 - -How many different ways can one hundred be written as a sum of at least two positive integers? -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def partition(m): - memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] - for i in xrange(m + 1): - memo[i][0] = 1 - - for n in xrange(m + 1): - for k in xrange(1, m): - memo[n][k] += memo[n][k - 1] - if n > k: - memo[n][k] += memo[n - k - 1][k] - - return (memo[m][m - 1] - 1) - - -print(partition(100)) +from __future__ import print_function + +''' +Counting Summations +Problem 76 + +It is possible to write five as a sum in exactly six different ways: + +4 + 1 +3 + 2 +3 + 1 + 1 +2 + 2 + 1 +2 + 1 + 1 + 1 +1 + 1 + 1 + 1 + 1 + +How many different ways can one hundred be written as a sum of at least two positive integers? +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def partition(m): + memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] + for i in xrange(m + 1): + memo[i][0] = 1 + + for n in xrange(m + 1): + for k in xrange(1, m): + memo[n][k] += memo[n][k - 1] + if n > k: + memo[n][k] += memo[n - k - 1][k] + + return (memo[m][m - 1] - 1) + + +print(partition(100)) diff --git a/searches/binary_search.py b/searches/binary_search.py index 4de3741a15bd..18c0be37e889 100644 --- a/searches/binary_search.py +++ b/searches/binary_search.py @@ -1,164 +1,164 @@ -""" -This is pure python implementation of binary search algorithm - -For doctests run following command: -python -m doctest -v binary_search.py -or -python3 -m doctest -v binary_search.py - -For manual testing run: -python binary_search.py -""" -from __future__ import print_function - -import bisect - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -def binary_search(sorted_collection, item): - """Pure implementation of binary search algorithm in Python - - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> binary_search([0, 5, 7, 10, 15], 0) - 0 - - >>> binary_search([0, 5, 7, 10, 15], 15) - 4 - - >>> binary_search([0, 5, 7, 10, 15], 5) - 1 - - >>> binary_search([0, 5, 7, 10, 15], 6) - - """ - left = 0 - right = len(sorted_collection) - 1 - - while left <= right: - midpoint = (left + right) // 2 - current_item = sorted_collection[midpoint] - if current_item == item: - return midpoint - else: - if item < current_item: - right = midpoint - 1 - else: - left = midpoint + 1 - return None - - -def binary_search_std_lib(sorted_collection, item): - """Pure implementation of binary search algorithm in Python using stdlib - - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> binary_search_std_lib([0, 5, 7, 10, 15], 0) - 0 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 15) - 4 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 5) - 1 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 6) - - """ - index = bisect.bisect_left(sorted_collection, item) - if index != len(sorted_collection) and sorted_collection[index] == item: - return index - return None - - -def binary_search_by_recursion(sorted_collection, item, left, right): - """Pure implementation of binary search algorithm in Python by recursion - - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - First recursion should be started with left=0 and right=(len(sorted_collection)-1) - - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> binary_search_std_lib([0, 5, 7, 10, 15], 0) - 0 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 15) - 4 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 5) - 1 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 6) - - """ - if (right < left): - return None - - midpoint = left + (right - left) // 2 - - if sorted_collection[midpoint] == item: - return midpoint - elif sorted_collection[midpoint] > item: - return binary_search_by_recursion(sorted_collection, item, left, midpoint - 1) - else: - return binary_search_by_recursion(sorted_collection, item, midpoint + 1, right) - - -def __assert_sorted(collection): - """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` - - :param collection: collection - :return: True if collection is ascending sorted - :raise: :py:class:`ValueError` if collection is not ascending sorted - - Examples: - >>> __assert_sorted([0, 1, 2, 4]) - True - - >>> __assert_sorted([10, -1, 5]) - Traceback (most recent call last): - ... - ValueError: Collection must be ascending sorted - """ - if collection != sorted(collection): - raise ValueError('Collection must be ascending sorted') - return True - - -if __name__ == '__main__': - import sys - - user_input = raw_input('Enter numbers separated by comma:\n').strip() - collection = [int(item) for item in user_input.split(',')] - try: - __assert_sorted(collection) - except ValueError: - sys.exit('Sequence must be ascending sorted to apply binary search') - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - result = binary_search(collection, target) - if result is not None: - print('{} found at positions: {}'.format(target, result)) - else: - print('Not found') +""" +This is pure python implementation of binary search algorithm + +For doctests run following command: +python -m doctest -v binary_search.py +or +python3 -m doctest -v binary_search.py + +For manual testing run: +python binary_search.py +""" +from __future__ import print_function + +import bisect + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +def binary_search(sorted_collection, item): + """Pure implementation of binary search algorithm in Python + + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> binary_search([0, 5, 7, 10, 15], 0) + 0 + + >>> binary_search([0, 5, 7, 10, 15], 15) + 4 + + >>> binary_search([0, 5, 7, 10, 15], 5) + 1 + + >>> binary_search([0, 5, 7, 10, 15], 6) + + """ + left = 0 + right = len(sorted_collection) - 1 + + while left <= right: + midpoint = (left + right) // 2 + current_item = sorted_collection[midpoint] + if current_item == item: + return midpoint + else: + if item < current_item: + right = midpoint - 1 + else: + left = midpoint + 1 + return None + + +def binary_search_std_lib(sorted_collection, item): + """Pure implementation of binary search algorithm in Python using stdlib + + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> binary_search_std_lib([0, 5, 7, 10, 15], 0) + 0 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 15) + 4 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 5) + 1 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 6) + + """ + index = bisect.bisect_left(sorted_collection, item) + if index != len(sorted_collection) and sorted_collection[index] == item: + return index + return None + + +def binary_search_by_recursion(sorted_collection, item, left, right): + """Pure implementation of binary search algorithm in Python by recursion + + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + First recursion should be started with left=0 and right=(len(sorted_collection)-1) + + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> binary_search_std_lib([0, 5, 7, 10, 15], 0) + 0 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 15) + 4 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 5) + 1 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 6) + + """ + if (right < left): + return None + + midpoint = left + (right - left) // 2 + + if sorted_collection[midpoint] == item: + return midpoint + elif sorted_collection[midpoint] > item: + return binary_search_by_recursion(sorted_collection, item, left, midpoint - 1) + else: + return binary_search_by_recursion(sorted_collection, item, midpoint + 1, right) + + +def __assert_sorted(collection): + """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` + + :param collection: collection + :return: True if collection is ascending sorted + :raise: :py:class:`ValueError` if collection is not ascending sorted + + Examples: + >>> __assert_sorted([0, 1, 2, 4]) + True + + >>> __assert_sorted([10, -1, 5]) + Traceback (most recent call last): + ... + ValueError: Collection must be ascending sorted + """ + if collection != sorted(collection): + raise ValueError('Collection must be ascending sorted') + return True + + +if __name__ == '__main__': + import sys + + user_input = raw_input('Enter numbers separated by comma:\n').strip() + collection = [int(item) for item in user_input.split(',')] + try: + __assert_sorted(collection) + except ValueError: + sys.exit('Sequence must be ascending sorted to apply binary search') + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + result = binary_search(collection, target) + if result is not None: + print('{} found at positions: {}'.format(target, result)) + else: + print('Not found') diff --git a/searches/interpolation_search.py b/searches/interpolation_search.py index db2693ac87a2..fc40df05348b 100644 --- a/searches/interpolation_search.py +++ b/searches/interpolation_search.py @@ -1,137 +1,137 @@ -""" -This is pure python implementation of interpolation search algorithm -""" -from __future__ import print_function - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -def interpolation_search(sorted_collection, item): - """Pure implementation of interpolation search algorithm in Python - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - """ - left = 0 - right = len(sorted_collection) - 1 - - while left <= right: - # avoid devided by 0 during interpolation - if sorted_collection[left] == sorted_collection[right]: - if sorted_collection[left] == item: - return left - else: - return None - - point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) - - # out of range check - if point < 0 or point >= len(sorted_collection): - return None - - current_item = sorted_collection[point] - if current_item == item: - return point - else: - if point < left: - right = left - left = point - elif point > right: - left = right - right = point - else: - if item < current_item: - right = point - 1 - else: - left = point + 1 - return None - - -def interpolation_search_by_recursion(sorted_collection, item, left, right): - """Pure implementation of interpolation search algorithm in Python by recursion - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - First recursion should be started with left=0 and right=(len(sorted_collection)-1) - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - """ - - # avoid devided by 0 during interpolation - if sorted_collection[left] == sorted_collection[right]: - if sorted_collection[left] == item: - return left - else: - return None - - point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) - - # out of range check - if point < 0 or point >= len(sorted_collection): - return None - - if sorted_collection[point] == item: - return point - elif point < left: - return interpolation_search_by_recursion(sorted_collection, item, point, left) - elif point > right: - return interpolation_search_by_recursion(sorted_collection, item, right, left) - else: - if sorted_collection[point] > item: - return interpolation_search_by_recursion(sorted_collection, item, left, point - 1) - else: - return interpolation_search_by_recursion(sorted_collection, item, point + 1, right) - - -def __assert_sorted(collection): - """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` - :param collection: collection - :return: True if collection is ascending sorted - :raise: :py:class:`ValueError` if collection is not ascending sorted - Examples: - >>> __assert_sorted([0, 1, 2, 4]) - True - >>> __assert_sorted([10, -1, 5]) - Traceback (most recent call last): - ... - ValueError: Collection must be ascending sorted - """ - if collection != sorted(collection): - raise ValueError('Collection must be ascending sorted') - return True - - -if __name__ == '__main__': - import sys - - """ - user_input = raw_input('Enter numbers separated by comma:\n').strip() - collection = [int(item) for item in user_input.split(',')] - try: - __assert_sorted(collection) - except ValueError: - sys.exit('Sequence must be ascending sorted to apply interpolation search') - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - """ - - debug = 0 - if debug == 1: - collection = [10, 30, 40, 45, 50, 66, 77, 93] - try: - __assert_sorted(collection) - except ValueError: - sys.exit('Sequence must be ascending sorted to apply interpolation search') - target = 67 - - result = interpolation_search(collection, target) - if result is not None: - print('{} found at positions: {}'.format(target, result)) - else: - print('Not found') +""" +This is pure python implementation of interpolation search algorithm +""" +from __future__ import print_function + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +def interpolation_search(sorted_collection, item): + """Pure implementation of interpolation search algorithm in Python + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + """ + left = 0 + right = len(sorted_collection) - 1 + + while left <= right: + # avoid devided by 0 during interpolation + if sorted_collection[left] == sorted_collection[right]: + if sorted_collection[left] == item: + return left + else: + return None + + point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) + + # out of range check + if point < 0 or point >= len(sorted_collection): + return None + + current_item = sorted_collection[point] + if current_item == item: + return point + else: + if point < left: + right = left + left = point + elif point > right: + left = right + right = point + else: + if item < current_item: + right = point - 1 + else: + left = point + 1 + return None + + +def interpolation_search_by_recursion(sorted_collection, item, left, right): + """Pure implementation of interpolation search algorithm in Python by recursion + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + First recursion should be started with left=0 and right=(len(sorted_collection)-1) + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + """ + + # avoid devided by 0 during interpolation + if sorted_collection[left] == sorted_collection[right]: + if sorted_collection[left] == item: + return left + else: + return None + + point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) + + # out of range check + if point < 0 or point >= len(sorted_collection): + return None + + if sorted_collection[point] == item: + return point + elif point < left: + return interpolation_search_by_recursion(sorted_collection, item, point, left) + elif point > right: + return interpolation_search_by_recursion(sorted_collection, item, right, left) + else: + if sorted_collection[point] > item: + return interpolation_search_by_recursion(sorted_collection, item, left, point - 1) + else: + return interpolation_search_by_recursion(sorted_collection, item, point + 1, right) + + +def __assert_sorted(collection): + """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` + :param collection: collection + :return: True if collection is ascending sorted + :raise: :py:class:`ValueError` if collection is not ascending sorted + Examples: + >>> __assert_sorted([0, 1, 2, 4]) + True + >>> __assert_sorted([10, -1, 5]) + Traceback (most recent call last): + ... + ValueError: Collection must be ascending sorted + """ + if collection != sorted(collection): + raise ValueError('Collection must be ascending sorted') + return True + + +if __name__ == '__main__': + import sys + + """ + user_input = raw_input('Enter numbers separated by comma:\n').strip() + collection = [int(item) for item in user_input.split(',')] + try: + __assert_sorted(collection) + except ValueError: + sys.exit('Sequence must be ascending sorted to apply interpolation search') + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + """ + + debug = 0 + if debug == 1: + collection = [10, 30, 40, 45, 50, 66, 77, 93] + try: + __assert_sorted(collection) + except ValueError: + sys.exit('Sequence must be ascending sorted to apply interpolation search') + target = 67 + + result = interpolation_search(collection, target) + if result is not None: + print('{} found at positions: {}'.format(target, result)) + else: + print('Not found') diff --git a/searches/jump_search.py b/searches/jump_search.py index c01437fa3cce..16c1391a5a66 100644 --- a/searches/jump_search.py +++ b/searches/jump_search.py @@ -1,28 +1,28 @@ -from __future__ import print_function - -import math - - -def jump_search(arr, x): - n = len(arr) - step = int(math.floor(math.sqrt(n))) - prev = 0 - while arr[min(step, n) - 1] < x: - prev = step - step += int(math.floor(math.sqrt(n))) - if prev >= n: - return -1 - - while arr[prev] < x: - prev = prev + 1 - if prev == min(step, n): - return -1 - if arr[prev] == x: - return prev - return -1 - - -arr = [0, 1, 1, 2, 3, 5, 8, 13, 21, 34, 55, 89, 144, 233, 377, 610] -x = 55 -index = jump_search(arr, x) -print("\nNumber " + str(x) + " is at index " + str(index)); +from __future__ import print_function + +import math + + +def jump_search(arr, x): + n = len(arr) + step = int(math.floor(math.sqrt(n))) + prev = 0 + while arr[min(step, n) - 1] < x: + prev = step + step += int(math.floor(math.sqrt(n))) + if prev >= n: + return -1 + + while arr[prev] < x: + prev = prev + 1 + if prev == min(step, n): + return -1 + if arr[prev] == x: + return prev + return -1 + + +arr = [0, 1, 1, 2, 3, 5, 8, 13, 21, 34, 55, 89, 144, 233, 377, 610] +x = 55 +index = jump_search(arr, x) +print("\nNumber " + str(x) + " is at index " + str(index)); diff --git a/searches/linear_search.py b/searches/linear_search.py index 6a9abb887fc7..5e0643ca5ed1 100644 --- a/searches/linear_search.py +++ b/searches/linear_search.py @@ -1,56 +1,56 @@ -""" -This is pure python implementation of linear search algorithm - -For doctests run following command: -python -m doctest -v linear_search.py -or -python3 -m doctest -v linear_search.py - -For manual testing run: -python linear_search.py -""" -from __future__ import print_function - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -def linear_search(sequence, target): - """Pure implementation of linear search algorithm in Python - - :param sequence: some sorted collection with comparable items - :param target: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> linear_search([0, 5, 7, 10, 15], 0) - 0 - - >>> linear_search([0, 5, 7, 10, 15], 15) - 4 - - >>> linear_search([0, 5, 7, 10, 15], 5) - 1 - - >>> linear_search([0, 5, 7, 10, 15], 6) - - """ - for index, item in enumerate(sequence): - if item == target: - return index - return None - - -if __name__ == '__main__': - user_input = raw_input('Enter numbers separated by comma:\n').strip() - sequence = [int(item) for item in user_input.split(',')] - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - result = linear_search(sequence, target) - if result is not None: - print('{} found at positions: {}'.format(target, result)) - else: - print('Not found') +""" +This is pure python implementation of linear search algorithm + +For doctests run following command: +python -m doctest -v linear_search.py +or +python3 -m doctest -v linear_search.py + +For manual testing run: +python linear_search.py +""" +from __future__ import print_function + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +def linear_search(sequence, target): + """Pure implementation of linear search algorithm in Python + + :param sequence: some sorted collection with comparable items + :param target: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> linear_search([0, 5, 7, 10, 15], 0) + 0 + + >>> linear_search([0, 5, 7, 10, 15], 15) + 4 + + >>> linear_search([0, 5, 7, 10, 15], 5) + 1 + + >>> linear_search([0, 5, 7, 10, 15], 6) + + """ + for index, item in enumerate(sequence): + if item == target: + return index + return None + + +if __name__ == '__main__': + user_input = raw_input('Enter numbers separated by comma:\n').strip() + sequence = [int(item) for item in user_input.split(',')] + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + result = linear_search(sequence, target) + if result is not None: + print('{} found at positions: {}'.format(target, result)) + else: + print('Not found') diff --git a/searches/quick_select.py b/searches/quick_select.py index 6b70562bd78f..a60908c9528a 100644 --- a/searches/quick_select.py +++ b/searches/quick_select.py @@ -1,52 +1,52 @@ -import random - -""" -A python implementation of the quick select algorithm, which is efficient for calculating the value that would appear in the index of a list if it would be sorted, even if it is not already sorted -https://en.wikipedia.org/wiki/Quickselect -""" - - -def _partition(data, pivot): - """ - Three way partition the data into smaller, equal and greater lists, - in relationship to the pivot - :param data: The data to be sorted (a list) - :param pivot: The value to partition the data on - :return: Three list: smaller, equal and greater - """ - less, equal, greater = [], [], [] - for element in data: - if element < pivot: - less.append(element) - elif element > pivot: - greater.append(element) - else: - equal.append(element) - return less, equal, greater - - -def quickSelect(list, k): - # k = len(list) // 2 when trying to find the median (index that value would be when list is sorted) - - # invalid input - if k >= len(list) or k < 0: - return None - - smaller = [] - larger = [] - pivot = random.randint(0, len(list) - 1) - pivot = list[pivot] - count = 0 - smaller, equal, larger = _partition(list, pivot) - count = len(equal) - m = len(smaller) - - # k is the pivot - if m <= k < m + count: - return pivot - # must be in smaller - elif m > k: - return quickSelect(smaller, k) - # must be in larger - else: - return quickSelect(larger, k - (m + count)) +import random + +""" +A python implementation of the quick select algorithm, which is efficient for calculating the value that would appear in the index of a list if it would be sorted, even if it is not already sorted +https://en.wikipedia.org/wiki/Quickselect +""" + + +def _partition(data, pivot): + """ + Three way partition the data into smaller, equal and greater lists, + in relationship to the pivot + :param data: The data to be sorted (a list) + :param pivot: The value to partition the data on + :return: Three list: smaller, equal and greater + """ + less, equal, greater = [], [], [] + for element in data: + if element < pivot: + less.append(element) + elif element > pivot: + greater.append(element) + else: + equal.append(element) + return less, equal, greater + + +def quickSelect(list, k): + # k = len(list) // 2 when trying to find the median (index that value would be when list is sorted) + + # invalid input + if k >= len(list) or k < 0: + return None + + smaller = [] + larger = [] + pivot = random.randint(0, len(list) - 1) + pivot = list[pivot] + count = 0 + smaller, equal, larger = _partition(list, pivot) + count = len(equal) + m = len(smaller) + + # k is the pivot + if m <= k < m + count: + return pivot + # must be in smaller + elif m > k: + return quickSelect(smaller, k) + # must be in larger + else: + return quickSelect(larger, k - (m + count)) diff --git a/searches/sentinel_linear_search.py b/searches/sentinel_linear_search.py index c5e5ebe490fb..661906338891 100644 --- a/searches/sentinel_linear_search.py +++ b/searches/sentinel_linear_search.py @@ -1,63 +1,63 @@ -""" -This is pure python implementation of sentinel linear search algorithm - -For doctests run following command: -python -m doctest -v sentinel_linear_search.py -or -python3 -m doctest -v sentinel_linear_search.py - -For manual testing run: -python sentinel_linear_search.py -""" - - -def sentinel_linear_search(sequence, target): - """Pure implementation of sentinel linear search algorithm in Python - - :param sequence: some sequence with comparable items - :param target: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> sentinel_linear_search([0, 5, 7, 10, 15], 0) - 0 - - >>> sentinel_linear_search([0, 5, 7, 10, 15], 15) - 4 - - >>> sentinel_linear_search([0, 5, 7, 10, 15], 5) - 1 - - >>> sentinel_linear_search([0, 5, 7, 10, 15], 6) - - """ - sequence.append(target) - - index = 0 - while sequence[index] != target: - index += 1 - - sequence.pop() - - if index == len(sequence): - return None - - return index - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by comma:\n').strip() - sequence = [int(item) for item in user_input.split(',')] - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - result = sentinel_linear_search(sequence, target) - if result is not None: - print('{} found at positions: {}'.format(target, result)) - else: - print('Not found') +""" +This is pure python implementation of sentinel linear search algorithm + +For doctests run following command: +python -m doctest -v sentinel_linear_search.py +or +python3 -m doctest -v sentinel_linear_search.py + +For manual testing run: +python sentinel_linear_search.py +""" + + +def sentinel_linear_search(sequence, target): + """Pure implementation of sentinel linear search algorithm in Python + + :param sequence: some sequence with comparable items + :param target: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> sentinel_linear_search([0, 5, 7, 10, 15], 0) + 0 + + >>> sentinel_linear_search([0, 5, 7, 10, 15], 15) + 4 + + >>> sentinel_linear_search([0, 5, 7, 10, 15], 5) + 1 + + >>> sentinel_linear_search([0, 5, 7, 10, 15], 6) + + """ + sequence.append(target) + + index = 0 + while sequence[index] != target: + index += 1 + + sequence.pop() + + if index == len(sequence): + return None + + return index + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by comma:\n').strip() + sequence = [int(item) for item in user_input.split(',')] + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + result = sentinel_linear_search(sequence, target) + if result is not None: + print('{} found at positions: {}'.format(target, result)) + else: + print('Not found') diff --git a/searches/tabu_search.py b/searches/tabu_search.py index 16052f6f6b02..64ef2bd57ee0 100644 --- a/searches/tabu_search.py +++ b/searches/tabu_search.py @@ -1,252 +1,252 @@ -""" -This is pure python implementation of Tabu search algorithm for a Travelling Salesman Problem, that the distances -between the cities are symmetric (the distance between city 'a' and city 'b' is the same between city 'b' and city 'a'). -The TSP can be represented into a graph. The cities are represented by nodes and the distance between them is -represented by the weight of the ark between the nodes. - -The .txt file with the graph has the form: - -node1 node2 distance_between_node1_and_node2 -node1 node3 distance_between_node1_and_node3 -... - -Be careful node1, node2 and the distance between them, must exist only once. This means in the .txt file -should not exist: -node1 node2 distance_between_node1_and_node2 -node2 node1 distance_between_node2_and_node1 - -For pytests run following command: -pytest - -For manual testing run: -python tabu_search.py -f your_file_name.txt -number_of_iterations_of_tabu_search -s size_of_tabu_search -e.g. python tabu_search.py -f tabudata2.txt -i 4 -s 3 -""" - -import argparse -import copy -import sys - - -def generate_neighbours(path): - """ - Pure implementation of generating a dictionary of neighbors and the cost with each - neighbor, given a path file that includes a graph. - - :param path: The path to the .txt file that includes the graph (e.g.tabudata2.txt) - :return dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node - and the cost (distance) for each neighbor. - - Example of dict_of_neighbours: - >>> dict_of_neighbours[a] - [[b,20],[c,18],[d,22],[e,26]] - - This indicates the neighbors of node (city) 'a', which has neighbor the node 'b' with distance 20, - the node 'c' with distance 18, the node 'd' with distance 22 and the node 'e' with distance 26. - - """ - - dict_of_neighbours = {} - - with open(path) as f: - for line in f: - if line.split()[0] not in dict_of_neighbours: - _list = list() - _list.append([line.split()[1], line.split()[2]]) - dict_of_neighbours[line.split()[0]] = _list - else: - dict_of_neighbours[line.split()[0]].append([line.split()[1], line.split()[2]]) - if line.split()[1] not in dict_of_neighbours: - _list = list() - _list.append([line.split()[0], line.split()[2]]) - dict_of_neighbours[line.split()[1]] = _list - else: - dict_of_neighbours[line.split()[1]].append([line.split()[0], line.split()[2]]) - - return dict_of_neighbours - - -def generate_first_solution(path, dict_of_neighbours): - """ - Pure implementation of generating the first solution for the Tabu search to start, with the redundant resolution - strategy. That means that we start from the starting node (e.g. node 'a'), then we go to the city nearest (lowest - distance) to this node (let's assume is node 'c'), then we go to the nearest city of the node 'c', etc - till we have visited all cities and return to the starting node. - - :param path: The path to the .txt file that includes the graph (e.g.tabudata2.txt) - :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node - and the cost (distance) for each neighbor. - :return first_solution: The solution for the first iteration of Tabu search using the redundant resolution strategy - in a list. - :return distance_of_first_solution: The total distance that Travelling Salesman will travel, if he follows the path - in first_solution. - - """ - - with open(path) as f: - start_node = f.read(1) - end_node = start_node - - first_solution = [] - - visiting = start_node - - distance_of_first_solution = 0 - while visiting not in first_solution: - minim = 10000 - for k in dict_of_neighbours[visiting]: - if int(k[1]) < int(minim) and k[0] not in first_solution: - minim = k[1] - best_node = k[0] - - first_solution.append(visiting) - distance_of_first_solution = distance_of_first_solution + int(minim) - visiting = best_node - - first_solution.append(end_node) - - position = 0 - for k in dict_of_neighbours[first_solution[-2]]: - if k[0] == start_node: - break - position += 1 - - distance_of_first_solution = distance_of_first_solution + int( - dict_of_neighbours[first_solution[-2]][position][1]) - 10000 - return first_solution, distance_of_first_solution - - -def find_neighborhood(solution, dict_of_neighbours): - """ - Pure implementation of generating the neighborhood (sorted by total distance of each solution from - lowest to highest) of a solution with 1-1 exchange method, that means we exchange each node in a solution with each - other node and generating a number of solution named neighborhood. - - :param solution: The solution in which we want to find the neighborhood. - :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node - and the cost (distance) for each neighbor. - :return neighborhood_of_solution: A list that includes the solutions and the total distance of each solution - (in form of list) that are produced with 1-1 exchange from the solution that the method took as an input - - - Example: - >>> find_neighborhood(['a','c','b','d','e','a']) - [['a','e','b','d','c','a',90], [['a','c','d','b','e','a',90],['a','d','b','c','e','a',93], - ['a','c','b','e','d','a',102], ['a','c','e','d','b','a',113], ['a','b','c','d','e','a',93]] - - """ - - neighborhood_of_solution = [] - - for n in solution[1:-1]: - idx1 = solution.index(n) - for kn in solution[1:-1]: - idx2 = solution.index(kn) - if n == kn: - continue - - _tmp = copy.deepcopy(solution) - _tmp[idx1] = kn - _tmp[idx2] = n - - distance = 0 - - for k in _tmp[:-1]: - next_node = _tmp[_tmp.index(k) + 1] - for i in dict_of_neighbours[k]: - if i[0] == next_node: - distance = distance + int(i[1]) - _tmp.append(distance) - - if _tmp not in neighborhood_of_solution: - neighborhood_of_solution.append(_tmp) - - indexOfLastItemInTheList = len(neighborhood_of_solution[0]) - 1 - - neighborhood_of_solution.sort(key=lambda x: x[indexOfLastItemInTheList]) - return neighborhood_of_solution - - -def tabu_search(first_solution, distance_of_first_solution, dict_of_neighbours, iters, size): - """ - Pure implementation of Tabu search algorithm for a Travelling Salesman Problem in Python. - - :param first_solution: The solution for the first iteration of Tabu search using the redundant resolution strategy - in a list. - :param distance_of_first_solution: The total distance that Travelling Salesman will travel, if he follows the path - in first_solution. - :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node - and the cost (distance) for each neighbor. - :param iters: The number of iterations that Tabu search will execute. - :param size: The size of Tabu List. - :return best_solution_ever: The solution with the lowest distance that occured during the execution of Tabu search. - :return best_cost: The total distance that Travelling Salesman will travel, if he follows the path in best_solution - ever. - - """ - count = 1 - solution = first_solution - tabu_list = list() - best_cost = distance_of_first_solution - best_solution_ever = solution - - while count <= iters: - neighborhood = find_neighborhood(solution, dict_of_neighbours) - index_of_best_solution = 0 - best_solution = neighborhood[index_of_best_solution] - best_cost_index = len(best_solution) - 1 - - found = False - while found is False: - i = 0 - while i < len(best_solution): - - if best_solution[i] != solution[i]: - first_exchange_node = best_solution[i] - second_exchange_node = solution[i] - break - i = i + 1 - - if [first_exchange_node, second_exchange_node] not in tabu_list and [second_exchange_node, - first_exchange_node] not in tabu_list: - tabu_list.append([first_exchange_node, second_exchange_node]) - found = True - solution = best_solution[:-1] - cost = neighborhood[index_of_best_solution][best_cost_index] - if cost < best_cost: - best_cost = cost - best_solution_ever = solution - else: - index_of_best_solution = index_of_best_solution + 1 - best_solution = neighborhood[index_of_best_solution] - - if len(tabu_list) >= size: - tabu_list.pop(0) - - count = count + 1 - - return best_solution_ever, best_cost - - -def main(args=None): - dict_of_neighbours = generate_neighbours(args.File) - - first_solution, distance_of_first_solution = generate_first_solution(args.File, dict_of_neighbours) - - best_sol, best_cost = tabu_search(first_solution, distance_of_first_solution, dict_of_neighbours, args.Iterations, - args.Size) - - print("Best solution: {0}, with total distance: {1}.".format(best_sol, best_cost)) - - -if __name__ == "__main__": - parser = argparse.ArgumentParser(description="Tabu Search") - parser.add_argument( - "-f", "--File", type=str, help="Path to the file containing the data", required=True) - parser.add_argument( - "-i", "--Iterations", type=int, help="How many iterations the algorithm should perform", required=True) - parser.add_argument( - "-s", "--Size", type=int, help="Size of the tabu list", required=True) - - # Pass the arguments to main method - sys.exit(main(parser.parse_args())) +""" +This is pure python implementation of Tabu search algorithm for a Travelling Salesman Problem, that the distances +between the cities are symmetric (the distance between city 'a' and city 'b' is the same between city 'b' and city 'a'). +The TSP can be represented into a graph. The cities are represented by nodes and the distance between them is +represented by the weight of the ark between the nodes. + +The .txt file with the graph has the form: + +node1 node2 distance_between_node1_and_node2 +node1 node3 distance_between_node1_and_node3 +... + +Be careful node1, node2 and the distance between them, must exist only once. This means in the .txt file +should not exist: +node1 node2 distance_between_node1_and_node2 +node2 node1 distance_between_node2_and_node1 + +For pytests run following command: +pytest + +For manual testing run: +python tabu_search.py -f your_file_name.txt -number_of_iterations_of_tabu_search -s size_of_tabu_search +e.g. python tabu_search.py -f tabudata2.txt -i 4 -s 3 +""" + +import argparse +import copy +import sys + + +def generate_neighbours(path): + """ + Pure implementation of generating a dictionary of neighbors and the cost with each + neighbor, given a path file that includes a graph. + + :param path: The path to the .txt file that includes the graph (e.g.tabudata2.txt) + :return dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node + and the cost (distance) for each neighbor. + + Example of dict_of_neighbours: + >>> dict_of_neighbours[a] + [[b,20],[c,18],[d,22],[e,26]] + + This indicates the neighbors of node (city) 'a', which has neighbor the node 'b' with distance 20, + the node 'c' with distance 18, the node 'd' with distance 22 and the node 'e' with distance 26. + + """ + + dict_of_neighbours = {} + + with open(path) as f: + for line in f: + if line.split()[0] not in dict_of_neighbours: + _list = list() + _list.append([line.split()[1], line.split()[2]]) + dict_of_neighbours[line.split()[0]] = _list + else: + dict_of_neighbours[line.split()[0]].append([line.split()[1], line.split()[2]]) + if line.split()[1] not in dict_of_neighbours: + _list = list() + _list.append([line.split()[0], line.split()[2]]) + dict_of_neighbours[line.split()[1]] = _list + else: + dict_of_neighbours[line.split()[1]].append([line.split()[0], line.split()[2]]) + + return dict_of_neighbours + + +def generate_first_solution(path, dict_of_neighbours): + """ + Pure implementation of generating the first solution for the Tabu search to start, with the redundant resolution + strategy. That means that we start from the starting node (e.g. node 'a'), then we go to the city nearest (lowest + distance) to this node (let's assume is node 'c'), then we go to the nearest city of the node 'c', etc + till we have visited all cities and return to the starting node. + + :param path: The path to the .txt file that includes the graph (e.g.tabudata2.txt) + :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node + and the cost (distance) for each neighbor. + :return first_solution: The solution for the first iteration of Tabu search using the redundant resolution strategy + in a list. + :return distance_of_first_solution: The total distance that Travelling Salesman will travel, if he follows the path + in first_solution. + + """ + + with open(path) as f: + start_node = f.read(1) + end_node = start_node + + first_solution = [] + + visiting = start_node + + distance_of_first_solution = 0 + while visiting not in first_solution: + minim = 10000 + for k in dict_of_neighbours[visiting]: + if int(k[1]) < int(minim) and k[0] not in first_solution: + minim = k[1] + best_node = k[0] + + first_solution.append(visiting) + distance_of_first_solution = distance_of_first_solution + int(minim) + visiting = best_node + + first_solution.append(end_node) + + position = 0 + for k in dict_of_neighbours[first_solution[-2]]: + if k[0] == start_node: + break + position += 1 + + distance_of_first_solution = distance_of_first_solution + int( + dict_of_neighbours[first_solution[-2]][position][1]) - 10000 + return first_solution, distance_of_first_solution + + +def find_neighborhood(solution, dict_of_neighbours): + """ + Pure implementation of generating the neighborhood (sorted by total distance of each solution from + lowest to highest) of a solution with 1-1 exchange method, that means we exchange each node in a solution with each + other node and generating a number of solution named neighborhood. + + :param solution: The solution in which we want to find the neighborhood. + :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node + and the cost (distance) for each neighbor. + :return neighborhood_of_solution: A list that includes the solutions and the total distance of each solution + (in form of list) that are produced with 1-1 exchange from the solution that the method took as an input + + + Example: + >>> find_neighborhood(['a','c','b','d','e','a']) + [['a','e','b','d','c','a',90], [['a','c','d','b','e','a',90],['a','d','b','c','e','a',93], + ['a','c','b','e','d','a',102], ['a','c','e','d','b','a',113], ['a','b','c','d','e','a',93]] + + """ + + neighborhood_of_solution = [] + + for n in solution[1:-1]: + idx1 = solution.index(n) + for kn in solution[1:-1]: + idx2 = solution.index(kn) + if n == kn: + continue + + _tmp = copy.deepcopy(solution) + _tmp[idx1] = kn + _tmp[idx2] = n + + distance = 0 + + for k in _tmp[:-1]: + next_node = _tmp[_tmp.index(k) + 1] + for i in dict_of_neighbours[k]: + if i[0] == next_node: + distance = distance + int(i[1]) + _tmp.append(distance) + + if _tmp not in neighborhood_of_solution: + neighborhood_of_solution.append(_tmp) + + indexOfLastItemInTheList = len(neighborhood_of_solution[0]) - 1 + + neighborhood_of_solution.sort(key=lambda x: x[indexOfLastItemInTheList]) + return neighborhood_of_solution + + +def tabu_search(first_solution, distance_of_first_solution, dict_of_neighbours, iters, size): + """ + Pure implementation of Tabu search algorithm for a Travelling Salesman Problem in Python. + + :param first_solution: The solution for the first iteration of Tabu search using the redundant resolution strategy + in a list. + :param distance_of_first_solution: The total distance that Travelling Salesman will travel, if he follows the path + in first_solution. + :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node + and the cost (distance) for each neighbor. + :param iters: The number of iterations that Tabu search will execute. + :param size: The size of Tabu List. + :return best_solution_ever: The solution with the lowest distance that occured during the execution of Tabu search. + :return best_cost: The total distance that Travelling Salesman will travel, if he follows the path in best_solution + ever. + + """ + count = 1 + solution = first_solution + tabu_list = list() + best_cost = distance_of_first_solution + best_solution_ever = solution + + while count <= iters: + neighborhood = find_neighborhood(solution, dict_of_neighbours) + index_of_best_solution = 0 + best_solution = neighborhood[index_of_best_solution] + best_cost_index = len(best_solution) - 1 + + found = False + while found is False: + i = 0 + while i < len(best_solution): + + if best_solution[i] != solution[i]: + first_exchange_node = best_solution[i] + second_exchange_node = solution[i] + break + i = i + 1 + + if [first_exchange_node, second_exchange_node] not in tabu_list and [second_exchange_node, + first_exchange_node] not in tabu_list: + tabu_list.append([first_exchange_node, second_exchange_node]) + found = True + solution = best_solution[:-1] + cost = neighborhood[index_of_best_solution][best_cost_index] + if cost < best_cost: + best_cost = cost + best_solution_ever = solution + else: + index_of_best_solution = index_of_best_solution + 1 + best_solution = neighborhood[index_of_best_solution] + + if len(tabu_list) >= size: + tabu_list.pop(0) + + count = count + 1 + + return best_solution_ever, best_cost + + +def main(args=None): + dict_of_neighbours = generate_neighbours(args.File) + + first_solution, distance_of_first_solution = generate_first_solution(args.File, dict_of_neighbours) + + best_sol, best_cost = tabu_search(first_solution, distance_of_first_solution, dict_of_neighbours, args.Iterations, + args.Size) + + print("Best solution: {0}, with total distance: {1}.".format(best_sol, best_cost)) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser(description="Tabu Search") + parser.add_argument( + "-f", "--File", type=str, help="Path to the file containing the data", required=True) + parser.add_argument( + "-i", "--Iterations", type=int, help="How many iterations the algorithm should perform", required=True) + parser.add_argument( + "-s", "--Size", type=int, help="Size of the tabu list", required=True) + + # Pass the arguments to main method + sys.exit(main(parser.parse_args())) diff --git a/searches/tabu_test_data.txt b/searches/tabu_test_data.txt index f797ff1c627a..030374f893f7 100644 --- a/searches/tabu_test_data.txt +++ b/searches/tabu_test_data.txt @@ -1,10 +1,10 @@ -a b 20 -a c 18 -a d 22 -a e 26 -b c 10 -b d 11 -b e 12 -c d 23 -c e 24 -d e 40 +a b 20 +a c 18 +a d 22 +a e 26 +b c 10 +b d 11 +b e 12 +c d 23 +c e 24 +d e 40 diff --git a/searches/ternary_search.py b/searches/ternary_search.py index 8089d82dd5a5..c81276f1afc3 100644 --- a/searches/ternary_search.py +++ b/searches/ternary_search.py @@ -1,111 +1,111 @@ -''' -This is a type of divide and conquer algorithm which divides the search space into -3 parts and finds the target value based on the property of the array or list -(usually monotonic property). - -Time Complexity : O(log3 N) -Space Complexity : O(1) -''' -from __future__ import print_function - -import sys - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - -# This is the precision for this function which can be altered. -# It is recommended for users to keep this number greater than or equal to 10. -precision = 10 - - -# This is the linear search that will occur after the search space has become smaller. -def lin_search(left, right, A, target): - for i in range(left, right + 1): - if (A[i] == target): - return i - - -# This is the iterative method of the ternary search algorithm. -def ite_ternary_search(A, target): - left = 0 - right = len(A) - 1; - while (True): - if (left < right): - - if (right - left < precision): - return lin_search(left, right, A, target) - - oneThird = (left + right) / 3 + 1; - twoThird = 2 * (left + right) / 3 + 1; - - if (A[oneThird] == target): - return oneThird - elif (A[twoThird] == target): - return twoThird - - elif (target < A[oneThird]): - right = oneThird - 1 - elif (A[twoThird] < target): - left = twoThird + 1 - - else: - left = oneThird + 1 - right = twoThird - 1 - else: - return None - - -# This is the recursive method of the ternary search algorithm. -def rec_ternary_search(left, right, A, target): - if (left < right): - - if (right - left < precision): - return lin_search(left, right, A, target) - - oneThird = (left + right) / 3 + 1; - twoThird = 2 * (left + right) / 3 + 1; - - if (A[oneThird] == target): - return oneThird - elif (A[twoThird] == target): - return twoThird - - elif (target < A[oneThird]): - return rec_ternary_search(left, oneThird - 1, A, target) - elif (A[twoThird] < target): - return rec_ternary_search(twoThird + 1, right, A, target) - - else: - return rec_ternary_search(oneThird + 1, twoThird - 1, A, target) - else: - return None - - -# This function is to check if the array is sorted. -def __assert_sorted(collection): - if collection != sorted(collection): - raise ValueError('Collection must be sorted') - return True - - -if __name__ == '__main__': - user_input = raw_input('Enter numbers separated by coma:\n').strip() - collection = [int(item) for item in user_input.split(',')] - - try: - __assert_sorted(collection) - except ValueError: - sys.exit('Sequence must be sorted to apply the ternary search') - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - result1 = ite_ternary_search(collection, target) - result2 = rec_ternary_search(0, len(collection) - 1, collection, target) - - if result2 is not None: - print('Iterative search: {} found at positions: {}'.format(target, result1)) - print('Recursive search: {} found at positions: {}'.format(target, result2)) - else: - print('Not found') +''' +This is a type of divide and conquer algorithm which divides the search space into +3 parts and finds the target value based on the property of the array or list +(usually monotonic property). + +Time Complexity : O(log3 N) +Space Complexity : O(1) +''' +from __future__ import print_function + +import sys + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + +# This is the precision for this function which can be altered. +# It is recommended for users to keep this number greater than or equal to 10. +precision = 10 + + +# This is the linear search that will occur after the search space has become smaller. +def lin_search(left, right, A, target): + for i in range(left, right + 1): + if (A[i] == target): + return i + + +# This is the iterative method of the ternary search algorithm. +def ite_ternary_search(A, target): + left = 0 + right = len(A) - 1; + while (True): + if (left < right): + + if (right - left < precision): + return lin_search(left, right, A, target) + + oneThird = (left + right) / 3 + 1; + twoThird = 2 * (left + right) / 3 + 1; + + if (A[oneThird] == target): + return oneThird + elif (A[twoThird] == target): + return twoThird + + elif (target < A[oneThird]): + right = oneThird - 1 + elif (A[twoThird] < target): + left = twoThird + 1 + + else: + left = oneThird + 1 + right = twoThird - 1 + else: + return None + + +# This is the recursive method of the ternary search algorithm. +def rec_ternary_search(left, right, A, target): + if (left < right): + + if (right - left < precision): + return lin_search(left, right, A, target) + + oneThird = (left + right) / 3 + 1; + twoThird = 2 * (left + right) / 3 + 1; + + if (A[oneThird] == target): + return oneThird + elif (A[twoThird] == target): + return twoThird + + elif (target < A[oneThird]): + return rec_ternary_search(left, oneThird - 1, A, target) + elif (A[twoThird] < target): + return rec_ternary_search(twoThird + 1, right, A, target) + + else: + return rec_ternary_search(oneThird + 1, twoThird - 1, A, target) + else: + return None + + +# This function is to check if the array is sorted. +def __assert_sorted(collection): + if collection != sorted(collection): + raise ValueError('Collection must be sorted') + return True + + +if __name__ == '__main__': + user_input = raw_input('Enter numbers separated by coma:\n').strip() + collection = [int(item) for item in user_input.split(',')] + + try: + __assert_sorted(collection) + except ValueError: + sys.exit('Sequence must be sorted to apply the ternary search') + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + result1 = ite_ternary_search(collection, target) + result2 = rec_ternary_search(0, len(collection) - 1, collection, target) + + if result2 is not None: + print('Iterative search: {} found at positions: {}'.format(target, result1)) + print('Recursive search: {} found at positions: {}'.format(target, result2)) + else: + print('Not found') diff --git a/searches/test_interpolation_search.py b/searches/test_interpolation_search.py index 22c6ee2fac0c..a3f3dda0ea83 100644 --- a/searches/test_interpolation_search.py +++ b/searches/test_interpolation_search.py @@ -1,93 +1,93 @@ -import unittest - -from interpolation_search import interpolation_search, interpolation_search_by_recursion - - -class Test_interpolation_search(unittest.TestCase): - def setUp(self): - # un-sorted case - self.collection1 = [5, 3, 4, 6, 7] - self.item1 = 4 - # sorted case, result exists - self.collection2 = [10, 30, 40, 45, 50, 66, 77, 93] - self.item2 = 66 - # sorted case, result doesn't exist - self.collection3 = [10, 30, 40, 45, 50, 66, 77, 93] - self.item3 = 67 - # equal elements case, result exists - self.collection4 = [10, 10, 10, 10, 10] - self.item4 = 10 - # equal elements case, result doesn't exist - self.collection5 = [10, 10, 10, 10, 10] - self.item5 = 3 - # 1 element case, result exists - self.collection6 = [10] - self.item6 = 10 - # 1 element case, result doesn't exists - self.collection7 = [10] - self.item7 = 1 - - def tearDown(self): - pass - - def test_interpolation_search(self): - self.assertEqual(interpolation_search(self.collection1, self.item1), None) - - self.assertEqual(interpolation_search(self.collection2, self.item2), self.collection2.index(self.item2)) - - self.assertEqual(interpolation_search(self.collection3, self.item3), None) - - self.assertEqual(interpolation_search(self.collection4, self.item4), self.collection4.index(self.item4)) - - self.assertEqual(interpolation_search(self.collection5, self.item5), None) - - self.assertEqual(interpolation_search(self.collection6, self.item6), self.collection6.index(self.item6)) - - self.assertEqual(interpolation_search(self.collection7, self.item7), None) - - -class Test_interpolation_search_by_recursion(unittest.TestCase): - def setUp(self): - # un-sorted case - self.collection1 = [5, 3, 4, 6, 7] - self.item1 = 4 - # sorted case, result exists - self.collection2 = [10, 30, 40, 45, 50, 66, 77, 93] - self.item2 = 66 - # sorted case, result doesn't exist - self.collection3 = [10, 30, 40, 45, 50, 66, 77, 93] - self.item3 = 67 - # equal elements case, result exists - self.collection4 = [10, 10, 10, 10, 10] - self.item4 = 10 - # equal elements case, result doesn't exist - self.collection5 = [10, 10, 10, 10, 10] - self.item5 = 3 - # 1 element case, result exists - self.collection6 = [10] - self.item6 = 10 - # 1 element case, result doesn't exists - self.collection7 = [10] - self.item7 = 1 - - def tearDown(self): - pass - - def test_interpolation_search_by_recursion(self): - self.assertEqual(interpolation_search_by_recursion(self.collection1, self.item1, 0, len(self.collection1) - 1), None) - - self.assertEqual(interpolation_search_by_recursion(self.collection2, self.item2, 0, len(self.collection2) - 1), self.collection2.index(self.item2)) - - self.assertEqual(interpolation_search_by_recursion(self.collection3, self.item3, 0, len(self.collection3) - 1), None) - - self.assertEqual(interpolation_search_by_recursion(self.collection4, self.item4, 0, len(self.collection4) - 1), self.collection4.index(self.item4)) - - self.assertEqual(interpolation_search_by_recursion(self.collection5, self.item5, 0, len(self.collection5) - 1), None) - - self.assertEqual(interpolation_search_by_recursion(self.collection6, self.item6, 0, len(self.collection6) - 1), self.collection6.index(self.item6)) - - self.assertEqual(interpolation_search_by_recursion(self.collection7, self.item7, 0, len(self.collection7) - 1), None) - - -if __name__ == '__main__': - unittest.main() +import unittest + +from interpolation_search import interpolation_search, interpolation_search_by_recursion + + +class Test_interpolation_search(unittest.TestCase): + def setUp(self): + # un-sorted case + self.collection1 = [5, 3, 4, 6, 7] + self.item1 = 4 + # sorted case, result exists + self.collection2 = [10, 30, 40, 45, 50, 66, 77, 93] + self.item2 = 66 + # sorted case, result doesn't exist + self.collection3 = [10, 30, 40, 45, 50, 66, 77, 93] + self.item3 = 67 + # equal elements case, result exists + self.collection4 = [10, 10, 10, 10, 10] + self.item4 = 10 + # equal elements case, result doesn't exist + self.collection5 = [10, 10, 10, 10, 10] + self.item5 = 3 + # 1 element case, result exists + self.collection6 = [10] + self.item6 = 10 + # 1 element case, result doesn't exists + self.collection7 = [10] + self.item7 = 1 + + def tearDown(self): + pass + + def test_interpolation_search(self): + self.assertEqual(interpolation_search(self.collection1, self.item1), None) + + self.assertEqual(interpolation_search(self.collection2, self.item2), self.collection2.index(self.item2)) + + self.assertEqual(interpolation_search(self.collection3, self.item3), None) + + self.assertEqual(interpolation_search(self.collection4, self.item4), self.collection4.index(self.item4)) + + self.assertEqual(interpolation_search(self.collection5, self.item5), None) + + self.assertEqual(interpolation_search(self.collection6, self.item6), self.collection6.index(self.item6)) + + self.assertEqual(interpolation_search(self.collection7, self.item7), None) + + +class Test_interpolation_search_by_recursion(unittest.TestCase): + def setUp(self): + # un-sorted case + self.collection1 = [5, 3, 4, 6, 7] + self.item1 = 4 + # sorted case, result exists + self.collection2 = [10, 30, 40, 45, 50, 66, 77, 93] + self.item2 = 66 + # sorted case, result doesn't exist + self.collection3 = [10, 30, 40, 45, 50, 66, 77, 93] + self.item3 = 67 + # equal elements case, result exists + self.collection4 = [10, 10, 10, 10, 10] + self.item4 = 10 + # equal elements case, result doesn't exist + self.collection5 = [10, 10, 10, 10, 10] + self.item5 = 3 + # 1 element case, result exists + self.collection6 = [10] + self.item6 = 10 + # 1 element case, result doesn't exists + self.collection7 = [10] + self.item7 = 1 + + def tearDown(self): + pass + + def test_interpolation_search_by_recursion(self): + self.assertEqual(interpolation_search_by_recursion(self.collection1, self.item1, 0, len(self.collection1) - 1), None) + + self.assertEqual(interpolation_search_by_recursion(self.collection2, self.item2, 0, len(self.collection2) - 1), self.collection2.index(self.item2)) + + self.assertEqual(interpolation_search_by_recursion(self.collection3, self.item3, 0, len(self.collection3) - 1), None) + + self.assertEqual(interpolation_search_by_recursion(self.collection4, self.item4, 0, len(self.collection4) - 1), self.collection4.index(self.item4)) + + self.assertEqual(interpolation_search_by_recursion(self.collection5, self.item5, 0, len(self.collection5) - 1), None) + + self.assertEqual(interpolation_search_by_recursion(self.collection6, self.item6, 0, len(self.collection6) - 1), self.collection6.index(self.item6)) + + self.assertEqual(interpolation_search_by_recursion(self.collection7, self.item7, 0, len(self.collection7) - 1), None) + + +if __name__ == '__main__': + unittest.main() diff --git a/searches/test_tabu_search.py b/searches/test_tabu_search.py index b3ee65739a6b..37283396b7bb 100644 --- a/searches/test_tabu_search.py +++ b/searches/test_tabu_search.py @@ -1,47 +1,47 @@ -import os -import unittest - -from tabu_search import generate_neighbours, generate_first_solution, find_neighborhood, tabu_search - -TEST_FILE = os.path.join(os.path.dirname(__file__), './tabu_test_data.txt') - -NEIGHBOURS_DICT = {'a': [['b', '20'], ['c', '18'], ['d', '22'], ['e', '26']], - 'c': [['a', '18'], ['b', '10'], ['d', '23'], ['e', '24']], - 'b': [['a', '20'], ['c', '10'], ['d', '11'], ['e', '12']], - 'e': [['a', '26'], ['b', '12'], ['c', '24'], ['d', '40']], - 'd': [['a', '22'], ['b', '11'], ['c', '23'], ['e', '40']]} - -FIRST_SOLUTION = ['a', 'c', 'b', 'd', 'e', 'a'] - -DISTANCE = 105 - -NEIGHBOURHOOD_OF_SOLUTIONS = [['a', 'e', 'b', 'd', 'c', 'a', 90], - ['a', 'c', 'd', 'b', 'e', 'a', 90], - ['a', 'd', 'b', 'c', 'e', 'a', 93], - ['a', 'c', 'b', 'e', 'd', 'a', 102], - ['a', 'c', 'e', 'd', 'b', 'a', 113], - ['a', 'b', 'c', 'd', 'e', 'a', 119]] - - -class TestClass(unittest.TestCase): - def test_generate_neighbours(self): - neighbours = generate_neighbours(TEST_FILE) - - self.assertEqual(NEIGHBOURS_DICT, neighbours) - - def test_generate_first_solutions(self): - first_solution, distance = generate_first_solution(TEST_FILE, NEIGHBOURS_DICT) - - self.assertEqual(FIRST_SOLUTION, first_solution) - self.assertEqual(DISTANCE, distance) - - def test_find_neighbours(self): - neighbour_of_solutions = find_neighborhood(FIRST_SOLUTION, NEIGHBOURS_DICT) - - self.assertEqual(NEIGHBOURHOOD_OF_SOLUTIONS, neighbour_of_solutions) - - def test_tabu_search(self): - best_sol, best_cost = tabu_search(FIRST_SOLUTION, DISTANCE, NEIGHBOURS_DICT, 4, 3) - - self.assertEqual(['a', 'd', 'b', 'e', 'c', 'a'], best_sol) - self.assertEqual(87, best_cost) +import os +import unittest + +from tabu_search import generate_neighbours, generate_first_solution, find_neighborhood, tabu_search + +TEST_FILE = os.path.join(os.path.dirname(__file__), './tabu_test_data.txt') + +NEIGHBOURS_DICT = {'a': [['b', '20'], ['c', '18'], ['d', '22'], ['e', '26']], + 'c': [['a', '18'], ['b', '10'], ['d', '23'], ['e', '24']], + 'b': [['a', '20'], ['c', '10'], ['d', '11'], ['e', '12']], + 'e': [['a', '26'], ['b', '12'], ['c', '24'], ['d', '40']], + 'd': [['a', '22'], ['b', '11'], ['c', '23'], ['e', '40']]} + +FIRST_SOLUTION = ['a', 'c', 'b', 'd', 'e', 'a'] + +DISTANCE = 105 + +NEIGHBOURHOOD_OF_SOLUTIONS = [['a', 'e', 'b', 'd', 'c', 'a', 90], + ['a', 'c', 'd', 'b', 'e', 'a', 90], + ['a', 'd', 'b', 'c', 'e', 'a', 93], + ['a', 'c', 'b', 'e', 'd', 'a', 102], + ['a', 'c', 'e', 'd', 'b', 'a', 113], + ['a', 'b', 'c', 'd', 'e', 'a', 119]] + + +class TestClass(unittest.TestCase): + def test_generate_neighbours(self): + neighbours = generate_neighbours(TEST_FILE) + + self.assertEqual(NEIGHBOURS_DICT, neighbours) + + def test_generate_first_solutions(self): + first_solution, distance = generate_first_solution(TEST_FILE, NEIGHBOURS_DICT) + + self.assertEqual(FIRST_SOLUTION, first_solution) + self.assertEqual(DISTANCE, distance) + + def test_find_neighbours(self): + neighbour_of_solutions = find_neighborhood(FIRST_SOLUTION, NEIGHBOURS_DICT) + + self.assertEqual(NEIGHBOURHOOD_OF_SOLUTIONS, neighbour_of_solutions) + + def test_tabu_search(self): + best_sol, best_cost = tabu_search(FIRST_SOLUTION, DISTANCE, NEIGHBOURS_DICT, 4, 3) + + self.assertEqual(['a', 'd', 'b', 'e', 'c', 'a'], best_sol) + self.assertEqual(87, best_cost) diff --git a/simple_client/README.md b/simple_client/README.md index f51947f2105a..1de8a8c0b4f7 100644 --- a/simple_client/README.md +++ b/simple_client/README.md @@ -1,6 +1,6 @@ -# simple client server - -#### Note: -- Run **`server.py`** first. -- Now, run **`client.py`**. -- verify the output. +# simple client server + +#### Note: +- Run **`server.py`** first. +- Now, run **`client.py`**. +- verify the output. diff --git a/simple_client/client.py b/simple_client/client.py index dade372b255e..0615989d2335 100644 --- a/simple_client/client.py +++ b/simple_client/client.py @@ -1,28 +1,28 @@ -# client.py - -import socket - -HOST, PORT = '127.0.0.1', 1400 - -s = socket.socket( - - socket.AF_INET, # ADDRESS FAMILIES - # Name Purpose - # AF_UNIX, AF_LOCAL Local communication - # AF_INET IPv4 Internet protocols - # AF_INET6 IPv6 Internet protocols - # AF_APPLETALK Appletalk - # AF_BLUETOOTH Bluetooth - - socket.SOCK_STREAM # SOCKET TYPES - # Name Way of Interaction - # SOCK_STREAM TCP - # SOCK_DGRAM UDP -) -s.connect((HOST, PORT)) - -s.send('Hello World'.encode('ascii')) # in UDP use sendto() -data = s.recv(1024) # in UDP use recvfrom() - -s.close() # end the connection -print(repr(data.decode('ascii'))) +# client.py + +import socket + +HOST, PORT = '127.0.0.1', 1400 + +s = socket.socket( + + socket.AF_INET, # ADDRESS FAMILIES + # Name Purpose + # AF_UNIX, AF_LOCAL Local communication + # AF_INET IPv4 Internet protocols + # AF_INET6 IPv6 Internet protocols + # AF_APPLETALK Appletalk + # AF_BLUETOOTH Bluetooth + + socket.SOCK_STREAM # SOCKET TYPES + # Name Way of Interaction + # SOCK_STREAM TCP + # SOCK_DGRAM UDP +) +s.connect((HOST, PORT)) + +s.send('Hello World'.encode('ascii')) # in UDP use sendto() +data = s.recv(1024) # in UDP use recvfrom() + +s.close() # end the connection +print(repr(data.decode('ascii'))) diff --git a/simple_client/server.py b/simple_client/server.py index eb42b919aabd..1852dd21d2da 100644 --- a/simple_client/server.py +++ b/simple_client/server.py @@ -1,21 +1,21 @@ -# server.py - -import socket - -HOST, PORT = '127.0.0.1', 1400 - -s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) # refer to client.py -s.bind((HOST, PORT)) -s.listen(1) # listen for 1 connection - -conn, addr = s.accept() # start the actual data flow - -print('connected to:', addr) - -while 1: - data = conn.recv(1024).decode('ascii') # receive 1024 bytes and decode using ascii - if not data: - break - conn.send((data + ' [ addition by server ]').encode('ascii')) - -conn.close() +# server.py + +import socket + +HOST, PORT = '127.0.0.1', 1400 + +s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) # refer to client.py +s.bind((HOST, PORT)) +s.listen(1) # listen for 1 connection + +conn, addr = s.accept() # start the actual data flow + +print('connected to:', addr) + +while 1: + data = conn.recv(1024).decode('ascii') # receive 1024 bytes and decode using ascii + if not data: + break + conn.send((data + ' [ addition by server ]').encode('ascii')) + +conn.close() diff --git a/sorts/Bitonic_Sort.py b/sorts/Bitonic_Sort.py index bae95b4346f6..33cc21061468 100644 --- a/sorts/Bitonic_Sort.py +++ b/sorts/Bitonic_Sort.py @@ -1,56 +1,56 @@ -# Python program for Bitonic Sort. Note that this program -# works only when size of input is a power of 2. - -# The parameter dir indicates the sorting direction, ASCENDING -# or DESCENDING; if (a[i] > a[j]) agrees with the direction, -# then a[i] and a[j] are interchanged.*/ -def compAndSwap(a, i, j, dire): - if (dire == 1 and a[i] > a[j]) or (dire == 0 and a[i] < a[j]): - a[i], a[j] = a[j], a[i] - - # It recursively sorts a bitonic sequence in ascending order, - - -# if dir = 1, and in descending order otherwise (means dir=0). -# The sequence to be sorted starts at index position low, -# the parameter cnt is the number of elements to be sorted. -def bitonicMerge(a, low, cnt, dire): - if cnt > 1: - k = int(cnt / 2) - for i in range(low, low + k): - compAndSwap(a, i, i + k, dire) - bitonicMerge(a, low, k, dire) - bitonicMerge(a, low + k, k, dire) - - # This funcion first produces a bitonic sequence by recursively - - -# sorting its two halves in opposite sorting orders, and then -# calls bitonicMerge to make them in the same order -def bitonicSort(a, low, cnt, dire): - if cnt > 1: - k = int(cnt / 2) - bitonicSort(a, low, k, 1) - bitonicSort(a, low + k, k, 0) - bitonicMerge(a, low, cnt, dire) - - # Caller of bitonicSort for sorting the entire array of length N - - -# in ASCENDING order -def sort(a, N, up): - bitonicSort(a, 0, N, up) - - -# Driver code to test above -a = [] - -n = int(input()) -for i in range(n): - a.append(int(input())) -up = 1 - -sort(a, n, up) -print("\n\nSorted array is") -for i in range(n): - print("%d" % a[i]) +# Python program for Bitonic Sort. Note that this program +# works only when size of input is a power of 2. + +# The parameter dir indicates the sorting direction, ASCENDING +# or DESCENDING; if (a[i] > a[j]) agrees with the direction, +# then a[i] and a[j] are interchanged.*/ +def compAndSwap(a, i, j, dire): + if (dire == 1 and a[i] > a[j]) or (dire == 0 and a[i] < a[j]): + a[i], a[j] = a[j], a[i] + + # It recursively sorts a bitonic sequence in ascending order, + + +# if dir = 1, and in descending order otherwise (means dir=0). +# The sequence to be sorted starts at index position low, +# the parameter cnt is the number of elements to be sorted. +def bitonicMerge(a, low, cnt, dire): + if cnt > 1: + k = int(cnt / 2) + for i in range(low, low + k): + compAndSwap(a, i, i + k, dire) + bitonicMerge(a, low, k, dire) + bitonicMerge(a, low + k, k, dire) + + # This funcion first produces a bitonic sequence by recursively + + +# sorting its two halves in opposite sorting orders, and then +# calls bitonicMerge to make them in the same order +def bitonicSort(a, low, cnt, dire): + if cnt > 1: + k = int(cnt / 2) + bitonicSort(a, low, k, 1) + bitonicSort(a, low + k, k, 0) + bitonicMerge(a, low, cnt, dire) + + # Caller of bitonicSort for sorting the entire array of length N + + +# in ASCENDING order +def sort(a, N, up): + bitonicSort(a, 0, N, up) + + +# Driver code to test above +a = [] + +n = int(input()) +for i in range(n): + a.append(int(input())) +up = 1 + +sort(a, n, up) +print("\n\nSorted array is") +for i in range(n): + print("%d" % a[i]) diff --git a/sorts/Odd-Even_transposition_parallel.py b/sorts/Odd-Even_transposition_parallel.py index 79dd669ca82f..5732a1faa6e2 100644 --- a/sorts/Odd-Even_transposition_parallel.py +++ b/sorts/Odd-Even_transposition_parallel.py @@ -1,132 +1,132 @@ -""" -This is an implementation of odd-even transposition sort. - -It works by performing a series of parallel swaps between odd and even pairs of -variables in the list. - -This implementation represents each variable in the list with a process and -each process communicates with its neighboring processes in the list to perform -comparisons. -They are synchronized with locks and message passing but other forms of -synchronization could be used. -""" -from multiprocessing import Process, Pipe, Lock - -# lock used to ensure that two processes do not access a pipe at the same time -processLock = Lock() - -""" -The function run by the processes that sorts the list - -position = the position in the list the prcoess represents, used to know which - neighbor we pass our value to -value = the initial value at list[position] -LSend, RSend = the pipes we use to send to our left and right neighbors -LRcv, RRcv = the pipes we use to receive from our left and right neighbors -resultPipe = the pipe used to send results back to main -""" - - -def oeProcess(position, value, LSend, RSend, LRcv, RRcv, resultPipe): - global processLock - - # we perform n swaps since after n swaps we know we are sorted - # we *could* stop early if we are sorted already, but it takes as long to - # find out we are sorted as it does to sort the list with this algorithm - for i in range(0, 10): - - if ((i + position) % 2 == 0 and RSend != None): - # send your value to your right neighbor - processLock.acquire() - RSend[1].send(value) - processLock.release() - - # receive your right neighbor's value - processLock.acquire() - temp = RRcv[0].recv() - processLock.release() - - # take the lower value since you are on the left - value = min(value, temp) - elif ((i + position) % 2 != 0 and LSend != None): - # send your value to your left neighbor - processLock.acquire() - LSend[1].send(value) - processLock.release() - - # receive your left neighbor's value - processLock.acquire() - temp = LRcv[0].recv() - processLock.release() - - # take the higher value since you are on the right - value = max(value, temp) - # after all swaps are performed, send the values back to main - resultPipe[1].send(value) - - -""" -the function which creates the processes that perform the parallel swaps - -arr = the list to be sorted -""" - - -def OddEvenTransposition(arr): - processArray = [] - tempRrcv = None - tempLrcv = None - - resultPipe = [] - - # initialize the list of pipes where the values will be retrieved - for a in arr: - resultPipe.append(Pipe()) - - # creates the processes - # the first and last process only have one neighbor so they are made outside - # of the loop - tempRs = Pipe() - tempRr = Pipe() - processArray.append(Process(target=oeProcess, args=(0, arr[0], None, tempRs, None, tempRr, resultPipe[0]))) - tempLr = tempRs - tempLs = tempRr - - for i in range(1, len(arr) - 1): - tempRs = Pipe() - tempRr = Pipe() - processArray.append(Process(target=oeProcess, args=(i, arr[i], tempLs, tempRs, tempLr, tempRr, resultPipe[i]))) - tempLr = tempRs - tempLs = tempRr - - processArray.append(Process(target=oeProcess, args=(len(arr) - 1, arr[len(arr) - 1], tempLs, None, tempLr, None, resultPipe[len(arr) - 1]))) - - # start the processes - for p in processArray: - p.start() - - # wait for the processes to end and write their values to the list - for p in range(0, len(resultPipe)): - arr[p] = resultPipe[p][0].recv() - processArray[p].join() - - return (arr) - - -# creates a reverse sorted list and sorts it -def main(): - arr = [] - - for i in range(10, 0, -1): - arr.append(i) - print("Initial List") - print(*arr) - - list = OddEvenTransposition(arr) - - print("Sorted List\n") - print(*arr) - - -if __name__ == "__main__": - main() +""" +This is an implementation of odd-even transposition sort. + +It works by performing a series of parallel swaps between odd and even pairs of +variables in the list. + +This implementation represents each variable in the list with a process and +each process communicates with its neighboring processes in the list to perform +comparisons. +They are synchronized with locks and message passing but other forms of +synchronization could be used. +""" +from multiprocessing import Process, Pipe, Lock + +# lock used to ensure that two processes do not access a pipe at the same time +processLock = Lock() + +""" +The function run by the processes that sorts the list + +position = the position in the list the prcoess represents, used to know which + neighbor we pass our value to +value = the initial value at list[position] +LSend, RSend = the pipes we use to send to our left and right neighbors +LRcv, RRcv = the pipes we use to receive from our left and right neighbors +resultPipe = the pipe used to send results back to main +""" + + +def oeProcess(position, value, LSend, RSend, LRcv, RRcv, resultPipe): + global processLock + + # we perform n swaps since after n swaps we know we are sorted + # we *could* stop early if we are sorted already, but it takes as long to + # find out we are sorted as it does to sort the list with this algorithm + for i in range(0, 10): + + if ((i + position) % 2 == 0 and RSend != None): + # send your value to your right neighbor + processLock.acquire() + RSend[1].send(value) + processLock.release() + + # receive your right neighbor's value + processLock.acquire() + temp = RRcv[0].recv() + processLock.release() + + # take the lower value since you are on the left + value = min(value, temp) + elif ((i + position) % 2 != 0 and LSend != None): + # send your value to your left neighbor + processLock.acquire() + LSend[1].send(value) + processLock.release() + + # receive your left neighbor's value + processLock.acquire() + temp = LRcv[0].recv() + processLock.release() + + # take the higher value since you are on the right + value = max(value, temp) + # after all swaps are performed, send the values back to main + resultPipe[1].send(value) + + +""" +the function which creates the processes that perform the parallel swaps + +arr = the list to be sorted +""" + + +def OddEvenTransposition(arr): + processArray = [] + tempRrcv = None + tempLrcv = None + + resultPipe = [] + + # initialize the list of pipes where the values will be retrieved + for a in arr: + resultPipe.append(Pipe()) + + # creates the processes + # the first and last process only have one neighbor so they are made outside + # of the loop + tempRs = Pipe() + tempRr = Pipe() + processArray.append(Process(target=oeProcess, args=(0, arr[0], None, tempRs, None, tempRr, resultPipe[0]))) + tempLr = tempRs + tempLs = tempRr + + for i in range(1, len(arr) - 1): + tempRs = Pipe() + tempRr = Pipe() + processArray.append(Process(target=oeProcess, args=(i, arr[i], tempLs, tempRs, tempLr, tempRr, resultPipe[i]))) + tempLr = tempRs + tempLs = tempRr + + processArray.append(Process(target=oeProcess, args=(len(arr) - 1, arr[len(arr) - 1], tempLs, None, tempLr, None, resultPipe[len(arr) - 1]))) + + # start the processes + for p in processArray: + p.start() + + # wait for the processes to end and write their values to the list + for p in range(0, len(resultPipe)): + arr[p] = resultPipe[p][0].recv() + processArray[p].join() + + return (arr) + + +# creates a reverse sorted list and sorts it +def main(): + arr = [] + + for i in range(10, 0, -1): + arr.append(i) + print("Initial List") + print(*arr) + + list = OddEvenTransposition(arr) + + print("Sorted List\n") + print(*arr) + + +if __name__ == "__main__": + main() diff --git a/sorts/Odd-Even_transposition_single-threaded.py b/sorts/Odd-Even_transposition_single-threaded.py index ec045d9dd08d..3b9dac1c0548 100644 --- a/sorts/Odd-Even_transposition_single-threaded.py +++ b/sorts/Odd-Even_transposition_single-threaded.py @@ -1,35 +1,35 @@ -""" -This is a non-parallelized implementation of odd-even transpostiion sort. - -Normally the swaps in each set happen simultaneously, without that the algorithm -is no better than bubble sort. -""" - - -def OddEvenTransposition(arr): - for i in range(0, len(arr)): - for i in range(i % 2, len(arr) - 1, 2): - if arr[i + 1] < arr[i]: - arr[i], arr[i + 1] = arr[i + 1], arr[i] - print(*arr) - - return arr - - -# creates a list and sorts it -def main(): - list = [] - - for i in range(10, 0, -1): - list.append(i) - print("Initial List") - print(*list) - - list = OddEvenTransposition(list) - - print("Sorted List\n") - print(*list) - - -if __name__ == "__main__": - main() +""" +This is a non-parallelized implementation of odd-even transpostiion sort. + +Normally the swaps in each set happen simultaneously, without that the algorithm +is no better than bubble sort. +""" + + +def OddEvenTransposition(arr): + for i in range(0, len(arr)): + for i in range(i % 2, len(arr) - 1, 2): + if arr[i + 1] < arr[i]: + arr[i], arr[i + 1] = arr[i + 1], arr[i] + print(*arr) + + return arr + + +# creates a list and sorts it +def main(): + list = [] + + for i in range(10, 0, -1): + list.append(i) + print("Initial List") + print(*list) + + list = OddEvenTransposition(list) + + print("Sorted List\n") + print(*list) + + +if __name__ == "__main__": + main() diff --git a/sorts/bogo_sort.py b/sorts/bogo_sort.py index bace45a25486..fa2df684d249 100644 --- a/sorts/bogo_sort.py +++ b/sorts/bogo_sort.py @@ -1,51 +1,51 @@ -""" -This is a pure python implementation of the bogosort algorithm -For doctests run following command: -python -m doctest -v bogo_sort.py -or -python3 -m doctest -v bogo_sort.py -For manual testing run: -python bogo_sort.py -""" - -from __future__ import print_function - -import random - - -def bogo_sort(collection): - """Pure implementation of the bogosort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - Examples: - >>> bogo_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - >>> bogo_sort([]) - [] - >>> bogo_sort([-2, -5, -45]) - [-45, -5, -2] - """ - - def isSorted(collection): - if len(collection) < 2: - return True - for i in range(len(collection) - 1): - if collection[i] > collection[i + 1]: - return False - return True - - while not isSorted(collection): - random.shuffle(collection) - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(bogo_sort(unsorted)) +""" +This is a pure python implementation of the bogosort algorithm +For doctests run following command: +python -m doctest -v bogo_sort.py +or +python3 -m doctest -v bogo_sort.py +For manual testing run: +python bogo_sort.py +""" + +from __future__ import print_function + +import random + + +def bogo_sort(collection): + """Pure implementation of the bogosort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + Examples: + >>> bogo_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + >>> bogo_sort([]) + [] + >>> bogo_sort([-2, -5, -45]) + [-45, -5, -2] + """ + + def isSorted(collection): + if len(collection) < 2: + return True + for i in range(len(collection) - 1): + if collection[i] > collection[i + 1]: + return False + return True + + while not isSorted(collection): + random.shuffle(collection) + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(bogo_sort(unsorted)) diff --git a/sorts/bubble_sort.py b/sorts/bubble_sort.py index 3572ff70d143..f4380e7e0528 100644 --- a/sorts/bubble_sort.py +++ b/sorts/bubble_sort.py @@ -1,42 +1,42 @@ -from __future__ import print_function - - -def bubble_sort(collection): - """Pure implementation of bubble sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> bubble_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> bubble_sort([]) - [] - - >>> bubble_sort([-2, -5, -45]) - [-45, -5, -2] - - >>> bubble_sort([-23,0,6,-4,34]) - [-23,-4,0,6,34] - """ - length = len(collection) - for i in range(length - 1): - swapped = False - for j in range(length - 1 - i): - if collection[j] > collection[j + 1]: - swapped = True - collection[j], collection[j + 1] = collection[j + 1], collection[j] - if not swapped: break # Stop iteration if the collection is sorted. - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - user_input = raw_input('Enter numbers separated by a comma:').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(*bubble_sort(unsorted), sep=',') +from __future__ import print_function + + +def bubble_sort(collection): + """Pure implementation of bubble sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> bubble_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> bubble_sort([]) + [] + + >>> bubble_sort([-2, -5, -45]) + [-45, -5, -2] + + >>> bubble_sort([-23,0,6,-4,34]) + [-23,-4,0,6,34] + """ + length = len(collection) + for i in range(length - 1): + swapped = False + for j in range(length - 1 - i): + if collection[j] > collection[j + 1]: + swapped = True + collection[j], collection[j + 1] = collection[j + 1], collection[j] + if not swapped: break # Stop iteration if the collection is sorted. + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + user_input = raw_input('Enter numbers separated by a comma:').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(*bubble_sort(unsorted), sep=',') diff --git a/sorts/bucket_sort.py b/sorts/bucket_sort.py index 8e7fb98f782a..9c7b44bb8d11 100644 --- a/sorts/bucket_sort.py +++ b/sorts/bucket_sort.py @@ -1,37 +1,37 @@ -#!/usr/bin/env python -# Author: OMKAR PATHAK -# This program will illustrate how to implement bucket sort algorithm - -# Wikipedia says: Bucket sort, or bin sort, is a sorting algorithm that works by distributing the -# elements of an array into a number of buckets. Each bucket is then sorted individually, either using -# a different sorting algorithm, or by recursively applying the bucket sorting algorithm. It is a -# distribution sort, and is a cousin of radix sort in the most to least significant digit flavour. -# Bucket sort is a generalization of pigeonhole sort. Bucket sort can be implemented with comparisons -# and therefore can also be considered a comparison sort algorithm. The computational complexity estimates -# involve the number of buckets. - -# Time Complexity of Solution: -# Best Case O(n); Average Case O(n); Worst Case O(n) - -DEFAULT_BUCKET_SIZE = 5 - - -def bucket_sort(my_list, bucket_size=DEFAULT_BUCKET_SIZE): - if len(my_list) == 0: - raise Exception("Please add some elements in the array.") - - min_value, max_value = (min(my_list), max(my_list)) - bucket_count = ((max_value - min_value) // bucket_size + 1) - buckets = [[] for _ in range(int(bucket_count))] - - for i in range(len(my_list)): - buckets[int((my_list[i] - min_value) // bucket_size)].append(my_list[i]) - - return sorted([buckets[i][j] for i in range(len(buckets)) - for j in range(len(buckets[i]))]) - - -if __name__ == "__main__": - user_input = input('Enter numbers separated by a comma:').strip() - unsorted = [float(n) for n in user_input.split(',') if len(user_input) > 0] - print(bucket_sort(unsorted)) +#!/usr/bin/env python +# Author: OMKAR PATHAK +# This program will illustrate how to implement bucket sort algorithm + +# Wikipedia says: Bucket sort, or bin sort, is a sorting algorithm that works by distributing the +# elements of an array into a number of buckets. Each bucket is then sorted individually, either using +# a different sorting algorithm, or by recursively applying the bucket sorting algorithm. It is a +# distribution sort, and is a cousin of radix sort in the most to least significant digit flavour. +# Bucket sort is a generalization of pigeonhole sort. Bucket sort can be implemented with comparisons +# and therefore can also be considered a comparison sort algorithm. The computational complexity estimates +# involve the number of buckets. + +# Time Complexity of Solution: +# Best Case O(n); Average Case O(n); Worst Case O(n) + +DEFAULT_BUCKET_SIZE = 5 + + +def bucket_sort(my_list, bucket_size=DEFAULT_BUCKET_SIZE): + if len(my_list) == 0: + raise Exception("Please add some elements in the array.") + + min_value, max_value = (min(my_list), max(my_list)) + bucket_count = ((max_value - min_value) // bucket_size + 1) + buckets = [[] for _ in range(int(bucket_count))] + + for i in range(len(my_list)): + buckets[int((my_list[i] - min_value) // bucket_size)].append(my_list[i]) + + return sorted([buckets[i][j] for i in range(len(buckets)) + for j in range(len(buckets[i]))]) + + +if __name__ == "__main__": + user_input = input('Enter numbers separated by a comma:').strip() + unsorted = [float(n) for n in user_input.split(',') if len(user_input) > 0] + print(bucket_sort(unsorted)) diff --git a/sorts/cocktail_shaker_sort.py b/sorts/cocktail_shaker_sort.py index 370ba2e443d7..33579e86ab37 100644 --- a/sorts/cocktail_shaker_sort.py +++ b/sorts/cocktail_shaker_sort.py @@ -1,34 +1,34 @@ -from __future__ import print_function - - -def cocktail_shaker_sort(unsorted): - """ - Pure implementation of the cocktail shaker sort algorithm in Python. - """ - for i in range(len(unsorted) - 1, 0, -1): - swapped = False - - for j in range(i, 0, -1): - if unsorted[j] < unsorted[j - 1]: - unsorted[j], unsorted[j - 1] = unsorted[j - 1], unsorted[j] - swapped = True - - for j in range(i): - if unsorted[j] > unsorted[j + 1]: - unsorted[j], unsorted[j + 1] = unsorted[j + 1], unsorted[j] - swapped = True - - if not swapped: - return unsorted - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - cocktail_shaker_sort(unsorted) - print(unsorted) +from __future__ import print_function + + +def cocktail_shaker_sort(unsorted): + """ + Pure implementation of the cocktail shaker sort algorithm in Python. + """ + for i in range(len(unsorted) - 1, 0, -1): + swapped = False + + for j in range(i, 0, -1): + if unsorted[j] < unsorted[j - 1]: + unsorted[j], unsorted[j - 1] = unsorted[j - 1], unsorted[j] + swapped = True + + for j in range(i): + if unsorted[j] > unsorted[j + 1]: + unsorted[j], unsorted[j + 1] = unsorted[j + 1], unsorted[j] + swapped = True + + if not swapped: + return unsorted + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + cocktail_shaker_sort(unsorted) + print(unsorted) diff --git a/sorts/comb_sort.py b/sorts/comb_sort.py index deed2a0f4c27..d5e81bdddfc1 100644 --- a/sorts/comb_sort.py +++ b/sorts/comb_sort.py @@ -1,59 +1,59 @@ -""" -Comb sort is a relatively simple sorting algorithm originally designed by Wlodzimierz Dobosiewicz in 1980. -Later it was rediscovered by Stephen Lacey and Richard Box in 1991. Comb sort improves on bubble sort. - -This is pure python implementation of comb sort algorithm -For doctests run following command: -python -m doctest -v comb_sort.py -or -python3 -m doctest -v comb_sort.py - -For manual testing run: -python comb_sort.py -""" - - -def comb_sort(data): - """Pure implementation of comb sort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - Examples: - >>> comb_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - >>> comb_sort([]) - [] - >>> comb_sort([-2, -5, -45]) - [-45, -5, -2] - """ - shrink_factor = 1.3 - gap = len(data) - swapped = True - i = 0 - - while gap > 1 or swapped: - # Update the gap value for a next comb - gap = int(float(gap) / shrink_factor) - - swapped = False - i = 0 - - while gap + i < len(data): - if data[i] > data[i + gap]: - # Swap values - data[i], data[i + gap] = data[i + gap], data[i] - swapped = True - i += 1 - - return data - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(comb_sort(unsorted)) +""" +Comb sort is a relatively simple sorting algorithm originally designed by Wlodzimierz Dobosiewicz in 1980. +Later it was rediscovered by Stephen Lacey and Richard Box in 1991. Comb sort improves on bubble sort. + +This is pure python implementation of comb sort algorithm +For doctests run following command: +python -m doctest -v comb_sort.py +or +python3 -m doctest -v comb_sort.py + +For manual testing run: +python comb_sort.py +""" + + +def comb_sort(data): + """Pure implementation of comb sort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + Examples: + >>> comb_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + >>> comb_sort([]) + [] + >>> comb_sort([-2, -5, -45]) + [-45, -5, -2] + """ + shrink_factor = 1.3 + gap = len(data) + swapped = True + i = 0 + + while gap > 1 or swapped: + # Update the gap value for a next comb + gap = int(float(gap) / shrink_factor) + + swapped = False + i = 0 + + while gap + i < len(data): + if data[i] > data[i + gap]: + # Swap values + data[i], data[i + gap] = data[i + gap], data[i] + swapped = True + i += 1 + + return data + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(comb_sort(unsorted)) diff --git a/sorts/counting_sort.py b/sorts/counting_sort.py index 8acd1a395208..d1f2b746c204 100644 --- a/sorts/counting_sort.py +++ b/sorts/counting_sort.py @@ -1,76 +1,76 @@ -""" -This is pure python implementation of counting sort algorithm -For doctests run following command: -python -m doctest -v counting_sort.py -or -python3 -m doctest -v counting_sort.py -For manual testing run: -python counting_sort.py -""" - -from __future__ import print_function - - -def counting_sort(collection): - """Pure implementation of counting sort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - Examples: - >>> counting_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - >>> counting_sort([]) - [] - >>> counting_sort([-2, -5, -45]) - [-45, -5, -2] - """ - # if the collection is empty, returns empty - if collection == []: - return [] - - # get some information about the collection - coll_len = len(collection) - coll_max = max(collection) - coll_min = min(collection) - - # create the counting array - counting_arr_length = coll_max + 1 - coll_min - counting_arr = [0] * counting_arr_length - - # count how much a number appears in the collection - for number in collection: - counting_arr[number - coll_min] += 1 - - # sum each position with it's predecessors. now, counting_arr[i] tells - # us how many elements <= i has in the collection - for i in range(1, counting_arr_length): - counting_arr[i] = counting_arr[i] + counting_arr[i - 1] - - # create the output collection - ordered = [0] * coll_len - - # place the elements in the output, respecting the original order (stable - # sort) from end to begin, updating counting_arr - for i in reversed(range(0, coll_len)): - ordered[counting_arr[collection[i] - coll_min] - 1] = collection[i] - counting_arr[collection[i] - coll_min] -= 1 - - return ordered - - -def counting_sort_string(string): - return ''.join([chr(i) for i in counting_sort([ord(c) for c in string])]) - - -if __name__ == '__main__': - # Test string sort - assert "eghhiiinrsssttt" == counting_sort_string("thisisthestring") - - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(counting_sort(unsorted)) +""" +This is pure python implementation of counting sort algorithm +For doctests run following command: +python -m doctest -v counting_sort.py +or +python3 -m doctest -v counting_sort.py +For manual testing run: +python counting_sort.py +""" + +from __future__ import print_function + + +def counting_sort(collection): + """Pure implementation of counting sort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + Examples: + >>> counting_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + >>> counting_sort([]) + [] + >>> counting_sort([-2, -5, -45]) + [-45, -5, -2] + """ + # if the collection is empty, returns empty + if collection == []: + return [] + + # get some information about the collection + coll_len = len(collection) + coll_max = max(collection) + coll_min = min(collection) + + # create the counting array + counting_arr_length = coll_max + 1 - coll_min + counting_arr = [0] * counting_arr_length + + # count how much a number appears in the collection + for number in collection: + counting_arr[number - coll_min] += 1 + + # sum each position with it's predecessors. now, counting_arr[i] tells + # us how many elements <= i has in the collection + for i in range(1, counting_arr_length): + counting_arr[i] = counting_arr[i] + counting_arr[i - 1] + + # create the output collection + ordered = [0] * coll_len + + # place the elements in the output, respecting the original order (stable + # sort) from end to begin, updating counting_arr + for i in reversed(range(0, coll_len)): + ordered[counting_arr[collection[i] - coll_min] - 1] = collection[i] + counting_arr[collection[i] - coll_min] -= 1 + + return ordered + + +def counting_sort_string(string): + return ''.join([chr(i) for i in counting_sort([ord(c) for c in string])]) + + +if __name__ == '__main__': + # Test string sort + assert "eghhiiinrsssttt" == counting_sort_string("thisisthestring") + + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(counting_sort(unsorted)) diff --git a/sorts/cycle_sort.py b/sorts/cycle_sort.py index 036523b0a34c..58aa667fcbc3 100644 --- a/sorts/cycle_sort.py +++ b/sorts/cycle_sort.py @@ -1,60 +1,60 @@ -# Code contributed by Honey Sharma -from __future__ import print_function - - -def cycle_sort(array): - ans = 0 - - # Pass through the array to find cycles to rotate. - for cycleStart in range(0, len(array) - 1): - item = array[cycleStart] - - # finding the position for putting the item. - pos = cycleStart - for i in range(cycleStart + 1, len(array)): - if array[i] < item: - pos += 1 - - # If the item is already present-not a cycle. - if pos == cycleStart: - continue - - # Otherwise, put the item there or right after any duplicates. - while item == array[pos]: - pos += 1 - array[pos], item = item, array[pos] - ans += 1 - - # Rotate the rest of the cycle. - while pos != cycleStart: - - # Find where to put the item. - pos = cycleStart - for i in range(cycleStart + 1, len(array)): - if array[i] < item: - pos += 1 - - # Put the item there or right after any duplicates. - while item == array[pos]: - pos += 1 - array[pos], item = item, array[pos] - ans += 1 - - return ans - - -# Main Code starts here -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n') - unsorted = [int(item) for item in user_input.split(',')] - n = len(unsorted) - cycle_sort(unsorted) - - print("After sort : ") - for i in range(0, n): - print(unsorted[i], end=' ') +# Code contributed by Honey Sharma +from __future__ import print_function + + +def cycle_sort(array): + ans = 0 + + # Pass through the array to find cycles to rotate. + for cycleStart in range(0, len(array) - 1): + item = array[cycleStart] + + # finding the position for putting the item. + pos = cycleStart + for i in range(cycleStart + 1, len(array)): + if array[i] < item: + pos += 1 + + # If the item is already present-not a cycle. + if pos == cycleStart: + continue + + # Otherwise, put the item there or right after any duplicates. + while item == array[pos]: + pos += 1 + array[pos], item = item, array[pos] + ans += 1 + + # Rotate the rest of the cycle. + while pos != cycleStart: + + # Find where to put the item. + pos = cycleStart + for i in range(cycleStart + 1, len(array)): + if array[i] < item: + pos += 1 + + # Put the item there or right after any duplicates. + while item == array[pos]: + pos += 1 + array[pos], item = item, array[pos] + ans += 1 + + return ans + + +# Main Code starts here +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n') + unsorted = [int(item) for item in user_input.split(',')] + n = len(unsorted) + cycle_sort(unsorted) + + print("After sort : ") + for i in range(0, n): + print(unsorted[i], end=' ') diff --git a/sorts/external_sort.py b/sorts/external_sort.py index 430e10e040a6..b2f5ace1a69b 100644 --- a/sorts/external_sort.py +++ b/sorts/external_sort.py @@ -1,157 +1,157 @@ -#!/usr/bin/env python - -import argparse -# -# Sort large text files in a minimum amount of memory -# -import os - - -class FileSplitter(object): - BLOCK_FILENAME_FORMAT = 'block_{0}.dat' - - def __init__(self, filename): - self.filename = filename - self.block_filenames = [] - - def write_block(self, data, block_number): - filename = self.BLOCK_FILENAME_FORMAT.format(block_number) - with open(filename, 'w') as file: - file.write(data) - self.block_filenames.append(filename) - - def get_block_filenames(self): - return self.block_filenames - - def split(self, block_size, sort_key=None): - i = 0 - with open(self.filename) as file: - while True: - lines = file.readlines(block_size) - - if lines == []: - break - - if sort_key is None: - lines.sort() - else: - lines.sort(key=sort_key) - - self.write_block(''.join(lines), i) - i += 1 - - def cleanup(self): - map(lambda f: os.remove(f), self.block_filenames) - - -class NWayMerge(object): - def select(self, choices): - min_index = -1 - min_str = None - - for i in range(len(choices)): - if min_str is None or choices[i] < min_str: - min_index = i - - return min_index - - -class FilesArray(object): - def __init__(self, files): - self.files = files - self.empty = set() - self.num_buffers = len(files) - self.buffers = {i: None for i in range(self.num_buffers)} - - def get_dict(self): - return {i: self.buffers[i] for i in range(self.num_buffers) if i not in self.empty} - - def refresh(self): - for i in range(self.num_buffers): - if self.buffers[i] is None and i not in self.empty: - self.buffers[i] = self.files[i].readline() - - if self.buffers[i] == '': - self.empty.add(i) - self.files[i].close() - - if len(self.empty) == self.num_buffers: - return False - - return True - - def unshift(self, index): - value = self.buffers[index] - self.buffers[index] = None - - return value - - -class FileMerger(object): - def __init__(self, merge_strategy): - self.merge_strategy = merge_strategy - - def merge(self, filenames, outfilename, buffer_size): - buffers = FilesArray(self.get_file_handles(filenames, buffer_size)) - with open(outfilename, 'w', buffer_size) as outfile: - while buffers.refresh(): - min_index = self.merge_strategy.select(buffers.get_dict()) - outfile.write(buffers.unshift(min_index)) - - def get_file_handles(self, filenames, buffer_size): - files = {} - - for i in range(len(filenames)): - files[i] = open(filenames[i], 'r', buffer_size) - - return files - - -class ExternalSort(object): - def __init__(self, block_size): - self.block_size = block_size - - def sort(self, filename, sort_key=None): - num_blocks = self.get_number_blocks(filename, self.block_size) - splitter = FileSplitter(filename) - splitter.split(self.block_size, sort_key) - - merger = FileMerger(NWayMerge()) - buffer_size = self.block_size / (num_blocks + 1) - merger.merge(splitter.get_block_filenames(), filename + '.out', buffer_size) - - splitter.cleanup() - - def get_number_blocks(self, filename, block_size): - return (os.stat(filename).st_size / block_size) + 1 - - -def parse_memory(string): - if string[-1].lower() == 'k': - return int(string[:-1]) * 1024 - elif string[-1].lower() == 'm': - return int(string[:-1]) * 1024 * 1024 - elif string[-1].lower() == 'g': - return int(string[:-1]) * 1024 * 1024 * 1024 - else: - return int(string) - - -def main(): - parser = argparse.ArgumentParser() - parser.add_argument('-m', - '--mem', - help='amount of memory to use for sorting', - default='100M') - parser.add_argument('filename', - metavar='', - nargs=1, - help='name of file to sort') - args = parser.parse_args() - - sorter = ExternalSort(parse_memory(args.mem)) - sorter.sort(args.filename[0]) - - -if __name__ == '__main__': - main() +#!/usr/bin/env python + +import argparse +# +# Sort large text files in a minimum amount of memory +# +import os + + +class FileSplitter(object): + BLOCK_FILENAME_FORMAT = 'block_{0}.dat' + + def __init__(self, filename): + self.filename = filename + self.block_filenames = [] + + def write_block(self, data, block_number): + filename = self.BLOCK_FILENAME_FORMAT.format(block_number) + with open(filename, 'w') as file: + file.write(data) + self.block_filenames.append(filename) + + def get_block_filenames(self): + return self.block_filenames + + def split(self, block_size, sort_key=None): + i = 0 + with open(self.filename) as file: + while True: + lines = file.readlines(block_size) + + if lines == []: + break + + if sort_key is None: + lines.sort() + else: + lines.sort(key=sort_key) + + self.write_block(''.join(lines), i) + i += 1 + + def cleanup(self): + map(lambda f: os.remove(f), self.block_filenames) + + +class NWayMerge(object): + def select(self, choices): + min_index = -1 + min_str = None + + for i in range(len(choices)): + if min_str is None or choices[i] < min_str: + min_index = i + + return min_index + + +class FilesArray(object): + def __init__(self, files): + self.files = files + self.empty = set() + self.num_buffers = len(files) + self.buffers = {i: None for i in range(self.num_buffers)} + + def get_dict(self): + return {i: self.buffers[i] for i in range(self.num_buffers) if i not in self.empty} + + def refresh(self): + for i in range(self.num_buffers): + if self.buffers[i] is None and i not in self.empty: + self.buffers[i] = self.files[i].readline() + + if self.buffers[i] == '': + self.empty.add(i) + self.files[i].close() + + if len(self.empty) == self.num_buffers: + return False + + return True + + def unshift(self, index): + value = self.buffers[index] + self.buffers[index] = None + + return value + + +class FileMerger(object): + def __init__(self, merge_strategy): + self.merge_strategy = merge_strategy + + def merge(self, filenames, outfilename, buffer_size): + buffers = FilesArray(self.get_file_handles(filenames, buffer_size)) + with open(outfilename, 'w', buffer_size) as outfile: + while buffers.refresh(): + min_index = self.merge_strategy.select(buffers.get_dict()) + outfile.write(buffers.unshift(min_index)) + + def get_file_handles(self, filenames, buffer_size): + files = {} + + for i in range(len(filenames)): + files[i] = open(filenames[i], 'r', buffer_size) + + return files + + +class ExternalSort(object): + def __init__(self, block_size): + self.block_size = block_size + + def sort(self, filename, sort_key=None): + num_blocks = self.get_number_blocks(filename, self.block_size) + splitter = FileSplitter(filename) + splitter.split(self.block_size, sort_key) + + merger = FileMerger(NWayMerge()) + buffer_size = self.block_size / (num_blocks + 1) + merger.merge(splitter.get_block_filenames(), filename + '.out', buffer_size) + + splitter.cleanup() + + def get_number_blocks(self, filename, block_size): + return (os.stat(filename).st_size / block_size) + 1 + + +def parse_memory(string): + if string[-1].lower() == 'k': + return int(string[:-1]) * 1024 + elif string[-1].lower() == 'm': + return int(string[:-1]) * 1024 * 1024 + elif string[-1].lower() == 'g': + return int(string[:-1]) * 1024 * 1024 * 1024 + else: + return int(string) + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument('-m', + '--mem', + help='amount of memory to use for sorting', + default='100M') + parser.add_argument('filename', + metavar='', + nargs=1, + help='name of file to sort') + args = parser.parse_args() + + sorter = ExternalSort(parse_memory(args.mem)) + sorter.sort(args.filename[0]) + + +if __name__ == '__main__': + main() diff --git a/sorts/gnome_sort.py b/sorts/gnome_sort.py index a8061b4ac261..0d342b26bd58 100644 --- a/sorts/gnome_sort.py +++ b/sorts/gnome_sort.py @@ -1,32 +1,32 @@ -from __future__ import print_function - - -def gnome_sort(unsorted): - """ - Pure implementation of the gnome sort algorithm in Python. - """ - if len(unsorted) <= 1: - return unsorted - - i = 1 - - while i < len(unsorted): - if unsorted[i - 1] <= unsorted[i]: - i += 1 - else: - unsorted[i - 1], unsorted[i] = unsorted[i], unsorted[i - 1] - i -= 1 - if (i == 0): - i = 1 - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - gnome_sort(unsorted) - print(unsorted) +from __future__ import print_function + + +def gnome_sort(unsorted): + """ + Pure implementation of the gnome sort algorithm in Python. + """ + if len(unsorted) <= 1: + return unsorted + + i = 1 + + while i < len(unsorted): + if unsorted[i - 1] <= unsorted[i]: + i += 1 + else: + unsorted[i - 1], unsorted[i] = unsorted[i], unsorted[i - 1] + i -= 1 + if (i == 0): + i = 1 + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + gnome_sort(unsorted) + print(unsorted) diff --git a/sorts/heap_sort.py b/sorts/heap_sort.py index 8846f2ded122..71bb818e0611 100644 --- a/sorts/heap_sort.py +++ b/sorts/heap_sort.py @@ -1,65 +1,65 @@ -''' -This is a pure python implementation of the heap sort algorithm. - -For doctests run following command: -python -m doctest -v heap_sort.py -or -python3 -m doctest -v heap_sort.py - -For manual testing run: -python heap_sort.py -''' - -from __future__ import print_function - - -def heapify(unsorted, index, heap_size): - largest = index - left_index = 2 * index + 1 - right_index = 2 * index + 2 - if left_index < heap_size and unsorted[left_index] > unsorted[largest]: - largest = left_index - - if right_index < heap_size and unsorted[right_index] > unsorted[largest]: - largest = right_index - - if largest != index: - unsorted[largest], unsorted[index] = unsorted[index], unsorted[largest] - heapify(unsorted, largest, heap_size) - - -def heap_sort(unsorted): - ''' - Pure implementation of the heap sort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> heap_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> heap_sort([]) - [] - - >>> heap_sort([-2, -5, -45]) - [-45, -5, -2] - ''' - n = len(unsorted) - for i in range(n // 2 - 1, -1, -1): - heapify(unsorted, i, n) - for i in range(n - 1, 0, -1): - unsorted[0], unsorted[i] = unsorted[i], unsorted[0] - heapify(unsorted, 0, i) - return unsorted - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(heap_sort(unsorted)) +''' +This is a pure python implementation of the heap sort algorithm. + +For doctests run following command: +python -m doctest -v heap_sort.py +or +python3 -m doctest -v heap_sort.py + +For manual testing run: +python heap_sort.py +''' + +from __future__ import print_function + + +def heapify(unsorted, index, heap_size): + largest = index + left_index = 2 * index + 1 + right_index = 2 * index + 2 + if left_index < heap_size and unsorted[left_index] > unsorted[largest]: + largest = left_index + + if right_index < heap_size and unsorted[right_index] > unsorted[largest]: + largest = right_index + + if largest != index: + unsorted[largest], unsorted[index] = unsorted[index], unsorted[largest] + heapify(unsorted, largest, heap_size) + + +def heap_sort(unsorted): + ''' + Pure implementation of the heap sort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> heap_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> heap_sort([]) + [] + + >>> heap_sort([-2, -5, -45]) + [-45, -5, -2] + ''' + n = len(unsorted) + for i in range(n // 2 - 1, -1, -1): + heapify(unsorted, i, n) + for i in range(n - 1, 0, -1): + unsorted[0], unsorted[i] = unsorted[i], unsorted[0] + heapify(unsorted, 0, i) + return unsorted + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(heap_sort(unsorted)) diff --git a/sorts/insertion_sort.py b/sorts/insertion_sort.py index 4278096ef907..e0f14706a600 100644 --- a/sorts/insertion_sort.py +++ b/sorts/insertion_sort.py @@ -1,50 +1,50 @@ -""" -This is a pure python implementation of the insertion sort algorithm - -For doctests run following command: -python -m doctest -v insertion_sort.py -or -python3 -m doctest -v insertion_sort.py - -For manual testing run: -python insertion_sort.py -""" -from __future__ import print_function - - -def insertion_sort(collection): - """Pure implementation of the insertion sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> insertion_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> insertion_sort([]) - [] - - >>> insertion_sort([-2, -5, -45]) - [-45, -5, -2] - """ - - for loop_index in range(1, len(collection)): - insertion_index = loop_index - while insertion_index > 0 and collection[insertion_index - 1] > collection[insertion_index]: - collection[insertion_index], collection[insertion_index - 1] = collection[insertion_index - 1], collection[insertion_index] - insertion_index -= 1 - - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(insertion_sort(unsorted)) +""" +This is a pure python implementation of the insertion sort algorithm + +For doctests run following command: +python -m doctest -v insertion_sort.py +or +python3 -m doctest -v insertion_sort.py + +For manual testing run: +python insertion_sort.py +""" +from __future__ import print_function + + +def insertion_sort(collection): + """Pure implementation of the insertion sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> insertion_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> insertion_sort([]) + [] + + >>> insertion_sort([-2, -5, -45]) + [-45, -5, -2] + """ + + for loop_index in range(1, len(collection)): + insertion_index = loop_index + while insertion_index > 0 and collection[insertion_index - 1] > collection[insertion_index]: + collection[insertion_index], collection[insertion_index - 1] = collection[insertion_index - 1], collection[insertion_index] + insertion_index -= 1 + + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(insertion_sort(unsorted)) diff --git a/sorts/merge_sort.py b/sorts/merge_sort.py index fe38884e5004..83879fd93b34 100644 --- a/sorts/merge_sort.py +++ b/sorts/merge_sort.py @@ -1,58 +1,58 @@ -""" -This is a pure python implementation of the merge sort algorithm - -For doctests run following command: -python -m doctest -v merge_sort.py -or -python3 -m doctest -v merge_sort.py - -For manual testing run: -python merge_sort.py -""" -from __future__ import print_function - - -def merge_sort(collection): - """Pure implementation of the merge sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> merge_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> merge_sort([]) - [] - - >>> merge_sort([-2, -5, -45]) - [-45, -5, -2] - """ - - def merge(left, right): - '''merge left and right - :param left: left collection - :param right: right collection - :return: merge result - ''' - result = [] - while left and right: - result.append(left.pop(0) if left[0] <= right[0] else right.pop(0)) - return result + left + right - - if len(collection) <= 1: - return collection - mid = len(collection) // 2 - return merge(merge_sort(collection[:mid]), merge_sort(collection[mid:])) - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(*merge_sort(unsorted), sep=',') +""" +This is a pure python implementation of the merge sort algorithm + +For doctests run following command: +python -m doctest -v merge_sort.py +or +python3 -m doctest -v merge_sort.py + +For manual testing run: +python merge_sort.py +""" +from __future__ import print_function + + +def merge_sort(collection): + """Pure implementation of the merge sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> merge_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> merge_sort([]) + [] + + >>> merge_sort([-2, -5, -45]) + [-45, -5, -2] + """ + + def merge(left, right): + '''merge left and right + :param left: left collection + :param right: right collection + :return: merge result + ''' + result = [] + while left and right: + result.append(left.pop(0) if left[0] <= right[0] else right.pop(0)) + return result + left + right + + if len(collection) <= 1: + return collection + mid = len(collection) // 2 + return merge(merge_sort(collection[:mid]), merge_sort(collection[mid:])) + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(*merge_sort(unsorted), sep=',') diff --git a/sorts/merge_sort_fastest.py b/sorts/merge_sort_fastest.py index 878a0fb3788c..c28277a29667 100644 --- a/sorts/merge_sort_fastest.py +++ b/sorts/merge_sort_fastest.py @@ -1,46 +1,46 @@ -''' -Python implementation of the fastest merge sort algorithm. -Takes an average of 0.6 microseconds to sort a list of length 1000 items. -Best Case Scenario : O(n) -Worst Case Scenario : O(n^2) because native python functions:min, max and remove are already O(n) -''' -from __future__ import print_function - - -def merge_sort(collection): - """Pure implementation of the fastest merge sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: a collection ordered by ascending - - Examples: - >>> merge_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> merge_sort([]) - [] - - >>> merge_sort([-2, -5, -45]) - [-45, -5, -2] - """ - start, end = [], [] - while len(collection) > 1: - min_one, max_one = min(collection), max(collection) - start.append(min_one) - end.append(max_one) - collection.remove(min_one) - collection.remove(max_one) - end.reverse() - return start + collection + end - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(*merge_sort(unsorted), sep=',') +''' +Python implementation of the fastest merge sort algorithm. +Takes an average of 0.6 microseconds to sort a list of length 1000 items. +Best Case Scenario : O(n) +Worst Case Scenario : O(n^2) because native python functions:min, max and remove are already O(n) +''' +from __future__ import print_function + + +def merge_sort(collection): + """Pure implementation of the fastest merge sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: a collection ordered by ascending + + Examples: + >>> merge_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> merge_sort([]) + [] + + >>> merge_sort([-2, -5, -45]) + [-45, -5, -2] + """ + start, end = [], [] + while len(collection) > 1: + min_one, max_one = min(collection), max(collection) + start.append(min_one) + end.append(max_one) + collection.remove(min_one) + collection.remove(max_one) + end.reverse() + return start + collection + end + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(*merge_sort(unsorted), sep=',') diff --git a/sorts/normal_distribution_quick_sort.md b/sorts/normal_distribution_quick_sort.md index 635262bfdf7d..29f2f625bc27 100644 --- a/sorts/normal_distribution_quick_sort.md +++ b/sorts/normal_distribution_quick_sort.md @@ -1,76 +1,76 @@ -# Normal Distribution QuickSort - - -Algorithm implementing QuickSort Algorithm where the pivot element is chosen randomly between first and last elements of the array and the array elements are taken from a Standard Normal Distribution. -This is different from the ordinary quicksort in the sense, that it applies more to real life problems , where elements usually follow a normal distribution. Also the pivot is randomized to make it a more generic one. - - -## Array Elements - -The array elements are taken from a Standard Normal Distribution , having mean = 0 and standard deviation 1. - -#### The code - -```python - ->>> import numpy as np ->>> from tempfile import TemporaryFile ->>> outfile = TemporaryFile() ->>> p = 100 # 100 elements are to be sorted ->>> mu, sigma = 0, 1 # mean and standard deviation ->>> X = np.random.normal(mu, sigma, p) ->>> np.save(outfile, X) ->>> print('The array is') ->>> print(X) - -``` - ------- - -#### The Distribution of the Array elements. - -```python ->>> mu, sigma = 0, 1 # mean and standard deviation ->>> s = np.random.normal(mu, sigma, p) ->>> count, bins, ignored = plt.hist(s, 30, normed=True) ->>> plt.plot(bins , 1/(sigma * np.sqrt(2 * np.pi)) *np.exp( - (bins - mu)**2 / (2 * sigma**2) ),linewidth=2, color='r') ->>> plt.show() - -``` - - ------ - - - - -![](https://www.mathsisfun.com/data/images/normal-distrubution-large.gif) - ---- - ---------------------- - --- - -## Plotting the function for Checking 'The Number of Comparisons' taking place between Normal Distribution QuickSort and Ordinary QuickSort - -```python ->>>import matplotlib.pyplot as plt - - - # Normal Disrtibution QuickSort is red ->>> plt.plot([1,2,4,16,32,64,128,256,512,1024,2048],[1,1,6,15,43,136,340,800,2156,6821,16325],linewidth=2, color='r') - - #Ordinary QuickSort is green ->>> plt.plot([1,2,4,16,32,64,128,256,512,1024,2048],[1,1,4,16,67,122,362,949,2131,5086,12866],linewidth=2, color='g') - ->>> plt.show() - -``` - - ----- - - ------------------- - +# Normal Distribution QuickSort + + +Algorithm implementing QuickSort Algorithm where the pivot element is chosen randomly between first and last elements of the array and the array elements are taken from a Standard Normal Distribution. +This is different from the ordinary quicksort in the sense, that it applies more to real life problems , where elements usually follow a normal distribution. Also the pivot is randomized to make it a more generic one. + + +## Array Elements + +The array elements are taken from a Standard Normal Distribution , having mean = 0 and standard deviation 1. + +#### The code + +```python + +>>> import numpy as np +>>> from tempfile import TemporaryFile +>>> outfile = TemporaryFile() +>>> p = 100 # 100 elements are to be sorted +>>> mu, sigma = 0, 1 # mean and standard deviation +>>> X = np.random.normal(mu, sigma, p) +>>> np.save(outfile, X) +>>> print('The array is') +>>> print(X) + +``` + +------ + +#### The Distribution of the Array elements. + +```python +>>> mu, sigma = 0, 1 # mean and standard deviation +>>> s = np.random.normal(mu, sigma, p) +>>> count, bins, ignored = plt.hist(s, 30, normed=True) +>>> plt.plot(bins , 1/(sigma * np.sqrt(2 * np.pi)) *np.exp( - (bins - mu)**2 / (2 * sigma**2) ),linewidth=2, color='r') +>>> plt.show() + +``` + + +----- + + + + +![](https://www.mathsisfun.com/data/images/normal-distrubution-large.gif) + +--- + +--------------------- + +-- + +## Plotting the function for Checking 'The Number of Comparisons' taking place between Normal Distribution QuickSort and Ordinary QuickSort + +```python +>>>import matplotlib.pyplot as plt + + + # Normal Disrtibution QuickSort is red +>>> plt.plot([1,2,4,16,32,64,128,256,512,1024,2048],[1,1,6,15,43,136,340,800,2156,6821,16325],linewidth=2, color='r') + + #Ordinary QuickSort is green +>>> plt.plot([1,2,4,16,32,64,128,256,512,1024,2048],[1,1,4,16,67,122,362,949,2131,5086,12866],linewidth=2, color='g') + +>>> plt.show() + +``` + + +---- + + +------------------ + diff --git a/sorts/pancake_sort.py b/sorts/pancake_sort.py index 1bf1e1ba0023..0de4a869d91a 100644 --- a/sorts/pancake_sort.py +++ b/sorts/pancake_sort.py @@ -1,18 +1,18 @@ -# Pancake sort algorithm -# Only can reverse array from 0 to i - -def pancake_sort(arr): - cur = len(arr) - while cur > 1: - # Find the maximum number in arr - mi = arr.index(max(arr[0:cur])) - # Reverse from 0 to mi - arr = arr[mi::-1] + arr[mi + 1:len(arr)] - # Reverse whole list - arr = arr[cur - 1::-1] + arr[cur:len(arr)] - cur -= 1 - return arr - - -if __name__ == '__main__': - print(pancake_sort([0, 10, 15, 3, 2, 9, 14, 13])) +# Pancake sort algorithm +# Only can reverse array from 0 to i + +def pancake_sort(arr): + cur = len(arr) + while cur > 1: + # Find the maximum number in arr + mi = arr.index(max(arr[0:cur])) + # Reverse from 0 to mi + arr = arr[mi::-1] + arr[mi + 1:len(arr)] + # Reverse whole list + arr = arr[cur - 1::-1] + arr[cur:len(arr)] + cur -= 1 + return arr + + +if __name__ == '__main__': + print(pancake_sort([0, 10, 15, 3, 2, 9, 14, 13])) diff --git a/sorts/pigeon_sort.py b/sorts/pigeon_sort.py index a55304a0d832..fcfcf31b86be 100644 --- a/sorts/pigeon_sort.py +++ b/sorts/pigeon_sort.py @@ -1,55 +1,55 @@ -''' - This is an implementation of Pigeon Hole Sort. -''' - -from __future__ import print_function - - -def pigeon_sort(array): - # Manually finds the minimum and maximum of the array. - min = array[0] - max = array[0] - - for i in range(len(array)): - if (array[i] < min): - min = array[i] - elif (array[i] > max): - max = array[i] - - # Compute the variables - holes_range = max - min + 1 - holes = [0 for _ in range(holes_range)] - holes_repeat = [0 for _ in range(holes_range)] - - # Make the sorting. - for i in range(len(array)): - index = array[i] - min - if (holes[index] != array[i]): - holes[index] = array[i] - holes_repeat[index] += 1 - else: - holes_repeat[index] += 1 - - # Makes the array back by replacing the numbers. - index = 0 - for i in range(holes_range): - while (holes_repeat[i] > 0): - array[index] = holes[i] - index += 1 - holes_repeat[i] -= 1 - - # Returns the sorted array. - return array - - -if __name__ == '__main__': - try: - raw_input # Python2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by comma:\n') - unsorted = [int(x) for x in user_input.split(',')] - sorted = pigeon_sort(unsorted) - - print(sorted) +''' + This is an implementation of Pigeon Hole Sort. +''' + +from __future__ import print_function + + +def pigeon_sort(array): + # Manually finds the minimum and maximum of the array. + min = array[0] + max = array[0] + + for i in range(len(array)): + if (array[i] < min): + min = array[i] + elif (array[i] > max): + max = array[i] + + # Compute the variables + holes_range = max - min + 1 + holes = [0 for _ in range(holes_range)] + holes_repeat = [0 for _ in range(holes_range)] + + # Make the sorting. + for i in range(len(array)): + index = array[i] - min + if (holes[index] != array[i]): + holes[index] = array[i] + holes_repeat[index] += 1 + else: + holes_repeat[index] += 1 + + # Makes the array back by replacing the numbers. + index = 0 + for i in range(holes_range): + while (holes_repeat[i] > 0): + array[index] = holes[i] + index += 1 + holes_repeat[i] -= 1 + + # Returns the sorted array. + return array + + +if __name__ == '__main__': + try: + raw_input # Python2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by comma:\n') + unsorted = [int(x) for x in user_input.split(',')] + sorted = pigeon_sort(unsorted) + + print(sorted) diff --git a/sorts/quick_sort.py b/sorts/quick_sort.py index c77aa76b28f4..3fdcb8e74b1a 100644 --- a/sorts/quick_sort.py +++ b/sorts/quick_sort.py @@ -1,58 +1,58 @@ -""" -This is a pure python implementation of the quick sort algorithm - -For doctests run following command: -python -m doctest -v quick_sort.py -or -python3 -m doctest -v quick_sort.py - -For manual testing run: -python quick_sort.py -""" -from __future__ import print_function - - -def quick_sort(collection): - """Pure implementation of quick sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> quick_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> quick_sort([]) - [] - - >>> quick_sort([-2, -5, -45]) - [-45, -5, -2] - """ - length = len(collection) - if length <= 1: - return collection - else: - pivot = collection[0] - # Modify the list comprehensions to reduce the number of judgments, the speed has increased by more than 50%. - greater = [] - lesser = [] - for element in collection[1:]: - if element > pivot: - greater.append(element) - else: - lesser.append(element) - # greater = [element for element in collection[1:] if element > pivot] - # lesser = [element for element in collection[1:] if element <= pivot] - return quick_sort(lesser) + [pivot] + quick_sort(greater) - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(quick_sort(unsorted)) +""" +This is a pure python implementation of the quick sort algorithm + +For doctests run following command: +python -m doctest -v quick_sort.py +or +python3 -m doctest -v quick_sort.py + +For manual testing run: +python quick_sort.py +""" +from __future__ import print_function + + +def quick_sort(collection): + """Pure implementation of quick sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> quick_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> quick_sort([]) + [] + + >>> quick_sort([-2, -5, -45]) + [-45, -5, -2] + """ + length = len(collection) + if length <= 1: + return collection + else: + pivot = collection[0] + # Modify the list comprehensions to reduce the number of judgments, the speed has increased by more than 50%. + greater = [] + lesser = [] + for element in collection[1:]: + if element > pivot: + greater.append(element) + else: + lesser.append(element) + # greater = [element for element in collection[1:] if element > pivot] + # lesser = [element for element in collection[1:] if element <= pivot] + return quick_sort(lesser) + [pivot] + quick_sort(greater) + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(quick_sort(unsorted)) diff --git a/sorts/quick_sort_3_partition.py b/sorts/quick_sort_3_partition.py index 6207da1e7cd8..2ed5aa3a0a2e 100644 --- a/sorts/quick_sort_3_partition.py +++ b/sorts/quick_sort_3_partition.py @@ -1,33 +1,33 @@ -from __future__ import print_function - - -def quick_sort_3partition(sorting, left, right): - if right <= left: - return - a = i = left - b = right - pivot = sorting[left] - while i <= b: - if sorting[i] < pivot: - sorting[a], sorting[i] = sorting[i], sorting[a] - a += 1 - i += 1 - elif sorting[i] > pivot: - sorting[b], sorting[i] = sorting[i], sorting[b] - b -= 1 - else: - i += 1 - quick_sort_3partition(sorting, left, a - 1) - quick_sort_3partition(sorting, b + 1, right) - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - quick_sort_3partition(unsorted, 0, len(unsorted) - 1) - print(unsorted) +from __future__ import print_function + + +def quick_sort_3partition(sorting, left, right): + if right <= left: + return + a = i = left + b = right + pivot = sorting[left] + while i <= b: + if sorting[i] < pivot: + sorting[a], sorting[i] = sorting[i], sorting[a] + a += 1 + i += 1 + elif sorting[i] > pivot: + sorting[b], sorting[i] = sorting[i], sorting[b] + b -= 1 + else: + i += 1 + quick_sort_3partition(sorting, left, a - 1) + quick_sort_3partition(sorting, b + 1, right) + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + quick_sort_3partition(unsorted, 0, len(unsorted) - 1) + print(unsorted) diff --git a/sorts/radix_sort.py b/sorts/radix_sort.py index 2990247a0ac0..ec7ae687a957 100644 --- a/sorts/radix_sort.py +++ b/sorts/radix_sort.py @@ -1,26 +1,26 @@ -def radix_sort(lst): - RADIX = 10 - placement = 1 - - # get the maximum number - max_digit = max(lst) - - while placement < max_digit: - # declare and initialize buckets - buckets = [list() for _ in range(RADIX)] - - # split lst between lists - for i in lst: - tmp = int((i / placement) % RADIX) - buckets[tmp].append(i) - - # empty lists into lst array - a = 0 - for b in range(RADIX): - buck = buckets[b] - for i in buck: - lst[a] = i - a += 1 - - # move to next - placement *= RADIX +def radix_sort(lst): + RADIX = 10 + placement = 1 + + # get the maximum number + max_digit = max(lst) + + while placement < max_digit: + # declare and initialize buckets + buckets = [list() for _ in range(RADIX)] + + # split lst between lists + for i in lst: + tmp = int((i / placement) % RADIX) + buckets[tmp].append(i) + + # empty lists into lst array + a = 0 + for b in range(RADIX): + buck = buckets[b] + for i in buck: + lst[a] = i + a += 1 + + # move to next + placement *= RADIX diff --git a/sorts/random_normal_distribution_quicksort.py b/sorts/random_normal_distribution_quicksort.py index 432eed6b8d84..d05984ddd02a 100644 --- a/sorts/random_normal_distribution_quicksort.py +++ b/sorts/random_normal_distribution_quicksort.py @@ -1,60 +1,60 @@ -from __future__ import print_function - -from random import randint -from tempfile import TemporaryFile - -import numpy as np - - -def _inPlaceQuickSort(A, start, end): - count = 0 - if start < end: - pivot = randint(start, end) - temp = A[end] - A[end] = A[pivot] - A[pivot] = temp - - p, count = _inPlacePartition(A, start, end) - count += _inPlaceQuickSort(A, start, p - 1) - count += _inPlaceQuickSort(A, p + 1, end) - return count - - -def _inPlacePartition(A, start, end): - count = 0 - pivot = randint(start, end) - temp = A[end] - A[end] = A[pivot] - A[pivot] = temp - newPivotIndex = start - 1 - for index in range(start, end): - - count += 1 - if A[index] < A[end]: # check if current val is less than pivot value - newPivotIndex = newPivotIndex + 1 - temp = A[newPivotIndex] - A[newPivotIndex] = A[index] - A[index] = temp - - temp = A[newPivotIndex + 1] - A[newPivotIndex + 1] = A[end] - A[end] = temp - return newPivotIndex + 1, count - - -outfile = TemporaryFile() -p = 100 # 1000 elements are to be sorted - -mu, sigma = 0, 1 # mean and standard deviation -X = np.random.normal(mu, sigma, p) -np.save(outfile, X) -print('The array is') -print(X) - -outfile.seek(0) # using the same array -M = np.load(outfile) -r = (len(M) - 1) -z = _inPlaceQuickSort(M, 0, r) - -print("No of Comparisons for 100 elements selected from a standard normal distribution is :") -print(z) +from __future__ import print_function + +from random import randint +from tempfile import TemporaryFile + +import numpy as np + + +def _inPlaceQuickSort(A, start, end): + count = 0 + if start < end: + pivot = randint(start, end) + temp = A[end] + A[end] = A[pivot] + A[pivot] = temp + + p, count = _inPlacePartition(A, start, end) + count += _inPlaceQuickSort(A, start, p - 1) + count += _inPlaceQuickSort(A, p + 1, end) + return count + + +def _inPlacePartition(A, start, end): + count = 0 + pivot = randint(start, end) + temp = A[end] + A[end] = A[pivot] + A[pivot] = temp + newPivotIndex = start - 1 + for index in range(start, end): + + count += 1 + if A[index] < A[end]: # check if current val is less than pivot value + newPivotIndex = newPivotIndex + 1 + temp = A[newPivotIndex] + A[newPivotIndex] = A[index] + A[index] = temp + + temp = A[newPivotIndex + 1] + A[newPivotIndex + 1] = A[end] + A[end] = temp + return newPivotIndex + 1, count + + +outfile = TemporaryFile() +p = 100 # 1000 elements are to be sorted + +mu, sigma = 0, 1 # mean and standard deviation +X = np.random.normal(mu, sigma, p) +np.save(outfile, X) +print('The array is') +print(X) + +outfile.seek(0) # using the same array +M = np.load(outfile) +r = (len(M) - 1) +z = _inPlaceQuickSort(M, 0, r) + +print("No of Comparisons for 100 elements selected from a standard normal distribution is :") +print(z) diff --git a/sorts/selection_sort.py b/sorts/selection_sort.py index 21b2f752a9b4..235b069e3482 100644 --- a/sorts/selection_sort.py +++ b/sorts/selection_sort.py @@ -1,53 +1,53 @@ -""" -This is a pure python implementation of the selection sort algorithm - -For doctests run following command: -python -m doctest -v selection_sort.py -or -python3 -m doctest -v selection_sort.py - -For manual testing run: -python selection_sort.py -""" -from __future__ import print_function - - -def selection_sort(collection): - """Pure implementation of the selection sort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - - Examples: - >>> selection_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> selection_sort([]) - [] - - >>> selection_sort([-2, -5, -45]) - [-45, -5, -2] - """ - - length = len(collection) - for i in range(length - 1): - least = i - for k in range(i + 1, length): - if collection[k] < collection[least]: - least = k - collection[least], collection[i] = ( - collection[i], collection[least] - ) - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(selection_sort(unsorted)) +""" +This is a pure python implementation of the selection sort algorithm + +For doctests run following command: +python -m doctest -v selection_sort.py +or +python3 -m doctest -v selection_sort.py + +For manual testing run: +python selection_sort.py +""" +from __future__ import print_function + + +def selection_sort(collection): + """Pure implementation of the selection sort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + + Examples: + >>> selection_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> selection_sort([]) + [] + + >>> selection_sort([-2, -5, -45]) + [-45, -5, -2] + """ + + length = len(collection) + for i in range(length - 1): + least = i + for k in range(i + 1, length): + if collection[k] < collection[least]: + least = k + collection[least], collection[i] = ( + collection[i], collection[least] + ) + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(selection_sort(unsorted)) diff --git a/sorts/shell_sort.py b/sorts/shell_sort.py index 1a71a8905146..d9a807b24876 100644 --- a/sorts/shell_sort.py +++ b/sorts/shell_sort.py @@ -1,55 +1,55 @@ -""" -This is a pure python implementation of the shell sort algorithm - -For doctests run following command: -python -m doctest -v shell_sort.py -or -python3 -m doctest -v shell_sort.py - -For manual testing run: -python shell_sort.py -""" -from __future__ import print_function - - -def shell_sort(collection): - """Pure implementation of shell sort algorithm in Python - :param collection: Some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - >>> shell_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> shell_sort([]) - [] - - >>> shell_sort([-2, -5, -45]) - [-45, -5, -2] - """ - # Marcin Ciura's gap sequence - gaps = [701, 301, 132, 57, 23, 10, 4, 1] - - for gap in gaps: - i = gap - while i < len(collection): - temp = collection[i] - j = i - while j >= gap and collection[j - gap] > temp: - collection[j] = collection[j - gap] - j -= gap - collection[j] = temp - i += 1 - - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(shell_sort(unsorted)) +""" +This is a pure python implementation of the shell sort algorithm + +For doctests run following command: +python -m doctest -v shell_sort.py +or +python3 -m doctest -v shell_sort.py + +For manual testing run: +python shell_sort.py +""" +from __future__ import print_function + + +def shell_sort(collection): + """Pure implementation of shell sort algorithm in Python + :param collection: Some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + >>> shell_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> shell_sort([]) + [] + + >>> shell_sort([-2, -5, -45]) + [-45, -5, -2] + """ + # Marcin Ciura's gap sequence + gaps = [701, 301, 132, 57, 23, 10, 4, 1] + + for gap in gaps: + i = gap + while i < len(collection): + temp = collection[i] + j = i + while j >= gap and collection[j - gap] > temp: + collection[j] = collection[j - gap] + j -= gap + collection[j] = temp + i += 1 + + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(shell_sort(unsorted)) diff --git a/sorts/tests.py b/sorts/tests.py index 3f52105384ec..90e00bbf070e 100644 --- a/sorts/tests.py +++ b/sorts/tests.py @@ -1,72 +1,72 @@ -from bogo_sort import bogo_sort -from bubble_sort import bubble_sort -from bucket_sort import bucket_sort -from cocktail_shaker_sort import cocktail_shaker_sort -from comb_sort import comb_sort -from counting_sort import counting_sort -from cycle_sort import cycle_sort -from gnome_sort import gnome_sort -from heap_sort import heap_sort -from insertion_sort import insertion_sort -from merge_sort import merge_sort -from merge_sort_fastest import merge_sort as merge_sort_fastest -from pancake_sort import pancake_sort -from quick_sort import quick_sort -from quick_sort_3_partition import quick_sort_3partition -from radix_sort import radix_sort -from random_pivot_quick_sort import quick_sort_random -from selection_sort import selection_sort -from shell_sort import shell_sort -from tim_sort import tim_sort -from topological_sort import topological_sort -from tree_sort import tree_sort -from wiggle_sort import wiggle_sort - -TEST_CASES = [ - {'input': [8, 7, 6, 5, 4, 3, -2, -5], 'expected': [-5, -2, 3, 4, 5, 6, 7, 8]}, - {'input': [-5, -2, 3, 4, 5, 6, 7, 8], 'expected': [-5, -2, 3, 4, 5, 6, 7, 8]}, - {'input': [5, 6, 1, 4, 0, 1, -2, -5, 3, 7], 'expected': [-5, -2, 0, 1, 1, 3, 4, 5, 6, 7]}, - {'input': [2, -2], 'expected': [-2, 2]}, - {'input': [1], 'expected': [1]}, - {'input': [], 'expected': []}, -] - -''' - TODO: - - Fix some broken tests in particular cases (as [] for example), - - Unify the input format: should always be function(input_collection) (no additional args) - - Unify the output format: should always be a collection instead of updating input elements - and returning None - - Rewrite some algorithms in function format (in case there is no function definition) -''' - -TEST_FUNCTIONS = [ - bogo_sort, - bubble_sort, - bucket_sort, - cocktail_shaker_sort, - comb_sort, - counting_sort, - cycle_sort, - gnome_sort, - heap_sort, - insertion_sort, - merge_sort_fastest, - merge_sort, - pancake_sort, - quick_sort_3partition, - quick_sort, - radix_sort, - quick_sort_random, - selection_sort, - shell_sort, - tim_sort, - topological_sort, - tree_sort, - wiggle_sort, -] - -for function in TEST_FUNCTIONS: - for case in TEST_CASES: - result = function(case['input']) - assert result == case['expected'], 'Executed function: {}, {} != {}'.format(function.__name__, result, case['expected']) +from bogo_sort import bogo_sort +from bubble_sort import bubble_sort +from bucket_sort import bucket_sort +from cocktail_shaker_sort import cocktail_shaker_sort +from comb_sort import comb_sort +from counting_sort import counting_sort +from cycle_sort import cycle_sort +from gnome_sort import gnome_sort +from heap_sort import heap_sort +from insertion_sort import insertion_sort +from merge_sort import merge_sort +from merge_sort_fastest import merge_sort as merge_sort_fastest +from pancake_sort import pancake_sort +from quick_sort import quick_sort +from quick_sort_3_partition import quick_sort_3partition +from radix_sort import radix_sort +from random_pivot_quick_sort import quick_sort_random +from selection_sort import selection_sort +from shell_sort import shell_sort +from tim_sort import tim_sort +from topological_sort import topological_sort +from tree_sort import tree_sort +from wiggle_sort import wiggle_sort + +TEST_CASES = [ + {'input': [8, 7, 6, 5, 4, 3, -2, -5], 'expected': [-5, -2, 3, 4, 5, 6, 7, 8]}, + {'input': [-5, -2, 3, 4, 5, 6, 7, 8], 'expected': [-5, -2, 3, 4, 5, 6, 7, 8]}, + {'input': [5, 6, 1, 4, 0, 1, -2, -5, 3, 7], 'expected': [-5, -2, 0, 1, 1, 3, 4, 5, 6, 7]}, + {'input': [2, -2], 'expected': [-2, 2]}, + {'input': [1], 'expected': [1]}, + {'input': [], 'expected': []}, +] + +''' + TODO: + - Fix some broken tests in particular cases (as [] for example), + - Unify the input format: should always be function(input_collection) (no additional args) + - Unify the output format: should always be a collection instead of updating input elements + and returning None + - Rewrite some algorithms in function format (in case there is no function definition) +''' + +TEST_FUNCTIONS = [ + bogo_sort, + bubble_sort, + bucket_sort, + cocktail_shaker_sort, + comb_sort, + counting_sort, + cycle_sort, + gnome_sort, + heap_sort, + insertion_sort, + merge_sort_fastest, + merge_sort, + pancake_sort, + quick_sort_3partition, + quick_sort, + radix_sort, + quick_sort_random, + selection_sort, + shell_sort, + tim_sort, + topological_sort, + tree_sort, + wiggle_sort, +] + +for function in TEST_FUNCTIONS: + for case in TEST_CASES: + result = function(case['input']) + assert result == case['expected'], 'Executed function: {}, {} != {}'.format(function.__name__, result, case['expected']) diff --git a/sorts/tim_sort.py b/sorts/tim_sort.py index 536c8850ba5c..0e587b162594 100644 --- a/sorts/tim_sort.py +++ b/sorts/tim_sort.py @@ -1,84 +1,84 @@ -from __future__ import print_function - - -def binary_search(lst, item, start, end): - if start == end: - if lst[start] > item: - return start - else: - return start + 1 - if start > end: - return start - - mid = (start + end) // 2 - if lst[mid] < item: - return binary_search(lst, item, mid + 1, end) - elif lst[mid] > item: - return binary_search(lst, item, start, mid - 1) - else: - return mid - - -def insertion_sort(lst): - length = len(lst) - - for index in range(1, length): - value = lst[index] - pos = binary_search(lst, value, 0, index - 1) - lst = lst[:pos] + [value] + lst[pos:index] + lst[index + 1:] - - return lst - - -def merge(left, right): - if not left: - return right - - if not right: - return left - - if left[0] < right[0]: - return [left[0]] + merge(left[1:], right) - - return [right[0]] + merge(left, right[1:]) - - -def tim_sort(lst): - runs, sorted_runs = [], [] - length = len(lst) - new_run = [lst[0]] - sorted_array = [] - - for i in range(1, length): - if i == length - 1: - new_run.append(lst[i]) - runs.append(new_run) - break - - if lst[i] < lst[i - 1]: - if not new_run: - runs.append([lst[i - 1]]) - new_run.append(lst[i]) - else: - runs.append(new_run) - new_run = [] - else: - new_run.append(lst[i]) - - for run in runs: - sorted_runs.append(insertion_sort(run)) - - for run in sorted_runs: - sorted_array = merge(sorted_array, run) - - return sorted_array - - -def main(): - lst = [5, 9, 10, 3, -4, 5, 178, 92, 46, -18, 0, 7] - sorted_lst = tim_sort(lst) - print(sorted_lst) - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +def binary_search(lst, item, start, end): + if start == end: + if lst[start] > item: + return start + else: + return start + 1 + if start > end: + return start + + mid = (start + end) // 2 + if lst[mid] < item: + return binary_search(lst, item, mid + 1, end) + elif lst[mid] > item: + return binary_search(lst, item, start, mid - 1) + else: + return mid + + +def insertion_sort(lst): + length = len(lst) + + for index in range(1, length): + value = lst[index] + pos = binary_search(lst, value, 0, index - 1) + lst = lst[:pos] + [value] + lst[pos:index] + lst[index + 1:] + + return lst + + +def merge(left, right): + if not left: + return right + + if not right: + return left + + if left[0] < right[0]: + return [left[0]] + merge(left[1:], right) + + return [right[0]] + merge(left, right[1:]) + + +def tim_sort(lst): + runs, sorted_runs = [], [] + length = len(lst) + new_run = [lst[0]] + sorted_array = [] + + for i in range(1, length): + if i == length - 1: + new_run.append(lst[i]) + runs.append(new_run) + break + + if lst[i] < lst[i - 1]: + if not new_run: + runs.append([lst[i - 1]]) + new_run.append(lst[i]) + else: + runs.append(new_run) + new_run = [] + else: + new_run.append(lst[i]) + + for run in runs: + sorted_runs.append(insertion_sort(run)) + + for run in sorted_runs: + sorted_array = merge(sorted_array, run) + + return sorted_array + + +def main(): + lst = [5, 9, 10, 3, -4, 5, 178, 92, 46, -18, 0, 7] + sorted_lst = tim_sort(lst) + print(sorted_lst) + + +if __name__ == '__main__': + main() diff --git a/sorts/topological_sort.py b/sorts/topological_sort.py index b2ec3dc28a8d..08ff18311081 100644 --- a/sorts/topological_sort.py +++ b/sorts/topological_sort.py @@ -1,35 +1,35 @@ -from __future__ import print_function - -# a -# / \ -# b c -# / \ -# d e -edges = {'a': ['c', 'b'], 'b': ['d', 'e'], 'c': [], 'd': [], 'e': []} -vertices = ['a', 'b', 'c', 'd', 'e'] - - -def topological_sort(start, visited, sort): - """Perform topolical sort on a directed acyclic graph.""" - current = start - # add current to visited - visited.append(current) - neighbors = edges[current] - for neighbor in neighbors: - # if neighbor not in visited, visit - if neighbor not in visited: - sort = topological_sort(neighbor, visited, sort) - # if all neighbors visited add current to sort - sort.append(current) - # if all vertices haven't been visited select a new one to visit - if len(visited) != len(vertices): - for vertice in vertices: - if vertice not in visited: - sort = topological_sort(vertice, visited, sort) - # return sort - return sort - - -if __name__ == '__main__': - sort = topological_sort('a', [], []) - print(sort) +from __future__ import print_function + +# a +# / \ +# b c +# / \ +# d e +edges = {'a': ['c', 'b'], 'b': ['d', 'e'], 'c': [], 'd': [], 'e': []} +vertices = ['a', 'b', 'c', 'd', 'e'] + + +def topological_sort(start, visited, sort): + """Perform topolical sort on a directed acyclic graph.""" + current = start + # add current to visited + visited.append(current) + neighbors = edges[current] + for neighbor in neighbors: + # if neighbor not in visited, visit + if neighbor not in visited: + sort = topological_sort(neighbor, visited, sort) + # if all neighbors visited add current to sort + sort.append(current) + # if all vertices haven't been visited select a new one to visit + if len(visited) != len(vertices): + for vertice in vertices: + if vertice not in visited: + sort = topological_sort(vertice, visited, sort) + # return sort + return sort + + +if __name__ == '__main__': + sort = topological_sort('a', [], []) + print(sort) diff --git a/sorts/tree_sort.py b/sorts/tree_sort.py index 07f93e50251a..7176e960c864 100644 --- a/sorts/tree_sort.py +++ b/sorts/tree_sort.py @@ -1,49 +1,49 @@ -# Tree_sort algorithm -# Build a BST and in order traverse. - -class node(): - # BST data structure - def __init__(self, val): - self.val = val - self.left = None - self.right = None - - def insert(self, val): - if self.val: - if val < self.val: - if self.left is None: - self.left = node(val) - else: - self.left.insert(val) - elif val > self.val: - if self.right is None: - self.right = node(val) - else: - self.right.insert(val) - else: - self.val = val - - -def inorder(root, res): - # Recursive travesal - if root: - inorder(root.left, res) - res.append(root.val) - inorder(root.right, res) - - -def tree_sort(arr): - # Build BST - if len(arr) == 0: - return arr - root = node(arr[0]) - for i in range(1, len(arr)): - root.insert(arr[i]) - # Traverse BST in order. - res = [] - inorder(root, res) - return res - - -if __name__ == '__main__': - print(tree_sort([10, 1, 3, 2, 9, 14, 13])) +# Tree_sort algorithm +# Build a BST and in order traverse. + +class node(): + # BST data structure + def __init__(self, val): + self.val = val + self.left = None + self.right = None + + def insert(self, val): + if self.val: + if val < self.val: + if self.left is None: + self.left = node(val) + else: + self.left.insert(val) + elif val > self.val: + if self.right is None: + self.right = node(val) + else: + self.right.insert(val) + else: + self.val = val + + +def inorder(root, res): + # Recursive travesal + if root: + inorder(root.left, res) + res.append(root.val) + inorder(root.right, res) + + +def tree_sort(arr): + # Build BST + if len(arr) == 0: + return arr + root = node(arr[0]) + for i in range(1, len(arr)): + root.insert(arr[i]) + # Traverse BST in order. + res = [] + inorder(root, res) + return res + + +if __name__ == '__main__': + print(tree_sort([10, 1, 3, 2, 9, 14, 13])) diff --git a/sorts/wiggle_sort.py b/sorts/wiggle_sort.py index d8349382601e..cb6ca03f1b34 100644 --- a/sorts/wiggle_sort.py +++ b/sorts/wiggle_sort.py @@ -1,22 +1,22 @@ -""" -Given an unsorted array nums, reorder it such that nums[0] < nums[1] > nums[2] < nums[3].... -For example: -if input numbers = [3, 5, 2, 1, 6, 4] -one possible Wiggle Sorted answer is [3, 5, 1, 6, 2, 4]. -""" - - -def wiggle_sort(nums): - for i in range(len(nums)): - if (i % 2 == 1) == (nums[i - 1] > nums[i]): - nums[i - 1], nums[i] = nums[i], nums[i - 1] - - -if __name__ == '__main__': - print("Enter the array elements:\n") - array = list(map(int, input().split())) - print("The unsorted array is:\n") - print(array) - wiggle_sort(array) - print("Array after Wiggle sort:\n") - print(array) +""" +Given an unsorted array nums, reorder it such that nums[0] < nums[1] > nums[2] < nums[3].... +For example: +if input numbers = [3, 5, 2, 1, 6, 4] +one possible Wiggle Sorted answer is [3, 5, 1, 6, 2, 4]. +""" + + +def wiggle_sort(nums): + for i in range(len(nums)): + if (i % 2 == 1) == (nums[i - 1] > nums[i]): + nums[i - 1], nums[i] = nums[i], nums[i - 1] + + +if __name__ == '__main__': + print("Enter the array elements:\n") + array = list(map(int, input().split())) + print("The unsorted array is:\n") + print(array) + wiggle_sort(array) + print("Array after Wiggle sort:\n") + print(array) diff --git a/strings/knuth_morris_pratt.py b/strings/knuth_morris_pratt.py index 742479f89886..ef7707d9abff 100644 --- a/strings/knuth_morris_pratt.py +++ b/strings/knuth_morris_pratt.py @@ -1,80 +1,80 @@ -def kmp(pattern, text): - """ - The Knuth-Morris-Pratt Algorithm for finding a pattern within a piece of text - with complexity O(n + m) - - 1) Preprocess pattern to identify any suffixes that are identical to prefixes - - This tells us where to continue from if we get a mismatch between a character in our pattern - and the text. - - 2) Step through the text one character at a time and compare it to a character in the pattern - updating our location within the pattern if necessary - - """ - - # 1) Construct the failure array - failure = get_failure_array(pattern) - - # 2) Step through text searching for pattern - i, j = 0, 0 # index into text, pattern - while i < len(text): - if pattern[j] == text[i]: - if j == (len(pattern) - 1): - return True - j += 1 - - # if this is a prefix in our pattern - # just go back far enough to continue - elif j > 0: - j = failure[j - 1] - continue - i += 1 - return False - - -def get_failure_array(pattern): - """ - Calculates the new index we should go to if we fail a comparison - :param pattern: - :return: - """ - failure = [0] - i = 0 - j = 1 - while j < len(pattern): - if pattern[i] == pattern[j]: - i += 1 - elif i > 0: - i = failure[i - 1] - continue - j += 1 - failure.append(i) - return failure - - -if __name__ == '__main__': - # Test 1) - pattern = "abc1abc12" - text1 = "alskfjaldsabc1abc1abc12k23adsfabcabc" - text2 = "alskfjaldsk23adsfabcabc" - assert kmp(pattern, text1) and not kmp(pattern, text2) - - # Test 2) - pattern = "ABABX" - text = "ABABZABABYABABX" - assert kmp(pattern, text) - - # Test 3) - pattern = "AAAB" - text = "ABAAAAAB" - assert kmp(pattern, text) - - # Test 4) - pattern = "abcdabcy" - text = "abcxabcdabxabcdabcdabcy" - assert kmp(pattern, text) - - # Test 5) - pattern = "aabaabaaa" - assert get_failure_array(pattern) == [0, 1, 0, 1, 2, 3, 4, 5, 2] +def kmp(pattern, text): + """ + The Knuth-Morris-Pratt Algorithm for finding a pattern within a piece of text + with complexity O(n + m) + + 1) Preprocess pattern to identify any suffixes that are identical to prefixes + + This tells us where to continue from if we get a mismatch between a character in our pattern + and the text. + + 2) Step through the text one character at a time and compare it to a character in the pattern + updating our location within the pattern if necessary + + """ + + # 1) Construct the failure array + failure = get_failure_array(pattern) + + # 2) Step through text searching for pattern + i, j = 0, 0 # index into text, pattern + while i < len(text): + if pattern[j] == text[i]: + if j == (len(pattern) - 1): + return True + j += 1 + + # if this is a prefix in our pattern + # just go back far enough to continue + elif j > 0: + j = failure[j - 1] + continue + i += 1 + return False + + +def get_failure_array(pattern): + """ + Calculates the new index we should go to if we fail a comparison + :param pattern: + :return: + """ + failure = [0] + i = 0 + j = 1 + while j < len(pattern): + if pattern[i] == pattern[j]: + i += 1 + elif i > 0: + i = failure[i - 1] + continue + j += 1 + failure.append(i) + return failure + + +if __name__ == '__main__': + # Test 1) + pattern = "abc1abc12" + text1 = "alskfjaldsabc1abc1abc12k23adsfabcabc" + text2 = "alskfjaldsk23adsfabcabc" + assert kmp(pattern, text1) and not kmp(pattern, text2) + + # Test 2) + pattern = "ABABX" + text = "ABABZABABYABABX" + assert kmp(pattern, text) + + # Test 3) + pattern = "AAAB" + text = "ABAAAAAB" + assert kmp(pattern, text) + + # Test 4) + pattern = "abcdabcy" + text = "abcxabcdabxabcdabcdabcy" + assert kmp(pattern, text) + + # Test 5) + pattern = "aabaabaaa" + assert get_failure_array(pattern) == [0, 1, 0, 1, 2, 3, 4, 5, 2] diff --git a/strings/levenshtein_distance.py b/strings/levenshtein_distance.py index 326f1d701acb..650a6855ab09 100644 --- a/strings/levenshtein_distance.py +++ b/strings/levenshtein_distance.py @@ -1,77 +1,77 @@ -""" -This is a Python implementation of the levenshtein distance. -Levenshtein distance is a string metric for measuring the -difference between two sequences. - -For doctests run following command: -python -m doctest -v levenshtein-distance.py -or -python3 -m doctest -v levenshtein-distance.py - -For manual testing run: -python levenshtein-distance.py -""" - - -def levenshtein_distance(first_word, second_word): - """Implementation of the levenshtein distance in Python. - :param first_word: the first word to measure the difference. - :param second_word: the second word to measure the difference. - :return: the levenshtein distance between the two words. - Examples: - >>> levenshtein_distance("planet", "planetary") - 3 - >>> levenshtein_distance("", "test") - 4 - >>> levenshtein_distance("book", "back") - 2 - >>> levenshtein_distance("book", "book") - 0 - >>> levenshtein_distance("test", "") - 4 - >>> levenshtein_distance("", "") - 0 - >>> levenshtein_distance("orchestration", "container") - 10 - """ - # The longer word should come first - if len(first_word) < len(second_word): - return levenshtein_distance(second_word, first_word) - - if len(second_word) == 0: - return len(first_word) - - previous_row = range(len(second_word) + 1) - - for i, c1 in enumerate(first_word): - - current_row = [i + 1] - - for j, c2 in enumerate(second_word): - # Calculate insertions, deletions and substitutions - insertions = previous_row[j + 1] + 1 - deletions = current_row[j] + 1 - substitutions = previous_row[j] + (c1 != c2) - - # Get the minimum to append to the current row - current_row.append(min(insertions, deletions, substitutions)) - - # Store the previous row - previous_row = current_row - - # Returns the last element (distance) - return previous_row[-1] - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - first_word = raw_input('Enter the first word:\n').strip() - second_word = raw_input('Enter the second word:\n').strip() - - result = levenshtein_distance(first_word, second_word) - print('Levenshtein distance between {} and {} is {}'.format( - first_word, second_word, result)) +""" +This is a Python implementation of the levenshtein distance. +Levenshtein distance is a string metric for measuring the +difference between two sequences. + +For doctests run following command: +python -m doctest -v levenshtein-distance.py +or +python3 -m doctest -v levenshtein-distance.py + +For manual testing run: +python levenshtein-distance.py +""" + + +def levenshtein_distance(first_word, second_word): + """Implementation of the levenshtein distance in Python. + :param first_word: the first word to measure the difference. + :param second_word: the second word to measure the difference. + :return: the levenshtein distance between the two words. + Examples: + >>> levenshtein_distance("planet", "planetary") + 3 + >>> levenshtein_distance("", "test") + 4 + >>> levenshtein_distance("book", "back") + 2 + >>> levenshtein_distance("book", "book") + 0 + >>> levenshtein_distance("test", "") + 4 + >>> levenshtein_distance("", "") + 0 + >>> levenshtein_distance("orchestration", "container") + 10 + """ + # The longer word should come first + if len(first_word) < len(second_word): + return levenshtein_distance(second_word, first_word) + + if len(second_word) == 0: + return len(first_word) + + previous_row = range(len(second_word) + 1) + + for i, c1 in enumerate(first_word): + + current_row = [i + 1] + + for j, c2 in enumerate(second_word): + # Calculate insertions, deletions and substitutions + insertions = previous_row[j + 1] + 1 + deletions = current_row[j] + 1 + substitutions = previous_row[j] + (c1 != c2) + + # Get the minimum to append to the current row + current_row.append(min(insertions, deletions, substitutions)) + + # Store the previous row + previous_row = current_row + + # Returns the last element (distance) + return previous_row[-1] + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + first_word = raw_input('Enter the first word:\n').strip() + second_word = raw_input('Enter the second word:\n').strip() + + result = levenshtein_distance(first_word, second_word) + print('Levenshtein distance between {} and {} is {}'.format( + first_word, second_word, result)) diff --git a/strings/min_cost_string_conversion.py b/strings/min_cost_string_conversion.py index e994e8fa6841..8c23db40a5a7 100644 --- a/strings/min_cost_string_conversion.py +++ b/strings/min_cost_string_conversion.py @@ -1,125 +1,125 @@ -from __future__ import print_function - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - -''' -Algorithm for calculating the most cost-efficient sequence for converting one string into another. -The only allowed operations are ----Copy character with cost cC ----Replace character with cost cR ----Delete character with cost cD ----Insert character with cost cI -''' - - -def compute_transform_tables(X, Y, cC, cR, cD, cI): - X = list(X) - Y = list(Y) - m = len(X) - n = len(Y) - - costs = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] - ops = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] - - for i in xrange(1, m + 1): - costs[i][0] = i * cD - ops[i][0] = 'D%c' % X[i - 1] - - for i in xrange(1, n + 1): - costs[0][i] = i * cI - ops[0][i] = 'I%c' % Y[i - 1] - - for i in xrange(1, m + 1): - for j in xrange(1, n + 1): - if X[i - 1] == Y[j - 1]: - costs[i][j] = costs[i - 1][j - 1] + cC - ops[i][j] = 'C%c' % X[i - 1] - else: - costs[i][j] = costs[i - 1][j - 1] + cR - ops[i][j] = 'R%c' % X[i - 1] + str(Y[j - 1]) - - if costs[i - 1][j] + cD < costs[i][j]: - costs[i][j] = costs[i - 1][j] + cD - ops[i][j] = 'D%c' % X[i - 1] - - if costs[i][j - 1] + cI < costs[i][j]: - costs[i][j] = costs[i][j - 1] + cI - ops[i][j] = 'I%c' % Y[j - 1] - - return costs, ops - - -def assemble_transformation(ops, i, j): - if i == 0 and j == 0: - seq = [] - return seq - else: - if ops[i][j][0] == 'C' or ops[i][j][0] == 'R': - seq = assemble_transformation(ops, i - 1, j - 1) - seq.append(ops[i][j]) - return seq - elif ops[i][j][0] == 'D': - seq = assemble_transformation(ops, i - 1, j) - seq.append(ops[i][j]) - return seq - else: - seq = assemble_transformation(ops, i, j - 1) - seq.append(ops[i][j]) - return seq - - -if __name__ == '__main__': - _, operations = compute_transform_tables('Python', 'Algorithms', -1, 1, 2, 2) - - m = len(operations) - n = len(operations[0]) - sequence = assemble_transformation(operations, m - 1, n - 1) - - string = list('Python') - i = 0 - cost = 0 - - with open('min_cost.txt', 'w') as file: - for op in sequence: - print(''.join(string)) - - if op[0] == 'C': - file.write('%-16s' % 'Copy %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost -= 1 - elif op[0] == 'R': - string[i] = op[2] - - file.write('%-16s' % ('Replace %c' % op[1] + ' with ' + str(op[2]))) - file.write('\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 1 - elif op[0] == 'D': - string.pop(i) - - file.write('%-16s' % 'Delete %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 2 - else: - string.insert(i, op[1]) - - file.write('%-16s' % 'Insert %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 2 - - i += 1 - - print(''.join(string)) - print('Cost: ', cost) - - file.write('\r\nMinimum cost: ' + str(cost)) +from __future__ import print_function + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + +''' +Algorithm for calculating the most cost-efficient sequence for converting one string into another. +The only allowed operations are +---Copy character with cost cC +---Replace character with cost cR +---Delete character with cost cD +---Insert character with cost cI +''' + + +def compute_transform_tables(X, Y, cC, cR, cD, cI): + X = list(X) + Y = list(Y) + m = len(X) + n = len(Y) + + costs = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] + ops = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] + + for i in xrange(1, m + 1): + costs[i][0] = i * cD + ops[i][0] = 'D%c' % X[i - 1] + + for i in xrange(1, n + 1): + costs[0][i] = i * cI + ops[0][i] = 'I%c' % Y[i - 1] + + for i in xrange(1, m + 1): + for j in xrange(1, n + 1): + if X[i - 1] == Y[j - 1]: + costs[i][j] = costs[i - 1][j - 1] + cC + ops[i][j] = 'C%c' % X[i - 1] + else: + costs[i][j] = costs[i - 1][j - 1] + cR + ops[i][j] = 'R%c' % X[i - 1] + str(Y[j - 1]) + + if costs[i - 1][j] + cD < costs[i][j]: + costs[i][j] = costs[i - 1][j] + cD + ops[i][j] = 'D%c' % X[i - 1] + + if costs[i][j - 1] + cI < costs[i][j]: + costs[i][j] = costs[i][j - 1] + cI + ops[i][j] = 'I%c' % Y[j - 1] + + return costs, ops + + +def assemble_transformation(ops, i, j): + if i == 0 and j == 0: + seq = [] + return seq + else: + if ops[i][j][0] == 'C' or ops[i][j][0] == 'R': + seq = assemble_transformation(ops, i - 1, j - 1) + seq.append(ops[i][j]) + return seq + elif ops[i][j][0] == 'D': + seq = assemble_transformation(ops, i - 1, j) + seq.append(ops[i][j]) + return seq + else: + seq = assemble_transformation(ops, i, j - 1) + seq.append(ops[i][j]) + return seq + + +if __name__ == '__main__': + _, operations = compute_transform_tables('Python', 'Algorithms', -1, 1, 2, 2) + + m = len(operations) + n = len(operations[0]) + sequence = assemble_transformation(operations, m - 1, n - 1) + + string = list('Python') + i = 0 + cost = 0 + + with open('min_cost.txt', 'w') as file: + for op in sequence: + print(''.join(string)) + + if op[0] == 'C': + file.write('%-16s' % 'Copy %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost -= 1 + elif op[0] == 'R': + string[i] = op[2] + + file.write('%-16s' % ('Replace %c' % op[1] + ' with ' + str(op[2]))) + file.write('\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 1 + elif op[0] == 'D': + string.pop(i) + + file.write('%-16s' % 'Delete %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 2 + else: + string.insert(i, op[1]) + + file.write('%-16s' % 'Insert %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 2 + + i += 1 + + print(''.join(string)) + print('Cost: ', cost) + + file.write('\r\nMinimum cost: ' + str(cost)) diff --git a/strings/naive_String_Search.py b/strings/naive_String_Search.py index a8c2ea584399..424c739f265b 100644 --- a/strings/naive_String_Search.py +++ b/strings/naive_String_Search.py @@ -1,32 +1,32 @@ -""" -this algorithm tries to find the pattern from every position of -the mainString if pattern is found from position i it add it to -the answer and does the same for position i+1 - -Complexity : O(n*m) - n=length of main string - m=length of pattern string -""" - - -def naivePatternSearch(mainString, pattern): - patLen = len(pattern) - strLen = len(mainString) - position = [] - for i in range(strLen - patLen + 1): - match_found = True - for j in range(patLen): - if mainString[i + j] != pattern[j]: - match_found = False - break - if match_found: - position.append(i) - return position - - -mainString = "ABAAABCDBBABCDDEBCABC" -pattern = "ABC" -position = naivePatternSearch(mainString, pattern) -print("Pattern found in position ") -for x in position: - print(x) +""" +this algorithm tries to find the pattern from every position of +the mainString if pattern is found from position i it add it to +the answer and does the same for position i+1 + +Complexity : O(n*m) + n=length of main string + m=length of pattern string +""" + + +def naivePatternSearch(mainString, pattern): + patLen = len(pattern) + strLen = len(mainString) + position = [] + for i in range(strLen - patLen + 1): + match_found = True + for j in range(patLen): + if mainString[i + j] != pattern[j]: + match_found = False + break + if match_found: + position.append(i) + return position + + +mainString = "ABAAABCDBBABCDDEBCABC" +pattern = "ABC" +position = naivePatternSearch(mainString, pattern) +print("Pattern found in position ") +for x in position: + print(x) diff --git a/strings/rabin_karp.py b/strings/rabin_karp.py index 04a849266ead..89269c35b8b8 100644 --- a/strings/rabin_karp.py +++ b/strings/rabin_karp.py @@ -1,50 +1,50 @@ -def rabin_karp(pattern, text): - """ - - The Rabin-Karp Algorithm for finding a pattern within a piece of text - with complexity O(nm), most efficient when it is used with multiple patterns - as it is able to check if any of a set of patterns match a section of text in o(1) given the precomputed hashes. - - This will be the simple version which only assumes one pattern is being searched for but it's not hard to modify - - 1) Calculate pattern hash - - 2) Step through the text one character at a time passing a window with the same length as the pattern - calculating the hash of the text within the window compare it with the hash of the pattern. Only testing - equality if the hashes match - - """ - p_len = len(pattern) - p_hash = hash(pattern) - - for i in range(0, len(text) - (p_len - 1)): - - # written like this t - text_hash = hash(text[i:i + p_len]) - if text_hash == p_hash and \ - text[i:i + p_len] == pattern: - return True - return False - - -if __name__ == '__main__': - # Test 1) - pattern = "abc1abc12" - text1 = "alskfjaldsabc1abc1abc12k23adsfabcabc" - text2 = "alskfjaldsk23adsfabcabc" - assert rabin_karp(pattern, text1) and not rabin_karp(pattern, text2) - - # Test 2) - pattern = "ABABX" - text = "ABABZABABYABABX" - assert rabin_karp(pattern, text) - - # Test 3) - pattern = "AAAB" - text = "ABAAAAAB" - assert rabin_karp(pattern, text) - - # Test 4) - pattern = "abcdabcy" - text = "abcxabcdabxabcdabcdabcy" - assert rabin_karp(pattern, text) +def rabin_karp(pattern, text): + """ + + The Rabin-Karp Algorithm for finding a pattern within a piece of text + with complexity O(nm), most efficient when it is used with multiple patterns + as it is able to check if any of a set of patterns match a section of text in o(1) given the precomputed hashes. + + This will be the simple version which only assumes one pattern is being searched for but it's not hard to modify + + 1) Calculate pattern hash + + 2) Step through the text one character at a time passing a window with the same length as the pattern + calculating the hash of the text within the window compare it with the hash of the pattern. Only testing + equality if the hashes match + + """ + p_len = len(pattern) + p_hash = hash(pattern) + + for i in range(0, len(text) - (p_len - 1)): + + # written like this t + text_hash = hash(text[i:i + p_len]) + if text_hash == p_hash and \ + text[i:i + p_len] == pattern: + return True + return False + + +if __name__ == '__main__': + # Test 1) + pattern = "abc1abc12" + text1 = "alskfjaldsabc1abc1abc12k23adsfabcabc" + text2 = "alskfjaldsk23adsfabcabc" + assert rabin_karp(pattern, text1) and not rabin_karp(pattern, text2) + + # Test 2) + pattern = "ABABX" + text = "ABABZABABYABABX" + assert rabin_karp(pattern, text) + + # Test 3) + pattern = "AAAB" + text = "ABAAAAAB" + assert rabin_karp(pattern, text) + + # Test 4) + pattern = "abcdabcy" + text = "abcxabcdabxabcdabcdabcy" + assert rabin_karp(pattern, text) diff --git a/traversals/binary_tree_traversals.py b/traversals/binary_tree_traversals.py index 393664579146..c460a2a96e95 100644 --- a/traversals/binary_tree_traversals.py +++ b/traversals/binary_tree_traversals.py @@ -1,190 +1,190 @@ -""" -This is pure python implementation of tree traversal algorithms -""" -from __future__ import print_function - -import queue - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -class TreeNode: - def __init__(self, data): - self.data = data - self.right = None - self.left = None - - -def build_tree(): - print("\n********Press N to stop entering at any point of time********\n") - print("Enter the value of the root node: ", end="") - check = raw_input().strip().lower() - if check == 'n': - return None - data = int(check) - q = queue.Queue() - tree_node = TreeNode(data) - q.put(tree_node) - while not q.empty(): - node_found = q.get() - print("Enter the left node of %s: " % node_found.data, end="") - check = raw_input().strip().lower() - if check == 'n': - return tree_node - left_data = int(check) - left_node = TreeNode(left_data) - node_found.left = left_node - q.put(left_node) - print("Enter the right node of %s: " % node_found.data, end="") - check = raw_input().strip().lower() - if check == 'n': - return tree_node - right_data = int(check) - right_node = TreeNode(right_data) - node_found.right = right_node - q.put(right_node) - - -def pre_order(node): - if not isinstance(node, TreeNode) or not node: - return - print(node.data, end=" ") - pre_order(node.left) - pre_order(node.right) - - -def in_order(node): - if not isinstance(node, TreeNode) or not node: - return - in_order(node.left) - print(node.data, end=" ") - in_order(node.right) - - -def post_order(node): - if not isinstance(node, TreeNode) or not node: - return - post_order(node.left) - post_order(node.right) - print(node.data, end=" ") - - -def level_order(node): - if not isinstance(node, TreeNode) or not node: - return - q = queue.Queue() - q.put(node) - while not q.empty(): - node_dequeued = q.get() - print(node_dequeued.data, end=" ") - if node_dequeued.left: - q.put(node_dequeued.left) - if node_dequeued.right: - q.put(node_dequeued.right) - - -def level_order_actual(node): - if not isinstance(node, TreeNode) or not node: - return - q = queue.Queue() - q.put(node) - while not q.empty(): - list = [] - while not q.empty(): - node_dequeued = q.get() - print(node_dequeued.data, end=" ") - if node_dequeued.left: - list.append(node_dequeued.left) - if node_dequeued.right: - list.append(node_dequeued.right) - print() - for node in list: - q.put(node) - - -# iteration version -def pre_order_iter(node): - if not isinstance(node, TreeNode) or not node: - return - stack = [] - n = node - while n or stack: - while n: # start from root node, find its left child - print(n.data, end=" ") - stack.append(n) - n = n.left - # end of while means current node doesn't have left child - n = stack.pop() - # start to traverse its right child - n = n.right - - -def in_order_iter(node): - if not isinstance(node, TreeNode) or not node: - return - stack = [] - n = node - while n or stack: - while n: - stack.append(n) - n = n.left - n = stack.pop() - print(n.data, end=" ") - n = n.right - - -def post_order_iter(node): - if not isinstance(node, TreeNode) or not node: - return - stack1, stack2 = [], [] - n = node - stack1.append(n) - while stack1: # to find the reversed order of post order, store it in stack2 - n = stack1.pop() - if n.left: - stack1.append(n.left) - if n.right: - stack1.append(n.right) - stack2.append(n) - while stack2: # pop up from stack2 will be the post order - print(stack2.pop().data, end=" ") - - -if __name__ == '__main__': - print("\n********* Binary Tree Traversals ************\n") - - node = build_tree() - print("\n********* Pre Order Traversal ************") - pre_order(node) - print("\n******************************************\n") - - print("\n********* In Order Traversal ************") - in_order(node) - print("\n******************************************\n") - - print("\n********* Post Order Traversal ************") - post_order(node) - print("\n******************************************\n") - - print("\n********* Level Order Traversal ************") - level_order(node) - print("\n******************************************\n") - - print("\n********* Actual Level Order Traversal ************") - level_order_actual(node) - print("\n******************************************\n") - - print("\n********* Pre Order Traversal - Iteration Version ************") - pre_order_iter(node) - print("\n******************************************\n") - - print("\n********* In Order Traversal - Iteration Version ************") - in_order_iter(node) - print("\n******************************************\n") - - print("\n********* Post Order Traversal - Iteration Version ************") - post_order_iter(node) - print("\n******************************************\n") +""" +This is pure python implementation of tree traversal algorithms +""" +from __future__ import print_function + +import queue + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +class TreeNode: + def __init__(self, data): + self.data = data + self.right = None + self.left = None + + +def build_tree(): + print("\n********Press N to stop entering at any point of time********\n") + print("Enter the value of the root node: ", end="") + check = raw_input().strip().lower() + if check == 'n': + return None + data = int(check) + q = queue.Queue() + tree_node = TreeNode(data) + q.put(tree_node) + while not q.empty(): + node_found = q.get() + print("Enter the left node of %s: " % node_found.data, end="") + check = raw_input().strip().lower() + if check == 'n': + return tree_node + left_data = int(check) + left_node = TreeNode(left_data) + node_found.left = left_node + q.put(left_node) + print("Enter the right node of %s: " % node_found.data, end="") + check = raw_input().strip().lower() + if check == 'n': + return tree_node + right_data = int(check) + right_node = TreeNode(right_data) + node_found.right = right_node + q.put(right_node) + + +def pre_order(node): + if not isinstance(node, TreeNode) or not node: + return + print(node.data, end=" ") + pre_order(node.left) + pre_order(node.right) + + +def in_order(node): + if not isinstance(node, TreeNode) or not node: + return + in_order(node.left) + print(node.data, end=" ") + in_order(node.right) + + +def post_order(node): + if not isinstance(node, TreeNode) or not node: + return + post_order(node.left) + post_order(node.right) + print(node.data, end=" ") + + +def level_order(node): + if not isinstance(node, TreeNode) or not node: + return + q = queue.Queue() + q.put(node) + while not q.empty(): + node_dequeued = q.get() + print(node_dequeued.data, end=" ") + if node_dequeued.left: + q.put(node_dequeued.left) + if node_dequeued.right: + q.put(node_dequeued.right) + + +def level_order_actual(node): + if not isinstance(node, TreeNode) or not node: + return + q = queue.Queue() + q.put(node) + while not q.empty(): + list = [] + while not q.empty(): + node_dequeued = q.get() + print(node_dequeued.data, end=" ") + if node_dequeued.left: + list.append(node_dequeued.left) + if node_dequeued.right: + list.append(node_dequeued.right) + print() + for node in list: + q.put(node) + + +# iteration version +def pre_order_iter(node): + if not isinstance(node, TreeNode) or not node: + return + stack = [] + n = node + while n or stack: + while n: # start from root node, find its left child + print(n.data, end=" ") + stack.append(n) + n = n.left + # end of while means current node doesn't have left child + n = stack.pop() + # start to traverse its right child + n = n.right + + +def in_order_iter(node): + if not isinstance(node, TreeNode) or not node: + return + stack = [] + n = node + while n or stack: + while n: + stack.append(n) + n = n.left + n = stack.pop() + print(n.data, end=" ") + n = n.right + + +def post_order_iter(node): + if not isinstance(node, TreeNode) or not node: + return + stack1, stack2 = [], [] + n = node + stack1.append(n) + while stack1: # to find the reversed order of post order, store it in stack2 + n = stack1.pop() + if n.left: + stack1.append(n.left) + if n.right: + stack1.append(n.right) + stack2.append(n) + while stack2: # pop up from stack2 will be the post order + print(stack2.pop().data, end=" ") + + +if __name__ == '__main__': + print("\n********* Binary Tree Traversals ************\n") + + node = build_tree() + print("\n********* Pre Order Traversal ************") + pre_order(node) + print("\n******************************************\n") + + print("\n********* In Order Traversal ************") + in_order(node) + print("\n******************************************\n") + + print("\n********* Post Order Traversal ************") + post_order(node) + print("\n******************************************\n") + + print("\n********* Level Order Traversal ************") + level_order(node) + print("\n******************************************\n") + + print("\n********* Actual Level Order Traversal ************") + level_order_actual(node) + print("\n******************************************\n") + + print("\n********* Pre Order Traversal - Iteration Version ************") + pre_order_iter(node) + print("\n******************************************\n") + + print("\n********* In Order Traversal - Iteration Version ************") + in_order_iter(node) + print("\n******************************************\n") + + print("\n********* Post Order Traversal - Iteration Version ************") + post_order_iter(node) + print("\n******************************************\n") From 413947e9573cbae29c4fd8fe1a52f97c2b3950ed Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?=E6=9B=B9=E7=B9=81?= Date: Sat, 22 Jun 2019 21:48:19 +0800 Subject: [PATCH 03/29] add DIG and PDF function --- binary_tree/DIG.py | 82 + binary_tree/PDF.csv | 65534 ++++++++++++++++++++++++++++++++++++++++++ binary_tree/PDF.py | 130 + 3 files changed, 65746 insertions(+) create mode 100644 binary_tree/DIG.py create mode 100644 binary_tree/PDF.csv create mode 100644 binary_tree/PDF.py diff --git a/binary_tree/DIG.py b/binary_tree/DIG.py new file mode 100644 index 000000000000..32cf02e1e222 --- /dev/null +++ b/binary_tree/DIG.py @@ -0,0 +1,82 @@ +def begin(): + print("装饰开始:瓜子板凳备好,坐等[生成]") + + +def end(): + print("装饰结束:瓜子嗑完了,板凳坐歪了,撤!") + + +def wrapper_counter_generator(func): + # 接受func的所有参数 + def wrapper(*args, **kwargs): + # 处理前 + begin() + # 执行处理 + result = func(*args, **kwargs) + # 处理后 + end() + # 返回处理结果 + return result + # 返回装饰的函数对象 + return wrapper + + +class DIGCounter: + """ + 装饰器-迭代器-生成器,一体化打包回家 + """ + + def __init__(self, start, end): + self.start = start + self.end = end + + def __iter__(self): + """ + 迭代获取的当前元素 + :rtype: object + """ + return self + + def __next__(self): + """ + 迭代获取的当前元素的下一个元素 + :rtype: object + :exception StopIteration + """ + if self.start > self.end: + raise StopIteration + current = self.start + self.start += 1 + return current + + @wrapper_counter_generator + def counter_generator(self): + """ + 获取生成器 + :rtype: generator + """ + while self.start <= self.end: + yield self.start + self.start += 1 + + +def main(): + """ + 迭代器/生成器(iterator)是不可重复遍历的, + 而可迭代对象(iterable)是可以重复遍历的, + iter()内置方法只会返回不可重复遍历的迭代器 + """ + + k_list = list(DIGCounter(1, 19)) + even_list = [e for e in k_list if not e % 2 == 0] + odd_list = [e for e in k_list if e % 2 == 0] + print(even_list) + print(odd_list) + + g_list = DIGCounter(1, 19).counter_generator() + five_list = [e for e in g_list if e % 5 == 0] + print(five_list) + + +if __name__ == '__main__': + main() diff --git a/binary_tree/PDF.csv b/binary_tree/PDF.csv new file mode 100644 index 000000000000..14f625c19b59 --- /dev/null +++ b/binary_tree/PDF.csv @@ -0,0 +1,65534 @@ +129 +129 +128 +127 +126 +126 +126 +126 +125 +125 +125 +125 +125 +125 +125 +125 +125 +125 +125 +125 +125 +124 +124 +124 +124 +124 +124 +124 +124 +123 +123 +123 +123 +123 +123 +123 +123 +123 +123 +123 +123 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +90 +90 +90 +90 +90 +90 +90 +90 +90 +90 +90 +89 +89 +89 +89 +89 +89 +89 +89 +89 +88 +88 +88 +88 +88 +88 +88 +87 +87 +87 +87 +87 +87 +86 +86 +86 +86 +86 +86 +86 +85 +85 +85 +85 +84 +84 +84 +83 +82 +82 +82 +82 +82 +81 +79 +79 +79 +78 +78 +77 +75 +74 +73 +73 +68 +67 +56 +50 +47 +39 +32 +30 +22 + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/binary_tree/PDF.py b/binary_tree/PDF.py new file mode 100644 index 000000000000..3e5c057461b9 --- /dev/null +++ b/binary_tree/PDF.py @@ -0,0 +1,130 @@ +# -*- coding: utf-8 -*- +import os +import pandas as pd +import math +import numpy as np +import matplotlib.pyplot as plt + + +def load_data(): + """ + 读取数据文件,推荐CSV格式 + :return: + """ + work_main_dir = os.path.dirname(__file__) + os.path.sep + file_path = work_main_dir + "PDF.csv" + return pd.read_csv(file_path) + + +def calculate_statistical_indicators(data, delta): + """ + 对数据序列计算:最大值/最小值/平均值/标准差,以及根据组距计算分组坐标 + :param data: 原始数据列 + :param delta: 分组区间长度 + :return: [最大值, 最小值, 平均值, 标准差, 分组间距, 分组数, 分组序号, 分组坐标点, 分组区间, 分组频次] + : 0 1 2 3 4 5 6 7 8 9 + """ + def dataframe_tolist(dataframe_data): + return sum(np.array(dataframe_data).tolist(), []) + + # 统计指标数据 + statistical_indicators = [float(data.max()), float(data.min()), float(data.mean()), float(data.std())] + # 数据转换 + datavalue = dataframe_tolist(data) + # 分组数 + split_group = math.ceil((statistical_indicators[0] - statistical_indicators[1]) / delta) + 1 + # 分组自然编号序列 + group_nos = list(np.arange(1, split_group + 1, 1)) + # 分组坐标节点序列 + group_coordinates = list(statistical_indicators[1] + (np.array(group_nos) - 1) * delta) + # 分组坐标区间序列 + group_sections = [] + # 统计分组坐标区间频次, 统计标准左开右闭:(,] + group_frequencies = {} + for i in group_nos: + i -= 1 + if i == 0: + group_sections.append([0, group_coordinates[i]]) + else: + group_sections.append([group_coordinates[i - 1], group_coordinates[i]]) + + start = group_sections[i][0] + end = group_sections[i][1] + count = 0 + for value in datavalue: + if start < value <= end: + count += 1 + group_frequencies.update({i: count}) + statistical_indicators.append(delta) + statistical_indicators.append(split_group) + statistical_indicators.append(group_nos) + statistical_indicators.append(group_coordinates) + statistical_indicators.append(group_sections) + statistical_indicators.append(group_frequencies) + statistical_indicators.append(datavalue) + + return statistical_indicators + + +def normal_distribution_pdf(x, mu, sigma): + """ + 正态分布概率密度函数 + Normal distribution probability density function + :return: + """ + if sigma == 0: + return 0 + return np.exp(-((x-mu)**2 / (2 * sigma**2))) / (sigma * np.sqrt(2*np.pi)) + + +def calculate_points(mu, sigma): + point = [] + i = mu - 3 * sigma + while mu - 3 * sigma <= i <= mu + 3 * sigma: + point.append(i) + i += sigma + x = np.array(point) + y = normal_distribution_pdf(x, mu, sigma) + return [x, y] + + +def plot_pdf(statistical_indicators): + plt.figure("NormalDistribution-PDF") + # plt.grid() + plt.xlabel("Student-Score") + plt.ylabel("Probability-Value") + plt.title("Figure-1.1") + plt.xlim(0.00, 140.00) + plt.ylim(0.00, 0.055) + + data = statistical_indicators[len(statistical_indicators) - 1] + plt.hist(data, bins=23, rwidth=5, density=True, color='yellow') + + mu, sigma = statistical_indicators[2], statistical_indicators[3] + coordinates = statistical_indicators[7] + # 增加0值起始点 + coordinates.insert(0, 0) + x = np.array(coordinates) + y = normal_distribution_pdf(x, mu, sigma) + plt.plot(x, y, color='red', linewidth=2) + + points = calculate_points(mu, sigma) + plt.scatter(points[0], points[1], marker='<', s=30, c='green') + # 绘制垂线plt.vlines + for x_i in points[0]: + plt.vlines(x_i, plt.ylim()[0], plt.ylim()[1], linestyles=':', linewidth=1) + + # 绘制水平线plt.hlines + # plt.hlines(0.025, plt.xlim()[0], plt.xlim()[1], linestyles=':', linewidth=1) + plt.show() + + +def main(): + data = load_data() + delta = 1 + statistical_indicators = calculate_statistical_indicators(data, delta) + plot_pdf(statistical_indicators) + + +if __name__ == '__main__': + main() From 49e4cdbe86135efabaf833ac16ddd0aec02b9dc2 Mon Sep 17 00:00:00 2001 From: caofanCPU Date: Thu, 9 Apr 2020 10:17:23 +0800 Subject: [PATCH 04/29] httpie + shell auto script --- auto/ID.csv | 1 + auto/backup.txt | 13 + auto/batchHandler.py | 128 + auto/cookie.txt | 1 + auto/excuteUrl.json | 11 + auto/school.csv | 16332 ++++++++++++++++ auto/ssoLogin.json | 14 + binary_tree/PDF.py | 9 +- ju_dan/main.py | 111 + work-temp/ReadExcel.py | 27 + ...\347\224\237\345\210\227\350\241\250.xlsx" | Bin 0 -> 21913 bytes 11 files changed, 16645 insertions(+), 2 deletions(-) create mode 100644 auto/ID.csv create mode 100644 auto/backup.txt create mode 100644 auto/batchHandler.py create mode 100644 auto/cookie.txt create mode 100644 auto/excuteUrl.json create mode 100644 auto/school.csv create mode 100644 auto/ssoLogin.json create mode 100644 ju_dan/main.py create mode 100644 work-temp/ReadExcel.py create mode 100644 "work-temp/\346\277\200\346\264\273\345\255\246\347\224\237\345\210\227\350\241\250.xlsx" diff --git a/auto/ID.csv b/auto/ID.csv new file mode 100644 index 000000000000..a57bb9814a9b --- /dev/null +++ b/auto/ID.csv @@ -0,0 +1 @@ +9290 \ No newline at end of file diff --git a/auto/backup.txt b/auto/backup.txt new file mode 100644 index 000000000000..1baf77a31bbf --- /dev/null +++ b/auto/backup.txt @@ -0,0 +1,13 @@ +- 创建分类(/api/v100/live/employee/upload/dibblingVideo/addCategory) +"name=默认分类", +"schoolId=NONE" + +- 登录 +"phone=18999999999", +"smsAuthCode=123456", +"loginType:=0", +"pwd=ht123456.", + + +- 删除分类(/api/v100/live/employee/upload/dibblingVideo/deleteCategory) +"categoryId=NONE" \ No newline at end of file diff --git a/auto/batchHandler.py b/auto/batchHandler.py new file mode 100644 index 000000000000..b735576e697f --- /dev/null +++ b/auto/batchHandler.py @@ -0,0 +1,128 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +import json +import ssl +import sys +import subprocess +import time +import pandas as pd + +import requests + +# 屏蔽HTTPS证书校验, 忽略安全警告 +requests.packages.urllib3.disable_warnings() +context = ssl._create_unverified_context() +joiner = ' ' +id_key = 'NONE' +# 登陆一次后是否服复用cookie +hot_reload = True +cmd = "http" +no_ca = "--verify=no" +httpie_allow_view = { + "-v": "显示请求详细信息", + "-h": "显示请求头", + "-b": "显示请求Body", + "-d": "下载文件", + "": "默认" +} +httpie_view = None +try: + if len(sys.argv) > 1: + if httpie_allow_view.get(sys.argv[1]) is not None: + httpie_view = sys.argv[1] + else: + print("输入参数有误, 仅支持如下参数: -v显示请求详细信息|-h显示请求头|-b显示请求Body|-d下载文件") +except Exception as e: + print(e) + + +def httpie_cmd(id): + """ + 执行excuteUrl.json接口 + :param id + :return: + """ + with open("./excuteUrl.json", 'r') as request_data: + request_json = json.load(request_data) + url = request_json['url'] + method = request_json['method'] + request_headers = load_request_headers(request_json['headers'], hot_reload) + headers = joiner.join(request_headers) + body = joiner.join(request_json['body']) + body = body.replace(id_key, str(id)) + httpie_params = [cmd, no_ca] + if httpie_view is not None: + httpie_params.append(httpie_view) + httpie_params.extend([method, url, headers, body]) + httpie = joiner.join(httpie_params) + print(httpie) + print("当前ID: ", id) + # 延时执行 + time.sleep(0.05) + subprocess.call(httpie, shell=True) + + +def load_request_headers(headers, hot_reload): + """ + 加载请求header + :param headers: + :param hot_reload: 是否热加载, 复用已有Cookie + :return: + """ + if hot_reload: + with open("./cookie.txt", "r") as f: + cookie = ''.join(f.readlines()) + else: + cookie = auto_login() + headers.append(cookie) + return headers + + +def load_data(): + """ + 读取数据文件, 每行为一条数据 + :return: + """ + data = pd.read_csv("./ID.csv", header=-1) + data.columns = ['id'] + return data['id'] + + +def auto_login(): + """ + 自动登录, 获取登录Cookie, 写入文件, 在控制台打印 + """ + with open("./ssoLogin.json", 'r') as sso_login_request_data: + request_json = json.load(sso_login_request_data) + url = request_json['url'] + method = request_json['method'] + request_headers = {} + for item in request_json['headers']: + split = item.replace('=', '').split(':') + request_headers[split[0]] = split[1] + request_body = {} + for item in request_json['body']: + split = item.replace(':', '').split('=') + request_body[split[0]] = split[1] + + request_headers = {"Content-Type": "application/json", "HT-app": "6"} + response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) + response_headers = response.headers + cookie = "'Cookie:" + response_headers.get("set-Cookie") + "'" + with open("./cookie.txt", "w") as f: + f.write(cookie) + # JSON标准格式 + response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) + print(response_body) + return cookie + + +def main(): + # 首先登陆一次 + auto_login() + for id in load_data(): + httpie_cmd(id) + + +if __name__ == '__main__': + main() diff --git a/auto/cookie.txt b/auto/cookie.txt new file mode 100644 index 000000000000..bbc3ab905c03 --- /dev/null +++ b/auto/cookie.txt @@ -0,0 +1 @@ +'Cookie:_r=ihJwwY0cYz49sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR2ggATr7qhOvPeiiuQ5ZE9t|32ziSuOPkzw=; Max-Age=2592000; Expires=Fri, 08-May-2020 10:04:29 GMT; Domain=testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR2ggATr7qhOvCgr4ayK7PjY55U6X+1Po30u3aMceLb+8kFgGfrroYoW|6tzip/GZSQY=; Max-Age=7200; Expires=Wed, 08-Apr-2020 12:04:29 GMT; Domain=emp.testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR2ggATr7qhOvCgr4ayK7PjY55U6X+1Po30u3aMceLb+8kFgGfrroYoW|6tzip/GZSQY=; Max-Age=7200; Expires=Wed, 08-Apr-2020 12:04:29 GMT; Domain=emp2.testa.huitong.com; Path=/; HttpOnly' \ No newline at end of file diff --git a/auto/excuteUrl.json b/auto/excuteUrl.json new file mode 100644 index 000000000000..885fe68f5332 --- /dev/null +++ b/auto/excuteUrl.json @@ -0,0 +1,11 @@ +{ + "url": "https://live.testa.huitong.com/api/v100/live/employee/upload/dibblingVideo/deleteCategory", + "method": "POST", + "headers" : [ + "Content-Type:application/json", + "HT-app:6" + ], + "body": [ + "categoryId=NONE" + ] +} diff --git a/auto/school.csv b/auto/school.csv new file mode 100644 index 000000000000..9fd282c500d4 --- /dev/null +++ b/auto/school.csv @@ -0,0 +1,16332 @@ +10006687 +10006688 +10006689 +10006690 +10006691 +10006692 +10006693 +10006694 +10006695 +10006696 +10006697 +10006698 +10006699 +10006700 +10006701 +10006702 +10006703 +10006704 +10006705 +10006706 +10006707 +10006708 +10006709 +10006710 +10006711 +10006712 +10006713 +10006714 +10006715 +10006716 +10006717 +10006718 +10006719 +10006720 +10006721 +10006722 +10006723 +10006724 +10006725 +10006726 +10006727 +10006728 +10006729 +10006730 +10006731 +10006732 +10006733 +10006734 +10006735 +10006736 +10006737 +10006738 +10006739 +10006740 +10006741 +10006742 +10006743 +10006744 +10006745 +10006746 +10006747 +10006748 +10006749 +10006750 +10006751 +10006752 +10006753 +10006754 +10006755 +10006756 +10006757 +10006758 +10006759 +10006760 +10006761 +10006762 +10006763 +10006764 +10006765 +10006766 +10006767 +10006768 +10006769 +10006770 +10006771 +10006772 +10006773 +10006774 +10006775 +10006776 +10006777 +10006778 +10006779 +10006780 +10006781 +10006782 +10006783 +10006784 +10006785 +10006786 +10006787 +10006788 +10006789 +10006790 +10006791 +10006792 +10006793 +10006794 +10006795 +10006796 +10006797 +10006798 +10006799 +10006800 +10006801 +10006802 +10006803 +10006804 +10006805 +10006806 +10006807 +10006808 +10006809 +10006810 +10006811 +10006812 +10006813 +10006814 +10006815 +10006816 +10006817 +10006818 +10006819 +10006820 +10006821 +10006822 +10006823 +10006824 +10006825 +10006826 +10006827 +10006828 +10006829 +10006830 +10006831 +10006832 +10006833 +10006834 +10006835 +10006836 +10006837 +10006838 +10006839 +10006840 +10006841 +10006842 +10006843 +10006844 +10006845 +10006846 +10006847 +10006848 +10006849 +10006850 +10006851 +10006852 +10006853 +10006854 +10006855 +10006856 +10006858 +10006859 +10006860 +10006861 +10006862 +10006863 +10006864 +10006865 +10006866 +10006867 +10006868 +10006869 +10006870 +10006871 +10006872 +10006873 +10006874 +10006875 +10006876 +10006877 +10006878 +10006879 +10006880 +10006881 +10006882 +10006883 +10006884 +10006885 +10006886 +10006887 +10006888 +10006889 +10006890 +10006891 +10006892 +10006893 +10006894 +10006895 +10006896 +10006897 +10006898 +10006899 +10006900 +10006901 +10006902 +10006903 +10006904 +10006905 +10006906 +10006907 +10006908 +10006909 +10006910 +10006911 +10006912 +10006913 +10006914 +10006915 +10006916 +10006917 +10006918 +10006919 +10006920 +10006921 +10006922 +10006923 +10006924 +10006925 +10006926 +10006927 +10006928 +10006929 +10006930 +10006931 +10006932 +10006933 +10006934 +10006935 +10006936 +10006937 +10006938 +10006939 +10006940 +10006941 +10006942 +10006943 +10006944 +10006945 +10006946 +10006947 +10006948 +10006949 +10006950 +10006951 +10006952 +10006953 +10006954 +10015062 +10015063 +10015064 +10015065 +10015066 +10015067 +10015068 +10015069 +10015070 +10015071 +10015072 +10015073 +10015074 +10015075 +10015076 +10015077 +10015078 +10015079 +10015080 +10015081 +10015082 +10015083 +10015084 +10015085 +10015086 +10015087 +10015088 +10015089 +10015090 +10015091 +10015092 +10015093 +10015094 +10015095 +10015096 +10015097 +10015098 +10015099 +10015100 +10015101 +10015102 +10015103 +10015104 +10015105 +10015106 +10015107 +10015108 +10015109 +10015110 +10015111 +10015112 +10015113 +10015114 +10015115 +10015116 +10015117 +10015118 +10015119 +10015120 +10015121 +10015122 +10015123 +10015124 +10015125 +10015126 +10015127 +10015128 +10015129 +10015130 +10015131 +10015132 +10015133 +10015134 +10015135 +10015136 +10015137 +10015138 +10015139 +10015140 +10015141 +10015142 +10015143 +10015144 +10015145 +10015146 +10015147 +10015148 +10015149 +10015150 +10015151 +10015152 +10015153 +10015154 +10015155 +10015156 +10015157 +10015158 +10015159 +10015160 +10015161 +10015162 +10015163 +10015164 +10015165 +10015166 +10015167 +10015168 +10015169 +10015170 +10015171 +10015172 +10015173 +10015174 +10015175 +10015176 +10015177 +10015178 +10015179 +10015180 +10015181 +10015182 +10015183 +10015184 +10015185 +10015186 +10015187 +10015188 +10015189 +10015190 +10015191 +10015192 +10015193 +10015194 +10015195 +10015196 +10015197 +10015198 +10015199 +10015200 +10015201 +10015202 +10015203 +10015204 +10015205 +10015206 +10015207 +10015208 +10015209 +10015210 +10015211 +10015212 +10015213 +10015214 +10015215 +10015216 +10015217 +10015218 +10015219 +10015220 +10015221 +10015222 +10015223 +10015224 +10015225 +10015226 +10015227 +10015228 +10015229 +10015230 +10015231 +10015232 +10015233 +10015234 +10015235 +10015236 +10015237 +10015238 +10015239 +10015240 +10015241 +10015242 +10015243 +10015244 +10015245 +10015246 +10015247 +10015248 +10015249 +10015250 +10015251 +10015252 +10015253 +10015254 +10015255 +10015256 +10015257 +10015258 +10015259 +10015260 +10015261 +10015262 +10015263 +10015264 +10015265 +10015266 +10015267 +10015268 +10015269 +10015270 +10015271 +10015272 +10015273 +10015274 +10015275 +10015276 +10015277 +10015278 +10015279 +10015280 +10015281 +10015282 +10015283 +10015284 +10015285 +10015286 +10015287 +10015288 +10015289 +10015290 +10015291 +10015292 +10015293 +10015294 +10015295 +10015296 +10015297 +10015298 +10015299 +10015300 +10015301 +10015302 +10015303 +10015304 +10015305 +10015306 +10015307 +10015308 +10015309 +10015310 +10015311 +10015312 +10015313 +10015314 +10015315 +10015316 +10015317 +10015318 +10015319 +10015320 +10015321 +10015322 +10015323 +10015324 +10015325 +10015326 +10015327 +10015328 +10015329 +10015330 +10015331 +10015332 +10015333 +10015334 +10015335 +10015336 +10015337 +10015338 +10015339 +10015340 +10015341 +10015342 +10015343 +10015344 +10015345 +10015346 +10015347 +10015348 +10015349 +10015350 +10015351 +10015352 +10015353 +10015354 +10015355 +10015356 +10015357 +10015358 +10015359 +10015360 +10015361 +10015362 +10015363 +10015364 +10015365 +10015366 +10015367 +10015368 +10015369 +10015370 +10015371 +10015372 +10015373 +10015374 +10015375 +10015376 +10015377 +10015378 +10015379 +10015380 +10015381 +10015382 +10015383 +10015384 +10015385 +10015386 +10015387 +10015388 +10015389 +10015390 +10015391 +10015392 +10015393 +10015394 +10015395 +10015396 +10015397 +10015398 +10015399 +10015400 +10015401 +10015402 +10015403 +10015404 +10015405 +10015406 +10015407 +10015408 +10015409 +10015410 +10015411 +10015412 +10015413 +10015414 +10015415 +10015416 +10015417 +10015418 +10015419 +10015420 +10015421 +10015422 +10015423 +10015424 +10015425 +10015426 +10015427 +10015428 +10015429 +10015430 +10015431 +10015432 +10015433 +10015434 +10015435 +10015436 +10015437 +10015438 +10015439 +10015440 +10015441 +10015442 +10015443 +10015444 +10015445 +10015446 +10015447 +10015448 +10015449 +10015450 +10015451 +10015452 +10015453 +10015454 +10015455 +10015456 +10015457 +10015458 +10015459 +10015461 +10015462 +10015463 +10015464 +10015465 +10015466 +10015467 +10015468 +10015469 +10015470 +10015471 +10015472 +10015473 +10015474 +10015475 +10015476 +10015477 +10015478 +10015479 +10015480 +10015481 +10015482 +10015483 +10015484 +10015485 +10015486 +10015487 +10015488 +10015489 +10015490 +10015491 +10015492 +10015493 +10015494 +10015495 +10015496 +10015497 +10015498 +10015499 +10015500 +10015501 +10015502 +10015503 +10015504 +10015505 +10015506 +10015507 +10015508 +10015509 +10015510 +10015511 +10015512 +10015513 +10015514 +10015515 +10015516 +10015517 +10015518 +10015519 +10015520 +10015521 +10015522 +10015523 +10015524 +10015525 +10015526 +10015527 +10015528 +10015529 +10015530 +10015531 +10015532 +10015533 +10015534 +10015535 +10015536 +10015537 +10015538 +10015539 +10015540 +10015541 +10015542 +10015543 +10015544 +10015545 +10015546 +10015547 +10015548 +10015549 +10015550 +10015551 +10015552 +10015553 +10015554 +10015555 +10015556 +10015557 +10015558 +10015559 +10015560 +10015561 +10015562 +10015563 +10015564 +10015565 +10015566 +10015567 +10015568 +10015569 +10015570 +10015571 +10015572 +10015573 +10015574 +10015575 +10015576 +10015577 +10015578 +10015579 +10015580 +10015581 +10015582 +10015583 +10015584 +10015585 +10015586 +10015587 +10015588 +10015589 +10015590 +10015591 +10015592 +10015593 +10015594 +10015595 +10015596 +10015597 +10015598 +10015599 +10015600 +10015601 +10015602 +10015603 +10015604 +10015605 +10015606 +10015607 +10015608 +10015609 +10015610 +10015611 +10015612 +10015613 +10015614 +10015615 +10015616 +10015617 +10015618 +10015619 +10015620 +10015621 +10015622 +10015623 +10015624 +10015625 +10015626 +10015627 +10015628 +10015629 +10015630 +10015631 +10015632 +10015633 +10015634 +10015635 +10015636 +10015637 +10015638 +10015639 +10015640 +10015641 +10015642 +10015643 +10015644 +10015645 +10015646 +10015647 +10015648 +10015649 +10015650 +10015651 +10015652 +10015653 +10015654 +10015655 +10015656 +10015657 +10015658 +10015659 +10015660 +10015661 +10015662 +10015663 +10015664 +10015665 +10015666 +10015667 +10015668 +10015669 +10015670 +10015671 +10015672 +10015673 +10015674 +10015675 +10015676 +10015677 +10015678 +10015679 +10015680 +10015681 +10015682 +10015683 +10015684 +10015685 +10015686 +10015687 +10015688 +10015689 +10015690 +10015691 +10015692 +10015693 +10015694 +10015695 +10015696 +10015697 +10015698 +10015699 +10015700 +10015701 +10015702 +10015703 +10015704 +10015705 +10015706 +10015707 +10015708 +10015709 +10015710 +10015711 +10015712 +10015713 +10015714 +10015715 +10015716 +10015717 +10015718 +10015719 +10015720 +10015721 +10015722 +10015723 +10015724 +10015725 +10015726 +10015727 +10015728 +10015729 +10015730 +10015731 +10015732 +10015733 +10015734 +10015735 +10015736 +10015737 +10015738 +10015739 +10015740 +10015741 +10015742 +10015743 +10015744 +10015745 +10015746 +10015747 +10015748 +10015749 +10015750 +10015751 +10015752 +10015753 +10015754 +10015755 +10015756 +10015757 +10015758 +10015759 +10015760 +10015761 +10015762 +10015763 +10015764 +10015765 +10015769 +10015770 +10015771 +10015772 +10015773 +10015774 +10015775 +10015776 +10015777 +10015778 +10015779 +10015780 +10015781 +10015782 +10015783 +10015784 +10015785 +10015786 +10015787 +10015788 +10015789 +10015790 +10015791 +10015792 +10015793 +10015794 +10015795 +10015796 +10015797 +10015798 +10015799 +10015800 +10015801 +10015802 +10015803 +10015804 +10015805 +10015806 +10015807 +10015808 +10015809 +10015810 +10015811 +10015812 +10015813 +10015814 +10015815 +10015816 +10015817 +10015818 +10015819 +10015820 +10015821 +10015822 +10015823 +10015824 +10015825 +10015826 +10015827 +10015828 +10015829 +10015830 +10015831 +10015832 +10015833 +10015834 +10015835 +10015836 +10015837 +10015838 +10015839 +10015840 +10015841 +10015842 +10015843 +10015844 +10015845 +10015846 +10015847 +10015848 +10015849 +10015850 +10015851 +10015852 +10015853 +10015854 +10015855 +10015856 +10015857 +10015858 +10015859 +10015860 +10015861 +10015862 +10015863 +10015864 +10015865 +10015866 +10015867 +10015868 +10015869 +10015870 +10015871 +10015872 +10015873 +10015874 +10015875 +10015876 +10015877 +10015878 +10015879 +10015880 +10020918 +10020919 +10020920 +10020921 +10020922 +10020923 +10020924 +10020925 +10020926 +10020927 +10020928 +10020929 +10020930 +10020931 +10020932 +10020933 +10020934 +10020935 +10020936 +10020937 +10020938 +10020939 +10020940 +10020941 +10020942 +10020943 +10020944 +10020945 +10020946 +10020947 +10020948 +10020949 +10020950 +10020951 +10020952 +10020953 +10020954 +10020955 +10020956 +10020957 +10020958 +10020959 +10020960 +10020961 +10020962 +10020963 +10020964 +10020965 +10020966 +10020967 +10020968 +10020969 +10020970 +10020971 +10020972 +10020973 +10020974 +10020975 +10020976 +10020977 +10020978 +10020979 +10020980 +10020981 +10020982 +10020983 +10020984 +10020985 +10020986 +10020987 +10020988 +10020989 +10020990 +10020991 +10020992 +10020993 +10020994 +10020995 +10020996 +10020997 +10020998 +10020999 +10021000 +10021001 +10021002 +10021003 +10021004 +10021005 +10021006 +10021007 +10021008 +10021009 +10021010 +10021011 +10021012 +10021013 +10021014 +10021015 +10021016 +10021017 +10021018 +10021019 +10021020 +10021021 +10021022 +10021023 +10021024 +10021025 +10021026 +10021027 +10021028 +10021029 +10021030 +10021031 +10021032 +10021033 +10021034 +10021035 +10021036 +10021037 +10021038 +10021039 +10021040 +10021041 +10021042 +10021043 +10021044 +10021045 +10021046 +10021047 +10021048 +10021049 +10021050 +10021051 +10021052 +10021053 +10021054 +10021055 +10021056 +10021057 +10021058 +10021059 +10021060 +10021061 +10021062 +10021063 +10021064 +10021065 +10021066 +10021067 +10021068 +10021069 +10021070 +10021071 +10021072 +10021073 +10021074 +10021075 +10021076 +10021077 +10021078 +10021079 +10021080 +10021081 +10021082 +10021083 +10021084 +10021085 +10021086 +10021087 +10021088 +10021089 +10021090 +10021091 +10021092 +10021093 +10021094 +10021095 +10021096 +10021097 +10021098 +10021099 +10021100 +10021101 +10021102 +10021103 +10021104 +10021105 +10021106 +10021107 +10021108 +10021109 +10021110 +10021111 +10021112 +10021113 +10021114 +10021115 +10021116 +10021117 +10021118 +10021119 +10021120 +10021121 +10021122 +10021123 +10021124 +10021125 +10021126 +10021127 +10021128 +10021129 +10021130 +10021131 +10021132 +10021133 +10021134 +10021135 +10021136 +10021137 +10021138 +10021139 +10021140 +10021141 +10021142 +10021143 +10021144 +10021145 +10021146 +10021147 +10021148 +10021149 +10021150 +10021151 +10021152 +10021153 +10021154 +10021155 +10021156 +10021157 +10021158 +10021159 +10021160 +10021161 +10021162 +10021163 +10021164 +10021165 +10021166 +10021167 +10021168 +10021169 +10021170 +10021171 +10021172 +10021173 +10021174 +10021175 +10021176 +10021177 +10021178 +10021179 +10021180 +10021181 +10021182 +10021183 +10021184 +10021185 +10021186 +10021187 +10021188 +10021189 +10021190 +10021191 +10021192 +10021193 +10021194 +10021195 +10021196 +10021197 +10021198 +10021199 +10021200 +10021201 +10021202 +10021203 +10021204 +10021205 +10021206 +10021207 +10021208 +10021209 +10021210 +10021211 +10021212 +10021213 +10021214 +10021215 +10021216 +10021217 +10021218 +10021219 +10021220 +10021221 +10021222 +10021223 +10021224 +10021225 +10021226 +10021227 +10021228 +10021229 +10021230 +10021231 +10021232 +10021233 +10021234 +10021235 +10021236 +10021237 +10021238 +10021239 +10021240 +10021241 +10021242 +10021243 +10021244 +10021245 +10021246 +10021247 +10021248 +10021249 +10021250 +10021251 +10021252 +10021253 +10021254 +10021255 +10021256 +10021257 +10021258 +10021259 +10021260 +10021261 +10021262 +10021263 +10021264 +10021265 +10021266 +10021267 +10021268 +10021269 +10021270 +10021271 +10021272 +10021273 +10021274 +10021275 +10021276 +10021277 +10021278 +10021279 +10021280 +10021281 +10021282 +10021283 +10021284 +10021285 +10021286 +10021287 +10021288 +10021289 +10021290 +10021291 +10021292 +10021293 +10021294 +10021295 +10021296 +10021297 +10021298 +10021299 +10021300 +10021301 +10021302 +10021303 +10021304 +10021305 +10021306 +10021307 +10021308 +10021309 +10021310 +10021311 +10021312 +10021313 +10021314 +10021315 +10021316 +10021317 +10021318 +10021319 +10021320 +10021321 +10021322 +10021323 +10021324 +10021325 +10021326 +10021327 +10021328 +10021329 +10021330 +10021331 +10021332 +10021333 +10021334 +10021335 +10021336 +10021337 +10021338 +10021339 +10021340 +10021341 +10021342 +10021343 +10021344 +10021345 +10021346 +10021347 +10021348 +10021349 +10021350 +10021351 +10021352 +10021353 +10021354 +10021355 +10021356 +10021357 +10021358 +10021359 +10021360 +10021361 +10021362 +10021363 +10021364 +10021365 +10021366 +10021367 +10021368 +10021369 +10021370 +10021371 +10021372 +10021373 +10021374 +10021375 +10021376 +10021377 +10021378 +10021379 +10021380 +10021381 +10021382 +10021383 +10021384 +10021385 +10021386 +10021387 +10021388 +10021389 +10021390 +10021391 +10021392 +10021393 +10021394 +10021395 +10021396 +10021397 +10021398 +10021399 +10021400 +10021401 +10021402 +10021403 +10021404 +10021405 +10021406 +10021407 +10021408 +10021409 +10021410 +10021411 +10021412 +10021413 +10021414 +10021415 +10021416 +10021417 +10021418 +10021419 +10021420 +10021421 +10021422 +10021423 +10021424 +10021425 +10021426 +10021427 +10021428 +10021429 +10021430 +10021431 +10021432 +10021433 +10021434 +10021435 +10021436 +10021437 +10021438 +10021439 +10021440 +10021441 +10021442 +10021443 +10021444 +10021445 +10021446 +10021447 +10021448 +10021449 +10021450 +10021451 +10021452 +10021453 +10021454 +10021455 +10021456 +10021457 +10021458 +10021459 +10021460 +10021461 +10021462 +10021463 +10021464 +10021465 +10021466 +10021467 +10021468 +10021469 +10021470 +10021471 +10021472 +10021473 +10021474 +10021475 +10021476 +10021477 +10021478 +10021479 +10021480 +10021481 +10021482 +10021483 +10021484 +10021485 +10021486 +10021487 +10021488 +10021489 +10021490 +10021491 +10021492 +10021493 +10021494 +10021495 +10021496 +10021497 +10021498 +10021499 +10021500 +10021501 +10021502 +10021503 +10021504 +10021505 +10021506 +10021507 +10021508 +10021509 +10021510 +10021511 +10021512 +10021513 +10021514 +10021515 +10021516 +10021517 +10021518 +10021519 +10021520 +10021521 +10021522 +10021523 +10021524 +10021525 +10021526 +10021527 +10021528 +10021529 +10021530 +10021531 +10021532 +10021533 +10021534 +10021535 +10021536 +10021537 +10021538 +10021539 +10021540 +10021541 +10021542 +10021543 +10021544 +10021545 +10021546 +10021547 +10021548 +10021549 +10021550 +10021551 +10021552 +10021553 +10021554 +10021555 +10021556 +10021557 +10021558 +10021559 +10021560 +10021561 +10021562 +10021563 +10021564 +10021565 +10021566 +10021567 +10021568 +10021569 +10021570 +10021571 +10021572 +10021573 +10021574 +10021575 +10021576 +10021577 +10021578 +10021579 +10021580 +10021581 +10021582 +10021583 +10021584 +10021585 +10021586 +10021587 +10021588 +10021589 +10021590 +10021591 +10021592 +10021593 +10021594 +10021595 +10021596 +10021597 +10021598 +10021599 +10021600 +10021601 +10021602 +10021603 +10021604 +10021605 +10021606 +10021607 +10021608 +10021609 +10021610 +10021611 +10021612 +10021613 +10021614 +10021615 +10021616 +10021617 +10021618 +10021619 +10021620 +10021621 +10021622 +10021623 +10021624 +10021625 +10021626 +10021627 +10021628 +10021629 +10021630 +10021631 +10021632 +10021633 +10021634 +10021635 +10021636 +10021637 +10021638 +10021639 +10021640 +10021641 +10021642 +10021643 +10021644 +10021645 +10021646 +10021647 +10021648 +10021649 +10021650 +10021651 +10021652 +10021653 +10021654 +10021655 +10021656 +10021657 +10021658 +10021659 +10021660 +10021661 +10021662 +10021663 +10021664 +10021665 +10021666 +10021667 +10021668 +10021669 +10021670 +10021671 +10021672 +10021673 +10021674 +10021675 +10021676 +10021677 +10021678 +10021679 +10021680 +10021681 +10021682 +10021683 +10021684 +10021685 +10021686 +10021687 +10021688 +10021689 +10021690 +10021691 +10021692 +10021693 +10021694 +10021695 +10021696 +10021697 +10021698 +10021699 +10021700 +10021701 +10021702 +10021703 +10021704 +10021705 +10021706 +10021707 +10021708 +10021709 +10021710 +10021711 +10021712 +10021713 +10021714 +10021715 +10021716 +10021717 +10021718 +10021719 +10021720 +10021721 +10021722 +10021723 +10021724 +10021725 +10021726 +10021727 +10021728 +10021729 +10021730 +10021731 +10021732 +10021733 +10021734 +10021735 +10021736 +10021737 +10021738 +10021739 +10021740 +10021741 +10021742 +10021743 +10021744 +10021745 +10021746 +10021747 +10021748 +10021749 +10021750 +10021751 +10021752 +10021753 +10021754 +10021755 +10021756 +10021757 +10021758 +10021759 +10021760 +10021761 +10021762 +10021763 +10021764 +10021765 +10021766 +10021767 +10021768 +10021769 +10021770 +10021771 +10021772 +10021773 +10021774 +10021775 +10021776 +10021777 +10021778 +10021779 +10021780 +10021781 +10021782 +10021783 +10021784 +10021785 +10021786 +10021787 +10021788 +10021789 +10021790 +10021791 +10021792 +10021793 +10021794 +10021795 +10021796 +10021797 +10021798 +10021799 +10021800 +10021801 +10021802 +10021803 +10021804 +10021805 +10021806 +10021807 +10021808 +10021809 +10021810 +10021811 +10021812 +10021813 +10021814 +10021815 +10021816 +10021817 +10021818 +10021819 +10021820 +10021821 +10021822 +10021823 +10021824 +10021825 +10021826 +10021827 +10021828 +10021829 +10021830 +10021831 +10021832 +10021833 +10021834 +10021835 +10021836 +10021837 +10021838 +10021839 +10021840 +10021841 +10021842 +10021843 +10021844 +10021845 +10021846 +10021847 +10021848 +10021849 +10021850 +10021851 +10021852 +10021853 +10021854 +10021855 +10021856 +10021857 +10021858 +10021859 +10021860 +10021861 +10021862 +10021863 +10021864 +10021865 +10021866 +10021867 +10021868 +10021869 +10021870 +10021871 +10021872 +10021873 +10021874 +10021875 +10021876 +10021877 +10021878 +10021879 +10021880 +10021881 +10021882 +10021883 +10021884 +10021885 +10021886 +10021887 +10021888 +10021889 +10021890 +10021891 +10021892 +10021893 +10021894 +10021895 +10021896 +10021897 +10021898 +10021899 +10021900 +10021901 +10021902 +10021903 +10021904 +10021905 +10021906 +10021907 +10021908 +10021909 +10021910 +10021911 +10021912 +10021913 +10021914 +10021915 +10021916 +10021917 +10021918 +10021919 +10021920 +10021921 +10021922 +10021923 +10021924 +10021925 +10021926 +10021927 +10021928 +10021929 +10021930 +10021931 +10021932 +10021933 +10021934 +10021935 +10021936 +10021937 +10021938 +10021939 +10021940 +10021941 +10021942 +10021943 +10021944 +10021945 +10021946 +10021947 +10021948 +10021949 +10021950 +10021951 +10021952 +10021953 +10021954 +10021955 +10021956 +10021957 +10021958 +10021959 +10021960 +10021961 +10021962 +10021963 +10021964 +10021965 +10021966 +10021967 +10021968 +10021969 +10021970 +10021971 +10021972 +10021973 +10021974 +10021975 +10021976 +10021977 +10021978 +10021979 +10021980 +10021981 +10021982 +10021983 +10021984 +10021985 +10021986 +10021987 +10021988 +10021989 +10021990 +10021991 +10021992 +10021993 +10021994 +10021995 +10021996 +10021997 +10021998 +10021999 +10022000 +10022001 +10022002 +10022003 +10022004 +10022005 +10022006 +10022007 +10022008 +10022009 +10022010 +10022011 +10022012 +10022013 +10022014 +10022015 +10022016 +10022017 +10022018 +10022019 +10022020 +10022021 +10022022 +10022023 +10022024 +10022025 +10022026 +10022027 +10022028 +10022029 +10022030 +10022031 +10022032 +10022033 +10022034 +10022035 +10022036 +10022037 +10022038 +10022039 +10022040 +10022041 +10022042 +10022043 +10022044 +10022045 +10022046 +10022047 +10022048 +10022049 +10022050 +10022051 +10022052 +10022053 +10022054 +10022055 +10022056 +10022057 +10022058 +10022059 +10022060 +10022061 +10022062 +10022063 +10022064 +10022065 +10022066 +10022067 +10022068 +10022069 +10022070 +10022071 +10022072 +10022073 +10022074 +10022075 +10022076 +10022077 +10022078 +10022079 +10022080 +10022081 +10022082 +10022083 +10022084 +10022085 +10022086 +10022087 +10022088 +10022089 +10022090 +10022091 +10022092 +10022093 +10022094 +10022095 +10022096 +10022097 +10022098 +10022099 +10022100 +10022101 +10022102 +10022103 +10022104 +10022105 +10022106 +10022107 +10022108 +10022109 +10022110 +10022111 +10022112 +10022113 +10022114 +10022115 +10022116 +10022117 +10022118 +10022119 +10022120 +10022121 +10022122 +10022123 +10022124 +10022125 +10022126 +10022127 +10022128 +10022129 +10022130 +10022131 +10022132 +10022133 +10022134 +10022135 +10022136 +10022137 +10022138 +10022139 +10022140 +10022141 +10022142 +10022143 +10022144 +10022145 +10022146 +10022147 +10022148 +10022149 +10022150 +10022151 +10022152 +10022153 +10022154 +10022155 +10022156 +10022157 +10022158 +10022159 +10022160 +10022161 +10022162 +10022163 +10022164 +10022165 +10022166 +10022167 +10022168 +10022169 +10022170 +10022171 +10022172 +10022173 +10022174 +10022175 +10022176 +10022177 +10022178 +10022179 +10022180 +10022181 +10022182 +10022183 +10022184 +10022185 +10022186 +10022187 +10022188 +10022189 +10022190 +10022191 +10022192 +10022193 +10022194 +10022195 +10022196 +10022197 +10022198 +10022199 +10022200 +10022201 +10022202 +10022203 +10022204 +10022205 +10022206 +10022207 +10022208 +10022209 +10022210 +10022211 +10022212 +10022213 +10022214 +10022215 +10022216 +10022217 +10022218 +10022219 +10022220 +10022221 +10022222 +10022223 +10022224 +10022225 +10022226 +10022227 +10022228 +10022229 +10022230 +10022231 +10022232 +10022233 +10022234 +10022235 +10022236 +10022237 +10022238 +10022239 +10022240 +10022241 +10022242 +10022243 +10022244 +10022245 +10022246 +10022247 +10022248 +10022249 +10022250 +10022251 +10022252 +10022253 +10022254 +10022255 +10022256 +10022257 +10022258 +10022259 +10022260 +10022261 +10022262 +10022263 +10022264 +10022265 +10022266 +10022267 +10022268 +10022269 +10022270 +10022271 +10022272 +10022273 +10022274 +10022275 +10022276 +10022277 +10022278 +10022279 +10022280 +10022281 +10022282 +10022283 +10022284 +10022285 +10022286 +10022287 +10022288 +10022289 +10022290 +10022291 +10022292 +10022293 +10022294 +10022295 +10022296 +10022297 +10022298 +10022299 +10022300 +10022301 +10022302 +10022303 +10022304 +10022305 +10022306 +10022307 +10022308 +10022309 +10022310 +10022311 +10022312 +10022313 +10022314 +10022315 +10022316 +10022317 +10022318 +10022319 +10022320 +10022321 +10022322 +10022323 +10022324 +10022325 +10022326 +10022327 +10022328 +10022329 +10022330 +10022331 +10022332 +10022333 +10022334 +10022335 +10022336 +10022337 +10022338 +10022339 +10022340 +10022341 +10221947 +10221948 +10221949 +10221950 +10221951 +10221952 +10221953 +10221954 +10221955 +10221956 +10221957 +10221958 +10221959 +10221960 +10221961 +10221962 +10221963 +10221964 +10221965 +10221966 +10221967 +10221968 +10221969 +10221970 +10221971 +10221972 +10221973 +10221974 +10221975 +10221976 +10221977 +10221978 +10221979 +10221980 +10221981 +10221982 +10221983 +10221984 +10221985 +10221986 +10221987 +10221988 +10221989 +10221990 +10221991 +10221992 +10221993 +10221994 +10221995 +10221996 +10221997 +10221998 +10221999 +10222000 +10222001 +10222002 +10222003 +10222004 +10222005 +10222006 +10222007 +10222008 +10222009 +10222010 +10222011 +10222012 +10222013 +10222014 +10222015 +10222016 +10222017 +10222018 +10222019 +10222020 +10222021 +10222022 +10222023 +10222024 +10222025 +10222026 +10222027 +10222028 +10222029 +10222030 +10222031 +10222032 +10222033 +10222034 +10222035 +10222036 +10222037 +10222038 +10222039 +10222040 +10222041 +10222042 +10222043 +10222044 +10222045 +10222046 +10222047 +10222048 +10222049 +10222050 +10222051 +10222052 +10222053 +10222054 +10222055 +10222056 +10222057 +10222058 +10222059 +10222060 +10222061 +10222062 +10222063 +10222064 +10222065 +10222066 +10222067 +10222068 +10222069 +10222070 +10222071 +10222072 +10222073 +10222074 +10222075 +10222076 +10222077 +10222078 +10222079 +10222080 +10222081 +10222082 +10222083 +10222084 +10222085 +10222086 +10222087 +10222088 +10222089 +10222090 +10222091 +10222092 +10222093 +10222094 +10222095 +10222096 +10222097 +10222098 +10222099 +10222100 +10222101 +10222102 +10222103 +10222104 +10222105 +10222106 +10222107 +10222108 +10222109 +10222110 +10222111 +10222112 +10222113 +10222114 +10222115 +10222116 +10222117 +10222118 +10222119 +10222120 +10222121 +10222122 +10222123 +10222124 +10222125 +10222126 +10222127 +10222128 +10222129 +10222130 +10222131 +10222132 +10222133 +10222134 +10222135 +10222136 +10222137 +10222138 +10222139 +10222140 +10222141 +10222142 +10222143 +10222144 +10222146 +10222147 +10222148 +10222149 +10222150 +10222151 +10222152 +10222153 +10222154 +10222155 +10222156 +10222157 +10222158 +10222159 +10222160 +10222161 +10222162 +10222163 +10222164 +10222165 +10222166 +10222167 +10222168 +10222169 +10222170 +10222171 +10222172 +10222173 +10222174 +10222175 +10222176 +10222177 +10222178 +10222179 +10222180 +10222181 +10222182 +10222183 +10222184 +10222185 +10222186 +10222187 +10222188 +10222189 +10222190 +10222191 +10222192 +10222193 +10222194 +10222195 +10222196 +10222197 +10222198 +10222199 +10222200 +10222201 +10222202 +10222203 +10222204 +10222205 +10222206 +10222207 +10222208 +10222209 +10222210 +10222211 +10222212 +10222213 +10222214 +10222215 +10222216 +10222217 +10222218 +10222219 +10222220 +10222221 +10222222 +10222223 +10222224 +10222225 +10222226 +10222227 +10222228 +10222229 +10222230 +10222231 +10222232 +10222233 +10222234 +10222235 +10222236 +10222237 +10222238 +10222239 +10222240 +10222241 +10222242 +10222243 +10222244 +10222245 +10222246 +10222247 +10222248 +10222249 +10222250 +10222251 +10222252 +10222253 +10222254 +10222255 +10222256 +10222257 +10222258 +10222259 +10222260 +10222261 +10222262 +10222263 +10222264 +10222265 +10222266 +10222267 +10222268 +10222269 +10222270 +10222271 +10222272 +10222273 +10222274 +10222275 +10222276 +10222277 +10222278 +10222279 +10222280 +10222281 +10222282 +10222283 +10222284 +10222285 +10222286 +10222287 +10222288 +10222289 +10222290 +10222291 +10222292 +10222293 +10222294 +10222295 +10222296 +10222297 +10222298 +10222299 +10222300 +10222301 +10222302 +10222303 +10222304 +10222305 +10222306 +10222307 +10222308 +10222309 +10222310 +10222311 +10222312 +10222313 +10222314 +10222315 +10222316 +10222317 +10222318 +10222319 +10222320 +10222321 +10222322 +10222323 +10222324 +10222325 +10222326 +10222327 +10222328 +10222329 +10222330 +10222331 +10222332 +10222333 +10222334 +10222335 +10222336 +10222337 +10222338 +10222339 +10222340 +10222341 +10222342 +10222343 +10222344 +10222345 +10222346 +10222347 +10222348 +10222349 +10222350 +10222351 +10222352 +10222353 +10222354 +10222355 +10222356 +10222357 +10222358 +10222359 +10222360 +10222361 +10222362 +10222363 +10222364 +10222365 +10222366 +10222367 +10222368 +10222369 +10222370 +10222371 +10222372 +10222373 +10222374 +10222375 +10222376 +10222377 +10222378 +10222379 +10222380 +10222381 +10222382 +10222383 +10222384 +10222385 +10222386 +10222387 +10222388 +10222389 +10222390 +10222391 +10222392 +10222393 +10222394 +10222395 +10222396 +10222397 +10222399 +10222401 +10222402 +10222403 +10222404 +10222405 +10222406 +10222407 +10222409 +10222410 +10222411 +10222412 +10222413 +10222414 +10222415 +10222416 +10222417 +10222418 +10222419 +10222420 +10222421 +10222422 +10222423 +10222424 +10222425 +10222426 +10222427 +10222428 +10222429 +10222430 +10222431 +10222432 +10222433 +10222434 +10222435 +10222436 +10222437 +10222438 +10222439 +10222440 +10222441 +10222442 +10222443 +10222444 +10222445 +10222446 +10222447 +10222448 +10222449 +10222450 +10222451 +10222452 +10222453 +10222454 +10222455 +10222456 +10222457 +10222458 +10222459 +10222460 +10222461 +10222462 +10222463 +10222464 +10222465 +10222466 +10222467 +10222468 +10222469 +10222470 +10222471 +10222472 +10222473 +10222474 +10222475 +10222476 +10222477 +10222478 +10222479 +10222480 +10222481 +10222482 +10222483 +10222484 +10222485 +10222486 +10222487 +10222488 +10222489 +10222490 +10222491 +10222492 +10222493 +10222494 +10222495 +10222496 +10222497 +10222498 +10222499 +10222500 +10222501 +10222502 +10222503 +10222504 +10222505 +10222506 +10222507 +10222508 +10222509 +10222510 +10222511 +10222512 +10222513 +10222514 +10222515 +10222516 +10222517 +10222518 +10222519 +10222520 +10222521 +10222522 +10222523 +10222524 +10222525 +10222526 +10222527 +10222528 +10222529 +10222530 +10222531 +10222532 +10222533 +10222534 +10222535 +10222536 +10222537 +10222538 +10222539 +10222540 +10222541 +10222542 +10222543 +10222544 +10222545 +10222546 +10222547 +10222548 +10222549 +10222550 +10222551 +10222552 +10222553 +10222554 +10222555 +10222556 +10222557 +10222558 +10222559 +10222560 +10222561 +10222562 +10222563 +10222564 +10222565 +10222566 +10222567 +10222568 +10222569 +10222570 +10222571 +10222572 +10222573 +10222574 +10222575 +10222576 +10222577 +10222578 +10222579 +10222580 +10222581 +10222582 +10222583 +10222584 +10222585 +10222586 +10222587 +10222588 +10222589 +10222590 +10222591 +10222592 +10222593 +10222594 +10222595 +10222596 +10222597 +10222598 +10222599 +10222600 +10222601 +10222602 +10222603 +10222604 +10222605 +10222606 +10222607 +10222608 +10222609 +10222610 +10222611 +10222612 +10222613 +10222614 +10222615 +10222616 +10222617 +10222618 +10222619 +10222620 +10222621 +10222622 +10222623 +10222624 +10222625 +10222626 +10222627 +10222628 +10222629 +10222630 +10222631 +10222632 +10222633 +10222634 +10222635 +10222636 +10222637 +10222638 +10222639 +10222640 +10222641 +10222642 +10222643 +10222644 +10222645 +10222646 +10222647 +10222648 +10222649 +10222650 +10222651 +10222652 +10222653 +10222654 +10222655 +10222656 +10222657 +10222658 +10222659 +10222660 +10222661 +10222662 +10222663 +10222664 +10222665 +10222666 +10222667 +10222668 +10222669 +10222670 +10222671 +10222672 +10222673 +10222674 +10222675 +10222676 +10222677 +10222678 +10222679 +10222680 +10222681 +10222682 +10222683 +10222684 +10222685 +10222686 +10222687 +10222688 +10222689 +10222690 +10222691 +10222692 +10222693 +10222694 +10222695 +10222696 +10222697 +10222698 +10222699 +10222700 +10222701 +10222702 +10222703 +10222704 +10222705 +10222706 +10222707 +10222708 +10222709 +10222710 +10222711 +10222712 +10222713 +10222714 +10222715 +10222716 +10222717 +10222718 +10222719 +10222720 +10222721 +10222722 +10222723 +10222724 +10222725 +10222726 +10222727 +10222728 +10222729 +10222730 +10222731 +10222732 +10222733 +10222734 +10222735 +10222736 +10222737 +10222738 +10222739 +10222740 +10222741 +10222742 +10222743 +10222744 +10222745 +10222746 +10222747 +10222748 +10222749 +10222750 +10222751 +10222752 +10222753 +10222754 +10222755 +10222756 +10222757 +10222758 +10222759 +10222760 +10222761 +10222762 +10222763 +10222764 +10222765 +10222766 +10222767 +10222768 +10222769 +10222770 +10222771 +10222772 +10222773 +10222774 +10222775 +10222776 +10222777 +10222778 +10222779 +10222780 +10222781 +10222782 +10222783 +10222784 +10222785 +10222786 +10222787 +10222788 +10222789 +10222790 +10222791 +10222792 +10222793 +10222794 +10222795 +10222796 +10222797 +10222798 +10222799 +10222800 +10222801 +10222802 +10222803 +10222804 +10222805 +10222806 +10222807 +10222808 +10222809 +10222810 +10222811 +10222812 +10222813 +10222814 +10222815 +10222816 +10222817 +10222818 +10222819 +10222820 +10222821 +10222822 +10222823 +10222824 +10222825 +10222826 +10222827 +10222828 +10222829 +10222830 +10222831 +10222832 +10222833 +10222834 +10222835 +10222836 +10222837 +10222838 +10222839 +10222840 +10222841 +10222842 +10222843 +10222844 +10222845 +10222846 +10222847 +10222848 +10222849 +10222850 +10222851 +10222852 +10222853 +10222854 +10222855 +10222856 +10222857 +10222858 +10222859 +10222860 +10222861 +10222862 +10222863 +10222864 +10222865 +10222866 +10222867 +10222868 +10222869 +10222870 +10222871 +10222872 +10222873 +10222874 +10222875 +10222876 +10222877 +10222878 +10222879 +10222880 +10222881 +10222882 +10222883 +10222884 +10222885 +10222886 +10222887 +10222888 +10222889 +10222890 +10222891 +10222892 +10222893 +10222894 +10222895 +10222896 +10222897 +10222898 +10222899 +10222900 +10222901 +10222902 +10222903 +10222904 +10222905 +10222906 +10222907 +10222908 +10222909 +10222910 +10222911 +10222912 +10222913 +10222914 +10222915 +10222916 +10222917 +10222918 +10222919 +10222920 +10222921 +10222922 +10222923 +10222924 +10222925 +10222926 +10222927 +10222928 +10222929 +10222930 +10222931 +10222932 +10222933 +10222934 +10222935 +10222936 +10222937 +10222938 +10222939 +10222940 +10222941 +10222942 +10222943 +10222944 +10222945 +10222946 +10222947 +10222948 +10222949 +10222950 +10222951 +10222952 +10222953 +10222954 +10222955 +10222956 +10222957 +10222958 +10222959 +10222960 +10222961 +10222962 +10222963 +10222964 +10222965 +10222966 +10222967 +10222968 +10222969 +10222970 +10222971 +10222972 +10222973 +10222974 +10222975 +10222976 +10222977 +10222978 +10222979 +10222980 +10222981 +10222982 +10222983 +10222984 +10222985 +10222986 +10222987 +10222988 +10222989 +10222990 +10222991 +10222992 +10222993 +10222994 +10222995 +10222996 +10222997 +10222998 +10222999 +10223000 +10223001 +10223002 +10223003 +10223004 +10223005 +10223006 +10223007 +10223008 +10223009 +10223010 +10223011 +10223012 +10223013 +10223014 +10223015 +10223016 +10223017 +10223018 +10223019 +10223020 +10223021 +10223022 +10223023 +10223024 +10223025 +10223026 +10223027 +10223028 +10223029 +10223030 +10223031 +10223032 +10223033 +10223034 +10223035 +10223036 +10223037 +10223038 +10223039 +10223040 +10223041 +10223042 +10223043 +10223044 +10223045 +10223046 +10223047 +10223048 +10223049 +10223050 +10223051 +10223052 +10223053 +10223054 +10223055 +10223056 +10223057 +10223058 +10223059 +10223060 +10223062 +10223063 +10223064 +10223065 +10223066 +10223067 +10223068 +10223069 +10223070 +10223071 +10223072 +10223073 +10223074 +10223075 +10223076 +10223077 +10223078 +10223080 +10223081 +10223082 +10223083 +10223084 +10223085 +10223086 +10223087 +10223088 +10223089 +10223090 +10223091 +10223092 +10223093 +10223094 +10223095 +10223096 +10223097 +10223099 +10223100 +10223101 +10223102 +10223103 +10223104 +10223105 +10223106 +10223107 +10223108 +10223109 +10223110 +10223111 +10223112 +10223113 +10223114 +10223115 +10223116 +10223117 +10223118 +10223120 +10223121 +10223122 +10223123 +10223124 +10223125 +10223126 +10223127 +10223128 +10223129 +10223130 +10223131 +10223132 +10223133 +10223134 +10223135 +10223136 +10223137 +10223138 +10223140 +10223141 +10223142 +10223143 +10223144 +10223145 +10223146 +10223147 +10223148 +10223149 +10223150 +10223151 +10223152 +10223153 +10223154 +10223155 +10223157 +10223158 +10223159 +10223160 +10223161 +10223162 +10223163 +10223164 +10223165 +10223167 +10223168 +10223169 +10223170 +10223171 +10223172 +10223173 +10223175 +10223176 +10223177 +10223178 +10223179 +10223180 +10223181 +10223182 +10223183 +10223184 +10223185 +10223186 +10223189 +10223190 +10223191 +10223192 +10223194 +10223195 +10223196 +10223197 +10223198 +10223199 +10223200 +10223201 +10223202 +10223203 +10223204 +10223205 +10223206 +10223207 +10223208 +10223209 +10223210 +10223211 +10223212 +10223213 +10223214 +10223215 +10223216 +10223217 +10223218 +10223219 +10223220 +10223221 +10223222 +10223223 +10223224 +10223225 +10223226 +10223227 +10223228 +10223229 +10223230 +10223231 +10223232 +10223233 +10223234 +10223235 +10223236 +10223237 +10223238 +10223239 +10223240 +10223241 +10223242 +10223243 +10223244 +10223245 +10223246 +10223247 +10223248 +10223249 +10223251 +10223252 +10223253 +10223254 +10223255 +10223256 +10223257 +10223258 +10223259 +10223260 +10223261 +10223262 +10223263 +10223264 +10223265 +10223266 +10223267 +10223268 +10223269 +10223270 +10223271 +10223272 +10223273 +10223274 +10223275 +10223276 +10223277 +10223278 +10223279 +10223280 +10223281 +10223282 +10223283 +10223284 +10223285 +10223286 +10223287 +10223288 +10223289 +10223290 +10223291 +10223295 +10223296 +10223297 +10223298 +10223299 +10223300 +10223301 +10223302 +10223303 +10223304 +10223305 +10223306 +10223307 +10223308 +10223309 +10223310 +10223311 +10223312 +10223313 +10223314 +10223315 +10223316 +10223317 +10223318 +10223319 +10223320 +10223321 +10223322 +10223323 +10223324 +10223325 +10223326 +10223327 +10223328 +10223329 +10223330 +10223331 +10223332 +10223333 +10223334 +10223335 +10223336 +10223337 +10223338 +10223339 +10223340 +10223341 +10223342 +10223343 +10223345 +10223346 +10223347 +10223348 +10223349 +10223350 +10223351 +10223352 +10223353 +10223354 +10223355 +10223356 +10223357 +10223358 +10223359 +10223360 +10223361 +10223362 +10223363 +10223364 +10223365 +10223366 +10223367 +10223369 +10223370 +10223371 +10223372 +10223373 +10223374 +10223375 +10223376 +10223377 +10223378 +10223379 +10223380 +10223381 +10223382 +10223383 +10223384 +10223385 +10223386 +10223387 +10223388 +10223389 +10223390 +10223391 +10223392 +10223393 +10223394 +10223395 +10223396 +10223397 +10223398 +10223399 +10223400 +10223401 +10223402 +10223403 +10223404 +10223405 +10223406 +10223407 +10223408 +10223409 +10223410 +10223411 +10223412 +10223413 +10223414 +10223415 +10223416 +10223417 +10223418 +10223419 +10223420 +10223421 +10223422 +10223423 +10223424 +10223425 +10223426 +10223427 +10224261 +10224262 +10224263 +10224264 +10224265 +10224266 +10224267 +10224268 +10224269 +10224270 +10224271 +10224272 +10224273 +10224274 +10224275 +10224276 +10224277 +10224278 +10224279 +10224280 +10224281 +10224282 +10224283 +10224284 +10224285 +10224286 +10224287 +10224288 +10224289 +10224290 +10224291 +10224292 +10224293 +10224294 +10224295 +10224296 +10224297 +10224298 +10224299 +10224300 +10224301 +10224302 +10224303 +10224304 +10224305 +10224306 +10224307 +10224308 +10224309 +10224310 +10224311 +10224312 +10224313 +10224314 +10224315 +10224316 +10224317 +10224318 +10224319 +10224320 +10224321 +10224322 +10224323 +10224324 +10224325 +10224326 +10224327 +10224328 +10224329 +10224330 +10224331 +10224332 +10224333 +10224334 +10224335 +10224336 +10224337 +10224338 +10224339 +10224340 +10224341 +10224342 +10224343 +10224344 +10224345 +10224346 +10224347 +10224348 +10224349 +10224350 +10224351 +10224352 +10224353 +10224354 +10224355 +10224356 +10224357 +10224358 +10224359 +10224360 +10224361 +10224362 +10224363 +10224364 +10224365 +10224366 +10224367 +10224368 +10224369 +10224370 +10224371 +10224372 +10224373 +10224374 +10224375 +10224376 +10224377 +10224378 +10224379 +10224380 +10224381 +10224382 +10224383 +10224384 +10224385 +10224386 +10224387 +10224388 +10224389 +10224390 +10224391 +10224392 +10224393 +10224394 +10224395 +10224396 +10224397 +10224398 +10224399 +10224400 +10224401 +10224402 +10224403 +10224404 +10224405 +10224406 +10224407 +10224408 +10224409 +10224410 +10224411 +10224412 +10224413 +10224414 +10224415 +10224416 +10224417 +10224418 +10224419 +10224420 +10224421 +10224422 +10224423 +10224424 +10224425 +10224426 +10224427 +10224428 +10224429 +10224430 +10224431 +10224432 +10224433 +10224434 +10224435 +10224436 +10224437 +10224438 +10224439 +10224440 +10224441 +10224442 +10224443 +10224444 +10224445 +10224446 +10224447 +10224448 +10224449 +10224450 +10224451 +10224452 +10224453 +10224454 +10224455 +10224456 +10224457 +10224458 +10224459 +10224460 +10224461 +10224462 +10224463 +10224464 +10224465 +10224466 +10224467 +10224468 +10224469 +10224470 +10224471 +10224472 +10224473 +10224474 +10224475 +10224476 +10224477 +10224478 +10224479 +10224480 +10224481 +10224482 +10224483 +10224484 +10224485 +10224486 +10224487 +10224488 +10224489 +10224490 +10224491 +10224492 +10224493 +10224494 +10224495 +10224496 +10224497 +10224498 +10224499 +10224500 +10224501 +10224502 +10224503 +10224504 +10224505 +10224506 +10224507 +10224508 +10224509 +10224510 +10224511 +10224512 +10224513 +10224514 +10224515 +10224516 +10224517 +10224518 +10224519 +10224520 +10224521 +10224522 +10224523 +10224524 +10224525 +10224526 +10224527 +10224528 +10224529 +10224530 +10224531 +10224532 +10224533 +10224534 +10224535 +10224536 +10224537 +10224538 +10224539 +10224540 +10224541 +10224542 +10224543 +10224544 +10224545 +10224546 +10224547 +10224548 +10224549 +10224550 +10224551 +10224552 +10224553 +10224554 +10224555 +10224556 +10224557 +10224558 +10224559 +10224560 +10224561 +10224562 +10224563 +10224564 +10224565 +10224566 +10224567 +10224568 +10224569 +10224570 +10224571 +10224572 +10224573 +10224574 +10224575 +10224576 +10224577 +10224578 +10224579 +10224580 +10224581 +10224582 +10224583 +10224584 +10224585 +10224586 +10224587 +10224588 +10224589 +10224590 +10224591 +10224592 +10224593 +10224594 +10224595 +10224596 +10224597 +10224598 +10224599 +10224600 +10224601 +10224602 +10224603 +10224604 +10224605 +10224606 +10224607 +10224608 +10224609 +10224610 +10224611 +10224612 +10224613 +10224614 +10224615 +10224616 +10224617 +10224618 +10224619 +10224620 +10224621 +10224622 +10224623 +10224624 +10224625 +10224626 +10224627 +10224628 +10224629 +10224630 +10224631 +10224632 +10224633 +10224634 +10224635 +10224636 +10224637 +10224638 +10224639 +10224640 +10224641 +10224642 +10224643 +10224644 +10224645 +10224646 +10224647 +10224648 +10224649 +10224650 +10224651 +10224652 +10224653 +10224654 +10224655 +10224656 +10224657 +10224658 +10224659 +10224660 +10224661 +10224662 +10224663 +10224664 +10224665 +10224666 +10224667 +10224668 +10224669 +10224670 +10224671 +10224672 +10224673 +10224674 +10224675 +10224676 +10224677 +10224678 +10224679 +10224680 +10224681 +10224682 +10224683 +10224684 +10224685 +10224686 +10224687 +10224688 +10224689 +10224690 +10224691 +10224692 +10224693 +10224694 +10224695 +10224696 +10224697 +10224698 +10224699 +10224700 +10224701 +10224702 +10224703 +10224704 +10224705 +10224706 +10224707 +10224708 +10224709 +10224710 +10224711 +10224712 +10224713 +10224714 +10224715 +10224716 +10224717 +10224718 +10224719 +10224720 +10224721 +10224722 +10224723 +10224724 +10224725 +10224726 +10224727 +10224728 +10224729 +10224730 +10224731 +10224732 +10224733 +10224734 +10224735 +10224736 +10224737 +10224738 +10224739 +10224740 +10224741 +10224742 +10224743 +10224744 +10224745 +10224746 +10224747 +10224748 +10224749 +10224750 +10224751 +10224752 +10224753 +10224754 +10224755 +10224756 +10224757 +10224758 +10224759 +10224760 +10224761 +10224762 +10224763 +10224764 +10224765 +10224766 +10224767 +10224768 +10224769 +10224770 +10224771 +10224772 +10224773 +10224774 +10224775 +10224776 +10224777 +10224778 +10224779 +10224780 +10224781 +10224782 +10224783 +10224784 +10224785 +10224786 +10224787 +10224788 +10224789 +10224790 +10224791 +10224792 +10224793 +10224794 +10224795 +10224796 +10224797 +10224798 +10224799 +10224800 +10224801 +10224802 +10224803 +10224804 +10224805 +10224806 +10224807 +10224808 +10224809 +10224810 +10224811 +10224812 +10224813 +10224814 +10224815 +10224816 +10224817 +10224818 +10224819 +10224820 +10224821 +10224822 +10224823 +10224824 +10224825 +10224826 +10224827 +10224828 +10224829 +10224830 +10224831 +10224832 +10224833 +10224834 +10224835 +10224836 +10224837 +10224838 +10224839 +10224840 +10224841 +10224842 +10224843 +10224844 +10224845 +10224846 +10224847 +10224848 +10224849 +10224850 +10224851 +10224852 +10224853 +10224854 +10224855 +10224856 +10224857 +10224858 +10224859 +10224860 +10224861 +10224862 +10224863 +10224864 +10224865 +10224866 +10224867 +10224868 +10224869 +10224870 +10224871 +10224872 +10224873 +10224874 +10224875 +10224876 +10224877 +10224878 +10224879 +10224880 +10224881 +10224882 +10224883 +10224884 +10224885 +10224886 +10224887 +10224888 +10224889 +10224890 +10224891 +10224892 +10224893 +10224894 +10224895 +10224896 +10224897 +10224898 +10224899 +10224900 +10224901 +10224902 +10224903 +10224904 +10224905 +10224906 +10224907 +10224908 +10224909 +10224910 +10224911 +10224912 +10224913 +10224914 +10224915 +10224916 +10224917 +10224918 +10224919 +10224920 +10224921 +10224922 +10224923 +10224924 +10224925 +10224926 +10224927 +10224928 +10224929 +10224930 +10224931 +10224932 +10224933 +10224934 +10224935 +10224936 +10224937 +10224938 +10224939 +10224940 +10224941 +10224942 +10224943 +10224944 +10224945 +10224946 +10224947 +10224948 +10224949 +10224950 +10224951 +10224952 +10224953 +10224954 +10224955 +10224956 +10224957 +10224958 +10224959 +10224960 +10224961 +10224962 +10224963 +10224964 +10224965 +10224966 +10224967 +10224968 +10224969 +10224970 +10224971 +10224972 +10224973 +10224974 +10224975 +10224976 +10224977 +10224978 +10224979 +10224980 +10224981 +10224982 +10224983 +10224984 +10224985 +10224986 +10224987 +10224988 +10224989 +10224990 +10224991 +10224992 +10224993 +10224994 +10224995 +10224996 +10224997 +10224998 +10224999 +10225000 +10225001 +10225002 +10225003 +10225004 +10225005 +10225006 +10225007 +10225008 +10225009 +10225010 +10225011 +10225012 +10225013 +10225014 +10225015 +10225016 +10225017 +10225018 +10225019 +10225020 +10225021 +10225022 +10225023 +10225024 +10225025 +10225026 +10225027 +10225028 +10225029 +10225030 +10225031 +10225032 +10225033 +10225034 +10225035 +10225036 +10225037 +10225038 +10225039 +10225040 +10225041 +10225042 +10225043 +10225044 +10225045 +10225046 +10225047 +10225048 +10225049 +10225050 +10225051 +10225052 +10225053 +10225054 +10225055 +10225056 +10225057 +10225058 +10225059 +10225060 +10225061 +10225062 +10225063 +10225064 +10225065 +10225066 +10225067 +10225068 +10225069 +10225070 +10225071 +10225072 +10225073 +10225074 +10225075 +10225076 +10225077 +10225078 +10225079 +10225080 +10225081 +10225082 +10225083 +10225084 +10225085 +10225086 +10225087 +10225088 +10225089 +10225090 +10225091 +10225092 +10225093 +10225094 +10225095 +10225096 +10225097 +10225098 +10225099 +10225100 +10225103 +10225104 +10225105 +10225106 +10225107 +10225108 +10225109 +10225110 +10225111 +10225112 +10225113 +10225114 +10225115 +10225116 +10225117 +10225118 +10225119 +10225120 +10225121 +10225122 +10225123 +10225124 +10225125 +10225126 +10225127 +10225128 +10225129 +10225130 +10225131 +10225132 +10225133 +10225134 +10225135 +10225136 +10225137 +10225138 +10225139 +10225140 +10225141 +10225142 +10225143 +10225144 +10225145 +10225146 +10225147 +10225148 +10225149 +10225150 +10225151 +10225152 +10225153 +10225154 +10225155 +10225156 +10225157 +10225158 +10225159 +10225160 +10225161 +10225162 +10225163 +10225164 +10225165 +10225166 +10225167 +10225168 +10225169 +10225170 +10225171 +10225172 +10225173 +10225174 +10225175 +10225176 +10225177 +10225178 +10225179 +10225180 +10225181 +10225182 +10225183 +10225184 +10225185 +10225186 +10225187 +10225188 +10225189 +10225190 +10225191 +10225192 +10225193 +10225194 +10225195 +10225196 +10225197 +10225198 +10225199 +10225200 +10225201 +10225202 +10225203 +10225204 +10225205 +10225206 +10225207 +10225208 +10225209 +10225210 +10225211 +10225212 +10225213 +10225214 +10225215 +10225216 +10225217 +10225218 +10225219 +10225220 +10225221 +10225222 +10225223 +10225224 +10225225 +10225226 +10225227 +10225228 +10225229 +10225230 +10225231 +10225232 +10225233 +10225234 +10225235 +10225236 +10225237 +10225238 +10225239 +10225240 +10225241 +10225242 +10225243 +10225244 +10225245 +10225246 +10225247 +10225248 +10225249 +10225250 +10225251 +10225252 +10225253 +10225254 +10225255 +10225256 +10225257 +10225258 +10225259 +10225260 +10225261 +10225262 +10225263 +10225264 +10225265 +10225266 +10225267 +10225268 +10225269 +10225270 +10225271 +10225272 +10225273 +10225274 +10225275 +10225276 +10225277 +10225278 +10225279 +10225280 +10225281 +10225282 +10225283 +10225284 +10225285 +10225286 +10225287 +10225288 +10225289 +10225290 +10225291 +10225292 +10225293 +10225294 +10225295 +10225296 +10225297 +10225298 +10225299 +10225300 +10225301 +10225302 +10225303 +10225304 +10225305 +10225306 +10225307 +10225308 +10225309 +10225310 +10225311 +10225312 +10225313 +10225314 +10225315 +10225316 +10225317 +10225318 +10225319 +10225320 +10225321 +10225322 +10225323 +10225324 +10225325 +10225326 +10225327 +10225328 +10225329 +10225330 +10225331 +10225332 +10225333 +10225334 +10225335 +10225336 +10225337 +10225338 +10225339 +10225340 +10225341 +10225342 +10225343 +10225344 +10225345 +10225346 +10225347 +10225348 +10225349 +10225350 +10225351 +10225352 +10225353 +10225354 +10225355 +10225356 +10225357 +10225358 +10225359 +10225360 +10225361 +10225362 +10225363 +10225364 +10225365 +10225366 +10225367 +10225368 +10225369 +10225370 +10225371 +10225372 +10225373 +10225374 +10225375 +10225376 +10225377 +10225378 +10225379 +10225380 +10225381 +10225382 +10225383 +10225384 +10225385 +10225386 +10225387 +10225388 +10225389 +10225390 +10225391 +10225392 +10225393 +10225394 +10225395 +10225396 +10225397 +10225398 +10225399 +10225400 +10225401 +10225402 +10225403 +10225404 +10225405 +10225406 +10225407 +10225408 +10225409 +10225410 +10225411 +10225412 +10225413 +10225414 +10225415 +10225416 +10225417 +10225418 +10225419 +10225420 +10225421 +10225422 +10225423 +10225424 +10225425 +10225426 +10225427 +10225428 +10225429 +10225430 +10225431 +10225432 +10225433 +10225434 +10225435 +10225436 +10225437 +10225438 +10225439 +10225440 +10225441 +10225442 +10225443 +10225444 +10225445 +10225446 +10225447 +10225448 +10225449 +10225450 +10225451 +10225452 +10225453 +10225454 +10225455 +10225456 +10225457 +10225458 +10225459 +10225460 +10225461 +10225462 +10225463 +10225464 +10225465 +10225466 +10225467 +10225468 +10225469 +10225470 +10225471 +10225472 +10225473 +10225474 +10225475 +10225476 +10225477 +10225478 +10225479 +10225480 +10225481 +10225482 +10225483 +10225484 +10225485 +10225486 +10225487 +10225488 +10225489 +10225490 +10225491 +10225492 +10225493 +10225494 +10225495 +10225496 +10225497 +10225498 +10225499 +10225500 +10225501 +10225502 +10225503 +10225504 +10225505 +10225506 +10225507 +10225508 +10225509 +10225510 +10225511 +10225512 +10225513 +10225514 +10225515 +10225516 +10225517 +10225518 +10225519 +10225520 +10225521 +10225522 +10225523 +10225524 +10225525 +10225526 +10225527 +10225528 +10225529 +10225530 +10225531 +10225532 +10225533 +10225534 +10225535 +10225536 +10225537 +10225538 +10225539 +10225540 +10225541 +10225542 +10225543 +10225544 +10225545 +10225546 +10225547 +10225548 +10225549 +10225550 +10225551 +10225552 +10225553 +10225554 +10225555 +10225556 +10225557 +10225558 +10225559 +10225560 +10225561 +10225562 +10225563 +10225564 +10225565 +10225566 +10225567 +10225568 +10225569 +10225570 +10225571 +10225572 +10225573 +10225574 +10225575 +10225576 +10225577 +10225578 +10225579 +10225580 +10225581 +10225582 +10225583 +10225584 +10225585 +10225586 +10225587 +10225588 +10225589 +10225590 +10225591 +10225592 +10225593 +10225594 +10225595 +10225596 +10225597 +10225598 +10225599 +10225600 +10225601 +10225602 +10225603 +10225604 +10225605 +10225606 +10225607 +10225608 +10225609 +10225610 +10225611 +10225612 +10225613 +10225614 +10225615 +10225616 +10225617 +10225618 +10225619 +10225620 +10225621 +10225622 +10225623 +10225624 +10225625 +10225626 +10225627 +10225628 +10225629 +10225630 +10225631 +10225632 +10225633 +10225634 +10225635 +10225636 +10225637 +10225638 +10225639 +10225640 +10225641 +10225642 +10225643 +10225644 +10225645 +10225646 +10225647 +10225648 +10225649 +10225650 +10225651 +10225652 +10225653 +10225654 +10225655 +10225656 +10225657 +10225658 +10225659 +10225660 +10225661 +10225662 +10225663 +10225664 +10225665 +10225666 +10225667 +10225668 +10225669 +10225670 +10225671 +10225672 +10225673 +10225674 +10225675 +10225676 +10225677 +10225678 +10225679 +10225680 +10225681 +10225682 +10225683 +10225684 +10225685 +10225686 +10225687 +10225688 +10225689 +10225690 +10225691 +10225692 +10225693 +10225694 +10225695 +10225696 +10225697 +10225698 +10225699 +10225700 +10225701 +10225702 +10225703 +10225704 +10225705 +10225706 +10225707 +10225708 +10225709 +10225710 +10225711 +10225712 +10225713 +10225714 +10225715 +10225716 +10225717 +10225718 +10225719 +10225720 +10225721 +10225722 +10225723 +10225724 +10225725 +10225726 +10225727 +10225728 +10225729 +10225730 +10225731 +10225732 +10225733 +10225734 +10225735 +10225736 +10225737 +10225738 +10225739 +10225740 +10225741 +10225742 +10225743 +10225744 +10225745 +10225746 +10225747 +10225748 +10225749 +10225750 +10225751 +10225752 +10225753 +10225754 +10225755 +10225756 +10225757 +10225758 +10225759 +10225760 +10225761 +10225762 +10225763 +10225764 +10225765 +10225766 +10225767 +10225768 +10225769 +10225770 +10225771 +10225772 +10225773 +10225774 +10225775 +10225776 +10225777 +10225778 +10225779 +10225780 +10225781 +10225782 +10225783 +10225784 +10225785 +10225786 +10225787 +10225788 +10225789 +10225790 +10225791 +10225792 +10225793 +10225794 +10225795 +10225796 +10225797 +10225798 +10225799 +10225800 +10225801 +10225802 +10225803 +10225804 +10225805 +10225806 +10225807 +10225808 +10225809 +10225810 +10225811 +10225812 +10225813 +10225814 +10225815 +10225816 +10225817 +10225818 +10225819 +10225820 +10225821 +10225822 +10225823 +10225824 +10225825 +10225826 +10225827 +10225828 +10225829 +10225830 +10225831 +10225832 +10225833 +10225834 +10225835 +10225836 +10225837 +10225838 +10225839 +10225840 +10225841 +10225842 +10225843 +10225844 +10225845 +10225846 +10225847 +10225848 +10225849 +10225850 +10225851 +10225852 +10225853 +10225854 +10225855 +10225856 +10225857 +10225858 +10225859 +10225860 +10225861 +10225862 +10225863 +10225864 +10225865 +10225866 +10225867 +10225868 +10225869 +10225870 +10225871 +10225872 +10225873 +10225874 +10225875 +10225876 +10225877 +10225878 +10225879 +10225880 +10225881 +10225882 +10225883 +10225884 +10225885 +10225886 +10225887 +10225888 +10225889 +10225890 +10225891 +10225892 +10225893 +10225894 +10225895 +10225896 +10225897 +10225898 +10225899 +10225900 +10225901 +10225902 +10225903 +10225904 +10225905 +10225906 +10225907 +10225908 +10225909 +10225910 +10225911 +10225912 +10225913 +10225914 +10225915 +10225916 +10225917 +10225918 +10225919 +10225920 +10225921 +10225922 +10225923 +10225924 +10225925 +10225926 +10225927 +10225928 +10225929 +10225930 +10225931 +10225932 +10225933 +10225934 +10225935 +10225936 +10225937 +10225938 +10225939 +10225940 +10225941 +10225942 +10225943 +10225944 +10225945 +10225946 +10225947 +10225948 +10225949 +10225950 +10225951 +10225952 +10225953 +10225954 +10225955 +10225956 +10225957 +10225958 +10225959 +10225960 +10225961 +10225962 +10225963 +10225964 +10225965 +10225966 +10225967 +10225968 +10225969 +10225970 +10225971 +10225972 +10225973 +10225974 +10225975 +10225976 +10225977 +10225978 +10225979 +10225980 +10225981 +10225982 +10225983 +10225984 +10225985 +10225986 +10225987 +10225988 +10225989 +10225990 +10225991 +10225992 +10225993 +10225994 +10225995 +10225996 +10225997 +10225998 +10225999 +10226000 +10226001 +10226002 +10226003 +10226004 +10226005 +10226006 +10226007 +10226008 +10226009 +10226010 +10226011 +10226012 +10226013 +10226014 +10226015 +10226016 +10226017 +10226018 +10226019 +10226020 +10226021 +10226022 +10226023 +10226024 +10226025 +10226026 +10226027 +10226028 +10226029 +10226030 +10226031 +10226032 +10226033 +10226034 +10226035 +10226036 +10226037 +10226038 +10226039 +10226040 +10226041 +10226042 +10226043 +10226044 +10226045 +10226046 +10226047 +10226048 +10226049 +10226050 +10226051 +10226052 +10226053 +10226054 +10226055 +10226056 +10226057 +10226058 +10226059 +10226060 +10226061 +10226062 +10226063 +10226064 +10226065 +10226066 +10226067 +10226068 +10226069 +10226070 +10226071 +10226072 +10226073 +10226074 +10226075 +10226076 +10226077 +10226078 +10226079 +10226080 +10226081 +10226082 +10226083 +10226084 +10226085 +10226086 +10226087 +10226088 +10226089 +10226090 +10226091 +10226092 +10226093 +10226094 +10226095 +10226096 +10226097 +10226098 +10226099 +10226100 +10226101 +10226102 +10226103 +10226104 +10226105 +10226106 +10226107 +10226108 +10226109 +10226110 +10226111 +10226112 +10226113 +10226114 +10226115 +10226116 +10226117 +10226118 +10226119 +10226120 +10226121 +10226122 +10226123 +10226124 +10226125 +10226126 +10226127 +10226128 +10226129 +10226130 +10226131 +10226132 +10226133 +10226134 +10226135 +10226136 +10226137 +10226138 +10226139 +10226140 +10226141 +10226142 +10226143 +10226144 +10226145 +10226146 +10226147 +10226148 +10226149 +10226150 +10226151 +10226152 +10226153 +10226154 +10226155 +10226156 +10226157 +10226158 +10226159 +10226160 +10226161 +10226165 +10226167 +10226168 +10226169 +10226170 +10226171 +10226172 +10226175 +10226176 +10226178 +10226179 +10226180 +10226181 +10226182 +10226184 +10226185 +10226186 +10226187 +10226193 +10226194 +10226195 +10226199 +10226205 +10226206 +10226207 +10226208 +10226209 +10226210 +10226211 +10226212 +10226213 +10226214 +10226215 +10226216 +10226217 +10226218 +10226219 +10226220 +10226221 +10226222 +10226223 +10226224 +10226225 +10226226 +10226227 +10226228 +10226229 +10226230 +10226231 +10226232 +10226233 +10226234 +10226235 +10226236 +10226237 +10226238 +10226239 +10226240 +10226241 +10226242 +10226243 +10226244 +10226245 +10226246 +10226247 +10226248 +10226249 +10226250 +10226251 +10226252 +10226253 +10226254 +10226255 +10226256 +10226257 +10226258 +10226259 +10226260 +10226261 +10226262 +10226263 +10226264 +10226265 +10226266 +10226267 +10226268 +10226269 +10226270 +10226271 +10226272 +10226273 +10226274 +10226275 +10226276 +10226277 +10226278 +10226279 +10226280 +10226281 +10226282 +10226283 +10226284 +10226285 +10226286 +10226287 +10226288 +10226289 +10226290 +10226291 +10226292 +10226293 +10226294 +10226295 +10226296 +10226297 +10226298 +10226299 +10226300 +10226301 +10226302 +10226303 +10226304 +10226305 +10226306 +10226307 +10226308 +10226309 +10226310 +10226311 +10226312 +10226313 +10226314 +10226315 +10226316 +10226317 +10226318 +10226319 +10226320 +10226321 +10226322 +10226323 +10226324 +10226325 +10226326 +10226327 +10226328 +10226329 +10226330 +10226331 +10226332 +10226333 +10226334 +10226335 +10226336 +10226337 +10226338 +10226339 +10226340 +10226341 +10226342 +10226343 +10226344 +10226345 +10226346 +10226347 +10226348 +10226349 +10226350 +10226351 +10226352 +10226353 +10226354 +10226355 +10226356 +10226357 +10226358 +10226359 +10226360 +10226361 +10226362 +10226363 +10226364 +10226365 +10226366 +10226367 +10226368 +10226369 +10226370 +10226371 +10226372 +10226373 +10226374 +10226375 +10226376 +10226377 +10226378 +10226379 +10226380 +10226381 +10226382 +10226383 +10226384 +10226385 +10226386 +10226387 +10226388 +10226389 +10226390 +10226391 +10226392 +10226393 +10226394 +10226395 +10226396 +10226397 +10226398 +10226399 +10226400 +10226401 +10226402 +10226403 +10226404 +10226405 +10226406 +10226407 +10226408 +10226409 +10226410 +10226411 +10226412 +10226413 +10226414 +10226415 +10226416 +10226417 +10226418 +10226419 +10226420 +10226421 +10226422 +10226423 +10226424 +10226425 +10226426 +10226427 +10226428 +10226429 +10226430 +10226431 +10226432 +10226433 +10226434 +10226435 +10226436 +10226437 +10226438 +10226439 +10226440 +10226441 +10226442 +10226443 +10226444 +10226445 +10226446 +10226447 +10226448 +10226449 +10226450 +10226451 +10226452 +10226453 +10226454 +10226455 +10226456 +10226457 +10226458 +10226459 +10226460 +10226461 +10226462 +10226463 +10226464 +10226465 +10226466 +10226467 +10226468 +10226469 +10226470 +10226471 +10226472 +10226473 +10226474 +10226475 +10226476 +10226477 +10226478 +10226479 +10226480 +10226481 +10226482 +10226483 +10226484 +10226485 +10226486 +10226487 +10226488 +10226489 +10226490 +10226491 +10226492 +10226493 +10226494 +10226495 +10226496 +10226497 +10226498 +10226499 +10226500 +10226501 +10226502 +10226503 +10226504 +10226505 +10226506 +10226507 +10226508 +10226509 +10226510 +10226511 +10226512 +10226513 +10226514 +10226515 +10226516 +10226517 +10226518 +10226519 +10226520 +10226521 +10226522 +10226523 +10226524 +10226525 +10226526 +10226527 +10226528 +10226529 +10226530 +10226531 +10226532 +10226533 +10226534 +10226535 +10226536 +10226537 +10226538 +10226539 +10226540 +10226541 +10226542 +10226543 +10226544 +10226545 +10226546 +10226547 +10226548 +10226549 +10226550 +10226551 +10226552 +10226553 +10226554 +10226555 +10226556 +10226557 +10226558 +10226559 +10226560 +10226561 +10226562 +10226563 +10226564 +10226565 +10226566 +10226567 +10226568 +10226569 +10226570 +10226571 +10226572 +10226573 +10226574 +10226575 +10226576 +10226577 +10226578 +10226579 +10226580 +10226581 +10226582 +10226583 +10226584 +10226585 +10226586 +10226587 +10226588 +10226589 +10226590 +10226591 +10226592 +10226593 +10226594 +10226595 +10226596 +10226597 +10226598 +10226599 +10226600 +10226601 +10226602 +10226603 +10226604 +10226605 +10226606 +10226607 +10226608 +10226609 +10226610 +10226611 +10226612 +10226613 +10226614 +10226615 +10226616 +10226617 +10226618 +10226619 +10226620 +10226621 +10226622 +10226623 +10226624 +10226625 +10226626 +10226627 +10226628 +10226629 +10226630 +10226631 +10226632 +10226633 +10226634 +10226635 +10226636 +10226637 +10226638 +10226639 +10226640 +10226641 +10226642 +10226643 +10226644 +10226645 +10226646 +10226647 +10226648 +10226649 +10226650 +10226651 +10226652 +10226653 +10226654 +10226655 +10226656 +10226657 +10226658 +10226659 +10226660 +10226661 +10226662 +10226663 +10226664 +10226665 +10226666 +10226667 +10226668 +10226669 +10226670 +10226671 +10226672 +10226673 +10226674 +10226675 +10226676 +10226677 +10226678 +10226679 +10226680 +10226681 +10226682 +10226683 +10226684 +10226685 +10226686 +10226687 +10226688 +10226689 +10226690 +10226691 +10226692 +10226693 +10226694 +10226695 +10226696 +10226697 +10226698 +10226699 +10226700 +10226701 +10226702 +10226703 +10226704 +10226705 +10226706 +10226707 +10226708 +10226709 +10226710 +10226711 +10226712 +10226713 +10226714 +10226715 +10226716 +10226717 +10226718 +10226719 +10226720 +10226721 +10226722 +10226723 +10226724 +10226725 +10226726 +10226727 +10226728 +10226729 +10226730 +10226731 +10226732 +10226733 +10226734 +10226735 +10226736 +10226737 +10226738 +10226739 +10226740 +10226741 +10226742 +10226743 +10226744 +10226745 +10226746 +10226747 +10226748 +10226749 +10226750 +10226751 +10226752 +10226753 +10226754 +10226755 +10226756 +10226757 +10226758 +10226759 +10226760 +10226761 +10226762 +10226763 +10226764 +10226765 +10226766 +10226767 +10226768 +10226769 +10226770 +10226771 +10226772 +10226773 +10226774 +10226775 +10226776 +10226777 +10226778 +10226779 +10226780 +10226781 +10226782 +10226783 +10226784 +10226785 +10226786 +10226787 +10226788 +10226789 +10226790 +10226791 +10226792 +10226793 +10226794 +10226795 +10226796 +10226797 +10226798 +10226799 +10226800 +10226801 +10226802 +10226803 +10226804 +10226805 +10226806 +10226807 +10226808 +10226809 +10226810 +10226811 +10226812 +10226813 +10226814 +10226815 +10226816 +10226817 +10226818 +10226819 +10226820 +10226821 +10226822 +10226823 +10226824 +10226825 +10226826 +10226827 +10226828 +10226829 +10226830 +10226831 +10226832 +10226833 +10226834 +10226835 +10226836 +10226837 +10226838 +10226839 +10226840 +10226841 +10226842 +10226843 +10226844 +10226845 +10226846 +10226847 +10226848 +10226849 +10226850 +10226851 +10226852 +10226853 +10226854 +10226855 +10226856 +10226857 +10226858 +10226859 +10226860 +10226861 +10226862 +10226863 +10226864 +10226865 +10226866 +10226867 +10226868 +10226869 +10226870 +10226871 +10226872 +10226873 +10226874 +10226875 +10226876 +10226877 +10226878 +10226879 +10226880 +10226881 +10226882 +10226883 +10226884 +10226885 +10226886 +10226887 +10226888 +10226889 +10226890 +10226891 +10226892 +10226893 +10226894 +10226895 +10226896 +10226897 +10226898 +10226899 +10226900 +10226901 +10226902 +10226903 +10226904 +10226905 +10226906 +10226907 +10226908 +10226909 +10226910 +10226911 +10226912 +10226913 +10226914 +10226915 +10226916 +10226917 +10226918 +10226919 +10226920 +10226921 +10226922 +10226923 +10226924 +10226925 +10226926 +10226927 +10226928 +10226929 +10226930 +10226931 +10226932 +10226933 +10226934 +10226935 +10226936 +10226937 +10226938 +10226939 +10226940 +10226941 +10226942 +10226943 +10226944 +10226945 +10226946 +10226947 +10226948 +10226949 +10226950 +10226951 +10226952 +10226953 +10226954 +10226955 +10226956 +10226957 +10226958 +10226959 +10226960 +10226961 +10226962 +10226963 +10226964 +10226965 +10226966 +10226967 +10226968 +10226969 +10226970 +10226971 +10226972 +10226973 +10226974 +10226975 +10226976 +10226977 +10226978 +10226979 +10226980 +10226981 +10226982 +10226983 +10226984 +10226985 +10226986 +10226987 +10226988 +10226989 +10226990 +10226991 +10226992 +10226993 +10226994 +10226995 +10226996 +10226997 +10226998 +10226999 +10227000 +10227001 +10227002 +10227003 +10227004 +10227005 +10227006 +10227007 +10227008 +10227009 +10227010 +10227011 +10227012 +10227013 +10227014 +10227015 +10227016 +10227017 +10227018 +10227019 +10227020 +10227021 +10227022 +10227023 +10227024 +10227025 +10227026 +10227027 +10227028 +10227029 +10227030 +10227031 +10227032 +10227033 +10227034 +10227035 +10227036 +10227037 +10227038 +10227039 +10227040 +10227041 +10227042 +10227043 +10227044 +10227045 +10227046 +10227047 +10227048 +10227049 +10227050 +10227051 +10227052 +10227053 +10227054 +10227055 +10227056 +10227057 +10227058 +10227059 +10227060 +10227061 +10227062 +10227063 +10227064 +10227065 +10227066 +10227067 +10227068 +10227069 +10227070 +10227071 +10227072 +10227073 +10227074 +10227075 +10227076 +10227077 +10227078 +10227079 +10227080 +10227081 +10227082 +10227083 +10227084 +10227085 +10227086 +10227087 +10227088 +10227089 +10227090 +10227091 +10227092 +10227093 +10227094 +10227095 +10227096 +10227097 +10227098 +10227099 +10227100 +10227101 +10227102 +10227103 +10227104 +10227105 +10227106 +10227107 +10227108 +10227109 +10227110 +10227111 +10227112 +10227113 +10227114 +10227115 +10227116 +10227117 +10227118 +10227119 +10227120 +10227121 +10227122 +10227123 +10227124 +10227125 +10227126 +10227127 +10227128 +10227129 +10227130 +10227131 +10227132 +10227133 +10227134 +10227135 +10227136 +10227137 +10227138 +10227139 +10227140 +10227141 +10227142 +10227143 +10227144 +10227145 +10227146 +10227147 +10227148 +10227149 +10227150 +10227151 +10227152 +10227153 +10227154 +10227155 +10227156 +10227157 +10227158 +10227159 +10227160 +10227161 +10227162 +10227163 +10227164 +10227165 +10227166 +10227167 +10227168 +10227169 +10227170 +10227171 +10227172 +10227173 +10227174 +10227175 +10227176 +10227177 +10227178 +10227179 +10227180 +10227181 +10227182 +10227183 +10227184 +10227185 +10227186 +10227187 +10227188 +10227189 +10227190 +10227191 +10227192 +10227193 +10227194 +10227195 +10227196 +10227197 +10227198 +10227199 +10227200 +10227201 +10227202 +10227203 +10227204 +10227205 +10227206 +10227207 +10227208 +10227209 +10227210 +10227211 +10227212 +10227213 +10227214 +10227215 +10227216 +10227217 +10227218 +10227219 +10227220 +10227221 +10227222 +10227223 +10227224 +10227225 +10227226 +10227227 +10227228 +10227229 +10227230 +10227231 +10227232 +10227233 +10227234 +10227235 +10227236 +10227237 +10227238 +10227239 +10227240 +10227241 +10227242 +10227243 +10227244 +10227245 +10227246 +10227247 +10227248 +10227249 +10227250 +10227251 +10227252 +10227253 +10227254 +10227255 +10227256 +10227257 +10227258 +10227259 +10227260 +10227261 +10227262 +10227263 +10227264 +10227265 +10227266 +10227267 +10227268 +10227269 +10227270 +10227271 +10227272 +10227273 +10227274 +10227275 +10227276 +10227277 +10227278 +10227279 +10227280 +10227281 +10227282 +10227283 +10227284 +10227285 +10227286 +10227287 +10227288 +10227289 +10227290 +10227291 +10227292 +10227293 +10227294 +10227295 +10227296 +10227297 +10227298 +10227299 +10227300 +10227301 +10227302 +10227303 +10227304 +10227305 +10227306 +10227307 +10227308 +10227309 +10227310 +10227311 +10227312 +10227313 +10227314 +10227315 +10227316 +10227317 +10227318 +10227319 +10227320 +10227321 +10227322 +10227323 +10227324 +10227325 +10227326 +10227327 +10227328 +10227329 +10227330 +10227331 +10227332 +10227333 +10227334 +10227335 +10227336 +10227337 +10227338 +10227339 +10227340 +10227341 +10227342 +10227343 +10227344 +10227345 +10227346 +10227347 +10227348 +10227349 +10227350 +10227351 +10227352 +10227353 +10227354 +10227355 +10227356 +10227357 +10227358 +10227359 +10227360 +10227361 +10227362 +10227363 +10227364 +10227365 +10227366 +10227367 +10227368 +10227369 +10227370 +10227371 +10227372 +10227373 +10227374 +10227375 +10227376 +10227377 +10227378 +10227379 +10227380 +10227381 +10227382 +10227383 +10227384 +10227385 +10227386 +10227387 +10227388 +10227389 +10227390 +10227391 +10227392 +10227393 +10227394 +10227395 +10227396 +10227397 +10227398 +10227399 +10227400 +10227401 +10227402 +10227403 +10227404 +10227405 +10227406 +10227407 +10227408 +10227409 +10227410 +10227411 +10227412 +10227413 +10227414 +10227415 +10227416 +10227417 +10227418 +10227419 +10227420 +10227421 +10227422 +10227423 +10227424 +10227425 +10227426 +10227427 +10227428 +10227429 +10227430 +10227431 +10227432 +10227433 +10227434 +10227435 +10227436 +10227437 +10227438 +10227439 +10227440 +10227441 +10227442 +10227443 +10227444 +10227445 +10227446 +10227447 +10227448 +10227449 +10227450 +10227451 +10227452 +10227453 +10227454 +10227455 +10227456 +10227457 +10227458 +10227459 +10227460 +10227461 +10227462 +10227463 +10227464 +10227465 +10227466 +10227467 +10227468 +10227469 +10227470 +10227471 +10227472 +10227473 +10227474 +10227475 +10227476 +10227477 +10227478 +10227479 +10227480 +10227481 +10227482 +10227483 +10227484 +10227485 +10227486 +10227487 +10227488 +10227489 +10227490 +10227491 +10227492 +10227493 +10227494 +10227495 +10227496 +10227497 +10227498 +10227499 +10227500 +10227501 +10227502 +10227503 +10227504 +10227505 +10227506 +10227507 +10227508 +10227509 +10227510 +10227511 +10227512 +10227513 +10227514 +10227515 +10227516 +10227517 +10227518 +10227519 +10227520 +10227521 +10227522 +10227523 +10227524 +10227525 +10227526 +10227527 +10227528 +10227529 +10227530 +10227531 +10227532 +10227533 +10227534 +10227535 +10227536 +10227537 +10227538 +10227539 +10227540 +10227541 +10227542 +10227543 +10227544 +10227545 +10227546 +10227547 +10227548 +10227549 +10227550 +10227551 +10227552 +10227553 +10227554 +10227555 +10227556 +10227557 +10227558 +10227559 +10227560 +10227561 +10227562 +10227563 +10227564 +10227565 +10227566 +10227567 +10227568 +10227569 +10227570 +10227571 +10227572 +10227573 +10227574 +10227575 +10227576 +10227577 +10227578 +10227579 +10227580 +10227581 +10227582 +10227583 +10227584 +10227585 +10227586 +10227587 +10227588 +10227589 +10227590 +10227591 +10227592 +10227593 +10227594 +10227595 +10227596 +10227597 +10227598 +10227599 +10227600 +10227601 +10227602 +10227603 +10227604 +10227605 +10227606 +10227607 +10227608 +10227609 +10227610 +10227611 +10227612 +10227613 +10227614 +10227615 +10227616 +10227617 +10227618 +10227619 +10227620 +10227621 +10227622 +10227623 +10227624 +10227625 +10227626 +10227627 +10227628 +10227629 +10227630 +10227631 +10227632 +10227633 +10227634 +10227635 +10227636 +10227637 +10227638 +10227639 +10227640 +10227641 +10227642 +10227643 +10227644 +10227645 +10227646 +10227647 +10227648 +10227649 +10227650 +10227651 +10227652 +10227653 +10227654 +10227655 +10227656 +10227657 +10227658 +10227659 +10227660 +10227661 +10227662 +10227663 +10227664 +10227665 +10227666 +10227667 +10227668 +10227669 +10227670 +10227671 +10227672 +10227673 +10227674 +10227675 +10227676 +10227677 +10227678 +10227679 +10227680 +10227681 +10227682 +10227683 +10227684 +10227685 +10227686 +10227687 +10227688 +10227689 +10227690 +10227691 +10227692 +10227693 +10227694 +10227695 +10227696 +10227697 +10227698 +10227699 +10227700 +10227701 +10227702 +10227703 +10227704 +10227705 +10227706 +10227707 +10227708 +10227709 +10227710 +10227711 +10227712 +10227713 +10227714 +10227715 +10227716 +10227717 +10227718 +10227719 +10227720 +10227721 +10227722 +10227723 +10227724 +10227725 +10227726 +10227727 +10227728 +10227729 +10227730 +10227731 +10227732 +10227733 +10227734 +10227735 +10227736 +10227737 +10227738 +10227739 +10227740 +10227741 +10227742 +10227743 +10227744 +10227745 +10227746 +10227747 +10227748 +10227749 +10227750 +10227751 +10227752 +10227753 +10227754 +10227755 +10227756 +10227757 +10227758 +10227759 +10227760 +10227761 +10227762 +10227763 +10227764 +10227765 +10227766 +10227767 +10227768 +10227769 +10227770 +10227771 +10227772 +10227773 +10227774 +10227775 +10227776 +10227777 +10227778 +10227779 +10227780 +10227781 +10227782 +10227783 +10227784 +10227785 +10227786 +10227787 +10227788 +10227789 +10227790 +10227791 +10227792 +10227793 +10227794 +10227795 +10227796 +10227797 +10227798 +10227799 +10227800 +10227801 +10227802 +10227803 +10227804 +10227805 +10227806 +10227807 +10227808 +10227809 +10227810 +10227811 +10227812 +10227813 +10227814 +10227815 +10227816 +10227817 +10227818 +10227819 +10227820 +10227821 +10227822 +10227823 +10227824 +10227825 +10227826 +10227827 +10227828 +10227829 +10227830 +10227831 +10227832 +10227833 +10227834 +10227835 +10227836 +10227837 +10227838 +10227839 +10227840 +10227841 +10227842 +10227843 +10227844 +10227845 +10227846 +10227847 +10227848 +10227849 +10227850 +10227851 +10227852 +10227853 +10227854 +10227855 +10227856 +10227857 +10227858 +10227859 +10227860 +10227861 +10227862 +10227863 +10227864 +10227865 +10227866 +10227867 +10227868 +10227869 +10227870 +10227871 +10227872 +10227873 +10227874 +10227875 +10227876 +10227877 +10227878 +10227879 +10227880 +10227881 +10227882 +10227883 +10227884 +10227885 +10227886 +10227887 +10227888 +10227889 +10227890 +10227891 +10227892 +10227893 +10227894 +10227895 +10227896 +10227897 +10227898 +10227899 +10227900 +10227901 +10227902 +10227903 +10227904 +10227905 +10227906 +10227907 +10227908 +10227909 +10227910 +10227911 +10227912 +10227913 +10227914 +10227915 +10227916 +10227917 +10227918 +10227919 +10227920 +10227921 +10227922 +10227923 +10227924 +10227925 +10227926 +10227927 +10227928 +10227929 +10227930 +10227931 +10227932 +10227933 +10227934 +10227935 +10227936 +10227937 +10227938 +10227939 +10227940 +10227941 +10227942 +10227943 +10227944 +10227945 +10227946 +10227947 +10227948 +10227949 +10227950 +10227951 +10227952 +10227953 +10227954 +10227955 +10227956 +10227957 +10227958 +10227959 +10227960 +10227961 +10227962 +10227963 +10227964 +10227965 +10227966 +10227967 +10227968 +10227969 +10227970 +10227971 +10227972 +10227973 +10227974 +10227975 +10227976 +10227977 +10227978 +10227979 +10227980 +10227981 +10227982 +10227983 +10227984 +10227985 +10227986 +10227987 +10227988 +10227989 +10227990 +10227991 +10227992 +10227993 +10227994 +10227995 +10227996 +10227997 +10227998 +10227999 +10228000 +10228001 +10228002 +10228003 +10228004 +10228005 +10228006 +10228007 +10228008 +10228009 +10228010 +10228011 +10228012 +10228013 +10228014 +10228015 +10228016 +10228017 +10228018 +10228019 +10228020 +10228021 +10228022 +10228023 +10228024 +10228025 +10228026 +10228027 +10228028 +10228029 +10228030 +10228031 +10228032 +10228033 +10228034 +10228035 +10228036 +10228037 +10228038 +10228039 +10228040 +10228041 +10228042 +10228043 +10228044 +10228045 +10228046 +10228047 +10228048 +10228049 +10228050 +10228051 +10228052 +10228053 +10228054 +10228055 +10228056 +10228057 +10228058 +10228059 +10228060 +10228061 +10228062 +10228063 +10228064 +10228065 +10228066 +10228067 +10228068 +10228069 +10228070 +10228071 +10228072 +10228073 +10228074 +10228075 +10228076 +10228077 +10228078 +10228079 +10228080 +10228081 +10228082 +10228083 +10228084 +10228085 +10228086 +10228087 +10228088 +10228089 +10228090 +10228091 +10228092 +10228093 +10228094 +10228095 +10228096 +10228097 +10228098 +10228099 +10228100 +10228101 +10228102 +10228103 +10228104 +10228105 +10228106 +10228107 +10228108 +10228109 +10228110 +10228111 +10228112 +10228113 +10228114 +10228115 +10228116 +10228117 +10228118 +10228119 +10228120 +10228121 +10228122 +10228123 +10228124 +10228125 +10228126 +10228127 +10228128 +10228129 +10228130 +10228131 +10228132 +10228133 +10228134 +10228135 +10228136 +10228137 +10228138 +10228139 +10228140 +10228141 +10228142 +10228143 +10228144 +10228145 +10228146 +10228147 +10228148 +10228149 +10228150 +10228151 +10228152 +10228153 +10228154 +10228155 +10228156 +10228157 +10228158 +10228159 +10228160 +10228161 +10228162 +10228163 +10228164 +10228165 +10228166 +10228167 +10228168 +10228169 +10228170 +10228171 +10228172 +10228173 +10228174 +10228175 +10228176 +10228177 +10228178 +10228179 +10228180 +10228181 +10228182 +10228183 +10228184 +10228185 +10228186 +10228187 +10228188 +10228189 +10228190 +10228191 +10228192 +10228193 +10228194 +10228195 +10228196 +10228197 +10228198 +10228199 +10228200 +10228201 +10228202 +10228203 +10228204 +10228205 +10228206 +10228207 +10228208 +10228209 +10228210 +10228211 +10228212 +10228213 +10228214 +10228215 +10228216 +10228217 +10228218 +10228219 +10228220 +10228221 +10228222 +10228223 +10228224 +10228225 +10228226 +10228227 +10228228 +10228229 +10228230 +10228231 +10228232 +10228233 +10228234 +10228235 +10228236 +10228237 +10228238 +10228239 +10228240 +10228241 +10228242 +10228243 +10228244 +10228245 +10228246 +10228247 +10228248 +10228249 +10228250 +10228251 +10228252 +10228253 +10228254 +10228255 +10228256 +10228257 +10228258 +10228259 +10228260 +10228261 +10228262 +10228263 +10228264 +10228265 +10228266 +10228267 +10228268 +10228269 +10228270 +10228271 +10228272 +10228273 +10228274 +10228275 +10228276 +10228277 +10228278 +10228279 +10228280 +10228281 +10228282 +10228283 +10228284 +10228285 +10228286 +10228287 +10228288 +10228289 +10228290 +10228291 +10228292 +10228293 +10228294 +10228295 +10228296 +10228297 +10228298 +10228299 +10228300 +10228301 +10228302 +10228303 +10228304 +10228305 +10228306 +10228307 +10228308 +10228309 +10228310 +10228311 +10228312 +10228313 +10228314 +10228315 +10228316 +10228317 +10228318 +10228319 +10228320 +10228321 +10228322 +10228323 +10228324 +10228325 +10228326 +10228327 +10228328 +10228329 +10228330 +10228331 +10228332 +10228333 +10228334 +10228335 +10228336 +10228337 +10228338 +10228339 +10228340 +10228341 +10228342 +10228343 +10228344 +10228345 +10228346 +10228347 +10228348 +10228349 +10228350 +10228351 +10228352 +10228353 +10228354 +10228355 +10228356 +10228357 +10228358 +10228359 +10228360 +10228361 +10228362 +10228363 +10228364 +10228365 +10228366 +10228367 +10228368 +10228369 +10228370 +10228371 +10228372 +10228373 +10228374 +10228375 +10228376 +10228377 +10228378 +10228379 +10228380 +10228381 +10228382 +10228383 +10228384 +10228385 +10228386 +10228387 +10228388 +10228389 +10228390 +10228391 +10228392 +10228393 +10228394 +10228395 +10228396 +10228397 +10228398 +10228399 +10228400 +10228401 +10228402 +10228403 +10228404 +10228405 +10228406 +10228407 +10228408 +10228409 +10228410 +10228411 +10228412 +10228413 +10228414 +10228415 +10228416 +10228417 +10228418 +10228419 +10228420 +10228421 +10228422 +10228423 +10228424 +10228425 +10228426 +10228427 +10228428 +10228429 +10228430 +10228431 +10228432 +10228433 +10228434 +10228435 +10228436 +10228437 +10228438 +10228439 +10228440 +10228441 +10228442 +10228443 +10228444 +10228445 +10228446 +10228447 +10228448 +10228449 +10228450 +10228451 +10228452 +10228453 +10228454 +10228455 +10228456 +10228457 +10228458 +10228459 +10228460 +10228461 +10228462 +10228463 +10228464 +10228465 +10228466 +10228467 +10228468 +10228469 +10228470 +10228471 +10228472 +10228473 +10228474 +10228475 +10228476 +10228477 +10228478 +10228479 +10228480 +10228481 +10228482 +10228483 +10228484 +10228485 +10228486 +10228487 +10228488 +10228489 +10228490 +10228491 +10228492 +10228493 +10228494 +10228495 +10228496 +10228497 +10228498 +10228499 +10228500 +10228501 +10228502 +10228503 +10228504 +10228505 +10228506 +10228507 +10228508 +10228509 +10228510 +10228511 +10228512 +10228513 +10228514 +10228515 +10228516 +10228517 +10228518 +10228519 +10228520 +10228521 +10228522 +10228523 +10228524 +10228525 +10228526 +10228527 +10228528 +10228529 +10228530 +10228531 +10228532 +10228533 +10228534 +10228535 +10228536 +10228537 +10228538 +10228539 +10228540 +10228541 +10228542 +10228543 +10228544 +10228545 +10228546 +10228547 +10228548 +10228549 +10228550 +10228551 +10228552 +10228553 +10228554 +10228555 +10228556 +10228557 +10228558 +10228559 +10228560 +10228561 +10228562 +10228563 +10228564 +10228565 +10228566 +10228567 +10228568 +10228569 +10228570 +10228571 +10228572 +10228573 +10228574 +10228575 +10228576 +10228577 +10228578 +10228579 +10228580 +10228581 +10228582 +10228583 +10228584 +10228585 +10228586 +10228587 +10228588 +10228589 +10228590 +10228591 +10228592 +10228593 +10228594 +10228595 +10228596 +10228597 +10228598 +10228599 +10228600 +10228601 +10228602 +10228603 +10228604 +10228605 +10228606 +10228607 +10228608 +10228609 +10228610 +10228611 +10228612 +10228613 +10228614 +10228615 +10228616 +10228617 +10228618 +10228619 +10228620 +10228621 +10228622 +10228623 +10228624 +10228625 +10228626 +10228627 +10228628 +10228629 +10228630 +10228631 +10228632 +10228633 +10228634 +10228635 +10228636 +10228637 +10228638 +10228639 +10228640 +10228641 +10228642 +10228643 +10228644 +10228645 +10228646 +10228647 +10228648 +10228649 +10228650 +10228651 +10228652 +10228653 +10228654 +10228655 +10228656 +10228657 +10228658 +10228659 +10228660 +10228661 +10228662 +10228663 +10228664 +10228665 +10228666 +10228667 +10228668 +10228669 +10228670 +10228671 +10228672 +10228673 +10228674 +10228675 +10228676 +10228677 +10228678 +10228679 +10228680 +10228681 +10228682 +10228683 +10228684 +10228685 +10228686 +10228687 +10228688 +10228689 +10228690 +10228691 +10228692 +10228693 +10228694 +10228695 +10228696 +10228697 +10228698 +10228699 +10228700 +10228701 +10228702 +10228703 +10228704 +10228705 +10228706 +10228707 +10228708 +10228709 +10228710 +10228711 +10228712 +10228713 +10228714 +10228715 +10228716 +10228717 +10228718 +10228719 +10228720 +10228721 +10228722 +10228723 +10228724 +10228725 +10228726 +10228727 +10228728 +10228729 +10228730 +10228731 +10228732 +10228733 +10228734 +10228735 +10228736 +10228737 +10228738 +10228739 +10228740 +10228741 +10228742 +10228743 +10228744 +10228745 +10228746 +10228747 +10228748 +10228749 +10228750 +10228751 +10228752 +10228753 +10228754 +10228755 +10228756 +10228757 +10228758 +10228759 +10228760 +10228761 +10228762 +10228763 +10228764 +10228765 +10228766 +10228767 +10228768 +10228769 +10228770 +10228771 +10228772 +10228773 +10228774 +10228775 +10228776 +10228777 +10228778 +10228779 +10228780 +10228781 +10228782 +10228783 +10228784 +10228785 +10228786 +10228787 +10228788 +10228789 +10228790 +10228791 +10228792 +10228793 +10228794 +10228795 +10228796 +10228797 +10228798 +10228799 +10228800 +10228801 +10228802 +10228803 +10228804 +10228805 +10228806 +10228807 +10228808 +10228809 +10228810 +10228811 +10228812 +10228813 +10228814 +10228815 +10228816 +10228817 +10228818 +10228819 +10228820 +10228821 +10228822 +10228823 +10228824 +10228825 +10228826 +10228827 +10228828 +10228829 +10228830 +10228831 +10228832 +10228833 +10228834 +10228835 +10228836 +10228837 +10228838 +10228839 +10228840 +10228841 +10228842 +10228843 +10228844 +10228845 +10228846 +10228847 +10228848 +10228849 +10228850 +10228851 +10228852 +10228853 +10228854 +10228855 +10228856 +10228857 +10228858 +10228859 +10228860 +10228861 +10228862 +10228863 +10228864 +10228865 +10228866 +10228867 +10228868 +10228869 +10228870 +10228871 +10228872 +10228873 +10228874 +10228875 +10228876 +10228877 +10228878 +10228879 +10228880 +10228881 +10228882 +10228883 +10228884 +10228885 +10228886 +10228887 +10228888 +10228889 +10228890 +10228891 +10228892 +10228893 +10228894 +10228895 +10228896 +10228897 +10228898 +10228899 +10228900 +10228901 +10228902 +10228903 +10228904 +10228905 +10228906 +10228907 +10228908 +10228909 +10228910 +10228911 +10228912 +10228913 +10228914 +10228915 +10228916 +10228917 +10228918 +10228919 +10228920 +10228921 +10228922 +10228923 +10228924 +10228925 +10228926 +10228927 +10228928 +10228929 +10228930 +10228931 +10228932 +10228933 +10228934 +10228935 +10228936 +10228937 +10228938 +10228939 +10228940 +10228941 +10228942 +10228943 +10228944 +10228945 +10228946 +10228947 +10228948 +10228949 +10228950 +10228951 +10228952 +10228953 +10228954 +10228955 +10228956 +10228957 +10228958 +10228959 +10228960 +10228961 +10228962 +10228963 +10228964 +10228965 +10228966 +10228967 +10228968 +10228969 +10228970 +10228971 +10228972 +10228973 +10228974 +10228975 +10228976 +10228977 +10228978 +10228979 +10228980 +10228981 +10228982 +10228983 +10228984 +10228985 +10228986 +10228987 +10228988 +10228989 +10228990 +10228993 +10228994 +10228995 +10228996 +10228997 +10228998 +10228999 +10229000 +10229001 +10229002 +10229003 +10229004 +10229010 +10229016 +10229017 +10229018 +10229019 +10229020 +10229021 +10229022 +10229023 +10229024 +10229025 +10229026 +10229027 +10229028 +10229029 +10229030 +10229031 +10229032 +10229033 +10229034 +10229035 +10229036 +10229037 +10229038 +10229039 +10229040 +10229041 +10229042 +10229043 +10229044 +10229045 +10229046 +10229047 +10229048 +10229049 +10229050 +10229051 +10229052 +10229053 +10229054 +10229055 +10229056 +10229057 +10229058 +10229059 +10229060 +10229061 +10229062 +10229063 +10229064 +10229065 +10229066 +10229067 +10229068 +10229069 +10229070 +10229071 +10229072 +10229073 +10229074 +10229075 +10229076 +10229077 +10229078 +10229079 +10229080 +10229081 +10229082 +10229083 +10229084 +10229085 +10229086 +10229087 +10229088 +10229089 +10229090 +10229091 +10229092 +10229093 +10229094 +10229095 +10229096 +10229097 +10229098 +10229099 +10229100 +10229101 +10229102 +10229103 +10229104 +10229105 +10229106 +10229107 +10229108 +10229109 +10229110 +10229111 +10229112 +10229113 +10229114 +10229115 +10229116 +10229117 +10229118 +10229119 +10229120 +10229121 +10229122 +10229123 +10229124 +10229125 +10229126 +10229127 +10229128 +10229129 +10229130 +10229131 +10229132 +10229133 +10229134 +10229135 +10229136 +10229137 +10229138 +10229139 +10229140 +10229141 +10229142 +10229143 +10229144 +10229145 +10229146 +10229147 +10229148 +10229149 +10229150 +10229151 +10229152 +10229153 +10229154 +10229155 +10229156 +10229157 +10229158 +10229159 +10229160 +10229161 +10229162 +10229163 +10229164 +10229165 +10229166 +10229167 +10229168 +10229169 +10229170 +10229171 +10229172 +10229173 +10229174 +10229175 +10229176 +10229177 +10229178 +10229179 +10229180 +10229181 +10229182 +10229183 +10229184 +10229185 +10229186 +10229187 +10229188 +10229189 +10229190 +10229191 +10229192 +10229193 +10229194 +10229195 +10229196 +10229197 +10229198 +10229200 +10229201 +10229202 +10229203 +10229204 +10229205 +10229206 +10229207 +10229208 +10229209 +10229210 +10229211 +10229212 +10229213 +10229214 +10229215 +10229216 +10229217 +10229218 +10229219 +10229220 +10229221 +10229222 +10229223 +10229224 +10229225 +10229226 +10229227 +10229228 +10229229 +10229230 +10229231 +10229232 +10229233 +10229234 +10229235 +10229236 +10229237 +10229238 +10229239 +10229240 +10229241 +10229242 +10229243 +10229244 +10229245 +10229246 +10229247 +10229248 +10229249 +10229250 +10229251 +10229252 +10229253 +10229254 +10229255 +10229256 +10229257 +10229258 +10229259 +10229260 +10229261 +10229262 +10229263 +10229264 +10229265 +10229266 +10229267 +10229268 +10229269 +10229270 +10229271 +10229272 +10229273 +10229274 +10229275 +10229276 +10229277 +10229278 +10229279 +10229280 +10229281 +10229282 +10229283 +10229284 +10229285 +10229286 +10229287 +10229288 +10229289 +10229290 +10229291 +10229292 +10229293 +10229294 +10229295 +10229296 +10229297 +10229298 +10229299 +10229300 +10229301 +10229302 +10229303 +10229304 +10229305 +10229306 +10229307 +10229308 +10229309 +10229310 +10229311 +10229312 +10229313 +10229314 +10229315 +10229316 +10229317 +10229318 +10229319 +10229320 +10229321 +10229322 +10229323 +10229324 +10229325 +10229326 +10229327 +10229328 +10229329 +10229330 +10229334 +10229335 +10229336 +10229337 +10229338 +10229339 +10229340 +10229341 +10229342 +10229343 +10229344 +10229345 +10229346 +10229347 +10229348 +10229349 +10229350 +10229351 +10229352 +10229353 +10229354 +10229355 +10229356 +10229357 +10229358 +10229359 +10229360 +10229361 +10229362 +10229363 +10229364 +10229365 +10229366 +10229367 +10229368 +10229369 +10229370 +10229371 +10229372 +10229373 +10229374 +10229375 +10229376 +10229377 +10229378 +10229379 +10229380 +10229381 +10229382 +10229383 +10229384 +10229385 +10229386 +10229387 +10229388 +10229389 +10229391 +10229392 +10229393 +10229394 +10229396 +10229397 +10229398 +10229399 +10229400 +10229401 +10229402 +10229403 +10229404 +10229405 +10229406 +10229407 +10229408 +10229409 +10229410 +10229411 +10229412 +10229413 +10229414 +10229415 +10229416 +10229417 +10229418 +10229419 +10229420 +10229421 +10229422 +10229423 +10229424 +10229425 +10229426 +10229427 +10229428 +10229429 +10229430 +10229431 +10229432 +10229433 +10229434 +10229435 +10229436 +10229437 +10229438 +10229439 +10229440 +10229441 +10229442 +10229443 +10229444 +10229445 +10229446 +10229447 +10229448 +10229449 +10229450 +10229451 +10229452 +10229453 +10229454 +10229455 +10229456 +10229457 +10229458 +10229459 +10229460 +10229461 +10229462 +10229463 +10229464 +10229465 +10229466 +10229467 +10229468 +10229469 +10229470 +10229471 +10229472 +10229473 +10229474 +10229475 +10229476 +10229477 +10229478 +10229479 +10229480 +10229481 +10229482 +10229483 +10229484 +10229485 +10229486 +10229487 +10229488 +10229489 +10229490 +10229492 +10229493 +10229494 +10229495 +10229496 +10229497 +10229498 +10229499 +10229500 +10229501 +10229502 +10229503 +10229504 +10229505 +10229506 +10229507 +10229508 +10229509 +10229510 +10229511 +10229512 +10229513 +10229514 +10229515 +10229516 +10229517 +10229518 +10229519 +10229520 +10229521 +10229522 +10229523 +10229524 +10229525 +10229527 +10229528 +10229529 +10229530 +10229531 +10229532 +10229533 +10229534 +10229535 +10229536 +10229537 +10229538 +10229539 +10229540 +10229541 +10229542 +10229543 +10229544 +10229545 +10229546 +10229547 +10229548 +10229549 +10229550 +10229551 +10229552 +10229553 +10229554 +10229555 +10229556 +10229557 +10229558 +10229559 +10229560 +10229561 +10229562 +10229563 +10229564 +10229565 +10229566 +10229567 +10229568 +10229569 +10229570 +10229571 +10229572 +10229573 +10229574 +10229575 +10229576 +10229577 +10229578 +10229579 +10229580 +10229581 +10229582 +10229583 +10229584 +10229585 +10229586 +10229587 +10229588 +10229589 +10229590 +10229591 +10229592 +10229593 +10229594 +10229595 +10229596 +10229597 +10229598 +10229599 +10229600 +10229601 +10229602 +10229603 +10229604 +10229605 +10229606 +10229607 +10229608 +10229609 +10229610 +10229611 +10229612 +10229613 +10229614 +10229615 +10229616 +10229617 +10229618 +10229619 +10229620 +10229621 +10229622 +10229623 +10229624 +10229625 +10229626 +10229627 +10229628 +10229629 +10229630 +10229631 +10229632 +10229633 +10229634 +10229635 +10229636 +10229637 +10229638 +10229639 +10229640 +10229641 +10229642 +10229643 +10229644 +10229645 +10229646 +10229647 +10229648 +10229649 +10229650 +10229651 +10229652 +10229653 +10229654 +10229655 +10229656 +10229657 +10229658 +10229659 +10229660 +10229661 +10229662 +10229663 +10229664 +10229665 +10229666 +10229667 +10229668 +10229669 +10229670 +10229671 +10229672 +10229673 +10229674 +10229675 +10229676 +10229677 +10229678 +10229679 +10229680 +10229681 +10229682 +10229683 +10229684 +10229685 +10229686 +10229687 +10229688 +10229689 +10229690 +10229691 +10229692 +10229693 +10229694 +10229695 +10229696 +10229697 +10229698 +10229699 +10229700 +10229701 +10229702 +10229703 +10229704 +10229705 +10229706 +10229707 +10229708 +10229709 +10229710 +10229711 +10229712 +10229713 +10229714 +10229715 +10229716 +10229717 +10229718 +10229719 +10229720 +10229721 +10229722 +10229723 +10229724 +10229725 +10229726 +10229727 +10229728 +10229729 +10229730 +10229731 +10229732 +10229733 +10229734 +10229735 +10229736 +10229737 +10229738 +10229739 +10229740 +10229741 +10229742 +10229743 +10229744 +10229745 +10229746 +10229747 +10229748 +10229749 +10229750 +10229751 +10229752 +10229753 +10229754 +10229755 +10229756 +10229757 +10229758 +10229759 +10229760 +10229761 +10229762 +10229763 +10229764 +10229765 +10229766 +10229767 +10229768 +10229769 +10229770 +10229771 +10229772 +10229773 +10229774 +10229775 +10229776 +10229777 +10229778 +10229779 +10229780 +10229781 +10229782 +10229783 +10229784 +10229785 +10229786 +10229787 +10229788 +10229789 +10229790 +10229791 +10229792 +10229793 +10229794 +10229795 +10229796 +10229797 +10229798 +10229799 +10229800 +10229801 +10229802 +10229803 +10229804 +10229805 +10229806 +10229807 +10229808 +10229809 +10229810 +10229811 +10229812 +10229813 +10229814 +10229815 +10229816 +10229817 +10229818 +10229819 +10229820 +10229821 +10229822 +10229823 +10229824 +10229825 +10229826 +10229827 +10229828 +10229829 +10229830 +10229831 +10229832 +10229833 +10229834 +10229835 +10229836 +10229837 +10229838 +10229839 +10229840 +10229841 +10229842 +10229843 +10229844 +10229845 +10229846 +10229847 +10229848 +10229849 +10229850 +10229851 +10229852 +10229853 +10229854 +10229855 +10229856 +10229857 +10229858 +10229859 +10229860 +10229861 +10229862 +10229863 +10229864 +10229865 +10229866 +10229867 +10229868 +10229869 +10229870 +10229871 +10229872 +10229873 +10229874 +10229875 +10229876 +10229877 +10229878 +10229879 +10229880 +10229881 +10229882 +10229883 +10229884 +10229885 +10229886 +10229887 +10229888 +10229889 +10229890 +10229891 +10229892 +10229893 +10229894 +10229895 +10229896 +10229897 +10229898 +10229899 +10229900 +10229901 +10229902 +10229903 +10229904 +10229905 +10229906 +10229907 +10229908 +10229909 +10229910 +10229911 +10229912 +10229913 +10229914 +10229915 +10229916 +10229917 +10229918 +10229919 +10229920 +10229921 +10229922 +10229923 +10229924 +10229925 +10229926 +10229927 +10229928 +10229929 +10229930 +10229931 +10229932 +10229933 +10229934 +10229935 +10229936 +10229937 +10229938 +10229939 +10229940 +10229941 +10229942 +10229943 +10229944 +10229945 +10229946 +10229947 +10229948 +10229949 +10229950 +10229951 +10229952 +10229953 +10229954 +10229955 +10229956 +10229957 +10229958 +10229959 +10229960 +10229961 +10229962 +10229963 +10229964 +10229965 +10229966 +10229967 +10229968 +10229969 +10229970 +10229971 +10229972 +10229973 +10229974 +10229975 +10229976 +10229977 +10229978 +10229979 +10229980 +10229981 +10229982 +10229983 +10229984 +10229985 +10229986 +10229987 +10229988 +10229989 +10229990 +10229991 +10229992 +10229993 +10229994 +10229995 +10229996 +10229997 +10229998 +10229999 +10230000 +10230001 +10230002 +10230003 +10230004 +10230005 +10230006 +10230007 +10230008 +10230009 +10230010 +10230011 +10230012 +10230013 +10230014 +10230015 +10230016 +10230017 +10230018 +10230019 +10230020 +10230021 +10230022 +10230023 +10230024 +10230025 +10230026 +10230027 +10230028 +10230029 +10230030 +10230031 +10230032 +10230033 +10230034 +10230035 +10230036 +10230037 +10230038 +10230039 +10230040 +10230041 +10230042 +10230043 +10230044 +10230045 +10230046 +10230047 +10230048 +10230049 +10230050 +10230051 +10230052 +10230053 +10230054 +10230055 +10230056 +10230057 +10230058 +10230059 +10230060 +10230061 +10230062 +10230063 +10230064 +10230065 +10230066 +10230067 +10230068 +10230069 +10230070 +10230071 +10230072 +10230073 +10230074 +10230075 +10230076 +10230077 +10230078 +10230079 +10230080 +10230081 +10230082 +10230083 +10230084 +10230085 +10230086 +10230087 +10230088 +10230089 +10230090 +10230091 +10230092 +10230093 +10230094 +10230095 +10230096 +10230097 +10230098 +10230099 +10230100 +10230101 +10230102 +10230103 +10230104 +10230105 +10230106 +10230107 +10230108 +10230109 +10230110 +10230111 +10230112 +10230113 +10230114 +10230115 +10230116 +10230117 +10230118 +10230119 +10230120 +10230121 +10230122 +10230123 +10230124 +10230125 +10230126 +10230127 +10230128 +10230129 +10230130 +10230131 +10230132 +10230133 +10230134 +10230135 +10230136 +10230137 +10230138 +10230139 +10230140 +10230141 +10230142 +10230143 +10230144 +10230145 +10230146 +10230147 +10230148 +10230149 +10230150 +10230151 +10230152 +10230153 +10230154 +10230155 +10230156 +10230157 +10230158 +10230159 +10230160 +10230161 +10230162 +10230163 +10230164 +10230165 +10230166 +10230167 +10230168 +10230169 +10230170 +10230171 +10230172 +10230173 +10230174 +10230175 +10230176 +10230177 +10230178 +10230179 +10230180 +10230181 +10230182 +10230183 +10230184 +10230185 +10230186 +10230187 +10230188 +10230189 +10230190 +10230191 +10230192 +10230193 +10230194 +10230195 +10230196 +10230197 +10230198 +10230199 +10230200 +10230201 +10230202 +10230203 +10230204 +10230205 +10230206 +10230207 +10230208 +10230209 +10230210 +10230211 +10230212 +10230213 +10230214 +10230215 +10230216 +10230217 +10230218 +10230219 +10230220 +10230221 +10230222 +10230223 +10230224 +10230225 +10230226 +10230227 +10230228 +10230229 +10230230 +10230231 +10230232 +10230233 +10230234 +10230235 +10230236 +10230237 +10230238 +10230239 +10230240 +10230241 +10230242 +10230243 +10230244 +10230245 +10230246 +10230247 +10230248 +10230249 +10230250 +10230251 +10230252 +10230253 +10230254 +10230255 +10230256 +10230257 +10230258 +10230259 +10230260 +10230261 +10230262 +10230263 +10230264 +10230265 +10230266 +10230267 +10230268 +10230269 +10230270 +10230271 +10230272 +10230273 +10230274 +10230275 +10230276 +10230277 +10230278 +10230279 +10230280 +10230281 +10230282 +10230283 +10230284 +10230285 +10230286 +10230287 +10230288 +10230289 +10230290 +10230291 +10230292 +10230293 +10230294 +10230295 +10230296 +10230297 +10230298 +10230299 +10230300 +10230301 +10230302 +10230303 +10230304 +10230305 +10230306 +10230307 +10230308 +10230309 +10230310 +10230311 +10230312 +10230313 +10230314 +10230315 +10230316 +10230317 +10230318 +10230319 +10230320 +10230321 +10230322 +10230323 +10230324 +10230325 +10230326 +10230327 +10230328 +10230329 +10230330 +10230331 +10230332 +10230333 +10230334 +10230335 +10230336 +10230337 +10230338 +10230339 +10230340 +10230341 +10230342 +10230343 +10230344 +10230345 +10230346 +10230347 +10230348 +10230349 +10230350 +10230351 +10230352 +10230353 +10230354 +10230355 +10230356 +10230357 +10230358 +10230359 +10230360 +10230361 +10230362 +10230363 +10230364 +10230365 +10230366 +10230367 +10230368 +10230369 +10230370 +10230371 +10230372 +10230373 +10230374 +10230375 +10230376 +10230377 +10230378 +10230379 +10230380 +10230381 +10230382 +10230383 +10230384 +10230385 +10230386 +10230387 +10230388 +10230389 +10230390 +10230391 +10230392 +10230393 +10230394 +10230395 +10230396 +10230397 +10230398 +10230399 +10230400 +10230401 +10230402 +10230403 +10230404 +10230405 +10230406 +10230407 +10230408 +10230409 +10230410 +10230411 +10230412 +10230413 +10230414 +10230415 +10230416 +10230417 +10230418 +10230419 +10230420 +10230421 +10230422 +10230423 +10230424 +10230425 +10230426 +10230427 +10230428 +10230429 +10230430 +10230431 +10230432 +10230433 +10230434 +10230435 +10230436 +10230437 +10230438 +10230439 +10230440 +10230441 +10230442 +10230443 +10230444 +10230445 +10230446 +10230447 +10230448 +10230449 +10230450 +10230451 +10230452 +10230453 +10230454 +10230455 +10230456 +10230457 +10230458 +10230459 +10230460 +10230461 +10230462 +10230463 +10230464 +10230465 +10230466 +10230467 +10230468 +10230469 +10230470 +10230471 +10230472 +10230473 +10230474 +10230475 +10230476 +10230477 +10230478 +10230479 +10230480 +10230481 +10230482 +10230483 +10230484 +10230485 +10230486 +10230487 +10230488 +10230489 +10230490 +10230491 +10230492 +10230493 +10230494 +10230495 +10230496 +10230497 +10230498 +10230499 +10230500 +10230501 +10230502 +10230503 +10230504 +10230505 +10230506 +10230507 +10230508 +10230509 +10230510 +10230511 +10230512 +10230513 +10230514 +10230515 +10230516 +10230517 +10230518 +10230519 +10230520 +10230521 +10230522 +10230523 +10230524 +10230525 +10230526 +10230527 +10230528 +10230529 +10230530 +10230531 +10230532 +10230533 +10230534 +10230535 +10230536 +10230537 +10230538 +10230539 +10230540 +10230541 +10230542 +10230543 +10230544 +10230545 +10230546 +10230547 +10230548 +10230549 +10230550 +10230551 +10230552 +10230553 +10230554 +10230555 +10230556 +10230557 +10230558 +10230559 +10230560 +10230561 +10230562 +10230563 +10230564 +10230565 +10230566 +10230567 +10230568 +10230569 +10230570 +10230571 +10230572 +10230573 +10230574 +10230575 +10230576 +10230577 +10230578 +10230579 +10230580 +10230581 +10230582 +10230583 +10230584 +10230585 +10230586 +10230587 +10230588 +10230589 +10230590 +10230591 +10230592 +10230593 +10230594 +10230595 +10230596 +10230597 +10230598 +10230599 +10230600 +10230601 +10230602 +10230603 +10230604 +10230605 +10230606 +10230607 +10230608 +10230609 +10230610 +10230611 +10230612 +10230613 +10230614 +10230615 +10230616 +10230617 +10230618 +10230619 +10230620 +10230621 +10230622 +10230623 +10230624 +10230625 +10230626 +10230627 +10230628 +10230629 +10230630 +10230631 +10230632 +10230633 +10230634 +10230635 +10230636 +10230637 +10230638 +10230639 +10230640 +10230641 +10230642 +10230643 +10230644 +10230645 +10230646 +10230647 +10230648 +10230649 +10230650 +10230651 +10230652 +10230653 +10230654 +10230655 +10230656 +10230657 +10230658 +10230659 +10230660 +10230661 +10230662 +10230663 +10230664 +10230665 +10230666 +10230667 +10230668 +10230669 +10230670 +10230671 +10230672 +10230673 +10230674 +10230675 +10230676 +10230677 +10230678 +10230679 +10230680 +10230681 +10230682 +10230683 +10230684 +10230685 +10230686 +10230687 +10230688 +10230689 +10230690 +10230691 +10230692 +10230693 +10230694 +10230695 +10230696 +10230697 +10230698 +10230699 +10230700 +10230701 +10230702 +10230703 +10230704 +10230705 +10230706 +10230707 +10230708 +10230709 +10230710 +10230711 +10230712 +10230713 +10230714 +10230715 +10230716 +10230717 +10230718 +10230719 +10230720 +10230721 +10230722 +10230723 +10230724 +10230725 +10230726 +10230727 +10230728 +10230729 +10230730 +10230731 +10230732 +10230733 +10230734 +10230735 +10230736 +10230737 +10230738 +10230739 +10230740 +10230741 +10230742 +10230743 +10230744 +10230745 +10230746 +10230747 +10230748 +10230749 +10230750 +10230751 +10230752 +10230753 +10230754 +10230755 +10230756 +10230757 +10230758 +10230759 +10230760 +10230761 +10230762 +10230763 +10230764 +10230765 +10230766 +10230767 +10230768 +10230769 +10230770 +10230771 +10230772 +10230773 +10230774 +10230775 +10230776 +10230777 +10230778 +10230779 +10230780 +10230781 +10230782 +10230783 +10230784 +10230785 +10230786 +10230787 +10230788 +10230789 +10230790 +10230791 +10230792 +10230793 +10230794 +10230795 +10230796 +10230797 +10230798 +10230799 +10230800 +10230801 +10230802 +10230803 +10230804 +10230805 +10230806 +10230807 +10230808 +10230809 +10230810 +10230811 +10230812 +10230813 +10230814 +10230815 +10230816 +10230817 +10230818 +10230819 +10230820 +10230821 +10230822 +10230823 +10230824 +10230825 +10230826 +10230827 +10230828 +10230829 +10230830 +10230831 +10230832 +10230833 +10230834 +10230835 +10230836 +10230837 +10230838 +10230839 +10230840 +10230841 +10230842 +10230843 +10230844 +10230845 +10230846 +10230847 +10230848 +10230849 +10230850 +10230851 +10230852 +10230853 +10230854 +10230855 +10230856 +10230857 +10230858 +10230859 +10230860 +10230861 +10230862 +10230863 +10230864 +10230865 +10230866 +10230867 +10230868 +10230869 +10230870 +10230871 +10230872 +10230873 +10230874 +10230875 +10230876 +10230877 +10230878 +10230879 +10230880 +10230881 +10230882 +10230883 +10230884 +10230885 +10230886 +10230887 +10230888 +10230889 +10230890 +10230891 +10230892 +10230893 +10230894 +10230895 +10230896 +10230897 +10230898 +10230899 +10230900 +10230901 +10230902 +10230903 +10230904 +10230905 +10230906 +10230907 +10230908 +10230909 +10230910 +10230911 +10230912 +10230913 +10230914 +10230915 +10230916 +10230917 +10230918 +10230919 +10230920 +10230921 +10230922 +10230923 +10230924 +10230925 +10230926 +10230927 +10230928 +10230929 +10230930 +10230931 +10230932 +10230933 +10230934 +10230935 +10230936 +10230937 +10230938 +10230939 +10230940 +10230941 +10230942 +10230943 +10230944 +10230945 +10230946 +10230947 +10230948 +10230949 +10230950 +10230951 +10230952 +10230953 +10230954 +10230955 +10230956 +10230957 +10230958 +10230959 +10230960 +10230961 +10230962 +10230963 +10230964 +10230965 +10230966 +10230967 +10230968 +10230969 +10230970 +10230971 +10230972 +10230973 +10230974 +10230975 +10230976 +10230977 +10230978 +10230979 +10230980 +10230981 +10230982 +10230983 +10230984 +10230985 +10230986 +10230987 +10230988 +10230989 +10230990 +10230991 +10230992 +10230993 +10230994 +10230995 +10230996 +10230997 +10230998 +10230999 +10231000 +10231001 +10231002 +10231003 +10231004 +10231005 +10231006 +10231007 +10231008 +10231009 +10231010 +10231011 +10231012 +10231013 +10231014 +10231015 +10231016 +10231017 +10231018 +10231019 +10231020 +10231021 +10231022 +10231023 +10231024 +10231025 +10231026 +10231027 +10231028 +10231029 +10231030 +10231031 +10231032 +10231033 +10231034 +10231035 +10231036 +10231037 +10231038 +10231039 +10231040 +10231041 +10231042 +10231043 +10231044 +10231045 +10231046 +10231047 +10231048 +10231049 +10231050 +10231051 +10231052 +10231053 +10231054 +10231055 +10231056 +10231057 +10231058 +10231059 +10231060 +10231061 +10231062 +10231063 +10231064 +10231065 +10231066 +10231067 +10231068 +10231069 +10231070 +10231071 +10231072 +10231073 +10231074 +10231075 +10231076 +10231077 +10231078 +10231079 +10231080 +10231081 +10231082 +10231083 +10231084 +10231085 +10231086 +10231087 +10231088 +10231089 +10231090 +10231091 +10231092 +10231093 +10231094 +10231095 +10231096 +10231097 +10231098 +10231099 +10231100 +10231101 +10231102 +10231103 +10231104 +10231105 +10231106 +10231107 +10231108 +10231109 +10231110 +10231111 +10231112 +10231113 +10231114 +10231115 +10231116 +10231117 +10231118 +10231119 +10231120 +10231121 +10231122 +10231123 +10231124 +10231125 +10231126 +10231127 +10231128 +10231129 +10231130 +10231131 +10231132 +10231133 +10231134 +10231135 +10231136 +10231137 +10231138 +10231139 +10231140 +10231141 +10231142 +10231143 +10231144 +10231145 +10231146 +10231147 +10231148 +10231149 +10231150 +10231151 +10231152 +10231153 +10231154 +10231155 +10231156 +10231157 +10231158 +10231159 +10231160 +10231161 +10231162 +10231163 +10231164 +10231165 +10231166 +10231167 +10231168 +10231169 +10231170 +10231171 +10231172 +10231173 +10231174 +10231175 +10231176 +10231177 +10231178 +10231179 +10231180 +10231181 +10231182 +10231183 +10231184 +10231185 +10231186 +10231187 +10231188 +10231189 +10231190 +10231191 +10231192 +10231193 +10231194 +10231195 +10231196 +10231197 +10231198 +10231199 +10231200 +10231201 +10231202 +10231203 +10231204 +10231205 +10231206 +10231207 +10231208 +10231209 +10231210 +10231211 +10231212 +10231213 +10231214 +10231215 +10231216 +10231217 +10231218 +10231219 +10231220 +10231221 +10231222 +10231223 +10231224 +10231225 +10231226 +10231227 +10231228 +10231229 +10231230 +10231231 +10231232 +10231233 +10231234 +10231235 +10231236 +10231237 +10231238 +10231239 +10231240 +10231241 +10231242 +10231243 +10231244 +10231245 +10231246 +10231247 +10231248 +10231249 +10231250 +10231251 +10231252 +10231253 +10231254 +10231255 +10231256 +10231257 +10231258 +10231259 +10231260 +10231261 +10231262 +10231263 +10231264 +10231265 +10231266 +10231267 +10231268 +10231269 +10231270 +10231271 +10231272 +10231273 +10231274 +10231275 +10231276 +10231277 +10231278 +10231279 +10231280 +10231281 +10231282 +10231283 +10231284 +10231285 +10231286 +10231287 +10231288 +10231289 +10231290 +10231291 +10231292 +10231293 +10231294 +10231295 +10231296 +10231297 +10231298 +10231299 +10231300 +10231301 +10231302 +10231303 +10231304 +10231305 +10231306 +10231307 +10231308 +10231309 +10231310 +10231311 +10231312 +10231313 +10231314 +10231315 +10231316 +10231317 +10231318 +10231319 +10231320 +10231321 +10231322 +10231323 +10231324 +10231325 +10231326 +10231327 +10231328 +10231329 +10231330 +10231331 +10231332 +10231333 +10231334 +10231335 +10231336 +10231337 +10231338 +10231339 +10231340 +10231341 +10231342 +10231343 +10231344 +10231345 +10231346 +10231347 +10231348 +10231349 +10231350 +10231351 +10231352 +10231353 +10231354 +10231355 +10231356 +10231357 +10231358 +10231359 +10231360 +10231361 +10231362 +10231363 +10231364 +10231365 +10231366 +10231367 +10231368 +10231369 +10231370 +10231371 +10231372 +10231373 +10231374 +10231375 +10231376 +10231377 +10231378 +10231379 +10231380 +10231381 +10231382 +10231383 +10231384 +10231385 +10231386 +10231387 +10231388 +10231389 +10231390 +10231391 +10231392 +10231393 +10231394 +10231395 +10231396 +10231397 +10231398 +10231399 +10231400 +10231401 +10231402 +10231403 +10231404 +10231405 +10231406 +10231407 +10231408 +10231409 +10231410 +10231411 +10231412 +10231413 +10231414 +10231415 +10231416 +10231417 +10231418 +10231419 +10231420 +10231421 +10231422 +10231423 +10231424 +10231425 +10231426 +10231427 +10231428 +10231429 +10231430 +10231431 +10231432 +10231433 +10231434 +10231435 +10231436 +10231437 +10231438 +10231439 +10231440 +10231441 +10231442 +10231443 +10231444 +10231445 +10231446 +10231447 +10231448 +10231449 +10231450 +10231451 +10231452 +10231453 +10231454 +10231455 +10231456 +10231457 +10231458 +10231459 +10231460 +10231461 +10231462 +10231463 +10231464 +10231465 +10231466 +10231467 +10231468 +10231469 +10231470 +10231471 +10231472 +10231473 +10231474 +10231475 +10231476 +10231477 +10231478 +10231479 +10231480 +10231481 +10231482 +10231483 +10231484 +10231485 +10231486 +10231487 +10231488 +10231489 +10231490 +10231491 +10231492 +10231493 +10231494 +10231495 +10231496 +10231497 +10231498 +10231499 +10231500 +10231501 +10231502 +10231503 +10231504 +10231505 +10231506 +10231507 +10231508 +10231509 +10231510 +10231511 +10231512 +10231513 +10231514 +10231515 +10231516 +10231517 +10231518 +10231519 +10231520 +10231521 +10231522 +10231523 +10231524 +10231525 +10231526 +10231527 +10231528 +10231529 +10231530 +10231531 +10231532 +10231533 +10231534 +10231535 +10231536 +10231537 +10231538 +10231539 +10231540 +10231541 +10231542 +10231543 +10231544 +10231545 +10231546 +10231547 +10231548 +10231549 +10231550 +10231551 +10231552 +10231553 +10231554 +10231555 +10231556 +10231557 +10231558 +10231559 +10231560 +10231561 +10231562 +10231563 +10231564 +10231565 +10231566 +10231567 +10231568 +10231569 +10231570 +10231571 +10231572 +10231573 +10231574 +10231575 +10231576 +10231577 +10231578 +10231579 +10231580 +10231581 +10231582 +10231583 +10231584 +10231585 +10231586 +10231587 +10231588 +10231589 +10231590 +10231591 +10231592 +10231593 +10231594 +10231595 +10231596 +10231597 +10231598 +10231599 +10231600 +10231601 +10231602 +10231603 +10231604 +10231605 +10231606 +10231607 +10231608 +10231609 +10231610 +10231611 +10231612 +10231613 +10231614 +10231615 +10231616 +10231617 +10231618 +10231619 +10231620 +10231621 +10231622 +10231623 +10231624 +10231625 +10231626 +10231627 +10231628 +10231629 +10231630 +10231631 +10231632 +10231633 +10231634 +10231635 +10231636 +10231637 +10231638 +10231639 +10231640 +10231641 +10231642 +10231643 +10231644 +10231645 +10231646 +10231647 +10231648 +10231649 +10231650 +10231651 +10231652 +10231653 +10231654 +10231655 +10231656 +10231657 +10231658 +10231659 +10231660 +10231661 +10231662 +10231663 +10231664 +10231665 +10231666 +10231667 +10231668 +10231669 +10231670 +10231671 +10231672 +10231673 +10231674 +10231675 +10231676 +10231677 +10231678 +10231679 +10231680 +10231681 +10231682 +10231683 +10231684 +10231685 +10231686 +10231687 +10231688 +10231689 +10231690 +10231691 +10231692 +10231693 +10231694 +10231695 +10231696 +10231697 +10231698 +10231699 +10231700 +10231701 +10231702 +10231703 +10231704 +10231705 +10231706 +10231707 +10231708 +10231709 +10231710 +10231711 +10231712 +10231713 +10231714 +10231715 +10231716 +10231717 +10231718 +10231719 +10231720 +10231721 +10231722 +10231723 +10231724 +10231725 +10231726 +10231727 +10231728 +10231729 +10231730 +10231731 +10231732 +10231733 +10231734 +10231735 +10231736 +10231737 +10231738 +10231739 +10231740 +10231741 +10231742 +10231743 +10231744 +10231745 +10231746 +10231747 +10231748 +10231749 +10231750 +10231751 +10231752 +10231753 +10231754 +10231755 +10231756 +10231757 +10231758 +10231759 +10231760 +10231761 +10231762 +10231763 +10231764 +10231765 +10231766 +10231767 +10231768 +10231769 +10231770 +10231771 +10231772 +10231773 +10231774 +10231775 +10231776 +10231777 +10231778 +10231779 +10231780 +10231781 +10231782 +10231783 +10231784 +10231785 +10231786 +10231787 +10231788 +10231789 +10231790 +10231791 +10231792 +10231793 +10231794 +10231795 +10231796 +10231797 +10231798 +10231799 +10231800 +10231801 +10231802 +10231803 +10231804 +10231805 +10231806 +10231807 +10231808 +10231809 +10231810 +10231811 +10231812 +10231813 +10231814 +10231815 +10231816 +10231817 +10231818 +10231819 +10231820 +10231821 +10231822 +10231823 +10231824 +10231825 +10231826 +10231827 +10231828 +10231829 +10231830 +10231831 +10231832 +10231833 +10231834 +10231835 +10231836 +10231837 +10231838 +10231839 +10231840 +10231841 +10231842 +10231843 +10231844 +10231845 +10231846 +10231847 +10231848 +10231849 +10231850 +10231851 +10231852 +10231853 +10231854 +10231855 +10231856 +10231857 +10231858 +10231859 +10231860 +10231861 +10231862 +10231863 +10231864 +10231865 +10231866 +10231867 +10231868 +10231869 +10231870 +10231871 +10231872 +10231873 +10231874 +10231875 +10231876 +10231877 +10231878 +10231880 +10231881 +10231882 +10231883 +10231884 +10231885 +10231886 +10231887 +10231888 +10231889 +10231890 +10231891 +10231892 +10231893 +10231894 +10231895 +10231896 +10231897 +10231898 +10231899 +10231900 +10231901 +10231902 +10231903 +10231904 +10231905 +10231906 +10231907 +10231908 +10231909 +10231910 +10231911 +10231912 +10231913 +10231914 +10231915 +10231916 +10231917 +10231918 +10231919 +10231920 +10231921 +10231922 +10231923 +10231924 +10231925 +10231926 +10231927 +10231928 +10231929 +10231930 +10231931 +10231932 +10231933 +10231934 +10231935 +10231936 +10231937 +10231938 +10231939 +10231940 +10231941 +10231942 +10231943 +10231944 +10231945 +10231946 +10231947 +10231948 +10231949 +10231950 +10231951 +10231952 +10231953 +10231954 +10231955 +10231956 +10231957 +10231958 +10231959 +10231960 +10231961 +10231962 +10231963 +10231964 +10231965 +10231966 +10231967 +10231968 +10231969 +10231970 +10231971 +10231972 +10231973 +10231974 +10231975 +10231976 +10231977 +10231978 +10231979 +10231980 +10231981 +10231982 +10231983 +10231984 +10231985 +10231986 +10231987 +10231988 +10231989 +10231990 +10231991 +10231992 +10231993 +10231994 +10231995 +10231996 +10231997 +10231998 +10231999 +10232000 +10232001 +10232002 +10232003 +10232004 +10232005 +10232006 +10232007 +10232008 +10232009 +10232010 +10232011 +10232012 +10232013 +10232014 +10232015 +10232016 +10232017 +10232018 +10232019 +10232020 +10232021 +10232022 +10232023 +10232024 +10232025 +10232026 +10232027 +10232028 +10232029 +10232030 +10232031 +10232032 +10232033 +10232034 +10232035 +10232036 +10232037 +10232038 +10232039 +10232040 +10232041 +10232042 +10232043 +10232044 +10232045 +10232046 +10232047 +10232048 +10232049 +10232050 +10232051 +10232052 +10232053 +10232054 +10232055 +10232056 +10232057 +10232058 +10232059 +10232060 +10232061 +10232062 +10232063 +10232064 +10232065 +10232066 +10232067 +10232068 +10232069 +10232070 +10232071 +10232072 +10232073 +10232074 +10232075 +10232076 +10232077 +10232078 +10232079 +10232080 +10232081 +10232082 +10232083 +10232084 +10232085 +10232086 +10232087 +10232088 +10232089 +10232090 +10232091 +10232092 +10232093 +10232094 +10232095 +10232096 +10232097 +10232098 +10232099 +10232100 +10232101 +10232102 +10232103 +10232104 +10232105 +10232106 +10232107 +10232108 +10232109 +10232110 +10232111 +10232112 +10232113 +10232114 +10232115 +10232116 +10232117 +10232118 +10232119 +10232120 +10232121 +10232122 +10232123 +10232124 +10232125 +10232126 +10232127 +10232128 +10232129 +10232130 +10232131 +10232132 +10232133 +10232134 +10232135 +10232136 +10232137 +10232138 +10232139 +10232140 +10232141 +10232142 +10232143 +10232144 +10232145 +10232146 +10232147 +10232148 +10232149 +10232150 +10232151 +10232152 +10232153 +10232154 +10232155 +10232156 +10232157 +10232158 +10232159 +10232160 +10232161 +10232162 +10232163 +10232164 +10232165 +10232166 +10232167 +10232168 +10232169 +10232170 +10232171 +10232172 +10232173 +10232174 +10232175 +10232176 +10232177 +10232178 +10232179 +10232180 +10232181 +10232182 +10232183 +10232184 +10232185 +10232186 +10232187 +10232188 +10232189 +10232190 +10232191 +10232192 +10232193 +10232194 +10232195 +10232196 +10232197 +10232198 +10232199 +10232200 +10232201 +10232202 +10232203 +10232204 +10232205 +10232206 +10232207 +10232208 +10232209 +10232210 +10232211 +10232212 +10232213 +10232214 +10232215 +10232216 +10232217 +10232218 +10232219 +10232220 +10232221 +10232222 +10232223 +10232224 +10232225 +10232226 +10232227 +10232228 +10232229 +10232230 +10232231 +10232232 +10232233 +10232234 +10232235 +10232236 +10232237 +10232238 +10232239 +10232240 +10232241 +10232242 +10232243 +10232244 +10232245 +10232246 +10232247 +10232248 +10232249 +10232250 +10232251 +10232252 +10232253 +10232254 +10232255 +10232256 +10232257 +10232258 +10232259 +10232260 +10232261 +10232262 +10232263 +10232264 +10232265 +10232266 +10232267 +10232268 +10232269 +10232270 +10232271 +10232272 +10232273 +10232274 +10232275 +10232276 +10232277 +10232278 +10232279 +10232280 +10232281 +10232282 +10232283 +10232284 +10232285 +10232286 +10232287 +10232288 +10232289 +10232290 +10232291 +10232292 +10232293 +10232294 +10232295 +10232296 +10232297 +10232298 +10232299 +10232300 +10232301 +10232302 +10232303 +10232304 +10232305 +10232306 +10232307 +10232308 +10232309 +10232310 +10232311 +10232312 +10232313 +10232314 +10232315 +10232316 +10232317 +10232318 +10232319 +10232320 +10232321 +10232322 +10232323 +10232324 +10232325 +10232326 +10232327 +10232328 +10232329 +10232330 +10232331 +10232332 +10232333 +10232334 +10232335 +10232336 +10232337 +10232338 +10232339 +10232340 +10232341 +10232342 +10232343 +10232344 +10232345 +10232346 +10232347 +10232348 +10232349 +10232350 +10232351 +10232352 +10232353 +10232354 +10232355 +10232356 +10232357 +10232358 +10232359 +10232360 +10232361 +10232362 +10232363 +10232364 +10232365 +10232366 +10232367 +10232368 +10232369 +10232370 +10232371 +10232372 +10232373 +10232374 +10232375 +10232376 +10232377 +10232378 +10232379 +10232380 +10232381 +10232382 +10232383 +10232384 +10232385 +10232386 +10232387 +10232388 +10232389 +10232390 +10232391 +10232392 +10232393 +10232394 +10232395 +10232396 +10232397 +10232398 +10232399 +10232400 +10232401 +10232402 +10232403 +10232404 +10232405 +10232406 +10232407 +10232408 +10232409 +10232410 +10232411 +10232412 +10232413 +10232414 +10232415 +10232416 +10232417 +10232418 +10232419 +10232420 +10232421 +10232422 +10232423 +10232424 +10232425 +10232426 +10232427 +10232428 +10232429 +10232430 +10232431 +10232432 +10232433 +10232434 +10232435 +10232436 +10232437 +10232438 +10232439 +10232440 +10232441 +10232442 +10232443 +10232444 +10232445 +10232446 +10232447 +10232448 +10232449 +10232450 +10232451 +10232452 +10232453 +10232454 +10232455 +10232456 +10232457 +10232458 +10232459 +10232460 +10232461 +10232462 +10232463 +10232464 +10232465 +10232466 +10232467 +10232468 +10232469 +10232470 +10232471 +10232472 +10232473 +10232474 +10232475 +10232476 +10232477 +10232478 +10232479 +10232480 +10232481 +10232482 +10232483 +10232484 +10232485 +10232486 +10232487 +10232488 +10232489 +10232490 +10232491 +10232492 +10232493 +10232494 +10232495 +10232496 +10232497 +10232498 +10232499 +10232500 +10232501 +10232502 +10232503 +10232504 +10232505 +10232506 +10232507 +10232508 +10232509 +10232510 +10232511 +10232512 +10232513 +10232514 +10232515 +10232516 +10232517 +10232518 +10232519 +10232520 +10232521 +10232522 +10232523 +10232524 +10232525 +10232526 +10232527 +10232528 +10232529 +10232530 +10232531 +10232532 +10232533 +10232534 +10232535 +10232536 +10232537 +10232538 +10232539 +10232540 +10232541 +10232542 +10232543 +10232544 +10232545 +10232546 +10232547 +10232548 +10232549 +10232550 +10232551 +10232552 +10232553 +10232554 +10232555 +10232556 +10232557 +10232558 +10232559 +10232560 +10232561 +10232562 +10232563 +10232564 +10232565 +10232566 +10232567 +10232568 +10232569 +10232570 +10232571 +10232572 +10232573 +10232574 +10232575 +10232576 +10232577 +10232578 +10232579 +10232580 +10232581 +10232582 +10232583 +10232584 +10232585 +10232586 +10232587 +10232588 +10232589 +10232590 +10232591 +10232592 +10232593 +10232594 +10232595 +10232596 +10232597 +10232598 +10232599 +10232600 +10232601 +10232602 +10232603 +10232604 +10232605 +10232606 +10232607 +10232608 +10232609 +10232610 +10232611 +10232612 +10232613 +10232614 +10232615 +10232616 +10232617 +10232618 +10232619 +10232620 +10232621 +10232622 +10232623 +10232624 +10232625 +10232626 +10232627 +10232628 +10232629 +10232630 +10232631 +10232632 +10232633 +10232634 +10232635 +10232636 +10232637 +10232638 +10232639 +10232640 +10232641 +10232642 +10232643 +10232644 +10232645 +10232646 +10232647 +10232648 +10232649 +10232650 +10232651 +10232652 +10232653 +10232654 +10232655 +10232656 +10232657 +10232658 +10232659 +10232660 +10232661 +10232662 +10232663 +10232664 +10232665 +10232666 +10232667 +10232668 +10232669 +10232670 +10232671 +10232672 +10232673 +10232674 +10232675 +10232676 +10232677 +10232678 +10232679 +10232680 +10232681 +10232682 +10232683 +10232684 +10232685 +10232686 +10232687 +10232688 +10232689 +10232690 +10232691 +10232692 +10232693 +10232694 +10232695 +10232696 +10232697 +10232698 +10232699 +10232700 +10232701 +10232702 +10232703 +10232704 +10232705 +10232706 +10232707 +10232708 +10232709 +10232710 +10232711 +10232712 +10232713 +10232714 +10232715 +10232716 +10232717 +10232718 +10232719 +10232720 +10232721 +10232722 +10232723 +10232724 +10232725 +10232726 +10232727 +10232728 +10232729 +10232730 +10232731 +10232732 +10232733 +10232734 +10232735 +10232736 +10232737 +10232738 +10232739 +10232740 +10232741 +10232742 +10232743 +10232744 +10232745 +10232746 +10232747 +10232748 +10232749 +10232750 +10232751 +10232752 +10232753 +10232754 +10232755 +10232756 +10232757 +10232758 +10232759 +10232760 +10232761 +10232762 +10232763 +10232764 +10232765 +10232766 +10232767 +10232768 +10232769 +10232770 +10232771 +10232772 +10232773 +10232774 +10232775 +10232776 +10232777 +10232778 +10232779 +10232780 +10232781 +10232782 +10232783 +10232784 +10232785 +10232786 +10232787 +10232788 +10232789 +10232790 +10232791 +10232792 +10232793 +10232794 +10232795 +10232796 +10232797 +10232798 +10232799 +10232800 +10232801 +10232802 +10232803 +10232804 +10232805 +10232806 +10232807 +10232808 +10232809 +10232810 +10232811 +10232812 +10232813 +10232814 +10232815 +10232816 +10232817 +10232818 +10232819 +10232820 +10232821 +10232822 +10232823 +10232824 +10232825 +10232826 +10232827 +10232828 +10232829 +10232830 +10232831 +10232832 +10232833 +10232834 +10232835 +10232836 +10232837 +10232838 +10232839 +10232840 +10232841 +10232842 +10232843 +10232844 +10232845 +10232846 +10232847 +10232848 +10232849 +10232850 +10232851 +10232852 +10232853 +10232854 +10232855 +10232856 +10232857 +10232858 +10232859 +10232860 +10232861 +10232862 +10232863 +10232864 +10232865 +10232866 +10232867 +10232868 +10232869 +10232870 +10232871 +10232872 +10232873 +10232874 +10232875 +10232876 +10232877 +10232878 +10232879 +10232880 +10232881 +10232882 +10232883 +10232884 +10232885 +10232886 +10232887 +10232888 +10232889 +10232890 +10232891 +10232892 +10232893 +10232894 +10232895 +10232896 +10232897 +10232898 +10232899 +10232900 +10232901 +10232902 +10232903 +10232904 +10232905 +10232906 +10232907 +10232908 +10232909 +10232910 +10232911 +10232912 +10232913 +10232914 +10232915 +10232916 +10232917 +10232918 +10232919 +10232920 +10232921 +10232922 +10232923 +10232924 +10232925 +10232926 +10232927 +10232928 +10232929 +10232930 +10232931 +10232932 +10232933 +10232934 +10232935 +10232936 +10232937 +10232938 +10232939 +10232940 +10232941 +10232942 +10232943 +10232944 +10232945 +10232946 +10232947 +10232948 +10232949 +10232950 +10232951 +10232952 +10232953 +10232954 +10232955 +10232956 +10232957 +10232958 +10232959 +10232960 +10232961 +10232962 +10232963 +10232964 +10232965 +10232966 +10232967 +10232968 +10232969 +10232970 +10232971 +10232972 +10232973 +10232974 +10232975 +10232976 +10232977 +10232978 +10232979 +10232980 +10232981 +10232982 +10232983 +10232984 +10232985 +10232986 +10232987 +10232988 +10232989 +10232990 +10232991 +10232992 +10232993 +10232994 +10232995 +10232996 +10232997 +10232998 +10232999 +10233000 +10233001 +10233002 +10233003 +10233004 +10233005 +10233006 +10233007 +10233008 +10233009 +10233010 +10233011 +10233012 +10233013 +10233014 +10233015 +10233016 +10233017 +10233018 +10233019 +10233020 +10233021 +10233022 +10233023 +10233024 +10233025 +10233026 +10233027 +10233028 +10233029 +10233030 +10233031 +10233032 +10233033 +10233034 +10233035 +10233036 +10233037 +10233038 +10233039 +10233040 +10233041 +10233042 +10233043 +10233044 +10233045 +10233046 +10233047 +10233048 +10233049 +10233050 +10233051 +10233052 +10233053 +10233054 +10233055 +10233056 +10233057 +10233058 +10233059 +10233060 +10233061 +10233062 +10233063 +10233064 +10233065 +10233066 +10233067 +10233068 +10233069 +10233070 +10233071 +10233072 +10233073 +10233074 +10233075 +10233076 +10233077 +10233078 +10233079 +10233080 +10233081 +10233082 +10233083 +10233084 +10233085 +10233086 +10233087 +10233088 +10233089 +10233090 +10233091 +10233092 +10233093 +10233094 +10233095 +10233096 +10233097 +10233098 +10233099 +10233100 +10233101 +10233102 +10233103 +10233104 +10233105 +10233106 +10233107 +10233108 +10233109 +10233110 +10233111 +10233112 +10233113 +10233114 +10233115 +10233116 +10233117 +10233118 +10233119 +10233120 +10233121 +10233122 +10233123 +10233124 +10233125 +10233126 +10233127 +10233128 +10233129 +10233130 +10233131 +10233132 +10233133 +10233134 +10233135 +10233136 +10233137 +10233138 +10233139 +10233140 +10233141 +10233142 +10233143 +10233144 +10233145 +10233146 +10233147 +10233148 +10233149 +10233150 +10233151 +10233152 +10233153 +10233154 +10233155 +10233156 +10233157 +10233158 +10233159 +10233160 +10233161 +10233162 +10233163 +10233164 +10233165 +10233166 +10233167 +10233168 +10233169 +10233170 +10233171 +10233172 +10233173 +10233174 +10233175 +10233176 +10233177 +10233178 +10233179 +10233180 +10233181 +10233182 +10233183 +10233184 +10233185 +10233186 +10233187 +10233188 +10233189 +10233190 +10233191 +10233192 +10233193 +10233194 +10233195 +10233196 +10233197 +10233198 +10233199 +10233200 +10233201 +10233202 +10233203 +10233204 +10233205 +10233206 +10233207 +10233208 +10233209 +10233210 +10233211 +10233212 +10233213 +10233214 +10233215 +10233216 +10233217 +10233218 +10233219 +10233220 +10233221 +10233222 +10233223 +10233224 +10233225 +10233226 +10233227 +10233228 +10233229 +10233230 +10233231 +10233232 +10233233 +10233234 +10233235 +10233236 +10233237 +10233238 +10233239 +10233240 +10233241 +10233242 +10233243 +10233244 +10233245 +10233246 +10233247 +10233248 +10233249 +10233250 +10233251 +10233252 +10233253 +10233254 +10233255 +10233256 +10233257 +10233258 +10233259 +10233260 +10233261 +10233262 +10233263 +10233264 +10233265 +10233266 +10233267 +10233268 +10233269 +10233270 +10233271 +10233272 +10233273 +10233274 +10233275 +10233276 +10233277 +10233278 +10233279 +10233280 +10233281 +10233282 +10233283 +10233284 +10233285 +10233286 +10233287 +10233288 +10233289 +10233290 +10233291 +10233292 +10233293 +10233294 +10233295 +10233296 +10233297 +10233298 +10233299 +10233300 +10233301 +10233302 +10233303 +10233304 +10233305 +10233306 +10233307 +10233308 +10233309 +10233310 +10233311 +10233312 +10233313 +10233314 +10233315 +10233316 +10233317 +10233318 +10233319 +10233320 +10233321 +10233322 +10233323 +10233324 +10233325 +10233326 +10233327 +10233328 +10233329 +10233330 +10233331 +10233332 +10233333 +10233334 +10233335 +10233336 +10233337 +10233338 +10233339 +10233340 +10233341 +10233342 +10233343 +10233344 +10233345 +10233346 +10233347 +10233348 +10233349 +10233350 +10233351 +10233352 +10233353 +10233354 +10233355 +10233356 +10233357 +10233358 +10233359 +10233360 +10233361 +10233362 +10233363 +10233364 +10233365 +10233366 +10233367 +10233368 +10233369 +10233370 +10233371 +10233372 +10233373 +10233374 +10233375 +10233376 +10233377 +10233378 +10233379 +10233380 +10233381 +10233382 +10233383 +10233384 +10233385 +10233386 +10233387 +10233388 +10233389 +10233390 +10233391 +10233392 +10233393 +10233394 +10233395 +10233396 +10233397 +10233398 +10233399 +10233400 +10233401 +10233402 +10233403 +10233404 +10233405 +10233406 +10233407 +10233408 +10233409 +10233410 +10233411 +10233412 +10233413 +10233414 +10233415 +10233416 +10233417 +10233418 +10233419 +10233420 +10233421 +10233422 +10233423 +10233424 +10233425 +10233426 +10233427 +10233428 +10233429 +10233430 +10233431 +10233432 +10233433 +10233434 +10233435 +10233436 +10233437 +10233438 +10233439 +10233440 +10233441 +10233442 +10233443 +10233444 +10233445 +10233446 +10233447 +10233448 +10233449 +10233450 +10233451 +10233452 +10233453 +10233454 +10233455 +10233456 +10233457 +10233458 +10233459 +10233460 +10233461 +10233462 +10233463 +10233464 +10233465 +10233466 +10233467 +10233468 +10233469 +10233470 +10233471 +10233472 +10233473 +10233474 +10233475 +10233476 +10233477 +10233478 +10233479 +10233480 +10233481 +10233482 +10233483 +10233484 +10233485 +10233486 +10233487 +10233488 +10233489 +10233490 +10233491 +10233492 +10233493 +10233494 +10233495 +10233496 +10233497 +10233498 +10233499 +10233500 +10233501 +10233502 +10233503 +10233504 +10233505 +10233506 +10233507 +10233508 +10233509 +10233510 +10233511 +10233512 +10233513 +10233514 +10233515 +10233516 +10233517 +10233518 +10233519 +10233520 +10233521 +10233522 +10233523 +10233524 +10233525 +10233526 +10233527 +10233528 +10233529 +10233530 +10233531 +10233532 +10233533 +10233534 +10233535 +10233536 +10233537 +10233538 +10233539 +10233540 +10233541 +10233542 +10233543 +10233544 +10233545 +10233546 +10233547 +10233548 +10233549 +10233550 +10233551 +10233552 +10233553 +10233554 +10233555 +10233556 +10233557 +10233558 +10233559 +10233560 +10233561 +10233562 +10233563 +10233564 +10233565 +10233566 +10233567 +10233568 +10233569 +10233570 +10233571 +10233572 +10233573 +10233574 +10233575 +10233576 +10233577 +10233578 +10233579 +10233580 +10233581 +10233582 +10233583 +10233584 +10233585 +10233586 +10233587 +10233588 +10233589 +10233590 +10233591 +10233592 +10233593 +10233594 +10233595 +10233596 +10233597 +10233598 +10233599 +10233600 +10233601 +10233602 +10233603 +10233604 +10233605 +10233606 +10233607 +10233608 +10233609 +10233610 +10233611 +10233612 +10233613 +10233614 +10233615 +10233616 +10233617 +10233618 +10233619 +10233620 +10233621 +10233622 +10233623 +10233624 +10233625 +10233626 +10233627 +10233628 +10233629 +10233630 +10233631 +10233632 +10233633 +10233634 +10233635 +10233636 +10233637 +10233638 +10233639 +10233640 +10233641 +10233642 +10233643 +10233644 +10233645 +10233646 +10233647 +10233648 +10233649 +10233650 +10233651 +10233652 +10233653 +10233654 +10233655 +10233656 +10233657 +10233658 +10233659 +10233660 +10233661 +10233662 +10233663 +10233664 +10233665 +10233666 +10233667 +10233668 +10233669 +10233670 +10233671 +10233672 +10233673 +10233674 +10233675 +10233676 +10233677 +10233678 +10233679 +10233680 +10233681 +10233682 +10233683 +10233684 +10233685 +10233686 +10233687 +10233688 +10233689 +10233690 +10233691 +10233692 +10233693 +10233694 +10233695 +10233696 +10233697 +10233698 +10233699 +10233700 +10233701 +10233702 +10233703 +10233704 +10233705 +10233706 +10233707 +10233708 +10233709 +10233710 +10233711 +10233712 +10233713 +10233714 +10233715 +10233716 +10233717 +10233718 +10233719 +10233720 +10233721 +10233722 +10233723 +10233724 +10233725 +10233726 +10233727 +10233728 +10233729 +10233730 +10233731 +10233732 +10233733 +10233734 +10233735 +10233736 +10233737 +10233738 +10233739 +10233740 +10233741 +10233742 +10233743 +10233744 +10233745 +10233746 +10233747 +10233748 +10233749 +10233750 +10233751 +10233752 +10233753 +10233754 +10233755 +10233756 +10233757 +10233758 +10233759 +10233760 +10233761 +10233762 +10233763 +10233764 +10233765 +10233766 +10233767 +10233768 +10233769 +10233770 +10233771 +10233772 +10233773 +10233774 +10233775 +10233776 +10233777 +10233778 +10233779 +10233780 +10233781 +10233782 +10233783 +10233784 +10233785 +10233786 +10233787 +10233788 +10233789 +10233790 +10233791 +10233792 +10233793 +10233794 +10233795 +10233796 +10233797 +10233798 +10233799 +10233800 +10233801 +10233802 +10233803 +10233804 +10233805 +10233806 +10233807 +10233808 +10233809 +10233810 +10233811 +10233812 +10233813 +10233814 +10233815 +10233816 +10233817 +10233818 +10233819 +10233820 +10233821 +10233822 +10233823 +10233824 +10233825 +10233826 +10233827 +10233828 +10233829 +10233830 +10233831 +10233832 +10233833 +10233834 +10233835 +10233836 +10233837 +10233838 +10233839 +10233840 +10233841 +10233842 +10233843 +10233844 +10233845 +10233846 +10233847 +10233848 +10233849 +10233850 +10233851 +10233852 +10233853 +10233854 +10233855 +10233856 +10233857 +10233858 +10233859 +10233860 +10233861 +10233862 +10233863 +10233864 +10233865 +10233866 +10233867 +10233868 +10233869 +10233870 +10233871 +10233872 +10233873 +10233874 +10233875 +10233876 +10233877 +10233878 +10233879 +10233880 +10233881 +10233882 +10233883 +10233884 +10233885 +10233886 +10233887 +10233888 +10233889 +10233890 +10233891 +10233892 +10233893 +10233894 +10233895 +10233896 +10233897 +10233898 +10233899 +10233900 +10233901 +10233902 +10233903 +10233904 +10233905 +10233906 +10233907 +10233908 +10233909 +10233910 +10233911 +10233912 +10233913 +10233914 +10233915 +10233916 +10233917 +10233918 +10233919 +10233920 +10233921 +10233922 +10233923 +10233924 +10233925 +10233926 +10233927 +10233928 +10233929 +10233930 +10233931 +10233932 +10233933 +10233934 +10233935 +10233936 +10233937 +10233938 +10233939 +10233940 +10233941 +10233942 +10233943 +10233944 +10233945 +10233946 +10233947 +10233948 +10233949 +10233950 +10233951 +10233952 +10233953 +10233954 +10233955 +10233956 +10233957 +10233958 +10233959 +10233960 +10233961 +10233962 +10233963 +10233964 +10233965 +10233966 +10233967 +10233968 +10233969 +10233970 +10233971 +10233972 +10233973 +10233974 +10233975 +10233976 +10233977 +10233978 +10233979 +10233980 +10233981 +10233982 +10233983 +10233984 +10233985 +10233986 +10233987 +10233988 +10233989 +10233990 +10233991 +10233992 +10233993 +10233994 +10233995 +10233996 +10233997 +10233998 +10233999 +10234000 +10234001 +10234002 +10234003 +10234004 +10234005 +10234006 +10234007 +10234008 +10234009 +10234010 +10234011 +10234012 +10234013 +10234014 +10234015 +10234016 +10234017 +10234018 +10234019 +10234020 +10234021 +10234022 +10234023 +10234024 +10234025 +10234026 +10234027 +10234028 +10234029 +10234030 +10234031 +10234032 +10234033 +10234034 +10234035 +10234036 +10234037 +10234038 +10234039 +10234040 +10234041 +10234042 +10234043 +10234044 +10234045 +10234046 +10234047 +10234048 +10234049 +10234050 +10234051 +10234052 +10234053 +10234054 +10234055 +10234056 +10234057 +10234058 +10234059 +10234060 +10234061 +10234062 +10234063 +10234064 +10234065 +10234066 +10234067 +10234068 +10234069 +10234070 +10234071 +10234072 +10234073 +10234074 +10234075 +10234076 +10234077 +10234078 +10234079 +10234080 +10234081 +10234082 +10234083 +10234084 +10234085 +10234086 +10234087 +10234088 +10234089 +10234090 +10234091 +10234092 +10234093 +10234094 +10234095 +10234096 +10234097 +10234098 +10234099 +10234100 +10234101 +10234102 +10234103 +10234104 +10234105 +10234106 +10234107 +10234108 +10234109 +10234110 +10234111 +10234112 +10234113 +10234114 +10234115 +10234116 +10234117 +10234118 +10234119 +10234120 +10234121 +10234122 +10234123 +10234124 +10234125 +10234126 +10234127 +10234128 +10234129 +10234130 +10234131 +10234132 +10234133 +10234134 +10234135 +10234136 +10234137 +10234138 +10234139 +10234140 +10234141 +10234142 +10234143 +10234144 +10234145 +10234146 +10234147 +10234148 +10234149 +10234150 +10234151 +10234152 +10234153 +10234154 +10234155 +10234156 +10234157 +10234158 +10234159 +10234160 +10234161 +10234162 +10234163 +10234164 +10234165 +10234166 +10234167 +10234168 +10234169 +10234170 +10234171 +10234172 +10234173 +10234174 +10234175 +10234176 +10234177 +10234178 +10234179 +10234180 +10234181 +10234182 +10234183 +10234184 +10234185 +10234186 +10234187 +10234188 +10234189 +10234190 +10234191 +10234192 +10234193 +10234194 +10234195 +10234196 +10234197 +10234198 +10234199 +10234200 +10234201 +10234202 +10234203 +10234204 +10234205 +10234206 +10234207 +10234208 +10234209 +10234210 +10234211 +10234212 +10234213 +10234214 +10234215 +10234216 +10234217 +10234218 +10234219 +10234220 +10234221 +10234222 +10234223 +10234224 +10234225 +10234226 +10234227 +10234228 +10234229 +10234230 +10234231 +10234232 +10234233 +10234234 +10234235 +10234236 +10234237 +10234238 +10234239 +10234240 +10234241 +10234242 +10234243 +10234244 +10234245 +10234246 +10234247 +10234248 +10234249 +10234250 +10234251 +10234252 +10234253 +10234254 +10234255 +10234256 +10234257 +10234258 +10234259 +10234260 +10234261 +10234262 +10234263 +10234264 +10234265 +10234266 +10234267 +10234268 +10234269 +10234270 +10234271 +10234272 +10234273 +10234274 +10234275 +10234276 +10234277 +10234278 +10234279 +10234280 +10234281 +10234282 +10234283 +10234284 +10234285 +10234286 +10234287 +10234288 +10234289 +10234290 +10234291 +10234292 +10234293 +10234294 +10234295 +10234296 +10234297 +10234298 +10234299 +10234300 +10234301 +10234302 +10234303 +10234304 +10234305 +10234306 +10234307 +10234308 +10234309 +10234310 +10234311 +10234312 +10234313 +10234314 +10234315 +10234316 +10234317 +10234318 +10234319 +10234320 +10234321 +10234322 +10234323 +10234324 +10234325 +10234326 +10234327 +10234328 +10234329 +10234330 +10234331 +10234332 +10234333 +10234334 +10234335 +10234336 +10234337 +10234338 +10234339 +10234340 +10234341 +10234342 +10234343 +10234344 +10234345 +10234346 +10234347 +10234348 +10234349 +10234350 +10234351 +10234352 +10234353 +10234354 +10234355 +10234356 +10234357 +10234358 +10234359 +10234360 +10234361 +10234362 +10234363 +10234364 +10234365 +10234366 +10234367 +10234368 +10234369 +10234370 +10234371 +10234372 +10234373 +10234374 +10234375 +10234376 +10234377 +10234378 +10234379 +10234380 +10234381 +10234382 +10234383 +10234384 +10234385 +10234386 +10234387 +10234388 +10234389 +10234390 +10234391 +10234392 +10234393 +10234394 +10234395 +10234396 +10234397 +10234398 +10234399 +10234400 +10234401 +10234402 +10234403 +10234404 +10234405 +10234406 +10234407 +10234408 +10234409 +10234410 +10234411 +10234412 +10234413 +10234414 +10234415 +10234416 +10234417 +10234418 +10234419 +10234420 +10234421 +10234422 +10234423 +10234424 +10234425 +10234426 +10234427 +10234428 +10234429 +10234430 +10234431 +10234432 +10234433 +10234434 +10234435 +10234436 +10234437 +10234438 +10234439 +10234440 +10234441 +10234442 +10234443 +10234444 +10234445 +10234446 +10234447 +10234448 +10234449 +10234450 +10234451 +10234452 +10234453 +10234454 +10234455 +10234456 +10234457 +10234458 +10234459 +10234460 +10234461 +10234462 +10234463 +10234464 +10234465 +10234466 +10234467 +10234468 +10234469 +10234470 +10234471 +10234472 +10234473 +10234474 +10234475 +10234476 +10234477 +10234478 +10234479 +10234480 +10234481 +10234482 +10234483 +10234484 +10234485 +10234486 +10234487 +10234488 +10234489 +10234490 +10234491 +10234492 +10234493 +10234494 +10234495 +10234496 +10234497 +10234498 +10234499 +10234500 +10234501 +10234502 +10234503 +10234504 +10234505 +10234506 +10234507 +10234508 +10234509 +10234510 +10234511 +10234512 +10234513 +10234514 +10234515 +10234516 +10234517 +10234518 +10234519 +10234520 +10234521 +10234522 +10234523 +10234524 +10234525 +10234526 +10234527 +10234528 +10234529 +10234530 +10234531 +10234532 +10234533 +10234534 +10234535 +10234536 +10234537 +10234538 +10234539 +10234540 +10234541 +10234542 +10234543 +10234544 +10234545 +10234546 +10234547 +10234548 +10234549 +10234550 +10234551 +10234552 +10234553 +10234554 +10234555 +10234556 +10234557 +10234558 +10234559 +10234560 +10234561 +10234562 +10234563 +10234564 +10234565 +10234566 +10234567 +10234568 +10234569 +10234570 +10234571 +10234572 +10234573 +10234574 +10234575 +10234576 +10234577 +10234578 +10234579 +10234580 +10234581 +10234582 +10234583 +10234584 +10234585 +10234586 +10234587 +10234588 +10234589 +10234590 +10234591 +10234592 +10234593 +10234594 +10234595 +10234596 +10234597 +10234598 +10234599 +10234600 +10234601 +10234602 +10234603 +10234604 +10234605 +10234606 +10234607 +10234608 +10234609 +10234610 +10234611 +10234612 +10234613 +10234614 +10234615 +10234616 +10234617 +10234618 +10234619 +10234620 +10234621 +10234622 +10234623 +10234624 +10234625 +10234626 +10234627 +10234628 +10234629 +10234630 +10234631 +10234632 +10234633 +10234634 +10234635 +10234636 +10234637 +10234638 +10234639 +10234640 +10234641 +10234642 +10234643 +10234644 +10234645 +10234646 +10234647 +10234648 +10234649 +10234650 +10234651 +10234652 +10234653 +10234654 +10234655 +10234656 +10234657 +10234658 +10234659 +10234660 +10234661 +10234662 +10234663 +10234664 +10234665 +10234666 +10234667 +10234668 +10234669 +10234670 +10234671 +10234672 +10234673 +10234674 +10234675 +10234676 +10234677 +10234678 +10234679 +10234680 +10234681 +10234682 +10234683 +10234684 +10234685 +10234686 +10234687 +10234688 +10234689 +10234690 +10234691 +10234692 +10234693 +10234694 +10234695 +10234696 +10234697 +10234698 +10234699 +10234700 +10234701 +10234702 +10234703 +10234704 +10234705 +10234706 +10234707 +10234708 +10234709 +10234710 +10234711 +10234712 +10234713 +10234714 +10234715 +10234716 +10234717 +10234718 +10234719 +10234720 +10234721 +10234722 +10234723 +10234724 +10234725 +10234726 +10234727 +10234728 +10234729 +10234730 +10234731 +10234732 +10234733 +10234734 +10234735 +10234736 +10234737 +10234738 +10234739 +10234740 +10234741 +10234742 +10234743 +10234744 +10234745 +10234746 +10234747 +10234748 +10234749 +10234750 +10234751 +10234752 +10234753 +10234754 +10234755 +10234756 +10234757 +10234758 +10234759 +10234760 +10234761 +10234762 +10234763 +10234764 +10234765 +10234766 +10234767 +10234768 +10234769 +10234770 +10234771 +10234772 +10234773 +10234774 +10234775 +10234776 +10234777 +10234778 +10234779 +10234780 +10234781 +10234782 +10234783 +10234784 +10234785 +10234786 +10234787 +10234788 +10234789 +10234790 +10234791 +10234792 +10234793 +10234794 +10234795 +10234796 +10234797 +10234798 +10234799 +10234800 +10234801 +10234802 +10234803 +10234804 +10234805 +10234806 +10234807 +10234808 +10234809 +10234810 +10234811 +10234812 +10234813 +10234814 +10234815 +10234816 +10234817 +10234818 +10234819 +10234820 +10234821 +10234822 +10234823 +10234824 +10234825 +10234826 +10234827 +10234828 +10234829 +10234830 +10234831 +10234832 +10234833 +10234834 +10234835 +10234836 +10234837 +10234838 +10234839 +10234840 +10234841 +10234842 +10234843 +10234844 +10234845 +10234846 +10234847 +10234848 +10234849 +10234850 +10234851 +10234852 +10234853 +10234854 +10234855 +10234856 +10234857 +10234858 +10234859 +10234860 +10234861 +10234862 +10234863 +10234864 +10234865 +10234866 +10234867 +10234868 +10234869 +10234870 +10234871 +10234872 +10234873 +10234874 +10234875 +10234876 +10234877 +10234878 +10234879 +10234880 +10234881 +10234882 +10234883 +10234884 +10234885 +10234886 +10234887 +10234888 +10234889 +10234890 +10234891 +10234892 +10234893 +10234894 +10234895 +10234896 +10234897 +10234898 +10234899 +10234900 +10234901 +10234902 +10234903 +10234904 +10234905 +10234906 +10234907 +10234908 +10234909 +10234910 +10234911 +10234912 +10234913 +10234914 +10234915 +10234916 +10234917 +10234918 +10234919 +10234920 +10234921 +10234922 +10234923 +10234924 +10234925 +10234926 +10234927 +10234928 +10234929 +10234930 +10234931 +10234932 +10234933 +10234934 +10234935 +10234936 +10234937 +10234938 +10234939 +10234940 +10234941 +10234942 +10234943 +10234944 +10234945 +10234946 +10234947 +10234948 +10234949 +10234950 +10234951 +10234952 +10234953 +10234954 +10234955 +10234956 +10234957 +10234958 +10234959 +10234960 +10234961 +10234962 +10234963 +10234964 +10234965 +10234966 +10234967 +10234968 +10234969 +10234970 +10234971 +10234972 +10234973 +10234974 +10234975 +10234976 +10234977 +10234978 +10234979 +10234980 +10234981 +10234982 +10234983 +10234984 +10234985 +10234986 +10234987 +10234988 +10234989 +10234990 +10234991 +10234992 +10234993 +10234994 +10234995 +10234996 +10234997 +10234998 +10234999 +10235000 +10235001 +10235002 +10235003 +10235004 +10235005 +10235006 +10235007 +10235008 +10235009 +10235010 +10235011 +10235012 +10235013 +10235014 +10235015 +10235016 +10235017 +10235018 +10235019 +10235020 +10235021 +10235022 +10235023 +10235024 +10235025 +10235026 +10235027 +10235028 +10235029 +10235030 +10235031 +10235032 +10235033 +10235034 +10235035 +10235036 +10235037 +10235038 +10235039 +10235040 +10235041 +10235042 +10235043 +10235044 +10235045 +10235046 +10235047 +10235048 +10235049 +10235050 +10235051 +10235052 +10235053 +10235054 +10235055 +10235056 +10235057 +10235058 +10235059 +10235060 +10235061 +10235062 +10235063 +10235064 +10235065 +10235066 +10235067 +10235068 +10235069 +10235070 +10235071 +10235072 +10235073 +10235074 +10235075 +10235076 +10235077 +10235078 +10235079 +10235080 +10235081 +10235082 +10235083 +10235084 +10235085 +10235086 +10235087 +10235088 +10235089 +10235090 +10235091 +10235092 +10235093 +10235094 +10235095 +10235096 +10235097 +10235098 +10235099 +10235100 +10235101 +10235102 +10235103 +10235104 +10235105 +10235106 +10235107 +10235108 +10235109 +10235110 +10235111 +10235112 +10235113 +10235114 +10235115 +10235116 +10235117 +10235118 +10235119 +10235120 +10235121 +10235122 +10235123 +10235124 +10235125 +10235126 +10235127 +10235128 +10235129 +10235130 +10235131 +10235132 +10235133 +10235134 +10235135 +10235136 +10235137 +10235138 +10235139 +10235140 +10235141 +10235142 +10235143 +10235144 +10235145 +10235146 +10235147 +10235148 +10235149 +10235150 +10235151 +10235152 +10235153 +10235154 +10235155 +10235156 +10235157 +10235158 +10235159 +10235160 +10235161 +10235162 +10235163 +10235164 +10235165 +10235166 +10235167 +10235168 +10235169 +10235170 +10235171 +10235172 +10235173 +10235174 +10235175 +10235176 +10235177 +10235178 +10235179 +10235180 +10235181 +10235182 +10235183 +10235184 +10235185 +10235186 +10235187 +10235188 +10235189 +10235190 +10235191 +10235192 +10235193 +10235194 +10235195 +10235196 +10235197 +10235198 +10235199 +10235200 +10235201 +10235202 +10235203 +10235204 +10235205 +10235206 +10235207 +10235208 +10235209 +10235210 +10235211 +10235212 +10235213 +10235214 +10235215 +10235216 +10235217 +10235218 +10235219 +10235220 +10235221 +10235222 +10235223 +10235224 +10235225 +10235226 +10235227 +10235228 +10235229 +10235230 +10235231 +10235232 +10235233 +10235234 +10235235 +10235236 +10235237 +10235238 +10235239 +10235240 +10235241 +10235242 +10235243 +10235244 +10235245 +10235246 +10235247 +10235248 +10235249 +10235250 +10235251 +10235252 +10235253 +10235254 +10235255 +10235256 +10235257 +10235258 +10235259 +10235260 +10235261 +10235262 +10235263 +10235264 +10235265 +10235266 +10235267 +10235268 +10235269 +10235270 +10235271 +10235272 +10235273 +10235274 +10235275 +10235276 +10235277 +10235278 +10235279 +10235280 +10235281 +10235282 +10235283 +10235284 +10235285 +10235286 +10235287 +10235288 +10235289 +10235290 +10235291 +10235292 +10235293 +10235294 +10235295 +10235296 +10235297 +10235298 +10235299 +10235300 +10235301 +10235302 +10235303 +10235304 +10235305 +10235306 +10235307 +10235308 +10235309 +10235310 +10235311 +10235312 +10235313 +10235314 +10235315 +10235316 +10235317 +10235318 +10235319 +10235320 +10235321 +10235322 +10235323 +10235324 +10235325 +10235326 +10235327 +10235328 +10235329 +10235330 +10235331 +10235332 +10235333 +10235334 +10235335 +10235336 +10235337 +10235338 +10235339 +10235340 +10235341 +10235342 +10235343 +10235344 +10235345 +10235346 +10235347 +10235348 +10235349 +10235350 +10235351 +10235352 +10235353 +10235354 +10235355 +10235356 +10235357 +10235358 +10235359 +10235360 +10235361 +10235362 +10235363 +10235364 +10235365 +10235366 +10235367 +10235368 +10235369 +10235370 +10235371 +10235372 +10235373 +10235374 +10235375 +10235376 +10235377 +10235378 +10235379 +10235380 +10235381 +10235382 +10235383 +10235384 +10235385 +10235386 +10235387 +10235388 +10235389 +10235390 +10235391 +10235392 +10235393 +10235394 +10235395 +10235396 +10235397 +10235398 +10235399 +10235400 +10235401 +10235402 +10235403 +10235404 +10235405 +10235406 +10235407 +10235408 +10235409 +10235410 +10235411 +10235412 +10235413 +10235414 +10235415 +10235416 +10235417 +10235418 +10235419 +10235420 +10235421 +10235422 +10235423 +10235424 +10235425 +10235426 +10235427 +10235428 +10235429 +10235430 +10235431 +10235432 +10235433 +10235434 +10235435 +10235436 +10235437 +10235438 +10235439 +10235440 +10235441 +10235442 +10235443 +10235444 +10235445 +10235446 +10235447 +10235448 +10235449 +10235450 +10235451 +10235452 +10235453 +10235454 +10235455 +10235456 +10235457 +10235458 +10235459 +10235460 +10235461 +10235462 +10235463 +10235464 +10235465 +10235466 +10235467 +10235468 +10235469 +10235470 +10235471 +10235472 +10235473 +10235474 +10235475 +10235476 +10235477 +10235478 +10235479 +10235480 +10235481 +10235482 +10235483 +10235484 +10235485 +10235486 +10235487 +10235488 +10235489 +10235490 +10235491 +10235492 +10235493 +10235494 +10235495 +10235496 +10235497 +10235498 +10235499 +10235500 +10235501 +10235502 +10235503 +10235504 +10235505 +10235506 +10235507 +10235508 +10235509 +10235510 +10235511 +10235512 +10235513 +10235514 +10235515 +10235516 +10235517 +10235518 +10235519 +10235520 +10235521 +10235522 +10235523 +10235524 +10235525 +10235526 +10235527 +10235528 +10235529 +10235530 +10235531 +10235532 +10235533 +10235534 +10235535 +10235536 +10235537 +10235538 +10235539 +10235540 +10235541 +10235542 +10235543 +10235544 +10235545 +10235546 +10235547 +10235548 +10235549 +10235550 +10235551 +10235552 +10235553 +10235554 +10235555 +10235556 +10235557 +10235558 +10235559 +10235560 +10235561 +10235562 +10235563 +10235564 +10235565 +10235566 +10235567 +10235568 +10235569 +10235570 +10235571 +10235572 +10235573 +10235574 +10235575 +10235576 +10235577 +10235578 +10235579 +10235580 +10235581 +10235582 +10235583 +10235584 +10235585 +10235586 +10235587 +10235588 +10235589 +10235590 +10235591 +10235592 +10235593 +10235594 +10235595 +10235596 +10235597 +10235598 +10235599 +10235600 +10235601 +10235602 +10235603 +10235604 +10235605 +10235606 +10235607 +10235608 +10235609 +10235610 +10235611 +10235612 +10235613 +10235614 +10235615 +10235616 +10235617 +10235618 +10235619 +10235620 +10235621 +10235622 +10235623 +10235624 +10235625 +10235626 +10235627 +10235628 +10235629 +10235630 +10235631 +10235632 +10235633 +10235634 +10235635 +10235636 +10235637 +10235638 +10235639 +10235640 +10235641 +10235642 +10235643 +10235644 +10235645 +10235646 +10235647 +10235648 +10235649 +10235650 +10235651 +10235652 +10235653 +10235654 +10235655 +10235656 +10235657 +10235658 +10235659 +10235660 +10235661 +10235662 +10235663 +10235664 +10235665 +10235666 +10235667 +10235668 +10235669 +10235670 +10235671 +10235672 +10235673 +10235674 +10235675 +10235676 +10235677 +10235678 +10235679 +10235680 +10235681 +10235682 +10235683 +10235684 +10235685 +10235686 +10235687 +10235688 +10235689 +10235690 +10235691 +10235692 +10235693 +10235694 +10235695 +10235696 +10235697 +10235698 +10235699 +10235700 +10235701 +10235702 +10235703 +10235704 +10235705 +10235706 +10235707 +10235708 +10235709 +10235710 +10235711 +10235712 +10235713 +10235714 +10235715 +10235716 +10235717 +10235718 +10235719 +10235720 +10235721 +10235722 +10235723 +10235724 +10235725 +10235726 +10235727 +10235728 +10235729 +10235730 +10235731 +10235732 +10235733 +10235734 +10235735 +10235736 +10235737 +10235738 +10235739 +10235740 +10235741 +10235742 +10235743 +10235744 +10235745 +10235746 +10235747 +10235748 +10235749 +10235750 +10235751 +10235752 +10235753 +10235754 +10235755 +10235756 +10235757 +10235758 +10235759 +10235760 +10235761 +10235762 +10235763 +10235764 +10235765 +10235766 +10235767 +10235768 +10235769 +10235770 +10235771 +10235772 +10235773 +10235774 +10235775 +10235776 +10235777 +10235778 +10235779 +10235780 +10235781 +10235782 +10235783 +10235784 +10235785 +10235786 +10235787 +10235788 +10235789 +10235790 +10235791 +10235792 +10235793 +10235794 +10235795 +10235796 +10235797 +10235798 +10235799 +10235800 +10235801 +10235802 +10235803 +10235804 +10235805 +10235806 +10235807 +10235808 +10235809 +10235810 +10235811 +10235812 +10235813 +10235814 +10235815 +10235816 +10235817 +10235818 +10235819 +10235820 +10235821 +10235822 +10235823 +10235824 +10235825 +10235826 +10235827 +10235828 +10235829 +10235830 +10235831 +10235832 +10235833 +10235834 +10235835 +10235836 +10235837 +10235838 +10235839 +10235840 +10235841 +10235842 +10235843 +10235844 +10235845 +10235846 +10235847 +10235848 +10235849 +10235850 +10235851 +10235852 +10235853 +10235854 +10235855 +10235856 +10235857 +10235858 +10235859 +10235860 +10235861 +10235862 +10235863 +10235864 +10235865 +10235866 +10235867 +10235868 +10235869 +10235870 +10235871 +10235872 +10235873 +10235874 +10235875 +10235876 +10235877 +10235878 +10235879 +10235880 +10235881 +10235882 +10235883 +10235884 +10235885 +10235886 +10235887 +10235888 +10235889 +10235890 +10235891 +10235892 +10235893 +10235894 +10235895 +10235896 +10235897 +10235898 +10235899 +10235900 +10235901 +10235902 +10235903 +10235904 +10235905 +10235906 +10235907 +10235908 +10235909 +10235910 +10235911 +10235912 +10235913 +10235914 +10235915 +10235916 +10235917 +10235918 +10235919 +10235920 +10235921 +10235922 +10235923 +10235924 +10235925 +10235926 +10235927 +10235928 +10235929 +10235930 +10235931 +10235932 +10235933 +10235934 +10235935 +10235936 +10235937 +10235938 +10235939 +10235940 +10235941 +10235942 +10235943 +10235944 +10235945 +10235946 +10235947 +10235948 +10235949 +10235950 +10235951 +10235952 +10235953 +10235954 +10235955 +10235956 +10235957 +10235958 +10235959 +10235960 +10235961 +10235962 +10235963 +10235964 +10235965 +10235966 +10235967 +10235968 +10235969 +10235970 +10235971 +10235972 +10235973 +10235974 +10235975 +10235976 +10235977 +10235978 +10235979 +10235980 +10235981 +10235982 +10235983 +10235984 +10235985 +10235986 +10235987 +10235988 +10235989 +10235990 +10235991 +10235992 +10235993 +10235994 +10235995 +10235996 +10235997 +10235998 +10235999 +10236000 +10236001 +10236002 +10236003 +10236004 +10236005 +10236006 +10236007 +10236008 +10236009 +10236010 +10236011 +10236012 +10236013 +10236014 +10236015 +10236016 +10236017 +10236018 +10236019 +10236020 +10236021 +10236022 +10236023 +10236024 +10236025 +10236026 +10236027 +10236028 +10236029 +10236030 +10236031 +10236032 +10236033 +10236034 +10236035 +10236036 +10236037 +10236038 +10236039 +10236040 +10236041 +10236042 +10236043 +10236044 +10236045 +10236046 +10236047 +10236048 +10236049 +10236050 +10236051 +10236052 +10236053 +10236054 +10236055 +10236056 +10236057 +10236058 +10236059 +10236060 +10236061 +10236062 +10236063 +10236064 +10236065 +10236066 +10236067 +10236068 +10236069 +10236070 +10236071 +10236072 +10236073 +10236074 +10236075 +10236076 +10236077 +10236078 +10236079 +10236080 +10236081 +10236082 +10236083 +10236084 +10236085 +10236086 +10236087 +10236088 +10236089 +10236090 +10236091 +10236092 +10236093 +10236094 +10236095 +10236096 +10236097 +10236098 +10236099 +10236100 +10236101 +10236102 +10236103 +10236104 +10236105 +10236106 +10236107 +10236108 +10236109 +10236110 +10236111 +10236112 +10236113 +10236114 +10236115 +10236116 +10236117 +10236118 +10236119 +10236120 +10236121 +10236122 +10236123 +10236124 +10236125 +10236126 +10236127 +10236128 +10236129 +10236130 +10236131 +10236132 +10236133 +10236134 +10236135 +10236136 +10236137 +10236138 +10236139 +10236140 +10236141 +10236142 +10236143 +10236144 +10236145 +10236146 +10236147 +10236148 +10236149 +10236150 +10236151 +10236152 +10236153 +10236154 +10236155 +10236156 +10236157 +10236158 +10236159 +10236160 +10236161 +10236162 +10236163 +10236164 +10236165 +10236166 +10236167 +10236168 +10236169 +10236170 +10236171 +10236172 +10236173 +10236174 +10236175 +10236176 +10236177 +10236178 +10236179 +10236180 +10236181 +10236182 +10236183 +10236184 +10236185 +10236186 +10236187 +10236188 +10236189 +10236190 +10236191 +10236192 +10236193 +10236194 +10236195 +10236196 +10236197 +10236198 +10236199 +10236200 +10236201 +10236202 +10236203 +10236204 +10236205 +10236206 +10236207 +10236208 +10236209 +10236210 +10236211 +10236212 +10236213 +10236214 +10236215 +10236216 +10236217 +10236218 +10236219 +10236220 +10236221 +10236222 +10236223 +10236224 +10236225 +10236226 +10236227 +10236228 +10236229 +10236230 +10236231 +10236232 +10236233 +10236234 +10236235 +10236236 +10236237 +10236238 +10236239 +10236240 +10236241 +10236242 +10236243 +10236244 +10236245 +10236246 +10236247 +10236248 +10236249 +10236250 +10236251 +10236252 +10236253 +10236254 +10236255 +10236256 +10236257 +10236258 +10236259 +10236260 +10236261 +10236262 +10236263 +10236264 +10236265 +10236266 +10236267 +10236268 +10236269 +10236270 +10236271 +10236272 +10236273 +10236274 +10236275 +10236276 +10236277 +10236278 +10236279 +10236280 +10236281 +10236282 +10236283 +10236284 +10236285 +10236286 +10236287 +10236288 +10236289 +10236290 +10236291 +10236292 +10236293 +10236294 +10236295 +10236296 +10236297 +10236298 +10236299 +10236300 +10236301 +10236302 +10236303 +10236304 +10236305 +10236306 +10236307 +10236308 +10236309 +10236310 +10236311 +10236312 +10236313 +10236314 +10236315 +10236316 +10236317 +10236318 +10236319 +10236320 +10236321 +10236322 +10236323 +10236324 +10236325 +10236326 +10236327 +10236328 +10236329 +10236330 +10236331 +10236332 +10236333 +10236334 +10236335 +10236336 +10236337 +10236338 +10236339 +10236340 +10236341 +10236342 +10236343 +10236344 +10236345 +10236346 +10236347 +10236348 +10236349 +10236350 +10236351 +10236352 +10236353 +10236354 +10236355 +10236356 +10236357 +10236358 +10236359 +10236360 +10236361 +10236362 +10236363 +10236364 +10236365 +10236366 +10236367 +10236368 +10236369 +10236370 +10236371 +10236372 +10236373 +10236374 +10236375 +10236376 +10236377 +10236378 +10236379 +10236380 +10236381 +10236382 +10236383 +10236384 +10236385 +10236386 +10236387 +10236388 +10236389 +10236390 +10236391 +10236392 +10236393 +10236394 +10236395 +10236396 +10236397 +10236398 +10236399 +10236400 +10236401 +10236403 +10236404 +10236406 +10236407 +10236408 +10236409 +10236410 +10236411 +10236412 +10236413 +10236414 +10236415 +10236416 +10236417 +10236418 +10236419 +10236420 +10236421 +10236422 +10236423 +10236424 +10236425 +10236426 +10236427 +10236428 +10236429 +10236430 +10236431 +10236432 +10236433 +10236434 +10236435 +10236436 +10236437 +10236438 +10236439 +10236440 +10236441 +10236442 +10236443 +10236444 +10236445 +10236446 +10236447 +10236448 +10236449 +10236450 +10236451 +10236452 +10236453 +10236454 +10236455 +10236456 +10236457 +10236458 +10236459 +10236460 +10236461 +10236462 +10236463 +10236464 +10236465 +10236466 +10236467 +10236468 +10236469 +10236470 +10236471 +10236472 +10236473 +10236474 +10236475 +10236476 +10236477 +10236478 +10236479 +10236480 +10236481 +10236482 +10236483 +10236484 +10236485 +10236486 +10236487 +10236488 +10236489 +10236490 +10236491 +10236492 +10236493 +10236494 +10236495 +10236496 +10236497 +10236498 +10236499 +10236501 +10236502 +10236503 +10236504 +10236505 +10236506 +10236507 +10236508 +10236509 +10236510 +10236511 +10236512 +10236513 +10236514 +10236515 +10236516 +10236517 +10236518 +10236519 +10236520 +10236521 +10236522 +10236523 +10236524 +10236525 +10236526 +10236527 +10236528 +10236529 +10236530 +10236531 +10236532 +10236533 +10236534 +10236535 +10236536 +10236537 +10236538 +10236539 +10236540 +10236541 +10236542 +10236543 +10236544 +10236545 +10236546 +10236547 +10236548 +10236549 +10236550 +10236551 +10236552 +10236553 +10236554 +10236555 +10236556 +10236557 +10236558 +10236559 +10236560 +10236561 +10236562 +10236563 +10236564 +10236565 +10236566 +10236567 +10236568 +10236569 +10236570 +10236571 +10236572 +10236573 +10236574 +10236575 +10236576 +10236577 +10236578 +10236579 +10236580 +10236581 +10236582 +10236583 +10236584 +10236585 +10236586 +10236587 +10236588 +10236589 +10236590 +10236591 +10236592 +10236593 +10236594 +10236595 +10236596 +10236597 +10236598 +10236599 +10236600 +10236601 +10236602 +10236603 +10236604 +10236605 +10236606 +10236607 +10236608 +10236609 +10236610 +10236611 +10236612 +10236613 +10236614 +10236615 +10236616 +10236617 +10236618 +10236619 +10236620 +10236621 +10236622 +10236623 +10236624 +10236625 +10236626 +10236627 +10236628 +10236629 +10236630 +10236632 +10236633 +10236634 +10236635 +10236636 +10236637 +10236638 +10236639 +10236640 +10236641 +10236643 +10236644 +10236645 +10236646 +10236647 +10236649 +10236650 +10236651 +10236652 +10236653 +10236654 +10236655 +10236656 +10236657 +10236658 +10236659 +10236660 +10236661 +10236662 +10236663 +10236664 +10236665 +10236666 +10236667 +10236668 +10236681 +10236682 +10236684 +10236686 +10236688 +10236699 +10236700 +10236804 diff --git a/auto/ssoLogin.json b/auto/ssoLogin.json new file mode 100644 index 000000000000..c675fa528bc5 --- /dev/null +++ b/auto/ssoLogin.json @@ -0,0 +1,14 @@ +{ + "url": "https://sso.testa.huitong.com/api/v100/ssonew/login", + "method": "POST", + "headers" : [ + "Content-Type:application/json", + "HT-app:6" + ], + "body": [ + "phone=18999999999", + "smsAuthCode=123456", + "loginType:=0", + "pwd=ht123456." + ] +} diff --git a/binary_tree/PDF.py b/binary_tree/PDF.py index 3e5c057461b9..de64115a94f2 100644 --- a/binary_tree/PDF.py +++ b/binary_tree/PDF.py @@ -79,12 +79,14 @@ def normal_distribution_pdf(x, mu, sigma): def calculate_points(mu, sigma): point = [] - i = mu - 3 * sigma - while mu - 3 * sigma <= i <= mu + 3 * sigma: + i = mu - 2 * sigma + while mu - 2 * sigma <= i <= mu + 2 * sigma: point.append(i) i += sigma x = np.array(point) y = normal_distribution_pdf(x, mu, sigma) + for i in range(0, len(x)): + print(x[i], y[i]) return [x, y] @@ -110,6 +112,7 @@ def plot_pdf(statistical_indicators): points = calculate_points(mu, sigma) plt.scatter(points[0], points[1], marker='<', s=30, c='green') + # 绘制垂线plt.vlines for x_i in points[0]: plt.vlines(x_i, plt.ylim()[0], plt.ylim()[1], linestyles=':', linewidth=1) @@ -128,3 +131,5 @@ def main(): if __name__ == '__main__': main() + + diff --git a/ju_dan/main.py b/ju_dan/main.py new file mode 100644 index 000000000000..13ef28b2d964 --- /dev/null +++ b/ju_dan/main.py @@ -0,0 +1,111 @@ +#!/usr/bin/env python3 +# -*- coding: UTF-8 -*- + + +import logging +import time + +import itchat +import pymysql + + +# 注册对文本消息进行监听,对群聊进行监听 +@itchat.msg_register(itchat.content.INCOME_MSG, isGroupChat=True) +def handle_content(msg): + try: + msg_type = msg['MsgType'] + if msg_type == 1: + content = msg['Text'] + else: + content = '非文本内容' + time_stamp = msg['CreateTime'] + create_time = time.strftime("%Y--%m--%d %H:%M:%S", time.localtime(time_stamp)) + current_talk_group_id = msg['User']['UserName'] + current_talk_group_name = msg['User']['NickName'] + from_user_name = msg['ActualNickName'] + from_user_id = msg['ActualUserName'] + sql = "INSERT INTO wx_group_chat(msg_type, content, sender_id, sender_name,\ + group_id, group_name, time_stamp, create_time) \ + VALUE ('%d','%s','%s','%s','%s','%s','%d','%s');"\ + % (int(msg_type), content, from_user_id, from_user_name,\ + current_talk_group_id, current_talk_group_name, int(time_stamp), create_time) + exe_db(db, sql, logger) + except Exception as e: + logger.debug(e) + return + + +def build_logs(): + # 获取当前时间 + now_time = time.strftime("%Y_%m_%d_%H_%M_%S", time.localtime()) + # 设置log名称 + log_name = "wx.log" + # 定义logger + logger = logging.getLogger() + # 设置级别为debug + logger.setLevel(level=logging.DEBUG) + # 设置 logging文件名称 + handler = logging.FileHandler(log_name) + # 设置级别为debug + handler.setLevel(logging.DEBUG) + # 设置log的格式 + formatter = logging.Formatter('%(asctime)s - %(levelname)s - %(message)s') + # 将格式压进logger + handler.setFormatter(formatter) + console = logging.StreamHandler() + console.setLevel(logging.DEBUG) + # 写入logger + logger.addHandler(handler) + logger.addHandler(console) + # 将logger返回 + return logger + + +def connect_mysql(logger): + try: + db = pymysql.connect(host='47.93.206.227', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') + # db = pymysql.connect(host='127.0.0.1', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') + return db + except Exception as e: + logger.debug('MySQL数据库连接失败') + logger.debug(e) + + +def exe_db(db, sql, logger): + try: + cursor = db.cursor() + db.ping(reconnect=True) + cursor.execute(sql) + db.commit() + except Exception as e: + logger.debug('SQL执行失败,请至日志查看该SQL记录') + logger.debug(sql) + logger.debug(e) + + +def select_db(db, sql, logger): + try: + cursor = db.cursor() + db.ping(reconnect=True) + cursor.execute(sql) + return cursor.fetchall() + except Exception as e: + logger.debug('SQL执行失败,请至日志查看该SQL记录') + logger.debug(sql) + logger.debug(e) + + +def main(): + # 手机扫码登录 + newInstance = itchat.new_instance() + newInstance.auto_login(hotReload=True, enableCmdQR=2) + global logger + logger = build_logs() + global db + db = connect_mysql(logger) + # 持续运行 + itchat.run() + + +if __name__ == '__main__': + main() diff --git a/work-temp/ReadExcel.py b/work-temp/ReadExcel.py new file mode 100644 index 000000000000..2541110a67ec --- /dev/null +++ b/work-temp/ReadExcel.py @@ -0,0 +1,27 @@ +# -*- coding: utf-8 -*- +import os + +import pandas as pd +import numpy as np + + +def load_data(): + """ + 读取数据文件,推荐CSV格式 + :return: + """ + work_main_dir = os.path.dirname(__file__) + os.path.sep + file_path = work_main_dir + "激活学生列表.xlsx" + return pd.read_excel(file_path) + + +def main(): + data = load_data() + account_id_list = np.array(data['account_id']).tolist() + print(', \n'.join([str(i) for i in account_id_list])) + + +if __name__ == '__main__': + main() + + diff --git "a/work-temp/\346\277\200\346\264\273\345\255\246\347\224\237\345\210\227\350\241\250.xlsx" "b/work-temp/\346\277\200\346\264\273\345\255\246\347\224\237\345\210\227\350\241\250.xlsx" new file mode 100644 index 0000000000000000000000000000000000000000..1dae61b6db1657138f41c5b4985fe1e5e75d2265 GIT binary patch literal 21913 zcmZ^~by!th^e#$BH`1Gsln#jvC?VYfA|SQt?vh3t>Fx%RlJ1o5?rxCouDiD1x%WB0 zbMNIJcqU`bHOD(@&UdV-C=34z6$bhfq_80j{r!Lcpa6du+88L>+t@m=DFR}6zyR_; zu@Mn1SPobi7(O@{80`ODOwZPq)y2v(J-S^6o&!7Z#PKR3ncP|KO3v* z+%EAes=|FVLbB=EguiVQE=Z_U{``s-=wWC|q5Q;P@{J@rl*OeucRE7Z!(>oaXcm^C zC~|i9rmlDN7a>DT#_GMDDcQ)iqP&|ZiF3HN@Qzdm>-vN;hRYWg$2_6$Z$;NKC^wDM z4!B{qQ$<@_?HVtcG#?)u?&1C?yjQr}c;W!O5CC4B{~cZf8+#)tz5y{GKXtw#3Ou2E z4hnRa-OE>b)&ugf(bPtJHCFnfvtV5lN=Lr#>FRPTQp-E_rz|czn=}IG?^eLb{!imQs>My_%kt?OiE@8e&G+gsv6}&nb-=!z|wd-!F!q zgp({|o^y=7&hU5K4qj%p>YS}6nt!B8A)6$muZK96U_}LR$8i{LgQqg{_hEev3bGLQ znCWoZg|w0KYrV<;#!6SQY8OAHMl^n|T@&T4#i}I@m7f$FE}1=je%1DyJoDjK;Lk(j zZdm-}wK$NjLb6CToMqtK_sf@z#>)d(Zl8VYEzs)x)?YvZZ%iklq{qtAFla%6 zN4q+T%bj}g#~-&h{nqk(ZEBRBhfU2x+qTAYJKEv81S7J!vPpEW;IbR`ehS8)UX_bl zAbb3ETn(29#bxd2ly`FP)Jd!8Kw$U~jC>^Pg4s?$T|48@?7m5G3T|Bov}4X5fJ*94=>mAqWw#p zA>L2vGV5J06cuLp3M+Rakb^Uw%;^&%@dxynplG3|$<;OwuZxGy zi<{nGWhciy6oE}(EQrttPmjm@!KS8{2XC+E-lyZ?o5Y7QiW4CrPfwR`HxR7Vljpss zm)oGsXBW5U#Ty6(xz5TOVXK$-x0{2(!8(f7)~Dz7*&w!?Rd1L3>r?!foyp0I#0SF1 z%?mc0Hg9*Y`j@2Vzk|DVlk7_?UJc%lZi(LOy}K_XHXl6iFK^e^**;NtJ)ECj(Z2Lu zbnZS7HopKbY4eQ#u|_|wW(u}Ep04i= zEZaXtm@MU+iHxaVBO!n>ma5dxkHWMqd?eX4ME!j)`c;&;>_4(b|LFbFt?bABv zv+xSGFhz#orrKGiP3s4lu$7iO`pQ~UyP&J%;h@#lwhx{RZ|;NcKINaky*&{c z$Yd58(!7aWF|OZQf*eDRS6?n4FMB~j8&o4~d^ z?=zmCy>9o8PE3=rx;I8GIWh=reC*)XS>D5(UoNM^0RJW50X=*3zX-N;X8!K4|5Rr; zU*}Y$iuv;-@WU1T!9tdLtX&4yo3Kf{G*wK5^o29=3?BNri<2t08AGjJC!*TzTAN?- zq8}xl6}Ji{iFYqfI77IJcMV>>9qz@s3`K`Ic5&TT%3mNL?oKg;T$|~@#r+PY`UHw= zIqOadW*hW+BUTh|!J+4LEuP^P_w%YdCG3H>bg~gsDO9iE8+6WwnkRkv9#@g-)tOGQ zoC~9_v}qsdNP!V8P3oJls`jX_zs`78cd{%bh&z_d_bQMy_OqCTT`zan(IUTdh2Nf3 zVYNtlq7og!jFPg~vFuv*I6-hG20y6u3MghGNWAai9Gjc?UIja5C1OhP*+>9u>aFiM z<^_8741`|Z#H#16)(^w_0b8+sZrAs6?q*zLF%O212WFs}y5q)tM__-l-4x0Ftf18# zwvwkXQkZ{IdH923CXU4W6#ayncj4tQ`BvVOPlNsLSLmM zdHG`FZzYPWWWCDVR(~+;*Hk-@jYtuZvkUZtx*|lwiBFU=iRs?&bB>7taE;m4 znI%bv&Hc$0V3=aApA z3{a(^>q$HT7kQw-}rsl#Zq#|g(7#D0{5^*_R>^rp}$4tTz^Qhd_nk8_O{a|Jc-p-azdu$P6cJcLDU)D!TT zL-WKU^S`fo(n5ECBWhIK~RBBzx86P(YD zP8nGUX5;*`!x7Rb$jQt@(I@PXJ{}@DlW$8l<1syS0{}_@HJmc24dyFosJznT9j5V1 z5A1KKqj^pxYk}eUKv9f{6W<$hBH*A{O-I}xj{iQQHi=c;p0uKf%!-^5jP(KHNcw^7)<=X9<2aE z2Qb{Hxu4om_-b%x?PLGmvo$V~r(u~;{rJj`0xVZ4%BA~n){)%qJaBjJ5IU;=EBln$ z?E;oV0l=*0lAdP;>5(Dwup)3Y4JZ>Qg0ug$Xpy9wWg#~*rWZDwG@Gjs*@s{L58U6i z(uj;a2&Stxoe}w*#h_Woy8jkUmo-GbucU87ilxE{RXLUHsv$C1B~%_(M)PKpKc!>{ z{wjIhSkeB8(4K?$ApKh!3ZZ5f4=iSho{>f*`Q)hOpc?FN3oA1cXh zjiy+u^d>p7)-J4;-v%n(B3aGI1}vht2gR8m$L*ub4KVYC&tY`GQ>bJHF-`w!9c36` zyCwc1#raAYqtp$Y8Rmyt1C#QeuoED{mMjGoKbX%q&6!g4J6|5v9>I>y0R9MMDP@q5 zyNcx$b=1Dcnj<4oxn?HugaMY=;ETS20Nneqcz5kdE9eTARo^O*jo31h8(q^2KLl30 zi!+PK&zb~=C%2>D!EGf`vas|zaeqyQYLPmOB*R{H{aj&O^atA{yk%(Qr#m1zz{Nil%+X_SxC`=x&1LP~ z50!Irj`3LnPsW(R^{VU)jsKHO_ECM^E#YI>4n98kjR}UDJUzKR4IwVyVW>QE?uU+@ zzE0BwU~@eaWAo45&mx@xV~DdfZTo<Xyh zsC?{zs3IPkA)_T*LK{u zL(kz5&lDo09TfiH&(v2;M~HG|T@slLJwAoLKR6j=Sm zML|Zk)8#-{sth`c%xX(wm&;^IFhK9`m;9?g{GR)1`WJfG>kv_bE_`aM&gOn^PP9zK z;!zSQbmUN#B=bD=JsMAOWt>w9nrO%S-sT?ec~7%W{XDxQv6!sof#j7kMcRI|fPQ8C z!Lz`_>rWTXoSX`N_@{xNKN`1%%_vup+5}6%C?WHSOa;Q)@KPF@iEgau=RL(YfVD8g zqzUIgr@XTnI}>@{{Pqoj$?A`OB5m4ds%{!tI>ML&;g?k3t4j;Md6d3Rm{wZQH z9U*nW__KX8$L?8;7#xq`56>0d^)3AbqmXSE>TQKi>|SwCTM;Z5yRKseyI5k!oz04;eVUx77KJ8z5*%KVs@@RGKcUi$ag8>sEiVr zJ4+y*YlWsBHS9hF#%(sFT_f>sGtch3+++xeief*4IUQ)RV`r8tr7}8)JjT`6H1|;3 zKbf!~*_oMfmsouDt73&;ge#hZVX#}je97jAB%ILboDQ|I9rASdHQnn8wH>-mzuNLm zx+Rl#>6|nbgmIdMp;^tjLNF&7BYqmqoI@F6(sjxqEP<1)V;>u9Z>+)(?v4&M>T=YI zwB**1*gWt1Sw?1U{waB4bnWt^0dGZDWdLzy-v>60`cC4-idB_0FDiy{rEJ9!^MAJu zpvoB!HPyF%m;B>?zX8Rf+>^qVh_u|lKolbBbU%Jr{3FI!Bdj_ga+`=?TtKWKajDC9 zva{qXetf-IFDg6#Us7?f+d7lOq@t%H-~jg_Udx1seqyaU_OE4?I3l4g6OlS$73sM$ z^x@DzUF8>H>pSo`%A9&vF-fQEYo~>rW@(xN!h$p~vDX&}8F;&M++fw>6Bl#>CRHqI zLRFPfd9y8HZPJJ|S!?~fqU9!Km0o$XGW>z?zqYRyQU?h}2DwvzpP@D&>(oGuyt9Tx~t8(Mu?=2>s89Kct)e}q+E4gnh zQy586+LI#urNC+v6YaMdXNx5=^_#F@NZzsDw^)vVyD;0X6=Zgr{oE=xTy2osZ>aYZ z5~{DNsUG)&ln@i&nL^OIMW@P5MQ0P^)t#)%r6c~zeY|5xKF`}%zqjVpig;GM zbXIKK5%8~M0jaHsuJ-JKbJWGQ@x2TB^EosK=h2)OH_I=U!+PmUfl3cCTf>j( z>Y#b?FH>^5B=XqE1|Neg;*`)J0K67h)YVD=7JI6d*!p<#IZ>W10bfllPU7&V^z%N1 z5s(v-;)-7sOPRANLTBFgyw4e$CLs9H?vuxBt~WlSll2aq>>=fOwd7x7MuCW|=<9`F zafHC=FsXr07m^YlQuc0fO&uvU2?y$UJU46Fk3hajDUHU^Tq*G2EwM3xujqsrB_W*3t1R7Zdi;zEkyf;X3$NZJu#xLqD^6fr|Fdd*Xdiqq_G(P zQlPZe3YE=Ek`wy;ts!p=jbPYW3k>zLVn3|LWH13WFfTl>9B&;ek&^!(!dByj3J%L^ zq=gO)Fh-Ii;u1orB47)r&TE~PoW^G9+IGA5^BGuNEFS&x%v6X-X@c}coB4U7odnH% zo92oED*U@eCDc7ThzQjv=|p?3^Ogak~8T?AVt-z$(a zVZS!8m+I2rKu|l@EKyZx9`NbFGk1a$;9!lyPQa0ie?AY{@Zg~6b)0_bVWSLH09EF@ zY#!F);L94buTAl4gwvVXVuju!%w82>R4MJ1slXtaWqj4<^6K|33W_JxsBOEAo0AQ7 zcy4Bs5Sr3OA-gOOmgT8h1PVwv7becd;P>SNQ)3za4RTdFB61*TWkfwC{`QW2eht11$37 zgu9fa-!FCQue@32kRhPmMN2s3=o2TZdRe{&%A9N@cxCu{!C+o3VM1;l(?%Kl=5ZiS zcQZ<@Nym%XYqnn!On^hRGj8;jB^%xJ$KEtTzq0TAOQk%9tdUw?< z&M~GoyJ)?a%uvr=u^qm5 zH-9|1f9y5!{_$)cQwl5v^U|xGL@k8+yNvmFWWcU=sh}tD#IkFOKdBJVefx z`Wi>Ek)qg!(V)d7W@nN~*cPJHE(5O3Dvh{qelv+uo&=U7&sLw8dWxwbzix=QSIEeX ziK~AdR3eH<83jq!!bAIjb>vyF-9zBIMtBjJ%rsSInP)|>F7hKA0&7!_>6$Bm^=Oa! z=87pD|EQkY^M18j?+>U%bj6enrES05P$v+Tk8}`N)(zL>=$wZi7oB;YS2iie7-lD1 zICO^lxtYzW=Yg%9C)#PQ?7@&yQL1z_eZLC~hnzh146tpXi;iDKa}%=dO3m=mHd!$2?#=4j zd1-24N|w6dYE(;^5!%%la#|J!-|CxT$n$23O`QzHi|% zTw%9>>ppL${CPU&J6^aMCss>V5+O1>S|X zjpvUgM3j3bdW6tU#p>Ui73fkLKFd+ao`THl>a=>m%r*UKKFX3n(9;}nw$%}x4bzMw;jYmt!Ue>S`c`@IS+W7Vv64Pp|O>9i$_!!ztC=SV;yDYQBYsCuwl^G z*F5U5HjXM4JNc=AlS(c4p;W2IExy7x7;o=tNed;Q4#yaZuWxbme^8R{S~w_60GB_A z8q6n#%RgKY^&1P7nst5$7uc4lxbhl&T^u`;V5JUon7jX{0a*=Gx>2r;vS=cYm|OTV zKB>JwaJrC?+#I;`;9yi|;0YY=DZXL)@%jDJv{EgJfD!b}QxT09#Y-M;Uz-)kJfN>g zn!@b^EG(+Us6Jrh!laD{FpZLVS0i7*wXz50{1gPcDaciYk$BOfQx1i$x97+0UF&}0 zCPu$_MFL3}5Q2bqc*VvLMW}h*Gw6#9&VM5^^?~{MzjPvnY+qm~Wqph_8X*BOuLtRX zoLzE9WT7@M=@uEl2`{5zI?^+eDSztTg^0%%aj=QNiB|Tg9@Kf1XcCyRU_m5bJKYa3lzSQK)R*)P&p!*`mT>5e)wA;E&XeD zSIAj$AxG+{#O5PA{X4WLn@%Mn-owN}uvdjQv6jCraU+4lHc0o5$R?mO7XGLk`r!2@xJbl*keN1JlEl{YQ)`mL>H`gb1G zo*gj7;jEv* zI8MdGIBEvsU->gF^{N;7Zi#OP)CRYbrC68ewxyFffCnfQGIesoRRw zLk|6GP1maSnCw-HPE4Drn=fsoHd0xZ?$! zB)A6R2|{#JBK;BtDM31QQ<|slfb~>2uthbW+Szr+Qk~l0C1QD+{wr=r6JW*jo&wlt zjh)m`?t=0Gvz#G5#uU-62YvfRb9V@Ju7+^FTvcE{1ma;*D(cGU=LS6d_{t|S;sILcZQSvVh3@PM?np1@N;E1&KLK?<_z@1`Y#=CfqrL;KgaF)wv`K_pb`3hOOY9TUu^+-)=I4C%o8Api-k+h` zS!`AdM^&8|rO zM^AM~1PBliFKXU1)lnLWnfK4RBwNT+8Wu^3S1W8fgWkB#Pm-@C20iQY{=kmt^ovwS zPEn+}qki@yQIS`2ljcg9FdKiY4qk7RQ&_??qXbEisi?;*XO4@HP=DVO$GJF4^Zn%a zcK1`8Z34!8<=!kbe-~+@wV8V0=lare7rf=03%zF=3l+Ke_+&H_x)3-owTNw^T)*MR zil$Eu;2R~Vm+Yz4ZGR_mZt*%N@;~ohh}rvp;6`1g2* z_MH}EEGX@h_Z~SZaah1)6y&3WH>_YM^{sMBYE$u;^+$8vwFNZM^_E->PjnqtJ>0-|{yt!@X^&Awl2Be!PO&z5MpDh%d+*FoYEU1Y+n$IT3?uV-rng zK6;PZM1XS-;huPO)%2<&H2N{WkCsK`=QwSuMcF7~s9zFxd*l*|;~PwcXbuZ{`Qev* zE;whp#$u>rkobvl;WcG$K>*E4K&JBgA~?q5*i7j_8=|u2EIb925Mb1!56~Dsu`&T) zEph)nG)O6@A?Y(X5SGHFTrcisN`8kv@cx~DFY09uuR9HM)rn3yNelf9!yrbcM#1y{ zLfw|_H(5w@M46)vUZRaio39hcElK{76|Lj>$|Noa8Agn9`>Jz^cP z?>!m#&uG<@-4YxVJaJC6feyTEZ?#Q>asl&HX!VBIWv$Il^iZSiafLrRK9N#%aGiA(4FRV4uv zYhg@TbI{m~e)pW1fKqO|xd+0o)@{mb+=JqN@)}50^mTEX+lJ;=peINL;O@-xi9!c9 zYYMwlF5le3*v*yoL0Ab(<4IAtwX+rd(1^`*I1E#Wu;HdgNd7^2_Sj znN;oGH;S`J{0wlI3BKs$F9oTvk0O`{rJC!gdtBA1+tK*yMQEbpJU{>yW~G8@U4niQ z5kn|1{!pD*#`dVOj|P+_r|z#TeP?~|E$<01m*{@9r@vVzU;YtxmD5FD_|p!t^zydM zM3rsy>TDiH*6;XybBw94zU+&v!SC;kxNZVVjDJ_0Ks%(B1Mp?4cM@SsmzWP%F{vSW z)7iMx_ZlUYJc)~r>p&TIkc!q5Is^R{i5 zfW3m#6y+nbT8*j2hku2wW0<57LTaI;PG|E7eaC`t2r14FhJgUpR%?yhnACa#CexsM zAks%Vlm^&I$`WhTO=iY724J$?tZ~UEm>}LTUv!|4&vu0EH!v*swdtW9dNe_)$R8FJ zBH8ZGDH5L*N@dz|8d>AU=*h{h0VJXa2>A4m*u<^sQTEF53{ZNZV=Jnx3NdA@HZt4^ z*6{ZAlOuKIQpS*7I^~rO;il5S(6Vl+-r~cR!-7eI9GxBcymkae@y~!}*d)%jo&(^MgNuCZM-2Vy7qmF zS?{|XKA~xX>m~nf(!AR;s0T*J5F)v7?c(JEFACP|NOi5EcV^S)os77OzoHbsEiR}8 zQPou(EV^3b9sz7u-f=t?`P<2O0#*qE{F@)0SH;MVY>Ip~8=O8l7c2!of|Onsmrg7^ zTDJ13c4~^5l!Z1x;|vYTQ;znIT};wAM>@9yOJW*U$k(Kd*K*lum2NLRv$EEV2zpjr z;}~z_lxqs?H^P^2U+e&i9bmk*ga~@!cFWAT?wT3WaYTERk4UCut*MOI^^;uciQ>J) z7yNzOrQ|J2zyJj-MxwWc3+O@}PS-FPy!pi;VL1z6(h39CnSSqujQ?On)uDemI9!De z?gh3#FLemo;96ny6!*`NF)D9|M#nNQnUU|zrtI#RDg$Al020RC0ba;t-4QRMqg~Tl z6rB@Nc8)XuCPh)?bV6+)l^`VllG7AhV6)GHAGvA-XXe(eTOMsM)Q%;42N}vBPAsn? z>|SS=sV!AUO%Qct@&ryxY1WrOhRL-y5Aea+B+iRvReNk#fU6cwBS?!?M+VQf9?quW z5|c~hWr84*_3VWn6sgff%mF(bD^%hFBFnKO{mPUX`x=z7E;z-kd+Z1 zVgB+DJU62-Qi1wyz%mTD};= z;{oaIB9w@YP9dhMySG>XLZQR!by4`bzIIn|jz()R-40#VV0J-9>V)8{>E=%5_2S%B{ zXetA#_5)o1* zY#Klh=Px=w;IhhRC!ND83Z_7~(@j_!sFrailZ~wfHpIgv{z_MhGYDKm?@PHXCLD6mQMlXH!L_Nh!m>$X#f2^wx6H4p^1>WLRU314lT5xflVSs!*5*bB1i%ya*jt?8P4$#tW}NCg&U!7mup$KiP zWDT(QNP~i|2a5oRa0zO`N?Gfc2R*drjHR|CT|fK##km?a>D)Q%HyJ3JJSRh z61YWboC;I?fxTEWsR}XTxIGBhhBr4Xz+N_gUt%)w-KBel9z*u29$D^wA~(sT`if*R zhZS&^(Vf1~A8~~eHWTriF|K$Z>C&aM;=Uw#!ARN_VhF+@O3wBm_c_9QIfGy609_X6 zuFezRXVv#>T>&xN>b1vDbSHeOBPs%lr)S0(qtvRi<5W%(wURbrQgx8H7s4H)8nF(B zw*|ndNG+kQ$Iee%FDM3jm0_^Z#_{B7O`)Vu-pjU15FZ=mn|BB>%c2kumUK?DSyRtTB+PLQ&*ZFv=ge$`1+GEW=khIKFyFS^wTDcLs&-$IjKkv|3 zf;Dk}r2`gubF7DBllARi0KGcyR?j%?pZ$-)`a(>8YGvC29L5X3*McIThd_EN{Z6IO zb@D6df&3tR-SZWCil9w-tIN+Oth-33b$@Bx_cP~w11S^$p?il|9HN$cq5_-^x6HGZ zpI3^l(np5T=T~{|K0K7Y# z3Z?dBJF|c#jZQX)8kN8;y{Mk z5e~3LH(O7ogwZM@8}^nZ_SGx(I2&PpyKBFDqwt9gaz^Agnfym7&-)iW10fL0ij02* znJQ_qUemWQYwb-WI4Jl$C1*d?XH4T>4`S3250l09lnL5oS!1nyY-;I31Tw}uf_={9 z8f$>i!C3lYT`?v$6*z-T8bE_;5<4z{OH=g`wBylfi&txpGDt_ufFvA4ltGmpXG#%z z)in3pq9QH2i*koosxT+%)4tXS*p?_`VeC$Pb5Pnn7BXi`JoFp^n6>T*Fl)(5KwDt{?0YtNOiQ1z8Qx40u$fwp0lz}us1-E5V@Xt7m|er4ariR} zPDQ03F%0+Ch=DS^YTLx~A!Vc61f=fru`xA}Ol zQVi}jq$b+E@w)cY=dkI!Go1t22E}+i4@l1OH)x{i$J#bG+)m5~aMAt3?5x%gWa3Js zP&TXFzx!sh&{t`w_sNd}oW}>7wQ~gL1hri1e@O*_Id9#6+ZEmcm0-G-F0)r=Vj9z? z{1~4qj$n{@-Q#Pkh>wirbZI-#5-379C={(&5BsB}PNSzsywd{I2pYmb)r&`Q_xKg$ zw>#7_GXuSpK&Ju9n*v2EPt*d*glmMecJB0Qj2+XDv6B~>woNWWXJd?b`?+I(iM|Ia zs*7JdObul`Bb3XpJ8I>(6aP_g@4{>zXS@^v%5#odq(wf>Tbxf*IsaOJMOkDd*X8%F z;qM7ZJ^4|b{lBiAg43?Y3i0*@UZEDnJ;3Z0f2PzI{MTwgL`LODI#gBlI`g9aYW54` zYpi)&mUej>j>Nm3cM6Hau2xVc@C&iTCidw2+{#id>+!qUlp>UyNBxzos_&1z{Ml3u zJ&#Un^jQ&i&@5Ll!2W7HPLhwhn z9q-jk2)kLO2bD(XhaqDK3v7rF&oVKi3Lt(4(;ZiS3sHPc&g^_{oc#dN9#^1&3{YEX zcw9Gxd%>qy(xCylMqHE=;r}I3HPoJwhr3pwXhvJYtX=fb6JZZCSd=SBkH+s;LL7T4 z_^C^-Xn35b`h`~imGidTHdZ4e-Ze3(q2~Ax#Cm$|z5$ zF1dI&H3vq5XtolrtBA@kygWdGV1$1Vm|He==He+)THz$z4|fs#a&;8WCW}J5W8nc5 z%mF?gRR&55fJ-+e=wq9>am!r_ROT<(K^5cy$awS4YIS;HyB_gb;b@0^WpaCg;fZT7DWJ9BE`mfy0t?^b%RARxH zVHN!mBgOwKuJ#r|UOhEAQ3k|M-GvxTNaDkuiFKLd(!k|7^cBV}*GjaEuv;HH2TyK< zJM!`g`ov7A#&F^N^cD!r%wBHynXeHD)Lgt#rwhXFK+Xa8^1itaUi8bHx$hj8u?BvZ zpcUi_%DWz%mCl}<`G@9qHzh8ttHjN4$M4uOol$w*9R0e0hQW|G!)Xy@d%} zu5vUrvNHNVZec1|hSQxQz`!sO|955W{}KBq{O`up(N|d;5E#3a@UOS}VN0~(0S<9A zyk=y5c>1g87%EBg#08@+ZB!Z~$+|au_z0+YQlVO?crBNTco<_a7z?5=vf4CKlN95W z-)g968NL1laRndxB|Hod^%5V0xAq67kx;HMISBoKvb5P39=h{ls7p;0Y_Aeu3N{?N zi{x;L#r>?`9xXpDv-W-*$FHU}NYlkS{9F;B;l;ddSge8zi%xC#L*5qkMk4I3R0nOO z45g&x8aVrBxP60;47Rib2+3m-`|jJtQ+?dBEMrx&+d+Q)~*3nFb)A7zFqVPRK@ z_@9LAp1{ozk>F(0&&Om`3+I$teG!PaK9>R^{{A4Awh|#Pvj-Uzt8EFD(hBZFxBJ+| zZNzmK(cZ1`a%7F)GeuYF9c_q;4Iu|SjaSw!r@vt7k#+Nl2^UQaaXc!8tv)4*Teo1kU9fhjGkBQILWe-w!2|Ep%{$M_ zK623RxgcnlPJl88g+JG+*~lf_50(lcBd4TP(Bmq+DBwPr}A`E2s~Rb+3+!5|@91ciW* z*X82bW^Zq#7e|YxvpapbToYKx>*?ehR*SdS)AMkwP3732i{1w0>9MT!PX7o_ER??>kYrlja=!8a%bD;OSI%f={jiYC1~enF3x1b##~gK*tzi|dU{ z252q@fdy!Fp+|Tt+ga4CYc+eGp%y|rpQTBo%X)txe9#R$es?VQ#|eM1?^HKM;&{!& ze8ZaB@o&hoMB$gUV@EhR87B_pA%sxAq8=^ob1hhUD^ z^Lm@kVKG0@7T=m#>I>l;sOR)Gb?2dZ{W*LqrY%aQ*jT&t4W)L#vl4p=_Ku5zg&??* zb2~yqr*lZ7?TMI-vg8Zm)H3dof8JY07lQSTn#J}MG#l2fifhxKw!XK;$ zHxlMHx2L(j$Hk|s=e$#*GIjUvHI~noezO)+&wBG4PREuCUP=68?nSB0Z@aJJj=o9} zwOit*V&aD1Wy!<{YKu;g(p(O)`ioDtZ&ca~u}!0*WvQwl)Jl+B7HD|=My1nz6+|ay zSFj%!@1~=zJrr7U*=VT2l!bl*KF2RFaQtki{a%2($+9p#XMzC5pkbcI(by5|H3zC) zEC2LgGt;!1nPG8h7B@zGS5|bA@Ie~`yA=(;KgUuD;|51lDmrXZ`a{4 zS7_ws;1c1&vbivRt0(ZAm&V9d;g}AL5EQtE@9Nt|pEd zR_rknrASTdN=+(J)Se<;(`Yu%{SMQj>9}8l(IL>3)h+)gW06JUm!S}L8+h4<50F?e z(1J!knm9a7c4U*ab|`g{eelnb748Uq7c-Y&v%B z{Xg$Cix6^-p8;2LAC+NXF#f9}4vwytMh?)+w9{HvHlVNg&k{NA<@e>_+vfXH?#lkxCZAS>+^=zk zYHaQdbSZGAFdVTQA_e*EwMHeu#bQWzFRX4w>{dDXDs1NS9>Eq)ZuiA%qZBzjZn&1O zh`Q)jU{1sG^Z)#&Hu$Wkv|8X`x9DpkJ44qwwz_Dg*0_8ezT=D`8n>?{@g|*UMLA%Y z^*#}0I1Kf5vtRRX*4g*T??_%`#g+2k9#&doJZsYV#%{4%_%zNa1GVZv86Ss`bXUdYeH7M`@5NO zSUgMCq1TFRYSA>&pIqEV>mpPz-WFTJ8QA>2R9df}T^|%n%72BK!ap^Wnr~J+B~d*6 z4nw=!X`R(`&hFtl8^hrTVypIcTA#UXm{$^k|NTMM>XfFjC_Jb6T+QQED$~s9I;7-9 zFUG$;fAVAVAdW>*@#Nf|v$Oq-I8utlR2lzR(buxN{h~tRqOW1kZh38UUO%6~Xy2;l zEsJT3<3Gw5kZP9-Mz_*2Z`myrtXPnDgM=OPNcD=Q5f+9e3xTx5@0km#-cL58W6XJEecO$HgoyE)gyG!30{Z z&M!)O!=J!lZ0KOSP~VPyD-js22|TSJk@5GArm;+HA5m|@J={!Zshrc3hl@NmQW+Pm zzM3+rz?k!&l58Iu8<;Zr!MWG^J@Or1$F-#MYH}D1-^P}H3dfkrk|{||zS1m-%NF7g zc2vV2-Et)!zNby)`|4zO=Fs*579IEgLz&=2VU&fXguv(Q6uNk#P+W#fbv!BR{v5HH zV^q&LKZ4(K{mpXmUoSboh;5h^$*DrR%aH{L-4eUu_JI#Z{d=oYD8IpfG6eFX^j$WZB|NYGSv(?wvqx$Lpo&qmJ78BP0bZtD>8=3A*>|L4LQ!ddP-H zMdgQ`;1YEtq|V$EIfGD!tAj{jF5XC4k^_r`JC*kvM12+3fO?AaMx7;DH* z)dn4y5y>_aWnYKNZ-(B~y#3yDT{H8?obP=<=f0nF zKj%8p`=aSu%jdFh6+^U^-;*SiE#y_&(IE4|#KXCc(Zd*_0Uliy0mzX832fs%5wIu(PXn@VK}{8MPhEae(5}?6iD3j5@1_Fji6`K-8?hw6vzZ?)FC;=<-$~~UWl5y zYD5jQ?}2t|M-<;qEF1|vUfq%?oziQTHT0%6P>6Mo>jaoP>`n(S!k;SP&9s*22>8=k z+R?PR{u1o%iD@!;@D%;zUG3!hd?*&c@%#z+Qrmhv412BN?C$u=dh5M-BUP1adjWuG zjV2{(hQ}xcm07uoIM!j>nQMKtZ6PRdg%9YdmJ=Z5+$kPGBl{c%MmrO1w}aB152`dW zNFhN|tP4L!qFgQH#8Xal3zYo{p78E3%9j9xthOREfcenRdmAA;>#zd*s-w)hADR2s zJVAaEQSNY-*w5R5x=>uDYF*~{Rkq3o1pB;ZI|mAQHQ3EwAYH7dAyrK1xMumMZTf2% zHxi%G1RX^U+ANCeEk{uP%YBtad(Pve3j;?`Ar-J)g--FEDa0x@i`>Uk9+~}> zKCJVgWK6G>T<(>=q`Ys_AwgTJ1#Z%}F`6xkU)H?tUiELwWwQbZF7lIfs?;j(PPeW% z`j%`hb*kW!TjR`-t{kzVZH~>|nJuA0x&a@JFwn{`~uX990k&TL&$bzzMk zLj~!0Wy4-xMk!P<@-}+yeEjeT%g76}4_|kDz@6uin2_F%Si#}u+T+iazboWn$^TH`|X8?2Eh|WZ} zr&(zXCgPIIo$Rab->?o5#T@|>%8h+b->g{%Aytz5FH0y7-tW|r6lwQ0rlc;07Q`=* zx=~ekoHfnR-Xe4CN#@9SRs_z53A2f~*CsKi2~cvRB?!1f6H=}-^D%WeBV3aTPLZ%=IC7Lln;Y^-`lVAM>^Mu=Y|iz}jEibbS5AJ`m~Cor(sfQsWCiC} zF^YyjXd0AWd4}<7PjFkNIQqpSMjmVCH6%`qAXN&D(9>fpWMi7OOo*$T=w0nTRsEF- z?$>memMyZj4Qp3Z?v@wVp!)}hte=+;Wf#2Pkg2SHj=peK!RGyYyUOB01=XmV5LLR+ z1!Ec3s~qr|^>E)W49E@cy7O2DO2cmZul_ofp3$m|G>NvHjFaFz1!!W!@$pL*)pSlO z(R3Y@J?erFoi{7fa`uRLKPJogwl%!d+cV1K}P%u>B>n)-4Ea zlQ>Xo3mHsZ`B$mkO`YULrR$HOI@+A>0w5_CG}@d^Y%fe{yZ9PLSGfW%?BY04m7k;@ z8@tH*IAd**I__`Nb<>ko%j(e|yw65k4U96`uxnvbhPbpla&sh4m18b=Za(X}GOT2= zjyk8=nzA^$nO|u{A)FfZMxCn553YTO(LuV%y-Mz$>N*Vbl)h?4b?7r-i}LqnzTrj z%-er^2|cbEx<0o#<~E^>4XVV|B+oD>uvp)hUerpBXp>=^PwLzHYw%kp)91`7eNO=R z8yOTkvd~%9i>V&o(E;Xr=|Qpc9_*uak#Qrrk0Fx=1qOd}=><@Gdq?=&kX7qNe-q+} zVquO8iY&!3YOqDMIF_!N0@^ME$&=-)e4!>b*`2f}9p8ia${ssdM%8yGGqsk5O*N4k z&5_*q`S=87>}0qx#n1o2kkTYCdc?OS5i;5D1CZW)vIO#ooO+1^j-`PY1n*G?zuU-# zaOuTVx5}+nFVprelA3sf9?Ib6gPEtB5O((%m2yg7-LP7#2HC1i8&duS(#|p7tig|KG)<#HYmp?&?KMJ_?fys@uc=H-RU8(f#ZrM(A0d+^zRU z9Qc;NP{Y(41hX6+2|UC1#lQs-k*UAeBfy+&wNQ_Sn1~L%q`IAj!{khayVP=y^V&-k z->O4iHbJWSwglCiEQg0!jw5x-(1YZmW`0c+wezb^yOB3AN~xn_{3yHd^F5L=ir^HF z-Z?X4wLC=`trB@v=TkRi(LTmLZL8XE^SF%-l>Yu8d^4<;(qAsB4(IFp@N?Hk<*a)e z-BKbmW~jTDy^>fGZiL@^*8tqmqNJ4XhF?}`UkcWXDJyq7&7fr)m1!C`Hf!79FPhbC zYseD^%J0Of_4i|&8d1GARqZ+ok)XoQd;F5kZ)Va%Rb(7=;H#$}1^@q8{@4-yQ#far z3-JgW5|WqraB|>(@ss+X+pqKCpXlOQUi5F5ZlG`UBK-RjCA9C_zs(;m46!h%7C=;CW}24jrf>2m8~w3Fg zZ6g9cS-SZ_ZFE=AIL1F|W)JOb{`|;9;qIcuavHTkqQNIs`PLBrx3YsRl&rJ*Hz5u& zp|&j1&4%^?#hL5n+nw1fqKZxOh~z5@@iz2-XVaHt-WuRt?eGVqyr2qf?C5R(S)y&@ z2P@VAFnqaSz;7KBNM|-0zCMAjK7kHqp?AA?|&0O$BGRXCW99@M4T*Ka1G`+USr8to0z=y#yhYd?o!z=g4 z%iMTUGFEe0G9yi!La1bH$e;Bt?|6z^QN2PwJTX+J3s&;G^^8=cVwIGuQy)>q*DKx? z0)&gXz48r1D~h3^AJ1o5Gsto&HJXX)3+Gy_hfVV%As3W5m91Wdb0O3WqaQYy-+H&+Uz)DQ zK?gl**7KrFE$ur0NdX4c+&vd4&m??X?B0tVrzx_OzcQp4Inu2#`rB=OUYZmexqNqZ zzUVgtAwpgx$ufhvn~M*);?WzZAP3TS-CEw*T}wz$y}F2A>=fQW9SL_l(gW z^K@X~&(JkO$vJ2QLZiOHVFCKxDRBuRXbznE{nYGFng4P|n3D&M;Ed3IAxHl1kC+`v z=zQQ$@K@Onk|c46h|!3L>S+8e{nP0`phRLhG3D=2zJo6rhw`7yzyBIEfqQq*2!jSw z{Gi|whWqD~{2rxD!(R#%@r4psGJ>CjC^h^l`&V5fwnMzkIkYpc_vb|qu?6By#6t^R zss|Q+ZYlm(uznwVwEVvGpHr>h?-1g1twWFHzse3zxri^BctLb%;5l^P@2_F|uZt#t z3lAD0!+Hl9CW!Z$goKCr?^jL?G9+jZvKI6&?Y@cqLpoz9V1Ke6#lt?S@cqI~2)h3P D Date: Thu, 9 Apr 2020 10:18:51 +0800 Subject: [PATCH 05/29] next line symbol as LF --- .gitignore | 184 +- .lgtm.yml | 24 +- .travis.yml | 52 +- CONTRIBUTING.md | 248 +- LICENSE.md | 42 +- README.md | 34 +- analysis/compression_analysis/psnr.py | 82 +- arithmetic_analysis/bisection.py | 68 +- arithmetic_analysis/intersection.py | 40 +- arithmetic_analysis/lu_decomposition.py | 68 +- arithmetic_analysis/newton_method.py | 42 +- arithmetic_analysis/newton_raphson_method.py | 68 +- auto/backup.txt | 24 +- auto/batchHandler.py | 256 +- auto/excuteUrl.json | 22 +- auto/ssoLogin.json | 28 +- binary_tree/DIG.py | 164 +- binary_tree/PDF.csv | 131068 ++-- binary_tree/PDF.py | 270 +- binary_tree/basic_binary_tree.py | 662 +- binary_tree/test_treeNode.py | 10 +- boolean_algebra/quine_mc_cluskey.py | 254 +- ciphers/Atbash.py | 44 +- ciphers/affine_cipher.py | 176 +- ciphers/base16.py | 26 +- ciphers/base32.py | 26 +- ciphers/base64_cipher.py | 132 +- ciphers/base85.py | 26 +- ciphers/brute_force_caesar_cipher.py | 118 +- ciphers/caesar_cipher.py | 130 +- ciphers/cryptomath_module.py | 30 +- ciphers/elgamal_key_generator.py | 128 +- ciphers/hill_cipher.py | 334 +- ciphers/morse_Code_implementation.py | 150 +- ciphers/onepad_cipher.py | 64 +- ciphers/playfair_cipher.py | 206 +- ciphers/prehistoric_men.txt | 14386 +- ciphers/rabin_miller.py | 140 +- ciphers/rot13.py | 54 +- ciphers/rsa_cipher.py | 256 +- ciphers/rsa_key_generator.py | 110 +- ciphers/simple_substitution_cipher.py | 160 +- ciphers/trafid_cipher.py | 182 +- ciphers/transposition_cipher.py | 122 +- ...ansposition_cipher_encrypt_decrypt_file.py | 86 +- ciphers/vigenere_cipher.py | 134 +- ciphers/xor_cipher.py | 406 +- compression/huffman.py | 174 +- data_structures/LCA.py | 182 +- data_structures/arrays.py | 6 +- data_structures/avl.py | 362 +- data_structures/binary tree/AVL_tree.py | 570 +- .../binary tree/binary_search_tree.py | 528 +- data_structures/binary tree/fenwick_tree.py | 64 +- .../binary tree/lazy_segment_tree.py | 186 +- data_structures/binary tree/segment_tree.py | 146 +- data_structures/binary tree/treap.py | 260 +- data_structures/hashing/__init__.py | 14 +- data_structures/hashing/double_hash.py | 74 +- data_structures/hashing/hash_table.py | 164 +- .../hashing/hash_table_with_linked_list.py | 46 +- .../hashing/number_theory/prime_numbers.py | 58 +- data_structures/hashing/quadratic_probing.py | 54 +- data_structures/heap/heap.py | 184 +- data_structures/linked_list/__init__.py | 46 +- .../linked_list/doubly_linked_list.py | 160 +- data_structures/linked_list/is_Palindrome.py | 154 +- .../linked_list/singly_linked_list.py | 208 +- data_structures/linked_list/swapNodes.py | 144 +- data_structures/queue/double_ended_queue.py | 82 +- data_structures/queue/queue_on_list.py | 104 +- .../queue/queue_on_pseudo_stack.py | 114 +- data_structures/stacks/__init__.py | 46 +- .../stacks/balanced_parentheses.py | 52 +- .../stacks/infix_to_postfix_conversion.py | 130 +- .../stacks/infix_to_prefix_conversion.py | 138 +- data_structures/stacks/next.py | 38 +- data_structures/stacks/postfix_evaluation.py | 102 +- data_structures/stacks/stack.py | 140 +- data_structures/stacks/stock_span_problem.py | 110 +- data_structures/trie/trie.py | 152 +- .../union_find/tests_union_find.py | 160 +- data_structures/union_find/union_find.py | 176 +- .../filters/median_filter.py | 84 +- dynamic_programming/Fractional_Knapsack.py | 26 +- dynamic_programming/abbreviation.py | 62 +- dynamic_programming/bitmask.py | 178 +- dynamic_programming/coin_change.py | 60 +- dynamic_programming/edit_distance.py | 152 +- dynamic_programming/fast_fibonacci.py | 94 +- dynamic_programming/fibonacci.py | 108 +- dynamic_programming/floyd_warshall.py | 78 +- dynamic_programming/integer_partition.py | 96 +- .../k_means_clustering_tensorflow.py | 282 +- dynamic_programming/knapsack.py | 90 +- .../longest_common_subsequence.py | 78 +- .../longest_increasing_subsequence.py | 88 +- ...longest_increasing_subsequence_O(nlogn).py | 86 +- dynamic_programming/longest_sub_array.py | 64 +- dynamic_programming/matrix_chain_order.py | 108 +- dynamic_programming/max_sub_array.py | 122 +- dynamic_programming/minimum_partition.py | 60 +- dynamic_programming/rod_cutting.py | 116 +- dynamic_programming/subset_generation.py | 86 +- file_transfer_protocol/ftp_client_server.py | 112 +- file_transfer_protocol/ftp_send_receive.py | 80 +- graphs/BFS.py | 74 +- graphs/DFS.py | 82 +- ...irected_and_Undirected_(Weighted)_Graph.py | 954 +- ...n_path_and_circuit_for_undirected_graph.py | 186 +- graphs/a_star.py | 198 +- graphs/articulation_points.py | 90 +- graphs/basic_graphs.py | 578 +- graphs/bellman_ford.py | 110 +- graphs/bfs_shortest_path.py | 90 +- graphs/breadth_first_search.py | 136 +- graphs/check_bipartite_graph_bfs.py | 88 +- graphs/check_bipartite_graph_dfs.py | 66 +- graphs/depth_first_search.py | 134 +- graphs/dijkstra.py | 94 +- graphs/dijkstra_2.py | 114 +- graphs/dijkstra_algorithm.py | 430 +- .../edmonds_karp_multiple_source_and_sink.py | 362 +- graphs/even_tree.py | 142 +- graphs/finding_bridges.py | 64 +- graphs/floyd_warshall.py | 94 +- graphs/graph_list.py | 94 +- graphs/graph_matrix.py | 58 +- graphs/kahns_algorithm_long.py | 62 +- graphs/kahns_algorithm_topo.py | 66 +- graphs/minimum_spanning_tree_kruskal.py | 70 +- graphs/minimum_spanning_tree_prims.py | 226 +- graphs/multi_hueristic_astar.py | 552 +- graphs/page_rank.py | 144 +- graphs/prim.py | 158 +- graphs/scc_kosaraju.py | 102 +- graphs/tarjans_scc.py | 156 +- hashes/chaos_machine.py | 230 +- hashes/md5.py | 330 +- hashes/sha1.py | 300 +- ju_dan/main.py | 222 +- linear_algebra_python/README.md | 152 +- linear_algebra_python/src/lib.py | 682 +- linear_algebra_python/src/tests.py | 306 +- machine_learning/NaiveBayes.ipynb | 3318 +- .../Random Forest Classifier.ipynb | 392 +- .../Social_Network_Ads.csv | 800 +- .../random_forest_classification.py | 150 +- .../Position_Salaries.csv | 20 +- .../Random Forest Regression.ipynb | 294 +- .../random_forest_regression.py | 84 +- machine_learning/decision_tree.py | 282 +- machine_learning/gradient_descent.py | 246 +- machine_learning/k_means_clust.py | 366 +- machine_learning/linear_regression.py | 216 +- machine_learning/logistic_regression.py | 202 +- machine_learning/perceptron.py | 246 +- .../reuters_one_vs_rest_classifier.ipynb | 810 +- machine_learning/scoring_functions.py | 166 +- maths/3n+1.py | 42 +- maths/Binary_Exponentiation.py | 46 +- maths/Find_Max.py | 32 +- maths/Find_Min.py | 26 +- maths/Hanoi.py | 48 +- maths/Prime_Check.py | 106 +- maths/abs.py | 40 +- maths/abs_Max.py | 50 +- maths/abs_Min.py | 48 +- maths/average.py | 32 +- maths/basic_maths.py | 156 +- maths/extended_euclidean_algorithm.py | 120 +- maths/factorial_python.py | 38 +- maths/factorial_recursive.py | 28 +- maths/fermat_little_theorem.py | 58 +- maths/fibonacci.py | 242 +- maths/fibonacci_sequence_recursion.py | 48 +- maths/find_lcm.py | 36 +- maths/greater_common_divisor.py | 34 +- maths/lucasSeries.py | 28 +- maths/modular_exponential.py | 40 +- maths/newton_raphson.py | 106 +- maths/segmented_sieve.py | 96 +- maths/sieve_of_eratosthenes.py | 52 +- maths/simpson_rule.py | 104 +- maths/tests/__init__.py | 2 +- maths/tests/test_fibonacci.py | 68 +- maths/trapezoidal_rule.py | 102 +- matrix/matrix_multiplication_addition.py | 168 +- matrix/searching_in_sorted_matrix.py | 54 +- networking_flow/ford_fulkerson.py | 118 +- networking_flow/minimum_cut.py | 122 +- neural_network/bpnn.py | 392 +- neural_network/convolution_neural_network.py | 614 +- neural_network/fcn.ipynb | 654 +- neural_network/perceptron.py | 246 +- other/anagrams.py | 76 +- other/binary_exponentiation.py | 100 +- other/binary_exponentiation_2.py | 100 +- other/detecting_english_programmatically.py | 120 +- other/dictionary.txt | 90664 +-- other/euclidean_gcd.py | 46 +- other/finding_Primes.py | 44 +- other/fischer_yates_shuffle.py | 48 +- other/frequency_finder.py | 148 +- other/game_of_life/game_o_life.py | 254 +- other/linear_congruential_generator.py | 76 +- other/n_queens.py | 158 +- other/nested_brackets.py | 96 +- other/palindrome.py | 62 +- other/password_generator.py | 72 +- other/primelib.py | 1210 +- other/sierpinski_triangle.py | 138 +- other/tower_of_hanoi.py | 62 +- other/two_sum.py | 60 +- other/word_patterns.py | 88 +- other/words | 471772 +++++++-------- project_euler/README.md | 116 +- project_euler/problem_01/sol1.py | 40 +- project_euler/problem_02/sol1.py | 48 +- project_euler/problem_03/sol2.py | 38 +- project_euler/problem_04/sol1.py | 58 +- project_euler/problem_04/sol2.py | 32 +- project_euler/problem_05/sol1.py | 42 +- project_euler/problem_05/sol2.py | 52 +- project_euler/problem_06/sol1.py | 40 +- project_euler/problem_06/sol2.py | 34 +- project_euler/problem_06/sol3.py | 52 +- project_euler/problem_07/sol1.py | 70 +- project_euler/problem_07/sol2.py | 36 +- project_euler/problem_07/sol3.py | 66 +- project_euler/problem_08/sol1.py | 34 +- project_euler/problem_08/sol2.py | 20 +- project_euler/problem_09/sol1.py | 32 +- project_euler/problem_09/sol2.py | 36 +- project_euler/problem_09/sol3.py | 14 +- project_euler/problem_10/sol1.py | 84 +- project_euler/problem_10/sol2.py | 52 +- project_euler/problem_11/grid.txt | 38 +- project_euler/problem_11/sol1.py | 142 +- project_euler/problem_11/sol2.py | 80 +- project_euler/problem_12/sol1.py | 104 +- project_euler/problem_12/sol2.py | 20 +- project_euler/problem_13/sol1.py | 26 +- project_euler/problem_14/sol1.py | 44 +- project_euler/problem_14/sol2.py | 34 +- project_euler/problem_15/sol1.py | 46 +- project_euler/problem_16/sol1.py | 30 +- project_euler/problem_17/sol1.py | 72 +- project_euler/problem_19/sol1.py | 104 +- project_euler/problem_20/sol1.py | 58 +- project_euler/problem_20/sol2.py | 18 +- project_euler/problem_21/sol1.py | 68 +- project_euler/problem_22/sol1.py | 76 +- project_euler/problem_22/sol2.py | 1066 +- project_euler/problem_24/sol1.py | 20 +- project_euler/problem_25/sol1.py | 68 +- project_euler/problem_25/sol2.py | 24 +- project_euler/problem_28/sol1.py | 64 +- project_euler/problem_29/solution.py | 66 +- project_euler/problem_31/sol1.py | 108 +- project_euler/problem_36/sol1.py | 66 +- project_euler/problem_40/sol1.py | 54 +- project_euler/problem_48/sol1.py | 42 +- project_euler/problem_52/sol1.py | 48 +- project_euler/problem_53/sol1.py | 80 +- project_euler/problem_76/sol1.py | 76 +- searches/binary_search.py | 328 +- searches/interpolation_search.py | 274 +- searches/jump_search.py | 56 +- searches/linear_search.py | 112 +- searches/quick_select.py | 104 +- searches/sentinel_linear_search.py | 126 +- searches/tabu_search.py | 504 +- searches/tabu_test_data.txt | 20 +- searches/ternary_search.py | 222 +- searches/test_interpolation_search.py | 186 +- searches/test_tabu_search.py | 94 +- simple_client/README.md | 12 +- simple_client/client.py | 56 +- simple_client/server.py | 42 +- sorts/Bitonic_Sort.py | 112 +- sorts/Odd-Even_transposition_parallel.py | 264 +- .../Odd-Even_transposition_single-threaded.py | 70 +- sorts/bogo_sort.py | 102 +- sorts/bubble_sort.py | 84 +- sorts/bucket_sort.py | 74 +- sorts/cocktail_shaker_sort.py | 68 +- sorts/comb_sort.py | 118 +- sorts/counting_sort.py | 152 +- sorts/cycle_sort.py | 120 +- sorts/external_sort.py | 314 +- sorts/gnome_sort.py | 64 +- sorts/heap_sort.py | 130 +- sorts/insertion_sort.py | 100 +- sorts/merge_sort.py | 116 +- sorts/merge_sort_fastest.py | 92 +- sorts/normal_distribution_quick_sort.md | 152 +- sorts/pancake_sort.py | 36 +- sorts/pigeon_sort.py | 110 +- sorts/quick_sort.py | 116 +- sorts/quick_sort_3_partition.py | 66 +- sorts/radix_sort.py | 52 +- sorts/random_normal_distribution_quicksort.py | 120 +- sorts/random_pivot_quick_sort.py | 74 +- sorts/selection_sort.py | 106 +- sorts/shell_sort.py | 110 +- sorts/tests.py | 144 +- sorts/tim_sort.py | 168 +- sorts/topological_sort.py | 70 +- sorts/tree_sort.py | 98 +- sorts/wiggle_sort.py | 44 +- strings/knuth_morris_pratt.py | 160 +- strings/levenshtein_distance.py | 154 +- strings/manacher.py | 104 +- strings/min_cost_string_conversion.py | 250 +- strings/naive_String_Search.py | 64 +- strings/rabin_karp.py | 100 +- traversals/binary_tree_traversals.py | 380 +- work-temp/ReadExcel.py | 54 +- 319 files changed, 377369 insertions(+), 377369 deletions(-) diff --git a/.gitignore b/.gitignore index 51e45cc08b3b..0c3f33058614 100644 --- a/.gitignore +++ b/.gitignore @@ -1,93 +1,93 @@ -# Byte-compiled / optimized / DLL files -__pycache__/ -*.py[cod] -*$py.class - -# C extensions -*.so - -# Distribution / packaging -.vscode/ -.Python -env/ -build/ -develop-eggs/ -dist/ -downloads/ -eggs/ -.eggs/ -lib/ -lib64/ -parts/ -sdist/ -var/ -*.egg-info/ -.installed.cfg -*.egg - -# PyInstaller -# Usually these files are written by a python script from a template -# before PyInstaller builds the exe, so as to inject date/other infos into it. -*.manifest -*.spec - -# Installer logs -pip-log.txt -pip-delete-this-directory.txt - -# Unit test / coverage reports -htmlcov/ -.tox/ -.coverage -.coverage.* -.cache -nosetests.xml -coverage.xml -*,cover -.hypothesis/ - -# Translations -*.mo -*.pot - -# Django stuff: -*.log -local_settings.py - -# Flask stuff: -instance/ -.webassets-cache - -# Scrapy stuff: -.scrapy - -# Sphinx documentation -docs/_build/ - -# PyBuilder -target/ - -# IPython Notebook -.ipynb_checkpoints - -# pyenv -.python-version - -# celery beat schedule file -celerybeat-schedule - -# dotenv -.env - -# virtualenv -venv/ -ENV/ - -# Spyder project settings -.spyderproject - -# Rope project settings -.ropeproject -.idea -.DS_Store +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.vscode/ +.Python +env/ +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +*.egg-info/ +.installed.cfg +*.egg + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*,cover +.hypothesis/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# IPython Notebook +.ipynb_checkpoints + +# pyenv +.python-version + +# celery beat schedule file +celerybeat-schedule + +# dotenv +.env + +# virtualenv +venv/ +ENV/ + +# Spyder project settings +.spyderproject + +# Rope project settings +.ropeproject +.idea +.DS_Store .try \ No newline at end of file diff --git a/.lgtm.yml b/.lgtm.yml index 516cd225d325..ec550ab72705 100644 --- a/.lgtm.yml +++ b/.lgtm.yml @@ -1,12 +1,12 @@ -extraction: - python: - python_setup: - version: 3 - after_prepare: - - python3 -m pip install --upgrade --user flake8 - before_index: - - python3 -m flake8 --version # flake8 3.6.0 on CPython 3.6.5 on Linux - # stop the build if there are Python syntax errors or undefined names - - python3 -m flake8 . --count --select=E901,E999,F821,F822,F823 --show-source --statistics - # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide - - python3 -m flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics +extraction: + python: + python_setup: + version: 3 + after_prepare: + - python3 -m pip install --upgrade --user flake8 + before_index: + - python3 -m flake8 --version # flake8 3.6.0 on CPython 3.6.5 on Linux + # stop the build if there are Python syntax errors or undefined names + - python3 -m flake8 . --count --select=E901,E999,F821,F822,F823 --show-source --statistics + # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide + - python3 -m flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics diff --git a/.travis.yml b/.travis.yml index 859d21d9b5a3..a6a3212ac82e 100644 --- a/.travis.yml +++ b/.travis.yml @@ -1,26 +1,26 @@ -language: python -cache: pip -python: - - 2.7 - - 3.6 - #- nightly - #- pypy - #- pypy3 -matrix: - allow_failures: - - python: nightly - - python: pypy - - python: pypy3 -install: - #- pip install -r requirements.txt - - pip install flake8 # pytest # add another testing frameworks later -before_script: - # stop the build if there are Python syntax errors or undefined names - - flake8 . --count --select=E9,F63,F72,F82 --show-source --statistics - # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide - - flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics -script: - - true # pytest --capture=sys # add other tests here -notifications: - on_success: change - on_failure: change # `always` will be the setting once code changes slow down +language: python +cache: pip +python: + - 2.7 + - 3.6 + #- nightly + #- pypy + #- pypy3 +matrix: + allow_failures: + - python: nightly + - python: pypy + - python: pypy3 +install: + #- pip install -r requirements.txt + - pip install flake8 # pytest # add another testing frameworks later +before_script: + # stop the build if there are Python syntax errors or undefined names + - flake8 . --count --select=E9,F63,F72,F82 --show-source --statistics + # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide + - flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics +script: + - true # pytest --capture=sys # add other tests here +notifications: + on_success: change + on_failure: change # `always` will be the setting once code changes slow down diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md index 8ddd15a1ca49..9b2ac0025dca 100644 --- a/CONTRIBUTING.md +++ b/CONTRIBUTING.md @@ -1,124 +1,124 @@ -# Contributing guidelines - -## Before contributing - -Welcome to [TheAlgorithms/Python](https://github.com/TheAlgorithms/Python)! Before sending your pull requests, make sure that you **read the whole guidelines**. If you have any doubt on the contributing guide, please feel free to [state it clearly in an issue](https://github.com/TheAlgorithms/Python/issues/new) or ask the community in [Gitter](https://gitter.im/TheAlgorithms). - -## Contributing - -### Contributor - -We are very happy that you consider implementing algorithms and data structure for others! This repository is referenced and used by learners from all over the globe. Being one of our contributors, you agree and confirm that: - -- your did your work - no plagiarism allowed - - Any plagiarized work will not be merged. -- your work will be distributed under [MIT License](License) once your pull request is merged -- you submitted work fulfils or mostly fulfils our styles and standards - -**New implementation** is welcome! For example, new solutions for a problem, different representations for a graph data structure or algorithm designs with different complexity. - -**Improving comments** and **writing proper tests** are also highly welcome. - -### Contribution - -We appreciate any contribution, from fixing a grammar mistake in a comment to implementing complex algorithms. Please read this section if you are contributing your work. - -#### Coding Style - -We want your work to be readable by others; therefore, we encourage you to note the following: - -- Please write in Python 3.x. - -- If you know [PEP 8](https://www.python.org/dev/peps/pep-0008/) already, you will have no problem in coding style, though we do not follow it strictly. Read the remaining section and have fun coding! - -- Always use 4 spaces to indent. - -- Original code submission requires comments to describe your work. - -- More on comments and docstrings: - - The following are considered to be bad and may be requested to be improved: - - ```python - x = x + 2 # increased by 2 - ``` - - This is too trivial. Comments are expected to be explanatory. For comments, you can write them above, on or below a line of code, as long as you are consistent within the same piece of code. - - *Sometimes, docstrings are avoided.* This will happen if you are using some editors and not careful with indentation: - - ```python - """ - This function sums a and b - """ - def sum(a, b): - return a + b - ``` - - However, if you insist to use docstrings, we encourage you to put docstrings inside functions. Also, please pay attention to indentation to docstrings. The following is acceptable in this case: - - ```python - def sumab(a, b): - """ - This function sums two integers a and b - Return: a + b - """ - return a + b - ``` - -- `lambda`, `map`, `filter`, `reduce` and complicated list comprehension are welcome and acceptable to demonstrate the power of Python, as long as they are simple enough to read. - - - This is arguable: **write comments** and assign appropriate variable names, so that the code is easy to read! - -- Write tests to illustrate your work. - - The following "testing" approaches are not encouraged: - - ```python - input('Enter your input:') - # Or even worse... - input = eval(raw_input("Enter your input: ")) - ``` - - Please write down your test case, like the following: - - ```python - def sumab(a, b): - return a + b - # Write tests this way: - print(sumab(1,2)) # 1+2 = 3 - print(sumab(6,4)) # 6+4 = 10 - # Or this way: - print("1 + 2 = ", sumab(1,2)) # 1+2 = 3 - print("6 + 4 = ", sumab(6,4)) # 6+4 = 10 - ``` - -- Avoid importing external libraries for basic algorithms. Use those libraries for complicated algorithms. - -#### Other Standard While Submitting Your Work - -- File extension for code should be `.py`. - -- Please file your work to let others use it in the future. Here are the examples that are acceptable: - - - Camel cases - - `-` Hyphenated names - - `_` Underscore-separated names - - If possible, follow the standard *within* the folder you are submitting to. - -- If you have modified/added code work, make sure the code compiles before submitting. - -- If you have modified/added documentation work, make sure your language is concise and contains no grammar mistake. - -- Add a corresponding explanation to [Algorithms-Explanation](https://github.com/TheAlgorithms/Algorithms-Explanation) (Optional but recommended). - -- Most importantly, - - - **be consistent with this guidelines while submitting.** - - **join** [Gitter](https://gitter.im/TheAlgorithms) **now!** - - Happy coding! - - - -Writer [@poyea](https://github.com/poyea), Jun 2019. +# Contributing guidelines + +## Before contributing + +Welcome to [TheAlgorithms/Python](https://github.com/TheAlgorithms/Python)! Before sending your pull requests, make sure that you **read the whole guidelines**. If you have any doubt on the contributing guide, please feel free to [state it clearly in an issue](https://github.com/TheAlgorithms/Python/issues/new) or ask the community in [Gitter](https://gitter.im/TheAlgorithms). + +## Contributing + +### Contributor + +We are very happy that you consider implementing algorithms and data structure for others! This repository is referenced and used by learners from all over the globe. Being one of our contributors, you agree and confirm that: + +- your did your work - no plagiarism allowed + - Any plagiarized work will not be merged. +- your work will be distributed under [MIT License](License) once your pull request is merged +- you submitted work fulfils or mostly fulfils our styles and standards + +**New implementation** is welcome! For example, new solutions for a problem, different representations for a graph data structure or algorithm designs with different complexity. + +**Improving comments** and **writing proper tests** are also highly welcome. + +### Contribution + +We appreciate any contribution, from fixing a grammar mistake in a comment to implementing complex algorithms. Please read this section if you are contributing your work. + +#### Coding Style + +We want your work to be readable by others; therefore, we encourage you to note the following: + +- Please write in Python 3.x. + +- If you know [PEP 8](https://www.python.org/dev/peps/pep-0008/) already, you will have no problem in coding style, though we do not follow it strictly. Read the remaining section and have fun coding! + +- Always use 4 spaces to indent. + +- Original code submission requires comments to describe your work. + +- More on comments and docstrings: + + The following are considered to be bad and may be requested to be improved: + + ```python + x = x + 2 # increased by 2 + ``` + + This is too trivial. Comments are expected to be explanatory. For comments, you can write them above, on or below a line of code, as long as you are consistent within the same piece of code. + + *Sometimes, docstrings are avoided.* This will happen if you are using some editors and not careful with indentation: + + ```python + """ + This function sums a and b + """ + def sum(a, b): + return a + b + ``` + + However, if you insist to use docstrings, we encourage you to put docstrings inside functions. Also, please pay attention to indentation to docstrings. The following is acceptable in this case: + + ```python + def sumab(a, b): + """ + This function sums two integers a and b + Return: a + b + """ + return a + b + ``` + +- `lambda`, `map`, `filter`, `reduce` and complicated list comprehension are welcome and acceptable to demonstrate the power of Python, as long as they are simple enough to read. + + - This is arguable: **write comments** and assign appropriate variable names, so that the code is easy to read! + +- Write tests to illustrate your work. + + The following "testing" approaches are not encouraged: + + ```python + input('Enter your input:') + # Or even worse... + input = eval(raw_input("Enter your input: ")) + ``` + + Please write down your test case, like the following: + + ```python + def sumab(a, b): + return a + b + # Write tests this way: + print(sumab(1,2)) # 1+2 = 3 + print(sumab(6,4)) # 6+4 = 10 + # Or this way: + print("1 + 2 = ", sumab(1,2)) # 1+2 = 3 + print("6 + 4 = ", sumab(6,4)) # 6+4 = 10 + ``` + +- Avoid importing external libraries for basic algorithms. Use those libraries for complicated algorithms. + +#### Other Standard While Submitting Your Work + +- File extension for code should be `.py`. + +- Please file your work to let others use it in the future. Here are the examples that are acceptable: + + - Camel cases + - `-` Hyphenated names + - `_` Underscore-separated names + + If possible, follow the standard *within* the folder you are submitting to. + +- If you have modified/added code work, make sure the code compiles before submitting. + +- If you have modified/added documentation work, make sure your language is concise and contains no grammar mistake. + +- Add a corresponding explanation to [Algorithms-Explanation](https://github.com/TheAlgorithms/Algorithms-Explanation) (Optional but recommended). + +- Most importantly, + + - **be consistent with this guidelines while submitting.** + - **join** [Gitter](https://gitter.im/TheAlgorithms) **now!** + - Happy coding! + + + +Writer [@poyea](https://github.com/poyea), Jun 2019. diff --git a/LICENSE.md b/LICENSE.md index 42a330ddada3..a20869d96300 100644 --- a/LICENSE.md +++ b/LICENSE.md @@ -1,21 +1,21 @@ -MIT License - -Copyright (c) 2019 The Algorithms - -Permission is hereby granted, free of charge, to any person obtaining a copy -of this software and associated documentation files (the "Software"), to deal -in the Software without restriction, including without limitation the rights -to use, copy, modify, merge, publish, distribute, sublicense, and/or sell -copies of the Software, and to permit persons to whom the Software is -furnished to do so, subject to the following conditions: - -The above copyright notice and this permission notice shall be included in all -copies or substantial portions of the Software. - -THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR -IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, -FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE -AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER -LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, -OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. +MIT License + +Copyright (c) 2019 The Algorithms + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/README.md b/README.md index c32247d2363b..527b80269fdc 100644 --- a/README.md +++ b/README.md @@ -1,17 +1,17 @@ -# The Algorithms - Python -[![Donate](https://img.shields.io/badge/Donate-PayPal-green.svg)](https://www.paypal.me/TheAlgorithms/100)   -[![Gitter chat](https://badges.gitter.im/gitterHQ/gitter.png)](https://gitter.im/TheAlgorithms)   -[![Open in Gitpod](https://gitpod.io/button/open-in-gitpod.svg)](https://gitpod.io/#https://github.com/TheAlgorithms/Python) - -### All algorithms implemented in Python (for education) - -These implementations are for learning purposes. They may be less efficient than the implementations in the Python standard library. - - -## Contribution Guidelines - -Read our [Contribution Guidelines](CONTRIBUTING.md) before you contribute. - -## Community Channel - -We're on [Gitter](https://gitter.im/TheAlgorithms)! Please join us. +# The Algorithms - Python +[![Donate](https://img.shields.io/badge/Donate-PayPal-green.svg)](https://www.paypal.me/TheAlgorithms/100)   +[![Gitter chat](https://badges.gitter.im/gitterHQ/gitter.png)](https://gitter.im/TheAlgorithms)   +[![Open in Gitpod](https://gitpod.io/button/open-in-gitpod.svg)](https://gitpod.io/#https://github.com/TheAlgorithms/Python) + +### All algorithms implemented in Python (for education) + +These implementations are for learning purposes. They may be less efficient than the implementations in the Python standard library. + + +## Contribution Guidelines + +Read our [Contribution Guidelines](CONTRIBUTING.md) before you contribute. + +## Community Channel + +We're on [Gitter](https://gitter.im/TheAlgorithms)! Please join us. diff --git a/analysis/compression_analysis/psnr.py b/analysis/compression_analysis/psnr.py index a16e3cf49933..57fb5c08fd57 100644 --- a/analysis/compression_analysis/psnr.py +++ b/analysis/compression_analysis/psnr.py @@ -1,41 +1,41 @@ -""" - Peak signal-to-noise ratio - PSNR - https://en.wikipedia.org/wiki/Peak_signal-to-noise_ratio - Soruce: https://tutorials.techonical.com/how-to-calculate-psnr-value-of-two-images-using-python/ -""" - -import math -import os - -import cv2 -import numpy as np - - -def psnr(original, contrast): - mse = np.mean((original - contrast) ** 2) - if mse == 0: - return 100 - PIXEL_MAX = 255.0 - PSNR = 20 * math.log10(PIXEL_MAX / math.sqrt(mse)) - return PSNR - - -def main(): - dir_path = os.path.dirname(os.path.realpath(__file__)) - # Loading images (original image and compressed image) - original = cv2.imread(os.path.join(dir_path, 'original_image.png')) - contrast = cv2.imread(os.path.join(dir_path, 'compressed_image.png'), 1) - - original2 = cv2.imread(os.path.join(dir_path, 'PSNR-example-base.png')) - contrast2 = cv2.imread(os.path.join(dir_path, 'PSNR-example-comp-10.jpg'), 1) - - # Value expected: 29.73dB - print("-- First Test --") - print(f"PSNR value is {psnr(original, contrast)} dB") - - # # Value expected: 31.53dB (Wikipedia Example) - print("\n-- Second Test --") - print(f"PSNR value is {psnr(original2, contrast2)} dB") - - -if __name__ == '__main__': - main() +""" + Peak signal-to-noise ratio - PSNR - https://en.wikipedia.org/wiki/Peak_signal-to-noise_ratio + Soruce: https://tutorials.techonical.com/how-to-calculate-psnr-value-of-two-images-using-python/ +""" + +import math +import os + +import cv2 +import numpy as np + + +def psnr(original, contrast): + mse = np.mean((original - contrast) ** 2) + if mse == 0: + return 100 + PIXEL_MAX = 255.0 + PSNR = 20 * math.log10(PIXEL_MAX / math.sqrt(mse)) + return PSNR + + +def main(): + dir_path = os.path.dirname(os.path.realpath(__file__)) + # Loading images (original image and compressed image) + original = cv2.imread(os.path.join(dir_path, 'original_image.png')) + contrast = cv2.imread(os.path.join(dir_path, 'compressed_image.png'), 1) + + original2 = cv2.imread(os.path.join(dir_path, 'PSNR-example-base.png')) + contrast2 = cv2.imread(os.path.join(dir_path, 'PSNR-example-comp-10.jpg'), 1) + + # Value expected: 29.73dB + print("-- First Test --") + print(f"PSNR value is {psnr(original, contrast)} dB") + + # # Value expected: 31.53dB (Wikipedia Example) + print("\n-- Second Test --") + print(f"PSNR value is {psnr(original2, contrast2)} dB") + + +if __name__ == '__main__': + main() diff --git a/arithmetic_analysis/bisection.py b/arithmetic_analysis/bisection.py index d22969f2fc6b..7526f5f4a01f 100644 --- a/arithmetic_analysis/bisection.py +++ b/arithmetic_analysis/bisection.py @@ -1,34 +1,34 @@ -import math - - -def bisection(function, a, b): # finds where the function becomes 0 in [a,b] using bolzano - - start = a - end = b - if function(a) == 0: # one of the a or b is a root for the function - return a - elif function(b) == 0: - return b - elif function(a) * function(b) > 0: # if none of these are root and they are both positive or negative, - # then his algorithm can't find the root - print("couldn't find root in [a,b]") - return - else: - mid = (start + end) / 2 - while abs(start - mid) > 10 ** -7: # until we achieve precise equals to 10^-7 - if function(mid) == 0: - return mid - elif function(mid) * function(start) < 0: - end = mid - else: - start = mid - mid = (start + end) / 2 - return mid - - -def f(x): - return math.pow(x, 3) - 2 * x - 5 - - -if __name__ == "__main__": - print(bisection(f, 1, 1000)) +import math + + +def bisection(function, a, b): # finds where the function becomes 0 in [a,b] using bolzano + + start = a + end = b + if function(a) == 0: # one of the a or b is a root for the function + return a + elif function(b) == 0: + return b + elif function(a) * function(b) > 0: # if none of these are root and they are both positive or negative, + # then his algorithm can't find the root + print("couldn't find root in [a,b]") + return + else: + mid = (start + end) / 2 + while abs(start - mid) > 10 ** -7: # until we achieve precise equals to 10^-7 + if function(mid) == 0: + return mid + elif function(mid) * function(start) < 0: + end = mid + else: + start = mid + mid = (start + end) / 2 + return mid + + +def f(x): + return math.pow(x, 3) - 2 * x - 5 + + +if __name__ == "__main__": + print(bisection(f, 1, 1000)) diff --git a/arithmetic_analysis/intersection.py b/arithmetic_analysis/intersection.py index c7aa2ae590c5..ebb206c8aa37 100644 --- a/arithmetic_analysis/intersection.py +++ b/arithmetic_analysis/intersection.py @@ -1,20 +1,20 @@ -import math - - -def intersection(function, x0, x1): # function is the f we want to find its root and x0 and x1 are two random starting points - x_n = x0 - x_n1 = x1 - while True: - x_n2 = x_n1 - (function(x_n1) / ((function(x_n1) - function(x_n)) / (x_n1 - x_n))) - if abs(x_n2 - x_n1) < 10 ** -5: - return x_n2 - x_n = x_n1 - x_n1 = x_n2 - - -def f(x): - return math.pow(x, 3) - (2 * x) - 5 - - -if __name__ == "__main__": - print(intersection(f, 3, 3.5)) +import math + + +def intersection(function, x0, x1): # function is the f we want to find its root and x0 and x1 are two random starting points + x_n = x0 + x_n1 = x1 + while True: + x_n2 = x_n1 - (function(x_n1) / ((function(x_n1) - function(x_n)) / (x_n1 - x_n))) + if abs(x_n2 - x_n1) < 10 ** -5: + return x_n2 + x_n = x_n1 + x_n1 = x_n2 + + +def f(x): + return math.pow(x, 3) - (2 * x) - 5 + + +if __name__ == "__main__": + print(intersection(f, 3, 3.5)) diff --git a/arithmetic_analysis/lu_decomposition.py b/arithmetic_analysis/lu_decomposition.py index 772361f224c3..3bbbcfe566af 100644 --- a/arithmetic_analysis/lu_decomposition.py +++ b/arithmetic_analysis/lu_decomposition.py @@ -1,34 +1,34 @@ -# lower–upper (LU) decomposition - https://en.wikipedia.org/wiki/LU_decomposition -import numpy - - -def LUDecompose(table): - # Table that contains our data - # Table has to be a square array so we need to check first - rows, columns = numpy.shape(table) - L = numpy.zeros((rows, columns)) - U = numpy.zeros((rows, columns)) - if rows != columns: - return [] - for i in range(columns): - for j in range(i - 1): - sum = 0 - for k in range(j - 1): - sum += L[i][k] * U[k][j] - L[i][j] = (table[i][j] - sum) / U[j][j] - L[i][i] = 1 - for j in range(i - 1, columns): - sum1 = 0 - for k in range(i - 1): - sum1 += L[i][k] * U[k][j] - U[i][j] = table[i][j] - sum1 - return L, U - - -if __name__ == "__main__": - matrix = numpy.array([[2, -2, 1], - [0, 1, 2], - [5, 3, 1]]) - L, U = LUDecompose(matrix) - print(L) - print(U) +# lower–upper (LU) decomposition - https://en.wikipedia.org/wiki/LU_decomposition +import numpy + + +def LUDecompose(table): + # Table that contains our data + # Table has to be a square array so we need to check first + rows, columns = numpy.shape(table) + L = numpy.zeros((rows, columns)) + U = numpy.zeros((rows, columns)) + if rows != columns: + return [] + for i in range(columns): + for j in range(i - 1): + sum = 0 + for k in range(j - 1): + sum += L[i][k] * U[k][j] + L[i][j] = (table[i][j] - sum) / U[j][j] + L[i][i] = 1 + for j in range(i - 1, columns): + sum1 = 0 + for k in range(i - 1): + sum1 += L[i][k] * U[k][j] + U[i][j] = table[i][j] - sum1 + return L, U + + +if __name__ == "__main__": + matrix = numpy.array([[2, -2, 1], + [0, 1, 2], + [5, 3, 1]]) + L, U = LUDecompose(matrix) + print(L) + print(U) diff --git a/arithmetic_analysis/newton_method.py b/arithmetic_analysis/newton_method.py index b0fa6a8d5f31..888e01cb865a 100644 --- a/arithmetic_analysis/newton_method.py +++ b/arithmetic_analysis/newton_method.py @@ -1,21 +1,21 @@ -# Newton's Method - https://en.wikipedia.org/wiki/Newton%27s_method - -def newton(function, function1, startingInt): # function is the f(x) and function1 is the f'(x) - x_n = startingInt - while True: - x_n1 = x_n - function(x_n) / function1(x_n) - if abs(x_n - x_n1) < 10 ** -5: - return x_n1 - x_n = x_n1 - - -def f(x): - return (x ** 3) - (2 * x) - 5 - - -def f1(x): - return 3 * (x ** 2) - 2 - - -if __name__ == "__main__": - print(newton(f, f1, 3)) +# Newton's Method - https://en.wikipedia.org/wiki/Newton%27s_method + +def newton(function, function1, startingInt): # function is the f(x) and function1 is the f'(x) + x_n = startingInt + while True: + x_n1 = x_n - function(x_n) / function1(x_n) + if abs(x_n - x_n1) < 10 ** -5: + return x_n1 + x_n = x_n1 + + +def f(x): + return (x ** 3) - (2 * x) - 5 + + +def f1(x): + return 3 * (x ** 2) - 2 + + +if __name__ == "__main__": + print(newton(f, f1, 3)) diff --git a/arithmetic_analysis/newton_raphson_method.py b/arithmetic_analysis/newton_raphson_method.py index 2f983f2de4a5..18a10c6605c3 100644 --- a/arithmetic_analysis/newton_raphson_method.py +++ b/arithmetic_analysis/newton_raphson_method.py @@ -1,34 +1,34 @@ -# Implementing Newton Raphson method in Python -# Author: Haseeb - -from decimal import Decimal - -from sympy import diff - - -def NewtonRaphson(func, a): - ''' Finds root from the point 'a' onwards by Newton-Raphson method ''' - while True: - c = Decimal(a) - (Decimal(eval(func)) / Decimal(eval(str(diff(func))))) - - a = c - - # This number dictates the accuracy of the answer - if abs(eval(func)) < 10 ** -15: - return c - - -# Let's Execute -if __name__ == '__main__': - # Find root of trigonometric function - # Find value of pi - print('sin(x) = 0', NewtonRaphson('sin(x)', 2)) - - # Find root of polynomial - print('x**2 - 5*x +2 = 0', NewtonRaphson('x**2 - 5*x +2', 0.4)) - - # Find Square Root of 5 - print('x**2 - 5 = 0', NewtonRaphson('x**2 - 5', 0.1)) - - # Exponential Roots - print('exp(x) - 1 = 0', NewtonRaphson('exp(x) - 1', 0)) +# Implementing Newton Raphson method in Python +# Author: Haseeb + +from decimal import Decimal + +from sympy import diff + + +def NewtonRaphson(func, a): + ''' Finds root from the point 'a' onwards by Newton-Raphson method ''' + while True: + c = Decimal(a) - (Decimal(eval(func)) / Decimal(eval(str(diff(func))))) + + a = c + + # This number dictates the accuracy of the answer + if abs(eval(func)) < 10 ** -15: + return c + + +# Let's Execute +if __name__ == '__main__': + # Find root of trigonometric function + # Find value of pi + print('sin(x) = 0', NewtonRaphson('sin(x)', 2)) + + # Find root of polynomial + print('x**2 - 5*x +2 = 0', NewtonRaphson('x**2 - 5*x +2', 0.4)) + + # Find Square Root of 5 + print('x**2 - 5 = 0', NewtonRaphson('x**2 - 5', 0.1)) + + # Exponential Roots + print('exp(x) - 1 = 0', NewtonRaphson('exp(x) - 1', 0)) diff --git a/auto/backup.txt b/auto/backup.txt index 1baf77a31bbf..ebf996916621 100644 --- a/auto/backup.txt +++ b/auto/backup.txt @@ -1,13 +1,13 @@ -- 创建分类(/api/v100/live/employee/upload/dibblingVideo/addCategory) -"name=默认分类", -"schoolId=NONE" - -- 登录 -"phone=18999999999", -"smsAuthCode=123456", -"loginType:=0", -"pwd=ht123456.", - - -- 删除分类(/api/v100/live/employee/upload/dibblingVideo/deleteCategory) +- 创建分类(/api/v100/live/employee/upload/dibblingVideo/addCategory) +"name=默认分类", +"schoolId=NONE" + +- 登录 +"phone=18999999999", +"smsAuthCode=123456", +"loginType:=0", +"pwd=ht123456.", + + +- 删除分类(/api/v100/live/employee/upload/dibblingVideo/deleteCategory) "categoryId=NONE" \ No newline at end of file diff --git a/auto/batchHandler.py b/auto/batchHandler.py index b735576e697f..7232b867bc3a 100644 --- a/auto/batchHandler.py +++ b/auto/batchHandler.py @@ -1,128 +1,128 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -import json -import ssl -import sys -import subprocess -import time -import pandas as pd - -import requests - -# 屏蔽HTTPS证书校验, 忽略安全警告 -requests.packages.urllib3.disable_warnings() -context = ssl._create_unverified_context() -joiner = ' ' -id_key = 'NONE' -# 登陆一次后是否服复用cookie -hot_reload = True -cmd = "http" -no_ca = "--verify=no" -httpie_allow_view = { - "-v": "显示请求详细信息", - "-h": "显示请求头", - "-b": "显示请求Body", - "-d": "下载文件", - "": "默认" -} -httpie_view = None -try: - if len(sys.argv) > 1: - if httpie_allow_view.get(sys.argv[1]) is not None: - httpie_view = sys.argv[1] - else: - print("输入参数有误, 仅支持如下参数: -v显示请求详细信息|-h显示请求头|-b显示请求Body|-d下载文件") -except Exception as e: - print(e) - - -def httpie_cmd(id): - """ - 执行excuteUrl.json接口 - :param id - :return: - """ - with open("./excuteUrl.json", 'r') as request_data: - request_json = json.load(request_data) - url = request_json['url'] - method = request_json['method'] - request_headers = load_request_headers(request_json['headers'], hot_reload) - headers = joiner.join(request_headers) - body = joiner.join(request_json['body']) - body = body.replace(id_key, str(id)) - httpie_params = [cmd, no_ca] - if httpie_view is not None: - httpie_params.append(httpie_view) - httpie_params.extend([method, url, headers, body]) - httpie = joiner.join(httpie_params) - print(httpie) - print("当前ID: ", id) - # 延时执行 - time.sleep(0.05) - subprocess.call(httpie, shell=True) - - -def load_request_headers(headers, hot_reload): - """ - 加载请求header - :param headers: - :param hot_reload: 是否热加载, 复用已有Cookie - :return: - """ - if hot_reload: - with open("./cookie.txt", "r") as f: - cookie = ''.join(f.readlines()) - else: - cookie = auto_login() - headers.append(cookie) - return headers - - -def load_data(): - """ - 读取数据文件, 每行为一条数据 - :return: - """ - data = pd.read_csv("./ID.csv", header=-1) - data.columns = ['id'] - return data['id'] - - -def auto_login(): - """ - 自动登录, 获取登录Cookie, 写入文件, 在控制台打印 - """ - with open("./ssoLogin.json", 'r') as sso_login_request_data: - request_json = json.load(sso_login_request_data) - url = request_json['url'] - method = request_json['method'] - request_headers = {} - for item in request_json['headers']: - split = item.replace('=', '').split(':') - request_headers[split[0]] = split[1] - request_body = {} - for item in request_json['body']: - split = item.replace(':', '').split('=') - request_body[split[0]] = split[1] - - request_headers = {"Content-Type": "application/json", "HT-app": "6"} - response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) - response_headers = response.headers - cookie = "'Cookie:" + response_headers.get("set-Cookie") + "'" - with open("./cookie.txt", "w") as f: - f.write(cookie) - # JSON标准格式 - response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) - print(response_body) - return cookie - - -def main(): - # 首先登陆一次 - auto_login() - for id in load_data(): - httpie_cmd(id) - - -if __name__ == '__main__': - main() +#!/usr/bin/env python +# -*- coding: utf-8 -*- +import json +import ssl +import sys +import subprocess +import time +import pandas as pd + +import requests + +# 屏蔽HTTPS证书校验, 忽略安全警告 +requests.packages.urllib3.disable_warnings() +context = ssl._create_unverified_context() +joiner = ' ' +id_key = 'NONE' +# 登陆一次后是否服复用cookie +hot_reload = True +cmd = "http" +no_ca = "--verify=no" +httpie_allow_view = { + "-v": "显示请求详细信息", + "-h": "显示请求头", + "-b": "显示请求Body", + "-d": "下载文件", + "": "默认" +} +httpie_view = None +try: + if len(sys.argv) > 1: + if httpie_allow_view.get(sys.argv[1]) is not None: + httpie_view = sys.argv[1] + else: + print("输入参数有误, 仅支持如下参数: -v显示请求详细信息|-h显示请求头|-b显示请求Body|-d下载文件") +except Exception as e: + print(e) + + +def httpie_cmd(id): + """ + 执行excuteUrl.json接口 + :param id + :return: + """ + with open("./excuteUrl.json", 'r') as request_data: + request_json = json.load(request_data) + url = request_json['url'] + method = request_json['method'] + request_headers = load_request_headers(request_json['headers'], hot_reload) + headers = joiner.join(request_headers) + body = joiner.join(request_json['body']) + body = body.replace(id_key, str(id)) + httpie_params = [cmd, no_ca] + if httpie_view is not None: + httpie_params.append(httpie_view) + httpie_params.extend([method, url, headers, body]) + httpie = joiner.join(httpie_params) + print(httpie) + print("当前ID: ", id) + # 延时执行 + time.sleep(0.05) + subprocess.call(httpie, shell=True) + + +def load_request_headers(headers, hot_reload): + """ + 加载请求header + :param headers: + :param hot_reload: 是否热加载, 复用已有Cookie + :return: + """ + if hot_reload: + with open("./cookie.txt", "r") as f: + cookie = ''.join(f.readlines()) + else: + cookie = auto_login() + headers.append(cookie) + return headers + + +def load_data(): + """ + 读取数据文件, 每行为一条数据 + :return: + """ + data = pd.read_csv("./ID.csv", header=-1) + data.columns = ['id'] + return data['id'] + + +def auto_login(): + """ + 自动登录, 获取登录Cookie, 写入文件, 在控制台打印 + """ + with open("./ssoLogin.json", 'r') as sso_login_request_data: + request_json = json.load(sso_login_request_data) + url = request_json['url'] + method = request_json['method'] + request_headers = {} + for item in request_json['headers']: + split = item.replace('=', '').split(':') + request_headers[split[0]] = split[1] + request_body = {} + for item in request_json['body']: + split = item.replace(':', '').split('=') + request_body[split[0]] = split[1] + + request_headers = {"Content-Type": "application/json", "HT-app": "6"} + response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) + response_headers = response.headers + cookie = "'Cookie:" + response_headers.get("set-Cookie") + "'" + with open("./cookie.txt", "w") as f: + f.write(cookie) + # JSON标准格式 + response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) + print(response_body) + return cookie + + +def main(): + # 首先登陆一次 + auto_login() + for id in load_data(): + httpie_cmd(id) + + +if __name__ == '__main__': + main() diff --git a/auto/excuteUrl.json b/auto/excuteUrl.json index 885fe68f5332..866a47a9a0eb 100644 --- a/auto/excuteUrl.json +++ b/auto/excuteUrl.json @@ -1,11 +1,11 @@ -{ - "url": "https://live.testa.huitong.com/api/v100/live/employee/upload/dibblingVideo/deleteCategory", - "method": "POST", - "headers" : [ - "Content-Type:application/json", - "HT-app:6" - ], - "body": [ - "categoryId=NONE" - ] -} +{ + "url": "https://live.testa.huitong.com/api/v100/live/employee/upload/dibblingVideo/deleteCategory", + "method": "POST", + "headers" : [ + "Content-Type:application/json", + "HT-app:6" + ], + "body": [ + "categoryId=NONE" + ] +} diff --git a/auto/ssoLogin.json b/auto/ssoLogin.json index c675fa528bc5..1ae0ba553094 100644 --- a/auto/ssoLogin.json +++ b/auto/ssoLogin.json @@ -1,14 +1,14 @@ -{ - "url": "https://sso.testa.huitong.com/api/v100/ssonew/login", - "method": "POST", - "headers" : [ - "Content-Type:application/json", - "HT-app:6" - ], - "body": [ - "phone=18999999999", - "smsAuthCode=123456", - "loginType:=0", - "pwd=ht123456." - ] -} +{ + "url": "https://sso.testa.huitong.com/api/v100/ssonew/login", + "method": "POST", + "headers" : [ + "Content-Type:application/json", + "HT-app:6" + ], + "body": [ + "phone=18999999999", + "smsAuthCode=123456", + "loginType:=0", + "pwd=ht123456." + ] +} diff --git a/binary_tree/DIG.py b/binary_tree/DIG.py index 32cf02e1e222..b642f31bc092 100644 --- a/binary_tree/DIG.py +++ b/binary_tree/DIG.py @@ -1,82 +1,82 @@ -def begin(): - print("装饰开始:瓜子板凳备好,坐等[生成]") - - -def end(): - print("装饰结束:瓜子嗑完了,板凳坐歪了,撤!") - - -def wrapper_counter_generator(func): - # 接受func的所有参数 - def wrapper(*args, **kwargs): - # 处理前 - begin() - # 执行处理 - result = func(*args, **kwargs) - # 处理后 - end() - # 返回处理结果 - return result - # 返回装饰的函数对象 - return wrapper - - -class DIGCounter: - """ - 装饰器-迭代器-生成器,一体化打包回家 - """ - - def __init__(self, start, end): - self.start = start - self.end = end - - def __iter__(self): - """ - 迭代获取的当前元素 - :rtype: object - """ - return self - - def __next__(self): - """ - 迭代获取的当前元素的下一个元素 - :rtype: object - :exception StopIteration - """ - if self.start > self.end: - raise StopIteration - current = self.start - self.start += 1 - return current - - @wrapper_counter_generator - def counter_generator(self): - """ - 获取生成器 - :rtype: generator - """ - while self.start <= self.end: - yield self.start - self.start += 1 - - -def main(): - """ - 迭代器/生成器(iterator)是不可重复遍历的, - 而可迭代对象(iterable)是可以重复遍历的, - iter()内置方法只会返回不可重复遍历的迭代器 - """ - - k_list = list(DIGCounter(1, 19)) - even_list = [e for e in k_list if not e % 2 == 0] - odd_list = [e for e in k_list if e % 2 == 0] - print(even_list) - print(odd_list) - - g_list = DIGCounter(1, 19).counter_generator() - five_list = [e for e in g_list if e % 5 == 0] - print(five_list) - - -if __name__ == '__main__': - main() +def begin(): + print("装饰开始:瓜子板凳备好,坐等[生成]") + + +def end(): + print("装饰结束:瓜子嗑完了,板凳坐歪了,撤!") + + +def wrapper_counter_generator(func): + # 接受func的所有参数 + def wrapper(*args, **kwargs): + # 处理前 + begin() + # 执行处理 + result = func(*args, **kwargs) + # 处理后 + end() + # 返回处理结果 + return result + # 返回装饰的函数对象 + return wrapper + + +class DIGCounter: + """ + 装饰器-迭代器-生成器,一体化打包回家 + """ + + def __init__(self, start, end): + self.start = start + self.end = end + + def __iter__(self): + """ + 迭代获取的当前元素 + :rtype: object + """ + return self + + def __next__(self): + """ + 迭代获取的当前元素的下一个元素 + :rtype: object + :exception StopIteration + """ + if self.start > self.end: + raise StopIteration + current = self.start + self.start += 1 + return current + + @wrapper_counter_generator + def counter_generator(self): + """ + 获取生成器 + :rtype: generator + """ + while self.start <= self.end: + yield self.start + self.start += 1 + + +def main(): + """ + 迭代器/生成器(iterator)是不可重复遍历的, + 而可迭代对象(iterable)是可以重复遍历的, + iter()内置方法只会返回不可重复遍历的迭代器 + """ + + k_list = list(DIGCounter(1, 19)) + even_list = [e for e in k_list if not e % 2 == 0] + odd_list = [e for e in k_list if e % 2 == 0] + print(even_list) + print(odd_list) + + g_list = DIGCounter(1, 19).counter_generator() + five_list = [e for e in g_list if e % 5 == 0] + print(five_list) + + +if __name__ == '__main__': + main() diff --git a/binary_tree/PDF.csv b/binary_tree/PDF.csv index 14f625c19b59..299062e11d79 100644 --- a/binary_tree/PDF.csv +++ b/binary_tree/PDF.csv @@ -1,65534 +1,65534 @@ -129 -129 -128 -127 -126 -126 -126 -126 -125 -125 -125 -125 -125 -125 -125 -125 -125 -125 -125 -125 -125 -124 -124 -124 -124 -124 -124 -124 -124 -123 -123 -123 -123 -123 -123 -123 -123 -123 -123 -123 -123 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -122 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -121 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -120 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -119 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -118 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -117 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -116 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -115 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -114 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -113 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -112 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -111 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -110 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -109 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -108 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -107 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -106 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -105 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -104 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -103 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -102 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -101 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -100 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -99 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -98 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -97 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -96 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -95 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -94 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -93 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -92 -91 -91 -91 -91 -91 -91 -91 -91 -91 -91 -91 -91 -91 -91 -91 -90 -90 -90 -90 -90 -90 -90 -90 -90 -90 -90 -89 -89 -89 -89 -89 -89 -89 -89 -89 -88 -88 -88 -88 -88 -88 -88 -87 -87 -87 -87 -87 -87 -86 -86 -86 -86 -86 -86 -86 -85 -85 -85 -85 -84 -84 -84 -83 -82 -82 -82 -82 -82 -81 -79 -79 -79 -78 -78 -77 -75 -74 -73 -73 -68 -67 -56 -50 -47 -39 -32 -30 -22 - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - +129 +129 +128 +127 +126 +126 +126 +126 +125 +125 +125 +125 +125 +125 +125 +125 +125 +125 +125 +125 +125 +124 +124 +124 +124 +124 +124 +124 +124 +123 +123 +123 +123 +123 +123 +123 +123 +123 +123 +123 +123 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +122 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +121 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +120 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +119 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +118 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +117 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +116 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +115 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +114 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +113 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +112 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +111 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +110 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +109 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +108 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +107 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +106 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +105 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +104 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +103 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +102 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +101 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +100 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +99 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +98 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +97 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +96 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +95 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +94 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +93 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +92 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +91 +90 +90 +90 +90 +90 +90 +90 +90 +90 +90 +90 +89 +89 +89 +89 +89 +89 +89 +89 +89 +88 +88 +88 +88 +88 +88 +88 +87 +87 +87 +87 +87 +87 +86 +86 +86 +86 +86 +86 +86 +85 +85 +85 +85 +84 +84 +84 +83 +82 +82 +82 +82 +82 +81 +79 +79 +79 +78 +78 +77 +75 +74 +73 +73 +68 +67 +56 +50 +47 +39 +32 +30 +22 + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/binary_tree/PDF.py b/binary_tree/PDF.py index de64115a94f2..dcf7f0e33548 100644 --- a/binary_tree/PDF.py +++ b/binary_tree/PDF.py @@ -1,135 +1,135 @@ -# -*- coding: utf-8 -*- -import os -import pandas as pd -import math -import numpy as np -import matplotlib.pyplot as plt - - -def load_data(): - """ - 读取数据文件,推荐CSV格式 - :return: - """ - work_main_dir = os.path.dirname(__file__) + os.path.sep - file_path = work_main_dir + "PDF.csv" - return pd.read_csv(file_path) - - -def calculate_statistical_indicators(data, delta): - """ - 对数据序列计算:最大值/最小值/平均值/标准差,以及根据组距计算分组坐标 - :param data: 原始数据列 - :param delta: 分组区间长度 - :return: [最大值, 最小值, 平均值, 标准差, 分组间距, 分组数, 分组序号, 分组坐标点, 分组区间, 分组频次] - : 0 1 2 3 4 5 6 7 8 9 - """ - def dataframe_tolist(dataframe_data): - return sum(np.array(dataframe_data).tolist(), []) - - # 统计指标数据 - statistical_indicators = [float(data.max()), float(data.min()), float(data.mean()), float(data.std())] - # 数据转换 - datavalue = dataframe_tolist(data) - # 分组数 - split_group = math.ceil((statistical_indicators[0] - statistical_indicators[1]) / delta) + 1 - # 分组自然编号序列 - group_nos = list(np.arange(1, split_group + 1, 1)) - # 分组坐标节点序列 - group_coordinates = list(statistical_indicators[1] + (np.array(group_nos) - 1) * delta) - # 分组坐标区间序列 - group_sections = [] - # 统计分组坐标区间频次, 统计标准左开右闭:(,] - group_frequencies = {} - for i in group_nos: - i -= 1 - if i == 0: - group_sections.append([0, group_coordinates[i]]) - else: - group_sections.append([group_coordinates[i - 1], group_coordinates[i]]) - - start = group_sections[i][0] - end = group_sections[i][1] - count = 0 - for value in datavalue: - if start < value <= end: - count += 1 - group_frequencies.update({i: count}) - statistical_indicators.append(delta) - statistical_indicators.append(split_group) - statistical_indicators.append(group_nos) - statistical_indicators.append(group_coordinates) - statistical_indicators.append(group_sections) - statistical_indicators.append(group_frequencies) - statistical_indicators.append(datavalue) - - return statistical_indicators - - -def normal_distribution_pdf(x, mu, sigma): - """ - 正态分布概率密度函数 - Normal distribution probability density function - :return: - """ - if sigma == 0: - return 0 - return np.exp(-((x-mu)**2 / (2 * sigma**2))) / (sigma * np.sqrt(2*np.pi)) - - -def calculate_points(mu, sigma): - point = [] - i = mu - 2 * sigma - while mu - 2 * sigma <= i <= mu + 2 * sigma: - point.append(i) - i += sigma - x = np.array(point) - y = normal_distribution_pdf(x, mu, sigma) - for i in range(0, len(x)): - print(x[i], y[i]) - return [x, y] - - -def plot_pdf(statistical_indicators): - plt.figure("NormalDistribution-PDF") - # plt.grid() - plt.xlabel("Student-Score") - plt.ylabel("Probability-Value") - plt.title("Figure-1.1") - plt.xlim(0.00, 140.00) - plt.ylim(0.00, 0.055) - - data = statistical_indicators[len(statistical_indicators) - 1] - plt.hist(data, bins=23, rwidth=5, density=True, color='yellow') - - mu, sigma = statistical_indicators[2], statistical_indicators[3] - coordinates = statistical_indicators[7] - # 增加0值起始点 - coordinates.insert(0, 0) - x = np.array(coordinates) - y = normal_distribution_pdf(x, mu, sigma) - plt.plot(x, y, color='red', linewidth=2) - - points = calculate_points(mu, sigma) - plt.scatter(points[0], points[1], marker='<', s=30, c='green') - - # 绘制垂线plt.vlines - for x_i in points[0]: - plt.vlines(x_i, plt.ylim()[0], plt.ylim()[1], linestyles=':', linewidth=1) - - # 绘制水平线plt.hlines - # plt.hlines(0.025, plt.xlim()[0], plt.xlim()[1], linestyles=':', linewidth=1) - plt.show() - - -def main(): - data = load_data() - delta = 1 - statistical_indicators = calculate_statistical_indicators(data, delta) - plot_pdf(statistical_indicators) - - -if __name__ == '__main__': - main() - - +# -*- coding: utf-8 -*- +import os +import pandas as pd +import math +import numpy as np +import matplotlib.pyplot as plt + + +def load_data(): + """ + 读取数据文件,推荐CSV格式 + :return: + """ + work_main_dir = os.path.dirname(__file__) + os.path.sep + file_path = work_main_dir + "PDF.csv" + return pd.read_csv(file_path) + + +def calculate_statistical_indicators(data, delta): + """ + 对数据序列计算:最大值/最小值/平均值/标准差,以及根据组距计算分组坐标 + :param data: 原始数据列 + :param delta: 分组区间长度 + :return: [最大值, 最小值, 平均值, 标准差, 分组间距, 分组数, 分组序号, 分组坐标点, 分组区间, 分组频次] + : 0 1 2 3 4 5 6 7 8 9 + """ + def dataframe_tolist(dataframe_data): + return sum(np.array(dataframe_data).tolist(), []) + + # 统计指标数据 + statistical_indicators = [float(data.max()), float(data.min()), float(data.mean()), float(data.std())] + # 数据转换 + datavalue = dataframe_tolist(data) + # 分组数 + split_group = math.ceil((statistical_indicators[0] - statistical_indicators[1]) / delta) + 1 + # 分组自然编号序列 + group_nos = list(np.arange(1, split_group + 1, 1)) + # 分组坐标节点序列 + group_coordinates = list(statistical_indicators[1] + (np.array(group_nos) - 1) * delta) + # 分组坐标区间序列 + group_sections = [] + # 统计分组坐标区间频次, 统计标准左开右闭:(,] + group_frequencies = {} + for i in group_nos: + i -= 1 + if i == 0: + group_sections.append([0, group_coordinates[i]]) + else: + group_sections.append([group_coordinates[i - 1], group_coordinates[i]]) + + start = group_sections[i][0] + end = group_sections[i][1] + count = 0 + for value in datavalue: + if start < value <= end: + count += 1 + group_frequencies.update({i: count}) + statistical_indicators.append(delta) + statistical_indicators.append(split_group) + statistical_indicators.append(group_nos) + statistical_indicators.append(group_coordinates) + statistical_indicators.append(group_sections) + statistical_indicators.append(group_frequencies) + statistical_indicators.append(datavalue) + + return statistical_indicators + + +def normal_distribution_pdf(x, mu, sigma): + """ + 正态分布概率密度函数 + Normal distribution probability density function + :return: + """ + if sigma == 0: + return 0 + return np.exp(-((x-mu)**2 / (2 * sigma**2))) / (sigma * np.sqrt(2*np.pi)) + + +def calculate_points(mu, sigma): + point = [] + i = mu - 2 * sigma + while mu - 2 * sigma <= i <= mu + 2 * sigma: + point.append(i) + i += sigma + x = np.array(point) + y = normal_distribution_pdf(x, mu, sigma) + for i in range(0, len(x)): + print(x[i], y[i]) + return [x, y] + + +def plot_pdf(statistical_indicators): + plt.figure("NormalDistribution-PDF") + # plt.grid() + plt.xlabel("Student-Score") + plt.ylabel("Probability-Value") + plt.title("Figure-1.1") + plt.xlim(0.00, 140.00) + plt.ylim(0.00, 0.055) + + data = statistical_indicators[len(statistical_indicators) - 1] + plt.hist(data, bins=23, rwidth=5, density=True, color='yellow') + + mu, sigma = statistical_indicators[2], statistical_indicators[3] + coordinates = statistical_indicators[7] + # 增加0值起始点 + coordinates.insert(0, 0) + x = np.array(coordinates) + y = normal_distribution_pdf(x, mu, sigma) + plt.plot(x, y, color='red', linewidth=2) + + points = calculate_points(mu, sigma) + plt.scatter(points[0], points[1], marker='<', s=30, c='green') + + # 绘制垂线plt.vlines + for x_i in points[0]: + plt.vlines(x_i, plt.ylim()[0], plt.ylim()[1], linestyles=':', linewidth=1) + + # 绘制水平线plt.hlines + # plt.hlines(0.025, plt.xlim()[0], plt.xlim()[1], linestyles=':', linewidth=1) + plt.show() + + +def main(): + data = load_data() + delta = 1 + statistical_indicators = calculate_statistical_indicators(data, delta) + plot_pdf(statistical_indicators) + + +if __name__ == '__main__': + main() + + diff --git a/binary_tree/basic_binary_tree.py b/binary_tree/basic_binary_tree.py index 59320123d2c1..dceacc416d00 100644 --- a/binary_tree/basic_binary_tree.py +++ b/binary_tree/basic_binary_tree.py @@ -1,331 +1,331 @@ -class TreeNode: - """This is the Class Node with constructor that contains data variable to type data and left,right pointers.""" - - def __init__(self, data): - self.data = data - self.left = None - self.right = None - - def new_in_order_traversal(self) -> list: - """ - (代码优化)深度优先-中序遍历 - :return: list[TreeNode] - """ - if self is None: - return [] - return self.in_order_traversal(self.left) + [self] + self.in_order_traversal(self.right) - - def in_order_traversal(self, current_node) -> list: - """ - (冗余传参)深度优先-中序遍历 - :type current_node: TreeNode - :return: list[TreeNode] - """ - if current_node is None: - return [] - return self.in_order_traversal(current_node.left) + [current_node] + self.in_order_traversal(current_node.right) - - def pre_order_traversal(self) -> list: - """ - 深度优先-前序遍历 - :return: list[TreeNode] - """ - if self is None: - return [] - return [self] + self.left.pre_order_traversal() + self.right.pre_order_traversal() - - def post_order_traversal(self) -> list: - """ - 深度优先-后序遍历 - :return: list[TreeNode] - """ - if self is None: - return [] - return self.left.post_order_traversal() + self.right.post_order_traversal() + [self] - - @classmethod - def base_width_order_traversal(cls, root) -> list: - """ - 基本广度优先遍历 - :type root: TreeNode - :return: list[TreeNode] - """ - - def base_recursion_helper(current_node, current_level): - """ - 基本递归遍历,同一层次由左到右遍历 - :type current_level: int - :type current_node: TreeNode - """ - # 递归结束条件 - if current_node is None: - return - - # 收集本层元素 - sol[current_level - 1].append([current_node]) - - # 新的一层元素,需要添加收集容器 - if len(sol) == current_level: - sol.append([]) - - # 先左子树 - base_recursion_helper(current_node.left, current_level + 1) - # 后右子树 - base_recursion_helper(current_node.right, current_level + 1) - - sol = [[]] - base_recursion_helper(root, 1) - # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 - result_list = sum(sum(sol[:-1], []), []) - # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] - return result_list - - @classmethod - def level_reverse_width_order_traversal(cls, root) -> list: - """ - 基本广度优先遍历 - :type root: TreeNode - :return: list[TreeNode] - """ - - def level_reverse_recursion_helper(current_node, current_level): - """ - 基本递归遍历,同一层次由左到右遍历 - :type current_level: int - :type current_node: TreeNode - """ - # 递归结束条件 - if current_node is None: - return - - # 收集本层元素 - sol[current_level - 1].append([current_node]) - - # 新的一层元素,需要添加收集容器 - if len(sol) == current_level: - sol.append([]) - - # 先右子树 - level_reverse_recursion_helper(current_node.right, current_level + 1) - # 后左子树 - level_reverse_recursion_helper(current_node.left, current_level + 1) - - sol = [[]] - level_reverse_recursion_helper(root, 1) - # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 - result_list = sum(sum(sol[:-1], []), []) - # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] - return result_list - - @classmethod - def zigzag_width_order_traversal(cls, root) -> list: - """ - 锯齿型广度优先遍历 - :type root: TreeNode - :return: list[TreeNode] - """ - - def zigzag_recursion_helper(current_node, current_level): - """ - 基本递归遍历,同一层次由左到右遍历 - :type current_level: int - :type current_node: TreeNode - """ - # 递归结束点 - if current_node is None: - return - # 按照奇偶层进行拼接 - if current_level % 2 == 1: - # 收集本层元素,后插 - sol[current_level - 1].append([current_node]) - else: - # 收集本层元素,前插 - sol[current_level - 1].insert(0, [current_node]) - - # 新的一层元素,需要添加收集容器 - if len(sol) == current_level: - sol.append([]) - - # 先左子树 - zigzag_recursion_helper(current_node.left, current_level + 1) - # 后右子树 - zigzag_recursion_helper(current_node.right, current_level + 1) - - sol = [[]] - zigzag_recursion_helper(root, 1) - # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 - result_list = sum(sum(sol[:-1], []), []) - # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] - return result_list - - def depth_of_tree(self) -> int: - """ - 树的深度 - :return: int - """ - if self is None: - return 0 - return 1 + max(self.left.depth_of_tree(), self.right.depth_of_tree()) - - def is_full_binary_tree(self) -> bool: - """ - 检查是否为满二叉树 - :return: bool - """ - if self is None: - return True - if (self.left is None) and (self.right is None): - return True - if (self.left is not None) and (self.right is not None): - return self.left.is_full_binary_tree() and self.right.is_full_binary_tree() - return False - - -def test_init_tree() -> TreeNode: - """ - 测试使用,构造树 - 1 - 2 3 - 4 5 7 - 6 8 - 9 - :return: TreeNode - """ - tree = TreeNode(1) - tree.left = TreeNode(2) - tree.right = TreeNode(3) - tree.left.left = TreeNode(4) - tree.left.right = TreeNode(5) - tree.left.right.left = TreeNode(6) - tree.right.left = TreeNode(7) - tree.right.left.left = TreeNode(8) - tree.right.left.left.right = TreeNode(9) - return tree - - -def test_in_order_traversal(): - """ - 二叉树中序遍历测试 - """ - init_tree = test_init_tree() - in_order_result = init_tree.in_order_traversal(init_tree) - in_order_data = fetch_tree_data(in_order_result) - out(in_order_data) - - -def test_new_in_order_traversal(): - """ - 二叉树中序遍历测试 - """ - init_tree = test_init_tree() - in_order_result = init_tree.new_in_order_traversal() - in_order_data = fetch_tree_data(in_order_result) - out(in_order_data) - - -def test_pre_order_traversal(): - """ - 二叉树前序遍历测试 - """ - init_tree = test_init_tree() - pre_order_result = init_tree.pre_order_traversal() - pre_order_data = fetch_tree_data(pre_order_result) - out(pre_order_data) - - -def test_post_order_traversal(): - """ - 二叉树后序遍历测试 - """ - init_tree = test_init_tree() - post_order_result = init_tree.post_order_traversal() - post_order_data = fetch_tree_data(post_order_result) - out(post_order_data) - - -def test_basic_width_order_traversal(): - """ - 二叉树基本层次遍历测试 - """ - init_tree = test_init_tree() - basic_width_order_result = TreeNode.base_width_order_traversal(init_tree) - basic_width_order_data = fetch_tree_data(basic_width_order_result) - out(basic_width_order_data) - - -def test_level_reverse_width_order_traversal(): - """ - 二叉树同层反序层次遍历测试 - """ - init_tree = test_init_tree() - level_reverse_width_order_result = TreeNode.level_reverse_width_order_traversal(init_tree) - level_reverse_width_order_data = fetch_tree_data(level_reverse_width_order_result) - out(level_reverse_width_order_data) - - -def test_zigzag_width_order_traversal(): - """ - 二叉树同层反序层次遍历测试 - """ - init_tree = test_init_tree() - zigzag_width_order_result = TreeNode.zigzag_width_order_traversal(init_tree) - zigzag_width_order_data = fetch_tree_data(zigzag_width_order_result) - out(zigzag_width_order_data) - - -def fetch_tree_data(tree_list) -> list: - """ - 根据树的平铺列表,获取数据[data] - :type tree_list: list - :return: list[TreeNode.data] - """ - return [e.data for e in tree_list if e is not None] - - -def out(content): - """ - 输出内容 - :type content: object - """ - print(content) - - -def main(): - """ - python函数及其参数约定: https://www.cnblogs.com/xialiaoliao0911/p/9430491.html - """ - - tree = ''' - 初始树 - 1 - 2 3 - 4 5 7 - 6 8 - 9 - - ''' - out(tree) - - out("深度优先之[前序]遍历:") - test_in_order_traversal() - - out("(代码优化后的)深度优先之[前序]遍历:") - test_new_in_order_traversal() - # out("深度优先之[中序]遍历:") - # test_pre_order_traversal() - # - # out("深度优先之[后序]遍历:") - # test_post_order_traversal() - # - # out("广度优先之正序层次遍历:") - # test_basic_width_order_traversal() - # - # out("广度优先之同层反遍历:") - # test_level_reverse_width_order_traversal() - # - # out("广度优先之锯齿型遍历:") - # test_zigzag_width_order_traversal() - - -if __name__ == '__main__': - main() +class TreeNode: + """This is the Class Node with constructor that contains data variable to type data and left,right pointers.""" + + def __init__(self, data): + self.data = data + self.left = None + self.right = None + + def new_in_order_traversal(self) -> list: + """ + (代码优化)深度优先-中序遍历 + :return: list[TreeNode] + """ + if self is None: + return [] + return self.in_order_traversal(self.left) + [self] + self.in_order_traversal(self.right) + + def in_order_traversal(self, current_node) -> list: + """ + (冗余传参)深度优先-中序遍历 + :type current_node: TreeNode + :return: list[TreeNode] + """ + if current_node is None: + return [] + return self.in_order_traversal(current_node.left) + [current_node] + self.in_order_traversal(current_node.right) + + def pre_order_traversal(self) -> list: + """ + 深度优先-前序遍历 + :return: list[TreeNode] + """ + if self is None: + return [] + return [self] + self.left.pre_order_traversal() + self.right.pre_order_traversal() + + def post_order_traversal(self) -> list: + """ + 深度优先-后序遍历 + :return: list[TreeNode] + """ + if self is None: + return [] + return self.left.post_order_traversal() + self.right.post_order_traversal() + [self] + + @classmethod + def base_width_order_traversal(cls, root) -> list: + """ + 基本广度优先遍历 + :type root: TreeNode + :return: list[TreeNode] + """ + + def base_recursion_helper(current_node, current_level): + """ + 基本递归遍历,同一层次由左到右遍历 + :type current_level: int + :type current_node: TreeNode + """ + # 递归结束条件 + if current_node is None: + return + + # 收集本层元素 + sol[current_level - 1].append([current_node]) + + # 新的一层元素,需要添加收集容器 + if len(sol) == current_level: + sol.append([]) + + # 先左子树 + base_recursion_helper(current_node.left, current_level + 1) + # 后右子树 + base_recursion_helper(current_node.right, current_level + 1) + + sol = [[]] + base_recursion_helper(root, 1) + # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 + result_list = sum(sum(sol[:-1], []), []) + # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] + return result_list + + @classmethod + def level_reverse_width_order_traversal(cls, root) -> list: + """ + 基本广度优先遍历 + :type root: TreeNode + :return: list[TreeNode] + """ + + def level_reverse_recursion_helper(current_node, current_level): + """ + 基本递归遍历,同一层次由左到右遍历 + :type current_level: int + :type current_node: TreeNode + """ + # 递归结束条件 + if current_node is None: + return + + # 收集本层元素 + sol[current_level - 1].append([current_node]) + + # 新的一层元素,需要添加收集容器 + if len(sol) == current_level: + sol.append([]) + + # 先右子树 + level_reverse_recursion_helper(current_node.right, current_level + 1) + # 后左子树 + level_reverse_recursion_helper(current_node.left, current_level + 1) + + sol = [[]] + level_reverse_recursion_helper(root, 1) + # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 + result_list = sum(sum(sol[:-1], []), []) + # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] + return result_list + + @classmethod + def zigzag_width_order_traversal(cls, root) -> list: + """ + 锯齿型广度优先遍历 + :type root: TreeNode + :return: list[TreeNode] + """ + + def zigzag_recursion_helper(current_node, current_level): + """ + 基本递归遍历,同一层次由左到右遍历 + :type current_level: int + :type current_node: TreeNode + """ + # 递归结束点 + if current_node is None: + return + # 按照奇偶层进行拼接 + if current_level % 2 == 1: + # 收集本层元素,后插 + sol[current_level - 1].append([current_node]) + else: + # 收集本层元素,前插 + sol[current_level - 1].insert(0, [current_node]) + + # 新的一层元素,需要添加收集容器 + if len(sol) == current_level: + sol.append([]) + + # 先左子树 + zigzag_recursion_helper(current_node.left, current_level + 1) + # 后右子树 + zigzag_recursion_helper(current_node.right, current_level + 1) + + sol = [[]] + zigzag_recursion_helper(root, 1) + # sol为三层嵌套list, 且需要去除最后一个空元素[],以下方式可将三层list[]元素平铺为一层 + result_list = sum(sum(sol[:-1], []), []) + # result_list = [tree_node for second_list in sol[:-1] for third_list in second_list for tree_node in third_list] + return result_list + + def depth_of_tree(self) -> int: + """ + 树的深度 + :return: int + """ + if self is None: + return 0 + return 1 + max(self.left.depth_of_tree(), self.right.depth_of_tree()) + + def is_full_binary_tree(self) -> bool: + """ + 检查是否为满二叉树 + :return: bool + """ + if self is None: + return True + if (self.left is None) and (self.right is None): + return True + if (self.left is not None) and (self.right is not None): + return self.left.is_full_binary_tree() and self.right.is_full_binary_tree() + return False + + +def test_init_tree() -> TreeNode: + """ + 测试使用,构造树 + 1 + 2 3 + 4 5 7 + 6 8 + 9 + :return: TreeNode + """ + tree = TreeNode(1) + tree.left = TreeNode(2) + tree.right = TreeNode(3) + tree.left.left = TreeNode(4) + tree.left.right = TreeNode(5) + tree.left.right.left = TreeNode(6) + tree.right.left = TreeNode(7) + tree.right.left.left = TreeNode(8) + tree.right.left.left.right = TreeNode(9) + return tree + + +def test_in_order_traversal(): + """ + 二叉树中序遍历测试 + """ + init_tree = test_init_tree() + in_order_result = init_tree.in_order_traversal(init_tree) + in_order_data = fetch_tree_data(in_order_result) + out(in_order_data) + + +def test_new_in_order_traversal(): + """ + 二叉树中序遍历测试 + """ + init_tree = test_init_tree() + in_order_result = init_tree.new_in_order_traversal() + in_order_data = fetch_tree_data(in_order_result) + out(in_order_data) + + +def test_pre_order_traversal(): + """ + 二叉树前序遍历测试 + """ + init_tree = test_init_tree() + pre_order_result = init_tree.pre_order_traversal() + pre_order_data = fetch_tree_data(pre_order_result) + out(pre_order_data) + + +def test_post_order_traversal(): + """ + 二叉树后序遍历测试 + """ + init_tree = test_init_tree() + post_order_result = init_tree.post_order_traversal() + post_order_data = fetch_tree_data(post_order_result) + out(post_order_data) + + +def test_basic_width_order_traversal(): + """ + 二叉树基本层次遍历测试 + """ + init_tree = test_init_tree() + basic_width_order_result = TreeNode.base_width_order_traversal(init_tree) + basic_width_order_data = fetch_tree_data(basic_width_order_result) + out(basic_width_order_data) + + +def test_level_reverse_width_order_traversal(): + """ + 二叉树同层反序层次遍历测试 + """ + init_tree = test_init_tree() + level_reverse_width_order_result = TreeNode.level_reverse_width_order_traversal(init_tree) + level_reverse_width_order_data = fetch_tree_data(level_reverse_width_order_result) + out(level_reverse_width_order_data) + + +def test_zigzag_width_order_traversal(): + """ + 二叉树同层反序层次遍历测试 + """ + init_tree = test_init_tree() + zigzag_width_order_result = TreeNode.zigzag_width_order_traversal(init_tree) + zigzag_width_order_data = fetch_tree_data(zigzag_width_order_result) + out(zigzag_width_order_data) + + +def fetch_tree_data(tree_list) -> list: + """ + 根据树的平铺列表,获取数据[data] + :type tree_list: list + :return: list[TreeNode.data] + """ + return [e.data for e in tree_list if e is not None] + + +def out(content): + """ + 输出内容 + :type content: object + """ + print(content) + + +def main(): + """ + python函数及其参数约定: https://www.cnblogs.com/xialiaoliao0911/p/9430491.html + """ + + tree = ''' + 初始树 + 1 + 2 3 + 4 5 7 + 6 8 + 9 + + ''' + out(tree) + + out("深度优先之[前序]遍历:") + test_in_order_traversal() + + out("(代码优化后的)深度优先之[前序]遍历:") + test_new_in_order_traversal() + # out("深度优先之[中序]遍历:") + # test_pre_order_traversal() + # + # out("深度优先之[后序]遍历:") + # test_post_order_traversal() + # + # out("广度优先之正序层次遍历:") + # test_basic_width_order_traversal() + # + # out("广度优先之同层反遍历:") + # test_level_reverse_width_order_traversal() + # + # out("广度优先之锯齿型遍历:") + # test_zigzag_width_order_traversal() + + +if __name__ == '__main__': + main() diff --git a/binary_tree/test_treeNode.py b/binary_tree/test_treeNode.py index f747762311cf..4191f018557f 100644 --- a/binary_tree/test_treeNode.py +++ b/binary_tree/test_treeNode.py @@ -1,5 +1,5 @@ -from unittest import TestCase - - -class TestTreeNode(TestCase): - pass +from unittest import TestCase + + +class TestTreeNode(TestCase): + pass diff --git a/boolean_algebra/quine_mc_cluskey.py b/boolean_algebra/quine_mc_cluskey.py index 62d0d554d2b5..8d0ecceb1ad7 100644 --- a/boolean_algebra/quine_mc_cluskey.py +++ b/boolean_algebra/quine_mc_cluskey.py @@ -1,127 +1,127 @@ -def compare_string(string1, string2): - l1 = list(string1); - l2 = list(string2) - count = 0 - for i in range(len(l1)): - if l1[i] != l2[i]: - count += 1 - l1[i] = '_' - if count > 1: - return -1 - else: - return ("".join(l1)) - - -def check(binary): - pi = [] - while 1: - check1 = ['$'] * len(binary) - temp = [] - for i in range(len(binary)): - for j in range(i + 1, len(binary)): - k = compare_string(binary[i], binary[j]) - if k != -1: - check1[i] = '*' - check1[j] = '*' - temp.append(k) - for i in range(len(binary)): - if check1[i] == '$': - pi.append(binary[i]) - if len(temp) == 0: - return pi - binary = list(set(temp)) - - -def decimal_to_binary(no_of_variable, minterms): - temp = [] - s = '' - for m in minterms: - for i in range(no_of_variable): - s = str(m % 2) + s - m //= 2 - temp.append(s) - s = '' - return temp - - -def is_for_table(string1, string2, count): - l1 = list(string1); - l2 = list(string2) - count_n = 0 - for i in range(len(l1)): - if l1[i] != l2[i]: - count_n += 1 - if count_n == count: - return True - else: - return False - - -def selection(chart, prime_implicants): - temp = [] - select = [0] * len(chart) - for i in range(len(chart[0])): - count = 0 - rem = -1 - for j in range(len(chart)): - if chart[j][i] == 1: - count += 1 - rem = j - if count == 1: - select[rem] = 1 - for i in range(len(select)): - if select[i] == 1: - for j in range(len(chart[0])): - if chart[i][j] == 1: - for k in range(len(chart)): - chart[k][j] = 0 - temp.append(prime_implicants[i]) - while 1: - max_n = 0; - rem = -1; - count_n = 0 - for i in range(len(chart)): - count_n = chart[i].count(1) - if count_n > max_n: - max_n = count_n - rem = i - - if max_n == 0: - return temp - - temp.append(prime_implicants[rem]) - - for i in range(len(chart[0])): - if chart[rem][i] == 1: - for j in range(len(chart)): - chart[j][i] = 0 - - -def prime_implicant_chart(prime_implicants, binary): - chart = [[0 for x in range(len(binary))] for x in range(len(prime_implicants))] - for i in range(len(prime_implicants)): - count = prime_implicants[i].count('_') - for j in range(len(binary)): - if (is_for_table(prime_implicants[i], binary[j], count)): - chart[i][j] = 1 - - return chart - - -def main(): - no_of_variable = int(input("Enter the no. of variables\n")) - minterms = [int(x) for x in input("Enter the decimal representation of Minterms 'Spaces Seprated'\n").split()] - binary = decimal_to_binary(no_of_variable, minterms) - - prime_implicants = check(binary) - print("Prime Implicants are:") - print(prime_implicants) - chart = prime_implicant_chart(prime_implicants, binary) - - essential_prime_implicants = selection(chart, prime_implicants) - print("Essential Prime Implicants are:") - print(essential_prime_implicants) - - -if __name__ == '__main__': - main() +def compare_string(string1, string2): + l1 = list(string1); + l2 = list(string2) + count = 0 + for i in range(len(l1)): + if l1[i] != l2[i]: + count += 1 + l1[i] = '_' + if count > 1: + return -1 + else: + return ("".join(l1)) + + +def check(binary): + pi = [] + while 1: + check1 = ['$'] * len(binary) + temp = [] + for i in range(len(binary)): + for j in range(i + 1, len(binary)): + k = compare_string(binary[i], binary[j]) + if k != -1: + check1[i] = '*' + check1[j] = '*' + temp.append(k) + for i in range(len(binary)): + if check1[i] == '$': + pi.append(binary[i]) + if len(temp) == 0: + return pi + binary = list(set(temp)) + + +def decimal_to_binary(no_of_variable, minterms): + temp = [] + s = '' + for m in minterms: + for i in range(no_of_variable): + s = str(m % 2) + s + m //= 2 + temp.append(s) + s = '' + return temp + + +def is_for_table(string1, string2, count): + l1 = list(string1); + l2 = list(string2) + count_n = 0 + for i in range(len(l1)): + if l1[i] != l2[i]: + count_n += 1 + if count_n == count: + return True + else: + return False + + +def selection(chart, prime_implicants): + temp = [] + select = [0] * len(chart) + for i in range(len(chart[0])): + count = 0 + rem = -1 + for j in range(len(chart)): + if chart[j][i] == 1: + count += 1 + rem = j + if count == 1: + select[rem] = 1 + for i in range(len(select)): + if select[i] == 1: + for j in range(len(chart[0])): + if chart[i][j] == 1: + for k in range(len(chart)): + chart[k][j] = 0 + temp.append(prime_implicants[i]) + while 1: + max_n = 0; + rem = -1; + count_n = 0 + for i in range(len(chart)): + count_n = chart[i].count(1) + if count_n > max_n: + max_n = count_n + rem = i + + if max_n == 0: + return temp + + temp.append(prime_implicants[rem]) + + for i in range(len(chart[0])): + if chart[rem][i] == 1: + for j in range(len(chart)): + chart[j][i] = 0 + + +def prime_implicant_chart(prime_implicants, binary): + chart = [[0 for x in range(len(binary))] for x in range(len(prime_implicants))] + for i in range(len(prime_implicants)): + count = prime_implicants[i].count('_') + for j in range(len(binary)): + if (is_for_table(prime_implicants[i], binary[j], count)): + chart[i][j] = 1 + + return chart + + +def main(): + no_of_variable = int(input("Enter the no. of variables\n")) + minterms = [int(x) for x in input("Enter the decimal representation of Minterms 'Spaces Seprated'\n").split()] + binary = decimal_to_binary(no_of_variable, minterms) + + prime_implicants = check(binary) + print("Prime Implicants are:") + print(prime_implicants) + chart = prime_implicant_chart(prime_implicants, binary) + + essential_prime_implicants = selection(chart, prime_implicants) + print("Essential Prime Implicants are:") + print(essential_prime_implicants) + + +if __name__ == '__main__': + main() diff --git a/ciphers/Atbash.py b/ciphers/Atbash.py index ca825df4db81..a21de4c43014 100644 --- a/ciphers/Atbash.py +++ b/ciphers/Atbash.py @@ -1,22 +1,22 @@ -try: # Python 2 - raw_input - unichr -except NameError: #  Python 3 - raw_input = input - unichr = chr - - -def Atbash(): - output = "" - for i in raw_input("Enter the sentence to be encrypted ").strip(): - extract = ord(i) - if 65 <= extract <= 90: - output += unichr(155 - extract) - elif 97 <= extract <= 122: - output += unichr(219 - extract) - else: - output += i - print(output) - - -Atbash() +try: # Python 2 + raw_input + unichr +except NameError: #  Python 3 + raw_input = input + unichr = chr + + +def Atbash(): + output = "" + for i in raw_input("Enter the sentence to be encrypted ").strip(): + extract = ord(i) + if 65 <= extract <= 90: + output += unichr(155 - extract) + elif 97 <= extract <= 122: + output += unichr(219 - extract) + else: + output += i + print(output) + + +Atbash() diff --git a/ciphers/affine_cipher.py b/ciphers/affine_cipher.py index 3b3ddb2bebec..0d1add38c07b 100644 --- a/ciphers/affine_cipher.py +++ b/ciphers/affine_cipher.py @@ -1,88 +1,88 @@ -from __future__ import print_function - -import cryptomath_module as cryptoMath -import random -import sys - -SYMBOLS = r""" !"#$%&'()*+,-./0123456789:;<=>?@ABCDEFGHIJKLMNOPQRSTUVWXYZ[\]^_`abcdefghijklmnopqrstuvwxyz{|}~""" - - -def main(): - message = input('Enter message: ') - key = int(input('Enter key [2000 - 9000]: ')) - mode = input('Encrypt/Decrypt [E/D]: ') - - if mode.lower().startswith('e'): - mode = 'encrypt' - translated = encryptMessage(key, message) - elif mode.lower().startswith('d'): - mode = 'decrypt' - translated = decryptMessage(key, message) - print('\n%sed text: \n%s' % (mode.title(), translated)) - - -def getKeyParts(key): - keyA = key // len(SYMBOLS) - keyB = key % len(SYMBOLS) - return (keyA, keyB) - - -def checkKeys(keyA, keyB, mode): - if keyA == 1 and mode == 'encrypt': - sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') - if keyB == 0 and mode == 'encrypt': - sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') - if keyA < 0 or keyB < 0 or keyB > len(SYMBOLS) - 1: - sys.exit('Key A must be greater than 0 and key B must be between 0 and %s.' % (len(SYMBOLS) - 1)) - if cryptoMath.gcd(keyA, len(SYMBOLS)) != 1: - sys.exit('Key A %s and the symbol set size %s are not relatively prime. Choose a different key.' % (keyA, len(SYMBOLS))) - - -def encryptMessage(key, message): - ''' - >>> encryptMessage(4545, 'The affine cipher is a type of monoalphabetic substitution cipher.') - 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi' - ''' - keyA, keyB = getKeyParts(key) - checkKeys(keyA, keyB, 'encrypt') - cipherText = '' - for symbol in message: - if symbol in SYMBOLS: - symIndex = SYMBOLS.find(symbol) - cipherText += SYMBOLS[(symIndex * keyA + keyB) % len(SYMBOLS)] - else: - cipherText += symbol - return cipherText - - -def decryptMessage(key, message): - ''' - >>> decryptMessage(4545, 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi') - 'The affine cipher is a type of monoalphabetic substitution cipher.' - ''' - keyA, keyB = getKeyParts(key) - checkKeys(keyA, keyB, 'decrypt') - plainText = '' - modInverseOfkeyA = cryptoMath.findModInverse(keyA, len(SYMBOLS)) - for symbol in message: - if symbol in SYMBOLS: - symIndex = SYMBOLS.find(symbol) - plainText += SYMBOLS[(symIndex - keyB) * modInverseOfkeyA % len(SYMBOLS)] - else: - plainText += symbol - return plainText - - -def getRandomKey(): - while True: - keyA = random.randint(2, len(SYMBOLS)) - keyB = random.randint(2, len(SYMBOLS)) - if cryptoMath.gcd(keyA, len(SYMBOLS)) == 1: - return keyA * len(SYMBOLS) + keyB - - -if __name__ == '__main__': - import doctest - - doctest.testmod() - main() +from __future__ import print_function + +import cryptomath_module as cryptoMath +import random +import sys + +SYMBOLS = r""" !"#$%&'()*+,-./0123456789:;<=>?@ABCDEFGHIJKLMNOPQRSTUVWXYZ[\]^_`abcdefghijklmnopqrstuvwxyz{|}~""" + + +def main(): + message = input('Enter message: ') + key = int(input('Enter key [2000 - 9000]: ')) + mode = input('Encrypt/Decrypt [E/D]: ') + + if mode.lower().startswith('e'): + mode = 'encrypt' + translated = encryptMessage(key, message) + elif mode.lower().startswith('d'): + mode = 'decrypt' + translated = decryptMessage(key, message) + print('\n%sed text: \n%s' % (mode.title(), translated)) + + +def getKeyParts(key): + keyA = key // len(SYMBOLS) + keyB = key % len(SYMBOLS) + return (keyA, keyB) + + +def checkKeys(keyA, keyB, mode): + if keyA == 1 and mode == 'encrypt': + sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') + if keyB == 0 and mode == 'encrypt': + sys.exit('The affine cipher becomes weak when key A is set to 1. Choose different key') + if keyA < 0 or keyB < 0 or keyB > len(SYMBOLS) - 1: + sys.exit('Key A must be greater than 0 and key B must be between 0 and %s.' % (len(SYMBOLS) - 1)) + if cryptoMath.gcd(keyA, len(SYMBOLS)) != 1: + sys.exit('Key A %s and the symbol set size %s are not relatively prime. Choose a different key.' % (keyA, len(SYMBOLS))) + + +def encryptMessage(key, message): + ''' + >>> encryptMessage(4545, 'The affine cipher is a type of monoalphabetic substitution cipher.') + 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi' + ''' + keyA, keyB = getKeyParts(key) + checkKeys(keyA, keyB, 'encrypt') + cipherText = '' + for symbol in message: + if symbol in SYMBOLS: + symIndex = SYMBOLS.find(symbol) + cipherText += SYMBOLS[(symIndex * keyA + keyB) % len(SYMBOLS)] + else: + cipherText += symbol + return cipherText + + +def decryptMessage(key, message): + ''' + >>> decryptMessage(4545, 'VL}p MM{I}p~{HL}Gp{vp pFsH}pxMpyxIx JHL O}F{~pvuOvF{FuF{xIp~{HL}Gi') + 'The affine cipher is a type of monoalphabetic substitution cipher.' + ''' + keyA, keyB = getKeyParts(key) + checkKeys(keyA, keyB, 'decrypt') + plainText = '' + modInverseOfkeyA = cryptoMath.findModInverse(keyA, len(SYMBOLS)) + for symbol in message: + if symbol in SYMBOLS: + symIndex = SYMBOLS.find(symbol) + plainText += SYMBOLS[(symIndex - keyB) * modInverseOfkeyA % len(SYMBOLS)] + else: + plainText += symbol + return plainText + + +def getRandomKey(): + while True: + keyA = random.randint(2, len(SYMBOLS)) + keyB = random.randint(2, len(SYMBOLS)) + if cryptoMath.gcd(keyA, len(SYMBOLS)) == 1: + return keyA * len(SYMBOLS) + keyB + + +if __name__ == '__main__': + import doctest + + doctest.testmod() + main() diff --git a/ciphers/base16.py b/ciphers/base16.py index a08f83f4d22b..3577541a1092 100644 --- a/ciphers/base16.py +++ b/ciphers/base16.py @@ -1,13 +1,13 @@ -import base64 - - -def main(): - inp = input('->') - encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) - b16encoded = base64.b16encode(encoded) # b16encoded the encoded string - print(b16encoded) - print(base64.b16decode(b16encoded).decode('utf-8')) # decoded it - - -if __name__ == '__main__': - main() +import base64 + + +def main(): + inp = input('->') + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + b16encoded = base64.b16encode(encoded) # b16encoded the encoded string + print(b16encoded) + print(base64.b16decode(b16encoded).decode('utf-8')) # decoded it + + +if __name__ == '__main__': + main() diff --git a/ciphers/base32.py b/ciphers/base32.py index 6c9df689ebaa..d993583a27ce 100644 --- a/ciphers/base32.py +++ b/ciphers/base32.py @@ -1,13 +1,13 @@ -import base64 - - -def main(): - inp = input('->') - encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) - b32encoded = base64.b32encode(encoded) # b32encoded the encoded string - print(b32encoded) - print(base64.b32decode(b32encoded).decode('utf-8')) # decoded it - - -if __name__ == '__main__': - main() +import base64 + + +def main(): + inp = input('->') + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + b32encoded = base64.b32encode(encoded) # b32encoded the encoded string + print(b32encoded) + print(base64.b32decode(b32encoded).decode('utf-8')) # decoded it + + +if __name__ == '__main__': + main() diff --git a/ciphers/base64_cipher.py b/ciphers/base64_cipher.py index 9ecfe5a3215f..17ce815c6a40 100644 --- a/ciphers/base64_cipher.py +++ b/ciphers/base64_cipher.py @@ -1,66 +1,66 @@ -def encodeBase64(text): - base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" - - r = "" # the result - c = 3 - len(text) % 3 # the length of padding - p = "=" * c # the padding - s = text + "\0" * c # the text to encode - - i = 0 - while i < len(s): - if i > 0 and ((i / 3 * 4) % 76) == 0: - r = r + "\r\n" - - n = (ord(s[i]) << 16) + (ord(s[i + 1]) << 8) + ord(s[i + 2]) - - n1 = (n >> 18) & 63 - n2 = (n >> 12) & 63 - n3 = (n >> 6) & 63 - n4 = n & 63 - - r += base64chars[n1] + base64chars[n2] + base64chars[n3] + base64chars[n4] - i += 3 - - return r[0: len(r) - len(p)] + p - - -def decodeBase64(text): - base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" - s = "" - - for i in text: - if i in base64chars: - s += i - c = "" - else: - if i == '=': - c += '=' - - p = "" - if c == "=": - p = 'A' - else: - if c == "==": - p = "AA" - - r = "" - s = s + p - - i = 0 - while i < len(s): - n = (base64chars.index(s[i]) << 18) + (base64chars.index(s[i + 1]) << 12) + (base64chars.index(s[i + 2]) << 6) + base64chars.index(s[i + 3]) - - r += chr((n >> 16) & 255) + chr((n >> 8) & 255) + chr(n & 255) - - i += 4 - - return r[0: len(r) - len(p)] - - -def main(): - print(encodeBase64("WELCOME to base64 encoding")) - print(decodeBase64(encodeBase64("WELCOME to base64 encoding"))) - - -if __name__ == '__main__': - main() +def encodeBase64(text): + base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" + + r = "" # the result + c = 3 - len(text) % 3 # the length of padding + p = "=" * c # the padding + s = text + "\0" * c # the text to encode + + i = 0 + while i < len(s): + if i > 0 and ((i / 3 * 4) % 76) == 0: + r = r + "\r\n" + + n = (ord(s[i]) << 16) + (ord(s[i + 1]) << 8) + ord(s[i + 2]) + + n1 = (n >> 18) & 63 + n2 = (n >> 12) & 63 + n3 = (n >> 6) & 63 + n4 = n & 63 + + r += base64chars[n1] + base64chars[n2] + base64chars[n3] + base64chars[n4] + i += 3 + + return r[0: len(r) - len(p)] + p + + +def decodeBase64(text): + base64chars = "ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/" + s = "" + + for i in text: + if i in base64chars: + s += i + c = "" + else: + if i == '=': + c += '=' + + p = "" + if c == "=": + p = 'A' + else: + if c == "==": + p = "AA" + + r = "" + s = s + p + + i = 0 + while i < len(s): + n = (base64chars.index(s[i]) << 18) + (base64chars.index(s[i + 1]) << 12) + (base64chars.index(s[i + 2]) << 6) + base64chars.index(s[i + 3]) + + r += chr((n >> 16) & 255) + chr((n >> 8) & 255) + chr(n & 255) + + i += 4 + + return r[0: len(r) - len(p)] + + +def main(): + print(encodeBase64("WELCOME to base64 encoding")) + print(decodeBase64(encodeBase64("WELCOME to base64 encoding"))) + + +if __name__ == '__main__': + main() diff --git a/ciphers/base85.py b/ciphers/base85.py index d2eca6614bcd..cb549855f14d 100644 --- a/ciphers/base85.py +++ b/ciphers/base85.py @@ -1,13 +1,13 @@ -import base64 - - -def main(): - inp = input('->') - encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) - a85encoded = base64.a85encode(encoded) # a85encoded the encoded string - print(a85encoded) - print(base64.a85decode(a85encoded).decode('utf-8')) # decoded it - - -if __name__ == '__main__': - main() +import base64 + + +def main(): + inp = input('->') + encoded = inp.encode('utf-8') # encoded the input (we need a bytes like object) + a85encoded = base64.a85encode(encoded) # a85encoded the encoded string + print(a85encoded) + print(base64.a85decode(a85encoded).decode('utf-8')) # decoded it + + +if __name__ == '__main__': + main() diff --git a/ciphers/brute_force_caesar_cipher.py b/ciphers/brute_force_caesar_cipher.py index c6149ea986cd..22b6f3131b60 100644 --- a/ciphers/brute_force_caesar_cipher.py +++ b/ciphers/brute_force_caesar_cipher.py @@ -1,59 +1,59 @@ -from __future__ import print_function - - -def decrypt(message): - """ - >>> decrypt('TMDETUX PMDVU') - Decryption using Key #0: TMDETUX PMDVU - Decryption using Key #1: SLCDSTW OLCUT - Decryption using Key #2: RKBCRSV NKBTS - Decryption using Key #3: QJABQRU MJASR - Decryption using Key #4: PIZAPQT LIZRQ - Decryption using Key #5: OHYZOPS KHYQP - Decryption using Key #6: NGXYNOR JGXPO - Decryption using Key #7: MFWXMNQ IFWON - Decryption using Key #8: LEVWLMP HEVNM - Decryption using Key #9: KDUVKLO GDUML - Decryption using Key #10: JCTUJKN FCTLK - Decryption using Key #11: IBSTIJM EBSKJ - Decryption using Key #12: HARSHIL DARJI - Decryption using Key #13: GZQRGHK CZQIH - Decryption using Key #14: FYPQFGJ BYPHG - Decryption using Key #15: EXOPEFI AXOGF - Decryption using Key #16: DWNODEH ZWNFE - Decryption using Key #17: CVMNCDG YVMED - Decryption using Key #18: BULMBCF XULDC - Decryption using Key #19: ATKLABE WTKCB - Decryption using Key #20: ZSJKZAD VSJBA - Decryption using Key #21: YRIJYZC URIAZ - Decryption using Key #22: XQHIXYB TQHZY - Decryption using Key #23: WPGHWXA SPGYX - Decryption using Key #24: VOFGVWZ ROFXW - Decryption using Key #25: UNEFUVY QNEWV - """ - LETTERS = "ABCDEFGHIJKLMNOPQRSTUVWXYZ" - for key in range(len(LETTERS)): - translated = "" - for symbol in message: - if symbol in LETTERS: - num = LETTERS.find(symbol) - num = num - key - if num < 0: - num = num + len(LETTERS) - translated = translated + LETTERS[num] - else: - translated = translated + symbol - print("Decryption using Key #%s: %s" % (key, translated)) - - -def main(): - message = input("Encrypted message: ") - message = message.upper() - decrypt(message) - - -if __name__ == '__main__': - import doctest - - doctest.testmod() - main() +from __future__ import print_function + + +def decrypt(message): + """ + >>> decrypt('TMDETUX PMDVU') + Decryption using Key #0: TMDETUX PMDVU + Decryption using Key #1: SLCDSTW OLCUT + Decryption using Key #2: RKBCRSV NKBTS + Decryption using Key #3: QJABQRU MJASR + Decryption using Key #4: PIZAPQT LIZRQ + Decryption using Key #5: OHYZOPS KHYQP + Decryption using Key #6: NGXYNOR JGXPO + Decryption using Key #7: MFWXMNQ IFWON + Decryption using Key #8: LEVWLMP HEVNM + Decryption using Key #9: KDUVKLO GDUML + Decryption using Key #10: JCTUJKN FCTLK + Decryption using Key #11: IBSTIJM EBSKJ + Decryption using Key #12: HARSHIL DARJI + Decryption using Key #13: GZQRGHK CZQIH + Decryption using Key #14: FYPQFGJ BYPHG + Decryption using Key #15: EXOPEFI AXOGF + Decryption using Key #16: DWNODEH ZWNFE + Decryption using Key #17: CVMNCDG YVMED + Decryption using Key #18: BULMBCF XULDC + Decryption using Key #19: ATKLABE WTKCB + Decryption using Key #20: ZSJKZAD VSJBA + Decryption using Key #21: YRIJYZC URIAZ + Decryption using Key #22: XQHIXYB TQHZY + Decryption using Key #23: WPGHWXA SPGYX + Decryption using Key #24: VOFGVWZ ROFXW + Decryption using Key #25: UNEFUVY QNEWV + """ + LETTERS = "ABCDEFGHIJKLMNOPQRSTUVWXYZ" + for key in range(len(LETTERS)): + translated = "" + for symbol in message: + if symbol in LETTERS: + num = LETTERS.find(symbol) + num = num - key + if num < 0: + num = num + len(LETTERS) + translated = translated + LETTERS[num] + else: + translated = translated + symbol + print("Decryption using Key #%s: %s" % (key, translated)) + + +def main(): + message = input("Encrypted message: ") + message = message.upper() + decrypt(message) + + +if __name__ == '__main__': + import doctest + + doctest.testmod() + main() diff --git a/ciphers/caesar_cipher.py b/ciphers/caesar_cipher.py index 658a8147d80d..75b470c0bf8e 100644 --- a/ciphers/caesar_cipher.py +++ b/ciphers/caesar_cipher.py @@ -1,65 +1,65 @@ -def encrypt(strng, key): - encrypted = '' - for x in strng: - indx = (ord(x) + key) % 256 - if indx > 126: - indx = indx - 95 - encrypted = encrypted + chr(indx) - return encrypted - - -def decrypt(strng, key): - decrypted = '' - for x in strng: - indx = (ord(x) - key) % 256 - if indx < 32: - indx = indx + 95 - decrypted = decrypted + chr(indx) - return decrypted - - -def brute_force(strng): - key = 1 - decrypted = '' - while key <= 94: - for x in strng: - indx = (ord(x) - key) % 256 - if indx < 32: - indx = indx + 95 - decrypted = decrypted + chr(indx) - print("Key: {}\t| Message: {}".format(key, decrypted)) - decrypted = '' - key += 1 - return None - - -def main(): - while True: - print('-' * 10 + "\n**Menu**\n" + '-' * 10) - print("1.Encrpyt") - print("2.Decrypt") - print("3.BruteForce") - print("4.Quit") - choice = input("What would you like to do?: ") - if choice not in ['1', '2', '3', '4']: - print("Invalid choice, please enter a valid choice") - elif choice == '1': - strng = input("Please enter the string to be encrypted: ") - key = int(input("Please enter off-set between 1-94: ")) - if key in range(1, 95): - print(encrypt(strng.lower(), key)) - elif choice == '2': - strng = input("Please enter the string to be decrypted: ") - key = int(input("Please enter off-set between 1-94: ")) - if key in range(1, 95): - print(decrypt(strng, key)) - elif choice == '3': - strng = input("Please enter the string to be decrypted: ") - brute_force(strng) - main() - elif choice == '4': - print("Goodbye.") - break - - -main() +def encrypt(strng, key): + encrypted = '' + for x in strng: + indx = (ord(x) + key) % 256 + if indx > 126: + indx = indx - 95 + encrypted = encrypted + chr(indx) + return encrypted + + +def decrypt(strng, key): + decrypted = '' + for x in strng: + indx = (ord(x) - key) % 256 + if indx < 32: + indx = indx + 95 + decrypted = decrypted + chr(indx) + return decrypted + + +def brute_force(strng): + key = 1 + decrypted = '' + while key <= 94: + for x in strng: + indx = (ord(x) - key) % 256 + if indx < 32: + indx = indx + 95 + decrypted = decrypted + chr(indx) + print("Key: {}\t| Message: {}".format(key, decrypted)) + decrypted = '' + key += 1 + return None + + +def main(): + while True: + print('-' * 10 + "\n**Menu**\n" + '-' * 10) + print("1.Encrpyt") + print("2.Decrypt") + print("3.BruteForce") + print("4.Quit") + choice = input("What would you like to do?: ") + if choice not in ['1', '2', '3', '4']: + print("Invalid choice, please enter a valid choice") + elif choice == '1': + strng = input("Please enter the string to be encrypted: ") + key = int(input("Please enter off-set between 1-94: ")) + if key in range(1, 95): + print(encrypt(strng.lower(), key)) + elif choice == '2': + strng = input("Please enter the string to be decrypted: ") + key = int(input("Please enter off-set between 1-94: ")) + if key in range(1, 95): + print(decrypt(strng, key)) + elif choice == '3': + strng = input("Please enter the string to be decrypted: ") + brute_force(strng) + main() + elif choice == '4': + print("Goodbye.") + break + + +main() diff --git a/ciphers/cryptomath_module.py b/ciphers/cryptomath_module.py index 5141b288d5b8..fc38e4bd2a22 100644 --- a/ciphers/cryptomath_module.py +++ b/ciphers/cryptomath_module.py @@ -1,15 +1,15 @@ -def gcd(a, b): - while a != 0: - a, b = b % a, a - return b - - -def findModInverse(a, m): - if gcd(a, m) != 1: - return None - u1, u2, u3 = 1, 0, a - v1, v2, v3 = 0, 1, m - while v3 != 0: - q = u3 // v3 - v1, v2, v3, u1, u2, u3 = (u1 - q * v1), (u2 - q * v2), (u3 - q * v3), v1, v2, v3 - return u1 % m +def gcd(a, b): + while a != 0: + a, b = b % a, a + return b + + +def findModInverse(a, m): + if gcd(a, m) != 1: + return None + u1, u2, u3 = 1, 0, a + v1, v2, v3 = 0, 1, m + while v3 != 0: + q = u3 // v3 + v1, v2, v3, u1, u2, u3 = (u1 - q * v1), (u2 - q * v2), (u3 - q * v3), v1, v2, v3 + return u1 % m diff --git a/ciphers/elgamal_key_generator.py b/ciphers/elgamal_key_generator.py index 02a8698973e5..fe6714a7e614 100644 --- a/ciphers/elgamal_key_generator.py +++ b/ciphers/elgamal_key_generator.py @@ -1,64 +1,64 @@ -import os -import random -import sys - -import cryptomath_module as cryptoMath -import rabin_miller as rabinMiller - -min_primitive_root = 3 - - -def main(): - print('Making key files...') - makeKeyFiles('elgamal', 2048) - print('Key files generation successful') - - -# I have written my code naively same as definition of primitive root -# however every time I run this program, memory exceeded... -# so I used 4.80 Algorithm in Handbook of Applied Cryptography(CRC Press, ISBN : 0-8493-8523-7, October 1996) -# and it seems to run nicely! -def primitiveRoot(p_val): - print("Generating primitive root of p") - while True: - g = random.randrange(3, p_val) - if pow(g, 2, p_val) == 1: - continue - if pow(g, p_val, p_val) == 1: - continue - return g - - -def generateKey(keySize): - print('Generating prime p...') - p = rabinMiller.generateLargePrime(keySize) # select large prime number. - e_1 = primitiveRoot(p) # one primitive root on modulo p. - d = random.randrange(3, p) # private_key -> have to be greater than 2 for safety. - e_2 = cryptoMath.findModInverse(pow(e_1, d, p), p) - - publicKey = (keySize, e_1, e_2, p) - privateKey = (keySize, d) - - return publicKey, privateKey - - -def makeKeyFiles(name, keySize): - if os.path.exists('%s_pubkey.txt' % name) or os.path.exists('%s_privkey.txt' % name): - print('\nWARNING:') - print('"%s_pubkey.txt" or "%s_privkey.txt" already exists. \n' - 'Use a different name or delete these files and re-run this program.' % - (name, name)) - sys.exit() - - publicKey, privateKey = generateKey(keySize) - print('\nWriting public key to file %s_pubkey.txt...' % name) - with open('%s_pubkey.txt' % name, 'w') as fo: - fo.write('%d,%d,%d,%d' % (publicKey[0], publicKey[1], publicKey[2], publicKey[3])) - - print('Writing private key to file %s_privkey.txt...' % name) - with open('%s_privkey.txt' % name, 'w') as fo: - fo.write('%d,%d' % (privateKey[0], privateKey[1])) - - -if __name__ == '__main__': - main() +import os +import random +import sys + +import cryptomath_module as cryptoMath +import rabin_miller as rabinMiller + +min_primitive_root = 3 + + +def main(): + print('Making key files...') + makeKeyFiles('elgamal', 2048) + print('Key files generation successful') + + +# I have written my code naively same as definition of primitive root +# however every time I run this program, memory exceeded... +# so I used 4.80 Algorithm in Handbook of Applied Cryptography(CRC Press, ISBN : 0-8493-8523-7, October 1996) +# and it seems to run nicely! +def primitiveRoot(p_val): + print("Generating primitive root of p") + while True: + g = random.randrange(3, p_val) + if pow(g, 2, p_val) == 1: + continue + if pow(g, p_val, p_val) == 1: + continue + return g + + +def generateKey(keySize): + print('Generating prime p...') + p = rabinMiller.generateLargePrime(keySize) # select large prime number. + e_1 = primitiveRoot(p) # one primitive root on modulo p. + d = random.randrange(3, p) # private_key -> have to be greater than 2 for safety. + e_2 = cryptoMath.findModInverse(pow(e_1, d, p), p) + + publicKey = (keySize, e_1, e_2, p) + privateKey = (keySize, d) + + return publicKey, privateKey + + +def makeKeyFiles(name, keySize): + if os.path.exists('%s_pubkey.txt' % name) or os.path.exists('%s_privkey.txt' % name): + print('\nWARNING:') + print('"%s_pubkey.txt" or "%s_privkey.txt" already exists. \n' + 'Use a different name or delete these files and re-run this program.' % + (name, name)) + sys.exit() + + publicKey, privateKey = generateKey(keySize) + print('\nWriting public key to file %s_pubkey.txt...' % name) + with open('%s_pubkey.txt' % name, 'w') as fo: + fo.write('%d,%d,%d,%d' % (publicKey[0], publicKey[1], publicKey[2], publicKey[3])) + + print('Writing private key to file %s_privkey.txt...' % name) + with open('%s_privkey.txt' % name, 'w') as fo: + fo.write('%d,%d' % (privateKey[0], privateKey[1])) + + +if __name__ == '__main__': + main() diff --git a/ciphers/hill_cipher.py b/ciphers/hill_cipher.py index 3ca5020c33c8..19f71c45f3e8 100644 --- a/ciphers/hill_cipher.py +++ b/ciphers/hill_cipher.py @@ -1,167 +1,167 @@ -""" - -Hill Cipher: -The below defined class 'HillCipher' implements the Hill Cipher algorithm. -The Hill Cipher is an algorithm that implements modern linear algebra techniques -In this algortihm, you have an encryption key matrix. This is what will be used -in encoding and decoding your text. - -Algortihm: -Let the order of the encryption key be N (as it is a square matrix). -Your text is divided into batches of length N and converted to numerical vectors -by a simple mapping starting with A=0 and so on. - -The key is then mulitplied with the newly created batch vector to obtain the -encoded vector. After each multiplication modular 36 calculations are performed -on the vectors so as to bring the numbers between 0 and 36 and then mapped with -their corresponding alphanumerics. - -While decrypting, the decrypting key is found which is the inverse of the -encrypting key modular 36. The same process is repeated for decrypting to get -the original message back. - -Constraints: -The determinant of the encryption key matrix must be relatively prime w.r.t 36. - -Note: -The algorithm implemented in this code considers only alphanumerics in the text. -If the length of the text to be encrypted is not a multiple of the -break key(the length of one batch of letters),the last character of the text -is added to the text until the length of the text reaches a multiple of -the break_key. So the text after decrypting might be a little different than -the original text. - -References: -https://apprendre-en-ligne.net/crypto/hill/Hillciph.pdf -https://www.youtube.com/watch?v=kfmNeskzs2o -https://www.youtube.com/watch?v=4RhLNDqcjpA - -""" - -import numpy - - -def gcd(a, b): - if a == 0: - return b - return gcd(b % a, a) - - -class HillCipher: - key_string = "ABCDEFGHIJKLMNOPQRSTUVWXYZ0123456789" - # This cipher takes alphanumerics into account - # i.e. a total of 36 characters - - replaceLetters = lambda self, letter: self.key_string.index(letter) - replaceNumbers = lambda self, num: self.key_string[round(num)] - - # take x and return x % len(key_string) - modulus = numpy.vectorize(lambda x: x % 36) - - toInt = numpy.vectorize(lambda x: round(x)) - - def __init__(self, encrypt_key): - """ - encrypt_key is an NxN numpy matrix - """ - self.encrypt_key = self.modulus(encrypt_key) # mod36 calc's on the encrypt key - self.checkDeterminant() # validate the determinant of the encryption key - self.decrypt_key = None - self.break_key = encrypt_key.shape[0] - - def checkDeterminant(self): - det = round(numpy.linalg.det(self.encrypt_key)) - - if det < 0: - det = det % len(self.key_string) - - req_l = len(self.key_string) - if gcd(det, len(self.key_string)) != 1: - raise ValueError("discriminant modular {0} of encryption key({1}) is not co prime w.r.t {2}.\nTry another key.".format(req_l, det, req_l)) - - def processText(self, text): - text = list(text.upper()) - text = [char for char in text if char in self.key_string] - - last = text[-1] - while len(text) % self.break_key != 0: - text.append(last) - - return ''.join(text) - - def encrypt(self, text): - text = self.processText(text.upper()) - encrypted = '' - - for i in range(0, len(text) - self.break_key + 1, self.break_key): - batch = text[i:i + self.break_key] - batch_vec = list(map(self.replaceLetters, batch)) - batch_vec = numpy.matrix([batch_vec]).T - batch_encrypted = self.modulus(self.encrypt_key.dot(batch_vec)).T.tolist()[0] - encrypted_batch = ''.join(list(map(self.replaceNumbers, batch_encrypted))) - encrypted += encrypted_batch - - return encrypted - - def makeDecryptKey(self): - det = round(numpy.linalg.det(self.encrypt_key)) - - if det < 0: - det = det % len(self.key_string) - det_inv = None - for i in range(len(self.key_string)): - if (det * i) % len(self.key_string) == 1: - det_inv = i - break - - inv_key = det_inv * numpy.linalg.det(self.encrypt_key) * \ - numpy.linalg.inv(self.encrypt_key) - - return self.toInt(self.modulus(inv_key)) - - def decrypt(self, text): - self.decrypt_key = self.makeDecryptKey() - text = self.processText(text.upper()) - decrypted = '' - - for i in range(0, len(text) - self.break_key + 1, self.break_key): - batch = text[i:i + self.break_key] - batch_vec = list(map(self.replaceLetters, batch)) - batch_vec = numpy.matrix([batch_vec]).T - batch_decrypted = self.modulus(self.decrypt_key.dot(batch_vec)).T.tolist()[0] - decrypted_batch = ''.join(list(map(self.replaceNumbers, batch_decrypted))) - decrypted += decrypted_batch - - return decrypted - - -def main(): - N = int(input("Enter the order of the encryption key: ")) - hill_matrix = [] - - print("Enter each row of the encryption key with space separated integers") - for i in range(N): - row = list(map(int, input().split())) - hill_matrix.append(row) - - hc = HillCipher(numpy.matrix(hill_matrix)) - - print("Would you like to encrypt or decrypt some text? (1 or 2)") - option = input(""" -1. Encrypt -2. Decrypt -""" - ) - - if option == '1': - text_e = input("What text would you like to encrypt?: ") - print("Your encrypted text is:") - print(hc.encrypt(text_e)) - elif option == '2': - text_d = input("What text would you like to decrypt?: ") - print("Your decrypted text is:") - print(hc.decrypt(text_d)) - - -if __name__ == "__main__": - main() +""" + +Hill Cipher: +The below defined class 'HillCipher' implements the Hill Cipher algorithm. +The Hill Cipher is an algorithm that implements modern linear algebra techniques +In this algortihm, you have an encryption key matrix. This is what will be used +in encoding and decoding your text. + +Algortihm: +Let the order of the encryption key be N (as it is a square matrix). +Your text is divided into batches of length N and converted to numerical vectors +by a simple mapping starting with A=0 and so on. + +The key is then mulitplied with the newly created batch vector to obtain the +encoded vector. After each multiplication modular 36 calculations are performed +on the vectors so as to bring the numbers between 0 and 36 and then mapped with +their corresponding alphanumerics. + +While decrypting, the decrypting key is found which is the inverse of the +encrypting key modular 36. The same process is repeated for decrypting to get +the original message back. + +Constraints: +The determinant of the encryption key matrix must be relatively prime w.r.t 36. + +Note: +The algorithm implemented in this code considers only alphanumerics in the text. +If the length of the text to be encrypted is not a multiple of the +break key(the length of one batch of letters),the last character of the text +is added to the text until the length of the text reaches a multiple of +the break_key. So the text after decrypting might be a little different than +the original text. + +References: +https://apprendre-en-ligne.net/crypto/hill/Hillciph.pdf +https://www.youtube.com/watch?v=kfmNeskzs2o +https://www.youtube.com/watch?v=4RhLNDqcjpA + +""" + +import numpy + + +def gcd(a, b): + if a == 0: + return b + return gcd(b % a, a) + + +class HillCipher: + key_string = "ABCDEFGHIJKLMNOPQRSTUVWXYZ0123456789" + # This cipher takes alphanumerics into account + # i.e. a total of 36 characters + + replaceLetters = lambda self, letter: self.key_string.index(letter) + replaceNumbers = lambda self, num: self.key_string[round(num)] + + # take x and return x % len(key_string) + modulus = numpy.vectorize(lambda x: x % 36) + + toInt = numpy.vectorize(lambda x: round(x)) + + def __init__(self, encrypt_key): + """ + encrypt_key is an NxN numpy matrix + """ + self.encrypt_key = self.modulus(encrypt_key) # mod36 calc's on the encrypt key + self.checkDeterminant() # validate the determinant of the encryption key + self.decrypt_key = None + self.break_key = encrypt_key.shape[0] + + def checkDeterminant(self): + det = round(numpy.linalg.det(self.encrypt_key)) + + if det < 0: + det = det % len(self.key_string) + + req_l = len(self.key_string) + if gcd(det, len(self.key_string)) != 1: + raise ValueError("discriminant modular {0} of encryption key({1}) is not co prime w.r.t {2}.\nTry another key.".format(req_l, det, req_l)) + + def processText(self, text): + text = list(text.upper()) + text = [char for char in text if char in self.key_string] + + last = text[-1] + while len(text) % self.break_key != 0: + text.append(last) + + return ''.join(text) + + def encrypt(self, text): + text = self.processText(text.upper()) + encrypted = '' + + for i in range(0, len(text) - self.break_key + 1, self.break_key): + batch = text[i:i + self.break_key] + batch_vec = list(map(self.replaceLetters, batch)) + batch_vec = numpy.matrix([batch_vec]).T + batch_encrypted = self.modulus(self.encrypt_key.dot(batch_vec)).T.tolist()[0] + encrypted_batch = ''.join(list(map(self.replaceNumbers, batch_encrypted))) + encrypted += encrypted_batch + + return encrypted + + def makeDecryptKey(self): + det = round(numpy.linalg.det(self.encrypt_key)) + + if det < 0: + det = det % len(self.key_string) + det_inv = None + for i in range(len(self.key_string)): + if (det * i) % len(self.key_string) == 1: + det_inv = i + break + + inv_key = det_inv * numpy.linalg.det(self.encrypt_key) * \ + numpy.linalg.inv(self.encrypt_key) + + return self.toInt(self.modulus(inv_key)) + + def decrypt(self, text): + self.decrypt_key = self.makeDecryptKey() + text = self.processText(text.upper()) + decrypted = '' + + for i in range(0, len(text) - self.break_key + 1, self.break_key): + batch = text[i:i + self.break_key] + batch_vec = list(map(self.replaceLetters, batch)) + batch_vec = numpy.matrix([batch_vec]).T + batch_decrypted = self.modulus(self.decrypt_key.dot(batch_vec)).T.tolist()[0] + decrypted_batch = ''.join(list(map(self.replaceNumbers, batch_decrypted))) + decrypted += decrypted_batch + + return decrypted + + +def main(): + N = int(input("Enter the order of the encryption key: ")) + hill_matrix = [] + + print("Enter each row of the encryption key with space separated integers") + for i in range(N): + row = list(map(int, input().split())) + hill_matrix.append(row) + + hc = HillCipher(numpy.matrix(hill_matrix)) + + print("Would you like to encrypt or decrypt some text? (1 or 2)") + option = input(""" +1. Encrypt +2. Decrypt +""" + ) + + if option == '1': + text_e = input("What text would you like to encrypt?: ") + print("Your encrypted text is:") + print(hc.encrypt(text_e)) + elif option == '2': + text_d = input("What text would you like to decrypt?: ") + print("Your decrypted text is:") + print(hc.decrypt(text_d)) + + +if __name__ == "__main__": + main() diff --git a/ciphers/morse_Code_implementation.py b/ciphers/morse_Code_implementation.py index b32533f7501f..54b509caf049 100644 --- a/ciphers/morse_Code_implementation.py +++ b/ciphers/morse_Code_implementation.py @@ -1,75 +1,75 @@ -# Python program to implement Morse Code Translator - - -# Dictionary representing the morse code chart -MORSE_CODE_DICT = {'A': '.-', 'B': '-...', - 'C': '-.-.', 'D': '-..', 'E': '.', - 'F': '..-.', 'G': '--.', 'H': '....', - 'I': '..', 'J': '.---', 'K': '-.-', - 'L': '.-..', 'M': '--', 'N': '-.', - 'O': '---', 'P': '.--.', 'Q': '--.-', - 'R': '.-.', 'S': '...', 'T': '-', - 'U': '..-', 'V': '...-', 'W': '.--', - 'X': '-..-', 'Y': '-.--', 'Z': '--..', - '1': '.----', '2': '..---', '3': '...--', - '4': '....-', '5': '.....', '6': '-....', - '7': '--...', '8': '---..', '9': '----.', - '0': '-----', ', ': '--..--', '.': '.-.-.-', - '?': '..--..', '/': '-..-.', '-': '-....-', - '(': '-.--.', ')': '-.--.-'} - - -def encrypt(message): - cipher = '' - for letter in message: - if letter != ' ': - - cipher += MORSE_CODE_DICT[letter] + ' ' - else: - - cipher += ' ' - - return cipher - - -def decrypt(message): - message += ' ' - - decipher = '' - citext = '' - for letter in message: - - if (letter != ' '): - - i = 0 - - citext += letter - - else: - - i += 1 - - if i == 2: - - decipher += ' ' - else: - - decipher += list(MORSE_CODE_DICT.keys())[list(MORSE_CODE_DICT - .values()).index(citext)] - citext = '' - - return decipher - - -def main(): - message = "Morse code here" - result = encrypt(message.upper()) - print(result) - - message = result - result = decrypt(message) - print(result) - - -if __name__ == '__main__': - main() +# Python program to implement Morse Code Translator + + +# Dictionary representing the morse code chart +MORSE_CODE_DICT = {'A': '.-', 'B': '-...', + 'C': '-.-.', 'D': '-..', 'E': '.', + 'F': '..-.', 'G': '--.', 'H': '....', + 'I': '..', 'J': '.---', 'K': '-.-', + 'L': '.-..', 'M': '--', 'N': '-.', + 'O': '---', 'P': '.--.', 'Q': '--.-', + 'R': '.-.', 'S': '...', 'T': '-', + 'U': '..-', 'V': '...-', 'W': '.--', + 'X': '-..-', 'Y': '-.--', 'Z': '--..', + '1': '.----', '2': '..---', '3': '...--', + '4': '....-', '5': '.....', '6': '-....', + '7': '--...', '8': '---..', '9': '----.', + '0': '-----', ', ': '--..--', '.': '.-.-.-', + '?': '..--..', '/': '-..-.', '-': '-....-', + '(': '-.--.', ')': '-.--.-'} + + +def encrypt(message): + cipher = '' + for letter in message: + if letter != ' ': + + cipher += MORSE_CODE_DICT[letter] + ' ' + else: + + cipher += ' ' + + return cipher + + +def decrypt(message): + message += ' ' + + decipher = '' + citext = '' + for letter in message: + + if (letter != ' '): + + i = 0 + + citext += letter + + else: + + i += 1 + + if i == 2: + + decipher += ' ' + else: + + decipher += list(MORSE_CODE_DICT.keys())[list(MORSE_CODE_DICT + .values()).index(citext)] + citext = '' + + return decipher + + +def main(): + message = "Morse code here" + result = encrypt(message.upper()) + print(result) + + message = result + result = decrypt(message) + print(result) + + +if __name__ == '__main__': + main() diff --git a/ciphers/onepad_cipher.py b/ciphers/onepad_cipher.py index 08b6d967f339..6ee1ed18d44b 100644 --- a/ciphers/onepad_cipher.py +++ b/ciphers/onepad_cipher.py @@ -1,32 +1,32 @@ -from __future__ import print_function - -import random - - -class Onepad: - def encrypt(self, text): - '''Function to encrypt text using psedo-random numbers''' - plain = [ord(i) for i in text] - key = [] - cipher = [] - for i in plain: - k = random.randint(1, 300) - c = (i + k) * k - cipher.append(c) - key.append(k) - return cipher, key - - def decrypt(self, cipher, key): - '''Function to decrypt text using psedo-random numbers.''' - plain = [] - for i in range(len(key)): - p = int((cipher[i] - (key[i]) ** 2) / key[i]) - plain.append(chr(p)) - plain = ''.join([i for i in plain]) - return plain - - -if __name__ == '__main__': - c, k = Onepad().encrypt('Hello') - print(c, k) - print(Onepad().decrypt(c, k)) +from __future__ import print_function + +import random + + +class Onepad: + def encrypt(self, text): + '''Function to encrypt text using psedo-random numbers''' + plain = [ord(i) for i in text] + key = [] + cipher = [] + for i in plain: + k = random.randint(1, 300) + c = (i + k) * k + cipher.append(c) + key.append(k) + return cipher, key + + def decrypt(self, cipher, key): + '''Function to decrypt text using psedo-random numbers.''' + plain = [] + for i in range(len(key)): + p = int((cipher[i] - (key[i]) ** 2) / key[i]) + plain.append(chr(p)) + plain = ''.join([i for i in plain]) + return plain + + +if __name__ == '__main__': + c, k = Onepad().encrypt('Hello') + print(c, k) + print(Onepad().decrypt(c, k)) diff --git a/ciphers/playfair_cipher.py b/ciphers/playfair_cipher.py index 78f2194a1f19..7fb9daeabb87 100644 --- a/ciphers/playfair_cipher.py +++ b/ciphers/playfair_cipher.py @@ -1,103 +1,103 @@ -import itertools -import string - - -def chunker(seq, size): - it = iter(seq) - while True: - chunk = tuple(itertools.islice(it, size)) - if not chunk: - return - yield chunk - - -def prepare_input(dirty): - """ - Prepare the plaintext by up-casing it - and separating repeated letters with X's - """ - - dirty = ''.join([c.upper() for c in dirty if c in string.ascii_letters]) - clean = "" - - if len(dirty) < 2: - return dirty - - for i in range(len(dirty) - 1): - clean += dirty[i] - - if dirty[i] == dirty[i + 1]: - clean += 'X' - - clean += dirty[-1] - - if len(clean) & 1: - clean += 'X' - - return clean - - -def generate_table(key): - # I and J are used interchangeably to allow - # us to use a 5x5 table (25 letters) - alphabet = "ABCDEFGHIKLMNOPQRSTUVWXYZ" - # we're using a list instead of a '2d' array because it makes the math - # for setting up the table and doing the actual encoding/decoding simpler - table = [] - - # copy key chars into the table if they are in `alphabet` ignoring duplicates - for char in key.upper(): - if char not in table and char in alphabet: - table.append(char) - - # fill the rest of the table in with the remaining alphabet chars - for char in alphabet: - if char not in table: - table.append(char) - - return table - - -def encode(plaintext, key): - table = generate_table(key) - plaintext = prepare_input(plaintext) - ciphertext = "" - - # https://en.wikipedia.org/wiki/Playfair_cipher#Description - for char1, char2 in chunker(plaintext, 2): - row1, col1 = divmod(table.index(char1), 5) - row2, col2 = divmod(table.index(char2), 5) - - if row1 == row2: - ciphertext += table[row1 * 5 + (col1 + 1) % 5] - ciphertext += table[row2 * 5 + (col2 + 1) % 5] - elif col1 == col2: - ciphertext += table[((row1 + 1) % 5) * 5 + col1] - ciphertext += table[((row2 + 1) % 5) * 5 + col2] - else: # rectangle - ciphertext += table[row1 * 5 + col2] - ciphertext += table[row2 * 5 + col1] - - return ciphertext - - -def decode(ciphertext, key): - table = generate_table(key) - plaintext = "" - - # https://en.wikipedia.org/wiki/Playfair_cipher#Description - for char1, char2 in chunker(ciphertext, 2): - row1, col1 = divmod(table.index(char1), 5) - row2, col2 = divmod(table.index(char2), 5) - - if row1 == row2: - plaintext += table[row1 * 5 + (col1 - 1) % 5] - plaintext += table[row2 * 5 + (col2 - 1) % 5] - elif col1 == col2: - plaintext += table[((row1 - 1) % 5) * 5 + col1] - plaintext += table[((row2 - 1) % 5) * 5 + col2] - else: # rectangle - plaintext += table[row1 * 5 + col2] - plaintext += table[row2 * 5 + col1] - - return plaintext +import itertools +import string + + +def chunker(seq, size): + it = iter(seq) + while True: + chunk = tuple(itertools.islice(it, size)) + if not chunk: + return + yield chunk + + +def prepare_input(dirty): + """ + Prepare the plaintext by up-casing it + and separating repeated letters with X's + """ + + dirty = ''.join([c.upper() for c in dirty if c in string.ascii_letters]) + clean = "" + + if len(dirty) < 2: + return dirty + + for i in range(len(dirty) - 1): + clean += dirty[i] + + if dirty[i] == dirty[i + 1]: + clean += 'X' + + clean += dirty[-1] + + if len(clean) & 1: + clean += 'X' + + return clean + + +def generate_table(key): + # I and J are used interchangeably to allow + # us to use a 5x5 table (25 letters) + alphabet = "ABCDEFGHIKLMNOPQRSTUVWXYZ" + # we're using a list instead of a '2d' array because it makes the math + # for setting up the table and doing the actual encoding/decoding simpler + table = [] + + # copy key chars into the table if they are in `alphabet` ignoring duplicates + for char in key.upper(): + if char not in table and char in alphabet: + table.append(char) + + # fill the rest of the table in with the remaining alphabet chars + for char in alphabet: + if char not in table: + table.append(char) + + return table + + +def encode(plaintext, key): + table = generate_table(key) + plaintext = prepare_input(plaintext) + ciphertext = "" + + # https://en.wikipedia.org/wiki/Playfair_cipher#Description + for char1, char2 in chunker(plaintext, 2): + row1, col1 = divmod(table.index(char1), 5) + row2, col2 = divmod(table.index(char2), 5) + + if row1 == row2: + ciphertext += table[row1 * 5 + (col1 + 1) % 5] + ciphertext += table[row2 * 5 + (col2 + 1) % 5] + elif col1 == col2: + ciphertext += table[((row1 + 1) % 5) * 5 + col1] + ciphertext += table[((row2 + 1) % 5) * 5 + col2] + else: # rectangle + ciphertext += table[row1 * 5 + col2] + ciphertext += table[row2 * 5 + col1] + + return ciphertext + + +def decode(ciphertext, key): + table = generate_table(key) + plaintext = "" + + # https://en.wikipedia.org/wiki/Playfair_cipher#Description + for char1, char2 in chunker(ciphertext, 2): + row1, col1 = divmod(table.index(char1), 5) + row2, col2 = divmod(table.index(char2), 5) + + if row1 == row2: + plaintext += table[row1 * 5 + (col1 - 1) % 5] + plaintext += table[row2 * 5 + (col2 - 1) % 5] + elif col1 == col2: + plaintext += table[((row1 - 1) % 5) * 5 + col1] + plaintext += table[((row2 - 1) % 5) * 5 + col2] + else: # rectangle + plaintext += table[row1 * 5 + col2] + plaintext += table[row2 * 5 + col1] + + return plaintext diff --git a/ciphers/prehistoric_men.txt b/ciphers/prehistoric_men.txt index 724b6753f3b3..77e7062ea0dc 100644 --- a/ciphers/prehistoric_men.txt +++ b/ciphers/prehistoric_men.txt @@ -1,7193 +1,7193 @@ -The Project Gutenberg eBook, Prehistoric Men, by Robert J. (Robert John) -Braidwood, Illustrated by Susan T. Richert - - -This eBook is for the use of anyone anywhere in the United States and most -other parts of the world at no cost and with almost no restrictions -whatsoever. You may copy it, give it away or re-use it under the terms of -the Project Gutenberg License included with this eBook or online at -www.gutenberg.org. If you are not located in the United States, you'll have -to check the laws of the country where you are located before using this ebook. - - -Title: Prehistoric Men -Author: Robert J. (Robert John) Braidwood -Release Date: July 28, 2016 [eBook #52664] -Language: English -Character set encoding: UTF-8 - - -***START OF THE PROJECT GUTENBERG EBOOK PREHISTORIC MEN*** - - -E-text prepared by Stephen Hutcheson, Dave Morgan, Charlie Howard, and the -Online Distributed Proofreading Team (http://www.pgdp.net) - - - -Note: Project Gutenberg also has an HTML version of this - file which includes the original illustrations. - See 52664-h.htm or 52664-h.zip: - (http://www.gutenberg.org/files/52664/52664-h/52664-h.htm) - or - (http://www.gutenberg.org/files/52664/52664-h.zip) - - -Transcriber's note: - - Some characters might not display in this UTF-8 text - version. If so, the reader should consult the HTML - version referred to above. One example of this might - occur in the second paragraph under "Choppers and - Adze-like Tools", page 46, which contains the phrase - �an adze cutting edge is ? shaped�. The symbol before - �shaped� looks like a sharply-italicized sans-serif �L�. - Devices that cannot display that symbol may substitute - a question mark, a square, or other symbol. - - -PREHISTORIC MEN - -by - -ROBERT J. BRAIDWOOD - -Research Associate, Old World Prehistory - -Professor -Oriental Institute and Department of Anthropology -University of Chicago - -Drawings by Susan T. Richert - - -[Illustration] - -Chicago Natural History Museum -Popular Series -Anthropology, Number 37 - -Third Edition Issued in Co-operation with -The Oriental Institute, The University of Chicago - -Edited by Lillian A. Ross - -Printed in the United States of America -by Chicago Natural History Museum Press - -Copyright 1948, 1951, and 1957 by Chicago Natural History Museum - -First edition 1948 -Second edition 1951 -Third edition 1957 -Fourth edition 1959 - - -Preface - -[Illustration] - - -Like the writing of most professional archeologists, mine has been -confined to so-called learned papers. Good, bad, or indifferent, these -papers were in a jargon that only my colleagues and a few advanced -students could understand. Hence, when I was asked to do this little -book, I soon found it extremely difficult to say what I meant in simple -fashion. The style is new to me, but I hope the reader will not find it -forced or pedantic; at least I have done my very best to tell the story -simply and clearly. - -Many friends have aided in the preparation of the book. The whimsical -charm of Miss Susan Richert�s illustrations add enormously to the -spirit I wanted. She gave freely of her own time on the drawings and -in planning the book with me. My colleagues at the University of -Chicago, especially Professor Wilton M. Krogman (now of the University -of Pennsylvania), and also Mrs. Linda Braidwood, Associate of the -Oriental Institute, and Professors Fay-Cooper Cole and Sol Tax, of -the Department of Anthropology, gave me counsel in matters bearing on -their special fields, and the Department of Anthropology bore some of -the expense of the illustrations. From Mrs. Irma Hunter and Mr. Arnold -Maremont, who are not archeologists at all and have only an intelligent -layman�s notion of archeology, I had sound advice on how best to tell -the story. I am deeply indebted to all these friends. - -While I was preparing the second edition, I had the great fortune -to be able to rework the third chapter with Professor Sherwood L. -Washburn, now of the Department of Anthropology of the University of -California, and the fourth, fifth, and sixth chapters with Professor -Hallum L. Movius, Jr., of the Peabody Museum, Harvard University. The -book has gained greatly in accuracy thereby. In matters of dating, -Professor Movius and the indications of Professor W. F. Libby�s Carbon -14 chronology project have both encouraged me to choose the lowest -dates now current for the events of the Pleistocene Ice Age. There is -still no certain way of fixing a direct chronology for most of the -Pleistocene, but Professor Libby�s method appears very promising for -its end range and for proto-historic dates. In any case, this book -names �periods,� and new dates may be written in against mine, if new -and better dating systems appear. - -I wish to thank Dr. Clifford C. Gregg, Director of Chicago Natural -History Museum, for the opportunity to publish this book. My old -friend, Dr. Paul S. Martin, Chief Curator in the Department of -Anthropology, asked me to undertake the job and inspired me to complete -it. I am also indebted to Miss Lillian A. Ross, Associate Editor of -Scientific Publications, and to Mr. George I. Quimby, Curator of -Exhibits in Anthropology, for all the time they have given me in -getting the manuscript into proper shape. - - ROBERT J. BRAIDWOOD - _June 15, 1950_ - - - - -Preface to the Third Edition - - -In preparing the enlarged third edition, many of the above mentioned -friends have again helped me. I have picked the brains of Professor F. -Clark Howell of the Department of Anthropology of the University of -Chicago in reworking the earlier chapters, and he was very patient in -the matter, which I sincerely appreciate. - -All of Mrs. Susan Richert Allen�s original drawings appear, but a few -necessary corrections have been made in some of the charts and some new -drawings have been added by Mr. John Pfiffner, Staff Artist, Chicago -Natural History Museum. - - ROBERT J. BRAIDWOOD - _March 1, 1959_ - - - - -Contents - - - PAGE - How We Learn about Prehistoric Men 7 - - The Changing World in Which Prehistoric Men Lived 17 - - Prehistoric Men Themselves 22 - - Cultural Beginnings 38 - - More Evidence of Culture 56 - - Early Moderns 70 - - End and Prelude 92 - - The First Revolution 121 - - The Conquest of Civilization 144 - - End of Prehistory 162 - - Summary 176 - - List of Books 180 - - Index 184 - - - - -HOW WE LEARN about Prehistoric Men - -[Illustration] - - -Prehistory means the time before written history began. Actually, more -than 99 per cent of man�s story is prehistory. Man is at least half a -million years old, but he did not begin to write history (or to write -anything) until about 5,000 years ago. - -The men who lived in prehistoric times left us no history books, but -they did unintentionally leave a record of their presence and their way -of life. This record is studied and interpreted by different kinds of -scientists. - - -SCIENTISTS WHO FIND OUT ABOUT PREHISTORIC MEN - -The scientists who study the bones and teeth and any other parts -they find of the bodies of prehistoric men, are called _physical -anthropologists_. Physical anthropologists are trained, much like -doctors, to know all about the human body. They study living people, -too; they know more about the biological facts of human �races� than -anybody else. If the police find a badly decayed body in a trunk, -they ask a physical anthropologist to tell them what the person -originally looked like. The physical anthropologists who specialize in -prehistoric men work with fossils, so they are sometimes called _human -paleontologists_. - - -ARCHEOLOGISTS - -There is a kind of scientist who studies the things that prehistoric -men made and did. Such a scientist is called an _archeologist_. It is -the archeologist�s business to look for the stone and metal tools, the -pottery, the graves, and the caves or huts of the men who lived before -history began. - -But there is more to archeology than just looking for things. In -Professor V. Gordon Childe�s words, archeology �furnishes a sort of -history of human activity, provided always that the actions have -produced concrete results and left recognizable material traces.� You -will see that there are at least three points in what Childe says: - - 1. The archeologists have to find the traces of things left behind by - ancient man, and - - 2. Only a few objects may be found, for most of these were probably - too soft or too breakable to last through the years. However, - - 3. The archeologist must use whatever he can find to tell a story--to - make a �sort of history�--from the objects and living-places and - graves that have escaped destruction. - -What I mean is this: Let us say you are walking through a dump yard, -and you find a rusty old spark plug. If you want to think about what -the spark plug means, you quickly remember that it is a part of an -automobile motor. This tells you something about the man who threw -the spark plug on the dump. He either had an automobile, or he knew -or lived near someone who did. He can�t have lived so very long ago, -you�ll remember, because spark plugs and automobiles are only about -sixty years old. - -When you think about the old spark plug in this way you have -just been making the beginnings of what we call an archeological -_interpretation_; you have been making the spark plug tell a story. -It is the same way with the man-made things we archeologists find -and put in museums. Usually, only a few of these objects are pretty -to look at; but each of them has some sort of story to tell. Making -the interpretation of his finds is the most important part of the -archeologist�s job. It is the way he gets at the �sort of history of -human activity� which is expected of archeology. - - -SOME OTHER SCIENTISTS - -There are many other scientists who help the archeologist and the -physical anthropologist find out about prehistoric men. The geologists -help us tell the age of the rocks or caves or gravel beds in which -human bones or man-made objects are found. There are other scientists -with names which all begin with �paleo� (the Greek word for �old�). The -_paleontologists_ study fossil animals. There are also, for example, -such scientists as _paleobotanists_ and _paleoclimatologists_, who -study ancient plants and climates. These scientists help us to know -the kinds of animals and plants that were living in prehistoric times -and so could be used for food by ancient man; what the weather was -like; and whether there were glaciers. Also, when I tell you that -prehistoric men did not appear until long after the great dinosaurs had -disappeared, I go on the say-so of the paleontologists. They know that -fossils of men and of dinosaurs are not found in the same geological -period. The dinosaur fossils come in early periods, the fossils of men -much later. - -Since World War II even the atomic scientists have been helping the -archeologists. By testing the amount of radioactivity left in charcoal, -wood, or other vegetable matter obtained from archeological sites, they -have been able to date the sites. Shell has been used also, and even -the hair of Egyptian mummies. The dates of geological and climatic -events have also been discovered. Some of this work has been done from -drillings taken from the bottom of the sea. - -This dating by radioactivity has considerably shortened the dates which -the archeologists used to give. If you find that some of the dates -I give here are more recent than the dates you see in other books -on prehistory, it is because I am using one of the new lower dating -systems. - -[Illustration: RADIOCARBON CHART - -The rate of disappearance of radioactivity as time passes.[1]] - - [1] It is important that the limitations of the radioactive carbon - �dating� system be held in mind. As the statistics involved in - the system are used, there are two chances in three that the - �date� of the sample falls within the range given as plus or - minus an added number of years. For example, the �date� for the - Jarmo village (see chart), given as 6750 � 200 B.C., really - means that there are only two chances in three that the real - date of the charcoal sampled fell between 6950 and 6550 B.C. - We have also begun to suspect that there are ways in which the - samples themselves may have become �contaminated,� either on - the early or on the late side. We now tend to be suspicious of - single radioactive carbon determinations, or of determinations - from one site alone. But as a fabric of consistent - determinations for several or more sites of one archeological - period, we gain confidence in the �dates.� - - -HOW THE SCIENTISTS FIND OUT - -So far, this chapter has been mainly about the people who find out -about prehistoric men. We also need a word about _how_ they find out. - -All our finds came by accident until about a hundred years ago. Men -digging wells, or digging in caves for fertilizer, often turned up -ancient swords or pots or stone arrowheads. People also found some odd -pieces of stone that didn�t look like natural forms, but they also -didn�t look like any known tool. As a result, the people who found them -gave them queer names; for example, �thunderbolts.� The people thought -the strange stones came to earth as bolts of lightning. We know now -that these strange stones were prehistoric stone tools. - -Many important finds still come to us by accident. In 1935, a British -dentist, A. T. Marston, found the first of two fragments of a very -important fossil human skull, in a gravel pit at Swanscombe, on the -River Thames, England. He had to wait nine months, until the face of -the gravel pit had been dug eight yards farther back, before the second -fragment appeared. They fitted! Then, twenty years later, still another -piece appeared. In 1928 workmen who were blasting out rock for the -breakwater in the port of Haifa began to notice flint tools. Thus the -story of cave men on Mount Carmel, in Palestine, began to be known. - -Planned archeological digging is only about a century old. Even before -this, however, a few men realized the significance of objects they dug -from the ground; one of these early archeologists was our own Thomas -Jefferson. The first real mound-digger was a German grocer�s clerk, -Heinrich Schliemann. Schliemann made a fortune as a merchant, first -in Europe and then in the California gold-rush of 1849. He became an -American citizen. Then he retired and had both money and time to test -an old idea of his. He believed that the heroes of ancient Troy and -Mycenae were once real Trojans and Greeks. He proved it by going to -Turkey and Greece and digging up the remains of both cities. - -Schliemann had the great good fortune to find rich and spectacular -treasures, and he also had the common sense to keep notes and make -descriptions of what he found. He proved beyond doubt that many ancient -city mounds can be _stratified_. This means that there may be the -remains of many towns in a mound, one above another, like layers in a -cake. - -You might like to have an idea of how mounds come to be in layers. -The original settlers may have chosen the spot because it had a good -spring and there were good fertile lands nearby, or perhaps because -it was close to some road or river or harbor. These settlers probably -built their town of stone and mud-brick. Finally, something would have -happened to the town--a flood, or a burning, or a raid by enemies--and -the walls of the houses would have fallen in or would have melted down -as mud in the rain. Nothing would have remained but the mud and debris -of a low mound of _one_ layer. - -The second settlers would have wanted the spot for the same reasons -the first settlers did--good water, land, and roads. Also, the second -settlers would have found a nice low mound to build their houses on, -a protection from floods. But again, something would finally have -happened to the second town, and the walls of _its_ houses would have -come tumbling down. This makes the _second_ layer. And so on.... - -In Syria I once had the good fortune to dig on a large mound that had -no less than fifteen layers. Also, most of the layers were thick, and -there were signs of rebuilding and repairs within each layer. The mound -was more than a hundred feet high. In each layer, the building material -used had been a soft, unbaked mud-brick, and most of the debris -consisted of fallen or rain-melted mud from these mud-bricks. - -This idea of _stratification_, like the cake layers, was already a -familiar one to the geologists by Schliemann�s time. They could show -that their lowest layer of rock was oldest or earliest, and that the -overlying layers became more recent as one moved upward. Schliemann�s -digging proved the same thing at Troy. His first (lowest and earliest) -city had at least nine layers above it; he thought that the second -layer contained the remains of Homer�s Troy. We now know that Homeric -Troy was layer VIIa from the bottom; also, we count eleven layers or -sub-layers in total. - -Schliemann�s work marks the beginnings of modern archeology. Scholars -soon set out to dig on ancient sites, from Egypt to Central America. - - -ARCHEOLOGICAL INFORMATION - -As time went on, the study of archeological materials--found either -by accident or by digging on purpose--began to show certain things. -Archeologists began to get ideas as to the kinds of objects that -belonged together. If you compared a mail-order catalogue of 1890 with -one of today, you would see a lot of differences. If you really studied -the two catalogues hard, you would also begin to see that certain -objects �go together.� Horseshoes and metal buggy tires and pieces of -harness would begin to fit into a picture with certain kinds of coal -stoves and furniture and china dishes and kerosene lamps. Our friend -the spark plug, and radios and electric refrigerators and light bulbs -would fit into a picture with different kinds of furniture and dishes -and tools. You won�t be old enough to remember the kind of hats that -women wore in 1890, but you�ve probably seen pictures of them, and you -know very well they couldn�t be worn with the fashions of today. - -This is one of the ways that archeologists study their materials. -The various tools and weapons and jewelry, the pottery, the kinds -of houses, and even the ways of burying the dead tend to fit into -pictures. Some archeologists call all of the things that go together to -make such a picture an _assemblage_. The assemblage of the first layer -of Schliemann�s Troy was as different from that of the seventh layer as -our 1900 mail-order catalogue is from the one of today. - -The archeologists who came after Schliemann began to notice other -things and to compare them with occurrences in modern times. The -idea that people will buy better mousetraps goes back into very -ancient times. Today, if we make good automobiles or radios, we can -sell some of them in Turkey or even in Timbuktu. This means that a -few present-day types of American automobiles and radios form part -of present-day �assemblages� in both Turkey and Timbuktu. The total -present-day �assemblage� of Turkey is quite different from that of -Timbuktu or that of America, but they have at least some automobiles -and some radios in common. - -Now these automobiles and radios will eventually wear out. Let us -suppose we could go to some remote part of Turkey or to Timbuktu in a -dream. We don�t know what the date is, in our dream, but we see all -sorts of strange things and ways of living in both places. Nobody -tells us what the date is. But suddenly we see a 1936 Ford; so we -know that in our dream it has to be at least the year 1936, and only -as many years after that as we could reasonably expect a Ford to keep -in running order. The Ford would probably break down in twenty years� -time, so the Turkish or Timbuktu �assemblage� we�re seeing in our dream -has to date at about A.D. 1936-56. - -Archeologists not only �date� their ancient materials in this way; they -also see over what distances and between which peoples trading was -done. It turns out that there was a good deal of trading in ancient -times, probably all on a barter and exchange basis. - - -EVERYTHING BEGINS TO FIT TOGETHER - -Now we need to pull these ideas all together and see the complicated -structure the archeologists can build with their materials. - -Even the earliest archeologists soon found that there was a very long -range of prehistoric time which would yield only very simple things. -For this very long early part of prehistory, there was little to be -found but the flint tools which wandering, hunting and gathering -people made, and the bones of the wild animals they ate. Toward the -end of prehistoric time there was a general settling down with the -coming of agriculture, and all sorts of new things began to be made. -Archeologists soon got a general notion of what ought to appear with -what. Thus, it would upset a French prehistorian digging at the bottom -of a very early cave if he found a fine bronze sword, just as much as -it would upset him if he found a beer bottle. The people of his very -early cave layer simply could not have made bronze swords, which came -later, just as do beer bottles. Some accidental disturbance of the -layers of his cave must have happened. - -With any luck, archeologists do their digging in a layered, stratified -site. They find the remains of everything that would last through -time, in several different layers. They know that the assemblage in -the bottom layer was laid down earlier than the assemblage in the next -layer above, and so on up to the topmost layer, which is the latest. -They look at the results of other �digs� and find that some other -archeologist 900 miles away has found ax-heads in his lowest layer, -exactly like the ax-heads of their fifth layer. This means that their -fifth layer must have been lived in at about the same time as was the -first layer in the site 200 miles away. It also may mean that the -people who lived in the two layers knew and traded with each other. Or -it could mean that they didn�t necessarily know each other, but simply -that both traded with a third group at about the same time. - -You can see that the more we dig and find, the more clearly the main -facts begin to stand out. We begin to be more sure of which people -lived at the same time, which earlier and which later. We begin to -know who traded with whom, and which peoples seemed to live off by -themselves. We begin to find enough skeletons in burials so that the -physical anthropologists can tell us what the people looked like. We -get animal bones, and a paleontologist may tell us they are all bones -of wild animals; or he may tell us that some or most of the bones are -those of domesticated animals, for instance, sheep or cattle, and -therefore the people must have kept herds. - -More important than anything else--as our structure grows more -complicated and our materials increase--is the fact that �a sort -of history of human activity� does begin to appear. The habits or -traditions that men formed in the making of their tools and in the -ways they did things, begin to stand out for us. How characteristic -were these habits and traditions? What areas did they spread over? -How long did they last? We watch the different tools and the traces -of the way things were done--how the burials were arranged, what -the living-places were like, and so on. We wonder about the people -themselves, for the traces of habits and traditions are useful to us -only as clues to the men who once had them. So we ask the physical -anthropologists about the skeletons that we found in the burials. The -physical anthropologists tell us about the anatomy and the similarities -and differences which the skeletons show when compared with other -skeletons. The physical anthropologists are even working on a -method--chemical tests of the bones--that will enable them to discover -what the blood-type may have been. One thing is sure. We have never -found a group of skeletons so absolutely similar among themselves--so -cast from a single mould, so to speak--that we could claim to have a -�pure� race. I am sure we never shall. - -We become particularly interested in any signs of change--when new -materials and tool types and ways of doing things replace old ones. We -watch for signs of social change and progress in one way or another. - -We must do all this without one word of written history to aid us. -Everything we are concerned with goes back to the time _before_ men -learned to write. That is the prehistorian�s job--to find out what -happened before history began. - - - - -THE CHANGING WORLD in which Prehistoric Men Lived - -[Illustration] - - -Mankind, we�ll say, is at least a half million years old. It is very -hard to understand how long a time half a million years really is. -If we were to compare this whole length of time to one day, we�d get -something like this: The present time is midnight, and Jesus was -born just five minutes and thirty-six seconds ago. Earliest history -began less than fifteen minutes ago. Everything before 11:45 was in -prehistoric time. - -Or maybe we can grasp the length of time better in terms of -generations. As you know, primitive peoples tend to marry and have -children rather early in life. So suppose we say that twenty years -will make an average generation. At this rate there would be 25,000 -generations in a half-million years. But our United States is much less -than ten generations old, twenty-five generations take us back before -the time of Columbus, Julius Caesar was alive just 100 generations ago, -David was king of Israel less than 150 generations ago, 250 generations -take us back to the beginning of written history. And there were 24,750 -generations of men before written history began! - -I should probably tell you that there is a new method of prehistoric -dating which would cut the earliest dates in my reckoning almost -in half. Dr. Cesare Emiliani, combining radioactive (C14) and -chemical (oxygen isotope) methods in the study of deep-sea borings, -has developed a system which would lower the total range of human -prehistory to about 300,000 years. The system is still too new to have -had general examination and testing. Hence, I have not used it in this -book; it would mainly affect the dates earlier than 25,000 years ago. - - -CHANGES IN ENVIRONMENT - -The earth probably hasn�t changed much in the last 5,000 years (250 -generations). Men have built things on its surface and dug into it and -drawn boundaries on maps of it, but the places where rivers, lakes, -seas, and mountains now stand have changed very little. - -In earlier times the earth looked very different. Geologists call the -last great geological period the _Pleistocene_. It began somewhere -between a half million and a million years ago, and was a time of great -changes. Sometimes we call it the Ice Age, for in the Pleistocene -there were at least three or four times when large areas of earth -were covered with glaciers. The reason for my uncertainty is that -while there seem to have been four major mountain or alpine phases of -glaciation, there may only have been three general continental phases -in the Old World.[2] - - [2] This is a complicated affair and I do not want to bother you - with its details. Both the alpine and the continental ice sheets - seem to have had minor fluctuations during their _main_ phases, - and the advances of the later phases destroyed many of the - traces of the earlier phases. The general textbooks have tended - to follow the names and numbers established for the Alps early - in this century by two German geologists. I will not bother you - with the names, but there were _four_ major phases. It is the - second of these alpine phases which seems to fit the traces of - the earliest of the great continental glaciations. In this book, - I will use the four-part system, since it is the most familiar, - but will add the word _alpine_ so you may remember to make the - transition to the continental system if you wish to do so. - -Glaciers are great sheets of ice, sometimes over a thousand feet -thick, which are now known only in Greenland and Antarctica and in -high mountains. During several of the glacial periods in the Ice Age, -the glaciers covered most of Canada and the northern United States and -reached down to southern England and France in Europe. Smaller ice -sheets sat like caps on the Rockies, the Alps, and the Himalayas. The -continental glaciation only happened north of the equator, however, so -remember that �Ice Age� is only half true. - -As you know, the amount of water on and about the earth does not vary. -These large glaciers contained millions of tons of water frozen into -ice. Because so much water was frozen and contained in the glaciers, -the water level of lakes and oceans was lowered. Flooded areas were -drained and appeared as dry land. There were times in the Ice Age when -there was no English Channel, so that England was not an island, and a -land bridge at the Dardanelles probably divided the Mediterranean from -the Black Sea. - -A very important thing for people living during the time of a -glaciation was the region adjacent to the glacier. They could not, of -course, live on the ice itself. The questions would be how close could -they live to it, and how would they have had to change their way of -life to do so. - - -GLACIERS CHANGE THE WEATHER - -Great sheets of ice change the weather. When the front of a glacier -stood at Milwaukee, the weather must have been bitterly cold in -Chicago. The climate of the whole world would have been different, and -you can see how animals and men would have been forced to move from one -place to another in search of food and warmth. - -On the other hand, it looks as if only a minor proportion of the whole -Ice Age was really taken up by times of glaciation. In between came -the _interglacial_ periods. During these times the climate around -Chicago was as warm as it is now, and sometimes even warmer. It may -interest you to know that the last great glacier melted away less than -10,000 years ago. Professor Ernst Antevs thinks we may be living in an -interglacial period and that the Ice Age may not be over yet. So if you -want to make a killing in real estate for your several hundred times -great-grandchildren, you might buy some land in the Arizona desert or -the Sahara. - -We do not yet know just why the glaciers appeared and disappeared, as -they did. It surely had something to do with an increase in rainfall -and a fall in temperature. It probably also had to do with a general -tendency for the land to rise at the beginning of the Pleistocene. We -know there was some mountain-building at that time. Hence, rain-bearing -winds nourished the rising and cooler uplands with snow. An increase -in all three of these factors--if they came together--would only have -needed to be slight. But exactly why this happened we do not know. - -The reason I tell you about the glaciers is simply to remind you of the -changing world in which prehistoric men lived. Their surroundings--the -animals and plants they used for food, and the weather they had to -protect themselves from--were always changing. On the other hand, this -change happened over so long a period of time and was so slow that -individual people could not have noticed it. Glaciers, about which they -probably knew nothing, moved in hundreds of miles to the north of them. -The people must simply have wandered ever more southward in search -of the plants and animals on which they lived. Or some men may have -stayed where they were and learned to hunt different animals and eat -different foods. Prehistoric men had to keep adapting themselves to new -environments and those who were most adaptive were most successful. - - -OTHER CHANGES - -Changes took place in the men themselves as well as in the ways they -lived. As time went on, they made better tools and weapons. Then, too, -we begin to find signs of how they started thinking of other things -than food and the tools to get it with. We find that they painted on -the walls of caves, and decorated their tools; we find that they buried -their dead. - -At about the time when the last great glacier was finally melting away, -men in the Near East made the first basic change in human economy. -They began to plant grain, and they learned to raise and herd certain -animals. This meant that they could store food in granaries and �on the -hoof� against the bad times of the year. This first really basic change -in man�s way of living has been called the �food-producing revolution.� -By the time it happened, a modern kind of climate was beginning. Men -had already grown to look as they do now. Know-how in ways of living -had developed and progressed, slowly but surely, up to a point. It was -impossible for men to go beyond that point if they only hunted and -fished and gathered wild foods. Once the basic change was made--once -the food-producing revolution became effective--technology leaped ahead -and civilization and written history soon began. - - - - -Prehistoric Men THEMSELVES - -[Illustration] - - -DO WE KNOW WHERE MAN ORIGINATED? - -For a long time some scientists thought the �cradle of mankind� was in -central Asia. Other scientists insisted it was in Africa, and still -others said it might have been in Europe. Actually, we don�t know -where it was. We don�t even know that there was only _one_ �cradle.� -If we had to choose a �cradle� at this moment, we would probably say -Africa. But the southern portions of Asia and Europe may also have been -included in the general area. The scene of the early development of -mankind was certainly the Old World. It is pretty certain men didn�t -reach North or South America until almost the end of the Ice Age--had -they done so earlier we would certainly have found some trace of them -by now. - -The earliest tools we have yet found come from central and south -Africa. By the dating system I�m using, these tools must be over -500,000 years old. There are now reports that a few such early tools -have been found--at the Sterkfontein cave in South Africa--along with -the bones of small fossil men called �australopithecines.� - -Not all scientists would agree that the australopithecines were �men,� -or would agree that the tools were made by the australopithecines -themselves. For these sticklers, the earliest bones of men come from -the island of Java. The date would be about 450,000 years ago. So far, -we have not yet found the tools which we suppose these earliest men in -the Far East must have made. - -Let me say it another way. How old are the earliest traces of men we -now have? Over half a million years. This was a time when the first -alpine glaciation was happening in the north. What has been found so -far? The tools which the men of those times made, in different parts -of Africa. It is now fairly generally agreed that the �men� who made -the tools were the australopithecines. There is also a more �man-like� -jawbone at Kanam in Kenya, but its find-spot has been questioned. The -next earliest bones we have were found in Java, and they may be almost -a hundred thousand years younger than the earliest African finds. We -haven�t yet found the tools of these early Javanese. Our knowledge of -tool-using in Africa spreads quickly as time goes on: soon after the -appearance of tools in the south we shall have them from as far north -as Algeria. - -Very soon after the earliest Javanese come the bones of slightly more -developed people in Java, and the jawbone of a man who once lived in -what is now Germany. The same general glacial beds which yielded the -later Javanese bones and the German jawbone also include tools. These -finds come from the time of the second alpine glaciation. - -So this is the situation. By the time of the end of the second alpine -or first continental glaciation (say 400,000 years ago) we have traces -of men from the extremes of the more southerly portions of the Old -World--South Africa, eastern Asia, and western Europe. There are also -some traces of men in the middle ground. In fact, Professor Franz -Weidenreich believed that creatures who were the immediate ancestors -of men had already spread over Europe, Africa, and Asia by the time -the Ice Age began. We certainly have no reason to disbelieve this, but -fortunate accidents of discovery have not yet given us the evidence to -prove it. - - -MEN AND APES - -Many people used to get extremely upset at the ill-formed notion -that �man descended from the apes.� Such words were much more likely -to start fights or �monkey trials� than the correct notion that all -living animals, including man, ascended or evolved from a single-celled -organism which lived in the primeval seas hundreds of millions of years -ago. Men are mammals, of the order called Primates, and man�s living -relatives are the great apes. Men didn�t �descend� from the apes or -apes from men, and mankind must have had much closer relatives who have -since become extinct. - -Men stand erect. They also walk and run on their two feet. Apes are -happiest in trees, swinging with their arms from branch to branch. -Few branches of trees will hold the mighty gorilla, although he still -manages to sleep in trees. Apes can�t stand really erect in our sense, -and when they have to run on the ground, they use the knuckles of their -hands as well as their feet. - -A key group of fossil bones here are the south African -australopithecines. These are called the _Australopithecinae_ or -�man-apes� or sometimes even �ape-men.� We do not _know_ that they were -directly ancestral to men but they can hardly have been so to apes. -Presently I�ll describe them a bit more. The reason I mention them -here is that while they had brains no larger than those of apes, their -hipbones were enough like ours so that they must have stood erect. -There is no good reason to think they couldn�t have walked as we do. - - -BRAINS, HANDS, AND TOOLS - -Whether the australopithecines were our ancestors or not, the proper -ancestors of men must have been able to stand erect and to walk on -their two feet. Three further important things probably were involved, -next, before they could become men proper. These are: - - 1. The increasing size and development of the brain. - - 2. The increasing usefulness (specialization) of the thumb and hand. - - 3. The use of tools. - -Nobody knows which of these three is most important, or which came -first. Most probably the growth of all three things was very much -blended together. If you think about each of the things, you will see -what I mean. Unless your hand is more flexible than a paw, and your -thumb will work against (or oppose) your fingers, you can�t hold a tool -very well. But you wouldn�t get the idea of using a tool unless you had -enough brain to help you see cause and effect. And it is rather hard to -see how your hand and brain would develop unless they had something to -practice on--like using tools. In Professor Krogman�s words, �the hand -must become the obedient servant of the eye and the brain.� It is the -_co-ordination_ of these things that counts. - -Many other things must have been happening to the bodies of the -creatures who were the ancestors of men. Our ancestors had to develop -organs of speech. More than that, they had to get the idea of letting -_certain sounds_ made with these speech organs have _certain meanings_. - -All this must have gone very slowly. Probably everything was developing -little by little, all together. Men became men very slowly. - - -WHEN SHALL WE CALL MEN MEN? - -What do I mean when I say �men�? People who looked pretty much as we -do, and who used different tools to do different things, are men to me. -We�ll probably never know whether the earliest ones talked or not. They -probably had vocal cords, so they could make sounds, but did they know -how to make sounds work as symbols to carry meanings? But if the fossil -bones look like our skeletons, and if we find tools which we�ll agree -couldn�t have been made by nature or by animals, then I�d say we had -traces of _men_. - -The australopithecine finds of the Transvaal and Bechuanaland, in -south Africa, are bound to come into the discussion here. I�ve already -told you that the australopithecines could have stood upright and -walked on their two hind legs. They come from the very base of the -Pleistocene or Ice Age, and a few coarse stone tools have been found -with the australopithecine fossils. But there are three varieties -of the australopithecines and they last on until a time equal to -that of the second alpine glaciation. They are the best suggestion -we have yet as to what the ancestors of men _may_ have looked like. -They were certainly closer to men than to apes. Although their brain -size was no larger than the brains of modern apes their body size and -stature were quite small; hence, relative to their small size, their -brains were large. We have not been able to prove without doubt that -the australopithecines were _tool-making_ creatures, even though the -recent news has it that tools have been found with australopithecine -bones. The doubt as to whether the australopithecines used the tools -themselves goes like this--just suppose some man-like creature (whose -bones we have not yet found) made the tools and used them to kill -and butcher australopithecines. Hence a few experts tend to let -australopithecines still hang in limbo as �man-apes.� - - -THE EARLIEST MEN WE KNOW - -I�ll postpone talking about the tools of early men until the next -chapter. The men whose bones were the earliest of the Java lot have -been given the name _Meganthropus_. The bones are very fragmentary. We -would not understand them very well unless we had the somewhat later -Javanese lot--the more commonly known _Pithecanthropus_ or �Java -man�--against which to refer them for study. One of the less well-known -and earliest fragments, a piece of lower jaw and some teeth, rather -strongly resembles the lower jaws and teeth of the australopithecine -type. Was _Meganthropus_ a sort of half-way point between the -australopithecines and _Pithecanthropus_? It is still too early to say. -We shall need more finds before we can be definite one way or the other. - -Java man, _Pithecanthropus_, comes from geological beds equal in age -to the latter part of the second alpine glaciation; the _Meganthropus_ -finds refer to beds of the beginning of this glaciation. The first -finds of Java man were made in 1891-92 by Dr. Eugene Dubois, a Dutch -doctor in the colonial service. Finds have continued to be made. There -are now bones enough to account for four skulls. There are also four -jaws and some odd teeth and thigh bones. Java man, generally speaking, -was about five feet six inches tall, and didn�t hold his head very -erect. His skull was very thick and heavy and had room for little more -than two-thirds as large a brain as we have. He had big teeth and a big -jaw and enormous eyebrow ridges. - -No tools were found in the geological deposits where bones of Java man -appeared. There are some tools in the same general area, but they come -a bit later in time. One reason we accept the Java man as man--aside -from his general anatomical appearance--is that these tools probably -belonged to his near descendants. - -Remember that there are several varieties of men in the whole early -Java lot, at least two of which are earlier than the _Pithecanthropus_, -�Java man.� Some of the earlier ones seem to have gone in for -bigness, in tooth-size at least. _Meganthropus_ is one of these -earlier varieties. As we said, he _may_ turn out to be a link to -the australopithecines, who _may_ or _may not_ be ancestral to men. -_Meganthropus_ is best understandable in terms of _Pithecanthropus_, -who appeared later in the same general area. _Pithecanthropus_ is -pretty well understandable from the bones he left us, and also because -of his strong resemblance to the fully tool-using cave-dwelling �Peking -man,� _Sinanthropus_, about whom we shall talk next. But you can see -that the physical anthropologists and prehistoric archeologists still -have a lot of work to do on the problem of earliest men. - - -PEKING MEN AND SOME EARLY WESTERNERS - -The earliest known Chinese are called _Sinanthropus_, or �Peking man,� -because the finds were made near that city. In World War II, the United -States Marine guard at our Embassy in Peking tried to help get the -bones out of the city before the Japanese attack. Nobody knows where -these bones are now. The Red Chinese accuse us of having stolen them. -They were last seen on a dock-side at a Chinese port. But should you -catch a Marine with a sack of old bones, perhaps we could achieve peace -in Asia by returning them! Fortunately, there is a complete set of -casts of the bones. - -Peking man lived in a cave in a limestone hill, made tools, cracked -animal bones to get the marrow out, and used fire. Incidentally, the -bones of Peking man were found because Chinese dig for what they call -�dragon bones� and �dragon teeth.� Uneducated Chinese buy these things -in their drug stores and grind them into powder for medicine. The -�dragon teeth� and �bones� are really fossils of ancient animals, and -sometimes of men. The people who supply the drug stores have learned -where to dig for strange bones and teeth. Paleontologists who get to -China go to the drug stores to buy fossils. In a roundabout way, this -is how the fallen-in cave of Peking man at Choukoutien was discovered. - -Peking man was not quite as tall as Java man but he probably stood -straighter. His skull looked very much like that of the Java skull -except that it had room for a slightly larger brain. His face was less -brutish than was Java man�s face, but this isn�t saying much. - -Peking man dates from early in the interglacial period following the -second alpine glaciation. He probably lived close to 350,000 years -ago. There are several finds to account for in Europe by about this -time, and one from northwest Africa. The very large jawbone found -near Heidelberg in Germany is doubtless even earlier than Peking man. -The beds where it was found are of second alpine glacial times, and -recently some tools have been said to have come from the same beds. -There is not much I need tell you about the Heidelberg jaw save that it -seems certainly to have belonged to an early man, and that it is very -big. - -Another find in Germany was made at Steinheim. It consists of the -fragmentary skull of a man. It is very important because of its -relative completeness, but it has not yet been fully studied. The bone -is thick, but the back of the head is neither very low nor primitive, -and the face is also not primitive. The forehead does, however, have -big ridges over the eyes. The more fragmentary skull from Swanscombe in -England (p. 11) has been much more carefully studied. Only the top and -back of that skull have been found. Since the skull rounds up nicely, -it has been assumed that the face and forehead must have been quite -�modern.� Careful comparison with Steinheim shows that this was not -necessarily so. This is important because it bears on the question of -how early truly �modern� man appeared. - -Recently two fragmentary jaws were found at Ternafine in Algeria, -northwest Africa. They look like the jaws of Peking man. Tools were -found with them. Since no jaws have yet been found at Steinheim or -Swanscombe, but the time is the same, one wonders if these people had -jaws like those of Ternafine. - - -WHAT HAPPENED TO JAVA AND PEKING MEN - -Professor Weidenreich thought that there were at least a dozen ways in -which the Peking man resembled the modern Mongoloids. This would seem -to indicate that Peking man was really just a very early Chinese. - -Several later fossil men have been found in the Java-Australian area. -The best known of these is the so-called Solo man. There are some finds -from Australia itself which we now know to be quite late. But it looks -as if we may assume a line of evolution from Java man down to the -modern Australian natives. During parts of the Ice Age there was a land -bridge all the way from Java to Australia. - - -TWO ENGLISHMEN WHO WEREN�T OLD - -The older textbooks contain descriptions of two English finds which -were thought to be very old. These were called Piltdown (_Eoanthropus -dawsoni_) and Galley Hill. The skulls were very modern in appearance. -In 1948-49, British scientists began making chemical tests which proved -that neither of these finds is very old. It is now known that both -�Piltdown man� and the tools which were said to have been found with -him were part of an elaborate fake! - - -TYPICAL �CAVE MEN� - -The next men we have to talk about are all members of a related group. -These are the Neanderthal group. �Neanderthal man� himself was found in -the Neander Valley, near D�sseldorf, Germany, in 1856. He was the first -human fossil to be recognized as such. - -[Illustration: PRINCIPAL KNOWN TYPES OF FOSSIL MEN - - CRO-MAGNON - NEANDERTHAL - MODERN SKULL - COMBE-CAPELLE - SINANTHROPUS - PITHECANTHROPUS] - -Some of us think that the neanderthaloids proper are only those people -of western Europe who didn�t get out before the beginning of the last -great glaciation, and who found themselves hemmed in by the glaciers -in the Alps and northern Europe. Being hemmed in, they intermarried -a bit too much and developed into a special type. Professor F. Clark -Howell sees it this way. In Europe, the earliest trace of men we -now know is the Heidelberg jaw. Evolution continued in Europe, from -Heidelberg through the Swanscombe and Steinheim types to a group of -pre-neanderthaloids. There are traces of these pre-neanderthaloids -pretty much throughout Europe during the third interglacial period--say -100,000 years ago. The pre-neanderthaloids are represented by such -finds as the ones at Ehringsdorf in Germany and Saccopastore in Italy. -I won�t describe them for you, since they are simply less extreme than -the neanderthaloids proper--about half way between Steinheim and the -classic Neanderthal people. - -Professor Howell believes that the pre-neanderthaloids who happened to -get caught in the pocket of the southwest corner of Europe at the onset -of the last great glaciation became the classic Neanderthalers. Out in -the Near East, Howell thinks, it is possible to see traces of people -evolving from the pre-neanderthaloid type toward that of fully modern -man. Certainly, we don�t see such extreme cases of �neanderthaloidism� -outside of western Europe. - -There are at least a dozen good examples in the main or classic -Neanderthal group in Europe. They date to just before and in the -earlier part of the last great glaciation (85,000 to 40,000 years ago). -Many of the finds have been made in caves. The �cave men� the movies -and the cartoonists show you are probably meant to be Neanderthalers. -I�m not at all sure they dragged their women by the hair; the women -were probably pretty tough, too! - -Neanderthal men had large bony heads, but plenty of room for brains. -Some had brain cases even larger than the average for modern man. Their -faces were heavy, and they had eyebrow ridges of bone, but the ridges -were not as big as those of Java man. Their foreheads were very low, -and they didn�t have much chin. They were about five feet three inches -tall, but were heavy and barrel-chested. But the Neanderthalers didn�t -slouch as much as they�ve been blamed for, either. - -One important thing about the Neanderthal group is that there is a fair -number of them to study. Just as important is the fact that we know -something about how they lived, and about some of the tools they made. - - -OTHER MEN CONTEMPORARY WITH THE NEANDERTHALOIDS - -We have seen that the neanderthaloids seem to be a specialization -in a corner of Europe. What was going on elsewhere? We think that -the pre-neanderthaloid type was a generally widespread form of men. -From this type evolved other more or less extreme although generally -related men. The Solo finds in Java form one such case. Another was the -Rhodesian man of Africa, and the more recent Hopefield finds show more -of the general Rhodesian type. It is more confusing than it needs to be -if these cases outside western Europe are called neanderthaloids. They -lived during the same approximate time range but they were all somewhat -different-looking people. - - -EARLY MODERN MEN - -How early is modern man (_Homo sapiens_), the �wise man�? Some people -have thought that he was very early, a few still think so. Piltdown -and Galley Hill, which were quite modern in anatomical appearance and -_supposedly_ very early in date, were the best �evidence� for very -early modern men. Now that Piltdown has been liquidated and Galley Hill -is known to be very late, what is left of the idea? - -The backs of the skulls of the Swanscombe and Steinheim finds look -rather modern. Unless you pay attention to the face and forehead of the -Steinheim find--which not many people have--and perhaps also consider -the Ternafine jaws, you might come to the conclusion that the crown of -the Swanscombe head was that of a modern-like man. - -Two more skulls, again without faces, are available from a French -cave site, Font�chevade. They come from the time of the last great -interglacial, as did the pre-neanderthaloids. The crowns of the -Font�chevade skulls also look quite modern. There is a bit of the -forehead preserved on one of these skulls and the brow-ridge is not -heavy. Nevertheless, there is a suggestion that the bones belonged to -an immature individual. In this case, his (or even more so, if _her_) -brow-ridges would have been weak anyway. The case for the Font�chevade -fossils, as modern type men, is little stronger than that for -Swanscombe, although Professor Vallois believes it a good case. - -It seems to add up to the fact that there were people living in -Europe--before the classic neanderthaloids--who looked more modern, -in some features, than the classic western neanderthaloids did. Our -best suggestion of what men looked like--just before they became fully -modern--comes from a cave on Mount Carmel in Palestine. - - -THE FIRST MODERNS - -Professor T. D. McCown and the late Sir Arthur Keith, who studied the -Mount Carmel bones, figured out that one of the two groups involved -was as much as 70 per cent modern. There were, in fact, two groups or -varieties of men in the Mount Carmel caves and in at least two other -Palestinian caves of about the same time. The time would be about that -of the onset of colder weather, when the last glaciation was beginning -in the north--say 75,000 years ago. - -The 70 per cent modern group came from only one cave, Mugharet es-Skhul -(�cave of the kids�). The other group, from several caves, had bones of -men of the type we�ve been calling pre-neanderthaloid which we noted -were widespread in Europe and beyond. The tools which came with each -of these finds were generally similar, and McCown and Keith, and other -scholars since their study, have tended to assume that both the Skhul -group and the pre-neanderthaloid group came from exactly the same time. -The conclusion was quite natural: here was a population of men in the -act of evolving in two different directions. But the time may not be -exactly the same. It is very difficult to be precise, within say 10,000 -years, for a time some 75,000 years ago. If the Skhul men are in fact -later than the pre-neanderthaloid group of Palestine, as some of us -think, then they show how relatively modern some men were--men who -lived at the same time as the classic Neanderthalers of the European -pocket. - -Soon after the first extremely cold phase of the last glaciation, we -begin to get a number of bones of completely modern men in Europe. -We also get great numbers of the tools they made, and their living -places in caves. Completely modern skeletons begin turning up in caves -dating back to toward 40,000 years ago. The time is about that of the -beginning of the second phase of the last glaciation. These skeletons -belonged to people no different from many people we see today. Like -people today, not everybody looked alike. (The positions of the more -important fossil men of later Europe are shown in the chart on page -72.) - - -DIFFERENCES IN THE EARLY MODERNS - -The main early European moderns have been divided into two groups, the -Cro-Magnon group and the Combe Capelle-Br�nn group. Cro-Magnon people -were tall and big-boned, with large, long, and rugged heads. They -must have been built like many present-day Scandinavians. The Combe -Capelle-Br�nn people were shorter; they had narrow heads and faces, and -big eyebrow-ridges. Of course we don�t find the skin or hair of these -people. But there is little doubt they were Caucasoids (�Whites�). - -Another important find came in the Italian Riviera, near Monte Carlo. -Here, in a cave near Grimaldi, there was a grave containing a woman -and a young boy, buried together. The two skeletons were first called -�Negroid� because some features of their bones were thought to resemble -certain features of modern African Negro bones. But more recently, -Professor E. A. Hooton and other experts questioned the use of the word -�Negroid� in describing the Grimaldi skeletons. It is true that nothing -is known of the skin color, hair form, or any other fleshy feature of -the Grimaldi people, so that the word �Negroid� in its usual meaning is -not proper here. It is also not clear whether the features of the bones -claimed to be �Negroid� are really so at all. - -From a place called Wadjak, in Java, we have �proto-Australoid� skulls -which closely resemble those of modern Australian natives. Some of -the skulls found in South Africa, especially the Boskop skull, look -like those of modern Bushmen, but are much bigger. The ancestors of -the Bushmen seem to have once been very widespread south of the Sahara -Desert. True African Negroes were forest people who apparently expanded -out of the west central African area only in the last several thousand -years. Although dark in skin color, neither the Australians nor the -Bushmen are Negroes; neither the Wadjak nor the Boskop skulls are -�Negroid.� - -As we�ve already mentioned, Professor Weidenreich believed that Peking -man was already on the way to becoming a Mongoloid. Anyway, the -Mongoloids would seem to have been present by the time of the �Upper -Cave� at Choukoutien, the _Sinanthropus_ find-spot. - - -WHAT THE DIFFERENCES MEAN - -What does all this difference mean? It means that, at one moment in -time, within each different area, men tended to look somewhat alike. -From area to area, men tended to look somewhat different, just as -they do today. This is all quite natural. People _tended_ to mate -near home; in the anthropological jargon, they made up geographically -localized breeding populations. The simple continental division of -�stocks�--black = Africa, yellow = Asia, white = Europe--is too simple -a picture to fit the facts. People became accustomed to life in some -particular area within a continent (we might call it a �natural area�). -As they went on living there, they evolved towards some particular -physical variety. It would, of course, have been difficult to draw -a clear boundary between two adjacent areas. There must always have -been some mating across the boundaries in every case. One thing human -beings don�t do, and never have done, is to mate for �purity.� It is -self-righteous nonsense when we try to kid ourselves into thinking that -they do. - -I am not going to struggle with the whole business of modern stocks and -races. This is a book about prehistoric men, not recent historic or -modern men. My physical anthropologist friends have been very patient -in helping me to write and rewrite this chapter--I am not going to -break their patience completely. Races are their business, not mine, -and they must do the writing about races. I shall, however, give two -modern definitions of race, and then make one comment. - - Dr. William G. Boyd, professor of Immunochemistry, School of - Medicine, Boston University: �We may define a human race as a - population which differs significantly from other human populations - in regard to the frequency of one or more of the genes it - possesses.� - - Professor Sherwood L. Washburn, professor of Physical Anthropology, - Department of Anthropology, the University of California: �A �race� - is a group of genetically similar populations, and races intergrade - because there are always intermediate populations.� - -My comment is that the ideas involved here are all biological: they -concern groups, _not_ individuals. Boyd and Washburn may differ a bit -on what they want to consider a �population,� but a population is a -group nevertheless, and genetics is biology to the hilt. Now a lot of -people still think of race in terms of how people dress or fix their -food or of other habits or customs they have. The next step is to talk -about racial �purity.� None of this has anything whatever to do with -race proper, which is a matter of the biology of groups. - -Incidentally, I�m told that if man very carefully _controls_ -the breeding of certain animals over generations--dogs, cattle, -chickens--he might achieve a �pure� race of animals. But he doesn�t do -it. Some unfortunate genetic trait soon turns up, so this has just as -carefully to be bred out again, and so on. - - -SUMMARY OF PRESENT KNOWLEDGE OF FOSSIL MEN - -The earliest bones of men we now have--upon which all the experts -would probably agree--are those of _Meganthropus_, from Java, of about -450,000 years ago. The earlier australopithecines of Africa were -possibly not tool-users and may not have been ancestral to men at all. -But there is an alternate and evidently increasingly stronger chance -that some of them may have been. The Kanam jaw from Kenya, another -early possibility, is not only very incomplete but its find-spot is -very questionable. - -Java man proper, _Pithecanthropus_, comes next, at about 400,000 years -ago, and the big Heidelberg jaw in Germany must be of about the same -date. Next comes Swanscombe in England, Steinheim in Germany, the -Ternafine jaws in Algeria, and Peking man, _Sinanthropus_. They all -date to the second great interglacial period, about 350,000 years ago. - -Piltdown and Galley Hill are out, and with them, much of the starch -in the old idea that there were two distinct lines of development -in human evolution: (1) a line of �paleoanthropic� development from -Heidelberg to the Neanderthalers where it became extinct, and (2) a -very early �modern� line, through Piltdown, Galley Hill, Swanscombe, to -us. Swanscombe, Steinheim, and Ternafine are just as easily cases of -very early pre-neanderthaloids. - -The pre-neanderthaloids were very widespread during the third -interglacial: Ehringsdorf, Saccopastore, some of the Mount Carmel -people, and probably Font�chevade are cases in point. A variety of -their descendants can be seen, from Java (Solo), Africa (Rhodesian -man), and about the Mediterranean and in western Europe. As the acute -cold of the last glaciation set in, the western Europeans found -themselves surrounded by water, ice, or bitter cold tundra. To vastly -over-simplify it, they �bred in� and became classic neanderthaloids. -But on Mount Carmel, the Skhul cave-find with its 70 per cent modern -features shows what could happen elsewhere at the same time. - -Lastly, from about 40,000 or 35,000 years ago--the time of the onset -of the second phase of the last glaciation--we begin to find the fully -modern skeletons of men. The modern skeletons differ from place to -place, just as different groups of men living in different places still -look different. - -What became of the Neanderthalers? Nobody can tell me for sure. I�ve a -hunch they were simply �bred out� again when the cold weather was over. -Many Americans, as the years go by, are no longer ashamed to claim they -have �Indian blood in their veins.� Give us a few more generations -and there will not be very many other Americans left to whom we can -brag about it. It certainly isn�t inconceivable to me to imagine a -little Cro-Magnon boy bragging to his friends about his tough, strong, -Neanderthaler great-great-great-great-grandfather! - - - - -Cultural BEGINNINGS - -[Illustration] - - -Men, unlike the lower animals, are made up of much more than flesh and -blood and bones; for men have �culture.� - - -WHAT IS CULTURE? - -�Culture� is a word with many meanings. The doctors speak of making a -�culture� of a certain kind of bacteria, and ants are said to have a -�culture.� Then there is the Emily Post kind of �culture�--you say a -person is �cultured,� or that he isn�t, depending on such things as -whether or not he eats peas with his knife. - -The anthropologists use the word too, and argue heatedly over its finer -meanings; but they all agree that every human being is part of or has -some kind of culture. Each particular human group has a particular -culture; that is one of the ways in which we can tell one group of -men from another. In this sense, a CULTURE means the way the members -of a group of people think and believe and live, the tools they make, -and the way they do things. Professor Robert Redfield says a culture -is an organized or formalized body of conventional understandings. -�Conventional understandings� means the whole set of rules, beliefs, -and standards which a group of people lives by. These understandings -show themselves in art, and in the other things a people may make and -do. The understandings continue to last, through tradition, from one -generation to another. They are what really characterize different -human groups. - - -SOME CHARACTERISTICS OF CULTURE - -A culture lasts, although individual men in the group die off. On -the other hand, a culture changes as the different conventions and -understandings change. You could almost say that a culture lives in the -minds of the men who have it. But people are not born with it; they -get it as they grow up. Suppose a day-old Hungarian baby is adopted by -a family in Oshkosh, Wisconsin, and the child is not told that he is -Hungarian. He will grow up with no more idea of Hungarian culture than -anyone else in Oshkosh. - -So when I speak of ancient Egyptian culture, I mean the whole body -of understandings and beliefs and knowledge possessed by the ancient -Egyptians. I mean their beliefs as to why grain grew, as well as their -ability to make tools with which to reap the grain. I mean their -beliefs about life after death. What I am thinking about as culture is -a thing which lasted in time. If any one Egyptian, even the Pharaoh, -died, it didn�t affect the Egyptian culture of that particular moment. - - -PREHISTORIC CULTURES - -For that long period of man�s history that is all prehistory, we have -no written descriptions of cultures. We find only the tools men made, -the places where they lived, the graves in which they buried their -dead. Fortunately for us, these tools and living places and graves all -tell us something about the ways these men lived and the things they -believed. But the story we learn of the very early cultures must be -only a very small part of the whole, for we find so few things. The -rest of the story is gone forever. We have to do what we can with what -we find. - -For all of the time up to about 75,000 years ago, which was the time -of the classic European Neanderthal group of men, we have found few -cave-dwelling places of very early prehistoric men. First, there is the -fallen-in cave where Peking man was found, near Peking. Then there are -two or three other _early_, but not _very early_, possibilities. The -finds at the base of the French cave of Font�chevade, those in one of -the Makapan caves in South Africa, and several open sites such as Dr. -L. S. B. Leakey�s Olorgesailie in Kenya doubtless all lie earlier than -the time of the main European Neanderthal group, but none are so early -as the Peking finds. - -You can see that we know very little about the home life of earlier -prehistoric men. We find different kinds of early stone tools, but we -can�t even be really sure which tools may have been used together. - - -WHY LITTLE HAS LASTED FROM EARLY TIMES - -Except for the rare find-spots mentioned above, all our very early -finds come from geological deposits, or from the wind-blown surfaces -of deserts. Here is what the business of geological deposits really -means. Let us say that a group of people was living in England about -300,000 years ago. They made the tools they needed, lived in some sort -of camp, almost certainly built fires, and perhaps buried their dead. -While the climate was still warm, many generations may have lived in -the same place, hunting, and gathering nuts and berries; but after some -few thousand years, the weather began very gradually to grow colder. -These early Englishmen would not have known that a glacier was forming -over northern Europe. They would only have noticed that the animals -they hunted seemed to be moving south, and that the berries grew larger -toward the south. So they would have moved south, too. - -The camp site they left is the place we archeologists would really have -liked to find. All of the different tools the people used would have -been there together--many broken, some whole. The graves, and traces -of fire, and the tools would have been there. But the glacier got -there first! The front of this enormous sheet of ice moved down over -the country, crushing and breaking and plowing up everything, like a -gigantic bulldozer. You can see what happened to our camp site. - -Everything the glacier couldn�t break, it pushed along in front of it -or plowed beneath it. Rocks were ground to gravel, and soil was caught -into the ice, which afterwards melted and ran off as muddy water. Hard -tools of flint sometimes remained whole. Human bones weren�t so hard; -it�s a wonder _any_ of them lasted. Gushing streams of melt water -flushed out the debris from underneath the glacier, and water flowed -off the surface and through great crevasses. The hard materials these -waters carried were even more rolled and ground up. Finally, such -materials were dropped by the rushing waters as gravels, miles from -the front of the glacier. At last the glacier reached its greatest -extent; then it melted backward toward the north. Debris held in the -ice was dropped where the ice melted, or was flushed off by more melt -water. When the glacier, leaving the land, had withdrawn to the sea, -great hunks of ice were broken off as icebergs. These icebergs probably -dropped the materials held in their ice wherever they floated and -melted. There must be many tools and fragmentary bones of prehistoric -men on the bottom of the Atlantic Ocean and the North Sea. - -Remember, too, that these glaciers came and went at least three or four -times during the Ice Age. Then you will realize why the earlier things -we find are all mixed up. Stone tools from one camp site got mixed up -with stone tools from many other camp sites--tools which may have been -made tens of thousands or more years apart. The glaciers mixed them -all up, and so we cannot say which particular sets of tools belonged -together in the first place. - - -�EOLITHS� - -But what sort of tools do we find earliest? For almost a century, -people have been picking up odd bits of flint and other stone in the -oldest Ice Age gravels in England and France. It is now thought these -odd bits of stone weren�t actually worked by prehistoric men. The -stones were given a name, _eoliths_, or �dawn stones.� You can see them -in many museums; but you can be pretty sure that very few of them were -actually fashioned by men. - -It is impossible to pick out �eoliths� that seem to be made in any -one _tradition_. By �tradition� I mean a set of habits for making one -kind of tool for some particular job. No two �eoliths� look very much -alike: tools made as part of some one tradition all look much alike. -Now it�s easy to suppose that the very earliest prehistoric men picked -up and used almost any sort of stone. This wouldn�t be surprising; you -and I do it when we go camping. In other words, some of these �eoliths� -may actually have been used by prehistoric men. They must have used -anything that might be handy when they needed it. We could have figured -that out without the �eoliths.� - - -THE ROAD TO STANDARDIZATION - -Reasoning from what we know or can easily imagine, there should have -been three major steps in the prehistory of tool-making. The first step -would have been simple _utilization_ of what was at hand. This is the -step into which the �eoliths� would fall. The second step would have -been _fashioning_--the haphazard preparation of a tool when there was a -need for it. Probably many of the earlier pebble tools, which I shall -describe next, fall into this group. The third step would have been -_standardization_. Here, men began to make tools according to certain -set traditions. Counting the better-made pebble tools, there are four -such traditions or sets of habits for the production of stone tools in -earliest prehistoric times. Toward the end of the Pleistocene, a fifth -tradition appears. - - -PEBBLE TOOLS - -At the beginning of the last chapter, you�ll remember that I said there -were tools from very early geological beds. The earliest bones of men -have not yet been found in such early beds although the Sterkfontein -australopithecine cave approaches this early date. The earliest tools -come from Africa. They date back to the time of the first great -alpine glaciation and are at least 500,000 years old. The earliest -ones are made of split pebbles, about the size of your fist or a bit -bigger. They go under the name of pebble tools. There are many natural -exposures of early Pleistocene geological beds in Africa, and the -prehistoric archeologists of south and central Africa have concentrated -on searching for early tools. Other finds of early pebble tools have -recently been made in Algeria and Morocco. - -[Illustration: SOUTH AFRICAN PEBBLE TOOL] - -There are probably early pebble tools to be found in areas of the -Old World besides Africa; in fact, some prehistorians already claim -to have identified a few. Since the forms and the distinct ways of -making the earlier pebble tools had not yet sufficiently jelled into -a set tradition, they are difficult for us to recognize. It is not -so difficult, however, if there are great numbers of �possibles� -available. A little later in time the tradition becomes more clearly -set, and pebble tools are easier to recognize. So far, really large -collections of pebble tools have only been found and examined in Africa. - - -CORE-BIFACE TOOLS - -The next tradition we�ll look at is the _core_ or biface one. The tools -are large pear-shaped pieces of stone trimmed flat on the two opposite -sides or �faces.� Hence �biface� has been used to describe these tools. -The front view is like that of a pear with a rather pointed top, and -the back view looks almost exactly the same. Look at them side on, and -you can see that the front and back faces are the same and have been -trimmed to a thin tip. The real purpose in trimming down the two faces -was to get a good cutting edge all around. You can see all this in the -illustration. - -[Illustration: ABBEVILLIAN BIFACE] - -We have very little idea of the way in which these core-bifaces were -used. They have been called �hand axes,� but this probably gives the -wrong idea, for an ax, to us, is not a pointed tool. All of these early -tools must have been used for a number of jobs--chopping, scraping, -cutting, hitting, picking, and prying. Since the core-bifaces tend to -be pointed, it seems likely that they were used for hitting, picking, -and prying. But they have rough cutting edges, so they could have been -used for chopping, scraping, and cutting. - - -FLAKE TOOLS - -The third tradition is the _flake_ tradition. The idea was to get a -tool with a good cutting edge by simply knocking a nice large flake off -a big block of stone. You had to break off the flake in such a way that -it was broad and thin, and also had a good sharp cutting edge. Once you -really got on to the trick of doing it, this was probably a simpler way -to make a good cutting tool than preparing a biface. You have to know -how, though; I�ve tried it and have mashed my fingers more than once. - -The flake tools look as if they were meant mainly for chopping, -scraping, and cutting jobs. When one made a flake tool, the idea seems -to have been to produce a broad, sharp, cutting edge. - -[Illustration: CLACTONIAN FLAKE] - -The core-biface and the flake traditions were spread, from earliest -times, over much of Europe, Africa, and western Asia. The map on page -52 shows the general area. Over much of this great region there was -flint. Both of these traditions seem well adapted to flint, although -good core-bifaces and flakes were made from other kinds of stone, -especially in Africa south of the Sahara. - - -CHOPPERS AND ADZE-LIKE TOOLS - -The fourth early tradition is found in southern and eastern Asia, from -northwestern India through Java and Burma into China. Father Maringer -recently reported an early group of tools in Japan, which most resemble -those of Java, called Patjitanian. The prehistoric men in this general -area mostly used quartz and tuff and even petrified wood for their -stone tools (see illustration, p. 46). - -This fourth early tradition is called the _chopper-chopping tool_ -tradition. It probably has its earliest roots in the pebble tool -tradition of African type. There are several kinds of tools in this -tradition, but all differ from the western core-bifaces and flakes. -There are broad, heavy scrapers or cleavers, and tools with an -adze-like cutting edge. These last-named tools are called �hand adzes,� -just as the core-bifaces of the west have often been called �hand -axes.� The section of an adze cutting edge is ? shaped; the section of -an ax is < shaped. - -[Illustration: ANYATHIAN ADZE-LIKE TOOL] - -There are also pointed pebble tools. Thus the tool kit of these early -south and east Asiatic peoples seems to have included tools for doing -as many different jobs as did the tools of the Western traditions. - -Dr. H. L. Movius has emphasized that the tools which were found in the -Peking cave with Peking man belong to the chopper-tool tradition. This -is the only case as yet where the tools and the man have been found -together from very earliest times--if we except Sterkfontein. - - -DIFFERENCES WITHIN THE TOOL-MAKING TRADITIONS - -The latter three great traditions in the manufacture of stone -tools--and the less clear-cut pebble tools before them--are all we have -to show of the cultures of the men of those times. Changes happened in -each of the traditions. As time went on, the tools in each tradition -were better made. There could also be slight regional differences in -the tools within one tradition. Thus, tools with small differences, but -all belonging to one tradition, can be given special group (facies) -names. - -This naming of special groups has been going on for some time. Here are -some of these names, since you may see them used in museum displays -of flint tools, or in books. Within each tradition of tool-making -(save the chopper tools), the earliest tool type is at the bottom -of the list, just as it appears in the lowest beds of a geological -stratification.[3] - - [3] Archeologists usually make their charts and lists with the - earliest materials at the bottom and the latest on top, since - this is the way they find them in the ground. - - Chopper tool (all about equally early): - Anyathian (Burma) - Choukoutienian (China) - Patjitanian (Java) - Soan (India) - - Flake: - �Typical Mousterian� - Levalloiso-Mousterian - Levalloisian - Tayacian - Clactonian (localized in England) - - Core-biface: - Some blended elements in �Mousterian� - Micoquian (= Acheulean 6 and 7) - Acheulean - Abbevillian (once called �Chellean�) - - Pebble tool: - Oldowan - Ain Hanech - pre-Stellenbosch - Kafuan - -The core-biface and the flake traditions appear in the chart (p. 65). - -The early archeologists had many of the tool groups named before they -ever realized that there were broader tool preparation traditions. This -was understandable, for in dealing with the mixture of things that come -out of glacial gravels the easiest thing to do first is to isolate -individual types of tools into groups. First you put a bushel-basketful -of tools on a table and begin matching up types. Then you give names to -the groups of each type. The groups and the types are really matters of -the archeologists� choice; in real life, they were probably less exact -than the archeologists� lists of them. We now know pretty well in which -of the early traditions the various early groups belong. - - -THE MEANING OF THE DIFFERENT TRADITIONS - -What do the traditions really mean? I see them as the standardization -of ways to make tools for particular jobs. We may not know exactly what -job the maker of a particular core-biface or flake tool had in mind. We -can easily see, however, that he already enjoyed a know-how, a set of -persistent habits of tool preparation, which would always give him the -same type of tool when he wanted to make it. Therefore, the traditions -show us that persistent habits already existed for the preparation of -one type of tool or another. - -This tells us that one of the characteristic aspects of human culture -was already present. There must have been, in the minds of these -early men, a notion of the ideal type of tool for a particular job. -Furthermore, since we find so many thousands upon thousands of tools -of one type or another, the notion of the ideal types of tools _and_ -the know-how for the making of each type must have been held in common -by many men. The notions of the ideal types and the know-how for their -production must have been passed on from one generation to another. - -I could even guess that the notions of the ideal type of one or the -other of these tools stood out in the minds of men of those times -somewhat like a symbol of �perfect tool for good job.� If this were -so--remember it�s only a wild guess of mine--then men were already -symbol users. Now let�s go on a further step to the fact that the words -men speak are simply sounds, each different sound being a symbol for a -different meaning. If standardized tool-making suggests symbol-making, -is it also possible that crude word-symbols were also being made? I -suppose that it is not impossible. - -There may, of course, be a real question whether tool-utilizing -creatures--our first step, on page 42--were actually men. Other -animals utilize things at hand as tools. The tool-fashioning creature -of our second step is more suggestive, although we may not yet feel -sure that many of the earlier pebble tools were man-made products. But -with the step to standardization and the appearance of the traditions, -I believe we must surely be dealing with the traces of culture-bearing -_men_. The �conventional understandings� which Professor Redfield�s -definition of culture suggests are now evidenced for us in the -persistent habits for the preparation of stone tools. Were we able to -see the other things these prehistoric men must have made--in materials -no longer preserved for the archeologist to find--I believe there would -be clear signs of further conventional understandings. The men may have -been physically primitive and pretty shaggy in appearance, but I think -we must surely call them men. - - -AN OLDER INTERPRETATION OF THE WESTERN TRADITIONS - -In the last chapter, I told you that many of the older archeologists -and human paleontologists used to think that modern man was very old. -The supposed ages of Piltdown and Galley Hill were given as evidence -of the great age of anatomically modern man, and some interpretations -of the Swanscombe and Font�chevade fossils were taken to support -this view. The conclusion was that there were two parallel lines or -�phyla� of men already present well back in the Pleistocene. The -first of these, the more primitive or �paleoanthropic� line, was -said to include Heidelberg, the proto-neanderthaloids and classic -Neanderthal. The more anatomically modern or �neanthropic� line was -thought to consist of Piltdown and the others mentioned above. The -Neanderthaler or paleoanthropic line was thought to have become extinct -after the first phase of the last great glaciation. Of course, the -modern or neanthropic line was believed to have persisted into the -present, as the basis for the world�s population today. But with -Piltdown liquidated, Galley Hill known to be very late, and Swanscombe -and Font�chevade otherwise interpreted, there is little left of the -so-called parallel phyla theory. - -While the theory was in vogue, however, and as long as the European -archeological evidence was looked at in one short-sighted way, the -archeological materials _seemed_ to fit the parallel phyla theory. It -was simply necessary to believe that the flake tools were made only -by the paleoanthropic Neanderthaler line, and that the more handsome -core-biface tools were the product of the neanthropic modern-man line. - -Remember that _almost_ all of the early prehistoric European tools -came only from the redeposited gravel beds. This means that the tools -were not normally found in the remains of camp sites or work shops -where they had actually been dropped by the men who made and used -them. The tools came, rather, from the secondary hodge-podge of the -glacial gravels. I tried to give you a picture of the bulldozing action -of glaciers (p. 40) and of the erosion and weathering that were -side-effects of a glacially conditioned climate on the earth�s surface. -As we said above, if one simply plucks tools out of the redeposited -gravels, his natural tendency is to �type� the tools by groups, and to -think that the groups stand for something _on their own_. - -In 1906, M. Victor Commont actually made a rare find of what seems -to have been a kind of workshop site, on a terrace above the Somme -river in France. Here, Commont realized, flake tools appeared clearly -in direct association with core-biface tools. Few prehistorians paid -attention to Commont or his site, however. It was easier to believe -that flake tools represented a distinct �culture� and that this -�culture� was that of the Neanderthaler or paleoanthropic line, and -that the core-bifaces stood for another �culture� which was that of the -supposed early modern or neanthropic line. Of course, I am obviously -skipping many details here. Some later sites with Neanderthal fossils -do seem to have only flake tools, but other such sites have both types -of tools. The flake tools which appeared _with_ the core-bifaces -in the Swanscombe gravels were never made much of, although it -was embarrassing for the parallel phyla people that Font�chevade -ran heavily to flake tools. All in all, the parallel phyla theory -flourished because it seemed so neat and easy to understand. - - -TRADITIONS ARE TOOL-MAKING HABITS, NOT CULTURES - -In case you think I simply enjoy beating a dead horse, look in any -standard book on prehistory written twenty (or even ten) years ago, or -in most encyclopedias. You�ll find that each of the individual tool -types, of the West, at least, was supposed to represent a �culture.� -The �cultures� were believed to correspond to parallel lines of human -evolution. - -In 1937, Mr. Harper Kelley strongly re-emphasized the importance -of Commont�s workshop site and the presence of flake tools with -core-bifaces. Next followed Dr. Movius� clear delineation of the -chopper-chopping tool tradition of the Far East. This spoiled the nice -symmetry of the flake-tool = paleoanthropic, core-biface = neanthropic -equations. Then came increasing understanding of the importance of -the pebble tools in Africa, and the location of several more workshop -sites there, especially at Olorgesailie in Kenya. Finally came the -liquidation of Piltdown and the deflation of Galley Hill�s date. So it -is at last possible to picture an individual prehistoric man making a -flake tool to do one job and a core-biface tool to do another. Commont -showed us this picture in 1906, but few believed him. - -[Illustration: DISTRIBUTION OF TOOL-PREPARATION TRADITIONS - -Time approximately 100,000 years ago] - -There are certainly a few cases in which flake tools did appear with -few or no core-bifaces. The flake-tool group called Clactonian in -England is such a case. Another good, but certainly later case is -that of the cave on Mount Carmel in Palestine, where the blended -pre-neanderthaloid, 70 per cent modern-type skulls were found. Here, in -the same level with the skulls, were 9,784 flint tools. Of these, only -three--doubtless strays--were core-bifaces; all the rest were flake -tools or flake chips. We noted above how the Font�chevade cave ran to -flake tools. The only conclusion I would draw from this is that times -and circumstances did exist in which prehistoric men needed only flake -tools. So they only made flake tools for those particular times and -circumstances. - - -LIFE IN EARLIEST TIMES - -What do we actually know of life in these earliest times? In the -glacial gravels, or in the terrace gravels of rivers once swollen by -floods of melt water or heavy rains, or on the windswept deserts, we -find stone tools. The earliest and coarsest of these are the pebble -tools. We do not yet know what the men who made them looked like, -although the Sterkfontein australopithecines probably give us a good -hint. Then begin the more formal tool preparation traditions of the -west--the core-bifaces and the flake tools--and the chopper-chopping -tool series of the farther east. There is an occasional roughly worked -piece of bone. From the gravels which yield the Clactonian flakes of -England comes the fire-hardened point of a wooden spear. There are -also the chance finds of the fossil human bones themselves, of which -we spoke in the last chapter. Aside from the cave of Peking man, none -of the earliest tools have been found in caves. Open air or �workshop� -sites which do not seem to have been disturbed later by some geological -agency are very rare. - -The chart on page 65 shows graphically what the situation in -west-central Europe seems to have been. It is not yet certain whether -there were pebble tools there or not. The Font�chevade cave comes -into the picture about 100,000 years ago or more. But for the earlier -hundreds of thousands of years--below the red-dotted line on the -chart--the tools we find come almost entirely from the haphazard -mixture within the geological contexts. - -The stone tools of each of the earlier traditions are the simplest -kinds of all-purpose tools. Almost any one of them could be used for -hacking, chopping, cutting, and scraping; so the men who used them must -have been living in a rough and ready sort of way. They found or hunted -their food wherever they could. In the anthropological jargon, they -were �food-gatherers,� pure and simple. - -Because of the mixture in the gravels and in the materials they -carried, we can�t be sure which animals these men hunted. Bones of -the larger animals turn up in the gravels, but they could just as -well belong to the animals who hunted the men, rather than the other -way about. We don�t know. This is why camp sites like Commont�s and -Olorgesailie in Kenya are so important when we do find them. The animal -bones at Olorgesailie belonged to various mammals of extremely large -size. Probably they were taken in pit-traps, but there are a number of -groups of three round stones on the site which suggest that the people -used bolas. The South American Indians used three-ball bolas, with the -stones in separate leather bags connected by thongs. These were whirled -and then thrown through the air so as to entangle the feet of a fleeing -animal. - -Professor F. Clark Howell recently returned from excavating another -important open air site at Isimila in Tanganyika. The site yielded -the bones of many fossil animals and also thousands of core-bifaces, -flakes, and choppers. But Howell�s reconstruction of the food-getting -habits of the Isimila people certainly suggests that the word �hunting� -is too dignified for what they did; �scavenging� would be much nearer -the mark. - -During a great part of this time the climate was warm and pleasant. The -second interglacial period (the time between the second and third great -alpine glaciations) lasted a long time, and during much of this time -the climate may have been even better than ours is now. We don�t know -that earlier prehistoric men in Europe or Africa lived in caves. They -may not have needed to; much of the weather may have been so nice that -they lived in the open. Perhaps they didn�t wear clothes, either. - - -WHAT THE PEKING CAVE-FINDS TELL US - -The one early cave-dwelling we have found is that of Peking man, in -China. Peking man had fire. He probably cooked his meat, or used -the fire to keep dangerous animals away from his den. In the cave -were bones of dangerous animals, members of the wolf, bear, and cat -families. Some of the cat bones belonged to beasts larger than tigers. -There were also bones of other wild animals: buffalo, camel, deer, -elephants, horses, sheep, and even ostriches. Seventy per cent of the -animals Peking man killed were fallow deer. It�s much too cold and dry -in north China for all these animals to live there today. So this list -helps us know that the weather was reasonably warm, and that there was -enough rain to grow grass for the grazing animals. The list also helps -the paleontologists to date the find. - -Peking man also seems to have eaten plant food, for there are hackberry -seeds in the debris of the cave. His tools were made of sandstone and -quartz and sometimes of a rather bad flint. As we�ve already seen, they -belong in the chopper-tool tradition. It seems fairly clear that some -of the edges were chipped by right-handed people. There are also many -split pieces of heavy bone. Peking man probably split them so he could -eat the bone marrow, but he may have used some of them as tools. - -Many of these split bones were the bones of Peking men. Each one of the -skulls had already had the base broken out of it. In no case were any -of the bones resting together in their natural relation to one another. -There is nothing like a burial; all of the bones are scattered. Now -it�s true that animals could have scattered bodies that were not cared -for or buried. But splitting bones lengthwise and carefully removing -the base of a skull call for both the tools and the people to use them. -It�s pretty clear who the people were. Peking man was a cannibal. - - * * * * * - -This rounds out about all we can say of the life and times of early -prehistoric men. In those days life was rough. You evidently had to -watch out not only for dangerous animals but also for your fellow men. -You ate whatever you could catch or find growing. But you had sense -enough to build fires, and you had already formed certain habits for -making the kinds of stone tools you needed. That�s about all we know. -But I think we�ll have to admit that cultural beginnings had been made, -and that these early people were really _men_. - - - - -MORE EVIDENCE of Culture - -[Illustration] - - -While the dating is not yet sure, the material that we get from caves -in Europe must go back to about 100,000 years ago; the time of the -classic Neanderthal group followed soon afterwards. We don�t know why -there is no earlier material in the caves; apparently they were not -used before the last interglacial phase (the period just before the -last great glaciation). We know that men of the classic Neanderthal -group were living in caves from about 75,000 to 45,000 years ago. -New radioactive carbon dates even suggest that some of the traces of -culture we�ll describe in this chapter may have lasted to about 35,000 -years ago. Probably some of the pre-neanderthaloid types of men had -also lived in caves. But we have so far found their bones in caves only -in Palestine and at Font�chevade. - - -THE CAVE LAYERS - -In parts of France, some peasants still live in caves. In prehistoric -time, many generations of people lived in them. As a result, many -caves have deep layers of debris. The first people moved in and lived -on the rock floor. They threw on the floor whatever they didn�t want, -and they tracked in mud; nobody bothered to clean house in those days. -Their debris--junk and mud and garbage and what not--became packed -into a layer. As time went on, and generations passed, the layer grew -thicker. Then there might have been a break in the occupation of the -cave for a while. Perhaps the game animals got scarce and the people -moved away; or maybe the cave became flooded. Later on, other people -moved in and began making a new layer of their own on top of the first -layer. Perhaps this process of layering went on in the same cave for a -hundred thousand years; you can see what happened. The drawing on this -page shows a section through such a cave. The earliest layer is on the -bottom, the latest one on top. They go in order from bottom to top, -earliest to latest. This is the _stratification_ we talked about (p. -12). - -[Illustration: SECTION OF SHELTER ON LOWER TERRACE, LE MOUSTIER] - -While we may find a mix-up in caves, it�s not nearly as bad as the -mixing up that was done by glaciers. The animal bones and shells, the -fireplaces, the bones of men, and the tools the men made all belong -together, if they come from one layer. That�s the reason why the cave -of Peking man is so important. It is also the reason why the caves in -Europe and the Near East are so important. We can get an idea of which -things belong together and which lot came earliest and which latest. - -In most cases, prehistoric men lived only in the mouths of caves. -They didn�t like the dark inner chambers as places to live in. They -preferred rock-shelters, at the bases of overhanging cliffs, if there -was enough overhang to give shelter. When the weather was good, they no -doubt lived in the open air as well. I�ll go on using the term �cave� -since it�s more familiar, but remember that I really mean rock-shelter, -as a place in which people actually lived. - -The most important European cave sites are in Spain, France, and -central Europe; there are also sites in England and Italy. A few caves -are known in the Near East and Africa, and no doubt more sites will be -found when the out-of-the-way parts of Europe, Africa, and Asia are -studied. - - -AN �INDUSTRY� DEFINED - -We have already seen that the earliest European cave materials are -those from the cave of Font�chevade. Movius feels certain that the -lowest materials here date back well into the third interglacial stage, -that which lay between the Riss (next to the last) and the W�rm I -(first stage of the last) alpine glaciations. This material consists -of an _industry_ of stone tools, apparently all made in the flake -tradition. This is the first time we have used the word �industry.� -It is useful to call all of the different tools found together in one -layer and made of _one kind of material_ an industry; that is, the -tools must be found together as men left them. Tools taken from the -glacial gravels (or from windswept desert surfaces or river gravels -or any geological deposit) are not �together� in this sense. We might -say the latter have only �geological,� not �archeological� context. -Archeological context means finding things just as men left them. We -can tell what tools go together in an �industrial� sense only if we -have archeological context. - -Up to now, the only things we could have called �industries� were the -worked stone industry and perhaps the worked (?) bone industry of the -Peking cave. We could add some of the very clear cases of open air -sites, like Olorgesailie. We couldn�t use the term for the stone tools -from the glacial gravels, because we do not know which tools belonged -together. But when the cave materials begin to appear in Europe, we can -begin to speak of industries. Most of the European caves of this time -contain industries of flint tools alone. - - -THE EARLIEST EUROPEAN CAVE LAYERS - -We�ve just mentioned the industry from what is said to be the oldest -inhabited cave in Europe; that is, the industry from the deepest layer -of the site at Font�chevade. Apparently it doesn�t amount to much. The -tools are made of stone, in the flake tradition, and are very poorly -worked. This industry is called _Tayacian_. Its type tool seems to be -a smallish flake tool, but there are also larger flakes which seem to -have been fashioned for hacking. In fact, the type tool seems to be -simply a smaller edition of the Clactonian tool (pictured on p. 45). - -None of the Font�chevade tools are really good. There are scrapers, -and more or less pointed tools, and tools that may have been used -for hacking and chopping. Many of the tools from the earlier glacial -gravels are better made than those of this first industry we see in -a European cave. There is so little of this material available that -we do not know which is really typical and which is not. You would -probably find it hard to see much difference between this industry and -a collection of tools of the type called Clactonian, taken from the -glacial gravels, especially if the Clactonian tools were small-sized. - -The stone industry of the bottommost layer of the Mount Carmel cave, -in Palestine, where somewhat similar tools were found, has also been -called Tayacian. - -I shall have to bring in many unfamiliar words for the names of the -industries. The industries are usually named after the places where -they were first found, and since these were in most cases in France, -most of the names which follow will be of French origin. However, -the names have simply become handles and are in use far beyond the -boundaries of France. It would be better if we had a non-place-name -terminology, but archeologists have not yet been able to agree on such -a terminology. - - -THE ACHEULEAN INDUSTRY - -Both in France and in Palestine, as well as in some African cave -sites, the next layers in the deep caves have an industry in both the -core-biface and the flake traditions. The core-biface tools usually -make up less than half of all the tools in the industry. However, -the name of the biface type of tool is generally given to the whole -industry. It is called the _Acheulean_, actually a late form of it, as -�Acheulean� is also used for earlier core-biface tools taken from the -glacial gravels. In western Europe, the name used is _Upper Acheulean_ -or _Micoquian_. The same terms have been borrowed to name layers E and -F in the Tabun cave, on Mount Carmel in Palestine. - -The Acheulean core-biface type of tool is worked on two faces so as -to give a cutting edge all around. The outline of its front view may -be oval, or egg-shaped, or a quite pointed pear shape. The large -chip-scars of the Acheulean core-bifaces are shallow and flat. It is -suspected that this resulted from the removal of the chips with a -wooden club; the deep chip-scars of the earlier Abbevillian core-biface -came from beating the tool against a stone anvil. These tools are -really the best and also the final products of the core-biface -tradition. We first noticed the tradition in the early glacial gravels -(p. 43); now we see its end, but also its finest examples, in the -deeper cave levels. - -The flake tools, which really make up the greater bulk of this -industry, are simple scrapers and chips with sharp cutting edges. The -habits used to prepare them must have been pretty much the same as -those used for at least one of the flake industries we shall mention -presently. - -There is very little else in these early cave layers. We do not have -a proper �industry� of bone tools. There are traces of fire, and of -animal bones, and a few shells. In Palestine, there are many more -bones of deer than of gazelle in these layers; the deer lives in a -wetter climate than does the gazelle. In the European cave layers, the -animal bones are those of beasts that live in a warm climate. They -belonged in the last interglacial period. We have not yet found the -bones of fossil men definitely in place with this industry. - -[Illustration: ACHEULEAN BIFACE] - - -FLAKE INDUSTRIES FROM THE CAVES - -Two more stone industries--the _Levalloisian_ and the -�_Mousterian_�--turn up at approximately the same time in the European -cave layers. Their tools seem to be mainly in the flake tradition, -but according to some of the authorities their preparation also shows -some combination with the habits by which the core-biface tools were -prepared. - -Now notice that I don�t tell you the Levalloisian and the �Mousterian� -layers are both above the late Acheulean layers. Look at the cave -section (p. 57) and you�ll find that some �Mousterian of Acheulean -tradition� appears above some �typical Mousterian.� This means that -there may be some kinds of Acheulean industries that are later than -some kinds of �Mousterian.� The same is true of the Levalloisian. - -There were now several different kinds of habits that men used in -making stone tools. These habits were based on either one or the other -of the two traditions--core-biface or flake--or on combinations of -the habits used in the preparation techniques of both traditions. All -were popular at about the same time. So we find that people who made -one kind of stone tool industry lived in a cave for a while. Then they -gave up the cave for some reason, and people with another industry -moved in. Then the first people came back--or at least somebody with -the same tool-making habits as the first people. Or maybe a third group -of tool-makers moved in. The people who had these different habits for -making their stone tools seem to have moved around a good deal. They no -doubt borrowed and exchanged tricks of the trade with each other. There -were no patent laws in those days. - -The extremely complicated interrelationships of the different habits -used by the tool-makers of this range of time are at last being -systematically studied. M. Fran�ois Bordes has developed a statistical -method of great importance for understanding these tool preparation -habits. - - -THE LEVALLOISIAN AND MOUSTERIAN - -The easiest Levalloisian tool to spot is a big flake tool. The trick -in making it was to fashion carefully a big chunk of stone (called -the Levalloisian �tortoise core,� because it resembles the shape of -a turtle-shell) and then to whack this in such a way that a large -flake flew off. This large thin flake, with sharp cutting edges, is -the finished Levalloisian tool. There were various other tools in a -Levalloisian industry, but this is the characteristic _Levalloisian_ -tool. - -There are several �typical Mousterian� stone tools. Different from -the tools of the Levalloisian type, these were made from �disc-like -cores.� There are medium-sized flake �side scrapers.� There are also -some small pointed tools and some small �hand axes.� The last of these -tool types is often a flake worked on both of the flat sides (that -is, bifacially). There are also pieces of flint worked into the form -of crude balls. The pointed tools may have been fixed on shafts to -make short jabbing spears; the round flint balls may have been used as -bolas. Actually, we don�t _know_ what either tool was used for. The -points and side scrapers are illustrated (pp. 64 and 66). - -[Illustration: LEVALLOIS FLAKE] - - -THE MIXING OF TRADITIONS - -Nowadays the archeologists are less and less sure of the importance -of any one specific tool type and name. Twenty years ago, they used -to speak simply of Acheulean or Levalloisian or Mousterian tools. -Now, more and more, _all_ of the tools from some one layer in a -cave are called an �industry,� which is given a mixed name. Thus we -have �Levalloiso-Mousterian,� and �Acheuleo-Levalloisian,� and even -�Acheuleo-Mousterian� (or �Mousterian of Acheulean tradition�). Bordes� -systematic work is beginning to clear up some of our confusion. - -The time of these late Acheuleo-Levalloiso-Mousterioid industries -is from perhaps as early as 100,000 years ago. It may have lasted -until well past 50,000 years ago. This was the time of the first -phase of the last great glaciation. It was also the time that the -classic group of Neanderthal men was living in Europe. A number of -the Neanderthal fossil finds come from these cave layers. Before the -different habits of tool preparation were understood it used to be -popular to say Neanderthal man was �Mousterian man.� I think this is -wrong. What used to be called �Mousterian� is now known to be a variety -of industries with tools of both core-biface and flake habits, and -so mixed that the word �Mousterian� used alone really doesn�t mean -anything. The Neanderthalers doubtless understood the tool preparation -habits by means of which Acheulean, Levalloisian and Mousterian type -tools were produced. We also have the more modern-like Mount Carmel -people, found in a cave layer of Palestine with tools almost entirely -in the flake tradition, called �Levalloiso-Mousterian,� and the -Font�chevade-Tayacian (p. 59). - -[Illustration: MOUSTERIAN POINT] - - -OTHER SUGGESTIONS OF LIFE IN THE EARLY CAVE LAYERS - -Except for the stone tools, what do we know of the way men lived in the -time range after 100,000 to perhaps 40,000 years ago or even later? -We know that in the area from Europe to Palestine, at least some of -the people (some of the time) lived in the fronts of caves and warmed -themselves over fires. In Europe, in the cave layers of these times, -we find the bones of different animals; the bones in the lowest layers -belong to animals that lived in a warm climate; above them are the -bones of those who could stand the cold, like the reindeer and mammoth. -Thus, the meat diet must have been changing, as the glacier crept -farther south. Shells and possibly fish bones have lasted in these -cave layers, but there is not a trace of the vegetable foods and the -nuts and berries and other wild fruits that must have been eaten when -they could be found. - -[Illustration: CHART SHOWING PRESENT UNDERSTANDING OF RELATIONSHIPS AND -SUCCESSION OF TOOL-PREPARATION TRADITIONS, INDUSTRIES, AND ASSEMBLAGES -OF WEST-CENTRAL EUROPE - -Wavy lines indicate transitions in industrial habits. These transitions -are not yet understood in detail. The glacial and climatic scheme shown -is the alpine one.] - -Bone tools have also been found from this period. Some are called -scrapers, and there are also long chisel-like leg-bone fragments -believed to have been used for skinning animals. Larger hunks of bone, -which seem to have served as anvils or chopping blocks, are fairly -common. - -Bits of mineral, used as coloring matter, have also been found. We -don�t know what the color was used for. - -[Illustration: MOUSTERIAN SIDE SCRAPER] - -There is a small but certain number of cases of intentional burials. -These burials have been found on the floors of the caves; in other -words, the people dug graves in the places where they lived. The holes -made for the graves were small. For this reason (or perhaps for some -other?) the bodies were in a curled-up or contracted position. Flint or -bone tools or pieces of meat seem to have been put in with some of the -bodies. In several cases, flat stones had been laid over the graves. - - -TOOLS FROM AFRICA AND ASIA ABOUT 100,000 YEARS AGO - -Professor Movius characterizes early prehistoric Africa as a continent -showing a variety of stone industries. Some of these industries were -purely local developments and some were practically identical with -industries found in Europe at the same time. From northwest Africa -to Capetown--excepting the tropical rain forest region of the west -center--tools of developed Acheulean, Levalloisian, and Mousterian -types have been recognized. Often they are named after African place -names. - -In east and south Africa lived people whose industries show a -development of the Levalloisian technique. Such industries are -called Stillbay. Another industry, developed on the basis of the -Acheulean technique, is called Fauresmith. From the northwest comes -an industry with tanged points and flake-blades; this is called the -Aterian. The tropical rain forest region contained people whose stone -tools apparently show adjustment to this peculiar environment; the -so-called Sangoan industry includes stone picks, adzes, core-bifaces -of specialized Acheulean type, and bifacial points which were probably -spearheads. - -In western Asia, even as far as the east coast of India, the tools of -the Eurafrican core-biface and flake tool traditions continued to be -used. But in the Far East, as we noted in the last chapter, men had -developed characteristic stone chopper and chopping tools. This tool -preparation tradition--basically a pebble tool tradition--lasted to the -very end of the Ice Age. - -When more intact open air sites such as that of an earlier time at -Olorgesailie, and more stratified cave sites are found and excavated -in Asia and Africa, we shall be able to get a more complete picture. -So far, our picture of the general cultural level of the Old World at -about 100,000 years ago--and soon afterwards--is best from Europe, but -it is still far from complete there, too. - - -CULTURE AT THE BEGINNING OF THE LAST GREAT GLACIAL PERIOD - -The few things we have found must indicate only a very small part -of the total activities of the people who lived at the time. All of -the things they made of wood and bark, of skins, of anything soft, -are gone. The fact that burials were made, at least in Europe and -Palestine, is pretty clear proof that the people had some notion of a -life after death. But what this notion really was, or what gods (if -any) men believed in, we cannot know. Dr. Movius has also reminded me -of the so-called bear cults--cases in which caves have been found which -contain the skulls of bears in apparently purposeful arrangement. This -might suggest some notion of hoarding up the spirits or the strength of -bears killed in the hunt. Probably the people lived in small groups, -as hunting and food-gathering seldom provide enough food for large -groups of people. These groups probably had some kind of leader or -�chief.� Very likely the rude beginnings of rules for community life -and politics, and even law, were being made. But what these were, we -do not know. We can only guess about such things, as we can only guess -about many others; for example, how the idea of a family must have been -growing, and how there may have been witch doctors who made beginnings -in medicine or in art, in the materials they gathered for their trade. - -The stone tools help us most. They have lasted, and we can find -them. As they come to us, from this cave or that, and from this -layer or that, the tool industries show a variety of combinations -of the different basic habits or traditions of tool preparation. -This seems only natural, as the groups of people must have been very -small. The mixtures and blendings of the habits used in making stone -tools must mean that there were also mixtures and blends in many of -the other ideas and beliefs of these small groups. And what this -probably means is that there was no one _culture_ of the time. It is -certainly unlikely that there were simply three cultures, �Acheulean,� -�Levalloisian,� and �Mousterian,� as has been thought in the past. -Rather there must have been a great variety of loosely related cultures -at about the same stage of advancement. We could say, too, that here -we really begin to see, for the first time, that remarkable ability -of men to adapt themselves to a variety of conditions. We shall see -this adaptive ability even more clearly as time goes on and the record -becomes more complete. - -Over how great an area did these loosely related cultures reach in -the time 75,000 to 45,000 or even as late as 35,000 years ago? We -have described stone tools made in one or another of the flake and -core-biface habits, for an enormous area. It covers all of Europe, all -of Africa, the Near East, and parts of India. It is perfectly possible -that the flake and core-biface habits lasted on after 35,000 years ago, -in some places outside of Europe. In northern Africa, for example, we -are certain that they did (see chart, p. 72). - -On the other hand, in the Far East (China, Burma, Java) and in northern -India, the tools of the old chopper-tool tradition were still being -made. Out there, we must assume, there was a different set of loosely -related cultures. At least, there was a different set of loosely -related habits for the making of tools. But the men who made them must -have looked much like the men of the West. Their tools were different, -but just as useful. - -As to what the men of the West looked like, I�ve already hinted at all -we know so far (pp. 29 ff.). The Neanderthalers were present at -the time. Some more modern-like men must have been about, too, since -fossils of them have turned up at Mount Carmel in Palestine, and at -Teshik Tash, in Trans-caspian Russia. It is still too soon to know -whether certain combinations of tools within industries were made -only by certain physical types of men. But since tools of both the -core-biface and the flake traditions, and their blends, turn up from -South Africa to England to India, it is most unlikely that only one -type of man used only one particular habit in the preparation of tools. -What seems perfectly clear is that men in Africa and men in India were -making just as good tools as the men who lived in western Europe. - - - - -EARLY MODERNS - -[Illustration] - - -From some time during the first inter-stadial of the last great -glaciation (say some time after about 40,000 years ago), we have -more accurate dates for the European-Mediterranean area and less -accurate ones for the rest of the Old World. This is probably -because the effects of the last glaciation have been studied in the -European-Mediterranean area more than they have been elsewhere. - - -A NEW TRADITION APPEARS - -Something new was probably beginning to happen in the -European-Mediterranean area about 40,000 years ago, though all the -rest of the Old World seems to have been going on as it had been. I -can�t be sure of this because the information we are using as a basis -for dates is very inaccurate for the areas outside of Europe and the -Mediterranean. - -We can at least make a guess. In Egypt and north Africa, men were still -using the old methods of making stone tools. This was especially true -of flake tools of the Levalloisian type, save that they were growing -smaller and smaller as time went on. But at the same time, a new -tradition was becoming popular in westernmost Asia and in Europe. This -was the blade-tool tradition. - - -BLADE TOOLS - -A stone blade is really just a long parallel-sided flake, as the -drawing shows. It has sharp cutting edges, and makes a very useful -knife. The real trick is to be able to make one. It is almost -impossible to make a blade out of any stone but flint or a natural -volcanic glass called obsidian. And even if you have flint or obsidian, -you first have to work up a special cone-shaped �blade-core,� from -which to whack off blades. - -[Illustration: PLAIN BLADE] - -You whack with a hammer stone against a bone or antler punch which is -directed at the proper place on the blade-core. The blade-core has to -be well supported or gripped while this is going on. To get a good -flint blade tool takes a great deal of know-how. - -Remember that a tradition in stone tools means no more than that some -particular way of making the tools got started and lasted a long time. -Men who made some tools in one tradition or set of habits would also -make other tools for different purposes by means of another tradition -or set of habits. It was even possible for the two sets of habits to -become combined. - - -THE EARLIEST BLADE TOOLS - -The oldest blade tools we have found were deep down in the layers of -the Mount Carmel caves, in Tabun Eb and Ea. Similar tools have been -found in equally early cave levels in Syria; their popularity there -seems to fluctuate a bit. Some more or less parallel-sided flakes are -known in the Levalloisian industry in France, but they are probably -no earlier than Tabun E. The Tabun blades are part of a local late -�Acheulean� industry, which is characterized by core-biface �hand -axes,� but which has many flake tools as well. Professor F. E. -Zeuner believes that this industry may be more than 120,000 years old; -actually its date has not yet been fixed, but it is very old--older -than the fossil finds of modern-like men in the same caves. - -[Illustration: SUCCESSION OF ICE AGE FLINT TYPES, INDUSTRIES, AND -ASSEMBLAGES, AND OF FOSSIL MEN, IN NORTHWESTERN EURAFRASIA] - -For some reason, the habit of making blades in Palestine and Syria was -interrupted. Blades only reappeared there at about the same time they -were first made in Europe, some time after 45,000 years ago; that is, -after the first phase of the last glaciation was ended. - -[Illustration: BACKED BLADE] - -We are not sure just where the earliest _persisting_ habits for the -production of blade tools developed. Impressed by the very early -momentary appearance of blades at Tabun on Mount Carmel, Professor -Dorothy A. Garrod first favored the Near East as a center of origin. -She spoke of �some as yet unidentified Asiatic centre,� which she -thought might be in the highlands of Iran or just beyond. But more -recent work has been done in this area, especially by Professor Coon, -and the blade tools do not seem to have an early appearance there. When -the blade tools reappear in the Syro-Palestinian area, they do so in -industries which also include Levalloiso-Mousterian flake tools. From -the point of view of form and workmanship, the blade tools themselves -are not so fine as those which seem to be making their appearance -in western Europe about the same time. There is a characteristic -Syro-Palestinian flake point, possibly a projectile tip, called the -Emiran, which is not known from Europe. The appearance of blade tools, -together with Levalloiso-Mousterian flakes, continues even after the -Emiran point has gone out of use. - -It seems clear that the production of blade tools did not immediately -swamp the set of older habits in Europe, too; the use of flake -tools also continued there. This was not so apparent to the older -archeologists, whose attention was focused on individual tool types. It -is not, in fact, impossible--although it is certainly not proved--that -the technique developed in the preparation of the Levalloisian tortoise -core (and the striking of the Levalloisian flake from it) might have -followed through to the conical core and punch technique for the -production of blades. Professor Garrod is much impressed with the speed -of change during the later phases of the last glaciation, and its -probable consequences. She speaks of �the greater number of industries -having enough individual character to be classified as distinct ... -since evolution now starts to outstrip diffusion.� Her �evolution� here -is of course an industrial evolution rather than a biological one. -Certainly the people of Europe had begun to make blade tools during -the warm spell after the first phase of the last glaciation. By about -40,000 years ago blades were well established. The bones of the blade -tool makers we�ve found so far indicate that anatomically modern men -had now certainly appeared. Unfortunately, only a few fossil men have -so far been found from the very beginning of the blade tool range in -Europe (or elsewhere). What I certainly shall _not_ tell you is that -conquering bands of fine, strong, anatomically modern men, armed with -superior blade tools, came sweeping out of the East to exterminate the -lowly Neanderthalers. Even if we don�t know exactly what happened, I�d -lay a good bet it wasn�t that simple. - -We do know a good deal about different blade industries in Europe. -Almost all of them come from cave layers. There is a great deal of -complication in what we find. The chart (p. 72) tries to simplify -this complication; in fact, it doubtless simplifies it too much. But -it may suggest all the complication of industries which is going -on at this time. You will note that the upper portion of my much -simpler chart (p. 65) covers the same material (in the section -marked �Various Blade-Tool Industries�). That chart is certainly too -simplified. - -You will realize that all this complication comes not only from -the fact that we are finding more material. It is due also to the -increasing ability of men to adapt themselves to a great variety of -situations. Their tools indicate this adaptiveness. We know there was -a good deal of climatic change at this time. The plants and animals -that men used for food were changing, too. The great variety of tools -and industries we now find reflect these changes and the ability of men -to keep up with the times. Now, for example, is the first time we are -sure that there are tools to _make_ other tools. They also show men�s -increasing ability to adapt themselves. - - -SPECIAL TYPES OF BLADE TOOLS - -The most useful tools that appear at this time were made from blades. - - 1. The �backed� blade. This is a knife made of a flint blade, with - one edge purposely blunted, probably to save the user�s fingers - from being cut. There are several shapes of backed blades (p. - 73). - - [Illustration: TWO BURINS] - - 2. The _burin_ or �graver.� The burin was the original chisel. Its - cutting edge is _transverse_, like a chisel�s. Some burins are - made like a screw-driver, save that burins are sharp. Others have - edges more like the blade of a chisel or a push plane, with - only one bevel. Burins were probably used to make slots in wood - and bone; that is, to make handles or shafts for other tools. - They must also be the tools with which much of the engraving on - bone (see p. 83) was done. There is a bewildering variety of - different kinds of burins. - -[Illustration: TANGED POINT] - - 3. The �tanged� point. These stone points were used to tip arrows or - light spears. They were made from blades, and they had a long tang - at the bottom where they were fixed to the shaft. At the place - where the tang met the main body of the stone point, there was - a marked �shoulder,� the beginnings of a barb. Such points had - either one or two shoulders. - -[Illustration: NOTCHED BLADE] - - 4. The �notched� or �strangulated� blade. Along with the points for - arrows or light spears must go a tool to prepare the arrow or - spear shaft. Today, such a tool would be called a �draw-knife� or - a �spoke-shave,� and this is what the notched blades probably are. - Our spoke-shaves have sharp straight cutting blades and really - �shave.� Notched blades of flint probably scraped rather than cut. - - 5. The �awl,� �drill,� or �borer.� These blade tools are worked out - to a spike-like point. They must have been used for making holes - in wood, bone, shell, skin, or other things. - -[Illustration: DRILL OR AWL] - - 6. The �end-scraper on a blade� is a tool with one or both ends - worked so as to give a good scraping edge. It could have been used - to hollow out wood or bone, scrape hides, remove bark from trees, - and a number of other things (p. 78). - -There is one very special type of flint tool, which is best known from -western Europe in an industry called the Solutrean. These tools were -usually made of blades, but the best examples are so carefully worked -on both sides (bifacially) that it is impossible to see the original -blade. This tool is - - 7. The �laurel leaf� point. Some of these tools were long and - dagger-like, and must have been used as knives or daggers. Others - were small, called �willow leaf,� and must have been mounted on - spear or arrow shafts. Another typical Solutrean tool is the - �shouldered� point. Both the �laurel leaf� and �shouldered� point - types are illustrated (see above and p. 79). - -[Illustration: END-SCRAPER ON A BLADE] - -[Illustration: LAUREL LEAF POINT] - -The industries characterized by tools in the blade tradition also -yield some flake and core tools. We will end this list with two types -of tools that appear at this time. The first is made of a flake; the -second is a core tool. - -[Illustration: SHOULDERED POINT] - - 8. The �keel-shaped round scraper� is usually small and quite round, - and has had chips removed up to a peak in the center. It is called - �keel-shaped� because it is supposed to look (when upside down) - like a section through a boat. Actually, it looks more like a tent - or an umbrella. Its outer edges are sharp all the way around, and - it was probably a general purpose scraping tool (see illustration, - p. 81). - - 9. The �keel-shaped nosed scraper� is a much larger and heavier tool - than the round scraper. It was made on a core with a flat bottom, - and has one nicely worked end or �nose.� Such tools are usually - large enough to be easily grasped, and probably were used like - push planes (see illustration, p. 81). - -[Illustration: KEEL-SHAPED ROUND SCRAPER] - -[Illustration: KEEL-SHAPED NOSED SCRAPER] - -The stone tools (usually made of flint) we have just listed are among -the most easily recognized blade tools, although they show differences -in detail at different times. There are also many other kinds. Not -all of these tools appear in any one industry at one time. Thus the -different industries shown in the chart (p. 72) each have only some -of the blade tools we�ve just listed, and also a few flake tools. Some -industries even have a few core tools. The particular types of blade -tools appearing in one cave layer or another, and the frequency of -appearance of the different types, tell which industry we have in each -layer. - - -OTHER KINDS OF TOOLS - -By this time in Europe--say from about 40,000 to about 10,000 years -ago--we begin to find other kinds of material too. Bone tools begin -to appear. There are knives, pins, needles with eyes, and little -double-pointed straight bars of bone that were probably fish-hooks. The -fish-line would have been fastened in the center of the bar; when the -fish swallowed the bait, the bar would have caught cross-wise in the -fish�s mouth. - -One quite special kind of bone tool is a long flat point for a light -spear. It has a deep notch cut up into the breadth of its base, and is -called a �split-based bone point� (p. 82). We know examples of bone -beads from these times, and of bone handles for flint tools. Pierced -teeth of some animals were worn as beads or pendants, but I am not sure -that elks� teeth were worn this early. There are even spool-shaped -�buttons� or toggles. - -[Illustration: SPLIT-BASED BONE POINT] - -[Illustration: SPEAR-THROWER] - -[Illustration: BONE HARPOON] - -Antler came into use for tools, especially in central and western -Europe. We do not know the use of one particular antler tool that -has a large hole bored in one end. One suggestion is that it was -a thong-stropper used to strop or work up hide thongs (see -illustration, below); another suggestion is that it was an arrow-shaft -straightener. - -Another interesting tool, usually of antler, is the spear-thrower, -which is little more than a stick with a notch or hook on one end. -The hook fits into the butt end of the spear, and the length of the -spear-thrower allows you to put much more power into the throw (p. -82). It works on pretty much the same principle as the sling. - -Very fancy harpoons of antler were also made in the latter half of -the period in western Europe. These harpoons had barbs on one or both -sides and a base which would slip out of the shaft (p. 82). Some have -engraved decoration. - - -THE BEGINNING OF ART - -[Illustration: THONG-STROPPER] - -In western Europe, at least, the period saw the beginning of several -kinds of art work. It is handy to break the art down into two great -groups: the movable art, and the cave paintings and sculpture. The -movable art group includes the scratchings, engravings, and modeling -which decorate tools and weapons. Knives, stroppers, spear-throwers, -harpoons, and sometimes just plain fragments of bone or antler are -often carved. There is also a group of large flat pebbles which seem -almost to have served as sketch blocks. The surfaces of these various -objects may show animals, or rather abstract floral designs, or -geometric designs. - -[Illustration: �VENUS� FIGURINE FROM WILLENDORF] - -Some of the movable art is not done on tools. The most remarkable -examples of this class are little figures of women. These women seem to -be pregnant, and their most female characteristics are much emphasized. -It is thought that these �Venus� or �Mother-goddess� figurines may be -meant to show the great forces of nature--fertility and the birth of -life. - - -CAVE PAINTINGS - -In the paintings on walls and ceilings of caves we have some examples -that compare with the best art of any time. The subjects were usually -animals, the great cold-weather beasts of the end of the Ice Age: the -mammoth, the wooly rhinoceros, the bison, the reindeer, the wild horse, -the bear, the wild boar, and wild cattle. As in the movable art, there -are different styles in the cave art. The really great cave art is -pretty well restricted to southern France and Cantabrian (northwestern) -Spain. - -There are several interesting things about the �Franco-Cantabrian� cave -art. It was done deep down in the darkest and most dangerous parts of -the caves, although the men lived only in the openings of caves. If you -think what they must have had for lights--crude lamps of hollowed stone -have been found, which must have burned some kind of oil or grease, -with a matted hair or fiber wick--and of the animals that may have -lurked in the caves, you�ll understand the part about danger. Then, -too, we�re sure the pictures these people painted were not simply to be -looked at and admired, for they painted one picture right over other -pictures which had been done earlier. Clearly, it was the _act_ of -_painting_ that counted. The painter had to go way down into the most -mysterious depths of the earth and create an animal in paint. Possibly -he believed that by doing this he gained some sort of magic power over -the same kind of animal when he hunted it in the open air. It certainly -doesn�t look as if he cared very much about the picture he painted--as -a finished product to be admired--for he or somebody else soon went -down and painted another animal right over the one he had done. - -The cave art of the Franco-Cantabrian style is one of the great -artistic achievements of all time. The subjects drawn are almost always -the larger animals of the time: the bison, wild cattle and horses, the -wooly rhinoceros, the mammoth, the wild boar, and the bear. In some of -the best examples, the beasts are drawn in full color and the paintings -are remarkably alive and charged with energy. They come from the hands -of men who knew the great animals well--knew the feel of their fur, the -tremendous drive of their muscles, and the danger one faced when he -hunted them. - -Another artistic style has been found in eastern Spain. It includes -lively drawings, often of people hunting with bow and arrow. The East -Spanish art is found on open rock faces and in rock-shelters. It is -less spectacular and apparently more recent than the Franco-Cantabrian -cave art. - - -LIFE AT THE END OF THE ICE AGE IN EUROPE - -Life in these times was probably as good as a hunter could expect it -to be. Game and fish seem to have been plentiful; berries and wild -fruits probably were, too. From France to Russia, great pits or -piles of animal bones have been found. Some of this killing was done -as our Plains Indians killed the buffalo--by stampeding them over -steep river banks or cliffs. There were also good tools for hunting, -however. In western Europe, people lived in the openings of caves and -under overhanging rocks. On the great plains of eastern Europe, very -crude huts were being built, half underground. The first part of this -time must have been cold, for it was the middle and end phases of the -last great glaciation. Northern Europe from Scotland to Scandinavia, -northern Germany and Russia, and also the higher mountains to the -south, were certainly covered with ice. But people had fire, and the -needles and tools that were used for scraping hides must mean that they -wore clothing. - -It is clear that men were thinking of a great variety of things beside -the tools that helped them get food and shelter. Such burials as we -find have more grave-gifts than before. Beads and ornaments and often -flint, bone, or antler tools are included in the grave, and sometimes -the body is sprinkled with red ochre. Red is the color of blood, which -means life, and of fire, which means heat. Professor Childe wonders if -the red ochre was a pathetic attempt at magic--to give back to the body -the heat that had gone from it. But pathetic or not, it is sure proof -that these people were already moved by death as men still are moved by -it. - -Their art is another example of the direction the human mind was -taking. And when I say human, I mean it in the fullest sense, for this -is the time in which fully modern man has appeared. On page 34, we -spoke of the Cro-Magnon group and of the Combe Capelle-Br�nn group of -Caucasoids and of the Grimaldi �Negroids,� who are no longer believed -to be Negroid. I doubt that any one of these groups produced most of -the achievements of the times. It�s not yet absolutely sure which -particular group produced the great cave art. The artists were almost -certainly a blend of several (no doubt already mixed) groups. The pair -of Grimaldians were buried in a grave with a sprinkling of red ochre, -and were provided with shell beads and ornaments and with some blade -tools of flint. Regardless of the different names once given them by -the human paleontologists, each of these groups seems to have shared -equally in the cultural achievements of the times, for all that the -archeologists can say. - - -MICROLITHS - -One peculiar set of tools seems to serve as a marker for the very last -phase of the Ice Age in southwestern Europe. This tool-making habit is -also found about the shore of the Mediterranean basin, and it moved -into northern Europe as the last glaciation pulled northward. People -began making blade tools of very small size. They learned how to chip -very slender and tiny blades from a prepared core. Then they made these -little blades into tiny triangles, half-moons (�lunates�), trapezoids, -and several other geometric forms. These little tools are called -�microliths.� They are so small that most of them must have been fixed -in handles or shafts. - -[Illustration: MICROLITHS - - BLADE FRAGMENT - BURIN - LUNATE - TRAPEZOID - SCALENE TRIANGLE - ARROWHEAD] - -We have found several examples of microliths mounted in shafts. In -northern Europe, where their use soon spread, the microlithic triangles -or lunates were set in rows down each side of a bone or wood point. -One corner of each little triangle stuck out, and the whole thing -made a fine barbed harpoon. In historic times in Egypt, geometric -trapezoidal microliths were still in use as arrowheads. They were -fastened--broad end out--on the end of an arrow shaft. It seems queer -to give an arrow a point shaped like a �T.� Actually, the little points -were very sharp, and must have pierced the hides of animals very -easily. We also think that the broader cutting edge of the point may -have caused more bleeding than a pointed arrowhead would. In hunting -fleet-footed animals like the gazelle, which might run for miles after -being shot with an arrow, it was an advantage to cause as much bleeding -as possible, for the animal would drop sooner. - -We are not really sure where the microliths were first invented. There -is some evidence that they appear early in the Near East. Their use -was very common in northwest Africa but this came later. The microlith -makers who reached south Russia and central Europe possibly moved up -out of the Near East. Or it may have been the other way around; we -simply don�t yet know. - -Remember that the microliths we are talking about here were made from -carefully prepared little blades, and are often geometric in outline. -Each microlithic industry proper was made up, in good part, of such -tiny blade tools. But there were also some normal-sized blade tools and -even some flake scrapers, in most microlithic industries. I emphasize -this bladelet and the geometric character of the microlithic industries -of the western Old World, since there has sometimes been confusion in -the matter. Sometimes small flake chips, utilized as minute pointed -tools, have been called �microliths.� They may be _microlithic_ in size -in terms of the general meaning of the word, but they do not seem to -belong to the sub-tradition of the blade tool preparation habits which -we have been discussing here. - - -LATER BLADE-TOOL INDUSTRIES OF THE NEAR EAST AND AFRICA - -The blade-tool industries of normal size we talked about earlier spread -from Europe to central Siberia. We noted that blade tools were made -in western Asia too, and early, although Professor Garrod is no longer -sure that the whole tradition originated in the Near East. If you look -again at my chart (p. 72) you will note that in western Asia I list -some of the names of the western European industries, but with the -qualification �-like� (for example, �Gravettian-like�). The western -Asiatic blade-tool industries do vaguely recall some aspects of those -of western Europe, but we would probably be better off if we used -completely local names for them. The �Emiran� of my chart is such an -example; its industry includes a long spike-like blade point which has -no western European counterpart. - -When we last spoke of Africa (p. 66), I told you that stone tools -there were continuing in the Levalloisian flake tradition, and were -becoming smaller. At some time during this process, two new tool -types appeared in northern Africa: one was the Aterian point with -a tang (p. 67), and the other was a sort of �laurel leaf� point, -called the �Sbaikian.� These two tool types were both produced from -flakes. The Sbaikian points, especially, are roughly similar to some -of the Solutrean points of Europe. It has been suggested that both the -Sbaikian and Aterian points may be seen on their way to France through -their appearance in the Spanish cave deposits of Parpallo, but there is -also a rival �pre-Solutrean� in central Europe. We still do not know -whether there was any contact between the makers of these north African -tools and the Solutrean tool-makers. What does seem clear is that the -blade-tool tradition itself arrived late in northern Africa. - - -NETHER AFRICA - -Blade tools and �laurel leaf� points and some other probably late -stone tool types also appear in central and southern Africa. There -are geometric microliths on bladelets and even some coarse pottery in -east Africa. There is as yet no good way of telling just where these -items belong in time; in broad geological terms they are �late.� -Some people have guessed that they are as early as similar European -and Near Eastern examples, but I doubt it. The makers of small-sized -Levalloisian flake tools occupied much of Africa until very late in -time. - - -THE FAR EAST - -India and the Far East still seem to be going their own way. In India, -some blade tools have been found. These are not well dated, save that -we believe they must be post-Pleistocene. In the Far East it looks as -if the old chopper-tool tradition was still continuing. For Burma, -Dr. Movius feels this is fairly certain; for China he feels even more -certain. Actually, we know very little about the Far East at about the -time of the last glaciation. This is a shame, too, as you will soon -agree. - - -THE NEW WORLD BECOMES INHABITED - -At some time toward the end of the last great glaciation--almost -certainly after 20,000 years ago--people began to move over Bering -Strait, from Asia into America. As you know, the American Indians have -been assumed to be basically Mongoloids. New studies of blood group -types make this somewhat uncertain, but there is no doubt that the -ancestors of the American Indians came from Asia. - -The stone-tool traditions of Europe, Africa, the Near and Middle East, -and central Siberia, did _not_ move into the New World. With only a -very few special or late exceptions, there are _no_ core-bifaces, -flakes, or blade tools of the Old World. Such things just haven�t been -found here. - -This is why I say it�s a shame we don�t know more of the end of the -chopper-tool tradition in the Far East. According to Weidenreich, -the Mongoloids were in the Far East long before the end of the last -glaciation. If the genetics of the blood group types do demand a -non-Mongoloid ancestry for the American Indians, who else may have been -in the Far East 25,000 years ago? We know a little about the habits -for making stone tools which these first people brought with them, -and these habits don�t conform with those of the western Old World. -We�d better keep our eyes open for whatever happened to the end of -the chopper-tool tradition in northern China; already there are hints -that it lasted late there. Also we should watch future excavations -in eastern Siberia. Perhaps we shall find the chopper-tool tradition -spreading up that far. - - -THE NEW ERA - -Perhaps it comes in part from the way I read the evidence and perhaps -in part it is only intuition, but I feel that the materials of this -chapter suggest a new era in the ways of life. Before about 40,000 -years ago, people simply �gathered� their food, wandering over large -areas to scavenge or to hunt in a simple sort of way. But here we -have seen them �settling-in� more, perhaps restricting themselves in -their wanderings and adapting themselves to a given locality in more -intensive ways. This intensification might be suggested by the word -�collecting.� The ways of life we described in the earlier chapters -were �food-gathering� ways, but now an era of �food-collecting� has -begun. We shall see further intensifications of it in the next chapter. - - - - -End and PRELUDE - -[Illustration] - - -Up to the end of the last glaciation, we prehistorians have a -relatively comfortable time schedule. The farther back we go the less -exact we can be about time and details. Elbow-room of five, ten, -even fifty or more thousands of years becomes available for us to -maneuver in as we work backward in time. But now our story has come -forward to the point where more exact methods of dating are at hand. -The radioactive carbon method reaches back into the span of the last -glaciation. There are other methods, developed by the geologists and -paleobotanists, which supplement and extend the usefulness of the -radioactive carbon dates. And, happily, as our means of being more -exact increases, our story grows more exciting. There are also more -details of culture for us to deal with, which add to the interest. - - -CHANGES AT THE END OF THE ICE AGE - -The last great glaciation of the Ice Age was a two-part affair, with a -sub-phase at the end of the second part. In Europe the last sub-phase -of this glaciation commenced somewhere around 15,000 years ago. Then -the glaciers began to melt back, for the last time. Remember that -Professor Antevs (p. 19) isn�t sure the Ice Age is over yet! This -melting sometimes went by fits and starts, and the weather wasn�t -always changing for the better; but there was at least one time when -European weather was even better than it is now. - -The melting back of the glaciers and the weather fluctuations caused -other changes, too. We know a fair amount about these changes in -Europe. In an earlier chapter, we said that the whole Ice Age was a -matter of continual change over long periods of time. As the last -glaciers began to melt back some interesting things happened to mankind. - -In Europe, along with the melting of the last glaciers, geography -itself was changing. Britain and Ireland had certainly become islands -by 5000 B.C. The Baltic was sometimes a salt sea, sometimes a large -fresh-water lake. Forests began to grow where the glaciers had been, -and in what had once been the cold tundra areas in front of the -glaciers. The great cold-weather animals--the mammoth and the wooly -rhinoceros--retreated northward and finally died out. It is probable -that the efficient hunting of the earlier people of 20,000 or 25,000 -to about 12,000 years ago had helped this process along (see p. 86). -Europeans, especially those of the post-glacial period, had to keep -changing to keep up with the times. - -The archeological materials for the time from 10,000 to 6000 B.C. seem -simpler than those of the previous five thousand years. The great cave -art of France and Spain had gone; so had the fine carving in bone and -antler. Smaller, speedier animals were moving into the new forests. New -ways of hunting them, or ways of getting other food, had to be found. -Hence, new tools and weapons were necessary. Some of the people who -moved into northern Germany were successful reindeer hunters. Then the -reindeer moved off to the north, and again new sources of food had to -be found. - - -THE READJUSTMENTS COMPLETED IN EUROPE - -After a few thousand years, things began to look better. Or at least -we can say this: By about 6000 B.C. we again get hotter archeological -materials. The best of these come from the north European area: -Britain, Belgium, Holland, Denmark, north Germany, southern Norway and -Sweden. Much of this north European material comes from bogs and swamps -where it had become water-logged and has kept very well. Thus we have -much more complete _assemblages_[4] than for any time earlier. - - [4] �Assemblage� is a useful word when there are different kinds of - archeological materials belonging together, from one area and of - one time. An assemblage is made up of a number of �industries� - (that is, all the tools in chipped stone, all the tools in - bone, all the tools in wood, the traces of houses, etc.) and - everything else that manages to survive, such as the art, the - burials, the bones of the animals used as food, and the traces - of plant foods; in fact, everything that has been left to us - and can be used to help reconstruct the lives of the people to - whom it once belonged. Our own present-day �assemblage� would be - the sum total of all the objects in our mail-order catalogues, - department stores and supply houses of every sort, our churches, - our art galleries and other buildings, together with our roads, - canals, dams, irrigation ditches, and any other traces we might - leave of ourselves, from graves to garbage dumps. Not everything - would last, so that an archeologist digging us up--say 2,000 - years from now--would find only the most durable items in our - assemblage. - -The best known of these assemblages is the _Maglemosian_, named after a -great Danish peat-swamp where much has been found. - -[Illustration: SKETCH OF MAGLEMOSIAN ASSEMBLAGE - - CHIPPED STONE - HEMP - GROUND STONE - BONE AND ANTLER - WOOD] - -In the Maglemosian assemblage the flint industry was still very -important. Blade tools, tanged arrow points, and burins were still -made, but there were also axes for cutting the trees in the new -forests. Moreover, the tiny microlithic blades, in a variety of -geometric forms, are also found. Thus, a specialized tradition that -possibly began east of the Mediterranean had reached northern Europe. -There was also a ground stone industry; some axes and club-heads were -made by grinding and polishing rather than by chipping. The industries -in bone and antler show a great variety of tools: axes, fish-hooks, -fish spears, handles and hafts for other tools, harpoons, and clubs. -A remarkable industry in wood has been preserved. Paddles, sled -runners, handles for tools, and bark floats for fish-nets have been -found. There are even fish-nets made of plant fibers. Canoes of some -kind were no doubt made. Bone and antler tools were decorated with -simple patterns, and amber was collected. Wooden bows and arrows are -found. - -It seems likely that the Maglemosian bog finds are remains of summer -camps, and that in winter the people moved to higher and drier regions. -Childe calls them the �Forest folk�; they probably lived much the -same sort of life as did our pre-agricultural Indians of the north -central states. They hunted small game or deer; they did a great deal -of fishing; they collected what plant food they could find. In fact, -their assemblage shows us again that remarkable ability of men to adapt -themselves to change. They had succeeded in domesticating the dog; he -was still a very wolf-like dog, but his long association with mankind -had now begun. Professor Coon believes that these people were direct -descendants of the men of the glacial age and that they had much the -same appearance. He believes that most of the Ice Age survivors still -extant are living today in the northwestern European area. - - -SOUTH AND CENTRAL EUROPE PERHAPS AS READJUSTED AS THE NORTH - -There is always one trouble with things that come from areas where -preservation is exceptionally good: The very quantity of materials in -such an assemblage tends to make things from other areas look poor -and simple, although they may not have been so originally at all. The -assemblages of the people who lived to the south of the Maglemosian -area may also have been quite large and varied; but, unfortunately, -relatively little of the southern assemblages has lasted. The -water-logged sites of the Maglemosian area preserved a great deal -more. Hence the Maglemosian itself _looks_ quite advanced to us, when -we compare it with the few things that have happened to last in other -areas. If we could go back and wander over the Europe of eight thousand -years ago, we would probably find that the peoples of France, central -Europe, and south central Russia were just as advanced as those of the -north European-Baltic belt. - -South of the north European belt the hunting-food-collecting peoples -were living on as best they could during this time. One interesting -group, which seems to have kept to the regions of sandy soil and scrub -forest, made great quantities of geometric microliths. These are the -materials called _Tardenoisian_. The materials of the �Forest folk� of -France and central Europe generally are called _Azilian_; Dr. Movius -believes the term might best be restricted to the area south of the -Loire River. - - -HOW MUCH REAL CHANGE WAS THERE? - -You can see that no really _basic_ change in the way of life has yet -been described. Childe sees the problem that faced the Europeans of -10,000 to 3000 B.C. as a problem in readaptation to the post-glacial -forest environment. By 6000 B.C. some quite successful solutions of -the problem--like the Maglemosian--had been made. The upsets that came -with the melting of the last ice gradually brought about all sorts of -changes in the tools and food-getting habits, but the people themselves -were still just as much simple hunters, fishers, and food-collectors as -they had been in 25,000 B.C. It could be said that they changed just -enough so that they would not have to change. But there is a bit more -to it than this. - -Professor Mathiassen of Copenhagen, who knows the archeological remains -of this time very well, poses a question. He speaks of the material -as being neither rich nor progressive, in fact �rather stagnant,� but -he goes on to add that the people had a certain �receptiveness� and -were able to adapt themselves quickly when the next change did come. -My own understanding of the situation is that the �Forest folk� made -nothing as spectacular as had the producers of the earlier Magdalenian -assemblage and the Franco-Cantabrian art. On the other hand, they -_seem_ to have been making many more different kinds of tools for many -more different kinds of tasks than had their Ice Age forerunners. I -emphasize �seem� because the preservation in the Maglemosian bogs -is very complete; certainly we cannot list anywhere near as many -different things for earlier times as we did for the Maglemosians -(p. 94). I believe this experimentation with all kinds of new tools -and gadgets, this intensification of adaptiveness (p. 91), this -�receptiveness,� even if it is still only pointed toward hunting, -fishing, and food-collecting, is an important thing. - -Remember that the only marker we have handy for the _beginning_ of -this tendency toward �receptiveness� and experimentation is the -little microlithic blade tools of various geometric forms. These, we -saw, began before the last ice had melted away, and they lasted on -in use for a very long time. I wish there were a better marker than -the microliths but I do not know of one. Remember, too, that as yet -we can only use the microliths as a marker in Europe and about the -Mediterranean. - - -CHANGES IN OTHER AREAS? - -All this last section was about Europe. How about the rest of the world -when the last glaciers were melting away? - -We simply don�t know much about this particular time in other parts -of the world except in Europe, the Mediterranean basin and the Middle -East. People were certainly continuing to move into the New World by -way of Siberia and the Bering Strait about this time. But for the -greater part of Africa and Asia, we do not know exactly what was -happening. Some day, we shall no doubt find out; today we are without -clear information. - - -REAL CHANGE AND PRELUDE IN THE NEAR EAST - -The appearance of the microliths and the developments made by the -�Forest folk� of northwestern Europe also mark an end. They show us -the terminal phase of the old food-collecting way of life. It grows -increasingly clear that at about the same time that the Maglemosian and -other �Forest folk� were adapting themselves to hunting, fishing, and -collecting in new ways to fit the post-glacial environment, something -completely new was being made ready in western Asia. - -Unfortunately, we do not have as much understanding of the climate and -environment of the late Ice Age in western Asia as we have for most -of Europe. Probably the weather was never so violent or life quite -so rugged as it was in northern Europe. We know that the microliths -made their appearance in western Asia at least by 10,000 B.C. and -possibly earlier, marking the beginning of the terminal phase of -food-collecting. Then, gradually, we begin to see the build-up towards -the first _basic change_ in human life. - -This change amounted to a revolution just as important as the -Industrial Revolution. In it, men first learned to domesticate -plants and animals. They began _producing_ their food instead of -simply gathering or collecting it. When their food-production -became reasonably effective, people could and did settle down in -village-farming communities. With the appearance of the little farming -villages, a new way of life was actually under way. Professor Childe -has good reason to speak of the �food-producing revolution,� for it was -indeed a revolution. - - -QUESTIONS ABOUT CAUSE - -We do not yet know _how_ and _why_ this great revolution took place. We -are only just beginning to put the questions properly. I suspect the -answers will concern some delicate and subtle interplay between man and -nature. Clearly, both the level of culture and the natural condition of -the environment must have been ready for the great change, before the -change itself could come about. - -It is going to take years of co-operative field work by both -archeologists and the natural scientists who are most helpful to them -before the _how_ and _why_ answers begin to appear. Anthropologically -trained archeologists are fascinated with the cultures of men in times -of great change. About ten or twelve thousand years ago, the general -level of culture in many parts of the world seems to have been ready -for change. In northwestern Europe, we saw that cultures �changed -just enough so that they would not have to change.� We linked this to -environmental changes with the coming of post-glacial times. - -In western Asia, we archeologists can prove that the food-producing -revolution actually took place. We can see _the_ important consequence -of effective domestication of plants and animals in the appearance of -the settled village-farming community. And within the village-farming -community was the seed of civilization. The way in which effective -domestication of plants and animals came about, however, must also be -linked closely with the natural environment. Thus the archeologists -will not solve the _how_ and _why_ questions alone--they will need the -help of interested natural scientists in the field itself. - - -PRECONDITIONS FOR THE REVOLUTION - -Especially at this point in our story, we must remember how culture and -environment go hand in hand. Neither plants nor animals domesticate -themselves; men domesticate them. Furthermore, men usually domesticate -only those plants and animals which are useful. There is a good -question here: What is cultural usefulness? But I shall side-step it to -save time. Men cannot domesticate plants and animals that do not exist -in the environment where the men live. Also, there are certainly some -animals and probably some plants that resist domestication, although -they might be useful. - -This brings me back again to the point that _both_ the level of culture -and the natural condition of the environment--with the proper plants -and animals in it--must have been ready before domestication could -have happened. But this is precondition, not cause. Why did effective -food-production happen first in the Near East? Why did it happen -independently in the New World slightly later? Why also in the Far -East? Why did it happen at all? Why are all human beings not still -living as the Maglemosians did? These are the questions we still have -to face. - - -CULTURAL �RECEPTIVENESS� AND PROMISING ENVIRONMENTS - -Until the archeologists and the natural scientists--botanists, -geologists, zoologists, and general ecologists--have spent many more -years on the problem, we shall not have full _how_ and _why_ answers. I -do think, however, that we are beginning to understand what to look for. - -We shall have to learn much more of what makes the cultures of men -�receptive� and experimental. Did change in the environment alone -force it? Was it simply a case of Professor Toynbee�s �challenge and -response?� I cannot believe the answer is quite that simple. Were it -so simple, we should want to know why the change hadn�t come earlier, -along with earlier environmental changes. We shall not know the answer, -however, until we have excavated the traces of many more cultures of -the time in question. We shall doubtless also have to learn more about, -and think imaginatively about, the simpler cultures still left today. -The �mechanics� of culture in general will be bound to interest us. - -It will also be necessary to learn much more of the environments of -10,000 to 12,000 years ago. In which regions of the world were the -natural conditions most promising? Did this promise include plants and -animals which could be domesticated, or did it only offer new ways of -food-collecting? There is much work to do on this problem, but we are -beginning to get some general hints. - -Before I begin to detail the hints we now have from western Asia, I -want to do two things. First, I shall tell you of an old theory as to -how food-production might have appeared. Second, I will bother you with -some definitions which should help us in our thinking as the story goes -on. - - -AN OLD THEORY AS TO THE CAUSE OF THE REVOLUTION - -The idea that change would result, if the balance between nature -and culture became upset, is of course not a new one. For at least -twenty-five years, there has been a general theory as to _how_ the -food-producing revolution happened. This theory depends directly on the -idea of natural change in the environment. - -The five thousand years following about 10,000 B.C. must have been -very difficult ones, the theory begins. These were the years when -the most marked melting of the last glaciers was going on. While the -glaciers were in place, the climate to the south of them must have been -different from the climate in those areas today. You have no doubt read -that people once lived in regions now covered by the Sahara Desert. -This is true; just when is not entirely clear. The theory is that -during the time of the glaciers, there was a broad belt of rain winds -south of the glaciers. These rain winds would have kept north Africa, -the Nile Valley, and the Middle East green and fertile. But when the -glaciers melted back to the north, the belt of rain winds is supposed -to have moved north too. Then the people living south and east of the -Mediterranean would have found that their water supply was drying up, -that the animals they hunted were dying or moving away, and that the -plant foods they collected were dried up and scarce. - -According to the theory, all this would have been true except in the -valleys of rivers and in oases in the growing deserts. Here, in the -only places where water was left, the men and animals and plants would -have clustered. They would have been forced to live close to one -another, in order to live at all. Presently the men would have seen -that some animals were more useful or made better food than others, -and so they would have begun to protect these animals from their -natural enemies. The men would also have been forced to try new plant -foods--foods which possibly had to be prepared before they could be -eaten. Thus, with trials and errors, but by being forced to live close -to plants and animals, men would have learned to domesticate them. - - -THE OLD THEORY TOO SIMPLE FOR THE FACTS - -This theory was set up before we really knew anything in detail about -the later prehistory of the Near and Middle East. We now know that -the facts which have been found don�t fit the old theory at all well. -Also, I have yet to find an American meteorologist who feels that we -know enough about the changes in the weather pattern to say that it can -have been so simple and direct. And, of course, the glacial ice which -began melting after 12,000 years ago was merely the last sub-phase of -the last great glaciation. There had also been three earlier periods -of great alpine glaciers, and long periods of warm weather in between. -If the rain belt moved north as the glaciers melted for the last time, -it must have moved in the same direction in earlier times. Thus, the -forced neighborliness of men, plants, and animals in river valleys and -oases must also have happened earlier. Why didn�t domestication happen -earlier, then? - -Furthermore, it does not seem to be in the oases and river valleys -that we have our first or only traces of either food-production -or the earliest farming villages. These traces are also in the -hill-flanks of the mountains of western Asia. Our earliest sites of the -village-farmers do not seem to indicate a greatly different climate -from that which the same region now shows. In fact, everything we now -know suggests that the old theory was just too simple an explanation to -have been the true one. The only reason I mention it--beyond correcting -the ideas you may get in the general texts--is that it illustrates the -kind of thinking we shall have to do, even if it is doubtless wrong in -detail. - -We archeologists shall have to depend much more than we ever have on -the natural scientists who can really help us. I can tell you this from -experience. I had the great good fortune to have on my expedition staff -in Iraq in 1954-55, a geologist, a botanist, and a zoologist. Their -studies added whole new bands of color to my spectrum of thinking about -_how_ and _why_ the revolution took place and how the village-farming -community began. But it was only a beginning; as I said earlier, we are -just now learning to ask the proper questions. - - -ABOUT STAGES AND ERAS - -Now come some definitions, so I may describe my material more easily. -Archeologists have always loved to make divisions and subdivisions -within the long range of materials which they have found. They often -disagree violently about which particular assemblage of material -goes into which subdivision, about what the subdivisions should be -named, about what the subdivisions really mean culturally. Some -archeologists, probably through habit, favor an old scheme of Grecized -names for the subdivisions: paleolithic, mesolithic, neolithic. I -refuse to use these words myself. They have meant too many different -things to too many different people and have tended to hide some pretty -fuzzy thinking. Probably you haven�t even noticed my own scheme of -subdivision up to now, but I�d better tell you in general what it is. - -I think of the earliest great group of archeological materials, from -which we can deduce only a food-gathering way of culture, as the -_food-gathering stage_. I say �stage� rather than �age,� because it -is not quite over yet; there are still a few primitive people in -out-of-the-way parts of the world who remain in the _food-gathering -stage_. In fact, Professor Julian Steward would probably prefer to call -it a food-gathering _level_ of existence, rather than a stage. This -would be perfectly acceptable to me. I also tend to find myself using -_collecting_, rather than _gathering_, for the more recent aspects or -era of the stage, as the word �collecting� appears to have more sense -of purposefulness and specialization than does �gathering� (see p. -91). - -Now, while I think we could make several possible subdivisions of the -food-gathering stage--I call my subdivisions of stages _eras_[5]--I -believe the only one which means much to us here is the last or -_terminal sub-era of food-collecting_ of the whole food-gathering -stage. The microliths seem to mark its approach in the northwestern -part of the Old World. It is really shown best in the Old World by -the materials of the �Forest folk,� the cultural adaptation to the -post-glacial environment in northwestern Europe. We talked about -the �Forest folk� at the beginning of this chapter, and I used the -Maglemosian assemblage of Denmark as an example. - - [5] It is difficult to find words which have a sequence or gradation - of meaning with respect to both development and a range of time - in the past, or with a range of time from somewhere in the past - which is perhaps not yet ended. One standard Webster definition - of _stage_ is: �One of the steps into which the material - development of man ... is divided.� I cannot find any dictionary - definition that suggests which of the words, _stage_ or _era_, - has the meaning of a longer span of time. Therefore, I have - chosen to let my eras be shorter, and to subdivide my stages - into eras. Webster gives _era_ as: �A signal stage of history, - an epoch.� When I want to subdivide my eras, I find myself using - _sub-eras_. Thus I speak of the _eras_ within a _stage_ and of - the _sub-eras_ within an _era_; that is, I do so when I feel - that I really have to, and when the evidence is clear enough to - allow it. - -The food-producing revolution ushers in the _food-producing stage_. -This stage began to be replaced by the _industrial stage_ only about -two hundred years ago. Now notice that my stage divisions are in terms -of technology and economics. We must think sharply to be sure that the -subdivisions of the stages, the eras, are in the same terms. This does -not mean that I think technology and economics are the only important -realms of culture. It is rather that for most of prehistoric time the -materials left to the archeologists tend to limit our deductions to -technology and economics. - -I�m so soon out of my competence, as conventional ancient history -begins, that I shall only suggest the earlier eras of the -food-producing stage to you. This book is about prehistory, and I�m not -a universal historian. - - -THE TWO EARLIEST ERAS OF THE FOOD-PRODUCING STAGE - -The food-producing stage seems to appear in western Asia with really -revolutionary suddenness. It is seen by the relative speed with which -the traces of new crafts appear in the earliest village-farming -community sites we�ve dug. It is seen by the spread and multiplication -of these sites themselves, and the remarkable growth in human -population we deduce from this increase in sites. We�ll look at some -of these sites and the archeological traces they yield in the next -chapter. When such village sites begin to appear, I believe we are in -the _era of the primary village-farming community_. I also believe this -is the second era of the food-producing stage. - -The first era of the food-producing stage, I believe, was an _era of -incipient cultivation and animal domestication_. I keep saying �I -believe� because the actual evidence for this earlier era is so slight -that one has to set it up mainly by playing a hunch for it. The reason -for playing the hunch goes about as follows. - -One thing we seem to be able to see, in the food-collecting era in -general, is a tendency for people to begin to settle down. This -settling down seemed to become further intensified in the terminal -era. How this is connected with Professor Mathiassen�s �receptiveness� -and the tendency to be experimental, we do not exactly know. The -evidence from the New World comes into play here as well as that from -the Old World. With this settling down in one place, the people of the -terminal era--especially the �Forest folk� whom we know best--began -making a great variety of new things. I remarked about this earlier in -the chapter. Dr. Robert M. Adams is of the opinion that this atmosphere -of experimentation with new tools--with new ways of collecting food--is -the kind of atmosphere in which one might expect trials at planting -and at animal domestication to have been made. We first begin to find -traces of more permanent life in outdoor camp sites, although caves -were still inhabited at the beginning of the terminal era. It is not -surprising at all that the �Forest folk� had already domesticated the -dog. In this sense, the whole era of food-collecting was becoming ready -and almost �incipient� for cultivation and animal domestication. - -Northwestern Europe was not the place for really effective beginnings -in agriculture and animal domestication. These would have had to take -place in one of those natural environments of promise, where a variety -of plants and animals, each possible of domestication, was available in -the wild state. Let me spell this out. Really effective food-production -must include a variety of items to make up a reasonably well-rounded -diet. The food-supply so produced must be trustworthy, even though -the food-producing peoples themselves might be happy to supplement -it with fish and wild strawberries, just as we do when such things -are available. So, as we said earlier, part of our problem is that -of finding a region with a natural environment which includes--and -did include, some ten thousand years ago--a variety of possibly -domesticable wild plants and animals. - - -NUCLEAR AREAS - -Now comes the last of my definitions. A region with a natural -environment which included a variety of wild plants and animals, -both possible and ready for domestication, would be a central -or core or _nuclear area_, that is, it would be when and _if_ -food-production took place within it. It is pretty hard for me to -imagine food-production having ever made an independent start outside -such a nuclear area, although there may be some possible nuclear areas -in which food-production never took place (possibly in parts of Africa, -for example). - -We know of several such nuclear areas. In the New World, Middle America -and the Andean highlands make up one or two; it is my understanding -that the evidence is not yet clear as to which. There seems to have -been a nuclear area somewhere in southeastern Asia, in the Malay -peninsula or Burma perhaps, connected with the early cultivation of -taro, breadfruit, the banana and the mango. Possibly the cultivation -of rice and the domestication of the chicken and of zebu cattle and -the water buffalo belong to this southeast Asiatic nuclear area. We -know relatively little about it archeologically, as yet. The nuclear -area which was the scene of the earliest experiment in effective -food-production was in western Asia. Since I know it best, I shall use -it as my example. - - -THE NUCLEAR NEAR EAST - -The nuclear area of western Asia is naturally the one of greatest -interest to people of the western cultural tradition. Our cultural -heritage began within it. The area itself is the region of the hilly -flanks of rain-watered grass-land which build up to the high mountain -ridges of Iran, Iraq, Turkey, Syria, and Palestine. The map on page -125 indicates the region. If you have a good atlas, try to locate the -zone which surrounds the drainage basin of the Tigris and Euphrates -Rivers at elevations of from approximately 2,000 to 5,000 feet. The -lower alluvial land of the Tigris-Euphrates basin itself has very -little rainfall. Some years ago Professor James Henry Breasted called -the alluvial lands of the Tigris-Euphrates a part of the �fertile -crescent.� These alluvial lands are very fertile if irrigated. Breasted -was most interested in the oriental civilizations of conventional -ancient history, and irrigation had been discovered before they -appeared. - -The country of hilly flanks above Breasted�s crescent receives from -10 to 20 or more inches of winter rainfall each year, which is about -what Kansas has. Above the hilly-flanks zone tower the peaks and ridges -of the Lebanon-Amanus chain bordering the coast-line from Palestine -to Turkey, the Taurus Mountains of southern Turkey, and the Zagros -range of the Iraq-Iran borderland. This rugged mountain frame for our -hilly-flanks zone rises to some magnificent alpine scenery, with peaks -of from ten to fifteen thousand feet in elevation. There are several -gaps in the Mediterranean coastal portion of the frame, through which -the winter�s rain-bearing winds from the sea may break so as to carry -rain to the foothills of the Taurus and the Zagros. - -The picture I hope you will have from this description is that of an -intermediate hilly-flanks zone lying between two regions of extremes. -The lower Tigris-Euphrates basin land is low and far too dry and hot -for agriculture based on rainfall alone; to the south and southwest, it -merges directly into the great desert of Arabia. The mountains which -lie above the hilly-flanks zone are much too high and rugged to have -encouraged farmers. - - -THE NATURAL ENVIRONMENT OF THE NUCLEAR NEAR EAST - -The more we learn of this hilly-flanks zone that I describe, the -more it seems surely to have been a nuclear area. This is where we -archeologists need, and are beginning to get, the help of natural -scientists. They are coming to the conclusion that the natural -environment of the hilly-flanks zone today is much as it was some eight -to ten thousand years ago. There are still two kinds of wild wheat and -a wild barley, and the wild sheep, goat, and pig. We have discovered -traces of each of these at about nine thousand years ago, also traces -of wild ox, horse, and dog, each of which appears to be the probable -ancestor of the domesticated form. In fact, at about nine thousand -years ago, the two wheats, the barley, and at least the goat, were -already well on the road to domestication. - -The wild wheats give us an interesting clue. They are only available -together with the wild barley within the hilly-flanks zone. While the -wild barley grows in a variety of elevations and beyond the zone, -at least one of the wild wheats does not seem to grow below the hill -country. As things look at the moment, the domestication of both the -wheats together could _only_ have taken place within the hilly-flanks -zone. Barley seems to have first come into cultivation due to its -presence as a weed in already cultivated wheat fields. There is also -a suggestion--there is still much more to learn in the matter--that -the animals which were first domesticated were most at home up in the -hilly-flanks zone in their wild state. - -With a single exception--that of the dog--the earliest positive -evidence of domestication includes the two forms of wheat, the barley, -and the goat. The evidence comes from within the hilly-flanks zone. -However, it comes from a settled village proper, Jarmo (which I�ll -describe in the next chapter), and is thus from the era of the primary -village-farming community. We are still without positive evidence of -domesticated grain and animals in the first era of the food-producing -stage, that of incipient cultivation and animal domestication. - - -THE ERA OF INCIPIENT CULTIVATION AND ANIMAL DOMESTICATION - -I said above (p. 105) that my era of incipient cultivation and animal -domestication is mainly set up by playing a hunch. Although we cannot -really demonstrate it--and certainly not in the Near East--it would -be very strange for food-collectors not to have known a great deal -about the plants and animals most useful to them. They do seem to have -domesticated the dog. We can easily imagine them remembering to go -back, season after season, to a particular patch of ground where seeds -or acorns or berries grew particularly well. Most human beings, unless -they are extremely hungry, are attracted to baby animals, and many wild -pups or fawns or piglets must have been brought back alive by hunting -parties. - -In this last sense, man has probably always been an incipient -cultivator and domesticator. But I believe that Adams is right in -suggesting that this would be doubly true with the experimenters of -the terminal era of food-collecting. We noticed that they also seem -to have had a tendency to settle down. Now my hunch goes that _when_ -this experimentation and settling down took place within a potential -nuclear area--where a whole constellation of plants and animals -possible of domestication was available--the change was easily made. -Professor Charles A. Reed, our field colleague in zoology, agrees that -year-round settlement with plant domestication probably came before -there were important animal domestications. - - -INCIPIENT ERAS AND NUCLEAR AREAS - -I have put this scheme into a simple chart (p. 111) with the names -of a few of the sites we are going to talk about. You will see that my -hunch means that there are eras of incipient cultivation _only_ within -nuclear areas. In a nuclear area, the terminal era of food-collecting -would probably have been quite short. I do not know for how long a time -the era of incipient cultivation and domestication would have lasted, -but perhaps for several thousand years. Then it passed on into the era -of the primary village-farming community. - -Outside a nuclear area, the terminal era of food-collecting would last -for a long time; in a few out-of-the-way parts of the world, it still -hangs on. It would end in any particular place through contact with -and the spread of ideas of people who had passed on into one of the -more developed eras. In many cases, the terminal era of food-collecting -was ended by the incoming of the food-producing peoples themselves. -For example, the practices of food-production were carried into Europe -by the actual movement of some numbers of peoples (we don�t know how -many) who had reached at least the level of the primary village-farming -community. The �Forest folk� learned food-production from them. There -was never an era of incipient cultivation and domestication proper in -Europe, if my hunch is right. - - -ARCHEOLOGICAL DIFFICULTIES IN SEEING THE INCIPIENT ERA - -The way I see it, two things were required in order that an era of -incipient cultivation and domestication could begin. First, there had -to be the natural environment of a nuclear area, with its whole group -of plants and animals capable of domestication. This is the aspect of -the matter which we�ve said is directly given by nature. But it is -quite possible that such an environment with such a group of plants -and animals in it may have existed well before ten thousand years ago -in the Near East. It is also quite possible that the same promising -condition may have existed in regions which never developed into -nuclear areas proper. Here, again, we come back to the cultural factor. -I think it was that �atmosphere of experimentation� we�ve talked about -once or twice before. I can�t define it for you, other than to say that -by the end of the Ice Age, the general level of many cultures was ready -for change. Ask me how and why this was so, and I�ll tell you we don�t -know yet, and that if we did understand this kind of question, there -would be no need for me to go on being a prehistorian! - -[Illustration: POSSIBLE RELATIONSHIPS OF STAGES AND ERAS IN WESTERN -ASIA AND NORTHEASTERN AFRICA] - -Now since this was an era of incipience, of the birth of new ideas, -and of experimentation, it is very difficult to see its traces -archeologically. New tools having to do with the new ways of getting -and, in fact, producing food would have taken some time to develop. -It need not surprise us too much if we cannot find hoes for planting -and sickles for reaping grain at the very beginning. We might expect -a time of making-do with some of the older tools, or with make-shift -tools, for some of the new jobs. The present-day wild cousin of the -domesticated sheep still lives in the mountains of western Asia. It has -no wool, only a fine down under hair like that of a deer, so it need -not surprise us to find neither the whorls used for spinning nor traces -of woolen cloth. It must have taken some time for a wool-bearing sheep -to develop and also time for the invention of the new tools which go -with weaving. It would have been the same with other kinds of tools for -the new way of life. - -It is difficult even for an experienced comparative zoologist to tell -which are the bones of domesticated animals and which are those of -their wild cousins. This is especially so because the animal bones the -archeologists find are usually fragmentary. Furthermore, we do not have -a sort of library collection of the skeletons of the animals or an -herbarium of the plants of those times, against which the traces which -the archeologists find may be checked. We are only beginning to get -such collections for the modern wild forms of animals and plants from -some of our nuclear areas. In the nuclear area in the Near East, some -of the wild animals, at least, have already become extinct. There are -no longer wild cattle or wild horses in western Asia. We know they were -there from the finds we�ve made in caves of late Ice Age times, and -from some slightly later sites. - - -SITES WITH ANTIQUITIES OF THE INCIPIENT ERA - -So far, we know only a very few sites which would suit my notion of the -incipient era of cultivation and animal domestication. I am closing -this chapter with descriptions of two of the best Near Eastern examples -I know of. You may not be satisfied that what I am able to describe -makes a full-bodied era of development at all. Remember, however, that -I�ve told you I�m largely playing a kind of a hunch, and also that the -archeological materials of this era will always be extremely difficult -to interpret. At the beginning of any new way of life, there will be a -great tendency for people to make-do, at first, with tools and habits -they are already used to. I would suspect that a great deal of this -making-do went on almost to the end of this era. - - -THE NATUFIAN, AN ASSEMBLAGE OF THE INCIPIENT ERA - -The assemblage called the Natufian comes from the upper layers of a -number of caves in Palestine. Traces of its flint industry have also -turned up in Syria and Lebanon. We don�t know just how old it is. I -guess that it probably falls within five hundred years either way of -about 5000 B.C. - -Until recently, the people who produced the Natufian assemblage were -thought to have been only cave dwellers, but now at least three open -air Natufian sites have been briefly described. In their best-known -dwelling place, on Mount Carmel, the Natufian folk lived in the open -mouth of a large rock-shelter and on the terrace in front of it. On the -terrace, they had set at least two short curving lines of stones; but -these were hardly architecture; they seem more like benches or perhaps -the low walls of open pens. There were also one or two small clusters -of stones laid like paving, and a ring of stones around a hearth or -fireplace. One very round and regular basin-shaped depression had been -cut into the rocky floor of the terrace, and there were other less -regular basin-like depressions. In the newly reported open air sites, -there seem to have been huts with rounded corners. - -Most of the finds in the Natufian layer of the Mount Carmel cave were -flints. About 80 per cent of these flint tools were microliths made -by the regular working of tiny blades into various tools, some having -geometric forms. The larger flint tools included backed blades, burins, -scrapers, a few arrow points, some larger hacking or picking tools, and -one special type. This last was the sickle blade. - -We know a sickle blade of flint when we see one, because of a strange -polish or sheen which seems to develop on the cutting edge when the -blade has been used to cut grasses or grain, or--perhaps--reeds. In -the Natufian, we have even found the straight bone handles in which a -number of flint sickle blades were set in a line. - -There was a small industry in ground or pecked stone (that is, abraded -not chipped) in the Natufian. This included some pestle and mortar -fragments. The mortars are said to have a deep and narrow hole, -and some of the pestles show traces of red ochre. We are not sure -that these mortars and pestles were also used for grinding food. In -addition, there were one or two bits of carving in stone. - - -NATUFIAN ANTIQUITIES IN OTHER MATERIALS; BURIALS AND PEOPLE - -The Natufian industry in bone was quite rich. It included, beside the -sickle hafts mentioned above, points and harpoons, straight and curved -types of fish-hooks, awls, pins and needles, and a variety of beads and -pendants. There were also beads and pendants of pierced teeth and shell. - -A number of Natufian burials have been found in the caves; some burials -were grouped together in one grave. The people who were buried within -the Mount Carmel cave were laid on their backs in an extended position, -while those on the terrace seem to have been �flexed� (placed in their -graves in a curled-up position). This may mean no more than that it was -easier to dig a long hole in cave dirt than in the hard-packed dirt of -the terrace. The people often had some kind of object buried with them, -and several of the best collections of beads come from the burials. On -two of the skulls there were traces of elaborate head-dresses of shell -beads. - -[Illustration: SKETCH OF NATUFIAN ASSEMBLAGE - - MICROLITHS - ARCHITECTURE? - BURIAL - CHIPPED STONE - GROUND STONE - BONE] - -The animal bones of the Natufian layers show beasts of a �modern� type, -but with some differences from those of present-day Palestine. The -bones of the gazelle far outnumber those of the deer; since gazelles -like a much drier climate than deer, Palestine must then have had much -the same climate that it has today. Some of the animal bones were those -of large or dangerous beasts: the hyena, the bear, the wild boar, -and the leopard. But the Natufian people may have had the help of a -large domesticated dog. If our guess at a date for the Natufian is -right (about 7750 B.C.), this is an earlier dog than was that in the -Maglemosian of northern Europe. More recently, it has been reported -that a domesticated goat is also part of the Natufian finds. - -The study of the human bones from the Natufian burials is not yet -complete. Until Professor McCown�s study becomes available, we may note -Professor Coon�s assessment that these people were of a �basically -Mediterranean type.� - - -THE KARIM SHAHIR ASSEMBLAGE - -Karim Shahir differs from the Natufian sites in that it shows traces -of a temporary open site or encampment. It lies on the top of a bluff -in the Kurdish hill-country of northeastern Iraq. It was dug by Dr. -Bruce Howe of the expedition I directed in 1950-51 for the Oriental -Institute and the American Schools of Oriental Research. In 1954-55, -our expedition located another site, M�lefaat, with general resemblance -to Karim Shahir, but about a hundred miles north of it. In 1956, Dr. -Ralph Solecki located still another Karim Shahir type of site called -Zawi Chemi Shanidar. The Zawi Chemi site has a radiocarbon date of 8900 -� 300 B.C. - -Karim Shahir has evidence of only one very shallow level of occupation. -It was probably not lived on very long, although the people who lived -on it spread out over about three acres of area. In spots, the single -layer yielded great numbers of fist-sized cracked pieces of limestone, -which had been carried up from the bed of a stream at the bottom of the -bluff. We think these cracked stones had something to do with a kind of -architecture, but we were unable to find positive traces of hut plans. -At M�lefaat and Zawi Chemi, there were traces of rounded hut plans. - -As in the Natufian, the great bulk of small objects of the Karim Shahir -assemblage was in chipped flint. A large proportion of the flint tools -were microlithic bladelets and geometric forms. The flint sickle blade -was almost non-existent, being far scarcer than in the Natufian. The -people of Karim Shahir did a modest amount of work in the grinding of -stone; there were milling stone fragments of both the mortar and the -quern type, and stone hoes or axes with polished bits. Beads, pendants, -rings, and bracelets were made of finer quality stone. We found a few -simple points and needles of bone, and even two rather formless unbaked -clay figurines which seemed to be of animal form. - -[Illustration: SKETCH OF KARIM SHAHIR ASSEMBLAGE - - CHIPPED STONE - GROUND STONE - UNBAKED CLAY - SHELL - BONE - �ARCHITECTURE�] - -Karim Shahir did not yield direct evidence of the kind of vegetable -food its people ate. The animal bones showed a considerable -increase in the proportion of the bones of the species capable of -domestication--sheep, goat, cattle, horse, dog--as compared with animal -bones from the earlier cave sites of the area, which have a high -proportion of bones of wild forms like deer and gazelle. But we do not -know that any of the Karim Shahir animals were actually domesticated. -Some of them may have been, in an �incipient� way, but we have no means -at the moment that will tell us from the bones alone. - - -WERE THE NATUFIAN AND KARIM SHAHIR PEOPLES FOOD-PRODUCERS? - -It is clear that a great part of the food of the Natufian people -must have been hunted or collected. Shells of land, fresh-water, and -sea animals occur in their cave layers. The same is true as regards -Karim Shahir, save for sea shells. But on the other hand, we have -the sickles, the milling stones, the possible Natufian dog, and the -goat, and the general animal situation at Karim Shahir to hint at an -incipient approach to food-production. At Karim Shahir, there was the -tendency to settle down out in the open; this is echoed by the new -reports of open air Natufian sites. The large number of cracked stones -certainly indicates that it was worth the peoples� while to have some -kind of structure, even if the site as a whole was short-lived. - -It is a part of my hunch that these things all point toward -food-production--that the hints we seek are there. But in the sense -that the peoples of the era of the primary village-farming community, -which we shall look at next, are fully food-producing, the Natufian -and Karim Shahir folk had not yet arrived. I think they were part of -a general build-up to full scale food-production. They were possibly -controlling a few animals of several kinds and perhaps one or two -plants, without realizing the full possibilities of this �control� as a -new way of life. - -This is why I think of the Karim Shahir and Natufian folk as being at -a level, or in an era, of incipient cultivation and domestication. But -we shall have to do a great deal more excavation in this range of time -before we�ll get the kind of positive information we need. - - -SUMMARY - -I am sorry that this chapter has had to be so much more about ideas -than about the archeological traces of prehistoric men themselves. -But the antiquities of the incipient era of cultivation and animal -domestication will not be spectacular, even when we do have them -excavated in quantity. Few museums will be interested in these -antiquities for exhibition purposes. The charred bits or impressions -of plants, the fragments of animal bone and shell, and the varied -clues to climate and environment will be as important as the artifacts -themselves. It will be the ideas to which these traces lead us that -will be important. I am sure that this unspectacular material--when we -have much more of it, and learn how to understand what it says--will -lead us to how and why answers about the first great change in human -history. - -We know the earliest village-farming communities appeared in western -Asia, in a nuclear area. We do not yet know why the Near Eastern -experiment came first, or why it didn�t happen earlier in some other -nuclear area. Apparently, the level of culture and the promise of the -natural environment were ready first in western Asia. The next sites -we look at will show a simple but effective food-production already -in existence. Without effective food-production and the settled -village-farming communities, civilization never could have followed. -How effective food-production came into being by the end of the -incipient era, is, I believe, one of the most fascinating questions any -archeologist could face. - -It now seems probable--from possibly two of the Palestinian sites with -varieties of the Natufian (Jericho and Nahal Oren)--that there were -one or more local Palestinian developments out of the Natufian into -later times. In the same way, what followed after the Karim Shahir type -of assemblage in northeastern Iraq was in some ways a reflection of -beginnings made at Karim Shahir and Zawi Chemi. - - - - -THE First Revolution - -[Illustration] - - -As the incipient era of cultivation and animal domestication passed -onward into the era of the primary village-farming community, the first -basic change in human economy was fully achieved. In southwestern Asia, -this seems to have taken place about nine thousand years ago. I am -going to restrict my description to this earliest Near Eastern case--I -do not know enough about the later comparable experiments in the Far -East and in the New World. Let us first, once again, think of the -contrast between food-collecting and food-producing as ways of life. - - -THE DIFFERENCE BETWEEN FOOD-COLLECTORS AND FOOD-PRODUCERS - -Childe used the word �revolution� because of the radical change that -took place in the habits and customs of man. Food-collectors--that is, -hunters, fishers, berry- and nut-gatherers--had to live in small groups -or bands, for they had to be ready to move wherever their food supply -moved. Not many people can be fed in this way in one area, and small -children and old folks are a burden. There is not enough food to store, -and it is not the kind that can be stored for long. - -Do you see how this all fits into a picture? Small groups of people -living now in this cave, now in that--or out in the open--as they moved -after the animals they hunted; no permanent villages, a few half-buried -huts at best; no breakable utensils; no pottery; no signs of anything -for clothing beyond the tools that were probably used to dress the -skins of animals; no time to think of much of anything but food and -protection and disposal of the dead when death did come: an existence -which takes nature as it finds it, which does little or nothing to -modify nature--all in all, a savage�s existence, and a very tough one. -A man who spends his whole life following animals just to kill them to -eat, or moving from one berry patch to another, is really living just -like an animal himself. - - -THE FOOD-PRODUCING ECONOMY - -Against this picture let me try to draw another--that of man�s life -after food-production had begun. His meat was stored �on the hoof,� -his grain in silos or great pottery jars. He lived in a house: it was -worth his while to build one, because he couldn�t move far from his -fields and flocks. In his neighborhood enough food could be grown -and enough animals bred so that many people were kept busy. They all -lived close to their flocks and fields, in a village. The village was -already of a fair size, and it was growing, too. Everybody had more to -eat; they were presumably all stronger, and there were more children. -Children and old men could shepherd the animals by day or help with -the lighter work in the fields. After the crops had been harvested the -younger men might go hunting and some of them would fish, but the food -they brought in was only an addition to the food in the village; the -villagers wouldn�t starve, even if the hunters and fishermen came home -empty-handed. - -There was more time to do different things, too. They began to modify -nature. They made pottery out of raw clay, and textiles out of hair -or fiber. People who became good at pottery-making traded their pots -for food and spent all of their time on pottery alone. Other people -were learning to weave cloth or to make new tools. There were already -people in the village who were becoming full-time craftsmen. - -Other things were changing, too. The villagers must have had -to agree on new rules for living together. The head man of the -village had problems different from those of the chief of the small -food-collectors� band. If somebody�s flock of sheep spoiled a wheat -field, the owner wanted payment for the grain he lost. The chief of -the hunters was never bothered with such questions. Even the gods -had changed. The spirits and the magic that had been used by hunters -weren�t of any use to the villagers. They needed gods who would watch -over the fields and the flocks, and they eventually began to erect -buildings where their gods might dwell, and where the men who knew most -about the gods might live. - - -WAS FOOD-PRODUCTION A �REVOLUTION�? - -If you can see the difference between these two pictures--between -life in the food-collecting stage and life after food-production -had begun--you�ll see why Professor Childe speaks of a revolution. -By revolution, he doesn�t mean that it happened over night or that -it happened only once. We don�t know exactly how long it took. Some -people think that all these changes may have occurred in less than -500 years, but I doubt that. The incipient era was probably an affair -of some duration. Once the level of the village-farming community had -been established, however, things did begin to move very fast. By -six thousand years ago, the descendants of the first villagers had -developed irrigation and plow agriculture in the relatively rainless -Mesopotamian alluvium and were living in towns with temples. Relative -to the half million years of food-gathering which lay behind, this had -been achieved with truly revolutionary suddenness. - - -GAPS IN OUR KNOWLEDGE OF THE NEAR EAST - -If you�ll look again at the chart (p. 111) you�ll see that I have -very few sites and assemblages to name in the incipient era of -cultivation and domestication, and not many in the earlier part of -the primary village-farming level either. Thanks in no small part -to the intelligent co-operation given foreign excavators by the -Iraq Directorate General of Antiquities, our understanding of the -sequence in Iraq is growing more complete. I shall use Iraq as my main -yard-stick here. But I am far from being able to show you a series of -Sears Roebuck catalogues, even century by century, for any part of -the nuclear area. There is still a great deal of earth to move, and a -great mass of material to recover and interpret before we even begin to -understand �how� and �why.� - -Perhaps here, because this kind of archeology is really my specialty, -you�ll excuse it if I become personal for a moment. I very much look -forward to having further part in closing some of the gaps in knowledge -of the Near East. This is not, as I�ve told you, the spectacular -range of Near Eastern archeology. There are no royal tombs, no gold, -no great buildings or sculpture, no writing, in fact nothing to -excite the normal museum at all. Nevertheless it is a range which, -idea-wise, gives the archeologist tremendous satisfaction. The country -of the hilly flanks is an exciting combination of green grasslands -and mountainous ridges. The Kurds, who inhabit the part of the area -in which I�ve worked most recently, are an extremely interesting and -hospitable people. Archeologists don�t become rich, but I�ll forego -the Cadillac for any bright spring morning in the Kurdish hills, on a -good site with a happy crew of workmen and an interested and efficient -staff. It is probably impossible to convey the full feeling which life -on such a dig holds--halcyon days for the body and acute pleasurable -stimulation for the mind. Old things coming newly out of the good dirt, -and the pieces of the human puzzle fitting into place! I think I am -an honest man; I cannot tell you that I am sorry the job is not yet -finished and that there are still gaps in this part of the Near Eastern -archeological sequence. - - -EARLIEST SITES OF THE VILLAGE FARMERS - -So far, the Karim Shahir type of assemblage, which we looked at in the -last chapter, is the earliest material available in what I take to -be the nuclear area. We do not believe that Karim Shahir was a village -site proper: it looks more like the traces of a temporary encampment. -Two caves, called Belt and Hotu, which are outside the nuclear area -and down on the foreshore of the Caspian Sea, have been excavated -by Professor Coon. These probably belong in the later extension of -the terminal era of food-gathering; in their upper layers are traits -like the use of pottery borrowed from the more developed era of the -same time in the nuclear area. The same general explanation doubtless -holds true for certain materials in Egypt, along the upper Nile and in -the Kharga oasis: these materials, called Sebilian III, the Khartoum -�neolithic,� and the Khargan microlithic, are from surface sites, -not from caves. The chart (p. 111) shows where I would place these -materials in era and time. - -[Illustration: THE HILLY FLANKS OF THE CRESCENT AND EARLY SITES OF THE -NEAR EAST] - -Both M�lefaat and Dr. Solecki�s Zawi Chemi Shanidar site appear to have -been slightly more �settled in� than was Karim Shahir itself. But I do -not think they belong to the era of farming-villages proper. The first -site of this era, in the hills of Iraqi Kurdistan, is Jarmo, on which -we have spent three seasons of work. Following Jarmo comes a variety of -sites and assemblages which lie along the hilly flanks of the crescent -and just below it. I am going to describe and illustrate some of these -for you. - -Since not very much archeological excavation has yet been done on sites -of this range of time, I shall have to mention the names of certain -single sites which now alone stand for an assemblage. This does not -mean that I think the individual sites I mention were unique. In the -times when their various cultures flourished, there must have been -many little villages which shared the same general assemblage. We are -only now beginning to locate them again. Thus, if I speak of Jarmo, -or Jericho, or Sialk as single examples of their particular kinds of -assemblages, I don�t mean that they were unique at all. I think I could -take you to the sites of at least three more Jarmos, within twenty -miles of the original one. They are there, but they simply haven�t yet -been excavated. In 1956, a Danish expedition discovered material of -Jarmo type at Shimshara, only two dozen miles northeast of Jarmo, and -below an assemblage of Hassunan type (which I shall describe presently). - - -THE GAP BETWEEN KARIM SHAHIR AND JARMO - -As we see the matter now, there is probably still a gap in the -available archeological record between the Karim Shahir-M�lefaat-Zawi -Chemi group (of the incipient era) and that of Jarmo (of the -village-farming era). Although some items of the Jarmo type materials -do reflect the beginnings of traditions set in the Karim Shahir group -(see p. 120), there is not a clear continuity. Moreover--to the -degree that we may trust a few radiocarbon dates--there would appear -to be around two thousand years of difference in time. The single -available Zawi Chemi �date� is 8900 � 300 B.C.; the most reasonable -group of �dates� from Jarmo average to about 6750 � 200 B.C. I am -uncertain about this two thousand years--I do not think it can have -been so long. - -This suggests that we still have much work to do in Iraq. You can -imagine how earnestly we await the return of political stability in the -Republic of Iraq. - - -JARMO, IN THE KURDISH HILLS, IRAQ - -The site of Jarmo has a depth of deposit of about twenty-seven feet, -and approximately a dozen layers of architectural renovation and -change. Nevertheless it is a �one period� site: its assemblage remains -essentially the same throughout, although one or two new items are -added in later levels. It covers about four acres of the top of a -bluff, below which runs a small stream. Jarmo lies in the hill country -east of the modern oil town of Kirkuk. The Iraq Directorate General of -Antiquities suggested that we look at it in 1948, and we have had three -seasons of digging on it since. - -The people of Jarmo grew the barley plant and two different kinds of -wheat. They made flint sickles with which to reap their grain, mortars -or querns on which to crack it, ovens in which it might be parched, and -stone bowls out of which they might eat their porridge. We are sure -that they had the domesticated goat, but Professor Reed (the staff -zoologist) is not convinced that the bones of the other potentially -domesticable animals of Jarmo--sheep, cattle, pig, horse, dog--show -sure signs of domestication. We had first thought that all of these -animals were domesticated ones, but Reed feels he must find out much -more before he can be sure. As well as their grain and the meat from -their animals, the people of Jarmo consumed great quantities of land -snails. Botanically, the Jarmo wheat stands about half way between -fully bred wheat and the wild forms. - - -ARCHITECTURE: HALL-MARK OF THE VILLAGE - -The sure sign of the village proper is in its traces of architectural -permanence. The houses of Jarmo were only the size of a small cottage -by our standards, but each was provided with several rectangular rooms. -The walls of the houses were made of puddled mud, often set on crude -foundations of stone. (The puddled mud wall, which the Arabs call -_touf_, is built by laying a three to six inch course of soft mud, -letting this sun-dry for a day or two, then adding the next course, -etc.) The village probably looked much like the simple Kurdish farming -village of today, with its mud-walled houses and low mud-on-brush -roofs. I doubt that the Jarmo village had more than twenty houses at -any one moment of its existence. Today, an average of about seven -people live in a comparable Kurdish house; probably the population of -Jarmo was about 150 people. - -[Illustration: SKETCH OF JARMO ASSEMBLAGE - - CHIPPED STONE - UNBAKED CLAY - GROUND STONE - POTTERY _UPPER THIRD OF SITE ONLY._ - REED MATTING - BONE - ARCHITECTURE] - -It is interesting that portable pottery does not appear until the -last third of the life of the Jarmo village. Throughout the duration -of the village, however, its people had experimented with the plastic -qualities of clay. They modeled little figurines of animals and of -human beings in clay; one type of human figurine they favored was that -of a markedly pregnant woman, probably the expression of some sort of -fertility spirit. They provided their house floors with baked-in-place -depressions, either as basins or hearths, and later with domed ovens of -clay. As we�ve noted, the houses themselves were of clay or mud; one -could almost say they were built up like a house-sized pot. Then, -finally, the idea of making portable pottery itself appeared, although -I very much doubt that the people of the Jarmo village discovered the -art. - -On the other hand, the old tradition of making flint blades and -microlithic tools was still very strong at Jarmo. The sickle-blade was -made in quantities, but so also were many of the much older tool types. -Strangely enough, it is within this age-old category of chipped stone -tools that we see one of the clearest pointers to a newer age. Many of -the Jarmo chipped stone tools--microliths--were made of obsidian, a -black volcanic natural glass. The obsidian beds nearest to Jarmo are -over three hundred miles to the north. Already a bulk carrying trade -had been established--the forerunner of commerce--and the routes were -set by which, in later times, the metal trade was to move. - -There are now twelve radioactive carbon �dates� from Jarmo. The most -reasonable cluster of determinations averages to about 6750 � 200 -B.C., although there is a completely unreasonable range of �dates� -running from 3250 to 9250 B.C.! _If_ I am right in what I take to be -�reasonable,� the first flush of the food-producing revolution had been -achieved almost nine thousand years ago. - - -HASSUNA, IN UPPER MESOPOTAMIAN IRAQ - -We are not sure just how soon after Jarmo the next assemblage of Iraqi -material is to be placed. I do not think the time was long, and there -are a few hints that detailed habits in the making of pottery and -ground stone tools were actually continued from Jarmo times into the -time of the next full assemblage. This is called after a site named -Hassuna, a few miles to the south and west of modern Mosul. We also -have Hassunan type materials from several other sites in the same -general region. It is probably too soon to make generalizations about -it, but the Hassunan sites seem to cluster at slightly lower elevations -than those we have been talking about so far. - -The catalogue of the Hassuna assemblage is of course more full and -elaborate than that of Jarmo. The Iraqi government�s archeologists -who dug Hassuna itself, exposed evidence of increasing architectural -know-how. The walls of houses were still formed of puddled mud; -sun-dried bricks appear only in later periods. There were now several -different ways of making and decorating pottery vessels. One style of -pottery painting, called the Samarran style, is an extremely handsome -one and must have required a great deal of concentration and excellence -of draftsmanship. On the other hand, the old habits for the preparation -of good chipped stone tools--still apparent at Jarmo--seem to have -largely disappeared by Hassunan times. The flint work of the Hassunan -catalogue is, by and large, a wretched affair. We might guess that the -kinaesthetic concentration of the Hassuna craftsmen now went into other -categories; that is, they suddenly discovered they might have more fun -working with the newer materials. It�s a shame, for example, that none -of their weaving is preserved for us. - -The two available radiocarbon determinations from Hassunan contexts -stand at about 5100 and 5600 B.C. � 250 years. - - -OTHER EARLY VILLAGE SITES IN THE NUCLEAR AREA - -I�ll now name and very briefly describe a few of the other early -village assemblages either in or adjacent to the hilly flanks of the -crescent. Unfortunately, we do not have radioactive carbon dates for -many of these materials. We may guess that some particular assemblage, -roughly comparable to that of Hassuna, for example, must reflect a -culture which lived at just about the same time as that of Hassuna. We -do this guessing on the basis of the general similarity and degree of -complexity of the Sears Roebuck catalogues of the particular assemblage -and that of Hassuna. We suppose that for sites near at hand and of a -comparable cultural level, as indicated by their generally similar -assemblages, the dating must be about the same. We may also know that -in a general stratigraphic sense, the sites in question may both appear -at the bottom of the ascending village sequence in their respective -areas. Without a number of consistent radioactive carbon dates, we -cannot be precise about priorities. - -[Illustration: SKETCH OF HASSUNA ASSEMBLAGE - - POTTERY - POTTERY OBJECTS - CHIPPED STONE - BONE - GROUND STONE - ARCHITECTURE - REED MATTING - BURIAL] - -The ancient mound at Jericho, in the Dead Sea valley in Palestine, -yields some very interesting material. Its catalogue somewhat resembles -that of Jarmo, especially in the sense that there is a fair depth -of deposit without portable pottery vessels. On the other hand, the -architecture of Jericho is surprisingly complex, with traces of massive -stone fortification walls and the general use of formed sun-dried -mud brick. Jericho lies in a somewhat strange and tropically lush -ecological niche, some seven hundred feet below sea level; it is -geographically within the hilly-flanks zone but environmentally not -part of it. - -Several radiocarbon �dates� for Jericho fall within the range of those -I find reasonable for Jarmo, and their internal statistical consistency -is far better than that for the Jarmo determinations. It is not yet -clear exactly what this means. - -The mound at Jericho (Tell es-Sultan) contains a remarkably -fine sequence, which perhaps does not have the gap we noted in -Iraqi-Kurdistan between the Karim Shahir group and Jarmo. While I am -not sure that the Jericho sequence will prove valid for those parts -of Palestine outside the special Dead Sea environmental niche, the -sequence does appear to proceed from the local variety of Natufian into -that of a very well settled community. So far, we have little direct -evidence for the food-production basis upon which the Jericho people -subsisted. - -There is an early village assemblage with strong characteristics of its -own in the land bordering the northeast corner of the Mediterranean -Sea, where Syria and the Cilician province of Turkey join. This early -Syro-Cilician assemblage must represent a general cultural pattern -which was at least in part contemporary with that of the Hassuna -assemblage. These materials from the bases of the mounds at Mersin, and -from Judaidah in the Amouq plain, as well as from a few other sites, -represent the remains of true villages. The walls of their houses were -built of puddled mud, but some of the house foundations were of stone. -Several different kinds of pottery were made by the people of these -villages. None of it resembles the pottery from Hassuna or from the -upper levels of Jarmo or Jericho. The Syro-Cilician people had not -lost their touch at working flint. An important southern variation of -the Syro-Cilician assemblage has been cleared recently at Byblos, a -port town famous in later Phoenician times. There are three radiocarbon -determinations which suggest that the time range for these developments -was in the sixth or early fifth millennium B.C. - -It would be fascinating to search for traces of even earlier -village-farming communities and for the remains of the incipient -cultivation era, in the Syro-Cilician region. - - -THE IRANIAN PLATEAU AND THE NILE VALLEY - -The map on page 125 shows some sites which lie either outside or in -an extension of the hilly-flanks zone proper. From the base of the -great mound at Sialk on the Iranian plateau came an assemblage of -early village material, generally similar, in the kinds of things it -contained, to the catalogues of Hassuna and Judaidah. The details of -how things were made are different; the Sialk assemblage represents -still another cultural pattern. I suspect it appeared a bit later -in time than did that of Hassuna. There is an important new item in -the Sialk catalogue. The Sialk people made small drills or pins of -hammered copper. Thus the metallurgist�s specialized craft had made its -appearance. - -There is at least one very early Iranian site on the inward slopes -of the hilly-flanks zone. It is the earlier of two mounds at a place -called Bakun, in southwestern Iran; the results of the excavations -there are not yet published and we only know of its coarse and -primitive pottery. I only mention Bakun because it helps us to plot the -extent of the hilly-flanks zone villages on the map. - -The Nile Valley lies beyond the peculiar environmental zone of the -hilly flanks of the crescent, and it is probable that the earliest -village-farming communities in Egypt were established by a few people -who wandered into the Nile delta area from the nuclear area. The -assemblage which is most closely comparable to the catalogue of Hassuna -or Judaidah, for example, is that from little settlements along the -shore of the Fayum lake. The Fayum materials come mainly from grain -bins or silos. Another site, Merimde, in the western part of the Nile -delta, shows the remains of a true village, but it may be slightly -later than the settlement of the Fayum. There are radioactive carbon -�dates� for the Fayum materials at about 4275 B.C. � 320 years, which -is almost fifteen hundred years later than the determinations suggested -for the Hassunan or Syro-Cilician assemblages. I suspect that this -is a somewhat over-extended indication of the time it took for the -generalized cultural pattern of village-farming community life to -spread from the nuclear area down into Egypt, but as yet we have no way -of testing these matters. - -In this same vein, we have two radioactive carbon dates for an -assemblage from sites near Khartoum in the Sudan, best represented by -the mound called Shaheinab. The Shaheinab catalogue roughly corresponds -to that of the Fayum; the distance between the two places, as the Nile -flows, is roughly 1,500 miles. Thus it took almost a thousand years for -the new way of life to be carried as far south into Africa as Khartoum; -the two Shaheinab �dates� average about 3300 B.C. � 400 years. - -If the movement was up the Nile (southward), as these dates suggest, -then I suspect that the earliest available village material of middle -Egypt, the so-called Tasian, is also later than that of the Fayum. The -Tasian materials come from a few graves near a village called Deir -Tasa, and I have an uncomfortable feeling that the Tasian �assemblage� -may be mainly an artificial selection of poor examples of objects which -belong in the following range of time. - - -SPREAD IN TIME AND SPACE - -There are now two things we can do; in fact, we have already begun to -do them. We can watch the spread of the new way of life upward through -time in the nuclear area. We can also see how the new way of life -spread outward in space from the nuclear area, as time went on. There -is good archeological evidence that both these processes took place. -For the hill country of northeastern Iraq, in the nuclear area, we -have already noticed how the succession (still with gaps) from Karim -Shahir, through M�lefaat and Jarmo, to Hassuna can be charted (see -chart, p. 111). In the next chapter, we shall continue this charting -and description of what happened in Iraq upward through time. We also -watched traces of the new way of life move through space up the Nile -into Africa, to reach Khartoum in the Sudan some thirty-five hundred -years later than we had seen it at Jarmo or Jericho. We caught glimpses -of it in the Fayum and perhaps at Tasa along the way. - -For the remainder of this chapter, I shall try to suggest briefly for -you the directions taken by the spread of the new way of life from the -nuclear area in the Near East. First, let me make clear again that -I _do not_ believe that the village-farming community way of life -was invented only once and in the Near East. It seems to me that the -evidence is very clear that a separate experiment arose in the New -World. For China, the question of independence or borrowing--in the -appearance of the village-farming community there--is still an open -one. In the last chapter, we noted the probability of an independent -nuclear area in southeastern Asia. Professor Carl Sauer strongly -champions the great importance of this area as _the_ original center -of agricultural pursuits, as a kind of �cradle� of all incipient eras -of the Old World at least. While there is certainly not the slightest -archeological evidence to allow us to go that far, we may easily expect -that an early southeast Asian development would have been felt in -China. However, the appearance of the village-farming community in the -northwest of India, at least, seems to have depended on the earlier -development in the Near East. It is also probable that ideas of the new -way of life moved well beyond Khartoum in Africa. - - -THE SPREAD OF THE VILLAGE-FARMING COMMUNITY WAY OF LIFE INTO EUROPE - -How about Europe? I won�t give you many details. You can easily imagine -that the late prehistoric prelude to European history is a complicated -affair. We all know very well how complicated an area Europe is now, -with its welter of different languages and cultures. Remember, however, -that a great deal of archeology has been done on the late prehistory of -Europe, and very little on that of further Asia and Africa. If we knew -as much about these areas as we do of Europe, I expect we�d find them -just as complicated. - -This much is clear for Europe, as far as the spread of the -village-community way of life is concerned. The general idea and much -of the know-how and the basic tools of food-production moved from the -Near East to Europe. So did the plants and animals which had been -domesticated; they were not naturally at home in Europe, as they were -in western Asia. I do not, of course, mean that there were traveling -salesmen who carried these ideas and things to Europe with a commercial -gleam in their eyes. The process took time, and the ideas and things -must have been passed on from one group of people to the next. There -was also some actual movement of peoples, but we don�t know the size of -the groups that moved. - -The story of the �colonization� of Europe by the first farmers is -thus one of (1) the movement from the eastern Mediterranean lands -of some people who were farmers; (2) the spread of ideas and things -beyond the Near East itself and beyond the paths along which the -�colonists� moved; and (3) the adaptations of the ideas and things -by the indigenous �Forest folk�, about whose �receptiveness� Professor -Mathiassen speaks (p. 97). It is important to note that the resulting -cultures in the new European environment were European, not Near -Eastern. The late Professor Childe remarked that �the peoples of the -West were not slavish imitators; they adapted the gifts from the East -... into a new and organic whole capable of developing on its own -original lines.� - - -THE WAYS TO EUROPE - -Suppose we want to follow the traces of those earliest village-farmers -who did travel from western Asia into Europe. Let us start from -Syro-Cilicia, that part of the hilly-flanks zone proper which lies in -the very northeastern corner of the Mediterranean. Three ways would be -open to us (of course we could not be worried about permission from the -Soviet authorities!). We would go north, or north and slightly east, -across Anatolian Turkey, and skirt along either shore of the Black Sea -or even to the east of the Caucasus Mountains along the Caspian Sea, -to reach the plains of Ukrainian Russia. From here, we could march -across eastern Europe to the Baltic and Scandinavia, or even hook back -southwestward to Atlantic Europe. - -Our second way from Syro-Cilicia would also lie over Anatolia, to the -northwest, where we would have to swim or raft ourselves over the -Dardanelles or the Bosphorus to the European shore. Then we would bear -left toward Greece, but some of us might turn right again in Macedonia, -going up the valley of the Vardar River to its divide and on down -the valley of the Morava beyond, to reach the Danube near Belgrade -in Jugoslavia. Here we would turn left, following the great river -valley of the Danube up into central Europe. We would have a number of -tributary valleys to explore, or we could cross the divide and go down -the valley of the Rhine to the North Sea. - -Our third way from Syro-Cilicia would be by sea. We would coast along -southern Anatolia and visit Cyprus, Crete, and the Aegean islands on -our way to Greece, where, in the north, we might meet some of those who -had taken the second route. From Greece, we would sail on to Italy and -the western isles, to reach southern France and the coasts of Spain. -Eventually a few of us would sail up the Atlantic coast of Europe, to -reach western Britain and even Ireland. - -[Illustration: PROBABLE ROUTES AND TIMING IN THE SPREAD OF THE -VILLAGE-FARMING COMMUNITY WAY OF LIFE FROM THE NEAR EAST TO EUROPE] - -Of course none of us could ever take these journeys as the first -farmers took them, since the whole course of each journey must have -lasted many lifetimes. The date given to the assemblage called Windmill -Hill, the earliest known trace of village-farming communities in -England, is about 2500 B.C. I would expect about 5500 B.C. to be a -safe date to give for the well-developed early village communities of -Syro-Cilicia. We suspect that the spread throughout Europe did not -proceed at an even rate. Professor Piggott writes that �at a date -probably about 2600 B.C., simple agricultural communities were being -established in Spain and southern France, and from the latter region a -spread northwards can be traced ... from points on the French seaboard -of the [English] Channel ... there were emigrations of a certain number -of these tribes by boat, across to the chalk lands of Wessex and Sussex -[in England], probably not more than three or four generations later -than the formation of the south French colonies.� - -New radiocarbon determinations are becoming available all the -time--already several suggest that the food-producing way of life -had reached the lower Rhine and Holland by 4000 B.C. But not all -prehistorians accept these �dates,� so I do not show them on my map -(p. 139). - - -THE EARLIEST FARMERS OF ENGLAND - -To describe the later prehistory of all Europe for you would take -another book and a much larger one than this is. Therefore, I have -decided to give you only a few impressions of the later prehistory of -Britain. Of course the British Isles lie at the other end of Europe -from our base-line in western Asia. Also, they received influences -along at least two of the three ways in which the new way of life -moved into Europe. We will look at more of their late prehistory in a -following chapter: here, I shall speak only of the first farmers. - -The assemblage called Windmill Hill, which appears in the south of -England, exhibits three different kinds of structures, evidence of -grain-growing and of stock-breeding, and some distinctive types of -pottery and stone implements. The most remarkable type of structure -is the earthwork enclosures which seem to have served as seasonal -cattle corrals. These enclosures were roughly circular, reached over -a thousand feet in diameter, and sometimes included two or three -concentric sets of banks and ditches. Traces of oblong timber houses -have been found, but not within the enclosures. The second type of -structure is mine-shafts, dug down into the chalk beds where good -flint for the making of axes or hoes could be found. The third type -of structure is long simple mounds or �unchambered barrows,� in one -end of which burials were made. It has been commonly believed that the -Windmill Hill assemblage belonged entirely to the cultural tradition -which moved up through France to the Channel. Professor Piggott is now -convinced, however, that important elements of Windmill Hill stem from -northern Germany and Denmark--products of the first way into Europe -from the east. - -The archeological traces of a second early culture are to be found -in the west of England, western and northern Scotland, and most of -Ireland. The bearers of this culture had come up the Atlantic coast -by sea from southern France and Spain. The evidence they have left us -consists mainly of tombs and the contents of tombs, with only very -rare settlement sites. The tombs were of some size and received the -bodies of many people. The tombs themselves were built of stone, heaped -over with earth; the stones enclosed a passage to a central chamber -(�passage graves�), or to a simple long gallery, along the sides of -which the bodies were laid (�gallery graves�). The general type of -construction is called �megalithic� (= great stone), and the whole -earth-mounded structure is often called a _barrow_. Since many have -proper chambers, in one sense or another, we used the term �unchambered -barrow� above to distinguish those of the Windmill Hill type from these -megalithic structures. There is some evidence for sacrifice, libations, -and ceremonial fires, and it is clear that some form of community -ritual was focused on the megalithic tombs. - -The cultures of the people who produced the Windmill Hill assemblage -and of those who made the megalithic tombs flourished, at least in -part, at the same time. Although the distributions of the two different -types of archeological traces are in quite different parts of the -country, there is Windmill Hill pottery in some of the megalithic -tombs. But the tombs also contain pottery which seems to have arrived -with the tomb builders themselves. - -The third early British group of antiquities of this general time -(following 2500 B.C.) comes from sites in southern and eastern England. -It is not so certain that the people who made this assemblage, called -Peterborough, were actually farmers. While they may on occasion have -practiced a simple agriculture, many items of their assemblage link -them closely with that of the �Forest folk� of earlier times in -England and in the Baltic countries. Their pottery is decorated with -impressions of cords and is quite different from that of Windmill Hill -and the megalithic builders. In addition, the distribution of their -finds extends into eastern Britain, where the other cultures have left -no trace. The Peterborough people had villages with semi-subterranean -huts, and the bones of oxen, pigs, and sheep have been found in a few -of these. On the whole, however, hunting and fishing seem to have been -their vital occupations. They also established trade routes especially -to acquire the raw material for stone axes. - -A probably slightly later culture, whose traces are best known from -Skara Brae on Orkney, also had its roots in those cultures of the -Baltic area which fused out of the meeting of the �Forest folk� and -the peoples who took the eastern way into Europe. Skara Brae is very -well preserved, having been built of thin stone slabs about which -dune-sand drifted after the village died. The individual houses, the -bedsteads, the shelves, the chests for clothes and oddments--all built -of thin stone-slabs--may still be seen in place. But the Skara Brae -people lived entirely by sheep- and cattle-breeding, and by catching -shellfish. Neither grain nor the instruments of agriculture appeared at -Skara Brae. - - -THE EUROPEAN ACHIEVEMENT - -The above is only a very brief description of what went on in Britain -with the arrival of the first farmers. There are many interesting -details which I have omitted in order to shorten the story. - -I believe some of the difficulty we have in understanding the -establishment of the first farming communities in Europe is with -the word �colonization.� We have a natural tendency to think of -�colonization� as it has happened within the last few centuries. In the -case of the colonization of the Americas, for example, the colonists -came relatively quickly, and in increasingly vast numbers. They had -vastly superior technical, political, and war-making skills, compared -with those of the Indians. There was not much mixing with the Indians. -The case in Europe five or six thousand years ago must have been very -different. I wonder if it is even proper to call people �colonists� -who move some miles to a new region, settle down and farm it for some -years, then move on again, generation after generation? The ideas and -the things which these new people carried were only _potentially_ -superior. The ideas and things and the people had to prove themselves -in their adaptation to each new environment. Once this was done another -link to the chain would be added, and then the forest-dwellers and -other indigenous folk of Europe along the way might accept the new -ideas and things. It is quite reasonable to expect that there must have -been much mixture of the migrants and the indigenes along the way; the -Peterborough and Skara Brae assemblages we mentioned above would seem -to be clear traces of such fused cultures. Sometimes, especially if the -migrants were moving by boat, long distances may have been covered in -a short time. Remember, however, we seem to have about three thousand -years between the early Syro-Cilician villages and Windmill Hill. - -Let me repeat Professor Childe again. �The peoples of the West were -not slavish imitators: they adapted the gifts from the East ... into -a new and organic whole capable of developing on its own original -lines.� Childe is of course completely conscious of the fact that his -�peoples of the West� were in part the descendants of migrants who came -originally from the �East,� bringing their �gifts� with them. This -was the late prehistoric achievement of Europe--to take new ideas and -things and some migrant peoples and, by mixing them with the old in its -own environments, to forge a new and unique series of cultures. - -What we know of the ways of men suggests to us that when the details -of the later prehistory of further Asia and Africa are learned, their -stories will be just as exciting. - - - - -THE Conquest of Civilization - -[Illustration] - - -Now we must return to the Near East again. We are coming to the point -where history is about to begin. I am going to stick pretty close -to Iraq and Egypt in this chapter. These countries will perhaps be -the most interesting to most of us, for the foundations of western -civilization were laid in the river lands of the Tigris and Euphrates -and of the Nile. I shall probably stick closest of all to Iraq, because -things first happened there and also because I know it best. - -There is another interesting thing, too. We have seen that the first -experiment in village-farming took place in the Near East. So did -the first experiment in civilization. Both experiments �took.� The -traditions we live by today are based, ultimately, on those ancient -beginnings in food-production and civilization in the Near East. - - -WHAT �CIVILIZATION� MEANS - -I shall not try to define �civilization� for you; rather, I shall -tell you what the word brings to my mind. To me civilization means -urbanization: the fact that there are cities. It means a formal -political set-up--that there are kings or governing bodies that the -people have set up. It means formal laws--rules of conduct--which the -government (if not the people) believes are necessary. It probably -means that there are formalized projects--roads, harbors, irrigation -canals, and the like--and also some sort of army or police force -to protect them. It means quite new and different art forms. It -also usually means there is writing. (The people of the Andes--the -Incas--had everything which goes to make up a civilization but formal -writing. I can see no reason to say they were not civilized.) Finally, -as the late Professor Redfield reminded us, civilization seems to bring -with it the dawn of a new kind of moral order. - -In different civilizations, there may be important differences in the -way such things as the above are managed. In early civilizations, it is -usual to find religion very closely tied in with government, law, and -so forth. The king may also be a high priest, or he may even be thought -of as a god. The laws are usually thought to have been given to the -people by the gods. The temples are protected just as carefully as the -other projects. - - -CIVILIZATION IMPOSSIBLE WITHOUT FOOD-PRODUCTION - -Civilizations have to be made up of many people. Some of the people -live in the country; some live in very large towns or cities. Classes -of society have begun. There are officials and government people; there -are priests or religious officials; there are merchants and traders; -there are craftsmen, metal-workers, potters, builders, and so on; there -are also farmers, and these are the people who produce the food for the -whole population. It must be obvious that civilization cannot exist -without food-production and that food-production must also be at a -pretty efficient level of village-farming before civilization can even -begin. - -But people can be food-producing without being civilized. In many -parts of the world this is still the case. When the white men first -came to America, the Indians in most parts of this hemisphere were -food-producers. They grew corn, potatoes, tomatoes, squash, and many -other things the white men had never eaten before. But only the Aztecs -of Mexico, the Mayas of Yucatan and Guatemala, and the Incas of the -Andes were civilized. - - -WHY DIDN�T CIVILIZATION COME TO ALL FOOD-PRODUCERS? - -Once you have food-production, even at the well-advanced level of -the village-farming community, what else has to happen before you -get civilization? Many men have asked this question and have failed -to give a full and satisfactory answer. There is probably no _one_ -answer. I shall give you my own idea about how civilization _may_ have -come about in the Near East alone. Remember, it is only a guess--a -putting together of hunches from incomplete evidence. It is _not_ meant -to explain how civilization began in any of the other areas--China, -southeast Asia, the Americas--where other early experiments in -civilization went on. The details in those areas are quite different. -Whether certain general principles hold, for the appearance of any -early civilization, is still an open and very interesting question. - - -WHERE CIVILIZATION FIRST APPEARED IN THE NEAR EAST - -You remember that our earliest village-farming communities lay along -the hilly flanks of a great �crescent.� (See map on p. 125.) -Professor Breasted�s �fertile crescent� emphasized the rich river -valleys of the Nile and the Tigris-Euphrates Rivers. Our hilly-flanks -area of the crescent zone arches up from Egypt through Palestine and -Syria, along southern Turkey into northern Iraq, and down along the -southwestern fringe of Iran. The earliest food-producing villages we -know already existed in this area by about 6750 B.C. (� 200 years). - -Now notice that this hilly-flanks zone does not include southern -Mesopotamia, the alluvial land of the lower Tigris and Euphrates in -Iraq, or the Nile Valley proper. The earliest known villages of classic -Mesopotamia and Egypt seem to appear fifteen hundred or more years -after those of the hilly-flanks zone. For example, the early Fayum -village which lies near a lake west of the Nile Valley proper (see p. -135) has a radiocarbon date of 4275 B.C. � 320 years. It was in the -river lands, however, that the immediate beginnings of civilization -were made. - -We know that by about 3200 B.C. the Early Dynastic period had begun -in southern Mesopotamia. The beginnings of writing go back several -hundred years earlier, but we can safely say that civilization had -begun in Mesopotamia by 3200 B.C. In Egypt, the beginning of the First -Dynasty is slightly later, at about 3100 B.C., and writing probably -did not appear much earlier. There is no question but that history and -civilization were well under way in both Mesopotamia and Egypt by 3000 -B.C.--about five thousand years ago. - - -THE HILLY-FLANKS ZONE VERSUS THE RIVER LANDS - -Why did these two civilizations spring up in these two river -lands which apparently were not even part of the area where the -village-farming community began? Why didn�t we have the first -civilizations in Palestine, Syria, north Iraq, or Iran, where we�re -sure food-production had had a long time to develop? I think the -probable answer gives a clue to the ways in which civilization began in -Egypt and Mesopotamia. - -The land in the hilly flanks is of a sort which people can farm without -too much trouble. There is a fairly fertile coastal strip in Palestine -and Syria. There are pleasant mountain slopes, streams running out to -the sea, and rain, at least in the winter months. The rain belt and the -foothills of the Turkish mountains also extend to northern Iraq and on -to the Iranian plateau. The Iranian plateau has its mountain valleys, -streams, and some rain. These hilly flanks of the �crescent,� through -most of its arc, are almost made-to-order for beginning farmers. The -grassy slopes of the higher hills would be pasture for their herds -and flocks. As soon as the earliest experiments with agriculture and -domestic animals had been successful, a pleasant living could be -made--and without too much trouble. - -I should add here again, that our evidence points increasingly to a -climate for those times which is very little different from that for -the area today. Now look at Egypt and southern Mesopotamia. Both are -lands without rain, for all intents and purposes. Both are lands with -rivers that have laid down very fertile soil--soil perhaps superior to -that in the hilly flanks. But in both lands, the rivers are of no great -aid without some control. - -The Nile floods its banks once a year, in late September or early -October. It not only soaks the narrow fertile strip of land on either -side; it lays down a fresh layer of new soil each year. Beyond the -fertile strip on either side rise great cliffs, and behind them is the -desert. In its natural, uncontrolled state, the yearly flood of the -Nile must have caused short-lived swamps that were full of crocodiles. -After a short time, the flood level would have dropped, the water and -the crocodiles would have run back into the river, and the swamp plants -would have become parched and dry. - -The Tigris and the Euphrates of Mesopotamia are less likely to flood -regularly than the Nile. The Tigris has a shorter and straighter course -than the Euphrates; it is also the more violent river. Its banks are -high, and when the snows melt and flow into all of its tributary rivers -it is swift and dangerous. The Euphrates has a much longer and more -curving course and few important tributaries. Its banks are lower and -it is less likely to flood dangerously. The land on either side and -between the two rivers is very fertile, south of the modern city of -Baghdad. Unlike the Nile Valley, neither the Tigris nor the Euphrates -is flanked by cliffs. The land on either side of the rivers stretches -out for miles and is not much rougher than a poor tennis court. - - -THE RIVERS MUST BE CONTROLLED - -The real trick in both Egypt and Mesopotamia is to make the rivers work -for you. In Egypt, this is a matter of building dikes and reservoirs -that will catch and hold the Nile flood. In this way, the water is held -and allowed to run off over the fields as it is needed. In Mesopotamia, -it is a matter of taking advantage of natural river channels and branch -channels, and of leading ditches from these onto the fields. - -Obviously, we can no longer find the first dikes or reservoirs of -the Nile Valley, or the first canals or ditches of Mesopotamia. The -same land has been lived on far too long for any traces of the first -attempts to be left; or, especially in Egypt, it has been covered by -the yearly deposits of silt, dropped by the river floods. But we�re -pretty sure the first food-producers of Egypt and southern Mesopotamia -must have made such dikes, canals, and ditches. In the first place, -there can�t have been enough rain for them to grow things otherwise. -In the second place, the patterns for such projects seem to have been -pretty well set by historic times. - - -CONTROL OF THE RIVERS THE BUSINESS OF EVERYONE - -Here, then, is a _part_ of the reason why civilization grew in Egypt -and Mesopotamia first--not in Palestine, Syria, or Iran. In the latter -areas, people could manage to produce their food as individuals. It -wasn�t too hard; there were rain and some streams, and good pasturage -for the animals even if a crop or two went wrong. In Egypt and -Mesopotamia, people had to put in a much greater amount of work, and -this work couldn�t be individual work. Whole villages or groups of -people had to turn out to fix dikes or dig ditches. The dikes had to be -repaired and the ditches carefully cleared of silt each year, or they -would become useless. - -There also had to be hard and fast rules. The person who lived nearest -the ditch or the reservoir must not be allowed to take all the water -and leave none for his neighbors. It was not only a business of -learning to control the rivers and of making their waters do the -farmer�s work. It also meant controlling men. But once these men had -managed both kinds of controls, what a wonderful yield they had! The -soil was already fertile, and the silt which came in the floods and -ditches kept adding fertile soil. - - -THE GERM OF CIVILIZATION IN EGYPT AND MESOPOTAMIA - -This learning to work together for the common good was the real germ of -the Egyptian and the Mesopotamian civilizations. The bare elements of -civilization were already there: the need for a governing hand and for -laws to see that the communities� work was done and that the water was -justly shared. You may object that there is a sort of chicken and egg -paradox in this idea. How could the people set up the rules until they -had managed to get a way to live, and how could they manage to get a -way to live until they had set up the rules? I think that small groups -must have moved down along the mud-flats of the river banks quite -early, making use of naturally favorable spots, and that the rules grew -out of such cases. It would have been like the hand-in-hand growth of -automobiles and paved highways in the United States. - -Once the rules and the know-how did get going, there must have been a -constant interplay of the two. Thus, the more the crops yielded, the -richer and better-fed the people would have been, and the more the -population would have grown. As the population grew, more land would -have needed to be flooded or irrigated, and more complex systems of -dikes, reservoirs, canals, and ditches would have been built. The more -complex the system, the more necessity for work on new projects and for -the control of their use.... And so on.... - -What I have just put down for you is a guess at the manner of growth of -some of the formalized systems that go to make up a civilized society. -My explanation has been pointed particularly at Egypt and Mesopotamia. -I have already told you that the irrigation and water-control part of -it does not apply to the development of the Aztecs or the Mayas, or -perhaps anybody else. But I think that a fair part of the story of -Egypt and Mesopotamia must be as I�ve just told you. - -I am particularly anxious that you do _not_ understand me to mean that -irrigation _caused_ civilization. I am sure it was not that simple at -all. For, in fact, a complex and highly engineered irrigation system -proper did not come until later times. Let�s say rather that the simple -beginnings of irrigation allowed and in fact encouraged a great number -of things in the technological, political, social, and moral realms of -culture. We do not yet understand what all these things were or how -they worked. But without these other aspects of culture, I do not -think that urbanization and civilization itself could have come into -being. - - -THE ARCHEOLOGICAL SEQUENCE TO CIVILIZATION IN IRAQ - -We last spoke of the archeological materials of Iraq on page 130, -where I described the village-farming community of Hassunan type. The -Hassunan type villages appear in the hilly-flanks zone and in the -rolling land adjacent to the Tigris in northern Iraq. It is probable -that even before the Hassuna pattern of culture lived its course, a -new assemblage had been established in northern Iraq and Syria. This -assemblage is called Halaf, after a site high on a tributary of the -Euphrates, on the Syro-Turkish border. - -[Illustration: SKETCH OF SELECTED ITEMS OF HALAFIAN ASSEMBLAGE - - BEADS AND PENDANTS - POTTERY MOTIFS - POTTERY] - -The Halafian assemblage is incompletely known. The culture it -represents included a remarkably handsome painted pottery. -Archeologists have tended to be so fascinated with this pottery that -they have bothered little with the rest of the Halafian assemblage. We -do know that strange stone-founded houses, with plans like those of the -popular notion of an Eskimo igloo, were built. Like the pottery of the -Samarran style, which appears as part of the Hassunan assemblage (see -p. 131), the Halafian painted pottery implies great concentration and -excellence of draftsmanship on the part of the people who painted it. - -We must mention two very interesting sites adjacent to the mud-flats of -the rivers, half way down from northern Iraq to the classic alluvial -Mesopotamian area. One is Baghouz on the Euphrates; the other is -Samarra on the Tigris (see map, p. 125). Both these sites yield the -handsome painted pottery of the style called Samarran: in fact it -is Samarra which gives its name to the pottery. Neither Baghouz nor -Samarra have completely Hassunan types of assemblages, and at Samarra -there are a few pots of proper Halafian style. I suppose that Samarra -and Baghouz give us glimpses of those early farmers who had begun to -finger their way down the mud-flats of the river banks toward the -fertile but yet untilled southland. - - -CLASSIC SOUTHERN MESOPOTAMIA FIRST OCCUPIED - -Our next step is into the southland proper. Here, deep in the core of -the mound which later became the holy Sumerian city of Eridu, Iraqi -archeologists uncovered a handsome painted pottery. Pottery of the same -type had been noticed earlier by German archeologists on the surface -of a small mound, awash in the spring floods, near the remains of the -Biblical city of Erich (Sumerian = Uruk; Arabic = Warka). This �Eridu� -pottery, which is about all we have of the assemblage of the people who -once produced it, may be seen as a blend of the Samarran and Halafian -painted pottery styles. This may over-simplify the case, but as yet we -do not have much evidence to go on. The idea does at least fit with my -interpretation of the meaning of Baghouz and Samarra as way-points on -the mud-flats of the rivers half way down from the north. - -My colleague, Robert Adams, believes that there were certainly -riverine-adapted food-collectors living in lower Mesopotamia. The -presence of such would explain why the Eridu assemblage is not simply -the sum of the Halafian and Samarran assemblages. But the domesticated -plants and animals and the basic ways of food-production must have -come from the hilly-flanks country in the north. - -Above the basal Eridu levels, and at a number of other sites in the -south, comes a full-fledged assemblage called Ubaid. Incidentally, -there is an aspect of the Ubaidian assemblage in the north as well. It -seems to move into place before the Halaf manifestation is finished, -and to blend with it. The Ubaidian assemblage in the south is by far -the more spectacular. The development of the temple has been traced -at Eridu from a simple little structure to a monumental building some -62 feet long, with a pilaster-decorated fa�ade and an altar in its -central chamber. There is painted Ubaidian pottery, but the style is -hurried and somewhat careless and gives the _impression_ of having been -a cheap mass-production means of decoration when compared with the -carefully drafted styles of Samarra and Halaf. The Ubaidian people made -other items of baked clay: sickles and axes of very hard-baked clay -are found. The northern Ubaidian sites have yielded tools of copper, -but metal tools of unquestionable Ubaidian find-spots are not yet -available from the south. Clay figurines of human beings with monstrous -turtle-like faces are another item in the southern Ubaidian assemblage. - -[Illustration: SKETCH OF SELECTED ITEMS OF UBAIDIAN ASSEMBLAGE] - -There is a large Ubaid cemetery at Eridu, much of it still awaiting -excavation. The few skeletons so far tentatively studied reveal a -completely modern type of �Mediterraneanoid�; the individuals whom the -skeletons represent would undoubtedly blend perfectly into the modern -population of southern Iraq. What the Ubaidian assemblage says to us is -that these people had already adapted themselves and their culture to -the peculiar riverine environment of classic southern Mesopotamia. For -example, hard-baked clay axes will chop bundles of reeds very well, or -help a mason dress his unbaked mud bricks, and there were only a few -soft and pithy species of trees available. The Ubaidian levels of Eridu -yield quantities of date pits; that excellent and characteristically -Iraqi fruit was already in use. The excavators also found the clay -model of a ship, with the stepping-point for a mast, so that Sinbad the -Sailor must have had his antecedents as early as the time of Ubaid. -The bones of fish, which must have flourished in the larger canals as -well as in the rivers, are common in the Ubaidian levels and thereafter. - - -THE UBAIDIAN ACHIEVEMENT - -On present evidence, my tendency is to see the Ubaidian assemblage -in southern Iraq as the trace of a new era. I wish there were more -evidence, but what we have suggests this to me. The culture of southern -Ubaid soon became a culture of towns--of centrally located towns with -some rural villages about them. The town had a temple and there must -have been priests. These priests probably had political and economic -functions as well as religious ones, if the somewhat later history of -Mesopotamia may suggest a pattern for us. Presently the temple and its -priesthood were possibly the focus of the market; the temple received -its due, and may already have had its own lands and herds and flocks. -The people of the town, undoubtedly at least in consultation with the -temple administration, planned and maintained the simple irrigation -ditches. As the system flourished, the community of rural farmers would -have produced more than sufficient food. The tendency for specialized -crafts to develop--tentative at best at the cultural level of the -earlier village-farming community era--would now have been achieved, -and probably many other specialists in temple administration, water -control, architecture, and trade would also have appeared, as the -surplus food-supply was assured. - -Southern Mesopotamia is not a land rich in natural resources other -than its fertile soil. Stone, good wood for construction, metal, and -innumerable other things would have had to be imported. Grain and -dates--although both are bulky and difficult to transport--and wool and -woven stuffs must have been the mediums of exchange. Over what area did -the trading net-work of Ubaid extend? We start with the idea that the -Ubaidian assemblage is most richly developed in the south. We assume, I -think, correctly, that it represents a cultural flowering of the south. -On the basis of the pottery of the still elusive �Eridu� immigrants -who had first followed the rivers into alluvial Mesopotamia, we get -the notion that the characteristic painted pottery style of Ubaid -was developed in the southland. If this reconstruction is correct -then we may watch with interest where the Ubaid pottery-painting -tradition spread. We have already mentioned that there is a substantial -assemblage of (and from the southern point of view, _fairly_ pure) -Ubaidian material in northern Iraq. The pottery appears all along the -Iranian flanks, even well east of the head of the Persian Gulf, and -ends in a later and spectacular flourish in an extremely handsome -painted style called the �Susa� style. Ubaidian pottery has been noted -up the valleys of both of the great rivers, well north of the Iraqi -and Syrian borders on the southern flanks of the Anatolian plateau. -It reaches the Mediterranean Sea and the valley of the Orontes in -Syria, and it may be faintly reflected in the painted style of a -site called Ghassul, on the east bank of the Jordan in the Dead Sea -Valley. Over this vast area--certainly in all of the great basin of -the Tigris-Euphrates drainage system and its natural extensions--I -believe we may lay our fingers on the traces of a peculiar way of -decorating pottery, which we call Ubaidian. This cursive and even -slap-dash decoration, it appears to me, was part of a new cultural -tradition which arose from the adjustments which immigrant northern -farmers first made to the new and challenging environment of southern -Mesopotamia. But exciting as the idea of the spread of influences of -the Ubaid tradition in space may be, I believe you will agree that the -consequences of the growth of that tradition in southern Mesopotamia -itself, as time passed, are even more important. - - -THE WARKA PHASE IN THE SOUTH - -So far, there are only two radiocarbon determinations for the Ubaidian -assemblage, one from Tepe Gawra in the north and one from Warka in the -south. My hunch would be to use the dates 4500 to 3750 B.C., with a -plus or more probably a minus factor of about two hundred years for -each, as the time duration of the Ubaidian assemblage in southern -Mesopotamia. - -Next, much to our annoyance, we have what is almost a temporary -black-out. According to the system of terminology I favor, our next -�assemblage� after that of Ubaid is called the _Warka_ phase, from -the Arabic name for the site of Uruk or Erich. We know it only from -six or seven levels in a narrow test-pit at Warka, and from an even -smaller hole at another site. This �assemblage,� so far, is known only -by its pottery, some of which still bears Ubaidian style painting. The -characteristic Warkan pottery is unpainted, with smoothed red or gray -surfaces and peculiar shapes. Unquestionably, there must be a great -deal more to say about the Warkan assemblage, but someone will first -have to excavate it! - - -THE DAWN OF CIVILIZATION - -After our exasperation with the almost unknown Warka interlude, -following the brilliant �false dawn� of Ubaid, we move next to an -assemblage which yields traces of a preponderance of those elements -which we noted (p. 144) as meaning civilization. This assemblage -is that called _Proto-Literate_; it already contains writing. On -the somewhat shaky principle that writing, however early, means -history--and no longer prehistory--the assemblage is named for the -historical implications of its content, and no longer after the name of -the site where it was first found. Since some of the older books used -site-names for this assemblage, I will tell you that the Proto-Literate -includes the latter half of what used to be called the �Uruk period� -_plus_ all of what used to be called the �Jemdet Nasr period.� It shows -a consistent development from beginning to end. - -I shall, in fact, leave much of the description and the historic -implications of the Proto-Literate assemblage to the conventional -historians. Professor T. J. Jacobsen, reaching backward from the -legends he finds in the cuneiform writings of slightly later times, can -in fact tell you a more complete story of Proto-Literate culture than -I can. It should be enough here if I sum up briefly what the excavated -archeological evidence shows. - -We have yet to dig a Proto-Literate site in its entirety, but the -indications are that the sites cover areas the size of small cities. -In architecture, we know of large and monumental temple structures, -which were built on elaborate high terraces. The plans and decoration -of these temples follow the pattern set in the Ubaid phase: the chief -difference is one of size. The German excavators at the site of Warka -reckoned that the construction of only one of the Proto-Literate temple -complexes there must have taken 1,500 men, each working a ten-hour day, -five years to build. - - -ART AND WRITING - -If the architecture, even in its monumental forms, can be seen to -stem from Ubaidian developments, this is not so with our other -evidence of Proto-Literate artistic expression. In relief and applied -sculpture, in sculpture in the round, and on the engraved cylinder -seals--all of which now make their appearance--several completely -new artistic principles are apparent. These include the composition -of subject-matter in groups, commemorative scenes, and especially -the ability and apparent desire to render the human form and face. -Excellent as the animals of the Franco-Cantabrian art may have been -(see p. 85), and however handsome were the carefully drafted -geometric designs and conventionalized figures on the pottery of the -early farmers, there seems to have been, up to this time, a mental -block about the drawing of the human figure and especially the human -face. We do not yet know what caused this self-consciousness about -picturing themselves which seems characteristic of men before the -appearance of civilization. We do know that with civilization, the -mental block seems to have been removed. - -Clay tablets bearing pictographic signs are the Proto-Literate -forerunners of cuneiform writing. The earliest examples are not well -understood but they seem to be �devices for making accounts and -for remembering accounts.� Different from the later case in Egypt, -where writing appears fully formed in the earliest examples, the -development from simple pictographic signs to proper cuneiform writing -may be traced, step by step, in Mesopotamia. It is most probable -that the development of writing was connected with the temple and -the need for keeping account of the temple�s possessions. Professor -Jacobsen sees writing as a means for overcoming space, time, and the -increasing complications of human affairs: �Literacy, which began -with ... civilization, enhanced mightily those very tendencies in its -development which characterize it as a civilization and mark it off as -such from other types of culture.� - -[Illustration: RELIEF ON A PROTO-LITERATE STONE VASE, WARKA - -Unrolled drawing, with restoration suggested by figures from -contemporary cylinder seals] - -While the new principles in art and the idea of writing are not -foreshadowed in the Ubaid phase, or in what little we know of the -Warkan, I do not think we need to look outside southern Mesopotamia -for their beginnings. We do know something of the adjacent areas, -too, and these beginnings are not there. I think we must accept them -as completely new discoveries, made by the people who were developing -the whole new culture pattern of classic southern Mesopotamia. Full -description of the art, architecture, and writing of the Proto-Literate -phase would call for many details. Men like Professor Jacobsen and Dr. -Adams can give you these details much better than I can. Nor shall I do -more than tell you that the common pottery of the Proto-Literate phase -was so well standardized that it looks factory made. There was also -some handsome painted pottery, and there were stone bowls with inlaid -decoration. Well-made tools in metal had by now become fairly common, -and the metallurgist was experimenting with the casting process. Signs -for plows have been identified in the early pictographs, and a wheeled -chariot is shown on a cylinder seal engraving. But if I were forced to -a guess in the matter, I would say that the development of plows and -draft-animals probably began in the Ubaid period and was another of the -great innovations of that time. - -The Proto-Literate assemblage clearly suggests a highly developed and -sophisticated culture. While perhaps not yet fully urban, it is on -the threshold of urbanization. There seems to have been a very dense -settlement of Proto-Literate sites in classic southern Mesopotamia, -many of them newly founded on virgin soil where no earlier settlements -had been. When we think for a moment of what all this implies, of the -growth of an irrigation system which must have existed to allow the -flourish of this culture, and of the social and political organization -necessary to maintain the irrigation system, I think we will agree that -at last we are dealing with civilization proper. - - -FROM PREHISTORY TO HISTORY - -Now it is time for the conventional ancient historians to take over -the story from me. Remember this when you read what they write. Their -real base-line is with cultures ruled over by later kings and emperors, -whose writings describe military campaigns and the administration of -laws and fully organized trading ventures. To these historians, the -Proto-Literate phase is still a simple beginning for what is to follow. -If they mention the Ubaid assemblage at all--the one I was so lyrical -about--it will be as some dim and fumbling step on the path to the -civilized way of life. - -I suppose you could say that the difference in the approach is that as -a prehistorian I have been looking forward or upward in time, while the -historians look backward to glimpse what I�ve been describing here. My -base-line was half a million years ago with a being who had little more -than the capacity to make tools and fire to distinguish him from the -animals about him. Thus my point of view and that of the conventional -historian are bound to be different. You will need both if you want to -understand all of the story of men, as they lived through time to the -present. - - - - -End of PREHISTORY - -[Illustration] - - -You�ll doubtless easily recall your general course in ancient history: -how the Sumerian dynasties of Mesopotamia were supplanted by those of -Babylonia, how the Hittite kingdom appeared in Anatolian Turkey, and -about the three great phases of Egyptian history. The literate kingdom -of Crete arose, and by 1500 B.C. there were splendid fortified Mycenean -towns on the mainland of Greece. This was the time--about the whole -eastern end of the Mediterranean--of what Professor Breasted called the -�first great internationalism,� with flourishing trade, international -treaties, and royal marriages between Egyptians, Babylonians, and -Hittites. By 1200 B.C., the whole thing had fragmented: �the peoples of -the sea were restless in their isles,� and the great ancient centers in -Egypt, Mesopotamia, and Anatolia were eclipsed. Numerous smaller states -arose--Assyria, Phoenicia, Israel--and the Trojan war was fought. -Finally Assyria became the paramount power of all the Near East, -presently to be replaced by Persia. - -A new culture, partaking of older west Asiatic and Egyptian elements, -but casting them with its own tradition into a new mould, arose in -mainland Greece. - -I once shocked my Classical colleagues to the core by referring to -Greece as �a second degree derived civilization,� but there is much -truth in this. The principles of bronze- and then of iron-working, of -the alphabet, and of many other elements in Greek culture were borrowed -from western Asia. Our debt to the Greeks is too well known for me even -to mention it, beyond recalling to you that it is to Greece we owe the -beginnings of rational or empirical science and thought in general. But -Greece fell in its turn to Rome, and in 55 B.C. Caesar invaded Britain. - -I last spoke of Britain on page 142; I had chosen it as my single -example for telling you something of how the earliest farming -communities were established in Europe. Now I will continue with -Britain�s later prehistory, so you may sense something of the end of -prehistory itself. Remember that Britain is simply a single example -we select; the same thing could be done for all the other countries -of Europe, and will be possible also, some day, for further Asia and -Africa. Remember, too, that prehistory in most of Europe runs on for -three thousand or more years _after_ conventional ancient history -begins in the Near East. Britain is a good example to use in showing -how prehistory ended in Europe. As we said earlier, it lies at the -opposite end of Europe from the area of highest cultural achievement in -those times, and should you care to read more of the story in detail, -you may do so in the English language. - - -METAL USERS REACH ENGLAND - -We left the story of Britain with the peoples who made three different -assemblages--the Windmill Hill, the megalith-builders, and the -Peterborough--making adjustments to their environments, to the original -inhabitants of the island, and to each other. They had first arrived -about 2500 B.C., and were simple pastoralists and hoe cultivators who -lived in little village communities. Some of them planted little if any -grain. By 2000 B.C., they were well settled in. Then, somewhere in the -range from about 1900 to 1800 B.C., the traces of the invasion of a new -series of peoples began to appear. - -The first newcomers are called the Beaker folk, after the name of a -peculiar form of pottery they made. The beaker type of pottery seems -oldest in Spain, where it occurs with great collective tombs of -megalithic construction and with copper tools. But the Beaker folk who -reached England seem already to have moved first from Spain(?) to the -Rhineland and Holland. While in the Rhineland, and before leaving for -England, the Beaker folk seem to have mixed with the local population -and also with incomers from northeastern Europe whose culture included -elements brought originally from the Near East by the eastern way -through the steppes. This last group has also been named for a peculiar -article in its assemblage; the group is called the Battle-axe folk. A -few Battle-axe folk elements, including, in fact, stone battle-axes, -reached England with the earliest Beaker folk,[6] coming from the -Rhineland. - - [6] The British authors use the term �Beaker folk� to mean both - archeological assemblage and human physical type. They speak - of a �... tall, heavy-boned, rugged, and round-headed� strain - which they take to have developed, apparently in the Rhineland, - by a mixture of the original (Spanish?) beaker-makers and - the northeast European battle-axe makers. However, since the - science of physical anthropology is very much in flux at the - moment, and since I am not able to assess the evidence for these - physical types, I _do not_ use the term �folk� in this book with - its usual meaning of standardized physical type. When I use - �folk� here, I mean simply _the makers of a given archeological - assemblage_. The difficulty only comes when assemblages are - named for some item in them; it is too clumsy to make an - adjective of the item and refer to a �beakerian� assemblage. - -The Beaker folk settled earliest in the agriculturally fertile south -and east. There seem to have been several phases of Beaker folk -invasions, and it is not clear whether these all came strictly from the -Rhineland or Holland. We do know that their copper daggers and awls -and armlets are more of Irish or Atlantic European than of Rhineland -origin. A few simple habitation sites and many burials of the Beaker -folk are known. They buried their dead singly, sometimes in conspicuous -individual barrows with the dead warrior in his full trappings. The -spectacular element in the assemblage of the Beaker folk is a group -of large circular monuments with ditches and with uprights of wood or -stone. These �henges� became truly monumental several hundred years -later; while they were occasionally dedicated with a burial, they were -not primarily tombs. The effect of the invasion of the Beaker folk -seems to cut across the whole fabric of life in Britain. - -[Illustration: BEAKER] - -There was, however, a second major element in British life at this -time. It shows itself in the less well understood traces of a group -again called after one of the items in their catalogue, the Food-vessel -folk. There are many burials in these �food-vessel� pots in northern -England, Scotland, and Ireland, and the pottery itself seems to -link back to that of the Peterborough assemblage. Like the earlier -Peterborough people in the highland zone before them, the makers of -the food-vessels seem to have been heavily involved in trade. It is -quite proper to wonder whether the food-vessel pottery itself was made -by local women who were married to traders who were middlemen in the -transmission of Irish metal objects to north Germany and Scandinavia. -The belt of high, relatively woodless country, from southwest to -northeast, was already established as a natural route for inland trade. - - -MORE INVASIONS - -About 1500 B.C., the situation became further complicated by the -arrival of new people in the region of southern England anciently -called Wessex. The traces suggest the Brittany coast of France as a -source, and the people seem at first to have been a small but �heroic� -group of aristocrats. Their �heroes� are buried with wealth and -ceremony, surrounded by their axes and daggers of bronze, their gold -ornaments, and amber and jet beads. These rich finds show that the -trade-linkage these warriors patronized spread from the Baltic sources -of amber to Mycenean Greece or even Egypt, as evidenced by glazed blue -beads. - -The great visual trace of Wessex achievement is the final form of -the spectacular sanctuary at Stonehenge. A wooden henge or circular -monument was first made several hundred years earlier, but the site -now received its great circles of stone uprights and lintels. The -diameter of the surrounding ditch at Stonehenge is about 350 feet, the -diameter of the inner circle of large stones is about 100 feet, and -the tallest stone of the innermost horseshoe-shaped enclosure is 29 -feet 8 inches high. One circle is made of blue stones which must have -been transported from Pembrokeshire, 145 miles away as the crow flies. -Recently, many carvings representing the profile of a standard type of -bronze axe of the time, and several profiles of bronze daggers--one of -which has been called Mycenean in type--have been found carved in the -stones. We cannot, of course, describe the details of the religious -ceremonies which must have been staged in Stonehenge, but we can -certainly imagine the well-integrated and smoothly working culture -which must have been necessary before such a great monument could have -been built. - - -�THIS ENGLAND� - -The range from 1900 to about 1400 B.C. includes the time of development -of the archeological features usually called the �Early Bronze Age� -in Britain. In fact, traces of the Wessex warriors persisted down to -about 1200 B.C. The main regions of the island were populated, and the -adjustments to the highland and lowland zones were distinct and well -marked. The different aspects of the assemblages of the Beaker folk and -the clearly expressed activities of the Food-vessel folk and the Wessex -warriors show that Britain was already taking on her characteristic -trading role, separated from the European continent but conveniently -adjacent to it. The tin of Cornwall--so important in the production -of good bronze--as well as the copper of the west and of Ireland, -taken with the gold of Ireland and the general excellence of Irish -metal work, assured Britain a trader�s place in the then known world. -Contacts with the eastern Mediterranean may have been by sea, with -Cornish tin as the attraction, or may have been made by the Food-vessel -middlemen on their trips to the Baltic coast. There they would have -encountered traders who traveled the great north-south European road, -by which Baltic amber moved southward to Greece and the Levant, and -ideas and things moved northward again. - -There was, however, the Channel between England and Europe, and this -relative isolation gave some peace and also gave time for a leveling -and further fusion of culture. The separate cultural traditions began -to have more in common. The growing of barley, the herding of sheep and -cattle, and the production of woolen garments were already features -common to all Britain�s inhabitants save a few in the remote highlands, -the far north, and the distant islands not yet fully touched by -food-production. The �personality of Britain� was being formed. - - -CREMATION BURIALS BEGIN - -Along with people of certain religious faiths, archeologists are -against cremation (for other people!). Individuals to be cremated seem -in past times to have been dressed in their trappings and put upon a -large pyre: it takes a lot of wood and a very hot fire for a thorough -cremation. When the burning had been completed, the few fragile scraps -of bone and such odd beads of stone or other rare items as had resisted -the great heat seem to have been whisked into a pot and the pot buried. -The archeologist is left with the pot and the unsatisfactory scraps in -it. - -Tentatively, after about 1400 B.C. and almost completely over the whole -island by 1200 B.C., Britain became the scene of cremation burials -in urns. We know very little of the people themselves. None of their -settlements have been identified, although there is evidence that they -grew barley and made enclosures for cattle. The urns used for the -burials seem to have antecedents in the pottery of the Food-vessel -folk, and there are some other links with earlier British traditions. -In Lancashire, a wooden circle seems to have been built about a grave -with cremated burials in urns. Even occasional instances of cremation -may be noticed earlier in Britain, and it is not clear what, if any, -connection the British cremation burials in urns have with the classic -_Urnfields_ which were now beginning in the east Mediterranean and -which we shall mention below. - -The British cremation-burial-in-urns folk survived a long time in the -highland zone. In the general British scheme, they make up what is -called the �Middle Bronze Age,� but in the highland zone they last -until after 900 B.C. and are considered to be a specialized highland -�Late Bronze Age.� In the highland zone, these later cremation-burial -folk seem to have continued the older Food-vessel tradition of being -middlemen in the metal market. - -Granting that our knowledge of this phase of British prehistory is -very restricted because the cremations have left so little for the -archeologist, it does not appear that the cremation-burial-urn folk can -be sharply set off from their immediate predecessors. But change on a -grander scale was on the way. - - -REVERBERATIONS FROM CENTRAL EUROPE - -In the centuries immediately following 1000 B.C., we see with fair -clarity two phases of a cultural process which must have been going -on for some time. Certainly several of the invasions we have already -described in this chapter were due to earlier phases of the same -cultural process, but we could not see the details. - -[Illustration: SLASHING SWORD] - -Around 1200 B.C. central Europe was upset by the spread of the -so-called Urnfield folk, who practiced cremation burial in urns and -whom we also know to have been possessors of long, slashing swords and -the horse. I told you above that we have no idea that the Urnfield -folk proper were in any way connected with the people who made -cremation-burial-urn cemeteries a century or so earlier in Britain. It -has been supposed that the Urnfield folk themselves may have shared -ideas with the people who sacked Troy. We know that the Urnfield -pressure from central Europe displaced other people in northern France, -and perhaps in northwestern Germany, and that this reverberated into -Britain about 1000 B.C. - -Soon after 750 B.C., the same thing happened again. This time, the -pressure from central Europe came from the Hallstatt folk who were iron -tool makers: the reverberation brought people from the western Alpine -region across the Channel into Britain. - -At first it is possible to see the separate results of these folk -movements, but the developing cultures soon fused with each other and -with earlier British elements. Presently there were also strains of -other northern and western European pottery and traces of Urnfield -practices themselves which appeared in the finished British product. I -hope you will sense that I am vastly over-simplifying the details. - -The result seems to have been--among other things--a new kind of -agricultural system. The land was marked off by ditched divisions. -Rectangular fields imply the plow rather than hoe cultivation. We seem -to get a picture of estate or tribal boundaries which included village -communities; we find a variety of tools in bronze, and even whetstones -which show that iron has been honed on them (although the scarce iron -has not been found). Let me give you the picture in Professor S. -Piggott�s words: �The ... Late Bronze Age of southern England was but -the forerunner of the earliest Iron Age in the same region, not only in -the techniques of agriculture, but almost certainly in terms of ethnic -kinship ... we can with some assurance talk of the Celts ... the great -early Celtic expansion of the Continent is recognized to be that of the -Urnfield people.� - -Thus, certainly by 500 B.C., there were people in Britain, some of -whose descendants we may recognize today in name or language in remote -parts of Wales, Scotland, and the Hebrides. - - -THE COMING OF IRON - -Iron--once the know-how of reducing it from its ore in a very hot, -closed fire has been achieved--produces a far cheaper and much more -efficient set of tools than does bronze. Iron tools seem first to -have been made in quantity in Hittite Anatolia about 1500 B.C. In -continental Europe, the earliest, so-called Hallstatt, iron-using -cultures appeared in Germany soon after 750 B.C. Somewhat later, -Greek and especially Etruscan exports of _objets d�art_--which moved -with a flourishing trans-Alpine wine trade--influenced the Hallstatt -iron-working tradition. Still later new classical motifs, together with -older Hallstatt, oriental, and northern nomad motifs, gave rise to a -new style in metal decoration which characterizes the so-called La T�ne -phase. - -A few iron users reached Britain a little before 400 B.C. Not long -after that, a number of allied groups appeared in southern and -southeastern England. They came over the Channel from France and must -have been Celts with dialects related to those already in England. A -second wave of Celts arrived from the Marne district in France about -250 B.C. Finally, in the second quarter of the first century B.C., -there were several groups of newcomers, some of whom were Belgae of -a mixed Teutonic-Celtic confederacy of tribes in northern France and -Belgium. The Belgae preceded the Romans by only a few years. - - -HILL-FORTS AND FARMS - -The earliest iron-users seem to have entrenched themselves temporarily -within hill-top forts, mainly in the south. Gradually, they moved -inland, establishing _individual_ farm sites with extensive systems -of rectangular fields. We recognize these fields by the �lynchets� or -lines of soil-creep which plowing left on the slopes of hills. New -crops appeared; there were now bread wheat, oats, and rye, as well as -barley. - -At Little Woodbury, near the town of Salisbury, a farmstead has been -rather completely excavated. The rustic buildings were within a -palisade, the round house itself was built of wood, and there were -various outbuildings and pits for the storage of grain. Weaving was -done on the farm, but not blacksmithing, which must have been a -specialized trade. Save for the lack of firearms, the place might -almost be taken for a farmstead on the American frontier in the early -1800�s. - -Toward 250 B.C. there seems to have been a hasty attempt to repair the -hill-forts and to build new ones, evidently in response to signs of -restlessness being shown by remote relatives in France. - - -THE SECOND PHASE - -Perhaps the hill-forts were not entirely effective or perhaps a -compromise was reached. In any case, the newcomers from the Marne -district did establish themselves, first in the southeast and then to -the north and west. They brought iron with decoration of the La T�ne -type and also the two-wheeled chariot. Like the Wessex warriors of -over a thousand years earlier, they made �heroes�� graves, with their -warriors buried in the war-chariots and dressed in full trappings. - -[Illustration: CELTIC BUCKLE] - -The metal work of these Marnian newcomers is excellent. The peculiar -Celtic art style, based originally on the classic tendril motif, -is colorful and virile, and fits with Greek and Roman descriptions -of Celtic love of color in dress. There is a strong trace of these -newcomers northward in Yorkshire, linked by Ptolemy�s description to -the Parisii, doubtless part of the Celtic tribe which originally gave -its name to Paris on the Seine. Near Glastonbury, in Somerset, two -villages in swamps have been excavated. They seem to date toward the -middle of the first century B.C., which was a troubled time in Britain. -The circular houses were built on timber platforms surrounded with -palisades. The preservation of antiquities by the water-logged peat of -the swamp has yielded us a long catalogue of the materials of these -villagers. - -In Scotland, which yields its first iron tools at a date of about 100 -B.C., and in northern Ireland even slightly earlier, the effects of the -two phases of newcomers tend especially to blend. Hill-forts, �brochs� -(stone-built round towers) and a variety of other strange structures -seem to appear as the new ideas develop in the comparative isolation of -northern Britain. - - -THE THIRD PHASE - -For the time of about the middle of the first century B.C., we again -see traces of frantic hill-fort construction. This simple military -architecture now took some new forms. Its multiple ramparts must -reflect the use of slings as missiles, rather than spears. We probably -know the reason. In 56 B.C., Julius Caesar chastised the Veneti of -Brittany for outraging the dignity of Roman ambassadors. The Veneti -were famous slingers, and doubtless the reverberations of escaping -Veneti were felt across the Channel. The military architecture suggests -that some Veneti did escape to Britain. - -Also, through Caesar, we learn the names of newcomers who arrived in -two waves, about 75 B.C. and about 50 B.C. These were the Belgae. Now, -at last, we can even begin to speak of dynasties and individuals. -Some time before 55 B.C., the Catuvellauni, originally from the Marne -district in France, had possessed themselves of a large part of -southeastern England. They evidently sailed up the Thames and built a -town of over a hundred acres in area. Here ruled Cassivellaunus, �the -first man in England whose name we know,� and whose town Caesar sacked. -The town sprang up elsewhere again, however. - - -THE END OF PREHISTORY - -Prehistory, strictly speaking, is now over in southern Britain. -Claudius� effective invasion took place in 43 A.D.; by 83 A.D., a raid -had been made as far north as Aberdeen in Scotland. But by 127 A.D., -Hadrian had completed his wall from the Solway to the Tyne, and the -Romans settled behind it. In Scotland, Romanization can have affected -the countryside very little. Professor Piggott adds that �... it is -when the pressure of Romanization is relaxed by the break-up of the -Dark Ages that we see again the Celtic metal-smiths handling their -material with the same consummate skill as they had before the Roman -Conquest, and with traditional styles that had not even then forgotten -their Marnian and Belgic heritage.� - -In fact, many centuries go by, in Britain as well as in the rest of -Europe, before the archeologist�s task is complete and the historian on -his own is able to describe the ways of men in the past. - - -BRITAIN AS A SAMPLE OF THE GENERAL COURSE OF PREHISTORY IN EUROPE - -In giving this very brief outline of the later prehistory of Britain, -you will have noticed how often I had to refer to the European -continent itself. Britain, beyond the English Channel for all of her -later prehistory, had a much simpler course of events than did most of -the rest of Europe in later prehistoric times. This holds, in spite -of all the �invasions� and �reverberations� from the continent. Most -of Europe was the scene of an even more complicated ebb and flow of -cultural change, save in some of its more remote mountain valleys and -peninsulas. - -The whole course of later prehistory in Europe is, in fact, so very -complicated that there is no single good book to cover it all; -certainly there is none in English. There are some good regional -accounts and some good general accounts of part of the range from about -3000 B.C. to A.D. 1. I suspect that the difficulty of making a good -book that covers all of its later prehistory is another aspect of what -makes Europe so very complicated a continent today. The prehistoric -foundations for Europe�s very complicated set of civilizations, -cultures, and sub-cultures--which begin to appear as history -proceeds--were in themselves very complicated. - -Hence, I selected the case of Britain as a single example of how -prehistory ends in Europe. It could have been more complicated than we -found it to be. Even in the subject matter on Britain in the chapter -before the last, we did not see direct traces of the effect on Britain -of the very important developments which took place in the Danubian -way from the Near East. Apparently Britain was not affected. Britain -received the impulses which brought copper, bronze, and iron tools from -an original east Mediterranean homeland into Europe, almost at the ends -of their journeys. But by the same token, they had had time en route to -take on their characteristic European aspects. - -Some time ago, Sir Cyril Fox wrote a famous book called _The -Personality of Britain_, sub-titled �Its Influence on Inhabitant and -Invader in Prehistoric and Early Historic Times.� We have not gone -into the post-Roman early historic period here; there are still the -Anglo-Saxons and Normans to account for as well as the effects of -the Romans. But what I have tried to do was to begin the story of -how the personality of Britain was formed. The principles that Fox -used, in trying to balance cultural and environmental factors and -interrelationships would not be greatly different for other lands. - - - - -Summary - -[Illustration] - - -In the pages you have read so far, you have been brought through the -earliest 99 per cent of the story of man�s life on this planet. I have -left only 1 per cent of the story for the historians to tell. - - -THE DRAMA OF THE PAST - -Men first became men when evolution had carried them to a certain -point. This was the point where the eye-hand-brain co-ordination was -good enough so that tools could be made. When tools began to be made -according to sets of lasting habits, we know that men had appeared. -This happened over a half million years ago. The stage for the play -may have been as broad as all of Europe, Africa, and Asia. At least, -it seems unlikely that it was only one little region that saw the -beginning of the drama. - -Glaciers and different climates came and went, to change the settings. -But the play went on in the same first act for a very long time. The -men who were the players had simple roles. They had to feed themselves -and protect themselves as best they could. They did this by hunting, -catching, and finding food wherever they could, and by taking such -protection as caves, fire, and their simple tools would give them. -Before the first act was over, the last of the glaciers was melting -away, and the players had added the New World to their stage. If -we want a special name for the first act, we could call it _The -Food-Gatherers_. - -There were not many climaxes in the first act, so far as we can see. -But I think there may have been a few. Certainly the pace of the -first act accelerated with the swing from simple gathering to more -intensified collecting. The great cave art of France and Spain was -probably an expression of a climax. Even the ideas of burying the dead -and of the �Venus� figurines must also point to levels of human thought -and activity that were over and above pure food-getting. - - -THE SECOND ACT - -The second act began only about ten thousand years ago. A few of the -players started it by themselves near the center of the Old World part -of the stage, in the Near East. It began as a plant and animal act, but -it soon became much more complicated. - -But the players in this one part of the stage--in the Near East--were -not the only ones to start off on the second act by themselves. Other -players, possibly in several places in the Far East, and certainly in -the New World, also started second acts that began as plant and animal -acts, and then became complicated. We can call the whole second act -_The Food-Producers_. - - -THE FIRST GREAT CLIMAX OF THE SECOND ACT - -In the Near East, the first marked climax of the second act happened -in Mesopotamia and Egypt. The play and the players reached that great -climax that we call civilization. This seems to have come less than -five thousand years after the second act began. But it could never have -happened in the first act at all. - -There is another curious thing about the first act. Many of the players -didn�t know it was over and they kept on with their roles long after -the second act had begun. On the edges of the stage there are today -some players who are still going on with the first act. The Eskimos, -and the native Australians, and certain tribes in the Amazon jungle are -some of these players. They seem perfectly happy to keep on with the -first act. - -The second act moved from climax to climax. The civilizations of -Mesopotamia and Egypt were only the earliest of these climaxes. The -players to the west caught the spirit of the thing, and climaxes -followed there. So also did climaxes come in the Far Eastern and New -World portions of the stage. - -The greater part of the second act should really be described to you -by a historian. Although it was a very short act when compared to the -first one, the climaxes complicate it a great deal. I, a prehistorian, -have told you about only the first act, and the very beginning of the -second. - - -THE THIRD ACT - -Also, as a prehistorian I probably should not even mention the third -act--it began so recently. The third act is _The Industrialization_. -It is the one in which we ourselves are players. If the pace of the -second act was so much faster than that of the first, the pace of the -third act is terrific. The danger is that it may wear down the players -completely. - -What sort of climaxes will the third act have, and are we already in -one? You have seen by now that the acts of my play are given in terms -of modes or basic patterns of human economy--ways in which people -get food and protection and safety. The climaxes involve more than -human economy. Economics and technological factors may be part of the -climaxes, but they are not all. The climaxes may be revolutions in -their own way, intellectual and social revolutions if you like. - -If the third act follows the pattern of the second act, a climax should -come soon after the act begins. We may be due for one soon if we are -not already in it. Remember the terrific pace of this third act. - - -WHY BOTHER WITH PREHISTORY? - -Why do we bother about prehistory? The main reason is that we think it -may point to useful ideas for the present. We are in the troublesome -beginnings of the third act of the play. The beginnings of the second -act may have lessons for us and give depth to our thinking. I know -there are at least _some_ lessons, even in the present incomplete -state of our knowledge. The players who began the second act--that of -food-production--separately, in different parts of the world, were not -all of one �pure race� nor did they have �pure� cultural traditions. -Some apparently quite mixed Mediterraneans got off to the first start -on the second act and brought it to its first two climaxes as well. -Peoples of quite different physical type achieved the first climaxes in -China and in the New World. - -In our British example of how the late prehistory of Europe worked, we -listed a continuous series of �invasions� and �reverberations.� After -each of these came fusion. Even though the Channel protected Britain -from some of the extreme complications of the mixture and fusion of -continental Europe, you can see how silly it would be to refer to a -�pure� British race or a �pure� British culture. We speak of the United -States as a �melting pot.� But this is nothing new. Actually, Britain -and all the rest of the world have been �melting pots� at one time or -another. - -By the time the written records of Mesopotamia and Egypt begin to turn -up in number, the climaxes there are well under way. To understand the -beginnings of the climaxes, and the real beginnings of the second act -itself, we are thrown back on prehistoric archeology. And this is as -true for China, India, Middle America, and the Andes, as it is for the -Near East. - -There are lessons to be learned from all of man�s past, not simply -lessons of how to fight battles or win peace conferences, but of how -human society evolves from one stage to another. Many of these lessons -can only be looked for in the prehistoric past. So far, we have only -made a beginning. There is much still to do, and many gaps in the story -are yet to be filled. The prehistorian�s job is to find the evidence, -to fill the gaps, and to discover the lessons men have learned in the -past. As I see it, this is not only an exciting but a very practical -goal for which to strive. - - - - -List of Books - - -BOOKS OF GENERAL INTEREST - -(Chosen from a variety of the increasingly useful list of cheap -paperbound books.) - - Childe, V. Gordon - _What Happened in History._ 1954. Penguin. - _Man Makes Himself._ 1955. Mentor. - _The Prehistory of European Society._ 1958. Penguin. - - Dunn, L. C., and Dobzhansky, Th. - _Heredity, Race, and Society._ 1952. Mentor. - - Frankfort, Henri, Frankfort, H. A., Jacobsen, Thorkild, and Wilson, - John A. - _Before Philosophy._ 1954. Penguin. - - Simpson, George G. - _The Meaning of Evolution._ 1955. Mentor. - - Wheeler, Sir Mortimer - _Archaeology from the Earth._ 1956. Penguin. - - -GEOCHRONOLOGY AND THE ICE AGE - -(Two general books. Some Pleistocene geologists disagree with Zeuner�s -interpretation of the dating evidence, but their points of view appear -in professional journals, in articles too cumbersome to list here.) - - Flint, R. F. - _Glacial Geology and the Pleistocene Epoch._ 1947. John Wiley - and Sons. - - Zeuner, F. E. - _Dating the Past._ 1952 (3rd ed.). Methuen and Co. - - -FOSSIL MEN AND RACE - -(The points of view of physical anthropologists and human -paleontologists are changing very quickly. Two of the different points -of view are listed here.) - - Clark, W. E. Le Gros - _History of the Primates._ 1956 (5th ed.). British Museum - (Natural History). (Also in Phoenix edition, 1957.) - - Howells, W. W. - _Mankind So Far._ 1944. Doubleday, Doran. - - -GENERAL ANTHROPOLOGY - -(These are standard texts not absolutely up to date in every detail, or -interpretative essays concerned with cultural change through time as -well as in space.) - - Kroeber, A. L. - _Anthropology._ 1948. Harcourt, Brace. - - Linton, Ralph - _The Tree of Culture._ 1955. Alfred A. Knopf, Inc. - - Redfield, Robert - _The Primitive World and Its Transformations._ 1953. Cornell - University Press. - - Steward, Julian H. - _Theory of Culture Change._ 1955. University of Illinois Press. - - White, Leslie - _The Science of Culture._ 1949. Farrar, Strauss. - - -GENERAL PREHISTORY - -(A sampling of the more useful and current standard works in English.) - - Childe, V. Gordon - _The Dawn of European Civilization._ 1957. Kegan Paul, Trench, - Trubner. - _Prehistoric Migrations in Europe._ 1950. Instituttet for - Sammenlignende Kulturforskning. - - Clark, Grahame - _Archaeology and Society._ 1957. Harvard University Press. - - Clark, J. G. D. - _Prehistoric Europe: The Economic Basis._ 1952. Methuen and Co. - - Garrod, D. A. E. - _Environment, Tools, and Man._ 1946. Cambridge University - Press. - - Movius, Hallam L., Jr. - �Old World Prehistory: Paleolithic� in _Anthropology Today_. - Kroeber, A. L., ed. 1953. University of Chicago Press. - - Oakley, Kenneth P. - _Man the Tool-Maker._ 1956. British Museum (Natural History). - (Also in Phoenix edition, 1957.) - - Piggott, Stuart - _British Prehistory._ 1949. Oxford University Press. - - Pittioni, Richard - _Die Urgeschichtlichen Grundlagen der Europ�ischen Kultur._ - 1949. Deuticke. (A single book which does attempt to cover the - whole range of European prehistory to ca. 1 A.D.) - - -THE NEAR EAST - - Adams, Robert M. - �Developmental Stages in Ancient Mesopotamia,� _in_ Steward, - Julian, _et al_, _Irrigation Civilizations: A Comparative - Study_. 1955. Pan American Union. - - Braidwood, Robert J. - _The Near East and the Foundations for Civilization._ 1952. - University of Oregon. - - Childe, V. Gordon - _New Light on the Most Ancient East._ 1952. Oriental Dept., - Routledge and Kegan Paul. - - Frankfort, Henri - _The Birth of Civilization in the Near East._ 1951. University - of Indiana Press. (Also in Anchor edition, 1956.) - - Pallis, Svend A. - _The Antiquity of Iraq._ 1956. Munksgaard. - - Wilson, John A. - _The Burden of Egypt._ 1951. University of Chicago Press. (Also - in Phoenix edition, called _The Culture of Ancient Egypt_, - 1956.) - - -HOW DIGGING IS DONE - - Braidwood, Linda - _Digging beyond the Tigris._ 1953. Schuman, New York. - - Wheeler, Sir Mortimer - _Archaeology from the Earth._ 1954. Oxford, London. - - - - -Index - - - Abbevillian, 48; - core-biface tool, 44, 48 - - Acheulean, 48, 60 - - Acheuleo-Levalloisian, 63 - - Acheuleo-Mousterian, 63 - - Adams, R. M., 106 - - Adzes, 45 - - Africa, east, 67, 89; - north, 70, 89; - south, 22, 25, 34, 40, 67 - - Agriculture, incipient, in England, 140; - in Near East, 123 - - Ain Hanech, 48 - - Amber, taken from Baltic to Greece, 167 - - American Indians, 90, 142 - - Anatolia, used as route to Europe, 138 - - Animals, in caves, 54, 64; - in cave art, 85 - - Antevs, Ernst, 19 - - Anyathian, 47 - - Archeological interpretation, 8 - - Archeology, defined, 8 - - Architecture, at Jarmo, 128; - at Jericho, 133 - - Arrow, points, 94; - shaft straightener, 83 - - Art, in caves, 84; - East Spanish, 85; - figurines, 84; - Franco-Cantabrian, 84, 85; - movable (engravings, modeling, scratchings), 83; - painting, 83; - sculpture, 83 - - Asia, western, 67 - - Assemblage, defined, 13, 14; - European, 94; - Jarmo, 129; - Maglemosian, 94; - Natufian, 113 - - Aterian, industry, 67; - point, 89 - - Australopithecinae, 24 - - Australopithecine, 25, 26 - - Awls, 77 - - Axes, 62, 94 - - Ax-heads, 15 - - Azilian, 97 - - Aztecs, 145 - - - Baghouz, 152 - - Bakun, 134 - - Baltic sea, 93 - - Banana, 107 - - Barley, wild, 108 - - Barrow, 141 - - Battle-axe folk, 164; - assemblage, 164 - - Beads, 80; - bone, 114 - - Beaker folk, 164; - assemblage, 164-165 - - Bear, in cave art, 85; - cult, 68 - - Belgium, 94 - - Belt cave, 126 - - Bering Strait, used as route to New World, 98 - - Bison, in cave art, 85 - - Blade, awl, 77; - backed, 75; - blade-core, 71; - end-scraper, 77; - stone, defined, 71; - strangulated (notched), 76; - tanged point, 76; - tools, 71, 75-80, 90; - tool tradition, 70 - - Boar, wild, in cave art, 85 - - Bogs, source of archeological materials, 94 - - Bolas, 54 - - Bordes, Fran�ois, 62 - - Borer, 77 - - Boskop skull, 34 - - Boyd, William C., 35 - - Bracelets, 118 - - Brain, development of, 24 - - Breadfruit, 107 - - Breasted, James H., 107 - - Brick, at Jericho, 133 - - Britain, 94; - late prehistory, 163-175; - invaders, 173 - - Broch, 172 - - Buffalo, in China, 54; - killed by stampede, 86 - - Burials, 66, 86; - in �henges,� 164; - in urns, 168 - - Burins, 75 - - Burma, 90 - - Byblos, 134 - - - Camel, 54 - - Cannibalism, 55 - - Cattle, wild, 85, 112; - in cave art, 85; - domesticated, 15; - at Skara Brae, 142 - - Caucasoids, 34 - - Cave men, 29 - - Caves, 62; - art in, 84 - - Celts, 170 - - Chariot, 160 - - Chicken, domestication of, 107 - - Chiefs, in food-gathering groups, 68 - - Childe, V. Gordon, 8 - - China, 136 - - Choukoutien, 28, 35 - - Choukoutienian, 47 - - Civilization, beginnings, 144, 149, 157; - meaning of, 144 - - Clactonian, 45, 47 - - Clay, used in modeling, 128; - baked, used for tools, 153 - - Club-heads, 82, 94 - - Colonization, in America, 142; - in Europe, 142 - - Combe Capelle, 30 - - Combe Capelle-Br�nn group, 34 - - Commont, Victor, 51 - - Coon, Carlton S., 73 - - Copper, 134 - - Corn, in America, 145 - - Corrals for cattle, 140 - - �Cradle of mankind,� 136 - - Cremation, 167 - - Crete, 162 - - Cro-Magnon, 30, 34 - - Cultivation, incipient, 105, 109, 111 - - Culture, change, 99; - characteristics, defined, 38, 49; - prehistoric, 39 - - - Danube Valley, used as route from Asia, 138 - - Dates, 153 - - Deer, 54, 96 - - Dog, domesticated, 96 - - Domestication, of animals, 100, 105, 107; - of plants, 100 - - �Dragon teeth� fossils in China, 28 - - Drill, 77 - - Dubois, Eugene, 26 - - - Early Dynastic Period, Mesopotamia, 147 - - East Spanish art, 72, 85 - - Egypt, 70, 126 - - Ehringsdorf, 31 - - Elephant, 54 - - Emiliani, Cesare, 18 - - Emiran flake point, 73 - - England, 163-168; - prehistoric, 19, 40; - farmers in, 140 - - Eoanthropus dawsoni, 29 - - Eoliths, 41 - - Erich, 152 - - Eridu, 152 - - Euphrates River, floods in, 148 - - Europe, cave dwellings, 58; - at end of Ice Age, 93; - early farmers, 140; - glaciers in, 40; - huts in, 86; - routes into, 137-140; - spread of food-production to, 136 - - - Far East, 69, 90 - - Farmers, 103 - - Fauresmith industry, 67 - - Fayum, 135; - radiocarbon date, 146 - - �Fertile Crescent,� 107, 146 - - Figurines, �Venus,� 84; - at Jarmo, 128; - at Ubaid, 153 - - Fire, used by Peking man, 54 - - First Dynasty, Egypt, 147 - - Fish-hooks, 80, 94 - - Fishing, 80; - by food-producers, 122 - - Fish-lines, 80 - - Fish spears, 94 - - Flint industry, 127 - - Font�chevade, 32, 56, 58 - - Food-collecting, 104, 121; - end of, 104 - - Food-gatherers, 53, 176 - - Food-gathering, 99, 104; - in Old World, 104; - stages of, 104 - - Food-producers, 176 - - Food-producing economy, 122; - in America, 145; - in Asia, 105 - - Food-producing revolution, 99, 105; - causes of, 101; - preconditions for, 100 - - Food-production, beginnings of, 99; - carried to Europe, 110 - - Food-vessel folk, 164 - - �Forest folk,� 97, 98, 104, 110 - - Fox, Sir Cyril, 174 - - France, caves in, 56 - - - Galley Hill (fossil type), 29 - - Garrod, D. A., 73 - - Gazelle, 114 - - Germany, 94 - - Ghassul, 156 - - Glaciers, 18, 30; - destruction by, 40 - - Goat, wild, 108; - domesticated, 128 - - Grain, first planted, 20 - - Graves, passage, 141; - gallery, 141 - - Greece, civilization in, 163; - as route to western Europe, 138; - towns in, 162 - - Grimaldi skeletons, 34 - - - Hackberry seeds used as food, 55 - - Halaf, 151; - assemblage, 151 - - Hallstatt, tradition, 169 - - Hand, development of, 24, 25 - - Hand adzes, 46 - - Hand axes, 44 - - Harpoons, antler, 83, 94; - bone, 82, 94 - - Hassuna, 131; - assemblage, 131, 132 - - Heidelberg, fossil type, 28 - - Hill-forts, in England, 171; - in Scotland, 172 - - Hilly flanks of Near East, 107, 108, 125, 131, 146, 147 - - History, beginning of, 7, 17 - - Hoes, 112 - - Holland, 164 - - Homo sapiens, 32 - - Hooton, E. A., 34 - - Horse, 112; - wild, in cave art, 85; - in China, 54 - - Hotu cave, 126 - - Houses, 122; - at Jarmo, 128; - at Halaf, 151 - - Howe, Bruce, 116 - - Howell, F. Clark, 30 - - Hunting, 93 - - - Ice Age, in Asia, 99; - beginning of, 18; - glaciers in, 41; - last glaciation, 93 - - Incas, 145 - - India, 90, 136 - - Industrialization, 178 - - Industry, blade-tool, 88; - defined, 58; - ground stone, 94 - - Internationalism, 162 - - Iran, 107, 147 - - Iraq, 107, 124, 127, 136, 147 - - Iron, introduction of, 170 - - Irrigation, 123, 149, 155 - - Italy, 138 - - - Jacobsen, T. J., 157 - - Jarmo, 109, 126, 128, 130; - assemblage, 129 - - Java, 23, 29 - - Java man, 26, 27, 29 - - Jefferson, Thomas, 11 - - Jericho, 119, 133 - - Judaidah, 134 - - - Kafuan, 48 - - Kanam, 23, 36 - - Karim Shahir, 116-119, 124; - assemblage, 116, 117 - - Keith, Sir Arthur, 33 - - Kelley, Harper, 51 - - Kharga, 126 - - Khartoum, 136 - - Knives, 80 - - Krogman, W. M., 3, 25 - - - Lamps, 85 - - Land bridges in Mediterranean, 19 - - La T�ne phase, 170 - - Laurel leaf point, 78, 89 - - Leakey, L. S. B., 40 - - Le Moustier, 57 - - Levalloisian, 47, 61, 62 - - Levalloiso-Mousterian, 47, 63 - - Little Woodbury, 170 - - - Magic, used by hunters, 123 - - Maglemosian, assemblage, 94, 95; - folk, 98 - - Makapan, 40 - - Mammoth, 93; - in cave art, 85 - - �Man-apes,� 26 - - Mango, 107 - - Mankind, age, 17 - - Maringer, J., 45 - - Markets, 155 - - Marston, A. T., 11 - - Mathiassen, T., 97 - - McCown, T. D., 33 - - Meganthropus, 26, 27, 36 - - Men, defined, 25; - modern, 32 - - Merimde, 135 - - Mersin, 133 - - Metal-workers, 160, 163, 167, 172 - - Micoquian, 48, 60 - - Microliths, 87; - at Jarmo, 130; - �lunates,� 87; - trapezoids, 87; - triangles, 87 - - Minerals used as coloring matter, 66 - - Mine-shafts, 140 - - M�lefaat, 126, 127 - - Mongoloids, 29, 90 - - Mortars, 114, 118, 127 - - Mounds, how formed, 12 - - Mount Carmel, 11, 33, 52, 59, 64, 69, 113, 114 - - �Mousterian man,� 64 - - �Mousterian� tools, 61, 62; - of Acheulean tradition, 62 - - Movius, H. L., 47 - - - Natufian, animals in, 114; - assemblage, 113, 114, 115; - burials, 114; - date of, 113 - - Neanderthal man, 29, 30, 31, 56 - - Near East, beginnings of civilization in, 20, 144; - cave sites, 58; - climate in Ice Age, 99; - �Fertile Crescent,� 107, 146; - food-production in, 99; - Natufian assemblage in, 113-115; - stone tools, 114 - - Needles, 80 - - Negroid, 34 - - New World, 90 - - Nile River valley, 102, 134; - floods in, 148 - - Nuclear area, 106, 110; - in Near East, 107 - - - Obsidian, used for blade tools, 71; - at Jarmo, 130 - - Ochre, red, with burials, 86 - - Oldowan, 48 - - Old World, 67, 70, 90; - continental phases in, 18 - - Olorgesailie, 40, 51 - - Ostrich, in China, 54 - - Ovens, 128 - - Oxygen isotopes, 18 - - - Paintings in caves, 83 - - Paleoanthropic man, 50 - - Palestine, burials, 56; - cave sites, 52; - types of man, 69 - - Parpallo, 89 - - Patjitanian, 45, 47 - - Pebble tools, 42 - - Peking cave, 54; - animals in, 54 - - Peking man, 27, 28, 29, 54, 58 - - Pendants, 80; - bone, 114 - - Pestle, 114 - - Peterborough, 141; - assemblage, 141 - - Pictographic signs, 158 - - Pig, wild, 108 - - �Piltdown man,� 29 - - Pins, 80 - - Pithecanthropus, 26, 27, 30, 36 - - Pleistocene, 18, 25 - - Plows developed, 123 - - Points, arrow, 76; - laurel leaf, 78; - shouldered, 78, 79; - split-based bone, 80, 82; - tanged, 76; - willow leaf, 78 - - Potatoes, in America, 145 - - Pottery, 122, 130, 156; - decorated, 142; - painted, 131, 151, 152; - Susa style, 156; - in tombs, 141 - - Prehistory, defined, 7; - range of, 18 - - Pre-neanderthaloids, 30, 31, 37 - - Pre-Solutrean point, 89 - - Pre-Stellenbosch, 48 - - Proto-Literate assemblage, 157-160 - - - Race, 35; - biological, 36; - �pure,� 16 - - Radioactivity, 9, 10 - - Radioactive carbon dates, 18, 92, 120, 130, 135, 156 - - Redfield, Robert, 38, 49 - - Reed, C. A., 128 - - Reindeer, 94 - - Rhinoceros, 93; - in cave art, 85 - - Rhodesian man, 32 - - Riss glaciation, 58 - - Rock-shelters, 58; - art in, 85 - - - Saccopastore, 31 - - Sahara Desert, 34, 102 - - Samarra, 152; - pottery, 131, 152 - - Sangoan industry, 67 - - Sauer, Carl, 136 - - Sbaikian point, 89 - - Schliemann, H., 11, 12 - - Scotland, 171 - - Scraper, flake, 79; - end-scraper on blade, 77, 78; - keel-shaped, 79, 80, 81 - - Sculpture in caves, 83 - - Sebilian III, 126 - - Shaheinab, 135 - - Sheep, wild, 108; - at Skara Brae, 142; - in China, 54 - - Shellfish, 142 - - Ship, Ubaidian, 153 - - Sialk, 126, 134; - assemblage, 134 - - Siberia, 88; - pathway to New World, 98 - - Sickle, 112, 153; - blade, 113, 130 - - Silo, 122 - - Sinanthropus, 27, 30, 35 - - Skara Brae, 142 - - Snails used as food, 128 - - Soan, 47 - - Solecki, R., 116 - - Solo (fossil type), 29, 32 - - Solutrean industry, 77 - - Spear, shaft, 78; - thrower, 82, 83 - - Speech, development of organs of, 25 - - Squash, in America, 145 - - Steinheim fossil skull, 28 - - Stillbay industry, 67 - - Stonehenge, 166 - - Stratification, in caves, 12, 57; - in sites, 12 - - Swanscombe (fossil type), 11, 28 - - Syria, 107 - - - Tabun, 60, 71 - - Tardenoisian, 97 - - Taro, 107 - - Tasa, 135 - - Tayacian, 47, 59 - - Teeth, pierced, in beads and pendants, 114 - - Temples, 123, 155 - - Tepe Gawra, 156 - - Ternafine, 29 - - Teshik Tash, 69 - - Textiles, 122 - - Thong-stropper, 80 - - Tigris River, floods in, 148 - - Toggle, 80 - - Tomatoes, in America, 145 - - Tombs, megalithic, 141 - - Tool-making, 42, 49 - - Tool-preparation traditions, 65 - - Tools, 62; - antler, 80; - blade, 70, 71, 75; - bone, 66; - chopper, 47; - core-biface, 43, 48, 60, 61; - flake, 44, 47, 51, 60, 64; - flint, 80, 127; - ground stone, 68, 127; - handles, 94; - pebble, 42, 43, 48, 53; - use of, 24 - - Touf (mud wall), 128 - - Toynbee, A. J., 101 - - Trade, 130, 155, 162 - - Traders, 167 - - Traditions, 15; - blade tool, 70; - definition of, 51; - interpretation of, 49; - tool-making, 42, 48; - chopper-tool, 47; - chopper-chopping tool, 45; - core-biface, 43, 48; - flake, 44, 47; - pebble tool, 42, 48 - - Tool-making, prehistory of, 42 - - Turkey, 107, 108 - - - Ubaid, 153; - assemblage, 153-155 - - Urnfields, 168, 169 - - - Village-farming community era, 105, 119 - - - Wad B, 72 - - Wadjak, 34 - - Warka phase, 156; - assemblage, 156 - - Washburn, Sherwood L., 36 - - Water buffalo, domestication of, 107 - - Weidenreich, F., 29, 34 - - Wessex, 166, 167 - - Wheat, wild, 108; - partially domesticated, 127 - - Willow leaf point, 78 - - Windmill Hill, 138; - assemblage, 138, 140 - - Witch doctors, 68 - - Wool, 112; - in garments, 167 - - Writing, 158; - cuneiform, 158 - - W�rm I glaciation, 58 - - - Zebu cattle, domestication of, 107 - - Zeuner, F. E., 73 - - - - - * * * * * * - - - - -Transcriber�s note: - -Punctuation, hyphenation, and spelling were made consistent when a -predominant preference was found in this book; otherwise they were not -changed. - -Simple typographical errors were corrected; occasional unbalanced -quotation marks retained. - -Ambiguous hyphens at the ends of lines were retained. - -Index not checked for proper alphabetization or correct page references. - -In the original book, chapter headings were accompanied by -illustrations, sometimes above, sometimes below, and sometimes -adjacent. In this eBook those ilustrations always appear below the -headings. - - - -***END OF THE PROJECT GUTENBERG EBOOK PREHISTORIC MEN*** - - -******* This file should be named 52664-0.txt or 52664-0.zip ******* - - -This and all associated files of various formats will be found in: -http://www.gutenberg.org/dirs/5/2/6/6/52664 - - -Updated editions will replace the previous one--the old editions will -be renamed. - -Creating the works from print editions not protected by U.S. copyright -law means that no one owns a United States copyright in these works, -so the Foundation (and you!) can copy and distribute it in the United -States without permission and without paying copyright -royalties. Special rules, set forth in the General Terms of Use part -of this license, apply to copying and distributing Project -Gutenberg-tm electronic works to protect the PROJECT GUTENBERG-tm -concept and trademark. Project Gutenberg is a registered trademark, -and may not be used if you charge for the eBooks, unless you receive -specific permission. If you do not charge anything for copies of this -eBook, complying with the rules is very easy. You may use this eBook -for nearly any purpose such as creation of derivative works, reports, -performances and research. They may be modified and printed and given -away--you may do practically ANYTHING in the United States with eBooks -not protected by U.S. copyright law. Redistribution is subject to the -trademark license, especially commercial redistribution. - -START: FULL LICENSE - -THE FULL PROJECT GUTENBERG LICENSE -PLEASE READ THIS BEFORE YOU DISTRIBUTE OR USE THIS WORK - -To protect the Project Gutenberg-tm mission of promoting the free -distribution of electronic works, by using or distributing this work -(or any other work associated in any way with the phrase "Project -Gutenberg"), you agree to comply with all the terms of the Full -Project Gutenberg-tm License available with this file or online at -www.gutenberg.org/license. - -Section 1. General Terms of Use and Redistributing Project -Gutenberg-tm electronic works - -1.A. By reading or using any part of this Project Gutenberg-tm -electronic work, you indicate that you have read, understand, agree to -and accept all the terms of this license and intellectual property -(trademark/copyright) agreement. If you do not agree to abide by all -the terms of this agreement, you must cease using and return or -destroy all copies of Project Gutenberg-tm electronic works in your -possession. If you paid a fee for obtaining a copy of or access to a -Project Gutenberg-tm electronic work and you do not agree to be bound -by the terms of this agreement, you may obtain a refund from the -person or entity to whom you paid the fee as set forth in paragraph -1.E.8. - -1.B. "Project Gutenberg" is a registered trademark. It may only be -used on or associated in any way with an electronic work by people who -agree to be bound by the terms of this agreement. There are a few -things that you can do with most Project Gutenberg-tm electronic works -even without complying with the full terms of this agreement. See -paragraph 1.C below. There are a lot of things you can do with Project -Gutenberg-tm electronic works if you follow the terms of this -agreement and help preserve free future access to Project Gutenberg-tm -electronic works. See paragraph 1.E below. - -1.C. The Project Gutenberg Literary Archive Foundation ("the -Foundation" or PGLAF), owns a compilation copyright in the collection -of Project Gutenberg-tm electronic works. Nearly all the individual -works in the collection are in the public domain in the United -States. If an individual work is unprotected by copyright law in the -United States and you are located in the United States, we do not -claim a right to prevent you from copying, distributing, performing, -displaying or creating derivative works based on the work as long as -all references to Project Gutenberg are removed. Of course, we hope -that you will support the Project Gutenberg-tm mission of promoting -free access to electronic works by freely sharing Project Gutenberg-tm -works in compliance with the terms of this agreement for keeping the -Project Gutenberg-tm name associated with the work. You can easily -comply with the terms of this agreement by keeping this work in the -same format with its attached full Project Gutenberg-tm License when -you share it without charge with others. - -1.D. The copyright laws of the place where you are located also govern -what you can do with this work. Copyright laws in most countries are -in a constant state of change. If you are outside the United States, -check the laws of your country in addition to the terms of this -agreement before downloading, copying, displaying, performing, -distributing or creating derivative works based on this work or any -other Project Gutenberg-tm work. The Foundation makes no -representations concerning the copyright status of any work in any -country outside the United States. - -1.E. Unless you have removed all references to Project Gutenberg: - -1.E.1. The following sentence, with active links to, or other -immediate access to, the full Project Gutenberg-tm License must appear -prominently whenever any copy of a Project Gutenberg-tm work (any work -on which the phrase "Project Gutenberg" appears, or with which the -phrase "Project Gutenberg" is associated) is accessed, displayed, -performed, viewed, copied or distributed: - - This eBook is for the use of anyone anywhere in the United States and - most other parts of the world at no cost and with almost no - restrictions whatsoever. You may copy it, give it away or re-use it - under the terms of the Project Gutenberg License included with this - eBook or online at www.gutenberg.org. If you are not located in the - United States, you'll have to check the laws of the country where you - are located before using this ebook. - -1.E.2. If an individual Project Gutenberg-tm electronic work is -derived from texts not protected by U.S. copyright law (does not -contain a notice indicating that it is posted with permission of the -copyright holder), the work can be copied and distributed to anyone in -the United States without paying any fees or charges. If you are -redistributing or providing access to a work with the phrase "Project -Gutenberg" associated with or appearing on the work, you must comply -either with the requirements of paragraphs 1.E.1 through 1.E.7 or -obtain permission for the use of the work and the Project Gutenberg-tm -trademark as set forth in paragraphs 1.E.8 or 1.E.9. - -1.E.3. If an individual Project Gutenberg-tm electronic work is posted -with the permission of the copyright holder, your use and distribution -must comply with both paragraphs 1.E.1 through 1.E.7 and any -additional terms imposed by the copyright holder. Additional terms -will be linked to the Project Gutenberg-tm License for all works -posted with the permission of the copyright holder found at the -beginning of this work. - -1.E.4. Do not unlink or detach or remove the full Project Gutenberg-tm -License terms from this work, or any files containing a part of this -work or any other work associated with Project Gutenberg-tm. - -1.E.5. Do not copy, display, perform, distribute or redistribute this -electronic work, or any part of this electronic work, without -prominently displaying the sentence set forth in paragraph 1.E.1 with -active links or immediate access to the full terms of the Project -Gutenberg-tm License. - -1.E.6. You may convert to and distribute this work in any binary, -compressed, marked up, nonproprietary or proprietary form, including -any word processing or hypertext form. However, if you provide access -to or distribute copies of a Project Gutenberg-tm work in a format -other than "Plain Vanilla ASCII" or other format used in the official -version posted on the official Project Gutenberg-tm web site -(www.gutenberg.org), you must, at no additional cost, fee or expense -to the user, provide a copy, a means of exporting a copy, or a means -of obtaining a copy upon request, of the work in its original "Plain -Vanilla ASCII" or other form. Any alternate format must include the -full Project Gutenberg-tm License as specified in paragraph 1.E.1. - -1.E.7. Do not charge a fee for access to, viewing, displaying, -performing, copying or distributing any Project Gutenberg-tm works -unless you comply with paragraph 1.E.8 or 1.E.9. - -1.E.8. You may charge a reasonable fee for copies of or providing -access to or distributing Project Gutenberg-tm electronic works -provided that - -* You pay a royalty fee of 20% of the gross profits you derive from - the use of Project Gutenberg-tm works calculated using the method - you already use to calculate your applicable taxes. The fee is owed - to the owner of the Project Gutenberg-tm trademark, but he has - agreed to donate royalties under this paragraph to the Project - Gutenberg Literary Archive Foundation. Royalty payments must be paid - within 60 days following each date on which you prepare (or are - legally required to prepare) your periodic tax returns. Royalty - payments should be clearly marked as such and sent to the Project - Gutenberg Literary Archive Foundation at the address specified in - Section 4, "Information about donations to the Project Gutenberg - Literary Archive Foundation." - -* You provide a full refund of any money paid by a user who notifies - you in writing (or by e-mail) within 30 days of receipt that s/he - does not agree to the terms of the full Project Gutenberg-tm - License. You must require such a user to return or destroy all - copies of the works possessed in a physical medium and discontinue - all use of and all access to other copies of Project Gutenberg-tm - works. - -* You provide, in accordance with paragraph 1.F.3, a full refund of - any money paid for a work or a replacement copy, if a defect in the - electronic work is discovered and reported to you within 90 days of - receipt of the work. - -* You comply with all other terms of this agreement for free - distribution of Project Gutenberg-tm works. - -1.E.9. If you wish to charge a fee or distribute a Project -Gutenberg-tm electronic work or group of works on different terms than -are set forth in this agreement, you must obtain permission in writing -from both the Project Gutenberg Literary Archive Foundation and The -Project Gutenberg Trademark LLC, the owner of the Project Gutenberg-tm -trademark. Contact the Foundation as set forth in Section 3 below. - -1.F. - -1.F.1. Project Gutenberg volunteers and employees expend considerable -effort to identify, do copyright research on, transcribe and proofread -works not protected by U.S. copyright law in creating the Project -Gutenberg-tm collection. Despite these efforts, Project Gutenberg-tm -electronic works, and the medium on which they may be stored, may -contain "Defects," such as, but not limited to, incomplete, inaccurate -or corrupt data, transcription errors, a copyright or other -intellectual property infringement, a defective or damaged disk or -other medium, a computer virus, or computer codes that damage or -cannot be read by your equipment. - -1.F.2. LIMITED WARRANTY, DISCLAIMER OF DAMAGES - Except for the "Right -of Replacement or Refund" described in paragraph 1.F.3, the Project -Gutenberg Literary Archive Foundation, the owner of the Project -Gutenberg-tm trademark, and any other party distributing a Project -Gutenberg-tm electronic work under this agreement, disclaim all -liability to you for damages, costs and expenses, including legal -fees. YOU AGREE THAT YOU HAVE NO REMEDIES FOR NEGLIGENCE, STRICT -LIABILITY, BREACH OF WARRANTY OR BREACH OF CONTRACT EXCEPT THOSE -PROVIDED IN PARAGRAPH 1.F.3. YOU AGREE THAT THE FOUNDATION, THE -TRADEMARK OWNER, AND ANY DISTRIBUTOR UNDER THIS AGREEMENT WILL NOT BE -LIABLE TO YOU FOR ACTUAL, DIRECT, INDIRECT, CONSEQUENTIAL, PUNITIVE OR -INCIDENTAL DAMAGES EVEN IF YOU GIVE NOTICE OF THE POSSIBILITY OF SUCH -DAMAGE. - -1.F.3. LIMITED RIGHT OF REPLACEMENT OR REFUND - If you discover a -defect in this electronic work within 90 days of receiving it, you can -receive a refund of the money (if any) you paid for it by sending a -written explanation to the person you received the work from. If you -received the work on a physical medium, you must return the medium -with your written explanation. The person or entity that provided you -with the defective work may elect to provide a replacement copy in -lieu of a refund. If you received the work electronically, the person -or entity providing it to you may choose to give you a second -opportunity to receive the work electronically in lieu of a refund. If -the second copy is also defective, you may demand a refund in writing -without further opportunities to fix the problem. - -1.F.4. Except for the limited right of replacement or refund set forth -in paragraph 1.F.3, this work is provided to you 'AS-IS', WITH NO -OTHER WARRANTIES OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT -LIMITED TO WARRANTIES OF MERCHANTABILITY OR FITNESS FOR ANY PURPOSE. - -1.F.5. Some states do not allow disclaimers of certain implied -warranties or the exclusion or limitation of certain types of -damages. If any disclaimer or limitation set forth in this agreement -violates the law of the state applicable to this agreement, the -agreement shall be interpreted to make the maximum disclaimer or -limitation permitted by the applicable state law. The invalidity or -unenforceability of any provision of this agreement shall not void the -remaining provisions. - -1.F.6. INDEMNITY - You agree to indemnify and hold the Foundation, the -trademark owner, any agent or employee of the Foundation, anyone -providing copies of Project Gutenberg-tm electronic works in -accordance with this agreement, and any volunteers associated with the -production, promotion and distribution of Project Gutenberg-tm -electronic works, harmless from all liability, costs and expenses, -including legal fees, that arise directly or indirectly from any of -the following which you do or cause to occur: (a) distribution of this -or any Project Gutenberg-tm work, (b) alteration, modification, or -additions or deletions to any Project Gutenberg-tm work, and (c) any -Defect you cause. - -Section 2. Information about the Mission of Project Gutenberg-tm - -Project Gutenberg-tm is synonymous with the free distribution of -electronic works in formats readable by the widest variety of -computers including obsolete, old, middle-aged and new computers. It -exists because of the efforts of hundreds of volunteers and donations -from people in all walks of life. - -Volunteers and financial support to provide volunteers with the -assistance they need are critical to reaching Project Gutenberg-tm's -goals and ensuring that the Project Gutenberg-tm collection will -remain freely available for generations to come. In 2001, the Project -Gutenberg Literary Archive Foundation was created to provide a secure -and permanent future for Project Gutenberg-tm and future -generations. To learn more about the Project Gutenberg Literary -Archive Foundation and how your efforts and donations can help, see -Sections 3 and 4 and the Foundation information page at -www.gutenberg.org - -Section 3. Information about the Project Gutenberg Literary -Archive Foundation - -The Project Gutenberg Literary Archive Foundation is a non profit -501(c)(3) educational corporation organized under the laws of the -state of Mississippi and granted tax exempt status by the Internal -Revenue Service. The Foundation's EIN or federal tax identification -number is 64-6221541. Contributions to the Project Gutenberg Literary -Archive Foundation are tax deductible to the full extent permitted by -U.S. federal laws and your state's laws. - -The Foundation's principal office is in Fairbanks, Alaska, with the -mailing address: PO Box 750175, Fairbanks, AK 99775, but its -volunteers and employees are scattered throughout numerous -locations. Its business office is located at 809 North 1500 West, Salt -Lake City, UT 84116, (801) 596-1887. Email contact links and up to -date contact information can be found at the Foundation's web site and -official page at www.gutenberg.org/contact - -For additional contact information: - - Dr. Gregory B. Newby - Chief Executive and Director - gbnewby@pglaf.org - -Section 4. Information about Donations to the Project Gutenberg -Literary Archive Foundation - -Project Gutenberg-tm depends upon and cannot survive without wide -spread public support and donations to carry out its mission of -increasing the number of public domain and licensed works that can be -freely distributed in machine readable form accessible by the widest -array of equipment including outdated equipment. Many small donations -($1 to $5,000) are particularly important to maintaining tax exempt -status with the IRS. - -The Foundation is committed to complying with the laws regulating -charities and charitable donations in all 50 states of the United -States. Compliance requirements are not uniform and it takes a -considerable effort, much paperwork and many fees to meet and keep up -with these requirements. We do not solicit donations in locations -where we have not received written confirmation of compliance. To SEND -DONATIONS or determine the status of compliance for any particular -state visit www.gutenberg.org/donate - -While we cannot and do not solicit contributions from states where we -have not met the solicitation requirements, we know of no prohibition -against accepting unsolicited donations from donors in such states who -approach us with offers to donate. - -International donations are gratefully accepted, but we cannot make -any statements concerning tax treatment of donations received from -outside the United States. U.S. laws alone swamp our small staff. - -Please check the Project Gutenberg Web pages for current donation -methods and addresses. Donations are accepted in a number of other -ways including checks, online payments and credit card donations. To -donate, please visit: www.gutenberg.org/donate - -Section 5. General Information About Project Gutenberg-tm electronic works. - -Professor Michael S. Hart was the originator of the Project -Gutenberg-tm concept of a library of electronic works that could be -freely shared with anyone. For forty years, he produced and -distributed Project Gutenberg-tm eBooks with only a loose network of -volunteer support. - -Project Gutenberg-tm eBooks are often created from several printed -editions, all of which are confirmed as not protected by copyright in -the U.S. unless a copyright notice is included. Thus, we do not -necessarily keep eBooks in compliance with any particular paper -edition. - -Most people start at our Web site which has the main PG search -facility: www.gutenberg.org - -This Web site includes information about Project Gutenberg-tm, -including how to make donations to the Project Gutenberg Literary -Archive Foundation, how to help produce our new eBooks, and how to -subscribe to our email newsletter to hear about new eBooks. +The Project Gutenberg eBook, Prehistoric Men, by Robert J. (Robert John) +Braidwood, Illustrated by Susan T. Richert + + +This eBook is for the use of anyone anywhere in the United States and most +other parts of the world at no cost and with almost no restrictions +whatsoever. You may copy it, give it away or re-use it under the terms of +the Project Gutenberg License included with this eBook or online at +www.gutenberg.org. If you are not located in the United States, you'll have +to check the laws of the country where you are located before using this ebook. + + +Title: Prehistoric Men +Author: Robert J. (Robert John) Braidwood +Release Date: July 28, 2016 [eBook #52664] +Language: English +Character set encoding: UTF-8 + + +***START OF THE PROJECT GUTENBERG EBOOK PREHISTORIC MEN*** + + +E-text prepared by Stephen Hutcheson, Dave Morgan, Charlie Howard, and the +Online Distributed Proofreading Team (http://www.pgdp.net) + + + +Note: Project Gutenberg also has an HTML version of this + file which includes the original illustrations. + See 52664-h.htm or 52664-h.zip: + (http://www.gutenberg.org/files/52664/52664-h/52664-h.htm) + or + (http://www.gutenberg.org/files/52664/52664-h.zip) + + +Transcriber's note: + + Some characters might not display in this UTF-8 text + version. If so, the reader should consult the HTML + version referred to above. One example of this might + occur in the second paragraph under "Choppers and + Adze-like Tools", page 46, which contains the phrase + �an adze cutting edge is ? shaped�. The symbol before + �shaped� looks like a sharply-italicized sans-serif �L�. + Devices that cannot display that symbol may substitute + a question mark, a square, or other symbol. + + +PREHISTORIC MEN + +by + +ROBERT J. BRAIDWOOD + +Research Associate, Old World Prehistory + +Professor +Oriental Institute and Department of Anthropology +University of Chicago + +Drawings by Susan T. Richert + + +[Illustration] + +Chicago Natural History Museum +Popular Series +Anthropology, Number 37 + +Third Edition Issued in Co-operation with +The Oriental Institute, The University of Chicago + +Edited by Lillian A. Ross + +Printed in the United States of America +by Chicago Natural History Museum Press + +Copyright 1948, 1951, and 1957 by Chicago Natural History Museum + +First edition 1948 +Second edition 1951 +Third edition 1957 +Fourth edition 1959 + + +Preface + +[Illustration] + + +Like the writing of most professional archeologists, mine has been +confined to so-called learned papers. Good, bad, or indifferent, these +papers were in a jargon that only my colleagues and a few advanced +students could understand. Hence, when I was asked to do this little +book, I soon found it extremely difficult to say what I meant in simple +fashion. The style is new to me, but I hope the reader will not find it +forced or pedantic; at least I have done my very best to tell the story +simply and clearly. + +Many friends have aided in the preparation of the book. The whimsical +charm of Miss Susan Richert�s illustrations add enormously to the +spirit I wanted. She gave freely of her own time on the drawings and +in planning the book with me. My colleagues at the University of +Chicago, especially Professor Wilton M. Krogman (now of the University +of Pennsylvania), and also Mrs. Linda Braidwood, Associate of the +Oriental Institute, and Professors Fay-Cooper Cole and Sol Tax, of +the Department of Anthropology, gave me counsel in matters bearing on +their special fields, and the Department of Anthropology bore some of +the expense of the illustrations. From Mrs. Irma Hunter and Mr. Arnold +Maremont, who are not archeologists at all and have only an intelligent +layman�s notion of archeology, I had sound advice on how best to tell +the story. I am deeply indebted to all these friends. + +While I was preparing the second edition, I had the great fortune +to be able to rework the third chapter with Professor Sherwood L. +Washburn, now of the Department of Anthropology of the University of +California, and the fourth, fifth, and sixth chapters with Professor +Hallum L. Movius, Jr., of the Peabody Museum, Harvard University. The +book has gained greatly in accuracy thereby. In matters of dating, +Professor Movius and the indications of Professor W. F. Libby�s Carbon +14 chronology project have both encouraged me to choose the lowest +dates now current for the events of the Pleistocene Ice Age. There is +still no certain way of fixing a direct chronology for most of the +Pleistocene, but Professor Libby�s method appears very promising for +its end range and for proto-historic dates. In any case, this book +names �periods,� and new dates may be written in against mine, if new +and better dating systems appear. + +I wish to thank Dr. Clifford C. Gregg, Director of Chicago Natural +History Museum, for the opportunity to publish this book. My old +friend, Dr. Paul S. Martin, Chief Curator in the Department of +Anthropology, asked me to undertake the job and inspired me to complete +it. I am also indebted to Miss Lillian A. Ross, Associate Editor of +Scientific Publications, and to Mr. George I. Quimby, Curator of +Exhibits in Anthropology, for all the time they have given me in +getting the manuscript into proper shape. + + ROBERT J. BRAIDWOOD + _June 15, 1950_ + + + + +Preface to the Third Edition + + +In preparing the enlarged third edition, many of the above mentioned +friends have again helped me. I have picked the brains of Professor F. +Clark Howell of the Department of Anthropology of the University of +Chicago in reworking the earlier chapters, and he was very patient in +the matter, which I sincerely appreciate. + +All of Mrs. Susan Richert Allen�s original drawings appear, but a few +necessary corrections have been made in some of the charts and some new +drawings have been added by Mr. John Pfiffner, Staff Artist, Chicago +Natural History Museum. + + ROBERT J. BRAIDWOOD + _March 1, 1959_ + + + + +Contents + + + PAGE + How We Learn about Prehistoric Men 7 + + The Changing World in Which Prehistoric Men Lived 17 + + Prehistoric Men Themselves 22 + + Cultural Beginnings 38 + + More Evidence of Culture 56 + + Early Moderns 70 + + End and Prelude 92 + + The First Revolution 121 + + The Conquest of Civilization 144 + + End of Prehistory 162 + + Summary 176 + + List of Books 180 + + Index 184 + + + + +HOW WE LEARN about Prehistoric Men + +[Illustration] + + +Prehistory means the time before written history began. Actually, more +than 99 per cent of man�s story is prehistory. Man is at least half a +million years old, but he did not begin to write history (or to write +anything) until about 5,000 years ago. + +The men who lived in prehistoric times left us no history books, but +they did unintentionally leave a record of their presence and their way +of life. This record is studied and interpreted by different kinds of +scientists. + + +SCIENTISTS WHO FIND OUT ABOUT PREHISTORIC MEN + +The scientists who study the bones and teeth and any other parts +they find of the bodies of prehistoric men, are called _physical +anthropologists_. Physical anthropologists are trained, much like +doctors, to know all about the human body. They study living people, +too; they know more about the biological facts of human �races� than +anybody else. If the police find a badly decayed body in a trunk, +they ask a physical anthropologist to tell them what the person +originally looked like. The physical anthropologists who specialize in +prehistoric men work with fossils, so they are sometimes called _human +paleontologists_. + + +ARCHEOLOGISTS + +There is a kind of scientist who studies the things that prehistoric +men made and did. Such a scientist is called an _archeologist_. It is +the archeologist�s business to look for the stone and metal tools, the +pottery, the graves, and the caves or huts of the men who lived before +history began. + +But there is more to archeology than just looking for things. In +Professor V. Gordon Childe�s words, archeology �furnishes a sort of +history of human activity, provided always that the actions have +produced concrete results and left recognizable material traces.� You +will see that there are at least three points in what Childe says: + + 1. The archeologists have to find the traces of things left behind by + ancient man, and + + 2. Only a few objects may be found, for most of these were probably + too soft or too breakable to last through the years. However, + + 3. The archeologist must use whatever he can find to tell a story--to + make a �sort of history�--from the objects and living-places and + graves that have escaped destruction. + +What I mean is this: Let us say you are walking through a dump yard, +and you find a rusty old spark plug. If you want to think about what +the spark plug means, you quickly remember that it is a part of an +automobile motor. This tells you something about the man who threw +the spark plug on the dump. He either had an automobile, or he knew +or lived near someone who did. He can�t have lived so very long ago, +you�ll remember, because spark plugs and automobiles are only about +sixty years old. + +When you think about the old spark plug in this way you have +just been making the beginnings of what we call an archeological +_interpretation_; you have been making the spark plug tell a story. +It is the same way with the man-made things we archeologists find +and put in museums. Usually, only a few of these objects are pretty +to look at; but each of them has some sort of story to tell. Making +the interpretation of his finds is the most important part of the +archeologist�s job. It is the way he gets at the �sort of history of +human activity� which is expected of archeology. + + +SOME OTHER SCIENTISTS + +There are many other scientists who help the archeologist and the +physical anthropologist find out about prehistoric men. The geologists +help us tell the age of the rocks or caves or gravel beds in which +human bones or man-made objects are found. There are other scientists +with names which all begin with �paleo� (the Greek word for �old�). The +_paleontologists_ study fossil animals. There are also, for example, +such scientists as _paleobotanists_ and _paleoclimatologists_, who +study ancient plants and climates. These scientists help us to know +the kinds of animals and plants that were living in prehistoric times +and so could be used for food by ancient man; what the weather was +like; and whether there were glaciers. Also, when I tell you that +prehistoric men did not appear until long after the great dinosaurs had +disappeared, I go on the say-so of the paleontologists. They know that +fossils of men and of dinosaurs are not found in the same geological +period. The dinosaur fossils come in early periods, the fossils of men +much later. + +Since World War II even the atomic scientists have been helping the +archeologists. By testing the amount of radioactivity left in charcoal, +wood, or other vegetable matter obtained from archeological sites, they +have been able to date the sites. Shell has been used also, and even +the hair of Egyptian mummies. The dates of geological and climatic +events have also been discovered. Some of this work has been done from +drillings taken from the bottom of the sea. + +This dating by radioactivity has considerably shortened the dates which +the archeologists used to give. If you find that some of the dates +I give here are more recent than the dates you see in other books +on prehistory, it is because I am using one of the new lower dating +systems. + +[Illustration: RADIOCARBON CHART + +The rate of disappearance of radioactivity as time passes.[1]] + + [1] It is important that the limitations of the radioactive carbon + �dating� system be held in mind. As the statistics involved in + the system are used, there are two chances in three that the + �date� of the sample falls within the range given as plus or + minus an added number of years. For example, the �date� for the + Jarmo village (see chart), given as 6750 � 200 B.C., really + means that there are only two chances in three that the real + date of the charcoal sampled fell between 6950 and 6550 B.C. + We have also begun to suspect that there are ways in which the + samples themselves may have become �contaminated,� either on + the early or on the late side. We now tend to be suspicious of + single radioactive carbon determinations, or of determinations + from one site alone. But as a fabric of consistent + determinations for several or more sites of one archeological + period, we gain confidence in the �dates.� + + +HOW THE SCIENTISTS FIND OUT + +So far, this chapter has been mainly about the people who find out +about prehistoric men. We also need a word about _how_ they find out. + +All our finds came by accident until about a hundred years ago. Men +digging wells, or digging in caves for fertilizer, often turned up +ancient swords or pots or stone arrowheads. People also found some odd +pieces of stone that didn�t look like natural forms, but they also +didn�t look like any known tool. As a result, the people who found them +gave them queer names; for example, �thunderbolts.� The people thought +the strange stones came to earth as bolts of lightning. We know now +that these strange stones were prehistoric stone tools. + +Many important finds still come to us by accident. In 1935, a British +dentist, A. T. Marston, found the first of two fragments of a very +important fossil human skull, in a gravel pit at Swanscombe, on the +River Thames, England. He had to wait nine months, until the face of +the gravel pit had been dug eight yards farther back, before the second +fragment appeared. They fitted! Then, twenty years later, still another +piece appeared. In 1928 workmen who were blasting out rock for the +breakwater in the port of Haifa began to notice flint tools. Thus the +story of cave men on Mount Carmel, in Palestine, began to be known. + +Planned archeological digging is only about a century old. Even before +this, however, a few men realized the significance of objects they dug +from the ground; one of these early archeologists was our own Thomas +Jefferson. The first real mound-digger was a German grocer�s clerk, +Heinrich Schliemann. Schliemann made a fortune as a merchant, first +in Europe and then in the California gold-rush of 1849. He became an +American citizen. Then he retired and had both money and time to test +an old idea of his. He believed that the heroes of ancient Troy and +Mycenae were once real Trojans and Greeks. He proved it by going to +Turkey and Greece and digging up the remains of both cities. + +Schliemann had the great good fortune to find rich and spectacular +treasures, and he also had the common sense to keep notes and make +descriptions of what he found. He proved beyond doubt that many ancient +city mounds can be _stratified_. This means that there may be the +remains of many towns in a mound, one above another, like layers in a +cake. + +You might like to have an idea of how mounds come to be in layers. +The original settlers may have chosen the spot because it had a good +spring and there were good fertile lands nearby, or perhaps because +it was close to some road or river or harbor. These settlers probably +built their town of stone and mud-brick. Finally, something would have +happened to the town--a flood, or a burning, or a raid by enemies--and +the walls of the houses would have fallen in or would have melted down +as mud in the rain. Nothing would have remained but the mud and debris +of a low mound of _one_ layer. + +The second settlers would have wanted the spot for the same reasons +the first settlers did--good water, land, and roads. Also, the second +settlers would have found a nice low mound to build their houses on, +a protection from floods. But again, something would finally have +happened to the second town, and the walls of _its_ houses would have +come tumbling down. This makes the _second_ layer. And so on.... + +In Syria I once had the good fortune to dig on a large mound that had +no less than fifteen layers. Also, most of the layers were thick, and +there were signs of rebuilding and repairs within each layer. The mound +was more than a hundred feet high. In each layer, the building material +used had been a soft, unbaked mud-brick, and most of the debris +consisted of fallen or rain-melted mud from these mud-bricks. + +This idea of _stratification_, like the cake layers, was already a +familiar one to the geologists by Schliemann�s time. They could show +that their lowest layer of rock was oldest or earliest, and that the +overlying layers became more recent as one moved upward. Schliemann�s +digging proved the same thing at Troy. His first (lowest and earliest) +city had at least nine layers above it; he thought that the second +layer contained the remains of Homer�s Troy. We now know that Homeric +Troy was layer VIIa from the bottom; also, we count eleven layers or +sub-layers in total. + +Schliemann�s work marks the beginnings of modern archeology. Scholars +soon set out to dig on ancient sites, from Egypt to Central America. + + +ARCHEOLOGICAL INFORMATION + +As time went on, the study of archeological materials--found either +by accident or by digging on purpose--began to show certain things. +Archeologists began to get ideas as to the kinds of objects that +belonged together. If you compared a mail-order catalogue of 1890 with +one of today, you would see a lot of differences. If you really studied +the two catalogues hard, you would also begin to see that certain +objects �go together.� Horseshoes and metal buggy tires and pieces of +harness would begin to fit into a picture with certain kinds of coal +stoves and furniture and china dishes and kerosene lamps. Our friend +the spark plug, and radios and electric refrigerators and light bulbs +would fit into a picture with different kinds of furniture and dishes +and tools. You won�t be old enough to remember the kind of hats that +women wore in 1890, but you�ve probably seen pictures of them, and you +know very well they couldn�t be worn with the fashions of today. + +This is one of the ways that archeologists study their materials. +The various tools and weapons and jewelry, the pottery, the kinds +of houses, and even the ways of burying the dead tend to fit into +pictures. Some archeologists call all of the things that go together to +make such a picture an _assemblage_. The assemblage of the first layer +of Schliemann�s Troy was as different from that of the seventh layer as +our 1900 mail-order catalogue is from the one of today. + +The archeologists who came after Schliemann began to notice other +things and to compare them with occurrences in modern times. The +idea that people will buy better mousetraps goes back into very +ancient times. Today, if we make good automobiles or radios, we can +sell some of them in Turkey or even in Timbuktu. This means that a +few present-day types of American automobiles and radios form part +of present-day �assemblages� in both Turkey and Timbuktu. The total +present-day �assemblage� of Turkey is quite different from that of +Timbuktu or that of America, but they have at least some automobiles +and some radios in common. + +Now these automobiles and radios will eventually wear out. Let us +suppose we could go to some remote part of Turkey or to Timbuktu in a +dream. We don�t know what the date is, in our dream, but we see all +sorts of strange things and ways of living in both places. Nobody +tells us what the date is. But suddenly we see a 1936 Ford; so we +know that in our dream it has to be at least the year 1936, and only +as many years after that as we could reasonably expect a Ford to keep +in running order. The Ford would probably break down in twenty years� +time, so the Turkish or Timbuktu �assemblage� we�re seeing in our dream +has to date at about A.D. 1936-56. + +Archeologists not only �date� their ancient materials in this way; they +also see over what distances and between which peoples trading was +done. It turns out that there was a good deal of trading in ancient +times, probably all on a barter and exchange basis. + + +EVERYTHING BEGINS TO FIT TOGETHER + +Now we need to pull these ideas all together and see the complicated +structure the archeologists can build with their materials. + +Even the earliest archeologists soon found that there was a very long +range of prehistoric time which would yield only very simple things. +For this very long early part of prehistory, there was little to be +found but the flint tools which wandering, hunting and gathering +people made, and the bones of the wild animals they ate. Toward the +end of prehistoric time there was a general settling down with the +coming of agriculture, and all sorts of new things began to be made. +Archeologists soon got a general notion of what ought to appear with +what. Thus, it would upset a French prehistorian digging at the bottom +of a very early cave if he found a fine bronze sword, just as much as +it would upset him if he found a beer bottle. The people of his very +early cave layer simply could not have made bronze swords, which came +later, just as do beer bottles. Some accidental disturbance of the +layers of his cave must have happened. + +With any luck, archeologists do their digging in a layered, stratified +site. They find the remains of everything that would last through +time, in several different layers. They know that the assemblage in +the bottom layer was laid down earlier than the assemblage in the next +layer above, and so on up to the topmost layer, which is the latest. +They look at the results of other �digs� and find that some other +archeologist 900 miles away has found ax-heads in his lowest layer, +exactly like the ax-heads of their fifth layer. This means that their +fifth layer must have been lived in at about the same time as was the +first layer in the site 200 miles away. It also may mean that the +people who lived in the two layers knew and traded with each other. Or +it could mean that they didn�t necessarily know each other, but simply +that both traded with a third group at about the same time. + +You can see that the more we dig and find, the more clearly the main +facts begin to stand out. We begin to be more sure of which people +lived at the same time, which earlier and which later. We begin to +know who traded with whom, and which peoples seemed to live off by +themselves. We begin to find enough skeletons in burials so that the +physical anthropologists can tell us what the people looked like. We +get animal bones, and a paleontologist may tell us they are all bones +of wild animals; or he may tell us that some or most of the bones are +those of domesticated animals, for instance, sheep or cattle, and +therefore the people must have kept herds. + +More important than anything else--as our structure grows more +complicated and our materials increase--is the fact that �a sort +of history of human activity� does begin to appear. The habits or +traditions that men formed in the making of their tools and in the +ways they did things, begin to stand out for us. How characteristic +were these habits and traditions? What areas did they spread over? +How long did they last? We watch the different tools and the traces +of the way things were done--how the burials were arranged, what +the living-places were like, and so on. We wonder about the people +themselves, for the traces of habits and traditions are useful to us +only as clues to the men who once had them. So we ask the physical +anthropologists about the skeletons that we found in the burials. The +physical anthropologists tell us about the anatomy and the similarities +and differences which the skeletons show when compared with other +skeletons. The physical anthropologists are even working on a +method--chemical tests of the bones--that will enable them to discover +what the blood-type may have been. One thing is sure. We have never +found a group of skeletons so absolutely similar among themselves--so +cast from a single mould, so to speak--that we could claim to have a +�pure� race. I am sure we never shall. + +We become particularly interested in any signs of change--when new +materials and tool types and ways of doing things replace old ones. We +watch for signs of social change and progress in one way or another. + +We must do all this without one word of written history to aid us. +Everything we are concerned with goes back to the time _before_ men +learned to write. That is the prehistorian�s job--to find out what +happened before history began. + + + + +THE CHANGING WORLD in which Prehistoric Men Lived + +[Illustration] + + +Mankind, we�ll say, is at least a half million years old. It is very +hard to understand how long a time half a million years really is. +If we were to compare this whole length of time to one day, we�d get +something like this: The present time is midnight, and Jesus was +born just five minutes and thirty-six seconds ago. Earliest history +began less than fifteen minutes ago. Everything before 11:45 was in +prehistoric time. + +Or maybe we can grasp the length of time better in terms of +generations. As you know, primitive peoples tend to marry and have +children rather early in life. So suppose we say that twenty years +will make an average generation. At this rate there would be 25,000 +generations in a half-million years. But our United States is much less +than ten generations old, twenty-five generations take us back before +the time of Columbus, Julius Caesar was alive just 100 generations ago, +David was king of Israel less than 150 generations ago, 250 generations +take us back to the beginning of written history. And there were 24,750 +generations of men before written history began! + +I should probably tell you that there is a new method of prehistoric +dating which would cut the earliest dates in my reckoning almost +in half. Dr. Cesare Emiliani, combining radioactive (C14) and +chemical (oxygen isotope) methods in the study of deep-sea borings, +has developed a system which would lower the total range of human +prehistory to about 300,000 years. The system is still too new to have +had general examination and testing. Hence, I have not used it in this +book; it would mainly affect the dates earlier than 25,000 years ago. + + +CHANGES IN ENVIRONMENT + +The earth probably hasn�t changed much in the last 5,000 years (250 +generations). Men have built things on its surface and dug into it and +drawn boundaries on maps of it, but the places where rivers, lakes, +seas, and mountains now stand have changed very little. + +In earlier times the earth looked very different. Geologists call the +last great geological period the _Pleistocene_. It began somewhere +between a half million and a million years ago, and was a time of great +changes. Sometimes we call it the Ice Age, for in the Pleistocene +there were at least three or four times when large areas of earth +were covered with glaciers. The reason for my uncertainty is that +while there seem to have been four major mountain or alpine phases of +glaciation, there may only have been three general continental phases +in the Old World.[2] + + [2] This is a complicated affair and I do not want to bother you + with its details. Both the alpine and the continental ice sheets + seem to have had minor fluctuations during their _main_ phases, + and the advances of the later phases destroyed many of the + traces of the earlier phases. The general textbooks have tended + to follow the names and numbers established for the Alps early + in this century by two German geologists. I will not bother you + with the names, but there were _four_ major phases. It is the + second of these alpine phases which seems to fit the traces of + the earliest of the great continental glaciations. In this book, + I will use the four-part system, since it is the most familiar, + but will add the word _alpine_ so you may remember to make the + transition to the continental system if you wish to do so. + +Glaciers are great sheets of ice, sometimes over a thousand feet +thick, which are now known only in Greenland and Antarctica and in +high mountains. During several of the glacial periods in the Ice Age, +the glaciers covered most of Canada and the northern United States and +reached down to southern England and France in Europe. Smaller ice +sheets sat like caps on the Rockies, the Alps, and the Himalayas. The +continental glaciation only happened north of the equator, however, so +remember that �Ice Age� is only half true. + +As you know, the amount of water on and about the earth does not vary. +These large glaciers contained millions of tons of water frozen into +ice. Because so much water was frozen and contained in the glaciers, +the water level of lakes and oceans was lowered. Flooded areas were +drained and appeared as dry land. There were times in the Ice Age when +there was no English Channel, so that England was not an island, and a +land bridge at the Dardanelles probably divided the Mediterranean from +the Black Sea. + +A very important thing for people living during the time of a +glaciation was the region adjacent to the glacier. They could not, of +course, live on the ice itself. The questions would be how close could +they live to it, and how would they have had to change their way of +life to do so. + + +GLACIERS CHANGE THE WEATHER + +Great sheets of ice change the weather. When the front of a glacier +stood at Milwaukee, the weather must have been bitterly cold in +Chicago. The climate of the whole world would have been different, and +you can see how animals and men would have been forced to move from one +place to another in search of food and warmth. + +On the other hand, it looks as if only a minor proportion of the whole +Ice Age was really taken up by times of glaciation. In between came +the _interglacial_ periods. During these times the climate around +Chicago was as warm as it is now, and sometimes even warmer. It may +interest you to know that the last great glacier melted away less than +10,000 years ago. Professor Ernst Antevs thinks we may be living in an +interglacial period and that the Ice Age may not be over yet. So if you +want to make a killing in real estate for your several hundred times +great-grandchildren, you might buy some land in the Arizona desert or +the Sahara. + +We do not yet know just why the glaciers appeared and disappeared, as +they did. It surely had something to do with an increase in rainfall +and a fall in temperature. It probably also had to do with a general +tendency for the land to rise at the beginning of the Pleistocene. We +know there was some mountain-building at that time. Hence, rain-bearing +winds nourished the rising and cooler uplands with snow. An increase +in all three of these factors--if they came together--would only have +needed to be slight. But exactly why this happened we do not know. + +The reason I tell you about the glaciers is simply to remind you of the +changing world in which prehistoric men lived. Their surroundings--the +animals and plants they used for food, and the weather they had to +protect themselves from--were always changing. On the other hand, this +change happened over so long a period of time and was so slow that +individual people could not have noticed it. Glaciers, about which they +probably knew nothing, moved in hundreds of miles to the north of them. +The people must simply have wandered ever more southward in search +of the plants and animals on which they lived. Or some men may have +stayed where they were and learned to hunt different animals and eat +different foods. Prehistoric men had to keep adapting themselves to new +environments and those who were most adaptive were most successful. + + +OTHER CHANGES + +Changes took place in the men themselves as well as in the ways they +lived. As time went on, they made better tools and weapons. Then, too, +we begin to find signs of how they started thinking of other things +than food and the tools to get it with. We find that they painted on +the walls of caves, and decorated their tools; we find that they buried +their dead. + +At about the time when the last great glacier was finally melting away, +men in the Near East made the first basic change in human economy. +They began to plant grain, and they learned to raise and herd certain +animals. This meant that they could store food in granaries and �on the +hoof� against the bad times of the year. This first really basic change +in man�s way of living has been called the �food-producing revolution.� +By the time it happened, a modern kind of climate was beginning. Men +had already grown to look as they do now. Know-how in ways of living +had developed and progressed, slowly but surely, up to a point. It was +impossible for men to go beyond that point if they only hunted and +fished and gathered wild foods. Once the basic change was made--once +the food-producing revolution became effective--technology leaped ahead +and civilization and written history soon began. + + + + +Prehistoric Men THEMSELVES + +[Illustration] + + +DO WE KNOW WHERE MAN ORIGINATED? + +For a long time some scientists thought the �cradle of mankind� was in +central Asia. Other scientists insisted it was in Africa, and still +others said it might have been in Europe. Actually, we don�t know +where it was. We don�t even know that there was only _one_ �cradle.� +If we had to choose a �cradle� at this moment, we would probably say +Africa. But the southern portions of Asia and Europe may also have been +included in the general area. The scene of the early development of +mankind was certainly the Old World. It is pretty certain men didn�t +reach North or South America until almost the end of the Ice Age--had +they done so earlier we would certainly have found some trace of them +by now. + +The earliest tools we have yet found come from central and south +Africa. By the dating system I�m using, these tools must be over +500,000 years old. There are now reports that a few such early tools +have been found--at the Sterkfontein cave in South Africa--along with +the bones of small fossil men called �australopithecines.� + +Not all scientists would agree that the australopithecines were �men,� +or would agree that the tools were made by the australopithecines +themselves. For these sticklers, the earliest bones of men come from +the island of Java. The date would be about 450,000 years ago. So far, +we have not yet found the tools which we suppose these earliest men in +the Far East must have made. + +Let me say it another way. How old are the earliest traces of men we +now have? Over half a million years. This was a time when the first +alpine glaciation was happening in the north. What has been found so +far? The tools which the men of those times made, in different parts +of Africa. It is now fairly generally agreed that the �men� who made +the tools were the australopithecines. There is also a more �man-like� +jawbone at Kanam in Kenya, but its find-spot has been questioned. The +next earliest bones we have were found in Java, and they may be almost +a hundred thousand years younger than the earliest African finds. We +haven�t yet found the tools of these early Javanese. Our knowledge of +tool-using in Africa spreads quickly as time goes on: soon after the +appearance of tools in the south we shall have them from as far north +as Algeria. + +Very soon after the earliest Javanese come the bones of slightly more +developed people in Java, and the jawbone of a man who once lived in +what is now Germany. The same general glacial beds which yielded the +later Javanese bones and the German jawbone also include tools. These +finds come from the time of the second alpine glaciation. + +So this is the situation. By the time of the end of the second alpine +or first continental glaciation (say 400,000 years ago) we have traces +of men from the extremes of the more southerly portions of the Old +World--South Africa, eastern Asia, and western Europe. There are also +some traces of men in the middle ground. In fact, Professor Franz +Weidenreich believed that creatures who were the immediate ancestors +of men had already spread over Europe, Africa, and Asia by the time +the Ice Age began. We certainly have no reason to disbelieve this, but +fortunate accidents of discovery have not yet given us the evidence to +prove it. + + +MEN AND APES + +Many people used to get extremely upset at the ill-formed notion +that �man descended from the apes.� Such words were much more likely +to start fights or �monkey trials� than the correct notion that all +living animals, including man, ascended or evolved from a single-celled +organism which lived in the primeval seas hundreds of millions of years +ago. Men are mammals, of the order called Primates, and man�s living +relatives are the great apes. Men didn�t �descend� from the apes or +apes from men, and mankind must have had much closer relatives who have +since become extinct. + +Men stand erect. They also walk and run on their two feet. Apes are +happiest in trees, swinging with their arms from branch to branch. +Few branches of trees will hold the mighty gorilla, although he still +manages to sleep in trees. Apes can�t stand really erect in our sense, +and when they have to run on the ground, they use the knuckles of their +hands as well as their feet. + +A key group of fossil bones here are the south African +australopithecines. These are called the _Australopithecinae_ or +�man-apes� or sometimes even �ape-men.� We do not _know_ that they were +directly ancestral to men but they can hardly have been so to apes. +Presently I�ll describe them a bit more. The reason I mention them +here is that while they had brains no larger than those of apes, their +hipbones were enough like ours so that they must have stood erect. +There is no good reason to think they couldn�t have walked as we do. + + +BRAINS, HANDS, AND TOOLS + +Whether the australopithecines were our ancestors or not, the proper +ancestors of men must have been able to stand erect and to walk on +their two feet. Three further important things probably were involved, +next, before they could become men proper. These are: + + 1. The increasing size and development of the brain. + + 2. The increasing usefulness (specialization) of the thumb and hand. + + 3. The use of tools. + +Nobody knows which of these three is most important, or which came +first. Most probably the growth of all three things was very much +blended together. If you think about each of the things, you will see +what I mean. Unless your hand is more flexible than a paw, and your +thumb will work against (or oppose) your fingers, you can�t hold a tool +very well. But you wouldn�t get the idea of using a tool unless you had +enough brain to help you see cause and effect. And it is rather hard to +see how your hand and brain would develop unless they had something to +practice on--like using tools. In Professor Krogman�s words, �the hand +must become the obedient servant of the eye and the brain.� It is the +_co-ordination_ of these things that counts. + +Many other things must have been happening to the bodies of the +creatures who were the ancestors of men. Our ancestors had to develop +organs of speech. More than that, they had to get the idea of letting +_certain sounds_ made with these speech organs have _certain meanings_. + +All this must have gone very slowly. Probably everything was developing +little by little, all together. Men became men very slowly. + + +WHEN SHALL WE CALL MEN MEN? + +What do I mean when I say �men�? People who looked pretty much as we +do, and who used different tools to do different things, are men to me. +We�ll probably never know whether the earliest ones talked or not. They +probably had vocal cords, so they could make sounds, but did they know +how to make sounds work as symbols to carry meanings? But if the fossil +bones look like our skeletons, and if we find tools which we�ll agree +couldn�t have been made by nature or by animals, then I�d say we had +traces of _men_. + +The australopithecine finds of the Transvaal and Bechuanaland, in +south Africa, are bound to come into the discussion here. I�ve already +told you that the australopithecines could have stood upright and +walked on their two hind legs. They come from the very base of the +Pleistocene or Ice Age, and a few coarse stone tools have been found +with the australopithecine fossils. But there are three varieties +of the australopithecines and they last on until a time equal to +that of the second alpine glaciation. They are the best suggestion +we have yet as to what the ancestors of men _may_ have looked like. +They were certainly closer to men than to apes. Although their brain +size was no larger than the brains of modern apes their body size and +stature were quite small; hence, relative to their small size, their +brains were large. We have not been able to prove without doubt that +the australopithecines were _tool-making_ creatures, even though the +recent news has it that tools have been found with australopithecine +bones. The doubt as to whether the australopithecines used the tools +themselves goes like this--just suppose some man-like creature (whose +bones we have not yet found) made the tools and used them to kill +and butcher australopithecines. Hence a few experts tend to let +australopithecines still hang in limbo as �man-apes.� + + +THE EARLIEST MEN WE KNOW + +I�ll postpone talking about the tools of early men until the next +chapter. The men whose bones were the earliest of the Java lot have +been given the name _Meganthropus_. The bones are very fragmentary. We +would not understand them very well unless we had the somewhat later +Javanese lot--the more commonly known _Pithecanthropus_ or �Java +man�--against which to refer them for study. One of the less well-known +and earliest fragments, a piece of lower jaw and some teeth, rather +strongly resembles the lower jaws and teeth of the australopithecine +type. Was _Meganthropus_ a sort of half-way point between the +australopithecines and _Pithecanthropus_? It is still too early to say. +We shall need more finds before we can be definite one way or the other. + +Java man, _Pithecanthropus_, comes from geological beds equal in age +to the latter part of the second alpine glaciation; the _Meganthropus_ +finds refer to beds of the beginning of this glaciation. The first +finds of Java man were made in 1891-92 by Dr. Eugene Dubois, a Dutch +doctor in the colonial service. Finds have continued to be made. There +are now bones enough to account for four skulls. There are also four +jaws and some odd teeth and thigh bones. Java man, generally speaking, +was about five feet six inches tall, and didn�t hold his head very +erect. His skull was very thick and heavy and had room for little more +than two-thirds as large a brain as we have. He had big teeth and a big +jaw and enormous eyebrow ridges. + +No tools were found in the geological deposits where bones of Java man +appeared. There are some tools in the same general area, but they come +a bit later in time. One reason we accept the Java man as man--aside +from his general anatomical appearance--is that these tools probably +belonged to his near descendants. + +Remember that there are several varieties of men in the whole early +Java lot, at least two of which are earlier than the _Pithecanthropus_, +�Java man.� Some of the earlier ones seem to have gone in for +bigness, in tooth-size at least. _Meganthropus_ is one of these +earlier varieties. As we said, he _may_ turn out to be a link to +the australopithecines, who _may_ or _may not_ be ancestral to men. +_Meganthropus_ is best understandable in terms of _Pithecanthropus_, +who appeared later in the same general area. _Pithecanthropus_ is +pretty well understandable from the bones he left us, and also because +of his strong resemblance to the fully tool-using cave-dwelling �Peking +man,� _Sinanthropus_, about whom we shall talk next. But you can see +that the physical anthropologists and prehistoric archeologists still +have a lot of work to do on the problem of earliest men. + + +PEKING MEN AND SOME EARLY WESTERNERS + +The earliest known Chinese are called _Sinanthropus_, or �Peking man,� +because the finds were made near that city. In World War II, the United +States Marine guard at our Embassy in Peking tried to help get the +bones out of the city before the Japanese attack. Nobody knows where +these bones are now. The Red Chinese accuse us of having stolen them. +They were last seen on a dock-side at a Chinese port. But should you +catch a Marine with a sack of old bones, perhaps we could achieve peace +in Asia by returning them! Fortunately, there is a complete set of +casts of the bones. + +Peking man lived in a cave in a limestone hill, made tools, cracked +animal bones to get the marrow out, and used fire. Incidentally, the +bones of Peking man were found because Chinese dig for what they call +�dragon bones� and �dragon teeth.� Uneducated Chinese buy these things +in their drug stores and grind them into powder for medicine. The +�dragon teeth� and �bones� are really fossils of ancient animals, and +sometimes of men. The people who supply the drug stores have learned +where to dig for strange bones and teeth. Paleontologists who get to +China go to the drug stores to buy fossils. In a roundabout way, this +is how the fallen-in cave of Peking man at Choukoutien was discovered. + +Peking man was not quite as tall as Java man but he probably stood +straighter. His skull looked very much like that of the Java skull +except that it had room for a slightly larger brain. His face was less +brutish than was Java man�s face, but this isn�t saying much. + +Peking man dates from early in the interglacial period following the +second alpine glaciation. He probably lived close to 350,000 years +ago. There are several finds to account for in Europe by about this +time, and one from northwest Africa. The very large jawbone found +near Heidelberg in Germany is doubtless even earlier than Peking man. +The beds where it was found are of second alpine glacial times, and +recently some tools have been said to have come from the same beds. +There is not much I need tell you about the Heidelberg jaw save that it +seems certainly to have belonged to an early man, and that it is very +big. + +Another find in Germany was made at Steinheim. It consists of the +fragmentary skull of a man. It is very important because of its +relative completeness, but it has not yet been fully studied. The bone +is thick, but the back of the head is neither very low nor primitive, +and the face is also not primitive. The forehead does, however, have +big ridges over the eyes. The more fragmentary skull from Swanscombe in +England (p. 11) has been much more carefully studied. Only the top and +back of that skull have been found. Since the skull rounds up nicely, +it has been assumed that the face and forehead must have been quite +�modern.� Careful comparison with Steinheim shows that this was not +necessarily so. This is important because it bears on the question of +how early truly �modern� man appeared. + +Recently two fragmentary jaws were found at Ternafine in Algeria, +northwest Africa. They look like the jaws of Peking man. Tools were +found with them. Since no jaws have yet been found at Steinheim or +Swanscombe, but the time is the same, one wonders if these people had +jaws like those of Ternafine. + + +WHAT HAPPENED TO JAVA AND PEKING MEN + +Professor Weidenreich thought that there were at least a dozen ways in +which the Peking man resembled the modern Mongoloids. This would seem +to indicate that Peking man was really just a very early Chinese. + +Several later fossil men have been found in the Java-Australian area. +The best known of these is the so-called Solo man. There are some finds +from Australia itself which we now know to be quite late. But it looks +as if we may assume a line of evolution from Java man down to the +modern Australian natives. During parts of the Ice Age there was a land +bridge all the way from Java to Australia. + + +TWO ENGLISHMEN WHO WEREN�T OLD + +The older textbooks contain descriptions of two English finds which +were thought to be very old. These were called Piltdown (_Eoanthropus +dawsoni_) and Galley Hill. The skulls were very modern in appearance. +In 1948-49, British scientists began making chemical tests which proved +that neither of these finds is very old. It is now known that both +�Piltdown man� and the tools which were said to have been found with +him were part of an elaborate fake! + + +TYPICAL �CAVE MEN� + +The next men we have to talk about are all members of a related group. +These are the Neanderthal group. �Neanderthal man� himself was found in +the Neander Valley, near D�sseldorf, Germany, in 1856. He was the first +human fossil to be recognized as such. + +[Illustration: PRINCIPAL KNOWN TYPES OF FOSSIL MEN + + CRO-MAGNON + NEANDERTHAL + MODERN SKULL + COMBE-CAPELLE + SINANTHROPUS + PITHECANTHROPUS] + +Some of us think that the neanderthaloids proper are only those people +of western Europe who didn�t get out before the beginning of the last +great glaciation, and who found themselves hemmed in by the glaciers +in the Alps and northern Europe. Being hemmed in, they intermarried +a bit too much and developed into a special type. Professor F. Clark +Howell sees it this way. In Europe, the earliest trace of men we +now know is the Heidelberg jaw. Evolution continued in Europe, from +Heidelberg through the Swanscombe and Steinheim types to a group of +pre-neanderthaloids. There are traces of these pre-neanderthaloids +pretty much throughout Europe during the third interglacial period--say +100,000 years ago. The pre-neanderthaloids are represented by such +finds as the ones at Ehringsdorf in Germany and Saccopastore in Italy. +I won�t describe them for you, since they are simply less extreme than +the neanderthaloids proper--about half way between Steinheim and the +classic Neanderthal people. + +Professor Howell believes that the pre-neanderthaloids who happened to +get caught in the pocket of the southwest corner of Europe at the onset +of the last great glaciation became the classic Neanderthalers. Out in +the Near East, Howell thinks, it is possible to see traces of people +evolving from the pre-neanderthaloid type toward that of fully modern +man. Certainly, we don�t see such extreme cases of �neanderthaloidism� +outside of western Europe. + +There are at least a dozen good examples in the main or classic +Neanderthal group in Europe. They date to just before and in the +earlier part of the last great glaciation (85,000 to 40,000 years ago). +Many of the finds have been made in caves. The �cave men� the movies +and the cartoonists show you are probably meant to be Neanderthalers. +I�m not at all sure they dragged their women by the hair; the women +were probably pretty tough, too! + +Neanderthal men had large bony heads, but plenty of room for brains. +Some had brain cases even larger than the average for modern man. Their +faces were heavy, and they had eyebrow ridges of bone, but the ridges +were not as big as those of Java man. Their foreheads were very low, +and they didn�t have much chin. They were about five feet three inches +tall, but were heavy and barrel-chested. But the Neanderthalers didn�t +slouch as much as they�ve been blamed for, either. + +One important thing about the Neanderthal group is that there is a fair +number of them to study. Just as important is the fact that we know +something about how they lived, and about some of the tools they made. + + +OTHER MEN CONTEMPORARY WITH THE NEANDERTHALOIDS + +We have seen that the neanderthaloids seem to be a specialization +in a corner of Europe. What was going on elsewhere? We think that +the pre-neanderthaloid type was a generally widespread form of men. +From this type evolved other more or less extreme although generally +related men. The Solo finds in Java form one such case. Another was the +Rhodesian man of Africa, and the more recent Hopefield finds show more +of the general Rhodesian type. It is more confusing than it needs to be +if these cases outside western Europe are called neanderthaloids. They +lived during the same approximate time range but they were all somewhat +different-looking people. + + +EARLY MODERN MEN + +How early is modern man (_Homo sapiens_), the �wise man�? Some people +have thought that he was very early, a few still think so. Piltdown +and Galley Hill, which were quite modern in anatomical appearance and +_supposedly_ very early in date, were the best �evidence� for very +early modern men. Now that Piltdown has been liquidated and Galley Hill +is known to be very late, what is left of the idea? + +The backs of the skulls of the Swanscombe and Steinheim finds look +rather modern. Unless you pay attention to the face and forehead of the +Steinheim find--which not many people have--and perhaps also consider +the Ternafine jaws, you might come to the conclusion that the crown of +the Swanscombe head was that of a modern-like man. + +Two more skulls, again without faces, are available from a French +cave site, Font�chevade. They come from the time of the last great +interglacial, as did the pre-neanderthaloids. The crowns of the +Font�chevade skulls also look quite modern. There is a bit of the +forehead preserved on one of these skulls and the brow-ridge is not +heavy. Nevertheless, there is a suggestion that the bones belonged to +an immature individual. In this case, his (or even more so, if _her_) +brow-ridges would have been weak anyway. The case for the Font�chevade +fossils, as modern type men, is little stronger than that for +Swanscombe, although Professor Vallois believes it a good case. + +It seems to add up to the fact that there were people living in +Europe--before the classic neanderthaloids--who looked more modern, +in some features, than the classic western neanderthaloids did. Our +best suggestion of what men looked like--just before they became fully +modern--comes from a cave on Mount Carmel in Palestine. + + +THE FIRST MODERNS + +Professor T. D. McCown and the late Sir Arthur Keith, who studied the +Mount Carmel bones, figured out that one of the two groups involved +was as much as 70 per cent modern. There were, in fact, two groups or +varieties of men in the Mount Carmel caves and in at least two other +Palestinian caves of about the same time. The time would be about that +of the onset of colder weather, when the last glaciation was beginning +in the north--say 75,000 years ago. + +The 70 per cent modern group came from only one cave, Mugharet es-Skhul +(�cave of the kids�). The other group, from several caves, had bones of +men of the type we�ve been calling pre-neanderthaloid which we noted +were widespread in Europe and beyond. The tools which came with each +of these finds were generally similar, and McCown and Keith, and other +scholars since their study, have tended to assume that both the Skhul +group and the pre-neanderthaloid group came from exactly the same time. +The conclusion was quite natural: here was a population of men in the +act of evolving in two different directions. But the time may not be +exactly the same. It is very difficult to be precise, within say 10,000 +years, for a time some 75,000 years ago. If the Skhul men are in fact +later than the pre-neanderthaloid group of Palestine, as some of us +think, then they show how relatively modern some men were--men who +lived at the same time as the classic Neanderthalers of the European +pocket. + +Soon after the first extremely cold phase of the last glaciation, we +begin to get a number of bones of completely modern men in Europe. +We also get great numbers of the tools they made, and their living +places in caves. Completely modern skeletons begin turning up in caves +dating back to toward 40,000 years ago. The time is about that of the +beginning of the second phase of the last glaciation. These skeletons +belonged to people no different from many people we see today. Like +people today, not everybody looked alike. (The positions of the more +important fossil men of later Europe are shown in the chart on page +72.) + + +DIFFERENCES IN THE EARLY MODERNS + +The main early European moderns have been divided into two groups, the +Cro-Magnon group and the Combe Capelle-Br�nn group. Cro-Magnon people +were tall and big-boned, with large, long, and rugged heads. They +must have been built like many present-day Scandinavians. The Combe +Capelle-Br�nn people were shorter; they had narrow heads and faces, and +big eyebrow-ridges. Of course we don�t find the skin or hair of these +people. But there is little doubt they were Caucasoids (�Whites�). + +Another important find came in the Italian Riviera, near Monte Carlo. +Here, in a cave near Grimaldi, there was a grave containing a woman +and a young boy, buried together. The two skeletons were first called +�Negroid� because some features of their bones were thought to resemble +certain features of modern African Negro bones. But more recently, +Professor E. A. Hooton and other experts questioned the use of the word +�Negroid� in describing the Grimaldi skeletons. It is true that nothing +is known of the skin color, hair form, or any other fleshy feature of +the Grimaldi people, so that the word �Negroid� in its usual meaning is +not proper here. It is also not clear whether the features of the bones +claimed to be �Negroid� are really so at all. + +From a place called Wadjak, in Java, we have �proto-Australoid� skulls +which closely resemble those of modern Australian natives. Some of +the skulls found in South Africa, especially the Boskop skull, look +like those of modern Bushmen, but are much bigger. The ancestors of +the Bushmen seem to have once been very widespread south of the Sahara +Desert. True African Negroes were forest people who apparently expanded +out of the west central African area only in the last several thousand +years. Although dark in skin color, neither the Australians nor the +Bushmen are Negroes; neither the Wadjak nor the Boskop skulls are +�Negroid.� + +As we�ve already mentioned, Professor Weidenreich believed that Peking +man was already on the way to becoming a Mongoloid. Anyway, the +Mongoloids would seem to have been present by the time of the �Upper +Cave� at Choukoutien, the _Sinanthropus_ find-spot. + + +WHAT THE DIFFERENCES MEAN + +What does all this difference mean? It means that, at one moment in +time, within each different area, men tended to look somewhat alike. +From area to area, men tended to look somewhat different, just as +they do today. This is all quite natural. People _tended_ to mate +near home; in the anthropological jargon, they made up geographically +localized breeding populations. The simple continental division of +�stocks�--black = Africa, yellow = Asia, white = Europe--is too simple +a picture to fit the facts. People became accustomed to life in some +particular area within a continent (we might call it a �natural area�). +As they went on living there, they evolved towards some particular +physical variety. It would, of course, have been difficult to draw +a clear boundary between two adjacent areas. There must always have +been some mating across the boundaries in every case. One thing human +beings don�t do, and never have done, is to mate for �purity.� It is +self-righteous nonsense when we try to kid ourselves into thinking that +they do. + +I am not going to struggle with the whole business of modern stocks and +races. This is a book about prehistoric men, not recent historic or +modern men. My physical anthropologist friends have been very patient +in helping me to write and rewrite this chapter--I am not going to +break their patience completely. Races are their business, not mine, +and they must do the writing about races. I shall, however, give two +modern definitions of race, and then make one comment. + + Dr. William G. Boyd, professor of Immunochemistry, School of + Medicine, Boston University: �We may define a human race as a + population which differs significantly from other human populations + in regard to the frequency of one or more of the genes it + possesses.� + + Professor Sherwood L. Washburn, professor of Physical Anthropology, + Department of Anthropology, the University of California: �A �race� + is a group of genetically similar populations, and races intergrade + because there are always intermediate populations.� + +My comment is that the ideas involved here are all biological: they +concern groups, _not_ individuals. Boyd and Washburn may differ a bit +on what they want to consider a �population,� but a population is a +group nevertheless, and genetics is biology to the hilt. Now a lot of +people still think of race in terms of how people dress or fix their +food or of other habits or customs they have. The next step is to talk +about racial �purity.� None of this has anything whatever to do with +race proper, which is a matter of the biology of groups. + +Incidentally, I�m told that if man very carefully _controls_ +the breeding of certain animals over generations--dogs, cattle, +chickens--he might achieve a �pure� race of animals. But he doesn�t do +it. Some unfortunate genetic trait soon turns up, so this has just as +carefully to be bred out again, and so on. + + +SUMMARY OF PRESENT KNOWLEDGE OF FOSSIL MEN + +The earliest bones of men we now have--upon which all the experts +would probably agree--are those of _Meganthropus_, from Java, of about +450,000 years ago. The earlier australopithecines of Africa were +possibly not tool-users and may not have been ancestral to men at all. +But there is an alternate and evidently increasingly stronger chance +that some of them may have been. The Kanam jaw from Kenya, another +early possibility, is not only very incomplete but its find-spot is +very questionable. + +Java man proper, _Pithecanthropus_, comes next, at about 400,000 years +ago, and the big Heidelberg jaw in Germany must be of about the same +date. Next comes Swanscombe in England, Steinheim in Germany, the +Ternafine jaws in Algeria, and Peking man, _Sinanthropus_. They all +date to the second great interglacial period, about 350,000 years ago. + +Piltdown and Galley Hill are out, and with them, much of the starch +in the old idea that there were two distinct lines of development +in human evolution: (1) a line of �paleoanthropic� development from +Heidelberg to the Neanderthalers where it became extinct, and (2) a +very early �modern� line, through Piltdown, Galley Hill, Swanscombe, to +us. Swanscombe, Steinheim, and Ternafine are just as easily cases of +very early pre-neanderthaloids. + +The pre-neanderthaloids were very widespread during the third +interglacial: Ehringsdorf, Saccopastore, some of the Mount Carmel +people, and probably Font�chevade are cases in point. A variety of +their descendants can be seen, from Java (Solo), Africa (Rhodesian +man), and about the Mediterranean and in western Europe. As the acute +cold of the last glaciation set in, the western Europeans found +themselves surrounded by water, ice, or bitter cold tundra. To vastly +over-simplify it, they �bred in� and became classic neanderthaloids. +But on Mount Carmel, the Skhul cave-find with its 70 per cent modern +features shows what could happen elsewhere at the same time. + +Lastly, from about 40,000 or 35,000 years ago--the time of the onset +of the second phase of the last glaciation--we begin to find the fully +modern skeletons of men. The modern skeletons differ from place to +place, just as different groups of men living in different places still +look different. + +What became of the Neanderthalers? Nobody can tell me for sure. I�ve a +hunch they were simply �bred out� again when the cold weather was over. +Many Americans, as the years go by, are no longer ashamed to claim they +have �Indian blood in their veins.� Give us a few more generations +and there will not be very many other Americans left to whom we can +brag about it. It certainly isn�t inconceivable to me to imagine a +little Cro-Magnon boy bragging to his friends about his tough, strong, +Neanderthaler great-great-great-great-grandfather! + + + + +Cultural BEGINNINGS + +[Illustration] + + +Men, unlike the lower animals, are made up of much more than flesh and +blood and bones; for men have �culture.� + + +WHAT IS CULTURE? + +�Culture� is a word with many meanings. The doctors speak of making a +�culture� of a certain kind of bacteria, and ants are said to have a +�culture.� Then there is the Emily Post kind of �culture�--you say a +person is �cultured,� or that he isn�t, depending on such things as +whether or not he eats peas with his knife. + +The anthropologists use the word too, and argue heatedly over its finer +meanings; but they all agree that every human being is part of or has +some kind of culture. Each particular human group has a particular +culture; that is one of the ways in which we can tell one group of +men from another. In this sense, a CULTURE means the way the members +of a group of people think and believe and live, the tools they make, +and the way they do things. Professor Robert Redfield says a culture +is an organized or formalized body of conventional understandings. +�Conventional understandings� means the whole set of rules, beliefs, +and standards which a group of people lives by. These understandings +show themselves in art, and in the other things a people may make and +do. The understandings continue to last, through tradition, from one +generation to another. They are what really characterize different +human groups. + + +SOME CHARACTERISTICS OF CULTURE + +A culture lasts, although individual men in the group die off. On +the other hand, a culture changes as the different conventions and +understandings change. You could almost say that a culture lives in the +minds of the men who have it. But people are not born with it; they +get it as they grow up. Suppose a day-old Hungarian baby is adopted by +a family in Oshkosh, Wisconsin, and the child is not told that he is +Hungarian. He will grow up with no more idea of Hungarian culture than +anyone else in Oshkosh. + +So when I speak of ancient Egyptian culture, I mean the whole body +of understandings and beliefs and knowledge possessed by the ancient +Egyptians. I mean their beliefs as to why grain grew, as well as their +ability to make tools with which to reap the grain. I mean their +beliefs about life after death. What I am thinking about as culture is +a thing which lasted in time. If any one Egyptian, even the Pharaoh, +died, it didn�t affect the Egyptian culture of that particular moment. + + +PREHISTORIC CULTURES + +For that long period of man�s history that is all prehistory, we have +no written descriptions of cultures. We find only the tools men made, +the places where they lived, the graves in which they buried their +dead. Fortunately for us, these tools and living places and graves all +tell us something about the ways these men lived and the things they +believed. But the story we learn of the very early cultures must be +only a very small part of the whole, for we find so few things. The +rest of the story is gone forever. We have to do what we can with what +we find. + +For all of the time up to about 75,000 years ago, which was the time +of the classic European Neanderthal group of men, we have found few +cave-dwelling places of very early prehistoric men. First, there is the +fallen-in cave where Peking man was found, near Peking. Then there are +two or three other _early_, but not _very early_, possibilities. The +finds at the base of the French cave of Font�chevade, those in one of +the Makapan caves in South Africa, and several open sites such as Dr. +L. S. B. Leakey�s Olorgesailie in Kenya doubtless all lie earlier than +the time of the main European Neanderthal group, but none are so early +as the Peking finds. + +You can see that we know very little about the home life of earlier +prehistoric men. We find different kinds of early stone tools, but we +can�t even be really sure which tools may have been used together. + + +WHY LITTLE HAS LASTED FROM EARLY TIMES + +Except for the rare find-spots mentioned above, all our very early +finds come from geological deposits, or from the wind-blown surfaces +of deserts. Here is what the business of geological deposits really +means. Let us say that a group of people was living in England about +300,000 years ago. They made the tools they needed, lived in some sort +of camp, almost certainly built fires, and perhaps buried their dead. +While the climate was still warm, many generations may have lived in +the same place, hunting, and gathering nuts and berries; but after some +few thousand years, the weather began very gradually to grow colder. +These early Englishmen would not have known that a glacier was forming +over northern Europe. They would only have noticed that the animals +they hunted seemed to be moving south, and that the berries grew larger +toward the south. So they would have moved south, too. + +The camp site they left is the place we archeologists would really have +liked to find. All of the different tools the people used would have +been there together--many broken, some whole. The graves, and traces +of fire, and the tools would have been there. But the glacier got +there first! The front of this enormous sheet of ice moved down over +the country, crushing and breaking and plowing up everything, like a +gigantic bulldozer. You can see what happened to our camp site. + +Everything the glacier couldn�t break, it pushed along in front of it +or plowed beneath it. Rocks were ground to gravel, and soil was caught +into the ice, which afterwards melted and ran off as muddy water. Hard +tools of flint sometimes remained whole. Human bones weren�t so hard; +it�s a wonder _any_ of them lasted. Gushing streams of melt water +flushed out the debris from underneath the glacier, and water flowed +off the surface and through great crevasses. The hard materials these +waters carried were even more rolled and ground up. Finally, such +materials were dropped by the rushing waters as gravels, miles from +the front of the glacier. At last the glacier reached its greatest +extent; then it melted backward toward the north. Debris held in the +ice was dropped where the ice melted, or was flushed off by more melt +water. When the glacier, leaving the land, had withdrawn to the sea, +great hunks of ice were broken off as icebergs. These icebergs probably +dropped the materials held in their ice wherever they floated and +melted. There must be many tools and fragmentary bones of prehistoric +men on the bottom of the Atlantic Ocean and the North Sea. + +Remember, too, that these glaciers came and went at least three or four +times during the Ice Age. Then you will realize why the earlier things +we find are all mixed up. Stone tools from one camp site got mixed up +with stone tools from many other camp sites--tools which may have been +made tens of thousands or more years apart. The glaciers mixed them +all up, and so we cannot say which particular sets of tools belonged +together in the first place. + + +�EOLITHS� + +But what sort of tools do we find earliest? For almost a century, +people have been picking up odd bits of flint and other stone in the +oldest Ice Age gravels in England and France. It is now thought these +odd bits of stone weren�t actually worked by prehistoric men. The +stones were given a name, _eoliths_, or �dawn stones.� You can see them +in many museums; but you can be pretty sure that very few of them were +actually fashioned by men. + +It is impossible to pick out �eoliths� that seem to be made in any +one _tradition_. By �tradition� I mean a set of habits for making one +kind of tool for some particular job. No two �eoliths� look very much +alike: tools made as part of some one tradition all look much alike. +Now it�s easy to suppose that the very earliest prehistoric men picked +up and used almost any sort of stone. This wouldn�t be surprising; you +and I do it when we go camping. In other words, some of these �eoliths� +may actually have been used by prehistoric men. They must have used +anything that might be handy when they needed it. We could have figured +that out without the �eoliths.� + + +THE ROAD TO STANDARDIZATION + +Reasoning from what we know or can easily imagine, there should have +been three major steps in the prehistory of tool-making. The first step +would have been simple _utilization_ of what was at hand. This is the +step into which the �eoliths� would fall. The second step would have +been _fashioning_--the haphazard preparation of a tool when there was a +need for it. Probably many of the earlier pebble tools, which I shall +describe next, fall into this group. The third step would have been +_standardization_. Here, men began to make tools according to certain +set traditions. Counting the better-made pebble tools, there are four +such traditions or sets of habits for the production of stone tools in +earliest prehistoric times. Toward the end of the Pleistocene, a fifth +tradition appears. + + +PEBBLE TOOLS + +At the beginning of the last chapter, you�ll remember that I said there +were tools from very early geological beds. The earliest bones of men +have not yet been found in such early beds although the Sterkfontein +australopithecine cave approaches this early date. The earliest tools +come from Africa. They date back to the time of the first great +alpine glaciation and are at least 500,000 years old. The earliest +ones are made of split pebbles, about the size of your fist or a bit +bigger. They go under the name of pebble tools. There are many natural +exposures of early Pleistocene geological beds in Africa, and the +prehistoric archeologists of south and central Africa have concentrated +on searching for early tools. Other finds of early pebble tools have +recently been made in Algeria and Morocco. + +[Illustration: SOUTH AFRICAN PEBBLE TOOL] + +There are probably early pebble tools to be found in areas of the +Old World besides Africa; in fact, some prehistorians already claim +to have identified a few. Since the forms and the distinct ways of +making the earlier pebble tools had not yet sufficiently jelled into +a set tradition, they are difficult for us to recognize. It is not +so difficult, however, if there are great numbers of �possibles� +available. A little later in time the tradition becomes more clearly +set, and pebble tools are easier to recognize. So far, really large +collections of pebble tools have only been found and examined in Africa. + + +CORE-BIFACE TOOLS + +The next tradition we�ll look at is the _core_ or biface one. The tools +are large pear-shaped pieces of stone trimmed flat on the two opposite +sides or �faces.� Hence �biface� has been used to describe these tools. +The front view is like that of a pear with a rather pointed top, and +the back view looks almost exactly the same. Look at them side on, and +you can see that the front and back faces are the same and have been +trimmed to a thin tip. The real purpose in trimming down the two faces +was to get a good cutting edge all around. You can see all this in the +illustration. + +[Illustration: ABBEVILLIAN BIFACE] + +We have very little idea of the way in which these core-bifaces were +used. They have been called �hand axes,� but this probably gives the +wrong idea, for an ax, to us, is not a pointed tool. All of these early +tools must have been used for a number of jobs--chopping, scraping, +cutting, hitting, picking, and prying. Since the core-bifaces tend to +be pointed, it seems likely that they were used for hitting, picking, +and prying. But they have rough cutting edges, so they could have been +used for chopping, scraping, and cutting. + + +FLAKE TOOLS + +The third tradition is the _flake_ tradition. The idea was to get a +tool with a good cutting edge by simply knocking a nice large flake off +a big block of stone. You had to break off the flake in such a way that +it was broad and thin, and also had a good sharp cutting edge. Once you +really got on to the trick of doing it, this was probably a simpler way +to make a good cutting tool than preparing a biface. You have to know +how, though; I�ve tried it and have mashed my fingers more than once. + +The flake tools look as if they were meant mainly for chopping, +scraping, and cutting jobs. When one made a flake tool, the idea seems +to have been to produce a broad, sharp, cutting edge. + +[Illustration: CLACTONIAN FLAKE] + +The core-biface and the flake traditions were spread, from earliest +times, over much of Europe, Africa, and western Asia. The map on page +52 shows the general area. Over much of this great region there was +flint. Both of these traditions seem well adapted to flint, although +good core-bifaces and flakes were made from other kinds of stone, +especially in Africa south of the Sahara. + + +CHOPPERS AND ADZE-LIKE TOOLS + +The fourth early tradition is found in southern and eastern Asia, from +northwestern India through Java and Burma into China. Father Maringer +recently reported an early group of tools in Japan, which most resemble +those of Java, called Patjitanian. The prehistoric men in this general +area mostly used quartz and tuff and even petrified wood for their +stone tools (see illustration, p. 46). + +This fourth early tradition is called the _chopper-chopping tool_ +tradition. It probably has its earliest roots in the pebble tool +tradition of African type. There are several kinds of tools in this +tradition, but all differ from the western core-bifaces and flakes. +There are broad, heavy scrapers or cleavers, and tools with an +adze-like cutting edge. These last-named tools are called �hand adzes,� +just as the core-bifaces of the west have often been called �hand +axes.� The section of an adze cutting edge is ? shaped; the section of +an ax is < shaped. + +[Illustration: ANYATHIAN ADZE-LIKE TOOL] + +There are also pointed pebble tools. Thus the tool kit of these early +south and east Asiatic peoples seems to have included tools for doing +as many different jobs as did the tools of the Western traditions. + +Dr. H. L. Movius has emphasized that the tools which were found in the +Peking cave with Peking man belong to the chopper-tool tradition. This +is the only case as yet where the tools and the man have been found +together from very earliest times--if we except Sterkfontein. + + +DIFFERENCES WITHIN THE TOOL-MAKING TRADITIONS + +The latter three great traditions in the manufacture of stone +tools--and the less clear-cut pebble tools before them--are all we have +to show of the cultures of the men of those times. Changes happened in +each of the traditions. As time went on, the tools in each tradition +were better made. There could also be slight regional differences in +the tools within one tradition. Thus, tools with small differences, but +all belonging to one tradition, can be given special group (facies) +names. + +This naming of special groups has been going on for some time. Here are +some of these names, since you may see them used in museum displays +of flint tools, or in books. Within each tradition of tool-making +(save the chopper tools), the earliest tool type is at the bottom +of the list, just as it appears in the lowest beds of a geological +stratification.[3] + + [3] Archeologists usually make their charts and lists with the + earliest materials at the bottom and the latest on top, since + this is the way they find them in the ground. + + Chopper tool (all about equally early): + Anyathian (Burma) + Choukoutienian (China) + Patjitanian (Java) + Soan (India) + + Flake: + �Typical Mousterian� + Levalloiso-Mousterian + Levalloisian + Tayacian + Clactonian (localized in England) + + Core-biface: + Some blended elements in �Mousterian� + Micoquian (= Acheulean 6 and 7) + Acheulean + Abbevillian (once called �Chellean�) + + Pebble tool: + Oldowan + Ain Hanech + pre-Stellenbosch + Kafuan + +The core-biface and the flake traditions appear in the chart (p. 65). + +The early archeologists had many of the tool groups named before they +ever realized that there were broader tool preparation traditions. This +was understandable, for in dealing with the mixture of things that come +out of glacial gravels the easiest thing to do first is to isolate +individual types of tools into groups. First you put a bushel-basketful +of tools on a table and begin matching up types. Then you give names to +the groups of each type. The groups and the types are really matters of +the archeologists� choice; in real life, they were probably less exact +than the archeologists� lists of them. We now know pretty well in which +of the early traditions the various early groups belong. + + +THE MEANING OF THE DIFFERENT TRADITIONS + +What do the traditions really mean? I see them as the standardization +of ways to make tools for particular jobs. We may not know exactly what +job the maker of a particular core-biface or flake tool had in mind. We +can easily see, however, that he already enjoyed a know-how, a set of +persistent habits of tool preparation, which would always give him the +same type of tool when he wanted to make it. Therefore, the traditions +show us that persistent habits already existed for the preparation of +one type of tool or another. + +This tells us that one of the characteristic aspects of human culture +was already present. There must have been, in the minds of these +early men, a notion of the ideal type of tool for a particular job. +Furthermore, since we find so many thousands upon thousands of tools +of one type or another, the notion of the ideal types of tools _and_ +the know-how for the making of each type must have been held in common +by many men. The notions of the ideal types and the know-how for their +production must have been passed on from one generation to another. + +I could even guess that the notions of the ideal type of one or the +other of these tools stood out in the minds of men of those times +somewhat like a symbol of �perfect tool for good job.� If this were +so--remember it�s only a wild guess of mine--then men were already +symbol users. Now let�s go on a further step to the fact that the words +men speak are simply sounds, each different sound being a symbol for a +different meaning. If standardized tool-making suggests symbol-making, +is it also possible that crude word-symbols were also being made? I +suppose that it is not impossible. + +There may, of course, be a real question whether tool-utilizing +creatures--our first step, on page 42--were actually men. Other +animals utilize things at hand as tools. The tool-fashioning creature +of our second step is more suggestive, although we may not yet feel +sure that many of the earlier pebble tools were man-made products. But +with the step to standardization and the appearance of the traditions, +I believe we must surely be dealing with the traces of culture-bearing +_men_. The �conventional understandings� which Professor Redfield�s +definition of culture suggests are now evidenced for us in the +persistent habits for the preparation of stone tools. Were we able to +see the other things these prehistoric men must have made--in materials +no longer preserved for the archeologist to find--I believe there would +be clear signs of further conventional understandings. The men may have +been physically primitive and pretty shaggy in appearance, but I think +we must surely call them men. + + +AN OLDER INTERPRETATION OF THE WESTERN TRADITIONS + +In the last chapter, I told you that many of the older archeologists +and human paleontologists used to think that modern man was very old. +The supposed ages of Piltdown and Galley Hill were given as evidence +of the great age of anatomically modern man, and some interpretations +of the Swanscombe and Font�chevade fossils were taken to support +this view. The conclusion was that there were two parallel lines or +�phyla� of men already present well back in the Pleistocene. The +first of these, the more primitive or �paleoanthropic� line, was +said to include Heidelberg, the proto-neanderthaloids and classic +Neanderthal. The more anatomically modern or �neanthropic� line was +thought to consist of Piltdown and the others mentioned above. The +Neanderthaler or paleoanthropic line was thought to have become extinct +after the first phase of the last great glaciation. Of course, the +modern or neanthropic line was believed to have persisted into the +present, as the basis for the world�s population today. But with +Piltdown liquidated, Galley Hill known to be very late, and Swanscombe +and Font�chevade otherwise interpreted, there is little left of the +so-called parallel phyla theory. + +While the theory was in vogue, however, and as long as the European +archeological evidence was looked at in one short-sighted way, the +archeological materials _seemed_ to fit the parallel phyla theory. It +was simply necessary to believe that the flake tools were made only +by the paleoanthropic Neanderthaler line, and that the more handsome +core-biface tools were the product of the neanthropic modern-man line. + +Remember that _almost_ all of the early prehistoric European tools +came only from the redeposited gravel beds. This means that the tools +were not normally found in the remains of camp sites or work shops +where they had actually been dropped by the men who made and used +them. The tools came, rather, from the secondary hodge-podge of the +glacial gravels. I tried to give you a picture of the bulldozing action +of glaciers (p. 40) and of the erosion and weathering that were +side-effects of a glacially conditioned climate on the earth�s surface. +As we said above, if one simply plucks tools out of the redeposited +gravels, his natural tendency is to �type� the tools by groups, and to +think that the groups stand for something _on their own_. + +In 1906, M. Victor Commont actually made a rare find of what seems +to have been a kind of workshop site, on a terrace above the Somme +river in France. Here, Commont realized, flake tools appeared clearly +in direct association with core-biface tools. Few prehistorians paid +attention to Commont or his site, however. It was easier to believe +that flake tools represented a distinct �culture� and that this +�culture� was that of the Neanderthaler or paleoanthropic line, and +that the core-bifaces stood for another �culture� which was that of the +supposed early modern or neanthropic line. Of course, I am obviously +skipping many details here. Some later sites with Neanderthal fossils +do seem to have only flake tools, but other such sites have both types +of tools. The flake tools which appeared _with_ the core-bifaces +in the Swanscombe gravels were never made much of, although it +was embarrassing for the parallel phyla people that Font�chevade +ran heavily to flake tools. All in all, the parallel phyla theory +flourished because it seemed so neat and easy to understand. + + +TRADITIONS ARE TOOL-MAKING HABITS, NOT CULTURES + +In case you think I simply enjoy beating a dead horse, look in any +standard book on prehistory written twenty (or even ten) years ago, or +in most encyclopedias. You�ll find that each of the individual tool +types, of the West, at least, was supposed to represent a �culture.� +The �cultures� were believed to correspond to parallel lines of human +evolution. + +In 1937, Mr. Harper Kelley strongly re-emphasized the importance +of Commont�s workshop site and the presence of flake tools with +core-bifaces. Next followed Dr. Movius� clear delineation of the +chopper-chopping tool tradition of the Far East. This spoiled the nice +symmetry of the flake-tool = paleoanthropic, core-biface = neanthropic +equations. Then came increasing understanding of the importance of +the pebble tools in Africa, and the location of several more workshop +sites there, especially at Olorgesailie in Kenya. Finally came the +liquidation of Piltdown and the deflation of Galley Hill�s date. So it +is at last possible to picture an individual prehistoric man making a +flake tool to do one job and a core-biface tool to do another. Commont +showed us this picture in 1906, but few believed him. + +[Illustration: DISTRIBUTION OF TOOL-PREPARATION TRADITIONS + +Time approximately 100,000 years ago] + +There are certainly a few cases in which flake tools did appear with +few or no core-bifaces. The flake-tool group called Clactonian in +England is such a case. Another good, but certainly later case is +that of the cave on Mount Carmel in Palestine, where the blended +pre-neanderthaloid, 70 per cent modern-type skulls were found. Here, in +the same level with the skulls, were 9,784 flint tools. Of these, only +three--doubtless strays--were core-bifaces; all the rest were flake +tools or flake chips. We noted above how the Font�chevade cave ran to +flake tools. The only conclusion I would draw from this is that times +and circumstances did exist in which prehistoric men needed only flake +tools. So they only made flake tools for those particular times and +circumstances. + + +LIFE IN EARLIEST TIMES + +What do we actually know of life in these earliest times? In the +glacial gravels, or in the terrace gravels of rivers once swollen by +floods of melt water or heavy rains, or on the windswept deserts, we +find stone tools. The earliest and coarsest of these are the pebble +tools. We do not yet know what the men who made them looked like, +although the Sterkfontein australopithecines probably give us a good +hint. Then begin the more formal tool preparation traditions of the +west--the core-bifaces and the flake tools--and the chopper-chopping +tool series of the farther east. There is an occasional roughly worked +piece of bone. From the gravels which yield the Clactonian flakes of +England comes the fire-hardened point of a wooden spear. There are +also the chance finds of the fossil human bones themselves, of which +we spoke in the last chapter. Aside from the cave of Peking man, none +of the earliest tools have been found in caves. Open air or �workshop� +sites which do not seem to have been disturbed later by some geological +agency are very rare. + +The chart on page 65 shows graphically what the situation in +west-central Europe seems to have been. It is not yet certain whether +there were pebble tools there or not. The Font�chevade cave comes +into the picture about 100,000 years ago or more. But for the earlier +hundreds of thousands of years--below the red-dotted line on the +chart--the tools we find come almost entirely from the haphazard +mixture within the geological contexts. + +The stone tools of each of the earlier traditions are the simplest +kinds of all-purpose tools. Almost any one of them could be used for +hacking, chopping, cutting, and scraping; so the men who used them must +have been living in a rough and ready sort of way. They found or hunted +their food wherever they could. In the anthropological jargon, they +were �food-gatherers,� pure and simple. + +Because of the mixture in the gravels and in the materials they +carried, we can�t be sure which animals these men hunted. Bones of +the larger animals turn up in the gravels, but they could just as +well belong to the animals who hunted the men, rather than the other +way about. We don�t know. This is why camp sites like Commont�s and +Olorgesailie in Kenya are so important when we do find them. The animal +bones at Olorgesailie belonged to various mammals of extremely large +size. Probably they were taken in pit-traps, but there are a number of +groups of three round stones on the site which suggest that the people +used bolas. The South American Indians used three-ball bolas, with the +stones in separate leather bags connected by thongs. These were whirled +and then thrown through the air so as to entangle the feet of a fleeing +animal. + +Professor F. Clark Howell recently returned from excavating another +important open air site at Isimila in Tanganyika. The site yielded +the bones of many fossil animals and also thousands of core-bifaces, +flakes, and choppers. But Howell�s reconstruction of the food-getting +habits of the Isimila people certainly suggests that the word �hunting� +is too dignified for what they did; �scavenging� would be much nearer +the mark. + +During a great part of this time the climate was warm and pleasant. The +second interglacial period (the time between the second and third great +alpine glaciations) lasted a long time, and during much of this time +the climate may have been even better than ours is now. We don�t know +that earlier prehistoric men in Europe or Africa lived in caves. They +may not have needed to; much of the weather may have been so nice that +they lived in the open. Perhaps they didn�t wear clothes, either. + + +WHAT THE PEKING CAVE-FINDS TELL US + +The one early cave-dwelling we have found is that of Peking man, in +China. Peking man had fire. He probably cooked his meat, or used +the fire to keep dangerous animals away from his den. In the cave +were bones of dangerous animals, members of the wolf, bear, and cat +families. Some of the cat bones belonged to beasts larger than tigers. +There were also bones of other wild animals: buffalo, camel, deer, +elephants, horses, sheep, and even ostriches. Seventy per cent of the +animals Peking man killed were fallow deer. It�s much too cold and dry +in north China for all these animals to live there today. So this list +helps us know that the weather was reasonably warm, and that there was +enough rain to grow grass for the grazing animals. The list also helps +the paleontologists to date the find. + +Peking man also seems to have eaten plant food, for there are hackberry +seeds in the debris of the cave. His tools were made of sandstone and +quartz and sometimes of a rather bad flint. As we�ve already seen, they +belong in the chopper-tool tradition. It seems fairly clear that some +of the edges were chipped by right-handed people. There are also many +split pieces of heavy bone. Peking man probably split them so he could +eat the bone marrow, but he may have used some of them as tools. + +Many of these split bones were the bones of Peking men. Each one of the +skulls had already had the base broken out of it. In no case were any +of the bones resting together in their natural relation to one another. +There is nothing like a burial; all of the bones are scattered. Now +it�s true that animals could have scattered bodies that were not cared +for or buried. But splitting bones lengthwise and carefully removing +the base of a skull call for both the tools and the people to use them. +It�s pretty clear who the people were. Peking man was a cannibal. + + * * * * * + +This rounds out about all we can say of the life and times of early +prehistoric men. In those days life was rough. You evidently had to +watch out not only for dangerous animals but also for your fellow men. +You ate whatever you could catch or find growing. But you had sense +enough to build fires, and you had already formed certain habits for +making the kinds of stone tools you needed. That�s about all we know. +But I think we�ll have to admit that cultural beginnings had been made, +and that these early people were really _men_. + + + + +MORE EVIDENCE of Culture + +[Illustration] + + +While the dating is not yet sure, the material that we get from caves +in Europe must go back to about 100,000 years ago; the time of the +classic Neanderthal group followed soon afterwards. We don�t know why +there is no earlier material in the caves; apparently they were not +used before the last interglacial phase (the period just before the +last great glaciation). We know that men of the classic Neanderthal +group were living in caves from about 75,000 to 45,000 years ago. +New radioactive carbon dates even suggest that some of the traces of +culture we�ll describe in this chapter may have lasted to about 35,000 +years ago. Probably some of the pre-neanderthaloid types of men had +also lived in caves. But we have so far found their bones in caves only +in Palestine and at Font�chevade. + + +THE CAVE LAYERS + +In parts of France, some peasants still live in caves. In prehistoric +time, many generations of people lived in them. As a result, many +caves have deep layers of debris. The first people moved in and lived +on the rock floor. They threw on the floor whatever they didn�t want, +and they tracked in mud; nobody bothered to clean house in those days. +Their debris--junk and mud and garbage and what not--became packed +into a layer. As time went on, and generations passed, the layer grew +thicker. Then there might have been a break in the occupation of the +cave for a while. Perhaps the game animals got scarce and the people +moved away; or maybe the cave became flooded. Later on, other people +moved in and began making a new layer of their own on top of the first +layer. Perhaps this process of layering went on in the same cave for a +hundred thousand years; you can see what happened. The drawing on this +page shows a section through such a cave. The earliest layer is on the +bottom, the latest one on top. They go in order from bottom to top, +earliest to latest. This is the _stratification_ we talked about (p. +12). + +[Illustration: SECTION OF SHELTER ON LOWER TERRACE, LE MOUSTIER] + +While we may find a mix-up in caves, it�s not nearly as bad as the +mixing up that was done by glaciers. The animal bones and shells, the +fireplaces, the bones of men, and the tools the men made all belong +together, if they come from one layer. That�s the reason why the cave +of Peking man is so important. It is also the reason why the caves in +Europe and the Near East are so important. We can get an idea of which +things belong together and which lot came earliest and which latest. + +In most cases, prehistoric men lived only in the mouths of caves. +They didn�t like the dark inner chambers as places to live in. They +preferred rock-shelters, at the bases of overhanging cliffs, if there +was enough overhang to give shelter. When the weather was good, they no +doubt lived in the open air as well. I�ll go on using the term �cave� +since it�s more familiar, but remember that I really mean rock-shelter, +as a place in which people actually lived. + +The most important European cave sites are in Spain, France, and +central Europe; there are also sites in England and Italy. A few caves +are known in the Near East and Africa, and no doubt more sites will be +found when the out-of-the-way parts of Europe, Africa, and Asia are +studied. + + +AN �INDUSTRY� DEFINED + +We have already seen that the earliest European cave materials are +those from the cave of Font�chevade. Movius feels certain that the +lowest materials here date back well into the third interglacial stage, +that which lay between the Riss (next to the last) and the W�rm I +(first stage of the last) alpine glaciations. This material consists +of an _industry_ of stone tools, apparently all made in the flake +tradition. This is the first time we have used the word �industry.� +It is useful to call all of the different tools found together in one +layer and made of _one kind of material_ an industry; that is, the +tools must be found together as men left them. Tools taken from the +glacial gravels (or from windswept desert surfaces or river gravels +or any geological deposit) are not �together� in this sense. We might +say the latter have only �geological,� not �archeological� context. +Archeological context means finding things just as men left them. We +can tell what tools go together in an �industrial� sense only if we +have archeological context. + +Up to now, the only things we could have called �industries� were the +worked stone industry and perhaps the worked (?) bone industry of the +Peking cave. We could add some of the very clear cases of open air +sites, like Olorgesailie. We couldn�t use the term for the stone tools +from the glacial gravels, because we do not know which tools belonged +together. But when the cave materials begin to appear in Europe, we can +begin to speak of industries. Most of the European caves of this time +contain industries of flint tools alone. + + +THE EARLIEST EUROPEAN CAVE LAYERS + +We�ve just mentioned the industry from what is said to be the oldest +inhabited cave in Europe; that is, the industry from the deepest layer +of the site at Font�chevade. Apparently it doesn�t amount to much. The +tools are made of stone, in the flake tradition, and are very poorly +worked. This industry is called _Tayacian_. Its type tool seems to be +a smallish flake tool, but there are also larger flakes which seem to +have been fashioned for hacking. In fact, the type tool seems to be +simply a smaller edition of the Clactonian tool (pictured on p. 45). + +None of the Font�chevade tools are really good. There are scrapers, +and more or less pointed tools, and tools that may have been used +for hacking and chopping. Many of the tools from the earlier glacial +gravels are better made than those of this first industry we see in +a European cave. There is so little of this material available that +we do not know which is really typical and which is not. You would +probably find it hard to see much difference between this industry and +a collection of tools of the type called Clactonian, taken from the +glacial gravels, especially if the Clactonian tools were small-sized. + +The stone industry of the bottommost layer of the Mount Carmel cave, +in Palestine, where somewhat similar tools were found, has also been +called Tayacian. + +I shall have to bring in many unfamiliar words for the names of the +industries. The industries are usually named after the places where +they were first found, and since these were in most cases in France, +most of the names which follow will be of French origin. However, +the names have simply become handles and are in use far beyond the +boundaries of France. It would be better if we had a non-place-name +terminology, but archeologists have not yet been able to agree on such +a terminology. + + +THE ACHEULEAN INDUSTRY + +Both in France and in Palestine, as well as in some African cave +sites, the next layers in the deep caves have an industry in both the +core-biface and the flake traditions. The core-biface tools usually +make up less than half of all the tools in the industry. However, +the name of the biface type of tool is generally given to the whole +industry. It is called the _Acheulean_, actually a late form of it, as +�Acheulean� is also used for earlier core-biface tools taken from the +glacial gravels. In western Europe, the name used is _Upper Acheulean_ +or _Micoquian_. The same terms have been borrowed to name layers E and +F in the Tabun cave, on Mount Carmel in Palestine. + +The Acheulean core-biface type of tool is worked on two faces so as +to give a cutting edge all around. The outline of its front view may +be oval, or egg-shaped, or a quite pointed pear shape. The large +chip-scars of the Acheulean core-bifaces are shallow and flat. It is +suspected that this resulted from the removal of the chips with a +wooden club; the deep chip-scars of the earlier Abbevillian core-biface +came from beating the tool against a stone anvil. These tools are +really the best and also the final products of the core-biface +tradition. We first noticed the tradition in the early glacial gravels +(p. 43); now we see its end, but also its finest examples, in the +deeper cave levels. + +The flake tools, which really make up the greater bulk of this +industry, are simple scrapers and chips with sharp cutting edges. The +habits used to prepare them must have been pretty much the same as +those used for at least one of the flake industries we shall mention +presently. + +There is very little else in these early cave layers. We do not have +a proper �industry� of bone tools. There are traces of fire, and of +animal bones, and a few shells. In Palestine, there are many more +bones of deer than of gazelle in these layers; the deer lives in a +wetter climate than does the gazelle. In the European cave layers, the +animal bones are those of beasts that live in a warm climate. They +belonged in the last interglacial period. We have not yet found the +bones of fossil men definitely in place with this industry. + +[Illustration: ACHEULEAN BIFACE] + + +FLAKE INDUSTRIES FROM THE CAVES + +Two more stone industries--the _Levalloisian_ and the +�_Mousterian_�--turn up at approximately the same time in the European +cave layers. Their tools seem to be mainly in the flake tradition, +but according to some of the authorities their preparation also shows +some combination with the habits by which the core-biface tools were +prepared. + +Now notice that I don�t tell you the Levalloisian and the �Mousterian� +layers are both above the late Acheulean layers. Look at the cave +section (p. 57) and you�ll find that some �Mousterian of Acheulean +tradition� appears above some �typical Mousterian.� This means that +there may be some kinds of Acheulean industries that are later than +some kinds of �Mousterian.� The same is true of the Levalloisian. + +There were now several different kinds of habits that men used in +making stone tools. These habits were based on either one or the other +of the two traditions--core-biface or flake--or on combinations of +the habits used in the preparation techniques of both traditions. All +were popular at about the same time. So we find that people who made +one kind of stone tool industry lived in a cave for a while. Then they +gave up the cave for some reason, and people with another industry +moved in. Then the first people came back--or at least somebody with +the same tool-making habits as the first people. Or maybe a third group +of tool-makers moved in. The people who had these different habits for +making their stone tools seem to have moved around a good deal. They no +doubt borrowed and exchanged tricks of the trade with each other. There +were no patent laws in those days. + +The extremely complicated interrelationships of the different habits +used by the tool-makers of this range of time are at last being +systematically studied. M. Fran�ois Bordes has developed a statistical +method of great importance for understanding these tool preparation +habits. + + +THE LEVALLOISIAN AND MOUSTERIAN + +The easiest Levalloisian tool to spot is a big flake tool. The trick +in making it was to fashion carefully a big chunk of stone (called +the Levalloisian �tortoise core,� because it resembles the shape of +a turtle-shell) and then to whack this in such a way that a large +flake flew off. This large thin flake, with sharp cutting edges, is +the finished Levalloisian tool. There were various other tools in a +Levalloisian industry, but this is the characteristic _Levalloisian_ +tool. + +There are several �typical Mousterian� stone tools. Different from +the tools of the Levalloisian type, these were made from �disc-like +cores.� There are medium-sized flake �side scrapers.� There are also +some small pointed tools and some small �hand axes.� The last of these +tool types is often a flake worked on both of the flat sides (that +is, bifacially). There are also pieces of flint worked into the form +of crude balls. The pointed tools may have been fixed on shafts to +make short jabbing spears; the round flint balls may have been used as +bolas. Actually, we don�t _know_ what either tool was used for. The +points and side scrapers are illustrated (pp. 64 and 66). + +[Illustration: LEVALLOIS FLAKE] + + +THE MIXING OF TRADITIONS + +Nowadays the archeologists are less and less sure of the importance +of any one specific tool type and name. Twenty years ago, they used +to speak simply of Acheulean or Levalloisian or Mousterian tools. +Now, more and more, _all_ of the tools from some one layer in a +cave are called an �industry,� which is given a mixed name. Thus we +have �Levalloiso-Mousterian,� and �Acheuleo-Levalloisian,� and even +�Acheuleo-Mousterian� (or �Mousterian of Acheulean tradition�). Bordes� +systematic work is beginning to clear up some of our confusion. + +The time of these late Acheuleo-Levalloiso-Mousterioid industries +is from perhaps as early as 100,000 years ago. It may have lasted +until well past 50,000 years ago. This was the time of the first +phase of the last great glaciation. It was also the time that the +classic group of Neanderthal men was living in Europe. A number of +the Neanderthal fossil finds come from these cave layers. Before the +different habits of tool preparation were understood it used to be +popular to say Neanderthal man was �Mousterian man.� I think this is +wrong. What used to be called �Mousterian� is now known to be a variety +of industries with tools of both core-biface and flake habits, and +so mixed that the word �Mousterian� used alone really doesn�t mean +anything. The Neanderthalers doubtless understood the tool preparation +habits by means of which Acheulean, Levalloisian and Mousterian type +tools were produced. We also have the more modern-like Mount Carmel +people, found in a cave layer of Palestine with tools almost entirely +in the flake tradition, called �Levalloiso-Mousterian,� and the +Font�chevade-Tayacian (p. 59). + +[Illustration: MOUSTERIAN POINT] + + +OTHER SUGGESTIONS OF LIFE IN THE EARLY CAVE LAYERS + +Except for the stone tools, what do we know of the way men lived in the +time range after 100,000 to perhaps 40,000 years ago or even later? +We know that in the area from Europe to Palestine, at least some of +the people (some of the time) lived in the fronts of caves and warmed +themselves over fires. In Europe, in the cave layers of these times, +we find the bones of different animals; the bones in the lowest layers +belong to animals that lived in a warm climate; above them are the +bones of those who could stand the cold, like the reindeer and mammoth. +Thus, the meat diet must have been changing, as the glacier crept +farther south. Shells and possibly fish bones have lasted in these +cave layers, but there is not a trace of the vegetable foods and the +nuts and berries and other wild fruits that must have been eaten when +they could be found. + +[Illustration: CHART SHOWING PRESENT UNDERSTANDING OF RELATIONSHIPS AND +SUCCESSION OF TOOL-PREPARATION TRADITIONS, INDUSTRIES, AND ASSEMBLAGES +OF WEST-CENTRAL EUROPE + +Wavy lines indicate transitions in industrial habits. These transitions +are not yet understood in detail. The glacial and climatic scheme shown +is the alpine one.] + +Bone tools have also been found from this period. Some are called +scrapers, and there are also long chisel-like leg-bone fragments +believed to have been used for skinning animals. Larger hunks of bone, +which seem to have served as anvils or chopping blocks, are fairly +common. + +Bits of mineral, used as coloring matter, have also been found. We +don�t know what the color was used for. + +[Illustration: MOUSTERIAN SIDE SCRAPER] + +There is a small but certain number of cases of intentional burials. +These burials have been found on the floors of the caves; in other +words, the people dug graves in the places where they lived. The holes +made for the graves were small. For this reason (or perhaps for some +other?) the bodies were in a curled-up or contracted position. Flint or +bone tools or pieces of meat seem to have been put in with some of the +bodies. In several cases, flat stones had been laid over the graves. + + +TOOLS FROM AFRICA AND ASIA ABOUT 100,000 YEARS AGO + +Professor Movius characterizes early prehistoric Africa as a continent +showing a variety of stone industries. Some of these industries were +purely local developments and some were practically identical with +industries found in Europe at the same time. From northwest Africa +to Capetown--excepting the tropical rain forest region of the west +center--tools of developed Acheulean, Levalloisian, and Mousterian +types have been recognized. Often they are named after African place +names. + +In east and south Africa lived people whose industries show a +development of the Levalloisian technique. Such industries are +called Stillbay. Another industry, developed on the basis of the +Acheulean technique, is called Fauresmith. From the northwest comes +an industry with tanged points and flake-blades; this is called the +Aterian. The tropical rain forest region contained people whose stone +tools apparently show adjustment to this peculiar environment; the +so-called Sangoan industry includes stone picks, adzes, core-bifaces +of specialized Acheulean type, and bifacial points which were probably +spearheads. + +In western Asia, even as far as the east coast of India, the tools of +the Eurafrican core-biface and flake tool traditions continued to be +used. But in the Far East, as we noted in the last chapter, men had +developed characteristic stone chopper and chopping tools. This tool +preparation tradition--basically a pebble tool tradition--lasted to the +very end of the Ice Age. + +When more intact open air sites such as that of an earlier time at +Olorgesailie, and more stratified cave sites are found and excavated +in Asia and Africa, we shall be able to get a more complete picture. +So far, our picture of the general cultural level of the Old World at +about 100,000 years ago--and soon afterwards--is best from Europe, but +it is still far from complete there, too. + + +CULTURE AT THE BEGINNING OF THE LAST GREAT GLACIAL PERIOD + +The few things we have found must indicate only a very small part +of the total activities of the people who lived at the time. All of +the things they made of wood and bark, of skins, of anything soft, +are gone. The fact that burials were made, at least in Europe and +Palestine, is pretty clear proof that the people had some notion of a +life after death. But what this notion really was, or what gods (if +any) men believed in, we cannot know. Dr. Movius has also reminded me +of the so-called bear cults--cases in which caves have been found which +contain the skulls of bears in apparently purposeful arrangement. This +might suggest some notion of hoarding up the spirits or the strength of +bears killed in the hunt. Probably the people lived in small groups, +as hunting and food-gathering seldom provide enough food for large +groups of people. These groups probably had some kind of leader or +�chief.� Very likely the rude beginnings of rules for community life +and politics, and even law, were being made. But what these were, we +do not know. We can only guess about such things, as we can only guess +about many others; for example, how the idea of a family must have been +growing, and how there may have been witch doctors who made beginnings +in medicine or in art, in the materials they gathered for their trade. + +The stone tools help us most. They have lasted, and we can find +them. As they come to us, from this cave or that, and from this +layer or that, the tool industries show a variety of combinations +of the different basic habits or traditions of tool preparation. +This seems only natural, as the groups of people must have been very +small. The mixtures and blendings of the habits used in making stone +tools must mean that there were also mixtures and blends in many of +the other ideas and beliefs of these small groups. And what this +probably means is that there was no one _culture_ of the time. It is +certainly unlikely that there were simply three cultures, �Acheulean,� +�Levalloisian,� and �Mousterian,� as has been thought in the past. +Rather there must have been a great variety of loosely related cultures +at about the same stage of advancement. We could say, too, that here +we really begin to see, for the first time, that remarkable ability +of men to adapt themselves to a variety of conditions. We shall see +this adaptive ability even more clearly as time goes on and the record +becomes more complete. + +Over how great an area did these loosely related cultures reach in +the time 75,000 to 45,000 or even as late as 35,000 years ago? We +have described stone tools made in one or another of the flake and +core-biface habits, for an enormous area. It covers all of Europe, all +of Africa, the Near East, and parts of India. It is perfectly possible +that the flake and core-biface habits lasted on after 35,000 years ago, +in some places outside of Europe. In northern Africa, for example, we +are certain that they did (see chart, p. 72). + +On the other hand, in the Far East (China, Burma, Java) and in northern +India, the tools of the old chopper-tool tradition were still being +made. Out there, we must assume, there was a different set of loosely +related cultures. At least, there was a different set of loosely +related habits for the making of tools. But the men who made them must +have looked much like the men of the West. Their tools were different, +but just as useful. + +As to what the men of the West looked like, I�ve already hinted at all +we know so far (pp. 29 ff.). The Neanderthalers were present at +the time. Some more modern-like men must have been about, too, since +fossils of them have turned up at Mount Carmel in Palestine, and at +Teshik Tash, in Trans-caspian Russia. It is still too soon to know +whether certain combinations of tools within industries were made +only by certain physical types of men. But since tools of both the +core-biface and the flake traditions, and their blends, turn up from +South Africa to England to India, it is most unlikely that only one +type of man used only one particular habit in the preparation of tools. +What seems perfectly clear is that men in Africa and men in India were +making just as good tools as the men who lived in western Europe. + + + + +EARLY MODERNS + +[Illustration] + + +From some time during the first inter-stadial of the last great +glaciation (say some time after about 40,000 years ago), we have +more accurate dates for the European-Mediterranean area and less +accurate ones for the rest of the Old World. This is probably +because the effects of the last glaciation have been studied in the +European-Mediterranean area more than they have been elsewhere. + + +A NEW TRADITION APPEARS + +Something new was probably beginning to happen in the +European-Mediterranean area about 40,000 years ago, though all the +rest of the Old World seems to have been going on as it had been. I +can�t be sure of this because the information we are using as a basis +for dates is very inaccurate for the areas outside of Europe and the +Mediterranean. + +We can at least make a guess. In Egypt and north Africa, men were still +using the old methods of making stone tools. This was especially true +of flake tools of the Levalloisian type, save that they were growing +smaller and smaller as time went on. But at the same time, a new +tradition was becoming popular in westernmost Asia and in Europe. This +was the blade-tool tradition. + + +BLADE TOOLS + +A stone blade is really just a long parallel-sided flake, as the +drawing shows. It has sharp cutting edges, and makes a very useful +knife. The real trick is to be able to make one. It is almost +impossible to make a blade out of any stone but flint or a natural +volcanic glass called obsidian. And even if you have flint or obsidian, +you first have to work up a special cone-shaped �blade-core,� from +which to whack off blades. + +[Illustration: PLAIN BLADE] + +You whack with a hammer stone against a bone or antler punch which is +directed at the proper place on the blade-core. The blade-core has to +be well supported or gripped while this is going on. To get a good +flint blade tool takes a great deal of know-how. + +Remember that a tradition in stone tools means no more than that some +particular way of making the tools got started and lasted a long time. +Men who made some tools in one tradition or set of habits would also +make other tools for different purposes by means of another tradition +or set of habits. It was even possible for the two sets of habits to +become combined. + + +THE EARLIEST BLADE TOOLS + +The oldest blade tools we have found were deep down in the layers of +the Mount Carmel caves, in Tabun Eb and Ea. Similar tools have been +found in equally early cave levels in Syria; their popularity there +seems to fluctuate a bit. Some more or less parallel-sided flakes are +known in the Levalloisian industry in France, but they are probably +no earlier than Tabun E. The Tabun blades are part of a local late +�Acheulean� industry, which is characterized by core-biface �hand +axes,� but which has many flake tools as well. Professor F. E. +Zeuner believes that this industry may be more than 120,000 years old; +actually its date has not yet been fixed, but it is very old--older +than the fossil finds of modern-like men in the same caves. + +[Illustration: SUCCESSION OF ICE AGE FLINT TYPES, INDUSTRIES, AND +ASSEMBLAGES, AND OF FOSSIL MEN, IN NORTHWESTERN EURAFRASIA] + +For some reason, the habit of making blades in Palestine and Syria was +interrupted. Blades only reappeared there at about the same time they +were first made in Europe, some time after 45,000 years ago; that is, +after the first phase of the last glaciation was ended. + +[Illustration: BACKED BLADE] + +We are not sure just where the earliest _persisting_ habits for the +production of blade tools developed. Impressed by the very early +momentary appearance of blades at Tabun on Mount Carmel, Professor +Dorothy A. Garrod first favored the Near East as a center of origin. +She spoke of �some as yet unidentified Asiatic centre,� which she +thought might be in the highlands of Iran or just beyond. But more +recent work has been done in this area, especially by Professor Coon, +and the blade tools do not seem to have an early appearance there. When +the blade tools reappear in the Syro-Palestinian area, they do so in +industries which also include Levalloiso-Mousterian flake tools. From +the point of view of form and workmanship, the blade tools themselves +are not so fine as those which seem to be making their appearance +in western Europe about the same time. There is a characteristic +Syro-Palestinian flake point, possibly a projectile tip, called the +Emiran, which is not known from Europe. The appearance of blade tools, +together with Levalloiso-Mousterian flakes, continues even after the +Emiran point has gone out of use. + +It seems clear that the production of blade tools did not immediately +swamp the set of older habits in Europe, too; the use of flake +tools also continued there. This was not so apparent to the older +archeologists, whose attention was focused on individual tool types. It +is not, in fact, impossible--although it is certainly not proved--that +the technique developed in the preparation of the Levalloisian tortoise +core (and the striking of the Levalloisian flake from it) might have +followed through to the conical core and punch technique for the +production of blades. Professor Garrod is much impressed with the speed +of change during the later phases of the last glaciation, and its +probable consequences. She speaks of �the greater number of industries +having enough individual character to be classified as distinct ... +since evolution now starts to outstrip diffusion.� Her �evolution� here +is of course an industrial evolution rather than a biological one. +Certainly the people of Europe had begun to make blade tools during +the warm spell after the first phase of the last glaciation. By about +40,000 years ago blades were well established. The bones of the blade +tool makers we�ve found so far indicate that anatomically modern men +had now certainly appeared. Unfortunately, only a few fossil men have +so far been found from the very beginning of the blade tool range in +Europe (or elsewhere). What I certainly shall _not_ tell you is that +conquering bands of fine, strong, anatomically modern men, armed with +superior blade tools, came sweeping out of the East to exterminate the +lowly Neanderthalers. Even if we don�t know exactly what happened, I�d +lay a good bet it wasn�t that simple. + +We do know a good deal about different blade industries in Europe. +Almost all of them come from cave layers. There is a great deal of +complication in what we find. The chart (p. 72) tries to simplify +this complication; in fact, it doubtless simplifies it too much. But +it may suggest all the complication of industries which is going +on at this time. You will note that the upper portion of my much +simpler chart (p. 65) covers the same material (in the section +marked �Various Blade-Tool Industries�). That chart is certainly too +simplified. + +You will realize that all this complication comes not only from +the fact that we are finding more material. It is due also to the +increasing ability of men to adapt themselves to a great variety of +situations. Their tools indicate this adaptiveness. We know there was +a good deal of climatic change at this time. The plants and animals +that men used for food were changing, too. The great variety of tools +and industries we now find reflect these changes and the ability of men +to keep up with the times. Now, for example, is the first time we are +sure that there are tools to _make_ other tools. They also show men�s +increasing ability to adapt themselves. + + +SPECIAL TYPES OF BLADE TOOLS + +The most useful tools that appear at this time were made from blades. + + 1. The �backed� blade. This is a knife made of a flint blade, with + one edge purposely blunted, probably to save the user�s fingers + from being cut. There are several shapes of backed blades (p. + 73). + + [Illustration: TWO BURINS] + + 2. The _burin_ or �graver.� The burin was the original chisel. Its + cutting edge is _transverse_, like a chisel�s. Some burins are + made like a screw-driver, save that burins are sharp. Others have + edges more like the blade of a chisel or a push plane, with + only one bevel. Burins were probably used to make slots in wood + and bone; that is, to make handles or shafts for other tools. + They must also be the tools with which much of the engraving on + bone (see p. 83) was done. There is a bewildering variety of + different kinds of burins. + +[Illustration: TANGED POINT] + + 3. The �tanged� point. These stone points were used to tip arrows or + light spears. They were made from blades, and they had a long tang + at the bottom where they were fixed to the shaft. At the place + where the tang met the main body of the stone point, there was + a marked �shoulder,� the beginnings of a barb. Such points had + either one or two shoulders. + +[Illustration: NOTCHED BLADE] + + 4. The �notched� or �strangulated� blade. Along with the points for + arrows or light spears must go a tool to prepare the arrow or + spear shaft. Today, such a tool would be called a �draw-knife� or + a �spoke-shave,� and this is what the notched blades probably are. + Our spoke-shaves have sharp straight cutting blades and really + �shave.� Notched blades of flint probably scraped rather than cut. + + 5. The �awl,� �drill,� or �borer.� These blade tools are worked out + to a spike-like point. They must have been used for making holes + in wood, bone, shell, skin, or other things. + +[Illustration: DRILL OR AWL] + + 6. The �end-scraper on a blade� is a tool with one or both ends + worked so as to give a good scraping edge. It could have been used + to hollow out wood or bone, scrape hides, remove bark from trees, + and a number of other things (p. 78). + +There is one very special type of flint tool, which is best known from +western Europe in an industry called the Solutrean. These tools were +usually made of blades, but the best examples are so carefully worked +on both sides (bifacially) that it is impossible to see the original +blade. This tool is + + 7. The �laurel leaf� point. Some of these tools were long and + dagger-like, and must have been used as knives or daggers. Others + were small, called �willow leaf,� and must have been mounted on + spear or arrow shafts. Another typical Solutrean tool is the + �shouldered� point. Both the �laurel leaf� and �shouldered� point + types are illustrated (see above and p. 79). + +[Illustration: END-SCRAPER ON A BLADE] + +[Illustration: LAUREL LEAF POINT] + +The industries characterized by tools in the blade tradition also +yield some flake and core tools. We will end this list with two types +of tools that appear at this time. The first is made of a flake; the +second is a core tool. + +[Illustration: SHOULDERED POINT] + + 8. The �keel-shaped round scraper� is usually small and quite round, + and has had chips removed up to a peak in the center. It is called + �keel-shaped� because it is supposed to look (when upside down) + like a section through a boat. Actually, it looks more like a tent + or an umbrella. Its outer edges are sharp all the way around, and + it was probably a general purpose scraping tool (see illustration, + p. 81). + + 9. The �keel-shaped nosed scraper� is a much larger and heavier tool + than the round scraper. It was made on a core with a flat bottom, + and has one nicely worked end or �nose.� Such tools are usually + large enough to be easily grasped, and probably were used like + push planes (see illustration, p. 81). + +[Illustration: KEEL-SHAPED ROUND SCRAPER] + +[Illustration: KEEL-SHAPED NOSED SCRAPER] + +The stone tools (usually made of flint) we have just listed are among +the most easily recognized blade tools, although they show differences +in detail at different times. There are also many other kinds. Not +all of these tools appear in any one industry at one time. Thus the +different industries shown in the chart (p. 72) each have only some +of the blade tools we�ve just listed, and also a few flake tools. Some +industries even have a few core tools. The particular types of blade +tools appearing in one cave layer or another, and the frequency of +appearance of the different types, tell which industry we have in each +layer. + + +OTHER KINDS OF TOOLS + +By this time in Europe--say from about 40,000 to about 10,000 years +ago--we begin to find other kinds of material too. Bone tools begin +to appear. There are knives, pins, needles with eyes, and little +double-pointed straight bars of bone that were probably fish-hooks. The +fish-line would have been fastened in the center of the bar; when the +fish swallowed the bait, the bar would have caught cross-wise in the +fish�s mouth. + +One quite special kind of bone tool is a long flat point for a light +spear. It has a deep notch cut up into the breadth of its base, and is +called a �split-based bone point� (p. 82). We know examples of bone +beads from these times, and of bone handles for flint tools. Pierced +teeth of some animals were worn as beads or pendants, but I am not sure +that elks� teeth were worn this early. There are even spool-shaped +�buttons� or toggles. + +[Illustration: SPLIT-BASED BONE POINT] + +[Illustration: SPEAR-THROWER] + +[Illustration: BONE HARPOON] + +Antler came into use for tools, especially in central and western +Europe. We do not know the use of one particular antler tool that +has a large hole bored in one end. One suggestion is that it was +a thong-stropper used to strop or work up hide thongs (see +illustration, below); another suggestion is that it was an arrow-shaft +straightener. + +Another interesting tool, usually of antler, is the spear-thrower, +which is little more than a stick with a notch or hook on one end. +The hook fits into the butt end of the spear, and the length of the +spear-thrower allows you to put much more power into the throw (p. +82). It works on pretty much the same principle as the sling. + +Very fancy harpoons of antler were also made in the latter half of +the period in western Europe. These harpoons had barbs on one or both +sides and a base which would slip out of the shaft (p. 82). Some have +engraved decoration. + + +THE BEGINNING OF ART + +[Illustration: THONG-STROPPER] + +In western Europe, at least, the period saw the beginning of several +kinds of art work. It is handy to break the art down into two great +groups: the movable art, and the cave paintings and sculpture. The +movable art group includes the scratchings, engravings, and modeling +which decorate tools and weapons. Knives, stroppers, spear-throwers, +harpoons, and sometimes just plain fragments of bone or antler are +often carved. There is also a group of large flat pebbles which seem +almost to have served as sketch blocks. The surfaces of these various +objects may show animals, or rather abstract floral designs, or +geometric designs. + +[Illustration: �VENUS� FIGURINE FROM WILLENDORF] + +Some of the movable art is not done on tools. The most remarkable +examples of this class are little figures of women. These women seem to +be pregnant, and their most female characteristics are much emphasized. +It is thought that these �Venus� or �Mother-goddess� figurines may be +meant to show the great forces of nature--fertility and the birth of +life. + + +CAVE PAINTINGS + +In the paintings on walls and ceilings of caves we have some examples +that compare with the best art of any time. The subjects were usually +animals, the great cold-weather beasts of the end of the Ice Age: the +mammoth, the wooly rhinoceros, the bison, the reindeer, the wild horse, +the bear, the wild boar, and wild cattle. As in the movable art, there +are different styles in the cave art. The really great cave art is +pretty well restricted to southern France and Cantabrian (northwestern) +Spain. + +There are several interesting things about the �Franco-Cantabrian� cave +art. It was done deep down in the darkest and most dangerous parts of +the caves, although the men lived only in the openings of caves. If you +think what they must have had for lights--crude lamps of hollowed stone +have been found, which must have burned some kind of oil or grease, +with a matted hair or fiber wick--and of the animals that may have +lurked in the caves, you�ll understand the part about danger. Then, +too, we�re sure the pictures these people painted were not simply to be +looked at and admired, for they painted one picture right over other +pictures which had been done earlier. Clearly, it was the _act_ of +_painting_ that counted. The painter had to go way down into the most +mysterious depths of the earth and create an animal in paint. Possibly +he believed that by doing this he gained some sort of magic power over +the same kind of animal when he hunted it in the open air. It certainly +doesn�t look as if he cared very much about the picture he painted--as +a finished product to be admired--for he or somebody else soon went +down and painted another animal right over the one he had done. + +The cave art of the Franco-Cantabrian style is one of the great +artistic achievements of all time. The subjects drawn are almost always +the larger animals of the time: the bison, wild cattle and horses, the +wooly rhinoceros, the mammoth, the wild boar, and the bear. In some of +the best examples, the beasts are drawn in full color and the paintings +are remarkably alive and charged with energy. They come from the hands +of men who knew the great animals well--knew the feel of their fur, the +tremendous drive of their muscles, and the danger one faced when he +hunted them. + +Another artistic style has been found in eastern Spain. It includes +lively drawings, often of people hunting with bow and arrow. The East +Spanish art is found on open rock faces and in rock-shelters. It is +less spectacular and apparently more recent than the Franco-Cantabrian +cave art. + + +LIFE AT THE END OF THE ICE AGE IN EUROPE + +Life in these times was probably as good as a hunter could expect it +to be. Game and fish seem to have been plentiful; berries and wild +fruits probably were, too. From France to Russia, great pits or +piles of animal bones have been found. Some of this killing was done +as our Plains Indians killed the buffalo--by stampeding them over +steep river banks or cliffs. There were also good tools for hunting, +however. In western Europe, people lived in the openings of caves and +under overhanging rocks. On the great plains of eastern Europe, very +crude huts were being built, half underground. The first part of this +time must have been cold, for it was the middle and end phases of the +last great glaciation. Northern Europe from Scotland to Scandinavia, +northern Germany and Russia, and also the higher mountains to the +south, were certainly covered with ice. But people had fire, and the +needles and tools that were used for scraping hides must mean that they +wore clothing. + +It is clear that men were thinking of a great variety of things beside +the tools that helped them get food and shelter. Such burials as we +find have more grave-gifts than before. Beads and ornaments and often +flint, bone, or antler tools are included in the grave, and sometimes +the body is sprinkled with red ochre. Red is the color of blood, which +means life, and of fire, which means heat. Professor Childe wonders if +the red ochre was a pathetic attempt at magic--to give back to the body +the heat that had gone from it. But pathetic or not, it is sure proof +that these people were already moved by death as men still are moved by +it. + +Their art is another example of the direction the human mind was +taking. And when I say human, I mean it in the fullest sense, for this +is the time in which fully modern man has appeared. On page 34, we +spoke of the Cro-Magnon group and of the Combe Capelle-Br�nn group of +Caucasoids and of the Grimaldi �Negroids,� who are no longer believed +to be Negroid. I doubt that any one of these groups produced most of +the achievements of the times. It�s not yet absolutely sure which +particular group produced the great cave art. The artists were almost +certainly a blend of several (no doubt already mixed) groups. The pair +of Grimaldians were buried in a grave with a sprinkling of red ochre, +and were provided with shell beads and ornaments and with some blade +tools of flint. Regardless of the different names once given them by +the human paleontologists, each of these groups seems to have shared +equally in the cultural achievements of the times, for all that the +archeologists can say. + + +MICROLITHS + +One peculiar set of tools seems to serve as a marker for the very last +phase of the Ice Age in southwestern Europe. This tool-making habit is +also found about the shore of the Mediterranean basin, and it moved +into northern Europe as the last glaciation pulled northward. People +began making blade tools of very small size. They learned how to chip +very slender and tiny blades from a prepared core. Then they made these +little blades into tiny triangles, half-moons (�lunates�), trapezoids, +and several other geometric forms. These little tools are called +�microliths.� They are so small that most of them must have been fixed +in handles or shafts. + +[Illustration: MICROLITHS + + BLADE FRAGMENT + BURIN + LUNATE + TRAPEZOID + SCALENE TRIANGLE + ARROWHEAD] + +We have found several examples of microliths mounted in shafts. In +northern Europe, where their use soon spread, the microlithic triangles +or lunates were set in rows down each side of a bone or wood point. +One corner of each little triangle stuck out, and the whole thing +made a fine barbed harpoon. In historic times in Egypt, geometric +trapezoidal microliths were still in use as arrowheads. They were +fastened--broad end out--on the end of an arrow shaft. It seems queer +to give an arrow a point shaped like a �T.� Actually, the little points +were very sharp, and must have pierced the hides of animals very +easily. We also think that the broader cutting edge of the point may +have caused more bleeding than a pointed arrowhead would. In hunting +fleet-footed animals like the gazelle, which might run for miles after +being shot with an arrow, it was an advantage to cause as much bleeding +as possible, for the animal would drop sooner. + +We are not really sure where the microliths were first invented. There +is some evidence that they appear early in the Near East. Their use +was very common in northwest Africa but this came later. The microlith +makers who reached south Russia and central Europe possibly moved up +out of the Near East. Or it may have been the other way around; we +simply don�t yet know. + +Remember that the microliths we are talking about here were made from +carefully prepared little blades, and are often geometric in outline. +Each microlithic industry proper was made up, in good part, of such +tiny blade tools. But there were also some normal-sized blade tools and +even some flake scrapers, in most microlithic industries. I emphasize +this bladelet and the geometric character of the microlithic industries +of the western Old World, since there has sometimes been confusion in +the matter. Sometimes small flake chips, utilized as minute pointed +tools, have been called �microliths.� They may be _microlithic_ in size +in terms of the general meaning of the word, but they do not seem to +belong to the sub-tradition of the blade tool preparation habits which +we have been discussing here. + + +LATER BLADE-TOOL INDUSTRIES OF THE NEAR EAST AND AFRICA + +The blade-tool industries of normal size we talked about earlier spread +from Europe to central Siberia. We noted that blade tools were made +in western Asia too, and early, although Professor Garrod is no longer +sure that the whole tradition originated in the Near East. If you look +again at my chart (p. 72) you will note that in western Asia I list +some of the names of the western European industries, but with the +qualification �-like� (for example, �Gravettian-like�). The western +Asiatic blade-tool industries do vaguely recall some aspects of those +of western Europe, but we would probably be better off if we used +completely local names for them. The �Emiran� of my chart is such an +example; its industry includes a long spike-like blade point which has +no western European counterpart. + +When we last spoke of Africa (p. 66), I told you that stone tools +there were continuing in the Levalloisian flake tradition, and were +becoming smaller. At some time during this process, two new tool +types appeared in northern Africa: one was the Aterian point with +a tang (p. 67), and the other was a sort of �laurel leaf� point, +called the �Sbaikian.� These two tool types were both produced from +flakes. The Sbaikian points, especially, are roughly similar to some +of the Solutrean points of Europe. It has been suggested that both the +Sbaikian and Aterian points may be seen on their way to France through +their appearance in the Spanish cave deposits of Parpallo, but there is +also a rival �pre-Solutrean� in central Europe. We still do not know +whether there was any contact between the makers of these north African +tools and the Solutrean tool-makers. What does seem clear is that the +blade-tool tradition itself arrived late in northern Africa. + + +NETHER AFRICA + +Blade tools and �laurel leaf� points and some other probably late +stone tool types also appear in central and southern Africa. There +are geometric microliths on bladelets and even some coarse pottery in +east Africa. There is as yet no good way of telling just where these +items belong in time; in broad geological terms they are �late.� +Some people have guessed that they are as early as similar European +and Near Eastern examples, but I doubt it. The makers of small-sized +Levalloisian flake tools occupied much of Africa until very late in +time. + + +THE FAR EAST + +India and the Far East still seem to be going their own way. In India, +some blade tools have been found. These are not well dated, save that +we believe they must be post-Pleistocene. In the Far East it looks as +if the old chopper-tool tradition was still continuing. For Burma, +Dr. Movius feels this is fairly certain; for China he feels even more +certain. Actually, we know very little about the Far East at about the +time of the last glaciation. This is a shame, too, as you will soon +agree. + + +THE NEW WORLD BECOMES INHABITED + +At some time toward the end of the last great glaciation--almost +certainly after 20,000 years ago--people began to move over Bering +Strait, from Asia into America. As you know, the American Indians have +been assumed to be basically Mongoloids. New studies of blood group +types make this somewhat uncertain, but there is no doubt that the +ancestors of the American Indians came from Asia. + +The stone-tool traditions of Europe, Africa, the Near and Middle East, +and central Siberia, did _not_ move into the New World. With only a +very few special or late exceptions, there are _no_ core-bifaces, +flakes, or blade tools of the Old World. Such things just haven�t been +found here. + +This is why I say it�s a shame we don�t know more of the end of the +chopper-tool tradition in the Far East. According to Weidenreich, +the Mongoloids were in the Far East long before the end of the last +glaciation. If the genetics of the blood group types do demand a +non-Mongoloid ancestry for the American Indians, who else may have been +in the Far East 25,000 years ago? We know a little about the habits +for making stone tools which these first people brought with them, +and these habits don�t conform with those of the western Old World. +We�d better keep our eyes open for whatever happened to the end of +the chopper-tool tradition in northern China; already there are hints +that it lasted late there. Also we should watch future excavations +in eastern Siberia. Perhaps we shall find the chopper-tool tradition +spreading up that far. + + +THE NEW ERA + +Perhaps it comes in part from the way I read the evidence and perhaps +in part it is only intuition, but I feel that the materials of this +chapter suggest a new era in the ways of life. Before about 40,000 +years ago, people simply �gathered� their food, wandering over large +areas to scavenge or to hunt in a simple sort of way. But here we +have seen them �settling-in� more, perhaps restricting themselves in +their wanderings and adapting themselves to a given locality in more +intensive ways. This intensification might be suggested by the word +�collecting.� The ways of life we described in the earlier chapters +were �food-gathering� ways, but now an era of �food-collecting� has +begun. We shall see further intensifications of it in the next chapter. + + + + +End and PRELUDE + +[Illustration] + + +Up to the end of the last glaciation, we prehistorians have a +relatively comfortable time schedule. The farther back we go the less +exact we can be about time and details. Elbow-room of five, ten, +even fifty or more thousands of years becomes available for us to +maneuver in as we work backward in time. But now our story has come +forward to the point where more exact methods of dating are at hand. +The radioactive carbon method reaches back into the span of the last +glaciation. There are other methods, developed by the geologists and +paleobotanists, which supplement and extend the usefulness of the +radioactive carbon dates. And, happily, as our means of being more +exact increases, our story grows more exciting. There are also more +details of culture for us to deal with, which add to the interest. + + +CHANGES AT THE END OF THE ICE AGE + +The last great glaciation of the Ice Age was a two-part affair, with a +sub-phase at the end of the second part. In Europe the last sub-phase +of this glaciation commenced somewhere around 15,000 years ago. Then +the glaciers began to melt back, for the last time. Remember that +Professor Antevs (p. 19) isn�t sure the Ice Age is over yet! This +melting sometimes went by fits and starts, and the weather wasn�t +always changing for the better; but there was at least one time when +European weather was even better than it is now. + +The melting back of the glaciers and the weather fluctuations caused +other changes, too. We know a fair amount about these changes in +Europe. In an earlier chapter, we said that the whole Ice Age was a +matter of continual change over long periods of time. As the last +glaciers began to melt back some interesting things happened to mankind. + +In Europe, along with the melting of the last glaciers, geography +itself was changing. Britain and Ireland had certainly become islands +by 5000 B.C. The Baltic was sometimes a salt sea, sometimes a large +fresh-water lake. Forests began to grow where the glaciers had been, +and in what had once been the cold tundra areas in front of the +glaciers. The great cold-weather animals--the mammoth and the wooly +rhinoceros--retreated northward and finally died out. It is probable +that the efficient hunting of the earlier people of 20,000 or 25,000 +to about 12,000 years ago had helped this process along (see p. 86). +Europeans, especially those of the post-glacial period, had to keep +changing to keep up with the times. + +The archeological materials for the time from 10,000 to 6000 B.C. seem +simpler than those of the previous five thousand years. The great cave +art of France and Spain had gone; so had the fine carving in bone and +antler. Smaller, speedier animals were moving into the new forests. New +ways of hunting them, or ways of getting other food, had to be found. +Hence, new tools and weapons were necessary. Some of the people who +moved into northern Germany were successful reindeer hunters. Then the +reindeer moved off to the north, and again new sources of food had to +be found. + + +THE READJUSTMENTS COMPLETED IN EUROPE + +After a few thousand years, things began to look better. Or at least +we can say this: By about 6000 B.C. we again get hotter archeological +materials. The best of these come from the north European area: +Britain, Belgium, Holland, Denmark, north Germany, southern Norway and +Sweden. Much of this north European material comes from bogs and swamps +where it had become water-logged and has kept very well. Thus we have +much more complete _assemblages_[4] than for any time earlier. + + [4] �Assemblage� is a useful word when there are different kinds of + archeological materials belonging together, from one area and of + one time. An assemblage is made up of a number of �industries� + (that is, all the tools in chipped stone, all the tools in + bone, all the tools in wood, the traces of houses, etc.) and + everything else that manages to survive, such as the art, the + burials, the bones of the animals used as food, and the traces + of plant foods; in fact, everything that has been left to us + and can be used to help reconstruct the lives of the people to + whom it once belonged. Our own present-day �assemblage� would be + the sum total of all the objects in our mail-order catalogues, + department stores and supply houses of every sort, our churches, + our art galleries and other buildings, together with our roads, + canals, dams, irrigation ditches, and any other traces we might + leave of ourselves, from graves to garbage dumps. Not everything + would last, so that an archeologist digging us up--say 2,000 + years from now--would find only the most durable items in our + assemblage. + +The best known of these assemblages is the _Maglemosian_, named after a +great Danish peat-swamp where much has been found. + +[Illustration: SKETCH OF MAGLEMOSIAN ASSEMBLAGE + + CHIPPED STONE + HEMP + GROUND STONE + BONE AND ANTLER + WOOD] + +In the Maglemosian assemblage the flint industry was still very +important. Blade tools, tanged arrow points, and burins were still +made, but there were also axes for cutting the trees in the new +forests. Moreover, the tiny microlithic blades, in a variety of +geometric forms, are also found. Thus, a specialized tradition that +possibly began east of the Mediterranean had reached northern Europe. +There was also a ground stone industry; some axes and club-heads were +made by grinding and polishing rather than by chipping. The industries +in bone and antler show a great variety of tools: axes, fish-hooks, +fish spears, handles and hafts for other tools, harpoons, and clubs. +A remarkable industry in wood has been preserved. Paddles, sled +runners, handles for tools, and bark floats for fish-nets have been +found. There are even fish-nets made of plant fibers. Canoes of some +kind were no doubt made. Bone and antler tools were decorated with +simple patterns, and amber was collected. Wooden bows and arrows are +found. + +It seems likely that the Maglemosian bog finds are remains of summer +camps, and that in winter the people moved to higher and drier regions. +Childe calls them the �Forest folk�; they probably lived much the +same sort of life as did our pre-agricultural Indians of the north +central states. They hunted small game or deer; they did a great deal +of fishing; they collected what plant food they could find. In fact, +their assemblage shows us again that remarkable ability of men to adapt +themselves to change. They had succeeded in domesticating the dog; he +was still a very wolf-like dog, but his long association with mankind +had now begun. Professor Coon believes that these people were direct +descendants of the men of the glacial age and that they had much the +same appearance. He believes that most of the Ice Age survivors still +extant are living today in the northwestern European area. + + +SOUTH AND CENTRAL EUROPE PERHAPS AS READJUSTED AS THE NORTH + +There is always one trouble with things that come from areas where +preservation is exceptionally good: The very quantity of materials in +such an assemblage tends to make things from other areas look poor +and simple, although they may not have been so originally at all. The +assemblages of the people who lived to the south of the Maglemosian +area may also have been quite large and varied; but, unfortunately, +relatively little of the southern assemblages has lasted. The +water-logged sites of the Maglemosian area preserved a great deal +more. Hence the Maglemosian itself _looks_ quite advanced to us, when +we compare it with the few things that have happened to last in other +areas. If we could go back and wander over the Europe of eight thousand +years ago, we would probably find that the peoples of France, central +Europe, and south central Russia were just as advanced as those of the +north European-Baltic belt. + +South of the north European belt the hunting-food-collecting peoples +were living on as best they could during this time. One interesting +group, which seems to have kept to the regions of sandy soil and scrub +forest, made great quantities of geometric microliths. These are the +materials called _Tardenoisian_. The materials of the �Forest folk� of +France and central Europe generally are called _Azilian_; Dr. Movius +believes the term might best be restricted to the area south of the +Loire River. + + +HOW MUCH REAL CHANGE WAS THERE? + +You can see that no really _basic_ change in the way of life has yet +been described. Childe sees the problem that faced the Europeans of +10,000 to 3000 B.C. as a problem in readaptation to the post-glacial +forest environment. By 6000 B.C. some quite successful solutions of +the problem--like the Maglemosian--had been made. The upsets that came +with the melting of the last ice gradually brought about all sorts of +changes in the tools and food-getting habits, but the people themselves +were still just as much simple hunters, fishers, and food-collectors as +they had been in 25,000 B.C. It could be said that they changed just +enough so that they would not have to change. But there is a bit more +to it than this. + +Professor Mathiassen of Copenhagen, who knows the archeological remains +of this time very well, poses a question. He speaks of the material +as being neither rich nor progressive, in fact �rather stagnant,� but +he goes on to add that the people had a certain �receptiveness� and +were able to adapt themselves quickly when the next change did come. +My own understanding of the situation is that the �Forest folk� made +nothing as spectacular as had the producers of the earlier Magdalenian +assemblage and the Franco-Cantabrian art. On the other hand, they +_seem_ to have been making many more different kinds of tools for many +more different kinds of tasks than had their Ice Age forerunners. I +emphasize �seem� because the preservation in the Maglemosian bogs +is very complete; certainly we cannot list anywhere near as many +different things for earlier times as we did for the Maglemosians +(p. 94). I believe this experimentation with all kinds of new tools +and gadgets, this intensification of adaptiveness (p. 91), this +�receptiveness,� even if it is still only pointed toward hunting, +fishing, and food-collecting, is an important thing. + +Remember that the only marker we have handy for the _beginning_ of +this tendency toward �receptiveness� and experimentation is the +little microlithic blade tools of various geometric forms. These, we +saw, began before the last ice had melted away, and they lasted on +in use for a very long time. I wish there were a better marker than +the microliths but I do not know of one. Remember, too, that as yet +we can only use the microliths as a marker in Europe and about the +Mediterranean. + + +CHANGES IN OTHER AREAS? + +All this last section was about Europe. How about the rest of the world +when the last glaciers were melting away? + +We simply don�t know much about this particular time in other parts +of the world except in Europe, the Mediterranean basin and the Middle +East. People were certainly continuing to move into the New World by +way of Siberia and the Bering Strait about this time. But for the +greater part of Africa and Asia, we do not know exactly what was +happening. Some day, we shall no doubt find out; today we are without +clear information. + + +REAL CHANGE AND PRELUDE IN THE NEAR EAST + +The appearance of the microliths and the developments made by the +�Forest folk� of northwestern Europe also mark an end. They show us +the terminal phase of the old food-collecting way of life. It grows +increasingly clear that at about the same time that the Maglemosian and +other �Forest folk� were adapting themselves to hunting, fishing, and +collecting in new ways to fit the post-glacial environment, something +completely new was being made ready in western Asia. + +Unfortunately, we do not have as much understanding of the climate and +environment of the late Ice Age in western Asia as we have for most +of Europe. Probably the weather was never so violent or life quite +so rugged as it was in northern Europe. We know that the microliths +made their appearance in western Asia at least by 10,000 B.C. and +possibly earlier, marking the beginning of the terminal phase of +food-collecting. Then, gradually, we begin to see the build-up towards +the first _basic change_ in human life. + +This change amounted to a revolution just as important as the +Industrial Revolution. In it, men first learned to domesticate +plants and animals. They began _producing_ their food instead of +simply gathering or collecting it. When their food-production +became reasonably effective, people could and did settle down in +village-farming communities. With the appearance of the little farming +villages, a new way of life was actually under way. Professor Childe +has good reason to speak of the �food-producing revolution,� for it was +indeed a revolution. + + +QUESTIONS ABOUT CAUSE + +We do not yet know _how_ and _why_ this great revolution took place. We +are only just beginning to put the questions properly. I suspect the +answers will concern some delicate and subtle interplay between man and +nature. Clearly, both the level of culture and the natural condition of +the environment must have been ready for the great change, before the +change itself could come about. + +It is going to take years of co-operative field work by both +archeologists and the natural scientists who are most helpful to them +before the _how_ and _why_ answers begin to appear. Anthropologically +trained archeologists are fascinated with the cultures of men in times +of great change. About ten or twelve thousand years ago, the general +level of culture in many parts of the world seems to have been ready +for change. In northwestern Europe, we saw that cultures �changed +just enough so that they would not have to change.� We linked this to +environmental changes with the coming of post-glacial times. + +In western Asia, we archeologists can prove that the food-producing +revolution actually took place. We can see _the_ important consequence +of effective domestication of plants and animals in the appearance of +the settled village-farming community. And within the village-farming +community was the seed of civilization. The way in which effective +domestication of plants and animals came about, however, must also be +linked closely with the natural environment. Thus the archeologists +will not solve the _how_ and _why_ questions alone--they will need the +help of interested natural scientists in the field itself. + + +PRECONDITIONS FOR THE REVOLUTION + +Especially at this point in our story, we must remember how culture and +environment go hand in hand. Neither plants nor animals domesticate +themselves; men domesticate them. Furthermore, men usually domesticate +only those plants and animals which are useful. There is a good +question here: What is cultural usefulness? But I shall side-step it to +save time. Men cannot domesticate plants and animals that do not exist +in the environment where the men live. Also, there are certainly some +animals and probably some plants that resist domestication, although +they might be useful. + +This brings me back again to the point that _both_ the level of culture +and the natural condition of the environment--with the proper plants +and animals in it--must have been ready before domestication could +have happened. But this is precondition, not cause. Why did effective +food-production happen first in the Near East? Why did it happen +independently in the New World slightly later? Why also in the Far +East? Why did it happen at all? Why are all human beings not still +living as the Maglemosians did? These are the questions we still have +to face. + + +CULTURAL �RECEPTIVENESS� AND PROMISING ENVIRONMENTS + +Until the archeologists and the natural scientists--botanists, +geologists, zoologists, and general ecologists--have spent many more +years on the problem, we shall not have full _how_ and _why_ answers. I +do think, however, that we are beginning to understand what to look for. + +We shall have to learn much more of what makes the cultures of men +�receptive� and experimental. Did change in the environment alone +force it? Was it simply a case of Professor Toynbee�s �challenge and +response?� I cannot believe the answer is quite that simple. Were it +so simple, we should want to know why the change hadn�t come earlier, +along with earlier environmental changes. We shall not know the answer, +however, until we have excavated the traces of many more cultures of +the time in question. We shall doubtless also have to learn more about, +and think imaginatively about, the simpler cultures still left today. +The �mechanics� of culture in general will be bound to interest us. + +It will also be necessary to learn much more of the environments of +10,000 to 12,000 years ago. In which regions of the world were the +natural conditions most promising? Did this promise include plants and +animals which could be domesticated, or did it only offer new ways of +food-collecting? There is much work to do on this problem, but we are +beginning to get some general hints. + +Before I begin to detail the hints we now have from western Asia, I +want to do two things. First, I shall tell you of an old theory as to +how food-production might have appeared. Second, I will bother you with +some definitions which should help us in our thinking as the story goes +on. + + +AN OLD THEORY AS TO THE CAUSE OF THE REVOLUTION + +The idea that change would result, if the balance between nature +and culture became upset, is of course not a new one. For at least +twenty-five years, there has been a general theory as to _how_ the +food-producing revolution happened. This theory depends directly on the +idea of natural change in the environment. + +The five thousand years following about 10,000 B.C. must have been +very difficult ones, the theory begins. These were the years when +the most marked melting of the last glaciers was going on. While the +glaciers were in place, the climate to the south of them must have been +different from the climate in those areas today. You have no doubt read +that people once lived in regions now covered by the Sahara Desert. +This is true; just when is not entirely clear. The theory is that +during the time of the glaciers, there was a broad belt of rain winds +south of the glaciers. These rain winds would have kept north Africa, +the Nile Valley, and the Middle East green and fertile. But when the +glaciers melted back to the north, the belt of rain winds is supposed +to have moved north too. Then the people living south and east of the +Mediterranean would have found that their water supply was drying up, +that the animals they hunted were dying or moving away, and that the +plant foods they collected were dried up and scarce. + +According to the theory, all this would have been true except in the +valleys of rivers and in oases in the growing deserts. Here, in the +only places where water was left, the men and animals and plants would +have clustered. They would have been forced to live close to one +another, in order to live at all. Presently the men would have seen +that some animals were more useful or made better food than others, +and so they would have begun to protect these animals from their +natural enemies. The men would also have been forced to try new plant +foods--foods which possibly had to be prepared before they could be +eaten. Thus, with trials and errors, but by being forced to live close +to plants and animals, men would have learned to domesticate them. + + +THE OLD THEORY TOO SIMPLE FOR THE FACTS + +This theory was set up before we really knew anything in detail about +the later prehistory of the Near and Middle East. We now know that +the facts which have been found don�t fit the old theory at all well. +Also, I have yet to find an American meteorologist who feels that we +know enough about the changes in the weather pattern to say that it can +have been so simple and direct. And, of course, the glacial ice which +began melting after 12,000 years ago was merely the last sub-phase of +the last great glaciation. There had also been three earlier periods +of great alpine glaciers, and long periods of warm weather in between. +If the rain belt moved north as the glaciers melted for the last time, +it must have moved in the same direction in earlier times. Thus, the +forced neighborliness of men, plants, and animals in river valleys and +oases must also have happened earlier. Why didn�t domestication happen +earlier, then? + +Furthermore, it does not seem to be in the oases and river valleys +that we have our first or only traces of either food-production +or the earliest farming villages. These traces are also in the +hill-flanks of the mountains of western Asia. Our earliest sites of the +village-farmers do not seem to indicate a greatly different climate +from that which the same region now shows. In fact, everything we now +know suggests that the old theory was just too simple an explanation to +have been the true one. The only reason I mention it--beyond correcting +the ideas you may get in the general texts--is that it illustrates the +kind of thinking we shall have to do, even if it is doubtless wrong in +detail. + +We archeologists shall have to depend much more than we ever have on +the natural scientists who can really help us. I can tell you this from +experience. I had the great good fortune to have on my expedition staff +in Iraq in 1954-55, a geologist, a botanist, and a zoologist. Their +studies added whole new bands of color to my spectrum of thinking about +_how_ and _why_ the revolution took place and how the village-farming +community began. But it was only a beginning; as I said earlier, we are +just now learning to ask the proper questions. + + +ABOUT STAGES AND ERAS + +Now come some definitions, so I may describe my material more easily. +Archeologists have always loved to make divisions and subdivisions +within the long range of materials which they have found. They often +disagree violently about which particular assemblage of material +goes into which subdivision, about what the subdivisions should be +named, about what the subdivisions really mean culturally. Some +archeologists, probably through habit, favor an old scheme of Grecized +names for the subdivisions: paleolithic, mesolithic, neolithic. I +refuse to use these words myself. They have meant too many different +things to too many different people and have tended to hide some pretty +fuzzy thinking. Probably you haven�t even noticed my own scheme of +subdivision up to now, but I�d better tell you in general what it is. + +I think of the earliest great group of archeological materials, from +which we can deduce only a food-gathering way of culture, as the +_food-gathering stage_. I say �stage� rather than �age,� because it +is not quite over yet; there are still a few primitive people in +out-of-the-way parts of the world who remain in the _food-gathering +stage_. In fact, Professor Julian Steward would probably prefer to call +it a food-gathering _level_ of existence, rather than a stage. This +would be perfectly acceptable to me. I also tend to find myself using +_collecting_, rather than _gathering_, for the more recent aspects or +era of the stage, as the word �collecting� appears to have more sense +of purposefulness and specialization than does �gathering� (see p. +91). + +Now, while I think we could make several possible subdivisions of the +food-gathering stage--I call my subdivisions of stages _eras_[5]--I +believe the only one which means much to us here is the last or +_terminal sub-era of food-collecting_ of the whole food-gathering +stage. The microliths seem to mark its approach in the northwestern +part of the Old World. It is really shown best in the Old World by +the materials of the �Forest folk,� the cultural adaptation to the +post-glacial environment in northwestern Europe. We talked about +the �Forest folk� at the beginning of this chapter, and I used the +Maglemosian assemblage of Denmark as an example. + + [5] It is difficult to find words which have a sequence or gradation + of meaning with respect to both development and a range of time + in the past, or with a range of time from somewhere in the past + which is perhaps not yet ended. One standard Webster definition + of _stage_ is: �One of the steps into which the material + development of man ... is divided.� I cannot find any dictionary + definition that suggests which of the words, _stage_ or _era_, + has the meaning of a longer span of time. Therefore, I have + chosen to let my eras be shorter, and to subdivide my stages + into eras. Webster gives _era_ as: �A signal stage of history, + an epoch.� When I want to subdivide my eras, I find myself using + _sub-eras_. Thus I speak of the _eras_ within a _stage_ and of + the _sub-eras_ within an _era_; that is, I do so when I feel + that I really have to, and when the evidence is clear enough to + allow it. + +The food-producing revolution ushers in the _food-producing stage_. +This stage began to be replaced by the _industrial stage_ only about +two hundred years ago. Now notice that my stage divisions are in terms +of technology and economics. We must think sharply to be sure that the +subdivisions of the stages, the eras, are in the same terms. This does +not mean that I think technology and economics are the only important +realms of culture. It is rather that for most of prehistoric time the +materials left to the archeologists tend to limit our deductions to +technology and economics. + +I�m so soon out of my competence, as conventional ancient history +begins, that I shall only suggest the earlier eras of the +food-producing stage to you. This book is about prehistory, and I�m not +a universal historian. + + +THE TWO EARLIEST ERAS OF THE FOOD-PRODUCING STAGE + +The food-producing stage seems to appear in western Asia with really +revolutionary suddenness. It is seen by the relative speed with which +the traces of new crafts appear in the earliest village-farming +community sites we�ve dug. It is seen by the spread and multiplication +of these sites themselves, and the remarkable growth in human +population we deduce from this increase in sites. We�ll look at some +of these sites and the archeological traces they yield in the next +chapter. When such village sites begin to appear, I believe we are in +the _era of the primary village-farming community_. I also believe this +is the second era of the food-producing stage. + +The first era of the food-producing stage, I believe, was an _era of +incipient cultivation and animal domestication_. I keep saying �I +believe� because the actual evidence for this earlier era is so slight +that one has to set it up mainly by playing a hunch for it. The reason +for playing the hunch goes about as follows. + +One thing we seem to be able to see, in the food-collecting era in +general, is a tendency for people to begin to settle down. This +settling down seemed to become further intensified in the terminal +era. How this is connected with Professor Mathiassen�s �receptiveness� +and the tendency to be experimental, we do not exactly know. The +evidence from the New World comes into play here as well as that from +the Old World. With this settling down in one place, the people of the +terminal era--especially the �Forest folk� whom we know best--began +making a great variety of new things. I remarked about this earlier in +the chapter. Dr. Robert M. Adams is of the opinion that this atmosphere +of experimentation with new tools--with new ways of collecting food--is +the kind of atmosphere in which one might expect trials at planting +and at animal domestication to have been made. We first begin to find +traces of more permanent life in outdoor camp sites, although caves +were still inhabited at the beginning of the terminal era. It is not +surprising at all that the �Forest folk� had already domesticated the +dog. In this sense, the whole era of food-collecting was becoming ready +and almost �incipient� for cultivation and animal domestication. + +Northwestern Europe was not the place for really effective beginnings +in agriculture and animal domestication. These would have had to take +place in one of those natural environments of promise, where a variety +of plants and animals, each possible of domestication, was available in +the wild state. Let me spell this out. Really effective food-production +must include a variety of items to make up a reasonably well-rounded +diet. The food-supply so produced must be trustworthy, even though +the food-producing peoples themselves might be happy to supplement +it with fish and wild strawberries, just as we do when such things +are available. So, as we said earlier, part of our problem is that +of finding a region with a natural environment which includes--and +did include, some ten thousand years ago--a variety of possibly +domesticable wild plants and animals. + + +NUCLEAR AREAS + +Now comes the last of my definitions. A region with a natural +environment which included a variety of wild plants and animals, +both possible and ready for domestication, would be a central +or core or _nuclear area_, that is, it would be when and _if_ +food-production took place within it. It is pretty hard for me to +imagine food-production having ever made an independent start outside +such a nuclear area, although there may be some possible nuclear areas +in which food-production never took place (possibly in parts of Africa, +for example). + +We know of several such nuclear areas. In the New World, Middle America +and the Andean highlands make up one or two; it is my understanding +that the evidence is not yet clear as to which. There seems to have +been a nuclear area somewhere in southeastern Asia, in the Malay +peninsula or Burma perhaps, connected with the early cultivation of +taro, breadfruit, the banana and the mango. Possibly the cultivation +of rice and the domestication of the chicken and of zebu cattle and +the water buffalo belong to this southeast Asiatic nuclear area. We +know relatively little about it archeologically, as yet. The nuclear +area which was the scene of the earliest experiment in effective +food-production was in western Asia. Since I know it best, I shall use +it as my example. + + +THE NUCLEAR NEAR EAST + +The nuclear area of western Asia is naturally the one of greatest +interest to people of the western cultural tradition. Our cultural +heritage began within it. The area itself is the region of the hilly +flanks of rain-watered grass-land which build up to the high mountain +ridges of Iran, Iraq, Turkey, Syria, and Palestine. The map on page +125 indicates the region. If you have a good atlas, try to locate the +zone which surrounds the drainage basin of the Tigris and Euphrates +Rivers at elevations of from approximately 2,000 to 5,000 feet. The +lower alluvial land of the Tigris-Euphrates basin itself has very +little rainfall. Some years ago Professor James Henry Breasted called +the alluvial lands of the Tigris-Euphrates a part of the �fertile +crescent.� These alluvial lands are very fertile if irrigated. Breasted +was most interested in the oriental civilizations of conventional +ancient history, and irrigation had been discovered before they +appeared. + +The country of hilly flanks above Breasted�s crescent receives from +10 to 20 or more inches of winter rainfall each year, which is about +what Kansas has. Above the hilly-flanks zone tower the peaks and ridges +of the Lebanon-Amanus chain bordering the coast-line from Palestine +to Turkey, the Taurus Mountains of southern Turkey, and the Zagros +range of the Iraq-Iran borderland. This rugged mountain frame for our +hilly-flanks zone rises to some magnificent alpine scenery, with peaks +of from ten to fifteen thousand feet in elevation. There are several +gaps in the Mediterranean coastal portion of the frame, through which +the winter�s rain-bearing winds from the sea may break so as to carry +rain to the foothills of the Taurus and the Zagros. + +The picture I hope you will have from this description is that of an +intermediate hilly-flanks zone lying between two regions of extremes. +The lower Tigris-Euphrates basin land is low and far too dry and hot +for agriculture based on rainfall alone; to the south and southwest, it +merges directly into the great desert of Arabia. The mountains which +lie above the hilly-flanks zone are much too high and rugged to have +encouraged farmers. + + +THE NATURAL ENVIRONMENT OF THE NUCLEAR NEAR EAST + +The more we learn of this hilly-flanks zone that I describe, the +more it seems surely to have been a nuclear area. This is where we +archeologists need, and are beginning to get, the help of natural +scientists. They are coming to the conclusion that the natural +environment of the hilly-flanks zone today is much as it was some eight +to ten thousand years ago. There are still two kinds of wild wheat and +a wild barley, and the wild sheep, goat, and pig. We have discovered +traces of each of these at about nine thousand years ago, also traces +of wild ox, horse, and dog, each of which appears to be the probable +ancestor of the domesticated form. In fact, at about nine thousand +years ago, the two wheats, the barley, and at least the goat, were +already well on the road to domestication. + +The wild wheats give us an interesting clue. They are only available +together with the wild barley within the hilly-flanks zone. While the +wild barley grows in a variety of elevations and beyond the zone, +at least one of the wild wheats does not seem to grow below the hill +country. As things look at the moment, the domestication of both the +wheats together could _only_ have taken place within the hilly-flanks +zone. Barley seems to have first come into cultivation due to its +presence as a weed in already cultivated wheat fields. There is also +a suggestion--there is still much more to learn in the matter--that +the animals which were first domesticated were most at home up in the +hilly-flanks zone in their wild state. + +With a single exception--that of the dog--the earliest positive +evidence of domestication includes the two forms of wheat, the barley, +and the goat. The evidence comes from within the hilly-flanks zone. +However, it comes from a settled village proper, Jarmo (which I�ll +describe in the next chapter), and is thus from the era of the primary +village-farming community. We are still without positive evidence of +domesticated grain and animals in the first era of the food-producing +stage, that of incipient cultivation and animal domestication. + + +THE ERA OF INCIPIENT CULTIVATION AND ANIMAL DOMESTICATION + +I said above (p. 105) that my era of incipient cultivation and animal +domestication is mainly set up by playing a hunch. Although we cannot +really demonstrate it--and certainly not in the Near East--it would +be very strange for food-collectors not to have known a great deal +about the plants and animals most useful to them. They do seem to have +domesticated the dog. We can easily imagine them remembering to go +back, season after season, to a particular patch of ground where seeds +or acorns or berries grew particularly well. Most human beings, unless +they are extremely hungry, are attracted to baby animals, and many wild +pups or fawns or piglets must have been brought back alive by hunting +parties. + +In this last sense, man has probably always been an incipient +cultivator and domesticator. But I believe that Adams is right in +suggesting that this would be doubly true with the experimenters of +the terminal era of food-collecting. We noticed that they also seem +to have had a tendency to settle down. Now my hunch goes that _when_ +this experimentation and settling down took place within a potential +nuclear area--where a whole constellation of plants and animals +possible of domestication was available--the change was easily made. +Professor Charles A. Reed, our field colleague in zoology, agrees that +year-round settlement with plant domestication probably came before +there were important animal domestications. + + +INCIPIENT ERAS AND NUCLEAR AREAS + +I have put this scheme into a simple chart (p. 111) with the names +of a few of the sites we are going to talk about. You will see that my +hunch means that there are eras of incipient cultivation _only_ within +nuclear areas. In a nuclear area, the terminal era of food-collecting +would probably have been quite short. I do not know for how long a time +the era of incipient cultivation and domestication would have lasted, +but perhaps for several thousand years. Then it passed on into the era +of the primary village-farming community. + +Outside a nuclear area, the terminal era of food-collecting would last +for a long time; in a few out-of-the-way parts of the world, it still +hangs on. It would end in any particular place through contact with +and the spread of ideas of people who had passed on into one of the +more developed eras. In many cases, the terminal era of food-collecting +was ended by the incoming of the food-producing peoples themselves. +For example, the practices of food-production were carried into Europe +by the actual movement of some numbers of peoples (we don�t know how +many) who had reached at least the level of the primary village-farming +community. The �Forest folk� learned food-production from them. There +was never an era of incipient cultivation and domestication proper in +Europe, if my hunch is right. + + +ARCHEOLOGICAL DIFFICULTIES IN SEEING THE INCIPIENT ERA + +The way I see it, two things were required in order that an era of +incipient cultivation and domestication could begin. First, there had +to be the natural environment of a nuclear area, with its whole group +of plants and animals capable of domestication. This is the aspect of +the matter which we�ve said is directly given by nature. But it is +quite possible that such an environment with such a group of plants +and animals in it may have existed well before ten thousand years ago +in the Near East. It is also quite possible that the same promising +condition may have existed in regions which never developed into +nuclear areas proper. Here, again, we come back to the cultural factor. +I think it was that �atmosphere of experimentation� we�ve talked about +once or twice before. I can�t define it for you, other than to say that +by the end of the Ice Age, the general level of many cultures was ready +for change. Ask me how and why this was so, and I�ll tell you we don�t +know yet, and that if we did understand this kind of question, there +would be no need for me to go on being a prehistorian! + +[Illustration: POSSIBLE RELATIONSHIPS OF STAGES AND ERAS IN WESTERN +ASIA AND NORTHEASTERN AFRICA] + +Now since this was an era of incipience, of the birth of new ideas, +and of experimentation, it is very difficult to see its traces +archeologically. New tools having to do with the new ways of getting +and, in fact, producing food would have taken some time to develop. +It need not surprise us too much if we cannot find hoes for planting +and sickles for reaping grain at the very beginning. We might expect +a time of making-do with some of the older tools, or with make-shift +tools, for some of the new jobs. The present-day wild cousin of the +domesticated sheep still lives in the mountains of western Asia. It has +no wool, only a fine down under hair like that of a deer, so it need +not surprise us to find neither the whorls used for spinning nor traces +of woolen cloth. It must have taken some time for a wool-bearing sheep +to develop and also time for the invention of the new tools which go +with weaving. It would have been the same with other kinds of tools for +the new way of life. + +It is difficult even for an experienced comparative zoologist to tell +which are the bones of domesticated animals and which are those of +their wild cousins. This is especially so because the animal bones the +archeologists find are usually fragmentary. Furthermore, we do not have +a sort of library collection of the skeletons of the animals or an +herbarium of the plants of those times, against which the traces which +the archeologists find may be checked. We are only beginning to get +such collections for the modern wild forms of animals and plants from +some of our nuclear areas. In the nuclear area in the Near East, some +of the wild animals, at least, have already become extinct. There are +no longer wild cattle or wild horses in western Asia. We know they were +there from the finds we�ve made in caves of late Ice Age times, and +from some slightly later sites. + + +SITES WITH ANTIQUITIES OF THE INCIPIENT ERA + +So far, we know only a very few sites which would suit my notion of the +incipient era of cultivation and animal domestication. I am closing +this chapter with descriptions of two of the best Near Eastern examples +I know of. You may not be satisfied that what I am able to describe +makes a full-bodied era of development at all. Remember, however, that +I�ve told you I�m largely playing a kind of a hunch, and also that the +archeological materials of this era will always be extremely difficult +to interpret. At the beginning of any new way of life, there will be a +great tendency for people to make-do, at first, with tools and habits +they are already used to. I would suspect that a great deal of this +making-do went on almost to the end of this era. + + +THE NATUFIAN, AN ASSEMBLAGE OF THE INCIPIENT ERA + +The assemblage called the Natufian comes from the upper layers of a +number of caves in Palestine. Traces of its flint industry have also +turned up in Syria and Lebanon. We don�t know just how old it is. I +guess that it probably falls within five hundred years either way of +about 5000 B.C. + +Until recently, the people who produced the Natufian assemblage were +thought to have been only cave dwellers, but now at least three open +air Natufian sites have been briefly described. In their best-known +dwelling place, on Mount Carmel, the Natufian folk lived in the open +mouth of a large rock-shelter and on the terrace in front of it. On the +terrace, they had set at least two short curving lines of stones; but +these were hardly architecture; they seem more like benches or perhaps +the low walls of open pens. There were also one or two small clusters +of stones laid like paving, and a ring of stones around a hearth or +fireplace. One very round and regular basin-shaped depression had been +cut into the rocky floor of the terrace, and there were other less +regular basin-like depressions. In the newly reported open air sites, +there seem to have been huts with rounded corners. + +Most of the finds in the Natufian layer of the Mount Carmel cave were +flints. About 80 per cent of these flint tools were microliths made +by the regular working of tiny blades into various tools, some having +geometric forms. The larger flint tools included backed blades, burins, +scrapers, a few arrow points, some larger hacking or picking tools, and +one special type. This last was the sickle blade. + +We know a sickle blade of flint when we see one, because of a strange +polish or sheen which seems to develop on the cutting edge when the +blade has been used to cut grasses or grain, or--perhaps--reeds. In +the Natufian, we have even found the straight bone handles in which a +number of flint sickle blades were set in a line. + +There was a small industry in ground or pecked stone (that is, abraded +not chipped) in the Natufian. This included some pestle and mortar +fragments. The mortars are said to have a deep and narrow hole, +and some of the pestles show traces of red ochre. We are not sure +that these mortars and pestles were also used for grinding food. In +addition, there were one or two bits of carving in stone. + + +NATUFIAN ANTIQUITIES IN OTHER MATERIALS; BURIALS AND PEOPLE + +The Natufian industry in bone was quite rich. It included, beside the +sickle hafts mentioned above, points and harpoons, straight and curved +types of fish-hooks, awls, pins and needles, and a variety of beads and +pendants. There were also beads and pendants of pierced teeth and shell. + +A number of Natufian burials have been found in the caves; some burials +were grouped together in one grave. The people who were buried within +the Mount Carmel cave were laid on their backs in an extended position, +while those on the terrace seem to have been �flexed� (placed in their +graves in a curled-up position). This may mean no more than that it was +easier to dig a long hole in cave dirt than in the hard-packed dirt of +the terrace. The people often had some kind of object buried with them, +and several of the best collections of beads come from the burials. On +two of the skulls there were traces of elaborate head-dresses of shell +beads. + +[Illustration: SKETCH OF NATUFIAN ASSEMBLAGE + + MICROLITHS + ARCHITECTURE? + BURIAL + CHIPPED STONE + GROUND STONE + BONE] + +The animal bones of the Natufian layers show beasts of a �modern� type, +but with some differences from those of present-day Palestine. The +bones of the gazelle far outnumber those of the deer; since gazelles +like a much drier climate than deer, Palestine must then have had much +the same climate that it has today. Some of the animal bones were those +of large or dangerous beasts: the hyena, the bear, the wild boar, +and the leopard. But the Natufian people may have had the help of a +large domesticated dog. If our guess at a date for the Natufian is +right (about 7750 B.C.), this is an earlier dog than was that in the +Maglemosian of northern Europe. More recently, it has been reported +that a domesticated goat is also part of the Natufian finds. + +The study of the human bones from the Natufian burials is not yet +complete. Until Professor McCown�s study becomes available, we may note +Professor Coon�s assessment that these people were of a �basically +Mediterranean type.� + + +THE KARIM SHAHIR ASSEMBLAGE + +Karim Shahir differs from the Natufian sites in that it shows traces +of a temporary open site or encampment. It lies on the top of a bluff +in the Kurdish hill-country of northeastern Iraq. It was dug by Dr. +Bruce Howe of the expedition I directed in 1950-51 for the Oriental +Institute and the American Schools of Oriental Research. In 1954-55, +our expedition located another site, M�lefaat, with general resemblance +to Karim Shahir, but about a hundred miles north of it. In 1956, Dr. +Ralph Solecki located still another Karim Shahir type of site called +Zawi Chemi Shanidar. The Zawi Chemi site has a radiocarbon date of 8900 +� 300 B.C. + +Karim Shahir has evidence of only one very shallow level of occupation. +It was probably not lived on very long, although the people who lived +on it spread out over about three acres of area. In spots, the single +layer yielded great numbers of fist-sized cracked pieces of limestone, +which had been carried up from the bed of a stream at the bottom of the +bluff. We think these cracked stones had something to do with a kind of +architecture, but we were unable to find positive traces of hut plans. +At M�lefaat and Zawi Chemi, there were traces of rounded hut plans. + +As in the Natufian, the great bulk of small objects of the Karim Shahir +assemblage was in chipped flint. A large proportion of the flint tools +were microlithic bladelets and geometric forms. The flint sickle blade +was almost non-existent, being far scarcer than in the Natufian. The +people of Karim Shahir did a modest amount of work in the grinding of +stone; there were milling stone fragments of both the mortar and the +quern type, and stone hoes or axes with polished bits. Beads, pendants, +rings, and bracelets were made of finer quality stone. We found a few +simple points and needles of bone, and even two rather formless unbaked +clay figurines which seemed to be of animal form. + +[Illustration: SKETCH OF KARIM SHAHIR ASSEMBLAGE + + CHIPPED STONE + GROUND STONE + UNBAKED CLAY + SHELL + BONE + �ARCHITECTURE�] + +Karim Shahir did not yield direct evidence of the kind of vegetable +food its people ate. The animal bones showed a considerable +increase in the proportion of the bones of the species capable of +domestication--sheep, goat, cattle, horse, dog--as compared with animal +bones from the earlier cave sites of the area, which have a high +proportion of bones of wild forms like deer and gazelle. But we do not +know that any of the Karim Shahir animals were actually domesticated. +Some of them may have been, in an �incipient� way, but we have no means +at the moment that will tell us from the bones alone. + + +WERE THE NATUFIAN AND KARIM SHAHIR PEOPLES FOOD-PRODUCERS? + +It is clear that a great part of the food of the Natufian people +must have been hunted or collected. Shells of land, fresh-water, and +sea animals occur in their cave layers. The same is true as regards +Karim Shahir, save for sea shells. But on the other hand, we have +the sickles, the milling stones, the possible Natufian dog, and the +goat, and the general animal situation at Karim Shahir to hint at an +incipient approach to food-production. At Karim Shahir, there was the +tendency to settle down out in the open; this is echoed by the new +reports of open air Natufian sites. The large number of cracked stones +certainly indicates that it was worth the peoples� while to have some +kind of structure, even if the site as a whole was short-lived. + +It is a part of my hunch that these things all point toward +food-production--that the hints we seek are there. But in the sense +that the peoples of the era of the primary village-farming community, +which we shall look at next, are fully food-producing, the Natufian +and Karim Shahir folk had not yet arrived. I think they were part of +a general build-up to full scale food-production. They were possibly +controlling a few animals of several kinds and perhaps one or two +plants, without realizing the full possibilities of this �control� as a +new way of life. + +This is why I think of the Karim Shahir and Natufian folk as being at +a level, or in an era, of incipient cultivation and domestication. But +we shall have to do a great deal more excavation in this range of time +before we�ll get the kind of positive information we need. + + +SUMMARY + +I am sorry that this chapter has had to be so much more about ideas +than about the archeological traces of prehistoric men themselves. +But the antiquities of the incipient era of cultivation and animal +domestication will not be spectacular, even when we do have them +excavated in quantity. Few museums will be interested in these +antiquities for exhibition purposes. The charred bits or impressions +of plants, the fragments of animal bone and shell, and the varied +clues to climate and environment will be as important as the artifacts +themselves. It will be the ideas to which these traces lead us that +will be important. I am sure that this unspectacular material--when we +have much more of it, and learn how to understand what it says--will +lead us to how and why answers about the first great change in human +history. + +We know the earliest village-farming communities appeared in western +Asia, in a nuclear area. We do not yet know why the Near Eastern +experiment came first, or why it didn�t happen earlier in some other +nuclear area. Apparently, the level of culture and the promise of the +natural environment were ready first in western Asia. The next sites +we look at will show a simple but effective food-production already +in existence. Without effective food-production and the settled +village-farming communities, civilization never could have followed. +How effective food-production came into being by the end of the +incipient era, is, I believe, one of the most fascinating questions any +archeologist could face. + +It now seems probable--from possibly two of the Palestinian sites with +varieties of the Natufian (Jericho and Nahal Oren)--that there were +one or more local Palestinian developments out of the Natufian into +later times. In the same way, what followed after the Karim Shahir type +of assemblage in northeastern Iraq was in some ways a reflection of +beginnings made at Karim Shahir and Zawi Chemi. + + + + +THE First Revolution + +[Illustration] + + +As the incipient era of cultivation and animal domestication passed +onward into the era of the primary village-farming community, the first +basic change in human economy was fully achieved. In southwestern Asia, +this seems to have taken place about nine thousand years ago. I am +going to restrict my description to this earliest Near Eastern case--I +do not know enough about the later comparable experiments in the Far +East and in the New World. Let us first, once again, think of the +contrast between food-collecting and food-producing as ways of life. + + +THE DIFFERENCE BETWEEN FOOD-COLLECTORS AND FOOD-PRODUCERS + +Childe used the word �revolution� because of the radical change that +took place in the habits and customs of man. Food-collectors--that is, +hunters, fishers, berry- and nut-gatherers--had to live in small groups +or bands, for they had to be ready to move wherever their food supply +moved. Not many people can be fed in this way in one area, and small +children and old folks are a burden. There is not enough food to store, +and it is not the kind that can be stored for long. + +Do you see how this all fits into a picture? Small groups of people +living now in this cave, now in that--or out in the open--as they moved +after the animals they hunted; no permanent villages, a few half-buried +huts at best; no breakable utensils; no pottery; no signs of anything +for clothing beyond the tools that were probably used to dress the +skins of animals; no time to think of much of anything but food and +protection and disposal of the dead when death did come: an existence +which takes nature as it finds it, which does little or nothing to +modify nature--all in all, a savage�s existence, and a very tough one. +A man who spends his whole life following animals just to kill them to +eat, or moving from one berry patch to another, is really living just +like an animal himself. + + +THE FOOD-PRODUCING ECONOMY + +Against this picture let me try to draw another--that of man�s life +after food-production had begun. His meat was stored �on the hoof,� +his grain in silos or great pottery jars. He lived in a house: it was +worth his while to build one, because he couldn�t move far from his +fields and flocks. In his neighborhood enough food could be grown +and enough animals bred so that many people were kept busy. They all +lived close to their flocks and fields, in a village. The village was +already of a fair size, and it was growing, too. Everybody had more to +eat; they were presumably all stronger, and there were more children. +Children and old men could shepherd the animals by day or help with +the lighter work in the fields. After the crops had been harvested the +younger men might go hunting and some of them would fish, but the food +they brought in was only an addition to the food in the village; the +villagers wouldn�t starve, even if the hunters and fishermen came home +empty-handed. + +There was more time to do different things, too. They began to modify +nature. They made pottery out of raw clay, and textiles out of hair +or fiber. People who became good at pottery-making traded their pots +for food and spent all of their time on pottery alone. Other people +were learning to weave cloth or to make new tools. There were already +people in the village who were becoming full-time craftsmen. + +Other things were changing, too. The villagers must have had +to agree on new rules for living together. The head man of the +village had problems different from those of the chief of the small +food-collectors� band. If somebody�s flock of sheep spoiled a wheat +field, the owner wanted payment for the grain he lost. The chief of +the hunters was never bothered with such questions. Even the gods +had changed. The spirits and the magic that had been used by hunters +weren�t of any use to the villagers. They needed gods who would watch +over the fields and the flocks, and they eventually began to erect +buildings where their gods might dwell, and where the men who knew most +about the gods might live. + + +WAS FOOD-PRODUCTION A �REVOLUTION�? + +If you can see the difference between these two pictures--between +life in the food-collecting stage and life after food-production +had begun--you�ll see why Professor Childe speaks of a revolution. +By revolution, he doesn�t mean that it happened over night or that +it happened only once. We don�t know exactly how long it took. Some +people think that all these changes may have occurred in less than +500 years, but I doubt that. The incipient era was probably an affair +of some duration. Once the level of the village-farming community had +been established, however, things did begin to move very fast. By +six thousand years ago, the descendants of the first villagers had +developed irrigation and plow agriculture in the relatively rainless +Mesopotamian alluvium and were living in towns with temples. Relative +to the half million years of food-gathering which lay behind, this had +been achieved with truly revolutionary suddenness. + + +GAPS IN OUR KNOWLEDGE OF THE NEAR EAST + +If you�ll look again at the chart (p. 111) you�ll see that I have +very few sites and assemblages to name in the incipient era of +cultivation and domestication, and not many in the earlier part of +the primary village-farming level either. Thanks in no small part +to the intelligent co-operation given foreign excavators by the +Iraq Directorate General of Antiquities, our understanding of the +sequence in Iraq is growing more complete. I shall use Iraq as my main +yard-stick here. But I am far from being able to show you a series of +Sears Roebuck catalogues, even century by century, for any part of +the nuclear area. There is still a great deal of earth to move, and a +great mass of material to recover and interpret before we even begin to +understand �how� and �why.� + +Perhaps here, because this kind of archeology is really my specialty, +you�ll excuse it if I become personal for a moment. I very much look +forward to having further part in closing some of the gaps in knowledge +of the Near East. This is not, as I�ve told you, the spectacular +range of Near Eastern archeology. There are no royal tombs, no gold, +no great buildings or sculpture, no writing, in fact nothing to +excite the normal museum at all. Nevertheless it is a range which, +idea-wise, gives the archeologist tremendous satisfaction. The country +of the hilly flanks is an exciting combination of green grasslands +and mountainous ridges. The Kurds, who inhabit the part of the area +in which I�ve worked most recently, are an extremely interesting and +hospitable people. Archeologists don�t become rich, but I�ll forego +the Cadillac for any bright spring morning in the Kurdish hills, on a +good site with a happy crew of workmen and an interested and efficient +staff. It is probably impossible to convey the full feeling which life +on such a dig holds--halcyon days for the body and acute pleasurable +stimulation for the mind. Old things coming newly out of the good dirt, +and the pieces of the human puzzle fitting into place! I think I am +an honest man; I cannot tell you that I am sorry the job is not yet +finished and that there are still gaps in this part of the Near Eastern +archeological sequence. + + +EARLIEST SITES OF THE VILLAGE FARMERS + +So far, the Karim Shahir type of assemblage, which we looked at in the +last chapter, is the earliest material available in what I take to +be the nuclear area. We do not believe that Karim Shahir was a village +site proper: it looks more like the traces of a temporary encampment. +Two caves, called Belt and Hotu, which are outside the nuclear area +and down on the foreshore of the Caspian Sea, have been excavated +by Professor Coon. These probably belong in the later extension of +the terminal era of food-gathering; in their upper layers are traits +like the use of pottery borrowed from the more developed era of the +same time in the nuclear area. The same general explanation doubtless +holds true for certain materials in Egypt, along the upper Nile and in +the Kharga oasis: these materials, called Sebilian III, the Khartoum +�neolithic,� and the Khargan microlithic, are from surface sites, +not from caves. The chart (p. 111) shows where I would place these +materials in era and time. + +[Illustration: THE HILLY FLANKS OF THE CRESCENT AND EARLY SITES OF THE +NEAR EAST] + +Both M�lefaat and Dr. Solecki�s Zawi Chemi Shanidar site appear to have +been slightly more �settled in� than was Karim Shahir itself. But I do +not think they belong to the era of farming-villages proper. The first +site of this era, in the hills of Iraqi Kurdistan, is Jarmo, on which +we have spent three seasons of work. Following Jarmo comes a variety of +sites and assemblages which lie along the hilly flanks of the crescent +and just below it. I am going to describe and illustrate some of these +for you. + +Since not very much archeological excavation has yet been done on sites +of this range of time, I shall have to mention the names of certain +single sites which now alone stand for an assemblage. This does not +mean that I think the individual sites I mention were unique. In the +times when their various cultures flourished, there must have been +many little villages which shared the same general assemblage. We are +only now beginning to locate them again. Thus, if I speak of Jarmo, +or Jericho, or Sialk as single examples of their particular kinds of +assemblages, I don�t mean that they were unique at all. I think I could +take you to the sites of at least three more Jarmos, within twenty +miles of the original one. They are there, but they simply haven�t yet +been excavated. In 1956, a Danish expedition discovered material of +Jarmo type at Shimshara, only two dozen miles northeast of Jarmo, and +below an assemblage of Hassunan type (which I shall describe presently). + + +THE GAP BETWEEN KARIM SHAHIR AND JARMO + +As we see the matter now, there is probably still a gap in the +available archeological record between the Karim Shahir-M�lefaat-Zawi +Chemi group (of the incipient era) and that of Jarmo (of the +village-farming era). Although some items of the Jarmo type materials +do reflect the beginnings of traditions set in the Karim Shahir group +(see p. 120), there is not a clear continuity. Moreover--to the +degree that we may trust a few radiocarbon dates--there would appear +to be around two thousand years of difference in time. The single +available Zawi Chemi �date� is 8900 � 300 B.C.; the most reasonable +group of �dates� from Jarmo average to about 6750 � 200 B.C. I am +uncertain about this two thousand years--I do not think it can have +been so long. + +This suggests that we still have much work to do in Iraq. You can +imagine how earnestly we await the return of political stability in the +Republic of Iraq. + + +JARMO, IN THE KURDISH HILLS, IRAQ + +The site of Jarmo has a depth of deposit of about twenty-seven feet, +and approximately a dozen layers of architectural renovation and +change. Nevertheless it is a �one period� site: its assemblage remains +essentially the same throughout, although one or two new items are +added in later levels. It covers about four acres of the top of a +bluff, below which runs a small stream. Jarmo lies in the hill country +east of the modern oil town of Kirkuk. The Iraq Directorate General of +Antiquities suggested that we look at it in 1948, and we have had three +seasons of digging on it since. + +The people of Jarmo grew the barley plant and two different kinds of +wheat. They made flint sickles with which to reap their grain, mortars +or querns on which to crack it, ovens in which it might be parched, and +stone bowls out of which they might eat their porridge. We are sure +that they had the domesticated goat, but Professor Reed (the staff +zoologist) is not convinced that the bones of the other potentially +domesticable animals of Jarmo--sheep, cattle, pig, horse, dog--show +sure signs of domestication. We had first thought that all of these +animals were domesticated ones, but Reed feels he must find out much +more before he can be sure. As well as their grain and the meat from +their animals, the people of Jarmo consumed great quantities of land +snails. Botanically, the Jarmo wheat stands about half way between +fully bred wheat and the wild forms. + + +ARCHITECTURE: HALL-MARK OF THE VILLAGE + +The sure sign of the village proper is in its traces of architectural +permanence. The houses of Jarmo were only the size of a small cottage +by our standards, but each was provided with several rectangular rooms. +The walls of the houses were made of puddled mud, often set on crude +foundations of stone. (The puddled mud wall, which the Arabs call +_touf_, is built by laying a three to six inch course of soft mud, +letting this sun-dry for a day or two, then adding the next course, +etc.) The village probably looked much like the simple Kurdish farming +village of today, with its mud-walled houses and low mud-on-brush +roofs. I doubt that the Jarmo village had more than twenty houses at +any one moment of its existence. Today, an average of about seven +people live in a comparable Kurdish house; probably the population of +Jarmo was about 150 people. + +[Illustration: SKETCH OF JARMO ASSEMBLAGE + + CHIPPED STONE + UNBAKED CLAY + GROUND STONE + POTTERY _UPPER THIRD OF SITE ONLY._ + REED MATTING + BONE + ARCHITECTURE] + +It is interesting that portable pottery does not appear until the +last third of the life of the Jarmo village. Throughout the duration +of the village, however, its people had experimented with the plastic +qualities of clay. They modeled little figurines of animals and of +human beings in clay; one type of human figurine they favored was that +of a markedly pregnant woman, probably the expression of some sort of +fertility spirit. They provided their house floors with baked-in-place +depressions, either as basins or hearths, and later with domed ovens of +clay. As we�ve noted, the houses themselves were of clay or mud; one +could almost say they were built up like a house-sized pot. Then, +finally, the idea of making portable pottery itself appeared, although +I very much doubt that the people of the Jarmo village discovered the +art. + +On the other hand, the old tradition of making flint blades and +microlithic tools was still very strong at Jarmo. The sickle-blade was +made in quantities, but so also were many of the much older tool types. +Strangely enough, it is within this age-old category of chipped stone +tools that we see one of the clearest pointers to a newer age. Many of +the Jarmo chipped stone tools--microliths--were made of obsidian, a +black volcanic natural glass. The obsidian beds nearest to Jarmo are +over three hundred miles to the north. Already a bulk carrying trade +had been established--the forerunner of commerce--and the routes were +set by which, in later times, the metal trade was to move. + +There are now twelve radioactive carbon �dates� from Jarmo. The most +reasonable cluster of determinations averages to about 6750 � 200 +B.C., although there is a completely unreasonable range of �dates� +running from 3250 to 9250 B.C.! _If_ I am right in what I take to be +�reasonable,� the first flush of the food-producing revolution had been +achieved almost nine thousand years ago. + + +HASSUNA, IN UPPER MESOPOTAMIAN IRAQ + +We are not sure just how soon after Jarmo the next assemblage of Iraqi +material is to be placed. I do not think the time was long, and there +are a few hints that detailed habits in the making of pottery and +ground stone tools were actually continued from Jarmo times into the +time of the next full assemblage. This is called after a site named +Hassuna, a few miles to the south and west of modern Mosul. We also +have Hassunan type materials from several other sites in the same +general region. It is probably too soon to make generalizations about +it, but the Hassunan sites seem to cluster at slightly lower elevations +than those we have been talking about so far. + +The catalogue of the Hassuna assemblage is of course more full and +elaborate than that of Jarmo. The Iraqi government�s archeologists +who dug Hassuna itself, exposed evidence of increasing architectural +know-how. The walls of houses were still formed of puddled mud; +sun-dried bricks appear only in later periods. There were now several +different ways of making and decorating pottery vessels. One style of +pottery painting, called the Samarran style, is an extremely handsome +one and must have required a great deal of concentration and excellence +of draftsmanship. On the other hand, the old habits for the preparation +of good chipped stone tools--still apparent at Jarmo--seem to have +largely disappeared by Hassunan times. The flint work of the Hassunan +catalogue is, by and large, a wretched affair. We might guess that the +kinaesthetic concentration of the Hassuna craftsmen now went into other +categories; that is, they suddenly discovered they might have more fun +working with the newer materials. It�s a shame, for example, that none +of their weaving is preserved for us. + +The two available radiocarbon determinations from Hassunan contexts +stand at about 5100 and 5600 B.C. � 250 years. + + +OTHER EARLY VILLAGE SITES IN THE NUCLEAR AREA + +I�ll now name and very briefly describe a few of the other early +village assemblages either in or adjacent to the hilly flanks of the +crescent. Unfortunately, we do not have radioactive carbon dates for +many of these materials. We may guess that some particular assemblage, +roughly comparable to that of Hassuna, for example, must reflect a +culture which lived at just about the same time as that of Hassuna. We +do this guessing on the basis of the general similarity and degree of +complexity of the Sears Roebuck catalogues of the particular assemblage +and that of Hassuna. We suppose that for sites near at hand and of a +comparable cultural level, as indicated by their generally similar +assemblages, the dating must be about the same. We may also know that +in a general stratigraphic sense, the sites in question may both appear +at the bottom of the ascending village sequence in their respective +areas. Without a number of consistent radioactive carbon dates, we +cannot be precise about priorities. + +[Illustration: SKETCH OF HASSUNA ASSEMBLAGE + + POTTERY + POTTERY OBJECTS + CHIPPED STONE + BONE + GROUND STONE + ARCHITECTURE + REED MATTING + BURIAL] + +The ancient mound at Jericho, in the Dead Sea valley in Palestine, +yields some very interesting material. Its catalogue somewhat resembles +that of Jarmo, especially in the sense that there is a fair depth +of deposit without portable pottery vessels. On the other hand, the +architecture of Jericho is surprisingly complex, with traces of massive +stone fortification walls and the general use of formed sun-dried +mud brick. Jericho lies in a somewhat strange and tropically lush +ecological niche, some seven hundred feet below sea level; it is +geographically within the hilly-flanks zone but environmentally not +part of it. + +Several radiocarbon �dates� for Jericho fall within the range of those +I find reasonable for Jarmo, and their internal statistical consistency +is far better than that for the Jarmo determinations. It is not yet +clear exactly what this means. + +The mound at Jericho (Tell es-Sultan) contains a remarkably +fine sequence, which perhaps does not have the gap we noted in +Iraqi-Kurdistan between the Karim Shahir group and Jarmo. While I am +not sure that the Jericho sequence will prove valid for those parts +of Palestine outside the special Dead Sea environmental niche, the +sequence does appear to proceed from the local variety of Natufian into +that of a very well settled community. So far, we have little direct +evidence for the food-production basis upon which the Jericho people +subsisted. + +There is an early village assemblage with strong characteristics of its +own in the land bordering the northeast corner of the Mediterranean +Sea, where Syria and the Cilician province of Turkey join. This early +Syro-Cilician assemblage must represent a general cultural pattern +which was at least in part contemporary with that of the Hassuna +assemblage. These materials from the bases of the mounds at Mersin, and +from Judaidah in the Amouq plain, as well as from a few other sites, +represent the remains of true villages. The walls of their houses were +built of puddled mud, but some of the house foundations were of stone. +Several different kinds of pottery were made by the people of these +villages. None of it resembles the pottery from Hassuna or from the +upper levels of Jarmo or Jericho. The Syro-Cilician people had not +lost their touch at working flint. An important southern variation of +the Syro-Cilician assemblage has been cleared recently at Byblos, a +port town famous in later Phoenician times. There are three radiocarbon +determinations which suggest that the time range for these developments +was in the sixth or early fifth millennium B.C. + +It would be fascinating to search for traces of even earlier +village-farming communities and for the remains of the incipient +cultivation era, in the Syro-Cilician region. + + +THE IRANIAN PLATEAU AND THE NILE VALLEY + +The map on page 125 shows some sites which lie either outside or in +an extension of the hilly-flanks zone proper. From the base of the +great mound at Sialk on the Iranian plateau came an assemblage of +early village material, generally similar, in the kinds of things it +contained, to the catalogues of Hassuna and Judaidah. The details of +how things were made are different; the Sialk assemblage represents +still another cultural pattern. I suspect it appeared a bit later +in time than did that of Hassuna. There is an important new item in +the Sialk catalogue. The Sialk people made small drills or pins of +hammered copper. Thus the metallurgist�s specialized craft had made its +appearance. + +There is at least one very early Iranian site on the inward slopes +of the hilly-flanks zone. It is the earlier of two mounds at a place +called Bakun, in southwestern Iran; the results of the excavations +there are not yet published and we only know of its coarse and +primitive pottery. I only mention Bakun because it helps us to plot the +extent of the hilly-flanks zone villages on the map. + +The Nile Valley lies beyond the peculiar environmental zone of the +hilly flanks of the crescent, and it is probable that the earliest +village-farming communities in Egypt were established by a few people +who wandered into the Nile delta area from the nuclear area. The +assemblage which is most closely comparable to the catalogue of Hassuna +or Judaidah, for example, is that from little settlements along the +shore of the Fayum lake. The Fayum materials come mainly from grain +bins or silos. Another site, Merimde, in the western part of the Nile +delta, shows the remains of a true village, but it may be slightly +later than the settlement of the Fayum. There are radioactive carbon +�dates� for the Fayum materials at about 4275 B.C. � 320 years, which +is almost fifteen hundred years later than the determinations suggested +for the Hassunan or Syro-Cilician assemblages. I suspect that this +is a somewhat over-extended indication of the time it took for the +generalized cultural pattern of village-farming community life to +spread from the nuclear area down into Egypt, but as yet we have no way +of testing these matters. + +In this same vein, we have two radioactive carbon dates for an +assemblage from sites near Khartoum in the Sudan, best represented by +the mound called Shaheinab. The Shaheinab catalogue roughly corresponds +to that of the Fayum; the distance between the two places, as the Nile +flows, is roughly 1,500 miles. Thus it took almost a thousand years for +the new way of life to be carried as far south into Africa as Khartoum; +the two Shaheinab �dates� average about 3300 B.C. � 400 years. + +If the movement was up the Nile (southward), as these dates suggest, +then I suspect that the earliest available village material of middle +Egypt, the so-called Tasian, is also later than that of the Fayum. The +Tasian materials come from a few graves near a village called Deir +Tasa, and I have an uncomfortable feeling that the Tasian �assemblage� +may be mainly an artificial selection of poor examples of objects which +belong in the following range of time. + + +SPREAD IN TIME AND SPACE + +There are now two things we can do; in fact, we have already begun to +do them. We can watch the spread of the new way of life upward through +time in the nuclear area. We can also see how the new way of life +spread outward in space from the nuclear area, as time went on. There +is good archeological evidence that both these processes took place. +For the hill country of northeastern Iraq, in the nuclear area, we +have already noticed how the succession (still with gaps) from Karim +Shahir, through M�lefaat and Jarmo, to Hassuna can be charted (see +chart, p. 111). In the next chapter, we shall continue this charting +and description of what happened in Iraq upward through time. We also +watched traces of the new way of life move through space up the Nile +into Africa, to reach Khartoum in the Sudan some thirty-five hundred +years later than we had seen it at Jarmo or Jericho. We caught glimpses +of it in the Fayum and perhaps at Tasa along the way. + +For the remainder of this chapter, I shall try to suggest briefly for +you the directions taken by the spread of the new way of life from the +nuclear area in the Near East. First, let me make clear again that +I _do not_ believe that the village-farming community way of life +was invented only once and in the Near East. It seems to me that the +evidence is very clear that a separate experiment arose in the New +World. For China, the question of independence or borrowing--in the +appearance of the village-farming community there--is still an open +one. In the last chapter, we noted the probability of an independent +nuclear area in southeastern Asia. Professor Carl Sauer strongly +champions the great importance of this area as _the_ original center +of agricultural pursuits, as a kind of �cradle� of all incipient eras +of the Old World at least. While there is certainly not the slightest +archeological evidence to allow us to go that far, we may easily expect +that an early southeast Asian development would have been felt in +China. However, the appearance of the village-farming community in the +northwest of India, at least, seems to have depended on the earlier +development in the Near East. It is also probable that ideas of the new +way of life moved well beyond Khartoum in Africa. + + +THE SPREAD OF THE VILLAGE-FARMING COMMUNITY WAY OF LIFE INTO EUROPE + +How about Europe? I won�t give you many details. You can easily imagine +that the late prehistoric prelude to European history is a complicated +affair. We all know very well how complicated an area Europe is now, +with its welter of different languages and cultures. Remember, however, +that a great deal of archeology has been done on the late prehistory of +Europe, and very little on that of further Asia and Africa. If we knew +as much about these areas as we do of Europe, I expect we�d find them +just as complicated. + +This much is clear for Europe, as far as the spread of the +village-community way of life is concerned. The general idea and much +of the know-how and the basic tools of food-production moved from the +Near East to Europe. So did the plants and animals which had been +domesticated; they were not naturally at home in Europe, as they were +in western Asia. I do not, of course, mean that there were traveling +salesmen who carried these ideas and things to Europe with a commercial +gleam in their eyes. The process took time, and the ideas and things +must have been passed on from one group of people to the next. There +was also some actual movement of peoples, but we don�t know the size of +the groups that moved. + +The story of the �colonization� of Europe by the first farmers is +thus one of (1) the movement from the eastern Mediterranean lands +of some people who were farmers; (2) the spread of ideas and things +beyond the Near East itself and beyond the paths along which the +�colonists� moved; and (3) the adaptations of the ideas and things +by the indigenous �Forest folk�, about whose �receptiveness� Professor +Mathiassen speaks (p. 97). It is important to note that the resulting +cultures in the new European environment were European, not Near +Eastern. The late Professor Childe remarked that �the peoples of the +West were not slavish imitators; they adapted the gifts from the East +... into a new and organic whole capable of developing on its own +original lines.� + + +THE WAYS TO EUROPE + +Suppose we want to follow the traces of those earliest village-farmers +who did travel from western Asia into Europe. Let us start from +Syro-Cilicia, that part of the hilly-flanks zone proper which lies in +the very northeastern corner of the Mediterranean. Three ways would be +open to us (of course we could not be worried about permission from the +Soviet authorities!). We would go north, or north and slightly east, +across Anatolian Turkey, and skirt along either shore of the Black Sea +or even to the east of the Caucasus Mountains along the Caspian Sea, +to reach the plains of Ukrainian Russia. From here, we could march +across eastern Europe to the Baltic and Scandinavia, or even hook back +southwestward to Atlantic Europe. + +Our second way from Syro-Cilicia would also lie over Anatolia, to the +northwest, where we would have to swim or raft ourselves over the +Dardanelles or the Bosphorus to the European shore. Then we would bear +left toward Greece, but some of us might turn right again in Macedonia, +going up the valley of the Vardar River to its divide and on down +the valley of the Morava beyond, to reach the Danube near Belgrade +in Jugoslavia. Here we would turn left, following the great river +valley of the Danube up into central Europe. We would have a number of +tributary valleys to explore, or we could cross the divide and go down +the valley of the Rhine to the North Sea. + +Our third way from Syro-Cilicia would be by sea. We would coast along +southern Anatolia and visit Cyprus, Crete, and the Aegean islands on +our way to Greece, where, in the north, we might meet some of those who +had taken the second route. From Greece, we would sail on to Italy and +the western isles, to reach southern France and the coasts of Spain. +Eventually a few of us would sail up the Atlantic coast of Europe, to +reach western Britain and even Ireland. + +[Illustration: PROBABLE ROUTES AND TIMING IN THE SPREAD OF THE +VILLAGE-FARMING COMMUNITY WAY OF LIFE FROM THE NEAR EAST TO EUROPE] + +Of course none of us could ever take these journeys as the first +farmers took them, since the whole course of each journey must have +lasted many lifetimes. The date given to the assemblage called Windmill +Hill, the earliest known trace of village-farming communities in +England, is about 2500 B.C. I would expect about 5500 B.C. to be a +safe date to give for the well-developed early village communities of +Syro-Cilicia. We suspect that the spread throughout Europe did not +proceed at an even rate. Professor Piggott writes that �at a date +probably about 2600 B.C., simple agricultural communities were being +established in Spain and southern France, and from the latter region a +spread northwards can be traced ... from points on the French seaboard +of the [English] Channel ... there were emigrations of a certain number +of these tribes by boat, across to the chalk lands of Wessex and Sussex +[in England], probably not more than three or four generations later +than the formation of the south French colonies.� + +New radiocarbon determinations are becoming available all the +time--already several suggest that the food-producing way of life +had reached the lower Rhine and Holland by 4000 B.C. But not all +prehistorians accept these �dates,� so I do not show them on my map +(p. 139). + + +THE EARLIEST FARMERS OF ENGLAND + +To describe the later prehistory of all Europe for you would take +another book and a much larger one than this is. Therefore, I have +decided to give you only a few impressions of the later prehistory of +Britain. Of course the British Isles lie at the other end of Europe +from our base-line in western Asia. Also, they received influences +along at least two of the three ways in which the new way of life +moved into Europe. We will look at more of their late prehistory in a +following chapter: here, I shall speak only of the first farmers. + +The assemblage called Windmill Hill, which appears in the south of +England, exhibits three different kinds of structures, evidence of +grain-growing and of stock-breeding, and some distinctive types of +pottery and stone implements. The most remarkable type of structure +is the earthwork enclosures which seem to have served as seasonal +cattle corrals. These enclosures were roughly circular, reached over +a thousand feet in diameter, and sometimes included two or three +concentric sets of banks and ditches. Traces of oblong timber houses +have been found, but not within the enclosures. The second type of +structure is mine-shafts, dug down into the chalk beds where good +flint for the making of axes or hoes could be found. The third type +of structure is long simple mounds or �unchambered barrows,� in one +end of which burials were made. It has been commonly believed that the +Windmill Hill assemblage belonged entirely to the cultural tradition +which moved up through France to the Channel. Professor Piggott is now +convinced, however, that important elements of Windmill Hill stem from +northern Germany and Denmark--products of the first way into Europe +from the east. + +The archeological traces of a second early culture are to be found +in the west of England, western and northern Scotland, and most of +Ireland. The bearers of this culture had come up the Atlantic coast +by sea from southern France and Spain. The evidence they have left us +consists mainly of tombs and the contents of tombs, with only very +rare settlement sites. The tombs were of some size and received the +bodies of many people. The tombs themselves were built of stone, heaped +over with earth; the stones enclosed a passage to a central chamber +(�passage graves�), or to a simple long gallery, along the sides of +which the bodies were laid (�gallery graves�). The general type of +construction is called �megalithic� (= great stone), and the whole +earth-mounded structure is often called a _barrow_. Since many have +proper chambers, in one sense or another, we used the term �unchambered +barrow� above to distinguish those of the Windmill Hill type from these +megalithic structures. There is some evidence for sacrifice, libations, +and ceremonial fires, and it is clear that some form of community +ritual was focused on the megalithic tombs. + +The cultures of the people who produced the Windmill Hill assemblage +and of those who made the megalithic tombs flourished, at least in +part, at the same time. Although the distributions of the two different +types of archeological traces are in quite different parts of the +country, there is Windmill Hill pottery in some of the megalithic +tombs. But the tombs also contain pottery which seems to have arrived +with the tomb builders themselves. + +The third early British group of antiquities of this general time +(following 2500 B.C.) comes from sites in southern and eastern England. +It is not so certain that the people who made this assemblage, called +Peterborough, were actually farmers. While they may on occasion have +practiced a simple agriculture, many items of their assemblage link +them closely with that of the �Forest folk� of earlier times in +England and in the Baltic countries. Their pottery is decorated with +impressions of cords and is quite different from that of Windmill Hill +and the megalithic builders. In addition, the distribution of their +finds extends into eastern Britain, where the other cultures have left +no trace. The Peterborough people had villages with semi-subterranean +huts, and the bones of oxen, pigs, and sheep have been found in a few +of these. On the whole, however, hunting and fishing seem to have been +their vital occupations. They also established trade routes especially +to acquire the raw material for stone axes. + +A probably slightly later culture, whose traces are best known from +Skara Brae on Orkney, also had its roots in those cultures of the +Baltic area which fused out of the meeting of the �Forest folk� and +the peoples who took the eastern way into Europe. Skara Brae is very +well preserved, having been built of thin stone slabs about which +dune-sand drifted after the village died. The individual houses, the +bedsteads, the shelves, the chests for clothes and oddments--all built +of thin stone-slabs--may still be seen in place. But the Skara Brae +people lived entirely by sheep- and cattle-breeding, and by catching +shellfish. Neither grain nor the instruments of agriculture appeared at +Skara Brae. + + +THE EUROPEAN ACHIEVEMENT + +The above is only a very brief description of what went on in Britain +with the arrival of the first farmers. There are many interesting +details which I have omitted in order to shorten the story. + +I believe some of the difficulty we have in understanding the +establishment of the first farming communities in Europe is with +the word �colonization.� We have a natural tendency to think of +�colonization� as it has happened within the last few centuries. In the +case of the colonization of the Americas, for example, the colonists +came relatively quickly, and in increasingly vast numbers. They had +vastly superior technical, political, and war-making skills, compared +with those of the Indians. There was not much mixing with the Indians. +The case in Europe five or six thousand years ago must have been very +different. I wonder if it is even proper to call people �colonists� +who move some miles to a new region, settle down and farm it for some +years, then move on again, generation after generation? The ideas and +the things which these new people carried were only _potentially_ +superior. The ideas and things and the people had to prove themselves +in their adaptation to each new environment. Once this was done another +link to the chain would be added, and then the forest-dwellers and +other indigenous folk of Europe along the way might accept the new +ideas and things. It is quite reasonable to expect that there must have +been much mixture of the migrants and the indigenes along the way; the +Peterborough and Skara Brae assemblages we mentioned above would seem +to be clear traces of such fused cultures. Sometimes, especially if the +migrants were moving by boat, long distances may have been covered in +a short time. Remember, however, we seem to have about three thousand +years between the early Syro-Cilician villages and Windmill Hill. + +Let me repeat Professor Childe again. �The peoples of the West were +not slavish imitators: they adapted the gifts from the East ... into +a new and organic whole capable of developing on its own original +lines.� Childe is of course completely conscious of the fact that his +�peoples of the West� were in part the descendants of migrants who came +originally from the �East,� bringing their �gifts� with them. This +was the late prehistoric achievement of Europe--to take new ideas and +things and some migrant peoples and, by mixing them with the old in its +own environments, to forge a new and unique series of cultures. + +What we know of the ways of men suggests to us that when the details +of the later prehistory of further Asia and Africa are learned, their +stories will be just as exciting. + + + + +THE Conquest of Civilization + +[Illustration] + + +Now we must return to the Near East again. We are coming to the point +where history is about to begin. I am going to stick pretty close +to Iraq and Egypt in this chapter. These countries will perhaps be +the most interesting to most of us, for the foundations of western +civilization were laid in the river lands of the Tigris and Euphrates +and of the Nile. I shall probably stick closest of all to Iraq, because +things first happened there and also because I know it best. + +There is another interesting thing, too. We have seen that the first +experiment in village-farming took place in the Near East. So did +the first experiment in civilization. Both experiments �took.� The +traditions we live by today are based, ultimately, on those ancient +beginnings in food-production and civilization in the Near East. + + +WHAT �CIVILIZATION� MEANS + +I shall not try to define �civilization� for you; rather, I shall +tell you what the word brings to my mind. To me civilization means +urbanization: the fact that there are cities. It means a formal +political set-up--that there are kings or governing bodies that the +people have set up. It means formal laws--rules of conduct--which the +government (if not the people) believes are necessary. It probably +means that there are formalized projects--roads, harbors, irrigation +canals, and the like--and also some sort of army or police force +to protect them. It means quite new and different art forms. It +also usually means there is writing. (The people of the Andes--the +Incas--had everything which goes to make up a civilization but formal +writing. I can see no reason to say they were not civilized.) Finally, +as the late Professor Redfield reminded us, civilization seems to bring +with it the dawn of a new kind of moral order. + +In different civilizations, there may be important differences in the +way such things as the above are managed. In early civilizations, it is +usual to find religion very closely tied in with government, law, and +so forth. The king may also be a high priest, or he may even be thought +of as a god. The laws are usually thought to have been given to the +people by the gods. The temples are protected just as carefully as the +other projects. + + +CIVILIZATION IMPOSSIBLE WITHOUT FOOD-PRODUCTION + +Civilizations have to be made up of many people. Some of the people +live in the country; some live in very large towns or cities. Classes +of society have begun. There are officials and government people; there +are priests or religious officials; there are merchants and traders; +there are craftsmen, metal-workers, potters, builders, and so on; there +are also farmers, and these are the people who produce the food for the +whole population. It must be obvious that civilization cannot exist +without food-production and that food-production must also be at a +pretty efficient level of village-farming before civilization can even +begin. + +But people can be food-producing without being civilized. In many +parts of the world this is still the case. When the white men first +came to America, the Indians in most parts of this hemisphere were +food-producers. They grew corn, potatoes, tomatoes, squash, and many +other things the white men had never eaten before. But only the Aztecs +of Mexico, the Mayas of Yucatan and Guatemala, and the Incas of the +Andes were civilized. + + +WHY DIDN�T CIVILIZATION COME TO ALL FOOD-PRODUCERS? + +Once you have food-production, even at the well-advanced level of +the village-farming community, what else has to happen before you +get civilization? Many men have asked this question and have failed +to give a full and satisfactory answer. There is probably no _one_ +answer. I shall give you my own idea about how civilization _may_ have +come about in the Near East alone. Remember, it is only a guess--a +putting together of hunches from incomplete evidence. It is _not_ meant +to explain how civilization began in any of the other areas--China, +southeast Asia, the Americas--where other early experiments in +civilization went on. The details in those areas are quite different. +Whether certain general principles hold, for the appearance of any +early civilization, is still an open and very interesting question. + + +WHERE CIVILIZATION FIRST APPEARED IN THE NEAR EAST + +You remember that our earliest village-farming communities lay along +the hilly flanks of a great �crescent.� (See map on p. 125.) +Professor Breasted�s �fertile crescent� emphasized the rich river +valleys of the Nile and the Tigris-Euphrates Rivers. Our hilly-flanks +area of the crescent zone arches up from Egypt through Palestine and +Syria, along southern Turkey into northern Iraq, and down along the +southwestern fringe of Iran. The earliest food-producing villages we +know already existed in this area by about 6750 B.C. (� 200 years). + +Now notice that this hilly-flanks zone does not include southern +Mesopotamia, the alluvial land of the lower Tigris and Euphrates in +Iraq, or the Nile Valley proper. The earliest known villages of classic +Mesopotamia and Egypt seem to appear fifteen hundred or more years +after those of the hilly-flanks zone. For example, the early Fayum +village which lies near a lake west of the Nile Valley proper (see p. +135) has a radiocarbon date of 4275 B.C. � 320 years. It was in the +river lands, however, that the immediate beginnings of civilization +were made. + +We know that by about 3200 B.C. the Early Dynastic period had begun +in southern Mesopotamia. The beginnings of writing go back several +hundred years earlier, but we can safely say that civilization had +begun in Mesopotamia by 3200 B.C. In Egypt, the beginning of the First +Dynasty is slightly later, at about 3100 B.C., and writing probably +did not appear much earlier. There is no question but that history and +civilization were well under way in both Mesopotamia and Egypt by 3000 +B.C.--about five thousand years ago. + + +THE HILLY-FLANKS ZONE VERSUS THE RIVER LANDS + +Why did these two civilizations spring up in these two river +lands which apparently were not even part of the area where the +village-farming community began? Why didn�t we have the first +civilizations in Palestine, Syria, north Iraq, or Iran, where we�re +sure food-production had had a long time to develop? I think the +probable answer gives a clue to the ways in which civilization began in +Egypt and Mesopotamia. + +The land in the hilly flanks is of a sort which people can farm without +too much trouble. There is a fairly fertile coastal strip in Palestine +and Syria. There are pleasant mountain slopes, streams running out to +the sea, and rain, at least in the winter months. The rain belt and the +foothills of the Turkish mountains also extend to northern Iraq and on +to the Iranian plateau. The Iranian plateau has its mountain valleys, +streams, and some rain. These hilly flanks of the �crescent,� through +most of its arc, are almost made-to-order for beginning farmers. The +grassy slopes of the higher hills would be pasture for their herds +and flocks. As soon as the earliest experiments with agriculture and +domestic animals had been successful, a pleasant living could be +made--and without too much trouble. + +I should add here again, that our evidence points increasingly to a +climate for those times which is very little different from that for +the area today. Now look at Egypt and southern Mesopotamia. Both are +lands without rain, for all intents and purposes. Both are lands with +rivers that have laid down very fertile soil--soil perhaps superior to +that in the hilly flanks. But in both lands, the rivers are of no great +aid without some control. + +The Nile floods its banks once a year, in late September or early +October. It not only soaks the narrow fertile strip of land on either +side; it lays down a fresh layer of new soil each year. Beyond the +fertile strip on either side rise great cliffs, and behind them is the +desert. In its natural, uncontrolled state, the yearly flood of the +Nile must have caused short-lived swamps that were full of crocodiles. +After a short time, the flood level would have dropped, the water and +the crocodiles would have run back into the river, and the swamp plants +would have become parched and dry. + +The Tigris and the Euphrates of Mesopotamia are less likely to flood +regularly than the Nile. The Tigris has a shorter and straighter course +than the Euphrates; it is also the more violent river. Its banks are +high, and when the snows melt and flow into all of its tributary rivers +it is swift and dangerous. The Euphrates has a much longer and more +curving course and few important tributaries. Its banks are lower and +it is less likely to flood dangerously. The land on either side and +between the two rivers is very fertile, south of the modern city of +Baghdad. Unlike the Nile Valley, neither the Tigris nor the Euphrates +is flanked by cliffs. The land on either side of the rivers stretches +out for miles and is not much rougher than a poor tennis court. + + +THE RIVERS MUST BE CONTROLLED + +The real trick in both Egypt and Mesopotamia is to make the rivers work +for you. In Egypt, this is a matter of building dikes and reservoirs +that will catch and hold the Nile flood. In this way, the water is held +and allowed to run off over the fields as it is needed. In Mesopotamia, +it is a matter of taking advantage of natural river channels and branch +channels, and of leading ditches from these onto the fields. + +Obviously, we can no longer find the first dikes or reservoirs of +the Nile Valley, or the first canals or ditches of Mesopotamia. The +same land has been lived on far too long for any traces of the first +attempts to be left; or, especially in Egypt, it has been covered by +the yearly deposits of silt, dropped by the river floods. But we�re +pretty sure the first food-producers of Egypt and southern Mesopotamia +must have made such dikes, canals, and ditches. In the first place, +there can�t have been enough rain for them to grow things otherwise. +In the second place, the patterns for such projects seem to have been +pretty well set by historic times. + + +CONTROL OF THE RIVERS THE BUSINESS OF EVERYONE + +Here, then, is a _part_ of the reason why civilization grew in Egypt +and Mesopotamia first--not in Palestine, Syria, or Iran. In the latter +areas, people could manage to produce their food as individuals. It +wasn�t too hard; there were rain and some streams, and good pasturage +for the animals even if a crop or two went wrong. In Egypt and +Mesopotamia, people had to put in a much greater amount of work, and +this work couldn�t be individual work. Whole villages or groups of +people had to turn out to fix dikes or dig ditches. The dikes had to be +repaired and the ditches carefully cleared of silt each year, or they +would become useless. + +There also had to be hard and fast rules. The person who lived nearest +the ditch or the reservoir must not be allowed to take all the water +and leave none for his neighbors. It was not only a business of +learning to control the rivers and of making their waters do the +farmer�s work. It also meant controlling men. But once these men had +managed both kinds of controls, what a wonderful yield they had! The +soil was already fertile, and the silt which came in the floods and +ditches kept adding fertile soil. + + +THE GERM OF CIVILIZATION IN EGYPT AND MESOPOTAMIA + +This learning to work together for the common good was the real germ of +the Egyptian and the Mesopotamian civilizations. The bare elements of +civilization were already there: the need for a governing hand and for +laws to see that the communities� work was done and that the water was +justly shared. You may object that there is a sort of chicken and egg +paradox in this idea. How could the people set up the rules until they +had managed to get a way to live, and how could they manage to get a +way to live until they had set up the rules? I think that small groups +must have moved down along the mud-flats of the river banks quite +early, making use of naturally favorable spots, and that the rules grew +out of such cases. It would have been like the hand-in-hand growth of +automobiles and paved highways in the United States. + +Once the rules and the know-how did get going, there must have been a +constant interplay of the two. Thus, the more the crops yielded, the +richer and better-fed the people would have been, and the more the +population would have grown. As the population grew, more land would +have needed to be flooded or irrigated, and more complex systems of +dikes, reservoirs, canals, and ditches would have been built. The more +complex the system, the more necessity for work on new projects and for +the control of their use.... And so on.... + +What I have just put down for you is a guess at the manner of growth of +some of the formalized systems that go to make up a civilized society. +My explanation has been pointed particularly at Egypt and Mesopotamia. +I have already told you that the irrigation and water-control part of +it does not apply to the development of the Aztecs or the Mayas, or +perhaps anybody else. But I think that a fair part of the story of +Egypt and Mesopotamia must be as I�ve just told you. + +I am particularly anxious that you do _not_ understand me to mean that +irrigation _caused_ civilization. I am sure it was not that simple at +all. For, in fact, a complex and highly engineered irrigation system +proper did not come until later times. Let�s say rather that the simple +beginnings of irrigation allowed and in fact encouraged a great number +of things in the technological, political, social, and moral realms of +culture. We do not yet understand what all these things were or how +they worked. But without these other aspects of culture, I do not +think that urbanization and civilization itself could have come into +being. + + +THE ARCHEOLOGICAL SEQUENCE TO CIVILIZATION IN IRAQ + +We last spoke of the archeological materials of Iraq on page 130, +where I described the village-farming community of Hassunan type. The +Hassunan type villages appear in the hilly-flanks zone and in the +rolling land adjacent to the Tigris in northern Iraq. It is probable +that even before the Hassuna pattern of culture lived its course, a +new assemblage had been established in northern Iraq and Syria. This +assemblage is called Halaf, after a site high on a tributary of the +Euphrates, on the Syro-Turkish border. + +[Illustration: SKETCH OF SELECTED ITEMS OF HALAFIAN ASSEMBLAGE + + BEADS AND PENDANTS + POTTERY MOTIFS + POTTERY] + +The Halafian assemblage is incompletely known. The culture it +represents included a remarkably handsome painted pottery. +Archeologists have tended to be so fascinated with this pottery that +they have bothered little with the rest of the Halafian assemblage. We +do know that strange stone-founded houses, with plans like those of the +popular notion of an Eskimo igloo, were built. Like the pottery of the +Samarran style, which appears as part of the Hassunan assemblage (see +p. 131), the Halafian painted pottery implies great concentration and +excellence of draftsmanship on the part of the people who painted it. + +We must mention two very interesting sites adjacent to the mud-flats of +the rivers, half way down from northern Iraq to the classic alluvial +Mesopotamian area. One is Baghouz on the Euphrates; the other is +Samarra on the Tigris (see map, p. 125). Both these sites yield the +handsome painted pottery of the style called Samarran: in fact it +is Samarra which gives its name to the pottery. Neither Baghouz nor +Samarra have completely Hassunan types of assemblages, and at Samarra +there are a few pots of proper Halafian style. I suppose that Samarra +and Baghouz give us glimpses of those early farmers who had begun to +finger their way down the mud-flats of the river banks toward the +fertile but yet untilled southland. + + +CLASSIC SOUTHERN MESOPOTAMIA FIRST OCCUPIED + +Our next step is into the southland proper. Here, deep in the core of +the mound which later became the holy Sumerian city of Eridu, Iraqi +archeologists uncovered a handsome painted pottery. Pottery of the same +type had been noticed earlier by German archeologists on the surface +of a small mound, awash in the spring floods, near the remains of the +Biblical city of Erich (Sumerian = Uruk; Arabic = Warka). This �Eridu� +pottery, which is about all we have of the assemblage of the people who +once produced it, may be seen as a blend of the Samarran and Halafian +painted pottery styles. This may over-simplify the case, but as yet we +do not have much evidence to go on. The idea does at least fit with my +interpretation of the meaning of Baghouz and Samarra as way-points on +the mud-flats of the rivers half way down from the north. + +My colleague, Robert Adams, believes that there were certainly +riverine-adapted food-collectors living in lower Mesopotamia. The +presence of such would explain why the Eridu assemblage is not simply +the sum of the Halafian and Samarran assemblages. But the domesticated +plants and animals and the basic ways of food-production must have +come from the hilly-flanks country in the north. + +Above the basal Eridu levels, and at a number of other sites in the +south, comes a full-fledged assemblage called Ubaid. Incidentally, +there is an aspect of the Ubaidian assemblage in the north as well. It +seems to move into place before the Halaf manifestation is finished, +and to blend with it. The Ubaidian assemblage in the south is by far +the more spectacular. The development of the temple has been traced +at Eridu from a simple little structure to a monumental building some +62 feet long, with a pilaster-decorated fa�ade and an altar in its +central chamber. There is painted Ubaidian pottery, but the style is +hurried and somewhat careless and gives the _impression_ of having been +a cheap mass-production means of decoration when compared with the +carefully drafted styles of Samarra and Halaf. The Ubaidian people made +other items of baked clay: sickles and axes of very hard-baked clay +are found. The northern Ubaidian sites have yielded tools of copper, +but metal tools of unquestionable Ubaidian find-spots are not yet +available from the south. Clay figurines of human beings with monstrous +turtle-like faces are another item in the southern Ubaidian assemblage. + +[Illustration: SKETCH OF SELECTED ITEMS OF UBAIDIAN ASSEMBLAGE] + +There is a large Ubaid cemetery at Eridu, much of it still awaiting +excavation. The few skeletons so far tentatively studied reveal a +completely modern type of �Mediterraneanoid�; the individuals whom the +skeletons represent would undoubtedly blend perfectly into the modern +population of southern Iraq. What the Ubaidian assemblage says to us is +that these people had already adapted themselves and their culture to +the peculiar riverine environment of classic southern Mesopotamia. For +example, hard-baked clay axes will chop bundles of reeds very well, or +help a mason dress his unbaked mud bricks, and there were only a few +soft and pithy species of trees available. The Ubaidian levels of Eridu +yield quantities of date pits; that excellent and characteristically +Iraqi fruit was already in use. The excavators also found the clay +model of a ship, with the stepping-point for a mast, so that Sinbad the +Sailor must have had his antecedents as early as the time of Ubaid. +The bones of fish, which must have flourished in the larger canals as +well as in the rivers, are common in the Ubaidian levels and thereafter. + + +THE UBAIDIAN ACHIEVEMENT + +On present evidence, my tendency is to see the Ubaidian assemblage +in southern Iraq as the trace of a new era. I wish there were more +evidence, but what we have suggests this to me. The culture of southern +Ubaid soon became a culture of towns--of centrally located towns with +some rural villages about them. The town had a temple and there must +have been priests. These priests probably had political and economic +functions as well as religious ones, if the somewhat later history of +Mesopotamia may suggest a pattern for us. Presently the temple and its +priesthood were possibly the focus of the market; the temple received +its due, and may already have had its own lands and herds and flocks. +The people of the town, undoubtedly at least in consultation with the +temple administration, planned and maintained the simple irrigation +ditches. As the system flourished, the community of rural farmers would +have produced more than sufficient food. The tendency for specialized +crafts to develop--tentative at best at the cultural level of the +earlier village-farming community era--would now have been achieved, +and probably many other specialists in temple administration, water +control, architecture, and trade would also have appeared, as the +surplus food-supply was assured. + +Southern Mesopotamia is not a land rich in natural resources other +than its fertile soil. Stone, good wood for construction, metal, and +innumerable other things would have had to be imported. Grain and +dates--although both are bulky and difficult to transport--and wool and +woven stuffs must have been the mediums of exchange. Over what area did +the trading net-work of Ubaid extend? We start with the idea that the +Ubaidian assemblage is most richly developed in the south. We assume, I +think, correctly, that it represents a cultural flowering of the south. +On the basis of the pottery of the still elusive �Eridu� immigrants +who had first followed the rivers into alluvial Mesopotamia, we get +the notion that the characteristic painted pottery style of Ubaid +was developed in the southland. If this reconstruction is correct +then we may watch with interest where the Ubaid pottery-painting +tradition spread. We have already mentioned that there is a substantial +assemblage of (and from the southern point of view, _fairly_ pure) +Ubaidian material in northern Iraq. The pottery appears all along the +Iranian flanks, even well east of the head of the Persian Gulf, and +ends in a later and spectacular flourish in an extremely handsome +painted style called the �Susa� style. Ubaidian pottery has been noted +up the valleys of both of the great rivers, well north of the Iraqi +and Syrian borders on the southern flanks of the Anatolian plateau. +It reaches the Mediterranean Sea and the valley of the Orontes in +Syria, and it may be faintly reflected in the painted style of a +site called Ghassul, on the east bank of the Jordan in the Dead Sea +Valley. Over this vast area--certainly in all of the great basin of +the Tigris-Euphrates drainage system and its natural extensions--I +believe we may lay our fingers on the traces of a peculiar way of +decorating pottery, which we call Ubaidian. This cursive and even +slap-dash decoration, it appears to me, was part of a new cultural +tradition which arose from the adjustments which immigrant northern +farmers first made to the new and challenging environment of southern +Mesopotamia. But exciting as the idea of the spread of influences of +the Ubaid tradition in space may be, I believe you will agree that the +consequences of the growth of that tradition in southern Mesopotamia +itself, as time passed, are even more important. + + +THE WARKA PHASE IN THE SOUTH + +So far, there are only two radiocarbon determinations for the Ubaidian +assemblage, one from Tepe Gawra in the north and one from Warka in the +south. My hunch would be to use the dates 4500 to 3750 B.C., with a +plus or more probably a minus factor of about two hundred years for +each, as the time duration of the Ubaidian assemblage in southern +Mesopotamia. + +Next, much to our annoyance, we have what is almost a temporary +black-out. According to the system of terminology I favor, our next +�assemblage� after that of Ubaid is called the _Warka_ phase, from +the Arabic name for the site of Uruk or Erich. We know it only from +six or seven levels in a narrow test-pit at Warka, and from an even +smaller hole at another site. This �assemblage,� so far, is known only +by its pottery, some of which still bears Ubaidian style painting. The +characteristic Warkan pottery is unpainted, with smoothed red or gray +surfaces and peculiar shapes. Unquestionably, there must be a great +deal more to say about the Warkan assemblage, but someone will first +have to excavate it! + + +THE DAWN OF CIVILIZATION + +After our exasperation with the almost unknown Warka interlude, +following the brilliant �false dawn� of Ubaid, we move next to an +assemblage which yields traces of a preponderance of those elements +which we noted (p. 144) as meaning civilization. This assemblage +is that called _Proto-Literate_; it already contains writing. On +the somewhat shaky principle that writing, however early, means +history--and no longer prehistory--the assemblage is named for the +historical implications of its content, and no longer after the name of +the site where it was first found. Since some of the older books used +site-names for this assemblage, I will tell you that the Proto-Literate +includes the latter half of what used to be called the �Uruk period� +_plus_ all of what used to be called the �Jemdet Nasr period.� It shows +a consistent development from beginning to end. + +I shall, in fact, leave much of the description and the historic +implications of the Proto-Literate assemblage to the conventional +historians. Professor T. J. Jacobsen, reaching backward from the +legends he finds in the cuneiform writings of slightly later times, can +in fact tell you a more complete story of Proto-Literate culture than +I can. It should be enough here if I sum up briefly what the excavated +archeological evidence shows. + +We have yet to dig a Proto-Literate site in its entirety, but the +indications are that the sites cover areas the size of small cities. +In architecture, we know of large and monumental temple structures, +which were built on elaborate high terraces. The plans and decoration +of these temples follow the pattern set in the Ubaid phase: the chief +difference is one of size. The German excavators at the site of Warka +reckoned that the construction of only one of the Proto-Literate temple +complexes there must have taken 1,500 men, each working a ten-hour day, +five years to build. + + +ART AND WRITING + +If the architecture, even in its monumental forms, can be seen to +stem from Ubaidian developments, this is not so with our other +evidence of Proto-Literate artistic expression. In relief and applied +sculpture, in sculpture in the round, and on the engraved cylinder +seals--all of which now make their appearance--several completely +new artistic principles are apparent. These include the composition +of subject-matter in groups, commemorative scenes, and especially +the ability and apparent desire to render the human form and face. +Excellent as the animals of the Franco-Cantabrian art may have been +(see p. 85), and however handsome were the carefully drafted +geometric designs and conventionalized figures on the pottery of the +early farmers, there seems to have been, up to this time, a mental +block about the drawing of the human figure and especially the human +face. We do not yet know what caused this self-consciousness about +picturing themselves which seems characteristic of men before the +appearance of civilization. We do know that with civilization, the +mental block seems to have been removed. + +Clay tablets bearing pictographic signs are the Proto-Literate +forerunners of cuneiform writing. The earliest examples are not well +understood but they seem to be �devices for making accounts and +for remembering accounts.� Different from the later case in Egypt, +where writing appears fully formed in the earliest examples, the +development from simple pictographic signs to proper cuneiform writing +may be traced, step by step, in Mesopotamia. It is most probable +that the development of writing was connected with the temple and +the need for keeping account of the temple�s possessions. Professor +Jacobsen sees writing as a means for overcoming space, time, and the +increasing complications of human affairs: �Literacy, which began +with ... civilization, enhanced mightily those very tendencies in its +development which characterize it as a civilization and mark it off as +such from other types of culture.� + +[Illustration: RELIEF ON A PROTO-LITERATE STONE VASE, WARKA + +Unrolled drawing, with restoration suggested by figures from +contemporary cylinder seals] + +While the new principles in art and the idea of writing are not +foreshadowed in the Ubaid phase, or in what little we know of the +Warkan, I do not think we need to look outside southern Mesopotamia +for their beginnings. We do know something of the adjacent areas, +too, and these beginnings are not there. I think we must accept them +as completely new discoveries, made by the people who were developing +the whole new culture pattern of classic southern Mesopotamia. Full +description of the art, architecture, and writing of the Proto-Literate +phase would call for many details. Men like Professor Jacobsen and Dr. +Adams can give you these details much better than I can. Nor shall I do +more than tell you that the common pottery of the Proto-Literate phase +was so well standardized that it looks factory made. There was also +some handsome painted pottery, and there were stone bowls with inlaid +decoration. Well-made tools in metal had by now become fairly common, +and the metallurgist was experimenting with the casting process. Signs +for plows have been identified in the early pictographs, and a wheeled +chariot is shown on a cylinder seal engraving. But if I were forced to +a guess in the matter, I would say that the development of plows and +draft-animals probably began in the Ubaid period and was another of the +great innovations of that time. + +The Proto-Literate assemblage clearly suggests a highly developed and +sophisticated culture. While perhaps not yet fully urban, it is on +the threshold of urbanization. There seems to have been a very dense +settlement of Proto-Literate sites in classic southern Mesopotamia, +many of them newly founded on virgin soil where no earlier settlements +had been. When we think for a moment of what all this implies, of the +growth of an irrigation system which must have existed to allow the +flourish of this culture, and of the social and political organization +necessary to maintain the irrigation system, I think we will agree that +at last we are dealing with civilization proper. + + +FROM PREHISTORY TO HISTORY + +Now it is time for the conventional ancient historians to take over +the story from me. Remember this when you read what they write. Their +real base-line is with cultures ruled over by later kings and emperors, +whose writings describe military campaigns and the administration of +laws and fully organized trading ventures. To these historians, the +Proto-Literate phase is still a simple beginning for what is to follow. +If they mention the Ubaid assemblage at all--the one I was so lyrical +about--it will be as some dim and fumbling step on the path to the +civilized way of life. + +I suppose you could say that the difference in the approach is that as +a prehistorian I have been looking forward or upward in time, while the +historians look backward to glimpse what I�ve been describing here. My +base-line was half a million years ago with a being who had little more +than the capacity to make tools and fire to distinguish him from the +animals about him. Thus my point of view and that of the conventional +historian are bound to be different. You will need both if you want to +understand all of the story of men, as they lived through time to the +present. + + + + +End of PREHISTORY + +[Illustration] + + +You�ll doubtless easily recall your general course in ancient history: +how the Sumerian dynasties of Mesopotamia were supplanted by those of +Babylonia, how the Hittite kingdom appeared in Anatolian Turkey, and +about the three great phases of Egyptian history. The literate kingdom +of Crete arose, and by 1500 B.C. there were splendid fortified Mycenean +towns on the mainland of Greece. This was the time--about the whole +eastern end of the Mediterranean--of what Professor Breasted called the +�first great internationalism,� with flourishing trade, international +treaties, and royal marriages between Egyptians, Babylonians, and +Hittites. By 1200 B.C., the whole thing had fragmented: �the peoples of +the sea were restless in their isles,� and the great ancient centers in +Egypt, Mesopotamia, and Anatolia were eclipsed. Numerous smaller states +arose--Assyria, Phoenicia, Israel--and the Trojan war was fought. +Finally Assyria became the paramount power of all the Near East, +presently to be replaced by Persia. + +A new culture, partaking of older west Asiatic and Egyptian elements, +but casting them with its own tradition into a new mould, arose in +mainland Greece. + +I once shocked my Classical colleagues to the core by referring to +Greece as �a second degree derived civilization,� but there is much +truth in this. The principles of bronze- and then of iron-working, of +the alphabet, and of many other elements in Greek culture were borrowed +from western Asia. Our debt to the Greeks is too well known for me even +to mention it, beyond recalling to you that it is to Greece we owe the +beginnings of rational or empirical science and thought in general. But +Greece fell in its turn to Rome, and in 55 B.C. Caesar invaded Britain. + +I last spoke of Britain on page 142; I had chosen it as my single +example for telling you something of how the earliest farming +communities were established in Europe. Now I will continue with +Britain�s later prehistory, so you may sense something of the end of +prehistory itself. Remember that Britain is simply a single example +we select; the same thing could be done for all the other countries +of Europe, and will be possible also, some day, for further Asia and +Africa. Remember, too, that prehistory in most of Europe runs on for +three thousand or more years _after_ conventional ancient history +begins in the Near East. Britain is a good example to use in showing +how prehistory ended in Europe. As we said earlier, it lies at the +opposite end of Europe from the area of highest cultural achievement in +those times, and should you care to read more of the story in detail, +you may do so in the English language. + + +METAL USERS REACH ENGLAND + +We left the story of Britain with the peoples who made three different +assemblages--the Windmill Hill, the megalith-builders, and the +Peterborough--making adjustments to their environments, to the original +inhabitants of the island, and to each other. They had first arrived +about 2500 B.C., and were simple pastoralists and hoe cultivators who +lived in little village communities. Some of them planted little if any +grain. By 2000 B.C., they were well settled in. Then, somewhere in the +range from about 1900 to 1800 B.C., the traces of the invasion of a new +series of peoples began to appear. + +The first newcomers are called the Beaker folk, after the name of a +peculiar form of pottery they made. The beaker type of pottery seems +oldest in Spain, where it occurs with great collective tombs of +megalithic construction and with copper tools. But the Beaker folk who +reached England seem already to have moved first from Spain(?) to the +Rhineland and Holland. While in the Rhineland, and before leaving for +England, the Beaker folk seem to have mixed with the local population +and also with incomers from northeastern Europe whose culture included +elements brought originally from the Near East by the eastern way +through the steppes. This last group has also been named for a peculiar +article in its assemblage; the group is called the Battle-axe folk. A +few Battle-axe folk elements, including, in fact, stone battle-axes, +reached England with the earliest Beaker folk,[6] coming from the +Rhineland. + + [6] The British authors use the term �Beaker folk� to mean both + archeological assemblage and human physical type. They speak + of a �... tall, heavy-boned, rugged, and round-headed� strain + which they take to have developed, apparently in the Rhineland, + by a mixture of the original (Spanish?) beaker-makers and + the northeast European battle-axe makers. However, since the + science of physical anthropology is very much in flux at the + moment, and since I am not able to assess the evidence for these + physical types, I _do not_ use the term �folk� in this book with + its usual meaning of standardized physical type. When I use + �folk� here, I mean simply _the makers of a given archeological + assemblage_. The difficulty only comes when assemblages are + named for some item in them; it is too clumsy to make an + adjective of the item and refer to a �beakerian� assemblage. + +The Beaker folk settled earliest in the agriculturally fertile south +and east. There seem to have been several phases of Beaker folk +invasions, and it is not clear whether these all came strictly from the +Rhineland or Holland. We do know that their copper daggers and awls +and armlets are more of Irish or Atlantic European than of Rhineland +origin. A few simple habitation sites and many burials of the Beaker +folk are known. They buried their dead singly, sometimes in conspicuous +individual barrows with the dead warrior in his full trappings. The +spectacular element in the assemblage of the Beaker folk is a group +of large circular monuments with ditches and with uprights of wood or +stone. These �henges� became truly monumental several hundred years +later; while they were occasionally dedicated with a burial, they were +not primarily tombs. The effect of the invasion of the Beaker folk +seems to cut across the whole fabric of life in Britain. + +[Illustration: BEAKER] + +There was, however, a second major element in British life at this +time. It shows itself in the less well understood traces of a group +again called after one of the items in their catalogue, the Food-vessel +folk. There are many burials in these �food-vessel� pots in northern +England, Scotland, and Ireland, and the pottery itself seems to +link back to that of the Peterborough assemblage. Like the earlier +Peterborough people in the highland zone before them, the makers of +the food-vessels seem to have been heavily involved in trade. It is +quite proper to wonder whether the food-vessel pottery itself was made +by local women who were married to traders who were middlemen in the +transmission of Irish metal objects to north Germany and Scandinavia. +The belt of high, relatively woodless country, from southwest to +northeast, was already established as a natural route for inland trade. + + +MORE INVASIONS + +About 1500 B.C., the situation became further complicated by the +arrival of new people in the region of southern England anciently +called Wessex. The traces suggest the Brittany coast of France as a +source, and the people seem at first to have been a small but �heroic� +group of aristocrats. Their �heroes� are buried with wealth and +ceremony, surrounded by their axes and daggers of bronze, their gold +ornaments, and amber and jet beads. These rich finds show that the +trade-linkage these warriors patronized spread from the Baltic sources +of amber to Mycenean Greece or even Egypt, as evidenced by glazed blue +beads. + +The great visual trace of Wessex achievement is the final form of +the spectacular sanctuary at Stonehenge. A wooden henge or circular +monument was first made several hundred years earlier, but the site +now received its great circles of stone uprights and lintels. The +diameter of the surrounding ditch at Stonehenge is about 350 feet, the +diameter of the inner circle of large stones is about 100 feet, and +the tallest stone of the innermost horseshoe-shaped enclosure is 29 +feet 8 inches high. One circle is made of blue stones which must have +been transported from Pembrokeshire, 145 miles away as the crow flies. +Recently, many carvings representing the profile of a standard type of +bronze axe of the time, and several profiles of bronze daggers--one of +which has been called Mycenean in type--have been found carved in the +stones. We cannot, of course, describe the details of the religious +ceremonies which must have been staged in Stonehenge, but we can +certainly imagine the well-integrated and smoothly working culture +which must have been necessary before such a great monument could have +been built. + + +�THIS ENGLAND� + +The range from 1900 to about 1400 B.C. includes the time of development +of the archeological features usually called the �Early Bronze Age� +in Britain. In fact, traces of the Wessex warriors persisted down to +about 1200 B.C. The main regions of the island were populated, and the +adjustments to the highland and lowland zones were distinct and well +marked. The different aspects of the assemblages of the Beaker folk and +the clearly expressed activities of the Food-vessel folk and the Wessex +warriors show that Britain was already taking on her characteristic +trading role, separated from the European continent but conveniently +adjacent to it. The tin of Cornwall--so important in the production +of good bronze--as well as the copper of the west and of Ireland, +taken with the gold of Ireland and the general excellence of Irish +metal work, assured Britain a trader�s place in the then known world. +Contacts with the eastern Mediterranean may have been by sea, with +Cornish tin as the attraction, or may have been made by the Food-vessel +middlemen on their trips to the Baltic coast. There they would have +encountered traders who traveled the great north-south European road, +by which Baltic amber moved southward to Greece and the Levant, and +ideas and things moved northward again. + +There was, however, the Channel between England and Europe, and this +relative isolation gave some peace and also gave time for a leveling +and further fusion of culture. The separate cultural traditions began +to have more in common. The growing of barley, the herding of sheep and +cattle, and the production of woolen garments were already features +common to all Britain�s inhabitants save a few in the remote highlands, +the far north, and the distant islands not yet fully touched by +food-production. The �personality of Britain� was being formed. + + +CREMATION BURIALS BEGIN + +Along with people of certain religious faiths, archeologists are +against cremation (for other people!). Individuals to be cremated seem +in past times to have been dressed in their trappings and put upon a +large pyre: it takes a lot of wood and a very hot fire for a thorough +cremation. When the burning had been completed, the few fragile scraps +of bone and such odd beads of stone or other rare items as had resisted +the great heat seem to have been whisked into a pot and the pot buried. +The archeologist is left with the pot and the unsatisfactory scraps in +it. + +Tentatively, after about 1400 B.C. and almost completely over the whole +island by 1200 B.C., Britain became the scene of cremation burials +in urns. We know very little of the people themselves. None of their +settlements have been identified, although there is evidence that they +grew barley and made enclosures for cattle. The urns used for the +burials seem to have antecedents in the pottery of the Food-vessel +folk, and there are some other links with earlier British traditions. +In Lancashire, a wooden circle seems to have been built about a grave +with cremated burials in urns. Even occasional instances of cremation +may be noticed earlier in Britain, and it is not clear what, if any, +connection the British cremation burials in urns have with the classic +_Urnfields_ which were now beginning in the east Mediterranean and +which we shall mention below. + +The British cremation-burial-in-urns folk survived a long time in the +highland zone. In the general British scheme, they make up what is +called the �Middle Bronze Age,� but in the highland zone they last +until after 900 B.C. and are considered to be a specialized highland +�Late Bronze Age.� In the highland zone, these later cremation-burial +folk seem to have continued the older Food-vessel tradition of being +middlemen in the metal market. + +Granting that our knowledge of this phase of British prehistory is +very restricted because the cremations have left so little for the +archeologist, it does not appear that the cremation-burial-urn folk can +be sharply set off from their immediate predecessors. But change on a +grander scale was on the way. + + +REVERBERATIONS FROM CENTRAL EUROPE + +In the centuries immediately following 1000 B.C., we see with fair +clarity two phases of a cultural process which must have been going +on for some time. Certainly several of the invasions we have already +described in this chapter were due to earlier phases of the same +cultural process, but we could not see the details. + +[Illustration: SLASHING SWORD] + +Around 1200 B.C. central Europe was upset by the spread of the +so-called Urnfield folk, who practiced cremation burial in urns and +whom we also know to have been possessors of long, slashing swords and +the horse. I told you above that we have no idea that the Urnfield +folk proper were in any way connected with the people who made +cremation-burial-urn cemeteries a century or so earlier in Britain. It +has been supposed that the Urnfield folk themselves may have shared +ideas with the people who sacked Troy. We know that the Urnfield +pressure from central Europe displaced other people in northern France, +and perhaps in northwestern Germany, and that this reverberated into +Britain about 1000 B.C. + +Soon after 750 B.C., the same thing happened again. This time, the +pressure from central Europe came from the Hallstatt folk who were iron +tool makers: the reverberation brought people from the western Alpine +region across the Channel into Britain. + +At first it is possible to see the separate results of these folk +movements, but the developing cultures soon fused with each other and +with earlier British elements. Presently there were also strains of +other northern and western European pottery and traces of Urnfield +practices themselves which appeared in the finished British product. I +hope you will sense that I am vastly over-simplifying the details. + +The result seems to have been--among other things--a new kind of +agricultural system. The land was marked off by ditched divisions. +Rectangular fields imply the plow rather than hoe cultivation. We seem +to get a picture of estate or tribal boundaries which included village +communities; we find a variety of tools in bronze, and even whetstones +which show that iron has been honed on them (although the scarce iron +has not been found). Let me give you the picture in Professor S. +Piggott�s words: �The ... Late Bronze Age of southern England was but +the forerunner of the earliest Iron Age in the same region, not only in +the techniques of agriculture, but almost certainly in terms of ethnic +kinship ... we can with some assurance talk of the Celts ... the great +early Celtic expansion of the Continent is recognized to be that of the +Urnfield people.� + +Thus, certainly by 500 B.C., there were people in Britain, some of +whose descendants we may recognize today in name or language in remote +parts of Wales, Scotland, and the Hebrides. + + +THE COMING OF IRON + +Iron--once the know-how of reducing it from its ore in a very hot, +closed fire has been achieved--produces a far cheaper and much more +efficient set of tools than does bronze. Iron tools seem first to +have been made in quantity in Hittite Anatolia about 1500 B.C. In +continental Europe, the earliest, so-called Hallstatt, iron-using +cultures appeared in Germany soon after 750 B.C. Somewhat later, +Greek and especially Etruscan exports of _objets d�art_--which moved +with a flourishing trans-Alpine wine trade--influenced the Hallstatt +iron-working tradition. Still later new classical motifs, together with +older Hallstatt, oriental, and northern nomad motifs, gave rise to a +new style in metal decoration which characterizes the so-called La T�ne +phase. + +A few iron users reached Britain a little before 400 B.C. Not long +after that, a number of allied groups appeared in southern and +southeastern England. They came over the Channel from France and must +have been Celts with dialects related to those already in England. A +second wave of Celts arrived from the Marne district in France about +250 B.C. Finally, in the second quarter of the first century B.C., +there were several groups of newcomers, some of whom were Belgae of +a mixed Teutonic-Celtic confederacy of tribes in northern France and +Belgium. The Belgae preceded the Romans by only a few years. + + +HILL-FORTS AND FARMS + +The earliest iron-users seem to have entrenched themselves temporarily +within hill-top forts, mainly in the south. Gradually, they moved +inland, establishing _individual_ farm sites with extensive systems +of rectangular fields. We recognize these fields by the �lynchets� or +lines of soil-creep which plowing left on the slopes of hills. New +crops appeared; there were now bread wheat, oats, and rye, as well as +barley. + +At Little Woodbury, near the town of Salisbury, a farmstead has been +rather completely excavated. The rustic buildings were within a +palisade, the round house itself was built of wood, and there were +various outbuildings and pits for the storage of grain. Weaving was +done on the farm, but not blacksmithing, which must have been a +specialized trade. Save for the lack of firearms, the place might +almost be taken for a farmstead on the American frontier in the early +1800�s. + +Toward 250 B.C. there seems to have been a hasty attempt to repair the +hill-forts and to build new ones, evidently in response to signs of +restlessness being shown by remote relatives in France. + + +THE SECOND PHASE + +Perhaps the hill-forts were not entirely effective or perhaps a +compromise was reached. In any case, the newcomers from the Marne +district did establish themselves, first in the southeast and then to +the north and west. They brought iron with decoration of the La T�ne +type and also the two-wheeled chariot. Like the Wessex warriors of +over a thousand years earlier, they made �heroes�� graves, with their +warriors buried in the war-chariots and dressed in full trappings. + +[Illustration: CELTIC BUCKLE] + +The metal work of these Marnian newcomers is excellent. The peculiar +Celtic art style, based originally on the classic tendril motif, +is colorful and virile, and fits with Greek and Roman descriptions +of Celtic love of color in dress. There is a strong trace of these +newcomers northward in Yorkshire, linked by Ptolemy�s description to +the Parisii, doubtless part of the Celtic tribe which originally gave +its name to Paris on the Seine. Near Glastonbury, in Somerset, two +villages in swamps have been excavated. They seem to date toward the +middle of the first century B.C., which was a troubled time in Britain. +The circular houses were built on timber platforms surrounded with +palisades. The preservation of antiquities by the water-logged peat of +the swamp has yielded us a long catalogue of the materials of these +villagers. + +In Scotland, which yields its first iron tools at a date of about 100 +B.C., and in northern Ireland even slightly earlier, the effects of the +two phases of newcomers tend especially to blend. Hill-forts, �brochs� +(stone-built round towers) and a variety of other strange structures +seem to appear as the new ideas develop in the comparative isolation of +northern Britain. + + +THE THIRD PHASE + +For the time of about the middle of the first century B.C., we again +see traces of frantic hill-fort construction. This simple military +architecture now took some new forms. Its multiple ramparts must +reflect the use of slings as missiles, rather than spears. We probably +know the reason. In 56 B.C., Julius Caesar chastised the Veneti of +Brittany for outraging the dignity of Roman ambassadors. The Veneti +were famous slingers, and doubtless the reverberations of escaping +Veneti were felt across the Channel. The military architecture suggests +that some Veneti did escape to Britain. + +Also, through Caesar, we learn the names of newcomers who arrived in +two waves, about 75 B.C. and about 50 B.C. These were the Belgae. Now, +at last, we can even begin to speak of dynasties and individuals. +Some time before 55 B.C., the Catuvellauni, originally from the Marne +district in France, had possessed themselves of a large part of +southeastern England. They evidently sailed up the Thames and built a +town of over a hundred acres in area. Here ruled Cassivellaunus, �the +first man in England whose name we know,� and whose town Caesar sacked. +The town sprang up elsewhere again, however. + + +THE END OF PREHISTORY + +Prehistory, strictly speaking, is now over in southern Britain. +Claudius� effective invasion took place in 43 A.D.; by 83 A.D., a raid +had been made as far north as Aberdeen in Scotland. But by 127 A.D., +Hadrian had completed his wall from the Solway to the Tyne, and the +Romans settled behind it. In Scotland, Romanization can have affected +the countryside very little. Professor Piggott adds that �... it is +when the pressure of Romanization is relaxed by the break-up of the +Dark Ages that we see again the Celtic metal-smiths handling their +material with the same consummate skill as they had before the Roman +Conquest, and with traditional styles that had not even then forgotten +their Marnian and Belgic heritage.� + +In fact, many centuries go by, in Britain as well as in the rest of +Europe, before the archeologist�s task is complete and the historian on +his own is able to describe the ways of men in the past. + + +BRITAIN AS A SAMPLE OF THE GENERAL COURSE OF PREHISTORY IN EUROPE + +In giving this very brief outline of the later prehistory of Britain, +you will have noticed how often I had to refer to the European +continent itself. Britain, beyond the English Channel for all of her +later prehistory, had a much simpler course of events than did most of +the rest of Europe in later prehistoric times. This holds, in spite +of all the �invasions� and �reverberations� from the continent. Most +of Europe was the scene of an even more complicated ebb and flow of +cultural change, save in some of its more remote mountain valleys and +peninsulas. + +The whole course of later prehistory in Europe is, in fact, so very +complicated that there is no single good book to cover it all; +certainly there is none in English. There are some good regional +accounts and some good general accounts of part of the range from about +3000 B.C. to A.D. 1. I suspect that the difficulty of making a good +book that covers all of its later prehistory is another aspect of what +makes Europe so very complicated a continent today. The prehistoric +foundations for Europe�s very complicated set of civilizations, +cultures, and sub-cultures--which begin to appear as history +proceeds--were in themselves very complicated. + +Hence, I selected the case of Britain as a single example of how +prehistory ends in Europe. It could have been more complicated than we +found it to be. Even in the subject matter on Britain in the chapter +before the last, we did not see direct traces of the effect on Britain +of the very important developments which took place in the Danubian +way from the Near East. Apparently Britain was not affected. Britain +received the impulses which brought copper, bronze, and iron tools from +an original east Mediterranean homeland into Europe, almost at the ends +of their journeys. But by the same token, they had had time en route to +take on their characteristic European aspects. + +Some time ago, Sir Cyril Fox wrote a famous book called _The +Personality of Britain_, sub-titled �Its Influence on Inhabitant and +Invader in Prehistoric and Early Historic Times.� We have not gone +into the post-Roman early historic period here; there are still the +Anglo-Saxons and Normans to account for as well as the effects of +the Romans. But what I have tried to do was to begin the story of +how the personality of Britain was formed. The principles that Fox +used, in trying to balance cultural and environmental factors and +interrelationships would not be greatly different for other lands. + + + + +Summary + +[Illustration] + + +In the pages you have read so far, you have been brought through the +earliest 99 per cent of the story of man�s life on this planet. I have +left only 1 per cent of the story for the historians to tell. + + +THE DRAMA OF THE PAST + +Men first became men when evolution had carried them to a certain +point. This was the point where the eye-hand-brain co-ordination was +good enough so that tools could be made. When tools began to be made +according to sets of lasting habits, we know that men had appeared. +This happened over a half million years ago. The stage for the play +may have been as broad as all of Europe, Africa, and Asia. At least, +it seems unlikely that it was only one little region that saw the +beginning of the drama. + +Glaciers and different climates came and went, to change the settings. +But the play went on in the same first act for a very long time. The +men who were the players had simple roles. They had to feed themselves +and protect themselves as best they could. They did this by hunting, +catching, and finding food wherever they could, and by taking such +protection as caves, fire, and their simple tools would give them. +Before the first act was over, the last of the glaciers was melting +away, and the players had added the New World to their stage. If +we want a special name for the first act, we could call it _The +Food-Gatherers_. + +There were not many climaxes in the first act, so far as we can see. +But I think there may have been a few. Certainly the pace of the +first act accelerated with the swing from simple gathering to more +intensified collecting. The great cave art of France and Spain was +probably an expression of a climax. Even the ideas of burying the dead +and of the �Venus� figurines must also point to levels of human thought +and activity that were over and above pure food-getting. + + +THE SECOND ACT + +The second act began only about ten thousand years ago. A few of the +players started it by themselves near the center of the Old World part +of the stage, in the Near East. It began as a plant and animal act, but +it soon became much more complicated. + +But the players in this one part of the stage--in the Near East--were +not the only ones to start off on the second act by themselves. Other +players, possibly in several places in the Far East, and certainly in +the New World, also started second acts that began as plant and animal +acts, and then became complicated. We can call the whole second act +_The Food-Producers_. + + +THE FIRST GREAT CLIMAX OF THE SECOND ACT + +In the Near East, the first marked climax of the second act happened +in Mesopotamia and Egypt. The play and the players reached that great +climax that we call civilization. This seems to have come less than +five thousand years after the second act began. But it could never have +happened in the first act at all. + +There is another curious thing about the first act. Many of the players +didn�t know it was over and they kept on with their roles long after +the second act had begun. On the edges of the stage there are today +some players who are still going on with the first act. The Eskimos, +and the native Australians, and certain tribes in the Amazon jungle are +some of these players. They seem perfectly happy to keep on with the +first act. + +The second act moved from climax to climax. The civilizations of +Mesopotamia and Egypt were only the earliest of these climaxes. The +players to the west caught the spirit of the thing, and climaxes +followed there. So also did climaxes come in the Far Eastern and New +World portions of the stage. + +The greater part of the second act should really be described to you +by a historian. Although it was a very short act when compared to the +first one, the climaxes complicate it a great deal. I, a prehistorian, +have told you about only the first act, and the very beginning of the +second. + + +THE THIRD ACT + +Also, as a prehistorian I probably should not even mention the third +act--it began so recently. The third act is _The Industrialization_. +It is the one in which we ourselves are players. If the pace of the +second act was so much faster than that of the first, the pace of the +third act is terrific. The danger is that it may wear down the players +completely. + +What sort of climaxes will the third act have, and are we already in +one? You have seen by now that the acts of my play are given in terms +of modes or basic patterns of human economy--ways in which people +get food and protection and safety. The climaxes involve more than +human economy. Economics and technological factors may be part of the +climaxes, but they are not all. The climaxes may be revolutions in +their own way, intellectual and social revolutions if you like. + +If the third act follows the pattern of the second act, a climax should +come soon after the act begins. We may be due for one soon if we are +not already in it. Remember the terrific pace of this third act. + + +WHY BOTHER WITH PREHISTORY? + +Why do we bother about prehistory? The main reason is that we think it +may point to useful ideas for the present. We are in the troublesome +beginnings of the third act of the play. The beginnings of the second +act may have lessons for us and give depth to our thinking. I know +there are at least _some_ lessons, even in the present incomplete +state of our knowledge. The players who began the second act--that of +food-production--separately, in different parts of the world, were not +all of one �pure race� nor did they have �pure� cultural traditions. +Some apparently quite mixed Mediterraneans got off to the first start +on the second act and brought it to its first two climaxes as well. +Peoples of quite different physical type achieved the first climaxes in +China and in the New World. + +In our British example of how the late prehistory of Europe worked, we +listed a continuous series of �invasions� and �reverberations.� After +each of these came fusion. Even though the Channel protected Britain +from some of the extreme complications of the mixture and fusion of +continental Europe, you can see how silly it would be to refer to a +�pure� British race or a �pure� British culture. We speak of the United +States as a �melting pot.� But this is nothing new. Actually, Britain +and all the rest of the world have been �melting pots� at one time or +another. + +By the time the written records of Mesopotamia and Egypt begin to turn +up in number, the climaxes there are well under way. To understand the +beginnings of the climaxes, and the real beginnings of the second act +itself, we are thrown back on prehistoric archeology. And this is as +true for China, India, Middle America, and the Andes, as it is for the +Near East. + +There are lessons to be learned from all of man�s past, not simply +lessons of how to fight battles or win peace conferences, but of how +human society evolves from one stage to another. Many of these lessons +can only be looked for in the prehistoric past. So far, we have only +made a beginning. There is much still to do, and many gaps in the story +are yet to be filled. The prehistorian�s job is to find the evidence, +to fill the gaps, and to discover the lessons men have learned in the +past. As I see it, this is not only an exciting but a very practical +goal for which to strive. + + + + +List of Books + + +BOOKS OF GENERAL INTEREST + +(Chosen from a variety of the increasingly useful list of cheap +paperbound books.) + + Childe, V. Gordon + _What Happened in History._ 1954. Penguin. + _Man Makes Himself._ 1955. Mentor. + _The Prehistory of European Society._ 1958. Penguin. + + Dunn, L. C., and Dobzhansky, Th. + _Heredity, Race, and Society._ 1952. Mentor. + + Frankfort, Henri, Frankfort, H. A., Jacobsen, Thorkild, and Wilson, + John A. + _Before Philosophy._ 1954. Penguin. + + Simpson, George G. + _The Meaning of Evolution._ 1955. Mentor. + + Wheeler, Sir Mortimer + _Archaeology from the Earth._ 1956. Penguin. + + +GEOCHRONOLOGY AND THE ICE AGE + +(Two general books. Some Pleistocene geologists disagree with Zeuner�s +interpretation of the dating evidence, but their points of view appear +in professional journals, in articles too cumbersome to list here.) + + Flint, R. F. + _Glacial Geology and the Pleistocene Epoch._ 1947. John Wiley + and Sons. + + Zeuner, F. E. + _Dating the Past._ 1952 (3rd ed.). Methuen and Co. + + +FOSSIL MEN AND RACE + +(The points of view of physical anthropologists and human +paleontologists are changing very quickly. Two of the different points +of view are listed here.) + + Clark, W. E. Le Gros + _History of the Primates._ 1956 (5th ed.). British Museum + (Natural History). (Also in Phoenix edition, 1957.) + + Howells, W. W. + _Mankind So Far._ 1944. Doubleday, Doran. + + +GENERAL ANTHROPOLOGY + +(These are standard texts not absolutely up to date in every detail, or +interpretative essays concerned with cultural change through time as +well as in space.) + + Kroeber, A. L. + _Anthropology._ 1948. Harcourt, Brace. + + Linton, Ralph + _The Tree of Culture._ 1955. Alfred A. Knopf, Inc. + + Redfield, Robert + _The Primitive World and Its Transformations._ 1953. Cornell + University Press. + + Steward, Julian H. + _Theory of Culture Change._ 1955. University of Illinois Press. + + White, Leslie + _The Science of Culture._ 1949. Farrar, Strauss. + + +GENERAL PREHISTORY + +(A sampling of the more useful and current standard works in English.) + + Childe, V. Gordon + _The Dawn of European Civilization._ 1957. Kegan Paul, Trench, + Trubner. + _Prehistoric Migrations in Europe._ 1950. Instituttet for + Sammenlignende Kulturforskning. + + Clark, Grahame + _Archaeology and Society._ 1957. Harvard University Press. + + Clark, J. G. D. + _Prehistoric Europe: The Economic Basis._ 1952. Methuen and Co. + + Garrod, D. A. E. + _Environment, Tools, and Man._ 1946. Cambridge University + Press. + + Movius, Hallam L., Jr. + �Old World Prehistory: Paleolithic� in _Anthropology Today_. + Kroeber, A. L., ed. 1953. University of Chicago Press. + + Oakley, Kenneth P. + _Man the Tool-Maker._ 1956. British Museum (Natural History). + (Also in Phoenix edition, 1957.) + + Piggott, Stuart + _British Prehistory._ 1949. Oxford University Press. + + Pittioni, Richard + _Die Urgeschichtlichen Grundlagen der Europ�ischen Kultur._ + 1949. Deuticke. (A single book which does attempt to cover the + whole range of European prehistory to ca. 1 A.D.) + + +THE NEAR EAST + + Adams, Robert M. + �Developmental Stages in Ancient Mesopotamia,� _in_ Steward, + Julian, _et al_, _Irrigation Civilizations: A Comparative + Study_. 1955. Pan American Union. + + Braidwood, Robert J. + _The Near East and the Foundations for Civilization._ 1952. + University of Oregon. + + Childe, V. Gordon + _New Light on the Most Ancient East._ 1952. Oriental Dept., + Routledge and Kegan Paul. + + Frankfort, Henri + _The Birth of Civilization in the Near East._ 1951. University + of Indiana Press. (Also in Anchor edition, 1956.) + + Pallis, Svend A. + _The Antiquity of Iraq._ 1956. Munksgaard. + + Wilson, John A. + _The Burden of Egypt._ 1951. University of Chicago Press. (Also + in Phoenix edition, called _The Culture of Ancient Egypt_, + 1956.) + + +HOW DIGGING IS DONE + + Braidwood, Linda + _Digging beyond the Tigris._ 1953. Schuman, New York. + + Wheeler, Sir Mortimer + _Archaeology from the Earth._ 1954. Oxford, London. + + + + +Index + + + Abbevillian, 48; + core-biface tool, 44, 48 + + Acheulean, 48, 60 + + Acheuleo-Levalloisian, 63 + + Acheuleo-Mousterian, 63 + + Adams, R. M., 106 + + Adzes, 45 + + Africa, east, 67, 89; + north, 70, 89; + south, 22, 25, 34, 40, 67 + + Agriculture, incipient, in England, 140; + in Near East, 123 + + Ain Hanech, 48 + + Amber, taken from Baltic to Greece, 167 + + American Indians, 90, 142 + + Anatolia, used as route to Europe, 138 + + Animals, in caves, 54, 64; + in cave art, 85 + + Antevs, Ernst, 19 + + Anyathian, 47 + + Archeological interpretation, 8 + + Archeology, defined, 8 + + Architecture, at Jarmo, 128; + at Jericho, 133 + + Arrow, points, 94; + shaft straightener, 83 + + Art, in caves, 84; + East Spanish, 85; + figurines, 84; + Franco-Cantabrian, 84, 85; + movable (engravings, modeling, scratchings), 83; + painting, 83; + sculpture, 83 + + Asia, western, 67 + + Assemblage, defined, 13, 14; + European, 94; + Jarmo, 129; + Maglemosian, 94; + Natufian, 113 + + Aterian, industry, 67; + point, 89 + + Australopithecinae, 24 + + Australopithecine, 25, 26 + + Awls, 77 + + Axes, 62, 94 + + Ax-heads, 15 + + Azilian, 97 + + Aztecs, 145 + + + Baghouz, 152 + + Bakun, 134 + + Baltic sea, 93 + + Banana, 107 + + Barley, wild, 108 + + Barrow, 141 + + Battle-axe folk, 164; + assemblage, 164 + + Beads, 80; + bone, 114 + + Beaker folk, 164; + assemblage, 164-165 + + Bear, in cave art, 85; + cult, 68 + + Belgium, 94 + + Belt cave, 126 + + Bering Strait, used as route to New World, 98 + + Bison, in cave art, 85 + + Blade, awl, 77; + backed, 75; + blade-core, 71; + end-scraper, 77; + stone, defined, 71; + strangulated (notched), 76; + tanged point, 76; + tools, 71, 75-80, 90; + tool tradition, 70 + + Boar, wild, in cave art, 85 + + Bogs, source of archeological materials, 94 + + Bolas, 54 + + Bordes, Fran�ois, 62 + + Borer, 77 + + Boskop skull, 34 + + Boyd, William C., 35 + + Bracelets, 118 + + Brain, development of, 24 + + Breadfruit, 107 + + Breasted, James H., 107 + + Brick, at Jericho, 133 + + Britain, 94; + late prehistory, 163-175; + invaders, 173 + + Broch, 172 + + Buffalo, in China, 54; + killed by stampede, 86 + + Burials, 66, 86; + in �henges,� 164; + in urns, 168 + + Burins, 75 + + Burma, 90 + + Byblos, 134 + + + Camel, 54 + + Cannibalism, 55 + + Cattle, wild, 85, 112; + in cave art, 85; + domesticated, 15; + at Skara Brae, 142 + + Caucasoids, 34 + + Cave men, 29 + + Caves, 62; + art in, 84 + + Celts, 170 + + Chariot, 160 + + Chicken, domestication of, 107 + + Chiefs, in food-gathering groups, 68 + + Childe, V. Gordon, 8 + + China, 136 + + Choukoutien, 28, 35 + + Choukoutienian, 47 + + Civilization, beginnings, 144, 149, 157; + meaning of, 144 + + Clactonian, 45, 47 + + Clay, used in modeling, 128; + baked, used for tools, 153 + + Club-heads, 82, 94 + + Colonization, in America, 142; + in Europe, 142 + + Combe Capelle, 30 + + Combe Capelle-Br�nn group, 34 + + Commont, Victor, 51 + + Coon, Carlton S., 73 + + Copper, 134 + + Corn, in America, 145 + + Corrals for cattle, 140 + + �Cradle of mankind,� 136 + + Cremation, 167 + + Crete, 162 + + Cro-Magnon, 30, 34 + + Cultivation, incipient, 105, 109, 111 + + Culture, change, 99; + characteristics, defined, 38, 49; + prehistoric, 39 + + + Danube Valley, used as route from Asia, 138 + + Dates, 153 + + Deer, 54, 96 + + Dog, domesticated, 96 + + Domestication, of animals, 100, 105, 107; + of plants, 100 + + �Dragon teeth� fossils in China, 28 + + Drill, 77 + + Dubois, Eugene, 26 + + + Early Dynastic Period, Mesopotamia, 147 + + East Spanish art, 72, 85 + + Egypt, 70, 126 + + Ehringsdorf, 31 + + Elephant, 54 + + Emiliani, Cesare, 18 + + Emiran flake point, 73 + + England, 163-168; + prehistoric, 19, 40; + farmers in, 140 + + Eoanthropus dawsoni, 29 + + Eoliths, 41 + + Erich, 152 + + Eridu, 152 + + Euphrates River, floods in, 148 + + Europe, cave dwellings, 58; + at end of Ice Age, 93; + early farmers, 140; + glaciers in, 40; + huts in, 86; + routes into, 137-140; + spread of food-production to, 136 + + + Far East, 69, 90 + + Farmers, 103 + + Fauresmith industry, 67 + + Fayum, 135; + radiocarbon date, 146 + + �Fertile Crescent,� 107, 146 + + Figurines, �Venus,� 84; + at Jarmo, 128; + at Ubaid, 153 + + Fire, used by Peking man, 54 + + First Dynasty, Egypt, 147 + + Fish-hooks, 80, 94 + + Fishing, 80; + by food-producers, 122 + + Fish-lines, 80 + + Fish spears, 94 + + Flint industry, 127 + + Font�chevade, 32, 56, 58 + + Food-collecting, 104, 121; + end of, 104 + + Food-gatherers, 53, 176 + + Food-gathering, 99, 104; + in Old World, 104; + stages of, 104 + + Food-producers, 176 + + Food-producing economy, 122; + in America, 145; + in Asia, 105 + + Food-producing revolution, 99, 105; + causes of, 101; + preconditions for, 100 + + Food-production, beginnings of, 99; + carried to Europe, 110 + + Food-vessel folk, 164 + + �Forest folk,� 97, 98, 104, 110 + + Fox, Sir Cyril, 174 + + France, caves in, 56 + + + Galley Hill (fossil type), 29 + + Garrod, D. A., 73 + + Gazelle, 114 + + Germany, 94 + + Ghassul, 156 + + Glaciers, 18, 30; + destruction by, 40 + + Goat, wild, 108; + domesticated, 128 + + Grain, first planted, 20 + + Graves, passage, 141; + gallery, 141 + + Greece, civilization in, 163; + as route to western Europe, 138; + towns in, 162 + + Grimaldi skeletons, 34 + + + Hackberry seeds used as food, 55 + + Halaf, 151; + assemblage, 151 + + Hallstatt, tradition, 169 + + Hand, development of, 24, 25 + + Hand adzes, 46 + + Hand axes, 44 + + Harpoons, antler, 83, 94; + bone, 82, 94 + + Hassuna, 131; + assemblage, 131, 132 + + Heidelberg, fossil type, 28 + + Hill-forts, in England, 171; + in Scotland, 172 + + Hilly flanks of Near East, 107, 108, 125, 131, 146, 147 + + History, beginning of, 7, 17 + + Hoes, 112 + + Holland, 164 + + Homo sapiens, 32 + + Hooton, E. A., 34 + + Horse, 112; + wild, in cave art, 85; + in China, 54 + + Hotu cave, 126 + + Houses, 122; + at Jarmo, 128; + at Halaf, 151 + + Howe, Bruce, 116 + + Howell, F. Clark, 30 + + Hunting, 93 + + + Ice Age, in Asia, 99; + beginning of, 18; + glaciers in, 41; + last glaciation, 93 + + Incas, 145 + + India, 90, 136 + + Industrialization, 178 + + Industry, blade-tool, 88; + defined, 58; + ground stone, 94 + + Internationalism, 162 + + Iran, 107, 147 + + Iraq, 107, 124, 127, 136, 147 + + Iron, introduction of, 170 + + Irrigation, 123, 149, 155 + + Italy, 138 + + + Jacobsen, T. J., 157 + + Jarmo, 109, 126, 128, 130; + assemblage, 129 + + Java, 23, 29 + + Java man, 26, 27, 29 + + Jefferson, Thomas, 11 + + Jericho, 119, 133 + + Judaidah, 134 + + + Kafuan, 48 + + Kanam, 23, 36 + + Karim Shahir, 116-119, 124; + assemblage, 116, 117 + + Keith, Sir Arthur, 33 + + Kelley, Harper, 51 + + Kharga, 126 + + Khartoum, 136 + + Knives, 80 + + Krogman, W. M., 3, 25 + + + Lamps, 85 + + Land bridges in Mediterranean, 19 + + La T�ne phase, 170 + + Laurel leaf point, 78, 89 + + Leakey, L. S. B., 40 + + Le Moustier, 57 + + Levalloisian, 47, 61, 62 + + Levalloiso-Mousterian, 47, 63 + + Little Woodbury, 170 + + + Magic, used by hunters, 123 + + Maglemosian, assemblage, 94, 95; + folk, 98 + + Makapan, 40 + + Mammoth, 93; + in cave art, 85 + + �Man-apes,� 26 + + Mango, 107 + + Mankind, age, 17 + + Maringer, J., 45 + + Markets, 155 + + Marston, A. T., 11 + + Mathiassen, T., 97 + + McCown, T. D., 33 + + Meganthropus, 26, 27, 36 + + Men, defined, 25; + modern, 32 + + Merimde, 135 + + Mersin, 133 + + Metal-workers, 160, 163, 167, 172 + + Micoquian, 48, 60 + + Microliths, 87; + at Jarmo, 130; + �lunates,� 87; + trapezoids, 87; + triangles, 87 + + Minerals used as coloring matter, 66 + + Mine-shafts, 140 + + M�lefaat, 126, 127 + + Mongoloids, 29, 90 + + Mortars, 114, 118, 127 + + Mounds, how formed, 12 + + Mount Carmel, 11, 33, 52, 59, 64, 69, 113, 114 + + �Mousterian man,� 64 + + �Mousterian� tools, 61, 62; + of Acheulean tradition, 62 + + Movius, H. L., 47 + + + Natufian, animals in, 114; + assemblage, 113, 114, 115; + burials, 114; + date of, 113 + + Neanderthal man, 29, 30, 31, 56 + + Near East, beginnings of civilization in, 20, 144; + cave sites, 58; + climate in Ice Age, 99; + �Fertile Crescent,� 107, 146; + food-production in, 99; + Natufian assemblage in, 113-115; + stone tools, 114 + + Needles, 80 + + Negroid, 34 + + New World, 90 + + Nile River valley, 102, 134; + floods in, 148 + + Nuclear area, 106, 110; + in Near East, 107 + + + Obsidian, used for blade tools, 71; + at Jarmo, 130 + + Ochre, red, with burials, 86 + + Oldowan, 48 + + Old World, 67, 70, 90; + continental phases in, 18 + + Olorgesailie, 40, 51 + + Ostrich, in China, 54 + + Ovens, 128 + + Oxygen isotopes, 18 + + + Paintings in caves, 83 + + Paleoanthropic man, 50 + + Palestine, burials, 56; + cave sites, 52; + types of man, 69 + + Parpallo, 89 + + Patjitanian, 45, 47 + + Pebble tools, 42 + + Peking cave, 54; + animals in, 54 + + Peking man, 27, 28, 29, 54, 58 + + Pendants, 80; + bone, 114 + + Pestle, 114 + + Peterborough, 141; + assemblage, 141 + + Pictographic signs, 158 + + Pig, wild, 108 + + �Piltdown man,� 29 + + Pins, 80 + + Pithecanthropus, 26, 27, 30, 36 + + Pleistocene, 18, 25 + + Plows developed, 123 + + Points, arrow, 76; + laurel leaf, 78; + shouldered, 78, 79; + split-based bone, 80, 82; + tanged, 76; + willow leaf, 78 + + Potatoes, in America, 145 + + Pottery, 122, 130, 156; + decorated, 142; + painted, 131, 151, 152; + Susa style, 156; + in tombs, 141 + + Prehistory, defined, 7; + range of, 18 + + Pre-neanderthaloids, 30, 31, 37 + + Pre-Solutrean point, 89 + + Pre-Stellenbosch, 48 + + Proto-Literate assemblage, 157-160 + + + Race, 35; + biological, 36; + �pure,� 16 + + Radioactivity, 9, 10 + + Radioactive carbon dates, 18, 92, 120, 130, 135, 156 + + Redfield, Robert, 38, 49 + + Reed, C. A., 128 + + Reindeer, 94 + + Rhinoceros, 93; + in cave art, 85 + + Rhodesian man, 32 + + Riss glaciation, 58 + + Rock-shelters, 58; + art in, 85 + + + Saccopastore, 31 + + Sahara Desert, 34, 102 + + Samarra, 152; + pottery, 131, 152 + + Sangoan industry, 67 + + Sauer, Carl, 136 + + Sbaikian point, 89 + + Schliemann, H., 11, 12 + + Scotland, 171 + + Scraper, flake, 79; + end-scraper on blade, 77, 78; + keel-shaped, 79, 80, 81 + + Sculpture in caves, 83 + + Sebilian III, 126 + + Shaheinab, 135 + + Sheep, wild, 108; + at Skara Brae, 142; + in China, 54 + + Shellfish, 142 + + Ship, Ubaidian, 153 + + Sialk, 126, 134; + assemblage, 134 + + Siberia, 88; + pathway to New World, 98 + + Sickle, 112, 153; + blade, 113, 130 + + Silo, 122 + + Sinanthropus, 27, 30, 35 + + Skara Brae, 142 + + Snails used as food, 128 + + Soan, 47 + + Solecki, R., 116 + + Solo (fossil type), 29, 32 + + Solutrean industry, 77 + + Spear, shaft, 78; + thrower, 82, 83 + + Speech, development of organs of, 25 + + Squash, in America, 145 + + Steinheim fossil skull, 28 + + Stillbay industry, 67 + + Stonehenge, 166 + + Stratification, in caves, 12, 57; + in sites, 12 + + Swanscombe (fossil type), 11, 28 + + Syria, 107 + + + Tabun, 60, 71 + + Tardenoisian, 97 + + Taro, 107 + + Tasa, 135 + + Tayacian, 47, 59 + + Teeth, pierced, in beads and pendants, 114 + + Temples, 123, 155 + + Tepe Gawra, 156 + + Ternafine, 29 + + Teshik Tash, 69 + + Textiles, 122 + + Thong-stropper, 80 + + Tigris River, floods in, 148 + + Toggle, 80 + + Tomatoes, in America, 145 + + Tombs, megalithic, 141 + + Tool-making, 42, 49 + + Tool-preparation traditions, 65 + + Tools, 62; + antler, 80; + blade, 70, 71, 75; + bone, 66; + chopper, 47; + core-biface, 43, 48, 60, 61; + flake, 44, 47, 51, 60, 64; + flint, 80, 127; + ground stone, 68, 127; + handles, 94; + pebble, 42, 43, 48, 53; + use of, 24 + + Touf (mud wall), 128 + + Toynbee, A. J., 101 + + Trade, 130, 155, 162 + + Traders, 167 + + Traditions, 15; + blade tool, 70; + definition of, 51; + interpretation of, 49; + tool-making, 42, 48; + chopper-tool, 47; + chopper-chopping tool, 45; + core-biface, 43, 48; + flake, 44, 47; + pebble tool, 42, 48 + + Tool-making, prehistory of, 42 + + Turkey, 107, 108 + + + Ubaid, 153; + assemblage, 153-155 + + Urnfields, 168, 169 + + + Village-farming community era, 105, 119 + + + Wad B, 72 + + Wadjak, 34 + + Warka phase, 156; + assemblage, 156 + + Washburn, Sherwood L., 36 + + Water buffalo, domestication of, 107 + + Weidenreich, F., 29, 34 + + Wessex, 166, 167 + + Wheat, wild, 108; + partially domesticated, 127 + + Willow leaf point, 78 + + Windmill Hill, 138; + assemblage, 138, 140 + + Witch doctors, 68 + + Wool, 112; + in garments, 167 + + Writing, 158; + cuneiform, 158 + + W�rm I glaciation, 58 + + + Zebu cattle, domestication of, 107 + + Zeuner, F. E., 73 + + + + + * * * * * * + + + + +Transcriber�s note: + +Punctuation, hyphenation, and spelling were made consistent when a +predominant preference was found in this book; otherwise they were not +changed. + +Simple typographical errors were corrected; occasional unbalanced +quotation marks retained. + +Ambiguous hyphens at the ends of lines were retained. + +Index not checked for proper alphabetization or correct page references. + +In the original book, chapter headings were accompanied by +illustrations, sometimes above, sometimes below, and sometimes +adjacent. In this eBook those ilustrations always appear below the +headings. + + + +***END OF THE PROJECT GUTENBERG EBOOK PREHISTORIC MEN*** + + +******* This file should be named 52664-0.txt or 52664-0.zip ******* + + +This and all associated files of various formats will be found in: +http://www.gutenberg.org/dirs/5/2/6/6/52664 + + +Updated editions will replace the previous one--the old editions will +be renamed. + +Creating the works from print editions not protected by U.S. copyright +law means that no one owns a United States copyright in these works, +so the Foundation (and you!) can copy and distribute it in the United +States without permission and without paying copyright +royalties. Special rules, set forth in the General Terms of Use part +of this license, apply to copying and distributing Project +Gutenberg-tm electronic works to protect the PROJECT GUTENBERG-tm +concept and trademark. Project Gutenberg is a registered trademark, +and may not be used if you charge for the eBooks, unless you receive +specific permission. If you do not charge anything for copies of this +eBook, complying with the rules is very easy. You may use this eBook +for nearly any purpose such as creation of derivative works, reports, +performances and research. They may be modified and printed and given +away--you may do practically ANYTHING in the United States with eBooks +not protected by U.S. copyright law. Redistribution is subject to the +trademark license, especially commercial redistribution. + +START: FULL LICENSE + +THE FULL PROJECT GUTENBERG LICENSE +PLEASE READ THIS BEFORE YOU DISTRIBUTE OR USE THIS WORK + +To protect the Project Gutenberg-tm mission of promoting the free +distribution of electronic works, by using or distributing this work +(or any other work associated in any way with the phrase "Project +Gutenberg"), you agree to comply with all the terms of the Full +Project Gutenberg-tm License available with this file or online at +www.gutenberg.org/license. + +Section 1. General Terms of Use and Redistributing Project +Gutenberg-tm electronic works + +1.A. By reading or using any part of this Project Gutenberg-tm +electronic work, you indicate that you have read, understand, agree to +and accept all the terms of this license and intellectual property +(trademark/copyright) agreement. If you do not agree to abide by all +the terms of this agreement, you must cease using and return or +destroy all copies of Project Gutenberg-tm electronic works in your +possession. If you paid a fee for obtaining a copy of or access to a +Project Gutenberg-tm electronic work and you do not agree to be bound +by the terms of this agreement, you may obtain a refund from the +person or entity to whom you paid the fee as set forth in paragraph +1.E.8. + +1.B. "Project Gutenberg" is a registered trademark. It may only be +used on or associated in any way with an electronic work by people who +agree to be bound by the terms of this agreement. There are a few +things that you can do with most Project Gutenberg-tm electronic works +even without complying with the full terms of this agreement. See +paragraph 1.C below. There are a lot of things you can do with Project +Gutenberg-tm electronic works if you follow the terms of this +agreement and help preserve free future access to Project Gutenberg-tm +electronic works. See paragraph 1.E below. + +1.C. The Project Gutenberg Literary Archive Foundation ("the +Foundation" or PGLAF), owns a compilation copyright in the collection +of Project Gutenberg-tm electronic works. Nearly all the individual +works in the collection are in the public domain in the United +States. If an individual work is unprotected by copyright law in the +United States and you are located in the United States, we do not +claim a right to prevent you from copying, distributing, performing, +displaying or creating derivative works based on the work as long as +all references to Project Gutenberg are removed. Of course, we hope +that you will support the Project Gutenberg-tm mission of promoting +free access to electronic works by freely sharing Project Gutenberg-tm +works in compliance with the terms of this agreement for keeping the +Project Gutenberg-tm name associated with the work. You can easily +comply with the terms of this agreement by keeping this work in the +same format with its attached full Project Gutenberg-tm License when +you share it without charge with others. + +1.D. The copyright laws of the place where you are located also govern +what you can do with this work. Copyright laws in most countries are +in a constant state of change. If you are outside the United States, +check the laws of your country in addition to the terms of this +agreement before downloading, copying, displaying, performing, +distributing or creating derivative works based on this work or any +other Project Gutenberg-tm work. The Foundation makes no +representations concerning the copyright status of any work in any +country outside the United States. + +1.E. Unless you have removed all references to Project Gutenberg: + +1.E.1. The following sentence, with active links to, or other +immediate access to, the full Project Gutenberg-tm License must appear +prominently whenever any copy of a Project Gutenberg-tm work (any work +on which the phrase "Project Gutenberg" appears, or with which the +phrase "Project Gutenberg" is associated) is accessed, displayed, +performed, viewed, copied or distributed: + + This eBook is for the use of anyone anywhere in the United States and + most other parts of the world at no cost and with almost no + restrictions whatsoever. You may copy it, give it away or re-use it + under the terms of the Project Gutenberg License included with this + eBook or online at www.gutenberg.org. If you are not located in the + United States, you'll have to check the laws of the country where you + are located before using this ebook. + +1.E.2. If an individual Project Gutenberg-tm electronic work is +derived from texts not protected by U.S. copyright law (does not +contain a notice indicating that it is posted with permission of the +copyright holder), the work can be copied and distributed to anyone in +the United States without paying any fees or charges. If you are +redistributing or providing access to a work with the phrase "Project +Gutenberg" associated with or appearing on the work, you must comply +either with the requirements of paragraphs 1.E.1 through 1.E.7 or +obtain permission for the use of the work and the Project Gutenberg-tm +trademark as set forth in paragraphs 1.E.8 or 1.E.9. + +1.E.3. If an individual Project Gutenberg-tm electronic work is posted +with the permission of the copyright holder, your use and distribution +must comply with both paragraphs 1.E.1 through 1.E.7 and any +additional terms imposed by the copyright holder. Additional terms +will be linked to the Project Gutenberg-tm License for all works +posted with the permission of the copyright holder found at the +beginning of this work. + +1.E.4. Do not unlink or detach or remove the full Project Gutenberg-tm +License terms from this work, or any files containing a part of this +work or any other work associated with Project Gutenberg-tm. + +1.E.5. Do not copy, display, perform, distribute or redistribute this +electronic work, or any part of this electronic work, without +prominently displaying the sentence set forth in paragraph 1.E.1 with +active links or immediate access to the full terms of the Project +Gutenberg-tm License. + +1.E.6. You may convert to and distribute this work in any binary, +compressed, marked up, nonproprietary or proprietary form, including +any word processing or hypertext form. However, if you provide access +to or distribute copies of a Project Gutenberg-tm work in a format +other than "Plain Vanilla ASCII" or other format used in the official +version posted on the official Project Gutenberg-tm web site +(www.gutenberg.org), you must, at no additional cost, fee or expense +to the user, provide a copy, a means of exporting a copy, or a means +of obtaining a copy upon request, of the work in its original "Plain +Vanilla ASCII" or other form. Any alternate format must include the +full Project Gutenberg-tm License as specified in paragraph 1.E.1. + +1.E.7. Do not charge a fee for access to, viewing, displaying, +performing, copying or distributing any Project Gutenberg-tm works +unless you comply with paragraph 1.E.8 or 1.E.9. + +1.E.8. You may charge a reasonable fee for copies of or providing +access to or distributing Project Gutenberg-tm electronic works +provided that + +* You pay a royalty fee of 20% of the gross profits you derive from + the use of Project Gutenberg-tm works calculated using the method + you already use to calculate your applicable taxes. The fee is owed + to the owner of the Project Gutenberg-tm trademark, but he has + agreed to donate royalties under this paragraph to the Project + Gutenberg Literary Archive Foundation. Royalty payments must be paid + within 60 days following each date on which you prepare (or are + legally required to prepare) your periodic tax returns. Royalty + payments should be clearly marked as such and sent to the Project + Gutenberg Literary Archive Foundation at the address specified in + Section 4, "Information about donations to the Project Gutenberg + Literary Archive Foundation." + +* You provide a full refund of any money paid by a user who notifies + you in writing (or by e-mail) within 30 days of receipt that s/he + does not agree to the terms of the full Project Gutenberg-tm + License. You must require such a user to return or destroy all + copies of the works possessed in a physical medium and discontinue + all use of and all access to other copies of Project Gutenberg-tm + works. + +* You provide, in accordance with paragraph 1.F.3, a full refund of + any money paid for a work or a replacement copy, if a defect in the + electronic work is discovered and reported to you within 90 days of + receipt of the work. + +* You comply with all other terms of this agreement for free + distribution of Project Gutenberg-tm works. + +1.E.9. If you wish to charge a fee or distribute a Project +Gutenberg-tm electronic work or group of works on different terms than +are set forth in this agreement, you must obtain permission in writing +from both the Project Gutenberg Literary Archive Foundation and The +Project Gutenberg Trademark LLC, the owner of the Project Gutenberg-tm +trademark. Contact the Foundation as set forth in Section 3 below. + +1.F. + +1.F.1. Project Gutenberg volunteers and employees expend considerable +effort to identify, do copyright research on, transcribe and proofread +works not protected by U.S. copyright law in creating the Project +Gutenberg-tm collection. Despite these efforts, Project Gutenberg-tm +electronic works, and the medium on which they may be stored, may +contain "Defects," such as, but not limited to, incomplete, inaccurate +or corrupt data, transcription errors, a copyright or other +intellectual property infringement, a defective or damaged disk or +other medium, a computer virus, or computer codes that damage or +cannot be read by your equipment. + +1.F.2. LIMITED WARRANTY, DISCLAIMER OF DAMAGES - Except for the "Right +of Replacement or Refund" described in paragraph 1.F.3, the Project +Gutenberg Literary Archive Foundation, the owner of the Project +Gutenberg-tm trademark, and any other party distributing a Project +Gutenberg-tm electronic work under this agreement, disclaim all +liability to you for damages, costs and expenses, including legal +fees. YOU AGREE THAT YOU HAVE NO REMEDIES FOR NEGLIGENCE, STRICT +LIABILITY, BREACH OF WARRANTY OR BREACH OF CONTRACT EXCEPT THOSE +PROVIDED IN PARAGRAPH 1.F.3. YOU AGREE THAT THE FOUNDATION, THE +TRADEMARK OWNER, AND ANY DISTRIBUTOR UNDER THIS AGREEMENT WILL NOT BE +LIABLE TO YOU FOR ACTUAL, DIRECT, INDIRECT, CONSEQUENTIAL, PUNITIVE OR +INCIDENTAL DAMAGES EVEN IF YOU GIVE NOTICE OF THE POSSIBILITY OF SUCH +DAMAGE. + +1.F.3. LIMITED RIGHT OF REPLACEMENT OR REFUND - If you discover a +defect in this electronic work within 90 days of receiving it, you can +receive a refund of the money (if any) you paid for it by sending a +written explanation to the person you received the work from. If you +received the work on a physical medium, you must return the medium +with your written explanation. The person or entity that provided you +with the defective work may elect to provide a replacement copy in +lieu of a refund. If you received the work electronically, the person +or entity providing it to you may choose to give you a second +opportunity to receive the work electronically in lieu of a refund. If +the second copy is also defective, you may demand a refund in writing +without further opportunities to fix the problem. + +1.F.4. Except for the limited right of replacement or refund set forth +in paragraph 1.F.3, this work is provided to you 'AS-IS', WITH NO +OTHER WARRANTIES OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT +LIMITED TO WARRANTIES OF MERCHANTABILITY OR FITNESS FOR ANY PURPOSE. + +1.F.5. Some states do not allow disclaimers of certain implied +warranties or the exclusion or limitation of certain types of +damages. If any disclaimer or limitation set forth in this agreement +violates the law of the state applicable to this agreement, the +agreement shall be interpreted to make the maximum disclaimer or +limitation permitted by the applicable state law. The invalidity or +unenforceability of any provision of this agreement shall not void the +remaining provisions. + +1.F.6. INDEMNITY - You agree to indemnify and hold the Foundation, the +trademark owner, any agent or employee of the Foundation, anyone +providing copies of Project Gutenberg-tm electronic works in +accordance with this agreement, and any volunteers associated with the +production, promotion and distribution of Project Gutenberg-tm +electronic works, harmless from all liability, costs and expenses, +including legal fees, that arise directly or indirectly from any of +the following which you do or cause to occur: (a) distribution of this +or any Project Gutenberg-tm work, (b) alteration, modification, or +additions or deletions to any Project Gutenberg-tm work, and (c) any +Defect you cause. + +Section 2. Information about the Mission of Project Gutenberg-tm + +Project Gutenberg-tm is synonymous with the free distribution of +electronic works in formats readable by the widest variety of +computers including obsolete, old, middle-aged and new computers. It +exists because of the efforts of hundreds of volunteers and donations +from people in all walks of life. + +Volunteers and financial support to provide volunteers with the +assistance they need are critical to reaching Project Gutenberg-tm's +goals and ensuring that the Project Gutenberg-tm collection will +remain freely available for generations to come. In 2001, the Project +Gutenberg Literary Archive Foundation was created to provide a secure +and permanent future for Project Gutenberg-tm and future +generations. To learn more about the Project Gutenberg Literary +Archive Foundation and how your efforts and donations can help, see +Sections 3 and 4 and the Foundation information page at +www.gutenberg.org + +Section 3. Information about the Project Gutenberg Literary +Archive Foundation + +The Project Gutenberg Literary Archive Foundation is a non profit +501(c)(3) educational corporation organized under the laws of the +state of Mississippi and granted tax exempt status by the Internal +Revenue Service. The Foundation's EIN or federal tax identification +number is 64-6221541. Contributions to the Project Gutenberg Literary +Archive Foundation are tax deductible to the full extent permitted by +U.S. federal laws and your state's laws. + +The Foundation's principal office is in Fairbanks, Alaska, with the +mailing address: PO Box 750175, Fairbanks, AK 99775, but its +volunteers and employees are scattered throughout numerous +locations. Its business office is located at 809 North 1500 West, Salt +Lake City, UT 84116, (801) 596-1887. Email contact links and up to +date contact information can be found at the Foundation's web site and +official page at www.gutenberg.org/contact + +For additional contact information: + + Dr. Gregory B. Newby + Chief Executive and Director + gbnewby@pglaf.org + +Section 4. Information about Donations to the Project Gutenberg +Literary Archive Foundation + +Project Gutenberg-tm depends upon and cannot survive without wide +spread public support and donations to carry out its mission of +increasing the number of public domain and licensed works that can be +freely distributed in machine readable form accessible by the widest +array of equipment including outdated equipment. Many small donations +($1 to $5,000) are particularly important to maintaining tax exempt +status with the IRS. + +The Foundation is committed to complying with the laws regulating +charities and charitable donations in all 50 states of the United +States. Compliance requirements are not uniform and it takes a +considerable effort, much paperwork and many fees to meet and keep up +with these requirements. We do not solicit donations in locations +where we have not received written confirmation of compliance. To SEND +DONATIONS or determine the status of compliance for any particular +state visit www.gutenberg.org/donate + +While we cannot and do not solicit contributions from states where we +have not met the solicitation requirements, we know of no prohibition +against accepting unsolicited donations from donors in such states who +approach us with offers to donate. + +International donations are gratefully accepted, but we cannot make +any statements concerning tax treatment of donations received from +outside the United States. U.S. laws alone swamp our small staff. + +Please check the Project Gutenberg Web pages for current donation +methods and addresses. Donations are accepted in a number of other +ways including checks, online payments and credit card donations. To +donate, please visit: www.gutenberg.org/donate + +Section 5. General Information About Project Gutenberg-tm electronic works. + +Professor Michael S. Hart was the originator of the Project +Gutenberg-tm concept of a library of electronic works that could be +freely shared with anyone. For forty years, he produced and +distributed Project Gutenberg-tm eBooks with only a loose network of +volunteer support. + +Project Gutenberg-tm eBooks are often created from several printed +editions, all of which are confirmed as not protected by copyright in +the U.S. unless a copyright notice is included. Thus, we do not +necessarily keep eBooks in compliance with any particular paper +edition. + +Most people start at our Web site which has the main PG search +facility: www.gutenberg.org + +This Web site includes information about Project Gutenberg-tm, +including how to make donations to the Project Gutenberg Literary +Archive Foundation, how to help produce our new eBooks, and how to +subscribe to our email newsletter to hear about new eBooks. diff --git a/ciphers/rabin_miller.py b/ciphers/rabin_miller.py index 69e4d54b2a58..502417497a8c 100644 --- a/ciphers/rabin_miller.py +++ b/ciphers/rabin_miller.py @@ -1,70 +1,70 @@ -from __future__ import print_function - -import random - - -# Primality Testing with the Rabin-Miller Algorithm - - -def rabinMiller(num): - s = num - 1 - t = 0 - - while s % 2 == 0: - s = s // 2 - t += 1 - - for trials in range(5): - a = random.randrange(2, num - 1) - v = pow(a, s, num) - if v != 1: - i = 0 - while v != (num - 1): - if i == t - 1: - return False - else: - i = i + 1 - v = (v ** 2) % num - return True - - -def isPrime(num): - if (num < 2): - return False - - lowPrimes = [2, 3, 5, 7, 11, 13, 17, 19, 23, 29, 31, 37, 41, 43, 47, 53, 59, - 61, 67, 71, 73, 79, 83, 89, 97, 101, 103, 107, 109, 113, 127, - 131, 137, 139, 149, 151, 157, 163, 167, 173, 179, 181, 191, - 193, 197, 199, 211, 223, 227, 229, 233, 239, 241, 251, 257, - 263, 269, 271, 277, 281, 283, 293, 307, 311, 313, 317, 331, - 337, 347, 349, 353, 359, 367, 373, 379, 383, 389, 397, 401, - 409, 419, 421, 431, 433, 439, 443, 449, 457, 461, 463, 467, - 479, 487, 491, 499, 503, 509, 521, 523, 541, 547, 557, 563, - 569, 571, 577, 587, 593, 599, 601, 607, 613, 617, 619, 631, - 641, 643, 647, 653, 659, 661, 673, 677, 683, 691, 701, 709, - 719, 727, 733, 739, 743, 751, 757, 761, 769, 773, 787, 797, - 809, 811, 821, 823, 827, 829, 839, 853, 857, 859, 863, 877, - 881, 883, 887, 907, 911, 919, 929, 937, 941, 947, 953, 967, - 971, 977, 983, 991, 997] - - if num in lowPrimes: - return True - - for prime in lowPrimes: - if (num % prime) == 0: - return False - - return rabinMiller(num) - - -def generateLargePrime(keysize=1024): - while True: - num = random.randrange(2 ** (keysize - 1), 2 ** (keysize)) - if isPrime(num): - return num - - -if __name__ == '__main__': - num = generateLargePrime() - print(('Prime number:', num)) - print(('isPrime:', isPrime(num))) +from __future__ import print_function + +import random + + +# Primality Testing with the Rabin-Miller Algorithm + + +def rabinMiller(num): + s = num - 1 + t = 0 + + while s % 2 == 0: + s = s // 2 + t += 1 + + for trials in range(5): + a = random.randrange(2, num - 1) + v = pow(a, s, num) + if v != 1: + i = 0 + while v != (num - 1): + if i == t - 1: + return False + else: + i = i + 1 + v = (v ** 2) % num + return True + + +def isPrime(num): + if (num < 2): + return False + + lowPrimes = [2, 3, 5, 7, 11, 13, 17, 19, 23, 29, 31, 37, 41, 43, 47, 53, 59, + 61, 67, 71, 73, 79, 83, 89, 97, 101, 103, 107, 109, 113, 127, + 131, 137, 139, 149, 151, 157, 163, 167, 173, 179, 181, 191, + 193, 197, 199, 211, 223, 227, 229, 233, 239, 241, 251, 257, + 263, 269, 271, 277, 281, 283, 293, 307, 311, 313, 317, 331, + 337, 347, 349, 353, 359, 367, 373, 379, 383, 389, 397, 401, + 409, 419, 421, 431, 433, 439, 443, 449, 457, 461, 463, 467, + 479, 487, 491, 499, 503, 509, 521, 523, 541, 547, 557, 563, + 569, 571, 577, 587, 593, 599, 601, 607, 613, 617, 619, 631, + 641, 643, 647, 653, 659, 661, 673, 677, 683, 691, 701, 709, + 719, 727, 733, 739, 743, 751, 757, 761, 769, 773, 787, 797, + 809, 811, 821, 823, 827, 829, 839, 853, 857, 859, 863, 877, + 881, 883, 887, 907, 911, 919, 929, 937, 941, 947, 953, 967, + 971, 977, 983, 991, 997] + + if num in lowPrimes: + return True + + for prime in lowPrimes: + if (num % prime) == 0: + return False + + return rabinMiller(num) + + +def generateLargePrime(keysize=1024): + while True: + num = random.randrange(2 ** (keysize - 1), 2 ** (keysize)) + if isPrime(num): + return num + + +if __name__ == '__main__': + num = generateLargePrime() + print(('Prime number:', num)) + print(('isPrime:', isPrime(num))) diff --git a/ciphers/rot13.py b/ciphers/rot13.py index 1281c19a1199..ccc739d70f90 100644 --- a/ciphers/rot13.py +++ b/ciphers/rot13.py @@ -1,27 +1,27 @@ -from __future__ import print_function - - -def dencrypt(s, n): - out = '' - for c in s: - if c >= 'A' and c <= 'Z': - out += chr(ord('A') + (ord(c) - ord('A') + n) % 26) - elif c >= 'a' and c <= 'z': - out += chr(ord('a') + (ord(c) - ord('a') + n) % 26) - else: - out += c - return out - - -def main(): - s0 = 'HELLO' - - s1 = dencrypt(s0, 13) - print(s1) # URYYB - - s2 = dencrypt(s1, 13) - print(s2) # HELLO - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +def dencrypt(s, n): + out = '' + for c in s: + if c >= 'A' and c <= 'Z': + out += chr(ord('A') + (ord(c) - ord('A') + n) % 26) + elif c >= 'a' and c <= 'z': + out += chr(ord('a') + (ord(c) - ord('a') + n) % 26) + else: + out += c + return out + + +def main(): + s0 = 'HELLO' + + s1 = dencrypt(s0, 13) + print(s1) # URYYB + + s2 = dencrypt(s1, 13) + print(s2) # HELLO + + +if __name__ == '__main__': + main() diff --git a/ciphers/rsa_cipher.py b/ciphers/rsa_cipher.py index 5bd3ed554160..81031e3a5778 100644 --- a/ciphers/rsa_cipher.py +++ b/ciphers/rsa_cipher.py @@ -1,128 +1,128 @@ -from __future__ import print_function - -import os -import rsa_key_generator as rkg -import sys - -DEFAULT_BLOCK_SIZE = 128 -BYTE_SIZE = 256 - - -def main(): - filename = 'encrypted_file.txt' - response = input(r'Encrypte\Decrypt [e\d]: ') - - if response.lower().startswith('e'): - mode = 'encrypt' - elif response.lower().startswith('d'): - mode = 'decrypt' - - if mode == 'encrypt': - if not os.path.exists('rsa_pubkey.txt'): - rkg.makeKeyFiles('rsa', 1024) - - message = input('\nEnter message: ') - pubKeyFilename = 'rsa_pubkey.txt' - print('Encrypting and writing to %s...' % (filename)) - encryptedText = encryptAndWriteToFile(filename, pubKeyFilename, message) - - print('\nEncrypted text:') - print(encryptedText) - - elif mode == 'decrypt': - privKeyFilename = 'rsa_privkey.txt' - print('Reading from %s and decrypting...' % (filename)) - decryptedText = readFromFileAndDecrypt(filename, privKeyFilename) - print('writing decryption to rsa_decryption.txt...') - with open('rsa_decryption.txt', 'w') as dec: - dec.write(decryptedText) - - print('\nDecryption:') - print(decryptedText) - - -def getBlocksFromText(message, blockSize=DEFAULT_BLOCK_SIZE): - messageBytes = message.encode('ascii') - - blockInts = [] - for blockStart in range(0, len(messageBytes), blockSize): - blockInt = 0 - for i in range(blockStart, min(blockStart + blockSize, len(messageBytes))): - blockInt += messageBytes[i] * (BYTE_SIZE ** (i % blockSize)) - blockInts.append(blockInt) - return blockInts - - -def getTextFromBlocks(blockInts, messageLength, blockSize=DEFAULT_BLOCK_SIZE): - message = [] - for blockInt in blockInts: - blockMessage = [] - for i in range(blockSize - 1, -1, -1): - if len(message) + i < messageLength: - asciiNumber = blockInt // (BYTE_SIZE ** i) - blockInt = blockInt % (BYTE_SIZE ** i) - blockMessage.insert(0, chr(asciiNumber)) - message.extend(blockMessage) - return ''.join(message) - - -def encryptMessage(message, key, blockSize=DEFAULT_BLOCK_SIZE): - encryptedBlocks = [] - n, e = key - - for block in getBlocksFromText(message, blockSize): - encryptedBlocks.append(pow(block, e, n)) - return encryptedBlocks - - -def decryptMessage(encryptedBlocks, messageLength, key, blockSize=DEFAULT_BLOCK_SIZE): - decryptedBlocks = [] - n, d = key - for block in encryptedBlocks: - decryptedBlocks.append(pow(block, d, n)) - return getTextFromBlocks(decryptedBlocks, messageLength, blockSize) - - -def readKeyFile(keyFilename): - with open(keyFilename) as fo: - content = fo.read() - keySize, n, EorD = content.split(',') - return (int(keySize), int(n), int(EorD)) - - -def encryptAndWriteToFile(messageFilename, keyFilename, message, blockSize=DEFAULT_BLOCK_SIZE): - keySize, n, e = readKeyFile(keyFilename) - if keySize < blockSize * 8: - sys.exit('ERROR: Block size is %s bits and key size is %s bits. The RSA cipher requires the block size to be equal to or greater than the key size. Either decrease the block size or use different keys.' % (blockSize * 8, keySize)) - - encryptedBlocks = encryptMessage(message, (n, e), blockSize) - - for i in range(len(encryptedBlocks)): - encryptedBlocks[i] = str(encryptedBlocks[i]) - encryptedContent = ','.join(encryptedBlocks) - encryptedContent = '%s_%s_%s' % (len(message), blockSize, encryptedContent) - with open(messageFilename, 'w') as fo: - fo.write(encryptedContent) - return encryptedContent - - -def readFromFileAndDecrypt(messageFilename, keyFilename): - keySize, n, d = readKeyFile(keyFilename) - with open(messageFilename) as fo: - content = fo.read() - messageLength, blockSize, encryptedMessage = content.split('_') - messageLength = int(messageLength) - blockSize = int(blockSize) - - if keySize < blockSize * 8: - sys.exit('ERROR: Block size is %s bits and key size is %s bits. The RSA cipher requires the block size to be equal to or greater than the key size. Did you specify the correct key file and encrypted file?' % (blockSize * 8, keySize)) - - encryptedBlocks = [] - for block in encryptedMessage.split(','): - encryptedBlocks.append(int(block)) - - return decryptMessage(encryptedBlocks, messageLength, (n, d), blockSize) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import os +import rsa_key_generator as rkg +import sys + +DEFAULT_BLOCK_SIZE = 128 +BYTE_SIZE = 256 + + +def main(): + filename = 'encrypted_file.txt' + response = input(r'Encrypte\Decrypt [e\d]: ') + + if response.lower().startswith('e'): + mode = 'encrypt' + elif response.lower().startswith('d'): + mode = 'decrypt' + + if mode == 'encrypt': + if not os.path.exists('rsa_pubkey.txt'): + rkg.makeKeyFiles('rsa', 1024) + + message = input('\nEnter message: ') + pubKeyFilename = 'rsa_pubkey.txt' + print('Encrypting and writing to %s...' % (filename)) + encryptedText = encryptAndWriteToFile(filename, pubKeyFilename, message) + + print('\nEncrypted text:') + print(encryptedText) + + elif mode == 'decrypt': + privKeyFilename = 'rsa_privkey.txt' + print('Reading from %s and decrypting...' % (filename)) + decryptedText = readFromFileAndDecrypt(filename, privKeyFilename) + print('writing decryption to rsa_decryption.txt...') + with open('rsa_decryption.txt', 'w') as dec: + dec.write(decryptedText) + + print('\nDecryption:') + print(decryptedText) + + +def getBlocksFromText(message, blockSize=DEFAULT_BLOCK_SIZE): + messageBytes = message.encode('ascii') + + blockInts = [] + for blockStart in range(0, len(messageBytes), blockSize): + blockInt = 0 + for i in range(blockStart, min(blockStart + blockSize, len(messageBytes))): + blockInt += messageBytes[i] * (BYTE_SIZE ** (i % blockSize)) + blockInts.append(blockInt) + return blockInts + + +def getTextFromBlocks(blockInts, messageLength, blockSize=DEFAULT_BLOCK_SIZE): + message = [] + for blockInt in blockInts: + blockMessage = [] + for i in range(blockSize - 1, -1, -1): + if len(message) + i < messageLength: + asciiNumber = blockInt // (BYTE_SIZE ** i) + blockInt = blockInt % (BYTE_SIZE ** i) + blockMessage.insert(0, chr(asciiNumber)) + message.extend(blockMessage) + return ''.join(message) + + +def encryptMessage(message, key, blockSize=DEFAULT_BLOCK_SIZE): + encryptedBlocks = [] + n, e = key + + for block in getBlocksFromText(message, blockSize): + encryptedBlocks.append(pow(block, e, n)) + return encryptedBlocks + + +def decryptMessage(encryptedBlocks, messageLength, key, blockSize=DEFAULT_BLOCK_SIZE): + decryptedBlocks = [] + n, d = key + for block in encryptedBlocks: + decryptedBlocks.append(pow(block, d, n)) + return getTextFromBlocks(decryptedBlocks, messageLength, blockSize) + + +def readKeyFile(keyFilename): + with open(keyFilename) as fo: + content = fo.read() + keySize, n, EorD = content.split(',') + return (int(keySize), int(n), int(EorD)) + + +def encryptAndWriteToFile(messageFilename, keyFilename, message, blockSize=DEFAULT_BLOCK_SIZE): + keySize, n, e = readKeyFile(keyFilename) + if keySize < blockSize * 8: + sys.exit('ERROR: Block size is %s bits and key size is %s bits. The RSA cipher requires the block size to be equal to or greater than the key size. Either decrease the block size or use different keys.' % (blockSize * 8, keySize)) + + encryptedBlocks = encryptMessage(message, (n, e), blockSize) + + for i in range(len(encryptedBlocks)): + encryptedBlocks[i] = str(encryptedBlocks[i]) + encryptedContent = ','.join(encryptedBlocks) + encryptedContent = '%s_%s_%s' % (len(message), blockSize, encryptedContent) + with open(messageFilename, 'w') as fo: + fo.write(encryptedContent) + return encryptedContent + + +def readFromFileAndDecrypt(messageFilename, keyFilename): + keySize, n, d = readKeyFile(keyFilename) + with open(messageFilename) as fo: + content = fo.read() + messageLength, blockSize, encryptedMessage = content.split('_') + messageLength = int(messageLength) + blockSize = int(blockSize) + + if keySize < blockSize * 8: + sys.exit('ERROR: Block size is %s bits and key size is %s bits. The RSA cipher requires the block size to be equal to or greater than the key size. Did you specify the correct key file and encrypted file?' % (blockSize * 8, keySize)) + + encryptedBlocks = [] + for block in encryptedMessage.split(','): + encryptedBlocks.append(int(block)) + + return decryptMessage(encryptedBlocks, messageLength, (n, d), blockSize) + + +if __name__ == '__main__': + main() diff --git a/ciphers/rsa_key_generator.py b/ciphers/rsa_key_generator.py index 3ef7554d5d8c..f0eec78e66ae 100644 --- a/ciphers/rsa_key_generator.py +++ b/ciphers/rsa_key_generator.py @@ -1,55 +1,55 @@ -from __future__ import print_function - -import os -import random -import sys - -import cryptomath_module as cryptoMath -import rabin_miller as rabinMiller - - -def main(): - print('Making key files...') - makeKeyFiles('rsa', 1024) - print('Key files generation successful.') - - -def generateKey(keySize): - print('Generating prime p...') - p = rabinMiller.generateLargePrime(keySize) - print('Generating prime q...') - q = rabinMiller.generateLargePrime(keySize) - n = p * q - - print('Generating e that is relatively prime to (p - 1) * (q - 1)...') - while True: - e = random.randrange(2 ** (keySize - 1), 2 ** (keySize)) - if cryptoMath.gcd(e, (p - 1) * (q - 1)) == 1: - break - - print('Calculating d that is mod inverse of e...') - d = cryptoMath.findModInverse(e, (p - 1) * (q - 1)) - - publicKey = (n, e) - privateKey = (n, d) - return (publicKey, privateKey) - - -def makeKeyFiles(name, keySize): - if os.path.exists('%s_pubkey.txt' % (name)) or os.path.exists('%s_privkey.txt' % (name)): - print('\nWARNING:') - print('"%s_pubkey.txt" or "%s_privkey.txt" already exists. \nUse a different name or delete these files and re-run this program.' % (name, name)) - sys.exit() - - publicKey, privateKey = generateKey(keySize) - print('\nWriting public key to file %s_pubkey.txt...' % name) - with open('%s_pubkey.txt' % name, 'w') as fo: - fo.write('%s,%s,%s' % (keySize, publicKey[0], publicKey[1])) - - print('Writing private key to file %s_privkey.txt...' % name) - with open('%s_privkey.txt' % name, 'w') as fo: - fo.write('%s,%s,%s' % (keySize, privateKey[0], privateKey[1])) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import os +import random +import sys + +import cryptomath_module as cryptoMath +import rabin_miller as rabinMiller + + +def main(): + print('Making key files...') + makeKeyFiles('rsa', 1024) + print('Key files generation successful.') + + +def generateKey(keySize): + print('Generating prime p...') + p = rabinMiller.generateLargePrime(keySize) + print('Generating prime q...') + q = rabinMiller.generateLargePrime(keySize) + n = p * q + + print('Generating e that is relatively prime to (p - 1) * (q - 1)...') + while True: + e = random.randrange(2 ** (keySize - 1), 2 ** (keySize)) + if cryptoMath.gcd(e, (p - 1) * (q - 1)) == 1: + break + + print('Calculating d that is mod inverse of e...') + d = cryptoMath.findModInverse(e, (p - 1) * (q - 1)) + + publicKey = (n, e) + privateKey = (n, d) + return (publicKey, privateKey) + + +def makeKeyFiles(name, keySize): + if os.path.exists('%s_pubkey.txt' % (name)) or os.path.exists('%s_privkey.txt' % (name)): + print('\nWARNING:') + print('"%s_pubkey.txt" or "%s_privkey.txt" already exists. \nUse a different name or delete these files and re-run this program.' % (name, name)) + sys.exit() + + publicKey, privateKey = generateKey(keySize) + print('\nWriting public key to file %s_pubkey.txt...' % name) + with open('%s_pubkey.txt' % name, 'w') as fo: + fo.write('%s,%s,%s' % (keySize, publicKey[0], publicKey[1])) + + print('Writing private key to file %s_privkey.txt...' % name) + with open('%s_privkey.txt' % name, 'w') as fo: + fo.write('%s,%s,%s' % (keySize, privateKey[0], privateKey[1])) + + +if __name__ == '__main__': + main() diff --git a/ciphers/simple_substitution_cipher.py b/ciphers/simple_substitution_cipher.py index 6ccafb247b92..b6fcc33819c8 100644 --- a/ciphers/simple_substitution_cipher.py +++ b/ciphers/simple_substitution_cipher.py @@ -1,80 +1,80 @@ -from __future__ import print_function - -import random -import sys - -LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' - - -def main(): - message = input('Enter message: ') - key = 'LFWOAYUISVKMNXPBDCRJTQEGHZ' - resp = input('Encrypt/Decrypt [e/d]: ') - - checkValidKey(key) - - if resp.lower().startswith('e'): - mode = 'encrypt' - translated = encryptMessage(key, message) - elif resp.lower().startswith('d'): - mode = 'decrypt' - translated = decryptMessage(key, message) - - print('\n%sion: \n%s' % (mode.title(), translated)) - - -def checkValidKey(key): - keyList = list(key) - lettersList = list(LETTERS) - keyList.sort() - lettersList.sort() - - if keyList != lettersList: - sys.exit('Error in the key or symbol set.') - - -def encryptMessage(key, message): - """ - >>> encryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Harshil Darji') - 'Ilcrism Olcvs' - """ - return translateMessage(key, message, 'encrypt') - - -def decryptMessage(key, message): - """ - >>> decryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Ilcrism Olcvs') - 'Harshil Darji' - """ - return translateMessage(key, message, 'decrypt') - - -def translateMessage(key, message, mode): - translated = '' - charsA = LETTERS - charsB = key - - if mode == 'decrypt': - charsA, charsB = charsB, charsA - - for symbol in message: - if symbol.upper() in charsA: - symIndex = charsA.find(symbol.upper()) - if symbol.isupper(): - translated += charsB[symIndex].upper() - else: - translated += charsB[symIndex].lower() - else: - translated += symbol - - return translated - - -def getRandomKey(): - key = list(LETTERS) - random.shuffle(key) - return ''.join(key) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import random +import sys + +LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + + +def main(): + message = input('Enter message: ') + key = 'LFWOAYUISVKMNXPBDCRJTQEGHZ' + resp = input('Encrypt/Decrypt [e/d]: ') + + checkValidKey(key) + + if resp.lower().startswith('e'): + mode = 'encrypt' + translated = encryptMessage(key, message) + elif resp.lower().startswith('d'): + mode = 'decrypt' + translated = decryptMessage(key, message) + + print('\n%sion: \n%s' % (mode.title(), translated)) + + +def checkValidKey(key): + keyList = list(key) + lettersList = list(LETTERS) + keyList.sort() + lettersList.sort() + + if keyList != lettersList: + sys.exit('Error in the key or symbol set.') + + +def encryptMessage(key, message): + """ + >>> encryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Harshil Darji') + 'Ilcrism Olcvs' + """ + return translateMessage(key, message, 'encrypt') + + +def decryptMessage(key, message): + """ + >>> decryptMessage('LFWOAYUISVKMNXPBDCRJTQEGHZ', 'Ilcrism Olcvs') + 'Harshil Darji' + """ + return translateMessage(key, message, 'decrypt') + + +def translateMessage(key, message, mode): + translated = '' + charsA = LETTERS + charsB = key + + if mode == 'decrypt': + charsA, charsB = charsB, charsA + + for symbol in message: + if symbol.upper() in charsA: + symIndex = charsA.find(symbol.upper()) + if symbol.isupper(): + translated += charsB[symIndex].upper() + else: + translated += charsB[symIndex].lower() + else: + translated += symbol + + return translated + + +def getRandomKey(): + key = list(LETTERS) + random.shuffle(key) + return ''.join(key) + + +if __name__ == '__main__': + main() diff --git a/ciphers/trafid_cipher.py b/ciphers/trafid_cipher.py index 35302605f80c..852aed4ea965 100644 --- a/ciphers/trafid_cipher.py +++ b/ciphers/trafid_cipher.py @@ -1,91 +1,91 @@ -# https://en.wikipedia.org/wiki/Trifid_cipher - -def __encryptPart(messagePart, character2Number): - one, two, three = "", "", "" - tmp = [] - - for character in messagePart: - tmp.append(character2Number[character]) - - for each in tmp: - one += each[0] - two += each[1] - three += each[2] - - return one + two + three - - -def __decryptPart(messagePart, character2Number): - tmp, thisPart = "", "" - result = [] - - for character in messagePart: - thisPart += character2Number[character] - - for digit in thisPart: - tmp += digit - if len(tmp) == len(messagePart): - result.append(tmp) - tmp = "" - - return result[0], result[1], result[2] - - -def __prepare(message, alphabet): - # Validate message and alphabet, set to upper and remove spaces - alphabet = alphabet.replace(" ", "").upper() - message = message.replace(" ", "").upper() - - # Check length and characters - if len(alphabet) != 27: - raise KeyError("Length of alphabet has to be 27.") - for each in message: - if each not in alphabet: - raise ValueError("Each message character has to be included in alphabet!") - - # Generate dictionares - numbers = ("111", "112", "113", "121", "122", "123", "131", "132", "133", "211", "212", "213", "221", "222", "223", "231", "232", "233", "311", "312", "313", "321", "322", "323", "331", "332", "333") - character2Number = {} - number2Character = {} - for letter, number in zip(alphabet, numbers): - character2Number[letter] = number - number2Character[number] = letter - - return message, alphabet, character2Number, number2Character - - -def encryptMessage(message, alphabet="ABCDEFGHIJKLMNOPQRSTUVWXYZ.", period=5): - message, alphabet, character2Number, number2Character = __prepare(message, alphabet) - encrypted, encrypted_numeric = "", "" - - for i in range(0, len(message) + 1, period): - encrypted_numeric += __encryptPart(message[i:i + period], character2Number) - - for i in range(0, len(encrypted_numeric), 3): - encrypted += number2Character[encrypted_numeric[i:i + 3]] - - return encrypted - - -def decryptMessage(message, alphabet="ABCDEFGHIJKLMNOPQRSTUVWXYZ.", period=5): - message, alphabet, character2Number, number2Character = __prepare(message, alphabet) - decrypted_numeric = [] - decrypted = "" - - for i in range(0, len(message) + 1, period): - a, b, c = __decryptPart(message[i:i + period], character2Number) - - for j in range(0, len(a)): - decrypted_numeric.append(a[j] + b[j] + c[j]) - - for each in decrypted_numeric: - decrypted += number2Character[each] - - return decrypted - - -if __name__ == '__main__': - msg = "DEFEND THE EAST WALL OF THE CASTLE." - encrypted = encryptMessage(msg, "EPSDUCVWYM.ZLKXNBTFGORIJHAQ") - decrypted = decryptMessage(encrypted, "EPSDUCVWYM.ZLKXNBTFGORIJHAQ") - print("Encrypted: {}\nDecrypted: {}".format(encrypted, decrypted)) +# https://en.wikipedia.org/wiki/Trifid_cipher + +def __encryptPart(messagePart, character2Number): + one, two, three = "", "", "" + tmp = [] + + for character in messagePart: + tmp.append(character2Number[character]) + + for each in tmp: + one += each[0] + two += each[1] + three += each[2] + + return one + two + three + + +def __decryptPart(messagePart, character2Number): + tmp, thisPart = "", "" + result = [] + + for character in messagePart: + thisPart += character2Number[character] + + for digit in thisPart: + tmp += digit + if len(tmp) == len(messagePart): + result.append(tmp) + tmp = "" + + return result[0], result[1], result[2] + + +def __prepare(message, alphabet): + # Validate message and alphabet, set to upper and remove spaces + alphabet = alphabet.replace(" ", "").upper() + message = message.replace(" ", "").upper() + + # Check length and characters + if len(alphabet) != 27: + raise KeyError("Length of alphabet has to be 27.") + for each in message: + if each not in alphabet: + raise ValueError("Each message character has to be included in alphabet!") + + # Generate dictionares + numbers = ("111", "112", "113", "121", "122", "123", "131", "132", "133", "211", "212", "213", "221", "222", "223", "231", "232", "233", "311", "312", "313", "321", "322", "323", "331", "332", "333") + character2Number = {} + number2Character = {} + for letter, number in zip(alphabet, numbers): + character2Number[letter] = number + number2Character[number] = letter + + return message, alphabet, character2Number, number2Character + + +def encryptMessage(message, alphabet="ABCDEFGHIJKLMNOPQRSTUVWXYZ.", period=5): + message, alphabet, character2Number, number2Character = __prepare(message, alphabet) + encrypted, encrypted_numeric = "", "" + + for i in range(0, len(message) + 1, period): + encrypted_numeric += __encryptPart(message[i:i + period], character2Number) + + for i in range(0, len(encrypted_numeric), 3): + encrypted += number2Character[encrypted_numeric[i:i + 3]] + + return encrypted + + +def decryptMessage(message, alphabet="ABCDEFGHIJKLMNOPQRSTUVWXYZ.", period=5): + message, alphabet, character2Number, number2Character = __prepare(message, alphabet) + decrypted_numeric = [] + decrypted = "" + + for i in range(0, len(message) + 1, period): + a, b, c = __decryptPart(message[i:i + period], character2Number) + + for j in range(0, len(a)): + decrypted_numeric.append(a[j] + b[j] + c[j]) + + for each in decrypted_numeric: + decrypted += number2Character[each] + + return decrypted + + +if __name__ == '__main__': + msg = "DEFEND THE EAST WALL OF THE CASTLE." + encrypted = encryptMessage(msg, "EPSDUCVWYM.ZLKXNBTFGORIJHAQ") + decrypted = decryptMessage(encrypted, "EPSDUCVWYM.ZLKXNBTFGORIJHAQ") + print("Encrypted: {}\nDecrypted: {}".format(encrypted, decrypted)) diff --git a/ciphers/transposition_cipher.py b/ciphers/transposition_cipher.py index 3a29de2f86b6..95220b0f4e0b 100644 --- a/ciphers/transposition_cipher.py +++ b/ciphers/transposition_cipher.py @@ -1,61 +1,61 @@ -from __future__ import print_function - -import math - - -def main(): - message = input('Enter message: ') - key = int(input('Enter key [2-%s]: ' % (len(message) - 1))) - mode = input('Encryption/Decryption [e/d]: ') - - if mode.lower().startswith('e'): - text = encryptMessage(key, message) - elif mode.lower().startswith('d'): - text = decryptMessage(key, message) - - # Append pipe symbol (vertical bar) to identify spaces at the end. - print('Output:\n%s' % (text + '|')) - - -def encryptMessage(key, message): - """ - >>> encryptMessage(6, 'Harshil Darji') - 'Hlia rDsahrij' - """ - cipherText = [''] * key - for col in range(key): - pointer = col - while pointer < len(message): - cipherText[col] += message[pointer] - pointer += key - return ''.join(cipherText) - - -def decryptMessage(key, message): - """ - >>> decryptMessage(6, 'Hlia rDsahrij') - 'Harshil Darji' - """ - numCols = math.ceil(len(message) / key) - numRows = key - numShadedBoxes = (numCols * numRows) - len(message) - plainText = [""] * numCols - col = 0; - row = 0; - - for symbol in message: - plainText[col] += symbol - col += 1 - - if (col == numCols) or (col == numCols - 1) and (row >= numRows - numShadedBoxes): - col = 0 - row += 1 - - return "".join(plainText) - - -if __name__ == '__main__': - import doctest - - doctest.testmod() - main() +from __future__ import print_function + +import math + + +def main(): + message = input('Enter message: ') + key = int(input('Enter key [2-%s]: ' % (len(message) - 1))) + mode = input('Encryption/Decryption [e/d]: ') + + if mode.lower().startswith('e'): + text = encryptMessage(key, message) + elif mode.lower().startswith('d'): + text = decryptMessage(key, message) + + # Append pipe symbol (vertical bar) to identify spaces at the end. + print('Output:\n%s' % (text + '|')) + + +def encryptMessage(key, message): + """ + >>> encryptMessage(6, 'Harshil Darji') + 'Hlia rDsahrij' + """ + cipherText = [''] * key + for col in range(key): + pointer = col + while pointer < len(message): + cipherText[col] += message[pointer] + pointer += key + return ''.join(cipherText) + + +def decryptMessage(key, message): + """ + >>> decryptMessage(6, 'Hlia rDsahrij') + 'Harshil Darji' + """ + numCols = math.ceil(len(message) / key) + numRows = key + numShadedBoxes = (numCols * numRows) - len(message) + plainText = [""] * numCols + col = 0; + row = 0; + + for symbol in message: + plainText[col] += symbol + col += 1 + + if (col == numCols) or (col == numCols - 1) and (row >= numRows - numShadedBoxes): + col = 0 + row += 1 + + return "".join(plainText) + + +if __name__ == '__main__': + import doctest + + doctest.testmod() + main() diff --git a/ciphers/transposition_cipher_encrypt_decrypt_file.py b/ciphers/transposition_cipher_encrypt_decrypt_file.py index 96afc8c85341..7c21d1e8460f 100644 --- a/ciphers/transposition_cipher_encrypt_decrypt_file.py +++ b/ciphers/transposition_cipher_encrypt_decrypt_file.py @@ -1,43 +1,43 @@ -from __future__ import print_function - -import os -import sys -import time - -import transposition_cipher as transCipher - - -def main(): - inputFile = 'Prehistoric Men.txt' - outputFile = 'Output.txt' - key = int(input('Enter key: ')) - mode = input('Encrypt/Decrypt [e/d]: ') - - if not os.path.exists(inputFile): - print('File %s does not exist. Quitting...' % inputFile) - sys.exit() - if os.path.exists(outputFile): - print('Overwrite %s? [y/n]' % outputFile) - response = input('> ') - if not response.lower().startswith('y'): - sys.exit() - - startTime = time.time() - if mode.lower().startswith('e'): - with open(inputFile) as f: - content = f.read() - translated = transCipher.encryptMessage(key, content) - elif mode.lower().startswith('d'): - with open(outputFile) as f: - content = f.read() - translated = transCipher.decryptMessage(key, content) - - with open(outputFile, 'w') as outputObj: - outputObj.write(translated) - - totalTime = round(time.time() - startTime, 2) - print(('Done (', totalTime, 'seconds )')) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import os +import sys +import time + +import transposition_cipher as transCipher + + +def main(): + inputFile = 'Prehistoric Men.txt' + outputFile = 'Output.txt' + key = int(input('Enter key: ')) + mode = input('Encrypt/Decrypt [e/d]: ') + + if not os.path.exists(inputFile): + print('File %s does not exist. Quitting...' % inputFile) + sys.exit() + if os.path.exists(outputFile): + print('Overwrite %s? [y/n]' % outputFile) + response = input('> ') + if not response.lower().startswith('y'): + sys.exit() + + startTime = time.time() + if mode.lower().startswith('e'): + with open(inputFile) as f: + content = f.read() + translated = transCipher.encryptMessage(key, content) + elif mode.lower().startswith('d'): + with open(outputFile) as f: + content = f.read() + translated = transCipher.decryptMessage(key, content) + + with open(outputFile, 'w') as outputObj: + outputObj.write(translated) + + totalTime = round(time.time() - startTime, 2) + print(('Done (', totalTime, 'seconds )')) + + +if __name__ == '__main__': + main() diff --git a/ciphers/vigenere_cipher.py b/ciphers/vigenere_cipher.py index eb433d829acd..b33b963bde35 100644 --- a/ciphers/vigenere_cipher.py +++ b/ciphers/vigenere_cipher.py @@ -1,67 +1,67 @@ -from __future__ import print_function - -LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' - - -def main(): - message = input('Enter message: ') - key = input('Enter key [alphanumeric]: ') - mode = input('Encrypt/Decrypt [e/d]: ') - - if mode.lower().startswith('e'): - mode = 'encrypt' - translated = encryptMessage(key, message) - elif mode.lower().startswith('d'): - mode = 'decrypt' - translated = decryptMessage(key, message) - - print('\n%sed message:' % mode.title()) - print(translated) - - -def encryptMessage(key, message): - ''' - >>> encryptMessage('HDarji', 'This is Harshil Darji from Dharmaj.') - 'Akij ra Odrjqqs Gaisq muod Mphumrs.' - ''' - return translateMessage(key, message, 'encrypt') - - -def decryptMessage(key, message): - ''' - >>> decryptMessage('HDarji', 'Akij ra Odrjqqs Gaisq muod Mphumrs.') - 'This is Harshil Darji from Dharmaj.' - ''' - return translateMessage(key, message, 'decrypt') - - -def translateMessage(key, message, mode): - translated = [] - keyIndex = 0 - key = key.upper() - - for symbol in message: - num = LETTERS.find(symbol.upper()) - if num != -1: - if mode == 'encrypt': - num += LETTERS.find(key[keyIndex]) - elif mode == 'decrypt': - num -= LETTERS.find(key[keyIndex]) - - num %= len(LETTERS) - - if symbol.isupper(): - translated.append(LETTERS[num]) - elif symbol.islower(): - translated.append(LETTERS[num].lower()) - - keyIndex += 1 - if keyIndex == len(key): - keyIndex = 0 - else: - translated.append(symbol) - return ''.join(translated) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + + +def main(): + message = input('Enter message: ') + key = input('Enter key [alphanumeric]: ') + mode = input('Encrypt/Decrypt [e/d]: ') + + if mode.lower().startswith('e'): + mode = 'encrypt' + translated = encryptMessage(key, message) + elif mode.lower().startswith('d'): + mode = 'decrypt' + translated = decryptMessage(key, message) + + print('\n%sed message:' % mode.title()) + print(translated) + + +def encryptMessage(key, message): + ''' + >>> encryptMessage('HDarji', 'This is Harshil Darji from Dharmaj.') + 'Akij ra Odrjqqs Gaisq muod Mphumrs.' + ''' + return translateMessage(key, message, 'encrypt') + + +def decryptMessage(key, message): + ''' + >>> decryptMessage('HDarji', 'Akij ra Odrjqqs Gaisq muod Mphumrs.') + 'This is Harshil Darji from Dharmaj.' + ''' + return translateMessage(key, message, 'decrypt') + + +def translateMessage(key, message, mode): + translated = [] + keyIndex = 0 + key = key.upper() + + for symbol in message: + num = LETTERS.find(symbol.upper()) + if num != -1: + if mode == 'encrypt': + num += LETTERS.find(key[keyIndex]) + elif mode == 'decrypt': + num -= LETTERS.find(key[keyIndex]) + + num %= len(LETTERS) + + if symbol.isupper(): + translated.append(LETTERS[num]) + elif symbol.islower(): + translated.append(LETTERS[num].lower()) + + keyIndex += 1 + if keyIndex == len(key): + keyIndex = 0 + else: + translated.append(symbol) + return ''.join(translated) + + +if __name__ == '__main__': + main() diff --git a/ciphers/xor_cipher.py b/ciphers/xor_cipher.py index a390a793e5dd..1a9770af5517 100644 --- a/ciphers/xor_cipher.py +++ b/ciphers/xor_cipher.py @@ -1,203 +1,203 @@ -""" - author: Christian Bender - date: 21.12.2017 - class: XORCipher - - This class implements the XOR-cipher algorithm and provides - some useful methods for encrypting and decrypting strings and - files. - - Overview about methods - - - encrypt : list of char - - decrypt : list of char - - encrypt_string : str - - decrypt_string : str - - encrypt_file : boolean - - decrypt_file : boolean -""" - - -class XORCipher(object): - - def __init__(self, key=0): - """ - simple constructor that receives a key or uses - default key = 0 - """ - - # private field - self.__key = key - - def encrypt(self, content, key): - """ - input: 'content' of type string and 'key' of type int - output: encrypted string 'content' as a list of chars - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(key, int) and isinstance(content, str)) - - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = [] - - for ch in content: - ans.append(chr(ord(ch) ^ key)) - - return ans - - def decrypt(self, content, key): - """ - input: 'content' of type list and 'key' of type int - output: decrypted string 'content' as a list of chars - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(key, int) and isinstance(content, list)) - - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = [] - - for ch in content: - ans.append(chr(ord(ch) ^ key)) - - return ans - - def encrypt_string(self, content, key=0): - """ - input: 'content' of type string and 'key' of type int - output: encrypted string 'content' - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(key, int) and isinstance(content, str)) - - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = "" - - for ch in content: - ans += chr(ord(ch) ^ key) - - return ans - - def decrypt_string(self, content, key=0): - """ - input: 'content' of type string and 'key' of type int - output: decrypted string 'content' - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(key, int) and isinstance(content, str)) - - key = key or self.__key or 1 - - # make sure key can be any size - while (key > 255): - key -= 255 - - # This will be returned - ans = "" - - for ch in content: - ans += chr(ord(ch) ^ key) - - return ans - - def encrypt_file(self, file, key=0): - """ - input: filename (str) and a key (int) - output: returns true if encrypt process was - successful otherwise false - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(file, str) and isinstance(key, int)) - - try: - with open(file, "r") as fin: - with open("encrypt.out", "w+") as fout: - # actual encrypt-process - for line in fin: - fout.write(self.encrypt_string(line, key)) - - except: - return False - - return True - - def decrypt_file(self, file, key): - """ - input: filename (str) and a key (int) - output: returns true if decrypt process was - successful otherwise false - if key not passed the method uses the key by the constructor. - otherwise key = 1 - """ - - # precondition - assert (isinstance(file, str) and isinstance(key, int)) - - try: - with open(file, "r") as fin: - with open("decrypt.out", "w+") as fout: - # actual encrypt-process - for line in fin: - fout.write(self.decrypt_string(line, key)) - - except: - return False - - return True - -# Tests -# crypt = XORCipher() -# key = 67 - -# # test enrcypt -# print crypt.encrypt("hallo welt",key) -# # test decrypt -# print crypt.decrypt(crypt.encrypt("hallo welt",key), key) - -# # test encrypt_string -# print crypt.encrypt_string("hallo welt",key) - -# # test decrypt_string -# print crypt.decrypt_string(crypt.encrypt_string("hallo welt",key),key) - -# if (crypt.encrypt_file("test.txt",key)): -# print "encrypt successful" -# else: -# print "encrypt unsuccessful" - -# if (crypt.decrypt_file("encrypt.out",key)): -# print "decrypt successful" -# else: -# print "decrypt unsuccessful" +""" + author: Christian Bender + date: 21.12.2017 + class: XORCipher + + This class implements the XOR-cipher algorithm and provides + some useful methods for encrypting and decrypting strings and + files. + + Overview about methods + + - encrypt : list of char + - decrypt : list of char + - encrypt_string : str + - decrypt_string : str + - encrypt_file : boolean + - decrypt_file : boolean +""" + + +class XORCipher(object): + + def __init__(self, key=0): + """ + simple constructor that receives a key or uses + default key = 0 + """ + + # private field + self.__key = key + + def encrypt(self, content, key): + """ + input: 'content' of type string and 'key' of type int + output: encrypted string 'content' as a list of chars + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(key, int) and isinstance(content, str)) + + key = key or self.__key or 1 + + # make sure key can be any size + while (key > 255): + key -= 255 + + # This will be returned + ans = [] + + for ch in content: + ans.append(chr(ord(ch) ^ key)) + + return ans + + def decrypt(self, content, key): + """ + input: 'content' of type list and 'key' of type int + output: decrypted string 'content' as a list of chars + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(key, int) and isinstance(content, list)) + + key = key or self.__key or 1 + + # make sure key can be any size + while (key > 255): + key -= 255 + + # This will be returned + ans = [] + + for ch in content: + ans.append(chr(ord(ch) ^ key)) + + return ans + + def encrypt_string(self, content, key=0): + """ + input: 'content' of type string and 'key' of type int + output: encrypted string 'content' + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(key, int) and isinstance(content, str)) + + key = key or self.__key or 1 + + # make sure key can be any size + while (key > 255): + key -= 255 + + # This will be returned + ans = "" + + for ch in content: + ans += chr(ord(ch) ^ key) + + return ans + + def decrypt_string(self, content, key=0): + """ + input: 'content' of type string and 'key' of type int + output: decrypted string 'content' + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(key, int) and isinstance(content, str)) + + key = key or self.__key or 1 + + # make sure key can be any size + while (key > 255): + key -= 255 + + # This will be returned + ans = "" + + for ch in content: + ans += chr(ord(ch) ^ key) + + return ans + + def encrypt_file(self, file, key=0): + """ + input: filename (str) and a key (int) + output: returns true if encrypt process was + successful otherwise false + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(file, str) and isinstance(key, int)) + + try: + with open(file, "r") as fin: + with open("encrypt.out", "w+") as fout: + # actual encrypt-process + for line in fin: + fout.write(self.encrypt_string(line, key)) + + except: + return False + + return True + + def decrypt_file(self, file, key): + """ + input: filename (str) and a key (int) + output: returns true if decrypt process was + successful otherwise false + if key not passed the method uses the key by the constructor. + otherwise key = 1 + """ + + # precondition + assert (isinstance(file, str) and isinstance(key, int)) + + try: + with open(file, "r") as fin: + with open("decrypt.out", "w+") as fout: + # actual encrypt-process + for line in fin: + fout.write(self.decrypt_string(line, key)) + + except: + return False + + return True + +# Tests +# crypt = XORCipher() +# key = 67 + +# # test enrcypt +# print crypt.encrypt("hallo welt",key) +# # test decrypt +# print crypt.decrypt(crypt.encrypt("hallo welt",key), key) + +# # test encrypt_string +# print crypt.encrypt_string("hallo welt",key) + +# # test decrypt_string +# print crypt.decrypt_string(crypt.encrypt_string("hallo welt",key),key) + +# if (crypt.encrypt_file("test.txt",key)): +# print "encrypt successful" +# else: +# print "encrypt unsuccessful" + +# if (crypt.decrypt_file("encrypt.out",key)): +# print "decrypt successful" +# else: +# print "decrypt unsuccessful" diff --git a/compression/huffman.py b/compression/huffman.py index 2b6e975ddb7f..5593746b6d48 100644 --- a/compression/huffman.py +++ b/compression/huffman.py @@ -1,87 +1,87 @@ -import sys - - -class Letter: - def __init__(self, letter, freq): - self.letter = letter - self.freq = freq - self.bitstring = "" - - def __repr__(self): - return f'{self.letter}:{self.freq}' - - -class TreeNode: - def __init__(self, freq, left, right): - self.freq = freq - self.left = left - self.right = right - - -def parse_file(file_path): - """ - Read the file and build a dict of all letters and their - frequences, then convert the dict into a list of Letters. - """ - chars = {} - with open(file_path) as f: - while True: - c = f.read(1) - if not c: - break - chars[c] = chars[c] + 1 if c in chars.keys() else 1 - return sorted([Letter(c, f) for c, f in chars.items()], key=lambda l: l.freq) - - -def build_tree(letters): - """ - Run through the list of Letters and build the min heap - for the Huffman Tree. - """ - while len(letters) > 1: - left = letters.pop(0) - right = letters.pop(0) - total_freq = left.freq + right.freq - node = TreeNode(total_freq, left, right) - letters.append(node) - letters.sort(key=lambda l: l.freq) - return letters[0] - - -def traverse_tree(root, bitstring): - """ - Recursively traverse the Huffman Tree to set each - Letter's bitstring, and return the list of Letters - """ - if type(root) is Letter: - root.bitstring = bitstring - return [root] - letters = [] - letters += traverse_tree(root.left, bitstring + "0") - letters += traverse_tree(root.right, bitstring + "1") - return letters - - -def huffman(file_path): - """ - Parse the file, build the tree, then run through the file - again, using the list of Letters to find and print out the - bitstring for each letter. - """ - letters_list = parse_file(file_path) - root = build_tree(letters_list) - letters = traverse_tree(root, "") - print(f'Huffman Coding of {file_path}: ') - with open(file_path) as f: - while True: - c = f.read(1) - if not c: - break - le = list(filter(lambda l: l.letter == c, letters))[0] - print(le.bitstring, end=" ") - print() - - -if __name__ == "__main__": - # pass the file path to the huffman function - huffman(sys.argv[1]) +import sys + + +class Letter: + def __init__(self, letter, freq): + self.letter = letter + self.freq = freq + self.bitstring = "" + + def __repr__(self): + return f'{self.letter}:{self.freq}' + + +class TreeNode: + def __init__(self, freq, left, right): + self.freq = freq + self.left = left + self.right = right + + +def parse_file(file_path): + """ + Read the file and build a dict of all letters and their + frequences, then convert the dict into a list of Letters. + """ + chars = {} + with open(file_path) as f: + while True: + c = f.read(1) + if not c: + break + chars[c] = chars[c] + 1 if c in chars.keys() else 1 + return sorted([Letter(c, f) for c, f in chars.items()], key=lambda l: l.freq) + + +def build_tree(letters): + """ + Run through the list of Letters and build the min heap + for the Huffman Tree. + """ + while len(letters) > 1: + left = letters.pop(0) + right = letters.pop(0) + total_freq = left.freq + right.freq + node = TreeNode(total_freq, left, right) + letters.append(node) + letters.sort(key=lambda l: l.freq) + return letters[0] + + +def traverse_tree(root, bitstring): + """ + Recursively traverse the Huffman Tree to set each + Letter's bitstring, and return the list of Letters + """ + if type(root) is Letter: + root.bitstring = bitstring + return [root] + letters = [] + letters += traverse_tree(root.left, bitstring + "0") + letters += traverse_tree(root.right, bitstring + "1") + return letters + + +def huffman(file_path): + """ + Parse the file, build the tree, then run through the file + again, using the list of Letters to find and print out the + bitstring for each letter. + """ + letters_list = parse_file(file_path) + root = build_tree(letters_list) + letters = traverse_tree(root, "") + print(f'Huffman Coding of {file_path}: ') + with open(file_path) as f: + while True: + c = f.read(1) + if not c: + break + le = list(filter(lambda l: l.letter == c, letters))[0] + print(le.bitstring, end=" ") + print() + + +if __name__ == "__main__": + # pass the file path to the huffman function + huffman(sys.argv[1]) diff --git a/data_structures/LCA.py b/data_structures/LCA.py index d18fb43442d4..9c9d8ca629c7 100644 --- a/data_structures/LCA.py +++ b/data_structures/LCA.py @@ -1,91 +1,91 @@ -import queue - - -def swap(a, b): - a ^= b - b ^= a - a ^= b - return a, b - - -# creating sparse table which saves each nodes 2^ith parent -def creatSparse(max_node, parent): - j = 1 - while (1 << j) < max_node: - for i in range(1, max_node + 1): - parent[j][i] = parent[j - 1][parent[j - 1][i]] - j += 1 - return parent - - -# returns lca of node u,v -def LCA(u, v, level, parent): - # u must be deeper in the tree than v - if level[u] < level[v]: - u, v = swap(u, v) - # making depth of u same as depth of v - for i in range(18, -1, -1): - if level[u] - (1 << i) >= level[v]: - u = parent[i][u] - # at the same depth if u==v that mean lca is found - if u == v: - return u - # moving both nodes upwards till lca in found - for i in range(18, -1, -1): - if parent[i][u] != 0 and parent[i][u] != parent[i][v]: - u, v = parent[i][u], parent[i][v] - # returning longest common ancestor of u,v - return parent[0][u] - - -# runs a breadth first search from root node of the tree -# sets every nodes direct parent -# parent of root node is set to 0 -# calculates depth of each node from root node -def bfs(level, parent, max_node, graph, root=1): - level[root] = 0 - q = queue.Queue(maxsize=max_node) - q.put(root) - while q.qsize() != 0: - u = q.get() - for v in graph[u]: - if level[v] == -1: - level[v] = level[u] + 1 - q.put(v) - parent[0][v] = u - return level, parent - - -def main(): - max_node = 13 - # initializing with 0 - parent = [[0 for _ in range(max_node + 10)] for _ in range(20)] - # initializing with -1 which means every node is unvisited - level = [-1 for _ in range(max_node + 10)] - graph = { - 1: [2, 3, 4], - 2: [5], - 3: [6, 7], - 4: [8], - 5: [9, 10], - 6: [11], - 7: [], - 8: [12, 13], - 9: [], - 10: [], - 11: [], - 12: [], - 13: [] - } - level, parent = bfs(level, parent, max_node, graph, 1) - parent = creatSparse(max_node, parent) - print("LCA of node 1 and 3 is: ", LCA(1, 3, level, parent)) - print("LCA of node 5 and 6 is: ", LCA(5, 6, level, parent)) - print("LCA of node 7 and 11 is: ", LCA(7, 11, level, parent)) - print("LCA of node 6 and 7 is: ", LCA(6, 7, level, parent)) - print("LCA of node 4 and 12 is: ", LCA(4, 12, level, parent)) - print("LCA of node 8 and 8 is: ", LCA(8, 8, level, parent)) - - -if __name__ == "__main__": - main() +import queue + + +def swap(a, b): + a ^= b + b ^= a + a ^= b + return a, b + + +# creating sparse table which saves each nodes 2^ith parent +def creatSparse(max_node, parent): + j = 1 + while (1 << j) < max_node: + for i in range(1, max_node + 1): + parent[j][i] = parent[j - 1][parent[j - 1][i]] + j += 1 + return parent + + +# returns lca of node u,v +def LCA(u, v, level, parent): + # u must be deeper in the tree than v + if level[u] < level[v]: + u, v = swap(u, v) + # making depth of u same as depth of v + for i in range(18, -1, -1): + if level[u] - (1 << i) >= level[v]: + u = parent[i][u] + # at the same depth if u==v that mean lca is found + if u == v: + return u + # moving both nodes upwards till lca in found + for i in range(18, -1, -1): + if parent[i][u] != 0 and parent[i][u] != parent[i][v]: + u, v = parent[i][u], parent[i][v] + # returning longest common ancestor of u,v + return parent[0][u] + + +# runs a breadth first search from root node of the tree +# sets every nodes direct parent +# parent of root node is set to 0 +# calculates depth of each node from root node +def bfs(level, parent, max_node, graph, root=1): + level[root] = 0 + q = queue.Queue(maxsize=max_node) + q.put(root) + while q.qsize() != 0: + u = q.get() + for v in graph[u]: + if level[v] == -1: + level[v] = level[u] + 1 + q.put(v) + parent[0][v] = u + return level, parent + + +def main(): + max_node = 13 + # initializing with 0 + parent = [[0 for _ in range(max_node + 10)] for _ in range(20)] + # initializing with -1 which means every node is unvisited + level = [-1 for _ in range(max_node + 10)] + graph = { + 1: [2, 3, 4], + 2: [5], + 3: [6, 7], + 4: [8], + 5: [9, 10], + 6: [11], + 7: [], + 8: [12, 13], + 9: [], + 10: [], + 11: [], + 12: [], + 13: [] + } + level, parent = bfs(level, parent, max_node, graph, 1) + parent = creatSparse(max_node, parent) + print("LCA of node 1 and 3 is: ", LCA(1, 3, level, parent)) + print("LCA of node 5 and 6 is: ", LCA(5, 6, level, parent)) + print("LCA of node 7 and 11 is: ", LCA(7, 11, level, parent)) + print("LCA of node 6 and 7 is: ", LCA(6, 7, level, parent)) + print("LCA of node 4 and 12 is: ", LCA(4, 12, level, parent)) + print("LCA of node 8 and 8 is: ", LCA(8, 8, level, parent)) + + +if __name__ == "__main__": + main() diff --git a/data_structures/arrays.py b/data_structures/arrays.py index 987468c50f2c..f958585fbfb4 100644 --- a/data_structures/arrays.py +++ b/data_structures/arrays.py @@ -1,3 +1,3 @@ -arr = [10, 20, 30, 40] -arr[1] = 30 # set element 1 (20) of array to 30 -print(arr) +arr = [10, 20, 30, 40] +arr[1] = 30 # set element 1 (20) of array to 30 +print(arr) diff --git a/data_structures/avl.py b/data_structures/avl.py index 3e6fe4975599..4f8c966ab902 100644 --- a/data_structures/avl.py +++ b/data_structures/avl.py @@ -1,181 +1,181 @@ -""" -An AVL tree -""" -from __future__ import print_function - - -class Node: - - def __init__(self, label): - self.label = label - self._parent = None - self._left = None - self._right = None - self.height = 0 - - @property - def right(self): - return self._right - - @right.setter - def right(self, node): - if node is not None: - node._parent = self - self._right = node - - @property - def left(self): - return self._left - - @left.setter - def left(self, node): - if node is not None: - node._parent = self - self._left = node - - @property - def parent(self): - return self._parent - - @parent.setter - def parent(self, node): - if node is not None: - self._parent = node - self.height = self.parent.height + 1 - else: - self.height = 0 - - -class AVL: - - def __init__(self): - self.root = None - self.size = 0 - - def insert(self, value): - node = Node(value) - - if self.root is None: - self.root = node - self.root.height = 0 - self.size = 1 - else: - # Same as Binary Tree - dad_node = None - curr_node = self.root - - while True: - if curr_node is not None: - - dad_node = curr_node - - if node.label < curr_node.label: - curr_node = curr_node.left - else: - curr_node = curr_node.right - else: - node.height = dad_node.height - dad_node.height += 1 - if node.label < dad_node.label: - dad_node.left = node - else: - dad_node.right = node - self.rebalance(node) - self.size += 1 - break - - def rebalance(self, node): - n = node - - while n is not None: - height_right = n.height - height_left = n.height - - if n.right is not None: - height_right = n.right.height - - if n.left is not None: - height_left = n.left.height - - if abs(height_left - height_right) > 1: - if height_left > height_right: - left_child = n.left - if left_child is not None: - h_right = (left_child.right.height - if (left_child.right is not None) else 0) - h_left = (left_child.left.height - if (left_child.left is not None) else 0) - if (h_left > h_right): - self.rotate_left(n) - break - else: - self.double_rotate_right(n) - break - else: - right_child = n.right - if right_child is not None: - h_right = (right_child.right.height - if (right_child.right is not None) else 0) - h_left = (right_child.left.height - if (right_child.left is not None) else 0) - if (h_left > h_right): - self.double_rotate_left(n) - break - else: - self.rotate_right(n) - break - n = n.parent - - def rotate_left(self, node): - aux = node.parent.label - node.parent.label = node.label - node.parent.right = Node(aux) - node.parent.right.height = node.parent.height + 1 - node.parent.left = node.right - - def rotate_right(self, node): - aux = node.parent.label - node.parent.label = node.label - node.parent.left = Node(aux) - node.parent.left.height = node.parent.height + 1 - node.parent.right = node.right - - def double_rotate_left(self, node): - self.rotate_right(node.getRight().getRight()) - self.rotate_left(node) - - def double_rotate_right(self, node): - self.rotate_left(node.getLeft().getLeft()) - self.rotate_right(node) - - def empty(self): - if self.root is None: - return True - return False - - def preShow(self, curr_node): - if curr_node is not None: - self.preShow(curr_node.left) - print(curr_node.label, end=" ") - self.preShow(curr_node.right) - - def preorder(self, curr_node): - if curr_node is not None: - self.preShow(curr_node.left) - self.preShow(curr_node.right) - print(curr_node.label, end=" ") - - def getRoot(self): - return self.root - - -t = AVL() -t.insert(1) -t.insert(2) -t.insert(3) -# t.preShow(t.root) -# print("\n") -# t.insert(4) -# t.insert(5) -# t.preShow(t.root) -# t.preorden(t.root) +""" +An AVL tree +""" +from __future__ import print_function + + +class Node: + + def __init__(self, label): + self.label = label + self._parent = None + self._left = None + self._right = None + self.height = 0 + + @property + def right(self): + return self._right + + @right.setter + def right(self, node): + if node is not None: + node._parent = self + self._right = node + + @property + def left(self): + return self._left + + @left.setter + def left(self, node): + if node is not None: + node._parent = self + self._left = node + + @property + def parent(self): + return self._parent + + @parent.setter + def parent(self, node): + if node is not None: + self._parent = node + self.height = self.parent.height + 1 + else: + self.height = 0 + + +class AVL: + + def __init__(self): + self.root = None + self.size = 0 + + def insert(self, value): + node = Node(value) + + if self.root is None: + self.root = node + self.root.height = 0 + self.size = 1 + else: + # Same as Binary Tree + dad_node = None + curr_node = self.root + + while True: + if curr_node is not None: + + dad_node = curr_node + + if node.label < curr_node.label: + curr_node = curr_node.left + else: + curr_node = curr_node.right + else: + node.height = dad_node.height + dad_node.height += 1 + if node.label < dad_node.label: + dad_node.left = node + else: + dad_node.right = node + self.rebalance(node) + self.size += 1 + break + + def rebalance(self, node): + n = node + + while n is not None: + height_right = n.height + height_left = n.height + + if n.right is not None: + height_right = n.right.height + + if n.left is not None: + height_left = n.left.height + + if abs(height_left - height_right) > 1: + if height_left > height_right: + left_child = n.left + if left_child is not None: + h_right = (left_child.right.height + if (left_child.right is not None) else 0) + h_left = (left_child.left.height + if (left_child.left is not None) else 0) + if (h_left > h_right): + self.rotate_left(n) + break + else: + self.double_rotate_right(n) + break + else: + right_child = n.right + if right_child is not None: + h_right = (right_child.right.height + if (right_child.right is not None) else 0) + h_left = (right_child.left.height + if (right_child.left is not None) else 0) + if (h_left > h_right): + self.double_rotate_left(n) + break + else: + self.rotate_right(n) + break + n = n.parent + + def rotate_left(self, node): + aux = node.parent.label + node.parent.label = node.label + node.parent.right = Node(aux) + node.parent.right.height = node.parent.height + 1 + node.parent.left = node.right + + def rotate_right(self, node): + aux = node.parent.label + node.parent.label = node.label + node.parent.left = Node(aux) + node.parent.left.height = node.parent.height + 1 + node.parent.right = node.right + + def double_rotate_left(self, node): + self.rotate_right(node.getRight().getRight()) + self.rotate_left(node) + + def double_rotate_right(self, node): + self.rotate_left(node.getLeft().getLeft()) + self.rotate_right(node) + + def empty(self): + if self.root is None: + return True + return False + + def preShow(self, curr_node): + if curr_node is not None: + self.preShow(curr_node.left) + print(curr_node.label, end=" ") + self.preShow(curr_node.right) + + def preorder(self, curr_node): + if curr_node is not None: + self.preShow(curr_node.left) + self.preShow(curr_node.right) + print(curr_node.label, end=" ") + + def getRoot(self): + return self.root + + +t = AVL() +t.insert(1) +t.insert(2) +t.insert(3) +# t.preShow(t.root) +# print("\n") +# t.insert(4) +# t.insert(5) +# t.preShow(t.root) +# t.preorden(t.root) diff --git a/data_structures/binary tree/AVL_tree.py b/data_structures/binary tree/AVL_tree.py index e4aff956576b..eafcbaa99040 100644 --- a/data_structures/binary tree/AVL_tree.py +++ b/data_structures/binary tree/AVL_tree.py @@ -1,285 +1,285 @@ -# -*- coding: utf-8 -*- -''' -An auto-balanced binary tree! -''' -import math -import random - - -class my_queue: - def __init__(self): - self.data = [] - self.head = 0 - self.tail = 0 - - def isEmpty(self): - return self.head == self.tail - - def push(self, data): - self.data.append(data) - self.tail = self.tail + 1 - - def pop(self): - ret = self.data[self.head] - self.head = self.head + 1 - return ret - - def count(self): - return self.tail - self.head - - def print(self): - print(self.data) - print("**************") - print(self.data[self.head:self.tail]) - - -class my_node: - def __init__(self, data): - self.data = data - self.left = None - self.right = None - self.height = 1 - - def getdata(self): - return self.data - - def getleft(self): - return self.left - - def getright(self): - return self.right - - def getheight(self): - return self.height - - def setdata(self, data): - self.data = data - return - - def setleft(self, node): - self.left = node - return - - def setright(self, node): - self.right = node - return - - def setheight(self, height): - self.height = height - return - - -def getheight(node): - if node is None: - return 0 - return node.getheight() - - -def my_max(a, b): - if a > b: - return a - return b - - -def leftrotation(node): - r''' - A B - / \ / \ - B C Bl A - / \ --> / / \ - Bl Br UB Br C - / - UB - - UB = unbalanced node - ''' - print("left rotation node:", node.getdata()) - ret = node.getleft() - node.setleft(ret.getright()) - ret.setright(node) - h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 - node.setheight(h1) - h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 - ret.setheight(h2) - return ret - - -def rightrotation(node): - ''' - a mirror symmetry rotation of the leftrotation - ''' - print("right rotation node:", node.getdata()) - ret = node.getright() - node.setright(ret.getleft()) - ret.setleft(node) - h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 - node.setheight(h1) - h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 - ret.setheight(h2) - return ret - - -def rlrotation(node): - r''' - A A Br - / \ / \ / \ - B C RR Br C LR B A - / \ --> / \ --> / / \ - Bl Br B UB Bl UB C - \ / - UB Bl - RR = rightrotation LR = leftrotation - ''' - node.setleft(rightrotation(node.getleft())) - return leftrotation(node) - - -def lrrotation(node): - node.setright(leftrotation(node.getright())) - return rightrotation(node) - - -def insert_node(node, data): - if node is None: - return my_node(data) - if data < node.getdata(): - node.setleft(insert_node(node.getleft(), data)) - if getheight(node.getleft()) - getheight(node.getright()) == 2: # an unbalance detected - if data < node.getleft().getdata(): # new node is the left child of the left child - node = leftrotation(node) - else: - node = rlrotation(node) # new node is the right child of the left child - else: - node.setright(insert_node(node.getright(), data)) - if getheight(node.getright()) - getheight(node.getleft()) == 2: - if data < node.getright().getdata(): - node = lrrotation(node) - else: - node = rightrotation(node) - h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 - node.setheight(h1) - return node - - -def getRightMost(root): - while root.getright() is not None: - root = root.getright() - return root.getdata() - - -def getLeftMost(root): - while root.getleft() is not None: - root = root.getleft() - return root.getdata() - - -def del_node(root, data): - if root.getdata() == data: - if root.getleft() is not None and root.getright() is not None: - temp_data = getLeftMost(root.getright()) - root.setdata(temp_data) - root.setright(del_node(root.getright(), temp_data)) - elif root.getleft() is not None: - root = root.getleft() - else: - root = root.getright() - elif root.getdata() > data: - if root.getleft() is None: - print("No such data") - return root - else: - root.setleft(del_node(root.getleft(), data)) - elif root.getdata() < data: - if root.getright() is None: - return root - else: - root.setright(del_node(root.getright(), data)) - if root is None: - return root - if getheight(root.getright()) - getheight(root.getleft()) == 2: - if getheight(root.getright().getright()) > getheight(root.getright().getleft()): - root = rightrotation(root) - else: - root = lrrotation(root) - elif getheight(root.getright()) - getheight(root.getleft()) == -2: - if getheight(root.getleft().getleft()) > getheight(root.getleft().getright()): - root = leftrotation(root) - else: - root = rlrotation(root) - height = my_max(getheight(root.getright()), getheight(root.getleft())) + 1 - root.setheight(height) - return root - - -class AVLtree: - def __init__(self): - self.root = None - - def getheight(self): - # print("yyy") - return getheight(self.root) - - def insert(self, data): - print("insert:" + str(data)) - self.root = insert_node(self.root, data) - - def del_node(self, data): - print("delete:" + str(data)) - if self.root is None: - print("Tree is empty!") - return - self.root = del_node(self.root, data) - - def traversale(self): # a level traversale, gives a more intuitive look on the tree - q = my_queue() - q.push(self.root) - layer = self.getheight() - if layer == 0: - return - cnt = 0 - while not q.isEmpty(): - node = q.pop() - space = " " * int(math.pow(2, layer - 1)) - print(space, end="") - if node is None: - print("*", end="") - q.push(None) - q.push(None) - else: - print(node.getdata(), end="") - q.push(node.getleft()) - q.push(node.getright()) - print(space, end="") - cnt = cnt + 1 - for i in range(100): - if cnt == math.pow(2, i) - 1: - layer = layer - 1 - if layer == 0: - print() - print("*************************************") - return - print() - break - print() - print("*************************************") - return - - def test(self): - getheight(None) - print("****") - self.getheight() - - -if __name__ == "__main__": - t = AVLtree() - t.traversale() - l = list(range(10)) - random.shuffle(l) - for i in l: - t.insert(i) - t.traversale() - - random.shuffle(l) - for i in l: - t.del_node(i) - t.traversale() +# -*- coding: utf-8 -*- +''' +An auto-balanced binary tree! +''' +import math +import random + + +class my_queue: + def __init__(self): + self.data = [] + self.head = 0 + self.tail = 0 + + def isEmpty(self): + return self.head == self.tail + + def push(self, data): + self.data.append(data) + self.tail = self.tail + 1 + + def pop(self): + ret = self.data[self.head] + self.head = self.head + 1 + return ret + + def count(self): + return self.tail - self.head + + def print(self): + print(self.data) + print("**************") + print(self.data[self.head:self.tail]) + + +class my_node: + def __init__(self, data): + self.data = data + self.left = None + self.right = None + self.height = 1 + + def getdata(self): + return self.data + + def getleft(self): + return self.left + + def getright(self): + return self.right + + def getheight(self): + return self.height + + def setdata(self, data): + self.data = data + return + + def setleft(self, node): + self.left = node + return + + def setright(self, node): + self.right = node + return + + def setheight(self, height): + self.height = height + return + + +def getheight(node): + if node is None: + return 0 + return node.getheight() + + +def my_max(a, b): + if a > b: + return a + return b + + +def leftrotation(node): + r''' + A B + / \ / \ + B C Bl A + / \ --> / / \ + Bl Br UB Br C + / + UB + + UB = unbalanced node + ''' + print("left rotation node:", node.getdata()) + ret = node.getleft() + node.setleft(ret.getright()) + ret.setright(node) + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 + node.setheight(h1) + h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 + ret.setheight(h2) + return ret + + +def rightrotation(node): + ''' + a mirror symmetry rotation of the leftrotation + ''' + print("right rotation node:", node.getdata()) + ret = node.getright() + node.setright(ret.getleft()) + ret.setleft(node) + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 + node.setheight(h1) + h2 = my_max(getheight(ret.getright()), getheight(ret.getleft())) + 1 + ret.setheight(h2) + return ret + + +def rlrotation(node): + r''' + A A Br + / \ / \ / \ + B C RR Br C LR B A + / \ --> / \ --> / / \ + Bl Br B UB Bl UB C + \ / + UB Bl + RR = rightrotation LR = leftrotation + ''' + node.setleft(rightrotation(node.getleft())) + return leftrotation(node) + + +def lrrotation(node): + node.setright(leftrotation(node.getright())) + return rightrotation(node) + + +def insert_node(node, data): + if node is None: + return my_node(data) + if data < node.getdata(): + node.setleft(insert_node(node.getleft(), data)) + if getheight(node.getleft()) - getheight(node.getright()) == 2: # an unbalance detected + if data < node.getleft().getdata(): # new node is the left child of the left child + node = leftrotation(node) + else: + node = rlrotation(node) # new node is the right child of the left child + else: + node.setright(insert_node(node.getright(), data)) + if getheight(node.getright()) - getheight(node.getleft()) == 2: + if data < node.getright().getdata(): + node = lrrotation(node) + else: + node = rightrotation(node) + h1 = my_max(getheight(node.getright()), getheight(node.getleft())) + 1 + node.setheight(h1) + return node + + +def getRightMost(root): + while root.getright() is not None: + root = root.getright() + return root.getdata() + + +def getLeftMost(root): + while root.getleft() is not None: + root = root.getleft() + return root.getdata() + + +def del_node(root, data): + if root.getdata() == data: + if root.getleft() is not None and root.getright() is not None: + temp_data = getLeftMost(root.getright()) + root.setdata(temp_data) + root.setright(del_node(root.getright(), temp_data)) + elif root.getleft() is not None: + root = root.getleft() + else: + root = root.getright() + elif root.getdata() > data: + if root.getleft() is None: + print("No such data") + return root + else: + root.setleft(del_node(root.getleft(), data)) + elif root.getdata() < data: + if root.getright() is None: + return root + else: + root.setright(del_node(root.getright(), data)) + if root is None: + return root + if getheight(root.getright()) - getheight(root.getleft()) == 2: + if getheight(root.getright().getright()) > getheight(root.getright().getleft()): + root = rightrotation(root) + else: + root = lrrotation(root) + elif getheight(root.getright()) - getheight(root.getleft()) == -2: + if getheight(root.getleft().getleft()) > getheight(root.getleft().getright()): + root = leftrotation(root) + else: + root = rlrotation(root) + height = my_max(getheight(root.getright()), getheight(root.getleft())) + 1 + root.setheight(height) + return root + + +class AVLtree: + def __init__(self): + self.root = None + + def getheight(self): + # print("yyy") + return getheight(self.root) + + def insert(self, data): + print("insert:" + str(data)) + self.root = insert_node(self.root, data) + + def del_node(self, data): + print("delete:" + str(data)) + if self.root is None: + print("Tree is empty!") + return + self.root = del_node(self.root, data) + + def traversale(self): # a level traversale, gives a more intuitive look on the tree + q = my_queue() + q.push(self.root) + layer = self.getheight() + if layer == 0: + return + cnt = 0 + while not q.isEmpty(): + node = q.pop() + space = " " * int(math.pow(2, layer - 1)) + print(space, end="") + if node is None: + print("*", end="") + q.push(None) + q.push(None) + else: + print(node.getdata(), end="") + q.push(node.getleft()) + q.push(node.getright()) + print(space, end="") + cnt = cnt + 1 + for i in range(100): + if cnt == math.pow(2, i) - 1: + layer = layer - 1 + if layer == 0: + print() + print("*************************************") + return + print() + break + print() + print("*************************************") + return + + def test(self): + getheight(None) + print("****") + self.getheight() + + +if __name__ == "__main__": + t = AVLtree() + t.traversale() + l = list(range(10)) + random.shuffle(l) + for i in l: + t.insert(i) + t.traversale() + + random.shuffle(l) + for i in l: + t.del_node(i) + t.traversale() diff --git a/data_structures/binary tree/binary_search_tree.py b/data_structures/binary tree/binary_search_tree.py index 668e239b5d28..183cfcc74eac 100644 --- a/data_structures/binary tree/binary_search_tree.py +++ b/data_structures/binary tree/binary_search_tree.py @@ -1,264 +1,264 @@ -''' -A binary search Tree -''' -from __future__ import print_function - - -class Node: - - def __init__(self, label, parent): - self.label = label - self.left = None - self.right = None - # Added in order to delete a node easier - self.parent = parent - - def getLabel(self): - return self.label - - def setLabel(self, label): - self.label = label - - def getLeft(self): - return self.left - - def setLeft(self, left): - self.left = left - - def getRight(self): - return self.right - - def setRight(self, right): - self.right = right - - def getParent(self): - return self.parent - - def setParent(self, parent): - self.parent = parent - - -class BinarySearchTree: - - def __init__(self): - self.root = None - - def insert(self, label): - # Create a new Node - new_node = Node(label, None) - # If Tree is empty - if self.empty(): - self.root = new_node - else: - # If Tree is not empty - curr_node = self.root - # While we don't get to a leaf - while curr_node is not None: - # We keep reference of the parent node - parent_node = curr_node - # If node label is less than current node - if new_node.getLabel() < curr_node.getLabel(): - # We go left - curr_node = curr_node.getLeft() - else: - # Else we go right - curr_node = curr_node.getRight() - # We insert the new node in a leaf - if new_node.getLabel() < parent_node.getLabel(): - parent_node.setLeft(new_node) - else: - parent_node.setRight(new_node) - # Set parent to the new node - new_node.setParent(parent_node) - - def delete(self, label): - if (not self.empty()): - # Look for the node with that label - node = self.getNode(label) - # If the node exists - if (node is not None): - # If it has no children - if (node.getLeft() is None and node.getRight() is None): - self.__reassignNodes(node, None) - node = None - # Has only right children - elif (node.getLeft() is None and node.getRight() is not None): - self.__reassignNodes(node, node.getRight()) - # Has only left children - elif (node.getLeft() is not None and node.getRight() is None): - self.__reassignNodes(node, node.getLeft()) - # Has two children - else: - # Gets the max value of the left branch - tmpNode = self.getMax(node.getLeft()) - # Deletes the tmpNode - self.delete(tmpNode.getLabel()) - # Assigns the value to the node to delete and keesp tree structure - node.setLabel(tmpNode.getLabel()) - - def getNode(self, label): - curr_node = None - # If the tree is not empty - if (not self.empty()): - # Get tree root - curr_node = self.getRoot() - # While we don't find the node we look for - # I am using lazy evaluation here to avoid NoneType Attribute error - while curr_node is not None and curr_node.getLabel() is not label: - # If node label is less than current node - if label < curr_node.getLabel(): - # We go left - curr_node = curr_node.getLeft() - else: - # Else we go right - curr_node = curr_node.getRight() - return curr_node - - def getMax(self, root=None): - if (root is not None): - curr_node = root - else: - # We go deep on the right branch - curr_node = self.getRoot() - if (not self.empty()): - while (curr_node.getRight() is not None): - curr_node = curr_node.getRight() - return curr_node - - def getMin(self, root=None): - if (root is not None): - curr_node = root - else: - # We go deep on the left branch - curr_node = self.getRoot() - if (not self.empty()): - curr_node = self.getRoot() - while (curr_node.getLeft() is not None): - curr_node = curr_node.getLeft() - return curr_node - - def empty(self): - if self.root is None: - return True - return False - - def __InOrderTraversal(self, curr_node): - nodeList = [] - if curr_node is not None: - nodeList.insert(0, curr_node) - nodeList = nodeList + self.__InOrderTraversal(curr_node.getLeft()) - nodeList = nodeList + self.__InOrderTraversal(curr_node.getRight()) - return nodeList - - def getRoot(self): - return self.root - - def __isRightChildren(self, node): - if (node == node.getParent().getRight()): - return True - return False - - def __reassignNodes(self, node, newChildren): - if (newChildren is not None): - newChildren.setParent(node.getParent()) - if (node.getParent() is not None): - # If it is the Right Children - if (self.__isRightChildren(node)): - node.getParent().setRight(newChildren) - else: - # Else it is the left children - node.getParent().setLeft(newChildren) - - # This function traversal the tree. By default it returns an - # In order traversal list. You can pass a function to traversal - # The tree as needed by client code - def traversalTree(self, traversalFunction=None, root=None): - if (traversalFunction is None): - # Returns a list of nodes in preOrder by default - return self.__InOrderTraversal(self.root) - else: - # Returns a list of nodes in the order that the users wants to - return traversalFunction(self.root) - - # Returns an string of all the nodes labels in the list - # In Order Traversal - def __str__(self): - list = self.__InOrderTraversal(self.root) - str = "" - for x in list: - str = str + " " + x.getLabel().__str__() - return str - - -def InPreOrder(curr_node): - nodeList = [] - if curr_node is not None: - nodeList = nodeList + InPreOrder(curr_node.getLeft()) - nodeList.insert(0, curr_node.getLabel()) - nodeList = nodeList + InPreOrder(curr_node.getRight()) - return nodeList - - -def testBinarySearchTree(): - r''' - Example - 8 - / \ - 3 10 - / \ \ - 1 6 14 - / \ / - 4 7 13 - ''' - - r''' - Example After Deletion - 7 - / \ - 1 4 - - ''' - t = BinarySearchTree() - t.insert(8) - t.insert(3) - t.insert(6) - t.insert(1) - t.insert(10) - t.insert(14) - t.insert(13) - t.insert(4) - t.insert(7) - - # Prints all the elements of the list in order traversal - print(t.__str__()) - - if (t.getNode(6) is not None): - print("The label 6 exists") - else: - print("The label 6 doesn't exist") - - if (t.getNode(-1) is not None): - print("The label -1 exists") - else: - print("The label -1 doesn't exist") - - if (not t.empty()): - print(("Max Value: ", t.getMax().getLabel())) - print(("Min Value: ", t.getMin().getLabel())) - - t.delete(13) - t.delete(10) - t.delete(8) - t.delete(3) - t.delete(6) - t.delete(14) - - # Gets all the elements of the tree In pre order - # And it prints them - list = t.traversalTree(InPreOrder, t.root) - for x in list: - print(x) - - -if __name__ == "__main__": - testBinarySearchTree() +''' +A binary search Tree +''' +from __future__ import print_function + + +class Node: + + def __init__(self, label, parent): + self.label = label + self.left = None + self.right = None + # Added in order to delete a node easier + self.parent = parent + + def getLabel(self): + return self.label + + def setLabel(self, label): + self.label = label + + def getLeft(self): + return self.left + + def setLeft(self, left): + self.left = left + + def getRight(self): + return self.right + + def setRight(self, right): + self.right = right + + def getParent(self): + return self.parent + + def setParent(self, parent): + self.parent = parent + + +class BinarySearchTree: + + def __init__(self): + self.root = None + + def insert(self, label): + # Create a new Node + new_node = Node(label, None) + # If Tree is empty + if self.empty(): + self.root = new_node + else: + # If Tree is not empty + curr_node = self.root + # While we don't get to a leaf + while curr_node is not None: + # We keep reference of the parent node + parent_node = curr_node + # If node label is less than current node + if new_node.getLabel() < curr_node.getLabel(): + # We go left + curr_node = curr_node.getLeft() + else: + # Else we go right + curr_node = curr_node.getRight() + # We insert the new node in a leaf + if new_node.getLabel() < parent_node.getLabel(): + parent_node.setLeft(new_node) + else: + parent_node.setRight(new_node) + # Set parent to the new node + new_node.setParent(parent_node) + + def delete(self, label): + if (not self.empty()): + # Look for the node with that label + node = self.getNode(label) + # If the node exists + if (node is not None): + # If it has no children + if (node.getLeft() is None and node.getRight() is None): + self.__reassignNodes(node, None) + node = None + # Has only right children + elif (node.getLeft() is None and node.getRight() is not None): + self.__reassignNodes(node, node.getRight()) + # Has only left children + elif (node.getLeft() is not None and node.getRight() is None): + self.__reassignNodes(node, node.getLeft()) + # Has two children + else: + # Gets the max value of the left branch + tmpNode = self.getMax(node.getLeft()) + # Deletes the tmpNode + self.delete(tmpNode.getLabel()) + # Assigns the value to the node to delete and keesp tree structure + node.setLabel(tmpNode.getLabel()) + + def getNode(self, label): + curr_node = None + # If the tree is not empty + if (not self.empty()): + # Get tree root + curr_node = self.getRoot() + # While we don't find the node we look for + # I am using lazy evaluation here to avoid NoneType Attribute error + while curr_node is not None and curr_node.getLabel() is not label: + # If node label is less than current node + if label < curr_node.getLabel(): + # We go left + curr_node = curr_node.getLeft() + else: + # Else we go right + curr_node = curr_node.getRight() + return curr_node + + def getMax(self, root=None): + if (root is not None): + curr_node = root + else: + # We go deep on the right branch + curr_node = self.getRoot() + if (not self.empty()): + while (curr_node.getRight() is not None): + curr_node = curr_node.getRight() + return curr_node + + def getMin(self, root=None): + if (root is not None): + curr_node = root + else: + # We go deep on the left branch + curr_node = self.getRoot() + if (not self.empty()): + curr_node = self.getRoot() + while (curr_node.getLeft() is not None): + curr_node = curr_node.getLeft() + return curr_node + + def empty(self): + if self.root is None: + return True + return False + + def __InOrderTraversal(self, curr_node): + nodeList = [] + if curr_node is not None: + nodeList.insert(0, curr_node) + nodeList = nodeList + self.__InOrderTraversal(curr_node.getLeft()) + nodeList = nodeList + self.__InOrderTraversal(curr_node.getRight()) + return nodeList + + def getRoot(self): + return self.root + + def __isRightChildren(self, node): + if (node == node.getParent().getRight()): + return True + return False + + def __reassignNodes(self, node, newChildren): + if (newChildren is not None): + newChildren.setParent(node.getParent()) + if (node.getParent() is not None): + # If it is the Right Children + if (self.__isRightChildren(node)): + node.getParent().setRight(newChildren) + else: + # Else it is the left children + node.getParent().setLeft(newChildren) + + # This function traversal the tree. By default it returns an + # In order traversal list. You can pass a function to traversal + # The tree as needed by client code + def traversalTree(self, traversalFunction=None, root=None): + if (traversalFunction is None): + # Returns a list of nodes in preOrder by default + return self.__InOrderTraversal(self.root) + else: + # Returns a list of nodes in the order that the users wants to + return traversalFunction(self.root) + + # Returns an string of all the nodes labels in the list + # In Order Traversal + def __str__(self): + list = self.__InOrderTraversal(self.root) + str = "" + for x in list: + str = str + " " + x.getLabel().__str__() + return str + + +def InPreOrder(curr_node): + nodeList = [] + if curr_node is not None: + nodeList = nodeList + InPreOrder(curr_node.getLeft()) + nodeList.insert(0, curr_node.getLabel()) + nodeList = nodeList + InPreOrder(curr_node.getRight()) + return nodeList + + +def testBinarySearchTree(): + r''' + Example + 8 + / \ + 3 10 + / \ \ + 1 6 14 + / \ / + 4 7 13 + ''' + + r''' + Example After Deletion + 7 + / \ + 1 4 + + ''' + t = BinarySearchTree() + t.insert(8) + t.insert(3) + t.insert(6) + t.insert(1) + t.insert(10) + t.insert(14) + t.insert(13) + t.insert(4) + t.insert(7) + + # Prints all the elements of the list in order traversal + print(t.__str__()) + + if (t.getNode(6) is not None): + print("The label 6 exists") + else: + print("The label 6 doesn't exist") + + if (t.getNode(-1) is not None): + print("The label -1 exists") + else: + print("The label -1 doesn't exist") + + if (not t.empty()): + print(("Max Value: ", t.getMax().getLabel())) + print(("Min Value: ", t.getMin().getLabel())) + + t.delete(13) + t.delete(10) + t.delete(8) + t.delete(3) + t.delete(6) + t.delete(14) + + # Gets all the elements of the tree In pre order + # And it prints them + list = t.traversalTree(InPreOrder, t.root) + for x in list: + print(x) + + +if __name__ == "__main__": + testBinarySearchTree() diff --git a/data_structures/binary tree/fenwick_tree.py b/data_structures/binary tree/fenwick_tree.py index abcae7180a82..9253210c9875 100644 --- a/data_structures/binary tree/fenwick_tree.py +++ b/data_structures/binary tree/fenwick_tree.py @@ -1,32 +1,32 @@ -from __future__ import print_function - - -class FenwickTree: - - def __init__(self, SIZE): # create fenwick tree with size SIZE - self.Size = SIZE - self.ft = [0 for i in range(0, SIZE)] - - def update(self, i, val): # update data (adding) in index i in O(lg N) - while (i < self.Size): - self.ft[i] += val - i += i & (-i) - - def query(self, i): # query cumulative data from index 0 to i in O(lg N) - ret = 0 - while (i > 0): - ret += self.ft[i] - i -= i & (-i) - return ret - - -if __name__ == '__main__': - f = FenwickTree(100) - f.update(1, 20) - f.update(4, 4) - print(f.query(1)) - print(f.query(3)) - print(f.query(4)) - f.update(2, -5) - print(f.query(1)) - print(f.query(3)) +from __future__ import print_function + + +class FenwickTree: + + def __init__(self, SIZE): # create fenwick tree with size SIZE + self.Size = SIZE + self.ft = [0 for i in range(0, SIZE)] + + def update(self, i, val): # update data (adding) in index i in O(lg N) + while (i < self.Size): + self.ft[i] += val + i += i & (-i) + + def query(self, i): # query cumulative data from index 0 to i in O(lg N) + ret = 0 + while (i > 0): + ret += self.ft[i] + i -= i & (-i) + return ret + + +if __name__ == '__main__': + f = FenwickTree(100) + f.update(1, 20) + f.update(4, 4) + print(f.query(1)) + print(f.query(3)) + print(f.query(4)) + f.update(2, -5) + print(f.query(1)) + print(f.query(3)) diff --git a/data_structures/binary tree/lazy_segment_tree.py b/data_structures/binary tree/lazy_segment_tree.py index 85e3bf5ee199..0bb0b0edc1af 100644 --- a/data_structures/binary tree/lazy_segment_tree.py +++ b/data_structures/binary tree/lazy_segment_tree.py @@ -1,93 +1,93 @@ -from __future__ import print_function - -import math - - -class SegmentTree: - - def __init__(self, N): - self.N = N - self.st = [0 for i in range(0, 4 * N)] # approximate the overall size of segment tree with array N - self.lazy = [0 for i in range(0, 4 * N)] # create array to store lazy update - self.flag = [0 for i in range(0, 4 * N)] # flag for lazy update - - def left(self, idx): - return idx * 2 - - def right(self, idx): - return idx * 2 + 1 - - def build(self, idx, l, r, A): - if l == r: - self.st[idx] = A[l - 1] - else: - mid = (l + r) // 2 - self.build(self.left(idx), l, mid, A) - self.build(self.right(idx), mid + 1, r, A) - self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) - - # update with O(lg N) (Normal segment tree without lazy update will take O(Nlg N) for each update) - def update(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] - if self.flag[idx] == True: - self.st[idx] = self.lazy[idx] - self.flag[idx] = False - if l != r: - self.lazy[self.left(idx)] = self.lazy[idx] - self.lazy[self.right(idx)] = self.lazy[idx] - self.flag[self.left(idx)] = True - self.flag[self.right(idx)] = True - - if r < a or l > b: - return True - if l >= a and r <= b: - self.st[idx] = val - if l != r: - self.lazy[self.left(idx)] = val - self.lazy[self.right(idx)] = val - self.flag[self.left(idx)] = True - self.flag[self.right(idx)] = True - return True - mid = (l + r) // 2 - self.update(self.left(idx), l, mid, a, b, val) - self.update(self.right(idx), mid + 1, r, a, b, val) - self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) - return True - - # query with O(lg N) - def query(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] - if self.flag[idx] == True: - self.st[idx] = self.lazy[idx] - self.flag[idx] = False - if l != r: - self.lazy[self.left(idx)] = self.lazy[idx] - self.lazy[self.right(idx)] = self.lazy[idx] - self.flag[self.left(idx)] = True - self.flag[self.right(idx)] = True - if r < a or l > b: - return -math.inf - if l >= a and r <= b: - return self.st[idx] - mid = (l + r) // 2 - q1 = self.query(self.left(idx), l, mid, a, b) - q2 = self.query(self.right(idx), mid + 1, r, a, b) - return max(q1, q2) - - def showData(self): - showList = [] - for i in range(1, N + 1): - showList += [self.query(1, 1, self.N, i, i)] - print(showList) - - -if __name__ == '__main__': - A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] - N = 15 - segt = SegmentTree(N) - segt.build(1, 1, N, A) - print(segt.query(1, 1, N, 4, 6)) - print(segt.query(1, 1, N, 7, 11)) - print(segt.query(1, 1, N, 7, 12)) - segt.update(1, 1, N, 1, 3, 111) - print(segt.query(1, 1, N, 1, 15)) - segt.update(1, 1, N, 7, 8, 235) - segt.showData() +from __future__ import print_function + +import math + + +class SegmentTree: + + def __init__(self, N): + self.N = N + self.st = [0 for i in range(0, 4 * N)] # approximate the overall size of segment tree with array N + self.lazy = [0 for i in range(0, 4 * N)] # create array to store lazy update + self.flag = [0 for i in range(0, 4 * N)] # flag for lazy update + + def left(self, idx): + return idx * 2 + + def right(self, idx): + return idx * 2 + 1 + + def build(self, idx, l, r, A): + if l == r: + self.st[idx] = A[l - 1] + else: + mid = (l + r) // 2 + self.build(self.left(idx), l, mid, A) + self.build(self.right(idx), mid + 1, r, A) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + + # update with O(lg N) (Normal segment tree without lazy update will take O(Nlg N) for each update) + def update(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] + if self.flag[idx] == True: + self.st[idx] = self.lazy[idx] + self.flag[idx] = False + if l != r: + self.lazy[self.left(idx)] = self.lazy[idx] + self.lazy[self.right(idx)] = self.lazy[idx] + self.flag[self.left(idx)] = True + self.flag[self.right(idx)] = True + + if r < a or l > b: + return True + if l >= a and r <= b: + self.st[idx] = val + if l != r: + self.lazy[self.left(idx)] = val + self.lazy[self.right(idx)] = val + self.flag[self.left(idx)] = True + self.flag[self.right(idx)] = True + return True + mid = (l + r) // 2 + self.update(self.left(idx), l, mid, a, b, val) + self.update(self.right(idx), mid + 1, r, a, b, val) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + return True + + # query with O(lg N) + def query(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] + if self.flag[idx] == True: + self.st[idx] = self.lazy[idx] + self.flag[idx] = False + if l != r: + self.lazy[self.left(idx)] = self.lazy[idx] + self.lazy[self.right(idx)] = self.lazy[idx] + self.flag[self.left(idx)] = True + self.flag[self.right(idx)] = True + if r < a or l > b: + return -math.inf + if l >= a and r <= b: + return self.st[idx] + mid = (l + r) // 2 + q1 = self.query(self.left(idx), l, mid, a, b) + q2 = self.query(self.right(idx), mid + 1, r, a, b) + return max(q1, q2) + + def showData(self): + showList = [] + for i in range(1, N + 1): + showList += [self.query(1, 1, self.N, i, i)] + print(showList) + + +if __name__ == '__main__': + A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] + N = 15 + segt = SegmentTree(N) + segt.build(1, 1, N, A) + print(segt.query(1, 1, N, 4, 6)) + print(segt.query(1, 1, N, 7, 11)) + print(segt.query(1, 1, N, 7, 12)) + segt.update(1, 1, N, 1, 3, 111) + print(segt.query(1, 1, N, 1, 15)) + segt.update(1, 1, N, 7, 8, 235) + segt.showData() diff --git a/data_structures/binary tree/segment_tree.py b/data_structures/binary tree/segment_tree.py index c4b2cab8683c..cb68749936a4 100644 --- a/data_structures/binary tree/segment_tree.py +++ b/data_structures/binary tree/segment_tree.py @@ -1,73 +1,73 @@ -from __future__ import print_function - -import math - - -class SegmentTree: - - def __init__(self, A): - self.N = len(A) - self.st = [0] * (4 * self.N) # approximate the overall size of segment tree with array N - self.build(1, 0, self.N - 1) - - def left(self, idx): - return idx * 2 - - def right(self, idx): - return idx * 2 + 1 - - def build(self, idx, l, r): - if l == r: - self.st[idx] = A[l] - else: - mid = (l + r) // 2 - self.build(self.left(idx), l, mid) - self.build(self.right(idx), mid + 1, r) - self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) - - def update(self, a, b, val): - return self.update_recursive(1, 0, self.N - 1, a - 1, b - 1, val) - - def update_recursive(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] - if r < a or l > b: - return True - if l == r: - self.st[idx] = val - return True - mid = (l + r) // 2 - self.update_recursive(self.left(idx), l, mid, a, b, val) - self.update_recursive(self.right(idx), mid + 1, r, a, b, val) - self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) - return True - - def query(self, a, b): - return self.query_recursive(1, 0, self.N - 1, a - 1, b - 1) - - def query_recursive(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] - if r < a or l > b: - return -math.inf - if l >= a and r <= b: - return self.st[idx] - mid = (l + r) // 2 - q1 = self.query_recursive(self.left(idx), l, mid, a, b) - q2 = self.query_recursive(self.right(idx), mid + 1, r, a, b) - return max(q1, q2) - - def showData(self): - showList = [] - for i in range(1, N + 1): - showList += [self.query(i, i)] - print(showList) - - -if __name__ == '__main__': - A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] - N = 15 - segt = SegmentTree(A) - print(segt.query(4, 6)) - print(segt.query(7, 11)) - print(segt.query(7, 12)) - segt.update(1, 3, 111) - print(segt.query(1, 15)) - segt.update(7, 8, 235) - segt.showData() +from __future__ import print_function + +import math + + +class SegmentTree: + + def __init__(self, A): + self.N = len(A) + self.st = [0] * (4 * self.N) # approximate the overall size of segment tree with array N + self.build(1, 0, self.N - 1) + + def left(self, idx): + return idx * 2 + + def right(self, idx): + return idx * 2 + 1 + + def build(self, idx, l, r): + if l == r: + self.st[idx] = A[l] + else: + mid = (l + r) // 2 + self.build(self.left(idx), l, mid) + self.build(self.right(idx), mid + 1, r) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + + def update(self, a, b, val): + return self.update_recursive(1, 0, self.N - 1, a - 1, b - 1, val) + + def update_recursive(self, idx, l, r, a, b, val): # update(1, 1, N, a, b, v) for update val v to [a,b] + if r < a or l > b: + return True + if l == r: + self.st[idx] = val + return True + mid = (l + r) // 2 + self.update_recursive(self.left(idx), l, mid, a, b, val) + self.update_recursive(self.right(idx), mid + 1, r, a, b, val) + self.st[idx] = max(self.st[self.left(idx)], self.st[self.right(idx)]) + return True + + def query(self, a, b): + return self.query_recursive(1, 0, self.N - 1, a - 1, b - 1) + + def query_recursive(self, idx, l, r, a, b): # query(1, 1, N, a, b) for query max of [a,b] + if r < a or l > b: + return -math.inf + if l >= a and r <= b: + return self.st[idx] + mid = (l + r) // 2 + q1 = self.query_recursive(self.left(idx), l, mid, a, b) + q2 = self.query_recursive(self.right(idx), mid + 1, r, a, b) + return max(q1, q2) + + def showData(self): + showList = [] + for i in range(1, N + 1): + showList += [self.query(i, i)] + print(showList) + + +if __name__ == '__main__': + A = [1, 2, -4, 7, 3, -5, 6, 11, -20, 9, 14, 15, 5, 2, -8] + N = 15 + segt = SegmentTree(A) + print(segt.query(4, 6)) + print(segt.query(7, 11)) + print(segt.query(7, 12)) + segt.update(1, 3, 111) + print(segt.query(1, 15)) + segt.update(7, 8, 235) + segt.showData() diff --git a/data_structures/binary tree/treap.py b/data_structures/binary tree/treap.py index 81553342dc3f..5d34abc3c931 100644 --- a/data_structures/binary tree/treap.py +++ b/data_structures/binary tree/treap.py @@ -1,130 +1,130 @@ -from random import random -from typing import Tuple - - -class Node: - """ - Treap's node - Treap is a binary tree by key and heap by priority - """ - - def __init__(self, key: int): - self.key = key - self.prior = random() - self.l = None - self.r = None - - -def split(root: Node, key: int) -> Tuple[Node, Node]: - """ - We split current tree into 2 trees with key: - - Left tree contains all keys less than split key. - Right tree contains all keys greater or equal, than split key - """ - if root is None: # None tree is split into 2 Nones - return (None, None) - if root.key >= key: - """ - Right tree's root will be current node. - Now we split(with the same key) current node's left son - Left tree: left part of that split - Right tree's left son: right part of that split - """ - l, root.l = split(root.l, key) - return (l, root) - else: - """ - Just symmetric to previous case - """ - root.r, r = split(root.r, key) - return (root, r) - - -def merge(left: Node, right: Node) -> Node: - """ - We merge 2 trees into one. - Note: all left tree's keys must be less than all right tree's - """ - if (not left) or (not right): - """ - If one node is None, return the other - """ - return left or right - if left.key > right.key: - """ - Left will be root because it has more priority - Now we need to merge left's right son and right tree - """ - left.r = merge(left.r, right) - return left - else: - """ - Symmetric as well - """ - right.l = merge(left, right.l) - return right - - -def insert(root: Node, key: int) -> Node: - """ - Insert element - - Split current tree with a key into l, r, - Insert new node into the middle - Merge l, node, r into root - """ - node = Node(key) - l, r = split(root, key) - root = merge(l, node) - root = merge(root, r) - return root - - -def erase(root: Node, key: int) -> Node: - """ - Erase element - - Split all nodes with keys less into l, - Split all nodes with keys greater into r. - Merge l, r - """ - l, r = split(root, key) - _, r = split(r, key + 1) - return merge(l, r) - - -def node_print(root: Node): - """ - Just recursive print of a tree - """ - if not root: - return - node_print(root.l) - print(root.key, end=" ") - node_print(root.r) - - -def interactTreap(): - """ - Commands: - + key to add key into treap - - key to erase all nodes with key - - After each command, program prints treap - """ - root = None - while True: - cmd = input().split() - cmd[1] = int(cmd[1]) - if cmd[0] == "+": - root = insert(root, cmd[1]) - elif cmd[0] == "-": - root = erase(root, cmd[1]) - else: - print("Unknown command") - node_print(root) - - -if __name__ == "__main__": - interactTreap() +from random import random +from typing import Tuple + + +class Node: + """ + Treap's node + Treap is a binary tree by key and heap by priority + """ + + def __init__(self, key: int): + self.key = key + self.prior = random() + self.l = None + self.r = None + + +def split(root: Node, key: int) -> Tuple[Node, Node]: + """ + We split current tree into 2 trees with key: + + Left tree contains all keys less than split key. + Right tree contains all keys greater or equal, than split key + """ + if root is None: # None tree is split into 2 Nones + return (None, None) + if root.key >= key: + """ + Right tree's root will be current node. + Now we split(with the same key) current node's left son + Left tree: left part of that split + Right tree's left son: right part of that split + """ + l, root.l = split(root.l, key) + return (l, root) + else: + """ + Just symmetric to previous case + """ + root.r, r = split(root.r, key) + return (root, r) + + +def merge(left: Node, right: Node) -> Node: + """ + We merge 2 trees into one. + Note: all left tree's keys must be less than all right tree's + """ + if (not left) or (not right): + """ + If one node is None, return the other + """ + return left or right + if left.key > right.key: + """ + Left will be root because it has more priority + Now we need to merge left's right son and right tree + """ + left.r = merge(left.r, right) + return left + else: + """ + Symmetric as well + """ + right.l = merge(left, right.l) + return right + + +def insert(root: Node, key: int) -> Node: + """ + Insert element + + Split current tree with a key into l, r, + Insert new node into the middle + Merge l, node, r into root + """ + node = Node(key) + l, r = split(root, key) + root = merge(l, node) + root = merge(root, r) + return root + + +def erase(root: Node, key: int) -> Node: + """ + Erase element + + Split all nodes with keys less into l, + Split all nodes with keys greater into r. + Merge l, r + """ + l, r = split(root, key) + _, r = split(r, key + 1) + return merge(l, r) + + +def node_print(root: Node): + """ + Just recursive print of a tree + """ + if not root: + return + node_print(root.l) + print(root.key, end=" ") + node_print(root.r) + + +def interactTreap(): + """ + Commands: + + key to add key into treap + - key to erase all nodes with key + + After each command, program prints treap + """ + root = None + while True: + cmd = input().split() + cmd[1] = int(cmd[1]) + if cmd[0] == "+": + root = insert(root, cmd[1]) + elif cmd[0] == "-": + root = erase(root, cmd[1]) + else: + print("Unknown command") + node_print(root) + + +if __name__ == "__main__": + interactTreap() diff --git a/data_structures/hashing/__init__.py b/data_structures/hashing/__init__.py index 8b75d211355d..034faa2b5fa9 100644 --- a/data_structures/hashing/__init__.py +++ b/data_structures/hashing/__init__.py @@ -1,7 +1,7 @@ -from .hash_table import HashTable - - -class QuadraticProbing(HashTable): - - def __init__(self): - super(self.__class__, self).__init__() +from .hash_table import HashTable + + +class QuadraticProbing(HashTable): + + def __init__(self): + super(self.__class__, self).__init__() diff --git a/data_structures/hashing/double_hash.py b/data_structures/hashing/double_hash.py index 20b1df5c894f..d7cd8d2e2db6 100644 --- a/data_structures/hashing/double_hash.py +++ b/data_structures/hashing/double_hash.py @@ -1,37 +1,37 @@ -#!/usr/bin/env python3 - -from number_theory.prime_numbers import next_prime, check_prime - -from .hash_table import HashTable - - -class DoubleHash(HashTable): - """ - Hash Table example with open addressing and Double Hash - """ - - def __init__(self, *args, **kwargs): - super().__init__(*args, **kwargs) - - def __hash_function_2(self, value, data): - - next_prime_gt = next_prime(value % self.size_table) \ - if not check_prime(value % self.size_table) else value % self.size_table # gt = bigger than - return next_prime_gt - (data % next_prime_gt) - - def __hash_double_function(self, key, data, increment): - return (increment * self.__hash_function_2(key, data)) % self.size_table - - def _colision_resolution(self, key, data=None): - i = 1 - new_key = self.hash_function(data) - - while self.values[new_key] is not None and self.values[new_key] != key: - new_key = self.__hash_double_function(key, data, i) if \ - self.balanced_factor() >= self.lim_charge else None - if new_key is None: - break - else: - i += 1 - - return new_key +#!/usr/bin/env python3 + +from number_theory.prime_numbers import next_prime, check_prime + +from .hash_table import HashTable + + +class DoubleHash(HashTable): + """ + Hash Table example with open addressing and Double Hash + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + def __hash_function_2(self, value, data): + + next_prime_gt = next_prime(value % self.size_table) \ + if not check_prime(value % self.size_table) else value % self.size_table # gt = bigger than + return next_prime_gt - (data % next_prime_gt) + + def __hash_double_function(self, key, data, increment): + return (increment * self.__hash_function_2(key, data)) % self.size_table + + def _colision_resolution(self, key, data=None): + i = 1 + new_key = self.hash_function(data) + + while self.values[new_key] is not None and self.values[new_key] != key: + new_key = self.__hash_double_function(key, data, i) if \ + self.balanced_factor() >= self.lim_charge else None + if new_key is None: + break + else: + i += 1 + + return new_key diff --git a/data_structures/hashing/hash_table.py b/data_structures/hashing/hash_table.py index c7b130ee188a..ff624dbdf323 100644 --- a/data_structures/hashing/hash_table.py +++ b/data_structures/hashing/hash_table.py @@ -1,82 +1,82 @@ -#!/usr/bin/env python3 -from number_theory.prime_numbers import next_prime - - -class HashTable: - """ - Basic Hash Table example with open addressing and linear probing - """ - - def __init__(self, size_table, charge_factor=None, lim_charge=None): - self.size_table = size_table - self.values = [None] * self.size_table - self.lim_charge = 0.75 if lim_charge is None else lim_charge - self.charge_factor = 1 if charge_factor is None else charge_factor - self.__aux_list = [] - self._keys = {} - - def keys(self): - return self._keys - - def balanced_factor(self): - return sum([1 for slot in self.values - if slot is not None]) / (self.size_table * self.charge_factor) - - def hash_function(self, key): - return key % self.size_table - - def _step_by_step(self, step_ord): - - print("step {0}".format(step_ord)) - print([i for i in range(len(self.values))]) - print(self.values) - - def bulk_insert(self, values): - i = 1 - self.__aux_list = values - for value in values: - self.insert_data(value) - self._step_by_step(i) - i += 1 - - def _set_value(self, key, data): - self.values[key] = data - self._keys[key] = data - - def _colision_resolution(self, key, data=None): - new_key = self.hash_function(key + 1) - - while self.values[new_key] is not None \ - and self.values[new_key] != key: - - if self.values.count(None) > 0: - new_key = self.hash_function(new_key + 1) - else: - new_key = None - break - - return new_key - - def rehashing(self): - survivor_values = [value for value in self.values if value is not None] - self.size_table = next_prime(self.size_table, factor=2) - self._keys.clear() - self.values = [None] * self.size_table # hell's pointers D: don't DRY ;/ - map(self.insert_data, survivor_values) - - def insert_data(self, data): - key = self.hash_function(data) - - if self.values[key] is None: - self._set_value(key, data) - - elif self.values[key] == data: - pass - - else: - colision_resolution = self._colision_resolution(key, data) - if colision_resolution is not None: - self._set_value(colision_resolution, data) - else: - self.rehashing() - self.insert_data(data) +#!/usr/bin/env python3 +from number_theory.prime_numbers import next_prime + + +class HashTable: + """ + Basic Hash Table example with open addressing and linear probing + """ + + def __init__(self, size_table, charge_factor=None, lim_charge=None): + self.size_table = size_table + self.values = [None] * self.size_table + self.lim_charge = 0.75 if lim_charge is None else lim_charge + self.charge_factor = 1 if charge_factor is None else charge_factor + self.__aux_list = [] + self._keys = {} + + def keys(self): + return self._keys + + def balanced_factor(self): + return sum([1 for slot in self.values + if slot is not None]) / (self.size_table * self.charge_factor) + + def hash_function(self, key): + return key % self.size_table + + def _step_by_step(self, step_ord): + + print("step {0}".format(step_ord)) + print([i for i in range(len(self.values))]) + print(self.values) + + def bulk_insert(self, values): + i = 1 + self.__aux_list = values + for value in values: + self.insert_data(value) + self._step_by_step(i) + i += 1 + + def _set_value(self, key, data): + self.values[key] = data + self._keys[key] = data + + def _colision_resolution(self, key, data=None): + new_key = self.hash_function(key + 1) + + while self.values[new_key] is not None \ + and self.values[new_key] != key: + + if self.values.count(None) > 0: + new_key = self.hash_function(new_key + 1) + else: + new_key = None + break + + return new_key + + def rehashing(self): + survivor_values = [value for value in self.values if value is not None] + self.size_table = next_prime(self.size_table, factor=2) + self._keys.clear() + self.values = [None] * self.size_table # hell's pointers D: don't DRY ;/ + map(self.insert_data, survivor_values) + + def insert_data(self, data): + key = self.hash_function(data) + + if self.values[key] is None: + self._set_value(key, data) + + elif self.values[key] == data: + pass + + else: + colision_resolution = self._colision_resolution(key, data) + if colision_resolution is not None: + self._set_value(colision_resolution, data) + else: + self.rehashing() + self.insert_data(data) diff --git a/data_structures/hashing/hash_table_with_linked_list.py b/data_structures/hashing/hash_table_with_linked_list.py index f6845ad7f7b5..6e5ed2828779 100644 --- a/data_structures/hashing/hash_table_with_linked_list.py +++ b/data_structures/hashing/hash_table_with_linked_list.py @@ -1,23 +1,23 @@ -from collections import deque - -from .hash_table import HashTable - - -class HashTableWithLinkedList(HashTable): - def __init__(self, *args, **kwargs): - super().__init__(*args, **kwargs) - - def _set_value(self, key, data): - self.values[key] = deque([]) if self.values[key] is None else self.values[key] - self.values[key].appendleft(data) - self._keys[key] = self.values[key] - - def balanced_factor(self): - return sum([self.charge_factor - len(slot) for slot in self.values]) \ - / self.size_table * self.charge_factor - - def _colision_resolution(self, key, data=None): - if not (len(self.values[key]) == self.charge_factor - and self.values.count(None) == 0): - return key - return super()._colision_resolution(key, data) +from collections import deque + +from .hash_table import HashTable + + +class HashTableWithLinkedList(HashTable): + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + def _set_value(self, key, data): + self.values[key] = deque([]) if self.values[key] is None else self.values[key] + self.values[key].appendleft(data) + self._keys[key] = self.values[key] + + def balanced_factor(self): + return sum([self.charge_factor - len(slot) for slot in self.values]) \ + / self.size_table * self.charge_factor + + def _colision_resolution(self, key, data=None): + if not (len(self.values[key]) == self.charge_factor + and self.values.count(None) == 0): + return key + return super()._colision_resolution(key, data) diff --git a/data_structures/hashing/number_theory/prime_numbers.py b/data_structures/hashing/number_theory/prime_numbers.py index 907f16235fe8..778cda8a2843 100644 --- a/data_structures/hashing/number_theory/prime_numbers.py +++ b/data_structures/hashing/number_theory/prime_numbers.py @@ -1,29 +1,29 @@ -#!/usr/bin/env python3 -""" - module to operations with prime numbers -""" - - -def check_prime(number): - """ - it's not the best solution - """ - special_non_primes = [0, 1, 2] - if number in special_non_primes[:2]: - return 2 - elif number == special_non_primes[-1]: - return 3 - - return all([number % i for i in range(2, number)]) - - -def next_prime(value, factor=1, **kwargs): - value = factor * value - first_value_val = value - - while not check_prime(value): - value += 1 if not ("desc" in kwargs.keys() and kwargs["desc"] is True) else -1 - - if value == first_value_val: - return next_prime(value + 1, **kwargs) - return value +#!/usr/bin/env python3 +""" + module to operations with prime numbers +""" + + +def check_prime(number): + """ + it's not the best solution + """ + special_non_primes = [0, 1, 2] + if number in special_non_primes[:2]: + return 2 + elif number == special_non_primes[-1]: + return 3 + + return all([number % i for i in range(2, number)]) + + +def next_prime(value, factor=1, **kwargs): + value = factor * value + first_value_val = value + + while not check_prime(value): + value += 1 if not ("desc" in kwargs.keys() and kwargs["desc"] is True) else -1 + + if value == first_value_val: + return next_prime(value + 1, **kwargs) + return value diff --git a/data_structures/hashing/quadratic_probing.py b/data_structures/hashing/quadratic_probing.py index 39fe10b0fedd..dd0af607cc66 100644 --- a/data_structures/hashing/quadratic_probing.py +++ b/data_structures/hashing/quadratic_probing.py @@ -1,27 +1,27 @@ -#!/usr/bin/env python3 - -from .hash_table import HashTable - - -class QuadraticProbing(HashTable): - """ - Basic Hash Table example with open addressing using Quadratic Probing - """ - - def __init__(self, *args, **kwargs): - super().__init__(*args, **kwargs) - - def _colision_resolution(self, key, data=None): - i = 1 - new_key = self.hash_function(key + i * i) - - while self.values[new_key] is not None \ - and self.values[new_key] != key: - i += 1 - new_key = self.hash_function(key + i * i) if not \ - self.balanced_factor() >= self.lim_charge else None - - if new_key is None: - break - - return new_key +#!/usr/bin/env python3 + +from .hash_table import HashTable + + +class QuadraticProbing(HashTable): + """ + Basic Hash Table example with open addressing using Quadratic Probing + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + def _colision_resolution(self, key, data=None): + i = 1 + new_key = self.hash_function(key + i * i) + + while self.values[new_key] is not None \ + and self.values[new_key] != key: + i += 1 + new_key = self.hash_function(key + i * i) if not \ + self.balanced_factor() >= self.lim_charge else None + + if new_key is None: + break + + return new_key diff --git a/data_structures/heap/heap.py b/data_structures/heap/heap.py index c0b0fb80d6d3..8431116d6b24 100644 --- a/data_structures/heap/heap.py +++ b/data_structures/heap/heap.py @@ -1,92 +1,92 @@ -#!/usr/bin/python - -from __future__ import print_function, division - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -# This heap class start from here. -class Heap: - def __init__(self): # Default constructor of heap class. - self.h = [] - self.currsize = 0 - - def leftChild(self, i): - if 2 * i + 1 < self.currsize: - return 2 * i + 1 - return None - - def rightChild(self, i): - if 2 * i + 2 < self.currsize: - return 2 * i + 2 - return None - - def maxHeapify(self, node): - if node < self.currsize: - m = node - lc = self.leftChild(node) - rc = self.rightChild(node) - if lc is not None and self.h[lc] > self.h[m]: - m = lc - if rc is not None and self.h[rc] > self.h[m]: - m = rc - if m != node: - temp = self.h[node] - self.h[node] = self.h[m] - self.h[m] = temp - self.maxHeapify(m) - - def buildHeap(self, a): # This function is used to build the heap from the data container 'a'. - self.currsize = len(a) - self.h = list(a) - for i in range(self.currsize // 2, -1, -1): - self.maxHeapify(i) - - def getMax(self): # This function is used to get maximum value from the heap. - if self.currsize >= 1: - me = self.h[0] - temp = self.h[0] - self.h[0] = self.h[self.currsize - 1] - self.h[self.currsize - 1] = temp - self.currsize -= 1 - self.maxHeapify(0) - return me - return None - - def heapSort(self): # This function is used to sort the heap. - size = self.currsize - while self.currsize - 1 >= 0: - temp = self.h[0] - self.h[0] = self.h[self.currsize - 1] - self.h[self.currsize - 1] = temp - self.currsize -= 1 - self.maxHeapify(0) - self.currsize = size - - def insert(self, data): # This function is used to insert data in the heap. - self.h.append(data) - curr = self.currsize - self.currsize += 1 - while self.h[curr] > self.h[curr / 2]: - temp = self.h[curr / 2] - self.h[curr / 2] = self.h[curr] - self.h[curr] = temp - curr = curr / 2 - - def display(self): # This function is used to print the heap. - print(self.h) - - -def main(): - l = list(map(int, raw_input().split())) - h = Heap() - h.buildHeap(l) - h.heapSort() - h.display() - - -if __name__ == '__main__': - main() +#!/usr/bin/python + +from __future__ import print_function, division + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +# This heap class start from here. +class Heap: + def __init__(self): # Default constructor of heap class. + self.h = [] + self.currsize = 0 + + def leftChild(self, i): + if 2 * i + 1 < self.currsize: + return 2 * i + 1 + return None + + def rightChild(self, i): + if 2 * i + 2 < self.currsize: + return 2 * i + 2 + return None + + def maxHeapify(self, node): + if node < self.currsize: + m = node + lc = self.leftChild(node) + rc = self.rightChild(node) + if lc is not None and self.h[lc] > self.h[m]: + m = lc + if rc is not None and self.h[rc] > self.h[m]: + m = rc + if m != node: + temp = self.h[node] + self.h[node] = self.h[m] + self.h[m] = temp + self.maxHeapify(m) + + def buildHeap(self, a): # This function is used to build the heap from the data container 'a'. + self.currsize = len(a) + self.h = list(a) + for i in range(self.currsize // 2, -1, -1): + self.maxHeapify(i) + + def getMax(self): # This function is used to get maximum value from the heap. + if self.currsize >= 1: + me = self.h[0] + temp = self.h[0] + self.h[0] = self.h[self.currsize - 1] + self.h[self.currsize - 1] = temp + self.currsize -= 1 + self.maxHeapify(0) + return me + return None + + def heapSort(self): # This function is used to sort the heap. + size = self.currsize + while self.currsize - 1 >= 0: + temp = self.h[0] + self.h[0] = self.h[self.currsize - 1] + self.h[self.currsize - 1] = temp + self.currsize -= 1 + self.maxHeapify(0) + self.currsize = size + + def insert(self, data): # This function is used to insert data in the heap. + self.h.append(data) + curr = self.currsize + self.currsize += 1 + while self.h[curr] > self.h[curr / 2]: + temp = self.h[curr / 2] + self.h[curr / 2] = self.h[curr] + self.h[curr] = temp + curr = curr / 2 + + def display(self): # This function is used to print the heap. + print(self.h) + + +def main(): + l = list(map(int, raw_input().split())) + h = Heap() + h.buildHeap(l) + h.heapSort() + h.display() + + +if __name__ == '__main__': + main() diff --git a/data_structures/linked_list/__init__.py b/data_structures/linked_list/__init__.py index 2e6a5a3a89d6..a050adba42b2 100644 --- a/data_structures/linked_list/__init__.py +++ b/data_structures/linked_list/__init__.py @@ -1,23 +1,23 @@ -class Node: - def __init__(self, item, next): - self.item = item - self.next = next - - -class LinkedList: - def __init__(self): - self.head = None - - def add(self, item): - self.head = Node(item, self.head) - - def remove(self): - if self.is_empty(): - return None - else: - item = self.head.item - self.head = self.head.next - return item - - def is_empty(self): - return self.head is None +class Node: + def __init__(self, item, next): + self.item = item + self.next = next + + +class LinkedList: + def __init__(self): + self.head = None + + def add(self, item): + self.head = Node(item, self.head) + + def remove(self): + if self.is_empty(): + return None + else: + item = self.head.item + self.head = self.head.next + return item + + def is_empty(self): + return self.head is None diff --git a/data_structures/linked_list/doubly_linked_list.py b/data_structures/linked_list/doubly_linked_list.py index 4f6cce0569f3..b00b4f52c82b 100644 --- a/data_structures/linked_list/doubly_linked_list.py +++ b/data_structures/linked_list/doubly_linked_list.py @@ -1,80 +1,80 @@ -''' -- A linked list is similar to an array, it holds values. However, links in a linked list do not have indexes. -- This is an example of a double ended, doubly linked list. -- Each link references the next link and the previous one. -- A Doubly Linked List (DLL) contains an extra pointer, typically called previous pointer, together with next pointer and data which are there in singly linked list. - - Advantages over SLL - IT can be traversed in both forward and backward direction.,Delete operation is more efficent''' -from __future__ import print_function - - -class LinkedList: # making main class named linked list - def __init__(self): - self.head = None - self.tail = None - - def insertHead(self, x): - newLink = Link(x) # Create a new link with a value attached to it - if (self.isEmpty() == True): # Set the first element added to be the tail - self.tail = newLink - else: - self.head.previous = newLink # newLink <-- currenthead(head) - newLink.next = self.head # newLink <--> currenthead(head) - self.head = newLink # newLink(head) <--> oldhead - - def deleteHead(self): - temp = self.head - self.head = self.head.next # oldHead <--> 2ndElement(head) - self.head.previous = None # oldHead --> 2ndElement(head) nothing pointing at it so the old head will be removed - if (self.head is None): - self.tail = None # if empty linked list - return temp - - def insertTail(self, x): - newLink = Link(x) - newLink.next = None # currentTail(tail) newLink --> - self.tail.next = newLink # currentTail(tail) --> newLink --> - newLink.previous = self.tail # currentTail(tail) <--> newLink --> - self.tail = newLink # oldTail <--> newLink(tail) --> - - def deleteTail(self): - temp = self.tail - self.tail = self.tail.previous # 2ndLast(tail) <--> oldTail --> None - self.tail.next = None # 2ndlast(tail) --> None - return temp - - def delete(self, x): - current = self.head - - while (current.value != x): # Find the position to delete - current = current.next - - if (current == self.head): - self.deleteHead() - - elif (current == self.tail): - self.deleteTail() - - else: # Before: 1 <--> 2(current) <--> 3 - current.previous.next = current.next # 1 --> 3 - current.next.previous = current.previous # 1 <--> 3 - - def isEmpty(self): # Will return True if the list is empty - return (self.head is None) - - def display(self): # Prints contents of the list - current = self.head - while (current != None): - current.displayLink() - current = current.next - print() - - -class Link: - next = None # This points to the link in front of the new link - previous = None # This points to the link behind the new link - - def __init__(self, x): - self.value = x - - def displayLink(self): - print("{}".format(self.value), end=" ") +''' +- A linked list is similar to an array, it holds values. However, links in a linked list do not have indexes. +- This is an example of a double ended, doubly linked list. +- Each link references the next link and the previous one. +- A Doubly Linked List (DLL) contains an extra pointer, typically called previous pointer, together with next pointer and data which are there in singly linked list. + - Advantages over SLL - IT can be traversed in both forward and backward direction.,Delete operation is more efficent''' +from __future__ import print_function + + +class LinkedList: # making main class named linked list + def __init__(self): + self.head = None + self.tail = None + + def insertHead(self, x): + newLink = Link(x) # Create a new link with a value attached to it + if (self.isEmpty() == True): # Set the first element added to be the tail + self.tail = newLink + else: + self.head.previous = newLink # newLink <-- currenthead(head) + newLink.next = self.head # newLink <--> currenthead(head) + self.head = newLink # newLink(head) <--> oldhead + + def deleteHead(self): + temp = self.head + self.head = self.head.next # oldHead <--> 2ndElement(head) + self.head.previous = None # oldHead --> 2ndElement(head) nothing pointing at it so the old head will be removed + if (self.head is None): + self.tail = None # if empty linked list + return temp + + def insertTail(self, x): + newLink = Link(x) + newLink.next = None # currentTail(tail) newLink --> + self.tail.next = newLink # currentTail(tail) --> newLink --> + newLink.previous = self.tail # currentTail(tail) <--> newLink --> + self.tail = newLink # oldTail <--> newLink(tail) --> + + def deleteTail(self): + temp = self.tail + self.tail = self.tail.previous # 2ndLast(tail) <--> oldTail --> None + self.tail.next = None # 2ndlast(tail) --> None + return temp + + def delete(self, x): + current = self.head + + while (current.value != x): # Find the position to delete + current = current.next + + if (current == self.head): + self.deleteHead() + + elif (current == self.tail): + self.deleteTail() + + else: # Before: 1 <--> 2(current) <--> 3 + current.previous.next = current.next # 1 --> 3 + current.next.previous = current.previous # 1 <--> 3 + + def isEmpty(self): # Will return True if the list is empty + return (self.head is None) + + def display(self): # Prints contents of the list + current = self.head + while (current != None): + current.displayLink() + current = current.next + print() + + +class Link: + next = None # This points to the link in front of the new link + previous = None # This points to the link behind the new link + + def __init__(self, x): + self.value = x + + def displayLink(self): + print("{}".format(self.value), end=" ") diff --git a/data_structures/linked_list/is_Palindrome.py b/data_structures/linked_list/is_Palindrome.py index a0f83805e35f..acc87c1c272b 100644 --- a/data_structures/linked_list/is_Palindrome.py +++ b/data_structures/linked_list/is_Palindrome.py @@ -1,77 +1,77 @@ -def is_palindrome(head): - if not head: - return True - # split the list to two parts - fast, slow = head.next, head - while fast and fast.next: - fast = fast.next.next - slow = slow.next - second = slow.next - slow.next = None # Don't forget here! But forget still works! - # reverse the second part - node = None - while second: - nxt = second.next - second.next = node - node = second - second = nxt - # compare two parts - # second part has the same or one less node - while node: - if node.val != head.val: - return False - node = node.next - head = head.next - return True - - -def is_palindrome_stack(head): - if not head or not head.next: - return True - - # 1. Get the midpoint (slow) - slow = fast = cur = head - while fast and fast.next: - fast, slow = fast.next.next, slow.next - - # 2. Push the second half into the stack - stack = [slow.val] - while slow.next: - slow = slow.next - stack.append(slow.val) - - # 3. Comparison - while stack: - if stack.pop() != cur.val: - return False - cur = cur.next - - return True - - -def is_palindrome_dict(head): - if not head or not head.next: - return True - d = {} - pos = 0 - while head: - if head.val in d.keys(): - d[head.val].append(pos) - else: - d[head.val] = [pos] - head = head.next - pos += 1 - checksum = pos - 1 - middle = 0 - for v in d.values(): - if len(v) % 2 != 0: - middle += 1 - else: - step = 0 - for i in range(0, len(v)): - if v[i] + v[len(v) - 1 - step] != checksum: - return False - step += 1 - if middle > 1: - return False - return True +def is_palindrome(head): + if not head: + return True + # split the list to two parts + fast, slow = head.next, head + while fast and fast.next: + fast = fast.next.next + slow = slow.next + second = slow.next + slow.next = None # Don't forget here! But forget still works! + # reverse the second part + node = None + while second: + nxt = second.next + second.next = node + node = second + second = nxt + # compare two parts + # second part has the same or one less node + while node: + if node.val != head.val: + return False + node = node.next + head = head.next + return True + + +def is_palindrome_stack(head): + if not head or not head.next: + return True + + # 1. Get the midpoint (slow) + slow = fast = cur = head + while fast and fast.next: + fast, slow = fast.next.next, slow.next + + # 2. Push the second half into the stack + stack = [slow.val] + while slow.next: + slow = slow.next + stack.append(slow.val) + + # 3. Comparison + while stack: + if stack.pop() != cur.val: + return False + cur = cur.next + + return True + + +def is_palindrome_dict(head): + if not head or not head.next: + return True + d = {} + pos = 0 + while head: + if head.val in d.keys(): + d[head.val].append(pos) + else: + d[head.val] = [pos] + head = head.next + pos += 1 + checksum = pos - 1 + middle = 0 + for v in d.values(): + if len(v) % 2 != 0: + middle += 1 + else: + step = 0 + for i in range(0, len(v)): + if v[i] + v[len(v) - 1 - step] != checksum: + return False + step += 1 + if middle > 1: + return False + return True diff --git a/data_structures/linked_list/singly_linked_list.py b/data_structures/linked_list/singly_linked_list.py index 082168e3fae5..6cfaec235bee 100644 --- a/data_structures/linked_list/singly_linked_list.py +++ b/data_structures/linked_list/singly_linked_list.py @@ -1,104 +1,104 @@ -from __future__ import print_function - - -class Node: # create a Node - def __init__(self, data): - self.data = data # given data - self.next = None # given next to None - - -class Linked_List: - def __init__(self): - self.Head = None # Initialize Head to None - - def insert_tail(self, data): - if (self.Head is None): - self.insert_head(data) # If this is first node, call insert_head - else: - temp = self.Head - while (temp.next != None): # traverse to last node - temp = temp.next - temp.next = Node(data) # create node & link to tail - - def insert_head(self, data): - newNod = Node(data) # create a new node - if self.Head != None: - newNod.next = self.Head # link newNode to head - self.Head = newNod # make NewNode as Head - - def printList(self): # print every node data - tamp = self.Head - while tamp is not None: - print(tamp.data) - tamp = tamp.next - - def delete_head(self): # delete from head - temp = self.Head - if self.Head != None: - self.Head = self.Head.next - temp.next = None - return temp - - def delete_tail(self): # delete from tail - tamp = self.Head - if self.Head != None: - if (self.Head.next is None): # if Head is the only Node in the Linked List - self.Head = None - else: - while tamp.next.next is not None: # find the 2nd last element - tamp = tamp.next - tamp.next, tamp = None, tamp.next # (2nd last element).next = None and tamp = last element - return tamp - - def isEmpty(self): - return self.Head is None # Return if Head is none - - def reverse(self): - prev = None - current = self.Head - - while current: - # Store the current node's next node. - next_node = current.next - # Make the current node's next point backwards - current.next = prev - # Make the previous node be the current node - prev = current - # Make the current node the next node (to progress iteration) - current = next_node - # Return prev in order to put the head at the end - self.Head = prev - - -def main(): - A = Linked_List() - print("Inserting 1st at Head") - a1 = input() - A.insert_head(a1) - print("Inserting 2nd at Head") - a2 = input() - A.insert_head(a2) - print("\nPrint List : ") - A.printList() - print("\nInserting 1st at Tail") - a3 = input() - A.insert_tail(a3) - print("Inserting 2nd at Tail") - a4 = input() - A.insert_tail(a4) - print("\nPrint List : ") - A.printList() - print("\nDelete Head") - A.delete_head() - print("Delete Tail") - A.delete_tail() - print("\nPrint List : ") - A.printList() - print("\nReverse Linked List") - A.reverse() - print("\nPrint List : ") - A.printList() - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +class Node: # create a Node + def __init__(self, data): + self.data = data # given data + self.next = None # given next to None + + +class Linked_List: + def __init__(self): + self.Head = None # Initialize Head to None + + def insert_tail(self, data): + if (self.Head is None): + self.insert_head(data) # If this is first node, call insert_head + else: + temp = self.Head + while (temp.next != None): # traverse to last node + temp = temp.next + temp.next = Node(data) # create node & link to tail + + def insert_head(self, data): + newNod = Node(data) # create a new node + if self.Head != None: + newNod.next = self.Head # link newNode to head + self.Head = newNod # make NewNode as Head + + def printList(self): # print every node data + tamp = self.Head + while tamp is not None: + print(tamp.data) + tamp = tamp.next + + def delete_head(self): # delete from head + temp = self.Head + if self.Head != None: + self.Head = self.Head.next + temp.next = None + return temp + + def delete_tail(self): # delete from tail + tamp = self.Head + if self.Head != None: + if (self.Head.next is None): # if Head is the only Node in the Linked List + self.Head = None + else: + while tamp.next.next is not None: # find the 2nd last element + tamp = tamp.next + tamp.next, tamp = None, tamp.next # (2nd last element).next = None and tamp = last element + return tamp + + def isEmpty(self): + return self.Head is None # Return if Head is none + + def reverse(self): + prev = None + current = self.Head + + while current: + # Store the current node's next node. + next_node = current.next + # Make the current node's next point backwards + current.next = prev + # Make the previous node be the current node + prev = current + # Make the current node the next node (to progress iteration) + current = next_node + # Return prev in order to put the head at the end + self.Head = prev + + +def main(): + A = Linked_List() + print("Inserting 1st at Head") + a1 = input() + A.insert_head(a1) + print("Inserting 2nd at Head") + a2 = input() + A.insert_head(a2) + print("\nPrint List : ") + A.printList() + print("\nInserting 1st at Tail") + a3 = input() + A.insert_tail(a3) + print("Inserting 2nd at Tail") + a4 = input() + A.insert_tail(a4) + print("\nPrint List : ") + A.printList() + print("\nDelete Head") + A.delete_head() + print("Delete Tail") + A.delete_tail() + print("\nPrint List : ") + A.printList() + print("\nReverse Linked List") + A.reverse() + print("\nPrint List : ") + A.printList() + + +if __name__ == '__main__': + main() diff --git a/data_structures/linked_list/swapNodes.py b/data_structures/linked_list/swapNodes.py index 30fd057f91fd..9f9e37ccdeac 100644 --- a/data_structures/linked_list/swapNodes.py +++ b/data_structures/linked_list/swapNodes.py @@ -1,72 +1,72 @@ -class Node: - def __init__(self, data): - self.data = data; - self.next = None - - -class Linkedlist: - def __init__(self): - self.head = None - - def print_list(self): - temp = self.head - while temp is not None: - print(temp.data) - temp = temp.next - - # adding nodes - def push(self, new_data): - new_node = Node(new_data) - new_node.next = self.head - self.head = new_node - - # swapping nodes - def swapNodes(self, d1, d2): - prevD1 = None - prevD2 = None - if d1 == d2: - return - else: - # find d1 - D1 = self.head - while D1 is not None and D1.data != d1: - prevD1 = D1 - D1 = D1.next - # find d2 - D2 = self.head - while D2 is not None and D2.data != d2: - prevD2 = D2 - D2 = D2.next - if D1 is None and D2 is None: - return - # if D1 is head - if prevD1 is not None: - prevD1.next = D2 - else: - self.head = D2 - # if D2 is head - if prevD2 is not None: - prevD2.next = D1 - else: - self.head = D1 - temp = D1.next - D1.next = D2.next - D2.next = temp - - -# swapping code ends here - - -if __name__ == '__main__': - list = Linkedlist() - list.push(5) - list.push(4) - list.push(3) - list.push(2) - list.push(1) - - list.print_list() - - list.swapNodes(1, 4) - print("After swapping") - list.print_list() +class Node: + def __init__(self, data): + self.data = data; + self.next = None + + +class Linkedlist: + def __init__(self): + self.head = None + + def print_list(self): + temp = self.head + while temp is not None: + print(temp.data) + temp = temp.next + + # adding nodes + def push(self, new_data): + new_node = Node(new_data) + new_node.next = self.head + self.head = new_node + + # swapping nodes + def swapNodes(self, d1, d2): + prevD1 = None + prevD2 = None + if d1 == d2: + return + else: + # find d1 + D1 = self.head + while D1 is not None and D1.data != d1: + prevD1 = D1 + D1 = D1.next + # find d2 + D2 = self.head + while D2 is not None and D2.data != d2: + prevD2 = D2 + D2 = D2.next + if D1 is None and D2 is None: + return + # if D1 is head + if prevD1 is not None: + prevD1.next = D2 + else: + self.head = D2 + # if D2 is head + if prevD2 is not None: + prevD2.next = D1 + else: + self.head = D1 + temp = D1.next + D1.next = D2.next + D2.next = temp + + +# swapping code ends here + + +if __name__ == '__main__': + list = Linkedlist() + list.push(5) + list.push(4) + list.push(3) + list.push(2) + list.push(1) + + list.print_list() + + list.swapNodes(1, 4) + print("After swapping") + list.print_list() diff --git a/data_structures/queue/double_ended_queue.py b/data_structures/queue/double_ended_queue.py index f710ca0d7204..26e6e74343e9 100644 --- a/data_structures/queue/double_ended_queue.py +++ b/data_structures/queue/double_ended_queue.py @@ -1,41 +1,41 @@ -from __future__ import print_function - -# importing "collections" for deque operations -import collections - -# Python code to demonstrate working of -# extend(), extendleft(), rotate(), reverse() - -# initializing deque -de = collections.deque([1, 2, 3, ]) - -# using extend() to add numbers to right end -# adds 4,5,6 to right end -de.extend([4, 5, 6]) - -# printing modified deque -print("The deque after extending deque at end is : ") -print(de) - -# using extendleft() to add numbers to left end -# adds 7,8,9 to right end -de.extendleft([7, 8, 9]) - -# printing modified deque -print("The deque after extending deque at beginning is : ") -print(de) - -# using rotate() to rotate the deque -# rotates by 3 to left -de.rotate(-3) - -# printing modified deque -print("The deque after rotating deque is : ") -print(de) - -# using reverse() to reverse the deque -de.reverse() - -# printing modified deque -print("The deque after reversing deque is : ") -print(de) +from __future__ import print_function + +# importing "collections" for deque operations +import collections + +# Python code to demonstrate working of +# extend(), extendleft(), rotate(), reverse() + +# initializing deque +de = collections.deque([1, 2, 3, ]) + +# using extend() to add numbers to right end +# adds 4,5,6 to right end +de.extend([4, 5, 6]) + +# printing modified deque +print("The deque after extending deque at end is : ") +print(de) + +# using extendleft() to add numbers to left end +# adds 7,8,9 to right end +de.extendleft([7, 8, 9]) + +# printing modified deque +print("The deque after extending deque at beginning is : ") +print(de) + +# using rotate() to rotate the deque +# rotates by 3 to left +de.rotate(-3) + +# printing modified deque +print("The deque after rotating deque is : ") +print(de) + +# using reverse() to reverse the deque +de.reverse() + +# printing modified deque +print("The deque after reversing deque is : ") +print(de) diff --git a/data_structures/queue/queue_on_list.py b/data_structures/queue/queue_on_list.py index 7bc39d2eac2e..8f57ddd63ab7 100644 --- a/data_structures/queue/queue_on_list.py +++ b/data_structures/queue/queue_on_list.py @@ -1,52 +1,52 @@ -"""Queue represented by a python list""" - - -class Queue(): - def __init__(self): - self.entries = [] - self.length = 0 - self.front = 0 - - def __str__(self): - printed = '<' + str(self.entries)[1:-1] + '>' - return printed - - """Enqueues {@code item} - @param item - item to enqueue""" - - def put(self, item): - self.entries.append(item) - self.length = self.length + 1 - - """Dequeues {@code item} - @requirement: |self.length| > 0 - @return dequeued - item that was dequeued""" - - def get(self): - self.length = self.length - 1 - dequeued = self.entries[self.front] - # self.front-=1 - # self.entries = self.entries[self.front:] - self.entries = self.entries[1:] - return dequeued - - """Rotates the queue {@code rotation} times - @param rotation - number of times to rotate queue""" - - def rotate(self, rotation): - for i in range(rotation): - self.put(self.get()) - - """Enqueues {@code item} - @return item at front of self.entries""" - - def front(self): - return self.entries[0] - - """Returns the length of this.entries""" - - def size(self): - return self.length +"""Queue represented by a python list""" + + +class Queue(): + def __init__(self): + self.entries = [] + self.length = 0 + self.front = 0 + + def __str__(self): + printed = '<' + str(self.entries)[1:-1] + '>' + return printed + + """Enqueues {@code item} + @param item + item to enqueue""" + + def put(self, item): + self.entries.append(item) + self.length = self.length + 1 + + """Dequeues {@code item} + @requirement: |self.length| > 0 + @return dequeued + item that was dequeued""" + + def get(self): + self.length = self.length - 1 + dequeued = self.entries[self.front] + # self.front-=1 + # self.entries = self.entries[self.front:] + self.entries = self.entries[1:] + return dequeued + + """Rotates the queue {@code rotation} times + @param rotation + number of times to rotate queue""" + + def rotate(self, rotation): + for i in range(rotation): + self.put(self.get()) + + """Enqueues {@code item} + @return item at front of self.entries""" + + def front(self): + return self.entries[0] + + """Returns the length of this.entries""" + + def size(self): + return self.length diff --git a/data_structures/queue/queue_on_pseudo_stack.py b/data_structures/queue/queue_on_pseudo_stack.py index 1018ec7e3cd5..939ba66cca78 100644 --- a/data_structures/queue/queue_on_pseudo_stack.py +++ b/data_structures/queue/queue_on_pseudo_stack.py @@ -1,57 +1,57 @@ -"""Queue represented by a pseudo stack (represented by a list with pop and append)""" - - -class Queue(): - def __init__(self): - self.stack = [] - self.length = 0 - - def __str__(self): - printed = '<' + str(self.stack)[1:-1] + '>' - return printed - - """Enqueues {@code item} - @param item - item to enqueue""" - - def put(self, item): - self.stack.append(item) - self.length = self.length + 1 - - """Dequeues {@code item} - @requirement: |self.length| > 0 - @return dequeued - item that was dequeued""" - - def get(self): - self.rotate(1) - dequeued = self.stack[self.length - 1] - self.stack = self.stack[:-1] - self.rotate(self.length - 1) - self.length = self.length - 1 - return dequeued - - """Rotates the queue {@code rotation} times - @param rotation - number of times to rotate queue""" - - def rotate(self, rotation): - for i in range(rotation): - temp = self.stack[0] - self.stack = self.stack[1:] - self.put(temp) - self.length = self.length - 1 - - """Reports item at the front of self - @return item at front of self.stack""" - - def front(self): - front = self.get() - self.put(front) - self.rotate(self.length - 1) - return front - - """Returns the length of this.stack""" - - def size(self): - return self.length +"""Queue represented by a pseudo stack (represented by a list with pop and append)""" + + +class Queue(): + def __init__(self): + self.stack = [] + self.length = 0 + + def __str__(self): + printed = '<' + str(self.stack)[1:-1] + '>' + return printed + + """Enqueues {@code item} + @param item + item to enqueue""" + + def put(self, item): + self.stack.append(item) + self.length = self.length + 1 + + """Dequeues {@code item} + @requirement: |self.length| > 0 + @return dequeued + item that was dequeued""" + + def get(self): + self.rotate(1) + dequeued = self.stack[self.length - 1] + self.stack = self.stack[:-1] + self.rotate(self.length - 1) + self.length = self.length - 1 + return dequeued + + """Rotates the queue {@code rotation} times + @param rotation + number of times to rotate queue""" + + def rotate(self, rotation): + for i in range(rotation): + temp = self.stack[0] + self.stack = self.stack[1:] + self.put(temp) + self.length = self.length - 1 + + """Reports item at the front of self + @return item at front of self.stack""" + + def front(self): + front = self.get() + self.put(front) + self.rotate(self.length - 1) + return front + + """Returns the length of this.stack""" + + def size(self): + return self.length diff --git a/data_structures/stacks/__init__.py b/data_structures/stacks/__init__.py index 9cb8536a663c..17b8ca2fe8f6 100644 --- a/data_structures/stacks/__init__.py +++ b/data_structures/stacks/__init__.py @@ -1,23 +1,23 @@ -class Stack: - - def __init__(self): - self.stack = [] - self.top = 0 - - def is_empty(self): - return (self.top == 0) - - def push(self, item): - if self.top < len(self.stack): - self.stack[self.top] = item - else: - self.stack.append(item) - - self.top += 1 - - def pop(self): - if self.is_empty(): - return None - else: - self.top -= 1 - return self.stack[self.top] +class Stack: + + def __init__(self): + self.stack = [] + self.top = 0 + + def is_empty(self): + return (self.top == 0) + + def push(self, item): + if self.top < len(self.stack): + self.stack[self.top] = item + else: + self.stack.append(item) + + self.top += 1 + + def pop(self): + if self.is_empty(): + return None + else: + self.top -= 1 + return self.stack[self.top] diff --git a/data_structures/stacks/balanced_parentheses.py b/data_structures/stacks/balanced_parentheses.py index 348defdf3a42..30a4d0dbd4ab 100644 --- a/data_structures/stacks/balanced_parentheses.py +++ b/data_structures/stacks/balanced_parentheses.py @@ -1,26 +1,26 @@ -from __future__ import absolute_import -from __future__ import print_function - -from stack import Stack - -__author__ = 'Omkar Pathak' - - -def balanced_parentheses(parentheses): - """ Use a stack to check if a string of parentheses is balanced.""" - stack = Stack(len(parentheses)) - for parenthesis in parentheses: - if parenthesis == '(': - stack.push(parenthesis) - elif parenthesis == ')': - if stack.is_empty(): - return False - stack.pop() - return stack.is_empty() - - -if __name__ == '__main__': - examples = ['((()))', '((())', '(()))'] - print('Balanced parentheses demonstration:\n') - for example in examples: - print(example + ': ' + str(balanced_parentheses(example))) +from __future__ import absolute_import +from __future__ import print_function + +from stack import Stack + +__author__ = 'Omkar Pathak' + + +def balanced_parentheses(parentheses): + """ Use a stack to check if a string of parentheses is balanced.""" + stack = Stack(len(parentheses)) + for parenthesis in parentheses: + if parenthesis == '(': + stack.push(parenthesis) + elif parenthesis == ')': + if stack.is_empty(): + return False + stack.pop() + return stack.is_empty() + + +if __name__ == '__main__': + examples = ['((()))', '((())', '(()))'] + print('Balanced parentheses demonstration:\n') + for example in examples: + print(example + ': ' + str(balanced_parentheses(example))) diff --git a/data_structures/stacks/infix_to_postfix_conversion.py b/data_structures/stacks/infix_to_postfix_conversion.py index f182334a5fec..ef4810501211 100644 --- a/data_structures/stacks/infix_to_postfix_conversion.py +++ b/data_structures/stacks/infix_to_postfix_conversion.py @@ -1,65 +1,65 @@ -from __future__ import absolute_import -from __future__ import print_function - -import string - -from .Stack import Stack - -__author__ = 'Omkar Pathak' - - -def is_operand(char): - return char in string.ascii_letters or char in string.digits - - -def precedence(char): - """ Return integer value representing an operator's precedence, or - order of operation. - - https://en.wikipedia.org/wiki/Order_of_operations - """ - dictionary = {'+': 1, '-': 1, - '*': 2, '/': 2, - '^': 3} - return dictionary.get(char, -1) - - -def infix_to_postfix(expression): - """ Convert infix notation to postfix notation using the Shunting-yard - algorithm. - - https://en.wikipedia.org/wiki/Shunting-yard_algorithm - https://en.wikipedia.org/wiki/Infix_notation - https://en.wikipedia.org/wiki/Reverse_Polish_notation - """ - stack = Stack(len(expression)) - postfix = [] - for char in expression: - if is_operand(char): - postfix.append(char) - elif char not in {'(', ')'}: - while (not stack.is_empty() - and precedence(char) <= precedence(stack.peek())): - postfix.append(stack.pop()) - stack.push(char) - elif char == '(': - stack.push(char) - elif char == ')': - while not stack.is_empty() and stack.peek() != '(': - postfix.append(stack.pop()) - # Pop '(' from stack. If there is no '(', there is a mismatched - # parentheses. - if stack.peek() != '(': - raise ValueError('Mismatched parentheses') - stack.pop() - while not stack.is_empty(): - postfix.append(stack.pop()) - return ' '.join(postfix) - - -if __name__ == '__main__': - expression = 'a+b*(c^d-e)^(f+g*h)-i' - - print('Infix to Postfix Notation demonstration:\n') - print('Infix notation: ' + expression) - print('Postfix notation: ' + infix_to_postfix(expression)) +from __future__ import absolute_import +from __future__ import print_function + +import string + +from .Stack import Stack + +__author__ = 'Omkar Pathak' + + +def is_operand(char): + return char in string.ascii_letters or char in string.digits + + +def precedence(char): + """ Return integer value representing an operator's precedence, or + order of operation. + + https://en.wikipedia.org/wiki/Order_of_operations + """ + dictionary = {'+': 1, '-': 1, + '*': 2, '/': 2, + '^': 3} + return dictionary.get(char, -1) + + +def infix_to_postfix(expression): + """ Convert infix notation to postfix notation using the Shunting-yard + algorithm. + + https://en.wikipedia.org/wiki/Shunting-yard_algorithm + https://en.wikipedia.org/wiki/Infix_notation + https://en.wikipedia.org/wiki/Reverse_Polish_notation + """ + stack = Stack(len(expression)) + postfix = [] + for char in expression: + if is_operand(char): + postfix.append(char) + elif char not in {'(', ')'}: + while (not stack.is_empty() + and precedence(char) <= precedence(stack.peek())): + postfix.append(stack.pop()) + stack.push(char) + elif char == '(': + stack.push(char) + elif char == ')': + while not stack.is_empty() and stack.peek() != '(': + postfix.append(stack.pop()) + # Pop '(' from stack. If there is no '(', there is a mismatched + # parentheses. + if stack.peek() != '(': + raise ValueError('Mismatched parentheses') + stack.pop() + while not stack.is_empty(): + postfix.append(stack.pop()) + return ' '.join(postfix) + + +if __name__ == '__main__': + expression = 'a+b*(c^d-e)^(f+g*h)-i' + + print('Infix to Postfix Notation demonstration:\n') + print('Infix notation: ' + expression) + print('Postfix notation: ' + infix_to_postfix(expression)) diff --git a/data_structures/stacks/infix_to_prefix_conversion.py b/data_structures/stacks/infix_to_prefix_conversion.py index e89d37efd48b..8192b3f8b1fd 100644 --- a/data_structures/stacks/infix_to_prefix_conversion.py +++ b/data_structures/stacks/infix_to_prefix_conversion.py @@ -1,69 +1,69 @@ -""" -Output: - -Enter an Infix Equation = a + b ^c - Symbol | Stack | Postfix ----------------------------- - c | | c - ^ | ^ | c - b | ^ | cb - + | + | cb^ - a | + | cb^a - | | cb^a+ - - a+b^c (Infix) -> +a^bc (Prefix) -""" - - -def infix_2_postfix(Infix): - Stack = [] - Postfix = [] - priority = {'^': 3, '*': 2, '/': 2, '%': 2, '+': 1, '-': 1} # Priority of each operator - print_width = len(Infix) if (len(Infix) > 7) else 7 - - # Print table header for output - print('Symbol'.center(8), 'Stack'.center(print_width), 'Postfix'.center(print_width), sep=" | ") - print('-' * (print_width * 3 + 7)) - - for x in Infix: - if (x.isalpha() or x.isdigit()): - Postfix.append(x) # if x is Alphabet / Digit, add it to Postfix - elif (x == '('): - Stack.append(x) # if x is "(" push to Stack - elif (x == ')'): # if x is ")" pop stack until "(" is encountered - while (Stack[-1] != '('): - Postfix.append(Stack.pop()) # Pop stack & add the content to Postfix - Stack.pop() - else: - if (len(Stack) == 0): - Stack.append(x) # If stack is empty, push x to stack - else: - while (len(Stack) > 0 and priority[x] <= priority[Stack[-1]]): # while priority of x is not greater than priority of element in the stack - Postfix.append(Stack.pop()) # pop stack & add to Postfix - Stack.append(x) # push x to stack - - print(x.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format - - while (len(Stack) > 0): # while stack is not empty - Postfix.append(Stack.pop()) # pop stack & add to Postfix - print(' '.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format - - return "".join(Postfix) # return Postfix as str - - -def infix_2_prefix(Infix): - Infix = list(Infix[::-1]) # reverse the infix equation - - for i in range(len(Infix)): - if (Infix[i] == '('): - Infix[i] = ')' # change "(" to ")" - elif (Infix[i] == ')'): - Infix[i] = '(' # change ")" to "(" - - return (infix_2_postfix("".join(Infix)))[::-1] # call infix_2_postfix on Infix, return reverse of Postfix - - -if __name__ == "__main__": - Infix = input("\nEnter an Infix Equation = ") # Input an Infix equation - Infix = "".join(Infix.split()) # Remove spaces from the input - print("\n\t", Infix, "(Infix) -> ", infix_2_prefix(Infix), "(Prefix)") +""" +Output: + +Enter an Infix Equation = a + b ^c + Symbol | Stack | Postfix +---------------------------- + c | | c + ^ | ^ | c + b | ^ | cb + + | + | cb^ + a | + | cb^a + | | cb^a+ + + a+b^c (Infix) -> +a^bc (Prefix) +""" + + +def infix_2_postfix(Infix): + Stack = [] + Postfix = [] + priority = {'^': 3, '*': 2, '/': 2, '%': 2, '+': 1, '-': 1} # Priority of each operator + print_width = len(Infix) if (len(Infix) > 7) else 7 + + # Print table header for output + print('Symbol'.center(8), 'Stack'.center(print_width), 'Postfix'.center(print_width), sep=" | ") + print('-' * (print_width * 3 + 7)) + + for x in Infix: + if (x.isalpha() or x.isdigit()): + Postfix.append(x) # if x is Alphabet / Digit, add it to Postfix + elif (x == '('): + Stack.append(x) # if x is "(" push to Stack + elif (x == ')'): # if x is ")" pop stack until "(" is encountered + while (Stack[-1] != '('): + Postfix.append(Stack.pop()) # Pop stack & add the content to Postfix + Stack.pop() + else: + if (len(Stack) == 0): + Stack.append(x) # If stack is empty, push x to stack + else: + while (len(Stack) > 0 and priority[x] <= priority[Stack[-1]]): # while priority of x is not greater than priority of element in the stack + Postfix.append(Stack.pop()) # pop stack & add to Postfix + Stack.append(x) # push x to stack + + print(x.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format + + while (len(Stack) > 0): # while stack is not empty + Postfix.append(Stack.pop()) # pop stack & add to Postfix + print(' '.center(8), (''.join(Stack)).ljust(print_width), (''.join(Postfix)).ljust(print_width), sep=" | ") # Output in tabular format + + return "".join(Postfix) # return Postfix as str + + +def infix_2_prefix(Infix): + Infix = list(Infix[::-1]) # reverse the infix equation + + for i in range(len(Infix)): + if (Infix[i] == '('): + Infix[i] = ')' # change "(" to ")" + elif (Infix[i] == ')'): + Infix[i] = '(' # change ")" to "(" + + return (infix_2_postfix("".join(Infix)))[::-1] # call infix_2_postfix on Infix, return reverse of Postfix + + +if __name__ == "__main__": + Infix = input("\nEnter an Infix Equation = ") # Input an Infix equation + Infix = "".join(Infix.split()) # Remove spaces from the input + print("\n\t", Infix, "(Infix) -> ", infix_2_prefix(Infix), "(Prefix)") diff --git a/data_structures/stacks/next.py b/data_structures/stacks/next.py index 43d4f665b547..3fc22281ede5 100644 --- a/data_structures/stacks/next.py +++ b/data_structures/stacks/next.py @@ -1,19 +1,19 @@ -from __future__ import print_function - - -# Function to print element and NGE pair for all elements of list -def printNGE(arr): - for i in range(0, len(arr), 1): - - next = -1 - for j in range(i + 1, len(arr), 1): - if arr[i] < arr[j]: - next = arr[j] - break - - print(str(arr[i]) + " -- " + str(next)) - - -# Driver program to test above function -arr = [11, 13, 21, 3] -printNGE(arr) +from __future__ import print_function + + +# Function to print element and NGE pair for all elements of list +def printNGE(arr): + for i in range(0, len(arr), 1): + + next = -1 + for j in range(i + 1, len(arr), 1): + if arr[i] < arr[j]: + next = arr[j] + break + + print(str(arr[i]) + " -- " + str(next)) + + +# Driver program to test above function +arr = [11, 13, 21, 3] +printNGE(arr) diff --git a/data_structures/stacks/postfix_evaluation.py b/data_structures/stacks/postfix_evaluation.py index 7f35cf59a5e9..151f27070a50 100644 --- a/data_structures/stacks/postfix_evaluation.py +++ b/data_structures/stacks/postfix_evaluation.py @@ -1,51 +1,51 @@ -""" -Output: - -Enter a Postfix Equation (space separated) = 5 6 9 * + - Symbol | Action | Stack ------------------------------------ - 5 | push(5) | 5 - 6 | push(6) | 5,6 - 9 | push(9) | 5,6,9 - | pop(9) | 5,6 - | pop(6) | 5 - * | push(6*9) | 5,54 - | pop(54) | 5 - | pop(5) | - + | push(5+54) | 59 - - Result = 59 -""" - -import operator as op - - -def Solve(Postfix): - Stack = [] - Div = lambda x, y: int(x / y) # integer division operation - Opr = {'^': op.pow, '*': op.mul, '/': Div, '+': op.add, '-': op.sub} # operators & their respective operation - - # print table header - print('Symbol'.center(8), 'Action'.center(12), 'Stack', sep=" | ") - print('-' * (30 + len(Postfix))) - - for x in Postfix: - if (x.isdigit()): # if x in digit - Stack.append(x) # append x to stack - print(x.rjust(8), ('push(' + x + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - else: - B = Stack.pop() # pop stack - print("".rjust(8), ('pop(' + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - - A = Stack.pop() # pop stack - print("".rjust(8), ('pop(' + A + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - - Stack.append(str(Opr[x](int(A), int(B)))) # evaluate the 2 values poped from stack & push result to stack - print(x.rjust(8), ('push(' + A + x + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format - - return int(Stack[0]) - - -if __name__ == "__main__": - Postfix = input("\n\nEnter a Postfix Equation (space separated) = ").split(' ') - print("\n\tResult = ", Solve(Postfix)) +""" +Output: + +Enter a Postfix Equation (space separated) = 5 6 9 * + + Symbol | Action | Stack +----------------------------------- + 5 | push(5) | 5 + 6 | push(6) | 5,6 + 9 | push(9) | 5,6,9 + | pop(9) | 5,6 + | pop(6) | 5 + * | push(6*9) | 5,54 + | pop(54) | 5 + | pop(5) | + + | push(5+54) | 59 + + Result = 59 +""" + +import operator as op + + +def Solve(Postfix): + Stack = [] + Div = lambda x, y: int(x / y) # integer division operation + Opr = {'^': op.pow, '*': op.mul, '/': Div, '+': op.add, '-': op.sub} # operators & their respective operation + + # print table header + print('Symbol'.center(8), 'Action'.center(12), 'Stack', sep=" | ") + print('-' * (30 + len(Postfix))) + + for x in Postfix: + if (x.isdigit()): # if x in digit + Stack.append(x) # append x to stack + print(x.rjust(8), ('push(' + x + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format + else: + B = Stack.pop() # pop stack + print("".rjust(8), ('pop(' + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format + + A = Stack.pop() # pop stack + print("".rjust(8), ('pop(' + A + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format + + Stack.append(str(Opr[x](int(A), int(B)))) # evaluate the 2 values poped from stack & push result to stack + print(x.rjust(8), ('push(' + A + x + B + ')').ljust(12), ','.join(Stack), sep=" | ") # output in tabular format + + return int(Stack[0]) + + +if __name__ == "__main__": + Postfix = input("\n\nEnter a Postfix Equation (space separated) = ").split(' ') + print("\n\tResult = ", Solve(Postfix)) diff --git a/data_structures/stacks/stack.py b/data_structures/stacks/stack.py index 615924ebe114..dae37ef61e28 100644 --- a/data_structures/stacks/stack.py +++ b/data_structures/stacks/stack.py @@ -1,70 +1,70 @@ -from __future__ import print_function - -__author__ = 'Omkar Pathak' - - -class Stack(object): - """ A stack is an abstract data type that serves as a collection of - elements with two principal operations: push() and pop(). push() adds an - element to the top of the stack, and pop() removes an element from the top - of a stack. The order in which elements come off of a stack are - Last In, First Out (LIFO). - - https://en.wikipedia.org/wiki/Stack_(abstract_data_type) - """ - - def __init__(self, limit=10): - self.stack = [] - self.limit = limit - - def __bool__(self): - return bool(self.stack) - - def __str__(self): - return str(self.stack) - - def push(self, data): - """ Push an element to the top of the stack.""" - if len(self.stack) >= self.limit: - raise StackOverflowError - self.stack.append(data) - - def pop(self): - """ Pop an element off of the top of the stack.""" - if self.stack: - return self.stack.pop() - else: - raise IndexError('pop from an empty stack') - - def peek(self): - """ Peek at the top-most element of the stack.""" - if self.stack: - return self.stack[-1] - - def is_empty(self): - """ Check if a stack is empty.""" - return not bool(self.stack) - - def size(self): - """ Return the size of the stack.""" - return len(self.stack) - - -class StackOverflowError(BaseException): - pass - - -if __name__ == '__main__': - stack = Stack() - for i in range(10): - stack.push(i) - - print('Stack demonstration:\n') - print('Initial stack: ' + str(stack)) - print('pop(): ' + str(stack.pop())) - print('After pop(), the stack is now: ' + str(stack)) - print('peek(): ' + str(stack.peek())) - stack.push(100) - print('After push(100), the stack is now: ' + str(stack)) - print('is_empty(): ' + str(stack.is_empty())) - print('size(): ' + str(stack.size())) +from __future__ import print_function + +__author__ = 'Omkar Pathak' + + +class Stack(object): + """ A stack is an abstract data type that serves as a collection of + elements with two principal operations: push() and pop(). push() adds an + element to the top of the stack, and pop() removes an element from the top + of a stack. The order in which elements come off of a stack are + Last In, First Out (LIFO). + + https://en.wikipedia.org/wiki/Stack_(abstract_data_type) + """ + + def __init__(self, limit=10): + self.stack = [] + self.limit = limit + + def __bool__(self): + return bool(self.stack) + + def __str__(self): + return str(self.stack) + + def push(self, data): + """ Push an element to the top of the stack.""" + if len(self.stack) >= self.limit: + raise StackOverflowError + self.stack.append(data) + + def pop(self): + """ Pop an element off of the top of the stack.""" + if self.stack: + return self.stack.pop() + else: + raise IndexError('pop from an empty stack') + + def peek(self): + """ Peek at the top-most element of the stack.""" + if self.stack: + return self.stack[-1] + + def is_empty(self): + """ Check if a stack is empty.""" + return not bool(self.stack) + + def size(self): + """ Return the size of the stack.""" + return len(self.stack) + + +class StackOverflowError(BaseException): + pass + + +if __name__ == '__main__': + stack = Stack() + for i in range(10): + stack.push(i) + + print('Stack demonstration:\n') + print('Initial stack: ' + str(stack)) + print('pop(): ' + str(stack.pop())) + print('After pop(), the stack is now: ' + str(stack)) + print('peek(): ' + str(stack.peek())) + stack.push(100) + print('After push(100), the stack is now: ' + str(stack)) + print('is_empty(): ' + str(stack.is_empty())) + print('size(): ' + str(stack.size())) diff --git a/data_structures/stacks/stock_span_problem.py b/data_structures/stacks/stock_span_problem.py index 064222dc9da9..508823cfa690 100644 --- a/data_structures/stacks/stock_span_problem.py +++ b/data_structures/stacks/stock_span_problem.py @@ -1,55 +1,55 @@ -''' -The stock span problem is a financial problem where we have a series of n daily -price quotes for a stock and we need to calculate span of stock's price for all n days. - -The span Si of the stock's price on a given day i is defined as the maximum -number of consecutive days just before the given day, for which the price of the stock -on the current day is less than or equal to its price on the given day. -''' -from __future__ import print_function - - -def calculateSpan(price, S): - n = len(price) - # Create a stack and push index of fist element to it - st = [] - st.append(0) - - # Span value of first element is always 1 - S[0] = 1 - - # Calculate span values for rest of the elements - for i in range(1, n): - - # Pop elements from stack whlie stack is not - # empty and top of stack is smaller than price[i] - while (len(st) > 0 and price[st[0]] <= price[i]): - st.pop() - - # If stack becomes empty, then price[i] is greater - # than all elements on left of it, i.e. price[0], - # price[1], ..price[i-1]. Else the price[i] is - # greater than elements after top of stack - S[i] = i + 1 if len(st) <= 0 else (i - st[0]) - - # Push this element to stack - st.append(i) - - # A utility function to print elements of array - - -def printArray(arr, n): - for i in range(0, n): - print(arr[i], end=" ") - - # Driver program to test above function - - -price = [10, 4, 5, 90, 120, 80] -S = [0 for i in range(len(price) + 1)] - -# Fill the span values in array S[] -calculateSpan(price, S) - -# Print the calculated span values -printArray(S, len(price)) +''' +The stock span problem is a financial problem where we have a series of n daily +price quotes for a stock and we need to calculate span of stock's price for all n days. + +The span Si of the stock's price on a given day i is defined as the maximum +number of consecutive days just before the given day, for which the price of the stock +on the current day is less than or equal to its price on the given day. +''' +from __future__ import print_function + + +def calculateSpan(price, S): + n = len(price) + # Create a stack and push index of fist element to it + st = [] + st.append(0) + + # Span value of first element is always 1 + S[0] = 1 + + # Calculate span values for rest of the elements + for i in range(1, n): + + # Pop elements from stack whlie stack is not + # empty and top of stack is smaller than price[i] + while (len(st) > 0 and price[st[0]] <= price[i]): + st.pop() + + # If stack becomes empty, then price[i] is greater + # than all elements on left of it, i.e. price[0], + # price[1], ..price[i-1]. Else the price[i] is + # greater than elements after top of stack + S[i] = i + 1 if len(st) <= 0 else (i - st[0]) + + # Push this element to stack + st.append(i) + + # A utility function to print elements of array + + +def printArray(arr, n): + for i in range(0, n): + print(arr[i], end=" ") + + # Driver program to test above function + + +price = [10, 4, 5, 90, 120, 80] +S = [0 for i in range(len(price) + 1)] + +# Fill the span values in array S[] +calculateSpan(price, S) + +# Print the calculated span values +printArray(S, len(price)) diff --git a/data_structures/trie/trie.py b/data_structures/trie/trie.py index f50e4ab655a9..d300c40bccbd 100644 --- a/data_structures/trie/trie.py +++ b/data_structures/trie/trie.py @@ -1,76 +1,76 @@ -""" -A Trie/Prefix Tree is a kind of search tree used to provide quick lookup -of words/patterns in a set of words. A basic Trie however has O(n^2) space complexity -making it impractical in practice. It however provides O(max(search_string, length of longest word)) lookup -time making it an optimal approach when space is not an issue. - -""" - - -class TrieNode: - def __init__(self): - self.nodes = dict() # Mapping from char to TrieNode - self.is_leaf = False - - def insert_many(self, words: [str]): # noqa: E999 This syntax is Python 3 only - """ - Inserts a list of words into the Trie - :param words: list of string words - :return: None - """ - for word in words: - self.insert(word) - - def insert(self, word: str): # noqa: E999 This syntax is Python 3 only - """ - Inserts a word into the Trie - :param word: word to be inserted - :return: None - """ - curr = self - for char in word: - if char not in curr.nodes: - curr.nodes[char] = TrieNode() - curr = curr.nodes[char] - curr.is_leaf = True - - def find(self, word: str) -> bool: # noqa: E999 This syntax is Python 3 only - """ - Tries to find word in a Trie - :param word: word to look for - :return: Returns True if word is found, False otherwise - """ - curr = self - for char in word: - if char not in curr.nodes: - return False - curr = curr.nodes[char] - return curr.is_leaf - - -def print_words(node: TrieNode, word: str): # noqa: E999 This syntax is Python 3 only - """ - Prints all the words in a Trie - :param node: root node of Trie - :param word: Word variable should be empty at start - :return: None - """ - if node.is_leaf: - print(word, end=' ') - - for key, value in node.nodes.items(): - print_words(value, word + key) - - -def test(): - words = ['banana', 'bananas', 'bandana', 'band', 'apple', 'all', 'beast'] - root = TrieNode() - root.insert_many(words) - # print_words(root, '') - assert root.find('banana') - assert not root.find('bandanas') - assert not root.find('apps') - assert root.find('apple') - - -test() +""" +A Trie/Prefix Tree is a kind of search tree used to provide quick lookup +of words/patterns in a set of words. A basic Trie however has O(n^2) space complexity +making it impractical in practice. It however provides O(max(search_string, length of longest word)) lookup +time making it an optimal approach when space is not an issue. + +""" + + +class TrieNode: + def __init__(self): + self.nodes = dict() # Mapping from char to TrieNode + self.is_leaf = False + + def insert_many(self, words: [str]): # noqa: E999 This syntax is Python 3 only + """ + Inserts a list of words into the Trie + :param words: list of string words + :return: None + """ + for word in words: + self.insert(word) + + def insert(self, word: str): # noqa: E999 This syntax is Python 3 only + """ + Inserts a word into the Trie + :param word: word to be inserted + :return: None + """ + curr = self + for char in word: + if char not in curr.nodes: + curr.nodes[char] = TrieNode() + curr = curr.nodes[char] + curr.is_leaf = True + + def find(self, word: str) -> bool: # noqa: E999 This syntax is Python 3 only + """ + Tries to find word in a Trie + :param word: word to look for + :return: Returns True if word is found, False otherwise + """ + curr = self + for char in word: + if char not in curr.nodes: + return False + curr = curr.nodes[char] + return curr.is_leaf + + +def print_words(node: TrieNode, word: str): # noqa: E999 This syntax is Python 3 only + """ + Prints all the words in a Trie + :param node: root node of Trie + :param word: Word variable should be empty at start + :return: None + """ + if node.is_leaf: + print(word, end=' ') + + for key, value in node.nodes.items(): + print_words(value, word + key) + + +def test(): + words = ['banana', 'bananas', 'bandana', 'band', 'apple', 'all', 'beast'] + root = TrieNode() + root.insert_many(words) + # print_words(root, '') + assert root.find('banana') + assert not root.find('bandanas') + assert not root.find('apps') + assert root.find('apple') + + +test() diff --git a/data_structures/union_find/tests_union_find.py b/data_structures/union_find/tests_union_find.py index 132e86a7bd85..949fc9887062 100644 --- a/data_structures/union_find/tests_union_find.py +++ b/data_structures/union_find/tests_union_find.py @@ -1,80 +1,80 @@ -from __future__ import absolute_import - -import unittest - -from .union_find import UnionFind - - -class TestUnionFind(unittest.TestCase): - def test_init_with_valid_size(self): - uf = UnionFind(5) - self.assertEqual(uf.size, 5) - - def test_init_with_invalid_size(self): - with self.assertRaises(ValueError): - uf = UnionFind(0) - - with self.assertRaises(ValueError): - uf = UnionFind(-5) - - def test_union_with_valid_values(self): - uf = UnionFind(10) - - for i in range(11): - for j in range(11): - uf.union(i, j) - - def test_union_with_invalid_values(self): - uf = UnionFind(10) - - with self.assertRaises(ValueError): - uf.union(-1, 1) - - with self.assertRaises(ValueError): - uf.union(11, 1) - - def test_same_set_with_valid_values(self): - uf = UnionFind(10) - - for i in range(11): - for j in range(11): - if i == j: - self.assertTrue(uf.same_set(i, j)) - else: - self.assertFalse(uf.same_set(i, j)) - - uf.union(1, 2) - self.assertTrue(uf.same_set(1, 2)) - - uf.union(3, 4) - self.assertTrue(uf.same_set(3, 4)) - - self.assertFalse(uf.same_set(1, 3)) - self.assertFalse(uf.same_set(1, 4)) - self.assertFalse(uf.same_set(2, 3)) - self.assertFalse(uf.same_set(2, 4)) - - uf.union(1, 3) - self.assertTrue(uf.same_set(1, 3)) - self.assertTrue(uf.same_set(1, 4)) - self.assertTrue(uf.same_set(2, 3)) - self.assertTrue(uf.same_set(2, 4)) - - uf.union(4, 10) - self.assertTrue(uf.same_set(1, 10)) - self.assertTrue(uf.same_set(2, 10)) - self.assertTrue(uf.same_set(3, 10)) - self.assertTrue(uf.same_set(4, 10)) - - def test_same_set_with_invalid_values(self): - uf = UnionFind(10) - - with self.assertRaises(ValueError): - uf.same_set(-1, 1) - - with self.assertRaises(ValueError): - uf.same_set(11, 0) - - -if __name__ == '__main__': - unittest.main() +from __future__ import absolute_import + +import unittest + +from .union_find import UnionFind + + +class TestUnionFind(unittest.TestCase): + def test_init_with_valid_size(self): + uf = UnionFind(5) + self.assertEqual(uf.size, 5) + + def test_init_with_invalid_size(self): + with self.assertRaises(ValueError): + uf = UnionFind(0) + + with self.assertRaises(ValueError): + uf = UnionFind(-5) + + def test_union_with_valid_values(self): + uf = UnionFind(10) + + for i in range(11): + for j in range(11): + uf.union(i, j) + + def test_union_with_invalid_values(self): + uf = UnionFind(10) + + with self.assertRaises(ValueError): + uf.union(-1, 1) + + with self.assertRaises(ValueError): + uf.union(11, 1) + + def test_same_set_with_valid_values(self): + uf = UnionFind(10) + + for i in range(11): + for j in range(11): + if i == j: + self.assertTrue(uf.same_set(i, j)) + else: + self.assertFalse(uf.same_set(i, j)) + + uf.union(1, 2) + self.assertTrue(uf.same_set(1, 2)) + + uf.union(3, 4) + self.assertTrue(uf.same_set(3, 4)) + + self.assertFalse(uf.same_set(1, 3)) + self.assertFalse(uf.same_set(1, 4)) + self.assertFalse(uf.same_set(2, 3)) + self.assertFalse(uf.same_set(2, 4)) + + uf.union(1, 3) + self.assertTrue(uf.same_set(1, 3)) + self.assertTrue(uf.same_set(1, 4)) + self.assertTrue(uf.same_set(2, 3)) + self.assertTrue(uf.same_set(2, 4)) + + uf.union(4, 10) + self.assertTrue(uf.same_set(1, 10)) + self.assertTrue(uf.same_set(2, 10)) + self.assertTrue(uf.same_set(3, 10)) + self.assertTrue(uf.same_set(4, 10)) + + def test_same_set_with_invalid_values(self): + uf = UnionFind(10) + + with self.assertRaises(ValueError): + uf.same_set(-1, 1) + + with self.assertRaises(ValueError): + uf.same_set(11, 0) + + +if __name__ == '__main__': + unittest.main() diff --git a/data_structures/union_find/union_find.py b/data_structures/union_find/union_find.py index adc7766c4941..c28907ae6f4a 100644 --- a/data_structures/union_find/union_find.py +++ b/data_structures/union_find/union_find.py @@ -1,88 +1,88 @@ -class UnionFind(): - """ - https://en.wikipedia.org/wiki/Disjoint-set_data_structure - - The union-find is a disjoint-set data structure - - You can merge two sets and tell if one set belongs to - another one. - - It's used on the Kruskal Algorithm - (https://en.wikipedia.org/wiki/Kruskal%27s_algorithm) - - The elements are in range [0, size] - """ - - def __init__(self, size): - if size <= 0: - raise ValueError("size should be greater than 0") - - self.size = size - - # The below plus 1 is because we are using elements - # in range [0, size]. It makes more sense. - - # Every set begins with only itself - self.root = [i for i in range(size + 1)] - - # This is used for heuristic union by rank - self.weight = [0 for i in range(size + 1)] - - def union(self, u, v): - """ - Union of the sets u and v. - Complexity: log(n). - Amortized complexity: < 5 (it's very fast). - """ - - self._validate_element_range(u, "u") - self._validate_element_range(v, "v") - - if u == v: - return - - # Using union by rank will guarantee the - # log(n) complexity - rootu = self._root(u) - rootv = self._root(v) - weight_u = self.weight[rootu] - weight_v = self.weight[rootv] - if weight_u >= weight_v: - self.root[rootv] = rootu - if weight_u == weight_v: - self.weight[rootu] += 1 - else: - self.root[rootu] = rootv - - def same_set(self, u, v): - """ - Return true if the elements u and v belongs to - the same set - """ - - self._validate_element_range(u, "u") - self._validate_element_range(v, "v") - - return self._root(u) == self._root(v) - - def _root(self, u): - """ - Get the element set root. - This uses the heuristic path compression - See wikipedia article for more details. - """ - - if u != self.root[u]: - self.root[u] = self._root(self.root[u]) - - return self.root[u] - - def _validate_element_range(self, u, element_name): - """ - Raises ValueError if element is not in range - """ - if u < 0 or u > self.size: - msg = ("element {0} with value {1} " - "should be in range [0~{2}]") \ - .format(element_name, u, self.size) - raise ValueError(msg) +class UnionFind(): + """ + https://en.wikipedia.org/wiki/Disjoint-set_data_structure + + The union-find is a disjoint-set data structure + + You can merge two sets and tell if one set belongs to + another one. + + It's used on the Kruskal Algorithm + (https://en.wikipedia.org/wiki/Kruskal%27s_algorithm) + + The elements are in range [0, size] + """ + + def __init__(self, size): + if size <= 0: + raise ValueError("size should be greater than 0") + + self.size = size + + # The below plus 1 is because we are using elements + # in range [0, size]. It makes more sense. + + # Every set begins with only itself + self.root = [i for i in range(size + 1)] + + # This is used for heuristic union by rank + self.weight = [0 for i in range(size + 1)] + + def union(self, u, v): + """ + Union of the sets u and v. + Complexity: log(n). + Amortized complexity: < 5 (it's very fast). + """ + + self._validate_element_range(u, "u") + self._validate_element_range(v, "v") + + if u == v: + return + + # Using union by rank will guarantee the + # log(n) complexity + rootu = self._root(u) + rootv = self._root(v) + weight_u = self.weight[rootu] + weight_v = self.weight[rootv] + if weight_u >= weight_v: + self.root[rootv] = rootu + if weight_u == weight_v: + self.weight[rootu] += 1 + else: + self.root[rootu] = rootv + + def same_set(self, u, v): + """ + Return true if the elements u and v belongs to + the same set + """ + + self._validate_element_range(u, "u") + self._validate_element_range(v, "v") + + return self._root(u) == self._root(v) + + def _root(self, u): + """ + Get the element set root. + This uses the heuristic path compression + See wikipedia article for more details. + """ + + if u != self.root[u]: + self.root[u] = self._root(self.root[u]) + + return self.root[u] + + def _validate_element_range(self, u, element_name): + """ + Raises ValueError if element is not in range + """ + if u < 0 or u > self.size: + msg = ("element {0} with value {1} " + "should be in range [0~{2}]") \ + .format(element_name, u, self.size) + raise ValueError(msg) diff --git a/digital_image_processing/filters/median_filter.py b/digital_image_processing/filters/median_filter.py index 5ee3ac03d9fd..eea4295632a1 100644 --- a/digital_image_processing/filters/median_filter.py +++ b/digital_image_processing/filters/median_filter.py @@ -1,42 +1,42 @@ -""" -Implementation of median filter algorithm -""" - -from cv2 import imread, cvtColor, COLOR_BGR2GRAY, imshow, waitKey -from numpy import zeros_like, ravel, sort, multiply, divide, int8 - - -def median_filter(gray_img, mask=3): - """ - :param gray_img: gray image - :param mask: mask size - :return: image with median filter - """ - # set image borders - bd = int(mask / 2) - # copy image size - median_img = zeros_like(gray) - for i in range(bd, gray_img.shape[0] - bd): - for j in range(bd, gray_img.shape[1] - bd): - # get mask according with mask - kernel = ravel(gray_img[i - bd:i + bd + 1, j - bd:j + bd + 1]) - # calculate mask median - median = sort(kernel)[int8(divide((multiply(mask, mask)), 2) + 1)] - median_img[i, j] = median - return median_img - - -if __name__ == '__main__': - # read original image - img = imread('lena.jpg') - # turn image in gray scale value - gray = cvtColor(img, COLOR_BGR2GRAY) - - # get values with two different mask size - median3x3 = median_filter(gray, 3) - median5x5 = median_filter(gray, 5) - - # show result images - imshow('median filter with 3x3 mask', median3x3) - imshow('median filter with 5x5 mask', median5x5) - waitKey(0) +""" +Implementation of median filter algorithm +""" + +from cv2 import imread, cvtColor, COLOR_BGR2GRAY, imshow, waitKey +from numpy import zeros_like, ravel, sort, multiply, divide, int8 + + +def median_filter(gray_img, mask=3): + """ + :param gray_img: gray image + :param mask: mask size + :return: image with median filter + """ + # set image borders + bd = int(mask / 2) + # copy image size + median_img = zeros_like(gray) + for i in range(bd, gray_img.shape[0] - bd): + for j in range(bd, gray_img.shape[1] - bd): + # get mask according with mask + kernel = ravel(gray_img[i - bd:i + bd + 1, j - bd:j + bd + 1]) + # calculate mask median + median = sort(kernel)[int8(divide((multiply(mask, mask)), 2) + 1)] + median_img[i, j] = median + return median_img + + +if __name__ == '__main__': + # read original image + img = imread('lena.jpg') + # turn image in gray scale value + gray = cvtColor(img, COLOR_BGR2GRAY) + + # get values with two different mask size + median3x3 = median_filter(gray, 3) + median5x5 = median_filter(gray, 5) + + # show result images + imshow('median filter with 3x3 mask', median3x3) + imshow('median filter with 5x5 mask', median5x5) + waitKey(0) diff --git a/dynamic_programming/Fractional_Knapsack.py b/dynamic_programming/Fractional_Knapsack.py index b17abae163ab..4907f4fd5dbf 100644 --- a/dynamic_programming/Fractional_Knapsack.py +++ b/dynamic_programming/Fractional_Knapsack.py @@ -1,13 +1,13 @@ -from bisect import bisect -from itertools import accumulate - - -def fracKnapsack(vl, wt, W, n): - r = list(sorted(zip(vl, wt), key=lambda x: x[0] / x[1], reverse=True)) - vl, wt = [i[0] for i in r], [i[1] for i in r] - acc = list(accumulate(wt)) - k = bisect(acc, W) - return 0 if k == 0 else sum(vl[:k]) + (W - acc[k - 1]) * (vl[k]) / (wt[k]) if k != n else sum(vl[:k]) - - -print("%.0f" % fracKnapsack([60, 100, 120], [10, 20, 30], 50, 3)) +from bisect import bisect +from itertools import accumulate + + +def fracKnapsack(vl, wt, W, n): + r = list(sorted(zip(vl, wt), key=lambda x: x[0] / x[1], reverse=True)) + vl, wt = [i[0] for i in r], [i[1] for i in r] + acc = list(accumulate(wt)) + k = bisect(acc, W) + return 0 if k == 0 else sum(vl[:k]) + (W - acc[k - 1]) * (vl[k]) / (wt[k]) if k != n else sum(vl[:k]) + + +print("%.0f" % fracKnapsack([60, 100, 120], [10, 20, 30], 50, 3)) diff --git a/dynamic_programming/abbreviation.py b/dynamic_programming/abbreviation.py index 19f62f7e91b8..f4d07e402925 100644 --- a/dynamic_programming/abbreviation.py +++ b/dynamic_programming/abbreviation.py @@ -1,31 +1,31 @@ -""" -https://www.hackerrank.com/challenges/abbr/problem -You can perform the following operation on some string, : - -1. Capitalize zero or more of 's lowercase letters at some index i - (i.e., make them uppercase). -2. Delete all of the remaining lowercase letters in . - -Example: -a=daBcd and b="ABC" -daBcd -> capitalize a and c(dABCd) -> remove d (ABC) -""" - - -def abbr(a, b): - n = len(a) - m = len(b) - dp = [[False for _ in range(m + 1)] for _ in range(n + 1)] - dp[0][0] = True - for i in range(n): - for j in range(m + 1): - if dp[i][j]: - if j < m and a[i].upper() == b[j]: - dp[i + 1][j + 1] = True - if a[i].islower(): - dp[i + 1][j] = True - return dp[n][m] - - -if __name__ == "__main__": - print(abbr("daBcd", "ABC")) # expect True +""" +https://www.hackerrank.com/challenges/abbr/problem +You can perform the following operation on some string, : + +1. Capitalize zero or more of 's lowercase letters at some index i + (i.e., make them uppercase). +2. Delete all of the remaining lowercase letters in . + +Example: +a=daBcd and b="ABC" +daBcd -> capitalize a and c(dABCd) -> remove d (ABC) +""" + + +def abbr(a, b): + n = len(a) + m = len(b) + dp = [[False for _ in range(m + 1)] for _ in range(n + 1)] + dp[0][0] = True + for i in range(n): + for j in range(m + 1): + if dp[i][j]: + if j < m and a[i].upper() == b[j]: + dp[i + 1][j + 1] = True + if a[i].islower(): + dp[i + 1][j] = True + return dp[n][m] + + +if __name__ == "__main__": + print(abbr("daBcd", "ABC")) # expect True diff --git a/dynamic_programming/bitmask.py b/dynamic_programming/bitmask.py index bbb537e7c3a1..d97eb5d0e48a 100644 --- a/dynamic_programming/bitmask.py +++ b/dynamic_programming/bitmask.py @@ -1,89 +1,89 @@ -""" - -This is a python implementation for questions involving task assignments between people. -Here Bitmasking and DP are used for solving this. - -Question :- -We have N tasks and M people. Each person in M can do only certain of these tasks. Also a person can do only one task and a task is performed only by one person. -Find the total no of ways in which the tasks can be distributed. - - -""" -from __future__ import print_function - -from collections import defaultdict - - -class AssignmentUsingBitmask: - def __init__(self, task_performed, total): - - self.total_tasks = total # total no of tasks (N) - - # DP table will have a dimension of (2^M)*N - # initially all values are set to -1 - self.dp = [[-1 for i in range(total + 1)] for j in range(2 ** len(task_performed))] - - self.task = defaultdict(list) # stores the list of persons for each task - - # finalmask is used to check if all persons are included by setting all bits to 1 - self.finalmask = (1 << len(task_performed)) - 1 - - def CountWaysUtil(self, mask, taskno): - - # if mask == self.finalmask all persons are distributed tasks, return 1 - if mask == self.finalmask: - return 1 - - # if not everyone gets the task and no more tasks are available, return 0 - if taskno > self.total_tasks: - return 0 - - # if case already considered - if self.dp[mask][taskno] != -1: - return self.dp[mask][taskno] - - # Number of ways when we dont this task in the arrangement - total_ways_util = self.CountWaysUtil(mask, taskno + 1) - - # now assign the tasks one by one to all possible persons and recursively assign for the remaining tasks. - if taskno in self.task: - for p in self.task[taskno]: - - # if p is already given a task - if mask & (1 << p): - continue - - # assign this task to p and change the mask value. And recursively assign tasks with the new mask value. - total_ways_util += self.CountWaysUtil(mask | (1 << p), taskno + 1) - - # save the value. - self.dp[mask][taskno] = total_ways_util - - return self.dp[mask][taskno] - - def countNoOfWays(self, task_performed): - - # Store the list of persons for each task - for i in range(len(task_performed)): - for j in task_performed[i]: - self.task[j].append(i) - - # call the function to fill the DP table, final answer is stored in dp[0][1] - return self.CountWaysUtil(0, 1) - - -if __name__ == '__main__': - total_tasks = 5 # total no of tasks (the value of N) - - # the list of tasks that can be done by M persons. - task_performed = [ - [1, 3, 4], - [1, 2, 5], - [3, 4] - ] - print(AssignmentUsingBitmask(task_performed, total_tasks).countNoOfWays(task_performed)) - """ - For the particular example the tasks can be distributed as - (1,2,3), (1,2,4), (1,5,3), (1,5,4), (3,1,4), (3,2,4), (3,5,4), (4,1,3), (4,2,3), (4,5,3) - total 10 - """ +""" + +This is a python implementation for questions involving task assignments between people. +Here Bitmasking and DP are used for solving this. + +Question :- +We have N tasks and M people. Each person in M can do only certain of these tasks. Also a person can do only one task and a task is performed only by one person. +Find the total no of ways in which the tasks can be distributed. + + +""" +from __future__ import print_function + +from collections import defaultdict + + +class AssignmentUsingBitmask: + def __init__(self, task_performed, total): + + self.total_tasks = total # total no of tasks (N) + + # DP table will have a dimension of (2^M)*N + # initially all values are set to -1 + self.dp = [[-1 for i in range(total + 1)] for j in range(2 ** len(task_performed))] + + self.task = defaultdict(list) # stores the list of persons for each task + + # finalmask is used to check if all persons are included by setting all bits to 1 + self.finalmask = (1 << len(task_performed)) - 1 + + def CountWaysUtil(self, mask, taskno): + + # if mask == self.finalmask all persons are distributed tasks, return 1 + if mask == self.finalmask: + return 1 + + # if not everyone gets the task and no more tasks are available, return 0 + if taskno > self.total_tasks: + return 0 + + # if case already considered + if self.dp[mask][taskno] != -1: + return self.dp[mask][taskno] + + # Number of ways when we dont this task in the arrangement + total_ways_util = self.CountWaysUtil(mask, taskno + 1) + + # now assign the tasks one by one to all possible persons and recursively assign for the remaining tasks. + if taskno in self.task: + for p in self.task[taskno]: + + # if p is already given a task + if mask & (1 << p): + continue + + # assign this task to p and change the mask value. And recursively assign tasks with the new mask value. + total_ways_util += self.CountWaysUtil(mask | (1 << p), taskno + 1) + + # save the value. + self.dp[mask][taskno] = total_ways_util + + return self.dp[mask][taskno] + + def countNoOfWays(self, task_performed): + + # Store the list of persons for each task + for i in range(len(task_performed)): + for j in task_performed[i]: + self.task[j].append(i) + + # call the function to fill the DP table, final answer is stored in dp[0][1] + return self.CountWaysUtil(0, 1) + + +if __name__ == '__main__': + total_tasks = 5 # total no of tasks (the value of N) + + # the list of tasks that can be done by M persons. + task_performed = [ + [1, 3, 4], + [1, 2, 5], + [3, 4] + ] + print(AssignmentUsingBitmask(task_performed, total_tasks).countNoOfWays(task_performed)) + """ + For the particular example the tasks can be distributed as + (1,2,3), (1,2,4), (1,5,3), (1,5,4), (3,1,4), (3,2,4), (3,5,4), (4,1,3), (4,2,3), (4,5,3) + total 10 + """ diff --git a/dynamic_programming/coin_change.py b/dynamic_programming/coin_change.py index 34bd412aa4dd..e53426f78913 100644 --- a/dynamic_programming/coin_change.py +++ b/dynamic_programming/coin_change.py @@ -1,30 +1,30 @@ -""" -You have m types of coins available in infinite quantities -where the value of each coins is given in the array S=[S0,... Sm-1] -Can you determine number of ways of making change for n units using -the given types of coins? -https://www.hackerrank.com/challenges/coin-change/problem -""" -from __future__ import print_function - - -def dp_count(S, m, n): - # table[i] represents the number of ways to get to amount i - table = [0] * (n + 1) - - # There is exactly 1 way to get to zero(You pick no coins). - table[0] = 1 - - # Pick all coins one by one and update table[] values - # after the index greater than or equal to the value of the - # picked coin - for coin_val in S: - for j in range(coin_val, n + 1): - table[j] += table[j - coin_val] - - return table[n] - - -if __name__ == '__main__': - print(dp_count([1, 2, 3], 3, 4)) # answer 4 - print(dp_count([2, 5, 3, 6], 4, 10)) # answer 5 +""" +You have m types of coins available in infinite quantities +where the value of each coins is given in the array S=[S0,... Sm-1] +Can you determine number of ways of making change for n units using +the given types of coins? +https://www.hackerrank.com/challenges/coin-change/problem +""" +from __future__ import print_function + + +def dp_count(S, m, n): + # table[i] represents the number of ways to get to amount i + table = [0] * (n + 1) + + # There is exactly 1 way to get to zero(You pick no coins). + table[0] = 1 + + # Pick all coins one by one and update table[] values + # after the index greater than or equal to the value of the + # picked coin + for coin_val in S: + for j in range(coin_val, n + 1): + table[j] += table[j - coin_val] + + return table[n] + + +if __name__ == '__main__': + print(dp_count([1, 2, 3], 3, 4)) # answer 4 + print(dp_count([2, 5, 3, 6], 4, 10)) # answer 5 diff --git a/dynamic_programming/edit_distance.py b/dynamic_programming/edit_distance.py index 67e707306dda..02f621c4565e 100644 --- a/dynamic_programming/edit_distance.py +++ b/dynamic_programming/edit_distance.py @@ -1,76 +1,76 @@ -""" -Author : Turfa Auliarachman -Date : October 12, 2016 - -This is a pure Python implementation of Dynamic Programming solution to the edit distance problem. - -The problem is : -Given two strings A and B. Find the minimum number of operations to string B such that A = B. The permitted operations are removal, insertion, and substitution. -""" -from __future__ import print_function - - -class EditDistance: - """ - Use : - solver = EditDistance() - editDistanceResult = solver.solve(firstString, secondString) - """ - - def __init__(self): - self.__prepare__() - - def __prepare__(self, N=0, M=0): - self.dp = [[-1 for y in range(0, M)] for x in range(0, N)] - - def __solveDP(self, x, y): - if (x == -1): - return y + 1 - elif (y == -1): - return x + 1 - elif (self.dp[x][y] > -1): - return self.dp[x][y] - else: - if (self.A[x] == self.B[y]): - self.dp[x][y] = self.__solveDP(x - 1, y - 1) - else: - self.dp[x][y] = 1 + min(self.__solveDP(x, y - 1), self.__solveDP(x - 1, y), self.__solveDP(x - 1, y - 1)) - - return self.dp[x][y] - - def solve(self, A, B): - if isinstance(A, bytes): - A = A.decode('ascii') - - if isinstance(B, bytes): - B = B.decode('ascii') - - self.A = str(A) - self.B = str(B) - - self.__prepare__(len(A), len(B)) - - return self.__solveDP(len(A) - 1, len(B) - 1) - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - solver = EditDistance() - - print("****************** Testing Edit Distance DP Algorithm ******************") - print() - - print("Enter the first string: ", end="") - S1 = raw_input().strip() - - print("Enter the second string: ", end="") - S2 = raw_input().strip() - - print() - print("The minimum Edit Distance is: %d" % (solver.solve(S1, S2))) - print() - print("*************** End of Testing Edit Distance DP Algorithm ***************") +""" +Author : Turfa Auliarachman +Date : October 12, 2016 + +This is a pure Python implementation of Dynamic Programming solution to the edit distance problem. + +The problem is : +Given two strings A and B. Find the minimum number of operations to string B such that A = B. The permitted operations are removal, insertion, and substitution. +""" +from __future__ import print_function + + +class EditDistance: + """ + Use : + solver = EditDistance() + editDistanceResult = solver.solve(firstString, secondString) + """ + + def __init__(self): + self.__prepare__() + + def __prepare__(self, N=0, M=0): + self.dp = [[-1 for y in range(0, M)] for x in range(0, N)] + + def __solveDP(self, x, y): + if (x == -1): + return y + 1 + elif (y == -1): + return x + 1 + elif (self.dp[x][y] > -1): + return self.dp[x][y] + else: + if (self.A[x] == self.B[y]): + self.dp[x][y] = self.__solveDP(x - 1, y - 1) + else: + self.dp[x][y] = 1 + min(self.__solveDP(x, y - 1), self.__solveDP(x - 1, y), self.__solveDP(x - 1, y - 1)) + + return self.dp[x][y] + + def solve(self, A, B): + if isinstance(A, bytes): + A = A.decode('ascii') + + if isinstance(B, bytes): + B = B.decode('ascii') + + self.A = str(A) + self.B = str(B) + + self.__prepare__(len(A), len(B)) + + return self.__solveDP(len(A) - 1, len(B) - 1) + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + solver = EditDistance() + + print("****************** Testing Edit Distance DP Algorithm ******************") + print() + + print("Enter the first string: ", end="") + S1 = raw_input().strip() + + print("Enter the second string: ", end="") + S2 = raw_input().strip() + + print() + print("The minimum Edit Distance is: %d" % (solver.solve(S1, S2))) + print() + print("*************** End of Testing Edit Distance DP Algorithm ***************") diff --git a/dynamic_programming/fast_fibonacci.py b/dynamic_programming/fast_fibonacci.py index db06897f97c4..9b0197acd252 100644 --- a/dynamic_programming/fast_fibonacci.py +++ b/dynamic_programming/fast_fibonacci.py @@ -1,47 +1,47 @@ -#!/usr/bin/python -# encoding=utf8 - -""" -This program calculates the nth Fibonacci number in O(log(n)). -It's possible to calculate F(1000000) in less than a second. -""" -from __future__ import print_function - -import sys - - -# returns F(n) -def fibonacci(n: int): # noqa: E999 This syntax is Python 3 only - if n < 0: - raise ValueError("Negative arguments are not supported") - return _fib(n)[0] - - -# returns (F(n), F(n-1)) -def _fib(n: int): # noqa: E999 This syntax is Python 3 only - if n == 0: - # (F(0), F(1)) - return (0, 1) - else: - # F(2n) = F(n)[2F(n+1) − F(n)] - # F(2n+1) = F(n+1)^2+F(n)^2 - a, b = _fib(n // 2) - c = a * (b * 2 - a) - d = a * a + b * b - if n % 2 == 0: - return (c, d) - else: - return (d, c + d) - - -if __name__ == "__main__": - args = sys.argv[1:] - if len(args) != 1: - print("Too few or too much parameters given.") - exit(1) - try: - n = int(args[0]) - except ValueError: - print("Could not convert data to an integer.") - exit(1) - print("F(%d) = %d" % (n, fibonacci(n))) +#!/usr/bin/python +# encoding=utf8 + +""" +This program calculates the nth Fibonacci number in O(log(n)). +It's possible to calculate F(1000000) in less than a second. +""" +from __future__ import print_function + +import sys + + +# returns F(n) +def fibonacci(n: int): # noqa: E999 This syntax is Python 3 only + if n < 0: + raise ValueError("Negative arguments are not supported") + return _fib(n)[0] + + +# returns (F(n), F(n-1)) +def _fib(n: int): # noqa: E999 This syntax is Python 3 only + if n == 0: + # (F(0), F(1)) + return (0, 1) + else: + # F(2n) = F(n)[2F(n+1) − F(n)] + # F(2n+1) = F(n+1)^2+F(n)^2 + a, b = _fib(n // 2) + c = a * (b * 2 - a) + d = a * a + b * b + if n % 2 == 0: + return (c, d) + else: + return (d, c + d) + + +if __name__ == "__main__": + args = sys.argv[1:] + if len(args) != 1: + print("Too few or too much parameters given.") + exit(1) + try: + n = int(args[0]) + except ValueError: + print("Could not convert data to an integer.") + exit(1) + print("F(%d) = %d" % (n, fibonacci(n))) diff --git a/dynamic_programming/fibonacci.py b/dynamic_programming/fibonacci.py index 2875885bfc10..b4a6dda1384b 100644 --- a/dynamic_programming/fibonacci.py +++ b/dynamic_programming/fibonacci.py @@ -1,54 +1,54 @@ -""" -This is a pure Python implementation of Dynamic Programming solution to the fibonacci sequence problem. -""" -from __future__ import print_function - - -class Fibonacci: - - def __init__(self, N=None): - self.fib_array = [] - if N: - N = int(N) - self.fib_array.append(0) - self.fib_array.append(1) - for i in range(2, N + 1): - self.fib_array.append(self.fib_array[i - 1] + self.fib_array[i - 2]) - elif N == 0: - self.fib_array.append(0) - - def get(self, sequence_no=None): - if sequence_no != None: - if sequence_no < len(self.fib_array): - return print(self.fib_array[:sequence_no + 1]) - else: - print("Out of bound.") - else: - print("Please specify a value") - - -if __name__ == '__main__': - print("\n********* Fibonacci Series Using Dynamic Programming ************\n") - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - print("\n Enter the upper limit for the fibonacci sequence: ", end="") - try: - N = eval(raw_input().strip()) - fib = Fibonacci(N) - print( - "\n********* Enter different values to get the corresponding fibonacci sequence, enter any negative number to exit. ************\n") - while True: - print("Enter value: ", end=" ") - try: - i = eval(raw_input().strip()) - if i < 0: - print("\n********* Good Bye!! ************\n") - break - fib.get(i) - except NameError: - print("\nInvalid input, please try again.") - except NameError: - print("\n********* Invalid input, good bye!! ************\n") +""" +This is a pure Python implementation of Dynamic Programming solution to the fibonacci sequence problem. +""" +from __future__ import print_function + + +class Fibonacci: + + def __init__(self, N=None): + self.fib_array = [] + if N: + N = int(N) + self.fib_array.append(0) + self.fib_array.append(1) + for i in range(2, N + 1): + self.fib_array.append(self.fib_array[i - 1] + self.fib_array[i - 2]) + elif N == 0: + self.fib_array.append(0) + + def get(self, sequence_no=None): + if sequence_no != None: + if sequence_no < len(self.fib_array): + return print(self.fib_array[:sequence_no + 1]) + else: + print("Out of bound.") + else: + print("Please specify a value") + + +if __name__ == '__main__': + print("\n********* Fibonacci Series Using Dynamic Programming ************\n") + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + print("\n Enter the upper limit for the fibonacci sequence: ", end="") + try: + N = eval(raw_input().strip()) + fib = Fibonacci(N) + print( + "\n********* Enter different values to get the corresponding fibonacci sequence, enter any negative number to exit. ************\n") + while True: + print("Enter value: ", end=" ") + try: + i = eval(raw_input().strip()) + if i < 0: + print("\n********* Good Bye!! ************\n") + break + fib.get(i) + except NameError: + print("\nInvalid input, please try again.") + except NameError: + print("\n********* Invalid input, good bye!! ************\n") diff --git a/dynamic_programming/floyd_warshall.py b/dynamic_programming/floyd_warshall.py index 78c826b08f8a..06c1b6bf2d20 100644 --- a/dynamic_programming/floyd_warshall.py +++ b/dynamic_programming/floyd_warshall.py @@ -1,39 +1,39 @@ -import math - - -class Graph: - - def __init__(self, N=0): # a graph with Node 0,1,...,N-1 - self.N = N - self.W = [[math.inf for j in range(0, N)] for i in range(0, N)] # adjacency matrix for weight - self.dp = [[math.inf for j in range(0, N)] for i in range(0, N)] # dp[i][j] stores minimum distance from i to j - - def addEdge(self, u, v, w): - self.dp[u][v] = w - - def floyd_warshall(self): - for k in range(0, self.N): - for i in range(0, self.N): - for j in range(0, self.N): - self.dp[i][j] = min(self.dp[i][j], self.dp[i][k] + self.dp[k][j]) - - def showMin(self, u, v): - return self.dp[u][v] - - -if __name__ == '__main__': - graph = Graph(5) - graph.addEdge(0, 2, 9) - graph.addEdge(0, 4, 10) - graph.addEdge(1, 3, 5) - graph.addEdge(2, 3, 7) - graph.addEdge(3, 0, 10) - graph.addEdge(3, 1, 2) - graph.addEdge(3, 2, 1) - graph.addEdge(3, 4, 6) - graph.addEdge(4, 1, 3) - graph.addEdge(4, 2, 4) - graph.addEdge(4, 3, 9) - graph.floyd_warshall() - graph.showMin(1, 4) - graph.showMin(0, 3) +import math + + +class Graph: + + def __init__(self, N=0): # a graph with Node 0,1,...,N-1 + self.N = N + self.W = [[math.inf for j in range(0, N)] for i in range(0, N)] # adjacency matrix for weight + self.dp = [[math.inf for j in range(0, N)] for i in range(0, N)] # dp[i][j] stores minimum distance from i to j + + def addEdge(self, u, v, w): + self.dp[u][v] = w + + def floyd_warshall(self): + for k in range(0, self.N): + for i in range(0, self.N): + for j in range(0, self.N): + self.dp[i][j] = min(self.dp[i][j], self.dp[i][k] + self.dp[k][j]) + + def showMin(self, u, v): + return self.dp[u][v] + + +if __name__ == '__main__': + graph = Graph(5) + graph.addEdge(0, 2, 9) + graph.addEdge(0, 4, 10) + graph.addEdge(1, 3, 5) + graph.addEdge(2, 3, 7) + graph.addEdge(3, 0, 10) + graph.addEdge(3, 1, 2) + graph.addEdge(3, 2, 1) + graph.addEdge(3, 4, 6) + graph.addEdge(4, 1, 3) + graph.addEdge(4, 2, 4) + graph.addEdge(4, 3, 9) + graph.floyd_warshall() + graph.showMin(1, 4) + graph.showMin(0, 3) diff --git a/dynamic_programming/integer_partition.py b/dynamic_programming/integer_partition.py index 50e898a2da58..0f1e6de59d88 100644 --- a/dynamic_programming/integer_partition.py +++ b/dynamic_programming/integer_partition.py @@ -1,48 +1,48 @@ -from __future__ import print_function - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - -''' -The number of partitions of a number n into at least k parts equals the number of partitions into exactly k parts -plus the number of partitions into at least k-1 parts. Subtracting 1 from each part of a partition of n into k parts -gives a partition of n-k into k parts. These two facts together are used for this algorithm. -''' - - -def partition(m): - memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] - for i in xrange(m + 1): - memo[i][0] = 1 - - for n in xrange(m + 1): - for k in xrange(1, m): - memo[n][k] += memo[n][k - 1] - if n - k > 0: - memo[n][k] += memo[n - k - 1][k] - - return memo[m][m - 1] - - -if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - try: - n = int(raw_input('Enter a number: ')) - print(partition(n)) - except ValueError: - print('Please enter a number.') - else: - try: - n = int(sys.argv[1]) - print(partition(n)) - except ValueError: - print('Please pass a number.') +from __future__ import print_function + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + +''' +The number of partitions of a number n into at least k parts equals the number of partitions into exactly k parts +plus the number of partitions into at least k-1 parts. Subtracting 1 from each part of a partition of n into k parts +gives a partition of n-k into k parts. These two facts together are used for this algorithm. +''' + + +def partition(m): + memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] + for i in xrange(m + 1): + memo[i][0] = 1 + + for n in xrange(m + 1): + for k in xrange(1, m): + memo[n][k] += memo[n][k - 1] + if n - k > 0: + memo[n][k] += memo[n - k - 1][k] + + return memo[m][m - 1] + + +if __name__ == '__main__': + import sys + + if len(sys.argv) == 1: + try: + n = int(raw_input('Enter a number: ')) + print(partition(n)) + except ValueError: + print('Please enter a number.') + else: + try: + n = int(sys.argv[1]) + print(partition(n)) + except ValueError: + print('Please pass a number.') diff --git a/dynamic_programming/k_means_clustering_tensorflow.py b/dynamic_programming/k_means_clustering_tensorflow.py index b78068b2d625..e8f9674e93fa 100644 --- a/dynamic_programming/k_means_clustering_tensorflow.py +++ b/dynamic_programming/k_means_clustering_tensorflow.py @@ -1,141 +1,141 @@ -from random import shuffle - -import tensorflow as tf -from numpy import array - - -def TFKMeansCluster(vectors, noofclusters): - """ - K-Means Clustering using TensorFlow. - 'vectors' should be a n*k 2-D NumPy array, where n is the number - of vectors of dimensionality k. - 'noofclusters' should be an integer. - """ - - noofclusters = int(noofclusters) - assert noofclusters < len(vectors) - - # Find out the dimensionality - dim = len(vectors[0]) - - # Will help select random centroids from among the available vectors - vector_indices = list(range(len(vectors))) - shuffle(vector_indices) - - # GRAPH OF COMPUTATION - # We initialize a new graph and set it as the default during each run - # of this algorithm. This ensures that as this function is called - # multiple times, the default graph doesn't keep getting crowded with - # unused ops and Variables from previous function calls. - - graph = tf.Graph() - - with graph.as_default(): - - # SESSION OF COMPUTATION - - sess = tf.Session() - - ##CONSTRUCTING THE ELEMENTS OF COMPUTATION - - ##First lets ensure we have a Variable vector for each centroid, - ##initialized to one of the vectors from the available data points - centroids = [tf.Variable((vectors[vector_indices[i]])) - for i in range(noofclusters)] - ##These nodes will assign the centroid Variables the appropriate - ##values - centroid_value = tf.placeholder("float64", [dim]) - cent_assigns = [] - for centroid in centroids: - cent_assigns.append(tf.assign(centroid, centroid_value)) - - ##Variables for cluster assignments of individual vectors(initialized - ##to 0 at first) - assignments = [tf.Variable(0) for i in range(len(vectors))] - ##These nodes will assign an assignment Variable the appropriate - ##value - assignment_value = tf.placeholder("int32") - cluster_assigns = [] - for assignment in assignments: - cluster_assigns.append(tf.assign(assignment, - assignment_value)) - - ##Now lets construct the node that will compute the mean - # The placeholder for the input - mean_input = tf.placeholder("float", [None, dim]) - # The Node/op takes the input and computes a mean along the 0th - # dimension, i.e. the list of input vectors - mean_op = tf.reduce_mean(mean_input, 0) - - ##Node for computing Euclidean distances - # Placeholders for input - v1 = tf.placeholder("float", [dim]) - v2 = tf.placeholder("float", [dim]) - euclid_dist = tf.sqrt(tf.reduce_sum(tf.pow(tf.sub( - v1, v2), 2))) - - ##This node will figure out which cluster to assign a vector to, - ##based on Euclidean distances of the vector from the centroids. - # Placeholder for input - centroid_distances = tf.placeholder("float", [noofclusters]) - cluster_assignment = tf.argmin(centroid_distances, 0) - - ##INITIALIZING STATE VARIABLES - - ##This will help initialization of all Variables defined with respect - ##to the graph. The Variable-initializer should be defined after - ##all the Variables have been constructed, so that each of them - ##will be included in the initialization. - init_op = tf.initialize_all_variables() - - # Initialize all variables - sess.run(init_op) - - ##CLUSTERING ITERATIONS - - # Now perform the Expectation-Maximization steps of K-Means clustering - # iterations. To keep things simple, we will only do a set number of - # iterations, instead of using a Stopping Criterion. - noofiterations = 100 - for iteration_n in range(noofiterations): - - ##EXPECTATION STEP - ##Based on the centroid locations till last iteration, compute - ##the _expected_ centroid assignments. - # Iterate over each vector - for vector_n in range(len(vectors)): - vect = vectors[vector_n] - # Compute Euclidean distance between this vector and each - # centroid. Remember that this list cannot be named - # 'centroid_distances', since that is the input to the - # cluster assignment node. - distances = [sess.run(euclid_dist, feed_dict={ - v1: vect, v2: sess.run(centroid)}) - for centroid in centroids] - # Now use the cluster assignment node, with the distances - # as the input - assignment = sess.run(cluster_assignment, feed_dict={ - centroid_distances: distances}) - # Now assign the value to the appropriate state variable - sess.run(cluster_assigns[vector_n], feed_dict={ - assignment_value: assignment}) - - ##MAXIMIZATION STEP - # Based on the expected state computed from the Expectation Step, - # compute the locations of the centroids so as to maximize the - # overall objective of minimizing within-cluster Sum-of-Squares - for cluster_n in range(noofclusters): - # Collect all the vectors assigned to this cluster - assigned_vects = [vectors[i] for i in range(len(vectors)) - if sess.run(assignments[i]) == cluster_n] - # Compute new centroid location - new_location = sess.run(mean_op, feed_dict={ - mean_input: array(assigned_vects)}) - # Assign value to appropriate variable - sess.run(cent_assigns[cluster_n], feed_dict={ - centroid_value: new_location}) - - # Return centroids and assignments - centroids = sess.run(centroids) - assignments = sess.run(assignments) - return centroids, assignments +from random import shuffle + +import tensorflow as tf +from numpy import array + + +def TFKMeansCluster(vectors, noofclusters): + """ + K-Means Clustering using TensorFlow. + 'vectors' should be a n*k 2-D NumPy array, where n is the number + of vectors of dimensionality k. + 'noofclusters' should be an integer. + """ + + noofclusters = int(noofclusters) + assert noofclusters < len(vectors) + + # Find out the dimensionality + dim = len(vectors[0]) + + # Will help select random centroids from among the available vectors + vector_indices = list(range(len(vectors))) + shuffle(vector_indices) + + # GRAPH OF COMPUTATION + # We initialize a new graph and set it as the default during each run + # of this algorithm. This ensures that as this function is called + # multiple times, the default graph doesn't keep getting crowded with + # unused ops and Variables from previous function calls. + + graph = tf.Graph() + + with graph.as_default(): + + # SESSION OF COMPUTATION + + sess = tf.Session() + + ##CONSTRUCTING THE ELEMENTS OF COMPUTATION + + ##First lets ensure we have a Variable vector for each centroid, + ##initialized to one of the vectors from the available data points + centroids = [tf.Variable((vectors[vector_indices[i]])) + for i in range(noofclusters)] + ##These nodes will assign the centroid Variables the appropriate + ##values + centroid_value = tf.placeholder("float64", [dim]) + cent_assigns = [] + for centroid in centroids: + cent_assigns.append(tf.assign(centroid, centroid_value)) + + ##Variables for cluster assignments of individual vectors(initialized + ##to 0 at first) + assignments = [tf.Variable(0) for i in range(len(vectors))] + ##These nodes will assign an assignment Variable the appropriate + ##value + assignment_value = tf.placeholder("int32") + cluster_assigns = [] + for assignment in assignments: + cluster_assigns.append(tf.assign(assignment, + assignment_value)) + + ##Now lets construct the node that will compute the mean + # The placeholder for the input + mean_input = tf.placeholder("float", [None, dim]) + # The Node/op takes the input and computes a mean along the 0th + # dimension, i.e. the list of input vectors + mean_op = tf.reduce_mean(mean_input, 0) + + ##Node for computing Euclidean distances + # Placeholders for input + v1 = tf.placeholder("float", [dim]) + v2 = tf.placeholder("float", [dim]) + euclid_dist = tf.sqrt(tf.reduce_sum(tf.pow(tf.sub( + v1, v2), 2))) + + ##This node will figure out which cluster to assign a vector to, + ##based on Euclidean distances of the vector from the centroids. + # Placeholder for input + centroid_distances = tf.placeholder("float", [noofclusters]) + cluster_assignment = tf.argmin(centroid_distances, 0) + + ##INITIALIZING STATE VARIABLES + + ##This will help initialization of all Variables defined with respect + ##to the graph. The Variable-initializer should be defined after + ##all the Variables have been constructed, so that each of them + ##will be included in the initialization. + init_op = tf.initialize_all_variables() + + # Initialize all variables + sess.run(init_op) + + ##CLUSTERING ITERATIONS + + # Now perform the Expectation-Maximization steps of K-Means clustering + # iterations. To keep things simple, we will only do a set number of + # iterations, instead of using a Stopping Criterion. + noofiterations = 100 + for iteration_n in range(noofiterations): + + ##EXPECTATION STEP + ##Based on the centroid locations till last iteration, compute + ##the _expected_ centroid assignments. + # Iterate over each vector + for vector_n in range(len(vectors)): + vect = vectors[vector_n] + # Compute Euclidean distance between this vector and each + # centroid. Remember that this list cannot be named + # 'centroid_distances', since that is the input to the + # cluster assignment node. + distances = [sess.run(euclid_dist, feed_dict={ + v1: vect, v2: sess.run(centroid)}) + for centroid in centroids] + # Now use the cluster assignment node, with the distances + # as the input + assignment = sess.run(cluster_assignment, feed_dict={ + centroid_distances: distances}) + # Now assign the value to the appropriate state variable + sess.run(cluster_assigns[vector_n], feed_dict={ + assignment_value: assignment}) + + ##MAXIMIZATION STEP + # Based on the expected state computed from the Expectation Step, + # compute the locations of the centroids so as to maximize the + # overall objective of minimizing within-cluster Sum-of-Squares + for cluster_n in range(noofclusters): + # Collect all the vectors assigned to this cluster + assigned_vects = [vectors[i] for i in range(len(vectors)) + if sess.run(assignments[i]) == cluster_n] + # Compute new centroid location + new_location = sess.run(mean_op, feed_dict={ + mean_input: array(assigned_vects)}) + # Assign value to appropriate variable + sess.run(cent_assigns[cluster_n], feed_dict={ + centroid_value: new_location}) + + # Return centroids and assignments + centroids = sess.run(centroids) + assignments = sess.run(assignments) + return centroids, assignments diff --git a/dynamic_programming/knapsack.py b/dynamic_programming/knapsack.py index 1e7b35048d0c..1f6921e8c7f1 100644 --- a/dynamic_programming/knapsack.py +++ b/dynamic_programming/knapsack.py @@ -1,45 +1,45 @@ -""" -Given weights and values of n items, put these items in a knapsack of capacity W to get the maximum total value in the knapsack. -""" - - -def MF_knapsack(i, wt, val, j): - ''' - This code involves the concept of memory functions. Here we solve the subproblems which are needed - unlike the below example - F is a 2D array with -1s filled up - ''' - global F # a global dp table for knapsack - if F[i][j] < 0: - if j < wt[i - 1]: - val = MF_knapsack(i - 1, wt, val, j) - else: - val = max(MF_knapsack(i - 1, wt, val, j), MF_knapsack(i - 1, wt, val, j - wt[i - 1]) + val[i - 1]) - F[i][j] = val - return F[i][j] - - -def knapsack(W, wt, val, n): - dp = [[0 for i in range(W + 1)] for j in range(n + 1)] - - for i in range(1, n + 1): - for w in range(1, W + 1): - if (wt[i - 1] <= w): - dp[i][w] = max(val[i - 1] + dp[i - 1][w - wt[i - 1]], dp[i - 1][w]) - else: - dp[i][w] = dp[i - 1][w] - - return dp[n][w] - - -if __name__ == '__main__': - ''' - Adding test case for knapsack - ''' - val = [3, 2, 4, 4] - wt = [4, 3, 2, 3] - n = 4 - w = 6 - F = [[0] * (w + 1)] + [[0] + [-1 for i in range(w + 1)] for j in range(n + 1)] - print(knapsack(w, wt, val, n)) - print(MF_knapsack(n, wt, val, w)) # switched the n and w +""" +Given weights and values of n items, put these items in a knapsack of capacity W to get the maximum total value in the knapsack. +""" + + +def MF_knapsack(i, wt, val, j): + ''' + This code involves the concept of memory functions. Here we solve the subproblems which are needed + unlike the below example + F is a 2D array with -1s filled up + ''' + global F # a global dp table for knapsack + if F[i][j] < 0: + if j < wt[i - 1]: + val = MF_knapsack(i - 1, wt, val, j) + else: + val = max(MF_knapsack(i - 1, wt, val, j), MF_knapsack(i - 1, wt, val, j - wt[i - 1]) + val[i - 1]) + F[i][j] = val + return F[i][j] + + +def knapsack(W, wt, val, n): + dp = [[0 for i in range(W + 1)] for j in range(n + 1)] + + for i in range(1, n + 1): + for w in range(1, W + 1): + if (wt[i - 1] <= w): + dp[i][w] = max(val[i - 1] + dp[i - 1][w - wt[i - 1]], dp[i - 1][w]) + else: + dp[i][w] = dp[i - 1][w] + + return dp[n][w] + + +if __name__ == '__main__': + ''' + Adding test case for knapsack + ''' + val = [3, 2, 4, 4] + wt = [4, 3, 2, 3] + n = 4 + w = 6 + F = [[0] * (w + 1)] + [[0] + [-1 for i in range(w + 1)] for j in range(n + 1)] + print(knapsack(w, wt, val, n)) + print(MF_knapsack(n, wt, val, w)) # switched the n and w diff --git a/dynamic_programming/longest_common_subsequence.py b/dynamic_programming/longest_common_subsequence.py index 095620e75dcf..4ed43bef51cb 100644 --- a/dynamic_programming/longest_common_subsequence.py +++ b/dynamic_programming/longest_common_subsequence.py @@ -1,39 +1,39 @@ -""" -LCS Problem Statement: Given two sequences, find the length of longest subsequence present in both of them. -A subsequence is a sequence that appears in the same relative order, but not necessarily continious. -Example:"abc", "abg" are subsequences of "abcdefgh". -""" -from __future__ import print_function - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def lcs_dp(x, y): - # find the length of strings - m = len(x) - n = len(y) - - # declaring the array for storing the dp values - L = [[None] * (n + 1) for i in xrange(m + 1)] - seq = [] - - for i in range(m + 1): - for j in range(n + 1): - if i == 0 or j == 0: - L[i][j] = 0 - elif x[i - 1] == y[j - 1]: - L[i][j] = L[i - 1][j - 1] + 1 - seq.append(x[i - 1]) - else: - L[i][j] = max(L[i - 1][j], L[i][j - 1]) - # L[m][n] contains the length of LCS of X[0..n-1] & Y[0..m-1] - return L[m][n], seq - - -if __name__ == '__main__': - x = 'AGGTAB' - y = 'GXTXAYB' - print(lcs_dp(x, y)) +""" +LCS Problem Statement: Given two sequences, find the length of longest subsequence present in both of them. +A subsequence is a sequence that appears in the same relative order, but not necessarily continious. +Example:"abc", "abg" are subsequences of "abcdefgh". +""" +from __future__ import print_function + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def lcs_dp(x, y): + # find the length of strings + m = len(x) + n = len(y) + + # declaring the array for storing the dp values + L = [[None] * (n + 1) for i in xrange(m + 1)] + seq = [] + + for i in range(m + 1): + for j in range(n + 1): + if i == 0 or j == 0: + L[i][j] = 0 + elif x[i - 1] == y[j - 1]: + L[i][j] = L[i - 1][j - 1] + 1 + seq.append(x[i - 1]) + else: + L[i][j] = max(L[i - 1][j], L[i][j - 1]) + # L[m][n] contains the length of LCS of X[0..n-1] & Y[0..m-1] + return L[m][n], seq + + +if __name__ == '__main__': + x = 'AGGTAB' + y = 'GXTXAYB' + print(lcs_dp(x, y)) diff --git a/dynamic_programming/longest_increasing_subsequence.py b/dynamic_programming/longest_increasing_subsequence.py index bfb25566fe2f..6bfab55977c9 100644 --- a/dynamic_programming/longest_increasing_subsequence.py +++ b/dynamic_programming/longest_increasing_subsequence.py @@ -1,44 +1,44 @@ -''' -Author : Mehdi ALAOUI - -This is a pure Python implementation of Dynamic Programming solution to the longest increasing subsequence of a given sequence. - -The problem is : -Given an ARRAY, to find the longest and increasing sub ARRAY in that given ARRAY and return it. -Example: [10, 22, 9, 33, 21, 50, 41, 60, 80] as input will return [10, 22, 33, 41, 60, 80] as output -''' -from __future__ import print_function - - -def longestSub(ARRAY): # This function is recursive - - ARRAY_LENGTH = len(ARRAY) - if (ARRAY_LENGTH <= 1): # If the array contains only one element, we return it (it's the stop condition of recursion) - return ARRAY - # Else - PIVOT = ARRAY[0] - isFound = False - i = 1 - LONGEST_SUB = [] - while (not isFound and i < ARRAY_LENGTH): - if (ARRAY[i] < PIVOT): - isFound = True - TEMPORARY_ARRAY = [element for element in ARRAY[i:] if element >= ARRAY[i]] - TEMPORARY_ARRAY = longestSub(TEMPORARY_ARRAY) - if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): - LONGEST_SUB = TEMPORARY_ARRAY - else: - i += 1 - - TEMPORARY_ARRAY = [element for element in ARRAY[1:] if element >= PIVOT] - TEMPORARY_ARRAY = [PIVOT] + longestSub(TEMPORARY_ARRAY) - if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): - return TEMPORARY_ARRAY - else: - return LONGEST_SUB - - -# Some examples - -print(longestSub([4, 8, 7, 5, 1, 12, 2, 3, 9])) -print(longestSub([9, 8, 7, 6, 5, 7])) +''' +Author : Mehdi ALAOUI + +This is a pure Python implementation of Dynamic Programming solution to the longest increasing subsequence of a given sequence. + +The problem is : +Given an ARRAY, to find the longest and increasing sub ARRAY in that given ARRAY and return it. +Example: [10, 22, 9, 33, 21, 50, 41, 60, 80] as input will return [10, 22, 33, 41, 60, 80] as output +''' +from __future__ import print_function + + +def longestSub(ARRAY): # This function is recursive + + ARRAY_LENGTH = len(ARRAY) + if (ARRAY_LENGTH <= 1): # If the array contains only one element, we return it (it's the stop condition of recursion) + return ARRAY + # Else + PIVOT = ARRAY[0] + isFound = False + i = 1 + LONGEST_SUB = [] + while (not isFound and i < ARRAY_LENGTH): + if (ARRAY[i] < PIVOT): + isFound = True + TEMPORARY_ARRAY = [element for element in ARRAY[i:] if element >= ARRAY[i]] + TEMPORARY_ARRAY = longestSub(TEMPORARY_ARRAY) + if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): + LONGEST_SUB = TEMPORARY_ARRAY + else: + i += 1 + + TEMPORARY_ARRAY = [element for element in ARRAY[1:] if element >= PIVOT] + TEMPORARY_ARRAY = [PIVOT] + longestSub(TEMPORARY_ARRAY) + if (len(TEMPORARY_ARRAY) > len(LONGEST_SUB)): + return TEMPORARY_ARRAY + else: + return LONGEST_SUB + + +# Some examples + +print(longestSub([4, 8, 7, 5, 1, 12, 2, 3, 9])) +print(longestSub([9, 8, 7, 6, 5, 7])) diff --git a/dynamic_programming/longest_increasing_subsequence_O(nlogn).py b/dynamic_programming/longest_increasing_subsequence_O(nlogn).py index f3abd4a49fdb..6da23b62a89d 100644 --- a/dynamic_programming/longest_increasing_subsequence_O(nlogn).py +++ b/dynamic_programming/longest_increasing_subsequence_O(nlogn).py @@ -1,43 +1,43 @@ -from __future__ import print_function - - -############################# -# Author: Aravind Kashyap -# File: lis.py -# comments: This programme outputs the Longest Strictly Increasing Subsequence in O(NLogN) -# Where N is the Number of elements in the list -############################# -def CeilIndex(v, l, r, key): - while r - l > 1: - m = (l + r) / 2 - if v[m] >= key: - r = m - else: - l = m - - return r - - -def LongestIncreasingSubsequenceLength(v): - if (len(v) == 0): - return 0 - - tail = [0] * len(v) - length = 1 - - tail[0] = v[0] - - for i in range(1, len(v)): - if v[i] < tail[0]: - tail[0] = v[i] - elif v[i] > tail[length - 1]: - tail[length] = v[i] - length += 1 - else: - tail[CeilIndex(tail, -1, length - 1, v[i])] = v[i] - - return length - - -v = [2, 5, 3, 7, 11, 8, 10, 13, 6] -print(LongestIncreasingSubsequenceLength(v)) +from __future__ import print_function + + +############################# +# Author: Aravind Kashyap +# File: lis.py +# comments: This programme outputs the Longest Strictly Increasing Subsequence in O(NLogN) +# Where N is the Number of elements in the list +############################# +def CeilIndex(v, l, r, key): + while r - l > 1: + m = (l + r) / 2 + if v[m] >= key: + r = m + else: + l = m + + return r + + +def LongestIncreasingSubsequenceLength(v): + if (len(v) == 0): + return 0 + + tail = [0] * len(v) + length = 1 + + tail[0] = v[0] + + for i in range(1, len(v)): + if v[i] < tail[0]: + tail[0] = v[i] + elif v[i] > tail[length - 1]: + tail[length] = v[i] + length += 1 + else: + tail[CeilIndex(tail, -1, length - 1, v[i])] = v[i] + + return length + + +v = [2, 5, 3, 7, 11, 8, 10, 13, 6] +print(LongestIncreasingSubsequenceLength(v)) diff --git a/dynamic_programming/longest_sub_array.py b/dynamic_programming/longest_sub_array.py index 5a0d32f63bcc..2cfe270995db 100644 --- a/dynamic_programming/longest_sub_array.py +++ b/dynamic_programming/longest_sub_array.py @@ -1,32 +1,32 @@ -''' -Auther : Yvonne - -This is a pure Python implementation of Dynamic Programming solution to the longest_sub_array problem. - -The problem is : -Given an array, to find the longest and continuous sub array and get the max sum of the sub array in the given array. -''' -from __future__ import print_function - - -class SubArray: - - def __init__(self, arr): - # we need a list not a string, so do something to change the type - self.array = arr.split(',') - print(("the input array is:", self.array)) - - def solve_sub_array(self): - rear = [int(self.array[0])] * len(self.array) - sum_value = [int(self.array[0])] * len(self.array) - for i in range(1, len(self.array)): - sum_value[i] = max(int(self.array[i]) + sum_value[i - 1], int(self.array[i])) - rear[i] = max(sum_value[i], rear[i - 1]) - return rear[len(self.array) - 1] - - -if __name__ == '__main__': - whole_array = input("please input some numbers:") - array = SubArray(whole_array) - re = array.solve_sub_array() - print(("the results is:", re)) +''' +Auther : Yvonne + +This is a pure Python implementation of Dynamic Programming solution to the longest_sub_array problem. + +The problem is : +Given an array, to find the longest and continuous sub array and get the max sum of the sub array in the given array. +''' +from __future__ import print_function + + +class SubArray: + + def __init__(self, arr): + # we need a list not a string, so do something to change the type + self.array = arr.split(',') + print(("the input array is:", self.array)) + + def solve_sub_array(self): + rear = [int(self.array[0])] * len(self.array) + sum_value = [int(self.array[0])] * len(self.array) + for i in range(1, len(self.array)): + sum_value[i] = max(int(self.array[i]) + sum_value[i - 1], int(self.array[i])) + rear[i] = max(sum_value[i], rear[i - 1]) + return rear[len(self.array) - 1] + + +if __name__ == '__main__': + whole_array = input("please input some numbers:") + array = SubArray(whole_array) + re = array.solve_sub_array() + print(("the results is:", re)) diff --git a/dynamic_programming/matrix_chain_order.py b/dynamic_programming/matrix_chain_order.py index afa0477065d1..5e8d70a3c40d 100644 --- a/dynamic_programming/matrix_chain_order.py +++ b/dynamic_programming/matrix_chain_order.py @@ -1,54 +1,54 @@ -from __future__ import print_function - -import sys - -''' -Dynamic Programming -Implementation of Matrix Chain Multiplication -Time Complexity: O(n^3) -Space Complexity: O(n^2) -''' - - -def MatrixChainOrder(array): - N = len(array) - Matrix = [[0 for x in range(N)] for x in range(N)] - Sol = [[0 for x in range(N)] for x in range(N)] - - for ChainLength in range(2, N): - for a in range(1, N - ChainLength + 1): - b = a + ChainLength - 1 - - Matrix[a][b] = sys.maxsize - for c in range(a, b): - cost = Matrix[a][c] + Matrix[c + 1][b] + array[a - 1] * array[c] * array[b] - if cost < Matrix[a][b]: - Matrix[a][b] = cost - Sol[a][b] = c - return Matrix, Sol - - -# Print order of matrix with Ai as Matrix -def PrintOptimalSolution(OptimalSolution, i, j): - if i == j: - print("A" + str(i), end=" ") - else: - print("(", end=" ") - PrintOptimalSolution(OptimalSolution, i, OptimalSolution[i][j]) - PrintOptimalSolution(OptimalSolution, OptimalSolution[i][j] + 1, j) - print(")", end=" ") - - -def main(): - array = [30, 35, 15, 5, 10, 20, 25] - n = len(array) - # Size of matrix created from above array will be - # 30*35 35*15 15*5 5*10 10*20 20*25 - Matrix, OptimalSolution = MatrixChainOrder(array) - - print("No. of Operation required: " + str((Matrix[1][n - 1]))) - PrintOptimalSolution(OptimalSolution, 1, n - 1) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import sys + +''' +Dynamic Programming +Implementation of Matrix Chain Multiplication +Time Complexity: O(n^3) +Space Complexity: O(n^2) +''' + + +def MatrixChainOrder(array): + N = len(array) + Matrix = [[0 for x in range(N)] for x in range(N)] + Sol = [[0 for x in range(N)] for x in range(N)] + + for ChainLength in range(2, N): + for a in range(1, N - ChainLength + 1): + b = a + ChainLength - 1 + + Matrix[a][b] = sys.maxsize + for c in range(a, b): + cost = Matrix[a][c] + Matrix[c + 1][b] + array[a - 1] * array[c] * array[b] + if cost < Matrix[a][b]: + Matrix[a][b] = cost + Sol[a][b] = c + return Matrix, Sol + + +# Print order of matrix with Ai as Matrix +def PrintOptimalSolution(OptimalSolution, i, j): + if i == j: + print("A" + str(i), end=" ") + else: + print("(", end=" ") + PrintOptimalSolution(OptimalSolution, i, OptimalSolution[i][j]) + PrintOptimalSolution(OptimalSolution, OptimalSolution[i][j] + 1, j) + print(")", end=" ") + + +def main(): + array = [30, 35, 15, 5, 10, 20, 25] + n = len(array) + # Size of matrix created from above array will be + # 30*35 35*15 15*5 5*10 10*20 20*25 + Matrix, OptimalSolution = MatrixChainOrder(array) + + print("No. of Operation required: " + str((Matrix[1][n - 1]))) + PrintOptimalSolution(OptimalSolution, 1, n - 1) + + +if __name__ == '__main__': + main() diff --git a/dynamic_programming/max_sub_array.py b/dynamic_programming/max_sub_array.py index 69eaf93081cf..3f07aa297fe8 100644 --- a/dynamic_programming/max_sub_array.py +++ b/dynamic_programming/max_sub_array.py @@ -1,61 +1,61 @@ -""" -author : Mayank Kumar Jha (mk9440) -""" -from __future__ import print_function - -import time -from random import randint - -import matplotlib.pyplot as plt - - -def find_max_sub_array(A, low, high): - if low == high: - return low, high, A[low] - else: - mid = (low + high) // 2 - left_low, left_high, left_sum = find_max_sub_array(A, low, mid) - right_low, right_high, right_sum = find_max_sub_array(A, mid + 1, high) - cross_left, cross_right, cross_sum = find_max_cross_sum(A, low, mid, high) - if left_sum >= right_sum and left_sum >= cross_sum: - return left_low, left_high, left_sum - elif right_sum >= left_sum and right_sum >= cross_sum: - return right_low, right_high, right_sum - else: - return cross_left, cross_right, cross_sum - - -def find_max_cross_sum(A, low, mid, high): - left_sum, max_left = -999999999, -1 - right_sum, max_right = -999999999, -1 - summ = 0 - for i in range(mid, low - 1, -1): - summ += A[i] - if summ > left_sum: - left_sum = summ - max_left = i - summ = 0 - for i in range(mid + 1, high + 1): - summ += A[i] - if summ > right_sum: - right_sum = summ - max_right = i - return max_left, max_right, (left_sum + right_sum) - - -if __name__ == '__main__': - inputs = [10, 100, 1000, 10000, 50000, 100000, 200000, 300000, 400000, 500000] - tim = [] - for i in inputs: - li = [randint(1, i) for j in range(i)] - strt = time.time() - (find_max_sub_array(li, 0, len(li) - 1)) - end = time.time() - tim.append(end - strt) - print("No of Inputs Time Taken") - for i in range(len(inputs)): - print(inputs[i], '\t\t', tim[i]) - plt.plot(inputs, tim) - plt.xlabel("Number of Inputs"); - plt.ylabel("Time taken in seconds ") - plt.show() +""" +author : Mayank Kumar Jha (mk9440) +""" +from __future__ import print_function + +import time +from random import randint + +import matplotlib.pyplot as plt + + +def find_max_sub_array(A, low, high): + if low == high: + return low, high, A[low] + else: + mid = (low + high) // 2 + left_low, left_high, left_sum = find_max_sub_array(A, low, mid) + right_low, right_high, right_sum = find_max_sub_array(A, mid + 1, high) + cross_left, cross_right, cross_sum = find_max_cross_sum(A, low, mid, high) + if left_sum >= right_sum and left_sum >= cross_sum: + return left_low, left_high, left_sum + elif right_sum >= left_sum and right_sum >= cross_sum: + return right_low, right_high, right_sum + else: + return cross_left, cross_right, cross_sum + + +def find_max_cross_sum(A, low, mid, high): + left_sum, max_left = -999999999, -1 + right_sum, max_right = -999999999, -1 + summ = 0 + for i in range(mid, low - 1, -1): + summ += A[i] + if summ > left_sum: + left_sum = summ + max_left = i + summ = 0 + for i in range(mid + 1, high + 1): + summ += A[i] + if summ > right_sum: + right_sum = summ + max_right = i + return max_left, max_right, (left_sum + right_sum) + + +if __name__ == '__main__': + inputs = [10, 100, 1000, 10000, 50000, 100000, 200000, 300000, 400000, 500000] + tim = [] + for i in inputs: + li = [randint(1, i) for j in range(i)] + strt = time.time() + (find_max_sub_array(li, 0, len(li) - 1)) + end = time.time() + tim.append(end - strt) + print("No of Inputs Time Taken") + for i in range(len(inputs)): + print(inputs[i], '\t\t', tim[i]) + plt.plot(inputs, tim) + plt.xlabel("Number of Inputs"); + plt.ylabel("Time taken in seconds ") + plt.show() diff --git a/dynamic_programming/minimum_partition.py b/dynamic_programming/minimum_partition.py index e801b1746815..fc412823d316 100644 --- a/dynamic_programming/minimum_partition.py +++ b/dynamic_programming/minimum_partition.py @@ -1,30 +1,30 @@ -""" -Partition a set into two subsets such that the difference of subset sums is minimum -""" - - -def findMin(arr): - n = len(arr) - s = sum(arr) - - dp = [[False for x in range(s + 1)] for y in range(n + 1)] - - for i in range(1, n + 1): - dp[i][0] = True - - for i in range(1, s + 1): - dp[0][i] = False - - for i in range(1, n + 1): - for j in range(1, s + 1): - dp[i][j] = dp[i][j - 1] - - if (arr[i - 1] <= j): - dp[i][j] = dp[i][j] or dp[i - 1][j - arr[i - 1]] - - for j in range(int(s / 2), -1, -1): - if dp[n][j] == True: - diff = s - 2 * j - break; - - return diff +""" +Partition a set into two subsets such that the difference of subset sums is minimum +""" + + +def findMin(arr): + n = len(arr) + s = sum(arr) + + dp = [[False for x in range(s + 1)] for y in range(n + 1)] + + for i in range(1, n + 1): + dp[i][0] = True + + for i in range(1, s + 1): + dp[0][i] = False + + for i in range(1, n + 1): + for j in range(1, s + 1): + dp[i][j] = dp[i][j - 1] + + if (arr[i - 1] <= j): + dp[i][j] = dp[i][j] or dp[i - 1][j - arr[i - 1]] + + for j in range(int(s / 2), -1, -1): + if dp[n][j] == True: + diff = s - 2 * j + break; + + return diff diff --git a/dynamic_programming/rod_cutting.py b/dynamic_programming/rod_cutting.py index f2b1f2bf455e..1cb83c8e3fce 100644 --- a/dynamic_programming/rod_cutting.py +++ b/dynamic_programming/rod_cutting.py @@ -1,58 +1,58 @@ -### PROBLEM ### -""" -We are given a rod of length n and we are given the array of prices, also of -length n. This array contains the price for selling a rod at a certain length. -For example, prices[5] shows the price we can sell a rod of length 5. -Generalising, prices[x] shows the price a rod of length x can be sold. -We are tasked to find the optimal solution to sell the given rod. -""" - -### SOLUTION ### -""" -Profit(n) = max(1 m): - m = yesCut[i] - - solutions[n] = m - return m - - -### EXAMPLE ### -length = 5 -# The first price, 0, is for when we have no rod. -prices = [0, 1, 3, 7, 9, 11, 13, 17, 21, 21, 30] -solutions = [-1 for x in range(length + 1)] - -print(CutRod(length)) +### PROBLEM ### +""" +We are given a rod of length n and we are given the array of prices, also of +length n. This array contains the price for selling a rod at a certain length. +For example, prices[5] shows the price we can sell a rod of length 5. +Generalising, prices[x] shows the price a rod of length x can be sold. +We are tasked to find the optimal solution to sell the given rod. +""" + +### SOLUTION ### +""" +Profit(n) = max(1 m): + m = yesCut[i] + + solutions[n] = m + return m + + +### EXAMPLE ### +length = 5 +# The first price, 0, is for when we have no rod. +prices = [0, 1, 3, 7, 9, 11, 13, 17, 21, 21, 30] +solutions = [-1 for x in range(length + 1)] + +print(CutRod(length)) diff --git a/dynamic_programming/subset_generation.py b/dynamic_programming/subset_generation.py index a4bc081fa661..a5525b5176d9 100644 --- a/dynamic_programming/subset_generation.py +++ b/dynamic_programming/subset_generation.py @@ -1,43 +1,43 @@ -# python program to print all subset combination of n element in given set of r element . -# arr[] ---> Input Array -# data[] ---> Temporary array to store current combination -# start & end ---> Staring and Ending indexes in arr[] -# index ---> Current index in data[] -# r ---> Size of a combination to be printed -def combinationUtil(arr, n, r, index, data, i): - # Current combination is ready to be printed, - # print it - if (index == r): - for j in range(r): - print(data[j], end=" ") - print(" ") - return - # When no more elements are there to put in data[] - if (i >= n): - return - # current is included, put next at next - # location - data[index] = arr[i] - combinationUtil(arr, n, r, index + 1, data, i + 1) - # current is excluded, replace it with - # next (Note that i+1 is passed, but - # index is not changed) - combinationUtil(arr, n, r, index, data, i + 1) - # The main function that prints all combinations - - -# of size r in arr[] of size n. This function -# mainly uses combinationUtil() -def printcombination(arr, n, r): - # A temporary array to store all combination - # one by one - data = [0] * r - # Print all combination using temprary - # array 'data[]' - combinationUtil(arr, n, r, 0, data, 0) - - -# Driver function to check for above function -arr = [10, 20, 30, 40, 50] -printcombination(arr, len(arr), 3) -# This code is contributed by Ambuj sahu +# python program to print all subset combination of n element in given set of r element . +# arr[] ---> Input Array +# data[] ---> Temporary array to store current combination +# start & end ---> Staring and Ending indexes in arr[] +# index ---> Current index in data[] +# r ---> Size of a combination to be printed +def combinationUtil(arr, n, r, index, data, i): + # Current combination is ready to be printed, + # print it + if (index == r): + for j in range(r): + print(data[j], end=" ") + print(" ") + return + # When no more elements are there to put in data[] + if (i >= n): + return + # current is included, put next at next + # location + data[index] = arr[i] + combinationUtil(arr, n, r, index + 1, data, i + 1) + # current is excluded, replace it with + # next (Note that i+1 is passed, but + # index is not changed) + combinationUtil(arr, n, r, index, data, i + 1) + # The main function that prints all combinations + + +# of size r in arr[] of size n. This function +# mainly uses combinationUtil() +def printcombination(arr, n, r): + # A temporary array to store all combination + # one by one + data = [0] * r + # Print all combination using temprary + # array 'data[]' + combinationUtil(arr, n, r, 0, data, 0) + + +# Driver function to check for above function +arr = [10, 20, 30, 40, 50] +printcombination(arr, len(arr), 3) +# This code is contributed by Ambuj sahu diff --git a/file_transfer_protocol/ftp_client_server.py b/file_transfer_protocol/ftp_client_server.py index 26c5e25c6646..ff051f372f7b 100644 --- a/file_transfer_protocol/ftp_client_server.py +++ b/file_transfer_protocol/ftp_client_server.py @@ -1,56 +1,56 @@ -# server - -import socket # Import socket module - -port = 60000 # Reserve a port for your service. -s = socket.socket() # Create a socket object -host = socket.gethostname() # Get local machine name -s.bind((host, port)) # Bind to the port -s.listen(5) # Now wait for client connection. - -print('Server listening....') - -while True: - conn, addr = s.accept() # Establish connection with client. - print('Got connection from', addr) - data = conn.recv(1024) - print('Server received', repr(data)) - - filename = 'mytext.txt' - with open(filename, 'rb') as f: - in_data = f.read(1024) - while in_data: - conn.send(in_data) - print('Sent ', repr(in_data)) - in_data = f.read(1024) - - print('Done sending') - conn.send('Thank you for connecting') - conn.close() - -# client side server - -import socket # Import socket module - -s = socket.socket() # Create a socket object -host = socket.gethostname() # Get local machine name -port = 60000 # Reserve a port for your service. - -s.connect((host, port)) -s.send("Hello server!") - -with open('received_file', 'wb') as f: - print('file opened') - while True: - print('receiving data...') - data = s.recv(1024) - print('data=%s', (data)) - if not data: - break - # write data to a file - f.write(data) - -f.close() -print('Successfully get the file') -s.close() -print('connection closed') +# server + +import socket # Import socket module + +port = 60000 # Reserve a port for your service. +s = socket.socket() # Create a socket object +host = socket.gethostname() # Get local machine name +s.bind((host, port)) # Bind to the port +s.listen(5) # Now wait for client connection. + +print('Server listening....') + +while True: + conn, addr = s.accept() # Establish connection with client. + print('Got connection from', addr) + data = conn.recv(1024) + print('Server received', repr(data)) + + filename = 'mytext.txt' + with open(filename, 'rb') as f: + in_data = f.read(1024) + while in_data: + conn.send(in_data) + print('Sent ', repr(in_data)) + in_data = f.read(1024) + + print('Done sending') + conn.send('Thank you for connecting') + conn.close() + +# client side server + +import socket # Import socket module + +s = socket.socket() # Create a socket object +host = socket.gethostname() # Get local machine name +port = 60000 # Reserve a port for your service. + +s.connect((host, port)) +s.send("Hello server!") + +with open('received_file', 'wb') as f: + print('file opened') + while True: + print('receiving data...') + data = s.recv(1024) + print('data=%s', (data)) + if not data: + break + # write data to a file + f.write(data) + +f.close() +print('Successfully get the file') +s.close() +print('connection closed') diff --git a/file_transfer_protocol/ftp_send_receive.py b/file_transfer_protocol/ftp_send_receive.py index 556cda81d36d..ae6c3e0098af 100644 --- a/file_transfer_protocol/ftp_send_receive.py +++ b/file_transfer_protocol/ftp_send_receive.py @@ -1,40 +1,40 @@ -""" -File transfer protocol used to send and receive files using FTP server. -Use credentials to provide access to the FTP client - -Note: Do not use root username & password for security reasons -Create a seperate user and provide access to a home directory of the user -Use login id and password of the user created -cwd here stands for current working directory -""" - -from ftplib import FTP - -ftp = FTP('xxx.xxx.x.x') # Enter the ip address or the domain name here -ftp.login(user='username', passwd='password') -ftp.cwd('/Enter the directory here/') - -""" -The file which will be received via the FTP server -Enter the location of the file where the file is received -""" - - -def ReceiveFile(): - FileName = 'example.txt' """ Enter the location of the file """ - with open(FileName, 'wb') as LocalFile: - ftp.retrbinary('RETR ' + FileName, LocalFile.write, 1024) - ftp.quit() - - -""" -The file which will be sent via the FTP server -The file send will be send to the current working directory -""" - - -def SendFile(): - FileName = 'example.txt' """ Enter the name of the file """ - with open(FileName, 'rb') as LocalFile: - ftp.storbinary('STOR ' + FileName, LocalFile) - ftp.quit() +""" +File transfer protocol used to send and receive files using FTP server. +Use credentials to provide access to the FTP client + +Note: Do not use root username & password for security reasons +Create a seperate user and provide access to a home directory of the user +Use login id and password of the user created +cwd here stands for current working directory +""" + +from ftplib import FTP + +ftp = FTP('xxx.xxx.x.x') # Enter the ip address or the domain name here +ftp.login(user='username', passwd='password') +ftp.cwd('/Enter the directory here/') + +""" +The file which will be received via the FTP server +Enter the location of the file where the file is received +""" + + +def ReceiveFile(): + FileName = 'example.txt' """ Enter the location of the file """ + with open(FileName, 'wb') as LocalFile: + ftp.retrbinary('RETR ' + FileName, LocalFile.write, 1024) + ftp.quit() + + +""" +The file which will be sent via the FTP server +The file send will be send to the current working directory +""" + + +def SendFile(): + FileName = 'example.txt' """ Enter the name of the file """ + with open(FileName, 'rb') as LocalFile: + ftp.storbinary('STOR ' + FileName, LocalFile) + ftp.quit() diff --git a/graphs/BFS.py b/graphs/BFS.py index 533d88d4b1da..1f5d4b8b3384 100644 --- a/graphs/BFS.py +++ b/graphs/BFS.py @@ -1,37 +1,37 @@ -"""pseudo-code""" - -""" -BFS(graph G, start vertex s): -// all nodes initially unexplored -mark s as explored -let Q = queue data structure, initialized with s -while Q is non-empty: - remove the first node of Q, call it v - for each edge(v, w): // for w in graph[v] - if w unexplored: - mark w as explored - add w to Q (at the end) - -""" - - -def bfs(graph, start): - explored, queue = set(), [start] # collections.deque([start]) - explored.add(start) - while queue: - v = queue.pop(0) # queue.popleft() - for w in graph[v]: - if w not in explored: - explored.add(w) - queue.append(w) - return explored - - -G = {'A': ['B', 'C'], - 'B': ['A', 'D', 'E'], - 'C': ['A', 'F'], - 'D': ['B'], - 'E': ['B', 'F'], - 'F': ['C', 'E']} - -print(bfs(G, 'A')) +"""pseudo-code""" + +""" +BFS(graph G, start vertex s): +// all nodes initially unexplored +mark s as explored +let Q = queue data structure, initialized with s +while Q is non-empty: + remove the first node of Q, call it v + for each edge(v, w): // for w in graph[v] + if w unexplored: + mark w as explored + add w to Q (at the end) + +""" + + +def bfs(graph, start): + explored, queue = set(), [start] # collections.deque([start]) + explored.add(start) + while queue: + v = queue.pop(0) # queue.popleft() + for w in graph[v]: + if w not in explored: + explored.add(w) + queue.append(w) + return explored + + +G = {'A': ['B', 'C'], + 'B': ['A', 'D', 'E'], + 'C': ['A', 'F'], + 'D': ['B'], + 'E': ['B', 'F'], + 'F': ['C', 'E']} + +print(bfs(G, 'A')) diff --git a/graphs/DFS.py b/graphs/DFS.py index 0e3ac11bf528..77d486072407 100644 --- a/graphs/DFS.py +++ b/graphs/DFS.py @@ -1,41 +1,41 @@ -"""pseudo-code""" - -""" -DFS(graph G, start vertex s): -// all nodes initially unexplored -mark s as explored -for every edge (s, v): - if v unexplored: - DFS(G, v) -""" - - -def dfs(graph, start): - """The DFS function simply calls itself recursively for every unvisited child of its argument. We can emulate that - behaviour precisely using a stack of iterators. Instead of recursively calling with a node, we'll push an iterator - to the node's children onto the iterator stack. When the iterator at the top of the stack terminates, we'll pop - it off the stack.""" - explored, stack = set(), [start] - explored.add(start) - while stack: - v = stack.pop() # one difference from BFS is to pop last element here instead of first one - - if v in explored: - continue - - explored.add(v) - - for w in graph[v]: - if w not in explored: - stack.append(w) - return explored - - -G = {'A': ['B', 'C'], - 'B': ['A', 'D', 'E'], - 'C': ['A', 'F'], - 'D': ['B'], - 'E': ['B', 'F'], - 'F': ['C', 'E']} - -print(dfs(G, 'A')) +"""pseudo-code""" + +""" +DFS(graph G, start vertex s): +// all nodes initially unexplored +mark s as explored +for every edge (s, v): + if v unexplored: + DFS(G, v) +""" + + +def dfs(graph, start): + """The DFS function simply calls itself recursively for every unvisited child of its argument. We can emulate that + behaviour precisely using a stack of iterators. Instead of recursively calling with a node, we'll push an iterator + to the node's children onto the iterator stack. When the iterator at the top of the stack terminates, we'll pop + it off the stack.""" + explored, stack = set(), [start] + explored.add(start) + while stack: + v = stack.pop() # one difference from BFS is to pop last element here instead of first one + + if v in explored: + continue + + explored.add(v) + + for w in graph[v]: + if w not in explored: + stack.append(w) + return explored + + +G = {'A': ['B', 'C'], + 'B': ['A', 'D', 'E'], + 'C': ['A', 'F'], + 'D': ['B'], + 'E': ['B', 'F'], + 'F': ['C', 'E']} + +print(dfs(G, 'A')) diff --git a/graphs/Directed_and_Undirected_(Weighted)_Graph.py b/graphs/Directed_and_Undirected_(Weighted)_Graph.py index 7d7bf45d199a..9acecde8cfe0 100644 --- a/graphs/Directed_and_Undirected_(Weighted)_Graph.py +++ b/graphs/Directed_and_Undirected_(Weighted)_Graph.py @@ -1,477 +1,477 @@ -import math as math -import random as rand -import time -from collections import deque - - -# the dfault weight is 1 if not assigend but all the implementation is weighted - -class DirectedGraph: - def __init__(self): - self.graph = {} - - # adding vertices and edges - # adding the weight is optional - # handels repetition - def add_pair(self, u, v, w=1): - if self.graph.get(u): - if self.graph[u].count([w, v]) == 0: - self.graph[u].append([w, v]) - else: - self.graph[u] = [[w, v]] - if not self.graph.get(v): - self.graph[v] = [] - - def all_nodes(self): - return list(self.graph) - - # handels if the input does not exist - def remove_pair(self, u, v): - if self.graph.get(u): - for _ in self.graph[u]: - if _[1] == v: - self.graph[u].remove(_) - - # if no destination is meant the defaut value is -1 - def dfs(self, s=-2, d=-1): - if s == d: - return [] - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - if __[1] == d: - visited.append(d) - return visited - else: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return visited - - # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count - # will be random from 10 to 10000 - def fill_graph_randomly(self, c=-1): - if c == -1: - c = (math.floor(rand.random() * 10000)) + 10 - for _ in range(c): - # every vertex has max 100 edges - e = math.floor(rand.random() * 102) + 1 - for __ in range(e): - n = math.floor(rand.random() * (c)) + 1 - if n == _: - continue - self.add_pair(_, n, 1) - - def bfs(self, s=-2): - d = deque() - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - d.append(s) - visited.append(s) - while d: - s = d.popleft() - if len(self.graph[s]) != 0: - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - d.append(__[1]) - visited.append(__[1]) - return visited - - def in_degree(self, u): - count = 0 - for _ in self.graph: - for __ in self.graph[_]: - if __[1] == u: - count += 1 - return count - - def out_degree(self, u): - return len(self.graph[u]) - - def topological_sort(self, s=-2): - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - sorted_nodes = [] - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - sorted_nodes.append(stack.pop()) - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return sorted_nodes - - def cycle_nodes(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return list(anticipating_nodes) - - def has_cycle(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - return True - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return False - - def dfs_time(self, s=-2, e=-1): - begin = time.time() - self.dfs(s, e) - end = time.time() - return end - begin - - def bfs_time(self, s=-2): - begin = time.time() - self.bfs(s) - end = time.time() - return end - begin - - -class Graph: - def __init__(self): - self.graph = {} - - # adding vertices and edges - # adding the weight is optional - # handels repetition - def add_pair(self, u, v, w=1): - # check if the u exists - if self.graph.get(u): - # if there already is a edge - if self.graph[u].count([w, v]) == 0: - self.graph[u].append([w, v]) - else: - # if u does not exist - self.graph[u] = [[w, v]] - # add the other way - if self.graph.get(v): - # if there already is a edge - if self.graph[v].count([w, u]) == 0: - self.graph[v].append([w, u]) - else: - # if u does not exist - self.graph[v] = [[w, u]] - - # handels if the input does not exist - def remove_pair(self, u, v): - if self.graph.get(u): - for _ in self.graph[u]: - if _[1] == v: - self.graph[u].remove(_) - # the other way round - if self.graph.get(v): - for _ in self.graph[v]: - if _[1] == u: - self.graph[v].remove(_) - - # if no destination is meant the defaut value is -1 - def dfs(self, s=-2, d=-1): - if s == d: - return [] - stack = [] - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - ss = s - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - if __[1] == d: - visited.append(d) - return visited - else: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return visited - - # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count - # will be random from 10 to 10000 - def fill_graph_randomly(self, c=-1): - if c == -1: - c = (math.floor(rand.random() * 10000)) + 10 - for _ in range(c): - # every vertex has max 100 edges - e = math.floor(rand.random() * 102) + 1 - for __ in range(e): - n = math.floor(rand.random() * (c)) + 1 - if n == _: - continue - self.add_pair(_, n, 1) - - def bfs(self, s=-2): - d = deque() - visited = [] - if s == -2: - s = list(self.graph.keys())[0] - d.append(s) - visited.append(s) - while d: - s = d.popleft() - if len(self.graph[s]) != 0: - for __ in self.graph[s]: - if visited.count(__[1]) < 1: - d.append(__[1]) - visited.append(__[1]) - return visited - - def degree(self, u): - return len(self.graph[u]) - - def cycle_nodes(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return list(anticipating_nodes) - - def has_cycle(self): - stack = [] - visited = [] - s = list(self.graph.keys())[0] - stack.append(s) - visited.append(s) - parent = -2 - indirect_parents = [] - ss = s - on_the_way_back = False - anticipating_nodes = set() - - while True: - # check if there is any non isolated nodes - if len(self.graph[s]) != 0: - ss = s - for __ in self.graph[s]: - if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: - l = len(stack) - 1 - while True and l >= 0: - if stack[l] == __[1]: - anticipating_nodes.add(__[1]) - break - else: - return True - anticipating_nodes.add(stack[l]) - l -= 1 - if visited.count(__[1]) < 1: - stack.append(__[1]) - visited.append(__[1]) - ss = __[1] - break - - # check if all the children are visited - if s == ss: - stack.pop() - on_the_way_back = True - if len(stack) != 0: - s = stack[len(stack) - 1] - else: - on_the_way_back = False - indirect_parents.append(parent) - parent = s - s = ss - - # check if se have reached the starting point - if len(stack) == 0: - return False - - def all_nodes(self): - return list(self.graph) - - def dfs_time(self, s=-2, e=-1): - begin = time.time() - self.dfs(s, e) - end = time.time() - return end - begin - - def bfs_time(self, s=-2): - begin = time.time() - self.bfs(s) - end = time.time() - return end - begin +import math as math +import random as rand +import time +from collections import deque + + +# the dfault weight is 1 if not assigend but all the implementation is weighted + +class DirectedGraph: + def __init__(self): + self.graph = {} + + # adding vertices and edges + # adding the weight is optional + # handels repetition + def add_pair(self, u, v, w=1): + if self.graph.get(u): + if self.graph[u].count([w, v]) == 0: + self.graph[u].append([w, v]) + else: + self.graph[u] = [[w, v]] + if not self.graph.get(v): + self.graph[v] = [] + + def all_nodes(self): + return list(self.graph) + + # handels if the input does not exist + def remove_pair(self, u, v): + if self.graph.get(u): + for _ in self.graph[u]: + if _[1] == v: + self.graph[u].remove(_) + + # if no destination is meant the defaut value is -1 + def dfs(self, s=-2, d=-1): + if s == d: + return [] + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + if __[1] == d: + visited.append(d) + return visited + else: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return visited + + # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count + # will be random from 10 to 10000 + def fill_graph_randomly(self, c=-1): + if c == -1: + c = (math.floor(rand.random() * 10000)) + 10 + for _ in range(c): + # every vertex has max 100 edges + e = math.floor(rand.random() * 102) + 1 + for __ in range(e): + n = math.floor(rand.random() * (c)) + 1 + if n == _: + continue + self.add_pair(_, n, 1) + + def bfs(self, s=-2): + d = deque() + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + d.append(s) + visited.append(s) + while d: + s = d.popleft() + if len(self.graph[s]) != 0: + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + d.append(__[1]) + visited.append(__[1]) + return visited + + def in_degree(self, u): + count = 0 + for _ in self.graph: + for __ in self.graph[_]: + if __[1] == u: + count += 1 + return count + + def out_degree(self, u): + return len(self.graph[u]) + + def topological_sort(self, s=-2): + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + sorted_nodes = [] + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + sorted_nodes.append(stack.pop()) + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return sorted_nodes + + def cycle_nodes(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return list(anticipating_nodes) + + def has_cycle(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + return True + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return False + + def dfs_time(self, s=-2, e=-1): + begin = time.time() + self.dfs(s, e) + end = time.time() + return end - begin + + def bfs_time(self, s=-2): + begin = time.time() + self.bfs(s) + end = time.time() + return end - begin + + +class Graph: + def __init__(self): + self.graph = {} + + # adding vertices and edges + # adding the weight is optional + # handels repetition + def add_pair(self, u, v, w=1): + # check if the u exists + if self.graph.get(u): + # if there already is a edge + if self.graph[u].count([w, v]) == 0: + self.graph[u].append([w, v]) + else: + # if u does not exist + self.graph[u] = [[w, v]] + # add the other way + if self.graph.get(v): + # if there already is a edge + if self.graph[v].count([w, u]) == 0: + self.graph[v].append([w, u]) + else: + # if u does not exist + self.graph[v] = [[w, u]] + + # handels if the input does not exist + def remove_pair(self, u, v): + if self.graph.get(u): + for _ in self.graph[u]: + if _[1] == v: + self.graph[u].remove(_) + # the other way round + if self.graph.get(v): + for _ in self.graph[v]: + if _[1] == u: + self.graph[v].remove(_) + + # if no destination is meant the defaut value is -1 + def dfs(self, s=-2, d=-1): + if s == d: + return [] + stack = [] + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + ss = s + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + if __[1] == d: + visited.append(d) + return visited + else: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return visited + + # c is the count of nodes you want and if you leave it or pass -1 to the funtion the count + # will be random from 10 to 10000 + def fill_graph_randomly(self, c=-1): + if c == -1: + c = (math.floor(rand.random() * 10000)) + 10 + for _ in range(c): + # every vertex has max 100 edges + e = math.floor(rand.random() * 102) + 1 + for __ in range(e): + n = math.floor(rand.random() * (c)) + 1 + if n == _: + continue + self.add_pair(_, n, 1) + + def bfs(self, s=-2): + d = deque() + visited = [] + if s == -2: + s = list(self.graph.keys())[0] + d.append(s) + visited.append(s) + while d: + s = d.popleft() + if len(self.graph[s]) != 0: + for __ in self.graph[s]: + if visited.count(__[1]) < 1: + d.append(__[1]) + visited.append(__[1]) + return visited + + def degree(self, u): + return len(self.graph[u]) + + def cycle_nodes(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return list(anticipating_nodes) + + def has_cycle(self): + stack = [] + visited = [] + s = list(self.graph.keys())[0] + stack.append(s) + visited.append(s) + parent = -2 + indirect_parents = [] + ss = s + on_the_way_back = False + anticipating_nodes = set() + + while True: + # check if there is any non isolated nodes + if len(self.graph[s]) != 0: + ss = s + for __ in self.graph[s]: + if visited.count(__[1]) > 0 and __[1] != parent and indirect_parents.count(__[1]) > 0 and not on_the_way_back: + l = len(stack) - 1 + while True and l >= 0: + if stack[l] == __[1]: + anticipating_nodes.add(__[1]) + break + else: + return True + anticipating_nodes.add(stack[l]) + l -= 1 + if visited.count(__[1]) < 1: + stack.append(__[1]) + visited.append(__[1]) + ss = __[1] + break + + # check if all the children are visited + if s == ss: + stack.pop() + on_the_way_back = True + if len(stack) != 0: + s = stack[len(stack) - 1] + else: + on_the_way_back = False + indirect_parents.append(parent) + parent = s + s = ss + + # check if se have reached the starting point + if len(stack) == 0: + return False + + def all_nodes(self): + return list(self.graph) + + def dfs_time(self, s=-2, e=-1): + begin = time.time() + self.dfs(s, e) + end = time.time() + return end - begin + + def bfs_time(self, s=-2): + begin = time.time() + self.bfs(s) + end = time.time() + return end - begin diff --git a/graphs/Eulerian_path_and_circuit_for_undirected_graph.py b/graphs/Eulerian_path_and_circuit_for_undirected_graph.py index 1729ce296d69..c6c6a1a25f03 100644 --- a/graphs/Eulerian_path_and_circuit_for_undirected_graph.py +++ b/graphs/Eulerian_path_and_circuit_for_undirected_graph.py @@ -1,93 +1,93 @@ -# Eulerian Path is a path in graph that visits every edge exactly once. -# Eulerian Circuit is an Eulerian Path which starts and ends on the same -# vertex. -# time complexity is O(V+E) -# space complexity is O(VE) - - -# using dfs for finding eulerian path traversal -def dfs(u, graph, visited_edge, path=[]): - path = path + [u] - for v in graph[u]: - if visited_edge[u][v] == False: - visited_edge[u][v], visited_edge[v][u] = True, True - path = dfs(v, graph, visited_edge, path) - return path - - -# for checking in graph has euler path or circuit -def check_circuit_or_path(graph, max_node): - odd_degree_nodes = 0 - odd_node = -1 - for i in range(max_node): - if i not in graph.keys(): - continue - if len(graph[i]) % 2 == 1: - odd_degree_nodes += 1 - odd_node = i - if odd_degree_nodes == 0: - return 1, odd_node - if odd_degree_nodes == 2: - return 2, odd_node - return 3, odd_node - - -def check_euler(graph, max_node): - visited_edge = [[False for _ in range(max_node + 1)] for _ in range(max_node + 1)] - check, odd_node = check_circuit_or_path(graph, max_node) - if check == 3: - print("graph is not Eulerian") - print("no path") - return - start_node = 1 - if check == 2: - start_node = odd_node - print("graph has a Euler path") - if check == 1: - print("graph has a Euler cycle") - path = dfs(start_node, graph, visited_edge) - print(path) - - -def main(): - G1 = { - 1: [2, 3, 4], - 2: [1, 3], - 3: [1, 2], - 4: [1, 5], - 5: [4] - } - G2 = { - 1: [2, 3, 4, 5], - 2: [1, 3], - 3: [1, 2], - 4: [1, 5], - 5: [1, 4] - } - G3 = { - 1: [2, 3, 4], - 2: [1, 3, 4], - 3: [1, 2], - 4: [1, 2, 5], - 5: [4] - } - G4 = { - 1: [2, 3], - 2: [1, 3], - 3: [1, 2], - } - G5 = { - 1: [], - 2: [] - # all degree is zero - } - max_node = 10 - check_euler(G1, max_node) - check_euler(G2, max_node) - check_euler(G3, max_node) - check_euler(G4, max_node) - check_euler(G5, max_node) - - -if __name__ == "__main__": - main() +# Eulerian Path is a path in graph that visits every edge exactly once. +# Eulerian Circuit is an Eulerian Path which starts and ends on the same +# vertex. +# time complexity is O(V+E) +# space complexity is O(VE) + + +# using dfs for finding eulerian path traversal +def dfs(u, graph, visited_edge, path=[]): + path = path + [u] + for v in graph[u]: + if visited_edge[u][v] == False: + visited_edge[u][v], visited_edge[v][u] = True, True + path = dfs(v, graph, visited_edge, path) + return path + + +# for checking in graph has euler path or circuit +def check_circuit_or_path(graph, max_node): + odd_degree_nodes = 0 + odd_node = -1 + for i in range(max_node): + if i not in graph.keys(): + continue + if len(graph[i]) % 2 == 1: + odd_degree_nodes += 1 + odd_node = i + if odd_degree_nodes == 0: + return 1, odd_node + if odd_degree_nodes == 2: + return 2, odd_node + return 3, odd_node + + +def check_euler(graph, max_node): + visited_edge = [[False for _ in range(max_node + 1)] for _ in range(max_node + 1)] + check, odd_node = check_circuit_or_path(graph, max_node) + if check == 3: + print("graph is not Eulerian") + print("no path") + return + start_node = 1 + if check == 2: + start_node = odd_node + print("graph has a Euler path") + if check == 1: + print("graph has a Euler cycle") + path = dfs(start_node, graph, visited_edge) + print(path) + + +def main(): + G1 = { + 1: [2, 3, 4], + 2: [1, 3], + 3: [1, 2], + 4: [1, 5], + 5: [4] + } + G2 = { + 1: [2, 3, 4, 5], + 2: [1, 3], + 3: [1, 2], + 4: [1, 5], + 5: [1, 4] + } + G3 = { + 1: [2, 3, 4], + 2: [1, 3, 4], + 3: [1, 2], + 4: [1, 2, 5], + 5: [4] + } + G4 = { + 1: [2, 3], + 2: [1, 3], + 3: [1, 2], + } + G5 = { + 1: [], + 2: [] + # all degree is zero + } + max_node = 10 + check_euler(G1, max_node) + check_euler(G2, max_node) + check_euler(G3, max_node) + check_euler(G4, max_node) + check_euler(G5, max_node) + + +if __name__ == "__main__": + main() diff --git a/graphs/a_star.py b/graphs/a_star.py index ab2d3f96f0fe..d5f636151640 100644 --- a/graphs/a_star.py +++ b/graphs/a_star.py @@ -1,99 +1,99 @@ -from __future__ import print_function - -grid = [[0, 1, 0, 0, 0, 0], - [0, 1, 0, 0, 0, 0], # 0 are free path whereas 1's are obstacles - [0, 1, 0, 0, 0, 0], - [0, 1, 0, 0, 1, 0], - [0, 0, 0, 0, 1, 0]] - -''' -heuristic = [[9, 8, 7, 6, 5, 4], - [8, 7, 6, 5, 4, 3], - [7, 6, 5, 4, 3, 2], - [6, 5, 4, 3, 2, 1], - [5, 4, 3, 2, 1, 0]]''' - -init = [0, 0] -goal = [len(grid) - 1, len(grid[0]) - 1] # all coordinates are given in format [y,x] -cost = 1 - -# the cost map which pushes the path closer to the goal -heuristic = [[0 for row in range(len(grid[0]))] for col in range(len(grid))] -for i in range(len(grid)): - for j in range(len(grid[0])): - heuristic[i][j] = abs(i - goal[0]) + abs(j - goal[1]) - if grid[i][j] == 1: - heuristic[i][j] = 99 # added extra penalty in the heuristic map - -# the actions we can take -delta = [[-1, 0], # go up - [0, -1], # go left - [1, 0], # go down - [0, 1]] # go right - - -# function to search the path -def search(grid, init, goal, cost, heuristic): - closed = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the referrence grid - closed[init[0]][init[1]] = 1 - action = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the action grid - - x = init[0] - y = init[1] - g = 0 - f = g + heuristic[init[0]][init[0]] - cell = [[f, g, x, y]] - - found = False # flag that is set when search is complete - resign = False # flag set if we can't find expand - - while not found and not resign: - if len(cell) == 0: - resign = True - return "FAIL" - else: - cell.sort() # to choose the least costliest action so as to move closer to the goal - cell.reverse() - next = cell.pop() - x = next[2] - y = next[3] - g = next[1] - f = next[0] - - if x == goal[0] and y == goal[1]: - found = True - else: - for i in range(len(delta)): # to try out different valid actions - x2 = x + delta[i][0] - y2 = y + delta[i][1] - if x2 >= 0 and x2 < len(grid) and y2 >= 0 and y2 < len(grid[0]): - if closed[x2][y2] == 0 and grid[x2][y2] == 0: - g2 = g + cost - f2 = g2 + heuristic[x2][y2] - cell.append([f2, g2, x2, y2]) - closed[x2][y2] = 1 - action[x2][y2] = i - invpath = [] - x = goal[0] - y = goal[1] - invpath.append([x, y]) # we get the reverse path from here - while x != init[0] or y != init[1]: - x2 = x - delta[action[x][y]][0] - y2 = y - delta[action[x][y]][1] - x = x2 - y = y2 - invpath.append([x, y]) - - path = [] - for i in range(len(invpath)): - path.append(invpath[len(invpath) - 1 - i]) - print("ACTION MAP") - for i in range(len(action)): - print(action[i]) - - return path - - -a = search(grid, init, goal, cost, heuristic) -for i in range(len(a)): - print(a[i]) +from __future__ import print_function + +grid = [[0, 1, 0, 0, 0, 0], + [0, 1, 0, 0, 0, 0], # 0 are free path whereas 1's are obstacles + [0, 1, 0, 0, 0, 0], + [0, 1, 0, 0, 1, 0], + [0, 0, 0, 0, 1, 0]] + +''' +heuristic = [[9, 8, 7, 6, 5, 4], + [8, 7, 6, 5, 4, 3], + [7, 6, 5, 4, 3, 2], + [6, 5, 4, 3, 2, 1], + [5, 4, 3, 2, 1, 0]]''' + +init = [0, 0] +goal = [len(grid) - 1, len(grid[0]) - 1] # all coordinates are given in format [y,x] +cost = 1 + +# the cost map which pushes the path closer to the goal +heuristic = [[0 for row in range(len(grid[0]))] for col in range(len(grid))] +for i in range(len(grid)): + for j in range(len(grid[0])): + heuristic[i][j] = abs(i - goal[0]) + abs(j - goal[1]) + if grid[i][j] == 1: + heuristic[i][j] = 99 # added extra penalty in the heuristic map + +# the actions we can take +delta = [[-1, 0], # go up + [0, -1], # go left + [1, 0], # go down + [0, 1]] # go right + + +# function to search the path +def search(grid, init, goal, cost, heuristic): + closed = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the referrence grid + closed[init[0]][init[1]] = 1 + action = [[0 for col in range(len(grid[0]))] for row in range(len(grid))] # the action grid + + x = init[0] + y = init[1] + g = 0 + f = g + heuristic[init[0]][init[0]] + cell = [[f, g, x, y]] + + found = False # flag that is set when search is complete + resign = False # flag set if we can't find expand + + while not found and not resign: + if len(cell) == 0: + resign = True + return "FAIL" + else: + cell.sort() # to choose the least costliest action so as to move closer to the goal + cell.reverse() + next = cell.pop() + x = next[2] + y = next[3] + g = next[1] + f = next[0] + + if x == goal[0] and y == goal[1]: + found = True + else: + for i in range(len(delta)): # to try out different valid actions + x2 = x + delta[i][0] + y2 = y + delta[i][1] + if x2 >= 0 and x2 < len(grid) and y2 >= 0 and y2 < len(grid[0]): + if closed[x2][y2] == 0 and grid[x2][y2] == 0: + g2 = g + cost + f2 = g2 + heuristic[x2][y2] + cell.append([f2, g2, x2, y2]) + closed[x2][y2] = 1 + action[x2][y2] = i + invpath = [] + x = goal[0] + y = goal[1] + invpath.append([x, y]) # we get the reverse path from here + while x != init[0] or y != init[1]: + x2 = x - delta[action[x][y]][0] + y2 = y - delta[action[x][y]][1] + x = x2 + y = y2 + invpath.append([x, y]) + + path = [] + for i in range(len(invpath)): + path.append(invpath[len(invpath) - 1 - i]) + print("ACTION MAP") + for i in range(len(action)): + print(action[i]) + + return path + + +a = search(grid, init, goal, cost, heuristic) +for i in range(len(a)): + print(a[i]) diff --git a/graphs/articulation_points.py b/graphs/articulation_points.py index f42960691130..897a8a874104 100644 --- a/graphs/articulation_points.py +++ b/graphs/articulation_points.py @@ -1,45 +1,45 @@ -# Finding Articulation Points in Undirected Graph -def computeAP(l): - n = len(l) - outEdgeCount = 0 - low = [0] * n - visited = [False] * n - isArt = [False] * n - - def dfs(root, at, parent, outEdgeCount): - if parent == root: - outEdgeCount += 1 - visited[at] = True - low[at] = at - - for to in l[at]: - if to == parent: - pass - elif not visited[to]: - outEdgeCount = dfs(root, to, at, outEdgeCount) - low[at] = min(low[at], low[to]) - - # AP found via bridge - if at < low[to]: - isArt[at] = True - # AP found via cycle - if at == low[to]: - isArt[at] = True - else: - low[at] = min(low[at], to) - return outEdgeCount - - for i in range(n): - if not visited[i]: - outEdgeCount = 0 - outEdgeCount = dfs(i, i, -1, outEdgeCount) - isArt[i] = (outEdgeCount > 1) - - for x in range(len(isArt)): - if isArt[x] == True: - print(x) - - -# Adjacency list of graph -l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} -computeAP(l) +# Finding Articulation Points in Undirected Graph +def computeAP(l): + n = len(l) + outEdgeCount = 0 + low = [0] * n + visited = [False] * n + isArt = [False] * n + + def dfs(root, at, parent, outEdgeCount): + if parent == root: + outEdgeCount += 1 + visited[at] = True + low[at] = at + + for to in l[at]: + if to == parent: + pass + elif not visited[to]: + outEdgeCount = dfs(root, to, at, outEdgeCount) + low[at] = min(low[at], low[to]) + + # AP found via bridge + if at < low[to]: + isArt[at] = True + # AP found via cycle + if at == low[to]: + isArt[at] = True + else: + low[at] = min(low[at], to) + return outEdgeCount + + for i in range(n): + if not visited[i]: + outEdgeCount = 0 + outEdgeCount = dfs(i, i, -1, outEdgeCount) + isArt[i] = (outEdgeCount > 1) + + for x in range(len(isArt)): + if isArt[x] == True: + print(x) + + +# Adjacency list of graph +l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} +computeAP(l) diff --git a/graphs/basic_graphs.py b/graphs/basic_graphs.py index e10b341cdc08..97035d0d167e 100644 --- a/graphs/basic_graphs.py +++ b/graphs/basic_graphs.py @@ -1,289 +1,289 @@ -from __future__ import print_function - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - -# Accept No. of Nodes and edges -n, m = map(int, raw_input().split(" ")) - -# Initialising Dictionary of edges -g = {} -for i in xrange(n): - g[i + 1] = [] - -""" --------------------------------------------------------------------------------- - Accepting edges of Unweighted Directed Graphs --------------------------------------------------------------------------------- -""" -for _ in xrange(m): - x, y = map(int, raw_input().split(" ")) - g[x].append(y) - -""" --------------------------------------------------------------------------------- - Accepting edges of Unweighted Undirected Graphs --------------------------------------------------------------------------------- -""" -for _ in xrange(m): - x, y = map(int, raw_input().split(" ")) - g[x].append(y) - g[y].append(x) - -""" --------------------------------------------------------------------------------- - Accepting edges of Weighted Undirected Graphs --------------------------------------------------------------------------------- -""" -for _ in xrange(m): - x, y, r = map(int, raw_input().split(" ")) - g[x].append([y, r]) - g[y].append([x, r]) - -""" --------------------------------------------------------------------------------- - Depth First Search. - Args : G - Dictionary of edges - s - Starting Node - Vars : vis - Set of visited nodes - S - Traversal Stack --------------------------------------------------------------------------------- -""" - - -def dfs(G, s): - vis, S = set([s]), [s] - print(s) - while S: - flag = 0 - for i in G[S[-1]]: - if i not in vis: - S.append(i) - vis.add(i) - flag = 1 - print(i) - break - if not flag: - S.pop() - - -""" --------------------------------------------------------------------------------- - Breadth First Search. - Args : G - Dictionary of edges - s - Starting Node - Vars : vis - Set of visited nodes - Q - Traveral Stack --------------------------------------------------------------------------------- -""" - - -def bfs(G, s): - vis, Q = set([s]), deque([s]) - print(s) - while Q: - u = Q.popleft() - for v in G[u]: - if v not in vis: - vis.add(v) - Q.append(v) - print(v) - - -""" --------------------------------------------------------------------------------- - Dijkstra's shortest path Algorithm - Args : G - Dictionary of edges - s - Starting Node - Vars : dist - Dictionary storing shortest distance from s to every other node - known - Set of knows nodes - path - Preceding node in path --------------------------------------------------------------------------------- -""" - - -def dijk(G, s): - dist, known, path = {s: 0}, set(), {s: 0} - while True: - if len(known) == len(G) - 1: - break - mini = 100000 - for i in dist: - if i not in known and dist[i] < mini: - mini = dist[i] - u = i - known.add(u) - for v in G[u]: - if v[0] not in known: - if dist[u] + v[1] < dist.get(v[0], 100000): - dist[v[0]] = dist[u] + v[1] - path[v[0]] = u - for i in dist: - if i != s: - print(dist[i]) - - -""" --------------------------------------------------------------------------------- - Topological Sort --------------------------------------------------------------------------------- -""" -from collections import deque - - -def topo(G, ind=None, Q=[1]): - if ind is None: - ind = [0] * (len(G) + 1) # SInce oth Index is ignored - for u in G: - for v in G[u]: - ind[v] += 1 - Q = deque() - for i in G: - if ind[i] == 0: - Q.append(i) - if len(Q) == 0: - return - v = Q.popleft() - print(v) - for w in G[v]: - ind[w] -= 1 - if ind[w] == 0: - Q.append(w) - topo(G, ind, Q) - - -""" --------------------------------------------------------------------------------- - Reading an Adjacency matrix --------------------------------------------------------------------------------- -""" - - -def adjm(): - n, a = raw_input(), [] - for i in xrange(n): - a.append(map(int, raw_input().split())) - return a, n - - -""" --------------------------------------------------------------------------------- - Floyd Warshall's algorithm - Args : G - Dictionary of edges - s - Starting Node - Vars : dist - Dictionary storing shortest distance from s to every other node - known - Set of knows nodes - path - Preceding node in path - --------------------------------------------------------------------------------- -""" - - -def floy(A_and_n): - (A, n) = A_and_n - dist = list(A) - path = [[0] * n for i in xrange(n)] - for k in xrange(n): - for i in xrange(n): - for j in xrange(n): - if dist[i][j] > dist[i][k] + dist[k][j]: - dist[i][j] = dist[i][k] + dist[k][j] - path[i][k] = k - print(dist) - - -""" --------------------------------------------------------------------------------- - Prim's MST Algorithm - Args : G - Dictionary of edges - s - Starting Node - Vars : dist - Dictionary storing shortest distance from s to nearest node - known - Set of knows nodes - path - Preceding node in path --------------------------------------------------------------------------------- -""" - - -def prim(G, s): - dist, known, path = {s: 0}, set(), {s: 0} - while True: - if len(known) == len(G) - 1: - break - mini = 100000 - for i in dist: - if i not in known and dist[i] < mini: - mini = dist[i] - u = i - known.add(u) - for v in G[u]: - if v[0] not in known: - if v[1] < dist.get(v[0], 100000): - dist[v[0]] = v[1] - path[v[0]] = u - - -""" --------------------------------------------------------------------------------- - Accepting Edge list - Vars : n - Number of nodes - m - Number of edges - Returns : l - Edge list - n - Number of Nodes --------------------------------------------------------------------------------- -""" - - -def edglist(): - n, m = map(int, raw_input().split(" ")) - l = [] - for i in xrange(m): - l.append(map(int, raw_input().split(' '))) - return l, n - - -""" --------------------------------------------------------------------------------- - Kruskal's MST Algorithm - Args : E - Edge list - n - Number of Nodes - Vars : s - Set of all nodes as unique disjoint sets (initially) --------------------------------------------------------------------------------- -""" - - -def krusk(E_and_n): - # Sort edges on the basis of distance - (E, n) = E_and_n - E.sort(reverse=True, key=lambda x: x[2]) - s = [set([i]) for i in range(1, n + 1)] - while True: - if len(s) == 1: - break - print(s) - x = E.pop() - for i in xrange(len(s)): - if x[0] in s[i]: - break - for j in xrange(len(s)): - if x[1] in s[j]: - if i == j: - break - s[j].update(s[i]) - s.pop(i) - break - - -# find the isolated node in the graph -def find_isolated_nodes(graph): - isolated = [] - for node in graph: - if not graph[node]: - isolated.append(node) - return isolated +from __future__ import print_function + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + +# Accept No. of Nodes and edges +n, m = map(int, raw_input().split(" ")) + +# Initialising Dictionary of edges +g = {} +for i in xrange(n): + g[i + 1] = [] + +""" +-------------------------------------------------------------------------------- + Accepting edges of Unweighted Directed Graphs +-------------------------------------------------------------------------------- +""" +for _ in xrange(m): + x, y = map(int, raw_input().split(" ")) + g[x].append(y) + +""" +-------------------------------------------------------------------------------- + Accepting edges of Unweighted Undirected Graphs +-------------------------------------------------------------------------------- +""" +for _ in xrange(m): + x, y = map(int, raw_input().split(" ")) + g[x].append(y) + g[y].append(x) + +""" +-------------------------------------------------------------------------------- + Accepting edges of Weighted Undirected Graphs +-------------------------------------------------------------------------------- +""" +for _ in xrange(m): + x, y, r = map(int, raw_input().split(" ")) + g[x].append([y, r]) + g[y].append([x, r]) + +""" +-------------------------------------------------------------------------------- + Depth First Search. + Args : G - Dictionary of edges + s - Starting Node + Vars : vis - Set of visited nodes + S - Traversal Stack +-------------------------------------------------------------------------------- +""" + + +def dfs(G, s): + vis, S = set([s]), [s] + print(s) + while S: + flag = 0 + for i in G[S[-1]]: + if i not in vis: + S.append(i) + vis.add(i) + flag = 1 + print(i) + break + if not flag: + S.pop() + + +""" +-------------------------------------------------------------------------------- + Breadth First Search. + Args : G - Dictionary of edges + s - Starting Node + Vars : vis - Set of visited nodes + Q - Traveral Stack +-------------------------------------------------------------------------------- +""" + + +def bfs(G, s): + vis, Q = set([s]), deque([s]) + print(s) + while Q: + u = Q.popleft() + for v in G[u]: + if v not in vis: + vis.add(v) + Q.append(v) + print(v) + + +""" +-------------------------------------------------------------------------------- + Dijkstra's shortest path Algorithm + Args : G - Dictionary of edges + s - Starting Node + Vars : dist - Dictionary storing shortest distance from s to every other node + known - Set of knows nodes + path - Preceding node in path +-------------------------------------------------------------------------------- +""" + + +def dijk(G, s): + dist, known, path = {s: 0}, set(), {s: 0} + while True: + if len(known) == len(G) - 1: + break + mini = 100000 + for i in dist: + if i not in known and dist[i] < mini: + mini = dist[i] + u = i + known.add(u) + for v in G[u]: + if v[0] not in known: + if dist[u] + v[1] < dist.get(v[0], 100000): + dist[v[0]] = dist[u] + v[1] + path[v[0]] = u + for i in dist: + if i != s: + print(dist[i]) + + +""" +-------------------------------------------------------------------------------- + Topological Sort +-------------------------------------------------------------------------------- +""" +from collections import deque + + +def topo(G, ind=None, Q=[1]): + if ind is None: + ind = [0] * (len(G) + 1) # SInce oth Index is ignored + for u in G: + for v in G[u]: + ind[v] += 1 + Q = deque() + for i in G: + if ind[i] == 0: + Q.append(i) + if len(Q) == 0: + return + v = Q.popleft() + print(v) + for w in G[v]: + ind[w] -= 1 + if ind[w] == 0: + Q.append(w) + topo(G, ind, Q) + + +""" +-------------------------------------------------------------------------------- + Reading an Adjacency matrix +-------------------------------------------------------------------------------- +""" + + +def adjm(): + n, a = raw_input(), [] + for i in xrange(n): + a.append(map(int, raw_input().split())) + return a, n + + +""" +-------------------------------------------------------------------------------- + Floyd Warshall's algorithm + Args : G - Dictionary of edges + s - Starting Node + Vars : dist - Dictionary storing shortest distance from s to every other node + known - Set of knows nodes + path - Preceding node in path + +-------------------------------------------------------------------------------- +""" + + +def floy(A_and_n): + (A, n) = A_and_n + dist = list(A) + path = [[0] * n for i in xrange(n)] + for k in xrange(n): + for i in xrange(n): + for j in xrange(n): + if dist[i][j] > dist[i][k] + dist[k][j]: + dist[i][j] = dist[i][k] + dist[k][j] + path[i][k] = k + print(dist) + + +""" +-------------------------------------------------------------------------------- + Prim's MST Algorithm + Args : G - Dictionary of edges + s - Starting Node + Vars : dist - Dictionary storing shortest distance from s to nearest node + known - Set of knows nodes + path - Preceding node in path +-------------------------------------------------------------------------------- +""" + + +def prim(G, s): + dist, known, path = {s: 0}, set(), {s: 0} + while True: + if len(known) == len(G) - 1: + break + mini = 100000 + for i in dist: + if i not in known and dist[i] < mini: + mini = dist[i] + u = i + known.add(u) + for v in G[u]: + if v[0] not in known: + if v[1] < dist.get(v[0], 100000): + dist[v[0]] = v[1] + path[v[0]] = u + + +""" +-------------------------------------------------------------------------------- + Accepting Edge list + Vars : n - Number of nodes + m - Number of edges + Returns : l - Edge list + n - Number of Nodes +-------------------------------------------------------------------------------- +""" + + +def edglist(): + n, m = map(int, raw_input().split(" ")) + l = [] + for i in xrange(m): + l.append(map(int, raw_input().split(' '))) + return l, n + + +""" +-------------------------------------------------------------------------------- + Kruskal's MST Algorithm + Args : E - Edge list + n - Number of Nodes + Vars : s - Set of all nodes as unique disjoint sets (initially) +-------------------------------------------------------------------------------- +""" + + +def krusk(E_and_n): + # Sort edges on the basis of distance + (E, n) = E_and_n + E.sort(reverse=True, key=lambda x: x[2]) + s = [set([i]) for i in range(1, n + 1)] + while True: + if len(s) == 1: + break + print(s) + x = E.pop() + for i in xrange(len(s)): + if x[0] in s[i]: + break + for j in xrange(len(s)): + if x[1] in s[j]: + if i == j: + break + s[j].update(s[i]) + s.pop(i) + break + + +# find the isolated node in the graph +def find_isolated_nodes(graph): + isolated = [] + for node in graph: + if not graph[node]: + isolated.append(node) + return isolated diff --git a/graphs/bellman_ford.py b/graphs/bellman_ford.py index 7641e9058809..66fe0701eae5 100644 --- a/graphs/bellman_ford.py +++ b/graphs/bellman_ford.py @@ -1,55 +1,55 @@ -from __future__ import print_function - - -def printDist(dist, V): - print("\nVertex Distance") - for i in range(V): - if dist[i] != float('inf'): - print(i, "\t", int(dist[i]), end="\t") - else: - print(i, "\t", "INF", end="\t") - print() - - -def BellmanFord(graph, V, E, src): - mdist = [float('inf') for i in range(V)] - mdist[src] = 0.0 - - for i in range(V - 1): - for j in range(V): - u = graph[j]["src"] - v = graph[j]["dst"] - w = graph[j]["weight"] - - if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: - mdist[v] = mdist[u] + w - for j in range(V): - u = graph[j]["src"] - v = graph[j]["dst"] - w = graph[j]["weight"] - - if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: - print("Negative cycle found. Solution not possible.") - return - - printDist(mdist, V) - - -# MAIN -V = int(input("Enter number of vertices: ")) -E = int(input("Enter number of edges: ")) - -graph = [dict() for j in range(E)] - -for i in range(V): - graph[i][i] = 0.0 - -for i in range(E): - print("\nEdge ", i + 1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[i] = {"src": src, "dst": dst, "weight": weight} - -gsrc = int(input("\nEnter shortest path source:")) -BellmanFord(graph, V, E, gsrc) +from __future__ import print_function + + +def printDist(dist, V): + print("\nVertex Distance") + for i in range(V): + if dist[i] != float('inf'): + print(i, "\t", int(dist[i]), end="\t") + else: + print(i, "\t", "INF", end="\t") + print() + + +def BellmanFord(graph, V, E, src): + mdist = [float('inf') for i in range(V)] + mdist[src] = 0.0 + + for i in range(V - 1): + for j in range(V): + u = graph[j]["src"] + v = graph[j]["dst"] + w = graph[j]["weight"] + + if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: + mdist[v] = mdist[u] + w + for j in range(V): + u = graph[j]["src"] + v = graph[j]["dst"] + w = graph[j]["weight"] + + if mdist[u] != float('inf') and mdist[u] + w < mdist[v]: + print("Negative cycle found. Solution not possible.") + return + + printDist(mdist, V) + + +# MAIN +V = int(input("Enter number of vertices: ")) +E = int(input("Enter number of edges: ")) + +graph = [dict() for j in range(E)] + +for i in range(V): + graph[i][i] = 0.0 + +for i in range(E): + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[i] = {"src": src, "dst": dst, "weight": weight} + +gsrc = int(input("\nEnter shortest path source:")) +BellmanFord(graph, V, E, gsrc) diff --git a/graphs/bfs_shortest_path.py b/graphs/bfs_shortest_path.py index d5ce3496b79f..ad44caf23c64 100644 --- a/graphs/bfs_shortest_path.py +++ b/graphs/bfs_shortest_path.py @@ -1,45 +1,45 @@ -graph = {'A': ['B', 'C', 'E'], - 'B': ['A', 'D', 'E'], - 'C': ['A', 'F', 'G'], - 'D': ['B'], - 'E': ['A', 'B', 'D'], - 'F': ['C'], - 'G': ['C']} - - -def bfs_shortest_path(graph, start, goal): - # keep track of explored nodes - explored = [] - # keep track of all the paths to be checked - queue = [[start]] - - # return path if start is goal - if start == goal: - return "That was easy! Start = goal" - - # keeps looping until all possible paths have been checked - while queue: - # pop the first path from the queue - path = queue.pop(0) - # get the last node from the path - node = path[-1] - if node not in explored: - neighbours = graph[node] - # go through all neighbour nodes, construct a new path and - # push it into the queue - for neighbour in neighbours: - new_path = list(path) - new_path.append(neighbour) - queue.append(new_path) - # return path if neighbour is goal - if neighbour == goal: - return new_path - - # mark node as explored - explored.append(node) - - # in case there's no path between the 2 nodes - return "So sorry, but a connecting path doesn't exist :(" - - -bfs_shortest_path(graph, 'G', 'D') # returns ['G', 'C', 'A', 'B', 'D'] +graph = {'A': ['B', 'C', 'E'], + 'B': ['A', 'D', 'E'], + 'C': ['A', 'F', 'G'], + 'D': ['B'], + 'E': ['A', 'B', 'D'], + 'F': ['C'], + 'G': ['C']} + + +def bfs_shortest_path(graph, start, goal): + # keep track of explored nodes + explored = [] + # keep track of all the paths to be checked + queue = [[start]] + + # return path if start is goal + if start == goal: + return "That was easy! Start = goal" + + # keeps looping until all possible paths have been checked + while queue: + # pop the first path from the queue + path = queue.pop(0) + # get the last node from the path + node = path[-1] + if node not in explored: + neighbours = graph[node] + # go through all neighbour nodes, construct a new path and + # push it into the queue + for neighbour in neighbours: + new_path = list(path) + new_path.append(neighbour) + queue.append(new_path) + # return path if neighbour is goal + if neighbour == goal: + return new_path + + # mark node as explored + explored.append(node) + + # in case there's no path between the 2 nodes + return "So sorry, but a connecting path doesn't exist :(" + + +bfs_shortest_path(graph, 'G', 'D') # returns ['G', 'C', 'A', 'B', 'D'] diff --git a/graphs/breadth_first_search.py b/graphs/breadth_first_search.py index 06763cb19395..d4998bb5a33a 100644 --- a/graphs/breadth_first_search.py +++ b/graphs/breadth_first_search.py @@ -1,68 +1,68 @@ -#!/usr/bin/python -# encoding=utf8 - -""" Author: OMKAR PATHAK """ - -from __future__ import print_function - - -class Graph(): - def __init__(self): - self.vertex = {} - - # for printing the Graph vertexes - def printGraph(self): - for i in self.vertex.keys(): - print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) - - # for adding the edge beween two vertexes - def addEdge(self, fromVertex, toVertex): - # check if vertex is already present, - if fromVertex in self.vertex.keys(): - self.vertex[fromVertex].append(toVertex) - else: - # else make a new vertex - self.vertex[fromVertex] = [toVertex] - - def BFS(self, startVertex): - # Take a list for stoting already visited vertexes - visited = [False] * len(self.vertex) - - # create a list to store all the vertexes for BFS - queue = [] - - # mark the source node as visited and enqueue it - visited[startVertex] = True - queue.append(startVertex) - - while queue: - startVertex = queue.pop(0) - print(startVertex, end=' ') - - # mark all adjacent nodes as visited and print them - for i in self.vertex[startVertex]: - if visited[i] == False: - queue.append(i) - visited[i] = True - - -if __name__ == '__main__': - g = Graph() - g.addEdge(0, 1) - g.addEdge(0, 2) - g.addEdge(1, 2) - g.addEdge(2, 0) - g.addEdge(2, 3) - g.addEdge(3, 3) - - g.printGraph() - print('BFS:') - g.BFS(2) - - # OUTPUT: - # 0  ->  1 -> 2 - # 1  ->  2 - # 2  ->  0 -> 3 - # 3  ->  3 - # BFS: - # 2 0 3 1 +#!/usr/bin/python +# encoding=utf8 + +""" Author: OMKAR PATHAK """ + +from __future__ import print_function + + +class Graph(): + def __init__(self): + self.vertex = {} + + # for printing the Graph vertexes + def printGraph(self): + for i in self.vertex.keys(): + print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) + + # for adding the edge beween two vertexes + def addEdge(self, fromVertex, toVertex): + # check if vertex is already present, + if fromVertex in self.vertex.keys(): + self.vertex[fromVertex].append(toVertex) + else: + # else make a new vertex + self.vertex[fromVertex] = [toVertex] + + def BFS(self, startVertex): + # Take a list for stoting already visited vertexes + visited = [False] * len(self.vertex) + + # create a list to store all the vertexes for BFS + queue = [] + + # mark the source node as visited and enqueue it + visited[startVertex] = True + queue.append(startVertex) + + while queue: + startVertex = queue.pop(0) + print(startVertex, end=' ') + + # mark all adjacent nodes as visited and print them + for i in self.vertex[startVertex]: + if visited[i] == False: + queue.append(i) + visited[i] = True + + +if __name__ == '__main__': + g = Graph() + g.addEdge(0, 1) + g.addEdge(0, 2) + g.addEdge(1, 2) + g.addEdge(2, 0) + g.addEdge(2, 3) + g.addEdge(3, 3) + + g.printGraph() + print('BFS:') + g.BFS(2) + + # OUTPUT: + # 0  ->  1 -> 2 + # 1  ->  2 + # 2  ->  0 -> 3 + # 3  ->  3 + # BFS: + # 2 0 3 1 diff --git a/graphs/check_bipartite_graph_bfs.py b/graphs/check_bipartite_graph_bfs.py index 2869bae07322..e175f68043a1 100644 --- a/graphs/check_bipartite_graph_bfs.py +++ b/graphs/check_bipartite_graph_bfs.py @@ -1,44 +1,44 @@ -# Check whether Graph is Bipartite or Not using BFS - -# A Bipartite Graph is a graph whose vertices can be divided into two independent sets, -# U and V such that every edge (u, v) either connects a vertex from U to V or a vertex -# from V to U. In other words, for every edge (u, v), either u belongs to U and v to V, -# or u belongs to V and v to U. We can also say that there is no edge that connects -# vertices of same set. -def checkBipartite(l): - queue = [] - visited = [False] * len(l) - color = [-1] * len(l) - - def bfs(): - while (queue): - u = queue.pop(0) - visited[u] = True - - for neighbour in l[u]: - - if neighbour == u: - return False - - if color[neighbour] == -1: - color[neighbour] = 1 - color[u] - queue.append(neighbour) - - elif color[neighbour] == color[u]: - return False - - return True - - for i in range(len(l)): - if not visited[i]: - queue.append(i) - color[i] = 0 - if bfs() == False: - return False - - return True - - -# Adjacency List of graph -l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2]} -print(checkBipartite(l)) +# Check whether Graph is Bipartite or Not using BFS + +# A Bipartite Graph is a graph whose vertices can be divided into two independent sets, +# U and V such that every edge (u, v) either connects a vertex from U to V or a vertex +# from V to U. In other words, for every edge (u, v), either u belongs to U and v to V, +# or u belongs to V and v to U. We can also say that there is no edge that connects +# vertices of same set. +def checkBipartite(l): + queue = [] + visited = [False] * len(l) + color = [-1] * len(l) + + def bfs(): + while (queue): + u = queue.pop(0) + visited[u] = True + + for neighbour in l[u]: + + if neighbour == u: + return False + + if color[neighbour] == -1: + color[neighbour] = 1 - color[u] + queue.append(neighbour) + + elif color[neighbour] == color[u]: + return False + + return True + + for i in range(len(l)): + if not visited[i]: + queue.append(i) + color[i] = 0 + if bfs() == False: + return False + + return True + + +# Adjacency List of graph +l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2]} +print(checkBipartite(l)) diff --git a/graphs/check_bipartite_graph_dfs.py b/graphs/check_bipartite_graph_dfs.py index 7402b32e9f8a..6fe54a6723c5 100644 --- a/graphs/check_bipartite_graph_dfs.py +++ b/graphs/check_bipartite_graph_dfs.py @@ -1,33 +1,33 @@ -# Check whether Graph is Bipartite or Not using DFS - -# A Bipartite Graph is a graph whose vertices can be divided into two independent sets, -# U and V such that every edge (u, v) either connects a vertex from U to V or a vertex -# from V to U. In other words, for every edge (u, v), either u belongs to U and v to V, -# or u belongs to V and v to U. We can also say that there is no edge that connects -# vertices of same set. -def check_bipartite_dfs(l): - visited = [False] * len(l) - color = [-1] * len(l) - - def dfs(v, c): - visited[v] = True - color[v] = c - for u in l[v]: - if not visited[u]: - dfs(u, 1 - c) - - for i in range(len(l)): - if not visited[i]: - dfs(i, 0) - - for i in range(len(l)): - for j in l[i]: - if color[i] == color[j]: - return False - - return True - - -# Adjacency list of graph -l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2], 4: []} -print(check_bipartite_dfs(l)) +# Check whether Graph is Bipartite or Not using DFS + +# A Bipartite Graph is a graph whose vertices can be divided into two independent sets, +# U and V such that every edge (u, v) either connects a vertex from U to V or a vertex +# from V to U. In other words, for every edge (u, v), either u belongs to U and v to V, +# or u belongs to V and v to U. We can also say that there is no edge that connects +# vertices of same set. +def check_bipartite_dfs(l): + visited = [False] * len(l) + color = [-1] * len(l) + + def dfs(v, c): + visited[v] = True + color[v] = c + for u in l[v]: + if not visited[u]: + dfs(u, 1 - c) + + for i in range(len(l)): + if not visited[i]: + dfs(i, 0) + + for i in range(len(l)): + for j in l[i]: + if color[i] == color[j]: + return False + + return True + + +# Adjacency list of graph +l = {0: [1, 3], 1: [0, 2], 2: [1, 3], 3: [0, 2], 4: []} +print(check_bipartite_dfs(l)) diff --git a/graphs/depth_first_search.py b/graphs/depth_first_search.py index 1a20a313b4d7..dd2c4224c8ae 100644 --- a/graphs/depth_first_search.py +++ b/graphs/depth_first_search.py @@ -1,67 +1,67 @@ -#!/usr/bin/python -# encoding=utf8 - -""" Author: OMKAR PATHAK """ -from __future__ import print_function - - -class Graph(): - def __init__(self): - self.vertex = {} - - # for printing the Graph vertexes - def printGraph(self): - print(self.vertex) - for i in self.vertex.keys(): - print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) - - # for adding the edge beween two vertexes - def addEdge(self, fromVertex, toVertex): - # check if vertex is already present, - if fromVertex in self.vertex.keys(): - self.vertex[fromVertex].append(toVertex) - else: - # else make a new vertex - self.vertex[fromVertex] = [toVertex] - - def DFS(self): - # visited array for storing already visited nodes - visited = [False] * len(self.vertex) - - # call the recursive helper function - for i in range(len(self.vertex)): - if visited[i] == False: - self.DFSRec(i, visited) - - def DFSRec(self, startVertex, visited): - # mark start vertex as visited - visited[startVertex] = True - - print(startVertex, end=' ') - - # Recur for all the vertexes that are adjacent to this node - for i in self.vertex.keys(): - if visited[i] == False: - self.DFSRec(i, visited) - - -if __name__ == '__main__': - g = Graph() - g.addEdge(0, 1) - g.addEdge(0, 2) - g.addEdge(1, 2) - g.addEdge(2, 0) - g.addEdge(2, 3) - g.addEdge(3, 3) - - g.printGraph() - print('DFS:') - g.DFS() - - # OUTPUT: - # 0  ->  1 -> 2 - # 1  ->  2 - # 2  ->  0 -> 3 - # 3  ->  3 - # DFS: - #  0 1 2 3 +#!/usr/bin/python +# encoding=utf8 + +""" Author: OMKAR PATHAK """ +from __future__ import print_function + + +class Graph(): + def __init__(self): + self.vertex = {} + + # for printing the Graph vertexes + def printGraph(self): + print(self.vertex) + for i in self.vertex.keys(): + print(i, ' -> ', ' -> '.join([str(j) for j in self.vertex[i]])) + + # for adding the edge beween two vertexes + def addEdge(self, fromVertex, toVertex): + # check if vertex is already present, + if fromVertex in self.vertex.keys(): + self.vertex[fromVertex].append(toVertex) + else: + # else make a new vertex + self.vertex[fromVertex] = [toVertex] + + def DFS(self): + # visited array for storing already visited nodes + visited = [False] * len(self.vertex) + + # call the recursive helper function + for i in range(len(self.vertex)): + if visited[i] == False: + self.DFSRec(i, visited) + + def DFSRec(self, startVertex, visited): + # mark start vertex as visited + visited[startVertex] = True + + print(startVertex, end=' ') + + # Recur for all the vertexes that are adjacent to this node + for i in self.vertex.keys(): + if visited[i] == False: + self.DFSRec(i, visited) + + +if __name__ == '__main__': + g = Graph() + g.addEdge(0, 1) + g.addEdge(0, 2) + g.addEdge(1, 2) + g.addEdge(2, 0) + g.addEdge(2, 3) + g.addEdge(3, 3) + + g.printGraph() + print('DFS:') + g.DFS() + + # OUTPUT: + # 0  ->  1 -> 2 + # 1  ->  2 + # 2  ->  0 -> 3 + # 3  ->  3 + # DFS: + #  0 1 2 3 diff --git a/graphs/dijkstra.py b/graphs/dijkstra.py index 0afb1e01bd1e..6b08b28fcfd3 100644 --- a/graphs/dijkstra.py +++ b/graphs/dijkstra.py @@ -1,47 +1,47 @@ -"""pseudo-code""" - -""" -DIJKSTRA(graph G, start vertex s,destination vertex d): -// all nodes initially unexplored -let H = min heap data structure, initialized with 0 and s [here 0 indicates the distance from start vertex] -while H is non-empty: - remove the first node and cost of H, call it U and cost - if U is not explored - mark U as explored - if U is d: - return cost // total cost from start to destination vertex - for each edge(U, V): c=cost of edge(u,V) // for V in graph[U] - if V unexplored: - next=cost+c - add next,V to H (at the end) -""" -import heapq - - -def dijkstra(graph, start, end): - heap = [(0, start)] # cost from start node,end node - visited = [] - while heap: - (cost, u) = heapq.heappop(heap) - if u in visited: - continue - visited.append(u) - if u == end: - return cost - for v, c in G[u]: - if v in visited: - continue - next = cost + c - heapq.heappush(heap, (next, v)) - return (-1, -1) - - -G = {'A': [['B', 2], ['C', 5]], - 'B': [['A', 2], ['D', 3], ['E', 1]], - 'C': [['A', 5], ['F', 3]], - 'D': [['B', 3]], - 'E': [['B', 1], ['F', 3]], - 'F': [['C', 3], ['E', 3]]} - -shortDistance = dijkstra(G, 'E', 'C') -print(shortDistance) +"""pseudo-code""" + +""" +DIJKSTRA(graph G, start vertex s,destination vertex d): +// all nodes initially unexplored +let H = min heap data structure, initialized with 0 and s [here 0 indicates the distance from start vertex] +while H is non-empty: + remove the first node and cost of H, call it U and cost + if U is not explored + mark U as explored + if U is d: + return cost // total cost from start to destination vertex + for each edge(U, V): c=cost of edge(u,V) // for V in graph[U] + if V unexplored: + next=cost+c + add next,V to H (at the end) +""" +import heapq + + +def dijkstra(graph, start, end): + heap = [(0, start)] # cost from start node,end node + visited = [] + while heap: + (cost, u) = heapq.heappop(heap) + if u in visited: + continue + visited.append(u) + if u == end: + return cost + for v, c in G[u]: + if v in visited: + continue + next = cost + c + heapq.heappush(heap, (next, v)) + return (-1, -1) + + +G = {'A': [['B', 2], ['C', 5]], + 'B': [['A', 2], ['D', 3], ['E', 1]], + 'C': [['A', 5], ['F', 3]], + 'D': [['B', 3]], + 'E': [['B', 1], ['F', 3]], + 'F': [['C', 3], ['E', 3]]} + +shortDistance = dijkstra(G, 'E', 'C') +print(shortDistance) diff --git a/graphs/dijkstra_2.py b/graphs/dijkstra_2.py index b07d12dc59d1..92fad8208113 100644 --- a/graphs/dijkstra_2.py +++ b/graphs/dijkstra_2.py @@ -1,57 +1,57 @@ -from __future__ import print_function - - -def printDist(dist, V): - print("\nVertex Distance") - for i in range(V): - if dist[i] != float('inf'): - print(i, "\t", int(dist[i]), end="\t") - else: - print(i, "\t", "INF", end="\t") - print() - - -def minDist(mdist, vset, V): - minVal = float('inf') - minInd = -1 - for i in range(V): - if (not vset[i]) and mdist[i] < minVal: - minInd = i - minVal = mdist[i] - return minInd - - -def Dijkstra(graph, V, src): - mdist = [float('inf') for i in range(V)] - vset = [False for i in range(V)] - mdist[src] = 0.0 - - for i in range(V - 1): - u = minDist(mdist, vset, V) - vset[u] = True - - for v in range(V): - if (not vset[v]) and graph[u][v] != float('inf') and mdist[u] + graph[u][v] < mdist[v]: - mdist[v] = mdist[u] + graph[u][v] - - printDist(mdist, V) - - -# MAIN -V = int(input("Enter number of vertices: ")) -E = int(input("Enter number of edges: ")) - -graph = [[float('inf') for i in range(V)] for j in range(V)] - -for i in range(V): - graph[i][i] = 0.0 - -for i in range(E): - print("\nEdge ", i + 1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[src][dst] = weight - -gsrc = int(input("\nEnter shortest path source:")) -Dijkstra(graph, V, gsrc) +from __future__ import print_function + + +def printDist(dist, V): + print("\nVertex Distance") + for i in range(V): + if dist[i] != float('inf'): + print(i, "\t", int(dist[i]), end="\t") + else: + print(i, "\t", "INF", end="\t") + print() + + +def minDist(mdist, vset, V): + minVal = float('inf') + minInd = -1 + for i in range(V): + if (not vset[i]) and mdist[i] < minVal: + minInd = i + minVal = mdist[i] + return minInd + + +def Dijkstra(graph, V, src): + mdist = [float('inf') for i in range(V)] + vset = [False for i in range(V)] + mdist[src] = 0.0 + + for i in range(V - 1): + u = minDist(mdist, vset, V) + vset[u] = True + + for v in range(V): + if (not vset[v]) and graph[u][v] != float('inf') and mdist[u] + graph[u][v] < mdist[v]: + mdist[v] = mdist[u] + graph[u][v] + + printDist(mdist, V) + + +# MAIN +V = int(input("Enter number of vertices: ")) +E = int(input("Enter number of edges: ")) + +graph = [[float('inf') for i in range(V)] for j in range(V)] + +for i in range(V): + graph[i][i] = 0.0 + +for i in range(E): + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[src][dst] = weight + +gsrc = int(input("\nEnter shortest path source:")) +Dijkstra(graph, V, gsrc) diff --git a/graphs/dijkstra_algorithm.py b/graphs/dijkstra_algorithm.py index 935b828c86bc..3de9235f55ae 100644 --- a/graphs/dijkstra_algorithm.py +++ b/graphs/dijkstra_algorithm.py @@ -1,215 +1,215 @@ -# Title: Dijkstra's Algorithm for finding single source shortest path from scratch -# Author: Shubham Malik -# References: https://en.wikipedia.org/wiki/Dijkstra%27s_algorithm - -from __future__ import print_function - -import math -import sys - - -# For storing the vertex set to retreive node with the lowest distance - - -class PriorityQueue: - # Based on Min Heap - def __init__(self): - self.cur_size = 0 - self.array = [] - self.pos = {} # To store the pos of node in array - - def isEmpty(self): - return self.cur_size == 0 - - def min_heapify(self, idx): - lc = self.left(idx) - rc = self.right(idx) - if lc < self.cur_size and self.array(lc)[0] < self.array(idx)[0]: - smallest = lc - else: - smallest = idx - if rc < self.cur_size and self.array(rc)[0] < self.array(smallest)[0]: - smallest = rc - if smallest != idx: - self.swap(idx, smallest) - self.min_heapify(smallest) - - def insert(self, tup): - # Inserts a node into the Priority Queue - self.pos[tup[1]] = self.cur_size - self.cur_size += 1 - self.array.append((sys.maxsize, tup[1])) - self.decrease_key((sys.maxsize, tup[1]), tup[0]) - - def extract_min(self): - # Removes and returns the min element at top of priority queue - min_node = self.array[0][1] - self.array[0] = self.array[self.cur_size - 1] - self.cur_size -= 1 - self.min_heapify(1) - del self.pos[min_node] - return min_node - - def left(self, i): - # returns the index of left child - return 2 * i + 1 - - def right(self, i): - # returns the index of right child - return 2 * i + 2 - - def par(self, i): - # returns the index of parent - return math.floor(i / 2) - - def swap(self, i, j): - # swaps array elements at indices i and j - # update the pos{} - self.pos[self.array[i][1]] = j - self.pos[self.array[j][1]] = i - temp = self.array[i] - self.array[i] = self.array[j] - self.array[j] = temp - - def decrease_key(self, tup, new_d): - idx = self.pos[tup[1]] - # assuming the new_d is atmost old_d - self.array[idx] = (new_d, tup[1]) - while idx > 0 and self.array[self.par(idx)][0] > self.array[idx][0]: - self.swap(idx, self.par(idx)) - idx = self.par(idx) - - -class Graph: - def __init__(self, num): - self.adjList = {} # To store graph: u -> (v,w) - self.num_nodes = num # Number of nodes in graph - # To store the distance from source vertex - self.dist = [0] * self.num_nodes - self.par = [-1] * self.num_nodes # To store the path - - def add_edge(self, u, v, w): - # Edge going from node u to v and v to u with weight w - # u (w)-> v, v (w) -> u - # Check if u already in graph - if u in self.adjList.keys(): - self.adjList[u].append((v, w)) - else: - self.adjList[u] = [(v, w)] - - # Assuming undirected graph - if v in self.adjList.keys(): - self.adjList[v].append((u, w)) - else: - self.adjList[v] = [(u, w)] - - def show_graph(self): - # u -> v(w) - for u in self.adjList: - print(u, '->', ' -> '.join(str("{}({})".format(v, w)) - for v, w in self.adjList[u])) - - def dijkstra(self, src): - # Flush old junk values in par[] - self.par = [-1] * self.num_nodes - # src is the source node - self.dist[src] = 0 - Q = PriorityQueue() - Q.insert((0, src)) # (dist from src, node) - for u in self.adjList.keys(): - if u != src: - self.dist[u] = sys.maxsize # Infinity - self.par[u] = -1 - - while not Q.isEmpty(): - u = Q.extract_min() # Returns node with the min dist from source - # Update the distance of all the neighbours of u and - # if their prev dist was INFINITY then push them in Q - for v, w in self.adjList[u]: - new_dist = self.dist[u] + w - if self.dist[v] > new_dist: - if self.dist[v] == sys.maxsize: - Q.insert((new_dist, v)) - else: - Q.decrease_key((self.dist[v], v), new_dist) - self.dist[v] = new_dist - self.par[v] = u - - # Show the shortest distances from src - self.show_distances(src) - - def show_distances(self, src): - print("Distance from node: {}".format(src)) - for u in range(self.num_nodes): - print('Node {} has distance: {}'.format(u, self.dist[u])) - - def show_path(self, src, dest): - # To show the shortest path from src to dest - # WARNING: Use it *after* calling dijkstra - path = [] - cost = 0 - temp = dest - # Backtracking from dest to src - while self.par[temp] != -1: - path.append(temp) - if temp != src: - for v, w in self.adjList[temp]: - if v == self.par[temp]: - cost += w - break - temp = self.par[temp] - path.append(src) - path.reverse() - - print('----Path to reach {} from {}----'.format(dest, src)) - for u in path: - print('{}'.format(u), end=' ') - if u != dest: - print('-> ', end='') - - print('\nTotal cost of path: ', cost) - - -if __name__ == '__main__': - graph = Graph(9) - graph.add_edge(0, 1, 4) - graph.add_edge(0, 7, 8) - graph.add_edge(1, 2, 8) - graph.add_edge(1, 7, 11) - graph.add_edge(2, 3, 7) - graph.add_edge(2, 8, 2) - graph.add_edge(2, 5, 4) - graph.add_edge(3, 4, 9) - graph.add_edge(3, 5, 14) - graph.add_edge(4, 5, 10) - graph.add_edge(5, 6, 2) - graph.add_edge(6, 7, 1) - graph.add_edge(6, 8, 6) - graph.add_edge(7, 8, 7) - graph.show_graph() - graph.dijkstra(0) - graph.show_path(0, 4) - -# OUTPUT -# 0 -> 1(4) -> 7(8) -# 1 -> 0(4) -> 2(8) -> 7(11) -# 7 -> 0(8) -> 1(11) -> 6(1) -> 8(7) -# 2 -> 1(8) -> 3(7) -> 8(2) -> 5(4) -# 3 -> 2(7) -> 4(9) -> 5(14) -# 8 -> 2(2) -> 6(6) -> 7(7) -# 5 -> 2(4) -> 3(14) -> 4(10) -> 6(2) -# 4 -> 3(9) -> 5(10) -# 6 -> 5(2) -> 7(1) -> 8(6) -# Distance from node: 0 -# Node 0 has distance: 0 -# Node 1 has distance: 4 -# Node 2 has distance: 12 -# Node 3 has distance: 19 -# Node 4 has distance: 21 -# Node 5 has distance: 11 -# Node 6 has distance: 9 -# Node 7 has distance: 8 -# Node 8 has distance: 14 -# ----Path to reach 4 from 0---- -# 0 -> 7 -> 6 -> 5 -> 4 -# Total cost of path: 21 +# Title: Dijkstra's Algorithm for finding single source shortest path from scratch +# Author: Shubham Malik +# References: https://en.wikipedia.org/wiki/Dijkstra%27s_algorithm + +from __future__ import print_function + +import math +import sys + + +# For storing the vertex set to retreive node with the lowest distance + + +class PriorityQueue: + # Based on Min Heap + def __init__(self): + self.cur_size = 0 + self.array = [] + self.pos = {} # To store the pos of node in array + + def isEmpty(self): + return self.cur_size == 0 + + def min_heapify(self, idx): + lc = self.left(idx) + rc = self.right(idx) + if lc < self.cur_size and self.array(lc)[0] < self.array(idx)[0]: + smallest = lc + else: + smallest = idx + if rc < self.cur_size and self.array(rc)[0] < self.array(smallest)[0]: + smallest = rc + if smallest != idx: + self.swap(idx, smallest) + self.min_heapify(smallest) + + def insert(self, tup): + # Inserts a node into the Priority Queue + self.pos[tup[1]] = self.cur_size + self.cur_size += 1 + self.array.append((sys.maxsize, tup[1])) + self.decrease_key((sys.maxsize, tup[1]), tup[0]) + + def extract_min(self): + # Removes and returns the min element at top of priority queue + min_node = self.array[0][1] + self.array[0] = self.array[self.cur_size - 1] + self.cur_size -= 1 + self.min_heapify(1) + del self.pos[min_node] + return min_node + + def left(self, i): + # returns the index of left child + return 2 * i + 1 + + def right(self, i): + # returns the index of right child + return 2 * i + 2 + + def par(self, i): + # returns the index of parent + return math.floor(i / 2) + + def swap(self, i, j): + # swaps array elements at indices i and j + # update the pos{} + self.pos[self.array[i][1]] = j + self.pos[self.array[j][1]] = i + temp = self.array[i] + self.array[i] = self.array[j] + self.array[j] = temp + + def decrease_key(self, tup, new_d): + idx = self.pos[tup[1]] + # assuming the new_d is atmost old_d + self.array[idx] = (new_d, tup[1]) + while idx > 0 and self.array[self.par(idx)][0] > self.array[idx][0]: + self.swap(idx, self.par(idx)) + idx = self.par(idx) + + +class Graph: + def __init__(self, num): + self.adjList = {} # To store graph: u -> (v,w) + self.num_nodes = num # Number of nodes in graph + # To store the distance from source vertex + self.dist = [0] * self.num_nodes + self.par = [-1] * self.num_nodes # To store the path + + def add_edge(self, u, v, w): + # Edge going from node u to v and v to u with weight w + # u (w)-> v, v (w) -> u + # Check if u already in graph + if u in self.adjList.keys(): + self.adjList[u].append((v, w)) + else: + self.adjList[u] = [(v, w)] + + # Assuming undirected graph + if v in self.adjList.keys(): + self.adjList[v].append((u, w)) + else: + self.adjList[v] = [(u, w)] + + def show_graph(self): + # u -> v(w) + for u in self.adjList: + print(u, '->', ' -> '.join(str("{}({})".format(v, w)) + for v, w in self.adjList[u])) + + def dijkstra(self, src): + # Flush old junk values in par[] + self.par = [-1] * self.num_nodes + # src is the source node + self.dist[src] = 0 + Q = PriorityQueue() + Q.insert((0, src)) # (dist from src, node) + for u in self.adjList.keys(): + if u != src: + self.dist[u] = sys.maxsize # Infinity + self.par[u] = -1 + + while not Q.isEmpty(): + u = Q.extract_min() # Returns node with the min dist from source + # Update the distance of all the neighbours of u and + # if their prev dist was INFINITY then push them in Q + for v, w in self.adjList[u]: + new_dist = self.dist[u] + w + if self.dist[v] > new_dist: + if self.dist[v] == sys.maxsize: + Q.insert((new_dist, v)) + else: + Q.decrease_key((self.dist[v], v), new_dist) + self.dist[v] = new_dist + self.par[v] = u + + # Show the shortest distances from src + self.show_distances(src) + + def show_distances(self, src): + print("Distance from node: {}".format(src)) + for u in range(self.num_nodes): + print('Node {} has distance: {}'.format(u, self.dist[u])) + + def show_path(self, src, dest): + # To show the shortest path from src to dest + # WARNING: Use it *after* calling dijkstra + path = [] + cost = 0 + temp = dest + # Backtracking from dest to src + while self.par[temp] != -1: + path.append(temp) + if temp != src: + for v, w in self.adjList[temp]: + if v == self.par[temp]: + cost += w + break + temp = self.par[temp] + path.append(src) + path.reverse() + + print('----Path to reach {} from {}----'.format(dest, src)) + for u in path: + print('{}'.format(u), end=' ') + if u != dest: + print('-> ', end='') + + print('\nTotal cost of path: ', cost) + + +if __name__ == '__main__': + graph = Graph(9) + graph.add_edge(0, 1, 4) + graph.add_edge(0, 7, 8) + graph.add_edge(1, 2, 8) + graph.add_edge(1, 7, 11) + graph.add_edge(2, 3, 7) + graph.add_edge(2, 8, 2) + graph.add_edge(2, 5, 4) + graph.add_edge(3, 4, 9) + graph.add_edge(3, 5, 14) + graph.add_edge(4, 5, 10) + graph.add_edge(5, 6, 2) + graph.add_edge(6, 7, 1) + graph.add_edge(6, 8, 6) + graph.add_edge(7, 8, 7) + graph.show_graph() + graph.dijkstra(0) + graph.show_path(0, 4) + +# OUTPUT +# 0 -> 1(4) -> 7(8) +# 1 -> 0(4) -> 2(8) -> 7(11) +# 7 -> 0(8) -> 1(11) -> 6(1) -> 8(7) +# 2 -> 1(8) -> 3(7) -> 8(2) -> 5(4) +# 3 -> 2(7) -> 4(9) -> 5(14) +# 8 -> 2(2) -> 6(6) -> 7(7) +# 5 -> 2(4) -> 3(14) -> 4(10) -> 6(2) +# 4 -> 3(9) -> 5(10) +# 6 -> 5(2) -> 7(1) -> 8(6) +# Distance from node: 0 +# Node 0 has distance: 0 +# Node 1 has distance: 4 +# Node 2 has distance: 12 +# Node 3 has distance: 19 +# Node 4 has distance: 21 +# Node 5 has distance: 11 +# Node 6 has distance: 9 +# Node 7 has distance: 8 +# Node 8 has distance: 14 +# ----Path to reach 4 from 0---- +# 0 -> 7 -> 6 -> 5 -> 4 +# Total cost of path: 21 diff --git a/graphs/edmonds_karp_multiple_source_and_sink.py b/graphs/edmonds_karp_multiple_source_and_sink.py index b276bcaa90ce..92b87bd41353 100644 --- a/graphs/edmonds_karp_multiple_source_and_sink.py +++ b/graphs/edmonds_karp_multiple_source_and_sink.py @@ -1,181 +1,181 @@ -class FlowNetwork: - def __init__(self, graph, sources, sinks): - self.sourceIndex = None - self.sinkIndex = None - self.graph = graph - - self._normalizeGraph(sources, sinks) - self.verticesCount = len(graph) - self.maximumFlowAlgorithm = None - - # make only one source and one sink - def _normalizeGraph(self, sources, sinks): - if sources is int: - sources = [sources] - if sinks is int: - sinks = [sinks] - - if len(sources) == 0 or len(sinks) == 0: - return - - self.sourceIndex = sources[0] - self.sinkIndex = sinks[0] - - # make fake vertex if there are more - # than one source or sink - if len(sources) > 1 or len(sinks) > 1: - maxInputFlow = 0 - for i in sources: - maxInputFlow += sum(self.graph[i]) - - size = len(self.graph) + 1 - for room in self.graph: - room.insert(0, 0) - self.graph.insert(0, [0] * size) - for i in sources: - self.graph[0][i + 1] = maxInputFlow - self.sourceIndex = 0 - - size = len(self.graph) + 1 - for room in self.graph: - room.append(0) - self.graph.append([0] * size) - for i in sinks: - self.graph[i + 1][size - 1] = maxInputFlow - self.sinkIndex = size - 1 - - def findMaximumFlow(self): - if self.maximumFlowAlgorithm is None: - raise Exception("You need to set maximum flow algorithm before.") - if self.sourceIndex is None or self.sinkIndex is None: - return 0 - - self.maximumFlowAlgorithm.execute() - return self.maximumFlowAlgorithm.getMaximumFlow() - - def setMaximumFlowAlgorithm(self, Algorithm): - self.maximumFlowAlgorithm = Algorithm(self) - - -class FlowNetworkAlgorithmExecutor(object): - def __init__(self, flowNetwork): - self.flowNetwork = flowNetwork - self.verticesCount = flowNetwork.verticesCount - self.sourceIndex = flowNetwork.sourceIndex - self.sinkIndex = flowNetwork.sinkIndex - # it's just a reference, so you shouldn't change - # it in your algorithms, use deep copy before doing that - self.graph = flowNetwork.graph - self.executed = False - - def execute(self): - if not self.executed: - self._algorithm() - self.executed = True - - # You should override it - def _algorithm(self): - pass - - -class MaximumFlowAlgorithmExecutor(FlowNetworkAlgorithmExecutor): - def __init__(self, flowNetwork): - super(MaximumFlowAlgorithmExecutor, self).__init__(flowNetwork) - # use this to save your result - self.maximumFlow = -1 - - def getMaximumFlow(self): - if not self.executed: - raise Exception("You should execute algorithm before using its result!") - - return self.maximumFlow - - -class PushRelabelExecutor(MaximumFlowAlgorithmExecutor): - def __init__(self, flowNetwork): - super(PushRelabelExecutor, self).__init__(flowNetwork) - - self.preflow = [[0] * self.verticesCount for i in range(self.verticesCount)] - - self.heights = [0] * self.verticesCount - self.excesses = [0] * self.verticesCount - - def _algorithm(self): - self.heights[self.sourceIndex] = self.verticesCount - - # push some substance to graph - for nextVertexIndex, bandwidth in enumerate(self.graph[self.sourceIndex]): - self.preflow[self.sourceIndex][nextVertexIndex] += bandwidth - self.preflow[nextVertexIndex][self.sourceIndex] -= bandwidth - self.excesses[nextVertexIndex] += bandwidth - - # Relabel-to-front selection rule - verticesList = [i for i in range(self.verticesCount) - if i != self.sourceIndex and i != self.sinkIndex] - - # move through list - i = 0 - while i < len(verticesList): - vertexIndex = verticesList[i] - previousHeight = self.heights[vertexIndex] - self.processVertex(vertexIndex) - if self.heights[vertexIndex] > previousHeight: - # if it was relabeled, swap elements - # and start from 0 index - verticesList.insert(0, verticesList.pop(i)) - i = 0 - else: - i += 1 - - self.maximumFlow = sum(self.preflow[self.sourceIndex]) - - def processVertex(self, vertexIndex): - while self.excesses[vertexIndex] > 0: - for neighbourIndex in range(self.verticesCount): - # if it's neighbour and current vertex is higher - if self.graph[vertexIndex][neighbourIndex] - self.preflow[vertexIndex][neighbourIndex] > 0 \ - and self.heights[vertexIndex] > self.heights[neighbourIndex]: - self.push(vertexIndex, neighbourIndex) - - self.relabel(vertexIndex) - - def push(self, fromIndex, toIndex): - preflowDelta = min(self.excesses[fromIndex], - self.graph[fromIndex][toIndex] - self.preflow[fromIndex][toIndex]) - self.preflow[fromIndex][toIndex] += preflowDelta - self.preflow[toIndex][fromIndex] -= preflowDelta - self.excesses[fromIndex] -= preflowDelta - self.excesses[toIndex] += preflowDelta - - def relabel(self, vertexIndex): - minHeight = None - for toIndex in range(self.verticesCount): - if self.graph[vertexIndex][toIndex] - self.preflow[vertexIndex][toIndex] > 0: - if minHeight is None or self.heights[toIndex] < minHeight: - minHeight = self.heights[toIndex] - - if minHeight is not None: - self.heights[vertexIndex] = minHeight + 1 - - -if __name__ == '__main__': - entrances = [0] - exits = [3] - # graph = [ - # [0, 0, 4, 6, 0, 0], - # [0, 0, 5, 2, 0, 0], - # [0, 0, 0, 0, 4, 4], - # [0, 0, 0, 0, 6, 6], - # [0, 0, 0, 0, 0, 0], - # [0, 0, 0, 0, 0, 0], - # ] - graph = [[0, 7, 0, 0], [0, 0, 6, 0], [0, 0, 0, 8], [9, 0, 0, 0]] - - # prepare our network - flowNetwork = FlowNetwork(graph, entrances, exits) - # set algorithm - flowNetwork.setMaximumFlowAlgorithm(PushRelabelExecutor) - # and calculate - maximumFlow = flowNetwork.findMaximumFlow() - - print("maximum flow is {}".format(maximumFlow)) +class FlowNetwork: + def __init__(self, graph, sources, sinks): + self.sourceIndex = None + self.sinkIndex = None + self.graph = graph + + self._normalizeGraph(sources, sinks) + self.verticesCount = len(graph) + self.maximumFlowAlgorithm = None + + # make only one source and one sink + def _normalizeGraph(self, sources, sinks): + if sources is int: + sources = [sources] + if sinks is int: + sinks = [sinks] + + if len(sources) == 0 or len(sinks) == 0: + return + + self.sourceIndex = sources[0] + self.sinkIndex = sinks[0] + + # make fake vertex if there are more + # than one source or sink + if len(sources) > 1 or len(sinks) > 1: + maxInputFlow = 0 + for i in sources: + maxInputFlow += sum(self.graph[i]) + + size = len(self.graph) + 1 + for room in self.graph: + room.insert(0, 0) + self.graph.insert(0, [0] * size) + for i in sources: + self.graph[0][i + 1] = maxInputFlow + self.sourceIndex = 0 + + size = len(self.graph) + 1 + for room in self.graph: + room.append(0) + self.graph.append([0] * size) + for i in sinks: + self.graph[i + 1][size - 1] = maxInputFlow + self.sinkIndex = size - 1 + + def findMaximumFlow(self): + if self.maximumFlowAlgorithm is None: + raise Exception("You need to set maximum flow algorithm before.") + if self.sourceIndex is None or self.sinkIndex is None: + return 0 + + self.maximumFlowAlgorithm.execute() + return self.maximumFlowAlgorithm.getMaximumFlow() + + def setMaximumFlowAlgorithm(self, Algorithm): + self.maximumFlowAlgorithm = Algorithm(self) + + +class FlowNetworkAlgorithmExecutor(object): + def __init__(self, flowNetwork): + self.flowNetwork = flowNetwork + self.verticesCount = flowNetwork.verticesCount + self.sourceIndex = flowNetwork.sourceIndex + self.sinkIndex = flowNetwork.sinkIndex + # it's just a reference, so you shouldn't change + # it in your algorithms, use deep copy before doing that + self.graph = flowNetwork.graph + self.executed = False + + def execute(self): + if not self.executed: + self._algorithm() + self.executed = True + + # You should override it + def _algorithm(self): + pass + + +class MaximumFlowAlgorithmExecutor(FlowNetworkAlgorithmExecutor): + def __init__(self, flowNetwork): + super(MaximumFlowAlgorithmExecutor, self).__init__(flowNetwork) + # use this to save your result + self.maximumFlow = -1 + + def getMaximumFlow(self): + if not self.executed: + raise Exception("You should execute algorithm before using its result!") + + return self.maximumFlow + + +class PushRelabelExecutor(MaximumFlowAlgorithmExecutor): + def __init__(self, flowNetwork): + super(PushRelabelExecutor, self).__init__(flowNetwork) + + self.preflow = [[0] * self.verticesCount for i in range(self.verticesCount)] + + self.heights = [0] * self.verticesCount + self.excesses = [0] * self.verticesCount + + def _algorithm(self): + self.heights[self.sourceIndex] = self.verticesCount + + # push some substance to graph + for nextVertexIndex, bandwidth in enumerate(self.graph[self.sourceIndex]): + self.preflow[self.sourceIndex][nextVertexIndex] += bandwidth + self.preflow[nextVertexIndex][self.sourceIndex] -= bandwidth + self.excesses[nextVertexIndex] += bandwidth + + # Relabel-to-front selection rule + verticesList = [i for i in range(self.verticesCount) + if i != self.sourceIndex and i != self.sinkIndex] + + # move through list + i = 0 + while i < len(verticesList): + vertexIndex = verticesList[i] + previousHeight = self.heights[vertexIndex] + self.processVertex(vertexIndex) + if self.heights[vertexIndex] > previousHeight: + # if it was relabeled, swap elements + # and start from 0 index + verticesList.insert(0, verticesList.pop(i)) + i = 0 + else: + i += 1 + + self.maximumFlow = sum(self.preflow[self.sourceIndex]) + + def processVertex(self, vertexIndex): + while self.excesses[vertexIndex] > 0: + for neighbourIndex in range(self.verticesCount): + # if it's neighbour and current vertex is higher + if self.graph[vertexIndex][neighbourIndex] - self.preflow[vertexIndex][neighbourIndex] > 0 \ + and self.heights[vertexIndex] > self.heights[neighbourIndex]: + self.push(vertexIndex, neighbourIndex) + + self.relabel(vertexIndex) + + def push(self, fromIndex, toIndex): + preflowDelta = min(self.excesses[fromIndex], + self.graph[fromIndex][toIndex] - self.preflow[fromIndex][toIndex]) + self.preflow[fromIndex][toIndex] += preflowDelta + self.preflow[toIndex][fromIndex] -= preflowDelta + self.excesses[fromIndex] -= preflowDelta + self.excesses[toIndex] += preflowDelta + + def relabel(self, vertexIndex): + minHeight = None + for toIndex in range(self.verticesCount): + if self.graph[vertexIndex][toIndex] - self.preflow[vertexIndex][toIndex] > 0: + if minHeight is None or self.heights[toIndex] < minHeight: + minHeight = self.heights[toIndex] + + if minHeight is not None: + self.heights[vertexIndex] = minHeight + 1 + + +if __name__ == '__main__': + entrances = [0] + exits = [3] + # graph = [ + # [0, 0, 4, 6, 0, 0], + # [0, 0, 5, 2, 0, 0], + # [0, 0, 0, 0, 4, 4], + # [0, 0, 0, 0, 6, 6], + # [0, 0, 0, 0, 0, 0], + # [0, 0, 0, 0, 0, 0], + # ] + graph = [[0, 7, 0, 0], [0, 0, 6, 0], [0, 0, 0, 8], [9, 0, 0, 0]] + + # prepare our network + flowNetwork = FlowNetwork(graph, entrances, exits) + # set algorithm + flowNetwork.setMaximumFlowAlgorithm(PushRelabelExecutor) + # and calculate + maximumFlow = flowNetwork.findMaximumFlow() + + print("maximum flow is {}".format(maximumFlow)) diff --git a/graphs/even_tree.py b/graphs/even_tree.py index 74632373bf79..18e3d82054d7 100644 --- a/graphs/even_tree.py +++ b/graphs/even_tree.py @@ -1,71 +1,71 @@ -""" -You are given a tree(a simple connected graph with no cycles). The tree has N -nodes numbered from 1 to N and is rooted at node 1. - -Find the maximum number of edges you can remove from the tree to get a forest -such that each connected component of the forest contains an even number of -nodes. - -Constraints -2 <= 2 <= 100 - -Note: The tree input will be such that it can always be decomposed into -components containing an even number of nodes. -""" -from __future__ import print_function - -# pylint: disable=invalid-name -from collections import defaultdict - - -def dfs(start): - """DFS traversal""" - # pylint: disable=redefined-outer-name - ret = 1 - visited[start] = True - for v in tree.get(start): - if v not in visited: - ret += dfs(v) - if ret % 2 == 0: - cuts.append(start) - return ret - - -def even_tree(): - """ - 2 1 - 3 1 - 4 3 - 5 2 - 6 1 - 7 2 - 8 6 - 9 8 - 10 8 - On removing edges (1,3) and (1,6), we can get the desired result 2. - """ - dfs(1) - - -if __name__ == '__main__': - n, m = 10, 9 - tree = defaultdict(list) - visited = {} - cuts = [] - count = 0 - edges = [ - (2, 1), - (3, 1), - (4, 3), - (5, 2), - (6, 1), - (7, 2), - (8, 6), - (9, 8), - (10, 8), - ] - for u, v in edges: - tree[u].append(v) - tree[v].append(u) - even_tree() - print(len(cuts) - 1) +""" +You are given a tree(a simple connected graph with no cycles). The tree has N +nodes numbered from 1 to N and is rooted at node 1. + +Find the maximum number of edges you can remove from the tree to get a forest +such that each connected component of the forest contains an even number of +nodes. + +Constraints +2 <= 2 <= 100 + +Note: The tree input will be such that it can always be decomposed into +components containing an even number of nodes. +""" +from __future__ import print_function + +# pylint: disable=invalid-name +from collections import defaultdict + + +def dfs(start): + """DFS traversal""" + # pylint: disable=redefined-outer-name + ret = 1 + visited[start] = True + for v in tree.get(start): + if v not in visited: + ret += dfs(v) + if ret % 2 == 0: + cuts.append(start) + return ret + + +def even_tree(): + """ + 2 1 + 3 1 + 4 3 + 5 2 + 6 1 + 7 2 + 8 6 + 9 8 + 10 8 + On removing edges (1,3) and (1,6), we can get the desired result 2. + """ + dfs(1) + + +if __name__ == '__main__': + n, m = 10, 9 + tree = defaultdict(list) + visited = {} + cuts = [] + count = 0 + edges = [ + (2, 1), + (3, 1), + (4, 3), + (5, 2), + (6, 1), + (7, 2), + (8, 6), + (9, 8), + (10, 8), + ] + for u, v in edges: + tree[u].append(v) + tree[v].append(u) + even_tree() + print(len(cuts) - 1) diff --git a/graphs/finding_bridges.py b/graphs/finding_bridges.py index 64171a29c488..da1c0e0daff4 100644 --- a/graphs/finding_bridges.py +++ b/graphs/finding_bridges.py @@ -1,32 +1,32 @@ -# Finding Bridges in Undirected Graph -def computeBridges(l): - id = 0 - n = len(l) # No of vertices in graph - low = [0] * n - visited = [False] * n - - def dfs(at, parent, bridges, id): - visited[at] = True - low[at] = id - id += 1 - for to in l[at]: - if to == parent: - pass - elif not visited[to]: - dfs(to, at, bridges, id) - low[at] = min(low[at], low[to]) - if at < low[to]: - bridges.append([at, to]) - else: - # This edge is a back edge and cannot be a bridge - low[at] = min(low[at], to) - - bridges = [] - for i in range(n): - if (not visited[i]): - dfs(i, -1, bridges, id) - print(bridges) - - -l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} -computeBridges(l) +# Finding Bridges in Undirected Graph +def computeBridges(l): + id = 0 + n = len(l) # No of vertices in graph + low = [0] * n + visited = [False] * n + + def dfs(at, parent, bridges, id): + visited[at] = True + low[at] = id + id += 1 + for to in l[at]: + if to == parent: + pass + elif not visited[to]: + dfs(to, at, bridges, id) + low[at] = min(low[at], low[to]) + if at < low[to]: + bridges.append([at, to]) + else: + # This edge is a back edge and cannot be a bridge + low[at] = min(low[at], to) + + bridges = [] + for i in range(n): + if (not visited[i]): + dfs(i, -1, bridges, id) + print(bridges) + + +l = {0: [1, 2], 1: [0, 2], 2: [0, 1, 3, 5], 3: [2, 4], 4: [3], 5: [2, 6, 8], 6: [5, 7], 7: [6, 8], 8: [5, 7]} +computeBridges(l) diff --git a/graphs/floyd_warshall.py b/graphs/floyd_warshall.py index f71c350b9773..4a2b90fcf00c 100644 --- a/graphs/floyd_warshall.py +++ b/graphs/floyd_warshall.py @@ -1,47 +1,47 @@ -from __future__ import print_function - - -def printDist(dist, V): - print("\nThe shortest path matrix using Floyd Warshall algorithm\n") - for i in range(V): - for j in range(V): - if dist[i][j] != float('inf'): - print(int(dist[i][j]), end="\t") - else: - print("INF", end="\t") - print() - - -def FloydWarshall(graph, V): - dist = [[float('inf') for i in range(V)] for j in range(V)] - - for i in range(V): - for j in range(V): - dist[i][j] = graph[i][j] - - for k in range(V): - for i in range(V): - for j in range(V): - if dist[i][k] != float('inf') and dist[k][j] != float('inf') and dist[i][k] + dist[k][j] < dist[i][j]: - dist[i][j] = dist[i][k] + dist[k][j] - - printDist(dist, V) - - -# MAIN -V = int(input("Enter number of vertices: ")) -E = int(input("Enter number of edges: ")) - -graph = [[float('inf') for i in range(V)] for j in range(V)] - -for i in range(V): - graph[i][i] = 0.0 - -for i in range(E): - print("\nEdge ", i + 1) - src = int(input("Enter source:")) - dst = int(input("Enter destination:")) - weight = float(input("Enter weight:")) - graph[src][dst] = weight - -FloydWarshall(graph, V) +from __future__ import print_function + + +def printDist(dist, V): + print("\nThe shortest path matrix using Floyd Warshall algorithm\n") + for i in range(V): + for j in range(V): + if dist[i][j] != float('inf'): + print(int(dist[i][j]), end="\t") + else: + print("INF", end="\t") + print() + + +def FloydWarshall(graph, V): + dist = [[float('inf') for i in range(V)] for j in range(V)] + + for i in range(V): + for j in range(V): + dist[i][j] = graph[i][j] + + for k in range(V): + for i in range(V): + for j in range(V): + if dist[i][k] != float('inf') and dist[k][j] != float('inf') and dist[i][k] + dist[k][j] < dist[i][j]: + dist[i][j] = dist[i][k] + dist[k][j] + + printDist(dist, V) + + +# MAIN +V = int(input("Enter number of vertices: ")) +E = int(input("Enter number of edges: ")) + +graph = [[float('inf') for i in range(V)] for j in range(V)] + +for i in range(V): + graph[i][i] = 0.0 + +for i in range(E): + print("\nEdge ", i + 1) + src = int(input("Enter source:")) + dst = int(input("Enter destination:")) + weight = float(input("Enter weight:")) + graph[src][dst] = weight + +FloydWarshall(graph, V) diff --git a/graphs/graph_list.py b/graphs/graph_list.py index 5300497ff50d..bf7866c7fa99 100644 --- a/graphs/graph_list.py +++ b/graphs/graph_list.py @@ -1,47 +1,47 @@ -#!/usr/bin/python -# encoding=utf8 - -from __future__ import print_function - - -# Author: OMKAR PATHAK - -# We can use Python's dictionary for constructing the graph. - -class AdjacencyList(object): - def __init__(self): - self.List = {} - - def addEdge(self, fromVertex, toVertex): - # check if vertex is already present - if fromVertex in self.List.keys(): - self.List[fromVertex].append(toVertex) - else: - self.List[fromVertex] = [toVertex] - - def printList(self): - for i in self.List: - print((i, '->', ' -> '.join([str(j) for j in self.List[i]]))) - - -if __name__ == '__main__': - al = AdjacencyList() - al.addEdge(0, 1) - al.addEdge(0, 4) - al.addEdge(4, 1) - al.addEdge(4, 3) - al.addEdge(1, 0) - al.addEdge(1, 4) - al.addEdge(1, 3) - al.addEdge(1, 2) - al.addEdge(2, 3) - al.addEdge(3, 4) - - al.printList() - - # OUTPUT: - # 0 -> 1 -> 4 - # 1 -> 0 -> 4 -> 3 -> 2 - # 2 -> 3 - # 3 -> 4 - # 4 -> 1 -> 3 +#!/usr/bin/python +# encoding=utf8 + +from __future__ import print_function + + +# Author: OMKAR PATHAK + +# We can use Python's dictionary for constructing the graph. + +class AdjacencyList(object): + def __init__(self): + self.List = {} + + def addEdge(self, fromVertex, toVertex): + # check if vertex is already present + if fromVertex in self.List.keys(): + self.List[fromVertex].append(toVertex) + else: + self.List[fromVertex] = [toVertex] + + def printList(self): + for i in self.List: + print((i, '->', ' -> '.join([str(j) for j in self.List[i]]))) + + +if __name__ == '__main__': + al = AdjacencyList() + al.addEdge(0, 1) + al.addEdge(0, 4) + al.addEdge(4, 1) + al.addEdge(4, 3) + al.addEdge(1, 0) + al.addEdge(1, 4) + al.addEdge(1, 3) + al.addEdge(1, 2) + al.addEdge(2, 3) + al.addEdge(3, 4) + + al.printList() + + # OUTPUT: + # 0 -> 1 -> 4 + # 1 -> 0 -> 4 -> 3 -> 2 + # 2 -> 3 + # 3 -> 4 + # 4 -> 1 -> 3 diff --git a/graphs/graph_matrix.py b/graphs/graph_matrix.py index 1e2769cbea2f..e75bb379542a 100644 --- a/graphs/graph_matrix.py +++ b/graphs/graph_matrix.py @@ -1,29 +1,29 @@ -from __future__ import print_function - - -class Graph: - - def __init__(self, vertex): - self.vertex = vertex - self.graph = [[0] * vertex for i in range(vertex)] - - def add_edge(self, u, v): - self.graph[u - 1][v - 1] = 1 - self.graph[v - 1][u - 1] = 1 - - def show(self): - - for i in self.graph: - for j in i: - print(j, end=' ') - print(' ') - - -g = Graph(100) - -g.add_edge(1, 4) -g.add_edge(4, 2) -g.add_edge(4, 5) -g.add_edge(2, 5) -g.add_edge(5, 3) -g.show() +from __future__ import print_function + + +class Graph: + + def __init__(self, vertex): + self.vertex = vertex + self.graph = [[0] * vertex for i in range(vertex)] + + def add_edge(self, u, v): + self.graph[u - 1][v - 1] = 1 + self.graph[v - 1][u - 1] = 1 + + def show(self): + + for i in self.graph: + for j in i: + print(j, end=' ') + print(' ') + + +g = Graph(100) + +g.add_edge(1, 4) +g.add_edge(4, 2) +g.add_edge(4, 5) +g.add_edge(2, 5) +g.add_edge(5, 3) +g.show() diff --git a/graphs/kahns_algorithm_long.py b/graphs/kahns_algorithm_long.py index ff27fe3a8bd6..62601da0ca8f 100644 --- a/graphs/kahns_algorithm_long.py +++ b/graphs/kahns_algorithm_long.py @@ -1,31 +1,31 @@ -# Finding longest distance in Directed Acyclic Graph using KahnsAlgorithm -def longestDistance(l): - indegree = [0] * len(l) - queue = [] - longDist = [1] * len(l) - - for key, values in l.items(): - for i in values: - indegree[i] += 1 - - for i in range(len(indegree)): - if indegree[i] == 0: - queue.append(i) - - while (queue): - vertex = queue.pop(0) - for x in l[vertex]: - indegree[x] -= 1 - - if longDist[vertex] + 1 > longDist[x]: - longDist[x] = longDist[vertex] + 1 - - if indegree[x] == 0: - queue.append(x) - - print(max(longDist)) - - -# Adjacency list of Graph -l = {0: [2, 3, 4], 1: [2, 7], 2: [5], 3: [5, 7], 4: [7], 5: [6], 6: [7], 7: []} -longestDistance(l) +# Finding longest distance in Directed Acyclic Graph using KahnsAlgorithm +def longestDistance(l): + indegree = [0] * len(l) + queue = [] + longDist = [1] * len(l) + + for key, values in l.items(): + for i in values: + indegree[i] += 1 + + for i in range(len(indegree)): + if indegree[i] == 0: + queue.append(i) + + while (queue): + vertex = queue.pop(0) + for x in l[vertex]: + indegree[x] -= 1 + + if longDist[vertex] + 1 > longDist[x]: + longDist[x] = longDist[vertex] + 1 + + if indegree[x] == 0: + queue.append(x) + + print(max(longDist)) + + +# Adjacency list of Graph +l = {0: [2, 3, 4], 1: [2, 7], 2: [5], 3: [5, 7], 4: [7], 5: [6], 6: [7], 7: []} +longestDistance(l) diff --git a/graphs/kahns_algorithm_topo.py b/graphs/kahns_algorithm_topo.py index 8401c28849d3..daa17204f194 100644 --- a/graphs/kahns_algorithm_topo.py +++ b/graphs/kahns_algorithm_topo.py @@ -1,33 +1,33 @@ -# Kahn's Algorithm is used to find Topological ordering of Directed Acyclic Graph using BFS -def topologicalSort(l): - indegree = [0] * len(l) - queue = [] - topo = [] - cnt = 0 - - for key, values in l.items(): - for i in values: - indegree[i] += 1 - - for i in range(len(indegree)): - if indegree[i] == 0: - queue.append(i) - - while (queue): - vertex = queue.pop(0) - cnt += 1 - topo.append(vertex) - for x in l[vertex]: - indegree[x] -= 1 - if indegree[x] == 0: - queue.append(x) - - if cnt != len(l): - print("Cycle exists") - else: - print(topo) - - -# Adjacency List of Graph -l = {0: [1, 2], 1: [3], 2: [3], 3: [4, 5], 4: [], 5: []} -topologicalSort(l) +# Kahn's Algorithm is used to find Topological ordering of Directed Acyclic Graph using BFS +def topologicalSort(l): + indegree = [0] * len(l) + queue = [] + topo = [] + cnt = 0 + + for key, values in l.items(): + for i in values: + indegree[i] += 1 + + for i in range(len(indegree)): + if indegree[i] == 0: + queue.append(i) + + while (queue): + vertex = queue.pop(0) + cnt += 1 + topo.append(vertex) + for x in l[vertex]: + indegree[x] -= 1 + if indegree[x] == 0: + queue.append(x) + + if cnt != len(l): + print("Cycle exists") + else: + print(topo) + + +# Adjacency List of Graph +l = {0: [1, 2], 1: [3], 2: [3], 3: [4, 5], 4: [], 5: []} +topologicalSort(l) diff --git a/graphs/minimum_spanning_tree_kruskal.py b/graphs/minimum_spanning_tree_kruskal.py index d8f78e5ad9ce..a4596b8cbcd1 100644 --- a/graphs/minimum_spanning_tree_kruskal.py +++ b/graphs/minimum_spanning_tree_kruskal.py @@ -1,35 +1,35 @@ -from __future__ import print_function - -num_nodes, num_edges = list(map(int, input().split())) - -edges = [] - -for i in range(num_edges): - node1, node2, cost = list(map(int, input().split())) - edges.append((i, node1, node2, cost)) - -edges = sorted(edges, key=lambda edge: edge[3]) - -parent = [i for i in range(num_nodes)] - - -def find_parent(i): - if (i != parent[i]): - parent[i] = find_parent(parent[i]) - return parent[i] - - -minimum_spanning_tree_cost = 0 -minimum_spanning_tree = [] - -for edge in edges: - parent_a = find_parent(edge[1]) - parent_b = find_parent(edge[2]) - if (parent_a != parent_b): - minimum_spanning_tree_cost += edge[3] - minimum_spanning_tree.append(edge) - parent[parent_a] = parent_b - -print(minimum_spanning_tree_cost) -for edge in minimum_spanning_tree: - print(edge) +from __future__ import print_function + +num_nodes, num_edges = list(map(int, input().split())) + +edges = [] + +for i in range(num_edges): + node1, node2, cost = list(map(int, input().split())) + edges.append((i, node1, node2, cost)) + +edges = sorted(edges, key=lambda edge: edge[3]) + +parent = [i for i in range(num_nodes)] + + +def find_parent(i): + if (i != parent[i]): + parent[i] = find_parent(parent[i]) + return parent[i] + + +minimum_spanning_tree_cost = 0 +minimum_spanning_tree = [] + +for edge in edges: + parent_a = find_parent(edge[1]) + parent_b = find_parent(edge[2]) + if (parent_a != parent_b): + minimum_spanning_tree_cost += edge[3] + minimum_spanning_tree.append(edge) + parent[parent_a] = parent_b + +print(minimum_spanning_tree_cost) +for edge in minimum_spanning_tree: + print(edge) diff --git a/graphs/minimum_spanning_tree_prims.py b/graphs/minimum_spanning_tree_prims.py index 0586713de87a..943376bd1593 100644 --- a/graphs/minimum_spanning_tree_prims.py +++ b/graphs/minimum_spanning_tree_prims.py @@ -1,113 +1,113 @@ -import sys -from collections import defaultdict - - -def PrimsAlgorithm(l): - nodePosition = [] - - def getPosition(vertex): - return nodePosition[vertex] - - def setPosition(vertex, pos): - nodePosition[vertex] = pos - - def topToBottom(heap, start, size, positions): - if start > size // 2 - 1: - return - else: - if 2 * start + 2 >= size: - m = 2 * start + 1 - else: - if heap[2 * start + 1] < heap[2 * start + 2]: - m = 2 * start + 1 - else: - m = 2 * start + 2 - if heap[m] < heap[start]: - temp, temp1 = heap[m], positions[m] - heap[m], positions[m] = heap[start], positions[start] - heap[start], positions[start] = temp, temp1 - - temp = getPosition(positions[m]) - setPosition(positions[m], getPosition(positions[start])) - setPosition(positions[start], temp) - - topToBottom(heap, m, size, positions) - - # Update function if value of any node in min-heap decreases - def bottomToTop(val, index, heap, position): - temp = position[index] - - while (index != 0): - if index % 2 == 0: - parent = int((index - 2) / 2) - else: - parent = int((index - 1) / 2) - - if val < heap[parent]: - heap[index] = heap[parent] - position[index] = position[parent] - setPosition(position[parent], index) - else: - heap[index] = val - position[index] = temp - setPosition(temp, index) - break - index = parent - else: - heap[0] = val - position[0] = temp - setPosition(temp, 0) - - def heapify(heap, positions): - start = len(heap) // 2 - 1 - for i in range(start, -1, -1): - topToBottom(heap, i, len(heap), positions) - - def deleteMinimum(heap, positions): - temp = positions[0] - heap[0] = sys.maxsize - topToBottom(heap, 0, len(heap), positions) - return temp - - visited = [0 for i in range(len(l))] - Nbr_TV = [-1 for i in range(len(l))] # Neighboring Tree Vertex of selected vertex - # Minimum Distance of explored vertex with neighboring vertex of partial tree formed in graph - Distance_TV = [] # Heap of Distance of vertices from their neighboring vertex - Positions = [] - - for x in range(len(l)): - p = sys.maxsize - Distance_TV.append(p) - Positions.append(x) - nodePosition.append(x) - - TreeEdges = [] - visited[0] = 1 - Distance_TV[0] = sys.maxsize - for x in l[0]: - Nbr_TV[x[0]] = 0 - Distance_TV[x[0]] = x[1] - heapify(Distance_TV, Positions) - - for i in range(1, len(l)): - vertex = deleteMinimum(Distance_TV, Positions) - if visited[vertex] == 0: - TreeEdges.append((Nbr_TV[vertex], vertex)) - visited[vertex] = 1 - for v in l[vertex]: - if visited[v[0]] == 0 and v[1] < Distance_TV[getPosition(v[0])]: - Distance_TV[getPosition(v[0])] = v[1] - bottomToTop(v[1], getPosition(v[0]), Distance_TV, Positions) - Nbr_TV[v[0]] = vertex - return TreeEdges - - -# < --------- Prims Algorithm --------- > -n = int(input("Enter number of vertices: ")) -e = int(input("Enter number of edges: ")) -adjlist = defaultdict(list) -for x in range(e): - l = [int(x) for x in input().split()] - adjlist[l[0]].append([l[1], l[2]]) - adjlist[l[1]].append([l[0], l[2]]) -print(PrimsAlgorithm(adjlist)) +import sys +from collections import defaultdict + + +def PrimsAlgorithm(l): + nodePosition = [] + + def getPosition(vertex): + return nodePosition[vertex] + + def setPosition(vertex, pos): + nodePosition[vertex] = pos + + def topToBottom(heap, start, size, positions): + if start > size // 2 - 1: + return + else: + if 2 * start + 2 >= size: + m = 2 * start + 1 + else: + if heap[2 * start + 1] < heap[2 * start + 2]: + m = 2 * start + 1 + else: + m = 2 * start + 2 + if heap[m] < heap[start]: + temp, temp1 = heap[m], positions[m] + heap[m], positions[m] = heap[start], positions[start] + heap[start], positions[start] = temp, temp1 + + temp = getPosition(positions[m]) + setPosition(positions[m], getPosition(positions[start])) + setPosition(positions[start], temp) + + topToBottom(heap, m, size, positions) + + # Update function if value of any node in min-heap decreases + def bottomToTop(val, index, heap, position): + temp = position[index] + + while (index != 0): + if index % 2 == 0: + parent = int((index - 2) / 2) + else: + parent = int((index - 1) / 2) + + if val < heap[parent]: + heap[index] = heap[parent] + position[index] = position[parent] + setPosition(position[parent], index) + else: + heap[index] = val + position[index] = temp + setPosition(temp, index) + break + index = parent + else: + heap[0] = val + position[0] = temp + setPosition(temp, 0) + + def heapify(heap, positions): + start = len(heap) // 2 - 1 + for i in range(start, -1, -1): + topToBottom(heap, i, len(heap), positions) + + def deleteMinimum(heap, positions): + temp = positions[0] + heap[0] = sys.maxsize + topToBottom(heap, 0, len(heap), positions) + return temp + + visited = [0 for i in range(len(l))] + Nbr_TV = [-1 for i in range(len(l))] # Neighboring Tree Vertex of selected vertex + # Minimum Distance of explored vertex with neighboring vertex of partial tree formed in graph + Distance_TV = [] # Heap of Distance of vertices from their neighboring vertex + Positions = [] + + for x in range(len(l)): + p = sys.maxsize + Distance_TV.append(p) + Positions.append(x) + nodePosition.append(x) + + TreeEdges = [] + visited[0] = 1 + Distance_TV[0] = sys.maxsize + for x in l[0]: + Nbr_TV[x[0]] = 0 + Distance_TV[x[0]] = x[1] + heapify(Distance_TV, Positions) + + for i in range(1, len(l)): + vertex = deleteMinimum(Distance_TV, Positions) + if visited[vertex] == 0: + TreeEdges.append((Nbr_TV[vertex], vertex)) + visited[vertex] = 1 + for v in l[vertex]: + if visited[v[0]] == 0 and v[1] < Distance_TV[getPosition(v[0])]: + Distance_TV[getPosition(v[0])] = v[1] + bottomToTop(v[1], getPosition(v[0]), Distance_TV, Positions) + Nbr_TV[v[0]] = vertex + return TreeEdges + + +# < --------- Prims Algorithm --------- > +n = int(input("Enter number of vertices: ")) +e = int(input("Enter number of edges: ")) +adjlist = defaultdict(list) +for x in range(e): + l = [int(x) for x in input().split()] + adjlist[l[0]].append([l[1], l[2]]) + adjlist[l[1]].append([l[0], l[2]]) +print(PrimsAlgorithm(adjlist)) diff --git a/graphs/multi_hueristic_astar.py b/graphs/multi_hueristic_astar.py index 63f1aa85ad1d..ffd2b0f9f418 100644 --- a/graphs/multi_hueristic_astar.py +++ b/graphs/multi_hueristic_astar.py @@ -1,276 +1,276 @@ -from __future__ import print_function - -import heapq - -import numpy as np - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -class PriorityQueue: - def __init__(self): - self.elements = [] - self.set = set() - - def minkey(self): - if not self.empty(): - return self.elements[0][0] - else: - return float('inf') - - def empty(self): - return len(self.elements) == 0 - - def put(self, item, priority): - if item not in self.set: - heapq.heappush(self.elements, (priority, item)) - self.set.add(item) - else: - # update - # print("update", item) - temp = [] - (pri, x) = heapq.heappop(self.elements) - while x != item: - temp.append((pri, x)) - (pri, x) = heapq.heappop(self.elements) - temp.append((priority, item)) - for (pro, xxx) in temp: - heapq.heappush(self.elements, (pro, xxx)) - - def remove_element(self, item): - if item in self.set: - self.set.remove(item) - temp = [] - (pro, x) = heapq.heappop(self.elements) - while x != item: - temp.append((pro, x)) - (pro, x) = heapq.heappop(self.elements) - for (prito, yyy) in temp: - heapq.heappush(self.elements, (prito, yyy)) - - def top_show(self): - return self.elements[0][1] - - def get(self): - (priority, item) = heapq.heappop(self.elements) - self.set.remove(item) - return (priority, item) - - -def consistent_hueristic(P, goal): - # euclidean distance - a = np.array(P) - b = np.array(goal) - return np.linalg.norm(a - b) - - -def hueristic_2(P, goal): - # integer division by time variable - return consistent_hueristic(P, goal) // t - - -def hueristic_1(P, goal): - # manhattan distance - return abs(P[0] - goal[0]) + abs(P[1] - goal[1]) - - -def key(start, i, goal, g_function): - ans = g_function[start] + W1 * hueristics[i](start, goal) - return ans - - -def do_something(back_pointer, goal, start): - grid = np.chararray((n, n)) - for i in range(n): - for j in range(n): - grid[i][j] = '*' - - for i in range(n): - for j in range(n): - if (j, (n - 1) - i) in blocks: - grid[i][j] = "#" - - grid[0][(n - 1)] = "-" - x = back_pointer[goal] - while x != start: - (x_c, y_c) = x - # print(x) - grid[(n - 1) - y_c][x_c] = "-" - x = back_pointer[x] - grid[(n - 1)][0] = "-" - - for i in xrange(n): - for j in range(n): - if (i, j) == (0, n - 1): - print(grid[i][j], end=' ') - print("<-- End position", end=' ') - else: - print(grid[i][j], end=' ') - print() - print("^") - print("Start position") - print() - print("# is an obstacle") - print("- is the path taken by algorithm") - print("PATH TAKEN BY THE ALGORITHM IS:-") - x = back_pointer[goal] - while x != start: - print(x, end=' ') - x = back_pointer[x] - print(x) - quit() - - -def valid(p): - if p[0] < 0 or p[0] > n - 1: - return False - if p[1] < 0 or p[1] > n - 1: - return False - return True - - -def expand_state(s, j, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer): - for itera in range(n_hueristic): - open_list[itera].remove_element(s) - # print("s", s) - # print("j", j) - (x, y) = s - left = (x - 1, y) - right = (x + 1, y) - up = (x, y + 1) - down = (x, y - 1) - - for neighbours in [left, right, up, down]: - if neighbours not in blocks: - if valid(neighbours) and neighbours not in visited: - # print("neighbour", neighbours) - visited.add(neighbours) - back_pointer[neighbours] = -1 - g_function[neighbours] = float('inf') - - if valid(neighbours) and g_function[neighbours] > g_function[s] + 1: - g_function[neighbours] = g_function[s] + 1 - back_pointer[neighbours] = s - if neighbours not in close_list_anchor: - open_list[0].put(neighbours, key(neighbours, 0, goal, g_function)) - if neighbours not in close_list_inad: - for var in range(1, n_hueristic): - if key(neighbours, var, goal, g_function) <= W2 * key(neighbours, 0, goal, g_function): - # print("why not plssssssssss") - open_list[j].put(neighbours, key(neighbours, var, goal, g_function)) - - -# print - -def make_common_ground(): - some_list = [] - # block 1 - for x in range(1, 5): - for y in range(1, 6): - some_list.append((x, y)) - - # line - for x in range(15, 20): - some_list.append((x, 17)) - - # block 2 big - for x in range(10, 19): - for y in range(1, 15): - some_list.append((x, y)) - - # L block - for x in range(1, 4): - for y in range(12, 19): - some_list.append((x, y)) - for x in range(3, 13): - for y in range(16, 19): - some_list.append((x, y)) - return some_list - - -hueristics = {0: consistent_hueristic, 1: hueristic_1, 2: hueristic_2} - -blocks_blk = [(0, 1), (1, 1), (2, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1), (8, 1), (9, 1), (10, 1), (11, 1), (12, 1), (13, 1), (14, 1), (15, 1), (16, 1), (17, 1), (18, 1), (19, 1)] -blocks_no = [] -blocks_all = make_common_ground() - -blocks = blocks_blk -# hyper parameters -W1 = 1 -W2 = 1 -n = 20 -n_hueristic = 3 # one consistent and two other inconsistent - -# start and end destination -start = (0, 0) -goal = (n - 1, n - 1) - -t = 1 - - -def multi_a_star(start, goal, n_hueristic): - g_function = {start: 0, goal: float('inf')} - back_pointer = {start: -1, goal: -1} - open_list = [] - visited = set() - - for i in range(n_hueristic): - open_list.append(PriorityQueue()) - open_list[i].put(start, key(start, i, goal, g_function)) - - close_list_anchor = [] - close_list_inad = [] - while open_list[0].minkey() < float('inf'): - for i in range(1, n_hueristic): - # print("i", i) - # print(open_list[0].minkey(), open_list[i].minkey()) - if open_list[i].minkey() <= W2 * open_list[0].minkey(): - global t - t += 1 - # print("less prio") - if g_function[goal] <= open_list[i].minkey(): - if g_function[goal] < float('inf'): - do_something(back_pointer, goal, start) - else: - _, get_s = open_list[i].top_show() - visited.add(get_s) - expand_state(get_s, i, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) - close_list_inad.append(get_s) - else: - # print("more prio") - if g_function[goal] <= open_list[0].minkey(): - if g_function[goal] < float('inf'): - do_something(back_pointer, goal, start) - else: - # print("hoolla") - get_s = open_list[0].top_show() - visited.add(get_s) - expand_state(get_s, 0, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) - close_list_anchor.append(get_s) - print("No path found to goal") - print() - for i in range(n - 1, -1, -1): - for j in range(n): - if (j, i) in blocks: - print('#', end=' ') - elif (j, i) in back_pointer: - if (j, i) == (n - 1, n - 1): - print('*', end=' ') - else: - print('-', end=' ') - else: - print('*', end=' ') - if (j, i) == (n - 1, n - 1): - print('<-- End position', end=' ') - print() - print("^") - print("Start position") - print() - print("# is an obstacle") - print("- is the path taken by algorithm") - - -multi_a_star(start, goal, n_hueristic) +from __future__ import print_function + +import heapq + +import numpy as np + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +class PriorityQueue: + def __init__(self): + self.elements = [] + self.set = set() + + def minkey(self): + if not self.empty(): + return self.elements[0][0] + else: + return float('inf') + + def empty(self): + return len(self.elements) == 0 + + def put(self, item, priority): + if item not in self.set: + heapq.heappush(self.elements, (priority, item)) + self.set.add(item) + else: + # update + # print("update", item) + temp = [] + (pri, x) = heapq.heappop(self.elements) + while x != item: + temp.append((pri, x)) + (pri, x) = heapq.heappop(self.elements) + temp.append((priority, item)) + for (pro, xxx) in temp: + heapq.heappush(self.elements, (pro, xxx)) + + def remove_element(self, item): + if item in self.set: + self.set.remove(item) + temp = [] + (pro, x) = heapq.heappop(self.elements) + while x != item: + temp.append((pro, x)) + (pro, x) = heapq.heappop(self.elements) + for (prito, yyy) in temp: + heapq.heappush(self.elements, (prito, yyy)) + + def top_show(self): + return self.elements[0][1] + + def get(self): + (priority, item) = heapq.heappop(self.elements) + self.set.remove(item) + return (priority, item) + + +def consistent_hueristic(P, goal): + # euclidean distance + a = np.array(P) + b = np.array(goal) + return np.linalg.norm(a - b) + + +def hueristic_2(P, goal): + # integer division by time variable + return consistent_hueristic(P, goal) // t + + +def hueristic_1(P, goal): + # manhattan distance + return abs(P[0] - goal[0]) + abs(P[1] - goal[1]) + + +def key(start, i, goal, g_function): + ans = g_function[start] + W1 * hueristics[i](start, goal) + return ans + + +def do_something(back_pointer, goal, start): + grid = np.chararray((n, n)) + for i in range(n): + for j in range(n): + grid[i][j] = '*' + + for i in range(n): + for j in range(n): + if (j, (n - 1) - i) in blocks: + grid[i][j] = "#" + + grid[0][(n - 1)] = "-" + x = back_pointer[goal] + while x != start: + (x_c, y_c) = x + # print(x) + grid[(n - 1) - y_c][x_c] = "-" + x = back_pointer[x] + grid[(n - 1)][0] = "-" + + for i in xrange(n): + for j in range(n): + if (i, j) == (0, n - 1): + print(grid[i][j], end=' ') + print("<-- End position", end=' ') + else: + print(grid[i][j], end=' ') + print() + print("^") + print("Start position") + print() + print("# is an obstacle") + print("- is the path taken by algorithm") + print("PATH TAKEN BY THE ALGORITHM IS:-") + x = back_pointer[goal] + while x != start: + print(x, end=' ') + x = back_pointer[x] + print(x) + quit() + + +def valid(p): + if p[0] < 0 or p[0] > n - 1: + return False + if p[1] < 0 or p[1] > n - 1: + return False + return True + + +def expand_state(s, j, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer): + for itera in range(n_hueristic): + open_list[itera].remove_element(s) + # print("s", s) + # print("j", j) + (x, y) = s + left = (x - 1, y) + right = (x + 1, y) + up = (x, y + 1) + down = (x, y - 1) + + for neighbours in [left, right, up, down]: + if neighbours not in blocks: + if valid(neighbours) and neighbours not in visited: + # print("neighbour", neighbours) + visited.add(neighbours) + back_pointer[neighbours] = -1 + g_function[neighbours] = float('inf') + + if valid(neighbours) and g_function[neighbours] > g_function[s] + 1: + g_function[neighbours] = g_function[s] + 1 + back_pointer[neighbours] = s + if neighbours not in close_list_anchor: + open_list[0].put(neighbours, key(neighbours, 0, goal, g_function)) + if neighbours not in close_list_inad: + for var in range(1, n_hueristic): + if key(neighbours, var, goal, g_function) <= W2 * key(neighbours, 0, goal, g_function): + # print("why not plssssssssss") + open_list[j].put(neighbours, key(neighbours, var, goal, g_function)) + + +# print + +def make_common_ground(): + some_list = [] + # block 1 + for x in range(1, 5): + for y in range(1, 6): + some_list.append((x, y)) + + # line + for x in range(15, 20): + some_list.append((x, 17)) + + # block 2 big + for x in range(10, 19): + for y in range(1, 15): + some_list.append((x, y)) + + # L block + for x in range(1, 4): + for y in range(12, 19): + some_list.append((x, y)) + for x in range(3, 13): + for y in range(16, 19): + some_list.append((x, y)) + return some_list + + +hueristics = {0: consistent_hueristic, 1: hueristic_1, 2: hueristic_2} + +blocks_blk = [(0, 1), (1, 1), (2, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1), (8, 1), (9, 1), (10, 1), (11, 1), (12, 1), (13, 1), (14, 1), (15, 1), (16, 1), (17, 1), (18, 1), (19, 1)] +blocks_no = [] +blocks_all = make_common_ground() + +blocks = blocks_blk +# hyper parameters +W1 = 1 +W2 = 1 +n = 20 +n_hueristic = 3 # one consistent and two other inconsistent + +# start and end destination +start = (0, 0) +goal = (n - 1, n - 1) + +t = 1 + + +def multi_a_star(start, goal, n_hueristic): + g_function = {start: 0, goal: float('inf')} + back_pointer = {start: -1, goal: -1} + open_list = [] + visited = set() + + for i in range(n_hueristic): + open_list.append(PriorityQueue()) + open_list[i].put(start, key(start, i, goal, g_function)) + + close_list_anchor = [] + close_list_inad = [] + while open_list[0].minkey() < float('inf'): + for i in range(1, n_hueristic): + # print("i", i) + # print(open_list[0].minkey(), open_list[i].minkey()) + if open_list[i].minkey() <= W2 * open_list[0].minkey(): + global t + t += 1 + # print("less prio") + if g_function[goal] <= open_list[i].minkey(): + if g_function[goal] < float('inf'): + do_something(back_pointer, goal, start) + else: + _, get_s = open_list[i].top_show() + visited.add(get_s) + expand_state(get_s, i, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) + close_list_inad.append(get_s) + else: + # print("more prio") + if g_function[goal] <= open_list[0].minkey(): + if g_function[goal] < float('inf'): + do_something(back_pointer, goal, start) + else: + # print("hoolla") + get_s = open_list[0].top_show() + visited.add(get_s) + expand_state(get_s, 0, visited, g_function, close_list_anchor, close_list_inad, open_list, back_pointer) + close_list_anchor.append(get_s) + print("No path found to goal") + print() + for i in range(n - 1, -1, -1): + for j in range(n): + if (j, i) in blocks: + print('#', end=' ') + elif (j, i) in back_pointer: + if (j, i) == (n - 1, n - 1): + print('*', end=' ') + else: + print('-', end=' ') + else: + print('*', end=' ') + if (j, i) == (n - 1, n - 1): + print('<-- End position', end=' ') + print() + print("^") + print("Start position") + print() + print("# is an obstacle") + print("- is the path taken by algorithm") + + +multi_a_star(start, goal, n_hueristic) diff --git a/graphs/page_rank.py b/graphs/page_rank.py index 6f636fc1dd41..3020c965c7ca 100644 --- a/graphs/page_rank.py +++ b/graphs/page_rank.py @@ -1,72 +1,72 @@ -''' -Author: https://github.com/bhushan-borole -''' -''' -The input graph for the algorithm is: - - A B C -A 0 1 1 -B 0 0 1 -C 1 0 0 - -''' - -graph = [[0, 1, 1], - [0, 0, 1], - [1, 0, 0]] - - -class Node: - def __init__(self, name): - self.name = name - self.inbound = [] - self.outbound = [] - - def add_inbound(self, node): - self.inbound.append(node) - - def add_outbound(self, node): - self.outbound.append(node) - - def __repr__(self): - return 'Node {}: Inbound: {} ; Outbound: {}'.format(self.name, - self.inbound, - self.outbound) - - -def page_rank(nodes, limit=3, d=0.85): - ranks = {} - for node in nodes: - ranks[node.name] = 1 - - outbounds = {} - for node in nodes: - outbounds[node.name] = len(node.outbound) - - for i in range(limit): - print("======= Iteration {} =======".format(i + 1)) - for j, node in enumerate(nodes): - ranks[node.name] = (1 - d) + d * sum([ranks[ib] / outbounds[ib] for ib in node.inbound]) - print(ranks) - - -def main(): - names = list(input('Enter Names of the Nodes: ').split()) - - nodes = [Node(name) for name in names] - - for ri, row in enumerate(graph): - for ci, col in enumerate(row): - if col == 1: - nodes[ci].add_inbound(names[ri]) - nodes[ri].add_outbound(names[ci]) - - print("======= Nodes =======") - for node in nodes: - print(node) - - page_rank(nodes) - - -if __name__ == '__main__': - main() +''' +Author: https://github.com/bhushan-borole +''' +''' +The input graph for the algorithm is: + + A B C +A 0 1 1 +B 0 0 1 +C 1 0 0 + +''' + +graph = [[0, 1, 1], + [0, 0, 1], + [1, 0, 0]] + + +class Node: + def __init__(self, name): + self.name = name + self.inbound = [] + self.outbound = [] + + def add_inbound(self, node): + self.inbound.append(node) + + def add_outbound(self, node): + self.outbound.append(node) + + def __repr__(self): + return 'Node {}: Inbound: {} ; Outbound: {}'.format(self.name, + self.inbound, + self.outbound) + + +def page_rank(nodes, limit=3, d=0.85): + ranks = {} + for node in nodes: + ranks[node.name] = 1 + + outbounds = {} + for node in nodes: + outbounds[node.name] = len(node.outbound) + + for i in range(limit): + print("======= Iteration {} =======".format(i + 1)) + for j, node in enumerate(nodes): + ranks[node.name] = (1 - d) + d * sum([ranks[ib] / outbounds[ib] for ib in node.inbound]) + print(ranks) + + +def main(): + names = list(input('Enter Names of the Nodes: ').split()) + + nodes = [Node(name) for name in names] + + for ri, row in enumerate(graph): + for ci, col in enumerate(row): + if col == 1: + nodes[ci].add_inbound(names[ri]) + nodes[ri].add_outbound(names[ci]) + + print("======= Nodes =======") + for node in nodes: + print(node) + + page_rank(nodes) + + +if __name__ == '__main__': + main() diff --git a/graphs/prim.py b/graphs/prim.py index 7f3572d28565..38d9d9edca42 100644 --- a/graphs/prim.py +++ b/graphs/prim.py @@ -1,79 +1,79 @@ -""" -Prim's Algorithm. - -Determines the minimum spanning tree(MST) of a graph using the Prim's Algorithm - -Create a list to store x the vertices. -G = [vertex(n) for n in range(x)] - -For each vertex in G, add the neighbors: -G[x].addNeighbor(G[y]) -G[y].addNeighbor(G[x]) - -For each vertex in G, add the edges: -G[x].addEdge(G[y], w) -G[y].addEdge(G[x], w) - -To solve run: -MST = prim(G, G[0]) -""" - -import math - - -class vertex(): - """Class Vertex.""" - - def __init__(self, id): - """ - Arguments: - id - input an id to identify the vertex - Attributes: - neighbors - a list of the vertices it is linked to - edges - a dict to store the edges's weight - """ - self.id = str(id) - self.key = None - self.pi = None - self.neighbors = [] - self.edges = {} # [vertex:distance] - - def __lt__(self, other): - """Comparison rule to < operator.""" - return (self.key < other.key) - - def __repr__(self): - """Return the vertex id.""" - return self.id - - def addNeighbor(self, vertex): - """Add a pointer to a vertex at neighbor's list.""" - self.neighbors.append(vertex) - - def addEdge(self, vertex, weight): - """Destination vertex and weight.""" - self.edges[vertex.id] = weight - - -def prim(graph, root): - """ - Prim's Algorithm. - Return a list with the edges of a Minimum Spanning Tree - prim(graph, graph[0]) - """ - A = [] - for u in graph: - u.key = math.inf - u.pi = None - root.key = 0 - Q = graph[:] - while Q: - u = min(Q) - Q.remove(u) - for v in u.neighbors: - if (v in Q) and (u.edges[v.id] < v.key): - v.pi = u - v.key = u.edges[v.id] - for i in range(1, len(graph)): - A.append([graph[i].id, graph[i].pi.id]) - return (A) +""" +Prim's Algorithm. + +Determines the minimum spanning tree(MST) of a graph using the Prim's Algorithm + +Create a list to store x the vertices. +G = [vertex(n) for n in range(x)] + +For each vertex in G, add the neighbors: +G[x].addNeighbor(G[y]) +G[y].addNeighbor(G[x]) + +For each vertex in G, add the edges: +G[x].addEdge(G[y], w) +G[y].addEdge(G[x], w) + +To solve run: +MST = prim(G, G[0]) +""" + +import math + + +class vertex(): + """Class Vertex.""" + + def __init__(self, id): + """ + Arguments: + id - input an id to identify the vertex + Attributes: + neighbors - a list of the vertices it is linked to + edges - a dict to store the edges's weight + """ + self.id = str(id) + self.key = None + self.pi = None + self.neighbors = [] + self.edges = {} # [vertex:distance] + + def __lt__(self, other): + """Comparison rule to < operator.""" + return (self.key < other.key) + + def __repr__(self): + """Return the vertex id.""" + return self.id + + def addNeighbor(self, vertex): + """Add a pointer to a vertex at neighbor's list.""" + self.neighbors.append(vertex) + + def addEdge(self, vertex, weight): + """Destination vertex and weight.""" + self.edges[vertex.id] = weight + + +def prim(graph, root): + """ + Prim's Algorithm. + Return a list with the edges of a Minimum Spanning Tree + prim(graph, graph[0]) + """ + A = [] + for u in graph: + u.key = math.inf + u.pi = None + root.key = 0 + Q = graph[:] + while Q: + u = min(Q) + Q.remove(u) + for v in u.neighbors: + if (v in Q) and (u.edges[v.id] < v.key): + v.pi = u + v.key = u.edges[v.id] + for i in range(1, len(graph)): + A.append([graph[i].id, graph[i].pi.id]) + return (A) diff --git a/graphs/scc_kosaraju.py b/graphs/scc_kosaraju.py index 290976a580b2..2f56ce70acb7 100644 --- a/graphs/scc_kosaraju.py +++ b/graphs/scc_kosaraju.py @@ -1,51 +1,51 @@ -from __future__ import print_function - -# n - no of nodes, m - no of edges -n, m = list(map(int, input().split())) - -g = [[] for i in range(n)] # graph -r = [[] for i in range(n)] # reversed graph -# input graph data (edges) -for i in range(m): - u, v = list(map(int, input().split())) - g[u].append(v) - r[v].append(u) - -stack = [] -visit = [False] * n -scc = [] -component = [] - - -def dfs(u): - global g, r, scc, component, visit, stack - if visit[u]: return - visit[u] = True - for v in g[u]: - dfs(v) - stack.append(u) - - -def dfs2(u): - global g, r, scc, component, visit, stack - if visit[u]: return - visit[u] = True - component.append(u) - for v in r[u]: - dfs2(v) - - -def kosaraju(): - global g, r, scc, component, visit, stack - for i in range(n): - dfs(i) - visit = [False] * n - for i in stack[::-1]: - if visit[i]: continue - component = [] - dfs2(i) - scc.append(component) - return scc - - -print(kosaraju()) +from __future__ import print_function + +# n - no of nodes, m - no of edges +n, m = list(map(int, input().split())) + +g = [[] for i in range(n)] # graph +r = [[] for i in range(n)] # reversed graph +# input graph data (edges) +for i in range(m): + u, v = list(map(int, input().split())) + g[u].append(v) + r[v].append(u) + +stack = [] +visit = [False] * n +scc = [] +component = [] + + +def dfs(u): + global g, r, scc, component, visit, stack + if visit[u]: return + visit[u] = True + for v in g[u]: + dfs(v) + stack.append(u) + + +def dfs2(u): + global g, r, scc, component, visit, stack + if visit[u]: return + visit[u] = True + component.append(u) + for v in r[u]: + dfs2(v) + + +def kosaraju(): + global g, r, scc, component, visit, stack + for i in range(n): + dfs(i) + visit = [False] * n + for i in stack[::-1]: + if visit[i]: continue + component = [] + dfs2(i) + scc.append(component) + return scc + + +print(kosaraju()) diff --git a/graphs/tarjans_scc.py b/graphs/tarjans_scc.py index df1cbdc2715a..89754e593508 100644 --- a/graphs/tarjans_scc.py +++ b/graphs/tarjans_scc.py @@ -1,78 +1,78 @@ -from collections import deque - - -def tarjan(g): - """ - Tarjan's algo for finding strongly connected components in a directed graph - - Uses two main attributes of each node to track reachability, the index of that node within a component(index), - and the lowest index reachable from that node(lowlink). - - We then perform a dfs of the each component making sure to update these parameters for each node and saving the - nodes we visit on the way. - - If ever we find that the lowest reachable node from a current node is equal to the index of the current node then it - must be the root of a strongly connected component and so we save it and it's equireachable vertices as a strongly - connected component. - - Complexity: strong_connect() is called at most once for each node and has a complexity of O(|E|) as it is DFS. - Therefore this has complexity O(|V| + |E|) for a graph G = (V, E) - - """ - - n = len(g) - stack = deque() - on_stack = [False for _ in range(n)] - index_of = [-1 for _ in range(n)] - lowlink_of = index_of[:] - - def strong_connect(v, index, components): - index_of[v] = index # the number when this node is seen - lowlink_of[v] = index # lowest rank node reachable from here - index += 1 - stack.append(v) - on_stack[v] = True - - for w in g[v]: - if index_of[w] == -1: - index = strong_connect(w, index, components) - lowlink_of[v] = lowlink_of[w] if lowlink_of[w] < lowlink_of[v] else lowlink_of[v] - elif on_stack[w]: - lowlink_of[v] = lowlink_of[w] if lowlink_of[w] < lowlink_of[v] else lowlink_of[v] - - if lowlink_of[v] == index_of[v]: - component = [] - w = stack.pop() - on_stack[w] = False - component.append(w) - while w != v: - w = stack.pop() - on_stack[w] = False - component.append(w) - components.append(component) - return index - - components = [] - for v in range(n): - if index_of[v] == -1: - strong_connect(v, 0, components) - - return components - - -def create_graph(n, edges): - g = [[] for _ in range(n)] - for u, v in edges: - g[u].append(v) - return g - - -if __name__ == '__main__': - # Test - n_vertices = 7 - source = [0, 0, 1, 2, 3, 3, 4, 4, 6] - target = [1, 3, 2, 0, 1, 4, 5, 6, 5] - edges = [(u, v) for u, v in zip(source, target)] - g = create_graph(n_vertices, edges) - - assert [[5], [6], [4], [3, 2, 1, 0]] == tarjan(g) +from collections import deque + + +def tarjan(g): + """ + Tarjan's algo for finding strongly connected components in a directed graph + + Uses two main attributes of each node to track reachability, the index of that node within a component(index), + and the lowest index reachable from that node(lowlink). + + We then perform a dfs of the each component making sure to update these parameters for each node and saving the + nodes we visit on the way. + + If ever we find that the lowest reachable node from a current node is equal to the index of the current node then it + must be the root of a strongly connected component and so we save it and it's equireachable vertices as a strongly + connected component. + + Complexity: strong_connect() is called at most once for each node and has a complexity of O(|E|) as it is DFS. + Therefore this has complexity O(|V| + |E|) for a graph G = (V, E) + + """ + + n = len(g) + stack = deque() + on_stack = [False for _ in range(n)] + index_of = [-1 for _ in range(n)] + lowlink_of = index_of[:] + + def strong_connect(v, index, components): + index_of[v] = index # the number when this node is seen + lowlink_of[v] = index # lowest rank node reachable from here + index += 1 + stack.append(v) + on_stack[v] = True + + for w in g[v]: + if index_of[w] == -1: + index = strong_connect(w, index, components) + lowlink_of[v] = lowlink_of[w] if lowlink_of[w] < lowlink_of[v] else lowlink_of[v] + elif on_stack[w]: + lowlink_of[v] = lowlink_of[w] if lowlink_of[w] < lowlink_of[v] else lowlink_of[v] + + if lowlink_of[v] == index_of[v]: + component = [] + w = stack.pop() + on_stack[w] = False + component.append(w) + while w != v: + w = stack.pop() + on_stack[w] = False + component.append(w) + components.append(component) + return index + + components = [] + for v in range(n): + if index_of[v] == -1: + strong_connect(v, 0, components) + + return components + + +def create_graph(n, edges): + g = [[] for _ in range(n)] + for u, v in edges: + g[u].append(v) + return g + + +if __name__ == '__main__': + # Test + n_vertices = 7 + source = [0, 0, 1, 2, 3, 3, 4, 4, 6] + target = [1, 3, 2, 0, 1, 4, 5, 6, 5] + edges = [(u, v) for u, v in zip(source, target)] + g = create_graph(n_vertices, edges) + + assert [[5], [6], [4], [3, 2, 1, 0]] == tarjan(g) diff --git a/hashes/chaos_machine.py b/hashes/chaos_machine.py index d01b2161ee03..a7995e0c02ad 100644 --- a/hashes/chaos_machine.py +++ b/hashes/chaos_machine.py @@ -1,115 +1,115 @@ -"""example of simple chaos machine""" -from __future__ import print_function - -try: - input = raw_input # Python 2 -except NameError: - pass # Python 3 - -# Chaos Machine (K, t, m) -K = [0.33, 0.44, 0.55, 0.44, 0.33]; -t = 3; -m = 5 - -# Buffer Space (with Parameters Space) -buffer_space, params_space = [], [] - -# Machine Time -machine_time = 0 - - -def push(seed): - global buffer_space, params_space, machine_time, \ - K, m, t - - # Choosing Dynamical Systems (All) - for key, value in enumerate(buffer_space): - # Evolution Parameter - e = float(seed / value) - - # Control Theory: Orbit Change - value = (buffer_space[(key + 1) % m] + e) % 1 - - # Control Theory: Trajectory Change - r = (params_space[key] + e) % 1 + 3 - - # Modification (Transition Function) - Jumps - buffer_space[key] = \ - round(float(r * value * (1 - value)), 10) - params_space[key] = \ - r # Saving to Parameters Space - - # Logistic Map - assert max(buffer_space) < 1 - assert max(params_space) < 4 - - # Machine Time - machine_time += 1 - - -def pull(): - global buffer_space, params_space, machine_time, \ - K, m, t - - # PRNG (Xorshift by George Marsaglia) - def xorshift(X, Y): - X ^= Y >> 13 - Y ^= X << 17 - X ^= Y >> 5 - return X - - # Choosing Dynamical Systems (Increment) - key = machine_time % m - - # Evolution (Time Length) - for i in range(0, t): - # Variables (Position + Parameters) - r = params_space[key] - value = buffer_space[key] - - # Modification (Transition Function) - Flow - buffer_space[key] = \ - round(float(r * value * (1 - value)), 10) - params_space[key] = \ - (machine_time * 0.01 + r * 1.01) % 1 + 3 - - # Choosing Chaotic Data - X = int(buffer_space[(key + 2) % m] * (10 ** 10)) - Y = int(buffer_space[(key - 2) % m] * (10 ** 10)) - - # Machine Time - machine_time += 1 - - return xorshift(X, Y) % 0xFFFFFFFF - - -def reset(): - global buffer_space, params_space, machine_time, \ - K, m, t - - buffer_space = K; - params_space = [0] * m - machine_time = 0 - - -####################################### - -# Initialization -reset() - -# Pushing Data (Input) -import random - -message = random.sample(range(0xFFFFFFFF), 100) -for chunk in message: - push(chunk) - -# for controlling -inp = "" - -# Pulling Data (Output) -while inp in ("e", "E"): - print("%s" % format(pull(), '#04x')) - print(buffer_space); - print(params_space) - inp = input("(e)exit? ").strip() +"""example of simple chaos machine""" +from __future__ import print_function + +try: + input = raw_input # Python 2 +except NameError: + pass # Python 3 + +# Chaos Machine (K, t, m) +K = [0.33, 0.44, 0.55, 0.44, 0.33]; +t = 3; +m = 5 + +# Buffer Space (with Parameters Space) +buffer_space, params_space = [], [] + +# Machine Time +machine_time = 0 + + +def push(seed): + global buffer_space, params_space, machine_time, \ + K, m, t + + # Choosing Dynamical Systems (All) + for key, value in enumerate(buffer_space): + # Evolution Parameter + e = float(seed / value) + + # Control Theory: Orbit Change + value = (buffer_space[(key + 1) % m] + e) % 1 + + # Control Theory: Trajectory Change + r = (params_space[key] + e) % 1 + 3 + + # Modification (Transition Function) - Jumps + buffer_space[key] = \ + round(float(r * value * (1 - value)), 10) + params_space[key] = \ + r # Saving to Parameters Space + + # Logistic Map + assert max(buffer_space) < 1 + assert max(params_space) < 4 + + # Machine Time + machine_time += 1 + + +def pull(): + global buffer_space, params_space, machine_time, \ + K, m, t + + # PRNG (Xorshift by George Marsaglia) + def xorshift(X, Y): + X ^= Y >> 13 + Y ^= X << 17 + X ^= Y >> 5 + return X + + # Choosing Dynamical Systems (Increment) + key = machine_time % m + + # Evolution (Time Length) + for i in range(0, t): + # Variables (Position + Parameters) + r = params_space[key] + value = buffer_space[key] + + # Modification (Transition Function) - Flow + buffer_space[key] = \ + round(float(r * value * (1 - value)), 10) + params_space[key] = \ + (machine_time * 0.01 + r * 1.01) % 1 + 3 + + # Choosing Chaotic Data + X = int(buffer_space[(key + 2) % m] * (10 ** 10)) + Y = int(buffer_space[(key - 2) % m] * (10 ** 10)) + + # Machine Time + machine_time += 1 + + return xorshift(X, Y) % 0xFFFFFFFF + + +def reset(): + global buffer_space, params_space, machine_time, \ + K, m, t + + buffer_space = K; + params_space = [0] * m + machine_time = 0 + + +####################################### + +# Initialization +reset() + +# Pushing Data (Input) +import random + +message = random.sample(range(0xFFFFFFFF), 100) +for chunk in message: + push(chunk) + +# for controlling +inp = "" + +# Pulling Data (Output) +while inp in ("e", "E"): + print("%s" % format(pull(), '#04x')) + print(buffer_space); + print(params_space) + inp = input("(e)exit? ").strip() diff --git a/hashes/md5.py b/hashes/md5.py index 4168debf172d..1e4fead96326 100644 --- a/hashes/md5.py +++ b/hashes/md5.py @@ -1,165 +1,165 @@ -from __future__ import print_function - -import math - - -def rearrange(bitString32): - """[summary] - Regroups the given binary string. - - Arguments: - bitString32 {[string]} -- [32 bit binary] - - Raises: - ValueError -- [if the given string not are 32 bit binary string] - - Returns: - [string] -- [32 bit binary string] - """ - - if len(bitString32) != 32: - raise ValueError("Need length 32") - newString = "" - for i in [3, 2, 1, 0]: - newString += bitString32[8 * i:8 * i + 8] - return newString - - -def reformatHex(i): - """[summary] - Converts the given integer into 8-digit hex number. - - Arguments: - i {[int]} -- [integer] - """ - - hexrep = format(i, '08x') - thing = "" - for i in [3, 2, 1, 0]: - thing += hexrep[2 * i:2 * i + 2] - return thing - - -def pad(bitString): - """[summary] - Fills up the binary string to a 512 bit binary string - - Arguments: - bitString {[string]} -- [binary string] - - Returns: - [string] -- [binary string] - """ - - startLength = len(bitString) - bitString += '1' - while len(bitString) % 512 != 448: - bitString += '0' - lastPart = format(startLength, '064b') - bitString += rearrange(lastPart[32:]) + rearrange(lastPart[:32]) - return bitString - - -def getBlock(bitString): - """[summary] - Iterator: - Returns by each call a list of length 16 with the 32 bit - integer blocks. - - Arguments: - bitString {[string]} -- [binary string >= 512] - """ - - currPos = 0 - while currPos < len(bitString): - currPart = bitString[currPos:currPos + 512] - mySplits = [] - for i in range(16): - mySplits.append(int(rearrange(currPart[32 * i:32 * i + 32]), 2)) - yield mySplits - currPos += 512 - - -def not32(i): - i_str = format(i, '032b') - new_str = '' - for c in i_str: - new_str += '1' if c == '0' else '0' - return int(new_str, 2) - - -def sum32(a, b): - return (a + b) % 2 ** 32 - - -def leftrot32(i, s): - return (i << s) ^ (i >> (32 - s)) - - -def md5me(testString): - """[summary] - Returns a 32-bit hash code of the string 'testString' - - Arguments: - testString {[string]} -- [message] - """ - - bs = '' - for i in testString: - bs += format(ord(i), '08b') - bs = pad(bs) - - tvals = [int(2 ** 32 * abs(math.sin(i + 1))) for i in range(64)] - - a0 = 0x67452301 - b0 = 0xefcdab89 - c0 = 0x98badcfe - d0 = 0x10325476 - - s = [7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, \ - 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, \ - 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, \ - 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21] - - for m in getBlock(bs): - A = a0 - B = b0 - C = c0 - D = d0 - for i in range(64): - if i <= 15: - # f = (B & C) | (not32(B) & D) - f = D ^ (B & (C ^ D)) - g = i - elif i <= 31: - # f = (D & B) | (not32(D) & C) - f = C ^ (D & (B ^ C)) - g = (5 * i + 1) % 16 - elif i <= 47: - f = B ^ C ^ D - g = (3 * i + 5) % 16 - else: - f = C ^ (B | not32(D)) - g = (7 * i) % 16 - dtemp = D - D = C - C = B - B = sum32(B, leftrot32((A + f + tvals[i] + m[g]) % 2 ** 32, s[i])) - A = dtemp - a0 = sum32(a0, A) - b0 = sum32(b0, B) - c0 = sum32(c0, C) - d0 = sum32(d0, D) - - digest = reformatHex(a0) + reformatHex(b0) + reformatHex(c0) + reformatHex(d0) - return digest - - -def test(): - assert md5me("") == "d41d8cd98f00b204e9800998ecf8427e" - assert md5me("The quick brown fox jumps over the lazy dog") == "9e107d9d372bb6826bd81d3542a419d6" - print("Success.") - - -if __name__ == "__main__": - test() +from __future__ import print_function + +import math + + +def rearrange(bitString32): + """[summary] + Regroups the given binary string. + + Arguments: + bitString32 {[string]} -- [32 bit binary] + + Raises: + ValueError -- [if the given string not are 32 bit binary string] + + Returns: + [string] -- [32 bit binary string] + """ + + if len(bitString32) != 32: + raise ValueError("Need length 32") + newString = "" + for i in [3, 2, 1, 0]: + newString += bitString32[8 * i:8 * i + 8] + return newString + + +def reformatHex(i): + """[summary] + Converts the given integer into 8-digit hex number. + + Arguments: + i {[int]} -- [integer] + """ + + hexrep = format(i, '08x') + thing = "" + for i in [3, 2, 1, 0]: + thing += hexrep[2 * i:2 * i + 2] + return thing + + +def pad(bitString): + """[summary] + Fills up the binary string to a 512 bit binary string + + Arguments: + bitString {[string]} -- [binary string] + + Returns: + [string] -- [binary string] + """ + + startLength = len(bitString) + bitString += '1' + while len(bitString) % 512 != 448: + bitString += '0' + lastPart = format(startLength, '064b') + bitString += rearrange(lastPart[32:]) + rearrange(lastPart[:32]) + return bitString + + +def getBlock(bitString): + """[summary] + Iterator: + Returns by each call a list of length 16 with the 32 bit + integer blocks. + + Arguments: + bitString {[string]} -- [binary string >= 512] + """ + + currPos = 0 + while currPos < len(bitString): + currPart = bitString[currPos:currPos + 512] + mySplits = [] + for i in range(16): + mySplits.append(int(rearrange(currPart[32 * i:32 * i + 32]), 2)) + yield mySplits + currPos += 512 + + +def not32(i): + i_str = format(i, '032b') + new_str = '' + for c in i_str: + new_str += '1' if c == '0' else '0' + return int(new_str, 2) + + +def sum32(a, b): + return (a + b) % 2 ** 32 + + +def leftrot32(i, s): + return (i << s) ^ (i >> (32 - s)) + + +def md5me(testString): + """[summary] + Returns a 32-bit hash code of the string 'testString' + + Arguments: + testString {[string]} -- [message] + """ + + bs = '' + for i in testString: + bs += format(ord(i), '08b') + bs = pad(bs) + + tvals = [int(2 ** 32 * abs(math.sin(i + 1))) for i in range(64)] + + a0 = 0x67452301 + b0 = 0xefcdab89 + c0 = 0x98badcfe + d0 = 0x10325476 + + s = [7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, 7, 12, 17, 22, \ + 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, 5, 9, 14, 20, \ + 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, 4, 11, 16, 23, \ + 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21, 6, 10, 15, 21] + + for m in getBlock(bs): + A = a0 + B = b0 + C = c0 + D = d0 + for i in range(64): + if i <= 15: + # f = (B & C) | (not32(B) & D) + f = D ^ (B & (C ^ D)) + g = i + elif i <= 31: + # f = (D & B) | (not32(D) & C) + f = C ^ (D & (B ^ C)) + g = (5 * i + 1) % 16 + elif i <= 47: + f = B ^ C ^ D + g = (3 * i + 5) % 16 + else: + f = C ^ (B | not32(D)) + g = (7 * i) % 16 + dtemp = D + D = C + C = B + B = sum32(B, leftrot32((A + f + tvals[i] + m[g]) % 2 ** 32, s[i])) + A = dtemp + a0 = sum32(a0, A) + b0 = sum32(b0, B) + c0 = sum32(c0, C) + d0 = sum32(d0, D) + + digest = reformatHex(a0) + reformatHex(b0) + reformatHex(c0) + reformatHex(d0) + return digest + + +def test(): + assert md5me("") == "d41d8cd98f00b204e9800998ecf8427e" + assert md5me("The quick brown fox jumps over the lazy dog") == "9e107d9d372bb6826bd81d3542a419d6" + print("Success.") + + +if __name__ == "__main__": + test() diff --git a/hashes/sha1.py b/hashes/sha1.py index ef3728acbf41..95a499ff29bf 100644 --- a/hashes/sha1.py +++ b/hashes/sha1.py @@ -1,150 +1,150 @@ -""" -Demonstrates implementation of SHA1 Hash function in a Python class and gives utilities -to find hash of string or hash of text from a file. -Usage: python sha1.py --string "Hello World!!" - pyhton sha1.py --file "hello_world.txt" - When run without any arguments, it prints the hash of the string "Hello World!! Welcome to Cryptography" -Also contains a Test class to verify that the generated Hash is same as that -returned by the hashlib library - -SHA1 hash or SHA1 sum of a string is a crytpographic function which means it is easy -to calculate forwards but extemely difficult to calculate backwards. What this means -is, you can easily calculate the hash of a string, but it is extremely difficult to -know the original string if you have its hash. This property is useful to communicate -securely, send encrypted messages and is very useful in payment systems, blockchain -and cryptocurrency etc. -The Algorithm as described in the reference: -First we start with a message. The message is padded and the length of the message -is added to the end. It is then split into blocks of 512 bits or 64 bytes. The blocks -are then processed one at a time. Each block must be expanded and compressed. -The value after each compression is added to a 160bit buffer called the current hash -state. After the last block is processed the current hash state is returned as -the final hash. -Reference: https://deadhacker.com/2006/02/21/sha-1-illustrated/ -""" - -import argparse -import hashlib # hashlib is only used inside the Test class -import struct -import unittest - - -class SHA1Hash: - """ - Class to contain the entire pipeline for SHA1 Hashing Algorithm - """ - - def __init__(self, data): - """ - Inititates the variables data and h. h is a list of 5 8-digit Hexadecimal - numbers corresponding to (1732584193, 4023233417, 2562383102, 271733878, 3285377520) - respectively. We will start with this as a message digest. 0x is how you write - Hexadecimal numbers in Python - """ - self.data = data - self.h = [0x67452301, 0xEFCDAB89, 0x98BADCFE, 0x10325476, 0xC3D2E1F0] - - @staticmethod - def rotate(n, b): - """ - Static method to be used inside other methods. Left rotates n by b. - """ - return ((n << b) | (n >> (32 - b))) & 0xffffffff - - def padding(self): - """ - Pads the input message with zeros so that padded_data has 64 bytes or 512 bits - """ - padding = b'\x80' + b'\x00' * (63 - (len(self.data) + 8) % 64) - padded_data = self.data + padding + struct.pack('>Q', 8 * len(self.data)) - return padded_data - - def split_blocks(self): - """ - Returns a list of bytestrings each of length 64 - """ - return [self.padded_data[i:i + 64] for i in range(0, len(self.padded_data), 64)] - - # @staticmethod - def expand_block(self, block): - """ - Takes a bytestring-block of length 64, unpacks it to a list of integers and returns a - list of 80 integers pafter some bit operations - """ - w = list(struct.unpack('>16L', block)) + [0] * 64 - for i in range(16, 80): - w[i] = self.rotate((w[i - 3] ^ w[i - 8] ^ w[i - 14] ^ w[i - 16]), 1) - return w - - def final_hash(self): - """ - Calls all the other methods to process the input. Pads the data, then splits into - blocks and then does a series of operations for each block (including expansion). - For each block, the variable h that was initialized is copied to a,b,c,d,e - and these 5 variables a,b,c,d,e undergo several changes. After all the blocks are - processed, these 5 variables are pairwise added to h ie a to h[0], b to h[1] and so on. - This h becomes our final hash which is returned. - """ - self.padded_data = self.padding() - self.blocks = self.split_blocks() - for block in self.blocks: - expanded_block = self.expand_block(block) - a, b, c, d, e = self.h - for i in range(0, 80): - if 0 <= i < 20: - f = (b & c) | ((~b) & d) - k = 0x5A827999 - elif 20 <= i < 40: - f = b ^ c ^ d - k = 0x6ED9EBA1 - elif 40 <= i < 60: - f = (b & c) | (b & d) | (c & d) - k = 0x8F1BBCDC - elif 60 <= i < 80: - f = b ^ c ^ d - k = 0xCA62C1D6 - a, b, c, d, e = self.rotate(a, 5) + f + e + k + expanded_block[i] & 0xffffffff, \ - a, self.rotate(b, 30), c, d - self.h = self.h[0] + a & 0xffffffff, \ - self.h[1] + b & 0xffffffff, \ - self.h[2] + c & 0xffffffff, \ - self.h[3] + d & 0xffffffff, \ - self.h[4] + e & 0xffffffff - return '%08x%08x%08x%08x%08x' % tuple(self.h) - - -class SHA1HashTest(unittest.TestCase): - """ - Test class for the SHA1Hash class. Inherits the TestCase class from unittest - """ - - def testMatchHashes(self): - msg = bytes('Test String', 'utf-8') - self.assertEqual(SHA1Hash(msg).final_hash(), hashlib.sha1(msg).hexdigest()) - - -def main(): - """ - Provides option 'string' or 'file' to take input and prints the calculated SHA1 hash. - unittest.main() has been commented because we probably dont want to run - the test each time. - """ - # unittest.main() - parser = argparse.ArgumentParser(description='Process some strings or files') - parser.add_argument('--string', dest='input_string', - default='Hello World!! Welcome to Cryptography', - help='Hash the string') - parser.add_argument('--file', dest='input_file', help='Hash contents of a file') - args = parser.parse_args() - input_string = args.input_string - # In any case hash input should be a bytestring - if args.input_file: - with open(args.input_file, 'rb') as f: - hash_input = f.read() - else: - hash_input = bytes(input_string, 'utf-8') - print(SHA1Hash(hash_input).final_hash()) - - -if __name__ == '__main__': - main() +""" +Demonstrates implementation of SHA1 Hash function in a Python class and gives utilities +to find hash of string or hash of text from a file. +Usage: python sha1.py --string "Hello World!!" + pyhton sha1.py --file "hello_world.txt" + When run without any arguments, it prints the hash of the string "Hello World!! Welcome to Cryptography" +Also contains a Test class to verify that the generated Hash is same as that +returned by the hashlib library + +SHA1 hash or SHA1 sum of a string is a crytpographic function which means it is easy +to calculate forwards but extemely difficult to calculate backwards. What this means +is, you can easily calculate the hash of a string, but it is extremely difficult to +know the original string if you have its hash. This property is useful to communicate +securely, send encrypted messages and is very useful in payment systems, blockchain +and cryptocurrency etc. +The Algorithm as described in the reference: +First we start with a message. The message is padded and the length of the message +is added to the end. It is then split into blocks of 512 bits or 64 bytes. The blocks +are then processed one at a time. Each block must be expanded and compressed. +The value after each compression is added to a 160bit buffer called the current hash +state. After the last block is processed the current hash state is returned as +the final hash. +Reference: https://deadhacker.com/2006/02/21/sha-1-illustrated/ +""" + +import argparse +import hashlib # hashlib is only used inside the Test class +import struct +import unittest + + +class SHA1Hash: + """ + Class to contain the entire pipeline for SHA1 Hashing Algorithm + """ + + def __init__(self, data): + """ + Inititates the variables data and h. h is a list of 5 8-digit Hexadecimal + numbers corresponding to (1732584193, 4023233417, 2562383102, 271733878, 3285377520) + respectively. We will start with this as a message digest. 0x is how you write + Hexadecimal numbers in Python + """ + self.data = data + self.h = [0x67452301, 0xEFCDAB89, 0x98BADCFE, 0x10325476, 0xC3D2E1F0] + + @staticmethod + def rotate(n, b): + """ + Static method to be used inside other methods. Left rotates n by b. + """ + return ((n << b) | (n >> (32 - b))) & 0xffffffff + + def padding(self): + """ + Pads the input message with zeros so that padded_data has 64 bytes or 512 bits + """ + padding = b'\x80' + b'\x00' * (63 - (len(self.data) + 8) % 64) + padded_data = self.data + padding + struct.pack('>Q', 8 * len(self.data)) + return padded_data + + def split_blocks(self): + """ + Returns a list of bytestrings each of length 64 + """ + return [self.padded_data[i:i + 64] for i in range(0, len(self.padded_data), 64)] + + # @staticmethod + def expand_block(self, block): + """ + Takes a bytestring-block of length 64, unpacks it to a list of integers and returns a + list of 80 integers pafter some bit operations + """ + w = list(struct.unpack('>16L', block)) + [0] * 64 + for i in range(16, 80): + w[i] = self.rotate((w[i - 3] ^ w[i - 8] ^ w[i - 14] ^ w[i - 16]), 1) + return w + + def final_hash(self): + """ + Calls all the other methods to process the input. Pads the data, then splits into + blocks and then does a series of operations for each block (including expansion). + For each block, the variable h that was initialized is copied to a,b,c,d,e + and these 5 variables a,b,c,d,e undergo several changes. After all the blocks are + processed, these 5 variables are pairwise added to h ie a to h[0], b to h[1] and so on. + This h becomes our final hash which is returned. + """ + self.padded_data = self.padding() + self.blocks = self.split_blocks() + for block in self.blocks: + expanded_block = self.expand_block(block) + a, b, c, d, e = self.h + for i in range(0, 80): + if 0 <= i < 20: + f = (b & c) | ((~b) & d) + k = 0x5A827999 + elif 20 <= i < 40: + f = b ^ c ^ d + k = 0x6ED9EBA1 + elif 40 <= i < 60: + f = (b & c) | (b & d) | (c & d) + k = 0x8F1BBCDC + elif 60 <= i < 80: + f = b ^ c ^ d + k = 0xCA62C1D6 + a, b, c, d, e = self.rotate(a, 5) + f + e + k + expanded_block[i] & 0xffffffff, \ + a, self.rotate(b, 30), c, d + self.h = self.h[0] + a & 0xffffffff, \ + self.h[1] + b & 0xffffffff, \ + self.h[2] + c & 0xffffffff, \ + self.h[3] + d & 0xffffffff, \ + self.h[4] + e & 0xffffffff + return '%08x%08x%08x%08x%08x' % tuple(self.h) + + +class SHA1HashTest(unittest.TestCase): + """ + Test class for the SHA1Hash class. Inherits the TestCase class from unittest + """ + + def testMatchHashes(self): + msg = bytes('Test String', 'utf-8') + self.assertEqual(SHA1Hash(msg).final_hash(), hashlib.sha1(msg).hexdigest()) + + +def main(): + """ + Provides option 'string' or 'file' to take input and prints the calculated SHA1 hash. + unittest.main() has been commented because we probably dont want to run + the test each time. + """ + # unittest.main() + parser = argparse.ArgumentParser(description='Process some strings or files') + parser.add_argument('--string', dest='input_string', + default='Hello World!! Welcome to Cryptography', + help='Hash the string') + parser.add_argument('--file', dest='input_file', help='Hash contents of a file') + args = parser.parse_args() + input_string = args.input_string + # In any case hash input should be a bytestring + if args.input_file: + with open(args.input_file, 'rb') as f: + hash_input = f.read() + else: + hash_input = bytes(input_string, 'utf-8') + print(SHA1Hash(hash_input).final_hash()) + + +if __name__ == '__main__': + main() diff --git a/ju_dan/main.py b/ju_dan/main.py index 13ef28b2d964..4a604f04b720 100644 --- a/ju_dan/main.py +++ b/ju_dan/main.py @@ -1,111 +1,111 @@ -#!/usr/bin/env python3 -# -*- coding: UTF-8 -*- - - -import logging -import time - -import itchat -import pymysql - - -# 注册对文本消息进行监听,对群聊进行监听 -@itchat.msg_register(itchat.content.INCOME_MSG, isGroupChat=True) -def handle_content(msg): - try: - msg_type = msg['MsgType'] - if msg_type == 1: - content = msg['Text'] - else: - content = '非文本内容' - time_stamp = msg['CreateTime'] - create_time = time.strftime("%Y--%m--%d %H:%M:%S", time.localtime(time_stamp)) - current_talk_group_id = msg['User']['UserName'] - current_talk_group_name = msg['User']['NickName'] - from_user_name = msg['ActualNickName'] - from_user_id = msg['ActualUserName'] - sql = "INSERT INTO wx_group_chat(msg_type, content, sender_id, sender_name,\ - group_id, group_name, time_stamp, create_time) \ - VALUE ('%d','%s','%s','%s','%s','%s','%d','%s');"\ - % (int(msg_type), content, from_user_id, from_user_name,\ - current_talk_group_id, current_talk_group_name, int(time_stamp), create_time) - exe_db(db, sql, logger) - except Exception as e: - logger.debug(e) - return - - -def build_logs(): - # 获取当前时间 - now_time = time.strftime("%Y_%m_%d_%H_%M_%S", time.localtime()) - # 设置log名称 - log_name = "wx.log" - # 定义logger - logger = logging.getLogger() - # 设置级别为debug - logger.setLevel(level=logging.DEBUG) - # 设置 logging文件名称 - handler = logging.FileHandler(log_name) - # 设置级别为debug - handler.setLevel(logging.DEBUG) - # 设置log的格式 - formatter = logging.Formatter('%(asctime)s - %(levelname)s - %(message)s') - # 将格式压进logger - handler.setFormatter(formatter) - console = logging.StreamHandler() - console.setLevel(logging.DEBUG) - # 写入logger - logger.addHandler(handler) - logger.addHandler(console) - # 将logger返回 - return logger - - -def connect_mysql(logger): - try: - db = pymysql.connect(host='47.93.206.227', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') - # db = pymysql.connect(host='127.0.0.1', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') - return db - except Exception as e: - logger.debug('MySQL数据库连接失败') - logger.debug(e) - - -def exe_db(db, sql, logger): - try: - cursor = db.cursor() - db.ping(reconnect=True) - cursor.execute(sql) - db.commit() - except Exception as e: - logger.debug('SQL执行失败,请至日志查看该SQL记录') - logger.debug(sql) - logger.debug(e) - - -def select_db(db, sql, logger): - try: - cursor = db.cursor() - db.ping(reconnect=True) - cursor.execute(sql) - return cursor.fetchall() - except Exception as e: - logger.debug('SQL执行失败,请至日志查看该SQL记录') - logger.debug(sql) - logger.debug(e) - - -def main(): - # 手机扫码登录 - newInstance = itchat.new_instance() - newInstance.auto_login(hotReload=True, enableCmdQR=2) - global logger - logger = build_logs() - global db - db = connect_mysql(logger) - # 持续运行 - itchat.run() - - -if __name__ == '__main__': - main() +#!/usr/bin/env python3 +# -*- coding: UTF-8 -*- + + +import logging +import time + +import itchat +import pymysql + + +# 注册对文本消息进行监听,对群聊进行监听 +@itchat.msg_register(itchat.content.INCOME_MSG, isGroupChat=True) +def handle_content(msg): + try: + msg_type = msg['MsgType'] + if msg_type == 1: + content = msg['Text'] + else: + content = '非文本内容' + time_stamp = msg['CreateTime'] + create_time = time.strftime("%Y--%m--%d %H:%M:%S", time.localtime(time_stamp)) + current_talk_group_id = msg['User']['UserName'] + current_talk_group_name = msg['User']['NickName'] + from_user_name = msg['ActualNickName'] + from_user_id = msg['ActualUserName'] + sql = "INSERT INTO wx_group_chat(msg_type, content, sender_id, sender_name,\ + group_id, group_name, time_stamp, create_time) \ + VALUE ('%d','%s','%s','%s','%s','%s','%d','%s');"\ + % (int(msg_type), content, from_user_id, from_user_name,\ + current_talk_group_id, current_talk_group_name, int(time_stamp), create_time) + exe_db(db, sql, logger) + except Exception as e: + logger.debug(e) + return + + +def build_logs(): + # 获取当前时间 + now_time = time.strftime("%Y_%m_%d_%H_%M_%S", time.localtime()) + # 设置log名称 + log_name = "wx.log" + # 定义logger + logger = logging.getLogger() + # 设置级别为debug + logger.setLevel(level=logging.DEBUG) + # 设置 logging文件名称 + handler = logging.FileHandler(log_name) + # 设置级别为debug + handler.setLevel(logging.DEBUG) + # 设置log的格式 + formatter = logging.Formatter('%(asctime)s - %(levelname)s - %(message)s') + # 将格式压进logger + handler.setFormatter(formatter) + console = logging.StreamHandler() + console.setLevel(logging.DEBUG) + # 写入logger + logger.addHandler(handler) + logger.addHandler(console) + # 将logger返回 + return logger + + +def connect_mysql(logger): + try: + db = pymysql.connect(host='47.93.206.227', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') + # db = pymysql.connect(host='127.0.0.1', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') + return db + except Exception as e: + logger.debug('MySQL数据库连接失败') + logger.debug(e) + + +def exe_db(db, sql, logger): + try: + cursor = db.cursor() + db.ping(reconnect=True) + cursor.execute(sql) + db.commit() + except Exception as e: + logger.debug('SQL执行失败,请至日志查看该SQL记录') + logger.debug(sql) + logger.debug(e) + + +def select_db(db, sql, logger): + try: + cursor = db.cursor() + db.ping(reconnect=True) + cursor.execute(sql) + return cursor.fetchall() + except Exception as e: + logger.debug('SQL执行失败,请至日志查看该SQL记录') + logger.debug(sql) + logger.debug(e) + + +def main(): + # 手机扫码登录 + newInstance = itchat.new_instance() + newInstance.auto_login(hotReload=True, enableCmdQR=2) + global logger + logger = build_logs() + global db + db = connect_mysql(logger) + # 持续运行 + itchat.run() + + +if __name__ == '__main__': + main() diff --git a/linear_algebra_python/README.md b/linear_algebra_python/README.md index b83dab76cd33..1e34d0bd7805 100644 --- a/linear_algebra_python/README.md +++ b/linear_algebra_python/README.md @@ -1,76 +1,76 @@ -# Linear algebra library for Python - -This module contains some useful classes and functions for dealing with linear algebra in python 2. - ---- - -## Overview - -- class Vector - - This class represents a vector of arbitray size and operations on it. - - **Overview about the methods:** - - - constructor(components : list) : init the vector - - set(components : list) : changes the vector components. - - \_\_str\_\_() : toString method - - component(i : int): gets the i-th component (start by 0) - - \_\_len\_\_() : gets the size / length of the vector (number of components) - - euclidLength() : returns the eulidean length of the vector. - - operator + : vector addition - - operator - : vector subtraction - - operator * : scalar multiplication and dot product - - copy() : copies this vector and returns it. - - changeComponent(pos,value) : changes the specified component. - -- function zeroVector(dimension) - - returns a zero vector of 'dimension' -- function unitBasisVector(dimension,pos) - - returns a unit basis vector with a One at index 'pos' (indexing at 0) -- function axpy(scalar,vector1,vector2) - - computes the axpy operation -- function randomVector(N,a,b) - - returns a random vector of size N, with random integer components between 'a' and 'b'. - -- class Matrix - - This class represents a matrix of arbitrary size and operations on it. - - **Overview about the methods:** - - - \_\_str\_\_() : returns a string representation - - operator * : implements the matrix vector multiplication - implements the matrix-scalar multiplication. - - changeComponent(x,y,value) : changes the specified component. - - component(x,y) : returns the specified component. - - width() : returns the width of the matrix - - height() : returns the height of the matrix - - operator + : implements the matrix-addition. - - operator - _ implements the matrix-subtraction - -- function squareZeroMatrix(N) - - returns a square zero-matrix of dimension NxN -- function randomMatrix(W,H,a,b) - - returns a random matrix WxH with integer components between 'a' and 'b' ---- - -## Documentation - -The module is well documented. You can use the python in-built ```help(...)``` function. -For instance: ```help(Vector)``` gives you all information about the Vector-class. -Or ```help(unitBasisVector)``` gives you all information you needed about the -global function ```unitBasisVector(...)```. If you need informations about a certain -method you type ```help(CLASSNAME.METHODNAME)```. - ---- - -## Usage - -You will find the module in the **src** directory its called ```lib.py```. You need to -import this module in your project. Alternative you can also use the file ```lib.pyc``` in python-bytecode. - ---- - -## Tests - -In the **src** directory you also find the test-suite, its called ```tests.py```. -The test-suite uses the built-in python-test-framework **unittest**. +# Linear algebra library for Python + +This module contains some useful classes and functions for dealing with linear algebra in python 2. + +--- + +## Overview + +- class Vector + - This class represents a vector of arbitray size and operations on it. + + **Overview about the methods:** + + - constructor(components : list) : init the vector + - set(components : list) : changes the vector components. + - \_\_str\_\_() : toString method + - component(i : int): gets the i-th component (start by 0) + - \_\_len\_\_() : gets the size / length of the vector (number of components) + - euclidLength() : returns the eulidean length of the vector. + - operator + : vector addition + - operator - : vector subtraction + - operator * : scalar multiplication and dot product + - copy() : copies this vector and returns it. + - changeComponent(pos,value) : changes the specified component. + +- function zeroVector(dimension) + - returns a zero vector of 'dimension' +- function unitBasisVector(dimension,pos) + - returns a unit basis vector with a One at index 'pos' (indexing at 0) +- function axpy(scalar,vector1,vector2) + - computes the axpy operation +- function randomVector(N,a,b) + - returns a random vector of size N, with random integer components between 'a' and 'b'. + +- class Matrix + - This class represents a matrix of arbitrary size and operations on it. + + **Overview about the methods:** + + - \_\_str\_\_() : returns a string representation + - operator * : implements the matrix vector multiplication + implements the matrix-scalar multiplication. + - changeComponent(x,y,value) : changes the specified component. + - component(x,y) : returns the specified component. + - width() : returns the width of the matrix + - height() : returns the height of the matrix + - operator + : implements the matrix-addition. + - operator - _ implements the matrix-subtraction + +- function squareZeroMatrix(N) + - returns a square zero-matrix of dimension NxN +- function randomMatrix(W,H,a,b) + - returns a random matrix WxH with integer components between 'a' and 'b' +--- + +## Documentation + +The module is well documented. You can use the python in-built ```help(...)``` function. +For instance: ```help(Vector)``` gives you all information about the Vector-class. +Or ```help(unitBasisVector)``` gives you all information you needed about the +global function ```unitBasisVector(...)```. If you need informations about a certain +method you type ```help(CLASSNAME.METHODNAME)```. + +--- + +## Usage + +You will find the module in the **src** directory its called ```lib.py```. You need to +import this module in your project. Alternative you can also use the file ```lib.pyc``` in python-bytecode. + +--- + +## Tests + +In the **src** directory you also find the test-suite, its called ```tests.py```. +The test-suite uses the built-in python-test-framework **unittest**. diff --git a/linear_algebra_python/src/lib.py b/linear_algebra_python/src/lib.py index 71a108fb7829..b1a605b9cd1c 100644 --- a/linear_algebra_python/src/lib.py +++ b/linear_algebra_python/src/lib.py @@ -1,341 +1,341 @@ -# -*- coding: utf-8 -*- -""" -Created on Mon Feb 26 14:29:11 2018 - -@author: Christian Bender -@license: MIT-license - -This module contains some useful classes and functions for dealing -with linear algebra in python. - -Overview: - -- class Vector -- function zeroVector(dimension) -- function unitBasisVector(dimension,pos) -- function axpy(scalar,vector1,vector2) -- function randomVector(N,a,b) -- class Matrix -- function squareZeroMatrix(N) -- function randomMatrix(W,H,a,b) -""" - -import math -import random - - -class Vector(object): - """ - This class represents a vector of arbitray size. - You need to give the vector components. - - Overview about the methods: - - constructor(components : list) : init the vector - set(components : list) : changes the vector components. - __str__() : toString method - component(i : int): gets the i-th component (start by 0) - __len__() : gets the size of the vector (number of components) - euclidLength() : returns the eulidean length of the vector. - operator + : vector addition - operator - : vector subtraction - operator * : scalar multiplication and dot product - copy() : copies this vector and returns it. - changeComponent(pos,value) : changes the specified component. - TODO: compare-operator - """ - - def __init__(self, components=[]): - """ - input: components or nothing - simple constructor for init the vector - """ - self.__components = list(components) - - def set(self, components): - """ - input: new components - changes the components of the vector. - replace the components with newer one. - """ - if len(components) > 0: - self.__components = list(components) - else: - raise Exception("please give any vector") - - def __str__(self): - """ - returns a string representation of the vector - """ - return "(" + ",".join(map(str, self.__components)) + ")" - - def component(self, i): - """ - input: index (start at 0) - output: the i-th component of the vector. - """ - if type(i) is int and -len(self.__components) <= i < len(self.__components): - return self.__components[i] - else: - raise Exception("index out of range") - - def __len__(self): - """ - returns the size of the vector - """ - return len(self.__components) - - def eulidLength(self): - """ - returns the eulidean length of the vector - """ - summe = 0 - for c in self.__components: - summe += c ** 2 - return math.sqrt(summe) - - def __add__(self, other): - """ - input: other vector - assumes: other vector has the same size - returns a new vector that represents the sum. - """ - size = len(self) - if size == len(other): - result = [self.__components[i] + other.component(i) for i in range(size)] - return Vector(result) - else: - raise Exception("must have the same size") - - def __sub__(self, other): - """ - input: other vector - assumes: other vector has the same size - returns a new vector that represents the differenz. - """ - size = len(self) - if size == len(other): - result = [self.__components[i] - other.component(i) for i in range(size)] - return result - else: # error case - raise Exception("must have the same size") - - def __mul__(self, other): - """ - mul implements the scalar multiplication - and the dot-product - """ - if isinstance(other, float) or isinstance(other, int): - ans = [c * other for c in self.__components] - return ans - elif (isinstance(other, Vector) and (len(self) == len(other))): - size = len(self) - summe = 0 - for i in range(size): - summe += self.__components[i] * other.component(i) - return summe - else: # error case - raise Exception("invalide operand!") - - def copy(self): - """ - copies this vector and returns it. - """ - return Vector(self.__components) - - def changeComponent(self, pos, value): - """ - input: an index (pos) and a value - changes the specified component (pos) with the - 'value' - """ - # precondition - assert (-len(self.__components) <= pos < len(self.__components)) - self.__components[pos] = value - - -def zeroVector(dimension): - """ - returns a zero-vector of size 'dimension' - """ - # precondition - assert (isinstance(dimension, int)) - return Vector([0] * dimension) - - -def unitBasisVector(dimension, pos): - """ - returns a unit basis vector with a One - at index 'pos' (indexing at 0) - """ - # precondition - assert (isinstance(dimension, int) and (isinstance(pos, int))) - ans = [0] * dimension - ans[pos] = 1 - return Vector(ans) - - -def axpy(scalar, x, y): - """ - input: a 'scalar' and two vectors 'x' and 'y' - output: a vector - computes the axpy operation - """ - # precondition - assert (isinstance(x, Vector) and (isinstance(y, Vector)) \ - and (isinstance(scalar, int) or isinstance(scalar, float))) - return (x * scalar + y) - - -def randomVector(N, a, b): - """ - input: size (N) of the vector. - random range (a,b) - output: returns a random vector of size N, with - random integer components between 'a' and 'b'. - """ - random.seed(None) - ans = [random.randint(a, b) for i in range(N)] - return Vector(ans) - - -class Matrix(object): - """ - class: Matrix - This class represents a arbitrary matrix. - - Overview about the methods: - - __str__() : returns a string representation - operator * : implements the matrix vector multiplication - implements the matrix-scalar multiplication. - changeComponent(x,y,value) : changes the specified component. - component(x,y) : returns the specified component. - width() : returns the width of the matrix - height() : returns the height of the matrix - operator + : implements the matrix-addition. - operator - _ implements the matrix-subtraction - """ - - def __init__(self, matrix, w, h): - """ - simple constructor for initialzes - the matrix with components. - """ - self.__matrix = matrix - self.__width = w - self.__height = h - - def __str__(self): - """ - returns a string representation of this - matrix. - """ - ans = "" - for i in range(self.__height): - ans += "|" - for j in range(self.__width): - if j < self.__width - 1: - ans += str(self.__matrix[i][j]) + "," - else: - ans += str(self.__matrix[i][j]) + "|\n" - return ans - - def changeComponent(self, x, y, value): - """ - changes the x-y component of this matrix - """ - if x >= 0 and x < self.__height and y >= 0 and y < self.__width: - self.__matrix[x][y] = value - else: - raise Exception("changeComponent: indices out of bounds") - - def component(self, x, y): - """ - returns the specified (x,y) component - """ - if x >= 0 and x < self.__height and y >= 0 and y < self.__width: - return self.__matrix[x][y] - else: - raise Exception("changeComponent: indices out of bounds") - - def width(self): - """ - getter for the width - """ - return self.__width - - def height(self): - """ - getter for the height - """ - return self.__height - - def __mul__(self, other): - """ - implements the matrix-vector multiplication. - implements the matrix-scalar multiplication - """ - if isinstance(other, Vector): # vector-matrix - if (len(other) == self.__width): - ans = zeroVector(self.__height) - for i in range(self.__height): - summe = 0 - for j in range(self.__width): - summe += other.component(j) * self.__matrix[i][j] - ans.changeComponent(i, summe) - summe = 0 - return ans - else: - raise Exception("vector must have the same size as the " + "number of columns of the matrix!") - elif isinstance(other, int) or isinstance(other, float): # matrix-scalar - matrix = [[self.__matrix[i][j] * other for j in range(self.__width)] for i in range(self.__height)] - return Matrix(matrix, self.__width, self.__height) - - def __add__(self, other): - """ - implements the matrix-addition. - """ - if (self.__width == other.width() and self.__height == other.height()): - matrix = [] - for i in range(self.__height): - row = [] - for j in range(self.__width): - row.append(self.__matrix[i][j] + other.component(i, j)) - matrix.append(row) - return Matrix(matrix, self.__width, self.__height) - else: - raise Exception("matrix must have the same dimension!") - - def __sub__(self, other): - """ - implements the matrix-subtraction. - """ - if (self.__width == other.width() and self.__height == other.height()): - matrix = [] - for i in range(self.__height): - row = [] - for j in range(self.__width): - row.append(self.__matrix[i][j] - other.component(i, j)) - matrix.append(row) - return Matrix(matrix, self.__width, self.__height) - else: - raise Exception("matrix must have the same dimension!") - - -def squareZeroMatrix(N): - """ - returns a square zero-matrix of dimension NxN - """ - ans = [[0] * N for i in range(N)] - return Matrix(ans, N, N) - - -def randomMatrix(W, H, a, b): - """ - returns a random matrix WxH with integer components - between 'a' and 'b' - """ - random.seed(None) - matrix = [[random.randint(a, b) for j in range(W)] for i in range(H)] - return Matrix(matrix, W, H) +# -*- coding: utf-8 -*- +""" +Created on Mon Feb 26 14:29:11 2018 + +@author: Christian Bender +@license: MIT-license + +This module contains some useful classes and functions for dealing +with linear algebra in python. + +Overview: + +- class Vector +- function zeroVector(dimension) +- function unitBasisVector(dimension,pos) +- function axpy(scalar,vector1,vector2) +- function randomVector(N,a,b) +- class Matrix +- function squareZeroMatrix(N) +- function randomMatrix(W,H,a,b) +""" + +import math +import random + + +class Vector(object): + """ + This class represents a vector of arbitray size. + You need to give the vector components. + + Overview about the methods: + + constructor(components : list) : init the vector + set(components : list) : changes the vector components. + __str__() : toString method + component(i : int): gets the i-th component (start by 0) + __len__() : gets the size of the vector (number of components) + euclidLength() : returns the eulidean length of the vector. + operator + : vector addition + operator - : vector subtraction + operator * : scalar multiplication and dot product + copy() : copies this vector and returns it. + changeComponent(pos,value) : changes the specified component. + TODO: compare-operator + """ + + def __init__(self, components=[]): + """ + input: components or nothing + simple constructor for init the vector + """ + self.__components = list(components) + + def set(self, components): + """ + input: new components + changes the components of the vector. + replace the components with newer one. + """ + if len(components) > 0: + self.__components = list(components) + else: + raise Exception("please give any vector") + + def __str__(self): + """ + returns a string representation of the vector + """ + return "(" + ",".join(map(str, self.__components)) + ")" + + def component(self, i): + """ + input: index (start at 0) + output: the i-th component of the vector. + """ + if type(i) is int and -len(self.__components) <= i < len(self.__components): + return self.__components[i] + else: + raise Exception("index out of range") + + def __len__(self): + """ + returns the size of the vector + """ + return len(self.__components) + + def eulidLength(self): + """ + returns the eulidean length of the vector + """ + summe = 0 + for c in self.__components: + summe += c ** 2 + return math.sqrt(summe) + + def __add__(self, other): + """ + input: other vector + assumes: other vector has the same size + returns a new vector that represents the sum. + """ + size = len(self) + if size == len(other): + result = [self.__components[i] + other.component(i) for i in range(size)] + return Vector(result) + else: + raise Exception("must have the same size") + + def __sub__(self, other): + """ + input: other vector + assumes: other vector has the same size + returns a new vector that represents the differenz. + """ + size = len(self) + if size == len(other): + result = [self.__components[i] - other.component(i) for i in range(size)] + return result + else: # error case + raise Exception("must have the same size") + + def __mul__(self, other): + """ + mul implements the scalar multiplication + and the dot-product + """ + if isinstance(other, float) or isinstance(other, int): + ans = [c * other for c in self.__components] + return ans + elif (isinstance(other, Vector) and (len(self) == len(other))): + size = len(self) + summe = 0 + for i in range(size): + summe += self.__components[i] * other.component(i) + return summe + else: # error case + raise Exception("invalide operand!") + + def copy(self): + """ + copies this vector and returns it. + """ + return Vector(self.__components) + + def changeComponent(self, pos, value): + """ + input: an index (pos) and a value + changes the specified component (pos) with the + 'value' + """ + # precondition + assert (-len(self.__components) <= pos < len(self.__components)) + self.__components[pos] = value + + +def zeroVector(dimension): + """ + returns a zero-vector of size 'dimension' + """ + # precondition + assert (isinstance(dimension, int)) + return Vector([0] * dimension) + + +def unitBasisVector(dimension, pos): + """ + returns a unit basis vector with a One + at index 'pos' (indexing at 0) + """ + # precondition + assert (isinstance(dimension, int) and (isinstance(pos, int))) + ans = [0] * dimension + ans[pos] = 1 + return Vector(ans) + + +def axpy(scalar, x, y): + """ + input: a 'scalar' and two vectors 'x' and 'y' + output: a vector + computes the axpy operation + """ + # precondition + assert (isinstance(x, Vector) and (isinstance(y, Vector)) \ + and (isinstance(scalar, int) or isinstance(scalar, float))) + return (x * scalar + y) + + +def randomVector(N, a, b): + """ + input: size (N) of the vector. + random range (a,b) + output: returns a random vector of size N, with + random integer components between 'a' and 'b'. + """ + random.seed(None) + ans = [random.randint(a, b) for i in range(N)] + return Vector(ans) + + +class Matrix(object): + """ + class: Matrix + This class represents a arbitrary matrix. + + Overview about the methods: + + __str__() : returns a string representation + operator * : implements the matrix vector multiplication + implements the matrix-scalar multiplication. + changeComponent(x,y,value) : changes the specified component. + component(x,y) : returns the specified component. + width() : returns the width of the matrix + height() : returns the height of the matrix + operator + : implements the matrix-addition. + operator - _ implements the matrix-subtraction + """ + + def __init__(self, matrix, w, h): + """ + simple constructor for initialzes + the matrix with components. + """ + self.__matrix = matrix + self.__width = w + self.__height = h + + def __str__(self): + """ + returns a string representation of this + matrix. + """ + ans = "" + for i in range(self.__height): + ans += "|" + for j in range(self.__width): + if j < self.__width - 1: + ans += str(self.__matrix[i][j]) + "," + else: + ans += str(self.__matrix[i][j]) + "|\n" + return ans + + def changeComponent(self, x, y, value): + """ + changes the x-y component of this matrix + """ + if x >= 0 and x < self.__height and y >= 0 and y < self.__width: + self.__matrix[x][y] = value + else: + raise Exception("changeComponent: indices out of bounds") + + def component(self, x, y): + """ + returns the specified (x,y) component + """ + if x >= 0 and x < self.__height and y >= 0 and y < self.__width: + return self.__matrix[x][y] + else: + raise Exception("changeComponent: indices out of bounds") + + def width(self): + """ + getter for the width + """ + return self.__width + + def height(self): + """ + getter for the height + """ + return self.__height + + def __mul__(self, other): + """ + implements the matrix-vector multiplication. + implements the matrix-scalar multiplication + """ + if isinstance(other, Vector): # vector-matrix + if (len(other) == self.__width): + ans = zeroVector(self.__height) + for i in range(self.__height): + summe = 0 + for j in range(self.__width): + summe += other.component(j) * self.__matrix[i][j] + ans.changeComponent(i, summe) + summe = 0 + return ans + else: + raise Exception("vector must have the same size as the " + "number of columns of the matrix!") + elif isinstance(other, int) or isinstance(other, float): # matrix-scalar + matrix = [[self.__matrix[i][j] * other for j in range(self.__width)] for i in range(self.__height)] + return Matrix(matrix, self.__width, self.__height) + + def __add__(self, other): + """ + implements the matrix-addition. + """ + if (self.__width == other.width() and self.__height == other.height()): + matrix = [] + for i in range(self.__height): + row = [] + for j in range(self.__width): + row.append(self.__matrix[i][j] + other.component(i, j)) + matrix.append(row) + return Matrix(matrix, self.__width, self.__height) + else: + raise Exception("matrix must have the same dimension!") + + def __sub__(self, other): + """ + implements the matrix-subtraction. + """ + if (self.__width == other.width() and self.__height == other.height()): + matrix = [] + for i in range(self.__height): + row = [] + for j in range(self.__width): + row.append(self.__matrix[i][j] - other.component(i, j)) + matrix.append(row) + return Matrix(matrix, self.__width, self.__height) + else: + raise Exception("matrix must have the same dimension!") + + +def squareZeroMatrix(N): + """ + returns a square zero-matrix of dimension NxN + """ + ans = [[0] * N for i in range(N)] + return Matrix(ans, N, N) + + +def randomMatrix(W, H, a, b): + """ + returns a random matrix WxH with integer components + between 'a' and 'b' + """ + random.seed(None) + matrix = [[random.randint(a, b) for j in range(W)] for i in range(H)] + return Matrix(matrix, W, H) diff --git a/linear_algebra_python/src/tests.py b/linear_algebra_python/src/tests.py index afc3cf5272ae..2d543b83507b 100644 --- a/linear_algebra_python/src/tests.py +++ b/linear_algebra_python/src/tests.py @@ -1,153 +1,153 @@ -# -*- coding: utf-8 -*- -""" -Created on Mon Feb 26 15:40:07 2018 - -@author: Christian Bender -@license: MIT-license - -This file contains the test-suite for the linear algebra library. -""" - -import unittest - -from lib import * - - -class Test(unittest.TestCase): - def test_component(self): - """ - test for method component - """ - x = Vector([1, 2, 3]) - self.assertEqual(x.component(0), 1) - self.assertEqual(x.component(2), 3) - try: - y = Vector() - self.assertTrue(False) - except: - self.assertTrue(True) - - def test_str(self): - """ - test for toString() method - """ - x = Vector([0, 0, 0, 0, 0, 1]) - self.assertEqual(str(x), "(0,0,0,0,0,1)") - - def test_size(self): - """ - test for size()-method - """ - x = Vector([1, 2, 3, 4]) - self.assertEqual(len(x), 4) - - def test_euclidLength(self): - """ - test for the eulidean length - """ - x = Vector([1, 2]) - self.assertAlmostEqual(x.eulidLength(), 2.236, 3) - - def test_add(self): - """ - test for + operator - """ - x = Vector([1, 2, 3]) - y = Vector([1, 1, 1]) - self.assertEqual((x + y).component(0), 2) - self.assertEqual((x + y).component(1), 3) - self.assertEqual((x + y).component(2), 4) - - def test_sub(self): - """ - test for - operator - """ - x = Vector([1, 2, 3]) - y = Vector([1, 1, 1]) - self.assertEqual((x - y).component(0), 0) - self.assertEqual((x - y).component(1), 1) - self.assertEqual((x - y).component(2), 2) - - def test_mul(self): - """ - test for * operator - """ - x = Vector([1, 2, 3]) - a = Vector([2, -1, 4]) # for test of dot-product - b = Vector([1, -2, -1]) - self.assertEqual(str(x * 3.0), "(3.0,6.0,9.0)") - self.assertEqual((a * b), 0) - - def test_zeroVector(self): - """ - test for the global function zeroVector(...) - """ - self.assertTrue(str(zeroVector(10)).count("0") == 10) - - def test_unitBasisVector(self): - """ - test for the global function unitBasisVector(...) - """ - self.assertEqual(str(unitBasisVector(3, 1)), "(0,1,0)") - - def test_axpy(self): - """ - test for the global function axpy(...) (operation) - """ - x = Vector([1, 2, 3]) - y = Vector([1, 0, 1]) - self.assertEqual(str(axpy(2, x, y)), "(3,4,7)") - - def test_copy(self): - """ - test for the copy()-method - """ - x = Vector([1, 0, 0, 0, 0, 0]) - y = x.copy() - self.assertEqual(str(x), str(y)) - - def test_changeComponent(self): - """ - test for the changeComponent(...)-method - """ - x = Vector([1, 0, 0]) - x.changeComponent(0, 0) - x.changeComponent(1, 1) - self.assertEqual(str(x), "(0,1,0)") - - def test_str_matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - self.assertEqual("|1,2,3|\n|2,4,5|\n|6,7,8|\n", str(A)) - - def test__mul__matrix(self): - A = Matrix([[1, 2, 3], [4, 5, 6], [7, 8, 9]], 3, 3) - x = Vector([1, 2, 3]) - self.assertEqual("(14,32,50)", str(A * x)) - self.assertEqual("|2,4,6|\n|8,10,12|\n|14,16,18|\n", str(A * 2)) - - def test_changeComponent_matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - A.changeComponent(0, 2, 5) - self.assertEqual("|1,2,5|\n|2,4,5|\n|6,7,8|\n", str(A)) - - def test_component_matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - self.assertEqual(7, A.component(2, 1), 0.01) - - def test__add__matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) - self.assertEqual("|2,4,10|\n|4,8,10|\n|12,14,18|\n", str(A + B)) - - def test__sub__matrix(self): - A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) - B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) - self.assertEqual("|0,0,-4|\n|0,0,0|\n|0,0,-2|\n", str(A - B)) - - def test_squareZeroMatrix(self): - self.assertEqual('|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|' - + '\n|0,0,0,0,0|\n', str(squareZeroMatrix(5))) - - -if __name__ == "__main__": - unittest.main() +# -*- coding: utf-8 -*- +""" +Created on Mon Feb 26 15:40:07 2018 + +@author: Christian Bender +@license: MIT-license + +This file contains the test-suite for the linear algebra library. +""" + +import unittest + +from lib import * + + +class Test(unittest.TestCase): + def test_component(self): + """ + test for method component + """ + x = Vector([1, 2, 3]) + self.assertEqual(x.component(0), 1) + self.assertEqual(x.component(2), 3) + try: + y = Vector() + self.assertTrue(False) + except: + self.assertTrue(True) + + def test_str(self): + """ + test for toString() method + """ + x = Vector([0, 0, 0, 0, 0, 1]) + self.assertEqual(str(x), "(0,0,0,0,0,1)") + + def test_size(self): + """ + test for size()-method + """ + x = Vector([1, 2, 3, 4]) + self.assertEqual(len(x), 4) + + def test_euclidLength(self): + """ + test for the eulidean length + """ + x = Vector([1, 2]) + self.assertAlmostEqual(x.eulidLength(), 2.236, 3) + + def test_add(self): + """ + test for + operator + """ + x = Vector([1, 2, 3]) + y = Vector([1, 1, 1]) + self.assertEqual((x + y).component(0), 2) + self.assertEqual((x + y).component(1), 3) + self.assertEqual((x + y).component(2), 4) + + def test_sub(self): + """ + test for - operator + """ + x = Vector([1, 2, 3]) + y = Vector([1, 1, 1]) + self.assertEqual((x - y).component(0), 0) + self.assertEqual((x - y).component(1), 1) + self.assertEqual((x - y).component(2), 2) + + def test_mul(self): + """ + test for * operator + """ + x = Vector([1, 2, 3]) + a = Vector([2, -1, 4]) # for test of dot-product + b = Vector([1, -2, -1]) + self.assertEqual(str(x * 3.0), "(3.0,6.0,9.0)") + self.assertEqual((a * b), 0) + + def test_zeroVector(self): + """ + test for the global function zeroVector(...) + """ + self.assertTrue(str(zeroVector(10)).count("0") == 10) + + def test_unitBasisVector(self): + """ + test for the global function unitBasisVector(...) + """ + self.assertEqual(str(unitBasisVector(3, 1)), "(0,1,0)") + + def test_axpy(self): + """ + test for the global function axpy(...) (operation) + """ + x = Vector([1, 2, 3]) + y = Vector([1, 0, 1]) + self.assertEqual(str(axpy(2, x, y)), "(3,4,7)") + + def test_copy(self): + """ + test for the copy()-method + """ + x = Vector([1, 0, 0, 0, 0, 0]) + y = x.copy() + self.assertEqual(str(x), str(y)) + + def test_changeComponent(self): + """ + test for the changeComponent(...)-method + """ + x = Vector([1, 0, 0]) + x.changeComponent(0, 0) + x.changeComponent(1, 1) + self.assertEqual(str(x), "(0,1,0)") + + def test_str_matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + self.assertEqual("|1,2,3|\n|2,4,5|\n|6,7,8|\n", str(A)) + + def test__mul__matrix(self): + A = Matrix([[1, 2, 3], [4, 5, 6], [7, 8, 9]], 3, 3) + x = Vector([1, 2, 3]) + self.assertEqual("(14,32,50)", str(A * x)) + self.assertEqual("|2,4,6|\n|8,10,12|\n|14,16,18|\n", str(A * 2)) + + def test_changeComponent_matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + A.changeComponent(0, 2, 5) + self.assertEqual("|1,2,5|\n|2,4,5|\n|6,7,8|\n", str(A)) + + def test_component_matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + self.assertEqual(7, A.component(2, 1), 0.01) + + def test__add__matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) + self.assertEqual("|2,4,10|\n|4,8,10|\n|12,14,18|\n", str(A + B)) + + def test__sub__matrix(self): + A = Matrix([[1, 2, 3], [2, 4, 5], [6, 7, 8]], 3, 3) + B = Matrix([[1, 2, 7], [2, 4, 5], [6, 7, 10]], 3, 3) + self.assertEqual("|0,0,-4|\n|0,0,0|\n|0,0,-2|\n", str(A - B)) + + def test_squareZeroMatrix(self): + self.assertEqual('|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|\n|0,0,0,0,0|' + + '\n|0,0,0,0,0|\n', str(squareZeroMatrix(5))) + + +if __name__ == "__main__": + unittest.main() diff --git a/machine_learning/NaiveBayes.ipynb b/machine_learning/NaiveBayes.ipynb index 2262c16cde88..5a427c5cb965 100644 --- a/machine_learning/NaiveBayes.ipynb +++ b/machine_learning/NaiveBayes.ipynb @@ -1,1659 +1,1659 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "from sklearn import datasets\n", - "import pandas as pd" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "iris = datasets.load_iris()" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "df = pd.DataFrame(iris.data)\n", - "df.columns = [\"sl\", \"sw\", 'pl', 'pw']" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "def abc(k, *val):\n", - " if k < val[0]:\n", - " return 0\n", - " else:\n", - " return 1" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "0 1\n", - "1 0\n", - "2 0\n", - "3 0\n", - "4 1\n", - "5 1\n", - "6 0\n", - "7 1\n", - "8 0\n", - "9 0\n", - "10 1\n", - "11 0\n", - "12 0\n", - "13 0\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 0\n", - "23 1\n", - "24 0\n", - "25 1\n", - "26 1\n", - "27 1\n", - "28 1\n", - "29 0\n", - " ..\n", - "120 1\n", - "121 1\n", - "122 1\n", - "123 1\n", - "124 1\n", - "125 1\n", - "126 1\n", - "127 1\n", - "128 1\n", - "129 1\n", - "130 1\n", - "131 1\n", - "132 1\n", - "133 1\n", - "134 1\n", - "135 1\n", - "136 1\n", - "137 1\n", - "138 1\n", - "139 1\n", - "140 1\n", - "141 1\n", - "142 1\n", - "143 1\n", - "144 1\n", - "145 1\n", - "146 1\n", - "147 1\n", - "148 1\n", - "149 1\n", - "Name: sl, dtype: int64" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "df.sl.apply(abc, args=(5,))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [], - "source": [ - "def label(val, *boundaries):\n", - " if (val < boundaries[0]):\n", - " return 'a'\n", - " elif (val < boundaries[1]):\n", - " return 'b'\n", - " elif (val < boundaries[2]):\n", - " return 'c'\n", - " else:\n", - " return 'd'\n", - "\n", - "def toLabel(df, old_feature_name):\n", - " second = df[old_feature_name].mean()\n", - " minimum = df[old_feature_name].min()\n", - " first = (minimum + second)/2\n", - " maximum = df[old_feature_name].max()\n", - " third = (maximum + second)/2\n", - " return df[old_feature_name].apply(label, args= (first, second, third))" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
slswplpwsl_labeledsw_labeledpl_labeledpw_labeled
05.13.51.40.2bcaa
14.93.01.40.2abaa
24.73.21.30.2acaa
34.63.11.50.2acaa
45.03.61.40.2acaa
55.43.91.70.4bdaa
64.63.41.40.3acaa
75.03.41.50.2acaa
84.42.91.40.2abaa
94.93.11.50.1acaa
105.43.71.50.2bcaa
114.83.41.60.2acaa
124.83.01.40.1abaa
134.33.01.10.1abaa
145.84.01.20.2bdaa
155.74.41.50.4bdaa
165.43.91.30.4bdaa
175.13.51.40.3bcaa
185.73.81.70.3bdaa
195.13.81.50.3bdaa
205.43.41.70.2bcaa
215.13.71.50.4bcaa
224.63.61.00.2acaa
235.13.31.70.5bcaa
244.83.41.90.2acaa
255.03.01.60.2abaa
265.03.41.60.4acaa
275.23.51.50.2bcaa
285.23.41.40.2bcaa
294.73.21.60.2acaa
...........................
1206.93.25.72.3dcdd
1215.62.84.92.0bbcd
1227.72.86.72.0dbdd
1236.32.74.91.8cbcc
1246.73.35.72.1ccdd
1257.23.26.01.8dcdc
1266.22.84.81.8cbcc
1276.13.04.91.8cbcc
1286.42.85.62.1cbdd
1297.23.05.81.6dbdc
1307.42.86.11.9dbdd
1317.93.86.42.0dddd
1326.42.85.62.2cbdd
1336.32.85.11.5cbcc
1346.12.65.61.4cbdc
1357.73.06.12.3dbdd
1366.33.45.62.4ccdd
1376.43.15.51.8ccdc
1386.03.04.81.8cbcc
1396.93.15.42.1dcdd
1406.73.15.62.4ccdd
1416.93.15.12.3dccd
1425.82.75.11.9bbcd
1436.83.25.92.3ccdd
1446.73.35.72.5ccdd
1456.73.05.22.3cbcd
1466.32.55.01.9cacd
1476.53.05.22.0cbcd
1486.23.45.42.3ccdd
1495.93.05.11.8cbcc
\n", - "

150 rows × 8 columns

\n", - "
" - ], - "text/plain": [ - " sl sw pl pw sl_labeled sw_labeled pl_labeled pw_labeled\n", - "0 5.1 3.5 1.4 0.2 b c a a\n", - "1 4.9 3.0 1.4 0.2 a b a a\n", - "2 4.7 3.2 1.3 0.2 a c a a\n", - "3 4.6 3.1 1.5 0.2 a c a a\n", - "4 5.0 3.6 1.4 0.2 a c a a\n", - "5 5.4 3.9 1.7 0.4 b d a a\n", - "6 4.6 3.4 1.4 0.3 a c a a\n", - "7 5.0 3.4 1.5 0.2 a c a a\n", - "8 4.4 2.9 1.4 0.2 a b a a\n", - "9 4.9 3.1 1.5 0.1 a c a a\n", - "10 5.4 3.7 1.5 0.2 b c a a\n", - "11 4.8 3.4 1.6 0.2 a c a a\n", - "12 4.8 3.0 1.4 0.1 a b a a\n", - "13 4.3 3.0 1.1 0.1 a b a a\n", - "14 5.8 4.0 1.2 0.2 b d a a\n", - "15 5.7 4.4 1.5 0.4 b d a a\n", - "16 5.4 3.9 1.3 0.4 b d a a\n", - "17 5.1 3.5 1.4 0.3 b c a a\n", - "18 5.7 3.8 1.7 0.3 b d a a\n", - "19 5.1 3.8 1.5 0.3 b d a a\n", - "20 5.4 3.4 1.7 0.2 b c a a\n", - "21 5.1 3.7 1.5 0.4 b c a a\n", - "22 4.6 3.6 1.0 0.2 a c a a\n", - "23 5.1 3.3 1.7 0.5 b c a a\n", - "24 4.8 3.4 1.9 0.2 a c a a\n", - "25 5.0 3.0 1.6 0.2 a b a a\n", - "26 5.0 3.4 1.6 0.4 a c a a\n", - "27 5.2 3.5 1.5 0.2 b c a a\n", - "28 5.2 3.4 1.4 0.2 b c a a\n", - "29 4.7 3.2 1.6 0.2 a c a a\n", - ".. ... ... ... ... ... ... ... ...\n", - "120 6.9 3.2 5.7 2.3 d c d d\n", - "121 5.6 2.8 4.9 2.0 b b c d\n", - "122 7.7 2.8 6.7 2.0 d b d d\n", - "123 6.3 2.7 4.9 1.8 c b c c\n", - "124 6.7 3.3 5.7 2.1 c c d d\n", - "125 7.2 3.2 6.0 1.8 d c d c\n", - "126 6.2 2.8 4.8 1.8 c b c c\n", - "127 6.1 3.0 4.9 1.8 c b c c\n", - "128 6.4 2.8 5.6 2.1 c b d d\n", - "129 7.2 3.0 5.8 1.6 d b d c\n", - "130 7.4 2.8 6.1 1.9 d b d d\n", - "131 7.9 3.8 6.4 2.0 d d d d\n", - "132 6.4 2.8 5.6 2.2 c b d d\n", - "133 6.3 2.8 5.1 1.5 c b c c\n", - "134 6.1 2.6 5.6 1.4 c b d c\n", - "135 7.7 3.0 6.1 2.3 d b d d\n", - "136 6.3 3.4 5.6 2.4 c c d d\n", - "137 6.4 3.1 5.5 1.8 c c d c\n", - "138 6.0 3.0 4.8 1.8 c b c c\n", - "139 6.9 3.1 5.4 2.1 d c d d\n", - "140 6.7 3.1 5.6 2.4 c c d d\n", - "141 6.9 3.1 5.1 2.3 d c c d\n", - "142 5.8 2.7 5.1 1.9 b b c d\n", - "143 6.8 3.2 5.9 2.3 c c d d\n", - "144 6.7 3.3 5.7 2.5 c c d d\n", - "145 6.7 3.0 5.2 2.3 c b c d\n", - "146 6.3 2.5 5.0 1.9 c a c d\n", - "147 6.5 3.0 5.2 2.0 c b c d\n", - "148 6.2 3.4 5.4 2.3 c c d d\n", - "149 5.9 3.0 5.1 1.8 c b c c\n", - "\n", - "[150 rows x 8 columns]" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "df['sl_labeled'] = toLabel(df, 'sl')\n", - "df['sw_labeled'] = toLabel(df, 'sw')\n", - "df['pl_labeled'] = toLabel(df, 'pl')\n", - "df['pw_labeled'] = toLabel(df, 'pw')\n", - "df" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "df.drop(['sl', 'sw', 'pl', 'pw'], axis = 1, inplace = True)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{'a', 'b', 'c', 'd'}" - ] - }, - "execution_count": 9, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "set(df['sl_labeled'])" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [], - "source": [ - "df[\"output\"] = iris.target" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
sl_labeledsw_labeledpl_labeledpw_labeledoutput
0bcaa0
1abaa0
2acaa0
3acaa0
4acaa0
5bdaa0
6acaa0
7acaa0
8abaa0
9acaa0
10bcaa0
11acaa0
12abaa0
13abaa0
14bdaa0
15bdaa0
16bdaa0
17bcaa0
18bdaa0
19bdaa0
20bcaa0
21bcaa0
22acaa0
23bcaa0
24acaa0
25abaa0
26acaa0
27bcaa0
28bcaa0
29acaa0
..................
120dcdd2
121bbcd2
122dbdd2
123cbcc2
124ccdd2
125dcdc2
126cbcc2
127cbcc2
128cbdd2
129dbdc2
130dbdd2
131dddd2
132cbdd2
133cbcc2
134cbdc2
135dbdd2
136ccdd2
137ccdc2
138cbcc2
139dcdd2
140ccdd2
141dccd2
142bbcd2
143ccdd2
144ccdd2
145cbcd2
146cacd2
147cbcd2
148ccdd2
149cbcc2
\n", - "

150 rows × 5 columns

\n", - "
" - ], - "text/plain": [ - " sl_labeled sw_labeled pl_labeled pw_labeled output\n", - "0 b c a a 0\n", - "1 a b a a 0\n", - "2 a c a a 0\n", - "3 a c a a 0\n", - "4 a c a a 0\n", - "5 b d a a 0\n", - "6 a c a a 0\n", - "7 a c a a 0\n", - "8 a b a a 0\n", - "9 a c a a 0\n", - "10 b c a a 0\n", - "11 a c a a 0\n", - "12 a b a a 0\n", - "13 a b a a 0\n", - "14 b d a a 0\n", - "15 b d a a 0\n", - "16 b d a a 0\n", - "17 b c a a 0\n", - "18 b d a a 0\n", - "19 b d a a 0\n", - "20 b c a a 0\n", - "21 b c a a 0\n", - "22 a c a a 0\n", - "23 b c a a 0\n", - "24 a c a a 0\n", - "25 a b a a 0\n", - "26 a c a a 0\n", - "27 b c a a 0\n", - "28 b c a a 0\n", - "29 a c a a 0\n", - ".. ... ... ... ... ...\n", - "120 d c d d 2\n", - "121 b b c d 2\n", - "122 d b d d 2\n", - "123 c b c c 2\n", - "124 c c d d 2\n", - "125 d c d c 2\n", - "126 c b c c 2\n", - "127 c b c c 2\n", - "128 c b d d 2\n", - "129 d b d c 2\n", - "130 d b d d 2\n", - "131 d d d d 2\n", - "132 c b d d 2\n", - "133 c b c c 2\n", - "134 c b d c 2\n", - "135 d b d d 2\n", - "136 c c d d 2\n", - "137 c c d c 2\n", - "138 c b c c 2\n", - "139 d c d d 2\n", - "140 c c d d 2\n", - "141 d c c d 2\n", - "142 b b c d 2\n", - "143 c c d d 2\n", - "144 c c d d 2\n", - "145 c b c d 2\n", - "146 c a c d 2\n", - "147 c b c d 2\n", - "148 c c d d 2\n", - "149 c b c c 2\n", - "\n", - "[150 rows x 5 columns]" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "df" - ] - }, - { - "cell_type": "code", - "execution_count": 14, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "def fit(data):\n", - " output_name = data.columns[-1]\n", - " features = data.columns[0:-1]\n", - " counts = {}\n", - " possible_outputs = set(data[output_name])\n", - " for output in possible_outputs:\n", - " counts[output] = {}\n", - " smallData = data[data[output_name] == output]\n", - " counts[output][\"total_count\"] = len(smallData)\n", - " for f in features:\n", - " counts[output][f] = {}\n", - " possible_values = set(smallData[f])\n", - " for value in possible_values:\n", - " val_count = len(smallData[smallData[f] == value])\n", - " counts[output][f][value] = val_count\n", - " return counts" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{0: {'pl_labeled': {'a': 50},\n", - " 'pw_labeled': {'a': 50},\n", - " 'sl_labeled': {'a': 28, 'b': 22},\n", - " 'sw_labeled': {'a': 1, 'b': 7, 'c': 32, 'd': 10},\n", - " 'total_count': 50},\n", - " 1: {'pl_labeled': {'b': 7, 'c': 43},\n", - " 'pw_labeled': {'b': 10, 'c': 40},\n", - " 'sl_labeled': {'a': 3, 'b': 21, 'c': 24, 'd': 2},\n", - " 'sw_labeled': {'a': 13, 'b': 29, 'c': 8},\n", - " 'total_count': 50},\n", - " 2: {'pl_labeled': {'c': 20, 'd': 30},\n", - " 'pw_labeled': {'c': 16, 'd': 34},\n", - " 'sl_labeled': {'a': 1, 'b': 5, 'c': 29, 'd': 15},\n", - " 'sw_labeled': {'a': 5, 'b': 28, 'c': 15, 'd': 2},\n", - " 'total_count': 50}}" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "fit(df)" - ] - } - ], - "metadata": { - "anaconda-cloud": {}, - "kernelspec": { - "display_name": "Python [default]", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.5" - } - }, - "nbformat": 4, - "nbformat_minor": 1 -} +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "from sklearn import datasets\n", + "import pandas as pd" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "iris = datasets.load_iris()" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "df = pd.DataFrame(iris.data)\n", + "df.columns = [\"sl\", \"sw\", 'pl', 'pw']" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "def abc(k, *val):\n", + " if k < val[0]:\n", + " return 0\n", + " else:\n", + " return 1" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0 1\n", + "1 0\n", + "2 0\n", + "3 0\n", + "4 1\n", + "5 1\n", + "6 0\n", + "7 1\n", + "8 0\n", + "9 0\n", + "10 1\n", + "11 0\n", + "12 0\n", + "13 0\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 0\n", + "23 1\n", + "24 0\n", + "25 1\n", + "26 1\n", + "27 1\n", + "28 1\n", + "29 0\n", + " ..\n", + "120 1\n", + "121 1\n", + "122 1\n", + "123 1\n", + "124 1\n", + "125 1\n", + "126 1\n", + "127 1\n", + "128 1\n", + "129 1\n", + "130 1\n", + "131 1\n", + "132 1\n", + "133 1\n", + "134 1\n", + "135 1\n", + "136 1\n", + "137 1\n", + "138 1\n", + "139 1\n", + "140 1\n", + "141 1\n", + "142 1\n", + "143 1\n", + "144 1\n", + "145 1\n", + "146 1\n", + "147 1\n", + "148 1\n", + "149 1\n", + "Name: sl, dtype: int64" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.sl.apply(abc, args=(5,))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "def label(val, *boundaries):\n", + " if (val < boundaries[0]):\n", + " return 'a'\n", + " elif (val < boundaries[1]):\n", + " return 'b'\n", + " elif (val < boundaries[2]):\n", + " return 'c'\n", + " else:\n", + " return 'd'\n", + "\n", + "def toLabel(df, old_feature_name):\n", + " second = df[old_feature_name].mean()\n", + " minimum = df[old_feature_name].min()\n", + " first = (minimum + second)/2\n", + " maximum = df[old_feature_name].max()\n", + " third = (maximum + second)/2\n", + " return df[old_feature_name].apply(label, args= (first, second, third))" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
slswplpwsl_labeledsw_labeledpl_labeledpw_labeled
05.13.51.40.2bcaa
14.93.01.40.2abaa
24.73.21.30.2acaa
34.63.11.50.2acaa
45.03.61.40.2acaa
55.43.91.70.4bdaa
64.63.41.40.3acaa
75.03.41.50.2acaa
84.42.91.40.2abaa
94.93.11.50.1acaa
105.43.71.50.2bcaa
114.83.41.60.2acaa
124.83.01.40.1abaa
134.33.01.10.1abaa
145.84.01.20.2bdaa
155.74.41.50.4bdaa
165.43.91.30.4bdaa
175.13.51.40.3bcaa
185.73.81.70.3bdaa
195.13.81.50.3bdaa
205.43.41.70.2bcaa
215.13.71.50.4bcaa
224.63.61.00.2acaa
235.13.31.70.5bcaa
244.83.41.90.2acaa
255.03.01.60.2abaa
265.03.41.60.4acaa
275.23.51.50.2bcaa
285.23.41.40.2bcaa
294.73.21.60.2acaa
...........................
1206.93.25.72.3dcdd
1215.62.84.92.0bbcd
1227.72.86.72.0dbdd
1236.32.74.91.8cbcc
1246.73.35.72.1ccdd
1257.23.26.01.8dcdc
1266.22.84.81.8cbcc
1276.13.04.91.8cbcc
1286.42.85.62.1cbdd
1297.23.05.81.6dbdc
1307.42.86.11.9dbdd
1317.93.86.42.0dddd
1326.42.85.62.2cbdd
1336.32.85.11.5cbcc
1346.12.65.61.4cbdc
1357.73.06.12.3dbdd
1366.33.45.62.4ccdd
1376.43.15.51.8ccdc
1386.03.04.81.8cbcc
1396.93.15.42.1dcdd
1406.73.15.62.4ccdd
1416.93.15.12.3dccd
1425.82.75.11.9bbcd
1436.83.25.92.3ccdd
1446.73.35.72.5ccdd
1456.73.05.22.3cbcd
1466.32.55.01.9cacd
1476.53.05.22.0cbcd
1486.23.45.42.3ccdd
1495.93.05.11.8cbcc
\n", + "

150 rows × 8 columns

\n", + "
" + ], + "text/plain": [ + " sl sw pl pw sl_labeled sw_labeled pl_labeled pw_labeled\n", + "0 5.1 3.5 1.4 0.2 b c a a\n", + "1 4.9 3.0 1.4 0.2 a b a a\n", + "2 4.7 3.2 1.3 0.2 a c a a\n", + "3 4.6 3.1 1.5 0.2 a c a a\n", + "4 5.0 3.6 1.4 0.2 a c a a\n", + "5 5.4 3.9 1.7 0.4 b d a a\n", + "6 4.6 3.4 1.4 0.3 a c a a\n", + "7 5.0 3.4 1.5 0.2 a c a a\n", + "8 4.4 2.9 1.4 0.2 a b a a\n", + "9 4.9 3.1 1.5 0.1 a c a a\n", + "10 5.4 3.7 1.5 0.2 b c a a\n", + "11 4.8 3.4 1.6 0.2 a c a a\n", + "12 4.8 3.0 1.4 0.1 a b a a\n", + "13 4.3 3.0 1.1 0.1 a b a a\n", + "14 5.8 4.0 1.2 0.2 b d a a\n", + "15 5.7 4.4 1.5 0.4 b d a a\n", + "16 5.4 3.9 1.3 0.4 b d a a\n", + "17 5.1 3.5 1.4 0.3 b c a a\n", + "18 5.7 3.8 1.7 0.3 b d a a\n", + "19 5.1 3.8 1.5 0.3 b d a a\n", + "20 5.4 3.4 1.7 0.2 b c a a\n", + "21 5.1 3.7 1.5 0.4 b c a a\n", + "22 4.6 3.6 1.0 0.2 a c a a\n", + "23 5.1 3.3 1.7 0.5 b c a a\n", + "24 4.8 3.4 1.9 0.2 a c a a\n", + "25 5.0 3.0 1.6 0.2 a b a a\n", + "26 5.0 3.4 1.6 0.4 a c a a\n", + "27 5.2 3.5 1.5 0.2 b c a a\n", + "28 5.2 3.4 1.4 0.2 b c a a\n", + "29 4.7 3.2 1.6 0.2 a c a a\n", + ".. ... ... ... ... ... ... ... ...\n", + "120 6.9 3.2 5.7 2.3 d c d d\n", + "121 5.6 2.8 4.9 2.0 b b c d\n", + "122 7.7 2.8 6.7 2.0 d b d d\n", + "123 6.3 2.7 4.9 1.8 c b c c\n", + "124 6.7 3.3 5.7 2.1 c c d d\n", + "125 7.2 3.2 6.0 1.8 d c d c\n", + "126 6.2 2.8 4.8 1.8 c b c c\n", + "127 6.1 3.0 4.9 1.8 c b c c\n", + "128 6.4 2.8 5.6 2.1 c b d d\n", + "129 7.2 3.0 5.8 1.6 d b d c\n", + "130 7.4 2.8 6.1 1.9 d b d d\n", + "131 7.9 3.8 6.4 2.0 d d d d\n", + "132 6.4 2.8 5.6 2.2 c b d d\n", + "133 6.3 2.8 5.1 1.5 c b c c\n", + "134 6.1 2.6 5.6 1.4 c b d c\n", + "135 7.7 3.0 6.1 2.3 d b d d\n", + "136 6.3 3.4 5.6 2.4 c c d d\n", + "137 6.4 3.1 5.5 1.8 c c d c\n", + "138 6.0 3.0 4.8 1.8 c b c c\n", + "139 6.9 3.1 5.4 2.1 d c d d\n", + "140 6.7 3.1 5.6 2.4 c c d d\n", + "141 6.9 3.1 5.1 2.3 d c c d\n", + "142 5.8 2.7 5.1 1.9 b b c d\n", + "143 6.8 3.2 5.9 2.3 c c d d\n", + "144 6.7 3.3 5.7 2.5 c c d d\n", + "145 6.7 3.0 5.2 2.3 c b c d\n", + "146 6.3 2.5 5.0 1.9 c a c d\n", + "147 6.5 3.0 5.2 2.0 c b c d\n", + "148 6.2 3.4 5.4 2.3 c c d d\n", + "149 5.9 3.0 5.1 1.8 c b c c\n", + "\n", + "[150 rows x 8 columns]" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df['sl_labeled'] = toLabel(df, 'sl')\n", + "df['sw_labeled'] = toLabel(df, 'sw')\n", + "df['pl_labeled'] = toLabel(df, 'pl')\n", + "df['pw_labeled'] = toLabel(df, 'pw')\n", + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "df.drop(['sl', 'sw', 'pl', 'pw'], axis = 1, inplace = True)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'a', 'b', 'c', 'd'}" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "set(df['sl_labeled'])" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "df[\"output\"] = iris.target" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
sl_labeledsw_labeledpl_labeledpw_labeledoutput
0bcaa0
1abaa0
2acaa0
3acaa0
4acaa0
5bdaa0
6acaa0
7acaa0
8abaa0
9acaa0
10bcaa0
11acaa0
12abaa0
13abaa0
14bdaa0
15bdaa0
16bdaa0
17bcaa0
18bdaa0
19bdaa0
20bcaa0
21bcaa0
22acaa0
23bcaa0
24acaa0
25abaa0
26acaa0
27bcaa0
28bcaa0
29acaa0
..................
120dcdd2
121bbcd2
122dbdd2
123cbcc2
124ccdd2
125dcdc2
126cbcc2
127cbcc2
128cbdd2
129dbdc2
130dbdd2
131dddd2
132cbdd2
133cbcc2
134cbdc2
135dbdd2
136ccdd2
137ccdc2
138cbcc2
139dcdd2
140ccdd2
141dccd2
142bbcd2
143ccdd2
144ccdd2
145cbcd2
146cacd2
147cbcd2
148ccdd2
149cbcc2
\n", + "

150 rows × 5 columns

\n", + "
" + ], + "text/plain": [ + " sl_labeled sw_labeled pl_labeled pw_labeled output\n", + "0 b c a a 0\n", + "1 a b a a 0\n", + "2 a c a a 0\n", + "3 a c a a 0\n", + "4 a c a a 0\n", + "5 b d a a 0\n", + "6 a c a a 0\n", + "7 a c a a 0\n", + "8 a b a a 0\n", + "9 a c a a 0\n", + "10 b c a a 0\n", + "11 a c a a 0\n", + "12 a b a a 0\n", + "13 a b a a 0\n", + "14 b d a a 0\n", + "15 b d a a 0\n", + "16 b d a a 0\n", + "17 b c a a 0\n", + "18 b d a a 0\n", + "19 b d a a 0\n", + "20 b c a a 0\n", + "21 b c a a 0\n", + "22 a c a a 0\n", + "23 b c a a 0\n", + "24 a c a a 0\n", + "25 a b a a 0\n", + "26 a c a a 0\n", + "27 b c a a 0\n", + "28 b c a a 0\n", + "29 a c a a 0\n", + ".. ... ... ... ... ...\n", + "120 d c d d 2\n", + "121 b b c d 2\n", + "122 d b d d 2\n", + "123 c b c c 2\n", + "124 c c d d 2\n", + "125 d c d c 2\n", + "126 c b c c 2\n", + "127 c b c c 2\n", + "128 c b d d 2\n", + "129 d b d c 2\n", + "130 d b d d 2\n", + "131 d d d d 2\n", + "132 c b d d 2\n", + "133 c b c c 2\n", + "134 c b d c 2\n", + "135 d b d d 2\n", + "136 c c d d 2\n", + "137 c c d c 2\n", + "138 c b c c 2\n", + "139 d c d d 2\n", + "140 c c d d 2\n", + "141 d c c d 2\n", + "142 b b c d 2\n", + "143 c c d d 2\n", + "144 c c d d 2\n", + "145 c b c d 2\n", + "146 c a c d 2\n", + "147 c b c d 2\n", + "148 c c d d 2\n", + "149 c b c c 2\n", + "\n", + "[150 rows x 5 columns]" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "def fit(data):\n", + " output_name = data.columns[-1]\n", + " features = data.columns[0:-1]\n", + " counts = {}\n", + " possible_outputs = set(data[output_name])\n", + " for output in possible_outputs:\n", + " counts[output] = {}\n", + " smallData = data[data[output_name] == output]\n", + " counts[output][\"total_count\"] = len(smallData)\n", + " for f in features:\n", + " counts[output][f] = {}\n", + " possible_values = set(smallData[f])\n", + " for value in possible_values:\n", + " val_count = len(smallData[smallData[f] == value])\n", + " counts[output][f][value] = val_count\n", + " return counts" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{0: {'pl_labeled': {'a': 50},\n", + " 'pw_labeled': {'a': 50},\n", + " 'sl_labeled': {'a': 28, 'b': 22},\n", + " 'sw_labeled': {'a': 1, 'b': 7, 'c': 32, 'd': 10},\n", + " 'total_count': 50},\n", + " 1: {'pl_labeled': {'b': 7, 'c': 43},\n", + " 'pw_labeled': {'b': 10, 'c': 40},\n", + " 'sl_labeled': {'a': 3, 'b': 21, 'c': 24, 'd': 2},\n", + " 'sw_labeled': {'a': 13, 'b': 29, 'c': 8},\n", + " 'total_count': 50},\n", + " 2: {'pl_labeled': {'c': 20, 'd': 30},\n", + " 'pw_labeled': {'c': 16, 'd': 34},\n", + " 'sl_labeled': {'a': 1, 'b': 5, 'c': 29, 'd': 15},\n", + " 'sw_labeled': {'a': 5, 'b': 28, 'c': 15, 'd': 2},\n", + " 'total_count': 50}}" + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "fit(df)" + ] + } + ], + "metadata": { + "anaconda-cloud": {}, + "kernelspec": { + "display_name": "Python [default]", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.5" + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} diff --git a/machine_learning/Random Forest Classification/Random Forest Classifier.ipynb b/machine_learning/Random Forest Classification/Random Forest Classifier.ipynb index f1a7349868d9..7ee66124c371 100644 --- a/machine_learning/Random Forest Classification/Random Forest Classifier.ipynb +++ b/machine_learning/Random Forest Classification/Random Forest Classifier.ipynb @@ -1,196 +1,196 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\Satyam\\AppData\\Roaming\\Python\\Python35\\site-packages\\sklearn\\ensemble\\weight_boosting.py:29: DeprecationWarning: numpy.core.umath_tests is an internal NumPy module and should not be imported. It will be removed in a future NumPy release.\n", - " from numpy.core.umath_tests import inner1d\n" - ] - } - ], - "source": [ - "# Importing the libraries\n", - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "import pandas as pd\n", - "from sklearn.model_selection import train_test_split\n", - "from sklearn.preprocessing import StandardScaler\n", - "from sklearn.metrics import confusion_matrix\n", - "from matplotlib.colors import ListedColormap\n", - "from sklearn.ensemble import RandomForestClassifier" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Importing the dataset\n", - "dataset = pd.read_csv('Social_Network_Ads.csv')\n", - "X = dataset.iloc[:, [2, 3]].values\n", - "y = dataset.iloc[:, 4].values" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Splitting the dataset into the Training set and Test set\n", - "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.25, random_state = 0)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\Satyam\\AppData\\Roaming\\Python\\Python35\\site-packages\\sklearn\\utils\\validation.py:475: DataConversionWarning: Data with input dtype int64 was converted to float64 by StandardScaler.\n", - " warnings.warn(msg, DataConversionWarning)\n" - ] - } - ], - "source": [ - "# Feature Scaling\n", - "sc = StandardScaler()\n", - "X_train = sc.fit_transform(X_train)\n", - "X_test = sc.transform(X_test)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[[63 5]\n", - " [ 3 29]]\n" - ] - } - ], - "source": [ - "# Fitting classifier to the Training set\n", - "# Create your classifier here\n", - "classifier = RandomForestClassifier(n_estimators=10,criterion='entropy',random_state=0)\n", - "classifier.fit(X_train,y_train)\n", - "# Predicting the Test set results\n", - "y_pred = classifier.predict(X_test)\n", - "\n", - "# Making the Confusion Matrix\n", - "cm = confusion_matrix(y_test, y_pred)\n", - "print(cm)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAEWCAYAAABmE+CbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJztnXuYHGWV8H+nZ5JJSGISBsgFCMl8kiEKGgTRIHyJIIgX\nFhV1wairLkbddVXQ9ZZlvaxZddeV9bJ+bgR1lSwoImoQVIhMBI0gYDRiQsAAAZJMyECGTEg6mZnz\n/VHVmb681VM1VdVVPXN+z5Mn3dXVVeft7jnnfc857zmiqhiGYRhGIWsBDMMwjHxgBsEwDMMAzCAY\nhmEYPmYQDMMwDMAMgmEYhuFjBsEwDMMAzCCMCURkiYg8lrUczULan5eIfF1ELi97/h4R6RaRPhFp\n9//vSPB+R4rIJhGZmNQ1q65/v4icmfS5WSAed4vICVnLkgVmEDJCRB4WkX3+H/8OEfm2iEzOWq64\niIiKyF5/XH0isrvB9w+lzEXkNBG5SUR2i8iTInKXiLy9ETKq6rtV9V98OcYBXwTOVdXJqtrj/78l\nwVt+FPi2qu4TkfvKvpsBEdlf9vzjIxxPp6renvS5jUBErhaRT5aeq7cx64vApzITKkPMIGTL+ao6\nGVgInAx8LGN5kuL5vlKbrKrTor5ZRFrTEKrs+ouAXwJrgWcD7cB7gFeked8AZgATgPviXsj1uYlI\nG/A3wNUAqvrc0ncD3A68t+y7+tcw1xwD/Ag4V0SOylqQRmMGIQeo6g7g53iGAQAReZWI/F5EnhaR\nR8tnMSIy15+J/42IbBWRXSKyvOz1if6K4ykR+TPwwvL7icgCEenyZ8f3ichflb32bRH5mojc7M8a\nfy0iM0XkP/3rbRKRk0cyThF5p4g86M/IfyIis8teUxH5exF5AHjAP3aCiNzin3+/iLyx7PxXisif\nRWSPiDwuIh8SkUnAzcDsslnv7BpB4N+B/1HVz6vqLvW4R1Xf6DgXEfmoiPzFv9efReS1Za89W0TW\nikiv/z18zz8uInKFiOz0v8MNInJi2Wf8GRGZD9zvX2q3iPyy7LN4tv+4TUS+4H/P3eK5myb6ry0R\nkcdE5CMisgP4lkP8FwG7VTWUC0xELhGRX4nIl0XkSeCfROR4EbnN/x52ich3RWRq2XseE5El/uPP\niMg1/sx7j4j8SUReMMJzTxWR9f5r14rIdeV/B1Vyz/flLn0P/1v22nNE5FZf/k0icqF//O+AvwY+\n7v9WbgBQ1WeA9cA5YT6zUYWq2r8M/gEPAy/zHx8DbAC+VPb6EuAkPKP9PKAbeI3/2lxAgW8AE4Hn\nA0Vggf/65/Bmf4cDxwJ/Ah7zXxsHPAh8HBgPnAXsATr9178N7AJOwZu5/hJ4CHgr0AJ8BritzrgU\neLbj+Fn+dV8AtAFfAX5V9b5bfJknApOAR4G3A614K6hdwHP887cDZ/qPpwMvKPvcHqsj32HAAPDS\nOudUXAN4AzDb/y7+GtgLzPJfuwZY7r82ATjDP/5y4B5gGiDAgrL3fBv4TNV32er6DIErgJ/4n8sU\nYDXw2TI5+4HP+5/pRMdY/h74acA4u4BLqo5d4l/zPf73PRGYD5zt/16OAn4NfKHsPY8BS/zHnwH2\n+eNvwTO+d0Q91x/PY8B78X6zbwAOAp8MGMt1wEfKvoeX+McnA4/j/X5b8X7XPQz93q92XRP4GvBv\nWeuJRv+zFUK2/EhE9uApvp3AJ0ovqGqXqm5Q1UFV/SOe4llc9f5Pqeo+Vf0D8Ac8wwDwRmCFqj6p\nqo8CXy57z4vx/kg+p6oHVPWXwI3AxWXn3KDejHk/cAOwX1W/o6oDwPfwlHM97vVXH7tFpHTvpcA3\nVfVeVS3iuccWicjcsvd91pd5H/Bq4GFV/Zaq9qvq74Hr8RQDeMrhOSLyLFV9SlXvHUamEtPxlMb2\nkOejqtep6jb/u/ge3grmtDI5jgNmq+p+Vb2j7PgU4ARAVHWjqoa+J3irDGAZcKn/uewB/hW4qOy0\nQeATqlr0P7dqpuEZ/ChsVdX/p6oD/u9rs6qu8X8vO/GMVPVvsZy1qvpz//fyXcpWvhHOfQkwqKpf\nVdWDqnodnoEN4iCecZ3lfw+/9o9fAGz2f7/9qnoPnkvo9cN8BnvwPrsxhRmEbHmNqk7Bm+mdABxR\nekFEXuQv058QkV7g3eWv++woe/wMnqIHbzb7aNlrj5Q9ng08qqqDVa8fXfa8u+zxPsfz4YLfL1DV\naf6/95Xd95AcqtqHN1Mrv2+5zMcBLyozLLvxjMpM//ULgVcCj/gum0XDyFTiKTwlOivk+YjIW33X\nRUmOExn6Lj6MtwK4Szz32zv88f0S+CrwX8BOEVkpIs8Ke0+fI/FWNPeU3ftn/vEST/iGO4in8AxT\nFMq/B8RzGX7fd809jbfCqf4tllP9u5w0gnNn460QAuWq4oN4K4m7fffc3/jHjwNeUvU7+muG//6n\nAA1NiMgDZhBygKquxfsj+0LZ4f/FcxUcq6pTga/jKZ4wbMdzFZWYU/Z4G3CsiBSqXn88othR2Yb3\nxwmA7+9vr7pveendR/Fmj9PK/k1W1fcAqOrvVPUCPBfGj4DvO65Rg3r+4XV4BmVYROQ4PNfce4F2\n9YLkf8L/LlR1h6q+U1VnA+8Cvlby/6vql1X1FOA5eG6XfwxzzzJ24Rng55Z9BlPVCwgfGtIw1/ij\nf+8oVF/z83guyZNU9VnA2wj/Wxwp26mcLEDlb7oCVd2uqpeo6iw8N9lKEZmH9zta4/gdvbf01oBL\nLsBbdY8pzCDkh/8EzhGRkttnCvCkqu4XkdOAN0W41veBj4nIdBE5BviHstfuxJuJfVhExvkBvvOB\na2OPoD7XAG8XkYXiZb78K3Cnqj4ccP6NwHwReYsv5zgReaF4AfHxIrJURKaq6kHgabxZP3irmfby\noKeDDwNvE5F/FJF2ABF5voi4PoNJeErjCf+8t+OtEPCfv8H/jMGbjSsw6Mv6IvHSSvcC+8tkDIW/\nivsGcIX4GS8icrSIvDzCZe4CpolItXKNwhS8MfSKyLHAh2JcKyx3AK3i7dFo9QPBpwSdLCJvLBvj\nbrzvYQBvUvVcEXlT2e/oNBHp9M/tBjqqrjURz3V1a8Jjyj1mEHKCqj4BfAf4Z//Q3wGf9mMM/8zQ\nDDgMn8JzzzwE/ALPN1u6zwE8A/AKvBno14C3quqmuGOoh6reClyOFwfYDvwfKn3h1efvAc71z9mG\n51ooBU8B3gI87Lsw3o3nTsIfxzXAFt9FUJNlpKq/wQtyn+Wf9ySwErjJce6fgf/AW1V04wX6f112\nyguBO0WkD0/5vF+9PQTPwlPmT+F9Fz14QdOofAQvCeC3/lhvBTrrv6VC/gN4q883j+DeJT6BFzPp\nxRvj9TGuFQo/zvRavO/2Kby42E14KxUXLwJ+JyJ7gR8Cf6+qW1W1Fy9o/Wa8390O4LMM/Y6uBJ4v\nXgbdD/xjrwFuUdVuxhiiag1yDGM0IyJH4mWdnRwQeG4KROQe4D9V9bvDnjzyewjwO+Atqroxrfvk\nFTMIhmHkEt+duRFvdfU3eNly8/xMJyMFxuIuRMMwmoMFeGnOk4C/ABeaMUgXWyEYhmEYgAWVDcMw\nDJ+mchmNmzJOJxwxIWsxDGPU0Ffs45Q9yRbZvWdKHy2FFiaOS6XatjEC+h7u26WqRw53XlMZhAlH\nTODUT56atRiGMWpY+1AXd69N9m9q3JldTJ40hYUz61WsMBpJ19u6Hhn+LHMZGYZhGD5mEAzDMAzA\nDIJhGIbh01QxBMMwjCyY3DKZi+ZcxKyJsyjkdB49yCDb923n2q3X0jfQN6JrmEEwDMMYhovmXMSJ\nx5xI25Q2vOoW+UNVad/TzkVcxJUPXTmia+TT1BmGYeSIWRNn5doYAIgIbVPamDUxdKuPGswgGIZh\nDEOBQq6NQQkRieXSyswgiMgEEblLRP7gd5r6VFayGIZhGNmuEIrAWar6fLxmFOeJyIszlMcwDCPX\n3L7mds578Xmc+8JzWfmllYlfPzODoB6lUPg4/59V2jMMw3AwMDDApz/6ab5x7Te48dc38tMbfsqD\n9z+Y6D0yjSGISIuIrAd24nUoutNxzjIRuVtE7j6452DjhTQMw4jIlB+spuPks5h/1AI6Tj6LKT9Y\nHfuaf7z3j8yZO4dj5x7L+PHjeeVrXsmam9ckIO0QmRoEVR1Q1YXAMcBpInKi45yVqnqqqp46bsq4\nxgtpGIYRgSk/WM3Myy5n3GPbEFXGPbaNmZddHtsodG/vZtbRQxlEM2fPpHt7sl0+c5FlpKq7gduA\n87KWxTAMIw5HrriCwr79FccK+/Zz5IorMpIoPFlmGR0pItP8xxOBc4BUG70bhmGkTevj2yMdD8uM\nWTPYXnaNHdt2MGPWjFjXrCbLFcIs4DYR+SNeU+tbVPXGDOUxDMOITf/R7o1hQcfDctLJJ/HIQ4/w\n2COPceDAAW760U2cdd5Zsa5ZTWalK1T1j8DJWd3fMAwjDZ5YfikzL7u8wm00OHECTyy/NNZ1W1tb\nufyzl/O3b/xbBgcHufDiCzn+hOPjilt5j0SvZhiGMcbZ8/rzAS+W0Pr4dvqPnsUTyy89dDwOi89Z\nzOJzFse+ThBmEAzDMBJmz+vPT8QANJpcZBkZhmEY2WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG\n4WMGwTAMo0n4+Ps+zukLTuf8M9PJYDKDYBiG0SS89qLX8o1rv5Ha9c0gGIZhJMzqzas563/OYsF/\nLeCs/zmL1Zvjl78GeOHpL2Tq9KmJXMuFbUwzDMNIkNWbV3P5bZezv98rXbGtbxuX33Y5AOfPz/dm\nNVshGIZhJMgV6644ZAxK7O/fzxXrrPy1YRjGmGJ7n7vMddDxPGEGwTAMI0FmTXaXuQ46nifMIBiG\nYSTIpYsuZULrhIpjE1oncOmieOWvAS5bdhkXv+JiHnrwIRY/bzE/uPoHsa9ZjgWVDcMwEqQUOL5i\n3RVs79vOrMmzuHTRpYkElL+48ouxr1EPMwiGYaRCd183W57aQnGgSFtLGx3TO5gxOdmWj3nl/Pnn\n5z6jyIUZBKOpGQ1KZzSMoZpif5H7e+5nUAe95wPec6DpxzaaMYNgNIykFV93X3fTK53RMAYX+/v3\no2jFsUEdZMtTW5pyXIMMoqqISNai1EVVGWRwxO83g2A0hDQU35anthy6Xol6SiePM/GoY2gWqo1B\nieJAscGSJMP2fdtp39NO25S23BoFVaW4p8j2fSNPbzWDYDSENBRfkHJxHc/rTDzKGPLKqqO6Wd6x\nha1tReYU2xgQEMRpFNpa2jKQMD7Xbr2Wi7iIWRNnUchpcuYgg2zft51rt1474muYQTAaQhqKr62l\nzfl+l9LJ60w8yhjyyKqjulnWeT/PtHif7SMTiqAwTloZYKDiMy9IgY7pHVmJGou+gT6ufOjKrMVI\nnXyaOmPUEaTg4ii+jukdFKTyJxykdKIapO6+btY9uo6uh7tY9+g6uvu6RyxnPaKMIY8s79hyyBgc\nQqBf++ls7zz0/ba1tNHZ3tnUbrCxgK0QjIbQMb2jwmUD8RVfSbmEiQtEmYk30r0UZQx5ZGub26Aq\nyozJM2rGkXUcJ+v75x0zCEZDSEvxuZSOiygGqdHupbBjyCNzim2em6gKoTbwmnUcJ+v7NwNmEIyG\nkaXii2KQkoh3jJWZ6IotHRUxBAAUJoybUHNu1nGcrO/fDJhBMMYMYQ1S3EBv081Eu7thyxYoFqGt\nDTo6YEY4OZfu9M4rzzLaOr5IW2vtZ5V1RlXW928GzCAYRhVx4x15n4mufajr0OOLNwD33w+DvrzF\novccIhmFkmEAGHdml/O8rDOqsr5/M5CZQRCRY4HvADMABVaq6peykscwSsSNd6Q5E03KFTW4ohXO\nOAPWrYPBKrkGB70VQ0iDEJY0Egua6f7NQJYrhH7gg6p6r4hMAe4RkVtU9c8ZymQYQLx4R1oz0SRd\nUYXl/UAX/V1wzUmw/GzYOhXm9MKKNbB0QzrGq7O9M7PYSrNndDWCzAyCqm4HtvuP94jIRuBowAxC\nEzFag6dxxpXWTDQpV9TieUsOPf7yaV0sfxk8M957/sg0WHY+PDERLlvcFep6g2uX1BwLKm7X2d7J\nomMXhZY1aZo5o6sR5CKGICJzgZOBOx2vLQOWAbS1m68vTzRd8DQkcceV1kw0DVfUJ89t5ZnW/opj\nz4z3ji+ed8aw7y+PR5Qz2orbjRUyNwgiMhm4HviAqj5d/bqqrgRWAkyZN8VdMcvIhCRmrFFm4o1a\njSQxrjRmomm4onqrjMFwx8My2orbjRUyNQgiMg7PGKxS1R9mKYsRnbgz1igz8UauRqKOa/OuzWzr\n23bo+ezJs5l/xPxEZYJ0XFFRjMwdW+9wX6QqbfWiabBq4egqbjdWyDLLSICrgI2qmm5fOCMV4s5Y\no8zEG5nKGWVc1cYAOPQ8jlE4+zfdXHL9Fo7qKbKzvY0rL+xgzenJu6LaJ7bXyF86Xs7ah7poGYTJ\nByrP++BvqElb/fpP4dEjW7n9mOSL243WmFVeyHKF8BLgLcAGEVnvH/u4qt4U9Ia+Yl+gz9JoPAoU\nCoUR/9FHmYk3clNRlJm4S5mWjo/UIJz9m24+9O37mXDAu//MniIf+ra3GlpzerKuqJ59Pc7j2/Zs\nY/ueyrEd/KyfqlrOXbVpq5MOwneu6+e8z5xgDZGajCyzjO4AR8GTOpyyZzJ3rz01JYmMqBQWd8VK\nI4wyE2/kpqKs0xPf/L2NTKiaiU84MMhbv7/p0CqhnOpZc7G/GPiHtXjekopJlULgX2FN9pArxlx0\nG+RjdruL28Uh7xv+RgOZB5WN5ibOH32UmXijNxVlmZ44p9d9/JjdtT5516wZPEUft69XoU7a6SFj\n0dbmNAqPTUu+q5iVnkgfMwhGZkSZiWc9aw9i9uTZTrfR7MmzR3zNrVPh13NqN4ud+WitknXNmhFv\n5RSU71++D+GOrXfQP1ibUdTa0soZc9xppxVu246OyhgCsHccfPrltcXt4mKlJ9LHDIKRKVFm4nnc\nVFSKEySZZfSmC2H9TNhXtlnsnefDq/bOqjk37qzZZQzqHS9RvnoY/P6Ciiyjd7+iyI0nt7EwlATh\nsdIT6WMGwTBiMv+I+Ymmmd47r3YmvG88rJ7YQ/WcP+6seSTvL19hrH2oy6t5VFb36NqTupgc6u7R\nyOsqcTRhBsEwckaUWX/cWXOzzbrzuEocTZhBMMY0ecxrjzJrjztrtlm3UY4ZBGPM0t3XzaZdmw7t\nqC0OFNm0axOQbV571Fl73FlzXmfdeTTWox0zCMaY5YEnH6gpr6AoDzz5QKaKZzTM2nv37XZuIi2P\nP9TDNqFlgxkEI3GaZWY30gybRpDXWXsYDt6+xHm83r6GamwTWjaYQTASZSzO7JrFADYTtgktGwpZ\nC2CMLurN7PJGi7REOu6iZABLiqpkALv7uhORcawSlPZqm9DSxQyCkShp9xNe9+g6uh7uYt2j62Ir\n3fnt7r0DQcddNJMBbCY6pndQkEr1lOd02NGCuYyMRGmGfsIlkgjejgbXRh5dXqMhsN6MDGsQROQf\ngKtV9akGyGPkmapGKBcfDtfQVXGKq3pm1JmdS0HlNcjY7PV18hzzaebAerMSZoUwA/idiNwLfBP4\nuapaK8uxRnd3TSOUVT8qsGpjZ0XZgnFndjGubSKDOjiimV2Qgqop4OYTZyaehDLM607fsLP+vBpa\nIxuGNQiq+k8icjlwLvB24Ksi8n3gKlX9S9oCGjlhy5aKipaA93zLlgqDANDW2sbCmeFKm1V3Bjvh\nPQMMttYqqCCiBICrSap3culaeXFtRDF0o8HlZSRHqBiCqqqI7AB2AP3AdOAHInKLqn44TQGNnBDQ\nCCXweAhcncGejqjfvU6sIyMpZZg310YUQ9fsLi8jWcLEEN4PvBXYBVwJ/KOqHhSRAvAAYAZhLBDQ\nCIW2WsURtEu1mm99j5rOYHN6vXLPYYmziWy0KsNGFseriyPmtG1e/Msa6RFmhTAdeJ2qPlJ+UFUH\nReTV6Yhl5A5HIxQKBe94GUG7VJ30dtUcWrEGlp0Pz4wvu40UKEjBqfyn9rdyzQfXOZvRD0dUZZjH\nbBwX9Qydawxx2qAG4og5rVwNVxzRHfr7MRpP3X0IItICvL7aGJRQ1Y2pSGXkjxkzoLNzaEXQ1uY9\nnxHjj9uxuli6AVbe3MJx+9tAPSXW2d7J8YcfX5OX3jIIX1zdz8yeIgU8l9Ol39rIMavXhhvS5Bl0\ntnceWhGU7uVShs20AS0oh799YrtzDACLjl3EkrlLWHTsomSMnCPmNOkgXHK97c/IM3VXCKo6ICJ/\nEJE5qrq1UUIZOaWqEUpYgmrYXHw4rFztKYoSe8fBTfMG2No2gEBNG8jymeznbiryjj9UXnPSQfjM\nrcorXhpuNh/W/99M2ThBge6GjiEgtnRUjwWr80wYl9Es4D4RuQvYWzqoqn+VmlTG6GD9eujrg8Xu\nKpfb5nkuhPIsoysv7GDb6TNY7LhctfJ+311dztvePofI6aTrd6yn70Bf4FD6B/qdXeuL/flUcC5D\nt3GXe0GfSkZRQMxpZ3tzx2dGO2EMwqdSl8IYlRTev3vYc9acPmPEPuWd7W3MdMw4P3ZObarqcDPh\n3n27mbo/+F6TDsLjz6o9fvSeSCJnSkOD6I6Y095xcOWFVnoiz4TZhxDOIWsYDsLWvx8JV17YUZG2\nCrB/fIHHpoxsE9tTdy4JfG1VT1dNsPuwA/C5W+Cq50USOzMauomu5FosyzJa9qoi2yygnGvCpJ2+\nGPgKsAAYD7QAe1XVMV8yjMZRWllUu5zaWrc4lf9hB+Bb7+9iTi9snQrLz4ZrTgp3r6Wb22B1keVn\ne++d0+tlRL1kK1wVcxyNyl5q+Ca6qpjTNSd1OV2BecjeyoMMeSCMy+irwEXAdcCpeHsSjk9TKGPs\nEPcP0eVy6uijZibcMugFsOf2es/n9uIsvRFIRwdL77ufpRsqVx9LXxdvXI2uJZS3TXR5qKWUBxny\nQtidyg+KSIuqDgDfEpHfpCyXMQZI6w/RNRP+3E1Flm6oOjGg9Ib7orUuEAoFrjlpHydUKf/2ie3s\n2Lsj1LiaKXspDfIw/jzIkBfCGIRnRGQ8sF5E/g3YDkxKVyxjLJDmH2LYjKTBYpHWCK0dh/BcUkpt\nRtO2vm219wkY11ivJZSH8edBhrwQxiC8BS9u8F7gUuBY4MIkbi4i3wReDexU1ROTuKbRPDTyDzEo\nI2lnexuL5y1yvCMc6x5dF1reoAyfpDN/6pUNSTPIH4ZqV1prodW5Az1o/Gn4+kdrCZORMGzHNFV9\nRFX3qerTqvopVb1MVR9M6P7fBs5L6FpGk9HINolXXtjB/vGVP/f94wux0yCjGC/XuNLqDDa4dknl\nvy9FKBCVEqXVVPlO6aBaVO0T22uOpbVb3LqzDRG4QhCRDfj9TlyoauxkO1X9lYjMjXsdozlpZBpk\nUEZS3Lo6QbPLaoLGlcfy2WlSr5R5OT37emqOpeVinDF5Br37eytcfTMnzRy130E96rmMclG4TkSW\nAcsA5jhq3xjNS6OVYZxNcEEEGbWZk2bSs68n1LjylvmTB1xGNqqLMUqm1469OyqO7di7g6kTpo65\n7yXQIAQVtGs0qroSWAlw6pQp1qltlBFFGeYxV3yszfAbhcu9FsXXHyWDzbKMhrCNaUZTkOdccZvh\nh6cghRrlKwha5p0Ocq9FcTFGUfKWZTTEsEFlvI1pF+M1w5kIXIJnIAyjYdT7AzeaA4GacuMLjljA\nCUecEKoEeZRy5VGUfCOTG/JOphvTROQaYAlwhIg8BnxCVeNWAjBGITaLGx0Eraai9LAOc24U91JD\nazzlnEw3pqnqxUlcxxj9JJErnscYhJEOUZS8xYGGCLsxrUAKG9MMIyxxZ3FpxiByaWiq+hlTCPYO\n51L+mERV8hYH8ghT/voRABEZAH4CPK6qO9MWzDDKiTuLSyuTJI/B7os3UNPPuHS8usl9HuU3sqPe\nxrSvA19R1ftEZCqwDhgADheRD6nqNY0S0jAg3iwurRhEHlMWV6yhpp9x6fjbq/oc5lH+JDBDNzLq\nrRDOVNV3+4/fDmxW1deIyEzgZsAMgtE0RI1BhHWj5DHYPac3/PE8yp8Eo9XQpU29tNMDZY/PAX4E\noKo73KcbRn6JUq8mSs2cPKYsbp0a/nge5U+C0Wro0qaeQdgtIq8WkZOBlwA/AxCRVrz9CIbRNMyY\nPIOZk2ZWHAuqVxNlz0MeC6MtPxtnEHn52bXn5lH+JBithi5t6rmM3gV8GZgJfKBsZXA28NO0BTMy\npDpDpaMjuIlMlHMzJEq9miizyyRSFpPO8vHagg6yYg017UKrW1iO1pRL21swMurVMtqMozS1qv4c\n+HmaQhkZ0t1dm6FyvxeMq1H0Qef29kJPD/1dsLN9Xd2qomf/prumAikkX5U0ik85arwhTrA7jeDn\n4nlL2DavNoDs6mdcuk9Q0bdmNRSj1dCljag2T724U6dM0btPPTVrMUY369YdSlOsoK0NFi0Kd24V\ne8fBsvNrG9pfvMHrczzp4NCxYguowoRBx/ufJ5UXiPDbVfBqJzheqD7sPNe/VelwUo1mghrstLW0\nsejYkTfuiavMu/u62bhrY83x2ZNnV1RxLfYX0bVLKs6Z/qIueie4r5t1g56xStfbuu5R1WGVZ6jS\nFcYYIkjBu46HMAbgKfxVP21j1ZMOg3Kw8hptA+73/8fPYVtVOcXbrm6FM84IJcPcF97BI5Nqm7Ec\n90wrD/+u6hp33MFz3tXPlumegWobgKtWC0une3PswuKuiq5kYZWcS0mnEfxMYtWxuWez83h5z4CS\njKuO6mbpzqHr9o2HqROnsXDmwhHJb2SHGYQsyaP/vbUV+h1drFpba+VtaYEBhwZ3EcOgAMzcC7c9\nXOX0CGcLAFhxq7LsFfDM+KFjhx3wjlOdfXPGGfz5vqpj04ceDpZmxOvXU3j/7lD3D1LSUVtIhiGJ\nlMsBDfm9Cizv2FJhEIzmpd7GtMvqvVFVv5i8OGOIKL76RhLkhhkYqJVXXD6YAFzNjdrawhuFmM2R\nlv5+APoMAgRxAAAgAElEQVS94OrWqV6wdcUaWLphwCuvmDJBSlqQmpLQcYOfjU653NpmqZyjhXor\nhCn+/53AC/HKVgCcD/wqTaHGBFu21O4mHRz0jmdpEIJm/Kq1xkLVWzm0tAytGiZOhN2OWXN7bY9c\nOjoqjQx4Rqb6PoWCd24c2tpYuqHI0g21x+NSr6l9iaAYxsBg7ec9qINsemIjm56o9eGHxnGvKKuO\noJWLiznFtkirJSO/1Msy+hSAiPwCeIGq7vGffxK4riHSjWai+OobSZRZO3jupXI//h13uM/buROm\nTq11kXV21h6D5F1pLuMT19AsXMjg2nCnzn3xOh6ZUPu5Hlds4+Hfjjx47EIWd8VedRx/+PFs2rWp\nonFNdSMbABRWbOnAK4JsQeNmJ0wMYQ6Vu5YPAHNTkWYsEaR4s+4bHaQ4HbVxnLjiD6XjLhdZZ2dt\n9hIkv0oqXS+jmM2KLR0s67yfZ1qGPsfDBgq+Mk0WAQYHa91Tm57YGCqGcMfWOxgY6K9W/agoC45Y\nUBEYL/YX/fjB9sTkN7IjjEH4LnCXiNzgP38N8J30RBojRJ2xbt4M24YyPJg9G+bPD3+/sAHsIMW5\nMYb7okTWLrIZMzJzx5WCrss7trC1rcicYhsrtnSkEowdXLvEWf668OF9nntLhMVzg3YleEzdD0/d\nueTQ85fOXcva4/SQG0uAA/1FZyZvPZp5b8NYIEz56xUicjNwpn/o7ar6+3TFGgNEmbFWGwMYeh7G\nKEQNYLsUZ0nOaqpXNFEyj0qyjBGW7pzRmGwc1/ddKDD4aYGWFgrL+7lj6x2cMSd8mtZtDy+Gh2OK\nZRVIc0/YtNPDgKdV9VsicqSIzFPVh9IUbEwQdsZabQzKj4cxCFED2K7VRHu7W47qYPH8+e7VRL10\n1tIGt7yk3oL7M4B4LqegVVrS6cdB37e/uXDq/i76Eul5GFEsq0Cae4Y1CCLyCeBUvGyjbwHjgKvx\nCt4ZzUCUAHZ3N2zaNJTpUyx6z4PYubPSKM2Y4ZWuqHZvTZ3qzijq7x8yFGmn3oZVvK4ZdvlnUi0r\nDH/d7u5KQ1kses97e2HHjnjpx9XjKhZZdZIrxTbb1ZhVIM0/YVYIrwVOBu4FUNVtIjKl/luMXBEl\ngP3AA+700iCqZ/3d3Z6CK2fHDs8gVGcU9ffXupfSiitEcZtt2cKq5w5WKVStTVkdHPTceaqB9ZwO\njfXAAZy4Vl1RPgPHuK4+Cd51/tAmvEemeaU/npgIly3uAqBl+CvXEpRBFnK3eBJ9sY10CWMQDqiq\nioiXSi2SwWJzjDN7tltxzJ4d7v1RAthBWUJhqeeeWrSoUsl1dbmvkUZcIYLb7Or5RadCBWqNgite\nMjhY+X2NZDxh3+MY1z+dXbkjG7znnzy3lcXzImzvLuOlc9eydrF7YhA29dYqkOafMAbh+yLy38A0\nEXkn8A7gynTFMioouWRGmmWUZsplS9VcM4p7KmjlkkZcIYJcHz3HrVCXn+0wCGkRNv3YIX9Qg5ze\n1pjG3pGdFGZTXok8VCC1LKf6hMky+oKInAM8jRdH+GdVvSV1yYxK5s+PlmZaTdgAdlCWkGsHcUmu\ncuq5p6p93e3tlf7z0n3SiCtEMD6PBzhEaxRtoQCFAqsW9Dv89SHlCvq8w26Yc4xrTq+3qqk5Na5r\nRjWSAXARp1R4XCzLaXjCBJU/r6ofAW5xHDMaRaMK4QVlCZ1wgvf/cDIEuafa22t9+Dt2wMyZlb72\ntOIKQVlSDuMzfR88dVjtqXP6WqCttWL8q+b0suyUbeHcS9WIeGPavr3S2EapEeX4vP/5Nnj3+XCw\n7K+7ZRCKWjyk0FtaWg+lnVbPmg+V0yj7zd1WioNUrwghUpHBtAgz87csp+EJ4zI6B6hW/q9wHDPS\nopGF8IZzLw13v6D3B/nwe3oqdyqnFVfo6Ql33uAgX7nZU+o1lVFvGazZVb385C3h3UsiMH58zeey\n6kStDWBvDmkAHZ/3O55op+3H22pXLf0LYMYMpr9oKO3UNWsGeP52nHsZOP74fKQFlxF25m9ZTsNT\nr9rpe4C/AzpE5I9lL00Bfp22YEYZ9QKipdeTXDkEuZei7HauPh600zmtjWmOVMywlBR5rRtIayqj\nBlX6dPrxVYfkKBbh4YdZNb9YYXwOrTBWF1kaVuDqz3vdOpZucxiktloj45o1Azx4BNH2rixcCAz1\niQjqh5CGDz/szN+ynIan3grhf4Gbgc8CHy07vkdVn0xVKqOSegHRRq0c4q5SGlm7ySVrRJZuCHD5\nlK9gZs9mzsnwiEP5H/4MzP3AMHGFfftYHpARtPxlsLSsHkC9LmSDVR3LogTQg2bH24ISy+t8loMr\nWnnpmwdYe5w7GyktH37Ymb9lOQ1PvWqnvUAvcDGAiBwFTAAmi8hkVd3aGBHHIFEa0TSqPlDcct1h\nU1+DxuryXUeRNSx+IT/3xq6qc7dtY8Wtte6l8f3wdBv0+G6ZenGFoIygrVXd4frGu89zEsH4Bs2a\nZ++pc20X69dTWN7vxz/EuToImslv7tkca9UQduafhyynvBMmqHw+8EVgNrATOA7YCDw37s1F5Dzg\nS3j7ZK5U1c/FvWbT45rduoKM9SqQpuGGiVuuO2zqa1BANei4y40VdfwlBVoKFLdudLtxqFXoLvdS\n37ghY1AiKK4QlBE0p1ipzA7eviT8eCLsO3HNmgGevYva31iIcuH1iuYFzeQHdIABfxIwklVDlJl/\nlllOzUCYoPJngBcDt6rqySLyUvxVQxxEpAX4L7yg9WPA70TkJ6r657jXbmpcs1tXI5pSoLZRbpgk\nXD5hUl/rlc+uJsiNFVQ3KYiqQPHHF26MtA+h2r1U+IT7Nq7VwIo1sOw1heHLYq9fz/R31Tageeo/\nHH2lI+w7cc2aDwwc4A+z1N2rIsbKM2gmX03UzB+b+SdHGINwUFV7RKQgIgVVvU1EPp/AvU8DHlTV\nLQAici1wATC2DULQ7La6EQ3U1gwq4epOFpc0Gsy4iOIyCnJjiYTv4eBYeTwa5MYJOF5N4Ky/t/bY\n0g3Ags5hy2KP+4fdDBRq319Y3u/eKRyh1Hdp1rz2oS4O9Jf9/kZQLrxeUDloNeIiauaPzfyTIYxB\n2C0ik/HaZq4SkZ1AzC2PABwNPFr2/DHgRdUnicgyYBnAnKybxzSCKDPxoFTKsCmWUWhUg5koLqMg\n4zkwAAsW1G6CcxnP0v6KMuY808ojk2p/4i6FzsSJsG9fxaEVa2DZX8Ez44aOHXZQWLHGEWxdsCBU\nWexILqMY1ASow1LWPW7cmV3OU1wz+QEdcLbqtMyfbAhjEC4A9gOXAkuBqcCn0xSqHFVdCawEOHXK\nlDpV1kYJUWbiUauYxlXmjWgwE8VlVM94umR1tfB0jGfFI8ezbP4mnmkd+rkd1i+suGcqUOa2KZUP\nqepXsbRnNjwwtXbW34+X+pm3Ut8NpHomX515BJb5kyVhSlfsBRCRZwGrE7z348CxZc+P8Y+NbaLM\nxMOuJhq5sS0uUVxGKbmxArub7QLa9g19L1N9H5KjrMjSDd0s/TFQBNqADoINatxueGnRgN3x5v/P\nF2GyjN4FfApvlTCI1z1P8X7icfgdcLyIzMMzBBcBb4p5zdFB2Jl4WIUYN2W0kURxGUUxnhGNYo0b\nJ8r7o5wbtxteWjRwEmH+//wQxmX0IeBEVd2V5I1VtV9E3gv8HC/t9Juqel+S9xj1hFWIcVNGG0kU\nlxGEN55BRvGBB8IZlChGNcq94nbDS4tmmkQYiRHGIPwFeCaNm6vqTcBNaVx7zBBGITZyl3BUqt0S\nQSmjcWWtl70VprJqFKMa9V55pJkmEUZihDEIHwN+IyJ34nlEAVDV96UmlZEsjUoZHY7hyl+XlE11\nqe0kZA1bzyhoFhylrHfYfRAj3U3dCPI8iTBSI4xB+G/gl8AGvBiC0Ww0KmW0Hi6fdJC7pFDwlGoY\nWcMGPoPSTl24FOHEie7jhULsuklOwnbDS4u8TCKqsAY36RLGIPSr6mWpS2KkSyNSRku4smZ6esLP\niAcG4Mwzhz8vaqA3LK6Mpt21u4SBmj0IkXHtkUgiyyhuhlAeJhFVWIOb9AljEG7zN4etptJlZBVP\njVrqZc2EJWwLzSiBz6DigC6iNKiJS3t7/G541cTIECos7gJg8SPCbSwObwDWr6fw/gCjmRDW4CZ9\nwhiEUirox8qOJZF2aowGYvQdcBKlhWZagc/+/tpxpUUau8pHaYaQNbhJnzAb0+Y1QhCjCYnad8BV\nPTNOC820Ap8tLenEBVzkrDJtmqUr4mINbtKnXse0s1T1lyLyOtfrqvrD9MQyYhHFfxzH1xy170CY\n6plRWmimEfgsFLxVShQXUxxSWH08PBXmOuouPTwVOnyX0NTxk53vLbmMpu6Hp+5ckrhscbAGN+lT\nb4WwGC+76HzHawqYQcgjae2odRFldjt7dvJ7JqIEPqtTWYOYOTNazGPaNHj66ZGlkJaMV8KlK5af\nDVfdWGDCgSGZ9o8vcPVfd7J4XvDnv3jeEgDu2HoHydSvTBYrc5E+9Tqmlaq6f1pVHyp/zS83YeSR\nJHbUhvU1B9Udqla+URRc1Fl/2OyplpZwewN27Kjfoa6afftqVz71DGVVMx5nCfOYpSuuOQkWHNHJ\nJddv4aieIjvb27jywg7WnN78itPKXKRLmKDy9cALqo79ADgleXGM2CSxozbszD8oG6elpbZ3Q1jS\nSncM2zBncNDLcgrbT6FYrDVK69e701SnTfOb0ZexcaP7ujFLV6w5fcaoMABGY6kXQzgBr03m1Ko4\nwrPweisbeSSKyyVqULY63hC17lBYGrlnwkV/v7eqKZ+5B7mcXJ/VwoW1RmHaNJg1qzad1jByRL0V\nQifwamAalXGEPcA70xTKiEEUl0uUc6NkFDWyvEEaJZpFPNdRmPOClHr1SqBevKaBpLbTtwH7EIz0\nqRdD+DHwYxFZpKrrGiiTEYcoLpco54bNKGpkeYMoQfEoeyRUa1cDrtVBmCB1iaB4TRApbI7r7utm\n464hF1VxoHjoeVJ++VJg2mhOwsQQXisi9wH7gJ8Bzwc+oKpXpyqZUUmUmXAUl0vYc6MEShvl7okS\nFI9SyygKDzyQfEYWOFt7uiiliYZhc8/mwOPlBmHy+Mn0DuyOdG0Whz/VyC9hDMK5qvphEXktXt/j\nNwC3AWYQGkUeOp7VizcsWtQYGaqJEhRPY0cwhI+X1Pv8Ojpiub3CzsoH1J05VX184cyFzvOM0U8Y\ng1BqFf4q4BpVfVIaWevFyEcpgiQ2gSXt748SFI86Qw+bZRSWep9f1kH0UYpVRo1OGIOwWkQ24bmM\n3iMiR+K10zQaRR6alcRNB01jlRPFSEWJIbhm7QcOuGMGrsqoLvJQPVTxGuC6jg/D+h3r6d0XPmic\ndSwhamVUMx4eYWoZfVRE/g3oVdUBEXkGuCB90YxD5KVZSZyZbBqrnChK1mU8XKmkQbP27m73noEs\n21z6hFVm0/fBU4fVvn96iArevft2M7iiNdT+knFndrF+x/pMXU9RKqNaWe0h6u1D+LCq/pv/9GxV\nvQ5AVfeKyHLg440QcFQT1oWS02YlgbjGldYqJ6yRmjGjdlfwrFkwdWryGVkuUooDKYRWZl++Gd5x\nARws+6sf1+8dv+o5IW+YRppvCkSpjGpltYeot0K4CCgZhI8B15W9dh5mEOIRRUHkwd0A4ZRB0LjS\n6pUcJFNQu85yduzwDELYoHjeVkily4RUZi/b1sa3flxk+dmwdSrM6YUVa+DsbW1cFeZGAwPZJzeE\nJKgyKgprH+qqPBQQEh2LZbXrGQQJeOx6bkQlqoLIOvAY1oAFjSsoQDtxYvIy9fbW9mp2pZwmFZgP\nU5yuwXGgkjIrV34fXOwVvVu6obLo3Rfe1lFzrhPX/gzHZzj5APQWdg9/vRQ5JKVUHrz6h7B081Ca\n9FteUWTVQkEdgZSxWFa7nkHQgMeu50ZU8hAojkJYAxZV/qDWlHFkirLfIO7nXa9DXLlRaHAcqFyZ\nDa5dcmgnsavo3f8+D7Y8ug4Fjiu2sWJLB0t3uoxkl/tmVeMKLJu9fv0IRjJyVnUWWf6S/WydoszZ\nI6zoamXpfQMw6MtbLPL1n8Ldc4RNh9eqtPaJ7Q2VNw/UMwjPF5Gn8WzsRP8x/nOrZRSXvASKwxLW\ngCXRNS0sSdwn7ucdZHyqi9OlGAcqSKFuj4DC4q5DG8eqi95VBFQFHplQ5M0LNvLmBRtr3ABbfu/u\ns0BbW03pClejnSxLW2ydorzkLwehav4w6SDsaXWvXnv2pbR3JcfUK10RMp/OGBHNFigOa8CCxpVk\nTn9S1KtFlDRJxYGqYiNvOhx+f1ZnYJbRcOmfroAqwqHrlF/3H9/Wznf/346KPgt7x8G7X1Fk1fOL\nh+639qEuCou7aHF85VHSUZNOBZ3T2+U8vm2K+3yLIRiNIy+B4rCENWBB43LV/QfP354G1UbIlWIa\npRZREsSNAzliJitXwxVHwJrTR7ZbvF42TnX20g8P3wHvmclXru6pcDnd2LGdqQztcF48bwnrd6yn\n2F9kf/9+FEUQTjgiXDkOSCcVdGd7GzN7asd79B547Fm151sMwWgsWQeKoxC1aF5QplSCncEilYM4\ncMB9jc2b430H1WWyy48njSNmMukgXHL9lhH3PgjMxsGdvbT6iB52/Uel8VlI7b1nTZ7F/T33HwrW\nKhpJoaeRCnrlhR186Nv313SSe/HATH4oO6w1J2YQjCiENWBBqaDz5ye7kStKOYigXs1xeyeXxpOk\noQsiIGZylGPWG5agPsU1bqSSCCHdKHEVepR9BGEpGc3qoPquk2fQ2TfVdiqTkUEQkTcAnwQWAKep\n6t1ZyNFUNMmGoIYW4suL2y1pQxdEwIpoZ/vIXRtBfYpLz6tpLbSy7tF1wyrOuAo9aOUS140T1EnO\nWnN6FDK675+A1wG/yuj+zUVJyZaUQUnJdndnK5eLeumpaTBjhrexbMkS7/8gY9AaMPcJOp5HOjq8\nFVAZe8d5rpDEbzW9g4JU3ksQ+gf7Dynqkl+/u6/2dxikuMMqdNf9x6obp5Fk8tegqhsBrGpqSPJQ\n7TQsed1fcfzxsGlTZSBZxDveLDhWRMteVWRbhPhBdeZO+8R2duzdURO87WzvpLO9Mnupf7C/plR2\nkBsoyBUVVqEHrVzSmsVbcTuPJpoejWHyqmRd5HV/RZB7CWr7HLtKX+TFRVcVG7nmpK7QvWlcmTvb\n+moD4iUlv+jYRRVKsevhLud1Xa6dJBR6FDdOHIVuxe2GSM0giMitwEzHS8v99pxhr7MMWAYwJ2ul\nkhVpKtkoii/MuR0d7pl4HvZXuCqYhi19kdOaPUG4FKRzz0EAQf77KH79Rvnl4yp0K243RGoGQVVf\nltB1VgIrAU6dMmVslsxIaxNblABwPeXZ01NZRK6R+f5xZvJRSl/k1UXnIEhBhjUGQcR1A6VFHjOa\nmhVzGTUDaWXTRIlNhFGeQUXkSu9PWpnGzWiK6nKL66JrkBsqSEHGpdF+/bDkNaOpGckq7fS1wFeA\nI4Gfish6VX15FrI0DWlsYosSm4irDNOId8QNtketuxTHRdfAdNwkZrYt4q5ck8f0zCgK3eVKy+vK\nJwuyyjK6Abghi3sbZUSJTcQtWtfWlvwMOW6wPcgVN3NmZQyhdDyOi66BmWL1dh9HoVkyb8Iq9CBX\nmiujKq9jTRtzGY1GonRiCxsAdinPsBQKXmwh6RlyUNOdoL0Frs+ls9P9WYXtpBaWBmaKtU9sd2YP\nRWFAB5om8yasK6terKE6o2qsYgZhtBHVNRE2AOyKY5S6kLlm2OWB5lJdoaRnyEGyuo4HfS6dne6O\naUm76FLMFKueyVfvFRgpjcq8adRKxILHw2MGIY+kkTkTFCgOukbYonVhZ9KuBvUQb4YcVIfIdTzr\nzX0pZYq5eiqnSdLXT2IPQNhrWPB4eMwg5I20MmeiBIqjKOmwM+k0ZshRrpn15r4U6y6FzSBqkRYG\nddDZLtJ1rmulkbTyTGIPQNhrWPB4eMwg5I2gmezmzeGUSRKB4jQ2AKYxQ262JkMZljsXBBFBHe60\nFmmhtdBa4bIBQivPOC6fJNw49a5RXYjPgsf1MYOQN4JmrAMDQ66QequGKEqyvd29b6A9hV6yacyQ\n81LttAlQlP5BRwAeL4B85rFnOl8bTnnGdfkk4capl1VVXYivs72TRcc6YkYGYAYhf4RN7wzyf0dR\nkj0BPWO7u2uDwkko2TRmyM3UZKjJCLPnIK7LJwk3jusaLsZqOYoomEHIG65U0CCCDEdYJRl3NWLk\nAkEq4wIKuAoJBx2PQb2ZeRhXUlJF8KqvYRlFI8MMQh4JW/snrq8/7mqkmchrFdYEqAkSByj9FoUB\nx2tR3DPVSj4o+NxaaA3tSkpi93P1NUqxg2oso6g+WTXIMYII20gmieBpR4e3ES0MeSy1HQVHc5lc\nB6DjUmUjDjsASwJ+Wu0Tw8WMSvGCcr+8y01TkAKqGuhKagTWYGdk2Aohb9RTvKVZbhJlqks0ajUS\nhSD54+zPGGMB6PZnYPJB2DoV5vTCijXwkXPc5/bsC4glVeGKFyhKa6GVFmmpcPls3OXed9Iol02Q\nK+qBJx/ggScfqDj3jDlnNESmZsAMQjPh2lFbTZR9DFFXIy6FXLrOSJVs9TWrdz8n2aNglAagC1Ko\nUNQtg/Cln8HSDZXnvfl17veHVdJB5/UP9nPG3EqlGtSTuZEum2o30tqHumgZhMkHhs7pnQDrd6xn\n4cyFDZMrz5hBaHaqFWp/f/gduVFWI1C527hYrN19HFVJu4xXUC+CJu9RkBYCNbn1RS2ytH8BtJX9\nLgoFYJ/zGmGVdJQU0bxuAjv42VY4Y8h4jTuzKzthcogZhLwRJfjpUqhBBF0z6Hj1auT224OvXU4U\nJe3ahBeVZo9tJIBrJlyzGlq/HthXs5qIoqSjKPm89k4w6mMGIW9E2VgWRaG6DEqUewXVDXIRVkkn\nocxHQZZQo3CtJqIo6ahKPo+9E4z6mEHIG1GCn2EVapCSTyvQmrSSTqtHwRgkrpI2JT+6MYOQR+IW\njGtthZaWcEo+6UBrUkralVGVdI8CwzAqMIPQzAS5fI4/vrGKMmw6bND7XMcb0aPAMIwKzCA0M43M\nrZ89253pM3s2zJ8/sms2W7VSwxjlmEFodho1ay4p/XKjEMcYwJjbLGYYeccMghGe+fPjGQAX5gYy\njNxgtYwMwzAMwAyCYRiG4WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG4WMGwTAMwwAyMggi8u8i\nsklE/igiN4jItCzkMAzDMIbIaoVwC3Ciqj4P2Ax8LCM5DMMwDJ9MDIKq/kJV+/2nvwWOyUIOwzAM\nY4g8xBDeAdwc9KKILBORu0Xk7icOHmygWIZhGGOL1GoZicitwEzHS8tV9cf+OcuBfmBV0HVUdSWw\nEuDUKVM0BVENwzAMUjQIqvqyeq+LyNuAVwNnq6opesMwjIzJpNqpiJwHfBhYrKrPZCGDYRiGUUlW\nMYSvAlOAW0RkvYh8PSM5DMMwDJ9MVgiq+uws7msYhmEEk4csI8MwDCMHmEEwDMMwADMIhmEYho8Z\nBMMwDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMwDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMw\nDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMwxiyTD2QtQb6QZmpnLCJ7gPuzliMFjgB2ZS1ECozW\nccHoHdtoHReM3rGFGddxqnrkcBfKpGNaDO5X1VOzFiJpRORuG1dzMVrHNlrHBaN3bEmOy1xGhmEY\nBmAGwTAMw/BpNoOwMmsBUsLG1XyM1rGN1nHB6B1bYuNqqqCyYRiGkR7NtkIwDMMwUsIMgmEYhgE0\nmUEQkX8RkT+KyHoR+YWIzM5apqQQkX8XkU3++G4QkWlZy5QEIvIGEblPRAZFpOlT/kTkPBG5X0Qe\nFJGPZi1PUojIN0Vkp4j8KWtZkkREjhWR20Tkz/7v8P1Zy5QUIjJBRO4SkT/4Y/tU7Gs2UwxBRJ6l\nqk/7j98HPEdV352xWIkgIucCv1TVfhH5PICqfiRjsWIjIguAQeC/gQ+p6t0ZizRiRKQF2AycAzwG\n/A64WFX/nKlgCSAi/xfoA76jqidmLU9SiMgsYJaq3isiU4B7gNeMku9MgEmq2ici44A7gPer6m9H\nes2mWiGUjIHPJKB5rNkwqOovVLXff/pb4Jgs5UkKVd2oqqNld/lpwIOqukVVDwDXAhdkLFMiqOqv\ngCezliNpVHW7qt7rP94DbASOzlaqZFCPPv/pOP9fLJ3YVAYBQERWiMijwFLgn7OWJyXeAdyctRBG\nDUcDj5Y9f4xRolzGAiIyFzgZuDNbSZJDRFpEZD2wE7hFVWONLXcGQURuFZE/Of5dAKCqy1X1WGAV\n8N5spY3GcGPzz1kO9OONrykIMy7DyBIRmQxcD3ygytPQ1KjqgKouxPMonCYisdx9uatlpKovC3nq\nKuAm4BMpipMow41NRN4GvBo4W5souBPhO2t2HgeOLXt+jH/MyDG+f/16YJWq/jBredJAVXeLyG3A\necCIEwNyt0Koh4gcX/b0AmBTVrIkjYicB3wY+CtVfSZreQwnvwOOF5F5IjIeuAj4ScYyGXXwA69X\nARtV9YtZy5MkInJkKRtRRCbiJTvE0onNlmV0PdCJl7XyCPBuVR0VMzQReRBoA3r8Q78dDRlUIvJa\n4CvAkcBuYL2qvjxbqUaOiLwS+E+gBfimqq7IWKREEJFrgCV4pZS7gU+o6lWZCpUAInIGcDuwAU9v\nAHxcVW/KTqpkEJHnAf+D91ssAN9X1U/HumYzGQTDMAwjPZrKZWQYhmGkhxkEwzAMAzCDYBiGYfiY\nQTAMwzAAMwiGYRiGjxkEwwiJiLxGRFRETshaFsNIAzMIhhGei/EqSl6ctSCGkQZmEAwjBH4tnDOA\nv4Q1nyMAAAFOSURBVMXboYyIFETka34t+htF5CYReb3/2ikislZE7hGRn/tlmA0j15hBMIxwXAD8\nTFU3Az0icgrwOmAucBJwCbAIDtXO+QrwelU9BfgmMCp2NBujm9wVtzOMnHIx8CX/8bX+81bgOlUd\nBHb4xcXAK69yInCLV0qHFmB7Y8U1jOiYQTCMYRCRw4GzgJNERPEUvAI3BL0FuE9VFzVIRMNIBHMZ\nGcbwvB74rqoep6pz/X4cD+F1GLvQjyXMwCsOB3A/cKSIHHIhichzsxDcMKJgBsEwhudialcD1wMz\n8bqm/Qn4Ol4nrl6/vebrgc+LyB+A9cDpjRPXMEaGVTs1jBiIyGS/yXk7cBfwElXdkbVchjESLIZg\nGPG40W9SMh74FzMGRjNjKwTDMAwDsBiCYRiG4WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG4fP/\nAfyzKuSV3NT5AAAAAElFTkSuQmCC\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAEWCAYAAABmE+CbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3XuYHGWZ9/HvPTPJJJqQxEAm4RDirBBR1KAoB8ObCKLo\nyiKiLmzURcWou66IqyhGRF2j664r63pYRURUsrIqooKgIjDRaOQgjiDkADuBcEgmEEjIQDLJzNzv\nH1Wd9PRU91RPV3VVT/8+15Ur3VXVVU91J89dz9ncHRERkZasEyAiIvmggCAiIoACgoiIhBQQREQE\nUEAQEZGQAoKIiAAKCFLCzBab2UNZp6NRpP19mdnXzezCovfvNbNeM+szs5nh350JXu8AM1trZpOT\nOmeWzOzDZvaprNPRKBQQGoCZ3W9mO8P//JvN7HIzm5J1umplZm5mT4X31Wdm2+p8/ViZuZm9zMyu\nM7NtZva4md1qZm+vRxrd/T3u/i9hOiYAXwRe5e5T3H1r+HdPgpf8KHC5u+80s7uLfptBM9tV9P5j\nY72AmV1pZh9PMM2F855iZveVbP4a8C4zm5H09cYjBYTGcaq7TwEWAEcBF2ScnqS8KMzUprj79Go/\nbGZtaSSq6PzHATcBK4HnADOB9wKvSfO6ZXQAk4C7az1R1PdmZu3A3wNXALj78wu/DfBb4H1Fv9Vn\na01DPbj7U8CNwJKs09IIFBAajLtvBn5JEBgAMLO/NrM/mdmTZvagmX2yaN+88En8781so5k9ZmbL\nivZPDkscT5jZPcBLi69nZkeYWVf4dHy3mf1N0b7LzexrZnZ9+NT4OzObbWb/GZ5vrZkdNZb7NLN3\nmdl94RP5z8zswKJ9bmb/aGb3AveG255rZjeEx68zszcXHf9aM7vHzHaY2cNm9iEzeyZwPXBg0VPv\ngSMSAv8OfMfdP+/uj3ngj+7+5ohjMbOPmtn/hde6x8xOL9r3HDNbaWbbw9/hf8PtZmYXm9mW8De8\ny8yOLPqOP2NmhwPrwlNtM7Obir6L54Sv283sC+Hv3GtBddPkcN9iM3vIzD5iZpuBb0ck/xhgm7vH\nrgIzs3eH3/fjZvZzMzso3N5qZl81s0fD+/2zmc03s/cDZwAXht/5DyPOGfnZcN/k8N/XgxaUlr8c\n3vdM4Gqgs+j3nBmesgv467j31NTcXX9y/ge4H3hl+Ppg4C7gS0X7FwMvIAjwLwR6gdeH++YBDnwT\nmAy8COgHjgj3/yvB09+zgEOAvwAPhfsmAPcBHwMmAicCO4D54f7LgceAlxA8ud4EbADeBrQCnwFu\nrnBfDjwnYvuJ4XlfDLQDXwZ+U/K5G8I0TwaeCTwIvB1oIyhBPQY8Lzx+E3BC+HoG8OKi7+2hCul7\nBjAIvKLCMcPOAbwJODD8Lf4WeAqYE+77PrAs3DcJWBhufzXwR2A6YMARRZ+5HPhMyW/ZFvUdAhcD\nPwu/l6nANcDnitI5AHw+/E4nR9zLPwI/L3OfXcA5Jdv+FlgDHB7+W9n7ewOnAauB/cL7fT4wK9x3\nJfDxCt9ppc/+N/Cj8LuaRvBwdFG47xTgvojzHQ88kvX/40b4oxJC4/iJme0gyPi2ABcVdrh7l7vf\n5e5D7n4nQcazqOTzn3L3ne7+Z+DPBIEB4M3Acnd/3N0fBP6r6DPHAlOAf3X33e5+E3AtcFbRMVd7\n8MS8i+AJbZe7f9fdB4H/JcicK7kjLH1sM7PCtZcAl7n7He7eT1A9dpyZzSv63OfCNO8EXgfc7+7f\ndvcBd/8TcBVB5gywB3ieme3n7k+4+x2jpKlgBkGGtCnm8bj7D939kfC3+F+CEszLitJxKHCgu+9y\n91VF26cCzwXM3de4e+xrQlDKAJYC54Xfyw7gs8CZRYcNEWSe/eH3Vmo6QcCP6z0EwWq9u+8BPgUs\nNLOO8J72C+8Jd7/b3bfEPG/kZy2o5noncK67b3P37QQPNGeWPxWE91R1dWQzUkBoHK9396kET3rP\nBfYv7DCzY8zs5kIRm+A/6v4ln99c9PppgowegqfZB4v2PVD0+kDgQXcfKtl/UNH73qLXOyPej9b4\n/WJ3nx7+eX/Rdfemw937gK0l1y1O86HAMUWBZRtBUJkd7j8DeC3wQFhlc9woaSp4giATnRPzeMzs\nbWbWXZSOI9n3W5xPUAK4Nax+e0d4fzcBXwG+Cmwxs0vMbL+41wwdQFCi+WPRtX8Rbi94NAzc5TxB\nEJjiOhT4etH1HiUohRxMUB33LeAbwGYLqhbjdoQo99kDCUoidxdd8yfArFHONxWoa4eFRqWA0GDc\nfSVBNcIXijb/D0FVwSHuPg34OkHGE8cmgqqigrlFrx8BDjGzlpL9D1eZ7Go9QpDZABDW988suW7x\nNL0PAiuLAst0Dxo+3wvg7re5+2kEGcdPgB9EnGMEd3+aoOrijDiJNrNDCarm3gfM9KCR/C+Ev4W7\nb3b3d7n7gcC7ga8V6v/d/b/c/SXA8wiqYD4c55pFHiMIwM8v+g6medAgvPeWRjnHneG143oQOLvk\ne58clhjd3b/o7kcRVGO+CDg3TjoqfHYTQcD5q5J7LLQVlDvvEQSlYhmFAkJj+k/gZDMrVPtMBR53\n911m9jLg76o41w+AC8xshpkdDPxT0b5bCEoT55vZBDNbDJxKUAecpu8DbzezBRb0fPkscIu731/m\n+GuBw83srWE6J5jZSy1oEJ9oZkvMbFpYrfEkwVM/BKWZmWY2rUJazgfOtqA/+0wAM3uRmUV9B88k\nyJQeDY97O0EJgfD9m8LvGIKncQeGwrQeY0G30qeAXUVpjCUsxX0TuNjMZoXXO8jMXl3FaW4Fphca\nhmP4OvDxogbfGWZ2Rvj6WDM7OqzmeQrYzfDvvezYiXKfDX+/y4Avmdn+FjjEzE4uOu+siJLIIoJS\nh4xCAaEBufujwHeBT4Sb/gH4dNjG8An2PQHH8SmC6pkNwK+A7xVdZzdBAHgNwRPo14C3ufvaWu+h\nEnf/NXAhQTvAJuCvqFBPHNaXvyo85hGC6rFC4ynAW4H7zexJguq0JeHn1hIEn56wCmJELyN3/z1B\nI/eJ4XGPA5cA10Ucew/wHwSlil6Chv7fFR3yUuAWM+sjKNGd68EYgv0IMvMnCH6LrQS9m6r1EYJO\nAH8I7/XXwPy4Hw5/78uBt8Q8/vsEVV0/Dq/XDRQy5+nhubYBPQT39aVw3yXAS8PvPCqwVvrsBwh+\n49uB7QTVYs8J9/2Z4Ht9IDz3s8LS5SsJu9JKZeauBXJEJGBmBxD0OjuqTMNzQzGzDwNT3f0Tox4s\nCggiIhJQlZGIiAAKCCIiElJAEBERIBjm3zAmTJ3gk/aflHUyRMaNvv4+XrIj2Ylz/zi1j9aWViZP\nGBczaI8Lfff3PebuB4x2XEMFhEn7T+LoTx6ddTJExo2VG7q4fWWy/6cmnNDFlGdOZcHsBaMfLHXR\ndXbXA6MfpSojEREJKSCIiAiggCAiIqGGakMQEcnClNYpnDn3TOZMnkNLTp+jhxhi085NXLnxSvoG\n+8Z0DgUEEZFRnDn3TI48+Ejap7YTLD2RP+7OzB0zOZMzuXTDpWM6Rz5DnYhIjsyZPCfXwQDAzGif\n2s6cybGX7xhBAUFEZBQttOQ6GBSYWU1VWpkFBDObZGa3hgto321mn8oqLSIikm0JoR840d1fBCwA\nTjGzYzNMj4hIrv32xt9yyrGn8KqXvopLvnRJ4ufPLCCEy+QVmsInhH80F7eISITBwUE+/dFP880r\nv8m1v7uWn1/9c+5bd1+i18i0DcHMWs2sG9gC3ODut0Qcs9TMbjez2/fs2FP/RIqIVGnqj66h86gT\nOXzWEXQedSJTf3RNzee88447mTtvLofMO4SJEyfy2te/lhuvvzGB1O6TaUBw90F3XwAcDLzMzI6M\nOOYSdz/a3Y+eMHVC/RMpIlKFqT+6htkfvJAJDz2CuTPhoUeY/cELaw4KvZt6mXPQvh5Esw+cTe+m\n3lqTO0wuehm5+zbgZuCUrNMiIlKLA5ZfTMvOXcO2tezcxQHLL84oRfFl2cvoADObHr6eTLA4d6qL\nt4uIpK3t4U1VbY+rY04Hm4rOsfmRzXTM6ajpnKWyLCHMAW42szuB2wjaEK7NMD0iIjUbOCh6YFi5\n7XG94KgX8MCGB3jogYfYvXs31/3kOk485cSazlkqs6kr3P1O4Kisri8ikoZHl53H7A9eOKzaaGjy\nJB5ddl5N521ra+PCz13IO9/8ToaGhjjjrDM47LmH1Zrc4ddI9GwiIk1uxxtPBYK2hLaHNzFw0Bwe\nXXbe3u21WHTyIhadvKjm85SjgCAikrAdbzw1kQBQb7noZSQiItlTQBAREUABQUREQgoIIiICKCCI\niEhIAUFEpEF87P0f4/gjjufUE9LpwaSAICLSIE4/83S+eeU3Uzu/AoKISMKuWX8NJ37nRI746hGc\n+J0TuWZ97dNfA7z0+Jcybca0RM4VRQPTREQSdM36a7jw5gvZNRBMXfFI3yNcePOFAJx6eL4Hq6mE\nICKSoItXX7w3GBTsGtjFxas1/bWISFPZ1Bc9zXW57XmigCAikqA5U6KnuS63PU8UEEREEnTececx\nqW3SsG2T2iZx3nG1TX8N8MGlH+Ss15zFhvs2sOiFi/jRFT+q+ZzF1KgsIpKgQsPxxasvZlPfJuZM\nmcN5x52XSIPyFy/5Ys3nqEQBQRpGb18vPU/00D/YT3trO50zOumYkuwSgiJJOPXwU3PfoyiKAoI0\nhN6+XtZtXceQDwHQP9jPuq3rABQURBKiNgRpCD1P9OwNBgVDPkTPEz0ZpUiayRBDuHvWyRiVuzPE\n0OgHlqGAIA2hf7C/qu0iSdq0cxP9O/pzHRTcnf4d/WzaOfburaoykobQ3toemfm3t7ancj21V0ix\nKzdeyZmcyZzJc2jJ6XP0EENs2rmJKzdeOeZzKCBIQ+ic0TmsDQGgxVronNGZ+LXUXiGl+gb7uHTD\npVknI3UKCNIQChlx0k/tUSWBSu0VjR4QSu83vxUgtVMpr3oKCNIwOqZ0JPofulxJoDQYFDR6e0XU\n/QKsmNXLki3jK6NUKW9s8lkZJlIH5UoC5aTVXlEvUfeLwbLO8ddTS73SxkYBQZpWpSf+FmsZ8T6N\n9op6Kne/G9sbu+QTRb3SxkYBQZpWuSf+9tZ25s+cv3d/4X2jVzWUu9+5/dHbV8zqZd6xq2lZ1MW8\nY1ezYlZvmslLVKXfVspTG4I0rUo9l5Jur8iDqPvFYXnPyJLPilm9LJ2/jqdbg2MfmNTP0vlBHXwj\ntDfUs1faeJJZCcHMDjGzm83sHjO728zOzSot0pw6pnSMy5JAOYX7xcEcDt3VzhVrjojM4Jd19uwN\nBgVPtw41THtDs/22ScmyhDAA/LO732FmU4E/mtkN7n5PhmmSJjMeSwKVdEzpYO2ja4Cg7eCtR6yJ\nDAjl2hUaqb2h2X7bJGQWENx9E7ApfL3DzNYABwEKCCIpWvTsxXtfr9zQRcuirhHHlBuf4DDi+KGV\ni6MOlQaUizYEM5sHHAXcErFvKbAUoH2mGoREklQcHIqV9uOHoA5+/v7Dq11WbuhKOYVST5n3MjKz\nKcBVwAfc/cnS/e5+ibsf7e5HT5g6of4JFGlCqoNvTpmWEMxsAkEwWOHuP84yLSIyXGkd/KqNq7j3\n8XszTJGkLbOAYGYGfAtY4+7prgsnIjVZuaGL1iGYsnv49gW9lk2CJBVZlhBeDrwVuMvMusNtH3P3\n68p9oK+/T3WWOVOuDloa16qNqxgcHBixfc/n2mDhwgxSJPWSZS+jVUBVjxcv2TGF21cenVKKpFpR\nvVOkduUeeqZNns6C2QvG/HkIAnich6ppu+CJWxYP36hYMO7lopeRiAxX2pVzwglddb3+9kmVA349\nupqmMX21psSuTAFBZJwZrRqv1mq+elTbpjF9tabEHp0CgkgORT2dx6kuqpfi9KVRWkhjkaLxvPBR\nUhQQRHIm7w31pSOd05DG9NWaEnt0mQ9MExEplcb01ZoSe3QKCCKSO50zOhNfpCiNc443qjISkdwp\n1Okn2SMojXOONwoIIpK47Tu3RbYvVNM+ksb01ZoSuzIFBBFJ1J7fLo7croGM+aeAICINTwPOkqGA\nICINTQPOkqNeRiLS0CoNOJPqKCCISEPTgLPkjFplZGb/BFzh7k/UIT3SYKJ6ksSdlVMkCe2t7ZGZ\nvwacVS9OG0IHcJuZ3QFcBvzS3cutwS1NJGoOmzRn5Tzp972cc1UPs7b2s2VmO5ee0cmNx6uOuNl1\nzuiMXP9ZA86qN2qVkbt/HDiMYHWzs4F7zeyzZvZXKadNZK+Tft/Lhy5fx+yt/bQAs7f286HL13HS\n73uzTppkTOs/JydWLyN3dzPbDGwGBoAZwI/M7AZ3Pz/NBIoAnHNVD5N2D284nLR7iHOu6oksJag0\n0Vw04CwZcdoQzgXeBjwGXAp82N33mFkLcC+ggCDDlBulOhaFka2ztkY3EEZtL5QmCgGkUJoAFBRE\nKohTQpgBvMHdHyje6O5DZva6dJIljarcKNWxKB7ZumVmO7MjMv8tM0c2HFZbmhCRQMWAYGatwBvd\n/ZNR+919TRqJEil16Rmdw576AZ6aAP+8qH9EaWTW1uhzlCtliEigYkBw90Ez+7OZzXX3jfVKlIwv\nScxhU3iyL24X+OdF/Xz/BSOPfXAaHLp95Pao0kReaSoGyUKcKqM5wN1mdivwVGGju/9NaqmS8aG7\nG/r6YFEyq4DdeHzHiCqfRRHHfe9ve0eUJnZNbOHSM8p3Q+ze3E3f7r6q07Rw7sKqPzMaTcUgWYkT\nED6VeipkXGo5d1sm140qTYzWy2j7zm1M21X9tVZu6Ep8yUut/StZGTUguPvKeiRExqes1geOKk2M\n5olbFld3ke7uVIKepmKQrMTpdnos8GXgCGAi0Ao85e77pZw2kcSktRh8GjQVg2QlTpXRV4AzgR8C\nRxOMSTgszUSJpCFqqo08SnMqBjVWSyVxRyrfZ2at7j4IfNvMfp9yukSaVlpr/6qxWkYTJyA8bWYT\ngW4z+zdgE/DMdJMlkrzEl3CM6uKUkDSmYlBjtYwmTkB4K0G7wfuA84BDgDOSuLiZXQa8Dtji7kcm\ncU6RKFk1bseRdDVOufYSB7CR29VYLQVxehkVpqzYSfJdUC8naKP4bsLnFWkIaVXjjGgv6e7GMuoG\nLI2jbEAws7sIHyqiuPsLa724u//GzObVeh6RRqVqHMmTSiWEXExcZ2ZLgaUAc9vV7U7GlzyMOVB3\nVikoGxBKZzfNirtfAlwCcPTUqVqpTcaVeo85aLEWrSwmZY26YpqZHWtmt5lZn5ntNrNBM3uyHokT\nSVtvXy+rH1xN1/1drH5wNb199V2BrXNGJy02/L9hWpm0gVYWk4rGOjDtOWkmSqQe8tAvP60xB5Wu\npwAg5WQ6MM3Mvg8sBvY3s4eAi9z9W0mcW2Q0eWnQVSYteZHpwDR3PyuJ84iMRR4adEXyZNQ2BIKB\naS0EA9OeIsGBadL4VszqZd6xq2lZ1MW8Y1ezYlZ96+BrUa7hVr1upFnFHphmZoPAz4CH3X1L2gmT\n/Fsxq5el89fxdGtQ7fLApH6Wzg/q4JdsyX8VSJqTyIk0orIlBDP7upk9P3w9DfgzwYjiP5mZqnqE\nZZ09e4NBwdOtQyzr7MkoRdXpmNKhXjciRSqVEE5w9/eEr98OrHf315vZbOB64Pupp05ybWN7dF17\nue15pAZdkX0qtSHsLnp9MvATAHffnGqKpGHM7Y+uay+3XUTyrVJA2GZmrzOzo4CXA78AMLM2YHI9\nEif5trynk2cMDv8n9IzBFpb3qA5epBFVqjJ6N/BfwGzgA0Ulg5OAn6edMMm/QsPxss4eNrb3M7e/\nneU9nQ3RoDzejVj7ocLaDWmtorZiVu+wfxuadyb/Ks1ltB44JWL7L4FfppkoqaPeXujpgf5+aG+H\nzk7oiJ8ZLLkLlvwU6AfagU5A8SBT1az9kNZo7ageaHhwPbXZ5FeskcqSY7Vk6L29sG4dDIU9hfr7\ng/cQ7xy9vbB2Lbjv+/zatcM+X/Pi9haxokuBp/jMWXrdkmvlecGdaqQxWnvGMV1sm8TIxXiMzKf1\n1prSlSkgNLJaM/Senn2fLRgaCrbH+fy9947MlN1h/Xro6WGoi9GDVKWAtmoVr3jLYNnL33xFGyxc\nOHo6qxVx3eJrtSzqGhboGjk4pDFau28ikSuz1XreWuVh7qq8U0BoFFEZZ60Zen+Z/5zltpcaGIje\nPjgY/Cmcq1yQGi2gLVzIzfeXHF/8HRyWUuN16XUBiuLO3tXIurtpafBVyCpNv13L07RheESrQZaj\nwPMyd1WeVVox7YOVPujuX0w+OQKMzPhmzoTNm0dmnKXBoCBuht7eHn1s0gsRlQtS1QS0WktDEqnc\naO2Zk2fW9DQ9qW0S/YP9uRoFrrmrRlephDA1/Hs+8FKCaSsATgV+k2aimlpUxvfIIyOPKxcMIH6G\n3tkJa9ZEb4+jtXVfSWA0UYGnmhJKraWhFNXcTpKCuNVY5abfrvppuqS0NKWtnXnT5+Wqvr7eixE1\nokq9jD4FYGa/Al7s7jvC958kWBtB0hCV8VXS0jL8+JaW+Bk6BI2nxe0AlRpxS3V0RAerKO3tI0s+\n5QJKVECrtXorDQsWMLQyu8uXM6LL6SiiRmuveSziQYHRn6ZLA1GeqmI6Z3Ry35a17GnZ9+99wpDR\nuX+nGptDcdoQ5jJ81PJuYF4qqZHqMrjitoSx9DLq6YluFI771L11a7zrtLQE1V6lJZ+o4FMuoNWr\nemucKFdqiVNyWLVxFTiRDcON/DT9d3fCwbc6n1wMG6fB3O3wyS7n54u28+NnbVZjM/ECwveAW83s\n6vD96wkmuZNaRTUUl8v4ShUyzo6OsVeZ1PrUXem4wn1UagB3h7a2oKQwWkDr7BzZblJtaahJ7G30\nLhZW6azc0AVmLJpXYaQaMHkPWGvL8MkLHfoH+nNZRRbHOVf1MHsrnN09fPuFJz7CUMlzUbM2NseZ\n/nq5mV0PnBBueru7/yndZDWBco2ks2cPb0CGIOObPTt4Io9TEog7NqHWp+5Knz/uuOHbotoqIOip\nFKfraCH9NQyia2oLFjC0fBUALcsGWLVxFQvnlv/e2wfhK/fNH1ej0GdtjX6AeXhq5OambGyO2+30\nGcCT7v5tMzvAzJ7t7hvSTNi4V66RdOtWmD+/PoPNqn3qHq33U6XPJ1HlU0tpqFo1juCuRukUD6ll\nvGHgnbari74Yax4u2dLR0AGg1JaZ7cyOCAoH7YCH9ht5fCNXj43VqCummdlFwEeAC8JNE4Ar0kxU\nU6hUXdPRETxhL14c/F1NRlSpN06pjo4g+BQy5fb24H3U9QqBppDu/v4gGMyeHe/zM2dGp3fyZFi9\nGrq6gr97c7DiWm8vK9rWMO+9/bRcBPPe28+KtjWppG3FrF6WHr6WByb14xYuMnT42oZaea5RXHpG\nJ7smDs/ydk1s4djBA2mx4duz7iKblTglhNOBo4A7ANz9ETMrU8iS2NJqJK22XSDuU3elEk1p9VCU\ncg3Q24oGduVkbMGKSetZ+hp4emLw/oHpsPRU4Pr1LEl4oqZlh97L023DK7CfbnOWHXrvmJ/O4/Qy\nah3LiVetit6exmjxFNx4fPB9nnNVD7O29rNlZjuXntHJY0d1ML9vmnoZES8g7HZ3NzMHMLMYhU0Z\nVVqNpHkJNGM9Ls2xBTGrgT62aHBvMCh4eiIsWzTIku4Rh9dUvbTxGdGjvcttjyvp6TReMW8lKxdF\nzx2Vx6635dx4fMfewFBMCyUF4gSEH5jZN4DpZvYu4B3ApekmqwlUaiStpf46r4Embu8pSGdsQRVt\nKw9Oiz7FxqjtNY6gnrs9KIFEbc+diN5JjdrjSKLF6WX0BTM7GXiSYNTyJ9z9htRT1gyiqmtqnaIh\nrd44tQaaqM+Xk8bYgipGOh/0JDwUkflHZtLlzhtO8Dfab7B8ZStLXzO8RPKM3cF2ygSmzLgrAIxz\nowYEM/u8u38EuCFimyQtiSka0uiNU2ugifp8Nb2UalVFldfnfg3vPpWRmfSNQGnbeLnzxpzgb8mu\nw+GaNSw7ad9gqeU3wpKBw2sKCKNl3K2tbRW7nZa6+f5FcEW5NoQqEia5FqfK6GSCXkbFXhOxTZKQ\nxykaCmoNNFGfnzYtd2ML3rK+Hbumf2Qmvb4dStvP41aFlQvqHR0s6YUl/53cdxA5MK3IjGPidTsd\noUEaj2XsKs12+l7gH4BOM7uzaNdU4HdpJ6xpNdsUDfUcWxBXZydL7l7HkrtKSi7zI0ou1VSF1drT\nK88WLAD2rRMxbfJ0FsxekGmSpHqVSgj/A1wPfA74aNH2He7+eKqpamaaoiEd1QTaaqrHoo4dHIxe\nK6KGoD7jmC62T4reN1qJoF6GlrfxircMsvJQrZ7cqCrNdrod2A6cBWBms4BJwBQzm+LuG+uTxCaj\nKRrSUW2greapvfTY0o4Bo10rRq+yvonRH82N7m5alg2EExaaSgcNKk6j8qnAF4EDgS3AocAa4Pm1\nXtzMTgG+RDBO5lJ3/9dazzkujIcqhLypZ6Ct5loxe5Xt+e3i5NOZgtEmzZN8i9Oo/BngWODX7n6U\nmb2CsNRQCzNrBb5K0Gj9EHCbmf3M3e+p9dwNo47z5QixA+0r5q2ku2N4tceCXgt62iR8rdi9yrq7\nmfHukct1PvEfKa0rLU0pTkDY4+5bzazFzFrc/WYz+3wC134ZcJ+79wCY2ZXAaUBzBAQtCZlbUXXg\nKw91uD+Fi8XsVTbhn7YxGDHzWMuygcRGCicxxkCNyo0tTkDYZmZTCJbNXGFmW4DaxtUHDgIeLHr/\nEHBM6UFmthRYCjB3PPW0yfGSkM2uro20MRu761VlNOZ7L1o9bsIJXUklR+ps1NlOCZ7adwLnAb8A\n/o9gXeW6cPdL3P1odz/6gAkT6nXZ9OV5vIHUT2dn0OBcTL3KJCNxpq54CsDM9gOuSfDaDwOHFL0/\nONzWHJptvIFEU68yyZE46yG828w2A3cCtwN/DP+u1W3AYWb2bDObCJwJ/CyB8zYGPRmKSM7EaUP4\nEHCkuz9738tOAAAQ1UlEQVSW5IXdfcDM3gf8kqDb6WXufneS18i1NJ8Mo3ovpXUtqY06F0iOxAkI\n/wc8ncbF3f064Lo0zt0Q0hhvEJXBrFkTDBhy37dNmU5l9eoSrM4FkiNxAsIFwO/N7BZgb6W3u78/\ntVTJ2EVlMLAvGBQo0ymvnk/t6lwgORInIHwDuAm4C4gxg5dkqpqMRJlOtCSe2uNW26lzQSJ6+3q1\nBGYC4gSEAXf/YOopkWRUszKZMp1otT61V1NtN3t2/daEGKd6+3pZt3UdQx58h/2D/azbGpToFBSq\nEycg3BwODruG4VVGmvE0j8pNx1ycGcG+TKfWuvL16+GRR/a9P/BAOPzw2u4ha7U+tVdTbbd1K8yf\nn5sG/5ZFXQAseqDKqTq6u2k5d+TUGvXQ80TP3mBQMORD9DzRo4BQpTgB4e/Cvy8o2uaAHmHyqFzv\npXLbaqkrLw0GsO99HoNC3OBX6xTk1VbbaTLDmvQPRn/f5bZLeXEGpj27HgmRBJXLYEq3rV5dW115\naTAo3p63gFBNQ3GtXYIbuNquEaeuaG9tj8z821vz9d02gkorpp3o7jeZ2Rui9rv7j9NLltRFmj1c\nVq/ORRXIXvXs3llttV3CCtU+lUybOKXiZ6ftgiduWZxcolLUOaNzWBsCQIu10DlDlRjVqlRCWETQ\nuyhq3iIHFBAaXWvrvoXgS7fXqhBU8jLmoZrgV2u302qq7VL6ThY9e/GYP7Nq4yqSmb+yPgrtBOpl\nVLtKK6ZdFL78tLtvKN5nZqpGGg/Mqtte6sADy1cbFcvDmIdqGoqTKE3ErbaTRHRM6VAASECc2U6v\nitj2o6QTIhmIWve30vZShx8eBIU4sh7zUM3cURosJk2qUhvCcwmWyZxW0o6wH8HaylKrrFdMS2JQ\n1OGHD29ALrQd1HLONORhVtGsf2+RUVRqQ5gPvA6YzvB2hB3Au9JMVFPIw6RmtXavrNc5k5Jl987e\nXli7dvjAtLVr96Wr0WU4DkGSU6kN4afAT83sOHdfXcc0NYc8TGqWxlNzHp7Ey4n7hF6u5NTWNvbe\nU/feO3JgmnuwPQ/fTULG0pgt+RFnYNrpZnY3wappvwBeBHzA3a9INWXjXV7qqdN4aq7mnPWqRqmm\nRBZVyjEL2lYK7SvVluhqba8pI04X02pNmTiF7YPbqjt3FYOaJb/iBIRXufv5ZnY6wbrHbwJuBhQQ\nalHvSc3yWH9dz2qzakpkUaWcgYGRXXTz0HuK5J/KF8xekOj5pHHECQiFhYz/Gvi+uz9ucbslSnn1\nrGvPQ3tFlHpWm1VbIist5XR1Vff50gBcOiitIIkxHyIJiRMQrjGztQRVRu81swOAXekmqwnUs649\nD+0VUepZbVbrILxqSnRRAbjcQ1Tepvgoo3tzN9t3xm80VltCY4ozl9FHzezfgO3uPmhmTwOnpZ+0\nJlCvXi95aa8oVc9qs1oH4VVToosKwO5Bo3Rra76q7WLavnMbQ8vbYOHCUY+dcEIX3Zu7VfXUgMoO\nTDOz84venuTugwDu/hSg1dIaSbkMNuuxAdUMFqtVrY26HR3BNNWF76y9PXgflaGXC7QDA3DccbB4\ncfB3gwQDaR6VSghnAv8Wvr4A+GHRvlOAj6WVKElYXscGpFltVlqHX67KqJqgGLdEl+NV0E76fS/n\nXNXDrK39bJnZzqVndHLj8c0RmFZu6IrcPm3ydJVmQpUCgpV5HfVe8izPYwPSqDaLW4efVlDMUQAu\nzgTPugs+dG0Lk3YH6Zq9tZ8PXR50Lrjx+I6yGWa1puyG7S3bEjtfkkqrvQpTdWsJzkClgOBlXke9\nl7xrpkVYsq7Dz0EALmRwDhza387ym1t4+dqde4NBwaTdQ5xzVc/eUkLF9RBGbz4AKkyb3d0d7wRp\nWjiyJNA/0K8lOEOVAsKLzOxJgtLA5PA14XvNZST5VakOP0ajaCIyDMDD1hg2eGBSP285Bb73NMy7\na+Txs7bu+77GMtBtaOXiEVNXRAWWPExtMbR81Yh/A7sGduElz7jNugRnpakr1EFaGlOO6/DrIWqN\nYQwuOBneEhEQtswMvpexdBVduaGLCSd0MRiOVF707MWs3NBFy6IuWiOWlc6yO+rKDV20LBugdahr\n77bBFkYEg4JmXIIzzjgEkcaSozr8LJTLyB6aCrsmtgyrNto1sYVLzxj797Lo2Yvp3hxUBRUaZou3\nFat3w21pu8BzDziCTX2bRhy3c89OLcEZUkCQ8ScHdfhZKrvGcFs7Xzi7M/FeRlEZfda9doZVm7Gv\nXWD+zPkjqoFKj4XmXYJTAUHGp2ZqRC9RaY3hGw/paIpuplHVZuXaBbQE5z6ZBAQzexPwSeAI4GXu\nfnsW6RAZj5LK4Bq5K2a5arNy27UEZyCrEsJfgDcA38jo+jIWeZwxVSLVmsGVq3IpnDvvylabNWG7\nQDUyCQjuvgZAs6Y2kHrOmKrAk7lqqlyqUa9SR6VqMylPbQgyUlSGXK8ZU/M6Vfc4FpVJV1vlEvc6\n9Sp1qF1gbFILCGb2a2B2xK5l4fKccc+zFFgKMLdJ+pFnqlyGXBoMCpKeMTWvU3XnWC1P3eUy6VZr\nZdBHzv1US5VLWqWOctQuUL3UAoK7vzKh81wCXAJw9NSpmjIjbeUy5HKSDtJ5nao7pxxqeuoul0m3\ntbTRQkuiVS5plDokWWWnv5YmVSnjLW3zMUt+sFdep+rOsXJP3XGUy4wHhgaYP3P+3hJBe2t7ZB/+\napQrXaihNz+y6nZ6OvBl4ADg52bW7e6vziItUqLctA9tbSPXDohaErJWTT7KOClxn7or9cZJuspF\nDb35l1Uvo6uBq7O4dtOK23OnXIZcLvNPum6/yUcZJyXuU3elTDrpHkFq6M0/9TJqBtX03CmXIa9Z\nE33uNOr2m3iU8Vi02Njr+stl0lBb20Sl6ykA5JcCQh4l3Q+/2p47URlyIT2lVLefKQPmz5xf01N3\nVCa9+sHVde0RJPmggJA3afTDT6LnTqPV7TfR4LY0nrrVI6g5qZdR3lR6mh+rJHruVLPIfNYKQbUQ\n8ApBtbc323Q1EPUIak4qIeRNGv3wk3q6b5S6fQ1uq5l6BDUnBYS8SWO1r2bruaPBbTVTj6DmpICQ\nN2nV1TfK030SKo2lWL163AXFtCaMU4+g5qOAkDfN9jSfhqigahYMrCsMrhsnk+aVm7ri/m330942\nvFSZ9Spmkn8KCHmUxtN8Wr1u8tibJyqoDgzAYMlkbeOkXSGqe+jOPTvZ079z2PaVG7oyXeRe8k8B\noRmkNaV0nqeqLg2qXV3Rx43jdoVB9SGUKikgNIO0et3UuzdPHksj0lBWbVw1YtvCuQszSEk+KSA0\ng7R63dSzN0+eSyMZK526Aocr1hzBki1F30t3Ny3nbqt/4nJk5YYuWodgyu5927ZPgu7N3WpfCalQ\n2QzSmlK6nlNV1zpgb5xOq12YuqJ4mmpgeDCQvfZ8ro0nblm8909rhaU+mpFKCM0gra6saZ03qmqo\n1tJIo029UYXS7qErN3RllxhpaAoIzSCtrqxpnLdc1VDUegwQ/wlf3XlFRqWA0CzSGpiW9HnLVQ2Z\nBU/0tTzhN9PgPJExUBuC5Eu5KqDBwcaZXE+kQamEIPlSaS4nPeGLpEolBMmXzs6gKqjYOGn8Fck7\nlRAkX9T4K5IZBQTJH1UNiWRCVUYiIgIoIIiISEgBQUREAAUEEREJKSCIiAiggCAiIiEFBBERATIK\nCGb272a21szuNLOrzWx6FukQEZF9sioh3AAc6e4vBNYDF2SUDhERCWUSENz9V+5emNz+D8DBWaRD\nRET2yUMbwjuA68vtNLOlZna7md3+6J49dUyWiEhzSW0uIzP7NTA7Ytcyd/9peMwyYABYUe487n4J\ncAnA0VOnegpJFRERUgwI7v7KSvvN7GzgdcBJ7q6MXkQkY5nMdmpmpwDnA4vc/eks0iAiIsNl1Ybw\nFWAqcIOZdZvZ1zNKh4iIhDIpIbj7c7K4roiIlJeHXkYiIpIDCggiIgIoIIiISEgBQUREAAUEEREJ\nKSCIiAiggCAiIiEFBBERARQQREQkpIAgIiKAAoKIiIQUEEREBFBAEBGRkAKCiIgACggiIhJSQBCR\npjVld9YpyBdrpOWMzWwHsC7rdKRgf+CxrBORgvF6XzB+72283heM33uLc1+HuvsBo50okxXTarDO\n3Y/OOhFJM7PbdV+NZbze23i9Lxi/95bkfanKSEREAAUEEREJNVpAuCTrBKRE99V4xuu9jdf7gvF7\nb4ndV0M1KouISHoarYQgIiIpUUAQERGgwQKCmf2Lmd1pZt1m9iszOzDrNCXFzP7dzNaG93e1mU3P\nOk1JMLM3mdndZjZkZg3f5c/MTjGzdWZ2n5l9NOv0JMXMLjOzLWb2l6zTkiQzO8TMbjaze8J/h+dm\nnaakmNkkM7vVzP4c3tunaj5nI7UhmNl+7v5k+Pr9wPPc/T0ZJysRZvYq4CZ3HzCzzwO4+0cyTlbN\nzOwIYAj4BvAhd7894ySNmZm1AuuBk4GHgNuAs9z9nkwTlgAz+39AH/Bddz8y6/QkxczmAHPc/Q4z\nmwr8EXj9OPnNDHimu/eZ2QRgFXCuu/9hrOdsqBJCIRiEngk0TjQbhbv/yt0Hwrd/AA7OMj1Jcfc1\n7j5eRpe/DLjP3XvcfTdwJXBaxmlKhLv/Bng863Qkzd03ufsd4esdwBrgoGxTlQwP9IVvJ4R/asoT\nGyogAJjZcjN7EFgCfCLr9KTkHcD1WSdCRjgIeLDo/UOMk8ylGZjZPOAo4JZsU5IcM2s1s25gC3CD\nu9d0b7kLCGb2azP7S8Sf0wDcfZm7HwKsAN6XbWqrM9q9hccsAwYI7q8hxLkvkSyZ2RTgKuADJTUN\nDc3dB919AUGNwsvMrKbqvtzNZeTur4x56ArgOuCiFJOTqNHuzczOBl4HnOQN1LhTxW/W6B4GDil6\nf3C4TXIsrF+/Cljh7j/OOj1pcPdtZnYzcAow5o4BuSshVGJmhxW9PQ1Ym1VakmZmpwDnA3/j7k9n\nnR6JdBtwmJk928wmAmcCP8s4TVJB2PD6LWCNu38x6/QkycwOKPRGNLPJBJ0dasoTG62X0VXAfIJe\nKw8A73H3cfGEZmb3Ae3A1nDTH8ZDDyozOx34MnAAsA3odvdXZ5uqsTOz1wL/CbQCl7n78oyTlAgz\n+z6wmGAq5V7gInf/VqaJSoCZLQR+C9xFkG8AfMzdr8suVckwsxcC3yH4t9gC/MDdP13TORspIIiI\nSHoaqspIRETSo4AgIiKAAoKIiIQUEEREBFBAEBGRkAKCSExm9nozczN7btZpEUmDAoJIfGcRzCh5\nVtYJEUmDAoJIDOFcOAuBdxKMUMbMWszsa+Fc9Nea2XVm9sZw30vMbKWZ/dHMfhlOwyySawoIIvGc\nBvzC3dcDW83sJcAbgHnAC4BzgONg79w5Xwbe6O4vAS4DxsWIZhnfcje5nUhOnQV8KXx9Zfi+Dfih\nuw8Bm8PJxSCYXuVI4IZgKh1agU31Ta5I9RQQREZhZs8CTgReYGZOkME7cHW5jwB3u/txdUqiSCJU\nZSQyujcC33P3Q919XrgexwaCFcbOCNsSOggmhwNYBxxgZnurkMzs+VkkXKQaCggiozuLkaWBq4DZ\nBKum/QX4OsFKXNvD5TXfCHzezP4MdAPH1y+5ImOj2U5FamBmU8JFzmcCtwIvd/fNWadLZCzUhiBS\nm2vDRUomAv+iYCCNTCUEEREB1IYgIiIhBQQREQEUEEREJKSAICIigAKCiIiE/j8wn8IRk+gohgAA\nAABJRU5ErkJggg==\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Visualising the Training set results\n", - "X_set, y_set = X_train, y_train\n", - "X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),\n", - " np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))\n", - "plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),\n", - " alpha = 0.75, cmap = ListedColormap(('red', 'green')))\n", - "plt.xlim(X1.min(), X1.max())\n", - "plt.ylim(X2.min(), X2.max())\n", - "for i, j in enumerate(np.unique(y_set)):\n", - " plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],\n", - " c = ListedColormap(('red', 'green'))(i), label = j)\n", - "plt.title('Random Forest Classifier (Training set)')\n", - "plt.xlabel('Age')\n", - "plt.ylabel('Estimated Salary')\n", - "plt.legend()\n", - "plt.show()\n", - "\n", - "# Visualising the Test set results\n", - "X_set, y_set = X_test, y_test\n", - "X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),\n", - " np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))\n", - "plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),\n", - " alpha = 0.75, cmap = ListedColormap(('red', 'green')))\n", - "plt.xlim(X1.min(), X1.max())\n", - "plt.ylim(X2.min(), X2.max())\n", - "for i, j in enumerate(np.unique(y_set)):\n", - " plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],\n", - " c = ListedColormap(('red', 'green'))(i), label = j)\n", - "plt.title('Random Forest Classifier (Test set)')\n", - "plt.xlabel('Age')\n", - "plt.ylabel('Estimated Salary')\n", - "plt.legend()\n", - "plt.show()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.5.1" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\Users\\Satyam\\AppData\\Roaming\\Python\\Python35\\site-packages\\sklearn\\ensemble\\weight_boosting.py:29: DeprecationWarning: numpy.core.umath_tests is an internal NumPy module and should not be imported. It will be removed in a future NumPy release.\n", + " from numpy.core.umath_tests import inner1d\n" + ] + } + ], + "source": [ + "# Importing the libraries\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import pandas as pd\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.metrics import confusion_matrix\n", + "from matplotlib.colors import ListedColormap\n", + "from sklearn.ensemble import RandomForestClassifier" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Importing the dataset\n", + "dataset = pd.read_csv('Social_Network_Ads.csv')\n", + "X = dataset.iloc[:, [2, 3]].values\n", + "y = dataset.iloc[:, 4].values" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Splitting the dataset into the Training set and Test set\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.25, random_state = 0)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\Users\\Satyam\\AppData\\Roaming\\Python\\Python35\\site-packages\\sklearn\\utils\\validation.py:475: DataConversionWarning: Data with input dtype int64 was converted to float64 by StandardScaler.\n", + " warnings.warn(msg, DataConversionWarning)\n" + ] + } + ], + "source": [ + "# Feature Scaling\n", + "sc = StandardScaler()\n", + "X_train = sc.fit_transform(X_train)\n", + "X_test = sc.transform(X_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[[63 5]\n", + " [ 3 29]]\n" + ] + } + ], + "source": [ + "# Fitting classifier to the Training set\n", + "# Create your classifier here\n", + "classifier = RandomForestClassifier(n_estimators=10,criterion='entropy',random_state=0)\n", + "classifier.fit(X_train,y_train)\n", + "# Predicting the Test set results\n", + "y_pred = classifier.predict(X_test)\n", + "\n", + "# Making the Confusion Matrix\n", + "cm = confusion_matrix(y_test, y_pred)\n", + "print(cm)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAEWCAYAAABmE+CbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJztnXuYHGWV8H+nZ5JJSGISBsgFCMl8kiEKGgTRIHyJIIgX\nFhV1wairLkbddVXQ9ZZlvaxZddeV9bJ+bgR1lSwoImoQVIhMBI0gYDRiQsAAAZJMyECGTEg6mZnz\n/VHVmb681VM1VdVVPXN+z5Mn3dXVVeft7jnnfc857zmiqhiGYRhGIWsBDMMwjHxgBsEwDMMAzCAY\nhmEYPmYQDMMwDMAMgmEYhuFjBsEwDMMAzCCMCURkiYg8lrUczULan5eIfF1ELi97/h4R6RaRPhFp\n9//vSPB+R4rIJhGZmNQ1q65/v4icmfS5WSAed4vICVnLkgVmEDJCRB4WkX3+H/8OEfm2iEzOWq64\niIiKyF5/XH0isrvB9w+lzEXkNBG5SUR2i8iTInKXiLy9ETKq6rtV9V98OcYBXwTOVdXJqtrj/78l\nwVt+FPi2qu4TkfvKvpsBEdlf9vzjIxxPp6renvS5jUBErhaRT5aeq7cx64vApzITKkPMIGTL+ao6\nGVgInAx8LGN5kuL5vlKbrKrTor5ZRFrTEKrs+ouAXwJrgWcD7cB7gFeked8AZgATgPviXsj1uYlI\nG/A3wNUAqvrc0ncD3A68t+y7+tcw1xwD/Ag4V0SOylqQRmMGIQeo6g7g53iGAQAReZWI/F5EnhaR\nR8tnMSIy15+J/42IbBWRXSKyvOz1if6K4ykR+TPwwvL7icgCEenyZ8f3ichflb32bRH5mojc7M8a\nfy0iM0XkP/3rbRKRk0cyThF5p4g86M/IfyIis8teUxH5exF5AHjAP3aCiNzin3+/iLyx7PxXisif\nRWSPiDwuIh8SkUnAzcDsslnv7BpB4N+B/1HVz6vqLvW4R1Xf6DgXEfmoiPzFv9efReS1Za89W0TW\nikiv/z18zz8uInKFiOz0v8MNInJi2Wf8GRGZD9zvX2q3iPyy7LN4tv+4TUS+4H/P3eK5myb6ry0R\nkcdE5CMisgP4lkP8FwG7VTWUC0xELhGRX4nIl0XkSeCfROR4EbnN/x52ich3RWRq2XseE5El/uPP\niMg1/sx7j4j8SUReMMJzTxWR9f5r14rIdeV/B1Vyz/flLn0P/1v22nNE5FZf/k0icqF//O+AvwY+\n7v9WbgBQ1WeA9cA5YT6zUYWq2r8M/gEPAy/zHx8DbAC+VPb6EuAkPKP9PKAbeI3/2lxAgW8AE4Hn\nA0Vggf/65/Bmf4cDxwJ/Ah7zXxsHPAh8HBgPnAXsATr9178N7AJOwZu5/hJ4CHgr0AJ8BritzrgU\neLbj+Fn+dV8AtAFfAX5V9b5bfJknApOAR4G3A614K6hdwHP887cDZ/qPpwMvKPvcHqsj32HAAPDS\nOudUXAN4AzDb/y7+GtgLzPJfuwZY7r82ATjDP/5y4B5gGiDAgrL3fBv4TNV32er6DIErgJ/4n8sU\nYDXw2TI5+4HP+5/pRMdY/h74acA4u4BLqo5d4l/zPf73PRGYD5zt/16OAn4NfKHsPY8BS/zHnwH2\n+eNvwTO+d0Q91x/PY8B78X6zbwAOAp8MGMt1wEfKvoeX+McnA4/j/X5b8X7XPQz93q92XRP4GvBv\nWeuJRv+zFUK2/EhE9uApvp3AJ0ovqGqXqm5Q1UFV/SOe4llc9f5Pqeo+Vf0D8Ac8wwDwRmCFqj6p\nqo8CXy57z4vx/kg+p6oHVPWXwI3AxWXn3KDejHk/cAOwX1W/o6oDwPfwlHM97vVXH7tFpHTvpcA3\nVfVeVS3iuccWicjcsvd91pd5H/Bq4GFV/Zaq9qvq74Hr8RQDeMrhOSLyLFV9SlXvHUamEtPxlMb2\nkOejqtep6jb/u/ge3grmtDI5jgNmq+p+Vb2j7PgU4ARAVHWjqoa+J3irDGAZcKn/uewB/hW4qOy0\nQeATqlr0P7dqpuEZ/ChsVdX/p6oD/u9rs6qu8X8vO/GMVPVvsZy1qvpz//fyXcpWvhHOfQkwqKpf\nVdWDqnodnoEN4iCecZ3lfw+/9o9fAGz2f7/9qnoPnkvo9cN8BnvwPrsxhRmEbHmNqk7Bm+mdABxR\nekFEXuQv058QkV7g3eWv++woe/wMnqIHbzb7aNlrj5Q9ng08qqqDVa8fXfa8u+zxPsfz4YLfL1DV\naf6/95Xd95AcqtqHN1Mrv2+5zMcBLyozLLvxjMpM//ULgVcCj/gum0XDyFTiKTwlOivk+YjIW33X\nRUmOExn6Lj6MtwK4Szz32zv88f0S+CrwX8BOEVkpIs8Ke0+fI/FWNPeU3ftn/vEST/iGO4in8AxT\nFMq/B8RzGX7fd809jbfCqf4tllP9u5w0gnNn460QAuWq4oN4K4m7fffc3/jHjwNeUvU7+muG//6n\nAA1NiMgDZhBygKquxfsj+0LZ4f/FcxUcq6pTga/jKZ4wbMdzFZWYU/Z4G3CsiBSqXn88othR2Yb3\nxwmA7+9vr7pveendR/Fmj9PK/k1W1fcAqOrvVPUCPBfGj4DvO65Rg3r+4XV4BmVYROQ4PNfce4F2\n9YLkf8L/LlR1h6q+U1VnA+8Cvlby/6vql1X1FOA5eG6XfwxzzzJ24Rng55Z9BlPVCwgfGtIw1/ij\nf+8oVF/z83guyZNU9VnA2wj/Wxwp26mcLEDlb7oCVd2uqpeo6iw8N9lKEZmH9zta4/gdvbf01oBL\nLsBbdY8pzCDkh/8EzhGRkttnCvCkqu4XkdOAN0W41veBj4nIdBE5BviHstfuxJuJfVhExvkBvvOB\na2OPoD7XAG8XkYXiZb78K3Cnqj4ccP6NwHwReYsv5zgReaF4AfHxIrJURKaq6kHgabxZP3irmfby\noKeDDwNvE5F/FJF2ABF5voi4PoNJeErjCf+8t+OtEPCfv8H/jMGbjSsw6Mv6IvHSSvcC+8tkDIW/\nivsGcIX4GS8icrSIvDzCZe4CpolItXKNwhS8MfSKyLHAh2JcKyx3AK3i7dFo9QPBpwSdLCJvLBvj\nbrzvYQBvUvVcEXlT2e/oNBHp9M/tBjqqrjURz3V1a8Jjyj1mEHKCqj4BfAf4Z//Q3wGf9mMM/8zQ\nDDgMn8JzzzwE/ALPN1u6zwE8A/AKvBno14C3quqmuGOoh6reClyOFwfYDvwfKn3h1efvAc71z9mG\n51ooBU8B3gI87Lsw3o3nTsIfxzXAFt9FUJNlpKq/wQtyn+Wf9ySwErjJce6fgf/AW1V04wX6f112\nyguBO0WkD0/5vF+9PQTPwlPmT+F9Fz14QdOofAQvCeC3/lhvBTrrv6VC/gN4q883j+DeJT6BFzPp\nxRvj9TGuFQo/zvRavO/2Kby42E14KxUXLwJ+JyJ7gR8Cf6+qW1W1Fy9o/Wa8390O4LMM/Y6uBJ4v\nXgbdD/xjrwFuUdVuxhiiag1yDGM0IyJH4mWdnRwQeG4KROQe4D9V9bvDnjzyewjwO+Atqroxrfvk\nFTMIhmHkEt+duRFvdfU3eNly8/xMJyMFxuIuRMMwmoMFeGnOk4C/ABeaMUgXWyEYhmEYgAWVDcMw\nDJ+mchmNmzJOJxwxIWsxDGPU0Ffs45Q9yRbZvWdKHy2FFiaOS6XatjEC+h7u26WqRw53XlMZhAlH\nTODUT56atRiGMWpY+1AXd69N9m9q3JldTJ40hYUz61WsMBpJ19u6Hhn+LHMZGYZhGD5mEAzDMAzA\nDIJhGIbh01QxBMMwjCyY3DKZi+ZcxKyJsyjkdB49yCDb923n2q3X0jfQN6JrmEEwDMMYhovmXMSJ\nx5xI25Q2vOoW+UNVad/TzkVcxJUPXTmia+TT1BmGYeSIWRNn5doYAIgIbVPamDUxdKuPGswgGIZh\nDEOBQq6NQQkRieXSyswgiMgEEblLRP7gd5r6VFayGIZhGNmuEIrAWar6fLxmFOeJyIszlMcwDCPX\n3L7mds578Xmc+8JzWfmllYlfPzODoB6lUPg4/59V2jMMw3AwMDDApz/6ab5x7Te48dc38tMbfsqD\n9z+Y6D0yjSGISIuIrAd24nUoutNxzjIRuVtE7j6452DjhTQMw4jIlB+spuPks5h/1AI6Tj6LKT9Y\nHfuaf7z3j8yZO4dj5x7L+PHjeeVrXsmam9ckIO0QmRoEVR1Q1YXAMcBpInKi45yVqnqqqp46bsq4\nxgtpGIYRgSk/WM3Myy5n3GPbEFXGPbaNmZddHtsodG/vZtbRQxlEM2fPpHt7sl0+c5FlpKq7gduA\n87KWxTAMIw5HrriCwr79FccK+/Zz5IorMpIoPFlmGR0pItP8xxOBc4BUG70bhmGkTevj2yMdD8uM\nWTPYXnaNHdt2MGPWjFjXrCbLFcIs4DYR+SNeU+tbVPXGDOUxDMOITf/R7o1hQcfDctLJJ/HIQ4/w\n2COPceDAAW760U2cdd5Zsa5ZTWalK1T1j8DJWd3fMAwjDZ5YfikzL7u8wm00OHECTyy/NNZ1W1tb\nufyzl/O3b/xbBgcHufDiCzn+hOPjilt5j0SvZhiGMcbZ8/rzAS+W0Pr4dvqPnsUTyy89dDwOi89Z\nzOJzFse+ThBmEAzDMBJmz+vPT8QANJpcZBkZhmEY2WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG\n4WMGwTAMo0n4+Ps+zukLTuf8M9PJYDKDYBiG0SS89qLX8o1rv5Ha9c0gGIZhJMzqzas563/OYsF/\nLeCs/zmL1Zvjl78GeOHpL2Tq9KmJXMuFbUwzDMNIkNWbV3P5bZezv98rXbGtbxuX33Y5AOfPz/dm\nNVshGIZhJMgV6644ZAxK7O/fzxXrrPy1YRjGmGJ7n7vMddDxPGEGwTAMI0FmTXaXuQ46nifMIBiG\nYSTIpYsuZULrhIpjE1oncOmieOWvAS5bdhkXv+JiHnrwIRY/bzE/uPoHsa9ZjgWVDcMwEqQUOL5i\n3RVs79vOrMmzuHTRpYkElL+48ouxr1EPMwiGYaRCd183W57aQnGgSFtLGx3TO5gxOdmWj3nl/Pnn\n5z6jyIUZBKOpGQ1KZzSMoZpif5H7e+5nUAe95wPec6DpxzaaMYNgNIykFV93X3fTK53RMAYX+/v3\no2jFsUEdZMtTW5pyXIMMoqqISNai1EVVGWRwxO83g2A0hDQU35anthy6Xol6SiePM/GoY2gWqo1B\nieJAscGSJMP2fdtp39NO25S23BoFVaW4p8j2fSNPbzWDYDSENBRfkHJxHc/rTDzKGPLKqqO6Wd6x\nha1tReYU2xgQEMRpFNpa2jKQMD7Xbr2Wi7iIWRNnUchpcuYgg2zft51rt1474muYQTAaQhqKr62l\nzfl+l9LJ60w8yhjyyKqjulnWeT/PtHif7SMTiqAwTloZYKDiMy9IgY7pHVmJGou+gT6ufOjKrMVI\nnXyaOmPUEaTg4ii+jukdFKTyJxykdKIapO6+btY9uo6uh7tY9+g6uvu6RyxnPaKMIY8s79hyyBgc\nQqBf++ls7zz0/ba1tNHZ3tnUbrCxgK0QjIbQMb2jwmUD8RVfSbmEiQtEmYk30r0UZQx5ZGub26Aq\nyozJM2rGkXUcJ+v75x0zCEZDSEvxuZSOiygGqdHupbBjyCNzim2em6gKoTbwmnUcJ+v7NwNmEIyG\nkaXii2KQkoh3jJWZ6IotHRUxBAAUJoybUHNu1nGcrO/fDJhBMMYMYQ1S3EBv081Eu7thyxYoFqGt\nDTo6YEY4OZfu9M4rzzLaOr5IW2vtZ5V1RlXW928GzCAYRhVx4x15n4mufajr0OOLNwD33w+DvrzF\novccIhmFkmEAGHdml/O8rDOqsr5/M5CZQRCRY4HvADMABVaq6peykscwSsSNd6Q5E03KFTW4ohXO\nOAPWrYPBKrkGB70VQ0iDEJY0Egua6f7NQJYrhH7gg6p6r4hMAe4RkVtU9c8ZymQYQLx4R1oz0SRd\nUYXl/UAX/V1wzUmw/GzYOhXm9MKKNbB0QzrGq7O9M7PYSrNndDWCzAyCqm4HtvuP94jIRuBowAxC\nEzFag6dxxpXWTDQpV9TieUsOPf7yaV0sfxk8M957/sg0WHY+PDERLlvcFep6g2uX1BwLKm7X2d7J\nomMXhZY1aZo5o6sR5CKGICJzgZOBOx2vLQOWAbS1m68vTzRd8DQkcceV1kw0DVfUJ89t5ZnW/opj\nz4z3ji+ed8aw7y+PR5Qz2orbjRUyNwgiMhm4HviAqj5d/bqqrgRWAkyZN8VdMcvIhCRmrFFm4o1a\njSQxrjRmomm4onqrjMFwx8My2orbjRUyNQgiMg7PGKxS1R9mKYsRnbgz1igz8UauRqKOa/OuzWzr\n23bo+ezJs5l/xPxEZYJ0XFFRjMwdW+9wX6QqbfWiabBq4egqbjdWyDLLSICrgI2qmm5fOCMV4s5Y\no8zEG5nKGWVc1cYAOPQ8jlE4+zfdXHL9Fo7qKbKzvY0rL+xgzenJu6LaJ7bXyF86Xs7ah7poGYTJ\nByrP++BvqElb/fpP4dEjW7n9mOSL243WmFVeyHKF8BLgLcAGEVnvH/u4qt4U9Ia+Yl+gz9JoPAoU\nCoUR/9FHmYk3clNRlJm4S5mWjo/UIJz9m24+9O37mXDAu//MniIf+ra3GlpzerKuqJ59Pc7j2/Zs\nY/ueyrEd/KyfqlrOXbVpq5MOwneu6+e8z5xgDZGajCyzjO4AR8GTOpyyZzJ3rz01JYmMqBQWd8VK\nI4wyE2/kpqKs0xPf/L2NTKiaiU84MMhbv7/p0CqhnOpZc7G/GPiHtXjekopJlULgX2FN9pArxlx0\nG+RjdruL28Uh7xv+RgOZB5WN5ibOH32UmXijNxVlmZ44p9d9/JjdtT5516wZPEUft69XoU7a6SFj\n0dbmNAqPTUu+q5iVnkgfMwhGZkSZiWc9aw9i9uTZTrfR7MmzR3zNrVPh13NqN4ud+WitknXNmhFv\n5RSU71++D+GOrXfQP1ibUdTa0soZc9xppxVu246OyhgCsHccfPrltcXt4mKlJ9LHDIKRKVFm4nnc\nVFSKEySZZfSmC2H9TNhXtlnsnefDq/bOqjk37qzZZQzqHS9RvnoY/P6Ciiyjd7+iyI0nt7EwlATh\nsdIT6WMGwTBiMv+I+Ymmmd47r3YmvG88rJ7YQ/WcP+6seSTvL19hrH2oy6t5VFb36NqTupgc6u7R\nyOsqcTRhBsEwckaUWX/cWXOzzbrzuEocTZhBMMY0ecxrjzJrjztrtlm3UY4ZBGPM0t3XzaZdmw7t\nqC0OFNm0axOQbV571Fl73FlzXmfdeTTWox0zCMaY5YEnH6gpr6AoDzz5QKaKZzTM2nv37XZuIi2P\nP9TDNqFlgxkEI3GaZWY30gybRpDXWXsYDt6+xHm83r6GamwTWjaYQTASZSzO7JrFADYTtgktGwpZ\nC2CMLurN7PJGi7REOu6iZABLiqpkALv7uhORcawSlPZqm9DSxQyCkShp9xNe9+g6uh7uYt2j62Ir\n3fnt7r0DQcddNJMBbCY6pndQkEr1lOd02NGCuYyMRGmGfsIlkgjejgbXRh5dXqMhsN6MDGsQROQf\ngKtV9akGyGPkmapGKBcfDtfQVXGKq3pm1JmdS0HlNcjY7PV18hzzaebAerMSZoUwA/idiNwLfBP4\nuapaK8uxRnd3TSOUVT8qsGpjZ0XZgnFndjGubSKDOjiimV2Qgqop4OYTZyaehDLM607fsLP+vBpa\nIxuGNQiq+k8icjlwLvB24Ksi8n3gKlX9S9oCGjlhy5aKipaA93zLlgqDANDW2sbCmeFKm1V3Bjvh\nPQMMttYqqCCiBICrSap3culaeXFtRDF0o8HlZSRHqBiCqqqI7AB2AP3AdOAHInKLqn44TQGNnBDQ\nCCXweAhcncGejqjfvU6sIyMpZZg310YUQ9fsLi8jWcLEEN4PvBXYBVwJ/KOqHhSRAvAAYAZhLBDQ\nCIW2WsURtEu1mm99j5rOYHN6vXLPYYmziWy0KsNGFseriyPmtG1e/Msa6RFmhTAdeJ2qPlJ+UFUH\nReTV6Yhl5A5HIxQKBe94GUG7VJ30dtUcWrEGlp0Pz4wvu40UKEjBqfyn9rdyzQfXOZvRD0dUZZjH\nbBwX9Qydawxx2qAG4og5rVwNVxzRHfr7MRpP3X0IItICvL7aGJRQ1Y2pSGXkjxkzoLNzaEXQ1uY9\nnxHjj9uxuli6AVbe3MJx+9tAPSXW2d7J8YcfX5OX3jIIX1zdz8yeIgU8l9Ol39rIMavXhhvS5Bl0\ntnceWhGU7uVShs20AS0oh799YrtzDACLjl3EkrlLWHTsomSMnCPmNOkgXHK97c/IM3VXCKo6ICJ/\nEJE5qrq1UUIZOaWqEUpYgmrYXHw4rFztKYoSe8fBTfMG2No2gEBNG8jymeznbiryjj9UXnPSQfjM\nrcorXhpuNh/W/99M2ThBge6GjiEgtnRUjwWr80wYl9Es4D4RuQvYWzqoqn+VmlTG6GD9eujrg8Xu\nKpfb5nkuhPIsoysv7GDb6TNY7LhctfJ+311dztvePofI6aTrd6yn70Bf4FD6B/qdXeuL/flUcC5D\nt3GXe0GfSkZRQMxpZ3tzx2dGO2EMwqdSl8IYlRTev3vYc9acPmPEPuWd7W3MdMw4P3ZObarqcDPh\n3n27mbo/+F6TDsLjz6o9fvSeSCJnSkOD6I6Y095xcOWFVnoiz4TZhxDOIWsYDsLWvx8JV17YUZG2\nCrB/fIHHpoxsE9tTdy4JfG1VT1dNsPuwA/C5W+Cq50USOzMauomu5FosyzJa9qoi2yygnGvCpJ2+\nGPgKsAAYD7QAe1XVMV8yjMZRWllUu5zaWrc4lf9hB+Bb7+9iTi9snQrLz4ZrTgp3r6Wb22B1keVn\ne++d0+tlRL1kK1wVcxyNyl5q+Ca6qpjTNSd1OV2BecjeyoMMeSCMy+irwEXAdcCpeHsSjk9TKGPs\nEPcP0eVy6uijZibcMugFsOf2es/n9uIsvRFIRwdL77ufpRsqVx9LXxdvXI2uJZS3TXR5qKWUBxny\nQtidyg+KSIuqDgDfEpHfpCyXMQZI6w/RNRP+3E1Flm6oOjGg9Ib7orUuEAoFrjlpHydUKf/2ie3s\n2Lsj1LiaKXspDfIw/jzIkBfCGIRnRGQ8sF5E/g3YDkxKVyxjLJDmH2LYjKTBYpHWCK0dh/BcUkpt\nRtO2vm219wkY11ivJZSH8edBhrwQxiC8BS9u8F7gUuBY4MIkbi4i3wReDexU1ROTuKbRPDTyDzEo\nI2lnexuL5y1yvCMc6x5dF1reoAyfpDN/6pUNSTPIH4ZqV1prodW5Az1o/Gn4+kdrCZORMGzHNFV9\nRFX3qerTqvopVb1MVR9M6P7fBs5L6FpGk9HINolXXtjB/vGVP/f94wux0yCjGC/XuNLqDDa4dknl\nvy9FKBCVEqXVVPlO6aBaVO0T22uOpbVb3LqzDRG4QhCRDfj9TlyoauxkO1X9lYjMjXsdozlpZBpk\nUEZS3Lo6QbPLaoLGlcfy2WlSr5R5OT37emqOpeVinDF5Br37eytcfTMnzRy130E96rmMclG4TkSW\nAcsA5jhq3xjNS6OVYZxNcEEEGbWZk2bSs68n1LjylvmTB1xGNqqLMUqm1469OyqO7di7g6kTpo65\n7yXQIAQVtGs0qroSWAlw6pQp1qltlBFFGeYxV3yszfAbhcu9FsXXHyWDzbKMhrCNaUZTkOdccZvh\nh6cghRrlKwha5p0Ocq9FcTFGUfKWZTTEsEFlvI1pF+M1w5kIXIJnIAyjYdT7AzeaA4GacuMLjljA\nCUecEKoEeZRy5VGUfCOTG/JOphvTROQaYAlwhIg8BnxCVeNWAjBGITaLGx0Eraai9LAOc24U91JD\nazzlnEw3pqnqxUlcxxj9JJErnscYhJEOUZS8xYGGCLsxrUAKG9MMIyxxZ3FpxiByaWiq+hlTCPYO\n51L+mERV8hYH8ghT/voRABEZAH4CPK6qO9MWzDDKiTuLSyuTJI/B7os3UNPPuHS8usl9HuU3sqPe\nxrSvA19R1ftEZCqwDhgADheRD6nqNY0S0jAg3iwurRhEHlMWV6yhpp9x6fjbq/oc5lH+JDBDNzLq\nrRDOVNV3+4/fDmxW1deIyEzgZsAMgtE0RI1BhHWj5DHYPac3/PE8yp8Eo9XQpU29tNMDZY/PAX4E\noKo73KcbRn6JUq8mSs2cPKYsbp0a/nge5U+C0Wro0qaeQdgtIq8WkZOBlwA/AxCRVrz9CIbRNMyY\nPIOZk2ZWHAuqVxNlz0MeC6MtPxtnEHn52bXn5lH+JBithi5t6rmM3gV8GZgJfKBsZXA28NO0BTMy\npDpDpaMjuIlMlHMzJEq9miizyyRSFpPO8vHagg6yYg017UKrW1iO1pRL21swMurVMtqMozS1qv4c\n+HmaQhkZ0t1dm6FyvxeMq1H0Qef29kJPD/1dsLN9Xd2qomf/prumAikkX5U0ik85arwhTrA7jeDn\n4nlL2DavNoDs6mdcuk9Q0bdmNRSj1dCljag2T724U6dM0btPPTVrMUY369YdSlOsoK0NFi0Kd24V\ne8fBsvNrG9pfvMHrczzp4NCxYguowoRBx/ufJ5UXiPDbVfBqJzheqD7sPNe/VelwUo1mghrstLW0\nsejYkTfuiavMu/u62bhrY83x2ZNnV1RxLfYX0bVLKs6Z/qIueie4r5t1g56xStfbuu5R1WGVZ6jS\nFcYYIkjBu46HMAbgKfxVP21j1ZMOg3Kw8hptA+73/8fPYVtVOcXbrm6FM84IJcPcF97BI5Nqm7Ec\n90wrD/+u6hp33MFz3tXPlumegWobgKtWC0une3PswuKuiq5kYZWcS0mnEfxMYtWxuWez83h5z4CS\njKuO6mbpzqHr9o2HqROnsXDmwhHJb2SHGYQsyaP/vbUV+h1drFpba+VtaYEBhwZ3EcOgAMzcC7c9\nXOX0CGcLAFhxq7LsFfDM+KFjhx3wjlOdfXPGGfz5vqpj04ceDpZmxOvXU3j/7lD3D1LSUVtIhiGJ\nlMsBDfm9Cizv2FJhEIzmpd7GtMvqvVFVv5i8OGOIKL76RhLkhhkYqJVXXD6YAFzNjdrawhuFmM2R\nlv5+APoMAgRxAAAgAElEQVS94OrWqV6wdcUaWLphwCuvmDJBSlqQmpLQcYOfjU653NpmqZyjhXor\nhCn+/53AC/HKVgCcD/wqTaHGBFu21O4mHRz0jmdpEIJm/Kq1xkLVWzm0tAytGiZOhN2OWXN7bY9c\nOjoqjQx4Rqb6PoWCd24c2tpYuqHI0g21x+NSr6l9iaAYxsBg7ec9qINsemIjm56o9eGHxnGvKKuO\noJWLiznFtkirJSO/1Msy+hSAiPwCeIGq7vGffxK4riHSjWai+OobSZRZO3jupXI//h13uM/buROm\nTq11kXV21h6D5F1pLuMT19AsXMjg2nCnzn3xOh6ZUPu5Hlds4+Hfjjx47EIWd8VedRx/+PFs2rWp\nonFNdSMbABRWbOnAK4JsQeNmJ0wMYQ6Vu5YPAHNTkWYsEaR4s+4bHaQ4HbVxnLjiD6XjLhdZZ2dt\n9hIkv0oqXS+jmM2KLR0s67yfZ1qGPsfDBgq+Mk0WAQYHa91Tm57YGCqGcMfWOxgY6K9W/agoC45Y\nUBEYL/YX/fjB9sTkN7IjjEH4LnCXiNzgP38N8J30RBojRJ2xbt4M24YyPJg9G+bPD3+/sAHsIMW5\nMYb7okTWLrIZMzJzx5WCrss7trC1rcicYhsrtnSkEowdXLvEWf668OF9nntLhMVzg3YleEzdD0/d\nueTQ85fOXcva4/SQG0uAA/1FZyZvPZp5b8NYIEz56xUicjNwpn/o7ar6+3TFGgNEmbFWGwMYeh7G\nKEQNYLsUZ0nOaqpXNFEyj0qyjBGW7pzRmGwc1/ddKDD4aYGWFgrL+7lj6x2cMSd8mtZtDy+Gh2OK\nZRVIc0/YtNPDgKdV9VsicqSIzFPVh9IUbEwQdsZabQzKj4cxCFED2K7VRHu7W47qYPH8+e7VRL10\n1tIGt7yk3oL7M4B4LqegVVrS6cdB37e/uXDq/i76Eul5GFEsq0Cae4Y1CCLyCeBUvGyjbwHjgKvx\nCt4ZzUCUAHZ3N2zaNJTpUyx6z4PYubPSKM2Y4ZWuqHZvTZ3qzijq7x8yFGmn3oZVvK4ZdvlnUi0r\nDH/d7u5KQ1kses97e2HHjnjpx9XjKhZZdZIrxTbb1ZhVIM0/YVYIrwVOBu4FUNVtIjKl/luMXBEl\ngP3AA+700iCqZ/3d3Z6CK2fHDs8gVGcU9ffXupfSiitEcZtt2cKq5w5WKVStTVkdHPTceaqB9ZwO\njfXAAZy4Vl1RPgPHuK4+Cd51/tAmvEemeaU/npgIly3uAqBl+CvXEpRBFnK3eBJ9sY10CWMQDqiq\nioiXSi2SwWJzjDN7tltxzJ4d7v1RAthBWUJhqeeeWrSoUsl1dbmvkUZcIYLb7Or5RadCBWqNgite\nMjhY+X2NZDxh3+MY1z+dXbkjG7znnzy3lcXzImzvLuOlc9eydrF7YhA29dYqkOafMAbh+yLy38A0\nEXkn8A7gynTFMioouWRGmmWUZsplS9VcM4p7KmjlkkZcIYJcHz3HrVCXn+0wCGkRNv3YIX9Qg5ze\n1pjG3pGdFGZTXok8VCC1LKf6hMky+oKInAM8jRdH+GdVvSV1yYxK5s+PlmZaTdgAdlCWkGsHcUmu\ncuq5p6p93e3tlf7z0n3SiCtEMD6PBzhEaxRtoQCFAqsW9Dv89SHlCvq8w26Yc4xrTq+3qqk5Na5r\nRjWSAXARp1R4XCzLaXjCBJU/r6ofAW5xHDMaRaMK4QVlCZ1wgvf/cDIEuafa22t9+Dt2wMyZlb72\ntOIKQVlSDuMzfR88dVjtqXP6WqCttWL8q+b0suyUbeHcS9WIeGPavr3S2EapEeX4vP/5Nnj3+XCw\n7K+7ZRCKWjyk0FtaWg+lnVbPmg+V0yj7zd1WioNUrwghUpHBtAgz87csp+EJ4zI6B6hW/q9wHDPS\nopGF8IZzLw13v6D3B/nwe3oqdyqnFVfo6Ql33uAgX7nZU+o1lVFvGazZVb385C3h3UsiMH58zeey\n6kStDWBvDmkAHZ/3O55op+3H22pXLf0LYMYMpr9oKO3UNWsGeP52nHsZOP74fKQFlxF25m9ZTsNT\nr9rpe4C/AzpE5I9lL00Bfp22YEYZ9QKipdeTXDkEuZei7HauPh600zmtjWmOVMywlBR5rRtIayqj\nBlX6dPrxVYfkKBbh4YdZNb9YYXwOrTBWF1kaVuDqz3vdOpZucxiktloj45o1Azx4BNH2rixcCAz1\niQjqh5CGDz/szN+ynIan3grhf4Gbgc8CHy07vkdVn0xVKqOSegHRRq0c4q5SGlm7ySVrRJZuCHD5\nlK9gZs9mzsnwiEP5H/4MzP3AMHGFfftYHpARtPxlsLSsHkC9LmSDVR3LogTQg2bH24ISy+t8loMr\nWnnpmwdYe5w7GyktH37Ymb9lOQ1PvWqnvUAvcDGAiBwFTAAmi8hkVd3aGBHHIFEa0TSqPlDcct1h\nU1+DxuryXUeRNSx+IT/3xq6qc7dtY8Wtte6l8f3wdBv0+G6ZenGFoIygrVXd4frGu89zEsH4Bs2a\nZ++pc20X69dTWN7vxz/EuToImslv7tkca9UQduafhyynvBMmqHw+8EVgNrATOA7YCDw37s1F5Dzg\nS3j7ZK5U1c/FvWbT45rduoKM9SqQpuGGiVuuO2zqa1BANei4y40VdfwlBVoKFLdudLtxqFXoLvdS\n37ghY1AiKK4QlBE0p1ipzA7eviT8eCLsO3HNmgGevYva31iIcuH1iuYFzeQHdIABfxIwklVDlJl/\nlllOzUCYoPJngBcDt6rqySLyUvxVQxxEpAX4L7yg9WPA70TkJ6r657jXbmpcs1tXI5pSoLZRbpgk\nXD5hUl/rlc+uJsiNFVQ3KYiqQPHHF26MtA+h2r1U+IT7Nq7VwIo1sOw1heHLYq9fz/R31Tageeo/\nHH2lI+w7cc2aDwwc4A+z1N2rIsbKM2gmX03UzB+b+SdHGINwUFV7RKQgIgVVvU1EPp/AvU8DHlTV\nLQAici1wATC2DULQ7La6EQ3U1gwq4epOFpc0Gsy4iOIyCnJjiYTv4eBYeTwa5MYJOF5N4Ky/t/bY\n0g3Ags5hy2KP+4fdDBRq319Y3u/eKRyh1Hdp1rz2oS4O9Jf9/kZQLrxeUDloNeIiauaPzfyTIYxB\n2C0ik/HaZq4SkZ1AzC2PABwNPFr2/DHgRdUnicgyYBnAnKybxzSCKDPxoFTKsCmWUWhUg5koLqMg\n4zkwAAsW1G6CcxnP0v6KMuY808ojk2p/4i6FzsSJsG9fxaEVa2DZX8Ez44aOHXZQWLHGEWxdsCBU\nWexILqMY1ASow1LWPW7cmV3OU1wz+QEdcLbqtMyfbAhjEC4A9gOXAkuBqcCn0xSqHFVdCawEOHXK\nlDpV1kYJUWbiUauYxlXmjWgwE8VlVM94umR1tfB0jGfFI8ezbP4mnmkd+rkd1i+suGcqUOa2KZUP\nqepXsbRnNjwwtXbW34+X+pm3Ut8NpHomX515BJb5kyVhSlfsBRCRZwGrE7z348CxZc+P8Y+NbaLM\nxMOuJhq5sS0uUVxGKbmxArub7QLa9g19L1N9H5KjrMjSDd0s/TFQBNqADoINatxueGnRgN3x5v/P\nF2GyjN4FfApvlTCI1z1P8X7icfgdcLyIzMMzBBcBb4p5zdFB2Jl4WIUYN2W0kURxGUUxnhGNYo0b\nJ8r7o5wbtxteWjRwEmH+//wQxmX0IeBEVd2V5I1VtV9E3gv8HC/t9Juqel+S9xj1hFWIcVNGG0kU\nlxGEN55BRvGBB8IZlChGNcq94nbDS4tmmkQYiRHGIPwFeCaNm6vqTcBNaVx7zBBGITZyl3BUqt0S\nQSmjcWWtl70VprJqFKMa9V55pJkmEUZihDEIHwN+IyJ34nlEAVDV96UmlZEsjUoZHY7hyl+XlE11\nqe0kZA1bzyhoFhylrHfYfRAj3U3dCPI8iTBSI4xB+G/gl8AGvBiC0Ww0KmW0Hi6fdJC7pFDwlGoY\nWcMGPoPSTl24FOHEie7jhULsuklOwnbDS4u8TCKqsAY36RLGIPSr6mWpS2KkSyNSRku4smZ6esLP\niAcG4Mwzhz8vaqA3LK6Mpt21u4SBmj0IkXHtkUgiyyhuhlAeJhFVWIOb9AljEG7zN4etptJlZBVP\njVrqZc2EJWwLzSiBz6DigC6iNKiJS3t7/G541cTIECos7gJg8SPCbSwObwDWr6fw/gCjmRDW4CZ9\nwhiEUirox8qOJZF2aowGYvQdcBKlhWZagc/+/tpxpUUau8pHaYaQNbhJnzAb0+Y1QhCjCYnad8BV\nPTNOC820Ap8tLenEBVzkrDJtmqUr4mINbtKnXse0s1T1lyLyOtfrqvrD9MQyYhHFfxzH1xy170CY\n6plRWmimEfgsFLxVShQXUxxSWH08PBXmOuouPTwVOnyX0NTxk53vLbmMpu6Hp+5ckrhscbAGN+lT\nb4WwGC+76HzHawqYQcgjae2odRFldjt7dvJ7JqIEPqtTWYOYOTNazGPaNHj66ZGlkJaMV8KlK5af\nDVfdWGDCgSGZ9o8vcPVfd7J4XvDnv3jeEgDu2HoHydSvTBYrc5E+9Tqmlaq6f1pVHyp/zS83YeSR\nJHbUhvU1B9Udqla+URRc1Fl/2OyplpZwewN27Kjfoa6afftqVz71DGVVMx5nCfOYpSuuOQkWHNHJ\nJddv4aieIjvb27jywg7WnN78itPKXKRLmKDy9cALqo79ADgleXGM2CSxozbszD8oG6elpbZ3Q1jS\nSncM2zBncNDLcgrbT6FYrDVK69e701SnTfOb0ZexcaP7ujFLV6w5fcaoMABGY6kXQzgBr03m1Ko4\nwrPweisbeSSKyyVqULY63hC17lBYGrlnwkV/v7eqKZ+5B7mcXJ/VwoW1RmHaNJg1qzad1jByRL0V\nQifwamAalXGEPcA70xTKiEEUl0uUc6NkFDWyvEEaJZpFPNdRmPOClHr1SqBevKaBpLbTtwH7EIz0\nqRdD+DHwYxFZpKrrGiiTEYcoLpco54bNKGpkeYMoQfEoeyRUa1cDrtVBmCB1iaB4TRApbI7r7utm\n464hF1VxoHjoeVJ++VJg2mhOwsQQXisi9wH7gJ8Bzwc+oKpXpyqZUUmUmXAUl0vYc6MEShvl7okS\nFI9SyygKDzyQfEYWOFt7uiiliYZhc8/mwOPlBmHy+Mn0DuyOdG0Whz/VyC9hDMK5qvphEXktXt/j\nNwC3AWYQGkUeOp7VizcsWtQYGaqJEhRPY0cwhI+X1Pv8Ojpiub3CzsoH1J05VX184cyFzvOM0U8Y\ng1BqFf4q4BpVfVIaWevFyEcpgiQ2gSXt748SFI86Qw+bZRSWep9f1kH0UYpVRo1OGIOwWkQ24bmM\n3iMiR+K10zQaRR6alcRNB01jlRPFSEWJIbhm7QcOuGMGrsqoLvJQPVTxGuC6jg/D+h3r6d0XPmic\ndSwhamVUMx4eYWoZfVRE/g3oVdUBEXkGuCB90YxD5KVZSZyZbBqrnChK1mU8XKmkQbP27m73noEs\n21z6hFVm0/fBU4fVvn96iArevft2M7iiNdT+knFndrF+x/pMXU9RKqNaWe0h6u1D+LCq/pv/9GxV\nvQ5AVfeKyHLg440QcFQT1oWS02YlgbjGldYqJ6yRmjGjdlfwrFkwdWryGVkuUooDKYRWZl++Gd5x\nARws+6sf1+8dv+o5IW+YRppvCkSpjGpltYeot0K4CCgZhI8B15W9dh5mEOIRRUHkwd0A4ZRB0LjS\n6pUcJFNQu85yduzwDELYoHjeVkily4RUZi/b1sa3flxk+dmwdSrM6YUVa+DsbW1cFeZGAwPZJzeE\nJKgyKgprH+qqPBQQEh2LZbXrGQQJeOx6bkQlqoLIOvAY1oAFjSsoQDtxYvIy9fbW9mp2pZwmFZgP\nU5yuwXGgkjIrV34fXOwVvVu6obLo3Rfe1lFzrhPX/gzHZzj5APQWdg9/vRQ5JKVUHrz6h7B081Ca\n9FteUWTVQkEdgZSxWFa7nkHQgMeu50ZU8hAojkJYAxZV/qDWlHFkirLfIO7nXa9DXLlRaHAcqFyZ\nDa5dcmgnsavo3f8+D7Y8ug4Fjiu2sWJLB0t3uoxkl/tmVeMKLJu9fv0IRjJyVnUWWf6S/WydoszZ\nI6zoamXpfQMw6MtbLPL1n8Ldc4RNh9eqtPaJ7Q2VNw/UMwjPF5Gn8WzsRP8x/nOrZRSXvASKwxLW\ngCXRNS0sSdwn7ucdZHyqi9OlGAcqSKFuj4DC4q5DG8eqi95VBFQFHplQ5M0LNvLmBRtr3ABbfu/u\ns0BbW03pClejnSxLW2ydorzkLwehav4w6SDsaXWvXnv2pbR3JcfUK10RMp/OGBHNFigOa8CCxpVk\nTn9S1KtFlDRJxYGqYiNvOhx+f1ZnYJbRcOmfroAqwqHrlF/3H9/Wznf/346KPgt7x8G7X1Fk1fOL\nh+639qEuCou7aHF85VHSUZNOBZ3T2+U8vm2K+3yLIRiNIy+B4rCENWBB43LV/QfP354G1UbIlWIa\npRZREsSNAzliJitXwxVHwJrTR7ZbvF42TnX20g8P3wHvmclXru6pcDnd2LGdqQztcF48bwnrd6yn\n2F9kf/9+FEUQTjgiXDkOSCcVdGd7GzN7asd79B547Fm151sMwWgsWQeKoxC1aF5QplSCncEilYM4\ncMB9jc2b430H1WWyy48njSNmMukgXHL9lhH3PgjMxsGdvbT6iB52/Uel8VlI7b1nTZ7F/T33HwrW\nKhpJoaeRCnrlhR186Nv313SSe/HATH4oO6w1J2YQjCiENWBBqaDz5ye7kStKOYigXs1xeyeXxpOk\noQsiIGZylGPWG5agPsU1bqSSCCHdKHEVepR9BGEpGc3qoPquk2fQ2TfVdiqTkUEQkTcAnwQWAKep\n6t1ZyNFUNMmGoIYW4suL2y1pQxdEwIpoZ/vIXRtBfYpLz6tpLbSy7tF1wyrOuAo9aOUS140T1EnO\nWnN6FDK675+A1wG/yuj+zUVJyZaUQUnJdndnK5eLeumpaTBjhrexbMkS7/8gY9AaMPcJOp5HOjq8\nFVAZe8d5rpDEbzW9g4JU3ksQ+gf7Dynqkl+/u6/2dxikuMMqdNf9x6obp5Fk8tegqhsBrGpqSPJQ\n7TQsed1fcfzxsGlTZSBZxDveLDhWRMteVWRbhPhBdeZO+8R2duzdURO87WzvpLO9Mnupf7C/plR2\nkBsoyBUVVqEHrVzSmsVbcTuPJpoejWHyqmRd5HV/RZB7CWr7HLtKX+TFRVcVG7nmpK7QvWlcmTvb\n+moD4iUlv+jYRRVKsevhLud1Xa6dJBR6FDdOHIVuxe2GSM0giMitwEzHS8v99pxhr7MMWAYwJ2ul\nkhVpKtkoii/MuR0d7pl4HvZXuCqYhi19kdOaPUG4FKRzz0EAQf77KH79Rvnl4yp0K243RGoGQVVf\nltB1VgIrAU6dMmVslsxIaxNblABwPeXZ01NZRK6R+f5xZvJRSl/k1UXnIEhBhjUGQcR1A6VFHjOa\nmhVzGTUDaWXTRIlNhFGeQUXkSu9PWpnGzWiK6nKL66JrkBsqSEHGpdF+/bDkNaOpGckq7fS1wFeA\nI4Gfish6VX15FrI0DWlsYosSm4irDNOId8QNtketuxTHRdfAdNwkZrYt4q5ck8f0zCgK3eVKy+vK\nJwuyyjK6Abghi3sbZUSJTcQtWtfWlvwMOW6wPcgVN3NmZQyhdDyOi66BmWL1dh9HoVkyb8Iq9CBX\nmiujKq9jTRtzGY1GonRiCxsAdinPsBQKXmwh6RlyUNOdoL0Frs+ls9P9WYXtpBaWBmaKtU9sd2YP\nRWFAB5om8yasK6terKE6o2qsYgZhtBHVNRE2AOyKY5S6kLlm2OWB5lJdoaRnyEGyuo4HfS6dne6O\naUm76FLMFKueyVfvFRgpjcq8adRKxILHw2MGIY+kkTkTFCgOukbYonVhZ9KuBvUQb4YcVIfIdTzr\nzX0pZYq5eiqnSdLXT2IPQNhrWPB4eMwg5I20MmeiBIqjKOmwM+k0ZshRrpn15r4U6y6FzSBqkRYG\nddDZLtJ1rmulkbTyTGIPQNhrWPB4eMwg5I2gmezmzeGUSRKB4jQ2AKYxQ262JkMZljsXBBFBHe60\nFmmhtdBa4bIBQivPOC6fJNw49a5RXYjPgsf1MYOQN4JmrAMDQ66QequGKEqyvd29b6A9hV6yacyQ\n81LttAlQlP5BRwAeL4B85rFnOl8bTnnGdfkk4capl1VVXYivs72TRcc6YkYGYAYhf4RN7wzyf0dR\nkj0BPWO7u2uDwkko2TRmyM3UZKjJCLPnIK7LJwk3jusaLsZqOYoomEHIG65U0CCCDEdYJRl3NWLk\nAkEq4wIKuAoJBx2PQb2ZeRhXUlJF8KqvYRlFI8MMQh4JW/snrq8/7mqkmchrFdYEqAkSByj9FoUB\nx2tR3DPVSj4o+NxaaA3tSkpi93P1NUqxg2oso6g+WTXIMYII20gmieBpR4e3ES0MeSy1HQVHc5lc\nB6DjUmUjDjsASwJ+Wu0Tw8WMSvGCcr+8y01TkAKqGuhKagTWYGdk2Aohb9RTvKVZbhJlqks0ajUS\nhSD54+zPGGMB6PZnYPJB2DoV5vTCijXwkXPc5/bsC4glVeGKFyhKa6GVFmmpcPls3OXed9Iol02Q\nK+qBJx/ggScfqDj3jDlnNESmZsAMQjPh2lFbTZR9DFFXIy6FXLrOSJVs9TWrdz8n2aNglAagC1Ko\nUNQtg/Cln8HSDZXnvfl17veHVdJB5/UP9nPG3EqlGtSTuZEum2o30tqHumgZhMkHhs7pnQDrd6xn\n4cyFDZMrz5hBaHaqFWp/f/gduVFWI1C527hYrN19HFVJu4xXUC+CJu9RkBYCNbn1RS2ytH8BtJX9\nLgoFYJ/zGmGVdJQU0bxuAjv42VY4Y8h4jTuzKzthcogZhLwRJfjpUqhBBF0z6Hj1auT224OvXU4U\nJe3ahBeVZo9tJIBrJlyzGlq/HthXs5qIoqSjKPm89k4w6mMGIW9E2VgWRaG6DEqUewXVDXIRVkkn\nocxHQZZQo3CtJqIo6ahKPo+9E4z6mEHIG1GCn2EVapCSTyvQmrSSTqtHwRgkrpI2JT+6MYOQR+IW\njGtthZaWcEo+6UBrUkralVGVdI8CwzAqMIPQzAS5fI4/vrGKMmw6bND7XMcb0aPAMIwKzCA0M43M\nrZ89253pM3s2zJ8/sms2W7VSwxjlmEFodho1ay4p/XKjEMcYwJjbLGYYeccMghGe+fPjGQAX5gYy\njNxgtYwMwzAMwAyCYRiG4WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG4WMGwTAMwwAyMggi8u8i\nsklE/igiN4jItCzkMAzDMIbIaoVwC3Ciqj4P2Ax8LCM5DMMwDJ9MDIKq/kJV+/2nvwWOyUIOwzAM\nY4g8xBDeAdwc9KKILBORu0Xk7icOHmygWIZhGGOL1GoZicitwEzHS8tV9cf+OcuBfmBV0HVUdSWw\nEuDUKVM0BVENwzAMUjQIqvqyeq+LyNuAVwNnq6opesMwjIzJpNqpiJwHfBhYrKrPZCGDYRiGUUlW\nMYSvAlOAW0RkvYh8PSM5DMMwDJ9MVgiq+uws7msYhmEEk4csI8MwDCMHmEEwDMMwADMIhmEYho8Z\nBMMwDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMwDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMw\nDAMwg2AYhmH4mEEwDMMwADMIhmEYho8ZBMMwxiyTD2QtQb6QZmpnLCJ7gPuzliMFjgB2ZS1ECozW\nccHoHdtoHReM3rGFGddxqnrkcBfKpGNaDO5X1VOzFiJpRORuG1dzMVrHNlrHBaN3bEmOy1xGhmEY\nBmAGwTAMw/BpNoOwMmsBUsLG1XyM1rGN1nHB6B1bYuNqqqCyYRiGkR7NtkIwDMMwUsIMgmEYhgE0\nmUEQkX8RkT+KyHoR+YWIzM5apqQQkX8XkU3++G4QkWlZy5QEIvIGEblPRAZFpOlT/kTkPBG5X0Qe\nFJGPZi1PUojIN0Vkp4j8KWtZkkREjhWR20Tkz/7v8P1Zy5QUIjJBRO4SkT/4Y/tU7Gs2UwxBRJ6l\nqk/7j98HPEdV352xWIkgIucCv1TVfhH5PICqfiRjsWIjIguAQeC/gQ+p6t0ZizRiRKQF2AycAzwG\n/A64WFX/nKlgCSAi/xfoA76jqidmLU9SiMgsYJaq3isiU4B7gNeMku9MgEmq2ici44A7gPer6m9H\nes2mWiGUjIHPJKB5rNkwqOovVLXff/pb4Jgs5UkKVd2oqqNld/lpwIOqukVVDwDXAhdkLFMiqOqv\ngCezliNpVHW7qt7rP94DbASOzlaqZFCPPv/pOP9fLJ3YVAYBQERWiMijwFLgn7OWJyXeAdyctRBG\nDUcDj5Y9f4xRolzGAiIyFzgZuDNbSZJDRFpEZD2wE7hFVWONLXcGQURuFZE/Of5dAKCqy1X1WGAV\n8N5spY3GcGPzz1kO9OONrykIMy7DyBIRmQxcD3ygytPQ1KjqgKouxPMonCYisdx9uatlpKovC3nq\nKuAm4BMpipMow41NRN4GvBo4W5souBPhO2t2HgeOLXt+jH/MyDG+f/16YJWq/jBredJAVXeLyG3A\necCIEwNyt0Koh4gcX/b0AmBTVrIkjYicB3wY+CtVfSZreQwnvwOOF5F5IjIeuAj4ScYyGXXwA69X\nARtV9YtZy5MkInJkKRtRRCbiJTvE0onNlmV0PdCJl7XyCPBuVR0VMzQReRBoA3r8Q78dDRlUIvJa\n4CvAkcBuYL2qvjxbqUaOiLwS+E+gBfimqq7IWKREEJFrgCV4pZS7gU+o6lWZCpUAInIGcDuwAU9v\nAHxcVW/KTqpkEJHnAf+D91ssAN9X1U/HumYzGQTDMAwjPZrKZWQYhmGkhxkEwzAMAzCDYBiGYfiY\nQTAMwzAAMwiGYRiGjxkEwwiJiLxGRFRETshaFsNIAzMIhhGei/EqSl6ctSCGkQZmEAwjBH4tnDOA\nv4Q1nyMAAAFOSURBVMXboYyIFETka34t+htF5CYReb3/2ikislZE7hGRn/tlmA0j15hBMIxwXAD8\nTFU3Az0icgrwOmAucBJwCbAIDtXO+QrwelU9BfgmMCp2NBujm9wVtzOMnHIx8CX/8bX+81bgOlUd\nBHb4xcXAK69yInCLV0qHFmB7Y8U1jOiYQTCMYRCRw4GzgJNERPEUvAI3BL0FuE9VFzVIRMNIBHMZ\nGcbwvB74rqoep6pz/X4cD+F1GLvQjyXMwCsOB3A/cKSIHHIhichzsxDcMKJgBsEwhudialcD1wMz\n8bqm/Qn4Ol4nrl6/vebrgc+LyB+A9cDpjRPXMEaGVTs1jBiIyGS/yXk7cBfwElXdkbVchjESLIZg\nGPG40W9SMh74FzMGRjNjKwTDMAwDsBiCYRiG4WMGwTAMwwDMIBiGYRg+ZhAMwzAMwAyCYRiG4fP/\nAfyzKuSV3NT5AAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYQAAAEWCAYAAABmE+CbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3XuYHGWZ9/HvPTPJJJqQxEAm4RDirBBR1KAoB8ObCKLo\nyiKiLmzURcWou66IqyhGRF2j664r63pYRURUsrIqooKgIjDRaOQgjiDkADuBcEgmEEjIQDLJzNzv\nH1Wd9PRU91RPV3VVT/8+15Ur3VXVVU91J89dz9ncHRERkZasEyAiIvmggCAiIoACgoiIhBQQREQE\nUEAQEZGQAoKIiAAKCFLCzBab2UNZp6NRpP19mdnXzezCovfvNbNeM+szs5nh350JXu8AM1trZpOT\nOmeWzOzDZvaprNPRKBQQGoCZ3W9mO8P//JvN7HIzm5J1umplZm5mT4X31Wdm2+p8/ViZuZm9zMyu\nM7NtZva4md1qZm+vRxrd/T3u/i9hOiYAXwRe5e5T3H1r+HdPgpf8KHC5u+80s7uLfptBM9tV9P5j\nY72AmV1pZh9PMM2F855iZveVbP4a8C4zm5H09cYjBYTGcaq7TwEWAEcBF2ScnqS8KMzUprj79Go/\nbGZtaSSq6PzHATcBK4HnADOB9wKvSfO6ZXQAk4C7az1R1PdmZu3A3wNXALj78wu/DfBb4H1Fv9Vn\na01DPbj7U8CNwJKs09IIFBAajLtvBn5JEBgAMLO/NrM/mdmTZvagmX2yaN+88En8781so5k9ZmbL\nivZPDkscT5jZPcBLi69nZkeYWVf4dHy3mf1N0b7LzexrZnZ9+NT4OzObbWb/GZ5vrZkdNZb7NLN3\nmdl94RP5z8zswKJ9bmb/aGb3AveG255rZjeEx68zszcXHf9aM7vHzHaY2cNm9iEzeyZwPXBg0VPv\ngSMSAv8OfMfdP+/uj3ngj+7+5ohjMbOPmtn/hde6x8xOL9r3HDNbaWbbw9/hf8PtZmYXm9mW8De8\ny8yOLPqOP2NmhwPrwlNtM7Obir6L54Sv283sC+Hv3GtBddPkcN9iM3vIzD5iZpuBb0ck/xhgm7vH\nrgIzs3eH3/fjZvZzMzso3N5qZl81s0fD+/2zmc03s/cDZwAXht/5DyPOGfnZcN/k8N/XgxaUlr8c\n3vdM4Gqgs+j3nBmesgv467j31NTcXX9y/ge4H3hl+Ppg4C7gS0X7FwMvIAjwLwR6gdeH++YBDnwT\nmAy8COgHjgj3/yvB09+zgEOAvwAPhfsmAPcBHwMmAicCO4D54f7LgceAlxA8ud4EbADeBrQCnwFu\nrnBfDjwnYvuJ4XlfDLQDXwZ+U/K5G8I0TwaeCTwIvB1oIyhBPQY8Lzx+E3BC+HoG8OKi7+2hCul7\nBjAIvKLCMcPOAbwJODD8Lf4WeAqYE+77PrAs3DcJWBhufzXwR2A6YMARRZ+5HPhMyW/ZFvUdAhcD\nPwu/l6nANcDnitI5AHw+/E4nR9zLPwI/L3OfXcA5Jdv+FlgDHB7+W9n7ewOnAauB/cL7fT4wK9x3\nJfDxCt9ppc/+N/Cj8LuaRvBwdFG47xTgvojzHQ88kvX/40b4oxJC4/iJme0gyPi2ABcVdrh7l7vf\n5e5D7n4nQcazqOTzn3L3ne7+Z+DPBIEB4M3Acnd/3N0fBP6r6DPHAlOAf3X33e5+E3AtcFbRMVd7\n8MS8i+AJbZe7f9fdB4H/JcicK7kjLH1sM7PCtZcAl7n7He7eT1A9dpyZzSv63OfCNO8EXgfc7+7f\ndvcBd/8TcBVB5gywB3ieme3n7k+4+x2jpKlgBkGGtCnm8bj7D939kfC3+F+CEszLitJxKHCgu+9y\n91VF26cCzwXM3de4e+xrQlDKAJYC54Xfyw7gs8CZRYcNEWSe/eH3Vmo6QcCP6z0EwWq9u+8BPgUs\nNLOO8J72C+8Jd7/b3bfEPG/kZy2o5noncK67b3P37QQPNGeWPxWE91R1dWQzUkBoHK9396kET3rP\nBfYv7DCzY8zs5kIRm+A/6v4ln99c9PppgowegqfZB4v2PVD0+kDgQXcfKtl/UNH73qLXOyPej9b4\n/WJ3nx7+eX/Rdfemw937gK0l1y1O86HAMUWBZRtBUJkd7j8DeC3wQFhlc9woaSp4giATnRPzeMzs\nbWbWXZSOI9n3W5xPUAK4Nax+e0d4fzcBXwG+Cmwxs0vMbL+41wwdQFCi+WPRtX8Rbi94NAzc5TxB\nEJjiOhT4etH1HiUohRxMUB33LeAbwGYLqhbjdoQo99kDCUoidxdd8yfArFHONxWoa4eFRqWA0GDc\nfSVBNcIXijb/D0FVwSHuPg34OkHGE8cmgqqigrlFrx8BDjGzlpL9D1eZ7Go9QpDZABDW988suW7x\nNL0PAiuLAst0Dxo+3wvg7re5+2kEGcdPgB9EnGMEd3+aoOrijDiJNrNDCarm3gfM9KCR/C+Ev4W7\nb3b3d7n7gcC7ga8V6v/d/b/c/SXA8wiqYD4c55pFHiMIwM8v+g6medAgvPeWRjnHneG143oQOLvk\ne58clhjd3b/o7kcRVGO+CDg3TjoqfHYTQcD5q5J7LLQVlDvvEQSlYhmFAkJj+k/gZDMrVPtMBR53\n911m9jLg76o41w+AC8xshpkdDPxT0b5bCEoT55vZBDNbDJxKUAecpu8DbzezBRb0fPkscIu731/m\n+GuBw83srWE6J5jZSy1oEJ9oZkvMbFpYrfEkwVM/BKWZmWY2rUJazgfOtqA/+0wAM3uRmUV9B88k\nyJQeDY97O0EJgfD9m8LvGIKncQeGwrQeY0G30qeAXUVpjCUsxX0TuNjMZoXXO8jMXl3FaW4Fphca\nhmP4OvDxogbfGWZ2Rvj6WDM7OqzmeQrYzfDvvezYiXKfDX+/y4Avmdn+FjjEzE4uOu+siJLIIoJS\nh4xCAaEBufujwHeBT4Sb/gH4dNjG8An2PQHH8SmC6pkNwK+A7xVdZzdBAHgNwRPo14C3ufvaWu+h\nEnf/NXAhQTvAJuCvqFBPHNaXvyo85hGC6rFC4ynAW4H7zexJguq0JeHn1hIEn56wCmJELyN3/z1B\nI/eJ4XGPA5cA10Ucew/wHwSlil6Chv7fFR3yUuAWM+sjKNGd68EYgv0IMvMnCH6LrQS9m6r1EYJO\nAH8I7/XXwPy4Hw5/78uBt8Q8/vsEVV0/Dq/XDRQy5+nhubYBPQT39aVw3yXAS8PvPCqwVvrsBwh+\n49uB7QTVYs8J9/2Z4Ht9IDz3s8LS5SsJu9JKZeauBXJEJGBmBxD0OjuqTMNzQzGzDwNT3f0Tox4s\nCggiIhJQlZGIiAAKCCIiElJAEBERIBjm3zAmTJ3gk/aflHUyRMaNvv4+XrIj2Ylz/zi1j9aWViZP\nGBczaI8Lfff3PebuB4x2XEMFhEn7T+LoTx6ddTJExo2VG7q4fWWy/6cmnNDFlGdOZcHsBaMfLHXR\ndXbXA6MfpSojEREJKSCIiAiggCAiIqGGakMQEcnClNYpnDn3TOZMnkNLTp+jhxhi085NXLnxSvoG\n+8Z0DgUEEZFRnDn3TI48+Ejap7YTLD2RP+7OzB0zOZMzuXTDpWM6Rz5DnYhIjsyZPCfXwQDAzGif\n2s6cybGX7xhBAUFEZBQttOQ6GBSYWU1VWpkFBDObZGa3hgto321mn8oqLSIikm0JoR840d1fBCwA\nTjGzYzNMj4hIrv32xt9yyrGn8KqXvopLvnRJ4ufPLCCEy+QVmsInhH80F7eISITBwUE+/dFP880r\nv8m1v7uWn1/9c+5bd1+i18i0DcHMWs2sG9gC3ODut0Qcs9TMbjez2/fs2FP/RIqIVGnqj66h86gT\nOXzWEXQedSJTf3RNzee88447mTtvLofMO4SJEyfy2te/lhuvvzGB1O6TaUBw90F3XwAcDLzMzI6M\nOOYSdz/a3Y+eMHVC/RMpIlKFqT+6htkfvJAJDz2CuTPhoUeY/cELaw4KvZt6mXPQvh5Esw+cTe+m\n3lqTO0wuehm5+zbgZuCUrNMiIlKLA5ZfTMvOXcO2tezcxQHLL84oRfFl2cvoADObHr6eTLA4d6qL\nt4uIpK3t4U1VbY+rY04Hm4rOsfmRzXTM6ajpnKWyLCHMAW42szuB2wjaEK7NMD0iIjUbOCh6YFi5\n7XG94KgX8MCGB3jogYfYvXs31/3kOk485cSazlkqs6kr3P1O4Kisri8ikoZHl53H7A9eOKzaaGjy\nJB5ddl5N521ra+PCz13IO9/8ToaGhjjjrDM47LmH1Zrc4ddI9GwiIk1uxxtPBYK2hLaHNzFw0Bwe\nXXbe3u21WHTyIhadvKjm85SjgCAikrAdbzw1kQBQb7noZSQiItlTQBAREUABQUREQgoIIiICKCCI\niEhIAUFEpEF87P0f4/gjjufUE9LpwaSAICLSIE4/83S+eeU3Uzu/AoKISMKuWX8NJ37nRI746hGc\n+J0TuWZ97dNfA7z0+Jcybca0RM4VRQPTREQSdM36a7jw5gvZNRBMXfFI3yNcePOFAJx6eL4Hq6mE\nICKSoItXX7w3GBTsGtjFxas1/bWISFPZ1Bc9zXW57XmigCAikqA5U6KnuS63PU8UEEREEnTececx\nqW3SsG2T2iZx3nG1TX8N8MGlH+Ss15zFhvs2sOiFi/jRFT+q+ZzF1KgsIpKgQsPxxasvZlPfJuZM\nmcN5x52XSIPyFy/5Ys3nqEQBQRpGb18vPU/00D/YT3trO50zOumYkuwSgiJJOPXwU3PfoyiKAoI0\nhN6+XtZtXceQDwHQP9jPuq3rABQURBKiNgRpCD1P9OwNBgVDPkTPEz0ZpUiayRBDuHvWyRiVuzPE\n0OgHlqGAIA2hf7C/qu0iSdq0cxP9O/pzHRTcnf4d/WzaOfburaoykobQ3toemfm3t7ancj21V0ix\nKzdeyZmcyZzJc2jJ6XP0EENs2rmJKzdeOeZzKCBIQ+ic0TmsDQGgxVronNGZ+LXUXiGl+gb7uHTD\npVknI3UKCNIQChlx0k/tUSWBSu0VjR4QSu83vxUgtVMpr3oKCNIwOqZ0JPofulxJoDQYFDR6e0XU\n/QKsmNXLki3jK6NUKW9s8lkZJlIH5UoC5aTVXlEvUfeLwbLO8ddTS73SxkYBQZpWpSf+FmsZ8T6N\n9op6Kne/G9sbu+QTRb3SxkYBQZpWuSf+9tZ25s+cv3d/4X2jVzWUu9+5/dHbV8zqZd6xq2lZ1MW8\nY1ezYlZvmslLVKXfVspTG4I0rUo9l5Jur8iDqPvFYXnPyJLPilm9LJ2/jqdbg2MfmNTP0vlBHXwj\ntDfUs1faeJJZCcHMDjGzm83sHjO728zOzSot0pw6pnSMy5JAOYX7xcEcDt3VzhVrjojM4Jd19uwN\nBgVPtw41THtDs/22ScmyhDAA/LO732FmU4E/mtkN7n5PhmmSJjMeSwKVdEzpYO2ja4Cg7eCtR6yJ\nDAjl2hUaqb2h2X7bJGQWENx9E7ApfL3DzNYABwEKCCIpWvTsxXtfr9zQRcuirhHHlBuf4DDi+KGV\ni6MOlQaUizYEM5sHHAXcErFvKbAUoH2mGoREklQcHIqV9uOHoA5+/v7Dq11WbuhKOYVST5n3MjKz\nKcBVwAfc/cnS/e5+ibsf7e5HT5g6of4JFGlCqoNvTpmWEMxsAkEwWOHuP84yLSIyXGkd/KqNq7j3\n8XszTJGkLbOAYGYGfAtY4+7prgsnIjVZuaGL1iGYsnv49gW9lk2CJBVZlhBeDrwVuMvMusNtH3P3\n68p9oK+/T3WWOVOuDloa16qNqxgcHBixfc/n2mDhwgxSJPWSZS+jVUBVjxcv2TGF21cenVKKpFpR\nvVOkduUeeqZNns6C2QvG/HkIAnich6ppu+CJWxYP36hYMO7lopeRiAxX2pVzwglddb3+9kmVA349\nupqmMX21psSuTAFBZJwZrRqv1mq+elTbpjF9tabEHp0CgkgORT2dx6kuqpfi9KVRWkhjkaLxvPBR\nUhQQRHIm7w31pSOd05DG9NWaEnt0mQ9MExEplcb01ZoSe3QKCCKSO50zOhNfpCiNc443qjISkdwp\n1Okn2SMojXOONwoIIpK47Tu3RbYvVNM+ksb01ZoSuzIFBBFJ1J7fLo7croGM+aeAICINTwPOkqGA\nICINTQPOkqNeRiLS0CoNOJPqKCCISEPTgLPkjFplZGb/BFzh7k/UIT3SYKJ6ksSdlVMkCe2t7ZGZ\nvwacVS9OG0IHcJuZ3QFcBvzS3cutwS1NJGoOmzRn5Tzp972cc1UPs7b2s2VmO5ee0cmNx6uOuNl1\nzuiMXP9ZA86qN2qVkbt/HDiMYHWzs4F7zeyzZvZXKadNZK+Tft/Lhy5fx+yt/bQAs7f286HL13HS\n73uzTppkTOs/JydWLyN3dzPbDGwGBoAZwI/M7AZ3Pz/NBIoAnHNVD5N2D284nLR7iHOu6oksJag0\n0Vw04CwZcdoQzgXeBjwGXAp82N33mFkLcC+ggCDDlBulOhaFka2ztkY3EEZtL5QmCgGkUJoAFBRE\nKohTQpgBvMHdHyje6O5DZva6dJIljarcKNWxKB7ZumVmO7MjMv8tM0c2HFZbmhCRQMWAYGatwBvd\n/ZNR+919TRqJEil16Rmdw576AZ6aAP+8qH9EaWTW1uhzlCtliEigYkBw90Ez+7OZzXX3jfVKlIwv\nScxhU3iyL24X+OdF/Xz/BSOPfXAaHLp95Pao0kReaSoGyUKcKqM5wN1mdivwVGGju/9NaqmS8aG7\nG/r6YFEyq4DdeHzHiCqfRRHHfe9ve0eUJnZNbOHSM8p3Q+ze3E3f7r6q07Rw7sKqPzMaTcUgWYkT\nED6VeipkXGo5d1sm140qTYzWy2j7zm1M21X9tVZu6Ep8yUut/StZGTUguPvKeiRExqes1geOKk2M\n5olbFld3ke7uVIKepmKQrMTpdnos8GXgCGAi0Ao85e77pZw2kcSktRh8GjQVg2QlTpXRV4AzgR8C\nRxOMSTgszUSJpCFqqo08SnMqBjVWSyVxRyrfZ2at7j4IfNvMfp9yukSaVlpr/6qxWkYTJyA8bWYT\ngW4z+zdgE/DMdJMlkrzEl3CM6uKUkDSmYlBjtYwmTkB4K0G7wfuA84BDgDOSuLiZXQa8Dtji7kcm\ncU6RKFk1bseRdDVOufYSB7CR29VYLQVxehkVpqzYSfJdUC8naKP4bsLnFWkIaVXjjGgv6e7GMuoG\nLI2jbEAws7sIHyqiuPsLa724u//GzObVeh6RRqVqHMmTSiWEXExcZ2ZLgaUAc9vV7U7GlzyMOVB3\nVikoGxBKZzfNirtfAlwCcPTUqVqpTcaVeo85aLEWrSwmZY26YpqZHWtmt5lZn5ntNrNBM3uyHokT\nSVtvXy+rH1xN1/1drH5wNb199V2BrXNGJy02/L9hWpm0gVYWk4rGOjDtOWkmSqQe8tAvP60xB5Wu\npwAg5WQ6MM3Mvg8sBvY3s4eAi9z9W0mcW2Q0eWnQVSYteZHpwDR3PyuJ84iMRR4adEXyZNQ2BIKB\naS0EA9OeIsGBadL4VszqZd6xq2lZ1MW8Y1ezYlZ96+BrUa7hVr1upFnFHphmZoPAz4CH3X1L2gmT\n/Fsxq5el89fxdGtQ7fLApH6Wzg/q4JdsyX8VSJqTyIk0orIlBDP7upk9P3w9DfgzwYjiP5mZqnqE\nZZ09e4NBwdOtQyzr7MkoRdXpmNKhXjciRSqVEE5w9/eEr98OrHf315vZbOB64Pupp05ybWN7dF17\nue15pAZdkX0qtSHsLnp9MvATAHffnGqKpGHM7Y+uay+3XUTyrVJA2GZmrzOzo4CXA78AMLM2YHI9\nEif5trynk2cMDv8n9IzBFpb3qA5epBFVqjJ6N/BfwGzgA0Ulg5OAn6edMMm/QsPxss4eNrb3M7e/\nneU9nQ3RoDzejVj7ocLaDWmtorZiVu+wfxuadyb/Ks1ltB44JWL7L4FfppkoqaPeXujpgf5+aG+H\nzk7oiJ8ZLLkLlvwU6AfagU5A8SBT1az9kNZo7ageaHhwPbXZ5FeskcqSY7Vk6L29sG4dDIU9hfr7\ng/cQ7xy9vbB2Lbjv+/zatcM+X/Pi9haxokuBp/jMWXrdkmvlecGdaqQxWnvGMV1sm8TIxXiMzKf1\n1prSlSkgNLJaM/Senn2fLRgaCrbH+fy9947MlN1h/Xro6WGoi9GDVKWAtmoVr3jLYNnL33xFGyxc\nOHo6qxVx3eJrtSzqGhboGjk4pDFau28ikSuz1XreWuVh7qq8U0BoFFEZZ60Zen+Z/5zltpcaGIje\nPjgY/Cmcq1yQGi2gLVzIzfeXHF/8HRyWUuN16XUBiuLO3tXIurtpafBVyCpNv13L07RheESrQZaj\nwPMyd1WeVVox7YOVPujuX0w+OQKMzPhmzoTNm0dmnKXBoCBuht7eHn1s0gsRlQtS1QS0WktDEqnc\naO2Zk2fW9DQ9qW0S/YP9uRoFrrmrRlephDA1/Hs+8FKCaSsATgV+k2aimlpUxvfIIyOPKxcMIH6G\n3tkJa9ZEb4+jtXVfSWA0UYGnmhJKraWhFNXcTpKCuNVY5abfrvppuqS0NKWtnXnT5+Wqvr7eixE1\nokq9jD4FYGa/Al7s7jvC958kWBtB0hCV8VXS0jL8+JaW+Bk6BI2nxe0AlRpxS3V0RAerKO3tI0s+\n5QJKVECrtXorDQsWMLQyu8uXM6LL6SiiRmuveSziQYHRn6ZLA1GeqmI6Z3Ry35a17GnZ9+99wpDR\nuX+nGptDcdoQ5jJ81PJuYF4qqZHqMrjitoSx9DLq6YluFI771L11a7zrtLQE1V6lJZ+o4FMuoNWr\nemucKFdqiVNyWLVxFTiRDcON/DT9d3fCwbc6n1wMG6fB3O3wyS7n54u28+NnbVZjM/ECwveAW83s\n6vD96wkmuZNaRTUUl8v4ShUyzo6OsVeZ1PrUXem4wn1UagB3h7a2oKQwWkDr7BzZblJtaahJ7G30\nLhZW6azc0AVmLJpXYaQaMHkPWGvL8MkLHfoH+nNZRRbHOVf1MHsrnN09fPuFJz7CUMlzUbM2NseZ\n/nq5mV0PnBBueru7/yndZDWBco2ks2cPb0CGIOObPTt4Io9TEog7NqHWp+5Knz/uuOHbotoqIOip\nFKfraCH9NQyia2oLFjC0fBUALcsGWLVxFQvnlv/e2wfhK/fNH1ej0GdtjX6AeXhq5OambGyO2+30\nGcCT7v5tMzvAzJ7t7hvSTNi4V66RdOtWmD+/PoPNqn3qHq33U6XPJ1HlU0tpqFo1juCuRukUD6ll\nvGHgnbari74Yax4u2dLR0AGg1JaZ7cyOCAoH7YCH9ht5fCNXj43VqCummdlFwEeAC8JNE4Ar0kxU\nU6hUXdPRETxhL14c/F1NRlSpN06pjo4g+BQy5fb24H3U9QqBppDu/v4gGMyeHe/zM2dGp3fyZFi9\nGrq6gr97c7DiWm8vK9rWMO+9/bRcBPPe28+KtjWppG3FrF6WHr6WByb14xYuMnT42oZaea5RXHpG\nJ7smDs/ydk1s4djBA2mx4duz7iKblTglhNOBo4A7ANz9ETMrU8iS2NJqJK22XSDuU3elEk1p9VCU\ncg3Q24oGduVkbMGKSetZ+hp4emLw/oHpsPRU4Pr1LEl4oqZlh97L023DK7CfbnOWHXrvmJ/O4/Qy\nah3LiVetit6exmjxFNx4fPB9nnNVD7O29rNlZjuXntHJY0d1ML9vmnoZES8g7HZ3NzMHMLMYhU0Z\nVVqNpHkJNGM9Ls2xBTGrgT62aHBvMCh4eiIsWzTIku4Rh9dUvbTxGdGjvcttjyvp6TReMW8lKxdF\nzx2Vx6635dx4fMfewFBMCyUF4gSEH5jZN4DpZvYu4B3ApekmqwlUaiStpf46r4Embu8pSGdsQRVt\nKw9Oiz7FxqjtNY6gnrs9KIFEbc+diN5JjdrjSKLF6WX0BTM7GXiSYNTyJ9z9htRT1gyiqmtqnaIh\nrd44tQaaqM+Xk8bYgipGOh/0JDwUkflHZtLlzhtO8Dfab7B8ZStLXzO8RPKM3cF2ygSmzLgrAIxz\nowYEM/u8u38EuCFimyQtiSka0uiNU2ugifp8Nb2UalVFldfnfg3vPpWRmfSNQGnbeLnzxpzgb8mu\nw+GaNSw7ad9gqeU3wpKBw2sKCKNl3K2tbRW7nZa6+f5FcEW5NoQqEia5FqfK6GSCXkbFXhOxTZKQ\nxykaCmoNNFGfnzYtd2ML3rK+Hbumf2Qmvb4dStvP41aFlQvqHR0s6YUl/53cdxA5MK3IjGPidTsd\noUEaj2XsKs12+l7gH4BOM7uzaNdU4HdpJ6xpNdsUDfUcWxBXZydL7l7HkrtKSi7zI0ou1VSF1drT\nK88WLAD2rRMxbfJ0FsxekGmSpHqVSgj/A1wPfA74aNH2He7+eKqpamaaoiEd1QTaaqrHoo4dHIxe\nK6KGoD7jmC62T4reN1qJoF6GlrfxircMsvJQrZ7cqCrNdrod2A6cBWBms4BJwBQzm+LuG+uTxCaj\nKRrSUW2greapvfTY0o4Bo10rRq+yvonRH82N7m5alg2EExaaSgcNKk6j8qnAF4EDgS3AocAa4Pm1\nXtzMTgG+RDBO5lJ3/9dazzkujIcqhLypZ6Ct5loxe5Xt+e3i5NOZgtEmzZN8i9Oo/BngWODX7n6U\nmb2CsNRQCzNrBb5K0Gj9EHCbmf3M3e+p9dwNo47z5QixA+0r5q2ku2N4tceCXgt62iR8rdi9yrq7\nmfHukct1PvEfKa0rLU0pTkDY4+5bzazFzFrc/WYz+3wC134ZcJ+79wCY2ZXAaUBzBAQtCZlbUXXg\nKw91uD+Fi8XsVTbhn7YxGDHzWMuygcRGCicxxkCNyo0tTkDYZmZTCJbNXGFmW4DaxtUHDgIeLHr/\nEHBM6UFmthRYCjB3PPW0yfGSkM2uro20MRu761VlNOZ7L1o9bsIJXUklR+ps1NlOCZ7adwLnAb8A\n/o9gXeW6cPdL3P1odz/6gAkT6nXZ9OV5vIHUT2dn0OBcTL3KJCNxpq54CsDM9gOuSfDaDwOHFL0/\nONzWHJptvIFEU68yyZE46yG828w2A3cCtwN/DP+u1W3AYWb2bDObCJwJ/CyB8zYGPRmKSM7EaUP4\nEHCkuz9738tOAAAQ1UlEQVSW5IXdfcDM3gf8kqDb6WXufneS18i1NJ8Mo3ovpXUtqY06F0iOxAkI\n/wc8ncbF3f064Lo0zt0Q0hhvEJXBrFkTDBhy37dNmU5l9eoSrM4FkiNxAsIFwO/N7BZgb6W3u78/\ntVTJ2EVlMLAvGBQo0ymvnk/t6lwgORInIHwDuAm4C4gxg5dkqpqMRJlOtCSe2uNW26lzQSJ6+3q1\nBGYC4gSEAXf/YOopkWRUszKZMp1otT61V1NtN3t2/daEGKd6+3pZt3UdQx58h/2D/azbGpToFBSq\nEycg3BwODruG4VVGmvE0j8pNx1ycGcG+TKfWuvL16+GRR/a9P/BAOPzw2u4ha7U+tVdTbbd1K8yf\nn5sG/5ZFXQAseqDKqTq6u2k5d+TUGvXQ80TP3mBQMORD9DzRo4BQpTgB4e/Cvy8o2uaAHmHyqFzv\npXLbaqkrLw0GsO99HoNC3OBX6xTk1VbbaTLDmvQPRn/f5bZLeXEGpj27HgmRBJXLYEq3rV5dW115\naTAo3p63gFBNQ3GtXYIbuNquEaeuaG9tj8z821vz9d02gkorpp3o7jeZ2Rui9rv7j9NLltRFmj1c\nVq/ORRXIXvXs3llttV3CCtU+lUybOKXiZ6ftgiduWZxcolLUOaNzWBsCQIu10DlDlRjVqlRCWETQ\nuyhq3iIHFBAaXWvrvoXgS7fXqhBU8jLmoZrgV2u302qq7VL6ThY9e/GYP7Nq4yqSmb+yPgrtBOpl\nVLtKK6ZdFL78tLtvKN5nZqpGGg/Mqtte6sADy1cbFcvDmIdqGoqTKE3ErbaTRHRM6VAASECc2U6v\nitj2o6QTIhmIWve30vZShx8eBIU4sh7zUM3cURosJk2qUhvCcwmWyZxW0o6wH8HaylKrrFdMS2JQ\n1OGHD29ALrQd1HLONORhVtGsf2+RUVRqQ5gPvA6YzvB2hB3Au9JMVFPIw6RmtXavrNc5k5Jl987e\nXli7dvjAtLVr96Wr0WU4DkGSU6kN4afAT83sOHdfXcc0NYc8TGqWxlNzHp7Ey4n7hF6u5NTWNvbe\nU/feO3JgmnuwPQ/fTULG0pgt+RFnYNrpZnY3wappvwBeBHzA3a9INWXjXV7qqdN4aq7mnPWqRqmm\nRBZVyjEL2lYK7SvVluhqba8pI04X02pNmTiF7YPbqjt3FYOaJb/iBIRXufv5ZnY6wbrHbwJuBhQQ\nalHvSc3yWH9dz2qzakpkUaWcgYGRXXTz0HuK5J/KF8xekOj5pHHECQiFhYz/Gvi+uz9ucbslSnn1\nrGvPQ3tFlHpWm1VbIist5XR1Vff50gBcOiitIIkxHyIJiRMQrjGztQRVRu81swOAXekmqwnUs649\nD+0VUepZbVbrILxqSnRRAbjcQ1Tepvgoo3tzN9t3xm80VltCY4ozl9FHzezfgO3uPmhmTwOnpZ+0\nJlCvXi95aa8oVc9qs1oH4VVToosKwO5Bo3Rra76q7WLavnMbQ8vbYOHCUY+dcEIX3Zu7VfXUgMoO\nTDOz84venuTugwDu/hSg1dIaSbkMNuuxAdUMFqtVrY26HR3BNNWF76y9PXgflaGXC7QDA3DccbB4\ncfB3gwQDaR6VSghnAv8Wvr4A+GHRvlOAj6WVKElYXscGpFltVlqHX67KqJqgGLdEl+NV0E76fS/n\nXNXDrK39bJnZzqVndHLj8c0RmFZu6IrcPm3ydJVmQpUCgpV5HfVe8izPYwPSqDaLW4efVlDMUQAu\nzgTPugs+dG0Lk3YH6Zq9tZ8PXR50Lrjx+I6yGWa1puyG7S3bEjtfkkqrvQpTdWsJzkClgOBlXke9\nl7xrpkVYsq7Dz0EALmRwDhza387ym1t4+dqde4NBwaTdQ5xzVc/eUkLF9RBGbz4AKkyb3d0d7wRp\nWjiyJNA/0K8lOEOVAsKLzOxJgtLA5PA14XvNZST5VakOP0ajaCIyDMDD1hg2eGBSP285Bb73NMy7\na+Txs7bu+77GMtBtaOXiEVNXRAWWPExtMbR81Yh/A7sGduElz7jNugRnpakr1EFaGlOO6/DrIWqN\nYQwuOBneEhEQtswMvpexdBVduaGLCSd0MRiOVF707MWs3NBFy6IuWiOWlc6yO+rKDV20LBugdahr\n77bBFkYEg4JmXIIzzjgEkcaSozr8LJTLyB6aCrsmtgyrNto1sYVLzxj797Lo2Yvp3hxUBRUaZou3\nFat3w21pu8BzDziCTX2bRhy3c89OLcEZUkCQ8ScHdfhZKrvGcFs7Xzi7M/FeRlEZfda9doZVm7Gv\nXWD+zPkjqoFKj4XmXYJTAUHGp2ZqRC9RaY3hGw/paIpuplHVZuXaBbQE5z6ZBAQzexPwSeAI4GXu\nfnsW6RAZj5LK4Bq5K2a5arNy27UEZyCrEsJfgDcA38jo+jIWeZwxVSLVmsGVq3IpnDvvylabNWG7\nQDUyCQjuvgZAs6Y2kHrOmKrAk7lqqlyqUa9SR6VqMylPbQgyUlSGXK8ZU/M6Vfc4FpVJV1vlEvc6\n9Sp1qF1gbFILCGb2a2B2xK5l4fKccc+zFFgKMLdJ+pFnqlyGXBoMCpKeMTWvU3XnWC1P3eUy6VZr\nZdBHzv1US5VLWqWOctQuUL3UAoK7vzKh81wCXAJw9NSpmjIjbeUy5HKSDtJ5nao7pxxqeuoul0m3\ntbTRQkuiVS5plDokWWWnv5YmVSnjLW3zMUt+sFdep+rOsXJP3XGUy4wHhgaYP3P+3hJBe2t7ZB/+\napQrXaihNz+y6nZ6OvBl4ADg52bW7e6vziItUqLctA9tbSPXDohaErJWTT7KOClxn7or9cZJuspF\nDb35l1Uvo6uBq7O4dtOK23OnXIZcLvNPum6/yUcZJyXuU3elTDrpHkFq6M0/9TJqBtX03CmXIa9Z\nE33uNOr2m3iU8Vi02Njr+stl0lBb20Sl6ykA5JcCQh4l3Q+/2p47URlyIT2lVLefKQPmz5xf01N3\nVCa9+sHVde0RJPmggJA3afTDT6LnTqPV7TfR4LY0nrrVI6g5qZdR3lR6mh+rJHruVLPIfNYKQbUQ\n8ApBtbc323Q1EPUIak4qIeRNGv3wk3q6b5S6fQ1uq5l6BDUnBYS8SWO1r2bruaPBbTVTj6DmpICQ\nN2nV1TfK030SKo2lWL163AXFtCaMU4+g5qOAkDfN9jSfhqigahYMrCsMrhsnk+aVm7ri/m330942\nvFSZ9Spmkn8KCHmUxtN8Wr1u8tibJyqoDgzAYMlkbeOkXSGqe+jOPTvZ079z2PaVG7oyXeRe8k8B\noRmkNaV0nqeqLg2qXV3Rx43jdoVB9SGUKikgNIO0et3UuzdPHksj0lBWbVw1YtvCuQszSEk+KSA0\ng7R63dSzN0+eSyMZK526Aocr1hzBki1F30t3Ny3nbqt/4nJk5YYuWodgyu5927ZPgu7N3WpfCalQ\n2QzSmlK6nlNV1zpgb5xOq12YuqJ4mmpgeDCQvfZ8ro0nblm8909rhaU+mpFKCM0gra6saZ03qmqo\n1tJIo029UYXS7qErN3RllxhpaAoIzSCtrqxpnLdc1VDUegwQ/wlf3XlFRqWA0CzSGpiW9HnLVQ2Z\nBU/0tTzhN9PgPJExUBuC5Eu5KqDBwcaZXE+kQamEIPlSaS4nPeGLpEolBMmXzs6gKqjYOGn8Fck7\nlRAkX9T4K5IZBQTJH1UNiWRCVUYiIgIoIIiISEgBQUREAAUEEREJKSCIiAiggCAiIiEFBBERATIK\nCGb272a21szuNLOrzWx6FukQEZF9sioh3AAc6e4vBNYDF2SUDhERCWUSENz9V+5emNz+D8DBWaRD\nRET2yUMbwjuA68vtNLOlZna7md3+6J49dUyWiEhzSW0uIzP7NTA7Ytcyd/9peMwyYABYUe487n4J\ncAnA0VOnegpJFRERUgwI7v7KSvvN7GzgdcBJ7q6MXkQkY5nMdmpmpwDnA4vc/eks0iAiIsNl1Ybw\nFWAqcIOZdZvZ1zNKh4iIhDIpIbj7c7K4roiIlJeHXkYiIpIDCggiIgIoIIiISEgBQUREAAUEEREJ\nKSCIiAiggCAiIiEFBBERARQQREQkpIAgIiKAAoKIiIQUEEREBFBAEBGRkAKCiIgACggiIhJSQBCR\npjVld9YpyBdrpOWMzWwHsC7rdKRgf+CxrBORgvF6XzB+72283heM33uLc1+HuvsBo50okxXTarDO\n3Y/OOhFJM7PbdV+NZbze23i9Lxi/95bkfanKSEREAAUEEREJNVpAuCTrBKRE99V4xuu9jdf7gvF7\nb4ndV0M1KouISHoarYQgIiIpUUAQERGgwQKCmf2Lmd1pZt1m9iszOzDrNCXFzP7dzNaG93e1mU3P\nOk1JMLM3mdndZjZkZg3f5c/MTjGzdWZ2n5l9NOv0JMXMLjOzLWb2l6zTkiQzO8TMbjaze8J/h+dm\nnaakmNkkM7vVzP4c3tunaj5nI7UhmNl+7v5k+Pr9wPPc/T0ZJysRZvYq4CZ3HzCzzwO4+0cyTlbN\nzOwIYAj4BvAhd7894ySNmZm1AuuBk4GHgNuAs9z9nkwTlgAz+39AH/Bddz8y6/QkxczmAHPc/Q4z\nmwr8EXj9OPnNDHimu/eZ2QRgFXCuu/9hrOdsqBJCIRiEngk0TjQbhbv/yt0Hwrd/AA7OMj1Jcfc1\n7j5eRpe/DLjP3XvcfTdwJXBaxmlKhLv/Bng863Qkzd03ufsd4esdwBrgoGxTlQwP9IVvJ4R/asoT\nGyogAJjZcjN7EFgCfCLr9KTkHcD1WSdCRjgIeLDo/UOMk8ylGZjZPOAo4JZsU5IcM2s1s25gC3CD\nu9d0b7kLCGb2azP7S8Sf0wDcfZm7HwKsAN6XbWqrM9q9hccsAwYI7q8hxLkvkSyZ2RTgKuADJTUN\nDc3dB919AUGNwsvMrKbqvtzNZeTur4x56ArgOuCiFJOTqNHuzczOBl4HnOQN1LhTxW/W6B4GDil6\nf3C4TXIsrF+/Cljh7j/OOj1pcPdtZnYzcAow5o4BuSshVGJmhxW9PQ1Ym1VakmZmpwDnA3/j7k9n\nnR6JdBtwmJk928wmAmcCP8s4TVJB2PD6LWCNu38x6/QkycwOKPRGNLPJBJ0dasoTG62X0VXAfIJe\nKw8A73H3cfGEZmb3Ae3A1nDTH8ZDDyozOx34MnAAsA3odvdXZ5uqsTOz1wL/CbQCl7n78oyTlAgz\n+z6wmGAq5V7gInf/VqaJSoCZLQR+C9xFkG8AfMzdr8suVckwsxcC3yH4t9gC/MDdP13TORspIIiI\nSHoaqspIRETSo4AgIiKAAoKIiIQUEEREBFBAEBGRkAKCSExm9nozczN7btZpEUmDAoJIfGcRzCh5\nVtYJEUmDAoJIDOFcOAuBdxKMUMbMWszsa+Fc9Nea2XVm9sZw30vMbKWZ/dHMfhlOwyySawoIIvGc\nBvzC3dcDW83sJcAbgHnAC4BzgONg79w5Xwbe6O4vAS4DxsWIZhnfcje5nUhOnQV8KXx9Zfi+Dfih\nuw8Bm8PJxSCYXuVI4IZgKh1agU31Ta5I9RQQREZhZs8CTgReYGZOkME7cHW5jwB3u/txdUqiSCJU\nZSQyujcC33P3Q919XrgexwaCFcbOCNsSOggmhwNYBxxgZnurkMzs+VkkXKQaCggiozuLkaWBq4DZ\nBKum/QX4OsFKXNvD5TXfCHzezP4MdAPH1y+5ImOj2U5FamBmU8JFzmcCtwIvd/fNWadLZCzUhiBS\nm2vDRUomAv+iYCCNTCUEEREB1IYgIiIhBQQREQEUEEREJKSAICIigAKCiIiE/j8wn8IRk+gohgAA\nAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Visualising the Training set results\n", + "X_set, y_set = X_train, y_train\n", + "X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),\n", + " np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))\n", + "plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),\n", + " alpha = 0.75, cmap = ListedColormap(('red', 'green')))\n", + "plt.xlim(X1.min(), X1.max())\n", + "plt.ylim(X2.min(), X2.max())\n", + "for i, j in enumerate(np.unique(y_set)):\n", + " plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],\n", + " c = ListedColormap(('red', 'green'))(i), label = j)\n", + "plt.title('Random Forest Classifier (Training set)')\n", + "plt.xlabel('Age')\n", + "plt.ylabel('Estimated Salary')\n", + "plt.legend()\n", + "plt.show()\n", + "\n", + "# Visualising the Test set results\n", + "X_set, y_set = X_test, y_test\n", + "X1, X2 = np.meshgrid(np.arange(start = X_set[:, 0].min() - 1, stop = X_set[:, 0].max() + 1, step = 0.01),\n", + " np.arange(start = X_set[:, 1].min() - 1, stop = X_set[:, 1].max() + 1, step = 0.01))\n", + "plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape),\n", + " alpha = 0.75, cmap = ListedColormap(('red', 'green')))\n", + "plt.xlim(X1.min(), X1.max())\n", + "plt.ylim(X2.min(), X2.max())\n", + "for i, j in enumerate(np.unique(y_set)):\n", + " plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1],\n", + " c = ListedColormap(('red', 'green'))(i), label = j)\n", + "plt.title('Random Forest Classifier (Test set)')\n", + "plt.xlabel('Age')\n", + "plt.ylabel('Estimated Salary')\n", + "plt.legend()\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.5.1" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/machine_learning/Random Forest Classification/Social_Network_Ads.csv b/machine_learning/Random Forest Classification/Social_Network_Ads.csv index e139deabf505..4a53849c2baf 100644 --- a/machine_learning/Random Forest Classification/Social_Network_Ads.csv +++ b/machine_learning/Random Forest Classification/Social_Network_Ads.csv @@ -1,401 +1,401 @@ -User ID,Gender,Age,EstimatedSalary,Purchased -15624510,Male,19,19000,0 -15810944,Male,35,20000,0 -15668575,Female,26,43000,0 -15603246,Female,27,57000,0 -15804002,Male,19,76000,0 -15728773,Male,27,58000,0 -15598044,Female,27,84000,0 -15694829,Female,32,150000,1 -15600575,Male,25,33000,0 -15727311,Female,35,65000,0 -15570769,Female,26,80000,0 -15606274,Female,26,52000,0 -15746139,Male,20,86000,0 -15704987,Male,32,18000,0 -15628972,Male,18,82000,0 -15697686,Male,29,80000,0 -15733883,Male,47,25000,1 -15617482,Male,45,26000,1 -15704583,Male,46,28000,1 -15621083,Female,48,29000,1 -15649487,Male,45,22000,1 -15736760,Female,47,49000,1 -15714658,Male,48,41000,1 -15599081,Female,45,22000,1 -15705113,Male,46,23000,1 -15631159,Male,47,20000,1 -15792818,Male,49,28000,1 -15633531,Female,47,30000,1 -15744529,Male,29,43000,0 -15669656,Male,31,18000,0 -15581198,Male,31,74000,0 -15729054,Female,27,137000,1 -15573452,Female,21,16000,0 -15776733,Female,28,44000,0 -15724858,Male,27,90000,0 -15713144,Male,35,27000,0 -15690188,Female,33,28000,0 -15689425,Male,30,49000,0 -15671766,Female,26,72000,0 -15782806,Female,27,31000,0 -15764419,Female,27,17000,0 -15591915,Female,33,51000,0 -15772798,Male,35,108000,0 -15792008,Male,30,15000,0 -15715541,Female,28,84000,0 -15639277,Male,23,20000,0 -15798850,Male,25,79000,0 -15776348,Female,27,54000,0 -15727696,Male,30,135000,1 -15793813,Female,31,89000,0 -15694395,Female,24,32000,0 -15764195,Female,18,44000,0 -15744919,Female,29,83000,0 -15671655,Female,35,23000,0 -15654901,Female,27,58000,0 -15649136,Female,24,55000,0 -15775562,Female,23,48000,0 -15807481,Male,28,79000,0 -15642885,Male,22,18000,0 -15789109,Female,32,117000,0 -15814004,Male,27,20000,0 -15673619,Male,25,87000,0 -15595135,Female,23,66000,0 -15583681,Male,32,120000,1 -15605000,Female,59,83000,0 -15718071,Male,24,58000,0 -15679760,Male,24,19000,0 -15654574,Female,23,82000,0 -15577178,Female,22,63000,0 -15595324,Female,31,68000,0 -15756932,Male,25,80000,0 -15726358,Female,24,27000,0 -15595228,Female,20,23000,0 -15782530,Female,33,113000,0 -15592877,Male,32,18000,0 -15651983,Male,34,112000,1 -15746737,Male,18,52000,0 -15774179,Female,22,27000,0 -15667265,Female,28,87000,0 -15655123,Female,26,17000,0 -15595917,Male,30,80000,0 -15668385,Male,39,42000,0 -15709476,Male,20,49000,0 -15711218,Male,35,88000,0 -15798659,Female,30,62000,0 -15663939,Female,31,118000,1 -15694946,Male,24,55000,0 -15631912,Female,28,85000,0 -15768816,Male,26,81000,0 -15682268,Male,35,50000,0 -15684801,Male,22,81000,0 -15636428,Female,30,116000,0 -15809823,Male,26,15000,0 -15699284,Female,29,28000,0 -15786993,Female,29,83000,0 -15709441,Female,35,44000,0 -15710257,Female,35,25000,0 -15582492,Male,28,123000,1 -15575694,Male,35,73000,0 -15756820,Female,28,37000,0 -15766289,Male,27,88000,0 -15593014,Male,28,59000,0 -15584545,Female,32,86000,0 -15675949,Female,33,149000,1 -15672091,Female,19,21000,0 -15801658,Male,21,72000,0 -15706185,Female,26,35000,0 -15789863,Male,27,89000,0 -15720943,Male,26,86000,0 -15697997,Female,38,80000,0 -15665416,Female,39,71000,0 -15660200,Female,37,71000,0 -15619653,Male,38,61000,0 -15773447,Male,37,55000,0 -15739160,Male,42,80000,0 -15689237,Male,40,57000,0 -15679297,Male,35,75000,0 -15591433,Male,36,52000,0 -15642725,Male,40,59000,0 -15701962,Male,41,59000,0 -15811613,Female,36,75000,0 -15741049,Male,37,72000,0 -15724423,Female,40,75000,0 -15574305,Male,35,53000,0 -15678168,Female,41,51000,0 -15697020,Female,39,61000,0 -15610801,Male,42,65000,0 -15745232,Male,26,32000,0 -15722758,Male,30,17000,0 -15792102,Female,26,84000,0 -15675185,Male,31,58000,0 -15801247,Male,33,31000,0 -15725660,Male,30,87000,0 -15638963,Female,21,68000,0 -15800061,Female,28,55000,0 -15578006,Male,23,63000,0 -15668504,Female,20,82000,0 -15687491,Male,30,107000,1 -15610403,Female,28,59000,0 -15741094,Male,19,25000,0 -15807909,Male,19,85000,0 -15666141,Female,18,68000,0 -15617134,Male,35,59000,0 -15783029,Male,30,89000,0 -15622833,Female,34,25000,0 -15746422,Female,24,89000,0 -15750839,Female,27,96000,1 -15749130,Female,41,30000,0 -15779862,Male,29,61000,0 -15767871,Male,20,74000,0 -15679651,Female,26,15000,0 -15576219,Male,41,45000,0 -15699247,Male,31,76000,0 -15619087,Female,36,50000,0 -15605327,Male,40,47000,0 -15610140,Female,31,15000,0 -15791174,Male,46,59000,0 -15602373,Male,29,75000,0 -15762605,Male,26,30000,0 -15598840,Female,32,135000,1 -15744279,Male,32,100000,1 -15670619,Male,25,90000,0 -15599533,Female,37,33000,0 -15757837,Male,35,38000,0 -15697574,Female,33,69000,0 -15578738,Female,18,86000,0 -15762228,Female,22,55000,0 -15614827,Female,35,71000,0 -15789815,Male,29,148000,1 -15579781,Female,29,47000,0 -15587013,Male,21,88000,0 -15570932,Male,34,115000,0 -15794661,Female,26,118000,0 -15581654,Female,34,43000,0 -15644296,Female,34,72000,0 -15614420,Female,23,28000,0 -15609653,Female,35,47000,0 -15594577,Male,25,22000,0 -15584114,Male,24,23000,0 -15673367,Female,31,34000,0 -15685576,Male,26,16000,0 -15774727,Female,31,71000,0 -15694288,Female,32,117000,1 -15603319,Male,33,43000,0 -15759066,Female,33,60000,0 -15814816,Male,31,66000,0 -15724402,Female,20,82000,0 -15571059,Female,33,41000,0 -15674206,Male,35,72000,0 -15715160,Male,28,32000,0 -15730448,Male,24,84000,0 -15662067,Female,19,26000,0 -15779581,Male,29,43000,0 -15662901,Male,19,70000,0 -15689751,Male,28,89000,0 -15667742,Male,34,43000,0 -15738448,Female,30,79000,0 -15680243,Female,20,36000,0 -15745083,Male,26,80000,0 -15708228,Male,35,22000,0 -15628523,Male,35,39000,0 -15708196,Male,49,74000,0 -15735549,Female,39,134000,1 -15809347,Female,41,71000,0 -15660866,Female,58,101000,1 -15766609,Female,47,47000,0 -15654230,Female,55,130000,1 -15794566,Female,52,114000,0 -15800890,Female,40,142000,1 -15697424,Female,46,22000,0 -15724536,Female,48,96000,1 -15735878,Male,52,150000,1 -15707596,Female,59,42000,0 -15657163,Male,35,58000,0 -15622478,Male,47,43000,0 -15779529,Female,60,108000,1 -15636023,Male,49,65000,0 -15582066,Male,40,78000,0 -15666675,Female,46,96000,0 -15732987,Male,59,143000,1 -15789432,Female,41,80000,0 -15663161,Male,35,91000,1 -15694879,Male,37,144000,1 -15593715,Male,60,102000,1 -15575002,Female,35,60000,0 -15622171,Male,37,53000,0 -15795224,Female,36,126000,1 -15685346,Male,56,133000,1 -15691808,Female,40,72000,0 -15721007,Female,42,80000,1 -15794253,Female,35,147000,1 -15694453,Male,39,42000,0 -15813113,Male,40,107000,1 -15614187,Male,49,86000,1 -15619407,Female,38,112000,0 -15646227,Male,46,79000,1 -15660541,Male,40,57000,0 -15753874,Female,37,80000,0 -15617877,Female,46,82000,0 -15772073,Female,53,143000,1 -15701537,Male,42,149000,1 -15736228,Male,38,59000,0 -15780572,Female,50,88000,1 -15769596,Female,56,104000,1 -15586996,Female,41,72000,0 -15722061,Female,51,146000,1 -15638003,Female,35,50000,0 -15775590,Female,57,122000,1 -15730688,Male,41,52000,0 -15753102,Female,35,97000,1 -15810075,Female,44,39000,0 -15723373,Male,37,52000,0 -15795298,Female,48,134000,1 -15584320,Female,37,146000,1 -15724161,Female,50,44000,0 -15750056,Female,52,90000,1 -15609637,Female,41,72000,0 -15794493,Male,40,57000,0 -15569641,Female,58,95000,1 -15815236,Female,45,131000,1 -15811177,Female,35,77000,0 -15680587,Male,36,144000,1 -15672821,Female,55,125000,1 -15767681,Female,35,72000,0 -15600379,Male,48,90000,1 -15801336,Female,42,108000,1 -15721592,Male,40,75000,0 -15581282,Male,37,74000,0 -15746203,Female,47,144000,1 -15583137,Male,40,61000,0 -15680752,Female,43,133000,0 -15688172,Female,59,76000,1 -15791373,Male,60,42000,1 -15589449,Male,39,106000,1 -15692819,Female,57,26000,1 -15727467,Male,57,74000,1 -15734312,Male,38,71000,0 -15764604,Male,49,88000,1 -15613014,Female,52,38000,1 -15759684,Female,50,36000,1 -15609669,Female,59,88000,1 -15685536,Male,35,61000,0 -15750447,Male,37,70000,1 -15663249,Female,52,21000,1 -15638646,Male,48,141000,0 -15734161,Female,37,93000,1 -15631070,Female,37,62000,0 -15761950,Female,48,138000,1 -15649668,Male,41,79000,0 -15713912,Female,37,78000,1 -15586757,Male,39,134000,1 -15596522,Male,49,89000,1 -15625395,Male,55,39000,1 -15760570,Male,37,77000,0 -15566689,Female,35,57000,0 -15725794,Female,36,63000,0 -15673539,Male,42,73000,1 -15705298,Female,43,112000,1 -15675791,Male,45,79000,0 -15747043,Male,46,117000,1 -15736397,Female,58,38000,1 -15678201,Male,48,74000,1 -15720745,Female,37,137000,1 -15637593,Male,37,79000,1 -15598070,Female,40,60000,0 -15787550,Male,42,54000,0 -15603942,Female,51,134000,0 -15733973,Female,47,113000,1 -15596761,Male,36,125000,1 -15652400,Female,38,50000,0 -15717893,Female,42,70000,0 -15622585,Male,39,96000,1 -15733964,Female,38,50000,0 -15753861,Female,49,141000,1 -15747097,Female,39,79000,0 -15594762,Female,39,75000,1 -15667417,Female,54,104000,1 -15684861,Male,35,55000,0 -15742204,Male,45,32000,1 -15623502,Male,36,60000,0 -15774872,Female,52,138000,1 -15611191,Female,53,82000,1 -15674331,Male,41,52000,0 -15619465,Female,48,30000,1 -15575247,Female,48,131000,1 -15695679,Female,41,60000,0 -15713463,Male,41,72000,0 -15785170,Female,42,75000,0 -15796351,Male,36,118000,1 -15639576,Female,47,107000,1 -15693264,Male,38,51000,0 -15589715,Female,48,119000,1 -15769902,Male,42,65000,0 -15587177,Male,40,65000,0 -15814553,Male,57,60000,1 -15601550,Female,36,54000,0 -15664907,Male,58,144000,1 -15612465,Male,35,79000,0 -15810800,Female,38,55000,0 -15665760,Male,39,122000,1 -15588080,Female,53,104000,1 -15776844,Male,35,75000,0 -15717560,Female,38,65000,0 -15629739,Female,47,51000,1 -15729908,Male,47,105000,1 -15716781,Female,41,63000,0 -15646936,Male,53,72000,1 -15768151,Female,54,108000,1 -15579212,Male,39,77000,0 -15721835,Male,38,61000,0 -15800515,Female,38,113000,1 -15591279,Male,37,75000,0 -15587419,Female,42,90000,1 -15750335,Female,37,57000,0 -15699619,Male,36,99000,1 -15606472,Male,60,34000,1 -15778368,Male,54,70000,1 -15671387,Female,41,72000,0 -15573926,Male,40,71000,1 -15709183,Male,42,54000,0 -15577514,Male,43,129000,1 -15778830,Female,53,34000,1 -15768072,Female,47,50000,1 -15768293,Female,42,79000,0 -15654456,Male,42,104000,1 -15807525,Female,59,29000,1 -15574372,Female,58,47000,1 -15671249,Male,46,88000,1 -15779744,Male,38,71000,0 -15624755,Female,54,26000,1 -15611430,Female,60,46000,1 -15774744,Male,60,83000,1 -15629885,Female,39,73000,0 -15708791,Male,59,130000,1 -15793890,Female,37,80000,0 -15646091,Female,46,32000,1 -15596984,Female,46,74000,0 -15800215,Female,42,53000,0 -15577806,Male,41,87000,1 -15749381,Female,58,23000,1 -15683758,Male,42,64000,0 -15670615,Male,48,33000,1 -15715622,Female,44,139000,1 -15707634,Male,49,28000,1 -15806901,Female,57,33000,1 -15775335,Male,56,60000,1 -15724150,Female,49,39000,1 -15627220,Male,39,71000,0 -15672330,Male,47,34000,1 -15668521,Female,48,35000,1 -15807837,Male,48,33000,1 -15592570,Male,47,23000,1 -15748589,Female,45,45000,1 -15635893,Male,60,42000,1 -15757632,Female,39,59000,0 -15691863,Female,46,41000,1 -15706071,Male,51,23000,1 -15654296,Female,50,20000,1 -15755018,Male,36,33000,0 +User ID,Gender,Age,EstimatedSalary,Purchased +15624510,Male,19,19000,0 +15810944,Male,35,20000,0 +15668575,Female,26,43000,0 +15603246,Female,27,57000,0 +15804002,Male,19,76000,0 +15728773,Male,27,58000,0 +15598044,Female,27,84000,0 +15694829,Female,32,150000,1 +15600575,Male,25,33000,0 +15727311,Female,35,65000,0 +15570769,Female,26,80000,0 +15606274,Female,26,52000,0 +15746139,Male,20,86000,0 +15704987,Male,32,18000,0 +15628972,Male,18,82000,0 +15697686,Male,29,80000,0 +15733883,Male,47,25000,1 +15617482,Male,45,26000,1 +15704583,Male,46,28000,1 +15621083,Female,48,29000,1 +15649487,Male,45,22000,1 +15736760,Female,47,49000,1 +15714658,Male,48,41000,1 +15599081,Female,45,22000,1 +15705113,Male,46,23000,1 +15631159,Male,47,20000,1 +15792818,Male,49,28000,1 +15633531,Female,47,30000,1 +15744529,Male,29,43000,0 +15669656,Male,31,18000,0 +15581198,Male,31,74000,0 +15729054,Female,27,137000,1 +15573452,Female,21,16000,0 +15776733,Female,28,44000,0 +15724858,Male,27,90000,0 +15713144,Male,35,27000,0 +15690188,Female,33,28000,0 +15689425,Male,30,49000,0 +15671766,Female,26,72000,0 +15782806,Female,27,31000,0 +15764419,Female,27,17000,0 +15591915,Female,33,51000,0 +15772798,Male,35,108000,0 +15792008,Male,30,15000,0 +15715541,Female,28,84000,0 +15639277,Male,23,20000,0 +15798850,Male,25,79000,0 +15776348,Female,27,54000,0 +15727696,Male,30,135000,1 +15793813,Female,31,89000,0 +15694395,Female,24,32000,0 +15764195,Female,18,44000,0 +15744919,Female,29,83000,0 +15671655,Female,35,23000,0 +15654901,Female,27,58000,0 +15649136,Female,24,55000,0 +15775562,Female,23,48000,0 +15807481,Male,28,79000,0 +15642885,Male,22,18000,0 +15789109,Female,32,117000,0 +15814004,Male,27,20000,0 +15673619,Male,25,87000,0 +15595135,Female,23,66000,0 +15583681,Male,32,120000,1 +15605000,Female,59,83000,0 +15718071,Male,24,58000,0 +15679760,Male,24,19000,0 +15654574,Female,23,82000,0 +15577178,Female,22,63000,0 +15595324,Female,31,68000,0 +15756932,Male,25,80000,0 +15726358,Female,24,27000,0 +15595228,Female,20,23000,0 +15782530,Female,33,113000,0 +15592877,Male,32,18000,0 +15651983,Male,34,112000,1 +15746737,Male,18,52000,0 +15774179,Female,22,27000,0 +15667265,Female,28,87000,0 +15655123,Female,26,17000,0 +15595917,Male,30,80000,0 +15668385,Male,39,42000,0 +15709476,Male,20,49000,0 +15711218,Male,35,88000,0 +15798659,Female,30,62000,0 +15663939,Female,31,118000,1 +15694946,Male,24,55000,0 +15631912,Female,28,85000,0 +15768816,Male,26,81000,0 +15682268,Male,35,50000,0 +15684801,Male,22,81000,0 +15636428,Female,30,116000,0 +15809823,Male,26,15000,0 +15699284,Female,29,28000,0 +15786993,Female,29,83000,0 +15709441,Female,35,44000,0 +15710257,Female,35,25000,0 +15582492,Male,28,123000,1 +15575694,Male,35,73000,0 +15756820,Female,28,37000,0 +15766289,Male,27,88000,0 +15593014,Male,28,59000,0 +15584545,Female,32,86000,0 +15675949,Female,33,149000,1 +15672091,Female,19,21000,0 +15801658,Male,21,72000,0 +15706185,Female,26,35000,0 +15789863,Male,27,89000,0 +15720943,Male,26,86000,0 +15697997,Female,38,80000,0 +15665416,Female,39,71000,0 +15660200,Female,37,71000,0 +15619653,Male,38,61000,0 +15773447,Male,37,55000,0 +15739160,Male,42,80000,0 +15689237,Male,40,57000,0 +15679297,Male,35,75000,0 +15591433,Male,36,52000,0 +15642725,Male,40,59000,0 +15701962,Male,41,59000,0 +15811613,Female,36,75000,0 +15741049,Male,37,72000,0 +15724423,Female,40,75000,0 +15574305,Male,35,53000,0 +15678168,Female,41,51000,0 +15697020,Female,39,61000,0 +15610801,Male,42,65000,0 +15745232,Male,26,32000,0 +15722758,Male,30,17000,0 +15792102,Female,26,84000,0 +15675185,Male,31,58000,0 +15801247,Male,33,31000,0 +15725660,Male,30,87000,0 +15638963,Female,21,68000,0 +15800061,Female,28,55000,0 +15578006,Male,23,63000,0 +15668504,Female,20,82000,0 +15687491,Male,30,107000,1 +15610403,Female,28,59000,0 +15741094,Male,19,25000,0 +15807909,Male,19,85000,0 +15666141,Female,18,68000,0 +15617134,Male,35,59000,0 +15783029,Male,30,89000,0 +15622833,Female,34,25000,0 +15746422,Female,24,89000,0 +15750839,Female,27,96000,1 +15749130,Female,41,30000,0 +15779862,Male,29,61000,0 +15767871,Male,20,74000,0 +15679651,Female,26,15000,0 +15576219,Male,41,45000,0 +15699247,Male,31,76000,0 +15619087,Female,36,50000,0 +15605327,Male,40,47000,0 +15610140,Female,31,15000,0 +15791174,Male,46,59000,0 +15602373,Male,29,75000,0 +15762605,Male,26,30000,0 +15598840,Female,32,135000,1 +15744279,Male,32,100000,1 +15670619,Male,25,90000,0 +15599533,Female,37,33000,0 +15757837,Male,35,38000,0 +15697574,Female,33,69000,0 +15578738,Female,18,86000,0 +15762228,Female,22,55000,0 +15614827,Female,35,71000,0 +15789815,Male,29,148000,1 +15579781,Female,29,47000,0 +15587013,Male,21,88000,0 +15570932,Male,34,115000,0 +15794661,Female,26,118000,0 +15581654,Female,34,43000,0 +15644296,Female,34,72000,0 +15614420,Female,23,28000,0 +15609653,Female,35,47000,0 +15594577,Male,25,22000,0 +15584114,Male,24,23000,0 +15673367,Female,31,34000,0 +15685576,Male,26,16000,0 +15774727,Female,31,71000,0 +15694288,Female,32,117000,1 +15603319,Male,33,43000,0 +15759066,Female,33,60000,0 +15814816,Male,31,66000,0 +15724402,Female,20,82000,0 +15571059,Female,33,41000,0 +15674206,Male,35,72000,0 +15715160,Male,28,32000,0 +15730448,Male,24,84000,0 +15662067,Female,19,26000,0 +15779581,Male,29,43000,0 +15662901,Male,19,70000,0 +15689751,Male,28,89000,0 +15667742,Male,34,43000,0 +15738448,Female,30,79000,0 +15680243,Female,20,36000,0 +15745083,Male,26,80000,0 +15708228,Male,35,22000,0 +15628523,Male,35,39000,0 +15708196,Male,49,74000,0 +15735549,Female,39,134000,1 +15809347,Female,41,71000,0 +15660866,Female,58,101000,1 +15766609,Female,47,47000,0 +15654230,Female,55,130000,1 +15794566,Female,52,114000,0 +15800890,Female,40,142000,1 +15697424,Female,46,22000,0 +15724536,Female,48,96000,1 +15735878,Male,52,150000,1 +15707596,Female,59,42000,0 +15657163,Male,35,58000,0 +15622478,Male,47,43000,0 +15779529,Female,60,108000,1 +15636023,Male,49,65000,0 +15582066,Male,40,78000,0 +15666675,Female,46,96000,0 +15732987,Male,59,143000,1 +15789432,Female,41,80000,0 +15663161,Male,35,91000,1 +15694879,Male,37,144000,1 +15593715,Male,60,102000,1 +15575002,Female,35,60000,0 +15622171,Male,37,53000,0 +15795224,Female,36,126000,1 +15685346,Male,56,133000,1 +15691808,Female,40,72000,0 +15721007,Female,42,80000,1 +15794253,Female,35,147000,1 +15694453,Male,39,42000,0 +15813113,Male,40,107000,1 +15614187,Male,49,86000,1 +15619407,Female,38,112000,0 +15646227,Male,46,79000,1 +15660541,Male,40,57000,0 +15753874,Female,37,80000,0 +15617877,Female,46,82000,0 +15772073,Female,53,143000,1 +15701537,Male,42,149000,1 +15736228,Male,38,59000,0 +15780572,Female,50,88000,1 +15769596,Female,56,104000,1 +15586996,Female,41,72000,0 +15722061,Female,51,146000,1 +15638003,Female,35,50000,0 +15775590,Female,57,122000,1 +15730688,Male,41,52000,0 +15753102,Female,35,97000,1 +15810075,Female,44,39000,0 +15723373,Male,37,52000,0 +15795298,Female,48,134000,1 +15584320,Female,37,146000,1 +15724161,Female,50,44000,0 +15750056,Female,52,90000,1 +15609637,Female,41,72000,0 +15794493,Male,40,57000,0 +15569641,Female,58,95000,1 +15815236,Female,45,131000,1 +15811177,Female,35,77000,0 +15680587,Male,36,144000,1 +15672821,Female,55,125000,1 +15767681,Female,35,72000,0 +15600379,Male,48,90000,1 +15801336,Female,42,108000,1 +15721592,Male,40,75000,0 +15581282,Male,37,74000,0 +15746203,Female,47,144000,1 +15583137,Male,40,61000,0 +15680752,Female,43,133000,0 +15688172,Female,59,76000,1 +15791373,Male,60,42000,1 +15589449,Male,39,106000,1 +15692819,Female,57,26000,1 +15727467,Male,57,74000,1 +15734312,Male,38,71000,0 +15764604,Male,49,88000,1 +15613014,Female,52,38000,1 +15759684,Female,50,36000,1 +15609669,Female,59,88000,1 +15685536,Male,35,61000,0 +15750447,Male,37,70000,1 +15663249,Female,52,21000,1 +15638646,Male,48,141000,0 +15734161,Female,37,93000,1 +15631070,Female,37,62000,0 +15761950,Female,48,138000,1 +15649668,Male,41,79000,0 +15713912,Female,37,78000,1 +15586757,Male,39,134000,1 +15596522,Male,49,89000,1 +15625395,Male,55,39000,1 +15760570,Male,37,77000,0 +15566689,Female,35,57000,0 +15725794,Female,36,63000,0 +15673539,Male,42,73000,1 +15705298,Female,43,112000,1 +15675791,Male,45,79000,0 +15747043,Male,46,117000,1 +15736397,Female,58,38000,1 +15678201,Male,48,74000,1 +15720745,Female,37,137000,1 +15637593,Male,37,79000,1 +15598070,Female,40,60000,0 +15787550,Male,42,54000,0 +15603942,Female,51,134000,0 +15733973,Female,47,113000,1 +15596761,Male,36,125000,1 +15652400,Female,38,50000,0 +15717893,Female,42,70000,0 +15622585,Male,39,96000,1 +15733964,Female,38,50000,0 +15753861,Female,49,141000,1 +15747097,Female,39,79000,0 +15594762,Female,39,75000,1 +15667417,Female,54,104000,1 +15684861,Male,35,55000,0 +15742204,Male,45,32000,1 +15623502,Male,36,60000,0 +15774872,Female,52,138000,1 +15611191,Female,53,82000,1 +15674331,Male,41,52000,0 +15619465,Female,48,30000,1 +15575247,Female,48,131000,1 +15695679,Female,41,60000,0 +15713463,Male,41,72000,0 +15785170,Female,42,75000,0 +15796351,Male,36,118000,1 +15639576,Female,47,107000,1 +15693264,Male,38,51000,0 +15589715,Female,48,119000,1 +15769902,Male,42,65000,0 +15587177,Male,40,65000,0 +15814553,Male,57,60000,1 +15601550,Female,36,54000,0 +15664907,Male,58,144000,1 +15612465,Male,35,79000,0 +15810800,Female,38,55000,0 +15665760,Male,39,122000,1 +15588080,Female,53,104000,1 +15776844,Male,35,75000,0 +15717560,Female,38,65000,0 +15629739,Female,47,51000,1 +15729908,Male,47,105000,1 +15716781,Female,41,63000,0 +15646936,Male,53,72000,1 +15768151,Female,54,108000,1 +15579212,Male,39,77000,0 +15721835,Male,38,61000,0 +15800515,Female,38,113000,1 +15591279,Male,37,75000,0 +15587419,Female,42,90000,1 +15750335,Female,37,57000,0 +15699619,Male,36,99000,1 +15606472,Male,60,34000,1 +15778368,Male,54,70000,1 +15671387,Female,41,72000,0 +15573926,Male,40,71000,1 +15709183,Male,42,54000,0 +15577514,Male,43,129000,1 +15778830,Female,53,34000,1 +15768072,Female,47,50000,1 +15768293,Female,42,79000,0 +15654456,Male,42,104000,1 +15807525,Female,59,29000,1 +15574372,Female,58,47000,1 +15671249,Male,46,88000,1 +15779744,Male,38,71000,0 +15624755,Female,54,26000,1 +15611430,Female,60,46000,1 +15774744,Male,60,83000,1 +15629885,Female,39,73000,0 +15708791,Male,59,130000,1 +15793890,Female,37,80000,0 +15646091,Female,46,32000,1 +15596984,Female,46,74000,0 +15800215,Female,42,53000,0 +15577806,Male,41,87000,1 +15749381,Female,58,23000,1 +15683758,Male,42,64000,0 +15670615,Male,48,33000,1 +15715622,Female,44,139000,1 +15707634,Male,49,28000,1 +15806901,Female,57,33000,1 +15775335,Male,56,60000,1 +15724150,Female,49,39000,1 +15627220,Male,39,71000,0 +15672330,Male,47,34000,1 +15668521,Female,48,35000,1 +15807837,Male,48,33000,1 +15592570,Male,47,23000,1 +15748589,Female,45,45000,1 +15635893,Male,60,42000,1 +15757632,Female,39,59000,0 +15691863,Female,46,41000,1 +15706071,Male,51,23000,1 +15654296,Female,50,20000,1 +15755018,Male,36,33000,0 15594041,Female,49,36000,1 \ No newline at end of file diff --git a/machine_learning/Random Forest Classification/random_forest_classification.py b/machine_learning/Random Forest Classification/random_forest_classification.py index 24afa3e8a4ff..54a1bc67a6b1 100644 --- a/machine_learning/Random Forest Classification/random_forest_classification.py +++ b/machine_learning/Random Forest Classification/random_forest_classification.py @@ -1,75 +1,75 @@ -# Random Forest Classification - -import matplotlib.pyplot as plt -# Importing the libraries -import numpy as np -import pandas as pd - -# Importing the dataset -dataset = pd.read_csv('Social_Network_Ads.csv') -X = dataset.iloc[:, [2, 3]].values -y = dataset.iloc[:, 4].values - -# Splitting the dataset into the Training set and Test set -from sklearn.cross_validation import train_test_split - -X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25, random_state=0) - -# Feature Scaling -from sklearn.preprocessing import StandardScaler - -sc = StandardScaler() -X_train = sc.fit_transform(X_train) -X_test = sc.transform(X_test) - -# Fitting Random Forest Classification to the Training set -from sklearn.ensemble import RandomForestClassifier - -classifier = RandomForestClassifier(n_estimators=10, criterion='entropy', random_state=0) -classifier.fit(X_train, y_train) - -# Predicting the Test set results -y_pred = classifier.predict(X_test) - -# Making the Confusion Matrix -from sklearn.metrics import confusion_matrix - -cm = confusion_matrix(y_test, y_pred) - -# Visualising the Training set results -from matplotlib.colors import ListedColormap - -X_set, y_set = X_train, y_train -X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), - np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) -plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), - alpha=0.75, cmap=ListedColormap(('red', 'green'))) -plt.xlim(X1.min(), X1.max()) -plt.ylim(X2.min(), X2.max()) -for i, j in enumerate(np.unique(y_set)): - plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], - c=ListedColormap(('red', 'green'))(i), label=j) -plt.title('Random Forest Classification (Training set)') -plt.xlabel('Age') -plt.ylabel('Estimated Salary') -plt.legend() -plt.show() - -# Visualising the Test set results -from matplotlib.colors import ListedColormap - -X_set, y_set = X_test, y_test -X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), - np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) -plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), - alpha=0.75, cmap=ListedColormap(('red', 'green'))) -plt.xlim(X1.min(), X1.max()) -plt.ylim(X2.min(), X2.max()) -for i, j in enumerate(np.unique(y_set)): - plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], - c=ListedColormap(('red', 'green'))(i), label=j) -plt.title('Random Forest Classification (Test set)') -plt.xlabel('Age') -plt.ylabel('Estimated Salary') -plt.legend() -plt.show() +# Random Forest Classification + +import matplotlib.pyplot as plt +# Importing the libraries +import numpy as np +import pandas as pd + +# Importing the dataset +dataset = pd.read_csv('Social_Network_Ads.csv') +X = dataset.iloc[:, [2, 3]].values +y = dataset.iloc[:, 4].values + +# Splitting the dataset into the Training set and Test set +from sklearn.cross_validation import train_test_split + +X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25, random_state=0) + +# Feature Scaling +from sklearn.preprocessing import StandardScaler + +sc = StandardScaler() +X_train = sc.fit_transform(X_train) +X_test = sc.transform(X_test) + +# Fitting Random Forest Classification to the Training set +from sklearn.ensemble import RandomForestClassifier + +classifier = RandomForestClassifier(n_estimators=10, criterion='entropy', random_state=0) +classifier.fit(X_train, y_train) + +# Predicting the Test set results +y_pred = classifier.predict(X_test) + +# Making the Confusion Matrix +from sklearn.metrics import confusion_matrix + +cm = confusion_matrix(y_test, y_pred) + +# Visualising the Training set results +from matplotlib.colors import ListedColormap + +X_set, y_set = X_train, y_train +X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), + np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) +plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), + alpha=0.75, cmap=ListedColormap(('red', 'green'))) +plt.xlim(X1.min(), X1.max()) +plt.ylim(X2.min(), X2.max()) +for i, j in enumerate(np.unique(y_set)): + plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], + c=ListedColormap(('red', 'green'))(i), label=j) +plt.title('Random Forest Classification (Training set)') +plt.xlabel('Age') +plt.ylabel('Estimated Salary') +plt.legend() +plt.show() + +# Visualising the Test set results +from matplotlib.colors import ListedColormap + +X_set, y_set = X_test, y_test +X1, X2 = np.meshgrid(np.arange(start=X_set[:, 0].min() - 1, stop=X_set[:, 0].max() + 1, step=0.01), + np.arange(start=X_set[:, 1].min() - 1, stop=X_set[:, 1].max() + 1, step=0.01)) +plt.contourf(X1, X2, classifier.predict(np.array([X1.ravel(), X2.ravel()]).T).reshape(X1.shape), + alpha=0.75, cmap=ListedColormap(('red', 'green'))) +plt.xlim(X1.min(), X1.max()) +plt.ylim(X2.min(), X2.max()) +for i, j in enumerate(np.unique(y_set)): + plt.scatter(X_set[y_set == j, 0], X_set[y_set == j, 1], + c=ListedColormap(('red', 'green'))(i), label=j) +plt.title('Random Forest Classification (Test set)') +plt.xlabel('Age') +plt.ylabel('Estimated Salary') +plt.legend() +plt.show() diff --git a/machine_learning/Random Forest Regression/Position_Salaries.csv b/machine_learning/Random Forest Regression/Position_Salaries.csv index 76d9d3e0dcf0..0c752c72a1d1 100644 --- a/machine_learning/Random Forest Regression/Position_Salaries.csv +++ b/machine_learning/Random Forest Regression/Position_Salaries.csv @@ -1,11 +1,11 @@ -Position,Level,Salary -Business Analyst,1,45000 -Junior Consultant,2,50000 -Senior Consultant,3,60000 -Manager,4,80000 -Country Manager,5,110000 -Region Manager,6,150000 -Partner,7,200000 -Senior Partner,8,300000 -C-level,9,500000 +Position,Level,Salary +Business Analyst,1,45000 +Junior Consultant,2,50000 +Senior Consultant,3,60000 +Manager,4,80000 +Country Manager,5,110000 +Region Manager,6,150000 +Partner,7,200000 +Senior Partner,8,300000 +C-level,9,500000 CEO,10,1000000 \ No newline at end of file diff --git a/machine_learning/Random Forest Regression/Random Forest Regression.ipynb b/machine_learning/Random Forest Regression/Random Forest Regression.ipynb index a087a3b31775..17f4d42bfb0d 100644 --- a/machine_learning/Random Forest Regression/Random Forest Regression.ipynb +++ b/machine_learning/Random Forest Regression/Random Forest Regression.ipynb @@ -1,147 +1,147 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Importing the libraries\n", - "import numpy as np\n", - "import matplotlib.pyplot as plt\n", - "import pandas as pd\n", - "from sklearn.ensemble import RandomForestRegressor" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Importing the dataset\n", - "dataset = pd.read_csv('Position_Salaries.csv')\n", - "X = dataset.iloc[:, 1:2].values\n", - "y = dataset.iloc[:, 2].values" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=None,\n", - " max_features='auto', max_leaf_nodes=None,\n", - " min_impurity_split=1e-07, min_samples_leaf=1,\n", - " min_samples_split=2, min_weight_fraction_leaf=0.0,\n", - " n_estimators=300, n_jobs=1, oob_score=False, random_state=0,\n", - " verbose=0, warm_start=False)" - ] - }, - "execution_count": 3, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Fitting Random Forest Regression to the dataset\n", - "regressor = RandomForestRegressor(n_estimators = 300, random_state = 0)\n", - "regressor.fit(X, y)" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [ - "# Predicting a new result\n", - "y_pred = regressor.predict(6.5)" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[ 160333.33333333]\n" - ] - } - ], - "source": [ - "print(y_pred)" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaEAAAEWCAYAAADPZygPAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3XmcXFWd9/HPNx1ICAgJkGHJziSKcUGgBwPMuABCADE4\nIuBEySCYUWEE0UeB+MgaxEEFHBl4MgGBsU1YlYisg7KNsiSIQECGGMiCBALZIB2SdOf3/HFPm0pT\nvVSlum5X6vt+vepVt85dzu/e6q5fnXtPnauIwMzMLA998g7AzMzql5OQmZnlxknIzMxy4yRkZma5\ncRIyM7PcOAmZmVlunISsS5JGS+o1ffklHSLppRKWP1XSa5LekrSDpH+QNC+9/mQH61wi6dSKBV0C\nST+TdG4edVvlSZou6ewKbOfTkpoqEVNv4iRU49IHadtjg6Q1Ba8nlrnNxZI+VuFQS6n/QknrC/bj\nWUlHl7mt/sAPgI9HxHYRsRK4ELg0vb69yDq7Ap8DpqfXh6Rj+5akNyX9SdIJ5e9h7yDpZEmt7f6G\nLqtyDJ0mXEl9JYWk1Sm+xekLQs18dkXEyRFxUQU29UtgH0nvq8C2eo2aeSOtuPRBul1EbAcsBI4q\nKHvHtyZJfasfZcc6iaepYL++CcyQtHMZVewK9IuIuQVlI4C5HSwPcCLwq4h4u6BsYYple+D/ANdI\nGl1GPL3NQ4V/QxFxeqkbqNLf1PvS8T8I+AIwqdIVSOrTm5NbZCMLzAS+lHcsldRrD7hVRmpV3CBp\nhqQ3gc+3//ZZeHpL0gxgd+DO9M3zjILlTkjfRJdKOrOTOgemOpZKeknSWZKU5p0s6UFJP5a0DPhO\nV/sQEXcAa4A9itTV9k15ZEHZzySdK+m9pGST9uWetJ/DC/avoUiVhwMPdBBLRMSvgFXABwrq/Ek6\nNqskPS7pgIJ5F6bj/7PUknpG0j4F8/eV9GSaNwPo124fv5xOH74h6ZeSdmu371+R9Oe0/jmSxkh6\nJMUyQ9JWXRzidyjnPUzlf5K0XNKdkoal8j5p2dckrZT0lKSxkr4KHAecnd6LX3QVV0T8L/A74EPt\nYv2ppFfSe3B+WzKR1CDpsnTs5kv6VxWcWpb0sKQLJP0eWA0M72J77077vlLS65J+3tk+pnnt/9+6\nej//Jc1fLunH7Q7B/cCRJbyVvZ6TUH34NPBzYAfghs4WjIjPAX8BDk/fjH9UMPsAYDRwGHCepDEd\nbOY/gAFkSeMg4CSg8PTVAcBzwGDg+53Fo8ynAAF/6mzZIvvyHLBXmt4uIg6NiJHt9q+1yKofAJ7v\nIJ4+kj4NDALmFcx6FPggsCNwM3CTpMJkcjTwX8BA4E7gx2l7/YDbgGvSurelZdvqOxQ4HzgGGJJi\nb9/C/QTZh/KBwBSy4388WYtvb+DYogeocyW9h5I+Q9ZCnJDKHiX7m4MsqY8DxpAdt+OBZRHxH2R/\njxel9+LTXQWVvlgcyKbH/r/IvqT8LbAv2Yf0iWneV4BDyN6bRuAfi2z2C8AXyVq5i7vY3lTg12k/\nhgJXdLaPReLvzvt5RKp3b7IvjYcUzHsOGC1pQJH9qE0R4ccW8gBeAg5pV3Yh8Jt2ZT8Dzi14fQjw\nUsHrxcDHCl6PBgLYtaDsCeCYIjFsBbQA7y4oOwX47zR9MjC/i/24EFgHrACagVbgG8XiBfqm2EYW\n27+22Nttf5P9K1L/BmB0u/o2pHjWpnhO7WR9AW+SnUJq25+7CuZ/EHgrTR8ELAJUMP+xgvivI/uQ\nbpu3fap/aMG+f7hg/h/bHavLgR90EOfJ6b1aUfBoLOc9BO4FJhW87puO1RDgULIvEB8G+nT2t1gk\nxrZ9XEXWUom0ztZp/hCyhNGvYJ0vAPem6QeBkwrmjS/8ewAeBr5b8Lqr7f0cuBIY0i7Obu1jN9/P\ncQXzbwW+WfB6m7TM7uV8RvTGh1tC9WFRJTYSEUsKXjYD2xVZ7G+ABmBBQdkCsn/uUuL5eUQMjIgB\nZN8uT5Z0Uokhl2sF8K52ZQsjYiDZh8YVwMGFMyV9K52KWgksB7YFCq9htT9226bp3YHFkT5hksJj\nt3vh64hYlbZfeDxfLZheU+R1sfepzcPpOLc9ZlPeezgCuELSCkkrgNfJEvfQiLgHuIrsw/tVSVdJ\nan98u/JBsvfkn4D92Xj8RpCdvny1oO4rgF3S/N3bxVrsb6+wrKvtfYMsSc+W9LSkSQAl7GN33s/O\n/s/atrmiyLZrkpNQfWjfvXo12amWNrt2sXwpXiP7ZjeioGw48HK524+I+cBdwFFF5rWQfePubH9K\n9RTw7g5iWUt22mkfpe7dkj4OnAF8hux02yDgLbIWUVdeIfsWXGh4wfRfKDiW6YNtEJsez0or5z1c\nRNbiKExo20TEowARcVlE7AO8HxhLdryKbadDEbEhImYAs8lOO7bV2wzsWFDv9hHxwTS//fEdVmzT\n7fajw+1FxCuR9Xbbjax1OE3SqC72sdDmvp/vBeZFRHM3l+/1nITq05PAkZIGpYuiX2s3/1WKdALo\njohYT3ZN5CJJ26V/0K+TnZIoS7rAfRgd92j7IzAxXYQ+Evj7cutK7gA+2tHMlIguBb6bit5Fdvrq\ndbJvyeey8Zt6Vx4G+ij7LVNfSccC+xTMnwGcJOmD6frR98h6tC0uYX9KUuZ7eBUwJV2zaesscEya\n3i89+pJ9AVpH1kqC8v7WLga+LGlwRCwi60TyA0nbp2t2oyV9JC17I3C6pN0lDSL7AtHZvne6PUnH\nSmprtawgS2CtXexjoc19Pz9Kdk1xi+EkVJ+uJbvAuYCshTGz3fyLyDoerJBUcpdd4Ktk/4Qvkf1D\nXwdcX+I2JqYeU2+RXeS+n+zaSjFfI+t8sQL4LDCr9JA3cR1wVLuOBe1NJ7tAfDhZ0vpv4AWyfV5F\n9g28SymhfZqs2+3yNP3Lgvl3kV3I/kXa5nCgrN9/laik9zAibgJ+RNYhYxVZa/KwNHsgcDXZ+/MS\n2X60dXiZDuyVeoLd3J3AIuIPwO/Juu4DfJ4s6T9LdgxvYmNr+Eqyv52ngTlknQrWdVFFZ9v7MPC4\npNVk12tOiYiFXexjYexlv5+SRNbhYVp3lq8V2vRUtJkBSPo3sutAP8k7FqscSUcBl0XE3+YdS6lS\nr8zPRsQ/5R1LJTkJmdkWS9K2wD+QtVR3JWuBPBAR3+x0RasaJyEz22JJ2o7sdOJ7yK7V3A6cHhFv\n5hqY/ZWTkJmZ5cYdE8zMLDe9ajDL3mjnnXeOkSNH5h2GmVlNmTNnzusRMbir5ZyEujBy5Ehmz56d\ndxhmZjVF0oKul/LpODMzy5GTkJmZ5cZJyMzMcuMkZGZmuXESMjOz3PRYEpJ0TbrV7TMFZTtKulfS\nC+l5UCpXujXuvHRb3MJbH09Ky7/Qdu+OVL5vup/HvLSuyq3DzMySpiYYORL69Mmem9rf+LWyerIl\ndC3ZXQwLnQncFxFjgPvSa8hujTsmPSaTjXyLpB2Bc8hGrt0POKctqaRlvlSw3vhy6jAzs6SpCSZP\nhgULICJ7njy5RxNRjyWhiHiQd95jfQLZkPCk56MLyq+PzCPAwHSfm8PIbqu7LCKWk91CeHyat31E\nPJLuSHl9u22VUoeZmQFMmQLN7e6X19yclfeQal8T2iUi2u6zsoSNt8wdwqa32F2cyjorX1ykvJw6\n3kHSZEmzJc1eunRpN3fNzKzGLVxYWnkF5NYxIbVgenT01HLriIhpEdEYEY2DB3c56oSZ2ZZh+PDS\nyiug2kno1bZTYOn5tVT+Mpve+31oKuusfGiR8nLqMDMzgKlTYcCATcsGDMjKe0i1k9AsoK2H2yTg\ntoLyE1IPtnHAynRK7W7gUEmDUoeEQ4G707xVksalXnEntNtWKXWYmRnAxIkwbRqMGAFS9jxtWlbe\nQ3psAFNJM4CPATtLWkzWy+1i4EZJJwELgGPT4ncARwDzgGbgRICIWCbpAuDxtNz5EdHW2eGrZD3w\ntgHuTA9KrcPMzApMnNijSac939SuC42NjeFRtM3MSiNpTkQ0drWcR0wwM7PcOAmZmVlunITMzCw3\nTkJmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrlxEjIzs9w4CZmZWW6chMzMLDdOQmZmlhsnITMz\ny42TkJmZ5cZJyMzMcuMkZGZmuXESMjOz3DgJmZlZbpyEzMwsN05CZmaWGychMzPLjZOQmZnlxknI\nzMxy4yRkZma5cRIyM7PcOAmZmVlunITMzCw3TkJmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrnJ\nJQlJ+rqkuZKekTRDUn9JoyQ9KmmepBskbZ2W7Zdez0vzRxZs56xU/rykwwrKx6eyeZLOLCgvWoeZ\nmeWjb7UrlDQE+BowNiLWSLoROB44Arg0ImZKugo4CbgyPS+PiNGSjge+DxwnaWxa733A7sB/S3p3\nquYK4BPAYuBxSbMi4tm0brE6zMy2GLfdBk89tXnbGDYM/vmfKxJOp6qehArq3UbSemAA8ApwEPBP\naf51wLlkCWJCmga4GfiJJKXymRGxFnhR0jxgv7TcvIiYDyBpJjBB0nOd1GFmtsX44hdh2bLN28aB\nB1YnCVX9dFxEvAz8AFhIlnxWAnOAFRHRkhZbDAxJ00OARWndlrT8ToXl7dbpqHynTuowM9tirF8P\np58OLS3lPx54oDqx5nE6bhBZK2YUsAK4CRhf7Tg6I2kyMBlg+PDhOUdjZlaaDRugb19oaMg7kq7l\n0THhEODFiFgaEeuBW4EDgYGS2pLiUODlNP0yMAwgzd8BeKOwvN06HZW/0Ukdm4iIaRHRGBGNgwcP\n3px9NTOrutZW6FMjfZ/zCHMhME7SgHRt52DgWeC3wDFpmUnAbWl6VnpNmv+biIhUfnzqPTcKGAM8\nBjwOjEk94bYm67wwK63TUR1mZluMDRuchDoUEY+SdTB4Ang6xTAN+DZwRupgsBNwdVrlamCnVH4G\ncGbazlzgRrIEdhdwSkS0pms+pwJ3A88BN6Zl6aQOM7MtRi0lIWUNBOtIY2NjzJ49O+8wzMy6raEB\nzj4bLrggvxgkzYmIxq6Wq5FcaWZm3VVLLaEaCdPMzLqj7eSWk5CZmVVda2v2XAvds8FJyMxsi7Jh\nQ/bslpCZmVWdk5CZmeXGScjMzHLjJGRmZrlxEjIzs9y09Y5zEjIzs6prawm5i7aZmVWdT8eZmVlu\nnITMzCw3TkJmZpYbJyEzM8uNe8eZmVlu3BIyM7PcuIu2mZnlxi0hMzPLjZOQmZnlxknIzMxy495x\nZmaWG7eEzMwsN05CZmaWG3fRNjOz3LglZGZmuXESMjOz3Lh3nJmZ5cYtITMzy42TkJmZ5cZJyMzM\ncuMkZGZmuam13wn1zTsAMzPb6OGH4aGHyl9/3rzsuVZaQrkkIUkDgenA+4EAvgg8D9wAjAReAo6N\niOWSBFwOHAE0A/8cEU+k7UwCvpM2e2FEXJfK9wWuBbYB7gBOi4iQtGOxOnp2b83Muu+00+CJJzZv\nG9tsA0OGVCaenpZXrrwcuCsi9gT2Ap4DzgTui4gxwH3pNcDhwJj0mAxcCZASyjnAh4H9gHMkDUrr\nXAl8qWC98am8ozrMzHqFtWthwgR4++3yH6tWwahRee9J91Q9CUnaAfgIcDVARKyLiBXABOC6tNh1\nwNFpegJwfWQeAQZK2g04DLg3Ipal1sy9wPg0b/uIeCQiAri+3baK1WFm1iu0tsLWW0O/fuU/+tbQ\nhZY8WkKjgKXATyX9QdJ0SdsCu0TEK2mZJcAuaXoIsKhg/cWprLPyxUXK6aSOTUiaLGm2pNlLly4t\nZx/NzMrS2lo7nQoqIY8k1BfYB7gyIvYGVtPutFhqwURPBtFZHRExLSIaI6Jx8ODBPRmGmdkmnIR6\n3mJgcUQ8ml7fTJaUXk2n0kjPr6X5LwPDCtYfmso6Kx9apJxO6jAz6xWchIqQVLFDEhFLgEWS3pOK\nDgaeBWYBk1LZJOC2ND0LOEGZccDKdErtbuBQSYNSh4RDgbvTvFWSxqWedSe021axOszMeoV6S0Ld\nvXz1gqRbgJ9GxLMVqPdfgSZJWwPzgRPJEuKNkk4CFgDHpmXvIOuePY+si/aJABGxTNIFwONpufMj\nYlma/iobu2jfmR4AF3dQh5lZr9DSUlsdCzZXd3d1L+B4YLqkPsA1wMyIWFVOpRHxJNBYZNbBRZYN\n4JQOtnNNiqV9+Wyy3yC1L3+jWB1mZr1FvbWEunU6LiLejIj/jIgDgG+T/T7nFUnXSRrdoxGamdUR\nJ6EiJDVI+pSkXwCXAT8E9gB+RXa6zMzMKqDeklC3rwkBvwUuiYjfFZTfLOkjlQ/LzKw+OQm1k3rG\nXRsR5xebHxFfq3hUZmZ1qt6SUJen4yKiFfh4FWIxM6t7ra3uHVfM7yT9hGwE6tVthW2jWZuZWWW0\ntNRXS6i7SeiA9Fx4Si6AgyobjplZ/YrIbkrnJNRORPh0nJlZD6u1u6JWQrfPPEo6Engf0L+trKPO\nCmZmVrrW1uy5npJQd38ndBVwHNlwOwI+C4zowbjMzOpOWxKqp44J3R1F+4CIOAFYHhHnAfuz6QjW\nZma2mdwS6tia9NwsaXdgPdnN6czMrEKchDp2u6SBwCXAE8BLwMyeCsrMrB61zLgJgIYzToORI6Gp\nKd+AqqC7veMuSJO3SLod6B8RK3suLDOzOtPUROsZU4DP0kALLFgAkydn8yZOzDW0ntRpEpL0j53M\nIyJurXxIZmZ1aMoUWtesBaCBdF6uuRmmTKnfJAQc1cm8AJyEzMwqYeFCWtkdgL60bFK+Jes0CUXE\nidUKxMysrg0fTuuCAApaQql8S+Yfq5qZ9QZTp9J68kXwdkESGjAApk7NN64e1q0klH6sOoBsNO3p\nwDHAYz0Yl5lZzbnwQrjkknLXnkhrHAvAVrTAiBFZAtqCrwdBCQOYRsQHJT0VEedJ+iG+HmRmtonH\nHoN+/TYnb2xF//5w6Dd/DjtVMrLeq7tJqP2PVZfhH6uamW2ipSX7ec+ll+YdSe3obhJq+7HqvwFz\nUtn0ngnJzKw21dtdUSuhq98J/R2wqO3HqpK2A54G/gQ415uZFWhpqa/BRyuhq2F7/h+wDkDSR4CL\nU9lKYFrPhmZmVlvq7a6oldBVzm6IiGVp+jhgWkTcQjZ8z5M9G5qZWW1pbYX+/btezjbqqiXUIKkt\nUR0M/KZgnhudZmYFfDqudF0drhnAA5JeJ+sh9xCApNFkp+TMzCxxx4TSdTVsz1RJ9wG7AfdERKRZ\nfcjusmpmZolbQqXr8nBFxCNFyv63Z8IxM6td7phQuu7e1M7MzLrQ2uqWUKmchMzMKsSn40rnJGRm\nViHumFC63JKQpAZJf0i3C0fSKEmPSpon6QZJW6fyfun1vDR/ZME2zkrlz0s6rKB8fCqbJ+nMgvKi\ndZiZVYJbQqXLsyV0GvBcwevvA5dGxGhgOXBSKj8JWJ7KL03LIWkscDzZPY7GA/+RElsDcAVwODAW\n+FxatrM6zMw2m1tCpcslCUkaChxJGgRVkoCDgJvTItcBR6fpCek1af7BafkJwMyIWBsRLwLzgP3S\nY15EzI+IdcBMYEIXdZiZbTa3hEqXV0voMuBbwIb0eidgRUS03Vh9MTAkTQ8BFgGk+SvT8n8tb7dO\nR+Wd1bEJSZMlzZY0e+nSpeXuo5nVGXfRLl3Vk5CkTwKvRcScLhfOSURMi4jGiGgcPHhw3uGYWY1w\nF+3S5XG4DgQ+JekIoD+wPXA5MFBS39RSGQq8nJZ/GRgGLE7j2O0AvFFQ3qZwnWLlb3RSh5nZZvPp\nuNJVvSUUEWdFxNCIGEnWseA3ETER+C1wTFpsEnBbmp6VXpPm/yYNHzQLOD71nhsFjAEeAx4HxqSe\ncFunOmaldTqqw8xss7ljQul60++Evg2cIWke2fWbq1P51cBOqfwM4EyAiJgL3Ag8C9wFnBIRramV\ncypwN1nvuxvTsp3VYWa22dwSKl2uhysi7gfuT9PzyXq2tV/mbeCzHaw/FZhapPwO4I4i5UXrMDOr\nBHdMKF1vagmZmdWsDRsgwi2hUvlwmZkBv/41nHdelkjK0baeW0KlcRIyMwPuuguefBI+8Ynyt3HU\nUXDkkZWLqR44CZmZAevWwU47ZS0iqx5fEzIzI0tCW3tI46pzEjIzA9avdxLKg5OQmRluCeXFScjM\nDCehvDgJmZmRJaGttso7ivrjJGRmhltCeXESMjPDSSgvTkJmZjgJ5cVJyMysqYn1f3iare+eBSNH\nQlNT3hHVDSchM6tvTU0weXLWEmIdLFgAkyc7EVWJk5CZ1bcpU6C5mXVsnSUhgObmrNx6nMeOM7Mt\nwptvZnc2LdmClcAOvE1/tmL9xvKFCysVmnXCScjMat4tt8Axx5S79vK/Tg2geWPx8OGbFZN1j5OQ\nmdW8P/85e/7+98vo4TZnNtxwI1q/lgnclpUNGABT33HTZusBTkJmVvPWpUs5Z5xRzp1NG2H889k1\noIULYfiILAFNnFjpMK0IJyEzq3lr10KfPptxa+2JE510cuLecWZW89auhX798o7CyuEkZGY1z0mo\ndjkJmVnNW7vWQ+7UKichM6t5bgnVLichM6t5TkK1y0nIzGreunVOQrXKScjMap6vCdUuJyEzq3k+\nHVe7/GNVM8vV+vXwq1/BmjXlb2PRIthll8rFZNXjJGRmubr3XvjMZzZ/Ox/60OZvw6rPScjMcrU8\nDWJ9zz3ZTU3LNWJERcKxKnMSMrNcrV6dPY8dC0OG5BuLVZ87JphZrprTLXy23TbfOCwfVU9CkoZJ\n+q2kZyXNlXRaKt9R0r2SXkjPg1K5JP1Y0jxJT0nap2Bbk9LyL0iaVFC+r6Sn0zo/lqTO6jCznDQ1\n0XzevwEwYK8x0NSUc0BWbXm0hFqAb0TEWGAccIqkscCZwH0RMQa4L70GOBwYkx6TgSshSyjAOcCH\ngf2AcwqSypXAlwrWG5/KO6rDzKqtqQkmT2b1ivU00MJWC+fB5MlORHWm6kkoIl6JiCfS9JvAc8AQ\nYAJwXVrsOuDoND0BuD4yjwADJe0GHAbcGxHLImI5cC8wPs3bPiIeiYgArm+3rWJ1mFm1TZkCzc00\nM4BtWY0gOzc3ZUrekVkV5XpNSNJIYG/gUWCXiHglzVoCtPX6HwIsKlhtcSrrrHxxkXI6qaN9XJMl\nzZY0e+nSpaXvmJl1beFCAJoZwACa31Fu9SG33nGStgNuAU6PiFXpsg0AERGSoifr76yOiJgGTANo\nbGzs0TjMatmSJVmvthUrylg5WrIn+jCaFzaWDx9emeCsJuSShCRtRZaAmiLi1lT8qqTdIuKVdErt\ntVT+MjCsYPWhqexl4GPtyu9P5UOLLN9ZHWZWhvnzs9/5fP7zMGpUiSs/PRduvx1a1rM/v8/KBgyA\nqVMrHqf1XlVPQqmn2tXAcxHxo4JZs4BJwMXp+baC8lMlzSTrhLAyJZG7gYsKOiMcCpwVEcskrZI0\njuw03wnAv3dRh5mVYdWq7PmUU2DcuFLX/gA0PZVdA1q4EIaPyBLQxImVDtN6sTxaQgcCXwCelvRk\nKjubLDHcKOkkYAFwbJp3B3AEMA9oBk4ESMnmAuDxtNz5EbEsTX8VuBbYBrgzPeikDjMrQ1sSete7\nytzAxIlOOnWu6kkoIh4G1MHsg4ssH8ApHWzrGuCaIuWzgfcXKX+jWB1mVp62JLT99vnGYbXLIyaY\nWdmchGxzeew4s3rU1MSGs7/DKQu/zcJt3g3vfk9ZA7fNm5c9b7ddheOzuuEkZFZv0kgFf2kexFV8\nmZFrXmTnp5fAqv6w004lbWr77eHEE6GhoYditS2ek5BZvUkjFbzKngBcytc5esNtsGEEPP5SvrFZ\n3fE1IbN6k0YkeI2/AWAXXt2k3Kya3BIyq1ETJsCjj5axol6FaOVt+gMFScgjFVgOnITMatCGDdlg\nA3vvDY2NJa78wgp48AFoaWE3XmEUL3qkAsuNk5BZDVq5MktEEyfC179e6tpjoOkxj1RgvYKTkFkN\nev317HnnncvcgEcqsF7CScis2pqaeOKbP+exJcNhxx2zizv77VfSJhYsyJ5L7FFt1us4CZlVU/qN\nzgnNjzKX98My4KfpUaKGBhg9utIBmlWXk5BZNU2ZQjQ3M589+DJXcg7nZeVDh8Hjj3e+bjvbbAM7\n7NADMZpVkZOQWYluvz1r0JRlwfdooS9rGMBYnmXXtu7RL78Gu1YsRLOa4SRkVqLLL4f/+R8YNqzr\nZd+h737Q0sIHeIqPcf/Gcv9Gx+qUk5BZiV59FQ49FH75yzJWbnoEJk+G5uaNZf6NjtUxD9tjVqIl\nS2CXXcpceeJEmDYNRowAKXueNs3dpa1uuSVk9aOpif/82tN8Y9nZhPpAv37Qd6uSN/PWW7Dr5ly/\n8W90zP7KScjqQ+oafU/ztfRjLSfE9dCyFXz8E/De95a0qYaG7PYFZrb5nISsZixbBjNnQktLGSuf\n+wI0n8RsGmlkNj/km9ACPDsC7nipwpGaWXc5CVnNmDYNzjqr3LXP/evUCVy/sdi3LzDLlZOQ9bym\nJpgyhdULXmf9sD3gO9+BY48teTNz52bXYubOLSOGvfaCxYsQwUBWbCx312izXDkJWc9K12Lub/47\nDmI+sagP/AvZowwf/Wg23FrJLv6Wu0ab9UJOQluy1ALJhusfXvZw/UuXwic/md0+oGR/Hgctc3iD\nnejP20xlCiJg0I7w3e+WvLmDDy4jBti43xU4HmZWOYqIvGPo1RobG2P27Nmlr1ihBNDSAqtXl149\nN94Ip53GhjVvM52TWczQrDvyQQfBnnuWtKn587Ohaj71qWy8spLcMPOvkx/lAb7CVdkLKbshjplt\nkSTNiYgub7noJNSFspJQUxN/Ofm7nPV2wTf9hr6w//6wxx7d3syGDXDnnfDGG6VVX0xf1rMdb0Gf\nPrB96aNejh0LDz2UrV6SkSM33neg0IgR8NJLJcdhZrWhu0nIp+N6wpQprHm7gQf5yMayVuD3fWFx\naZsaOhROOQUGDiwxhjPOALIvGMNYxGe4BQGEYHkVWyBTp/pajJl1yEmoJyxcyN8SvEi7Vs8GwYtV\nSgCX31rGX8C+AAAGXUlEQVS8BVLt3mC+FmNmnfDYcT2how/6aiaAqVOzFkehvFogEydmp942bMie\nnYDMLHES6gm9IQF4oEwzqwE+HdcTesspKA+UaWa9nJNQT3ECMDPrkk/HmZlZbuouCUkaL+l5SfMk\nnZl3PGZm9ayukpCkBuAK4HBgLPA5SWPzjcrMrH7VVRIC9gPmRcT8iFgHzAQm5ByTmVndqrckNARY\nVPB6cSrbhKTJkmZLmr106dKqBWdmVm/cO66IiJgGTAOQtFRSkaEHasrOwOt5B9GL+Hhs5GOxKR+P\njTb3WIzozkL1loReBoYVvB6ayjoUEYN7NKIqkDS7OwMJ1gsfj418LDbl47FRtY5FvZ2OexwYI2mU\npK2B44FZOcdkZla36qolFBEtkk4F7gYagGsiopybRZuZWQXUVRICiIg7gDvyjqPKpuUdQC/j47GR\nj8WmfDw2qsqx8E3tzMwsN/V2TcjMzHoRJyEzM8uNk9AWTNIwSb+V9KykuZJOyzumvElqkPQHSbfn\nHUveJA2UdLOkP0l6TtL+eceUF0lfT/8jz0iaIal/3jFVk6RrJL0m6ZmCsh0l3SvphfQ8qCfqdhLa\nsrUA34iIscA44BSPlcdpwHN5B9FLXA7cFRF7AntRp8dF0hDga0BjRLyfrOfs8flGVXXXAuPblZ0J\n3BcRY4D70uuKcxLagkXEKxHxRJp+k+xD5h3DFNULSUOBI4HpeceSN0k7AB8BrgaIiHURsSLfqHLV\nF9hGUl9gAPCXnOOpqoh4EFjWrngCcF2avg44uifqdhKqE5JGAnsDj+YbSa4uA74FbMg7kF5gFLAU\n+Gk6PTld0rZ5B5WHiHgZ+AGwEHgFWBkR9+QbVa+wS0S8kqaXALv0RCVOQnVA0nbALcDpEbEq73jy\nIOmTwGsRMSfvWHqJvsA+wJURsTewmh463dLbpWsdE8gS8+7AtpI+n29UvUtkv+Xpkd/zOAlt4SRt\nRZaAmiLi1rzjydGBwKckvUR2C4+DJP0s35BytRhYHBFtLeObyZJSPToEeDEilkbEeuBW4ICcY+oN\nXpW0G0B6fq0nKnES2oJJEtk5/+ci4kd5x5OniDgrIoZGxEiyi86/iYi6/bYbEUuARZLek4oOBp7N\nMaQ8LQTGSRqQ/mcOpk47abQzC5iUpicBt/VEJU5CW7YDgS+Qfet/Mj2OyDso6zX+FWiS9BTwIeCi\nnOPJRWoN3gw8ATxN9rlYV8P3SJoB/B54j6TFkk4CLgY+IekFstbixT1St4ftMTOzvLglZGZmuXES\nMjOz3DgJmZlZbpyEzMwsN05CZmaWGychszJJak3d3p+RdJOkAWVsY3rboLKSzm4373cVivNaScdU\nYls9uU2rT05CZuVbExEfSiMvrwO+XOoGIuLkiGj7kejZ7eb5V/u2xXMSMquMh4DRAJLOSK2jZySd\nnsq2lfRrSX9M5cel8vslNUq6mGwU5yclNaV5b6VnSbokrfd0wbofS+u33ROoKf3iv0OS9pX0gKQ5\nku6WtJukPSU9VrDMSElPd7R85Q+d1bO+eQdgVuvS8P+HA3dJ2hc4EfgwIOBRSQ8AewB/iYgj0zo7\nFG4jIs6UdGpEfKhIFf9INqLBXsDOwOOSHkzz9gbeR3brgf8hGyXj4Q7i3Ar4d2BCRCxNyWxqRHxR\n0taSRkXEi8BxwA0dLQ98sZzjZFaMk5BZ+baR9GSafohsnL6vAL+IiNUAkm4F/gG4C/ihpO8Dt0fE\nQyXU8/fAjIhoJRtU8gHg74BVwGMRsTjV9SQwkg6SEPAe4P3AvanB1EB26wKAG8mSz8Xp+bguljer\nCCchs/Ktad9y6ehsWET8r6R9gCOA70m6JyLOr0AMawumW+n8f1rA3IgodhvvG4CbUtKMiHhB0gc6\nWd6sInxNyKyyHgKOTiMybwt8GnhI0u5Ac0T8jOwGasVum7A+nQIrts3jJDVIGkx2R9THiizXleeB\nwZL2h+z0nKT3AUTEn8mS2P8lS0idLm9WKW4JmVVQRDwh6Vo2JonpEfEHSYcBl0jaAKwnO23X3jTg\nKUlPRMTEgvJfAPsDfyS7sdi3ImKJpD1LjG1d6lb943RNqi/Z3WbnpkVuAC4hu7lbd5Y322weRdvM\nzHLj03FmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrlxEjIzs9w4CZmZWW7+P0PNi1lCP0XzAAAA\nAElFTkSuQmCC\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Visualising the Random Forest Regression results (higher resolution)\n", - "X_grid = np.arange(min(X), max(X), 0.01)\n", - "X_grid = X_grid.reshape((len(X_grid), 1))\n", - "plt.scatter(X, y, color = 'red')\n", - "plt.plot(X_grid, regressor.predict(X_grid), color = 'blue')\n", - "plt.title('Truth or Bluff (Random Forest Regression)')\n", - "plt.xlabel('Position level')\n", - "plt.ylabel('Salary')\n", - "plt.show()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "collapsed": true - }, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.5.1" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Importing the libraries\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import pandas as pd\n", + "from sklearn.ensemble import RandomForestRegressor" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Importing the dataset\n", + "dataset = pd.read_csv('Position_Salaries.csv')\n", + "X = dataset.iloc[:, 1:2].values\n", + "y = dataset.iloc[:, 2].values" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=None,\n", + " max_features='auto', max_leaf_nodes=None,\n", + " min_impurity_split=1e-07, min_samples_leaf=1,\n", + " min_samples_split=2, min_weight_fraction_leaf=0.0,\n", + " n_estimators=300, n_jobs=1, oob_score=False, random_state=0,\n", + " verbose=0, warm_start=False)" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Fitting Random Forest Regression to the dataset\n", + "regressor = RandomForestRegressor(n_estimators = 300, random_state = 0)\n", + "regressor.fit(X, y)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [ + "# Predicting a new result\n", + "y_pred = regressor.predict(6.5)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[ 160333.33333333]\n" + ] + } + ], + "source": [ + "print(y_pred)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaEAAAEWCAYAAADPZygPAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAIABJREFUeJzt3XmcXFWd9/HPNx1ICAgJkGHJziSKcUGgBwPMuABCADE4\nIuBEySCYUWEE0UeB+MgaxEEFHBl4MgGBsU1YlYisg7KNsiSIQECGGMiCBALZIB2SdOf3/HFPm0pT\nvVSlum5X6vt+vepVt85dzu/e6q5fnXtPnauIwMzMLA998g7AzMzql5OQmZnlxknIzMxy4yRkZma5\ncRIyM7PcOAmZmVlunISsS5JGS+o1ffklHSLppRKWP1XSa5LekrSDpH+QNC+9/mQH61wi6dSKBV0C\nST+TdG4edVvlSZou6ewKbOfTkpoqEVNv4iRU49IHadtjg6Q1Ba8nlrnNxZI+VuFQS6n/QknrC/bj\nWUlHl7mt/sAPgI9HxHYRsRK4ELg0vb69yDq7Ap8DpqfXh6Rj+5akNyX9SdIJ5e9h7yDpZEmt7f6G\nLqtyDJ0mXEl9JYWk1Sm+xekLQs18dkXEyRFxUQU29UtgH0nvq8C2eo2aeSOtuPRBul1EbAcsBI4q\nKHvHtyZJfasfZcc6iaepYL++CcyQtHMZVewK9IuIuQVlI4C5HSwPcCLwq4h4u6BsYYple+D/ANdI\nGl1GPL3NQ4V/QxFxeqkbqNLf1PvS8T8I+AIwqdIVSOrTm5NbZCMLzAS+lHcsldRrD7hVRmpV3CBp\nhqQ3gc+3//ZZeHpL0gxgd+DO9M3zjILlTkjfRJdKOrOTOgemOpZKeknSWZKU5p0s6UFJP5a0DPhO\nV/sQEXcAa4A9itTV9k15ZEHZzySdK+m9pGST9uWetJ/DC/avoUiVhwMPdBBLRMSvgFXABwrq/Ek6\nNqskPS7pgIJ5F6bj/7PUknpG0j4F8/eV9GSaNwPo124fv5xOH74h6ZeSdmu371+R9Oe0/jmSxkh6\nJMUyQ9JWXRzidyjnPUzlf5K0XNKdkoal8j5p2dckrZT0lKSxkr4KHAecnd6LX3QVV0T8L/A74EPt\nYv2ppFfSe3B+WzKR1CDpsnTs5kv6VxWcWpb0sKQLJP0eWA0M72J77077vlLS65J+3tk+pnnt/9+6\nej//Jc1fLunH7Q7B/cCRJbyVvZ6TUH34NPBzYAfghs4WjIjPAX8BDk/fjH9UMPsAYDRwGHCepDEd\nbOY/gAFkSeMg4CSg8PTVAcBzwGDg+53Fo8ynAAF/6mzZIvvyHLBXmt4uIg6NiJHt9q+1yKofAJ7v\nIJ4+kj4NDALmFcx6FPggsCNwM3CTpMJkcjTwX8BA4E7gx2l7/YDbgGvSurelZdvqOxQ4HzgGGJJi\nb9/C/QTZh/KBwBSy4388WYtvb+DYogeocyW9h5I+Q9ZCnJDKHiX7m4MsqY8DxpAdt+OBZRHxH2R/\njxel9+LTXQWVvlgcyKbH/r/IvqT8LbAv2Yf0iWneV4BDyN6bRuAfi2z2C8AXyVq5i7vY3lTg12k/\nhgJXdLaPReLvzvt5RKp3b7IvjYcUzHsOGC1pQJH9qE0R4ccW8gBeAg5pV3Yh8Jt2ZT8Dzi14fQjw\nUsHrxcDHCl6PBgLYtaDsCeCYIjFsBbQA7y4oOwX47zR9MjC/i/24EFgHrACagVbgG8XiBfqm2EYW\n27+22Nttf5P9K1L/BmB0u/o2pHjWpnhO7WR9AW+SnUJq25+7CuZ/EHgrTR8ELAJUMP+xgvivI/uQ\nbpu3fap/aMG+f7hg/h/bHavLgR90EOfJ6b1aUfBoLOc9BO4FJhW87puO1RDgULIvEB8G+nT2t1gk\nxrZ9XEXWUom0ztZp/hCyhNGvYJ0vAPem6QeBkwrmjS/8ewAeBr5b8Lqr7f0cuBIY0i7Obu1jN9/P\ncQXzbwW+WfB6m7TM7uV8RvTGh1tC9WFRJTYSEUsKXjYD2xVZ7G+ABmBBQdkCsn/uUuL5eUQMjIgB\nZN8uT5Z0Uokhl2sF8K52ZQsjYiDZh8YVwMGFMyV9K52KWgksB7YFCq9htT9226bp3YHFkT5hksJj\nt3vh64hYlbZfeDxfLZheU+R1sfepzcPpOLc9ZlPeezgCuELSCkkrgNfJEvfQiLgHuIrsw/tVSVdJ\nan98u/JBsvfkn4D92Xj8RpCdvny1oO4rgF3S/N3bxVrsb6+wrKvtfYMsSc+W9LSkSQAl7GN33s/O\n/s/atrmiyLZrkpNQfWjfvXo12amWNrt2sXwpXiP7ZjeioGw48HK524+I+cBdwFFF5rWQfePubH9K\n9RTw7g5iWUt22mkfpe7dkj4OnAF8hux02yDgLbIWUVdeIfsWXGh4wfRfKDiW6YNtEJsez0or5z1c\nRNbiKExo20TEowARcVlE7AO8HxhLdryKbadDEbEhImYAs8lOO7bV2wzsWFDv9hHxwTS//fEdVmzT\n7fajw+1FxCuR9Xbbjax1OE3SqC72sdDmvp/vBeZFRHM3l+/1nITq05PAkZIGpYuiX2s3/1WKdALo\njohYT3ZN5CJJ26V/0K+TnZIoS7rAfRgd92j7IzAxXYQ+Evj7cutK7gA+2tHMlIguBb6bit5Fdvrq\ndbJvyeey8Zt6Vx4G+ij7LVNfSccC+xTMnwGcJOmD6frR98h6tC0uYX9KUuZ7eBUwJV2zaesscEya\n3i89+pJ9AVpH1kqC8v7WLga+LGlwRCwi60TyA0nbp2t2oyV9JC17I3C6pN0lDSL7AtHZvne6PUnH\nSmprtawgS2CtXexjoc19Pz9Kdk1xi+EkVJ+uJbvAuYCshTGz3fyLyDoerJBUcpdd4Ktk/4Qvkf1D\nXwdcX+I2JqYeU2+RXeS+n+zaSjFfI+t8sQL4LDCr9JA3cR1wVLuOBe1NJ7tAfDhZ0vpv4AWyfV5F\n9g28SymhfZqs2+3yNP3Lgvl3kV3I/kXa5nCgrN9/laik9zAibgJ+RNYhYxVZa/KwNHsgcDXZ+/MS\n2X60dXiZDuyVeoLd3J3AIuIPwO/Juu4DfJ4s6T9LdgxvYmNr+Eqyv52ngTlknQrWdVFFZ9v7MPC4\npNVk12tOiYiFXexjYexlv5+SRNbhYVp3lq8V2vRUtJkBSPo3sutAP8k7FqscSUcBl0XE3+YdS6lS\nr8zPRsQ/5R1LJTkJmdkWS9K2wD+QtVR3JWuBPBAR3+x0RasaJyEz22JJ2o7sdOJ7yK7V3A6cHhFv\n5hqY/ZWTkJmZ5cYdE8zMLDe9ajDL3mjnnXeOkSNH5h2GmVlNmTNnzusRMbir5ZyEujBy5Ehmz56d\ndxhmZjVF0oKul/LpODMzy5GTkJmZ5cZJyMzMcuMkZGZmuXESMjOz3PRYEpJ0TbrV7TMFZTtKulfS\nC+l5UCpXujXuvHRb3MJbH09Ky7/Qdu+OVL5vup/HvLSuyq3DzMySpiYYORL69Mmem9rf+LWyerIl\ndC3ZXQwLnQncFxFjgPvSa8hujTsmPSaTjXyLpB2Bc8hGrt0POKctqaRlvlSw3vhy6jAzs6SpCSZP\nhgULICJ7njy5RxNRjyWhiHiQd95jfQLZkPCk56MLyq+PzCPAwHSfm8PIbqu7LCKWk91CeHyat31E\nPJLuSHl9u22VUoeZmQFMmQLN7e6X19yclfeQal8T2iUi2u6zsoSNt8wdwqa32F2cyjorX1ykvJw6\n3kHSZEmzJc1eunRpN3fNzKzGLVxYWnkF5NYxIbVgenT01HLriIhpEdEYEY2DB3c56oSZ2ZZh+PDS\nyiug2kno1bZTYOn5tVT+Mpve+31oKuusfGiR8nLqMDMzgKlTYcCATcsGDMjKe0i1k9AsoK2H2yTg\ntoLyE1IPtnHAynRK7W7gUEmDUoeEQ4G707xVksalXnEntNtWKXWYmRnAxIkwbRqMGAFS9jxtWlbe\nQ3psAFNJM4CPATtLWkzWy+1i4EZJJwELgGPT4ncARwDzgGbgRICIWCbpAuDxtNz5EdHW2eGrZD3w\ntgHuTA9KrcPMzApMnNijSac939SuC42NjeFRtM3MSiNpTkQ0drWcR0wwM7PcOAmZmVlunITMzCw3\nTkJmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrlxEjIzs9w4CZmZWW6chMzMLDdOQmZmlhsnITMz\ny42TkJmZ5cZJyMzMcuMkZGZmuXESMjOz3DgJmZlZbpyEzMwsN05CZmaWGychMzPLjZOQmZnlxknI\nzMxy4yRkZma5cRIyM7PcOAmZmVlunITMzCw3TkJmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrnJ\nJQlJ+rqkuZKekTRDUn9JoyQ9KmmepBskbZ2W7Zdez0vzRxZs56xU/rykwwrKx6eyeZLOLCgvWoeZ\nmeWjb7UrlDQE+BowNiLWSLoROB44Arg0ImZKugo4CbgyPS+PiNGSjge+DxwnaWxa733A7sB/S3p3\nquYK4BPAYuBxSbMi4tm0brE6zMy2GLfdBk89tXnbGDYM/vmfKxJOp6qehArq3UbSemAA8ApwEPBP\naf51wLlkCWJCmga4GfiJJKXymRGxFnhR0jxgv7TcvIiYDyBpJjBB0nOd1GFmtsX44hdh2bLN28aB\nB1YnCVX9dFxEvAz8AFhIlnxWAnOAFRHRkhZbDAxJ00OARWndlrT8ToXl7dbpqHynTuowM9tirF8P\np58OLS3lPx54oDqx5nE6bhBZK2YUsAK4CRhf7Tg6I2kyMBlg+PDhOUdjZlaaDRugb19oaMg7kq7l\n0THhEODFiFgaEeuBW4EDgYGS2pLiUODlNP0yMAwgzd8BeKOwvN06HZW/0Ukdm4iIaRHRGBGNgwcP\n3px9NTOrutZW6FMjfZ/zCHMhME7SgHRt52DgWeC3wDFpmUnAbWl6VnpNmv+biIhUfnzqPTcKGAM8\nBjwOjEk94bYm67wwK63TUR1mZluMDRuchDoUEY+SdTB4Ang6xTAN+DZwRupgsBNwdVrlamCnVH4G\ncGbazlzgRrIEdhdwSkS0pms+pwJ3A88BN6Zl6aQOM7MtRi0lIWUNBOtIY2NjzJ49O+8wzMy6raEB\nzj4bLrggvxgkzYmIxq6Wq5FcaWZm3VVLLaEaCdPMzLqj7eSWk5CZmVVda2v2XAvds8FJyMxsi7Jh\nQ/bslpCZmVWdk5CZmeXGScjMzHLjJGRmZrlxEjIzs9y09Y5zEjIzs6prawm5i7aZmVWdT8eZmVlu\nnITMzCw3TkJmZpYbJyEzM8uNe8eZmVlu3BIyM7PcuIu2mZnlxi0hMzPLjZOQmZnlxknIzMxy495x\nZmaWG7eEzMwsN05CZmaWG3fRNjOz3LglZGZmuXESMjOz3Lh3nJmZ5cYtITMzy42TkJmZ5cZJyMzM\ncuMkZGZmuam13wn1zTsAMzPb6OGH4aGHyl9/3rzsuVZaQrkkIUkDgenA+4EAvgg8D9wAjAReAo6N\niOWSBFwOHAE0A/8cEU+k7UwCvpM2e2FEXJfK9wWuBbYB7gBOi4iQtGOxOnp2b83Muu+00+CJJzZv\nG9tsA0OGVCaenpZXrrwcuCsi9gT2Ap4DzgTui4gxwH3pNcDhwJj0mAxcCZASyjnAh4H9gHMkDUrr\nXAl8qWC98am8ozrMzHqFtWthwgR4++3yH6tWwahRee9J91Q9CUnaAfgIcDVARKyLiBXABOC6tNh1\nwNFpegJwfWQeAQZK2g04DLg3Ipal1sy9wPg0b/uIeCQiAri+3baK1WFm1iu0tsLWW0O/fuU/+tbQ\nhZY8WkKjgKXATyX9QdJ0SdsCu0TEK2mZJcAuaXoIsKhg/cWprLPyxUXK6aSOTUiaLGm2pNlLly4t\nZx/NzMrS2lo7nQoqIY8k1BfYB7gyIvYGVtPutFhqwURPBtFZHRExLSIaI6Jx8ODBPRmGmdkmnIR6\n3mJgcUQ8ml7fTJaUXk2n0kjPr6X5LwPDCtYfmso6Kx9apJxO6jAz6xWchIqQVLFDEhFLgEWS3pOK\nDgaeBWYBk1LZJOC2ND0LOEGZccDKdErtbuBQSYNSh4RDgbvTvFWSxqWedSe021axOszMeoV6S0Ld\nvXz1gqRbgJ9GxLMVqPdfgSZJWwPzgRPJEuKNkk4CFgDHpmXvIOuePY+si/aJABGxTNIFwONpufMj\nYlma/iobu2jfmR4AF3dQh5lZr9DSUlsdCzZXd3d1L+B4YLqkPsA1wMyIWFVOpRHxJNBYZNbBRZYN\n4JQOtnNNiqV9+Wyy3yC1L3+jWB1mZr1FvbWEunU6LiLejIj/jIgDgG+T/T7nFUnXSRrdoxGamdUR\nJ6EiJDVI+pSkXwCXAT8E9gB+RXa6zMzMKqDeklC3rwkBvwUuiYjfFZTfLOkjlQ/LzKw+OQm1k3rG\nXRsR5xebHxFfq3hUZmZ1qt6SUJen4yKiFfh4FWIxM6t7ra3uHVfM7yT9hGwE6tVthW2jWZuZWWW0\ntNRXS6i7SeiA9Fx4Si6AgyobjplZ/YrIbkrnJNRORPh0nJlZD6u1u6JWQrfPPEo6Engf0L+trKPO\nCmZmVrrW1uy5npJQd38ndBVwHNlwOwI+C4zowbjMzOpOWxKqp44J3R1F+4CIOAFYHhHnAfuz6QjW\nZma2mdwS6tia9NwsaXdgPdnN6czMrEKchDp2u6SBwCXAE8BLwMyeCsrMrB61zLgJgIYzToORI6Gp\nKd+AqqC7veMuSJO3SLod6B8RK3suLDOzOtPUROsZU4DP0kALLFgAkydn8yZOzDW0ntRpEpL0j53M\nIyJurXxIZmZ1aMoUWtesBaCBdF6uuRmmTKnfJAQc1cm8AJyEzMwqYeFCWtkdgL60bFK+Jes0CUXE\nidUKxMysrg0fTuuCAApaQql8S+Yfq5qZ9QZTp9J68kXwdkESGjAApk7NN64e1q0klH6sOoBsNO3p\nwDHAYz0Yl5lZzbnwQrjkknLXnkhrHAvAVrTAiBFZAtqCrwdBCQOYRsQHJT0VEedJ+iG+HmRmtonH\nHoN+/TYnb2xF//5w6Dd/DjtVMrLeq7tJqP2PVZfhH6uamW2ipSX7ec+ll+YdSe3obhJq+7HqvwFz\nUtn0ngnJzKw21dtdUSuhq98J/R2wqO3HqpK2A54G/gQ415uZFWhpqa/BRyuhq2F7/h+wDkDSR4CL\nU9lKYFrPhmZmVlvq7a6oldBVzm6IiGVp+jhgWkTcQjZ8z5M9G5qZWW1pbYX+/btezjbqqiXUIKkt\nUR0M/KZgnhudZmYFfDqudF0drhnAA5JeJ+sh9xCApNFkp+TMzCxxx4TSdTVsz1RJ9wG7AfdERKRZ\nfcjusmpmZolbQqXr8nBFxCNFyv63Z8IxM6td7phQuu7e1M7MzLrQ2uqWUKmchMzMKsSn40rnJGRm\nViHumFC63JKQpAZJf0i3C0fSKEmPSpon6QZJW6fyfun1vDR/ZME2zkrlz0s6rKB8fCqbJ+nMgvKi\ndZiZVYJbQqXLsyV0GvBcwevvA5dGxGhgOXBSKj8JWJ7KL03LIWkscDzZPY7GA/+RElsDcAVwODAW\n+FxatrM6zMw2m1tCpcslCUkaChxJGgRVkoCDgJvTItcBR6fpCek1af7BafkJwMyIWBsRLwLzgP3S\nY15EzI+IdcBMYEIXdZiZbTa3hEqXV0voMuBbwIb0eidgRUS03Vh9MTAkTQ8BFgGk+SvT8n8tb7dO\nR+Wd1bEJSZMlzZY0e+nSpeXuo5nVGXfRLl3Vk5CkTwKvRcScLhfOSURMi4jGiGgcPHhw3uGYWY1w\nF+3S5XG4DgQ+JekIoD+wPXA5MFBS39RSGQq8nJZ/GRgGLE7j2O0AvFFQ3qZwnWLlb3RSh5nZZvPp\nuNJVvSUUEWdFxNCIGEnWseA3ETER+C1wTFpsEnBbmp6VXpPm/yYNHzQLOD71nhsFjAEeAx4HxqSe\ncFunOmaldTqqw8xss7ljQul60++Evg2cIWke2fWbq1P51cBOqfwM4EyAiJgL3Ag8C9wFnBIRramV\ncypwN1nvuxvTsp3VYWa22dwSKl2uhysi7gfuT9PzyXq2tV/mbeCzHaw/FZhapPwO4I4i5UXrMDOr\nBHdMKF1vagmZmdWsDRsgwi2hUvlwmZkBv/41nHdelkjK0baeW0KlcRIyMwPuuguefBI+8Ynyt3HU\nUXDkkZWLqR44CZmZAevWwU47ZS0iqx5fEzIzI0tCW3tI46pzEjIzA9avdxLKg5OQmRluCeXFScjM\nDCehvDgJmZmRJaGttso7ivrjJGRmhltCeXESMjPDSSgvTkJmZjgJ5cVJyMysqYn1f3iare+eBSNH\nQlNT3hHVDSchM6tvTU0weXLWEmIdLFgAkyc7EVWJk5CZ1bcpU6C5mXVsnSUhgObmrNx6nMeOM7Mt\nwptvZnc2LdmClcAOvE1/tmL9xvKFCysVmnXCScjMat4tt8Axx5S79vK/Tg2geWPx8OGbFZN1j5OQ\nmdW8P/85e/7+98vo4TZnNtxwI1q/lgnclpUNGABT33HTZusBTkJmVvPWpUs5Z5xRzp1NG2H889k1\noIULYfiILAFNnFjpMK0IJyEzq3lr10KfPptxa+2JE510cuLecWZW89auhX798o7CyuEkZGY1z0mo\ndjkJmVnNW7vWQ+7UKichM6t5bgnVLichM6t5TkK1y0nIzGreunVOQrXKScjMap6vCdUuJyEzq3k+\nHVe7/GNVM8vV+vXwq1/BmjXlb2PRIthll8rFZNXjJGRmubr3XvjMZzZ/Ox/60OZvw6rPScjMcrU8\nDWJ9zz3ZTU3LNWJERcKxKnMSMrNcrV6dPY8dC0OG5BuLVZ87JphZrprTLXy23TbfOCwfVU9CkoZJ\n+q2kZyXNlXRaKt9R0r2SXkjPg1K5JP1Y0jxJT0nap2Bbk9LyL0iaVFC+r6Sn0zo/lqTO6jCznDQ1\n0XzevwEwYK8x0NSUc0BWbXm0hFqAb0TEWGAccIqkscCZwH0RMQa4L70GOBwYkx6TgSshSyjAOcCH\ngf2AcwqSypXAlwrWG5/KO6rDzKqtqQkmT2b1ivU00MJWC+fB5MlORHWm6kkoIl6JiCfS9JvAc8AQ\nYAJwXVrsOuDoND0BuD4yjwADJe0GHAbcGxHLImI5cC8wPs3bPiIeiYgArm+3rWJ1mFm1TZkCzc00\nM4BtWY0gOzc3ZUrekVkV5XpNSNJIYG/gUWCXiHglzVoCtPX6HwIsKlhtcSrrrHxxkXI6qaN9XJMl\nzZY0e+nSpaXvmJl1beFCAJoZwACa31Fu9SG33nGStgNuAU6PiFXpsg0AERGSoifr76yOiJgGTANo\nbGzs0TjMatmSJVmvthUrylg5WrIn+jCaFzaWDx9emeCsJuSShCRtRZaAmiLi1lT8qqTdIuKVdErt\ntVT+MjCsYPWhqexl4GPtyu9P5UOLLN9ZHWZWhvnzs9/5fP7zMGpUiSs/PRduvx1a1rM/v8/KBgyA\nqVMrHqf1XlVPQqmn2tXAcxHxo4JZs4BJwMXp+baC8lMlzSTrhLAyJZG7gYsKOiMcCpwVEcskrZI0\njuw03wnAv3dRh5mVYdWq7PmUU2DcuFLX/gA0PZVdA1q4EIaPyBLQxImVDtN6sTxaQgcCXwCelvRk\nKjubLDHcKOkkYAFwbJp3B3AEMA9oBk4ESMnmAuDxtNz5EbEsTX8VuBbYBrgzPeikDjMrQ1sSete7\nytzAxIlOOnWu6kkoIh4G1MHsg4ssH8ApHWzrGuCaIuWzgfcXKX+jWB1mVp62JLT99vnGYbXLIyaY\nWdmchGxzeew4s3rU1MSGs7/DKQu/zcJt3g3vfk9ZA7fNm5c9b7ddheOzuuEkZFZv0kgFf2kexFV8\nmZFrXmTnp5fAqv6w004lbWr77eHEE6GhoYditS2ek5BZvUkjFbzKngBcytc5esNtsGEEPP5SvrFZ\n3fE1IbN6k0YkeI2/AWAXXt2k3Kya3BIyq1ETJsCjj5axol6FaOVt+gMFScgjFVgOnITMatCGDdlg\nA3vvDY2NJa78wgp48AFoaWE3XmEUL3qkAsuNk5BZDVq5MktEEyfC179e6tpjoOkxj1RgvYKTkFkN\nev317HnnncvcgEcqsF7CScis2pqaeOKbP+exJcNhxx2zizv77VfSJhYsyJ5L7FFt1us4CZlVU/qN\nzgnNjzKX98My4KfpUaKGBhg9utIBmlWXk5BZNU2ZQjQ3M589+DJXcg7nZeVDh8Hjj3e+bjvbbAM7\n7NADMZpVkZOQWYluvz1r0JRlwfdooS9rGMBYnmXXtu7RL78Gu1YsRLOa4SRkVqLLL4f/+R8YNqzr\nZd+h737Q0sIHeIqPcf/Gcv9Gx+qUk5BZiV59FQ49FH75yzJWbnoEJk+G5uaNZf6NjtUxD9tjVqIl\nS2CXXcpceeJEmDYNRowAKXueNs3dpa1uuSVk9aOpif/82tN8Y9nZhPpAv37Qd6uSN/PWW7Dr5ly/\n8W90zP7KScjqQ+oafU/ztfRjLSfE9dCyFXz8E/De95a0qYaG7PYFZrb5nISsZixbBjNnQktLGSuf\n+wI0n8RsGmlkNj/km9ACPDsC7nipwpGaWXc5CVnNmDYNzjqr3LXP/evUCVy/sdi3LzDLlZOQ9bym\nJpgyhdULXmf9sD3gO9+BY48teTNz52bXYubOLSOGvfaCxYsQwUBWbCx312izXDkJWc9K12Lub/47\nDmI+sagP/AvZowwf/Wg23FrJLv6Wu0ab9UJOQluy1ALJhusfXvZw/UuXwic/md0+oGR/Hgctc3iD\nnejP20xlCiJg0I7w3e+WvLmDDy4jBti43xU4HmZWOYqIvGPo1RobG2P27Nmlr1ihBNDSAqtXl149\nN94Ip53GhjVvM52TWczQrDvyQQfBnnuWtKn587Ohaj71qWy8spLcMPOvkx/lAb7CVdkLKbshjplt\nkSTNiYgub7noJNSFspJQUxN/Ofm7nPV2wTf9hr6w//6wxx7d3syGDXDnnfDGG6VVX0xf1rMdb0Gf\nPrB96aNejh0LDz2UrV6SkSM33neg0IgR8NJLJcdhZrWhu0nIp+N6wpQprHm7gQf5yMayVuD3fWFx\naZsaOhROOQUGDiwxhjPOALIvGMNYxGe4BQGEYHkVWyBTp/pajJl1yEmoJyxcyN8SvEi7Vs8GwYtV\nSgCX31rGX8C+AAAGXUlEQVS8BVLt3mC+FmNmnfDYcT2how/6aiaAqVOzFkehvFogEydmp942bMie\nnYDMLHES6gm9IQF4oEwzqwE+HdcTesspKA+UaWa9nJNQT3ECMDPrkk/HmZlZbuouCUkaL+l5SfMk\nnZl3PGZm9ayukpCkBuAK4HBgLPA5SWPzjcrMrH7VVRIC9gPmRcT8iFgHzAQm5ByTmVndqrckNARY\nVPB6cSrbhKTJkmZLmr106dKqBWdmVm/cO66IiJgGTAOQtFRSkaEHasrOwOt5B9GL+Hhs5GOxKR+P\njTb3WIzozkL1loReBoYVvB6ayjoUEYN7NKIqkDS7OwMJ1gsfj418LDbl47FRtY5FvZ2OexwYI2mU\npK2B44FZOcdkZla36qolFBEtkk4F7gYagGsiopybRZuZWQXUVRICiIg7gDvyjqPKpuUdQC/j47GR\nj8WmfDw2qsqx8E3tzMwsN/V2TcjMzHoRJyEzM8uNk9AWTNIwSb+V9KykuZJOyzumvElqkPQHSbfn\nHUveJA2UdLOkP0l6TtL+eceUF0lfT/8jz0iaIal/3jFVk6RrJL0m6ZmCsh0l3SvphfQ8qCfqdhLa\nsrUA34iIscA44BSPlcdpwHN5B9FLXA7cFRF7AntRp8dF0hDga0BjRLyfrOfs8flGVXXXAuPblZ0J\n3BcRY4D70uuKcxLagkXEKxHxRJp+k+xD5h3DFNULSUOBI4HpeceSN0k7AB8BrgaIiHURsSLfqHLV\nF9hGUl9gAPCXnOOpqoh4EFjWrngCcF2avg44uifqdhKqE5JGAnsDj+YbSa4uA74FbMg7kF5gFLAU\n+Gk6PTld0rZ5B5WHiHgZ+AGwEHgFWBkR9+QbVa+wS0S8kqaXALv0RCVOQnVA0nbALcDpEbEq73jy\nIOmTwGsRMSfvWHqJvsA+wJURsTewmh463dLbpWsdE8gS8+7AtpI+n29UvUtkv+Xpkd/zOAlt4SRt\nRZaAmiLi1rzjydGBwKckvUR2C4+DJP0s35BytRhYHBFtLeObyZJSPToEeDEilkbEeuBW4ICcY+oN\nXpW0G0B6fq0nKnES2oJJEtk5/+ci4kd5x5OniDgrIoZGxEiyi86/iYi6/bYbEUuARZLek4oOBp7N\nMaQ8LQTGSRqQ/mcOpk47abQzC5iUpicBt/VEJU5CW7YDgS+Qfet/Mj2OyDso6zX+FWiS9BTwIeCi\nnOPJRWoN3gw8ATxN9rlYV8P3SJoB/B54j6TFkk4CLgY+IekFstbixT1St4ftMTOzvLglZGZmuXES\nMjOz3DgJmZlZbpyEzMwsN05CZmaWGychszJJak3d3p+RdJOkAWVsY3rboLKSzm4373cVivNaScdU\nYls9uU2rT05CZuVbExEfSiMvrwO+XOoGIuLkiGj7kejZ7eb5V/u2xXMSMquMh4DRAJLOSK2jZySd\nnsq2lfRrSX9M5cel8vslNUq6mGwU5yclNaV5b6VnSbokrfd0wbofS+u33ROoKf3iv0OS9pX0gKQ5\nku6WtJukPSU9VrDMSElPd7R85Q+d1bO+eQdgVuvS8P+HA3dJ2hc4EfgwIOBRSQ8AewB/iYgj0zo7\nFG4jIs6UdGpEfKhIFf9INqLBXsDOwOOSHkzz9gbeR3brgf8hGyXj4Q7i3Ar4d2BCRCxNyWxqRHxR\n0taSRkXEi8BxwA0dLQ98sZzjZFaMk5BZ+baR9GSafohsnL6vAL+IiNUAkm4F/gG4C/ihpO8Dt0fE\nQyXU8/fAjIhoJRtU8gHg74BVwGMRsTjV9SQwkg6SEPAe4P3AvanB1EB26wKAG8mSz8Xp+bguljer\nCCchs/Ktad9y6ehsWET8r6R9gCOA70m6JyLOr0AMawumW+n8f1rA3IgodhvvG4CbUtKMiHhB0gc6\nWd6sInxNyKyyHgKOTiMybwt8GnhI0u5Ac0T8jOwGasVum7A+nQIrts3jJDVIGkx2R9THiizXleeB\nwZL2h+z0nKT3AUTEn8mS2P8lS0idLm9WKW4JmVVQRDwh6Vo2JonpEfEHSYcBl0jaAKwnO23X3jTg\nKUlPRMTEgvJfAPsDfyS7sdi3ImKJpD1LjG1d6lb943RNqi/Z3WbnpkVuAC4hu7lbd5Y322weRdvM\nzHLj03FmZpYbJyEzM8uNk5CZmeXGScjMzHLjJGRmZrlxEjIzs9w4CZmZWW7+P0PNi1lCP0XzAAAA\nAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Visualising the Random Forest Regression results (higher resolution)\n", + "X_grid = np.arange(min(X), max(X), 0.01)\n", + "X_grid = X_grid.reshape((len(X_grid), 1))\n", + "plt.scatter(X, y, color = 'red')\n", + "plt.plot(X_grid, regressor.predict(X_grid), color = 'blue')\n", + "plt.title('Truth or Bluff (Random Forest Regression)')\n", + "plt.xlabel('Position level')\n", + "plt.ylabel('Salary')\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": true + }, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.5.1" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/machine_learning/Random Forest Regression/random_forest_regression.py b/machine_learning/Random Forest Regression/random_forest_regression.py index bea92acaed0c..9137cb2f683c 100644 --- a/machine_learning/Random Forest Regression/random_forest_regression.py +++ b/machine_learning/Random Forest Regression/random_forest_regression.py @@ -1,42 +1,42 @@ -# Random Forest Regression - -import matplotlib.pyplot as plt -# Importing the libraries -import numpy as np -import pandas as pd - -# Importing the dataset -dataset = pd.read_csv('Position_Salaries.csv') -X = dataset.iloc[:, 1:2].values -y = dataset.iloc[:, 2].values - -# Splitting the dataset into the Training set and Test set -"""from sklearn.cross_validation import train_test_split -X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.2, random_state = 0)""" - -# Feature Scaling -"""from sklearn.preprocessing import StandardScaler -sc_X = StandardScaler() -X_train = sc_X.fit_transform(X_train) -X_test = sc_X.transform(X_test) -sc_y = StandardScaler() -y_train = sc_y.fit_transform(y_train)""" - -# Fitting Random Forest Regression to the dataset -from sklearn.ensemble import RandomForestRegressor - -regressor = RandomForestRegressor(n_estimators=10, random_state=0) -regressor.fit(X, y) - -# Predicting a new result -y_pred = regressor.predict(6.5) - -# Visualising the Random Forest Regression results (higher resolution) -X_grid = np.arange(min(X), max(X), 0.01) -X_grid = X_grid.reshape((len(X_grid), 1)) -plt.scatter(X, y, color='red') -plt.plot(X_grid, regressor.predict(X_grid), color='blue') -plt.title('Truth or Bluff (Random Forest Regression)') -plt.xlabel('Position level') -plt.ylabel('Salary') -plt.show() +# Random Forest Regression + +import matplotlib.pyplot as plt +# Importing the libraries +import numpy as np +import pandas as pd + +# Importing the dataset +dataset = pd.read_csv('Position_Salaries.csv') +X = dataset.iloc[:, 1:2].values +y = dataset.iloc[:, 2].values + +# Splitting the dataset into the Training set and Test set +"""from sklearn.cross_validation import train_test_split +X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.2, random_state = 0)""" + +# Feature Scaling +"""from sklearn.preprocessing import StandardScaler +sc_X = StandardScaler() +X_train = sc_X.fit_transform(X_train) +X_test = sc_X.transform(X_test) +sc_y = StandardScaler() +y_train = sc_y.fit_transform(y_train)""" + +# Fitting Random Forest Regression to the dataset +from sklearn.ensemble import RandomForestRegressor + +regressor = RandomForestRegressor(n_estimators=10, random_state=0) +regressor.fit(X, y) + +# Predicting a new result +y_pred = regressor.predict(6.5) + +# Visualising the Random Forest Regression results (higher resolution) +X_grid = np.arange(min(X), max(X), 0.01) +X_grid = X_grid.reshape((len(X_grid), 1)) +plt.scatter(X, y, color='red') +plt.plot(X_grid, regressor.predict(X_grid), color='blue') +plt.title('Truth or Bluff (Random Forest Regression)') +plt.xlabel('Position level') +plt.ylabel('Salary') +plt.show() diff --git a/machine_learning/decision_tree.py b/machine_learning/decision_tree.py index 27b46d8e8bcf..e39e57731f1e 100644 --- a/machine_learning/decision_tree.py +++ b/machine_learning/decision_tree.py @@ -1,141 +1,141 @@ -""" -Implementation of a basic regression decision tree. -Input data set: The input data set must be 1-dimensional with continuous labels. -Output: The decision tree maps a real number input to a real number output. -""" -from __future__ import print_function - -import numpy as np - - -class Decision_Tree: - def __init__(self, depth=5, min_leaf_size=5): - self.depth = depth - self.decision_boundary = 0 - self.left = None - self.right = None - self.min_leaf_size = min_leaf_size - self.prediction = None - - def mean_squared_error(self, labels, prediction): - """ - mean_squared_error: - @param labels: a one dimensional numpy array - @param prediction: a floating point value - return value: mean_squared_error calculates the error if prediction is used to estimate the labels - """ - if labels.ndim != 1: - print("Error: Input labels must be one dimensional") - - return np.mean((labels - prediction) ** 2) - - def train(self, X, y): - """ - train: - @param X: a one dimensional numpy array - @param y: a one dimensional numpy array. - The contents of y are the labels for the corresponding X values - - train does not have a return value - """ - - """ - this section is to check that the inputs conform to our dimensionality constraints - """ - if X.ndim != 1: - print("Error: Input data set must be one dimensional") - return - if len(X) != len(y): - print("Error: X and y have different lengths") - return - if y.ndim != 1: - print("Error: Data set labels must be one dimensional") - return - - if len(X) < 2 * self.min_leaf_size: - self.prediction = np.mean(y) - return - - if self.depth == 1: - self.prediction = np.mean(y) - return - - best_split = 0 - min_error = self.mean_squared_error(X, np.mean(y)) * 2 - - """ - loop over all possible splits for the decision tree. find the best split. - if no split exists that is less than 2 * error for the entire array - then the data set is not split and the average for the entire array is used as the predictor - """ - for i in range(len(X)): - if len(X[:i]) < self.min_leaf_size: - continue - elif len(X[i:]) < self.min_leaf_size: - continue - else: - error_left = self.mean_squared_error(X[:i], np.mean(y[:i])) - error_right = self.mean_squared_error(X[i:], np.mean(y[i:])) - error = error_left + error_right - if error < min_error: - best_split = i - min_error = error - - if best_split != 0: - left_X = X[:best_split] - left_y = y[:best_split] - right_X = X[best_split:] - right_y = y[best_split:] - - self.decision_boundary = X[best_split] - self.left = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) - self.right = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) - self.left.train(left_X, left_y) - self.right.train(right_X, right_y) - else: - self.prediction = np.mean(y) - - return - - def predict(self, x): - """ - predict: - @param x: a floating point value to predict the label of - the prediction function works by recursively calling the predict function - of the appropriate subtrees based on the tree's decision boundary - """ - if self.prediction is not None: - return self.prediction - elif self.left or self.right is not None: - if x >= self.decision_boundary: - return self.right.predict(x) - else: - return self.left.predict(x) - else: - print("Error: Decision tree not yet trained") - return None - - -def main(): - """ - In this demonstration we're generating a sample data set from the sin function in numpy. - We then train a decision tree on the data set and use the decision tree to predict the - label of 10 different test values. Then the mean squared error over this test is displayed. - """ - X = np.arange(-1., 1., 0.005) - y = np.sin(X) - - tree = Decision_Tree(depth=10, min_leaf_size=10) - tree.train(X, y) - - test_cases = (np.random.rand(10) * 2) - 1 - predictions = np.array([tree.predict(x) for x in test_cases]) - avg_error = np.mean((predictions - test_cases) ** 2) - - print("Test values: " + str(test_cases)) - print("Predictions: " + str(predictions)) - print("Average error: " + str(avg_error)) - - -if __name__ == '__main__': - main() +""" +Implementation of a basic regression decision tree. +Input data set: The input data set must be 1-dimensional with continuous labels. +Output: The decision tree maps a real number input to a real number output. +""" +from __future__ import print_function + +import numpy as np + + +class Decision_Tree: + def __init__(self, depth=5, min_leaf_size=5): + self.depth = depth + self.decision_boundary = 0 + self.left = None + self.right = None + self.min_leaf_size = min_leaf_size + self.prediction = None + + def mean_squared_error(self, labels, prediction): + """ + mean_squared_error: + @param labels: a one dimensional numpy array + @param prediction: a floating point value + return value: mean_squared_error calculates the error if prediction is used to estimate the labels + """ + if labels.ndim != 1: + print("Error: Input labels must be one dimensional") + + return np.mean((labels - prediction) ** 2) + + def train(self, X, y): + """ + train: + @param X: a one dimensional numpy array + @param y: a one dimensional numpy array. + The contents of y are the labels for the corresponding X values + + train does not have a return value + """ + + """ + this section is to check that the inputs conform to our dimensionality constraints + """ + if X.ndim != 1: + print("Error: Input data set must be one dimensional") + return + if len(X) != len(y): + print("Error: X and y have different lengths") + return + if y.ndim != 1: + print("Error: Data set labels must be one dimensional") + return + + if len(X) < 2 * self.min_leaf_size: + self.prediction = np.mean(y) + return + + if self.depth == 1: + self.prediction = np.mean(y) + return + + best_split = 0 + min_error = self.mean_squared_error(X, np.mean(y)) * 2 + + """ + loop over all possible splits for the decision tree. find the best split. + if no split exists that is less than 2 * error for the entire array + then the data set is not split and the average for the entire array is used as the predictor + """ + for i in range(len(X)): + if len(X[:i]) < self.min_leaf_size: + continue + elif len(X[i:]) < self.min_leaf_size: + continue + else: + error_left = self.mean_squared_error(X[:i], np.mean(y[:i])) + error_right = self.mean_squared_error(X[i:], np.mean(y[i:])) + error = error_left + error_right + if error < min_error: + best_split = i + min_error = error + + if best_split != 0: + left_X = X[:best_split] + left_y = y[:best_split] + right_X = X[best_split:] + right_y = y[best_split:] + + self.decision_boundary = X[best_split] + self.left = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) + self.right = Decision_Tree(depth=self.depth - 1, min_leaf_size=self.min_leaf_size) + self.left.train(left_X, left_y) + self.right.train(right_X, right_y) + else: + self.prediction = np.mean(y) + + return + + def predict(self, x): + """ + predict: + @param x: a floating point value to predict the label of + the prediction function works by recursively calling the predict function + of the appropriate subtrees based on the tree's decision boundary + """ + if self.prediction is not None: + return self.prediction + elif self.left or self.right is not None: + if x >= self.decision_boundary: + return self.right.predict(x) + else: + return self.left.predict(x) + else: + print("Error: Decision tree not yet trained") + return None + + +def main(): + """ + In this demonstration we're generating a sample data set from the sin function in numpy. + We then train a decision tree on the data set and use the decision tree to predict the + label of 10 different test values. Then the mean squared error over this test is displayed. + """ + X = np.arange(-1., 1., 0.005) + y = np.sin(X) + + tree = Decision_Tree(depth=10, min_leaf_size=10) + tree.train(X, y) + + test_cases = (np.random.rand(10) * 2) - 1 + predictions = np.array([tree.predict(x) for x in test_cases]) + avg_error = np.mean((predictions - test_cases) ** 2) + + print("Test values: " + str(test_cases)) + print("Predictions: " + str(predictions)) + print("Average error: " + str(avg_error)) + + +if __name__ == '__main__': + main() diff --git a/machine_learning/gradient_descent.py b/machine_learning/gradient_descent.py index 0404abb58e66..357aa1c4d6cb 100644 --- a/machine_learning/gradient_descent.py +++ b/machine_learning/gradient_descent.py @@ -1,123 +1,123 @@ -""" -Implementation of gradient descent algorithm for minimizing cost of a linear hypothesis function. -""" -from __future__ import print_function, division - -import numpy - -# List of input, output pairs -train_data = (((5, 2, 3), 15), ((6, 5, 9), 25), - ((11, 12, 13), 41), ((1, 1, 1), 8), ((11, 12, 13), 41)) -test_data = (((515, 22, 13), 555), ((61, 35, 49), 150)) -parameter_vector = [2, 4, 1, 5] -m = len(train_data) -LEARNING_RATE = 0.009 - - -def _error(example_no, data_set='train'): - """ - :param data_set: train data or test data - :param example_no: example number whose error has to be checked - :return: error in example pointed by example number. - """ - return calculate_hypothesis_value(example_no, data_set) - output(example_no, data_set) - - -def _hypothesis_value(data_input_tuple): - """ - Calculates hypothesis function value for a given input - :param data_input_tuple: Input tuple of a particular example - :return: Value of hypothesis function at that point. - Note that there is an 'biased input' whose value is fixed as 1. - It is not explicitly mentioned in input data.. But, ML hypothesis functions use it. - So, we have to take care of it separately. Line 36 takes care of it. - """ - hyp_val = 0 - for i in range(len(parameter_vector) - 1): - hyp_val += data_input_tuple[i] * parameter_vector[i + 1] - hyp_val += parameter_vector[0] - return hyp_val - - -def output(example_no, data_set): - """ - :param data_set: test data or train data - :param example_no: example whose output is to be fetched - :return: output for that example - """ - if data_set == 'train': - return train_data[example_no][1] - elif data_set == 'test': - return test_data[example_no][1] - - -def calculate_hypothesis_value(example_no, data_set): - """ - Calculates hypothesis value for a given example - :param data_set: test data or train_data - :param example_no: example whose hypothesis value is to be calculated - :return: hypothesis value for that example - """ - if data_set == "train": - return _hypothesis_value(train_data[example_no][0]) - elif data_set == "test": - return _hypothesis_value(test_data[example_no][0]) - - -def summation_of_cost_derivative(index, end=m): - """ - Calculates the sum of cost function derivative - :param index: index wrt derivative is being calculated - :param end: value where summation ends, default is m, number of examples - :return: Returns the summation of cost derivative - Note: If index is -1, this means we are calculating summation wrt to biased parameter. - """ - summation_value = 0 - for i in range(end): - if index == -1: - summation_value += _error(i) - else: - summation_value += _error(i) * train_data[i][0][index] - return summation_value - - -def get_cost_derivative(index): - """ - :param index: index of the parameter vector wrt to derivative is to be calculated - :return: derivative wrt to that index - Note: If index is -1, this means we are calculating summation wrt to biased parameter. - """ - cost_derivative_value = summation_of_cost_derivative(index, m) / m - return cost_derivative_value - - -def run_gradient_descent(): - global parameter_vector - # Tune these values to set a tolerance value for predicted output - absolute_error_limit = 0.000002 - relative_error_limit = 0 - j = 0 - while True: - j += 1 - temp_parameter_vector = [0, 0, 0, 0] - for i in range(0, len(parameter_vector)): - cost_derivative = get_cost_derivative(i - 1) - temp_parameter_vector[i] = parameter_vector[i] - \ - LEARNING_RATE * cost_derivative - if numpy.allclose(parameter_vector, temp_parameter_vector, - atol=absolute_error_limit, rtol=relative_error_limit): - break - parameter_vector = temp_parameter_vector - print(("Number of iterations:", j)) - - -def test_gradient_descent(): - for i in range(len(test_data)): - print(("Actual output value:", output(i, 'test'))) - print(("Hypothesis output:", calculate_hypothesis_value(i, 'test'))) - - -if __name__ == '__main__': - run_gradient_descent() - print("\nTesting gradient descent for a linear hypothesis function.\n") - test_gradient_descent() +""" +Implementation of gradient descent algorithm for minimizing cost of a linear hypothesis function. +""" +from __future__ import print_function, division + +import numpy + +# List of input, output pairs +train_data = (((5, 2, 3), 15), ((6, 5, 9), 25), + ((11, 12, 13), 41), ((1, 1, 1), 8), ((11, 12, 13), 41)) +test_data = (((515, 22, 13), 555), ((61, 35, 49), 150)) +parameter_vector = [2, 4, 1, 5] +m = len(train_data) +LEARNING_RATE = 0.009 + + +def _error(example_no, data_set='train'): + """ + :param data_set: train data or test data + :param example_no: example number whose error has to be checked + :return: error in example pointed by example number. + """ + return calculate_hypothesis_value(example_no, data_set) - output(example_no, data_set) + + +def _hypothesis_value(data_input_tuple): + """ + Calculates hypothesis function value for a given input + :param data_input_tuple: Input tuple of a particular example + :return: Value of hypothesis function at that point. + Note that there is an 'biased input' whose value is fixed as 1. + It is not explicitly mentioned in input data.. But, ML hypothesis functions use it. + So, we have to take care of it separately. Line 36 takes care of it. + """ + hyp_val = 0 + for i in range(len(parameter_vector) - 1): + hyp_val += data_input_tuple[i] * parameter_vector[i + 1] + hyp_val += parameter_vector[0] + return hyp_val + + +def output(example_no, data_set): + """ + :param data_set: test data or train data + :param example_no: example whose output is to be fetched + :return: output for that example + """ + if data_set == 'train': + return train_data[example_no][1] + elif data_set == 'test': + return test_data[example_no][1] + + +def calculate_hypothesis_value(example_no, data_set): + """ + Calculates hypothesis value for a given example + :param data_set: test data or train_data + :param example_no: example whose hypothesis value is to be calculated + :return: hypothesis value for that example + """ + if data_set == "train": + return _hypothesis_value(train_data[example_no][0]) + elif data_set == "test": + return _hypothesis_value(test_data[example_no][0]) + + +def summation_of_cost_derivative(index, end=m): + """ + Calculates the sum of cost function derivative + :param index: index wrt derivative is being calculated + :param end: value where summation ends, default is m, number of examples + :return: Returns the summation of cost derivative + Note: If index is -1, this means we are calculating summation wrt to biased parameter. + """ + summation_value = 0 + for i in range(end): + if index == -1: + summation_value += _error(i) + else: + summation_value += _error(i) * train_data[i][0][index] + return summation_value + + +def get_cost_derivative(index): + """ + :param index: index of the parameter vector wrt to derivative is to be calculated + :return: derivative wrt to that index + Note: If index is -1, this means we are calculating summation wrt to biased parameter. + """ + cost_derivative_value = summation_of_cost_derivative(index, m) / m + return cost_derivative_value + + +def run_gradient_descent(): + global parameter_vector + # Tune these values to set a tolerance value for predicted output + absolute_error_limit = 0.000002 + relative_error_limit = 0 + j = 0 + while True: + j += 1 + temp_parameter_vector = [0, 0, 0, 0] + for i in range(0, len(parameter_vector)): + cost_derivative = get_cost_derivative(i - 1) + temp_parameter_vector[i] = parameter_vector[i] - \ + LEARNING_RATE * cost_derivative + if numpy.allclose(parameter_vector, temp_parameter_vector, + atol=absolute_error_limit, rtol=relative_error_limit): + break + parameter_vector = temp_parameter_vector + print(("Number of iterations:", j)) + + +def test_gradient_descent(): + for i in range(len(test_data)): + print(("Actual output value:", output(i, 'test'))) + print(("Hypothesis output:", calculate_hypothesis_value(i, 'test'))) + + +if __name__ == '__main__': + run_gradient_descent() + print("\nTesting gradient descent for a linear hypothesis function.\n") + test_gradient_descent() diff --git a/machine_learning/k_means_clust.py b/machine_learning/k_means_clust.py index 236322f4ab2e..5e3c2252f30d 100644 --- a/machine_learning/k_means_clust.py +++ b/machine_learning/k_means_clust.py @@ -1,183 +1,183 @@ -'''README, Author - Anurag Kumar(mailto:anuragkumarak95@gmail.com) - -Requirements: - - sklearn - - numpy - - matplotlib - -Python: - - 3.5 - -Inputs: - - X , a 2D numpy array of features. - - k , number of clusters to create. - - initial_centroids , initial centroid values generated by utility function(mentioned in usage). - - maxiter , maximum number of iterations to process. - - heterogeneity , empty list that will be filled with hetrogeneity values if passed to kmeans func. - -Usage: - 1. define 'k' value, 'X' features array and 'hetrogeneity' empty list - - 2. create initial_centroids, - initial_centroids = get_initial_centroids( - X, - k, - seed=0 # seed value for initial centroid generation, None for randomness(default=None) - ) - - 3. find centroids and clusters using kmeans function. - - centroids, cluster_assignment = kmeans( - X, - k, - initial_centroids, - maxiter=400, - record_heterogeneity=heterogeneity, - verbose=True # whether to print logs in console or not.(default=False) - ) - - - 4. Plot the loss function, hetrogeneity values for every iteration saved in hetrogeneity list. - plot_heterogeneity( - heterogeneity, - k - ) - - 5. Have fun.. - -''' -from __future__ import print_function - -import numpy as np -from sklearn.metrics import pairwise_distances - -TAG = 'K-MEANS-CLUST/ ' - - -def get_initial_centroids(data, k, seed=None): - '''Randomly choose k data points as initial centroids''' - if seed is not None: # useful for obtaining consistent results - np.random.seed(seed) - n = data.shape[0] # number of data points - - # Pick K indices from range [0, N). - rand_indices = np.random.randint(0, n, k) - - # Keep centroids as dense format, as many entries will be nonzero due to averaging. - # As long as at least one document in a cluster contains a word, - # it will carry a nonzero weight in the TF-IDF vector of the centroid. - centroids = data[rand_indices, :] - - return centroids - - -def centroid_pairwise_dist(X, centroids): - return pairwise_distances(X, centroids, metric='euclidean') - - -def assign_clusters(data, centroids): - # Compute distances between each data point and the set of centroids: - # Fill in the blank (RHS only) - distances_from_centroids = centroid_pairwise_dist(data, centroids) - - # Compute cluster assignments for each data point: - # Fill in the blank (RHS only) - cluster_assignment = np.argmin(distances_from_centroids, axis=1) - - return cluster_assignment - - -def revise_centroids(data, k, cluster_assignment): - new_centroids = [] - for i in range(k): - # Select all data points that belong to cluster i. Fill in the blank (RHS only) - member_data_points = data[cluster_assignment == i] - # Compute the mean of the data points. Fill in the blank (RHS only) - centroid = member_data_points.mean(axis=0) - new_centroids.append(centroid) - new_centroids = np.array(new_centroids) - - return new_centroids - - -def compute_heterogeneity(data, k, centroids, cluster_assignment): - heterogeneity = 0.0 - for i in range(k): - - # Select all data points that belong to cluster i. Fill in the blank (RHS only) - member_data_points = data[cluster_assignment == i, :] - - if member_data_points.shape[0] > 0: # check if i-th cluster is non-empty - # Compute distances from centroid to data points (RHS only) - distances = pairwise_distances(member_data_points, [centroids[i]], metric='euclidean') - squared_distances = distances ** 2 - heterogeneity += np.sum(squared_distances) - - return heterogeneity - - -from matplotlib import pyplot as plt - - -def plot_heterogeneity(heterogeneity, k): - plt.figure(figsize=(7, 4)) - plt.plot(heterogeneity, linewidth=4) - plt.xlabel('# Iterations') - plt.ylabel('Heterogeneity') - plt.title('Heterogeneity of clustering over time, K={0:d}'.format(k)) - plt.rcParams.update({'font.size': 16}) - plt.show() - - -def kmeans(data, k, initial_centroids, maxiter=500, record_heterogeneity=None, verbose=False): - '''This function runs k-means on given data and initial set of centroids. - maxiter: maximum number of iterations to run.(default=500) - record_heterogeneity: (optional) a list, to store the history of heterogeneity as function of iterations - if None, do not store the history. - verbose: if True, print how many data points changed their cluster labels in each iteration''' - centroids = initial_centroids[:] - prev_cluster_assignment = None - - for itr in range(maxiter): - if verbose: - print(itr, end='') - - # 1. Make cluster assignments using nearest centroids - cluster_assignment = assign_clusters(data, centroids) - - # 2. Compute a new centroid for each of the k clusters, averaging all data points assigned to that cluster. - centroids = revise_centroids(data, k, cluster_assignment) - - # Check for convergence: if none of the assignments changed, stop - if prev_cluster_assignment is not None and \ - (prev_cluster_assignment == cluster_assignment).all(): - break - - # Print number of new assignments - if prev_cluster_assignment is not None: - num_changed = np.sum(prev_cluster_assignment != cluster_assignment) - if verbose: - print(' {0:5d} elements changed their cluster assignment.'.format(num_changed)) - - # Record heterogeneity convergence metric - if record_heterogeneity is not None: - # YOUR CODE HERE - score = compute_heterogeneity(data, k, centroids, cluster_assignment) - record_heterogeneity.append(score) - - prev_cluster_assignment = cluster_assignment[:] - - return centroids, cluster_assignment - - -# Mock test below -if False: # change to true to run this test case. - import sklearn.datasets as ds - - dataset = ds.load_iris() - k = 3 - heterogeneity = [] - initial_centroids = get_initial_centroids(dataset['data'], k, seed=0) - centroids, cluster_assignment = kmeans(dataset['data'], k, initial_centroids, maxiter=400, - record_heterogeneity=heterogeneity, verbose=True) - plot_heterogeneity(heterogeneity, k) +'''README, Author - Anurag Kumar(mailto:anuragkumarak95@gmail.com) + +Requirements: + - sklearn + - numpy + - matplotlib + +Python: + - 3.5 + +Inputs: + - X , a 2D numpy array of features. + - k , number of clusters to create. + - initial_centroids , initial centroid values generated by utility function(mentioned in usage). + - maxiter , maximum number of iterations to process. + - heterogeneity , empty list that will be filled with hetrogeneity values if passed to kmeans func. + +Usage: + 1. define 'k' value, 'X' features array and 'hetrogeneity' empty list + + 2. create initial_centroids, + initial_centroids = get_initial_centroids( + X, + k, + seed=0 # seed value for initial centroid generation, None for randomness(default=None) + ) + + 3. find centroids and clusters using kmeans function. + + centroids, cluster_assignment = kmeans( + X, + k, + initial_centroids, + maxiter=400, + record_heterogeneity=heterogeneity, + verbose=True # whether to print logs in console or not.(default=False) + ) + + + 4. Plot the loss function, hetrogeneity values for every iteration saved in hetrogeneity list. + plot_heterogeneity( + heterogeneity, + k + ) + + 5. Have fun.. + +''' +from __future__ import print_function + +import numpy as np +from sklearn.metrics import pairwise_distances + +TAG = 'K-MEANS-CLUST/ ' + + +def get_initial_centroids(data, k, seed=None): + '''Randomly choose k data points as initial centroids''' + if seed is not None: # useful for obtaining consistent results + np.random.seed(seed) + n = data.shape[0] # number of data points + + # Pick K indices from range [0, N). + rand_indices = np.random.randint(0, n, k) + + # Keep centroids as dense format, as many entries will be nonzero due to averaging. + # As long as at least one document in a cluster contains a word, + # it will carry a nonzero weight in the TF-IDF vector of the centroid. + centroids = data[rand_indices, :] + + return centroids + + +def centroid_pairwise_dist(X, centroids): + return pairwise_distances(X, centroids, metric='euclidean') + + +def assign_clusters(data, centroids): + # Compute distances between each data point and the set of centroids: + # Fill in the blank (RHS only) + distances_from_centroids = centroid_pairwise_dist(data, centroids) + + # Compute cluster assignments for each data point: + # Fill in the blank (RHS only) + cluster_assignment = np.argmin(distances_from_centroids, axis=1) + + return cluster_assignment + + +def revise_centroids(data, k, cluster_assignment): + new_centroids = [] + for i in range(k): + # Select all data points that belong to cluster i. Fill in the blank (RHS only) + member_data_points = data[cluster_assignment == i] + # Compute the mean of the data points. Fill in the blank (RHS only) + centroid = member_data_points.mean(axis=0) + new_centroids.append(centroid) + new_centroids = np.array(new_centroids) + + return new_centroids + + +def compute_heterogeneity(data, k, centroids, cluster_assignment): + heterogeneity = 0.0 + for i in range(k): + + # Select all data points that belong to cluster i. Fill in the blank (RHS only) + member_data_points = data[cluster_assignment == i, :] + + if member_data_points.shape[0] > 0: # check if i-th cluster is non-empty + # Compute distances from centroid to data points (RHS only) + distances = pairwise_distances(member_data_points, [centroids[i]], metric='euclidean') + squared_distances = distances ** 2 + heterogeneity += np.sum(squared_distances) + + return heterogeneity + + +from matplotlib import pyplot as plt + + +def plot_heterogeneity(heterogeneity, k): + plt.figure(figsize=(7, 4)) + plt.plot(heterogeneity, linewidth=4) + plt.xlabel('# Iterations') + plt.ylabel('Heterogeneity') + plt.title('Heterogeneity of clustering over time, K={0:d}'.format(k)) + plt.rcParams.update({'font.size': 16}) + plt.show() + + +def kmeans(data, k, initial_centroids, maxiter=500, record_heterogeneity=None, verbose=False): + '''This function runs k-means on given data and initial set of centroids. + maxiter: maximum number of iterations to run.(default=500) + record_heterogeneity: (optional) a list, to store the history of heterogeneity as function of iterations + if None, do not store the history. + verbose: if True, print how many data points changed their cluster labels in each iteration''' + centroids = initial_centroids[:] + prev_cluster_assignment = None + + for itr in range(maxiter): + if verbose: + print(itr, end='') + + # 1. Make cluster assignments using nearest centroids + cluster_assignment = assign_clusters(data, centroids) + + # 2. Compute a new centroid for each of the k clusters, averaging all data points assigned to that cluster. + centroids = revise_centroids(data, k, cluster_assignment) + + # Check for convergence: if none of the assignments changed, stop + if prev_cluster_assignment is not None and \ + (prev_cluster_assignment == cluster_assignment).all(): + break + + # Print number of new assignments + if prev_cluster_assignment is not None: + num_changed = np.sum(prev_cluster_assignment != cluster_assignment) + if verbose: + print(' {0:5d} elements changed their cluster assignment.'.format(num_changed)) + + # Record heterogeneity convergence metric + if record_heterogeneity is not None: + # YOUR CODE HERE + score = compute_heterogeneity(data, k, centroids, cluster_assignment) + record_heterogeneity.append(score) + + prev_cluster_assignment = cluster_assignment[:] + + return centroids, cluster_assignment + + +# Mock test below +if False: # change to true to run this test case. + import sklearn.datasets as ds + + dataset = ds.load_iris() + k = 3 + heterogeneity = [] + initial_centroids = get_initial_centroids(dataset['data'], k, seed=0) + centroids, cluster_assignment = kmeans(dataset['data'], k, initial_centroids, maxiter=400, + record_heterogeneity=heterogeneity, verbose=True) + plot_heterogeneity(heterogeneity, k) diff --git a/machine_learning/linear_regression.py b/machine_learning/linear_regression.py index c45a8f1e7d65..e43fd171623f 100644 --- a/machine_learning/linear_regression.py +++ b/machine_learning/linear_regression.py @@ -1,108 +1,108 @@ -""" -Linear regression is the most basic type of regression commonly used for -predictive analysis. The idea is preety simple, we have a dataset and we have -a feature's associated with it. The Features should be choose very cautiously -as they determine, how much our model will be able to make future predictions. -We try to set these Feature weights, over many iterations, so that they best -fits our dataset. In this particular code, i had used a CSGO dataset (ADR vs -Rating). We try to best fit a line through dataset and estimate the parameters. -""" -from __future__ import print_function - -import numpy as np -import requests - - -def collect_dataset(): - """ Collect dataset of CSGO - The dataset contains ADR vs Rating of a Player - :return : dataset obtained from the link, as matrix - """ - response = requests.get('https://raw.githubusercontent.com/yashLadha/' + - 'The_Math_of_Intelligence/master/Week1/ADRvs' + - 'Rating.csv') - lines = response.text.splitlines() - data = [] - for item in lines: - item = item.split(',') - data.append(item) - data.pop(0) # This is for removing the labels from the list - dataset = np.matrix(data) - return dataset - - -def run_steep_gradient_descent(data_x, data_y, - len_data, alpha, theta): - """ Run steep gradient descent and updates the Feature vector accordingly_ - :param data_x : contains the dataset - :param data_y : contains the output associated with each data-entry - :param len_data : length of the data_ - :param alpha : Learning rate of the model - :param theta : Feature vector (weight's for our model) - ;param return : Updated Feature's, using - curr_features - alpha_ * gradient(w.r.t. feature) - """ - n = len_data - - prod = np.dot(theta, data_x.transpose()) - prod -= data_y.transpose() - sum_grad = np.dot(prod, data_x) - theta = theta - (alpha / n) * sum_grad - return theta - - -def sum_of_square_error(data_x, data_y, len_data, theta): - """ Return sum of square error for error calculation - :param data_x : contains our dataset - :param data_y : contains the output (result vector) - :param len_data : len of the dataset - :param theta : contains the feature vector - :return : sum of square error computed from given feature's - """ - prod = np.dot(theta, data_x.transpose()) - prod -= data_y.transpose() - sum_elem = np.sum(np.square(prod)) - error = sum_elem / (2 * len_data) - return error - - -def run_linear_regression(data_x, data_y): - """ Implement Linear regression over the dataset - :param data_x : contains our dataset - :param data_y : contains the output (result vector) - :return : feature for line of best fit (Feature vector) - """ - iterations = 100000 - alpha = 0.0001550 - - no_features = data_x.shape[1] - len_data = data_x.shape[0] - 1 - - theta = np.zeros((1, no_features)) - - for i in range(0, iterations): - theta = run_steep_gradient_descent(data_x, data_y, - len_data, alpha, theta) - error = sum_of_square_error(data_x, data_y, len_data, theta) - print('At Iteration %d - Error is %.5f ' % (i + 1, error)) - - return theta - - -def main(): - """ Driver function """ - data = collect_dataset() - - len_data = data.shape[0] - data_x = np.c_[np.ones(len_data), data[:, :-1]].astype(float) - data_y = data[:, -1].astype(float) - - theta = run_linear_regression(data_x, data_y) - len_result = theta.shape[1] - print('Resultant Feature vector : ') - for i in range(0, len_result): - print('%.5f' % (theta[0, i])) - - -if __name__ == '__main__': - main() +""" +Linear regression is the most basic type of regression commonly used for +predictive analysis. The idea is preety simple, we have a dataset and we have +a feature's associated with it. The Features should be choose very cautiously +as they determine, how much our model will be able to make future predictions. +We try to set these Feature weights, over many iterations, so that they best +fits our dataset. In this particular code, i had used a CSGO dataset (ADR vs +Rating). We try to best fit a line through dataset and estimate the parameters. +""" +from __future__ import print_function + +import numpy as np +import requests + + +def collect_dataset(): + """ Collect dataset of CSGO + The dataset contains ADR vs Rating of a Player + :return : dataset obtained from the link, as matrix + """ + response = requests.get('https://raw.githubusercontent.com/yashLadha/' + + 'The_Math_of_Intelligence/master/Week1/ADRvs' + + 'Rating.csv') + lines = response.text.splitlines() + data = [] + for item in lines: + item = item.split(',') + data.append(item) + data.pop(0) # This is for removing the labels from the list + dataset = np.matrix(data) + return dataset + + +def run_steep_gradient_descent(data_x, data_y, + len_data, alpha, theta): + """ Run steep gradient descent and updates the Feature vector accordingly_ + :param data_x : contains the dataset + :param data_y : contains the output associated with each data-entry + :param len_data : length of the data_ + :param alpha : Learning rate of the model + :param theta : Feature vector (weight's for our model) + ;param return : Updated Feature's, using + curr_features - alpha_ * gradient(w.r.t. feature) + """ + n = len_data + + prod = np.dot(theta, data_x.transpose()) + prod -= data_y.transpose() + sum_grad = np.dot(prod, data_x) + theta = theta - (alpha / n) * sum_grad + return theta + + +def sum_of_square_error(data_x, data_y, len_data, theta): + """ Return sum of square error for error calculation + :param data_x : contains our dataset + :param data_y : contains the output (result vector) + :param len_data : len of the dataset + :param theta : contains the feature vector + :return : sum of square error computed from given feature's + """ + prod = np.dot(theta, data_x.transpose()) + prod -= data_y.transpose() + sum_elem = np.sum(np.square(prod)) + error = sum_elem / (2 * len_data) + return error + + +def run_linear_regression(data_x, data_y): + """ Implement Linear regression over the dataset + :param data_x : contains our dataset + :param data_y : contains the output (result vector) + :return : feature for line of best fit (Feature vector) + """ + iterations = 100000 + alpha = 0.0001550 + + no_features = data_x.shape[1] + len_data = data_x.shape[0] - 1 + + theta = np.zeros((1, no_features)) + + for i in range(0, iterations): + theta = run_steep_gradient_descent(data_x, data_y, + len_data, alpha, theta) + error = sum_of_square_error(data_x, data_y, len_data, theta) + print('At Iteration %d - Error is %.5f ' % (i + 1, error)) + + return theta + + +def main(): + """ Driver function """ + data = collect_dataset() + + len_data = data.shape[0] + data_x = np.c_[np.ones(len_data), data[:, :-1]].astype(float) + data_y = data[:, -1].astype(float) + + theta = run_linear_regression(data_x, data_y) + len_result = theta.shape[1] + print('Resultant Feature vector : ') + for i in range(0, len_result): + print('%.5f' % (theta[0, i])) + + +if __name__ == '__main__': + main() diff --git a/machine_learning/logistic_regression.py b/machine_learning/logistic_regression.py index 6f0b9002f7d0..1c018f53dd56 100644 --- a/machine_learning/logistic_regression.py +++ b/machine_learning/logistic_regression.py @@ -1,101 +1,101 @@ -#!/usr/bin/python -# -*- coding: utf-8 -*- - -## Logistic Regression from scratch - -# In[62]: - -# In[63]: - -# importing all the required libraries - -''' Implementing logistic regression for classification problem - Helpful resources : 1.Coursera ML course 2.https://medium.com/@martinpella/logistic-regression-from-scratch-in-python-124c5636b8ac''' - -import matplotlib.pyplot as plt -import numpy as np -from sklearn import datasets - - -# get_ipython().run_line_magic('matplotlib', 'inline') - - -# In[67]: - -# sigmoid function or logistic function is used as a hypothesis function in classification problems - -def sigmoid_function(z): - return 1 / (1 + np.exp(-z)) - - -def cost_function(h, y): - return (-y * np.log(h) - (1 - y) * np.log(1 - h)).mean() - - -# here alpha is the learning rate, X is the feature matrix,y is the target matrix - -def logistic_reg( - alpha, - X, - y, - max_iterations=70000, -): - converged = False - iterations = 0 - theta = np.zeros(X.shape[1]) - - while not converged: - z = np.dot(X, theta) - h = sigmoid_function(z) - gradient = np.dot(X.T, h - y) / y.size - theta = theta - alpha * gradient - - z = np.dot(X, theta) - h = sigmoid_function(z) - J = cost_function(h, y) - - iterations += 1 # update iterations - - if iterations == max_iterations: - print('Maximum iterations exceeded!') - print('Minimal cost function J=', J) - converged = True - - return theta - - -# In[68]: - -if __name__ == '__main__': - iris = datasets.load_iris() - X = iris.data[:, :2] - y = (iris.target != 0) * 1 - - alpha = 0.1 - theta = logistic_reg(alpha, X, y, max_iterations=70000) - print(theta) - - - def predict_prob(X): - return sigmoid_function(np.dot(X, theta)) # predicting the value of probability from the logistic regression algorithm - - - plt.figure(figsize=(10, 6)) - plt.scatter(X[y == 0][:, 0], X[y == 0][:, 1], color='b', label='0') - plt.scatter(X[y == 1][:, 0], X[y == 1][:, 1], color='r', label='1') - (x1_min, x1_max) = (X[:, 0].min(), X[:, 0].max()) - (x2_min, x2_max) = (X[:, 1].min(), X[:, 1].max()) - (xx1, xx2) = np.meshgrid(np.linspace(x1_min, x1_max), - np.linspace(x2_min, x2_max)) - grid = np.c_[xx1.ravel(), xx2.ravel()] - probs = predict_prob(grid).reshape(xx1.shape) - plt.contour( - xx1, - xx2, - probs, - [0.5], - linewidths=1, - colors='black', - ) - - plt.legend() +#!/usr/bin/python +# -*- coding: utf-8 -*- + +## Logistic Regression from scratch + +# In[62]: + +# In[63]: + +# importing all the required libraries + +''' Implementing logistic regression for classification problem + Helpful resources : 1.Coursera ML course 2.https://medium.com/@martinpella/logistic-regression-from-scratch-in-python-124c5636b8ac''' + +import matplotlib.pyplot as plt +import numpy as np +from sklearn import datasets + + +# get_ipython().run_line_magic('matplotlib', 'inline') + + +# In[67]: + +# sigmoid function or logistic function is used as a hypothesis function in classification problems + +def sigmoid_function(z): + return 1 / (1 + np.exp(-z)) + + +def cost_function(h, y): + return (-y * np.log(h) - (1 - y) * np.log(1 - h)).mean() + + +# here alpha is the learning rate, X is the feature matrix,y is the target matrix + +def logistic_reg( + alpha, + X, + y, + max_iterations=70000, +): + converged = False + iterations = 0 + theta = np.zeros(X.shape[1]) + + while not converged: + z = np.dot(X, theta) + h = sigmoid_function(z) + gradient = np.dot(X.T, h - y) / y.size + theta = theta - alpha * gradient + + z = np.dot(X, theta) + h = sigmoid_function(z) + J = cost_function(h, y) + + iterations += 1 # update iterations + + if iterations == max_iterations: + print('Maximum iterations exceeded!') + print('Minimal cost function J=', J) + converged = True + + return theta + + +# In[68]: + +if __name__ == '__main__': + iris = datasets.load_iris() + X = iris.data[:, :2] + y = (iris.target != 0) * 1 + + alpha = 0.1 + theta = logistic_reg(alpha, X, y, max_iterations=70000) + print(theta) + + + def predict_prob(X): + return sigmoid_function(np.dot(X, theta)) # predicting the value of probability from the logistic regression algorithm + + + plt.figure(figsize=(10, 6)) + plt.scatter(X[y == 0][:, 0], X[y == 0][:, 1], color='b', label='0') + plt.scatter(X[y == 1][:, 0], X[y == 1][:, 1], color='r', label='1') + (x1_min, x1_max) = (X[:, 0].min(), X[:, 0].max()) + (x2_min, x2_max) = (X[:, 1].min(), X[:, 1].max()) + (xx1, xx2) = np.meshgrid(np.linspace(x1_min, x1_max), + np.linspace(x2_min, x2_max)) + grid = np.c_[xx1.ravel(), xx2.ravel()] + probs = predict_prob(grid).reshape(xx1.shape) + plt.contour( + xx1, + xx2, + probs, + [0.5], + linewidths=1, + colors='black', + ) + + plt.legend() diff --git a/machine_learning/perceptron.py b/machine_learning/perceptron.py index 63c4331c2d54..f5aab282e876 100644 --- a/machine_learning/perceptron.py +++ b/machine_learning/perceptron.py @@ -1,123 +1,123 @@ -''' - - Perceptron - w = w + N * (d(k) - y) * x(k) - - Using perceptron network for oil analysis, - with Measuring of 3 parameters that represent chemical characteristics we can classify the oil, in p1 or p2 - p1 = -1 - p2 = 1 - -''' -from __future__ import print_function - -import random - - -class Perceptron: - def __init__(self, sample, exit, learn_rate=0.01, epoch_number=1000, bias=-1): - self.sample = sample - self.exit = exit - self.learn_rate = learn_rate - self.epoch_number = epoch_number - self.bias = bias - self.number_sample = len(sample) - self.col_sample = len(sample[0]) - self.weight = [] - - def trannig(self): - for sample in self.sample: - sample.insert(0, self.bias) - - for i in range(self.col_sample): - self.weight.append(random.random()) - - self.weight.insert(0, self.bias) - - epoch_count = 0 - - while True: - erro = False - for i in range(self.number_sample): - u = 0 - for j in range(self.col_sample + 1): - u = u + self.weight[j] * self.sample[i][j] - y = self.sign(u) - if y != self.exit[i]: - - for j in range(self.col_sample + 1): - self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] - erro = True - # print('Epoch: \n',epoch_count) - epoch_count = epoch_count + 1 - # if you want controle the epoch or just by erro - if erro == False: - print(('\nEpoch:\n', epoch_count)) - print('------------------------\n') - # if epoch_count > self.epoch_number or not erro: - break - - def sort(self, sample): - sample.insert(0, self.bias) - u = 0 - for i in range(self.col_sample + 1): - u = u + self.weight[i] * sample[i] - - y = self.sign(u) - - if y == -1: - print(('Sample: ', sample)) - print('classification: P1') - else: - print(('Sample: ', sample)) - print('classification: P2') - - def sign(self, u): - return 1 if u >= 0 else -1 - - -samples = [ - [-0.6508, 0.1097, 4.0009], - [-1.4492, 0.8896, 4.4005], - [2.0850, 0.6876, 12.0710], - [0.2626, 1.1476, 7.7985], - [0.6418, 1.0234, 7.0427], - [0.2569, 0.6730, 8.3265], - [1.1155, 0.6043, 7.4446], - [0.0914, 0.3399, 7.0677], - [0.0121, 0.5256, 4.6316], - [-0.0429, 0.4660, 5.4323], - [0.4340, 0.6870, 8.2287], - [0.2735, 1.0287, 7.1934], - [0.4839, 0.4851, 7.4850], - [0.4089, -0.1267, 5.5019], - [1.4391, 0.1614, 8.5843], - [-0.9115, -0.1973, 2.1962], - [0.3654, 1.0475, 7.4858], - [0.2144, 0.7515, 7.1699], - [0.2013, 1.0014, 6.5489], - [0.6483, 0.2183, 5.8991], - [-0.1147, 0.2242, 7.2435], - [-0.7970, 0.8795, 3.8762], - [-1.0625, 0.6366, 2.4707], - [0.5307, 0.1285, 5.6883], - [-1.2200, 0.7777, 1.7252], - [0.3957, 0.1076, 5.6623], - [-0.1013, 0.5989, 7.1812], - [2.4482, 0.9455, 11.2095], - [2.0149, 0.6192, 10.9263], - [0.2012, 0.2611, 5.4631] - -] - -exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] - -network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) - -network.trannig() - -while True: - sample = [] - for i in range(3): - sample.insert(i, float(input('value: '))) - network.sort(sample) +''' + + Perceptron + w = w + N * (d(k) - y) * x(k) + + Using perceptron network for oil analysis, + with Measuring of 3 parameters that represent chemical characteristics we can classify the oil, in p1 or p2 + p1 = -1 + p2 = 1 + +''' +from __future__ import print_function + +import random + + +class Perceptron: + def __init__(self, sample, exit, learn_rate=0.01, epoch_number=1000, bias=-1): + self.sample = sample + self.exit = exit + self.learn_rate = learn_rate + self.epoch_number = epoch_number + self.bias = bias + self.number_sample = len(sample) + self.col_sample = len(sample[0]) + self.weight = [] + + def trannig(self): + for sample in self.sample: + sample.insert(0, self.bias) + + for i in range(self.col_sample): + self.weight.append(random.random()) + + self.weight.insert(0, self.bias) + + epoch_count = 0 + + while True: + erro = False + for i in range(self.number_sample): + u = 0 + for j in range(self.col_sample + 1): + u = u + self.weight[j] * self.sample[i][j] + y = self.sign(u) + if y != self.exit[i]: + + for j in range(self.col_sample + 1): + self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] + erro = True + # print('Epoch: \n',epoch_count) + epoch_count = epoch_count + 1 + # if you want controle the epoch or just by erro + if erro == False: + print(('\nEpoch:\n', epoch_count)) + print('------------------------\n') + # if epoch_count > self.epoch_number or not erro: + break + + def sort(self, sample): + sample.insert(0, self.bias) + u = 0 + for i in range(self.col_sample + 1): + u = u + self.weight[i] * sample[i] + + y = self.sign(u) + + if y == -1: + print(('Sample: ', sample)) + print('classification: P1') + else: + print(('Sample: ', sample)) + print('classification: P2') + + def sign(self, u): + return 1 if u >= 0 else -1 + + +samples = [ + [-0.6508, 0.1097, 4.0009], + [-1.4492, 0.8896, 4.4005], + [2.0850, 0.6876, 12.0710], + [0.2626, 1.1476, 7.7985], + [0.6418, 1.0234, 7.0427], + [0.2569, 0.6730, 8.3265], + [1.1155, 0.6043, 7.4446], + [0.0914, 0.3399, 7.0677], + [0.0121, 0.5256, 4.6316], + [-0.0429, 0.4660, 5.4323], + [0.4340, 0.6870, 8.2287], + [0.2735, 1.0287, 7.1934], + [0.4839, 0.4851, 7.4850], + [0.4089, -0.1267, 5.5019], + [1.4391, 0.1614, 8.5843], + [-0.9115, -0.1973, 2.1962], + [0.3654, 1.0475, 7.4858], + [0.2144, 0.7515, 7.1699], + [0.2013, 1.0014, 6.5489], + [0.6483, 0.2183, 5.8991], + [-0.1147, 0.2242, 7.2435], + [-0.7970, 0.8795, 3.8762], + [-1.0625, 0.6366, 2.4707], + [0.5307, 0.1285, 5.6883], + [-1.2200, 0.7777, 1.7252], + [0.3957, 0.1076, 5.6623], + [-0.1013, 0.5989, 7.1812], + [2.4482, 0.9455, 11.2095], + [2.0149, 0.6192, 10.9263], + [0.2012, 0.2611, 5.4631] + +] + +exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] + +network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) + +network.trannig() + +while True: + sample = [] + for i in range(3): + sample.insert(i, float(input('value: '))) + network.sort(sample) diff --git a/machine_learning/reuters_one_vs_rest_classifier.ipynb b/machine_learning/reuters_one_vs_rest_classifier.ipynb index 531c729d3749..968130a6053a 100644 --- a/machine_learning/reuters_one_vs_rest_classifier.ipynb +++ b/machine_learning/reuters_one_vs_rest_classifier.ipynb @@ -1,405 +1,405 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "try:\n", - " import nltk\n", - "except ModuleNotFoundError:\n", - " !pip install nltk" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [], - "source": [ - "## This code downloads the required packages.\n", - "## You can run `nltk.download('all')` to download everything.\n", - "\n", - "nltk_packages = [\n", - " (\"reuters\", \"corpora/reuters.zip\")\n", - "]\n", - "\n", - "for pid, fid in nltk_packages:\n", - " try:\n", - " nltk.data.find(fid)\n", - " except LookupError:\n", - " nltk.download(pid)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Setting up corpus" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [], - "source": [ - "from nltk.corpus import reuters" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Setting up train/test data" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [], - "source": [ - "train_documents, train_categories = zip(*[(reuters.raw(i), reuters.categories(i)) for i in reuters.fileids() if i.startswith('training/')])\n", - "test_documents, test_categories = zip(*[(reuters.raw(i), reuters.categories(i)) for i in reuters.fileids() if i.startswith('test/')])" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "all_categories = sorted(list(set(reuters.categories())))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The following cell defines a function **tokenize** that performs following actions:\n", - "- Receive a document as an argument to the function\n", - "- Tokenize the document using `nltk.word_tokenize()`\n", - "- Use `PorterStemmer` provided by the `nltk` to remove morphological affixes from each token\n", - "- Append stemmed token to an already defined list `stems`\n", - "- Return the list `stems`" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [], - "source": [ - "from nltk.stem.porter import PorterStemmer\n", - "def tokenize(text):\n", - " tokens = nltk.word_tokenize(text)\n", - " stems = []\n", - " for item in tokens:\n", - " stems.append(PorterStemmer().stem(item))\n", - " return stems" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "To begin, I first used TF-IDF for feature selection on both train as well as test data using `TfidfVectorizer`.\n", - "\n", - "But first, What `TfidfVectorizer` actually does?\n", - "- `TfidfVectorizer` converts a collection of raw documents to a matrix of **TF-IDF** features.\n", - "\n", - "**TF-IDF**?\n", - "- TFIDF (abbreviation of the term *frequency–inverse document frequency*) is a numerical statistic that is intended to reflect how important a word is to a document in a collection or corpus. [tf–idf](https://en.wikipedia.org/wiki/Tf%E2%80%93idf)\n", - "\n", - "**Why `TfidfVectorizer`**?\n", - "- `TfidfVectorizer` scale down the impact of tokens that occur very frequently (e.g., “a”, “the”, and “of”) in a given corpus. [Feature Extraction and Transformation](https://spark.apache.org/docs/latest/mllib-feature-extraction.html#tf-idf)\n", - "\n", - "I gave following two arguments to `TfidfVectorizer`:\n", - "- tokenizer: `tokenize` function\n", - "- stop_words\n", - "\n", - "Then I used `fit_transform` and `transform` on the train and test documents repectively.\n", - "\n", - "**Why `fit_transform` for training data while `transform` for test data**?\n", - "\n", - "To avoid data leakage during cross-validation, imputer computes the statistic on the train data during the `fit`, **stores it** and uses the same on the test data, during the `transform`. This also prevents the test data from appearing in `fit` operation." - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "from sklearn.feature_extraction.text import TfidfVectorizer\n", - "\n", - "vectorizer = TfidfVectorizer(tokenizer = tokenize, stop_words = 'english')\n", - "\n", - "vectorised_train_documents = vectorizer.fit_transform(train_documents)\n", - "vectorised_test_documents = vectorizer.transform(test_documents)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "For the **efficient implementation** of machine learning algorithms, many machine learning algorithms **requires all input variables and output variables to be numeric**. This means that categorical data must be converted to a numerical form.\n", - "\n", - "For this purpose, I used `MultiLabelBinarizer` from `sklearn.preprocessing`." - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "from sklearn.preprocessing import MultiLabelBinarizer\n", - "\n", - "mlb = MultiLabelBinarizer()\n", - "train_labels = mlb.fit_transform(train_categories)\n", - "test_labels = mlb.transform(test_categories)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now, To **train** the classifier, I used `LinearSVC` in combination with the `OneVsRestClassifier` function in the scikit-learn package.\n", - "\n", - "The strategy of `OneVsRestClassifier` is of **fitting one classifier per label** and the `OneVsRestClassifier` can efficiently do this task and also outputs are easy to interpret. Since each label is represented by **one and only one classifier**, it is possible to gain knowledge about the label by inspecting its corresponding classifier. [OneVsRestClassifier](http://scikit-learn.org/stable/modules/multiclass.html#one-vs-the-rest)\n", - "\n", - "The reason I combined `LinearSVC` with `OneVsRestClassifier` is because `LinearSVC` supports **Multi-class**, while we want to perform **Multi-label** classification." - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [], - "source": [ - "%%capture\n", - "from sklearn.multiclass import OneVsRestClassifier\n", - "from sklearn.svm import LinearSVC\n", - "\n", - "classifier = OneVsRestClassifier(LinearSVC())\n", - "classifier.fit(vectorised_train_documents, train_labels)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "After fitting the classifier, I decided to use `cross_val_score` to **measure score** of the classifier by **cross validation** on the training data. But the only problem was, I wanted to **shuffle** data to use with `cross_val_score`, but it does not support shuffle argument.\n", - "\n", - "So, I decided to use `KFold` with `cross_val_score` as `KFold` supports shuffling the data.\n", - "\n", - "I also enabled `random_state`, because `random_state` will guarantee the same output in each run. By setting the `random_state`, it is guaranteed that the pseudorandom number generator will generate the same sequence of random integers each time, which in turn will affect the split.\n", - "\n", - "Why **42**?\n", - "- [Why '42' is the preferred number when indicating something random?](https://softwareengineering.stackexchange.com/questions/507/why-42-is-the-preferred-number-when-indicating-something-random)" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [], - "source": [ - "%%capture\n", - "from sklearn.model_selection import KFold, cross_val_score\n", - "\n", - "kf = KFold(n_splits=10, random_state = 42, shuffle = True)\n", - "scores = cross_val_score(classifier, vectorised_train_documents, train_labels, cv = kf)" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Cross-validation scores: [0.83655084 0.86743887 0.8043758 0.83011583 0.83655084 0.81724582\n", - " 0.82754183 0.8030888 0.80694981 0.82731959]\n", - "Cross-validation accuracy: 0.8257 (+/- 0.0368)\n" - ] - } - ], - "source": [ - "print('Cross-validation scores:', scores)\n", - "print('Cross-validation accuracy: {:.4f} (+/- {:.4f})'.format(scores.mean(), scores.std() * 2))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In the end, I used different methods (`accuracy_score`, `precision_score`, `recall_score`, `f1_score` and `confusion_matrix`) provided by scikit-learn **to evaluate** the classifier. (both *Macro-* and *Micro-averages*)" - ] - }, - { - "cell_type": "code", - "execution_count": 12, - "metadata": {}, - "outputs": [], - "source": [ - "%%capture\n", - "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, confusion_matrix\n", - "\n", - "predictions = classifier.predict(vectorised_test_documents)\n", - "\n", - "accuracy = accuracy_score(test_labels, predictions)\n", - "\n", - "macro_precision = precision_score(test_labels, predictions, average='macro')\n", - "macro_recall = recall_score(test_labels, predictions, average='macro')\n", - "macro_f1 = f1_score(test_labels, predictions, average='macro')\n", - "\n", - "micro_precision = precision_score(test_labels, predictions, average='micro')\n", - "micro_recall = recall_score(test_labels, predictions, average='micro')\n", - "micro_f1 = f1_score(test_labels, predictions, average='micro')\n", - "\n", - "cm = confusion_matrix(test_labels.argmax(axis = 1), predictions.argmax(axis = 1))" - ] - }, - { - "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy: 0.8099\n", - "Precision:\n", - "- Macro: 0.6076\n", - "- Micro: 0.9471\n", - "Recall:\n", - "- Macro: 0.3708\n", - "- Micro: 0.7981\n", - "F1-measure:\n", - "- Macro: 0.4410\n", - "- Micro: 0.8662\n" - ] - } - ], - "source": [ - "print(\"Accuracy: {:.4f}\\nPrecision:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\\nRecall:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\\nF1-measure:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\".format(accuracy, macro_precision, micro_precision, macro_recall, micro_recall, macro_f1, micro_f1))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "In below cell, I used `matplotlib.pyplot` to **plot the confusion matrix** (of first *few results only* to keep the readings readable) using `heatmap` of `seaborn`." - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABSUAAAV0CAYAAAAhI3i0AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl8lOW5//HvPUlYVRRRIQkVW1xarYUWUKsiFQvUqnSlP0+1ttXD6XGptlW7aGu1p9upnurpplgFl8qiPXUFi2AtUBGIEiAQQBCKCRFXVHAhJPfvjxnoCDPPMpPMM3fuz/v1mhfJJN9c1/XMTeaZJ8/MGGutAAAAAAAAAKBUUkk3AAAAAAAAAMAvHJQEAAAAAAAAUFIclAQAAAAAAABQUhyUBAAAAAAAAFBSHJQEAAAAAAAAUFIclAQAAAAAAABQUokdlDTGjDPGrDHGrDPGfC9m9nZjzIvGmIYC6g40xvzNGNNojFlpjLk0RraHMWaxMWZZJnttAfUrjDFLjTEPF5DdaIxZYYypN8bUxczub4y5zxizOjP7CRFzR2bq7bq8YYy5LGbtb2W2V4MxZqoxpkeM7KWZ3MoodXOtDWNMX2PMY8aYZzP/HhAj+8VM7XZjzLCYdX+V2d7LjTF/McbsHyP7k0yu3hgz2xhTHad21tcuN8ZYY0y/GLV/bIxpzrrNT49T1xhzSeb/9kpjzH/HqDs9q+ZGY0x9nJmNMUOMMU/t+v9hjBkRI/sRY8zCzP+vh4wx++XJ5vz9EWWNBWSjrrF8+dB1FpANXWf5sllfz7vGAupGXWN5a4ets4DaoessIBt1jeXLh64zk+d+xhhzmDFmUWaNTTfGdIuRvdik72uDfhfky/4ps50bTPr/TlXM/G2Z65ab9H3QPlGzWV//jTFmW8y6U4wxG7Ju6yEx88YY81NjzNrM7fjNGNn5WXU3G2Puj5EdbYx5JpNdYIwZHCN7aibbYIy5wxhTmWvmrJ/znv2RKGssIBu6xgKykdZYnmzo+grKZ12fd40F1I60xvJkQ9dXQDZ0fYXkQ9dYQDbyGjM59llN9P2xXNmo95W5spH2xwLykfbJcmWzvha2P5arbtT7ypx1TYT9sYDakfbJ8mSj3lfmykbaH8t8716PbWKssVzZqGssVzbqPn+ubJx9/ryP5yKssVy1o66xnHWjrLE8dePs8+fKR11jubJR9sVyPv6Nsb7y5UPXWEA28u8xwDnW2pJfJFVIWi/p/ZK6SVom6UMx8iMlfVRSQwG1B0j6aObjfSWtjVpbkpG0T+bjKkmLJB0fs/63Jd0j6eECet8oqV+B2/wOSRdkPu4maf8Cb7cXJB0aI1MjaYOknpnPZ0j6asTsMZIaJPWSVClpjqTD464NSf8t6XuZj78n6Zcxsh+UdKSkJyQNi1l3jKTKzMe/jFl3v6yPvynp5ji1M9cPlPRXSf/Mt27y1P6xpMsj3D65sp/I3E7dM58fHKfnrK/fIOlHMWvPlvSpzMenS3oiRnaJpFMyH39d0k/yZHP+/oiyxgKyUddYvnzoOgvIhq6zfNkoayygbtQ1li8fus6C+g5bZwF1o66xfPnQdaY89zNK/+78f5nrb5b0nzGyQyUNUsB9SED29MzXjKSpueqG5LPX2P8o8/8kSjbz+TBJd0naFrPuFElfiLDG8uW/JulOSamANRa6TyDpz5K+EqPuWkkfzFx/oaQpEbMfl/S8pCMy118n6fyQ2d+zPxJljQVkQ9dYQDbSGsuTDV1fQfkoayygdqQ1licbur6Ceg5bXyG1Q9dYrqzSJzJEXmO51oKi74/lyka9r8yVjbQ/FpCPtE+Wb/0r2v5Yrro/VrT7ylzZSPtjQX1nfT3vPlme2lHvK3NlI+2PZb6+12ObGGssVzbqGsuVjbrPnysbZ58/5+O5iGssV+2oayxXNuo+f+Bj0KD1FVA76hrLlY28xjLfs/vxb9T1FZCPtMbyZCP/HuPCxbVLUmdKjpC0zlr7nLV2h6RpksZHDVtr50l6tZDC1toWa+0zmY/flNSo9IGzKFlrrd31l/SqzMVGrW2MqZX0aUl/jNV0kTJ/ARop6TZJstbusNZuLeBHjZa03lr7z5i5Skk9Tfov6r0kbY6Y+6Ckp6y1b1lrd0r6u6TPBgXyrI3xSt8pKfPvZ6JmrbWN1to1YY3myc7O9C1JT0mqjZF9I+vT3gpYZwH/H34t6coCs6HyZP9T0i+ste9mvufFuHWNMUbSBKUfnMapbSXt+mtnH+VZZ3myR0qal/n4MUmfz5PN9/sjdI3ly8ZYY/nyoessIBu6zkJ+ZwausWJ+34bkQ9dZWO2gdRaQjbrG8uVD11nA/cypku7LXJ9vjeXMWmuXWms35uo1QnZm5mtW0mLl/z2WL/+GtHt791TuNZYza4ypkPQrpddYrL6DZo2Y/09J11lr2zPfl2uNBdY2xuyr9O2215lsAdnQNZYn2ybpXWvt2sz1eX+PZXp7z/5I5vYJXWO5spmeQtdYQDbSGsuTDV1fQfkoayxfNqo82dD1FVY3aH2F5CP9HsuRPVAx1lgekfbHcol6X5knG2l/LCAfeZ8sj9D9sU4QaX8sTJR9shwirbE8Iu2PBTy2CV1j+bJR1lhANnSNBWQjra+Qx3OBa6yYx4IB2dA1FlY3bH0F5EPXWEA20hrLkv34t5DfYbvzBfwey84W9XsMKGdJHZSsUfqvrbs0KcYD1Y5ijBmk9F/3F8XIVGROMX9R0mPW2shZSTcqfYfRHiOTzUqabYx52hgzMUbu/ZJekjTZpJ+G80djTO8C6v8/xdspkbW2WdL1kjZJapH0urV2dsR4g6SRxpgDjTG9lP5L2MA49TMOsda2ZPppkXRwAT+jWF+XNCtOwKSf2vW8pC9L+lHM7FmSmq21y+LkslyceXrA7fmempDHEZJONumnAP7dGDO8gNonS9pirX02Zu4ySb/KbLPrJX0/RrZB0lmZj7+oCOtsj98fsdZYIb97IuZD19me2TjrLDsbd43l6DnWGtsjH2ud5dlekdbZHtnYa2yPfKR1tuf9jNLPLNiatTOa9z6zmPuooKxJP6X2XEmPxs0bYyYr/Zf+oyT9Jkb2YkkP7vq/VUDfP82ssV8bY7rHzH9A0pdM+mlhs4wxh8esLaX/iDZ3jwecYdkLJM00xjQpvb1/ESWr9MG8qqyng31Bwb/H9twfOVAR11iObBx5sxHWWM5slPUVkI+0xgL6jrLGcmUjra+AulLI+grIR1pjObIvK94ay7XPGvW+stD93SjZsPvJnPmI95V7ZWPcV+brO8p9Za5snPvJoG0Wdl+ZKxv1vjJXNur+WL7HNlHWWDGPi6Jk862xvNmI6ytnPuIaC+o7bI3ly0ZZY2HbK2x95ctHWWP5snH3+bMf/xbymDL24+cI2diPK4FyltRBSZPjulL+9VAm/bpDf5Z0WcgO3XtYa9ustUOU/uvECGPMMRHrnSHpRWvt0wU1nHaitfajkj4l6SJjzMiIuUqln676B2vtUEnblT7lPDKTfm2psyTdGzN3gNJ/VTpMUrWk3saYc6JkrbWNSp+e/pjSD1KWSdoZGCpDxpirlO77T3Fy1tqrrLUDM7mLY9TrJekqxTyQmeUPSj9gGqL0geQbYmQrJR2g9NMQr5A0wxiT6/97kLNV2J33f0r6VmabfUuZv4xG9HWl/089rfTTbXcEfXOhvz+KzQblo6yzXNmo6yw7m6kTeY3lqBtrjeXIR15nAds7dJ3lyMZaYznykdbZnvczSp81vte3RclGvY+KkP29pHnW2vlx89baryn9+79R0pciZkcq/WAh6CBTUN3vK32QarikvpK+GzPfXdI71tphkm6VdHucmTMC11ie7LcknW6trZU0WemnJIdmJR2t9IOXXxtjFkt6U3nuL/Psj0TaLytmXyZCNu8aC8pGWV+58ib9um2hayygdugaC8iGrq8I2ytwfQXkQ9dYrqy11iriGssodJ+107IR98dy5iPeV+bKRr2vzJWNel+ZKxtnfyxoe4fdV+bKRr2vzJWNuj9WzGObTsuGrLG82YjrK1f+x4q2xvLVjrLG8mWjrLGwbR22vvLlo6yxfNnI+/yFPv7tiHy+bKGPK4GyZhN4zrikEyT9Nevz70v6fsyfMUgFvKZkJlul9OtufLvIOa5RhNfhyHzvz5U+82Cj0n/Rf0vS3UXU/nGM2v0lbcz6/GRJj8SsN17S7AL6/KKk27I+/4qk3xc4888kXRh3bUhaI2lA5uMBktbEXVeK8NofubKSzpO0UFKvuNmsrx0attaz85I+rPTZMxszl51Kn6nav4Dagf/PcmzrRyWNyvp8vaSDYmyvSklbJNUWcDu/LslkPjaS3ihwex8haXFAdq/fH1HXWK5szDWWMx9lnQXVDltne2bjrLEIdcPWWK7tHWmdBWyv0HWWp26cNRY2d+A6y/q+a5Te2X9Z/3otoffch4ZkL8/6fKMivi5xdjbz8f3KvP5d3HzWdacowuspZ7LXKH1fuWuNtSv9si+F1B0VpW52XtJqSYOybuvXY26zAyW9IqlHjLpXKP00rV3XvU/SqgJnHiNpRp7vz7U/8qcoayxP9u6sr+ddY0HZsDUWVjdsfeXJvxZljUWsnXON5ctGWV8h2yt0feXJPxJljUWcOe8ay/Hzfqz0/6vI+2N7ZrM+f0IRXottz6wi7o8F1c5cF7pPlpX9oWLsj4XUHRSj7uWKsT8WsM0i75PtUTvyfWXIzHnvJ5XnsU2UNZYvG2WNBWXD1lhY3bD1lSc/N8oai1g75xoL2Nahayxke0XZF8tXO3SNRZw5bJ//PY9/o6yvoHyUNRaUDVtjXLi4eknqTMklkg436Xd67Kb0X14fLEXhzF9wbpPUaK3NeQZCQPYgk3mnK2NMT0mnKb1jGcpa+31rba21dpDS8z5urY10xmCmXm+Tfv0gZU49H6P06edRar8g6XljzJGZq0ZLWhW1dkahZ69tknS8MaZXZtuPVvpshkiMMQdn/n2fpM8V2MODSv8SV+bfBwr4GbEZY8YpfebEWdbat2Jms5/KdZYirjNJstausNYebK0dlFlvTUq/6cYLEWsPyPr0s4q4zjLuV/o1rmSMOULpF5V+OUb+NEmrrbVNMTK7bFb6QakyPUR++nfWOktJulrpN3nI9X35fn+ErrFifvcE5aOss4Bs6DrLlY26xgLqRlpjAdssdJ2FbO/AdRaQjbTGAuYOXWd57mcaJf1N6adLSvnXWMH3UfmyxpgLJI2VdLbNvP5djPwak3ln38w2OTNXP3myT1tr+2etsbestbneiTpf3wOy6n5G+ddYvm22e40pfZuvjZGV0n+Qe9ha+06Muo2S+mTWtCR9UjnuLwNm3rW+uiv9OyHn77E8+yNfVoQ1Vsy+TL5slDWWKyvp3CjrK6D2AVHWWEDfoWssYHuFrq+QbR24vgK22XhFWGMBM0daYwH7rFHuKwve382Xjbo/FpCPcl+ZK7sk4n1lvrqh95UB2yvS/ljI9g67r8yXDb2vDJg50v5YwGOb0DVWzOOifNkoaywgG2mfP0/+mShrLKB26BoL2F6hayxkW4fu8wfkQ9dYwMyR1ljGno9/4z6mLPTx817ZqL/HACeV4shnrovSrw+4Vum/qlwVMztV6VPMW5X+5Rv4DpN7ZE9S+ilJyyXVZy6nR8weK2lpJtuggHcKC/k5oxTz3beVfl2MZZnLygK22RBJdZne75d0QIxsL6X/It+nwHmvVfoOtkHpd7jsHiM7X+k7n2WSRheyNpQ+o2Cu0ndYcyX1jZH9bObjd5X+a17Os5PyZNcp/dqpu9ZZvndrzJX9c2Z7LZf0kNJvSlLQ/wcFn7mSq/ZdklZkaj+ozF8EI2a7KX0WSIOkZySdGqdnpd/N9BsF3s4nSXo6s1YWSfpYjOylSv8+Wqv062uZPNmcvz+irLGAbNQ1li8fus4CsqHrLF82yhoLqBt1jeXLh66zoL7D1llA3ahrLF8+dJ0pz/2M0vcBizO3973K8Xs0IPvNzBrbqfSO/B9jZHcqfT+9a45878C6V17pl4j5R+a2blD6bLz9otbe43vyvft2vr4fz6p7tzLvVh0jv7/SZ2OsUPqshI/E6VvpsyDGBayxfHU/m6m5LPMz3h8j+yulDzCtUfolAwJ/j2Yyo/Svd2UOXWMB2dA1FpCNtMb2zEZdX0G1o6yxgL4jrbE82dD1FdRz2PoKqR26xgKykdaY8uyzKtp9Zb5s6H1lQDbq/li+fJT7ytD9dOW/r8xXN/S+MiAbdX8sb98Kv6/MVzv0vjIgG2l/LPO9ez22ibLGArJR98dyZaOusVzZOPv8gY/n8q2xgNpR98dyZaOusZw9h62vkNpR98dyZaPu8+/1+Dfq+grIR11jubKR1hgXLi5edp32DAAAAAAAAAAlkdTTtwEAAAAAAAB4ioOSAAAAAAAAAEqKg5IAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEoq8YOSxpiJrmWTrO1j3z7OnGRtZnanNjO7U5uZ3anNzO7U9rFvH2dOsjYzu1Obmd2pzcylzwPlLPGDkpKK+Q+WVDbJ2j727ePMSdZmZndqM7M7tZnZndrM7E5tH/v2ceYkazOzO7WZ2Z3azFz6PFC2yuGgJAAAAAAAAACPGGttpxZ4/WunBRaYsqZZXz2yJufXDvxTY+DPbm/frlSqd0F9FZNNsraPffs4c5K1u+LMpohslN+QLm7vcr2tOjObZG1mdqc2M7tT28e+fZw5ydrM7E5tZnanNjN3bH7njuawhzpean35uc490OWYqn7vL9t1kvhBySBhByUBIIpifgNzbwYAAACgHHFQMjcOSr5XOR+U5OnbAAAAAAAAAEqKg5IAAAAAAAAASoqDkgAAAAAAAABKKu5BySMl1Wdd3pB02R7fc5SkhZLelXR5sQ1KUrdu3XTPn/6g1asW6MkFD2nqPTdrc9MyrVv7lBY9NUtLn5mjRU/N0idGnRjp540dM0orG+Zp9aoFuvKKi2L1klQ2ydqu9n3rpBu0uWmZ6pfOjZXriNouZrt3766F/3hYT9c9pmX1j+uaH32nZLWTXGPPrn1KS5+Zo7ols/XUwpklq+vq/ysf+/Zx5mLyrv7uTbK2j327OrOr69vH28rHvn2cOcnazOxH367ODDjDWlvopcJa+4K19tA9rj/YWjvcWvtTa+3lW7862ka9vP6df7OtjfW7P6+oqrYVVdX2oou/b2++5U5bUVVtz/7yN+zcx+fbYcPH2HXrNtja9w21FVXV9tghn7BNTZt3Z/JdqrrX2nXrNtjBRxxve/Q61NYvW2mPOfaU0FySWfourPaoT3zWDhs+xq5oaIycSbrvJLdXRVW13W//wbaiqtp27/k+u2jR0/bjJ55R9n1HyVcGXDZs2GQP6X903q+7OnO5ZV3t28eZi827+LvX19vKxWzStV1c3z7eVj727ePMrvbt48yu9u3CzEUcz+nSlx1b1lou/7okfXsEXULPlDTGHGWM+a4x5n+NMTdlPv6gpNGS1kv65x6RFyUtkdS658+qOmG0ev/wt9rn2pvV47zLJBPtRM2zzhyju+66V5L05z8/omM//CG9+tpWvf3OO2pp2SJJWrlyjXr06KFu3boF/qwRw4dq/fqN2rBhk1pbWzVjxgM668yxkfpIKkvfhdWev2CRXn1ta+TvL4e+k9xekrR9+1uSpKqqSlVWVcnaaG9a5uoaK4arM9M3M3d23sXfvUnW9rFvV2eW3FzfPt5WPvbt48yu9u3jzK727erMgEsCjwoaY74raZokI2mx0gcbjaSpTz755E8lTY1caMD7VDVilLb/7FJtu+YbUnu7qk4YHSlbXdNfzzdtliS1tbXp9dff0AH793nP93zuc59WfX2DduzYEflnSVJTc4uqq/vH7qOU2SRru9p3sVzc3h2xvVKplOqWzFZL83LNnTtPi5csLfu+i81bazVr5lQtemqWLjj/yyWp6+r/Kx/79nHmjsgXytWZ6duPmYvl4vZ29bbysW8fZ06yNjP70berMwMuqQz5+vmSjrbWvuesx+uuu+43Rx111BuSzsgVMsZMvOGGGyZu27atrc+aZn31yBpVfmioKg49XPv86Hfpb6rqLvtG+i/NvS7+sVIH9ZcqqpQ68GDtc+3NkqTzKn6nO+6cIWPMXjWyz9/60IeO0M9/+gN96tP/Fjpwzp8V8WywpLJJ1na172K5uL07Ynu1t7dr2PAx6tNnP/353tt09NFHauXKNZ1aO8k1JkmnjPqMWlq26KCDDtSjs6Zp9Zp1WrBgUafWdfX/lY99+zhzR+QL5erM9F26bNK1i+Hi9nb1tvKxbx9nTrI2M8fLJlnbx5kBl4QdlGyXVK09nqI9duzYsxsaGt4ZOXLkllwha+2kTG7b6xvm/Sp9rdGOJx/Tu/fdttf3v/XbH6e/48BD1OuCK7X9l+k32LjjT42SpOamFg2srVZzc4sqKirUp89+2rr1dUlSTc0A3Xfvbfra1y/Vc8/t+Uzyve36WbvU1gzY/RTwcs0mWdvVvovl4vbuyO31+utv6O/znky/uHKEg5KurjFJu7/3pZde0f0PzNLw4UMiHZR0dWb6ZuZS5Avl6sz07cfMxXJxe7t6W/nYt48zJ1mbmf3o29WZAZeEvajjZZLmGmNmGWMmZS6PtrS0/PqVV165OU6hnY3PqGrYyTL77i9JMr33lTnw4EjZhx6erXPP/aIk6fOf/7T+9sQ/JEkVqQo9+MCduurqn+vJhXWRftaSunoNHnyYBg0aqKqqKk2YMF4PPTy7rLP0XVjtYri4vYvdXv369VWfPvtJknr06KHRp56sNWvWl33fxeR79eqpffbpvfvjT552SqSDsMXWdfX/lY99+zhzR+QL5erM9O3HzMVycXu7elv52LePM7vat48zu9q3qzNDkm3nkn0pY4FnSlprHzXGHCFphKQaSebII498afz48f9njLku61u/kfn3Zkn9JdVJ2k9S+743TNWbV52v9s2b9O7/TVHvy3+RfoObtp16+67fqO2VF0ObvH3yNN0x5X+1etUCvfbaVm3Z8pIWzHtQBx/cT8YY3XD9j3XVDy6TJH3q9LP10kuv5P1ZbW1tuvSyqzXzkXtUkUppyh3TtWrV2tAekszSd2G1777rdzpl5Anq16+vNj5Xp2uvu16Tp0wr676T3F4DBhyi22+7URUVKaVSKd1330N6ZOacsu+7mPwhhxyk++5Nn71dUVmhadPu1+zZT3R6XVf/X/nYt48zF5t38XdvkrV97NvVmSU317ePt5WPffs4s6t9+zizq327OjPgEtPZr0vw+tdOK7jAgZmnbwNAMfZ+RZboeOUWAAAAAOVo547mYh7qdFmtW9bwMC5L1SFHlu06CXv6NgAAAAAAAAB0KA5KAgAAAAAAACipsHffBgAAAAAAANzQXt5v7oJ/4UxJAAAAAAAAACXV6WdKHnTP6oKzKVP4a3G2d/Ib+ABwB78NAAAAAAAoL5wpCQAAAAAAAKCkOCgJAAAAAAAAoKQ4KAkAAAAAAACgpHj3bQAAAAAAAHQJ1vLu265I7EzJiy8+X0ufmaP6pXN1ySXnh37/pFuuV9Pz9Vr6zJzd133+c59W/dK5euftTfroR4+NXHvsmFFa2TBPq1ct0JVXXBSr76SySdamb3f69nHmJGszsx99+zhzkrWZ2Y++fZw5ydrM7EffPs5cW1utObPv1YrlT2hZ/eO65OLwx5UdVZvbyo++XZ0ZcIa1tlMvVd1q7J6XIUNOtQ0NjXa/Ph+wPXq+z86ZO89+8EMn7fV92ZdPnPo5O3zEWNvQ0Lj7ug8fe4o9+piT7RNPPGmPO/5T7/n+iqrqnJeq7rV23boNdvARx9sevQ619ctW2mOOPSXv95dDlr7pm5nLrzYz+9G3jzO72rePM7vat48zu9q3jzO72rePM1dUVduagUPssOFjbEVVte1zwOF2zdr1Zd+3r7eVi327MHNnH89x9fJuc4Pl8q9L0rdH0CWRMyWPOmqwFi1aqrfffkdtbW2aP+8pjR8/LjCzYMEivfba1vdct3r1Oq1d+1ys2iOGD9X69Ru1YcMmtba2asaMB3TWmWPLOkvf9N3ZWfp2J0vf7mTp250sfbuTpW93svTtTtblvl944UUtrW+QJG3btl2rVz+rmur+Zd23r7eVi327OjPgkoIPShpjvlZoduWqNTr55OPUt+/+6tmzh8aNO1W1tdWF/rhYqmv66/mmzbs/b2puUXXEO66ksknWpu/S1mZmP/r2ceYkazOzH337OHOStZnZj759nDnJ2swcv+9shx5aqyEfOUaLFi/t9NrcVn707erMgEuKeaObayVNLiS4evU6/er632vWzKnatm27lq9YpZ07dxbRSnTGmL2us9aWdTbJ2vRd2trMHC+bZG1mjpdNsjYzx8smWZuZ42WTrM3M8bJJ1mbmeNkkazNzvGy23r17acb0W/Xty6/Rm29u6/Ta3FbxsknW9nFmSGrnjW5cEXhQ0hizPN+XJB0SkJsoaaIkVVTsr1RF772+Z8qUaZoyZZok6SfXfVdNzS0RWy5Oc1OLBmadlVlbM0AtLVvKOptkbfoubW1m9qNvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrM3M8fuWpMrKSt07/VZNnfoX3X//rMg5V2embzeySdcGXBH29O1DJH1F0pk5Lq/kC1lrJ1lrh1lrh+U6IClJBx10oCRp4MBqfeYzn9L06Q/E774AS+rqNXjwYRo0aKCqqqo0YcJ4PfTw7LLO0jd9d3aWvt3J0rc7Wfp2J0vf7mTp250sfbuTdblvSbp10g1qXL1ON940KVbO1Znp241s0rUBV4Q9ffthSftYa+v3/IIx5oliCk+fNkkHHniAWlt36puXXqWtW18P/P677vytRo48Qf369dVz65foup/coNde3apf//onOuigvnrg/ju0bPlKnXHGOYE/p62tTZdedrVmPnKPKlIpTbljulatWhup56Sy9E3fnZ2lb3ey9O1Olr7dydK3O1n6didL3+5kXe77xI8P17nnfEHLV6xS3ZL0AZsf/vAXmvXo42Xbt6+3lYt9uzoz4BI2RzUVAAAgAElEQVTT2a9L0K17bSIvfNDO6y0AAAAAAIAuaueO5r1ffBLa0bSCA0JZutV+uGzXSTFvdAMAAAAAAACUD8sb3bgi7DUlAQAAAAAAAKBDcVASAAAAAAAAQElxUBIAAAAAAABASXFQEgAAAAAAAEBJdfob3ST1LtgpU9ybC/Hu3QAAAAAAAI5pb0u6A0TEmZIAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEqKg5IAAAAAAAAASiqxg5K3TrpBm5uWqX7p3ILyY8eM0sqGeVq9aoGuvOKiWNmLLz5fS5+Zo/qlc3XJJeeXrG4x2SRr+9h3kuuT28qPvl2cuba2WnNm36sVy5/QsvrHdcnF8X5/FlPb1WyStX3s28eZk6zNzH707ePMSdZmZvbZy7m2j327OjPgDGttp14qqqptrsuoT3zWDhs+xq5oaMz59aBLVfdau27dBjv4iONtj16H2vplK+0xx57y3u/pVpPzMmTIqbahodHu1+cDtkfP99k5c+fZD37opL2+r9C6xfTcWXn6jt93Z6/PcsvStzvZJGvXDBxihw0fYyuqqm2fAw63a9aud6JvH28rH/v2cWZX+/ZxZlf79nFmV/v2ceaKKvbZ6bt8s6Wq3dnHc1y9vLthieXyr0vSt0fQJfRMSWPMUcaY0caYffa4flwxB0PnL1ikV1/bWlB2xPChWr9+ozZs2KTW1lbNmPGAzjpzbKTsUUcN1qJFS/X22++ora1N8+c9pfHjo41STN1isknW9rXvpNYnt5Uffbs68wsvvKil9Q2SpG3btmv16mdVU92/7Pv28bbysW8fZ3a1bx9ndrVvH2d2tW8fZ5bYZ6fv8s0mXRtwReBBSWPMNyU9IOkSSQ3GmPFZX/5ZZzYWpLqmv55v2rz786bmFlVHfGC8ctUanXzycerbd3/17NlD48adqtra6k6vW0w2ydq+9l0MV2embzeySdfe5dBDazXkI8do0eKlkTMubm9Xbysf+/Zx5iRrM7Mfffs4c5K1mZl99nKu7WPfrs4MuKQy5Ov/Lulj1tptxphBku4zxgyy1t4kyeQLGWMmSpooSaaij1Kp3h3U7u6fv9d11tpI2dWr1+lX1/9es2ZO1bZt27V8xSrt3Lmz0+sWk02ytq99F8PVmenbjWzStSWpd+9emjH9Vn378mv05pvbIudc3N6u3lY+9u3jzEnWZuZ42SRrM3O8bJK1mTletliuzkzfbmSTrg24Iuzp2xXW2m2SZK3dKGmUpE8ZY/5HAQclrbWTrLXDrLXDOvqApCQ1N7VoYNbZjbU1A9TSsiVyfsqUaTru+E9p9Glf0GuvbtW6dRs6vW6xPSdV29e+i+HqzPTtRjbp2pWVlbp3+q2aOvUvuv/+WZFzxdZ2MZtkbR/79nHmJGszsx99+zhzkrWZmX32cq7tY9+uzgy4JOyg5AvGmCG7PskcoDxDUj9JH+7MxoIsqavX4MGHadCggaqqqtKECeP10MOzI+cPOuhASdLAgdX6zGc+penTH+j0usX2nFRtX/suhqsz07cb2aRr3zrpBjWuXqcbb5oUOZN03z7eVj727ePMrvbt48yu9u3jzK727ePMxXJ1Zvp2I5t0be+1t3PJvpSxsKdvf0XSe57bbK3dKekrxphbiil8912/0ykjT1C/fn218bk6XXvd9Zo8ZVqkbFtbmy697GrNfOQeVaRSmnLHdK1atTZy7enTJunAAw9Qa+tOffPSq7R16+udXrfYnpOq7WvfSa1Pbis/+nZ15hM/PlznnvMFLV+xSnVL0jtFP/zhLzTr0cfLum8fbysf+/ZxZlf79nFmV/v2cWZX+/ZxZol9dvou32zStQFXmM5+XYLKbjWJvPBByuR9dnkk7bxeAwAAAAAAKFM7dzQXd+Cji9rx3GIO6GTp9v4RZbtOwp6+DQAAAAAAAAAdioOSAAAAAAAAAEoq7DUlAQAAAAAAACdYW95v7oJ/4UxJAAAAAAAAACXVZc+ULPaNaipTFQVnd7a3FVUbACSpmFcj5pWdAQAAAADljDMlAQAAAAAAAJQUByUBAAAAAAAAlBQHJQEAAAAAAACUVJd9TUkAAAAAAAB4pp1333ZFImdK1tZWa87se7Vi+RNaVv+4Lrn4/Ng/Y+yYUVrZME+rVy3QlVdc1GnZW275lTZtekZPP/3Y7us+/OEP6okn/qK6utn6859v17777tPpPRebTyqbZG0f+3Z15lsn3aDNTctUv3RurFxH1HYxK0l9+uynadMmacWKv2v58id0/HEfK0ltV9cYM/vRt48zJ1mbmf3o28eZk6zNzH707ePMxeSLPX7g4swdURtwgrW2Uy8VVdV2z0vNwCF22PAxtqKq2vY54HC7Zu16e8yxp+z1ffkuVd1r7bp1G+zgI463PXodauuXrYycj5rt3n2g7d59oB09+vP2uOM+ZRsaVu++bsmSenvaaV+w3bsPtBMnfsf+7Gc37v5a9+4DO7znUs1M38nX9nHmiqpqO+oTn7XDho+xKxoaI2eS7rsU2cqAy513zrATJ37HVlZV2569DrUH9jvqPV8vt5ld2N7MnHxtZvajbx9ndrVvH2d2tW8fZ3a1bx9nLjZfzPEDV2eOmu3s4zmuXt5Z+w/L5V+XpG+PoEsiZ0q+8MKLWlrfIEnatm27Vq9+VjXV/SPnRwwfqvXrN2rDhk1qbW3VjBkP6Kwzx3ZKdsGCxXrtta3vue6II96v+fMXSZLmzp2vz3zm9E7tudh8Uln6diebdO35Cxbp1T3+n5V730lur3333UcnnXScbp88VZLU2tqq119/o+z7dnF7+zizq337OLOrffs4s6t9+zizq337OLOrffs4c7H5Yo4fuDpzsbUBV4QelDTGjDDGDM98/CFjzLeNMeFH4SI69NBaDfnIMVq0eGnkTHVNfz3ftHn3503NLaqO+EupmOwuK1eu0RlnfFKS9LnPfVq1tQM6vW5SM9N3aWv7OHOxXNzexW6v97//UL388iu67Y+/1pLFf9UtN/9KvXr1LPu+XdzePs6cZG1m9qNvH2dOsjYz+9G3jzMnWZuZS9t3trjHD1ydOcnHV0ApBR6UNMZcI+l/Jf3BGPNzSb+VtI+k7xljriq2eO/evTRj+q369uXX6M03t0XOGWP2us5a2+nZXf7jP67QN75xnp588hHtu+8+2rGjtdPrJjUzfZe2to8zF8vF7V3s9qqsqNDQoR/WLbfcqeEjxmr79rd05ZUXd3ptV9cYM8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV62I/JSYccPXJ05ycdXXYJt55J9KWNh7779BUlDJHWX9IKkWmvtG8aYX0laJOmnuULGmImSJkqSqeijVKr33oUrK3Xv9Fs1depfdP/9s2I13dzUooG11bs/r60ZoJaWLZ2e3WXt2vU644xzJEmDBx+mceNO7fS6Sc1M36Wt7ePMxXJxexe7vZqaW9TU1KLFS9J/If7z/z2iK6+IdlDSxzXGzH707ePMSdZmZj/69nHmJGszsx99+zhzR+QLPX7g6sxJPr4CSins6ds7rbVt1tq3JK231r4hSdbatyXlPdxqrZ1krR1mrR2W64CklH633cbV63TjTZNiN72krl6DBx+mQYMGqqqqShMmjNdDD8/u9OwuBx10oKT0Xy++//1v6o9/vLvT6yY1M32707erMxfLxe1d7PbasuUlNTVt1hFHfECSdOqpJ6mxcW3Z9+3i9vZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/v2ceaOyBd6/MDVmZN8fAWUUtiZkjuMMb0yByU/tutKY0wfBRyUDHPix4fr3HO+oOUrVqluSfo/1g9/+AvNevTxSPm2tjZdetnVmvnIPapIpTTljulatSraA/K42Tvv/I1OPvkE9et3gNatW6T/+q//Ue/evfWNb3xFknT//Y/qjjtmdGrPxeaTytK3O9mka9991+90ysgT1K9fX218rk7XXne9Jk+ZVtZ9J7m9JOmyb/1Qd97xG3XrVqXnNmzSBRd8u+z7dnF7+zizq337OLOrffs4s6t9+zizq337OLOrffs4c7H5Yo4fuDpzRzxeAFxggl6XwBjT3Vr7bo7r+0kaYK1dEVagsluNky98UJmqKDi7s72tAzsB4Ku9X0kmOid/8QIAAACIbOeO5mIeMnRZ765dwMOhLN2POKls10ngmZK5Dkhmrn9Z0sud0hEAAAAAAABQCE4Uc0bYa0oCAAAAAAAAQIfioCQAAAAAAACAkuKgJAAAAAAAAICS4qAkAAAAAAAAgJIKfKMbnxXzDtq8Yy6AjsDvAwAAAABAV8VBSQAAAAAAAHQNtj3pDhART98GAAAAAAAAUFIclAQAAAAAAABQUhyUBAAAAAAAADxkjLndGPOiMaYh67q+xpjHjDHPZv49IHO9Mcb8rzFmnTFmuTHmo1mZ8zLf/6wx5rwotRM5KNm9e3ct/MfDerruMS2rf1zX/Og7sX/G2DGjtLJhnlavWqArr7jIiewRR3xAdUtm77688vJqffOSC8q+72KySdYuJnvrpBu0uWmZ6pfOjZXriNrcVn707ePMSdZmZj/69nHmYvepXJw5ydo+9u3jzEnWZmY/+vZx5mLyrt7XJV0biGGKpHF7XPc9SXOttYdLmpv5XJI+JenwzGWipD9I6YOYkq6RdJykEZKu2XUgM4ixtnPf37WyW03OAr1799L27W+psrJS8574i7717Wu0aPEzkX5mKpVS48r5Gnf62WpqatFTC2fqnHMvVGPjs2WRjfLu26lUSv/c+LROPOkMbdrUvPv6fLdGuc9cbrWL7fvkk47Ttm3bNXnyTRoydHSkTNJ9+3pbudi3jzO72rePM7vat48z71LoPpWrM9O3G1n6didL3+5kfe1bcu++rlS1d+5ojnL4wTvvrpzbuQe6HNP96NGh68QYM0jSw9baYzKfr5E0ylrbYowZIOkJa+2RxphbMh9Pzf6+XRdr7X9krn/P9+UT+0xJY8ydcTO5bN/+liSpqqpSlVVVinNwdMTwoVq/fqM2bNik1tZWzZjxgM46c2xZZ/d06qkn6bnn/vmeA5Ll2HexM7va9/wFi/Tqa1sjf3859O3rbeVi3z7O7GrfPs7sat8+zrxLoftUrs5M325k6dudLH27k/W1b8m9+7qkawMd4BBrbYskZf49OHN9jaTns76vKXNdvusDBR6UNMY8uMflIUmf2/V59FlyFE6lVLdktlqal2vu3HlavGRp5Gx1TX8937R59+dNzS2qru5f1tk9fWnCeE2ffn/k73d1Zlf7LoarM9O3G9kka/vYt48zJ1mbmQu7vyp0n8rVmenbjWyStX3s28eZk6zNzKXtW3Lvvi7p2kA2Y8xEY0xd1mViMT8ux3U24PpAYWdK1kp6Q9L/SLohc3kz6+OCtbe3a9jwMTr0sGEaPmyojj76yMhZY/aeNepfSpLKZquqqtIZZ4zRfX9+OHLG1Zld7bsYrs5M325kk6ztY98+zpxkbWaOl92l0H0qV2embzeySdb2sW8fZ06yNjPHy3ZE3rX7uqRrA9mstZOstcOyLpMixLZknratzL8vZq5vkjQw6/tqJW0OuD5Q2EHJYZKelnSVpNettU9Ietta+3dr7d/zhbKPwra3bw8s8Prrb+jv857U2DGjwnrdrbmpRQNrq3d/XlszQC0tW8o6m23cuE9o6dIVevHFlyNnXJ3Z1b6L4erM9O1GNsnaPvbt48xJ1mbm4u6v4u5TuTozfbuRTbK2j337OHOStZm5tH1nc+W+LunaQAd4UNKud9A+T9IDWdd/JfMu3McrfaywRdJfJY0xxhyQeYObMZnrAgUelLTWtltrfy3pa5KuMsb8VlJl2A/NPgqbSvXe6+v9+vVVnz77SZJ69Oih0aeerDVr1of92N2W1NVr8ODDNGjQQFVVVWnChPF66OHZZZ3N9qUvfSbWU7eT7LvYmV3tuxiuzkzfbmTp250sfbuTdbnvYvapXJ2Zvt3I0rc7Wfp2J+tr3y7e1yVd23u2nUv2JYQxZqqkhZKONMY0GWPOl/QLSZ80xjwr6ZOZzyVppqTnJK2TdKukCyXJWvuqpJ9IWpK5XJe5LlDoAcbMD2+S9EVjzKeVfjp3UQYMOES333ajKipSSqVSuu++h/TIzDmR821tbbr0sqs185F7VJFKacod07Vq1dqyzu7Ss2cPnTZ6pC688Luxcq7O7Grfd9/1O50y8gT169dXG5+r07XXXa/JU6aVdd++3lYu9u3jzK727ePMrvbt48xScftUrs5M325k6dudLH27k/W1bxfv65KuDcRhrT07z5dG5/heK+miPD/ndkm3x6ltOvt1CSq71Xj3wgeh77UewLuNBQAAAAAAYtu5o7mYww9d1rsNj3FoJUv3Yz5Ztusk7DUlAQAAAAAAAKBDcVASAAAAAAAAQElxUBIAAAAAAABASUV6oxsAAAAAAACg7LWHv+M0ygMHJTsBr6gKAAAAAAAA5MfTtwEAAAAAAACUFAclAQAAAAAAAJQUByUBAAAAAAAAlBSvKQkAAAAAAIAuwdq2pFtARJwpCQAAAAAAAKCkEjsoeeukG7S5aZnql84tKD92zCitbJin1asW6MorLury2SRr07c7ffs4c5K1mdmPvn2cOcnazOxH3z7OnGRtZvajbx9nTrI2M/vRt6szA64w1tpOLVDZrSZngZNPOk7btm3X5Mk3acjQ0bF+ZiqVUuPK+Rp3+tlqamrRUwtn6pxzL1Rj47NdMkvf9M3M5Vebmf3o28eZXe3bx5ld7dvHmV3t28eZXe3bx5ld7dvHmV3t24WZd+5oNpGa8cw7y2Z27oEux/T4yOllu05inSlpjDnJGPNtY8yYYgvPX7BIr762taDsiOFDtX79Rm3YsEmtra2aMeMBnXXm2C6bpW/67uwsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXBB6UNMYszvr43yX9VtK+kq4xxnyvk3vLq7qmv55v2rz786bmFlVX9++y2SRr03dpazOzH337OHOStZnZj759nDnJ2szsR98+zpxkbWb2o28fZ06yto8zQ5Jt55J9KWNhZ0pWZX08UdInrbXXShoj6cv5QsaYicaYOmNMXXv79g5oc6+fv9d1UZ+G7mI2ydr0XdrazBwvm2RtZo6XTbI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV42ydo+zgy4pDLk6yljzAFKH7w01tqXJMlau90YszNfyFo7SdIkKf9rShajualFA2urd39eWzNALS1bumw2ydr0XdrazOxH3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48yAS8LOlOwj6WlJdZL6GmP6S5IxZh9Jib1Q5pK6eg0efJgGDRqoqqoqTZgwXg89PLvLZumbvjs7S9/uZOnbnSx9u5Olb3ey9O1Olr7dydK3O1n6diebdG3AFYFnSlprB+X5UrukzxZT+O67fqdTRp6gfv36auNzdbr2uus1ecq0SNm2tjZdetnVmvnIPapIpTTljulatWptl83SN313dpa+3cnStztZ+nYnS9/uZOnbnSx9u5Olb3ey9O1ONunagCtMZ78uQWc8fRsAAAAAAMBnO3c0J/YM1nL2zjMPchwqS4+PnlW26yTs6dsAAAAAAAAA0KE4KAkAAAAAAACgpDgoCQAAAAAAAKCkOCgJAAAAAAAAoKQC330bbqlIFXeMua29vYM6AQAAAAAAAPLjoCQAAAAAAAC6BssJV67g6dsAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEoqsYOSt066QZublql+6dyC8mPHjNLKhnlavWqBrrzioi6fjZu/5Zbr9fympXrm6Tnvuf7C//yqVix/QkufmaOf/fQHZdd3uWSTrM3MfvTt48xJ1mZmP/r2ceYkazOzH337OHOStZnZj759nDnJ2j7ODLjCWGs7tUBlt5qcBU4+6Tht27ZdkyffpCFDR8f6malUSo0r52vc6WerqalFTy2cqXPOvVCNjc92yWzUfPa7b5+U2b6333ajPvqx0yRJp5xygr733Us0/jNf1Y4dO3TQQQfqpZde2Z3J9e7bpei73LKu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbtwsw7dzSbSM145p0lf+7cA12O6TH882W7ThI7U3L+gkV69bWtBWVHDB+q9es3asOGTWptbdWMGQ/orDPHdtlsIfkFCxbptT2278R/P1e/uv732rFjhyS954BkufRdDllX+/ZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/t2dWbAJYEHJY0xxxlj9st83NMYc60x5iFjzC+NMX1K0+Leqmv66/mmzbs/b2puUXV1/y6b7Yi8JB1++Pt14okjNH/eg3rssXv1sY99pKz7dnV7u5hNsraPffs4c5K1mdmPvn2cOcnazOxH3z7OnGRtZvajbx9nTrK2jzMDLgk7U/J2SW9lPr5JUh9Jv8xcN7kT+wpkzN5nnkZ9GrqL2Y7IS1JlZaUO2L+PTh55lr7//Z/qnj/9vtPr+ri9XcwmWdvHvn2cOcnazBwvm2RtZo6XTbI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGv7ODPgksqQr6estTszHw+z1n408/ECY0x9vpAxZqKkiZJkKvoolepdfKdZmptaNLC2evfntTUD1NKypctmOyIvSc3NLbr/gVmSpLq6erW3W/Xr11cvv/xqWfbt6vZ2MZtkbR/79nHmJGszsx99+zhzkrWZ2Y++fZw5ydrM7EffPs6cZG0fZwZcEnamZIMx5muZj5cZY4ZJkjHmCEmt+ULW2knW2mHW2mEdfUBSkpbU1Wvw4MM0aNBAVVVVacKE8Xro4dldNtsReUl68MG/atSoEyVJhw8+TFXdqgIPSCbdt6vb28UsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStb1n27lkX8pY2JmSF0i6yRhztaSXJS00xjwv6fnM1wp2912/0ykjT1C/fn218bk6XXvd9Zo8ZVqkbFtbmy697GrNfOQeVaRSmnLHdK1atbbLZgvJ33nnbzXy5OPVr19frV+3WD/5rxs05Y7pmjTpej3z9Bzt2LFDF1zwrbLruxyyrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727erMgEtMlNclMMbsK+n9Sh/EbLLWRj5vuLJbDS98UCIVqeLeTL2tvbyPoAMAAAAAgLSdO5r3fvFJ6J3F93IcKkuPEV8s23USdqakJMla+6akZZ3cCwAAAAAAAAAPFHdqHQAAAAAAAADExEFJAAAAAAAAACUV6enbAAAAAAAAQNnj/TKcwZmSAAAAAAAAAEqKMyW7EN49GwAAAAAAAC7gTEkAAAAAAAAAJcVBSQAAAAAAAAAlxdO3AQAAAAAA0DVYXtrOFZwpCQAAAAAAAKCkEjsoeeukG7S5aZnql84tKD92zCitbJin1asW6MorLury2SRr+3hbJVmbmf3o28eZk6zNzH707ePMSdZmZj/69nHmJGszsx99+zhzkrV9nBlwhbHWdmqBym41OQucfNJx2rZtuyZPvklDho6O9TNTqZQaV87XuNPPVlNTi55aOFPnnHuhGhuf7ZLZpGv7dlu52rePM7vat48zu9q3jzO72rePM7vat48zu9q3jzO72rePM7vat48zu9q3CzPv3NFsIjXjmXcWTu3cA12O6XHC2WW7TgLPlDTGfNMYM7AzCs9fsEivvra1oOyI4UO1fv1GbdiwSa2trZox4wGddebYLptNurZvt5Wrffs4s6t9+zizq337OLOrffs4s6t9+zizq337OLOrffs4s6t9+zizq327OjPgkrCnb/9E0iJjzHxjzIXGmINK0VSY6pr+er5p8+7Pm5pbVF3dv8tmk65dDLa3G9kka/vYt48zJ1mbmf3o28eZk6zNzH707ePMSdZmZj/69nHmJGv7ODMktbdzyb6UsbCDks9JqlX64OTHJK0yxjxqjDnPGLNvvpAxZqIxps4YU9fevr0D29398/e6LurT0F3MJl27GGxvN7JJ1vaxbx9nTrI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV42ydo+zgy4JOygpLXWtltrZ1trz5dULen3ksYpfcAyX2iStXaYtXZYKtW7A9tNa25q0cDa6t2f19YMUEvLli6bTbp2MdjebmSTrO1j3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48yAS8IOSr7n8Ly1ttVa+6C19mxJ7+u8toItqavX4MGHadCggaqqqtKECeP10MOzu2w26drFYHu7kaVvd7L07U6Wvt3J0rc7Wfp2J0vf7mTp250sfbuTTbo24IrKkK9/Kd8XrLVvF1P47rt+p1NGnqB+/fpq43N1uva66zV5yrRI2ba2Nl162dWa+cg9qkilNOWO6Vq1am2XzSZd27fbytW+fZzZ1b59nNnVvn2c2dW+fZzZ1b59nNnVvn2c2dW+fZzZ1b59nNnVvl2dGXCJ6ezXJajsVsMLHwAAAAAAAHSgnTua937xSeidf/yJ41BZepz45bJdJ2FnSgIAAAAAAABuKPN3nMa/hL2mJAAAAAAAAAB0KA5KAgAAAAAAACgpDkoCAAAAAAAAKCkOSgIAAAAAAAAoKd7oBgAAAAAAAF2CtW1Jt4CIOFMSAAAAAAAAQElxUBIAAAAAAABASXFQEgAAAAAAAEBJJXZQcuyYUVrZME+rVy3QlVdcVNK8i9kka9O3O337OHOStZnZj759nDnJ2szsR98+zlxMvra2WnNm36sVy5/QsvrHdcnF55ekbrHZJGv72LePMydZm5n96NYHzSAAACAASURBVNvVmQFXGGttpxao7FazV4FUKqXGlfM17vSz1dTUoqcWztQ5516oxsZnI/3MYvIuZumbvpm5/Gozsx99+zizq337OLOrffs4c7H5/v0P1oD+B2tpfYP22ae3Fi96VJ//wte79Mz0zcxdtW8fZ3a1bxdm3rmj2URqxjNvP3F75x7ockzPUV8v23WSyJmSI4YP1fr1G7Vhwya1trZqxowHdNaZY0uSdzFL3/Td2Vn6didL3+5k6dudLH27k/W17xdeeFFL6xskSdu2bdfq1c+qprp/p9fltnKnbx9ndrVvH2d2tW9XZwZcEnhQ0hjTzRjzFWPMaZnP/80Y81tjzEXGmKpCi1bX9NfzTZt3f97U3KLqiDtWxeZdzCZZm75LW5uZ/ejbx5mTrM3MfvTt48xJ1mbm0vad7dBDazXkI8do0eKlnV6X26q0tZnZj759nDnJ2j7ODLikMuTrkzPf08sYc56kfST9n6TRkkZIOq+QosbsfeZonKeRF5N3MZtkbfoubW1mjpdNsjYzx8smWZuZ42WTrM3M8bJJ1mbmeNmOyEtS7969NGP6rfr25dfozTe3dXpdbqvS1mbmeNkkazNzvGyStX2cGXBJ2EHJD1trjzXGVEpqllRtrW0zxtwtaVm+kDFmoqSJkmQq+iiV6v2erzc3tWhgbfXuz2trBqilZUvkpovJu5hNsjZ9l7Y2M/vRt48zJ1mbmf3o28eZk6zNzKXtW5IqKyt17/RbNXXqX3T//bNKUpfbqrS1mdmPvn2cOcnaPs4MuCTsNSVTxphukvaV1EtSn8z13SXlffq2tXaStXaYtXbYngckJWlJXb0GDz5MgwYNVFVVlSZMGK+HHp4dueli8i5m6Zu+OztL3+5k6dudLH27k6Vvd7K+9i1Jt066QY2r1+nGmyZFzhRbl9vKnb59nNnVvn2c2dW+XZ0ZcEnYmZK3SVotqULSVZLuNcY8J+l4SdMKLdrW1qZLL7taMx+5RxWplKbcMV2rVq0tSd7FLH3Td2dn6dudLH27k6Vvd7L07U7W175P/PhwnXvOF7R8xSrVLUk/KP3hD3+hWY8+3ql1ua3c6dvHmV3t28eZXe3b1ZkhybYn3QEiMmGvS2CMqZYka+1mY8z+kk6TtMlauzhKgcpuNbzwAQAAAAAAQAfauaN57xefhN7+2x85DpWl5ycuKNt1EnampKy1m7M+3irpvk7tCAAAAAAAAECXFvaakgAAAAAAAADQoTgoCQAAAAAAAKCkQp++DQAAAAAAADihnTe6cQVnSgIAAAAAAAAoKc6UROK6V1YVlX93Z2sHdQIAAAAAAIBS4ExJAAAAAAAAACXFQUkAAAAAAAAAJcXTtwEAAAAAANA1WN7oxhWcKQkAAAAAAACgpBI7KDl2zCitbJin1asW6MorLipp3sVskrVL2XdNzQDNnDVVTz8zR0vqZuvCC78mSfrBVZfp2XVPaeFTM7XwqZkaO3ZUWfXdFbJJ1vaxbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zNzH707ePMSdb2cWbAFcZa26kFKrvV7FUglUqpceV8jTv9bDU1teiphTN1zrkXqrHx2Ug/s5i8i9mu3nf2u2/373+Q+vc/WPX1K7XPPr214B8P6f99aaI+9/kztH3bdt1006171cj17ts+bm8fZ3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvF2beuaPZRGrGM2/PublzD3Q5pudp3yjbdRJ6pqQx5gPGmMuNMTcZY24wxnzDGNOnmKIjhg/V+vUbtWHDJrW2tmrGjAd01pljS5J3MetT3y+88JLq61dKkrZt2641a9arurp/5HpJ9e16lr7dydK3O1n6didL3+5k6dudLH27k6Vvd7L07U426dqAKwIPShpjvinpZkk9JA2X1FPSQEkLjTGjCi1aXdNfzzdt3v15U3NLrANPxeRdzCZZO8m+3/e+Wn3kIx/SkiX1kqT/+MZ5WrRolv5w839r//33K9u+XcwmWdvHvn2cOcnazOxH3z7OnGRtZvajbx9nTrI2M/vRt48zJ1nbx5khqb2dS/aljIWdKfnvksZZa/9L0mmSPmStvUrSOEm/LrSoMXufORrnaeTF5F3MJlk7qb579+6le6b+QVdeeZ3efHOb/njr3Trm6JE6/vjT9cILL+rnv7i6LPt2NZtkbR/79nHmJGszc7xskrWZOV42ydrMHC+bZG1mjpdNsjYzx8smWZuZ42WTrO3jzIBLorzRTWXm3+6S9pUka+0mSVX5AsaYicaYOmNMXXv79r2+3tzUooG11bs/r60ZoJaWLZGbLibvYjbJ2kn0XVlZqXvuuVnTp92vBx/4qyTpxRdfVnt7u6y1mnz7NA372EfKrm+Xs0nW9rFvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrM3MfvTt48xJ1vZxZsAlYQcl/yhpiTFmkqSFkn4rScaYgyS9mi9krZ1krR1mrR2WSvXe6+tL6uo1ePBhGjRooKqqqjRhwng99PDsyE0Xk3cx61vff/jDL7VmzTr95je37b6uf/+Ddn981lljtXLV2rLr2+UsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXVAZ90Vp7kzFmjqQPSvofa+3qzPUvSRpZaNG2tjZdetnVmvnIPapIpTTljulaFXKQqaPyLmZ96vuEE4bp3778eTWsaNTCp2ZKkn58zX/ri188S8ce+yFZa/XPTU365iU/KKu+Xc/StztZ+nYnS9/uZOnbnSx9u5Olb3ey9O1Olr7dySZdG3CF6ezXJajsVsMLHyBQ98q8rwQQybs7WzuoEwAAAAAA3LBzR/PeLz4JvT379xyHytJzzIVlu04Cz5QEAAAAAAAAnGHL+x2n8S9R3ugGAAAAAAAAADoMByUBAAAAAAAAlBQHJQEAAAAAAACUFK8picQV+0Y1KVP4a7a2d/IbPQEAAAAAAGBvHJQEAAAAAABA19DOG924gqdvAwAAAAAAACgpDkoCAAAAAAAAKCkOSgIAAAAAAAAoKQ5KAgAAAAAAACipRA5Kdu/eXQv/8bCerntMy+of1zU/+k7snzF2zCitbJin1asW6MorLury2SRru9L3pFuuV9Pz9Vr6zJzd1/3851drxfIn9HTdY7p3xh/Vp89+Zdd3uWSTrO1j3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48zea2/nkn0pY8Za26kFKrvV5CzQu3cvbd/+liorKzXvib/oW9++RosWPxPpZ6ZSKTWunK9xp5+tpqYWPbVwps4590I1Nj7bJbP0HZxNGSNJOumk47Rt23ZNvv1GDf3oaZKk004bqb/97R9qa2vTz376A0nSD6762e5se5717+L2duG2om9/Z3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvH2d2tW8fZ3a1bxdm3rmj2URqxjNvP3Jj5x7ockzPT19Wtusksadvb9/+liSpqqpSlVVVinNwdMTwoVq/fqM2bNik1tZWzZjxgM46c2yXzdJ3tOyCBYv02mtb33PdnDnz1NbWJklatOgZ1dQMKLu+yyFL3+5k6dudLH27k6Vvd7L07U6Wvt3J0rc7Wfp2J5t0bcAViR2UTKVSqlsyWy3NyzV37jwtXrI0cra6pr+eb9q8+/Om5hZVV/fvstkka7vady5f/eqX9Ne//q3Ta7uYTbK2j337OHOStZnZj759nDnJ2szsR98+zpxkbWb2o28fZ06yto8zAy4JPChpjOljjPmFMWa1MeaVzKUxc93+AbmJxpg6Y0xde/v2nN/T3t6uYcPH6NDDhmn4sKE6+ugjIzdtzN5nnkY909LFbJK1Xe17T9/77iXaubNN90z9v06v7WI2ydo+9u3jzEnWZuZ42SRrM3O8bJK1mTleNsnazBwvm2RtZo6XTbI2M8fLJlnbx5kBl4SdKTlD0muSRllrD7TWHijpE5nr7s0XstZOstYOs9YOS6V6BxZ4/fU39Pd5T2rsmFGRm25uatHA2urdn9fWDFBLy5Yum02ytqt9Zzv3nC/o9NNP01fOuzhyxsXt7ept5WPfPs6cZG1m9qNvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrO3jzIBLwg5KDrLW/tJa+8KuK6y1L1hrfynpfYUW7dev7+53Qe7Ro4dGn3qy1qxZHzm/pK5egwcfpkGDBqqqqkoTJozXQw/P7rJZ+i6stiSNGTNKl19+oT73+a/p7bffKfu+fbytfOzbx5ld7dvHmV3t28eZXe3bx5ld7dvHmV3t28eZXe3bx5ld7dvVmSHJtnPJvpSxypCv/9MYc6WkO6y1WyTJGHOIpK9Ker7QogMGHKLbb7tRFRUppVIp3XffQ3pk5pzI+ba2Nl162dWa+cg9qkilNOWO6Vq1am2XzdJ3tOxdd/5WI0eeoH79+uq59Ut03U9u0JVXXqzu3bpp1sypkqRFi5/RxRd/v6z6LocsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXmKDXJTDGHCDpe5LG6/+zd+fhUZZn+8fPe5KwK5YihCQUbKltf31tQcGtiLgUcKV9tbRaUFv70hZ3q9RWraKt2gp1aW0VqoBYEdQqZZHiRiFVQqJElgQXlsKEgBtaElGSzP37g5BGQmbJZOaZe+7v5zhySGa4cp1nnmHxYWYeqVfjzTsk/V3SHdbanbEW5HYo5I0PkFIh0/ar20d4Xw4AAAAAgIPq91S1/X+Gs9juBb/nf/Sb6Xzm1Rn7OIn6TMnGk44/b/z4FGPMDyRNT1EuAAAAAAAAAFkq1ntKRjOp3VIAAAAAAAAA8EbUZ0oaY1a3dpek3u0fBwAAAAAAAGijSGZf3AX/FetCN70ljZS0/3tHGkkvpSQRAAAAAAAAgKwW66TkAkndrLXl+99hjFmakkRAgpK5WE2XvI5tnv2o7pM2zwKZjgtIAQAAAABSKdaFbi6Oct/57R8HAAAAAAAAQLZL5kI3AAAAAAAAAJCwWC/fBgAAAAAAANxgudCNK3imJAAAAAAAAIC0Cuyk5MgRw7Vu7TKtryjWxGsvSeu8i7NB7vYhd8eOHfTiP5/Sv1YsVEnpYv3y+islSYuXzFHxywtU/PICvf7Wy3r0sfszKnd7zga528fcLnWe+sBkhbeWa9WrzzXd9pnPHKJFix7VunXLtWjRozrkkO4ZlzsTZoPc7WNuHzsHuZvOfuT2sXOQu+nsR24fOyczP23qFG0Lv6byVc8nvDOZvcnOBr0bcIGxKb5Kam6HwhYLQqGQKtct16jTz1M4XK0VLy/S2HETVFn5ZlxfM5l5F2fJnbrZ5lff7tq1i2prP1Jubq6WPDdXP7/2FpWW/vfC87P++ictWvisZj/6lKTWr76d6Z0zbbePuV3o3Pzq20OHHqOamlpNf+huDTryVEnS7bddr/ff/0B3Tr5P115ziT7zme765fW3SWr96tsufr9dOFbk9rezq7l97Oxqbh87u5rbx86u5vaxc7LzJ+z7u+j0ezRw0Clx7WuPvS4cq/o9VaaVL+G13fN+l9oTXY7pPHpixj5OAnmm5NFDBmnDhs3atGmL6urqNHfuPJ191si0zLs4S+70zNbWfiRJysvLVW5erpqfsO/WrauGnXicFsx/NuNyt8csud2ZDWJ3cXGJdu784FO3nXXWCM165HFJ0qxHHtfZZ8fe7+L327Vj5XNuHzu7mtvHzq7m9rGzq7l97Oxqbh87Jzu/vLhE7+/3d9F07HX1WAEuCeSkZEFhvraGtzV9Hq6qVkFBflrmXZwNcrdPuUOhkIpfXqANm0v14gv/UlnZa033nXX2CP1z6Uvatasm43K3x2yQu33M7Wrn5nr16qnt29+WJG3f/rYOPfSzKd3t4myQu33M7WPnIHfT2Y/cPnYOcjed/cjtY+f2mG8rVzsH9f0C0i2Qq28b0/KZo4m8jDyZeRdng9ztU+5IJKKhx52p7t0P0l9n36+v/L/DVVnxhiTp3O+cpZkz5qZsd9CzQe72MbernZPl4vfb1WPlY24fOwe5m86JzQa5m86JzQa5m86JzQa5m86JzbbHfFu52jnIv7NnhQhX33ZFm58paYx5Jsp9440xZcaYskiktsX9VeFq9S0qaPq8qLCPqqt3xL07mXkXZ4Pc7WPuDz/cpeLlJTr1m8MkST16HKKjjvq6/rH4hYzO7eOxCnK3j52be/vtd5Wf30uSlJ/fS++8815Kd7s4G+RuH3P72DnI3XT2I7ePnYPcTWc/cvvYuT3m28rVzkF9v4B0i3pS0hhzZCsfR0ka2NqctXaqtXawtXZwKNS1xf2lZeUaMOAw9e/fV3l5eRozZrTmL1gSd+hk5l2cJXfqZz/bs4e6dz9IktSpU0cNP+kbevP1jZKkb337dC1e/II++WRPxuVur1lyuzMb9O595i94VuPGfkeSNG7sdzR/fuyv4eL329Vj5WNuHzu7mtvHzq7m9rGzq7l97Oxqbh87t8d8W7naOajvF5BusV6+XSrpn5IOdKWeQ9q6tKGhQVdceYMWLXxUOaGQZsyco4rGl8mmet7FWXKnfjY/v5fun3qncnJyFAoZPfXkIi1ufGbkOeeeqbt+f39ce9Odu71mye3ObBC7Zz38Rw0bdpx69uyhjRtKdcutU3TnnX/Uo4/er4t+8D1t3Vql8877ScblDnqW3O7MktudWXK7M0tud2bJ7c6sr7kfmXWfTmz8u+jmjWWadMtkTZ/xWMr3unqsAJeYaO9LYIxZK+nb1toW16w3xmy11vaNtSC3QyFvfICM1SWvY5tnP6r7pB2TAJklZA70b1HxifB+NwAAAEDK1e+pavtf2rPY7qfu4H9Imun87esy9nES65mSN6v1l3hf1r5RAAAAAAAAgCRYLnTjiqgnJa21T0S5+zPtnAUAAAAAAACAB9p89W1Jk9otBQAAAAAAAABvRH2mpDFmdWt3Serd/nEAAAAAAAAAZLtY7ynZW9JISTv3u91IeikliQAAAAAAAABktVgnJRdI6matLd//DmPM0pQkAtIomStoc3ViZDMeowAAAACcFOFCN66IdaGbi6Pcd377xwEAAAAAAACQ7ZK50A0AAAAAAAAAJIyTkgAAAAAAAADSipOSAAAAAAAAANIqsJOSI0cM17q1y7S+olgTr70krfMuzga5m9yx56c+MFnhreVa9epzTbed879nqHzV8/p49xYdeeTX0pKbY5XY/LSpU7Qt/JrKVz2f8M5k9iY7G+RuV79nPh4rH3P72DnI3fxe4sex8rFzkLvp7EduHzsHudvHzoArjE3xFVZzOxS2WBAKhVS5brlGnX6ewuFqrXh5kcaOm6DKyjfj+prJzLs4S+7MzN386ttDhx6jmppaTX/obg068lRJ0pe/PECRSET3/fG3+vl1t+rVV1c3/fzWrmyc6Z0zbTbZ+RP2Hbfp92jgoFPi2tcee109VpKb3zMfj5WPuX3s7HJu334vcTW3j51dze1jZ1dz+9jZ1dwudK7fU2Va+RJe2z33ltSe6HJM5zG/ytjHSSDPlDx6yCBt2LBZmzZtUV1dnebOnaezzxqZlnkXZ8md+bmLi0u0c+cHn7pt/fq39MYbG+PemWxujlXi88uLS/T+fsctHXtdPVaSm98zH4+Vj7l97Oxybt9+L3E1t4+dXc3tY2dXc/vY2dXcrnYGXBLIScmCwnxtDW9r+jxcVa2Cgvy0zLs4G+Rucrdtvq1c7exq7mS42jmo71eyu12cDXK3j7l97Bzkbn4v8eNY+dg5yN109iO3j52D3O1jZ8AlgZyUNKblM0cTeRl5MvMuzga5m9xtm28rVzu7mjsZrnYO6vuV7G4XZ4Pc7WNuHzsHuZvfSxKbDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl0Q9KWmMOdgYc7sxZpYx5vz97vtTlLnxxpgyY0xZJFLb4v6qcLX6FhU0fV5U2EfV1TviDp3MvIuzQe4md9vm28rVzq7mToarnYP6fiW728XZIHf7mNvHzkHu5vcSP46Vj52D3E1nP3L72DnI3T52BlwS65mS0yUZSU9K+p4x5kljTMfG+45tbchaO9VaO9haOzgU6tri/tKycg0YcJj69++rvLw8jRkzWvMXLIk7dDLzLs6S263cyXC1s6u5k+Fq56C+X8nudnGW3O7MkpvfS1I962puHzu7mtvHzq7m9rGzq7ld7QxJ1vLR/COD5ca4/wvW2nMaf/y0MeZ6SS8YY85OZmlDQ4OuuPIGLVr4qHJCIc2YOUcVFW+kZd7FWXJnfu5ZD/9Rw4Ydp549e2jjhlLdcusU7Xz/A91116069NAemvf0TL22ep3OPHNs1nTOhNlk5x+ZdZ9ObDxumzeWadItkzV9xmMp3+vqsZLc/J75eKx8zO1jZ5dz+/Z7iau5fezsam4fO7ua28fOruZ2tTPgEhPtfQmMMZWSvmqtjTS77UJJEyV1s9b2i7Ugt0NhZp+WBdooZFq+z0e8Ihn+rxUAAAAAgMxWv6eq7f9TmsV2z5nE/3A30/m7N2Xs4yTWy7fnSzq5+Q3W2pmSfiZpT6pCAQAAAAAAAMheUV++ba2d2Mrti40xt6UmEgAAAAAAAIBsFus9JaOZpL0XwgEAAAAAAACCF4nE/jnICFFPShpjVrd2l6Te7R8HAAAAAAAAQLaL9UzJ3pJGStq53+1G0kspSQQ4IpmL1SRzkZxkd8MdyTxKeIQAAAAAADJZrJOSC7T3Ktvl+99hjFmakkQAAAAAAAAAslqsC91cHOW+89s/DgAAAAAAAIBsl8yFbgAAAAAAAIDMwYVunBEKOgAAAAAAAAAAv3BSEgAAAAAAAEBaBXpSMhQKqXTlPzTvqZkJz44cMVzr1i7T+opiTbz2kqyfDXI3uVO7e+oDkxXeWq5Vrz7XdNvtt9+gNauX6pWyZ/X43L+oe/eDU5552tQp2hZ+TeWrnk9orj12u3KsMmVWkt58Y4VWvfqcykqXaMXLi9K2m2PlTmdXf037eKx8zO1j5yB309mP3D52DnI3ndOX29W/0wS9G3CBsdamdEFuh8JWF1x5xXgdddTXdPBBB2n0ty+M+2uGQiFVrluuUaefp3C4WiteXqSx4yaosvLNrJwld/blDhnT9OOhQ49RTU2tpj90twYdeaok6dRTh+nFF/+lhoYG3fabX0qSfnn9bU0zkQP8uk228wn7cky/RwMHnRLXTHvszvRjFeSsaWVe2ntS8tjjTtN77+084P2t/cbLsfKjs+Tmr2kfj5WPuX3s7GpuHzu7mtvHzq7m9rFzsvMu/p0mXbvr91RF+18Gb+3+642pPdHlmM7fvzVjHyeBPVOysLCPTj/tFD300OyEZ48eMkgbNmzWpk1bVFdXp7lz5+nss0Zm7Sy5szt3cXGJdu784FO3PffcMjU0NEiSSkpeVWFhn5RmlqTlxSV6f78c8fLlWGXCbLI4Vn50ltz8Ne3jsfIxt4+dXc3tY2dXc/vY2dXcPnZOdt7Fv9MEvRtwRWAnJX8/ZZKu+8WvFWnDVZEKCvO1Nbyt6fNwVbUKCvKzdjbI3eRO/+79XXTRd/WPf7yY9r2J8PFYBf0YsdbqmUWzVbLiGf3o4u/HPcex8qNzslz8frt6rHzM7WPnIHfT2Y/cPnYOcjed05s7Ga52DvLvgVnBRvho/pHBop6UNMbkG2P+bIy5zxjzWWPMzcaYNcaYucaYVp+6ZYwZb4wpM8aURSK1Le4/4/RT9fbb7+rVVWvaFNqYls88jfdl6C7OBrmb3Onf3dx1P79M9fUNenT239K6N1E+HqugHyMnDv+Wjj5mlM48a6x++tOLNHToMSnfzbFKbDbo3clw8fvt6rHyMbePnYPcTefEZoPcTefEZoPcTefEZttjvq1c7Rzk3wOBdIr1TMkZkiokbZX0oqTdks6QtFzS/a0NWWunWmsHW2sHh0JdW9x//PGDddaZI/TWGyv010f+pJNO+oZmzrg37tBV4Wr1LSpo+ryosI+qq3dk7WyQu8md/t37jBt7rk4//VRdcOGlad3bFj4eq6AfI/t+/jvvvKen5z2jIUMGpnw3x8qdzsly8fvt6rHyMbePnYPcTWc/cvvYOcjddE5v7mS42jnIvwcC6RTrpGRva+0frLV3SDrEWvtba+0Wa+0fJPVr69Lrb7hD/T8/WAMOP1bfHztBL774L1140eVxz5eWlWvAgMPUv39f5eXlacyY0Zq/YEnWzpLbn9z7jBgxXNdcM0H/e84PtHv3x2nb21Y+HqsgO3fp0lndunVt+vE3Tz1R69a9nvG5Xfx+u9o5WS5+v109Vj7m9rGzq7l97Oxqbh87u5rbx87tMd9WrnYO8u+BQDrlxri/+UnLh/e7L6eds8StoaFBV1x5gxYtfFQ5oZBmzJyjioo3snaW3Nmde9bDf9SwYcepZ88e2rihVLfcOkUTJ16qjh066JlFey8EVbLyVV166S9S2vmRWffpxMYcmzeWadItkzV9xmMp6dyeuV18jCXbuXfvQ/XE4w9KknJyc/TYY09ryZKlGZ/bxe+3q50lN39N+3isfMztY2dXc/vY2dXcPnZ2NbePnZOdd/HvNEHvBlxhor0vgTHmFkm/s9bW7Hf7AEl3WGvPjbUgt0Mhb3wA7CdkWr5HSCIivJ+IF5J5lPAIAQAAALJb/Z6q5P7HMkvtfvgX/O9QM50vuD1jHydRnylprf1VK7e/ZYxZmJpIAAAAAAAAALJZrPeUjGZSu6UAAAAAAAAA4I2oz5Q0xqxu7S5Jvds/DgAAAAAAAIBsF+tCN70ljZS0c7/bjaSXUpIIAAAAAAAAQFaLdVJygaRu1try/e8wxixNSSLAA1yoBvHgUQIAAAAACeL/t50R60I3F0e57/z2jwMAAAAAAAAg2yVzoRsAAAAAAAAASBgnJQEAAAAAAACkFScl1/yoWAAAIABJREFUAQAAAAAAAKRVYCclp02dom3h11S+6vk2zY8cMVzr1i7T+opiTbz2kqyfDXI3ud3J7WPnIHfT2Y/cPnYOcjed/cjtY+cgd9PZj9w+dg5yN539yO1qZ8AVxqb4qkS5HQoPuOCEoceopqZW06ffo4GDTknoa4ZCIVWuW65Rp5+ncLhaK15epLHjJqiy8s2snCU3uemcebvp7EduHzu7mtvHzq7m9rGzq7l97Oxqbh87u5rbx86u5nahc/2eKhNXGM/snj6Ry2830/kHv8vYx0lgz5RcXlyi93d+0KbZo4cM0oYNm7Vp0xbV1dVp7tx5OvuskVk7S25yp3qW3O7MktudWXK7M0tud2bJ7c4sud2ZJbc7s+R2Zzbo3YArnHxPyYLCfG0Nb2v6PFxVrYKC/KydDXI3udO7m85+5Paxc5C76exHbh87B7mbzn7k9rFzkLvp7EduHzsHudvHzoBLEj4paYzplYogCWZocVu8L0N3cTbI3eRO7246JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G4fOwMuyY12pzGmx/43SVppjBmkve9H+X4rc+MljZckk9NdoVDX9sjapCpcrb5FBU2fFxX2UXX1jqydDXI3udO7m85+5Paxc5C76exHbh87B7mbzn7k9rFzkLvp7EduHzsHudvHzoBLYj1T8l1JrzT7KJNUKOnVxh8fkLV2qrV2sLV2cHufkJSk0rJyDRhwmPr376u8vDyNGTNa8xcsydpZcpM71bPkdmeW3O7MktudWXK7M0tud2bJ7c4sud2ZJbc7s0Hv9l4kwkfzjwwW9ZmSkiZKOlXStdbaNZJkjNlkrT0s2cWPzLpPJw47Tj179tDmjWWadMtkTZ/xWFyzDQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8kbWz5CZ3qmfJ7c4sud2ZJbc7s+R2Z5bc7syS251ZcrszS253ZoPeDbjCxHpfAmNMkaS7JG2VdJOk16y1n493QW6HQt74AAAAAAAAoB3V76lq+eaT0O4Hr+E8VDOdL56csY+TmBe6sdaGrbXfkfSipGcldUl5KgAAAAAAAABZK+6rb1tr50s6SXtfzi1jzA9SFQoAAAAAAABA9or1npKfYq3dLWlt46eTJE1v90QAAAAAAABAW9jMvrgL/ivqSUljzOrW7pLUu/3jAAAAAAAAAMh2sZ4p2VvSSEk797vdSHopJYkAAAAAAAAAZLVYJyUXSOpmrS3f/w5jzNJ4FuTlJPQK8U+pa6hv8yyAAxvc84ttni179812TAIAAAAAAHwV9YyhtfbiKPed3/5xAAAAAAAAAGS7uK++DQAAAAAAAADtoe2vrQYAAAAAAAAyiI3YoCMgTjxTEgAAAAAAAEBape2kZFFRHy1e/JhWrXper7zyrC655AeSpF/96mdauXKxVqxYpPnzZ6lPn15xfb2RI4Zr3dplWl9RrInXXpJQFhdng9xN7szOPW3qFG0Lv6byVc8fcPbEYcfpvXcqVVa6RGWlS/TDqy5IKM+BdOjQQY/+9c9aX1Gsl4rnq1+/Io0cMVybN5aq5j8bFd6ySiUrntFJw78R19fz5Vi112yQu33M7WPnIHfT2Y/crnZu/mduW7j4/Xb1WPmY28fOkhQKhVS68h+a99TMhGdd7UxuN2aD3g24wFib2qe1du7cz0pSfn4v5ef3Unn5WnXr1lUvvbRAY8aMV1VVtXbtqpEkTZhwkb785S/q8suvl9T61bdDoZAq1y3XqNPPUzhcrRUvL9LYcRNUWRn7ysAuzpKb3NFmTxh6jGpqajVj+r3q1Klji9leh/bU1Vf9RKO/faGkxK6+3acoXzfefZ0mnHulpP9effsnP75QRxzxFV1y6XUaM+ZsfXv0aTryyK/p6p/9SmvWrtdTf5uhmyfdqT/ee5v6HTa43Tu317yLs+R2Z5bc7syS253ZoHfv+zN3+vR7NHDQKXHNBJ3bx2PlY24fO+9z5RXjddRRX9PBBx3U9PfdeLjamdxuzKZrd/2eKhNXGM98NPUqXr/dTJfxd2Xs4yRtz5Tcvv1tlZevlSTV1NRq/fq3VFDQu+mEpCR16dJF8ZwkPXrIIG3YsFmbNm1RXV2d5s6dp7PPGhlXDhdnyU3uaJYXl+j9nR+oc+dOCc+O+t9v6sGFf9bDz/5FP//t1QqF4vst4eyzRmjWrMclSU8+uVDf/OZwbdiwWQsXPa8tW6o0d+48/b+vHK5OnTqpQ4cO7d65veZdnCW3O7PkdmeW3O7MBr1735+5beHi99vVY+Vjbh87S1JhYR+dftopeuih2XHPBJ3b12PlYm5XOwMuCeQ9JT/3uSINHPhVlZaWS5Juvvlavfnmy/re976lW2/9fcz5gsJ8bQ1va/o8XFWtgoL8uHa7OBvkbnKnd3cys7l5ua3OHnvsUXql7Fkt+PssHXZ4f0lS/wGf06mjT9L40Zfqgm/+SJGGiEb+76kJ52xoaNDHH3+sd95571O7TzjhWJWXr9WePXtS1jnZeRdng9ztY24fOwe5m85+5Ha1c7Jc/H67eqx8zO1jZ0n6/ZRJuu4Xv1YkEol7pj12c6z8yO1qZ0iKRPho/pHBUnL1bWPMeEnjJSk3t4dyc7s13de1axfNnn2/rr32lqZnSd588526+eY7dc01E/STn1yoX//6rlhfv8Vt8b4M3cXZIHeTO727k5o9wG3WWr26ao0+P+Bo1dZ+pNNGnaw/PXS7vjN0rAafcJS+dMThmv7MA5Kkjp06aOd7e5/9cceDt6rgc32Ul5er3oW99fCzf5Ek/fau+zTz4bkHztnsx4UF+Tru2KM05JhRsXP7eKw87BzkbjonNhvkbjonNhvkbh87J8vF77erx8rH3D52PuP0U/X22+/q1VVrdOKw4+Kaaa/dHKvEZoPc7WNnwCVRT0oaY0ZZaxc3/ri7pN9LGiJpraSrrLU7DjRnrZ0qaar03/eUlKTc3FzNnn2/5sx5WvPmLW4xN3fuPP3tb9NjnpSsClerb1FB0+dFhX1UXX3AKFkxG+Rucqd3dzKzdXX1B5xt/hYJzyx+Qbl5uereo7uMkRY9/g/9+fZpLb7WdRffKKn195Tcl7Oqqlo5OTnq1KmTeh36WUl7X0Zz1VU/0WNzntbGjf9Oaedk512cDXK3j7l97Bzkbjr7kdvVzsly8fvt6rHyMbePnY8/frDOOnOETht1sjp16qiDDz5IM2fcqwsvujyjc/t4rILc7WNnwCWxXr59W7MfT5FULeksSaWSHkh02f33/06vv/6W7r33L023feEL/Zt+fMYZ39Qbb2yI+XVKy8o1YMBh6t+/r/Ly8jRmzGjNX7AkrgwuzpKb3PHYvfvjA8727n1o088ZMnigTMjow/c/VOnyV3XyGSfqM589RJJ08CEHKb+wd1y75i9YonHjviNJOuecM/Tc88s0YMBhOuKIr2j+3x9WbW2t7vvT9JR3TnbexVlyuzNLbndmye3ObNC7k+Hi99vVY+Vjbh87X3/DHer/+cEacPix+v7YCXrxxX/FfUIyyNw+HitXc7vaGXBJIi/fHmytHdj447uMMfFf2kx7/yXr+98/R2vWVGrFikWSpJtuulMXXfRdffGLn1ckEtGWLVW6/PJfxvxaDQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8EVcOF2fJTe5oHpl1n04cdpx69uyhDz/cpeLl85UTCunll8tUUfGGJvz0Iv34xxeovr5BH+/+WDf+9BZJ0uY3/60Hfveg7nlsskLGqL6+Xnf+8h5tr4r9L3APTX9MM2fcq/UVxdq58wOdP3aCvvylAXr2H3PVo8ch2rHjHT0884+SpNNOP+9T7zfZnt+vZOddnCW3O7PkdmeW3O7MBr27+Z+5mzeWadItkzV9xmMZndvHY+Vjbh87J8vVzuR2Yzbo3YArTLT3JTDGhLX3JdtG0iWSvmAbB4wxq621X4u1oPnLtxNV11Df1lEArRjc84ttnt338m0AAAAAQLDq91Qd6NIC3vvoz5fxBpzNdPnpHzL2cRLr5dvTJB0kqZukmZJ6SpIxJl9SeWqjAQAAAAAAAMhGUV++ba2d1Mrt240xL6YmEgAAAAAAAIBsFuuZktEc8IQlAAAAAAAAAEQT9ZmSxpjVrd0lKb7L9AIAAAAAAABAM7Guvt1b0khJO/e73Uh6KZ4FXKwGyCxcrAYAAAAAAAQt1knJBZK6WWtbXNTGGLM0JYkAAAAAAACAtohw8W1XxLrQzcVR7ju//eMAAAAAAAAAyHbJXOgGAAAAAAAAABLGSUkAAAAAAAAAaRXYScmRI4Zr3dplWl9RrInXXpLWeRdng9xNbndy+9g5yN109iO3q52nTZ2ibeHXVL7q+YTm2mO3i7NB7vYxt4+dg9xNZz9y+9g5yN109iO3q50BVxhrU/sGoLkdClssCIVCqly3XKNOP0/hcLVWvLxIY8dNUGVlfFcFTmbexVlyk5vOmbebzn7kdrWzJJ0w9BjV1NRq+vR7NHDQKXHNBJ3bx2PlY24fO7ua28fOrub2sbOruX3s7GpuFzrX76kycYXxzEd/mMCVbprpctmfMvZxEsgzJY8eMkgbNmzWpk1bVFdXp7lz5+nss0amZd7FWXKTO9Wz5HZnltzuzAa9e3lxid7f+UHcPz8Tcvt4rHzM7WNnV3P72NnV3D52djW3j51dze1qZ8AlgZyULCjM19bwtqbPw1XVKijIT8u8i7NB7iZ3enfT2Y/cPnYOcrePnZPl4vfb1WPlY24fOwe5m85+5Paxc5C76exHblc7Ay5J+KSkMeazyS41puUzRxN5GXky8y7OBrmb3OndTefEZoPcTefEZoPc7WPnZLn4/Xb1WPmY28fOQe6mc2KzQe6mc2KzQe6mc2KzQe72sTPgkqgnJY0xdxhjejb+eLAxZqOkEmPMv40xJ0aZG2+MKTPGlEUitS3urwpXq29RQdPnRYV9VF29I+7Qycy7OBvkbnKndzed/cjtY+cgd/vYOVkufr9dPVY+5vaxc5C76exHbh87B7mbzn7kdrUz4JJYz5Q8w1r7buOP75T0XWvtAEnflDSltSFr7VRr7WBr7eBQqGuL+0vLyjVgwGHq37+v8vLyNGbMaM1fsCTu0MnMuzhLbnKnepbc7syS253ZoHcnw8Xvt6vHysfcPnZ2NbePnV3N7WNnV3P72NnV3K52hqRIhI/mHxksN8b9ecaYXGttvaTO1tpSSbLWvmGM6djWpQ0NDbriyhu0aOGjygmFNGPmHFVUvJGWeRdnyU3uVM+S251ZcrszG/TuR2bdpxOHHaeePXto88YyTbplsqbPeCyjc/t4rHzM7WNnV3P72NnV3D52djW3j51dze1qZ8AlJtr7EhhjLpN0lqQ7JA2TdIikv0k6RdLnrbXjYi3I7VDIGx8AAAAAAAC0o/o9VS3ffBL66J6fcB6qmS5X3J+xj5Ooz5S01v7BGLNG0k8lHd748w+X9LSkW1MfDwAAAAAAAEC2ifXybVlrl0pauv/txpgfSJre/pEAAAAAAAAAZLNYF7qJZlK7pQAAAAAAAADgjajPlDTGrG7tLkm92z8OAAAAAAAA0EZRrp2CzBLr5du9JY2UtHO/242kl1KSCAAAAAAAAEBWi3VScoGkbtba8v3vMMYsTUkiAFmrU26HNs9+XL+nHZMAANIhmUs98hwHAACA7Bbr6tsXR7nv/PaPAwAAAAAAACDbJXOhGwAAAAAAAABIWKyXbwMAAAAAAABuiESCToA48UxJAAAAAAAAAGkVyEnJoqICPbfkca1ZvVSvlb+gyy5t9a0rWzVyxHCtW7tM6yuKNfHaS7J+Nsjd5E7v7mlTp2hb+DWVr3o+oblk9yY7n8hsx44dtHTZ03p5xSKVlv1D199wpSSpX78ivfjPp1S++gXNfPgPysvLy6jcmTIb5G4fc7vYuWPHjnr5Xwv0Stmzeq38Bd30q58lGtvJ77eLxyrZ2SB3JzPbvfvBeuyxqVqz5p9avXqpjj3mqLhnk/lzUuJY0Tmzd9PZj9w+dg5yt4+dAVcYa1N7bcPcDoUtFuTn91Kf/F5aVb5W3bp11cqSxTrn3B+qsvLNuL5mKBRS5brlGnX6eQqHq7Xi5UUaO25CXPMuzpLbn9ySdMLQY1RTU6vp0+/RwEGnxDXTHnvT0bn51be7du2i2tqPlJubq2eff1wTr5mkyy7/kf4+b7GeeGKB7rn311qzplJ/mfZXSa1ffdvFx5gLx4rcbneWPv1rbNnSp3TV1TepZOWrGZ3bx2OV7blbu/r2Qw/ereLiEj00fbby8vLUpUtnffjhfz71c1r7G2pb/5xMJHd7zwa5m85+5Paxs6u5fezsam4XOtfvqWrtj1qvffT7/0vtiS7HdLl6WsY+TgJ5puT27W9rVflaSVJNTa3Wr39ThQX5cc8fPWSQNmzYrE2btqiurk5z587T2WeNzNpZcvuTW5KWF5fo/Z0fxP3z22tvujvX1n4kScrLy1VeXq6spBNPPE5PPfWMJOmvjzypM88ckXG5g54ltzuzQe9u/mssNy9PifwjpIvfb1ePlY+5Dzqom4YOPUYPTZ8tSaqrq2txQjKatv45mWxuH4+Vj51dze1jZ1dz+9jZ1dyudgZcEvh7SvbrV6SBX/8flaxcFfdMQWG+toa3NX0erqpWQZwnNV2cDXI3udO/u61c6xwKhfTSioXa9O8yvfB8sTZt/Lc++PA/amhokCRVVW1XQUHvjMsd9GyQu33M7Wpnae+vsbLSJaquWq3nn1+mlaX8OZuJu33M/fnP99O7776nB/9yl0pX/kMP3H+nunTpHNdssjhWdM7k3XT2I7ePnYPc7WNnSIpYPpp/ZLBAT0p27dpFc+dM09XX3KRdu2rinjOm5TNP430GiIuzQe4md/p3t5VrnSORiI4/9gx96YvHafDgr+tLXxrQpv0uPsZcO1btMRvkbh87S3t/jQ0eMkL9DhusIYMH6atf/VLcsy5+v109Vj7mzs3J0aBBR+iBBx7WkKNHqrb2I02ceGlcs8niWKVvNsjdPub2sXOQu+mc2GyQu33sDLgk6klJY8yrxpgbjDFfSOSLGmPGG2PKjDFlkUjtAX9Obm6uHp8zTbNnP6Wnn34mkS+vqnC1+hYVNH1eVNhH1dU7snY2yN3kTv/utnK184cf7tLy5Ss05OhBOqT7wcrJyZEkFRbmq7r67YzN7ePj08fcrnZu7sMP/6N/LntJI0cMj3vGxe+3q8fKx9zhqmqFw9VNz9598m8LNWjgEXHNJotjRedM3k1nP3L72DnI3T52BlwS65mSn5F0iKQXjTErjTFXGWMKYszIWjvVWjvYWjs4FOp6wJ8zbeoUVa5/S3ffMzXh0KVl5Row4DD1799XeXl5GjNmtOYvWJK1s+T2J3cyXOrcs2cPde9+kCSpU6eOOumkoXr99be0bNkKffvbp0mSvj/2HC1c+GxG5c6EWXK7Mxvk7r2/xg6WJHXq1EmnnHyCXn99Q8bn9vFY+Zh7x453FA5v0+GH7/0375NPHqrKyjfimk0Wx4rOmbybzn7k9rGzq7ld7Qy4JDfG/TuttddIusYYc4Kk8yS9aoyplDTbWpv4GUVJ3zh+iMaNPVer11SorHTvL6wbb7xDzyx+Ia75hoYGXXHlDVq08FHlhEKaMXOOKiri+8usi7Pk9ie3JD0y6z6dOOw49ezZQ5s3lmnSLZM1fcZjKd+bzs6983tp6rTJygnlKBQy+tvfFmrxMy9ofeWbmvHwH3TjTT/T6tcqNHPG3IzKnQmz5HZnNsjdffr01kMP3q2cnJBCoZCeeGK+Fi56LuNz+3isfM195VU36uGZf1CHDnnauGmLfvSjq+Oebeufk8nm9vFY+djZ1dw+dnY1t4+dXc3tamfAJSba+xIYY1611h653205kr4p6bvW2h/EWpDboZA3PgAgSeqU26HNsx/X72nHJACAdGj5jljx4y+QAABEV7+nKpk/arPWR3f+kL9GNNPl2ocy9nES65mSLU7FW2sbJC1u/AAAAAAAAACAhER9T0lr7fdau88YE/NZkgAAAAAAAACwv1gXuolmUrulAAAAAAAAAOCNqC/fNsasbu0uSb3bPw4AAAAAAACAdDHGXCXpR9r7tt5rJP1AUh9Jj0nqIelVSeOstXuMMR0lPSzpKEnvae81Zza3ZW+s95TsLWmkpJ3755X0UlsWAvAXF6sBAL/wLvMAAACZzRhTKOlySf/PWrvbGDNX0vcknS7pLmvtY8aY+yVdLOnPjf/daa0dYIz5nqTfSvpuW3bHOim5QFI3a235AUIvbctCAAAAAAAAICUi/LNoG+RK6myMqZPURVK1pJMlnd94/0xJN2vvScnRjT+WpCck/dEYY6y1CX/jY13o5mJrbXEr951/oNsBAAAAAAAAZD5rbZWkyZK2aO/JyA8lvSLpA2ttfeNPC0sqbPxxoaStjbP1jT//s23ZncyFbgAAAAAAAABkKGPMeGNMWbOP8fvd/xntffbjYZIKJHWVdNoBvtS+Z0KaKPclJNbLtwEAAAAAAAA4yFo7VdLUKD/lVEmbrLXvSJIx5m+Sjpd0iDEmt/HZkEWStjX+/LCkvpLCxphcSd0lvd+WbDxTEgAAAAAAAPDTFknHGmO6GGOMpFMkVUh6UdK5jT/nQknzGn/898bP1Xj/C215P0kpwJOSI0cM17q1y7S+olgTr70krfMuzga5m9zu5Paxc5C76exHbh87B7mbzn7knjZ1iraFX1P5qucTmmuP3RwrOmfybjr7kdvHzkHu9rGz72wkwkezj5jfL2tLtPeCNa9KWqO95wqnSvq5pKuNMW9p73tGPtg48qCkzzbefrWk69p6rEwbT2bGLbdDYYsFoVBIleuWa9Tp5ykcrtaKlxdp7LgJqqx8M66vmcy8i7PkJjedM283nf3I7WNnV3P72Nnl3CcMPUY1NbWaPv0eDRx0SlwzQef28Vj52NnV3D52djW3j51dze1C5/o9VQd6bz/v1d5+IZffbqbrL2Zm7OMkkGdKHj1kkDZs2KxNm7aorq5Oc+fO09lnjUzLvIuz5CZ3qmfJ7c4sud2ZJbc7s+ROf+7lxSV6f+cHcf/8TMjt47HysbOruX3s7GpuHzu7mtvVzoBLAjkpWVCYr63hbU2fh6uqVVCQn5Z5F2eD3E3u9O6msx+5fewc5G46+5Hbx85B7k42dzJc7exibh87B7mbzn7k9rFzkLt97Ay4JOpJSWPMYGPMi8aYR4wxfY0xzxpjPjTGlBpjBkWZa7rceCRSe6D7W9yWyMvIk5l3cTbI3eRO7246JzYb5G46JzYb5G46JzYb5G46JzYb5O5kcyfD1c4u5vaxc5C76ZzYbJC76ZzYbJC7fewMuCQ3xv1/knSTpEMkvSTpKmvtN40xpzTed9yBhppfbvxA7ylZFa5W36KCps+LCvuounpH3KGTmXdxNsjd5E7vbjr7kdvHzkHuprMfuX3sHOTuZHMnw9XOLub2sXOQu+nsR24fOwe528fOkBThBK4rYr18O89a+4y1drYka619Qnt/8LykTm1dWlpWrgEDDlP//n2Vl5enMWNGa/6CJWmZd3GW3ORO9Sy53Zkltzuz5HZnltzpz50MVzu7mNvHzq7m9rGzq7l97Oxqblc7Ay6J9UzJj40xIyR1l2SNMd+y1j5tjDlRUkNblzY0NOiKK2/QooWPKicU0oyZc1RR8UZa5l2cJTe5Uz1Lbndmye3OLLndmSV3+nM/Mus+nTjsOPXs2UObN5Zp0i2TNX3GYxmd28dj5WNnV3P72NnV3D52djW3q50Bl5ho70tgjPm6pN9Jiki6StJPJV0oqUrS/1lrX4q14EAv3wYAAAAAAEDb1e+pavnmk1Dtby7gPFQzXa9/OGMfJ1Ffvm2tfc1aO9Jae5q1dr219gpr7SHW2q9K+lKaMgIAAAAAAADIIrHeUzKaSe2WAgAAAAAAAIA3or6npDFmdWt3Serd/nEAAAAAAACANrKRoBMgTrEudNNb0khJO/e73UiK+X6SAAAAAAAAALC/WCclF0jqZq0t3/8OY8zSuBaEctoQa6/6SJsv8A0ATXZvW97m2c4FJ7RjEgAAAAAAIMU4KWmtvTjKfee3fxwAAAAAAAAA2S6ZC90AAAAAAAAAQMJivXwbAAAAAAAAcEPEBp0AceKZkgAAAAAAAADSKq0nJR944E5t2fKqXnnl2abbZs26TyUlz6ik5Bm9/vq/VFLyTFxfa+SI4Vq3dpnWVxRr4rWXJJTDxdkgd5PbndzJzBYVFei5JY9rzeqleq38BV12aatvKdvuuxOdPbRnR/X/XBf1Lex8wPm8PKPCPp31+f5d1f3gvISyRNP70I76XFEXFfbprNxco5Ejhqti7TK99cZL+s2tV6qooLO6donv4l4+Pj6D3E1nP3L72DnI3XT2I7ePnYPcTWc/cvvYOcjdPnYGXGGsTe3TWjt1+lzTgqFDj1ZNzUd68MG7dNRR32zxc++44wb95z+7dNtt90hq/erboVBIleuWa9Tp5ykcrtaKlxdp7LgJqqx8M2YeF2fJTe50dM7P76U++b20qnytunXrqpUli3XOuT/MyNydOoUUiew9SVhV/UmL+e+P/bE2bdysrl1z1dBgtX39C3F9DySpqnqHrv/NFM344+8k/ffq2wcflKsOHXL07nufqFvXXB3ULU9Llz6n0844T1u37t17wYWXqHZXWJu3fJSy71ey8/y6onO25vaxs6u5fezsam4fO7ua28fOrub2sbOruV3oXL+nysQVxjO1t3yf12830/VXf83Yx0lanylZXLxSO3d+0Or95557pubMmRfz6xw9ZJA2bNisTZu2qK6uTnPnztPZZ42MK4OLs+Qmd6pnJWn79re1qnytJKmmplbr17+pwoL8jMz98ccRRRrfJ+RA86PPPl2f7IkO+TCkAAAgAElEQVToQP/mMv8fL+h7P7pC51x4iSb97l41NBz4Hz/217VLrnbV1EmSamrrdeyxR2rDhs3auLF57hGK508/Hx+frub2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7l97Oxqblc7Ay7JmPeUHDr0aO3Y8a42bNgc8+cWFOZra3hb0+fhqmoVxHnyxMXZIHeTO727g+zcXL9+RRr49f9RycpVKd+dzmO1YfMWLX7+n5p1/xQ9OfM+hUIhLVjyYlx7cnON6uv/e8qxV6/eClft3duxY0i7P3pPh3+xr95995N2zdze864cq2yYDXK3j7l97Bzkbjr7kdvHzkHuprMfuX3sHORuHztDUiTCR/OPDJYxV98eM2a05s6N/SxJSTKm5TNP430ZuouzQe4md3p3B9l5n65du2junGm6+pqbtGtXTcp3p/NYlZSVq2L9W/rexVdIkj755BP1+MwhkqTLf3GLqrbtUF19nap3vKNzLtz7vi0HdcvVrpr6qBk++SSi93buUU1NnQ45pIM+2r37gM/SbEvm9p535Vhlw2yQu33M7WPnIHfTObHZIHfTObHZIHfTObHZIHfTObHZIHf72BlwSdSTksaYbpImSjpHUpGkPZI2SLrfWjsjytx4SeMlKTf3M8rJ6RY1RE5OjkaPHqXjjz8jrtBV4Wr1LSpo+ryosI+qq3dk7WyQu8md3t1Bdpak3NxcPT5nmmbPfkpPPx3fRaeS3Z3OY2Wt1dmnnaqrfvqDFvfde/uv9n69Vt5Tsr7eKjfXqKFh718G3n57h4oKP703XLVdNmLVIS+kT/a0/i9SPj4+g9xNZz9y+9g5yN109iO3j52D3E1nP3L72DnI3T52BlwS6+Xbf5W0UdJISZMk3StpnKSTjDG3tTZkrZ1qrR1srR0c64SkJJ188lC98cYGVVVtjyt0aVm5Bgw4TP3791VeXp7GjBmt+QuWZO0sucmd6tl9pk2dosr1b+nue6YmNOfKsTp28EA9u7RY7zW+t+2H/9mlbdvj+8O99qMGHdRt75W8u3XNVUnJKg0YcJgGfOFzTXsXPfOs8vJCqquP/hR5Hx+frub2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7l97Oxqblc7Ay6J9fLt/s2eEfl7Y0yptfZWY8wPJFVI+mUiyx5++A864YTj1LPnZ/TWWyX69a9/rxkz5mjMmLM1Z87f4/46DQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8kbWz5CZ3qmcl6RvHD9G4sedq9ZoKlZXu/QPvxhvv0DOLY1+5Ot25ex3aUZ075Sgnx6iooKMuuujHuuyS78sYoyeemK/XX39T/fp2UShkZK10yrfGat5fH9AXDuuny/7vAo2/8npFbER5ubm6/uoJKsjvHTPnrpo69Tq0kz5X1EUNEasdb+/WFVfeoAXz/6q8vFzNnfu4dr63Re9/sCfm23b4+Ph0NbePnV3N7WNnV3P72NnV3D52djW3j51dze1jZ1dzu9oZcImJ9r4ExpiXJE201hYbY86SdKm1dmTjfa9ba78Ua0GnTp9r8xsf1EfiuyouAESze9vyNs/ue/k2AAAAAGSS+j1VLd98Eqq9+TzegLOZrjfPztjHSaxnSv5E0l+MMYdLWivph5JkjDlU0n0pzgYAAAAAAADEL8I5SVdEPSlprV0t6egD3P6OMWZXylIBAAAAAAAAyFqxLnQTzaR2SwEAAAAAAADAG1GfKWmMWd3aXZJiXxkCAAAAAAAAAPYT6z0le0saKWnnfrcbSS+lJBEAAAAAAACArBbrpOQCSd2steX732GMWRrPggauoA0gYFxBGwAAAAA8YSNBJ0CcYl3o5uIo953f/nEAAAAAAAAAZLtkLnQDAAAAAAAAAAnjpCQAAAAAAACAtOKkJAAAAAAAAIC0CuykZPfuB+uxx6ZqzZp/avXqpTr2mKMSmh85YrjWrV2m9RXFmnjtJVk/G+RucruTO5nZaVOnaFv4NZWvej6hufbY7eKxKioq0HNLHtea1Uv1WvkLuuzSVt+Ct90zJzvv27EKcjbI3T7m9rFzkLvp7EduHzsHuZvOfuT2sXOQu33s7L2I5aP5RwYz1qY2YF6HwgMueOjBu1VcXKKHps9WXl6eunTprA8//M+nfk5ryUKhkCrXLdeo089TOFytFS8v0thxE1RZ+WbMPC7Okpvc6eh8wtBjVFNTq+nT79HAQafENZMJuYPanZ/fS33ye2lV+Vp169ZVK0sW65xzf5jVnX3M7WNnV3P72NnV3D52djW3j51dze1jZ1dz+9jZ1dwudK7fU2XiCuOZ2uu/k9ln4tKs628ez9jHSSDPlDzooG4aOvQYPTR9tiSprq6uxQnJaI4eMkgbNmzWpk1bVFdXp7lz5+nss0Zm7Sy5yZ3qWUlaXlyi93d+EPfPz5TcQe3evv1trSpfK0mqqanV+vVvqrAgP+V7k5338VjR2Y/cPnZ2NbePnV3N7WNnV3P72NnV3D52djW3q50Bl0Q9KWmM6W6MucMYs94Y817jR2XjbYe0dennP99P7777nh78y10qXfkPPXD/nerSpXPc8wWF+doa3tb0ebiqWgVxngxwcTbI3eRO7+4gOyfDx2PVXL9+RRr49f9RycpVadnr6mPMxdw+dg5yN539yO1j5yB309mP3D52DnI3nf3I7WpnwCWxnik5V9JOScOttZ+11n5W0kmNtz3e2pAxZrwxpswYUxaJ1La4PzcnR4MGHaEHHnhYQ44eqdrajzRx4qVxhzam5TNP430ZuouzQe4md3p3B9k5GT4eq326du2iuXOm6eprbtKuXTVp2evqY8zF3D52DnI3nRObDXI3nRObDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl8Q6KdnfWvtba+32fTdYa7dba38r6XOtDVlrp1prB1trB4dCXVvcH66qVjhcrZWle59V9OTfFmrQwCPiDl0VrlbfooKmz4sK+6i6ekfWzga5m9zp3R1k52T4eKwkKTc3V4/PmabZs5/S008/k5bMyc77eKzo7EduHzsHuZvOfuT2sXOQu+nsR24fOwe528fOgEtinZT8tzFmojGm974bjDG9jTE/l7S1rUt37HhH4fA2HX74FyRJJ588VJWVb8Q9X1pWrgEDDlP//n2Vl5enMWNGa/6CJVk7S25yp3o2WT4eK2nvFcsr17+lu++ZGvdMe+x19THmYm4fO7ua28fOrub2sbOruX3s7GpuHzu7mtvHzq7mdrUzJBuJ8NHsI5Plxrj/u5Kuk/TPxhOTVtIOSX+XNCaZxVdedaMenvkHdeiQp42btuhHP7o67tmGhgZdceUNWrTwUeWEQpoxc44qKuI7qeniLLnJnepZSXpk1n06cdhx6tmzhzZvLNOkWyZr+ozHMj53ULu/cfwQjRt7rlavqVBZ6d6/INx44x16ZvELKd2b7LyPx4rOfuT2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7ld7Qy4xMR6XwJjzJclFUlaYa2taXb7KGvt4lgL8joUtvmND3jHBAAAAAAAgJbq91S1fPNJqOYX53A6qZlutz+ZsY+TWFffvlzSPEmXSlprjBnd7O7bUhkMAAAAAAAAQHaK9fLt/5N0lLW2xhjTX9ITxpj+1tp7JGXsmVYAAAAAAAAAmSvWScmcfS/ZttZuNsYM194Tk/3ESUkAAAAAAABkkgiv3nZFrKtvbzfGDNz3SeMJyjMl9ZR0RCqDAQAAAAAAAMhOsU5KXiBpe/MbrLX11toLJA1LWSoAAAAAAAAAWSvqy7etteEo9/2r/eMAAAAAAAAAyHaxnikJAAAAAAAAAO0q1oVuAAAAAAAAADdwoRtn8ExJAAAAAAAAAGkVyEnJww//gspKlzR9vPfuel1+2Y8S+hojRwzXurXLtL6iWBOvvSTrZ4PcTW53cvvYOcjdbZ0tKirQc0se15rVS/Va+Qu67NKLE9qbzO4gZ4PcTWc/cvvYOcjddPYjt4+dg9xNZz9y+9g5yN0+dgZcYaxN7dNa8zoURl0QCoX0782v6BtDz9SWLVWfuq+1wVAopMp1yzXq9PMUDldrxcuLNHbcBFVWvhkzj4uz5CY3nTNvdzKz+fm91Ce/l1aVr1W3bl21smSxzjn3h1nd2dXcPnZ2NbePnV3N7WNnV3P72NnV3D52djW3j51dze1C5/o9VSauMJ6pufbbvH67mW53PpWxj5PAX7598slDtXHjv1uckIzm6CGDtGHDZm3atEV1dXWaO3eezj5rZNbOkpvcqZ4ld3pnt29/W6vK10qSampqtX79myosyI9rNsjcPh4rHzu7mtvHzq7m9rGzq7l97Oxqbh87u5rbx86u5na1M+CSwE9KfnfMaM2Z83RCMwWF+doa3tb0ebiqWgVx/g+9i7NB7iZ3enfT2Z/c+/TrV6SBX/8flaxcFfeMq51dzO1j5yB309mP3D52DnI3nf3I7WPnIHfT2Y/crnaGJBvho/lHBmvzSUljzDPJLs/Ly9OZZ47QE08uSHR3i9vifRm6i7NB7iZ3enfTObHZIHcnm1uSunbtorlzpunqa27Srl01cc+52tnF3D52DnI3nRObDXI3nRObDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl+RGu9MYc2Rrd0kaGGVuvKTxkhTK6a5QqOsBf96oUSdp1ao1evvtd+NL26gqXK2+RQVNnxcV9lF19Y6snQ1yN7nTu5vO/uTOzc3V43Omafbsp/T004n9G4+rnV3M7WPnIHfT2Y/cPnYOcjed/cjtY+cgd9PZj9yudgZcEuuZkqWSJkuast/HZEmHtDZkrZ1qrR1srR3c2glJSfrud7+V8Eu3Jam0rFwDBhym/v37Ki8vT2PGjNb8BUuydpbc5E71LLnTn3va1CmqXP+W7r5natwzQef28Vj52NnV3D52djW3j51dze1jZ1dz+9jZ1dw+dnY1t6udAZdEfaakpEpJP7bWtrg8lDFmazKLO3fupFNPGaYJE36e8GxDQ4OuuPIGLVr4qHJCIc2YOUcVFW9k7Sy5yZ3qWXKnd/Ybxw/RuLHnavWaCpWV7v3LxY033qFnFr+Q0bl9PFY+dnY1t4+dXc3tY2dXc/vY2dXcPnZ2NbePnV3N7WpnwCUm2vsSGGPOlbTGWvv6Ae77lrU25tMc8zoUtvmND3jHBAAAAAAAgJbq91S1fPNJqOaa0ZxOaqbb5HkZ+ziJ+kxJa+0TxpgvG2NOkVRirW1+JYaPUxsNAAAAAAAASECEc5KuiPqeksaYyyXNk3SZpLXGmNHN7r4tlcEAAAAAAAAAZKdY7yn5f5KOstbWGGP6S3rCGNPfWnuP9l6BGwAAAAAAAAASEuukZM6+l2xbazcbY4Zr74nJfuKkJAAAAAAAAIA2iPrybUnbjTED933SeILyTEk9JR2RymAAAAAAAAAAslOsZ0peIKm++Q3W2npJFxhjHohnAW8vCgBtkxOK9e9GrWuIRNoxCQAAAAC4wXKhG2fEuvp2OMp9/2r/OAAAAAAAAACyXdufhgMAAAAAAAAAbcBJSQAAAAAAAABpxUlJAAAAAAAAAGkVyEnJjh076uV/LdArZc/qtfIXdNOvfpbw1xg5YrjWrV2m9RXFmnjtJVk/G+RucruT28fOQe5O5+wDD0zW1i2r9OorzzXddsMNV2njhlKtLFmslSWLNWrkSRmXO1N209mP3D52DnJ3MrPTpk7RtvBrKl/1fEJz7bGbY0XnTN5NZz9y+9g5yN0+dvZexPLR/CODGWtTGzC3Q+EBF3Tt2kW1tR8pNzdXy5Y+pauuvkklK1+N62uGQiFVrluuUaefp3C4WiteXqSx4yaosvLNrJwlN7npnHm70zHb/OrbQ4ceo5qaWj304N068qhTJe09KVlb85HuuvuBFjtau/o2x4rO2Zrbx84u5z6h8fe06dPv0cBBp8Q1E3RuH4+Vj51dze1jZ1dz+9jZ1dwudK7fU2XiCuOZXZefmdln4tLsoHsXZOzjJLCXb9fWfiRJysvLVW5enhI5OXr0kEHasGGzNm3aorq6Os2dO09nnzUya2fJTe5Uz5I782eLi0u0c+cHcX39TMqdCbvp7EduHzu7nHt5cYneb+Pvaa52djG3j51dze1jZ1dz+9jZ1dyudgZcEthJyVAopLLSJaquWq3nn1+mlaWr4p4tKMzX1vC2ps/DVdUqKMjP2tkgd5M7vbvp7EfuZDs395OfXqiy0iV64IHJOuSQ7indzbHyo3OQu+nsT+5kuNrZxdw+dg5yN539yO1j5yB3+9gZcEnUk5LGmIONMbcbY2YZY87f774/JbM4Eolo8JAR6nfYYA0ZPEhf/eqX4p41puUzT+N9pqWLs0HuJnd6d9M5sdkgdwfZeZ+pU2fpK18ZqiFHj9T27W/rt7+9MaW7OVaJzQa528fcPnYOcnd7/T7WFq52djG3j52D3E3nxGaD3E3nxGaD3O1jZ8AlsZ4pOV2SkfSkpO8ZY540xnRsvO/Y1oaMMeONMWXGmLJIpDbqgg8//I/+uewljRwxPO7QVeFq9S0qaPq8qLCPqqt3ZO1skLvJnd7ddPYjd7Kd93n77XcViURkrdVDDz2qIYMHZnRuF7/fPnYOcjed/cmdDFc7u5jbx85B7qazH7l97Bzkbh87Ay6JdVLyC9ba66y1T1trz5b0qqQXjDGfjTZkrZ1qrR1srR0cCnVtcX/Pnj3UvfvBkqROnTrplJNP0Ouvb4g7dGlZuQYMOEz9+/dVXl6exowZrfkLlmTtLLnJnepZcrsz21x+fq+mH48+e5TWrXs9o3O7+P32sbOruX3s7HLuZLja2cXcPnZ2NbePnV3N7WNnV3O72hmSIhE+mn9ksNwY93c0xoSstRFJstb+xhgTlrRMUre2Lu3Tp7ceevBu5eSEFAqF9MQT87Vw0XNxzzc0NOiKK2/QooWPKicU0oyZc1RR8UbWzpKb3KmeJXfmzz788B817IRj1bNnD214a6Vu/fUUDRt2nL7+ta/KWqt//zusSy69LuNyZ8JuOvuR28fOLud+ZNZ9OnHYcerZs4c2byzTpFsma/qMxzI6t4/HysfOrub2sbOruX3s7GpuVzsDLjHR3pfAGPM7SUustc/td/soSX+w1n4x1oLcDoW88QEAtEFOqO3XImvI8H8RAwAAAJCc+j1VLd98Etp16emch2rmoD8uytjHSdT/47XWTpQUNsacYozp1uz2xZIuT3U4AAAAAAAAANkn1tW3L5M0T9JlktYaY0Y3u/s3qQwGAAAAAAAAIDvFek/J8ZKOstbWGGP6S3rCGNPfWnuP9l6VGwAAAAAAAMgMEV697YpYJyVzrLU1kmSt3WyMGa69Jyb7iZOSAAAAAAAAANog1knJ7caYgdbacklqfMbkmZIeknREytMBgMeSuVhNXk6s396jq2uoT2oeAAAAAIBoYl3a9QJJ25vfYK2tt9ZeIGlYylIBAAAAAAAAyFpRn0pjrQ1Hue9f7R8HAAAAAAAAQLZL7vV9AAAAAADg/7N393FWl3X+x9+fwwwqYCoiDjNDjMW2bmVCguYdUpSgibRqtBZo5cavVNJt06z050+3XEspqWwVKiANBN2EVZFQ1ASTgdEZuZkZQYSFGQbvwHTIYm6u3x/cNArMOWfOnHOd61yv5+MxD5kz85nP+z1nRLj8nnMA5Ate6CYYyR6+DQAAAAAAAADdikNJAAAAAAAAADnl5VCyvLxUjy++X6tXPaUXap7Q5CsvS/trjD57pNaueVr1tct07TVXFPysz93kDid3jJ197g6lc3n5AC1adJ+qq5fouece0xVXfOVdH7/66kl6553/1dFHH5VXuQth1ufuGHPH2NnnbjrHkTvGzj530zmO3DF29rk7xs5AKMy57D7Wvqhn2X4LSkr6a0BJf1XXrFGfPr21onKRLrzoq6qrW5/S10wkEqpbu1Rjzr1YDQ1NWv7sQk2YeHlK8yHOkpvcdM6/3fneubjH358yuKSkv0pK+qtmz++5f/rTwxo/fpLq69ervHyAfvnLH+kf//GDOu208/TGGzskSS1trV5yF9IsucOZJXc4s+QOZ5bc4cySO5xZcoczm6vdrbsaLaUwkXn762N4UskODr9rUd7+nHi5UnLbtldVXbNGktTcvFP19etVVlqS8vzJw4dqw4ZN2rhxs1paWjRv3gKdP3Z0wc6Sm9zZniV3OLNdmd+27VXVvOv33JdUWnqsJOnHP/6/+v73/1Op/A8q7qs4OoeaO8bOoeaOsXOouWPsHGruGDuHmjvGzqHmDrUzEJJODyXNrMTM/svM7jSzo83s/5nZajObZ2YDuiPAoEHlGnLiR1W5ojrlmdKyEm1p2Lrv/YbGJpWmeKgZ4qzP3eTO7W46x5HbZ+f3v79cQ4Z8RCtX1uizn/20tm7dptWr6/I+d4izPnfHmDvGzj530zmO3DF29rmbznHkjrGzz90xdobknOOtw1s+S3al5ExJtZK2SHpS0juSPitpqaS7DjZkZpPMrMrMqtrbdx70i/fu3Uvz5k7Xt759o95+uznl0Gb7X3ma6jc6xFmfu8md2910Tm/W5+4QO/fu3Utz5tyla665Wa2trfrOd67UzTf/JOt7u2M+xFmfu2PMHWNnn7vpnN6sz910Tm/W5246pzfrczed05v1uTvGzkBIkh1KHuuc+7lz7lZJRzrnfuSc2+yc+7mkQQcbcs5Nc84Nc84NSyR6H/BzioqKdP/c6Zoz50HNn/9oWqEbG5o0sLx03/vlZQPU1PRKwc763E3u3O6mcxy5fXQuKirSnDl3ae7c+VqwYJE+8IFBGjRooFaseFT19ctUVjZAzz77iI499pi8yh3yrM/dMeaOsbPP3XSOI3eMnX3upnMcuWPs7HN3jJ2BkCQ7lOz48d++52M9Mlk8fdoU1dW/pDumTkt7dmVVjQYPPk4VFQNVXFys8ePH6aGHFxfsLLnJne1Zcocz29X5u+76sV588SX97Ge/kiStXfuiBg06Sccff4aOP/4MNTY26dRTP6tXXnktr3KHPEvucGbJHc4sucOZJXc4s+QOZ5bc4cz63g2EoijJxxeYWR/nXLNz7vq9N5rZYEkvdnXp6acN18QJF2nV6lpVrdz9L9YNN9yqRxc9kdJ8W1ubrrr6ei18ZLZ6JBKaOWuuamvXFewsucmd7VlyhzPblfnTThumL33pQq1eXaflyxdKkm688Tb94Q9PprzTR+7QZ8kdziy5w5kldziz5A5nltzhzJI7nFnfu4FQWLLnJTCz4yWVSap0zjV3uH2Mc25RsgVFPct44gMAyLHiHsn+n1PnWtpauykJAAAAgGxo3dW4/5NPQm997WzOoTp43/TFeftzkuzVtydLWiBpsqQ1Zjauw4dvyWYwAAAAAAAAAIUp2aU0kySd5JxrNrMKSQ+YWYVzbqqkvD1pBQAAAAAAAJC/kh1K9tj7kG3n3CYzG6ndB5ODxKEkAAAAAAAAgC5I9urb28xsyN539hxQniepn6QTshkMAAAAAAAAQGFKdqXkJZLe9WoHzrlWSZeY2d2pLEhY1y+obE/yIjwAgAPL9IVqjj7s8C7PvvHO2xntBgAAAIAua+csKRSdHko65xo6+dgz3R8HAAAAAAAAQKFL9vBtAAAAAAAAAOhWHEoCAAAAAAAAyCkOJQEAAAAAAADkVE4PJafdfbsattSo+vnH99121FFHauHC2Vq7dqkWLpytI488IqWvNfrskVq75mnV1y7TtddckVaOEGd97o4xd3l5qR5ffL9Wr3pKL9Q8oclXXpaz3dxXceQOqfP7jjhcv/rtVC1buVBLVzyiYcOH6MijjtC8+b/Ws88v0rz5v9YRR74v73Lnw6zP3THmjrGzz910jiN3jJ197g6x8/RpU7S14QXVVC9Je2cmezPd7TO3r/vK599xMp0Pcdb3biAE5rL8Ctc9Dynft+CMM05Rc/NOzfjNHRr68U9Lkv7zlu9r+/Y3ddvtd+qab1+ho446Qt/7/i2SDv7q24lEQnVrl2rMuReroaFJy59dqAkTL1dd3fqkeUKcJXfuc5eU9NeAkv6qrlmjPn16a0XlIl140VfzOnes91WIuUPo3PHVt3/2X7eq8tkq/e63D6i4uFiH9TpUV/37/9GbO/6sn/90uib/29d0xJHv0w9unCLp4K++HeL3O4T7itzxdg41d4ydQ80dY+dQc/vsfObev+PNmKohQ0eltK+7cmey21dun/eVr7/jZDof4myudrfuarSUwkTmz1/5NC+/3cERMx7P25+TnF4puWxZpXbsePNdt40de7buufd+SdI9996v888fnfTrnDx8qDZs2KSNGzerpaVF8+Yt0Pljk8+FOkvu3Ofetu1VVdeskSQ1N+9Uff16lZWW5HXuWO+rEHOH1LnP4b116unD9LvfPiBJamlp0Vt/fltjzh2lubPnS5Lmzp6vcz776bzKnQ+z5A5nltzhzJI7nFlyhzOb6fzSZZXa/p6/4+Vib6a7feX2eV/5+jtOpvMhzvreDYQi7UNJM+vfnQH69++nbdtelbT7N8ljjjk66UxpWYm2NGzd935DY5NKU/zNNMRZn7tjzd3RoEHlGnLiR1W5ojrru7mv4sgdUudBFQP1xuvbNfWX/6nHl/5eP/n5f6hXr8N0zDFH69VXXpMkvfrKa+p3TN+8yp0Psz53x5g7xs4+d9M5jtwxdva5O9TOmfC1N1OFcF/l8u84mc6HOOt7NxCKTg8lzazve96OlrTCzI4ys+R/A80Ss/2vPE31YeghzvrcHWvuvXr37qV5c6frW9++UW+/3Zz13dxX6c363B1L56KiIp1w4oc169dz9OkzL9Bfdr6jyf/2tZSzZrI79Fmfu2PMHWNnn7vpnN6sz910Tm/W5+5QO2fC195MhX5f5frvOJnOhzjrezcQimRXSr4u6bkOb1WSyiQ9v+fXB2Rmk8ysysyq2tt2dqdQB78AACAASURBVLrg1VdfV0nJ7osvS0r667XX3kgaurGhSQPLS/e9X142QE1NrySdC3XW5+5Yc0u7D2Punztdc+Y8qPnzH015LtTO5A5jNte7tzZu09bGV/T8c6skSQ8t+INOOPHDeu21N9T/2GMkSf2PPUavv7Y9r3Lnw6zP3THmjrGzz910jiN3jJ197g61cyZ87c1UyPeVj7/jZDof4qzv3UAokh1KXivpRUnnO+eOc84dJ6lhz68/cLAh59w059ww59ywRI/enS546OHHNHHC5yVJEyd8Xg89tDhp6JVVNRo8+DhVVAxUcXGxxo8fp4ceTj4X6iy5c59b2v2KfHX1L+mOqdPSmgu1M7nDmM317tdefV1bG5v0wcHHSZLOPOtUrXtxg/7w6BP6whc/J0n6whc/p0ULk79yZYjf75Duq9hzx9g51Nwxdg41d4ydQ83ts3MmfO3NVMj3lY+/42Q6H+Ks793Ra3e8dXzLY0WdfdA5d7uZ3Sfpp2a2RdKNkrrc6J7f/kIjRpyqfv366uUNK3Xzf0zRbbf9QrNn36Uvf+VftGVLoy6++OtJv05bW5uuuvp6LXxktnokEpo5a65qa9ellCHEWXLnPvfppw3XxAkXadXqWlWt3P2b/w033KpHFz2Rt7ljva9CzB1a5+9d+wP98le3qWdxsf530xZddcX3lLCEps/6qb448UI1NjTpXy+9Ou9y+54ldziz5A5nltzhzJI7nNlM5++9506dtefveJtertJNN9+uGTPvy0nuTHb7yu3zvvL1d5xM50Oc9b0bCIWl8ZwGYyV9X1KFcy7lZ1jteUh5lw8x23nOBADw4ujDDu/y7BvvvN2NSQAAAAAcSOuuxv2ffBL686WjOEzq4IhZS/L25yTpq2+b2fFmNkrSk5I+KenTe24fk+VsAAAAAAAAAApQslff/qakBZImS1oj6Wzn3Jo9H74ly9kAAAAAAAAAFKBOn1NS0tckneScazazCkkPmFmFc26qpLy9/BMAAAAAAAARavcdAKlKdijZwznXLEnOuU1mNlK7DyYHiUNJAAAAAAAAAF2Q7Dklt5nZkL3v7DmgPE9SP0knZDMYAAAAAAAAgMKU7ErJSyS1drzBOdcq6RIzuzuVBbyCNgCEh1fQBgAAAABkU6eHks65hk4+9kz3xwEAAAAAAABQ6JJdKQkAAAAAAAAEwbXziN1QJHtOSQAAAAAAAADoVhxKAgAAAAAAAMgpb4eSo88eqbVrnlZ97TJde80VOZ0PcdbnbnKHkzvGzj530zmO3DF29rmbznHkjrFzJvPTp03R1oYXVFO9JO2dmezNdNbn7hhzx9jZ52465y53eXmpHl98v1avekov1DyhyVdelpO9mc763g2EwFyWXx27qGfZfgsSiYTq1i7VmHMvVkNDk5Y/u1ATJl6uurr1KX3NTOZDnCU3uemcf7vpHEfuGDuHmjvGzqHmjrFzpvNnnnGKmpt3asaMqRoydFRK+7pjL/dVOLlj7Bxq7hg7ZzpfUtJfA0r6q7pmjfr06a0VlYt04UVfLejOqc627mq0lMJE5s0vfYonlezgyN89kbc/J16ulDx5+FBt2LBJGzduVktLi+bNW6Dzx47OyXyIs+Qmd7ZnyR3OLLnDmSV3OLPkDmc21txLl1Vq+443U97VXXu5r8LJHWPnUHPH2DnT+W3bXlV1zRpJUnPzTtXXr1dZaUnW94Z6XwEh8XIoWVpWoi0NW/e939DYpNIUf1PJdD7EWZ+7yZ3b3XSOI3eMnX3upnMcuWPs7HM3nXObOxOhdiY3nfN5N539/R44aFC5hpz4UVWuqM763lDvK0hqd7x1fMtjnR5KmtmYDr8+wsx+bWarzGy2mR3b1aVm+185ms7DyDOZD3HW525y53Y3ndOb9bmbzunN+txN5/Rmfe6mc3qzPnfTOb3Z7pjvqlA7kzt3sz53x5g7xs7dMS9JvXv30ry50/Wtb9+ot99uzvreUO8rICTJrpS8pcOvp0hqkjRW0kpJdx9syMwmmVmVmVW1t+/c7+ONDU0aWF667/3ysgFqanol5dCZzIc463M3uXO7m85x5I6xs8/ddI4jd4ydfe6mc25zZyLUzuSmcz7vpnPufw8sKirS/XOna86cBzV//qM52RvqfQWEJJ2Hbw9zzl3vnPtf59xPJVUc7BOdc9Occ8Occ8MSid77fXxlVY0GDz5OFRUDVVxcrPHjx+mhhxenHCST+RBnyU3ubM+SO5xZcoczS+5wZskdzmysuTMRamdy0zmfd9M5978HTp82RXX1L+mOqdNSnsl0b6j3FRCSoiQf729m35Jkkt5nZub+fs1wl5+Psq2tTVddfb0WPjJbPRIJzZw1V7W163IyH+Isucmd7VlyhzNL7nBmyR3OLLnDmY0197333KmzRpyqfv36atPLVbrp5ts1Y+Z9Wd/LfRVO7hg7h5o7xs6Zzp9+2nBNnHCRVq2uVdXK3QdzN9xwqx5d9ERW94Z6XwEhsc6el8DMbnzPTb90zr1mZiWSfuycuyTZgqKeZTzxAQAAAAAAQDdq3dW4/5NPQm9+4ZOcQ3Vw5Nwn8/bnpNMrJZ1zN5nZ8ZLKJFU655r33L7NzGbnIiAAAAAAAACAwpLs1bcnS1ogabKkNWY2rsOHbznwFAAAAAAAAAAcXLLnlJwk6STnXLOZVUh6wMwqnHNTtft5JgEAAAAAAAAgLckOJXt0eMj2JjMbqd0Hk4PEoSQAAAAAAACALkh2KLnNzIY452okac8Vk+dJ+o2kE7KeDgAAAAAAAEiRa+d1bkLR6XNKSrpE0raONzjnWve86vaIrKUCAAAAAAAAULCSvfp2Qycfe6b74wAAAAAAAAAodMmulAQAAAAAAACAbsWhJAAAAAAAAICc4lASAAAAAAAAQE55O5QcffZIrV3ztOprl+naa67I6XyIsz53kzuc3JnMTp82RVsbXlBN9ZK05rpjN/dVHJ0zmT/kkEP07DMP67mqx/RCzRO68f/+e072Zjrrc3eMuWPs7HM3nePIHWNnn7vpHEfuGDv73B1j5+i18/autzxmzmX3pdKLepbttyCRSKhu7VKNOfdiNTQ0afmzCzVh4uWqq1uf0tfMZD7EWXKTOxedzzzjFDU379SMGVM1ZOiolGbyIXeI3+8YO3fHfO/evbRz519UVFSkp596UP/2rRtVueL5rO7lvgond4ydQ80dY+dQc8fYOdTcMXYONXeMnUPNHULn1l2NllKYyOy4cGR2D7oCc9R/P5W3PydpXylpZkdnuvTk4UO1YcMmbdy4WS0tLZo3b4HOHzs6J/MhzpKb3NmelaSlyyq1fcebKX9+vuQO8fsdY+fumN+58y+SpOLiIhUVFyvV/6kWamdy0zmfd9M5jtwxdg41d4ydQ80dY+dQc4faGQhJp4eSZnarmfXb8+thZvaypEoz+18zO6urS0vLSrSlYeu+9xsam1RaWpKT+RBnfe4md253++ycCe4rOudiPpFIqGrlYjU1rtKSJU9rxcrqrO/lvsrtbjrHkTvGzj530zmO3DF29rmbznHkDrUzEJJkV0p+1jn3+p5f3ybpC865wZI+I2nKwYbMbJKZVZlZVXv7zgN9fL/b0nkYeSbzIc763E3u3O722TkT3Fe5m/W522duSWpvb9ew4Wdr0HHDNHzYUH3kI/+Y9b3cV7ndTef0Zn3upnN6sz530zm9WZ+76ZzerM/ddE5v1ufuGDsDISlK8vFiMytyzrVKOsw5t1KSnHPrzOyQgw0556ZJmiYd+DklGxuaNLC8dN/75WUD1NT0SsqhM5kPcdbnbnLndrfPzpngvqJzLub3+vOf39Ifn/7T7if/XvtiVvdyX+V2N53jyB1jZ5+76RxH7hg7+9xN5zhyh9oZkmvnADcUya6UvFPSQjP7lKRFZnaHmY0ws5sk1XR16cqqGg0efJwqKgaquLhY48eP00MPL87JfIiz5CZ3tmczxX1F52zP9+vXV0cc8T5J0qGHHqpRnzpTL764Iet7ua/CyR1j51Bzx9g51Nwxdg41d4ydQ80dY+dQc4faGQhJp1dKOud+bmarJX1D0of2fP6HJM2X9IOuLm1ra9NVV1+vhY/MVo9EQjNnzVVt7bqczIc4S25yZ3tWku69506dNeJU9evXV5tertJNN9+uGTPvy/vcIX6/Y+yc6fyAAcfqN7++Qz16JJRIJPTAAw/pkYWPZ30v91U4uWPsHGruGDuHmjvGzqHmjrFzqLlj7Bxq7lA7AyGxZM9LYGbHSyqTVOmca+5w+xjn3KJkCw708G0AAAAAAAB0Xeuuxv2ffBLa/s9ncQ7VQd8H/5i3PyfJXn37m5IWSJosaY2Zjevw4VuyGQwAAAAAAABAYUr2Qjdfk3SSc67ZzCokPWBmFc65qZLy9qQVAAAAAAAAEWr3HQCpSnYo2WPvQ7adc5vMbKR2H0wOEoeSAAAAAAAAALog2atvbzOzIXvf2XNAeZ6kfpJOyGYwAAAAAAAAAIUp2aHkJZK2dbzBOdfqnLtE0oispQIAAAAAAABQsDp9+LZzrqGTjz3T/XEAAAAAAAAAFLpkV0oCAAAAAAAAQLdK9kI3AAAAAAAAQBAcr74dDK6UBAAAAAAAAJBT3g4lp0+boq0NL6imekmX5kefPVJr1zyt+tpluvaaK4KYjbGzz90x5o6xs8/ddA4jd3l5qR5ffL9Wr3pKL9Q8oclXXpazzJnOx3Zf+Zz1uTvG3DF29rmbznHkjrGzz910jiN3qJ2BUJhzLqsLinqWHXDBmWecoubmnZoxY6qGDB2V1tdMJBKqW7tUY869WA0NTVr+7EJNmHi56urW5+2sFGdncocxS+5wZsmd/mxJSX8NKOmv6po16tOnt1ZULtKFF321oDvHmDvGzqHmjrFzqLlj7Bxq7hg7h5o7xs6h5g6hc+uuRkspTGTeGHtWdg+6AnP0Q3/M258Tb1dKLl1Wqe073uzS7MnDh2rDhk3auHGzWlpaNG/eAp0/dnRez0pxdiZ3GLPkDmeW3OnPbtv2qqpr1kiSmpt3qr5+vcpKS7K+N9P5GO8rOseRO8bOoeaOsXOouWPsHGruGDuHmjvUzkBIgnxOydKyEm1p2Lrv/YbGJpWm+BdMX7OZCrUzucOY9bk7xtwxdva9e69Bg8o15MSPqnJFdU72cl+FMetzd4y5Y+zsczed48gdY2efu+kcR+5QO0NSO2/vestjnR5KmtnzZna9mX0wV4FSYbb/laepPgzd12ymQu1M7jBmfe6OMXeMnX3vlqTevXtp3tzp+ta3b9TbbzfnZC/3VRizPnfHmDvGzj530zm9WZ+76ZzerM/ddE5v1ufuGDsDIUl2peRRko6U9KSZrTCzfzOz0mRf1MwmmVmVmVW1t+/slqAdNTY0aWD532OUlw1QU9MreT2bqVA7kzuMWZ+7Y8wdY2ffu4uKinT/3OmaM+dBzZ//aE4yZzof431F5zhyx9jZ5246x5E7xs4+d9M5jtyhdgZCkuxQcodz7tvOufdL+ndJ/yDpeTN70swmHWzIOTfNOTfMOTcskejdnXklSSurajR48HGqqBio4uJijR8/Tg89vDivZzMVamdyhzFL7nBmyd213dOnTVFd/Uu6Y+q0lGe6Yy/3VRiz5A5nltzhzJI7nFlyhzNL7nBmfe8GQlGU6ic655ZKWmpmkyV9RtIXJKX3t7sO7r3nTp014lT169dXm16u0k03364ZM+9LabatrU1XXX29Fj4yWz0SCc2cNVe1tevyelaKszO5w5gldziz5E5/9vTThmvihIu0anWtqlbu/sPcDTfcqkcXPZHVvZnOx3hf0TmO3DF2DjV3jJ1DzR1j51Bzx9g51NyhdgZCYp09L4GZ3eec+5dMFhT1LOOJDwAAAAAAALpR667G/Z98Enr9nLM4h+qg36N/zNufk04fvu2c+xczO97MRplZn44fM7Mx2Y0GAAAAAAAAoBAle/XtyZIWSJosaY2Zjevw4VuyGQwAAAAAAABAYUr2nJKTJJ3knGs2swpJD5hZhXNuqqS8vfwTAAAAAAAAQP5KdijZwznXLEnOuU1mNlK7DyYHiUNJAAAAAAAAAF3Q6cO3JW0zsyF739lzQHmepH6STshmMAAAAAAAAACFKdmVkpdIau14g3OuVdIlZnZ31lIBAAAAAAAA6Wr3HQCp6vRQ0jnX0MnHnun+OAAAAAAAAAAKXbKHbwMAAAAAAABAt+JQEgAAAAAAAEBOcSgJAAAAAAAAIKe8HUpOnzZFWxteUE31ki7Njz57pNaueVr1tct07TVXFPysz93kDid3jJ197qZz4ecuLy/V44vv1+pVT+mFmic0+crL0tqbyW6fsz530zmO3DF29rmbznHkjrGzz910jiN3qJ1j59p56/iWz8w5l9UFRT3LDrjgzDNOUXPzTs2YMVVDho5K62smEgnVrV2qMederIaGJi1/dqEmTLxcdXXrC3KW3OSmc/7tpnMcuUtK+mtASX9V16xRnz69taJykS686KsF3TnU3DF2DjV3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c1WkphIvPaZ87K7kFXYI557I95+3Pi7UrJpcsqtX3Hm12aPXn4UG3YsEkbN25WS0uL5s1boPPHji7YWXKTO9uz5A5nlty5nd227VVV16yRJDU371R9/XqVlZakNOszd4z3VYydQ80dY+dQc8fYOdTcMXYONXeMnUPNHWpnICSdHkqa2TAze9LM7jWzgWb2mJn92cxWmtnQXIV8r9KyEm1p2Lrv/YbGJpWm+JfEEGd97iZ3bnfTOY7cMXb2uTvT3HsNGlSuISd+VJUrqlOeCbVziLlj7OxzN53jyB1jZ5+76RxH7hg7+9wdY2cgJMmulPylpB9LekTSnyTd7Zw7QtJ1ez52QGY2ycyqzKyqvX1nt4Xt8PX3uy3Vh6GHOOtzN7lzu5vO6c363E3n9GZ97s40tyT17t1L8+ZO17e+faPefrs55blQO4eYO8bOPnfTOb1Zn7vpnN6sz910Tm/W5246pzfrc3eMnYGQFCX5eLFz7lFJMrMfOecekCTn3BIzu/1gQ865aZKmSQd/TslMNDY0aWB56b73y8sGqKnplYKd9bmb3LndTec4csfY2efuTHMXFRXp/rnTNWfOg5o//9GU5zLdzX1F53zeTec4csfY2eduOseRO8bOPnfH2Bn5/+Iu+LtkV0r+1czONrPPS3Jm9jlJMrOzJLVlPd1BrKyq0eDBx6miYqCKi4s1fvw4PfTw4oKdJTe5sz1L7nBmyZ373NOnTVFd/Uu6Y+q0lGd8547xvoqxc6i5Y+wcau4YO4eaO8bOoeaOsXOouUPtDIQk2ZWSX9fuh2+3Sxot6RtmNlNSo6SvZbL43nvu1FkjTlW/fn216eUq3XTz7Zox876UZtva2nTV1ddr4SOz1SOR0MxZc1Vbu65gZ8lN7mzPkjucWXLndvb004Zr4oSLtGp1rapW7v6D4A033KpHFz2R17ljvK9i7Bxq7hg7h5o7xs6h5o6xc6i5Y+wcau5QOwMhsWTPS2Bm/ySpVFKlc665w+1jnHOLki3IxsO3AQAAAAAAYta6q3H/J5+EXh11FudQHfRf8se8/TlJ9urb35T0oKTJktaY2bgOH74lm8EAAAAAAAAAFKZkD9/+mqRhzrlmM6uQ9ICZVTjnpkrK25NWAAAAAAAAxIcXuglHskPJHnsfsu2c22RmI7X7YHKQOJQEAAAAAAAA0AXJXn17m5kN2fvOngPK8yT1k3RCNoMBAAAAAAAAKEzJDiUvkbSt4w3OuVbn3CWSRmQtFQAAAAAAAICC1enDt51zDZ187JnujwMAAAAAAACg0CW7UhIAAAAAAAAAulWyF7oBAAAAAAAAwuB4XeZQcKUkAAAAAAAAgJzyeiiZSCS0csUftODBWWnPjj57pNaueVr1tct07TVXFPysz93kDid3jJ197qZzHLlD7Tx92hRtbXhBNdVL0prrjt0hzvrcHWPuGDv73E3nOHLH2NnnbjrHkTvUzkAozDmX1QVFPcsOuuDqqybppJM+pvcdfrjG/fOlKX/NRCKhurVLNebci9XQ0KTlzy7UhImXq65ufUHOkpvcdM6/3XSOI3eonSXpzDNOUXPzTs2YMVVDho5KacZ37hjvqxhzx9g51Nwxdg41d4ydQ80dY+dQc4fQuXVXI49TPoBXRo7M7kFXYI596qm8/TnxdqVkWdkAnXvOKP3mN3PSnj15+FBt2LBJGzduVktLi+bNW6Dzx44u2Flykzvbs+QOZ5bc4cz63r10WaW273gz5c/Ph9wx3lcx5o6xc6i5Y+wcau4YO4eaO8bOoeYOtTMQEm+Hkj+ZcpOu++4P1N7envZsaVmJtjRs3fd+Q2OTSktLCnbW525y53Y3nePIHWNnn7tj7JypEL/fod5XMeaOsbPP3XSOI3eMnX3upnMcuUPtDMm189bxLZ91eihpZn3M7GYzW2tmfzaz18xsuZl9OZOlnz3303r11df1fPXqLs2b7X/laaoPQw9x1uducud2N53Tm/W5m87pzfrcHWPnTIX4/Q71vooxd4ydfe6mc3qzPnfTOb1Zn7vpnN6sz90xdgZCUpTk47+T9KCk0ZLGS+ot6T5J15vZh5xz3zvQkJlNkjRJkqzHEUoker/r46edNkxjzztb54z5lA499BC9732Ha9bMn+nSL38zpdCNDU0aWF667/3ysgFqanqlYGd97iZ3bnfTOY7cMXb2uTvGzpkK8fsd6n0VY+4YO/vcTec4csfY2eduOseRO9TOQEiSPXy7wjk30znX4Jz7iaTznXPrJX1F0gUHG3LOTXPODXPODXvvgaQkff/6W1XxgWEa/KFP6EsTLteTTz6T8oGkJK2sqtHgwcepomKgiouLNX78OD308OKCnSU3ubM9S+5wZskdzqzv3ZkI8fsd6n0VY+4YO4eaO8bOoeaOsXOouWPsHGruUDsDIUl2peROMzvDObfMzMZK2i5Jzrl2O9D1xDnS1tamq66+Xgsfma0eiYRmzpqr2tp1BTtLbnJne5bc4cySO5xZ37vvvedOnTXiVPXr11ebXq7STTffrhkz78vr3DHeVzHmjrFzqLlj7Bxq7hg7h5o7xs6h5g61MxAS6+x5CczsREnTJX1I0hpJlznnXjSzYyRd7Jz7WbIFRT3LeOIDAAAAAACAbtS6q9HbxWL5rOmMT3IO1cGAZU/m7c9Jp1dKOudeMLNLJZVJWu6ca95z+2tmxjE9AAAAAAAAgLQle/Xtb2r3C91cKWmNmY3r8OFbshkMAAAAAAAAQGFK9pySX5M0zDnXbGYVkh4wswrn3FRJeXv5JwAAAAAAAID8lexQskeHh2xvMrOR2n0wOUgcSgIAAAAAAADogk4fvi1pm5kN2fvOngPK8yT1k3RCNoMBAAAAAAAAKEzJrpS8RFJrxxucc62SLjGzu7OWCgAAAAAAAEiTa/edAKlK9urbDZ187JnujwMAAAAAAACg0CV7+DYAAAAAAAAAdCsOJQEAAAAAAADkFIeSAAAAAAAAAHLK26Hk9GlTtLXhBdVUL+nS/OizR2rtmqdVX7tM115zRcHP+txN7nByx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5I6xs8/ddI4jd6idY+ec8dbhLZ+Zcy6rC4p6lh1wwZlnnKLm5p2aMWOqhgwdldbXTCQSqlu7VGPOvVgNDU1a/uxCTZh4uerq1hfkLLnJTef8203nOHLH2DnU3DF2DjV3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c15veJkyeNp34quwddgSl79om8/TnxdqXk0mWV2r7jzS7Nnjx8qDZs2KSNGzerpaVF8+Yt0PljRxfsLLnJne1ZcoczS+5wZskdziy5w5kldziz5A5nltzhzJI7nFnfu4FQBPmckqVlJdrSsHXf+w2NTSotLSnYWZ+7yZ3b3XSOI3eMnX3upnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73B1jZyAkRZ190MyKJF0m6Z8llUpykrZKWiDp1865lqwnPHCu/W5L9WHoIc763E3u3O6mc3qzPnfTOb1Zn7vpnN6sz910Tm/W5246pzfrczed05v1uZvO6c363E3n9GZ97o6xMxCSTg8lJd0j6U1J/09Sw57byiVdKuleSV840JCZTZI0SZKsxxFKJHp3R9Z9GhuaNLC8dN/75WUD1NT0SsHO+txN7tzupnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73E3nOHLH2Nnn7hg7Q3LtvhMgVckevv1x59w3nHPLnXMNe96WO+e+IWnowYacc9Occ8Occ8O6+0BSklZW1Wjw4ONUUTFQxcXFGj9+nB56eHHBzpKb3NmeJXc4s+QOZ5bc4cySO5xZcoczS+5wZskdziy5w5n1vRsIRbIrJXeY2ecl/bdzu8+azSwh6fOSdmSy+N577tRZI05Vv359tenlKt108+2aMfO+lGbb2tp01dXXa+Ejs9UjkdDMWXNVW7uuYGfJTe5sz5I7nFlyhzNL7nBmyR3OLLnDmSV3OLPkDmeW3OHM+t4NhMI6e14CM6uQ9CNJn9Tuh3FL0pGSnpR0nXNuY7IFRT3LeOIDAAAAAACAbtS6q3H/J5+EGk75FOdQHZRXPpG3PyedXinpnNtkZj+RNEXSBkn/JOkTkmpTOZAEAAAAAAAAgPdK9urbN0o6Z8/nPSbpZEl/lHSdmQ11zv0w+xEBAAAAAAAAFJJkzyl5kaQhkg6RtE1SuXPuLTO7TVKlJA4lAQAAAAAAkBdce94+WhnvkezVt1udc23Oub9I2uCce0uSnHPvSOJF1gEAAAAAAACkLdmVkrvMrNeeQ8mT9t5oZkcoxUPJokSPLodrbW/r8iwAADEo7dO3y7Nbm7d3YxJgf8U9kv1R8+Ba2lq7MQkAAADyTbI/KY5wzv1NkpxzHQ8hiyVd8/PJ6gAAIABJREFUmrVUAAAAAAAAAApWslff/ttBbn9d0utZSQQAAAAAAACgoHX9MTUAAAAAAABAHnHOdwKkKtkL3QAAAAAAAABAt+JQEgAAAAAAAEBO5fRQ8u67b9Pmzc/ruece23fbCSf8k5566kFVVS3Wf//3b3T44X1S+lqjzx6ptWueVn3tMl17zRVp5Qhx1uducoeTO9TO06dN0daGF1RTvSStue7YHeJsqN8vn7tj6XzZNybq8T89qMee+b1+Pv1HOuSQnpp69616svJ/9Ngzv9dtP79ZRUWpPXNLiN/vkO6r7pr1uTud2fLyAVq06D5VVy/Rc889piuu+Iok6YILztVzzz2mnTs36uMfPyHvcnfnrM/ddI4jd4ydfe6mcxy5Q+0MhMJclh9sf+ih79+34IwzTlZz81/061//VCed9BlJ0rJlD+m73/2Bli6t1KWXjldFxUDddNMUSVJre9sBv2YikVDd2qUac+7Famho0vJnF2rCxMtVV7c+aZ4QZ8lN7kLuLElnnnGKmpt3asaMqRoydFRKM75z8/0K52es0DuX9ukrSTp2QH/998JZGnXq5/S3v/5Nv/zN7XrisaV647XtevLxpZKkn0//kSr/9JzunTFPkrS1ebu33Pk0S+7szRb32H0IXlLSXyUl/VVTs0Z9+vTWn/70sMaPnyTnnNrb2/WLX9yi7373h3r++dX7ZlvaWoPsnG+76RxH7hg7h5o7xs6h5g6hc+uuRkspTGQ2DxvFs0p28P6qJXn7c5LTKyWXLVuhHTvefNdtH/rQB7R0aaUkacmSpfrc585N+nVOHj5UGzZs0saNm9XS0qJ58xbo/LGjU8oQ4iy5yZ3tWd+7ly6r1Pb3/N6Q77n5foXzMxZT56KiIh166CHq0aOHDjvsUL2y7dV9B5KSVPP8Gg0oPTbvcvueJXf2Z7dte1U1NWskSc3NO1Vf/5JKS4/Viy++pPXrX05pp4/c3TUbau4YO4eaO8bOoeaOsXOouUPtDMm1G28d3vJZlw8lzWxadwRYu/ZFnXfe7qsmL7jgsyovH5B0prSsRFsatu57v6GxSaWlJSntC3HW525y53Z3jJ0zFeL3O8bvl8/dsXR+pelVTfvFTC1f9Ziq6p7QW281a+mTz+77eFFRkS4Yf57+uOSZvMqdD7M+d8eY+/3vL9eQIR/RypU1KX1+d+7mvqJzPu+mcxy5Y+zsc3eMnYGQdHooaWZ9D/J2tKSDXtJoZpPMrMrMqtramjsN8H/+zzX6+tcv1Z/+9IgOP7yPdu1qSRrabP+T3lQfhh7irM/d5M7t7hg7ZyrE73eM3y+fu2PpfMQR79NnzvmkTh86RsM/PEq9eh2mf/78efs+/sPbv68Vzz6nFcufz6vc+TDrc3dsuXv37qU5c+7SNdfcrLff7vzPiN292+esz910Tm/W5246pzfrczed05v1uTvGzkBIkj3b/WuS/ldSx38j3J73+x9syDk3TdI06d3PKXkg69Zt0HnnTZAkDR58nMaM+VTS0I0NTRpYXrrv/fKyAWpqeiXpXKizPneTO7e7Y+ycqRC/3zF+v3zujqXzGSM/oS2bG7X9jR2SpEUPP66TTj5RD97/sK6+9uvqe3RfXfdvV+dd7nyY9bk7ptxFRUWaM+cuzZ07XwsWLEppT3ft9j3rczed48gdY2efu+kcR+5QOwMhSfbw7ZcljXTOHdfh7QPOueMkdcu/Ecccc7Sk3f8n4Lvf/aZ+9at7k86srKrR4MHHqaJioIqLizV+/Dg99PDilPaFOEtucmd71vfuTIT4/Y7x++VzdyydGxua9PFhH9Ohhx0qSTp9xCl6ad1G/cvECzTiU6fryq9dm/L/YQ/x+x3SfRVr7rvu+rFefPEl/exnv0ppR77k7o7ZUHPH2DnU3DF2DjV3jJ1DzR1qZyAkya6UvEPSUZI2H+BjP0532W9/+3Odeeap6tfvKL30UqV+8IOfqHfv3vr61y+RJM2fv0izZs1L+nXa2tp01dXXa+Ejs9UjkdDMWXNVW7supQwhzpKb3Nme9b373nvu1FkjTlW/fn216eUq3XTz7Zox8768zs33K5yfsVg61zy3Wgv/5zEtfHKe2tpatXZVvWbPul/1DSvUuKVJ8/+w+3/6LXp4iabedlfe5M6HWXJnf/a004bpS1+6UKtX12n58oWSpBtvvE2HHNJTP/nJTerXr69+//sZWrWqVueff0ne5O6u2VBzx9g51Nwxdg41d4ydQ80damegK8zsSEm/kvRR7X6E9FclvShprqQKSZskjXfO7bDdzy8wVbuf1vEvkr7snEv+HFEH2pvsqgkzO1mSc86tNLMPSxojqd45tzCVBckevt2Z1va2ro4CABCF0j59uzy7tXl7NyYB9lfcI9n//z64lrbWbkwCAEDhad3VmN8vrezJpiGf4Qk4O6ioeSzpz4mZzZK01Dn3KzPrKamXpO9J2u6cu9XMrpN0lHPuO2Z2rqTJ2n0oeYqkqc65U7qSrdM/KZrZjZLOkVRkZo/tWfaUpOvMbKhz7oddWQoAAAAAAADALzN7n6QRkr4sSc65XZJ2mdk4SSP3fNos7T4P/I6kcZJ+63Zf5bjczI40swHOuaZ0dyf739cXSRoi6RBJ2ySVO+feMrPbJFVK4lASAAAAAAAAyENmNknSpA43TdvzAtV7fUC7X+h6hpmdKOk5SVdJOnbvQaNzrsnM9r7gdZmkLR3mG/bc1u2Hkq3OuTZJfzGzDc65t/aEecfM2tNdBgAAAAAAACA39hxATuvkU4okfVzSZOdcpZlNlXRdJ59/oIeDd+kh88lefXuXmfXa8+uT9m03O0ISh5IAAAAAAABAuBokNTjnKve8/4B2H1K+YmYDJGnPP1/t8PkDO8yXS9ralcXJrpQc4Zz7myQ55zoeQhZLujSVBbxYDQAA2ZPJi9UkrOvPjd6e5IXyAIkXqwEAALnHH1PT45zbZmZbzOwfnXMvSholqXbP26WSbt3zzwV7Rv5H0pVmdp92v/bMn7vyfJJSkkPJvQeSB7j9dUmvd2UhAAAAAAAAgLwxWdLv9rzy9suSvqLdj66eZ2aXSdos6fN7Pnehdr/y9kuS/rLnc7sk2ZWSAAAAAAAAAAqUc65G0rADfGjUAT7XSbqiO/Yme05JAAAAAAAAAOhWHEoCAAAAAAAAyCkvh5Ll5aV6fPH9Wr3qKb1Q84QmX3lZ2l9j9NkjtXbN06qvXaZrr0nvqtEQZ33uJnc4uWPs7HM3nePIHWPnK6+8TNXPP66a6iWaPDmO/0b73B1j7hg7+9xN5zhyx9jZ5246x5E71M6xc+3GW4e3fGYuyy9LVNSzbL8FJSX9NaCkv6pr1qhPn95aUblIF170VdXVrU/payYSCdWtXaox516shoYmLX92oSZMvDyl+RBnyU1uOuffbjrHkbvQOx/o1bc/8uF/1L333qnTTj9Pu3a16OGH79Xkyd/TSy9tfNfnHezVt/O9c77tjjF3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c15veJkycvn3A2r7/dwQdWL87bnxMvV0pu2/aqqmvWSJKam3eqvn69ykpLUp4/efhQbdiwSRs3blZLS4vmzVug88eOLthZcpM727PkDmeW3OHMhpr7+OMHq7KyWu+881e1tbVp6dPLNW7cmJRmfeaO8b4KNXeMnUPNHWPnUHPH2DnU3DF2DjV3qJ2BkHh/TslBg8o15MSPqnJFdcozpWUl2tKwdd/7DY1NKk3xUDPEWZ+7yZ3b3XSOI3eMnX3upnN6s2trX9SZZ56ivn2P1GGHHaoxYz6l8vLSlGZ95o7xvvK5m85x5I6xs8/ddI4jd4ydfe6OsTMQkqLOPmhmPST9q6RySYucc890+Nj1zrkfZLK8d+9emjd3ur717Rv19tvNKc/ZAR5ulurD0EOc9bmb3LndTef0Zn3upnN6sz530zm92fr6l3Tb7b/UowvnqLl5p1atrlVra2tKs5nu5r5Kb9bnbjqnN+tzN53Tm/W5m87pzfrcTef0Zn3ujrEzEJJkV0reLeksSW9I+pmZ/aTDxy442JCZTTKzKjOram/fecDPKSoq0v1zp2vOnAc1f/6jaYVubGjSwA5XbZSXDVBT0ysFO+tzN7lzu5vOceSOsbPP3XROP/fMmffplE+co1Gfvkg7tr+53/NJ5mPuWO+rEHPH2NnnbjrHkTvGzj530zmO3KF2huSc8dbhLZ8lO5Q82Tn3RefcHZJOkdTHzH5vZodIOmgz59w059ww59ywRKL3AT9n+rQpqqt/SXdMnZZ26JVVNRo8+DhVVAxUcXGxxo8fp4ceXlyws+Qmd7ZnyR3OLLnDmQ059zHHHC1JGjiwVJ/73DmaO3dByrOhdiZ3GLPkDmeW3OHMkjucWXKHM+t7NxCKTh++Lann3l8451olTTKzGyU9IalPV5eeftpwTZxwkVatrlXVyt3/Yt1ww616dNETKc23tbXpqquv18JHZqtHIqGZs+aqtnZdwc6Sm9zZniV3OLPkDmc25Nxz75umo48+Si0trfrmVd/Xm2/+OeXZUDuTO4xZcoczS+5wZskdziy5w5n1vRsIhXX2vARmdq+ke51zi95z+79K+i/nXHGyBUU9y3jiAwAA8lDCuv5wjnae1wgAAMCr1l2N+f3YXE82fHQ0f1Dt4INr/pC3PyedPnzbOTdB0nYzGy5JZvZhM/uWpK2pHEgCAAAAAAAAwHsle/XtGyWdI6nIzB7T7ueVfErSdWY21Dn3w+xHBAAAAAAAAFBIkj2n5EWShkg6RNI2SeXOubfM7DZJlZI4lAQAAAAAAEBecO2+EyBVyV59u9U51+ac+4ukDc65tyTJOfeOJO5mAAAAAAAAAGlLdii5y8x67fn1SXtvNLMjxKEkAAAAAAAAgC5I9vDtEc65v0mSc++6ALZY0qWpLMjkJX54uSQAALInk1fQ5r/vAAAAADLR6aHk3gPJA9z+uqTXs5IIAAAAAAAAQEFLdqUkAAAAAAAAEIR2l8ljepBLyZ5TEgAAAAAAAAC6FYeSAAAAAAAAAHLK26Hk+nXLVf3846pauVjLn12Y9vzos0dq7ZqnVV+7TNdec0XBz/rcTe5wcsfYOZP56dOmaGvDC6qpXpL2zkz2Zjrrc3eMuWPsnOn8Vd/8mmpqnlB19RLdc8+dOuSQQ3Kyl/sqnNwxdva5m85x5I6xs8/ddI4jd6idgVCYy+CVN1NR3LPsgAvWr1uuT5x6jt54Y8dBZw+WLJFIqG7tUo0592I1NDRp+bMLNWHi5aqrW580T4iz5CY3nbMzf+YZp6i5eadmzJiqIUNHpbSvO/ZyX4WTO8bOqc4f7Jl6SktL9NSTD+pjJ35Sf/3rXzV79l1a9OgT+u098/Z9Tr79993n7hhzx9g51Nwxdg41d4ydQ80dY+dQc4fQuXVXI0+eeADr/mlMdg+6AvOhukV5+3MS5MO3Tx4+VBs2bNLGjZvV0tKiefMW6Pyxowt2ltzkzvZsrLmXLqvU9h1vpryru/ZyX4WTO8bO3TFfVFSkww47VD169FCvww7T1qZtWd/LfRVO7hg7h5o7xs6h5o6xc6i5Y+wcau5QO0Nyznjr8JbPOj2UNLNeZnatmV1jZoea2ZfN7H/M7Mdm1ieTxc45PbpwjiqXP6p/vexLac2WlpVoS8PWfe83NDaptLSkYGd97iZ3bnfTObe5MxFqZ3LTOdvzW7du009/epde3rBCWzZX66233tLjjz+d9b3cV7ndTec4csfY2eduOseRO8bOPnfH2BkISbIrJWdKOlbScZIekTRM0u3a/ait/zrYkJlNMrMqM6tqb995wM85a+TndPIpY3Te2An6xje+rDPOOCXl0Gb7n/Sm+jD0EGd97iZ3bnfTOb3Z7pjvqlA7kzt3sz53+8x95JFHaOzY0fqHD31C7x/0cfXq3Utf/OIFWd/LfZXb3XROb9bnbjqnN+tzN53Tm/W5m87pzfrcHWNnICTJDiU/5Jz7d0lXSPqIpMnOuaclXSvpxIMNOeemOeeGOeeGJRK9D/g5TU2vSJJee+0NzV/wqIYPH5Jy6MaGJg0sL933fnnZgH1frxBnfe4md2530zm3uTMRamdy0znb86NGnalNmzbr9de3q7W1VfPnP6pTPzEs63u5r3K7m85x5I6xs8/ddI4jd4ydfe6OsTMQkpSeU9LtPpJfuOefe9/v8jF9r16HqU+f3vt+/ZlPn6W1a19MeX5lVY0GDz5OFRUDVVxcrPHjx+mhhxcX7Cy5yZ3t2VhzZyLUzuSmc7bnt2xu1MmnfFyHHXaoJOlTnzxD9fWpPSF8qJ3JTed83k3nOHLH2DnU3DF2DjV3qJ2BkBQl+XiVmfVxzjU7576690Yz+6Ckt7u69Nhjj9ED9/9aktSjqIfuu2++Fi9+KuX5trY2XXX19Vr4yGz1SCQ0c9Zc1dauK9hZcpM727Ox5r73njt11ohT1a9fX216uUo33Xy7Zsy8L+t7ua/CyR1j50znV6ys1u9//4hWrPiDWltb9ULNWk3/1e+yvpf7KpzcMXYONXeMnUPNHWPnUHPH2DnU3KF2BkJiyZ6XwMxO1u6LI1ea2YcljZH0ojpcOdmZ4p5lXb6ikmdMAAAgP2XyOn789x0AACBzrbsa8/ullT2p/9C5/HGzg+PXLczbn5NOr5Q0sxslnSOpyMwek3SKpKckfUfSEEk/zHZAAAAAAAAAAIUl2cO3L9Luw8dDJG2TVO6ce8vMbpNUKQ4lAQAAAAAAAKQp2QvdtDrn2pxzf5G0wTn3liQ5596R1J71dAAAAAAAAAAKTrJDyV1m1mvPr0/ae6OZHSEOJQEAAAAAAAB0QbKHb49wzv1NkpxzHQ8hiyVdmsoCnl0UAIDCw3/fAQAAkI+SvyQz8kWnh5J7DyQPcPvrkl7PSiIAAAAAAAAABS3Zw7cBAAAAAAAAoFtxKAkAAAAAAAAgpziUBAAAAAAAAJBT3g4lp0+boq0NL6imekmX5kefPVJr1zyt+tpluvaaKwp+1uducoeTO8bOPnfTOY7cMXb2uZvOceSOsbPP3XSOI3eMnX3upnMcuUPtHDvXbrx1eMtn5rL8skRFPcsOuODMM05Rc/NOzZgxVUOGjkrrayYSCdWtXaox516shoYmLX92oSZMvFx1desLcpbc5KZz/u2mcxy5Y+wcau4YO4eaO8bOoeaOsXOouWPsHGruGDuHmjuEzq27GvP7xMmT2g9+ltff7uDDGx7J258Tb1dKLl1Wqe073uzS7MnDh2rDhk3auHGzWlpaNG/eAp0/dnTBzpKb3NmeJXc4s+QOZ5bc4cySO5xZcoczS+5wZskdziy5w5n1vRsIRZDPKVlaVqItDVv3vd/Q2KTS0pKCnfW5m9y53U3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz90xdgZCkvahpJmty0aQNDPsd1uqD0MPcdbnbnLndjed05v1uZvO6c363E3n9GZ97qZzerM+d9M5vVmfu+mc3qzP3XROb9bnbjqnN+tzd4ydgZAUdfZBM3tb0t6f/L3/VvTae7tz7n0HmZskaZIkWY8jlEj07qa4uzU2NGlgeem+98vLBqip6ZWCnfW5m9y53U3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz90xdgZCkuxKyZmS5kv6B+fc4c65wyVt3vPrAx5ISpJzbppzbphzblh3H0hK0sqqGg0efJwqKgaquLhY48eP00MPLy7YWXKTO9uz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmSV3OLO+d8eu3RlvHd7yWadXSjrnJpvZSZLmmNl8Sb/Q36+czMi999yps0acqn79+mrTy1W66ebbNWPmfSnNtrW16aqrr9fCR2arRyKhmbPmqrZ2XcHOkpvc2Z4ldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmfW9GwiFpfK8BGaWkHSlpM9L+qBzrjTVBUU9y3jiAwAAAAAAgG7Uuqsxvy+D82TNB87jHKqDj778cN7+nHR6paQkmdnJ2v38kT8zs2pJnzSzc51zC7MfDwAAAAAAAEChSfZCNzdKOkdSkZk9JulkSX+UdJ2ZDXXO/TAHGQEAAAAAAAAUkGRXSl4kaYikQyRtk1TunHvLzG6TVCmJQ0kAAAAAAADkBZfnL+6Cv0v26tutzrk259xfJG1wzr0lSc65dyS1Zz0dAAAAAAAAgIKT7FByl5n12vPrk/beaGZHiENJAAAAAAAAAF2Q7OHbI5xzf5Mk51zHQ8hiSZdmLRUAAMBBJKzrD8lpd7wYIwAAAJAPOj2U3HsgeYDbX5f0elYSAQAAAAAAAChoya6UBAAAAAAAAILAA2PCkew5JQEAAAAAAACgW3EoCQAAAAAAACCnvBxKlpeX6vHF92v1qqf0Qs0TmnzlZWl/jdFnj9TaNU+rvnaZrr3mioKf9bmb3OHkjrGzz910jiN3jJ197k53dtrdt6thS42qn398320XXvBZ1VQv0V/f2ayPf/xjeZm7u2Z97qZzHLlj7OxzN53jyB1jZ5+7Y+wMhMJclh9sX9SzbL8FJSX9NaCkv6pr1qhPn95aUblIF170VdXVrU/payYSCdWtXaox516shoYmLX92oSZMvDyl+RBnyU1uOuffbjrHkTvGziHk7vjq22eccYqam3dqxm/u0NCPf1qSdPzxg9Xe3q47f/Ejfee6/9Dzz6/a9/kHe/XtfO+cb7vpHEfuGDuHmjvGzqHmjrFzqLlD6Ny6q9EO8iWitqpiLM8q2cHHNj2Utz8nXq6U3LbtVVXXrJEkNTfvVH39epWVlqQ8f/LwodqwYZM2btyslpYWzZu3QOePHV2ws+Qmd7ZnyR3OLLnDmSV3bmaXLavUjh1vvuu2+vqXtG7dyynt9JW7O2ZDzR1j51Bzx9g51Nwxdg41d4ydQ80damcgJN6fU3LQoHINOfGjqlxRnfJMaVmJtjRs3fd+Q2OTSlM81Axx1uducud2N53jyB1jZ5+76RxP7kyE2jnE3DF29rmbznHkjrGzz910jiN3qJ0htTvjrcNbPuv0UNLMPtbh18Vmdr2Z/Y+Z3WJmvTJd3rt3L82bO13f+vaNevvt5pTnzPb/pqb6MPQQZ33uJndud9M5vVmfu+mc3qzP3XROb9bn7kxzZyLUziHmjrGzz910Tm/W5246pzfrczed05v1uTvGzkBIkl0pObPDr2+VNFjSFEmHSbrrYENmNsnMqsysqr195wE/p6ioSPfPna45cx7U/PmPphW6saFJA8tL971fXjZATU2vFOysz93kzu1uOseRO8bOPnfTOZ7cmQi1c4i5Y+zsczed48gdY2efu+kcR+5QOwMhSXYo2fF4fpSkrznn/ijpW5KGHGzIOTfNOTfMOTcskeh9wM+ZPm2K6upf0h1Tp6WbWSurajR48HGqqBio4uJijR8/Tg89vLhgZ8lN7mzPkjucWXKHM0vu3OfORKidQ8wdY+dQc8fYOdTcMXYONXeMnUPNHWpnICRFST5+hJldoN2Hk4c451okyTnnzKzL1w6fftpwTZxwkVatrlXVyt3/Yt1ww616dNETKc23tbXpqquv18JHZqtHIqGZs+aqtnZdwc6Sm9zZniV3OLPkDmeW3LmZvee3v9CIEaeqX7++ennDSt38H1O0Y/ub+ulP/0PHHNNXC+bP0gur1uq88ybkVe7umA01d4ydQ80dY+dQc8fYOdTcMXYONXeonYGQWGfPS2BmM95z03XOuVfMrETS75xzo5ItKOpZxhMfAACAbpOwrj9hdzvPxwQAAApE667G/H4VE0+q3z+OP/B1MHTzgrz9Oen0Sknn3FfM7BRJ7c65lWb2YTP7kqT6VA4kAQAAAAAAAOC9Oj2UNLMbJZ0jqcjMHpN0sqQ/SrrOzIY6536Yg4wAAAAAAAAACkiy55S8SLtf0OYQSdsklbv/z969x0dZ3nkf//6GBBBUFFFDEip22XZf9dmu1IDVeqDiAmJB21W2Vqx23fLseqhuu7q2sPXR7bbdVVbtrl2LB7BQ5OCqCESLopxUDlFiNQkeEAoTAtYqUlBLDtfzB4GNEjIzSWauueb6vF+vvCQTfvl9v7mnSG/vmdu5XWZ2m6Q1kjgpCQAAAAAAACAjqe6+3eSca3bOfSBpo3NulyQ55z6U1JL1dAAAAAAAAAAKTqorJfeaWZ/Wk5Kn7H/QzPqJk5IAAMADblYDAACAQ+GviuFIdVLyLOfcHyXJOdf2JGSxpMuzlgoAAAAAAABAwUp19+0/HuLxdyS9k5VEAAAAAAAAAApaqveUBAAAAAAAAIBuxUlJAAAAAAAAADmV6j0lAQAAAAAAgCC0OPMdAWnydqXkvdOmalvyZVWvX9qp+dGjRqjm1RXaULtKN95wdcHP+txN7nByx9jZ5246x5E7xs4+d9M5s9kY/z7lc3eMuWPs7HM3nePIHWNnn7tj7AyEwlyW75Ve1LOs3QVnnnGqdu/eo+nT79LJQ0dm9D0TiYTqalZqzNhLlEw2aPULlZp42VWqq3ujIGfJTW46599uOseRO8bOoeaOsbMU39+nyB3OLLnDmSV3OLPkDmc2V7ub9tZzSWA7qsovzO6JrsBUJB/L2+eJtyslV65ao3ff29mp2eHDhmrjxs3atGmLGhsbNW/eAo0fN7pgZ8lN7mzPkjucWXKHM0vucGZDzh3b36fIHc4sucOZJXc4s+QOZ9b3biAUHZ6UNLNrzGxA66+HmNkKM9tpZmvM7M9zE/FgpWUl2prcduDzZH2DSktLCnbW525y53Y3nePIHWNnn7vpHEfuGDt3VaidyR3GrM/dMeaOsbPP3XSOI3eonYGQpLpS8u+dc++0/vouSXc4546S9E+S7jnUkJlNMrMqM6tqadnTTVE/9v0Peizdl6GHOOtzN7lzu5vOmc363E3nzGZ97qZzZrPcbKrwAAAgAElEQVQ+d9M5s9muCrUzucOY9bk7xtwxdva5m86ZzfrcHWNnICSp7r7d9uvHOecelSTn3DIzO+JQQ865aZKmSYd+T8muqE82aFB56YHPy8sGqqFhR8HO+txN7tzupnMcuWPs7HM3nePIHWPnrgq1M7nDmPW5O8bcMXb2uZvOceQOtTMkx923g5HqSsmHzWyGmX1a0qNmdr2ZfcrMviVpSw7ytWtdVbWGDDlRgwcPUnFxsSZMuEALFy0p2Flykzvbs+QOZ5bc4cySO5zZkHN3RaidyR3GLLnDmSV3OLPkDmfW924gFB1eKemcm2xmV0h6SNKfSOolaZKkxyRd2pXFs2berbPPOk0DBvTX5reqdMutt2v6jDlpzTY3N+u666eocvFs9UgkNOPBuaqtfb1gZ8lN7mzPkjucWXKHM0vucGZDzh3b36fIHc4sucOZJXc4s+QOZ9b3biAUlup9CcxsuCTnnFtnZidJGiOpzjlXmc6CbLx8GwAAAAAAIGZNe+t5nXI71pV9lfNQbQyrfzRvnycdXilpZjdLOk9SkZk9JWm4pOWSbjKzoc65f81BRgAAAAAAAAAFJNWNbi6SdLL2vWx7u6Ry59wuM7tN0hpJnJQEAAAAAABAXmjhRjfBSHWjmybnXLNz7gNJG51zuyTJOfehpJaspwMAAAAAAABQcFKdlNxrZn1af33K/gfNrJ84KQkAAAAAAACgE1K9fPss59wfJck51/YkZLGky9NZkLDOXzbbkuImPAAAAAAAAADC0+FJyf0nJNt5/B1J72QlEQAAAAAAAICClupKSQAAAAAAACAIvOY2HKneUxIAAAAAAAAAuhUnJQEAAAAAAADkVE5PSk77xe1Kbq3W+peePvDY0UcfpcrK2aqpWanKytk66qh+aX2v0aNGqObVFdpQu0o33nB1RjlCnPW5m9zh5I6xs8/ddI4jd4ydfe6mcxy5Y+zsczed48gdY+d7p03VtuTLql6/NKO57tjNsYojt6/OXX1uA6Ewl+U7XPfsVX5gwRlnnKrdu/do+gN3augXzpUk/eTHk/Xuuzt12+1364Z/vFpHH91PP5j8Y0mHvvt2IpFQXc1KjRl7iZLJBq1+oVITL7tKdXVvpMwT4iy5yU3n/NtN5zhyx9g51Nwxdg41d4ydQ80dY+dQc8fYWZLO3P//L6ffpZOHjkxrxnfuWI9ViLl9dk73ud20t97SChOZ1aVf420l2/jitkfy9nmS0yslV61ao/fe2/mxx8aNG6WZs+ZLkmbOmq/x40en/D7Dhw3Vxo2btWnTFjU2NmrevAUaPy71XKiz5CZ3tmfJHc4sucOZJXc4s+QOZ5bc4cySO5zZkHOvXLVG737i/1+mK9TO5A5jtqvzXXluAyHx/p6Sxx03QNu3vy1J2r79bR177DEpZ0rLSrQ1ue3A58n6BpWWlqS1L8RZn7vJndvddI4jd4ydfe6mcxy5Y+zsczed48gdY2efu+mcee6uCLUzucOY7Y55dF6LMz7afOSzDk9KmtkjZjbRzA7PVaB0mB38Q033ZeghzvrcTe7c7qZzZrM+d9M5s1mfu+mc2azP3XTObNbnbjpnNutzN50zm/W5m86ZzXZVqJ3JHcZsd8wDMUh1peSpki6UtMXM5pnZV82sZ6pvamaTzKzKzKpamvd0+HvffvsdlZQcJ0kqKTlOv/vd71OGrk82aFB56YHPy8sGqqFhR8q5UGd97iZ3bnfTOY7cMXb2uZvOceSOsbPP3XSOI3eMnX3upnPmubsi1M7kDmO2O+aBGKQ6Kfm2c+4iSSdIWijp25LqzWy6mY061JBzbppzrsI5V5Ho0bfDBQsXPaXLJl4sSbps4sVauHBJytDrqqo1ZMiJGjx4kIqLizVhwgVauCj1XKiz5CZ3tmfJHc4sucOZJXc4s+QOZ5bc4cySO5zZkHN3RaidyR3GbHfMAzEoSvF1J0nOuT9Imilpppn1lzRB0k2SMvpf1Mxf/pfOOus0DRjQX29tXKdb/2WqbrvtvzR79j264ltf19at9brkkr9L+X2am5t13fVTVLl4tnokEprx4FzV1r6eVoYQZ8lN7mzPkjucWXKHM0vucGbJHc4sucOZJXc4syHnnjXzbp3d+v8vN79VpVtuvV3TZ8zJ69yxHqsQc/vs3JXnNhAS6+g9DcxshXPurK4s6NmrvNNvmtDC+y0AAAAAAAAcpGlvfX7fxcST50ou4mRSG1/a/nDePk86vFLSOXeWmQ3f90u3zsw+J2mMpA3OucqcJAQAAAAAAABQUDo8KWlmN0s6T1KRmT2lfTe+WSbpJjMb6pz71+xHBAAAAAAAAFBIUr2n5EWSTpbUS9J2SeXOuV1mdpukNZI4KQkAAAAAAAAgI6nuvt3knGt2zn0gaaNzbpckOec+lNSS9XQAAAAAAAAACk6qKyX3mlmf1pOSp+x/0Mz6iZOSAAAAAAAAyCOcrApHqpOSZznn/ihJzrm2x7VY0uXpLOAO2gAAAAAAAADaSnX37T8e4vF3JL2TlUQAAAAAAAAAClqq95QEAAAAAAAAgG7FSUkAAAAAAAAAOcVJSQAAAAAAAAA55e2k5OhRI1Tz6gptqF2lG2+4OqfzIc763E3ucHLH2NnnbjrHkTvGzj53x9a5V69eeuG5RXqx6im9XP2Mbv7h9zKNHeTPO8Rj1dVZn7vpHEfuGDv73E3nOHKH2jl2TsZHm498Zi7Ld8cu6ll20IJEIqG6mpUaM/YSJZMNWv1CpSZedpXq6t5I63t2ZT7EWXKTm875t5vOceSOsXOouUPtLEl9+/bRnj0fqKioSCuWPap/+O7NWrP2pbzOHeOxijF3jJ1DzR1j51Bzx9g51NwhdG7aW5/fZ5w8WVFycXZPdAXmrO3z8/Z54uVKyeHDhmrjxs3atGmLGhsbNW/eAo0fNzon8yHOkpvc2Z4ldziz5A5nltzhzPrevWfPB5Kk4uIiFRUXK5P/YBzizzvUYxVj7hg7h5o7xs6h5o6xc6i5Q+0MhKTDk5Jm9mkze8DMfmRmh5vZvWb2qpnNN7PBnV1aWlaircltBz5P1jeotLQkJ/MhzvrcTe7c7qZzHLlj7OxzN53jyB1qZ2nf1RBV65aoof43Wrp0hdauW5/3uWM8VjHmjrGzz910jiN3jJ197o6xMxCSVFdKzpC0TtJuSaslbZB0nqQnJT3Q2aVmB185mslVAV2ZD3HW525y53Y3nTOb9bmbzpnN+txN58xmfe6OsbMktbS0qGLYKJ1wYoWGVQzVSSd9Nu3ZEH/eoR6rGHPH2NnnbjpnNutzN50zm/W5O8bOQEiKUnz9COfcf0uSmV3lnJva+vj9ZnbNoYbMbJKkSZJkPfopkej7sa/XJxs0qLz0wOflZQPV0LAj7dBdmQ9x1uducud2N53jyB1jZ5+76RxH7lA7t/X++7u0fMXz+97Yvua1rO8Ocdbn7hhzx9jZ5246x5E7xs4+d8fYGVIL52+DkepKyRYz+4yZDZfUx8wqJMnMhkjqcagh59w051yFc67ikyckJWldVbWGDDlRgwcPUnFxsSZMuEALFy1JO3RX5kOcJTe5sz1L7nBmyR3OLLnDmfW5e8CA/urX70hJUu/evTXynDP12msb8z53jMcqxtwxdg41d4ydQ80dY+dQc4faGQhJqislb5S0UFKLpAslfd/MPi+pn6Rvd3Zpc3Ozrrt+iioXz1aPREIzHpyr2trXczIf4iy5yZ3tWXKHM0vucGbJHc6sz90DBx6vB+6/Uz16JJRIJPTwwwu1uPLpvM8d47GKMXeMnUPNHWPnUHPH2DnU3KF2BkJiqd6XwMxOldTinFtnZidp33tK1jrnKtNZUNSzjAtnAQAAAAAAulHT3vqD33wSWnb8xZyHamPEjvl5+zzp8EpJM7tZ+05CFpnZU5KGS1ou6SYzG+qc+9ccZAQAAAAAAABQQFK9fPsiSSdL6iVpu6Ry59wuM7tN0hpJnJQEAAAAAABAXmhR3l4YiE9IdaObJudcs3PuA0kbnXO7JMk596H2vc8kAAAAAAAAAGQk1UnJvWbWp/XXp+x/0Mz6iZOSAAAAAAAAADoh1cu3z3LO/VGSnHNtT0IWS7o8a6kAAAAAAAAAFKwOT0ruPyHZzuPvSHonK4kAAAAAAAAAFLRUL98GAAAAAAAAgG6V6uXbAAAAAAAAQBAcd98OBldKAgAAAAAAAMgpTkoCAAAAAAAAyCmvJyUTiYTWrf21Fjz6YMazo0eNUM2rK7ShdpVuvOHqgp/1uZvc4eSOsbPP3XSOI3eMnX3upnNms+XlpXp6yXy98ptlern6GV17zZU5282xiiN3jJ197qZzHLlj7Oxzd4ydgVCYcy6rC4p6lh1ywfXXTdIpp3xeRx5xhC746uVpf89EIqG6mpUaM/YSJZMNWv1CpSZedpXq6t4oyFlyk5vO+bebznHkjrFzqLlj7CxJJSXHaWDJcVpf/aoOP7yv1q55Un910d/kde5Yj1WIuWPsHGruGDuHmjvGzqHmDqFz09563jyxHUuP/+vsnugKzMgdc/P2eeLtSsmysoEae95IPfDAQxnPDh82VBs3btamTVvU2NioefMWaPy40QU7S25yZ3uW3OHMkjucWXKHMxty7u3b39b66lclSbt379GGDW+orLQkr3PHeqxCzB1j51Bzx9g51Nwxdg41d6idIbXw8bGPfNbhSUkzS5jZ35jZYjN72cxeNLM5Zjaiq4v/Y+otuun7P1JLS+Y/otKyEm1NbjvwebK+QaVp/gU8xFmfu8md2910jiN3jJ197qZzHLlj7PxJJ5xQrpP/4v9ozdr1Wd/NsYojd4ydfe6mcxy5Y+zsc3eMnYGQpLpS8n5Jn5L0E0nPSlrc+tgUM7v2UENmNsnMqsysqqVlz0FfP3/suXr77Xf00vpXOhXa7OArT9N9GXqIsz53kzu3u+mc2azP3XTObNbnbjpnNutzN50zm22rb98+mjf3Xn33H2/WH/6wO+u7OVaZzfrcTefMZn3upnNmsz530zmzWZ+7Y+wMhKQoxddPcc59q/XXq8xstXPuh2a2QlK1pP9sb8g5N03SNKn995Q8/fQKjfvKKJ035hz17t1LRx55hB6c8TNdfsV30gpdn2zQoPLSA5+Xlw1UQ8OOgp31uZvcud1N5zhyx9jZ5246x5E7xs77FRUVaf7ce/XQQ4/qsceeSHsu1M7kDmPW5+4Yc8fY2eduOseRO9TOQEhSXSnZaGZ/Iklm9gVJeyXJOfdHSZ0+TT95yk81+NMVGvKZL+rSiVfp2WefS/uEpCStq6rWkCEnavDgQSouLtaECRdo4aIlBTtLbnJne5bc4cySO5xZcoczG3JuSbp32lTVbXhTd941LaO5UDuTO4xZcoczS+5wZskdzqzv3UAoUl0peYOkZ83sI0nFkr4uSWZ2rKRFWc52SM3Nzbru+imqXDxbPRIJzXhwrmprXy/YWXKTO9uz5A5nltzhzJI7nNmQc3/p9GG6bOJF+s0rtapat+//rPzzP/9UTzz5TN7mjvVYhZg7xs6h5o6xc6i5Y+wcau5QO0NyytubTeMTLNX7EpjZaZKanHPrzOxzksZI2uCcq0xnQXsv3wYAAAAAAEDnNe2t5+xbO5Yc/3XOQ7UxasecvH2edHilpJndLOk8SUVm9pSk4ZKWS7rJzIY65/41BxkBAAAAAAAAFJBUL9++SNLJknpJ2i6p3Dm3y8xuk7RGEiclAQAAAAAAAGQk1Y1umpxzzc65DyRtdM7tkiTn3IeSWrKeDgAAAAAAAEDBSXVScq+Z9Wn99Sn7HzSzfuKkJAAAAAAAAIBOSPXy7bOcc3+UJOdc25OQxZIuz1oqAAAAAAAAIENcQReODk9K7j8h2c7j70h6JyuJAAAAAAAAABS0VC/fBgAAAAAAAIBuxUlJAAAAAAAAADnFSUkAAAAAAAAAOeX1pGQikdC6tb/WgkcfzHh29KgRqnl1hTbUrtKNN1xd8LM+d5M7nNwxdva5m85x5I6xs8/ddM5d7nunTdW25MuqXr80451d2dvVWZ+7Y8wdY2efu+kcR+4YO/vcHWPn2LXw8bGPfGbOuawuKOpZdsgF1183Saec8nkdecQRuuCr6d/MO5FIqK5mpcaMvUTJZINWv1CpiZddpbq6NwpyltzkpnP+7aZzHLlj7Bxq7hg7d3X+zDNO1e7dezR9+l06eejItPZ1x16OVTi5Y+wcau4YO4eaO8bOoeYOoXPT3npLK0xkKo//enZPdAVm7I45efs88XalZFnZQI09b6QeeOChjGeHDxuqjRs3a9OmLWpsbNS8eQs0ftzogp0lN7mzPUvucGbJHc4sucOZjTX3ylVr9O57O9Pe1V17OVbh5I6xc6i5Y+wcau4YO4eaO9TOQEi8nZT8j6m36Kbv/0gtLZlfTFpaVqKtyW0HPk/WN6i0tKRgZ33uJndud9M5jtwxdva5m85x5I6xc3fMd1aonclN53zeTec4csfY2efuGDsDIenwpKSZFZnZ/zWzJ83sN2b2spk9YWZ/Z2bFnV16/thz9fbb7+il9a90at7s4CtP030ZeoizPneTO7e76ZzZrM/ddM5s1uduOmc263M3nTOb7Y75zgq1M7lzN+tzd4y5Y+zsczedM5v1uTvGzkBIilJ8faaknZL+n6Rk62Plki6XNEvSX7c3ZGaTJE2SJOvRT4lE3499/fTTKzTuK6N03phz1Lt3Lx155BF6cMbPdPkV30krdH2yQYPKSw98Xl42UA0NOwp21uducud2N53jyB1jZ5+76RxH7hg7d8d8Z4Xamdx0zufddI4jd4ydfe6OsTMkp7x9C0V8QqqXb3/BOff3zrnVzrlk68dq59zfSxp6qCHn3DTnXIVzruKTJyQlafKUn2rwpys05DNf1KUTr9Kzzz6X9glJSVpXVa0hQ07U4MGDVFxcrAkTLtDCRUsKdpbc5M72LLnDmSV3OLPkDmc21txdEWpnctM5n3fTOY7cMXYONXeonYGQpLpS8j0zu1jS/zjnWiTJzBKSLpb0XrbDHUpzc7Ouu36KKhfPVo9EQjMenKva2tcLdpbc5M72LLnDmSV3OLPkDmc21tyzZt6ts886TQMG9Nfmt6p0y623a/qMOVnfy7EKJ3eMnUPNHWPnUHPH2DnU3KF2BkJiHb0vgZkNlvRvks7RvpOQJqmfpGcl3eSc25RqQVHPMt74AAAAAAAAoBs17a3ndcrtWHz8JZyHauP8HQ/l7fOkwyslnXOb1fq+kWZ2jPadlLzTOTcx+9EAAAAAAAAAFKIOT0qa2ePtPHzO/sedc+OzkgoAAAAAAADIUEveXheIT0r1npLlkmol3SfJad+VksMkTc1yLgAAAAAAAAAFKtXdtyskvShpsqT3nXPLJH3onFvunFue7XAAAAAAAAAACk+q95RskXSHmc1v/eeOVDMAAAAAAAAA0JG0TjA655KSLjaz8yXtym4kAAAAAAAAAIUso6senXOLJS3OUhYAAAAAAAAAEeCl2AAAAAAAACgILeL226FIdaMbAAAAAAAAAOhWnJQEAAAAAAAAkFPeTkqOHjVCNa+u0IbaVbrxhqtzOh/irM/d5A4nd4ydfe6OsfO906ZqW/JlVa9fmtFcd+wOcdbn7hhzx9jZ9+5EIqF1a3+tBY8+mNO9sR2rUP/s9bk7xtwxdva5m85x5A61MxAKc85ldUFRz7KDFiQSCdXVrNSYsZcomWzQ6hcqNfGyq1RX90Za37Mr8yHOkpvcdM6/3TF2lqQzzzhVu3fv0fTpd+nkoSPTmvGdO8ZjFWPuGDv73i1J1183Saec8nkdecQRuuCrl2c9c1fnQz1WIf7Z63N3jLlj7Bxq7hg7h5o7hM5Ne+t588R2LCj5RnZPdAXmgu2z8/Z54uVKyeHDhmrjxs3atGmLGhsbNW/eAo0fNzon8yHOkpvc2Z4ldzizvnevXLVG7763M+3fnw+5YzxWMeaOsbPv3WVlAzX2vJF64IGH0p7pjr0xHqsQ/+z1uTvG3DF2DjV3jJ1DzR1qZ0iOj4995LNOn5Q0s2mdnS0tK9HW5LYDnyfrG1RaWpKT+RBnfe4md2530zmO3KF27qoQf96hHqsYc8fY2ffu/5h6i276/o/U0tKS9kx37I3xWHVFqJ3JTed83k3nOHKH2hkISYcnJc2s/yE+jpE0toO5SWZWZWZVLS172vv6QY9l8jLyrsyHOOtzN7lzu5vOmc363B1j564K8ecd6rGKMXeMnX3uPn/suXr77Xf00vpX0vr93bW3q/OhHquuCLUzuXM363N3jLlj7Oxzd4ydgZAUpfj67yT9VlLb/0W41s+PO9SQc26apGlS++8pWZ9s0KDy0gOfl5cNVEPDjrRDd2U+xFmfu8md2910jiN3qJ27KsSfd6jHKsbcMXb2ufv00ys07iujdN6Yc9S7dy8deeQRenDGz3T5Fd/J6t6uzod6rLoi1M7kpnM+76ZzHLlD7QyEJNXLt9+SNMI5d2Kbj087506U1On/RayrqtaQISdq8OBBKi4u1oQJF2jhoiU5mQ9xltzkzvYsucOZ9b27K0L8eYd6rGLMHWNnn7snT/mpBn+6QkM+80VdOvEqPfvsc2mdkOzq3q7Oh3qsuiLUzuSmcz7vpnMcuUPtDIQk1ZWSd0o6WtKWdr72751d2tzcrOuun6LKxbPVI5HQjAfnqrb29ZzMhzhLbnJne5bc4cz63j1r5t06+6zTNGBAf21+q0q33Hq7ps+Yk9e5YzxWMeaOsbPv3Z0VamefuUP8s9fn7hhzx9g51Nwxdg41d6idIWX2btfwyTJ9XwIz+6Vz7pvp/v72Xr4NAAAAAACAzmvaW3/wm09Cj5R8g/NQbXxt++y8fZ50eKWkmT3+yYckfdnMjpIk59z4bAUDAAAAAAAAUJhSvXx7kKQaSffpf29wUyFpapZzAQAAAAAAAChQqW50c4qkFyVNlvS+c26ZpA+dc8udc8uzHQ4AAAAAAABA4enwSknnXIukO8xsfus/d6SaAQAAAAAAAICOpHWC0TmXlHSxmZ0vaVcmC3oX9exMLknSR017Oz0LAEAMEtb5961uyfBmd0Cmjurdt9OzOz/a041JAABALFq68Pdj5FZGVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcVISAAAAAAAAQE7l7KRkr149tWzFY3phdaXWVf1ak6dcL0m6/4E79FL1Uq1d96R+fs+/qagovbe5HD1qhGpeXaENtat04w1XZ5QlxFmfu8kdTu4QO/fq1UsvPLdIL1Y9pZern9HNP/xeprGD/HmHeKy6Outzd4ydr7nmSq1/6WlVr1+qa6+9MqPZru4Ocdbn7lhyv/TKM1rxwkI9u2qBnl72P5Kk8ReO0ao1i/X2zg06eej/SWvvvdOmalvyZVWvX5pR3s7m7q5Zn7vpHEfuGDv73E3nOHKH2jl2jo+PfeQzc1m+8+bhfU48sKBv3z7as+cDFRUV6aml83XjP96io/sfpSW/XiZJmj7jLj333Frdd++vJB367tuJREJ1NSs1ZuwlSiYbtPqFSk287CrV1b2RMk+Is+QmdyF3lj7+Z8OKZY/qH757s9asfSmvc8d4rGLMHULn9u6+fdLnPqtZs+7W6V/6ivbubdSiRbN07bU/0JtvbvrY7zvU3bdD/HmHcKxizN327tsvvfKMzj37r/Tuu+8deOxPP/Mnci0tmnrXrbp5yr+pev2rB752qLtvn3nGqdq9e4+mT79LJw8dmTJrrjvn2246x5E7xs6h5o6xc6i5Q+jctLee20y3Y/7AS/P9XFxOXdzwq7x9nuT05dt79nwgSSouLlJxcZGcdOCEpCRVVb2ssrKBKb/P8GFDtXHjZm3atEWNjY2aN2+Bxo8bnVaGEGfJTe5sz/re3fbPhqLiYmXyH0tC/HmHeqxizB1q5z/7syFas2a9PvzwIzU3N2vlitW64IIxeZ87xmMVa+793nh940Eny1NZuWqN3n1vZ8a7JI4VnQs3d4ydQ80dY+dQc4faGQhJTk9KJhIJPb96sTb9tkrPLF2lqnXVB75WVFSkS77xVT21ZHnK71NaVqKtyW0HPk/WN6i0tCStDCHO+txN7tzujrGztO/Phqp1S9RQ/xstXbpCa9etz/vcMR6rGHOH2rmm9jWdeeap6t//KB12WG+NGXOOystL8z53jMcqptzOOT382ANauvwRffOKv05rT3fjWNE5n3fTOY7cMXb2uTvGzkBIOnwDRzPrIelvJZVLetI591ybr01xzv0ok2UtLS06/Yvnq1+/I/TQnF/oc5/7jGprX5ck3XHXv+i5VWv1/PPrUn4fa+elauleWRXirM/d5M7t7hg7S/v+bKgYNkr9+h2p/5l/v0466bOqqXkt67tDnPW5O8bcoXbesOFN3Xb7z/VE5UPavXuPfvNKrZqamtKa7eruEGd97o4p9/mjLtH27W9rwID+enjBDL3x+ka98HxVWvu6C8cqd7M+d8eYO8bOPnfTObNZn7tj7AyEJNWVkr+QdLak30v6mZn9R5uvfe1QQ2Y2ycyqzKyqsekPB339/ff/oJUrV+vcvzxbkvT9H3xHAwb0103/lN45zvpkgwa1ueKjvGygGhp2FOysz93kzu3uGDu39f77u7R8xfMaPWpE2jMh/rxDPVYx5g61syTNmDFHp37xPI089yK99+7OjF4iG+LPO9RjFVPu7dvfliS98867qlz0lL5wyufT2tWdOFZ0zufddI4jd4ydfe6OsTOkFj4+9pHPUp2UHO6c+4Zz7k5Jp0o63MweMbNekg75RpnOuWnOuQrnXEVx0RGSpAED+qtfv32/7t27l7785TP0+usbdfkVf62R556lb13+nbTP/K+rqtaQISdq8OBBKi4u1oQJF2jhoiUFO0tucmd71ufufX82HClJ6t27t0aec6Zee+4HO8wAACAASURBVG1j3ueO8VjFmDvUzpJ07LHHSJIGDSrVhReep7lzF+R97hiPVSy5+/Q5TIcf3vfAr0ec86W0bxTQnThWdM7n3XSOI3eMnUPNHWpnICQdvnxbUs/9v3DONUmaZGY3S3pG0uGZLDq+5DhNu/d29Uj0UCJheuSRxXryiWe0c9cb2rKlXs8se0SS9PiCJ/XTn/xnh9+rublZ110/RZWLZ6tHIqEZD8498DLwVEKcJTe5sz3rc/fAgcfrgfvvVI8eCSUSCT388EItrnw673PHeKxizB1qZ0maO2eajjnmaDU2Nuk7103Wzp3v533uGI9VLLmPPW6AHvzV3ZKkoqIe+p/5C/XM0ys19it/qZ/e9s86ZkB/zZ4/Ta++UqcJX72yw92zZt6ts886TQMG9Nfmt6p0y623a/qMOXnXOV920zmO3DF2DjV3jJ1DzR1qZyAk1tHViWY2S9Is59yTn3j8byX9t3OuONWCw/uc2Ok3PvioaW9nRwEAiELCDvnChZRaeG8iZNlRvft2enbnR3u6MQkAAIWnaW995/8iWMDmDryUv+S28dcNv8rb50mHL992zk1s54TkL51z96VzQhIAAAAAAAAAPinV3bcf/+RDkr5sZkdJknNufLaCAQAAAAAAAChMqd5TcpCkGkn3SXLad1KyQtLULOcCAAAAAAAAMtKSty9Wxieluvv2KZJelDRZ0vvOuWWSPnTOLXfOLc92OAAAAAAAAACFp8MrJZ1zLZLuMLP5rf/ckWoGAAAAAAAAADqS1glG51xS0sVmdr6kXZks+CN30AYAIGu4gzbyWVfuoF3co/P/HbyxuanTswAAAMiNjP6255xbLGlxlrIAAAAAAAAAiAAvxQYAAAAAAEBBaBF3uglFqhvdAAAAAAAAAEC34qQkAAAAAAAAgJzydlLyjddXa/1LT6tq3RKtfqEy4/nRo0ao5tUV2lC7SjfecHXBz/rcTe5wcsfY2eduOseRO9TO906bqm3Jl1W9fmlGc92xO8RZn7tjzJ3p87O8fKCefHKO1q9fqhdffEpXX/0tSdKPf/wDVVcv1dq1T2ru3F+oX78js5o7xmMVY2efu+kcR+4YO/vcHWNnIBTmsnzXzuKeZe0ueOP11friaefp979/75Czh0qWSCRUV7NSY8ZeomSyQatfqNTEy65SXd0bKfOEOEtuctM5/3bTOY7coXaWpDPPOFW7d+/R9Ol36eShI9Oa8Z07xmMVa+50np9t775dUnKcSkqOU3X1qzr88L56/vlFmjBhksrKSrRs2fNqbm7Wj350kyRpypSfHvLu2xwrOhdq7hg7h5o7xs6h5g6hc9Peet48sR2/Kp2Y3RNdgbl026y8fZ4E+fLt4cOGauPGzdq0aYsaGxs1b94CjR83umBnyU3ubM+SO5xZcocz63v3ylVr9O57O9P+/fmQO8ZjFWvuTJ+f27e/rerqVyVJu3fv0YYNb6q09HgtXbpSzc3NkqS1a9errGxg1nLHeKxi7Bxq7hg7h5o7xs6h5g61M/Zd4MbH/37kM28nJZ1zeqLyIa1Z/YT+9spLM5otLSvR1uS2A58n6xtUWlpSsLM+d5M7t7vpHEfuGDv73B1j564K8ecd6rGKNXdXfOpT5Tr55JO0bl31xx7/5jcn6Ne/XtbhLMeKzvm8m85x5I6xs8/dMXYGQlLU0RfNrI+ka7Tv5Op/Svq6pK9J2iDpVufc7s4uPnvEhWpo2KFjjz1GTz4xRxtee1OrVq1Ja9bs4CtP030ZeoizPneTO7e76ZzZrM/ddM5s1ufuGDt3VYg/71CPVay5O6tv3z566KF7dMMNt+oPf/jfv4beeOM1am5u0pw5j3Y4z7HK3azP3THmjrGzz910zmzW5+4YOwMhSXWl5AxJx0s6UdJiSRWSbpdkkv77UENmNsnMqsysqqVlT7u/p6FhhyTpd7/7vR5b8ISGDTs57dD1yQYNKi898Hl52cAD368QZ33uJndud9M5jtwxdva5O8bOXRXizzvUYxVr7s4oKirSQw/do7lzH9OCBU8eePzSS/9KY8eO1BVXXJfye3Cs6JzPu+kcR+4YO/vcHWNnICSpTkp+xjn3PUlXSzpJ0rXOuRWSbpT0F4cacs5Nc85VOOcqEom+B329T5/DdPjhfQ/8+i/PPVs1Na+lHXpdVbWGDDlRgwcPUnFxsSZMuEALFy0p2Flykzvbs+QOZ5bc4cz63t0VIf68Qz1WsebujHvu+Xe99tqb+tnP7jvw2F/+5dn63vf+XhdddKU+/PCjlN+DY0XnfN5N5zhyx9g51NyhdgZC0uHLt/dzzjkzq3St1wu3ft7pa4ePP/5YPTz/fklSj6IemjPnMS1Zsizt+ebmZl13/RRVLp6tHomEZjw4V7W1rxfsLLnJne1ZcoczS+5wZn3vnjXzbp191mkaMKC/Nr9VpVtuvV3TZ8zJ69wxHqtYc2f6/Dz99Apdeulf6ZVX6rR6daUk6eabb9PUqf9PvXr11KJFsyTtu9nNd74zOS87h3isYuwcau4YO4eaO8bOoeYOtTMQEuvofQnM7D5J13/yvSPN7E8kPeicOyPVguKeZZ0+eck7JgAAAMSpuEda/+28XY3NTd2YBACA/NS0t/7gN5+Eflk2kdNJbXyzflbePk86fPm2c+5v2zkh+Uvn3EZJZ2Y1GQAAAAAAAICClOru249/8iFJXzazo1o/H5+VVAAAAAAAAAAKVqrXxQySVCPpPu17NbVp3x24p2Y5FwAAAAAAAIACleru26dIelHSZEnvO+eWSfrQObfcObc82+EAAAAAAAAAFJ4Or5R0zrVIusPM5rf+c0eqmYO+RxfCAQAAIE7crAYAAHRGi+8ASFtaJxidc0lJF5vZ+ZJ2ZTcSAAAAAAAAgEKW2VWPzi2WtDhLWQAAAAAAAABEINV7SgIAAAAAAABAt+KkJAAAAAAAAICcyujl2wAAAAAAAEC+4obL4fB2peS906ZqW/JlVa9f2qn50aNGqObVFdpQu0o33nB1wc/63E3ucHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz910jiN3qJ2BUJhz2T2HXNSzrN0FZ55xqnbv3qPp0+/SyUNHZvQ9E4mE6mpWaszYS5RMNmj1C5WaeNlVqqt7oyBnyU1uOuffbjrHkTvGzqHmjrFzqLlj7Bxq7hg7h5o7xs6h5o6xc6i5Q+jctLfe0goTmellE7lYso1v1c/K2+eJtyslV65ao3ff29mp2eHDhmrjxs3atGmLGhsbNW/eAo0fN7pgZ8lN7mzPkjucWXKHM0vucGbJHc4sucOZJXc4s+QOZ5bc4cz63g2EIuOTkmb2ejaCZKK0rERbk9sOfJ6sb1BpaUnBzvrcTe7c7qZzHLlj7OxzN53jyB1jZ5+76RxH7hg7+9xN5zhyx9jZ5+4YOwMh6fBGN2b2B/3ve4Tuv9yzz/7HnXNHHmJukqRJkmQ9+imR6NtNcQ98/4MeS/dl6CHO+txN7tzupnNmsz530zmzWZ+76ZzZrM/ddM5s1uduOmc263M3nTOb9bmbzpnN+txN58xmfe6OsTOklrx9sTI+KdWVkjMkPSbpT51zRzjnjpC0pfXX7Z6QlCTn3DTnXIVzrqK7T0hKUn2yQYPKSw98Xl42UA0NOwp21uducud2N53jyB1jZ5+76RxH7hg7+9xN5zhyx9jZ5246x5E7xs4+d8fYGQhJhyclnXPXSrpL0kNm9h0zSygP7q6+rqpaQ4acqMGDB6m4uFgTJlyghYuWFOwsucmd7VlyhzNL7nBmyR3OLLnDmSV3OLPkDmeW3OHMkjucWd+7gVB0+PJtSXLOvWhm50q6RtJySb27Y/GsmXfr7LNO04AB/bX5rSrdcuvtmj5jTlqzzc3Nuu76KapcPFs9EgnNeHCuamtfL9hZcpM727PkDmeW3OHMkjucWXKHM0vucGbJHc4sucOZJXc4s753A6GwDN8TYaCkV51zx6Q7U9SzzPuVlQAAAAAAAIWkaW89757YjvvLJ3Ieqo0rk7Py9nmS6kY3j7fzcK/9jzvnxmclFQAAAAAAAICClerl2+WSaiXdp33vJWmShkmamuVcAAAAAAAAQEZafAdA2lLdfbtC0ouSJkt63zm3TNKHzrnlzrnl2Q4HAAAAAAAAoPB0eKWkc65F0h1mNr/1nztSzQAAAAAAAABAR9I6weicS0q62MzOl7Qru5EAAAAAf7rybvC8sz4AAEB6Mrrq0Tm3WNLiLGUBAAAAAAAAEAFeig0AAAAAAICCwI1uwpHqRjcAAAAAAAAA0K04KQkAAAAAAAAgp7yclOzVq5deeG6RXqx6Si9XP6Obf/i9jL/H6FEjVPPqCm2oXaUbb7i64Gd97iZ3OLm7MnvvtKnalnxZ1euXZjTXHbs5VnF09rmbznHkjrGzz90xdr7uO99WdfUzWr9+qWbOvFu9evXK2e4QZ33ujjF3jJ1D/ftrjMfK5+4YOwOhMOeye4/Aop5l7S7o27eP9uz5QEVFRVqx7FH9w3dv1pq1L6X1PROJhOpqVmrM2EuUTDZo9QuVmnjZVaqre6MgZ8lN7lx0PvOMU7V79x5Nn36XTh46Mq2ZfMgd4s87xs6h5o6xc6i5Y+wcau4QOrd39+3S0hIte/ZRff4vvqyPPvpIs2ffoyefeEa/nDnvY7/vUH+zDvHnHcKxIne8naUw//4a67EKMXcInZv21rf3r6zo/aJ8YnZPdAXm/yZn5e3zxNvLt/fs+UCSVFxcpKLiYmVycnT4sKHauHGzNm3aosbGRs2bt0Djx40u2Flykzvbs5K0ctUavfvezrR/f77kDvHnHWPnUHPH2DnU3DF2DjV3qJ0lqaioSIcd1ls9evRQn8MO07aG7XmfO8ZjFWPuGDtLYf79NdZjFWLuUDtDcsZH2490mFkPM1tvZotaPz/RzNaY2RtmNtfMerY+3qv18zdbvz64K8fK20nJRCKhqnVL1FD/Gy1dukJr161Pe7a0rERbk9sOfJ6sb1BpaUnBzvrcTe7c7vbZuSs4VnTO5910jiN3jJ197o6x87Zt23XHHfforY1rtXXLeu3atUtPP70i73PHeKxizB1j564KtTO5w5j1vRvohOsk1bX5/N8k3eGc+1NJ70m6svXxKyW955wbIumO1t/XaR2elDSzz7f5dbGZTTGzx83sx2bWpyuLW1paVDFslE44sULDKobqpJM+m/as2cGnetO90jLEWZ+7yZ3b3T47dwXHKnezPnfHmDvGzj530zmzWZ+7Y+x81FH9NG7caP3pZ76oT53wBfXp20ff+MbX0prt6u4QZ33ujjF3jJ27KtTO5A5j1vduIBNmVi7pfEn3tX5uks6R9HDrb3lQ0oWtv76g9XO1fn2ktfeETVOqKyVntPn1TyUNkTRV0mGS7jnUkJlNMrMqM6tqadnT4YL339+l5Sue1+hRI9IKLEn1yQYNKi898Hl52UA1NOwo2Fmfu8md290+O3cFx4rO+bybznHkjrGzz90xdh458kxt3rxF77zzrpqamvTYY0/otC9W5H3uGI9VjLlj7NxVoXYmdxizvncDGbpT0o2SWlo/P0bSTudcU+vnSUllrb8uk7RVklq//n7r7++UVCcl257tHCnp28655ZK+K+nkQw0556Y55yqccxWJRN+Dvj5gQH/163ekJKl3794aec6Zeu21jWmHXldVrSFDTtTgwYNUXFysCRMu0MJFSwp2ltzkzvZsV3Gs6JzPu+kcR+4YO4eaO9TOW7fUa/ipX9Bhh/WWJJ3z5TO0YUN6NzvwmTvGYxVj7hg7d1Wonckdxqzv3UBbbS8cbP2Y1OZrX5H0tnPuxbYj7Xwbl8bXMlaU4uv9zOyr2nfyspdzrlGSnHPOzDq9dODA4/XA/XeqR4+EEomEHn54oRZXPp32fHNzs667fooqF89Wj0RCMx6cq9ra1wt2ltzkzvasJM2aebfOPus0DRjQX5vfqtItt96u6TPm5H3uEH/eMXYONXeMnUPNHWPnUHOH2nntuvV65JHFWrv212pqatLL1TW6975f5X3uGI9VjLlj7CyF+ffXWI9ViLlD7Qx8knNumqRph/jylySNN7OxknpLOlL7rpw8ysyKWq+GLJe0/01Ok5IGSUqaWZGkfpLe7Ww26+h9Ccxshj5+xvMm59wOMyuR9Cvn3MhUC4p6lvHGBwAAAAhGp98YSV24VAAAgAw17a3vyr+yCtbPB03kX8dtXLV1VlrPEzMbIekfnXNfMbP5kv7HOTfHzO6R9Bvn3M/N7GpJf+6c+zsz+7qkrznnJnQ2W4dXSjrnrmgn5C+dc9/UvpdzAwAAAAAAACgc/yRpjpn9SNJ6Sfe3Pn6/pJlm9qb2XSH59a4s6fCkpJk93s7D55jZUZLknBvfleUAAAAAAAAA/HLOLZO0rPXXb0ka3s7v+UjSxd21M9V7Sg6SVKN9twV32vdqlmHadwduAAAAAAAAAMhYqrtvnyLpRUmTJb3fetb0Q+fc8ta7cAMAAAAAAABARlK9p2SLpDta3+DyDjPbkWoGAAAAAAAA8KHFdwCkLa0TjM65pKSLzex8SbuyGwkAAADwh1t2AgAAZF9GVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcdMaAAAAAAAAFATeGzoc3q6UvHfaVG1Lvqzq9Us7NT961AjVvLpCG2pX6cYbri74WZ+7yR1O7hg7+9xN5zhyx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5A61MxAKcy6755CLepa1u+DMM07V7t17NH36XTp56MiMvmcikVBdzUqNGXuJkskGrX6hUhMvu0p1dW8U5Cy5yU3n/NtN5zhyx9g51Nwxdg41d4ydQ80dY+dQc8fYOdTcMXYONXcInZv21ltaYSLzn4MmcrFkG9dunZW3zxNvV0quXLVG7763s1Ozw4cN1caNm7Vp0xY1NjZq3rwFGj9udMHOkpvc2Z4ldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmfW9GwhFhyclzewaMxvQ+ushZrbCzHaa2Roz+/PcRDxYaVmJtia3Hfg8Wd+g0tKSgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5I6xs8/dMXYGQpLqSsm/d8690/rruyTd4Zw7StI/SbrnUENmNsnMqsysqqVlTzdF/dj3P+ixdF+GHuKsz93kzu1uOmc263M3nTOb9bmbzpnN+txN58xmfe6mc2azPnfTObNZn7vpnNmsz910zmzW5+4YOwMhSXX37bZfP84596gkOeeWmdkRhxpyzk2TNE069HtKdkV9skGDyksPfF5eNlANDTsKdtbnbnLndjed48gdY2efu+kcR+4YO/vcTec4csfY2eduOseRO8bOPnfH2BlSS96+gyI+KdWVkg+b2Qwz+7SkR83sejP7lJl9S9KWHORr17qqag0ZcqIGDx6k4uJiTZhwgRYuWlKws+Qmd7ZnyR3OLLnDmSV3OLPkDmeW3OHMkjucWXKHM0vucGZ97wZC0eGVks65ya0nIB+S9CeSekmaJOkxSZd2ZfGsmXfr7LNO04AB/bX5rSrdcuvtmj5jTlqzzc3Nuu76KapcPFs9EgnNeHCuamtfL9hZcpM727PkDmeW3OHMkjucWXKHM0vucGbJHc4sucOZJXc4s753A6GwTN+XwMxmOucuS/f3Z+Pl2wAAAAAAADFr2lvPC5XbcdenJnIeqo3rtszK2+dJh1dKmtnj7Tx8zv7HnXPjs5IKAAAAAAAAQMFKdaObckm1ku6T5CSZpGGSpmY5FwAAAAAAAJCRFt8BkLZUN7qpkPSipMmS3nfOLZP0oXNuuXNuebbDAQAAAAAAACg8qW500yLpDjOb3/rPHalmAAAAAAAAAKAjaZ1gdM4lJV1sZudL2pXdSAAAAEB8Eta196FvyfAGlgAAAD5ldNWjc26xpMVZygIAAAAAAAAgArwUGwAAAAAAAAWBG92EI9WNbgAAAAAAAACgW3FSEgAAAAAAAEBOeTkp2atXL73w3CK9WPWUXq5+Rjf/8HsZf4/Ro0ao5tUV2lC7SjfecHXBz/rcTe5wcsfY2eduOseRO8bOPnfTOY7cMXbOdH7aL25Xcmu11r/09IHHjj76KFVWzlZNzUpVVs7WUUf1y3pujlU4uWPs7HM3nePIHWpnIBTmsnyXvqKeZe0u6Nu3j/bs+UBFRUVasexR/cN3b9aatS+l9T0TiYTqalZqzNhLlEw2aPULlZp42VWqq3ujIGfJTW46599uOseRO8bOoeaOsXOouWPsnO5827tvn3HGqdq9e4+mP3Cnhn7hXEnST348We++u1O33X63bvjHq3X00f30g8k/PjDT3t23871zvs2GmjvGzqHmjrFzqLlD6Ny0t94O8S2iNvVTE7N7oisw39syK2+fJ95evr1nzweSpOLiIhUVFyuTk6PDhw3Vxo2btWnTFjU2NmrevAUaP250wc6Sm9zZniV3OLPkDmeW3OHMkjuc2Zhyr1q1Ru+9t/Njj40bN0ozZ82XJM2cNV/jx6feH1LnfJgNNXeMnUPNHWPnUHOH2hkIibeTkolEQlXrlqih/jdaunSF1q5bn/ZsaVmJtia3Hfg8Wd+g0tKSgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5t7n3O+64Adq+/W1J0vbtb+vYY4/J6l6OVW530zmO3DF29rk7xs6QHB8f+8hnHZ6UNLNHzGyimR3e3YtbWlpUMWyUTjixQsMqhuqkkz6b9qzZwVeepnulZYizPneTO7e76ZzZrM/ddM5s1uduOmc263M3nTOb9bmbzpnNdsd8Z4Xamdy5m/W5O8bcMXb2uTvGzkBIUl0peaqkCyVtMbN5ZvZVM+uZ6pua2SQzqzKzqpaWPR3+3vff36XlK57X6FEj0g5dn2zQoPLSA5+Xlw1UQ8OOgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5t7n3e/vtd1RScpwkqaTkOP3ud7/P6l6OVW530zmO3DF29rk7xs5ASFKdlHzbOXeRpBMkLZT0bUn1ZjbdzEYdasg5N805V+Gcq0gk+h709QED+qtfvyMlSb1799bIc87Ua69tTDv0uqpqDRlyogYPHqTi4mJNmHCBFi5aUrCz5CZ3tmfJHc4sucOZJXc4s+QOZzbW3PstXPSULpt4sSTpsokXa+HC1POhdiY3nfN5N53jyB1qZyAkRSm+7iTJOfcHSTMlzTSz/pImSLpJUqf+VzFw4PF64P471aNHQolEQg8/vFCLK59Oe765uVnXXT9FlYtnq0cioRkPzlVt7esFO0tucmd7ltzhzJI7nFlyhzNL7nBmY8o985f/pbPOOk0DBvTXWxvX6dZ/marbbvsvzZ59j6741te1dWu9Lrnk7wqqcz7Mhpo7xs6h5o6xc6i5Q+0MhMQ6el8CM1vhnDurKwuKepbxxgcAAABACgk7+D3EMtHC+40BQFSa9tZ37V8cBerfT5jIvxDbuPG3s/L2edLhy7fbOyFpZr/MXhwAAAAAAAAAha7Dl2+b2eOffEjSl83sKElyzo3PVjAAAAAAAAAAhSnVe0oOklQj6T7te39Jk1QhaWqWcwEAAAAAAAAoUKnuvn2KpBclTZb0vnNumaQPnXPLnXPLsx0OAAAAAAAAQOHp8EpJ51yLpDvMbH7rP3ekmgEAAAAAAAB8aPEdAGlL6wSjcy4p6WIzO1/SruxGAgAAAOLT1btnd+Xu3dy5GwAA5FpGVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcdMaAAAAAAAAFATeJTkc3q6UHD1qhGpeXaENtat04w1X53Q+xFmfu8kdTu4YO/vcTec4csfY2eduOseRO8bOPndfc82VWv/S06pev1TXXntlzvZ2dT7GY0XnOHLH2Nnn7hg7A6Ewl+U77RX1LDtoQSKRUF3NSo0Ze4mSyQatfqFSEy+7SnV1b6T1PbsyH+IsuclN5/zbTec4csfYOdTcMXYONXeMnXO1u727b5/0uc9q1qy7dfqXvqK9exu1aNEsXXvtD/Tmm5s+9vvau/t2CJ27ezbU3DF2DjV3jJ1DzR1C56a99Qf/wQ/95ISJXCzZxvd/OytvnyderpQcPmyoNm7crE2btqixsVHz5i3Q+HGjczIf4iy5yZ3tWXKHM0vucGbJHc4sucOZJXfms3/2Z0O0Zs16ffjhR2pubtbKFat1wQVjsr63q/MxHis6x5E7xs6h5g61MxASLyclS8tKtDW57cDnyfoGlZaW5GQ+xFmfu8md2910jiN3jJ197qZzHLlj7OxzN53DyV1T+5rOPPNU9e9/lA47rLfGjDlH5eWlWd/b1fkYjxWd48gdY2efu2PsDISkwxvdmNmnJU2RtE3STyXdIek0SXWSbnDObe7MUmvnpSWZvIy8K/MhzvrcTe7c7qZzZrM+d9M5s1mfu+mc2azP3XTObNbnbjpnNutz94YNb+q223+uJyof0u7de/SbV2rV1NSU9b1dnY/xWNE5s1mfu+mc2azP3TF2BkKS6krJGZLWSdotabWkDZLOk/SkpAcONWRmk8ysysyqWlr2HPT1+mSDBrX5L7TlZQPV0LAj7dBdmQ9x1uducud2N53jyB1jZ5+76RxH7hg7+9xN53ByS9KMGXN06hfP08hzL9J77+486P0ks7WXYxXGrM/dMeaOsbPP3TF2htQix0ebj3yW6qTkEc65/3bO/VTSkc65qc65rc65+yUdfagh59w051yFc64ikeh70NfXVVVryJATNXjwIBUXF2vChAu0cNGStEN3ZT7EWXKTO9uz5A5nltzhzJI7nFlyhzNL7s7tPvbYYyRJgwaV6sILz9PcuQtyspdjFcYsucOZJXc4s753A6Ho8OXbklrM7DOSMqASaAAAIABJREFU+knqY2YVzrkqMxsiqUdnlzY3N+u666eocvFs9UgkNOPBuaqtfT0n8yHOkpvc2Z4ldziz5A5nltzhzJI7nFlyd2733DnTdMwxR6uxsUnfuW6ydu58Pyd7OVZhzJI7nFlyhzPrezcQCuvofQnMbKSkn0tqkfRtSf8g6fPad5JyknPusVQLinqW5fe1ogAAAEABSNjB70GWrhbeqwwAgtO0t77zf/AXsH894VL+pdbG5N/+Km+fJx1eKemcWyrps20eWmVmiySNd861ZDUZAAAAAAAAgIKU6u7bj7fz8AhJj5mZnHPjs5IKAAAAAAAAyBBX0IUj1XtKDpJUI+k+SU6SSRomaWqWcwEAAAAAAAAoUKnuvn2KpBclTZb0vnNumaQPnXPLnXPLsx0OAAAAAAAAQOFJ9Z6SLZLuMLP5rf/ckWoGAAAAAAAAADqS1glG51xS0sVmdr6kXdmNBAAAACBT3EEbAACEJKOrHp1ziyUtzlIWAAAAAAAAoNP4T3ThSPWekgAAAAAAAADQrTgpCQAAAAAAACCnOCkJAAAAAAAAIKe8nZS8d9pUbUu+rOr1Szs1P3rUCNW8ukIbalfpxhuuLvhZn7vJHU7uGDv73E3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkDrUzEApzWb5LX1HPsnYXnHnGqdq9e4+mT79LJw8dmdH3TCQSqqtZqTFjL1Ey2aDVL1Rq4mVXqa7ujYKcJTe56Zx/u+kcR+4YO4eaO8bOoeaOsXOouWPsHGruGDuHmjvGzqHmDqFz0956SytMZG494VLuddPGD3/7q7x9nni7UnLlqjV6972dnZodPmyoNm7crE2btqixsVHz5i3Q+HGjC3aW3OTO9iy5w5kldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OrO/dsWvh42Mf+azDk5JmljCzvzGzxWb2spm9aGZzzGxEjvK1q7SsRFuT2w58nqxvUGlpScHO+txN7tzupnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73E3nOHLH2Nnn7hg7AyEpSvH1+yX9VtJPJF0kaZeklZKmmNmfO+f+s70hM5skaZIkWY9+SiT6dl/ifd//oMfSfRl6iLM+d5M7t7v/P3t3Hyd1fd77/30NuxhFgzdolt0lrin19OT00YhF1MS7xArGBIiNoVWxuTPkdzSpNid67KmJR/trqy02MYlpAm2AaBAwTbACGuJdhP7kZpVFYZeKCIFZFjRVE8Gk7M31+4OVrC67M7OzM5/5zOf19LGPzO7stdf7vTPywG++M186FzYbcjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ7AzHJdVDyD9390723V5vZGnf/qpk9KalF0mEPSrr7HElzpIHfU7IY7dkOjWusP/R5Y8NYdXTsrdrZkLvJXd7ddE4jd4qdQ+6mcxq5U+wccjed08idYueQu+mcRu4UO4fcnWJnICa53lOy08x+R5LM7HRJByTJ3f9LUrDD9OubWzR+/Clqahqn2tpazZgxXQ8uW1m1s+Qmd6lnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM0vueGZD7wZiketMyRskPW5m/9X7vZdLkpmdKGlZMYvvvedunX/e2Roz5njteLFZt942W/PmL8prtru7W9ddf7NWLF+oEZmM5i9YrNbW56t2ltzkLvUsueOZJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdz2zo3anrqdhrTePtLNf7EtjBNzM4wd1/0fv59939z/JdUIqXbwMAAAAAAKSs60A7h98O46tNV3Icqo/bdvygYp8ng54paWb/1uf2mzc/ZGbHSpK7TytdNAAAAAAAAADVKNfLt8dJ2izpn3XwPSRN0hmS7ixxLgAAAAAAAABVKteFbv5Q0tOS/krSL939CUm/dvefufvPSh0OAAAAAAAAQPUZ9ExJd++R9DUzu7/3f/fmmgEAAAAAAABC6BFvKRmLvA4wuntW0ifM7COSflXaSAAAAAAAAACqWUFnPbr7cknLS5QFAAAAAAAAQAJyvackAAAAAAAAAAwrDkoCAAAAAAAAKCsOSgIAAAAAAAAoq2AHJadMvkCbNz2pLa2rdeMN15Z1PsbZkLvJHU/uFDuH3E3nNHKn2DnkbjqnkTvFziF3h+wsSZlMRuvX/UQP/HhB2XbzWKXROeRuOqeRO9bOqXM+3vJRycy9tBFrRjb0W5DJZNS2eZUuvuRyZbMdWvPUCs286hq1tW3N62cWMx/jLLnJTefK203nNHKn2DnW3Cl2jjV3ip1jzV1s5zddf90s/eEf/oHeecwxmn7pJ/Oa4bGic7XmTrFzrLlj6Nx1oN3yCpOYv2q6otKPxZXV3+xYWLHPkyBnSk46Y4K2bduh7dt3qrOzU0uWPKBpU6eUZT7GWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhm39TQMFaXfPhCfe979xU0x2NF50reTec0csfaGYhJkIOS9Q112pXdfejzbHuH6uvryjIf42zI3eQu7246p5E7xc4hd9M5jdwpdg65m85p5C62syT945236qa//H/V09NT0ByPFZ0reTed08gda2cgJoMelDSz0WZ2u5ltMbP/7P1o6/3asUNdatb/zNFCXkZezHyMsyF3k7u8u+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcHbLzRy75I7300i/0zIbn8p4Zjt08VoXNhtydYu4UO4fcnWJnICY1Oe5fIukxSRe4+x5JMrM6SZ+UdL+kiw43ZGazJM2SJBsxWpnMqLfc357t0LjG+kOfNzaMVUfH3rxDFzMf42zI3eQu7246p5E7xc4hd9M5jdwpdg65m85p5C628/vfP1FTPzpZH774Q3rHO47QO995jBbM/4Y++ak/r+jcMf6+U+wccjed08gda2dIhZ2bj5ByvXy7yd3vePOApCS5+x53v0PSuwcacvc57j7R3Se+/YCkJK1vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kldzyz5I5nltzxzJI7nllJ+qubb1fTeyZq/Kln6cqZ1+jxx/89rwOSoXPH+PtOsXOsuVPsHGvuWDsDMcl1puTPzexGSQvcfa8kmdm7JH1K0q6hLu3u7tZ119+sFcsXakQmo/kLFqu19fmyzMc4S25yl3qW3PHMkjueWXLHM0vueGbJHc9ssXis6FzJu+mcRu5YOwMxscHel8DMjpN0k6Tpkt4lySXtlfRvku5w91dyLagZ2cAbHwAAAAAAAAyjrgPt/d98EvrLpis4DtXH3+1YWLHPk0HPlHT3VyX9794Pmdm5kiZJei6fA5IAAAAAAAAA8HaDHpQ0s3XuPqn39tWSrpW0VNItZna6u99ehowAAAAAAABATj3iRMlY5LrQTW2f25+XNNndb5U0WdKVJUsFAAAAAAAAoGrlutBNpvd9JTM6+P6TL0uSu+83s66SpwMAAAAAAABQdXIdlBwt6WlJJsnNrM7d95jZ0b1fAwAAAAAAAICC5LrQTdMAd/VIujSfBcUcueRdAAAAAAAAAIDqk+tMycNy9zckbR/mLAAAAAAAAAASMKSDkgAAAAAAAECl4VW38ch19W0AAAAAAAAAGFYclAQAAAAAAABQVsEOSm59fo02PPOImtev1JqnVhQ8P2XyBdq86UltaV2tG2+4tupnQ+4mdzy5U+wccjed08idYueQu+mcRu4UO4fcHWPnuXPu1O7sRrVseLTgncXsHY75GGdD7k4xd4qdQ+5OsTMQC3Mv7avta0c2HHbB1ufX6KyzP6z//M9XB5wdKFkmk1Hb5lW6+JLLlc12aM1TKzTzqmvU1rY1Z54YZ8lNbjpX3m46p5E7xc6x5k6xc6y5U+wca+6Qnc8950zt27df8+bdpdMmXJjXvkrIHeMsueOZJXc8s+Xa3XWg3fIKk5gbmy7nbSX7+Psd91Xs8yTKl29POmOCtm3boe3bd6qzs1NLljygaVOnVO0sucld6llyxzNL7nhmyR3PLLnjmSV3PLPFzq9avVavvPpa3rsqJXeMs+SOZ5bc8cyG3p26Hj7e8lHJgh2UdHc9tOI+rV3zkK7+7JUFzdY31GlXdvehz7PtHaqvr6va2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPIHbJzMXis0ugccjed08gda2cgJjVDHTSzh9z9w0OdP/+Cj6mjY69OPPEEPfzQIm35jxe0evXafHf3+1q+L0OPcTbkbnKXdzedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu2PtXAweq8JmQ+5OMXeKnUPuTrEzEJNBD0qa2ekD3SXptEHmZkmaJUmZEaOVyYzq9z0dHXslSS+//J9a+sBDOuOM0/I+KNme7dC4xvpDnzc2jD3086pxNuRucpd3N53TyJ1i55C76ZxG7hQ7h9xN5zRyh+xcDB6rNDqH3E3nNHLH2hmISa6Xb6+XNFvSnW/7mC3p2IGG3H2Ou09094mHOyB51FFH6uijRx26fdEfna/Nm/8j79Drm1s0fvwpamoap9raWs2YMV0PLltZtbPkJnepZ8kdzyy545kldzyz5I5nltzxzA7H/FDxWKXROdbcKXaONXesnYGY5Hr5dpukz7t7v8tDmdmuoS5917tO1A/v/xdJ0oiaEVq0aKlWrnwi7/nu7m5dd/3NWrF8oUZkMpq/YLFaW5+v2llyk7vUs+SOZ5bc8cySO55ZcsczS+54Zoudv/eeu3X+eWdrzJjjtePFZt1622zNm7+o4nPHOEvueGbJHc9s6N2p6xEvdY+FDfa+BGZ2maTn3L3faYxm9jF3X5prQe3IhiE/G3gaAQAAAAAA9Nd1oL3/m09CX2r6Uw4n9fGPOxZV7PNk0DMl3f2HfT83s3MkTZK0KZ8DkgAAAAAAAADwdoO+p6SZretz+3OSviXpGEm3mNlNJc4GAAAAAAAAoArlutBNbZ/bsyRd5O63Spos6cqSpQIAAAAAAABQtXJd6CZjZsfp4MFLc/eXJcnd95tZV8nTAQAAAAAAAHniDSXjkeug5GhJT0sySW5mde6+x8yO7v1aTjwZAAAAAAAAAPSV60I3TQPc1SPp0mFPAwAAAAAAAKDq5TpT8rDc/Q1J24c5CwAAAAAAAIAE5LrQDQAAAAAAAAAMKw5KAgAAAAAAACirIb18GwAAAAAAAKg0PaEDIG9BzpRsbKzXIyvv13PPPqGNLY/pi1/4bME/Y8rkC7R505Pa0rpaN95wbdXPhtxN7nhyp9g55O4YO8+dc6d2ZzeqZcOjBe8sZu9wzMc4G3J3irlT7BxyN53TyJ1i55C76ZxG7hQ7h9ydYmcgFubuJV1QM7Kh34K6upM0tu4kbWjZpKOPHqV1ax/Wxy/7jNratub1MzOZjNo2r9LFl1yubLZDa55aoZlXXZPXfIyz5CY3nStvd6ydzz3nTO3bt1/z5t2l0yZcmNe+Ssgd4yy545kldzyz5I5nltzxzJI7nllyxzNbrt1dB9otrzCJua7pT0t7oCsyd+1YVLHPkyBnSu7Z85I2tGySJO3bt19btmxVQ31d3vOTzpigbdt2aPv2ners7NSSJQ9o2tQpVTtLbnKXepbc8cwWO79q9Vq98upree+qlNwxzpI7nllyxzNL7nhmyR3PLLnjmSV3PLOhdwOxGPSgpJm908z+zszuMbMr3nbft4cjwMknN+q09/2+1q7bkPdMfUOddmV3H/o8296h+jwPasY4G3I3ucu7m85p5A7ZuRg8Vml0DrmbzmnkTrFzyN10TiN3ip1D7qZzGrlj7QzEJNeZkvMkmaR/lfSnZvavZnZE731nDTRkZrPMrNnMmnt69g/4w0eNOkpLFs/Vl758i15/fV/eoc36n3ma78vQY5wNuZvc5d1N58JmQ+6OtXMxeKwKmw25O8XcKXYOuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu1PsDMn55y3/VLJcByV/x91vcvel7j5N0jOSHjOzEwYbcvc57j7R3SdmMqMO+z01NTW6f/Fc3Xffj7V06UMFhW7PdmhcY/2hzxsbxqqjY2/VzobcTe7y7qZzGrlDdi4Gj1UanUPupnMauVPsHHI3ndPInWLnkLvpnEbuWDsDMcl1UPIIMzv0Pe7+N5LmSHpS0qAHJnOZO+dOtW15QV+/a07Bs+ubWzR+/Clqahqn2tpazZgxXQ8uW1m1s+Qmd6lnyR3P7HDMDxWPVRqdY82dYudYc6fYOdbcKXaONXeKnWPNnWLnWHPH2hmISU2O+x+U9CFJj7z5BXdfYGZ7JX1zqEs/8P4zdNXMy/Tsc61qXn/wX6yvfOV2PfTwY3nNd3d367rrb9aK5Qs1IpPR/AWL1dr6fNXOkpvcpZ4ldzyzxc7fe8/dOv+8szVmzPHa8WKzbr1ttubNX1TxuWOcJXc8s+SOZ5bc8cySO55ZcsczS+54ZkPvBmJhBb4nwjmSJkna5O55HaavGdlQ2S9gBwAAAAAAiEzXgfb+bz4J/XnTn3Acqo9v7Fhcsc+TXFffXtfn9uckfUvSMZJuMbObSpwNAAAAAAAAyFsPH2/5qGS53lOyts/tWZIucvdbJU2WdGXJUgEAAAAAAACoWrneUzJjZsfp4MFLc/eXJcnd95tZV8nTAQAAAAAAAKg6uQ5Kjpb0tCST5GZW5+57zOzo3q8BAAAAAAAAQEEGPSjp7k0D3NUj6dJhTwMAAAAAAACg6uU6U/Kw3P0NSduHOQsAAAAAAACABAzpoCQAAAAAAABQaXrkoSMgT7muvg0AAAAAAAAAw4qDkgAAAAAAAADKKshBycbGej2y8n499+wT2tjymL74hc8W/DOmTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3eKnUPupnMauVPsHHI3ndPInWLnkLvpXNjs3Dl3and2o1o2PFrQ3HDs5rFKI3eKnUPuTrEzEAtzL+1r7WtGNvRbUFd3ksbWnaQNLZt09NGjtG7tw/r4ZZ9RW9vWvH5mJpNR2+ZVuviSy5XNdmjNUys086pr8pqPcZbc5KZz5e2mcxq5U+wca+4UO8eaO8XOseZOsbMknXvOmdq3b7/mzbtLp024MK+Z0LlTfaxizJ1i51hzx9C560C75RUmMdc0zeBNJfv49o4lFfs8CXKm5J49L2lDyyZJ0r59+7Vly1Y11NflPT/pjAnatm2Htm/fqc7OTi1Z8oCmTZ1StbPkJnepZ8kdzyy545kldzyz5I5nltzxzMace9XqtXrl1dfy/v5KyJ3qYxVj7hQ7x5o71s6QnI+3fFSy4O8pefLJjTrtfb+vtes25D1T31CnXdndhz7PtneoPs+DmjHOhtxN7vLupnMauVPsHHI3ndPInWLnkLvpnEbuFDsXK9bO5I5jNuTuFHPH2hmIyaAHJc2szsz+yczuNrMTzOz/mtlzZrbEzMYWu3zUqKO0ZPFcfenLt+j11/flPWfW/8zTfF+GHuNsyN3kLu9uOhc2G3I3nQubDbmbzoXNhtxN58JmQ+6mc2GzIXfTubDZYsXamdxxzIbcnWLuWDsDMcl1puR8Sa2Sdkl6XNKvJX1E0ipJ3xloyMxmmVmzmTX39Ow/7PfU1NTo/sVzdd99P9bSpQ8VFLo926FxjfWHPm9sGKuOjr1VOxtyN7nLu5vOaeROsXPI3XROI3eKnUPupnMauVPsXKxYO5M7jtmQu1PMHWtnICa5Dkq+y92/6e63SzrW3e9w953u/k1JJw805O5z3H2iu0/MZEYd9nvmzrlTbVte0NfvmlNw6PXNLRo//hQ1NY1TbW2tZsyYrgeXrazaWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhmY85djFg7kzuOWXLHMxt6NxCLmhz39z1o+f1B7ivIB95/hq6aeZmefa5VzesP/ov1la/crocefiyv+e7ubl13/c1asXyhRmQymr9gsVpbn6/aWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhmY8597z136/zzztaYMcdrx4vNuvW22Zo3f1FF5071sYoxd4qdY80da2dIPRV/eRe8yQZ7XwIzu03S37v7vrd9fbyk2939slwLakY28GwAAAAAAAAYRl0H2vu/+ST0+aZPcByqj+/uuL9inyeDninp7l/t+7mZnSNpkqRN+RyQBAAAAAAAAIC3y3X17XV9bn9O0rckHSPpFjO7qcTZAAAAAAAAAFShXO8LWdvn9ixJF7n7rZImS7qyZKkAAAAAAAAAVK2cF7oxs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAACAitATOgDylutCN00D3NUj6dJhTwMAAAAAAACg6uU6U/Kw3P0NSduHOQsAAAAAAACABOS60A0AAAAAAAAADCsOSgIAAAAAAAAoqyG9fBsAAAAAAACoNC4PHQF5Cnam5Nw5d2p3dqNaNjw6pPkpky/Q5k1Pakvrat14w7VVPxtyN7njyZ1i55C76ZxG7hQ7h9xN5zRyx9qZv7/G81ilmDvFziF30zmN3LF2BmJh7qU9glwzsuGwC84950zt27df8+bdpdMmXFjQz8xkMmrbvEoXX3K5stkOrXlqhWZedY3a2rZW5Sy5yU3nyttN5zRyp9g51twpdo41d6ydJf7+GstjlWLuFDvHmjvFzrHmjqFz14F2yytMYq5uuoxTJfv45x0/rNjnScFnSprZScOxeNXqtXrl1deGNDvpjAnatm2Htm/fqc7OTi1Z8oCmTZ1StbPkJnepZ8kdzyy545kldzyz5I5nNvRu/v4ax2OVYu4UO8eaO8XOseaOtTMQk0EPSprZ8W/7OEHSOjM7zsyOL1PGfuob6rQru/vQ59n2DtXX11XtbMjd5C7vbjqnkTvFziF30zmN3Cl2Drk7xc7FivH3HetjlWLuFDuH3E3nNHLH2hmISa4L3fxC0s/f9rUGSc9IcknvOdyQmc2SNEuSbMRoZTKjiozZ7+f3+1q+L0OPcTbkbnKXdzedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd6fYuVgx/r5jfaxSzJ1i55C76VzYbMjdKXaG1BM6APKW6+XbN0r6D0nT3P0Udz9FUrb39mEPSEqSu89x94nuPnG4D0hKUnu2Q+Ma6w993tgwVh0de6t2NuRucpd3N53TyJ1i55C76ZxG7hQ7h9ydYudixfj7jvWxSjF3ip1D7qZzGrlj7QzEZNCDku4+W9LVkr5qZv9oZsdI4a+tvr65RePHn6KmpnGqra3VjBnT9eCylVU7S25yl3qW3PHMkjueWXLHM0vueGZD7y5GjL/vWB+rFHOn2DnW3Cl2jjV3rJ2BmOR6+bbcPSvpE2Y2VdJPJR01HIvvvedunX/e2Roz5njteLFZt942W/PmL8prtru7W9ddf7NWLF+oEZmM5i9YrNbW56t2ltzkLvUsueOZJXc8s+SOZ5bc8cyG3s3fX+N4rFLMnWLnWHOn2DnW3LF2BmJiBb4nwrmSzpe0zt3zOkxfM7Ih+JmVAAAAAAAA1aTrQHv/N5+EPtN0Gceh+vjejh9W7PMk19W31/W5/TlJ35A0QtItZnZTibMBAAAAAAAAqEK5Xr5d2+f2LEmT3f1lM5staY2k20uWDAAAAAAAACiAh78UCvKU66BkxsyO08EzKs3dX5Ykd99vZl0lTwcAAAAAAACg6uQ6KDla0tOSTJKbWZ277zGzo3u/BgAAAAAAAAAFGfSgpLs3DXBXj6RLhz0NAAAAAAAAgKqX60zJw3L3NyRtH+YsAAAAAAAAABIwpIOSAAAAAAAAQKXpCR0AecuEDgAAAAAAAAAgLRyUBAAAAAAAAFBWwQ5KTpl8gTZvelJbWlfrxhuuLet8jLMhd5M7ntzFzM6dc6d2ZzeqZcOjBc0Nx24eqzQ6h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQCzM3Uu6oGZkQ78FmUxGbZtX6eJLLlc226E1T63QzKuuUVvb1rx+ZjHzMc6Sm9zl6HzuOWdq3779mjfvLp024cK8Ziohd4y/7xQ7x5o7xc6x5k6xc6y5U+wca+4UO8eaO8XOseZOsXOsuWPo3HWg3fIKk5hPNn28tAe6IrNgx79W7PMkyJmSk86YoG3bdmj79p3q7OzUkiUPaNrUKWWZj3GW3OQu9awkrVq9Vq+8+lre318puWP8fafYOdbcKXaONXeKnWPNnWLnWHOn2DnW3Cl2jjV3ip1jzR1rZ0g97nz0+ahkQQ5K1jfUaVd296HPs+0dqq+vK8t8jLMhd5O7vLtDdi4GjxWdK3k3ndPInWLnkLvpnEbuFDuH3E3nNHKn2Dnk7hQ7AzEZ9KCkmV3c5/ZoM/sXM3vWzBaa2buGutSs/5mjhbyMvJj5GGdD7iZ3eXeH7FwMHqvyzYbcnWLuFDuH3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ7AzHJdabk3/a5faekDklTJa2X9N2Bhsxslpk1m1lzT8/+fve3Zzs0rrH+0OeNDWPV0bE379DFzMc4G3I3ucu7O2TnYvBY0bmSd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+5OsTMQk0Jevj3R3W9295+7+9ckNQ30je4+x90nuvvETGZUv/vXN7do/PhT1NQ0TrW1tZoxY7oeXLYy7yDFzMc4S25yl3q2WDxWdK7k3XROI3eKnWPNnWLnWHOn2DnW3Cl2jjV3ip1jzR1rZyAmNTnuP8nMviTJJL3TzMx/e87wkN+Psru7W9ddf7NWLF+oEZmM5i9YrNbW58syH+Msucld6llJuveeu3X+eWdrzJjjtePFZt1622zNm7+o4nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT7Bxr7hQ7x5o71s6QeKF7PGyw9yXz5hVrAAAgAElEQVQws1ve9qVvu/vLZlYn6e/d/c9yLagZ2cDzAQAAAAAAYBh1HWjv/+aT0MyT/5jjUH3c+/MfVezzZNAzJd391r6fm9k5ZnaVpE35HJAEAAAAAAAAgLfLdfXtdX1uXy3pW5KOkXSLmd1U4mwAAAAAAAAAqlCu94Ws7XP785Iu6j17crKkK0uWCgAAAAAAAEDVynWhm4yZHaeDBy/N3V+WJHffb2ZdJU8HAAAAAAAAoOrkOig5WtLTOnj1bTezOnffY2ZH934NAAAAAAAAqAg9XH87GrkudNM0wF09ki4d9jQAAAAAgAFlbOjnhvQ4/6EOAKgcuc6UPCx3f0PS9mHOAgAAAAAAACABuS50AwAAAAAAAADDioOSAAAAAAAAAMpqSC/fBgAAAAAAACqNc6GbaAQ7U3LunDu1O7tRLRseHdL8lMkXaPOmJ7WldbVuvOHaqp8NuZvc8eQuZjbWfydD7qZzGrlT7BxyN53TyJ1i55C76Vy9ued8d7ayu1q04ZlHDn3t43/8EbVseFS/+fVOnX76H1Rk7uGaDbmbzuXLzX+nDG03EAPzEl+BrWZkw2EXnHvOmdq3b7/mzbtLp024sKCfmclk1LZ5lS6+5HJlsx1a89QKzbzqGrW1ba3KWXKTuxydY/x3MuRuOqeRO8XOseZOsXOsuVPsHGvuFDvHkLvv1bfPefPvb9/7uiac/keSpN/7vfHq6enR3d+6Q//7pr/WM888e+j7B7r6dqV3rrTddC5vbv47ZeDZrgPtNsCPSNrlJ3+MUyX7uO/nSyv2eRLsTMlVq9fqlVdfG9LspDMmaNu2Hdq+fac6Ozu1ZMkDmjZ1StXOkpvcpZ6V4vx3MuRuOqeRO8XOseZOsXOsuVPsHGvuFDvHlnv16rV69W1/f9uy5QU9//yLee0MlXs4ZmPNnWLnYuf575TCdwOxKPigpJmdUIoghahvqNOu7O5Dn2fbO1RfX1e1syF3k7u8u0N2LgaPFZ0reTed08idYueQu+mcRu4UO4fcneLf5VJ8rFLsPBzzQxVr55B/HgDlNOhBSTO73czG9N6eaGYvSlprZj83s/PLkvDwufp9Ld+Xocc4G3I3ucu7O2TnYvBYlW825O4Uc6fYOeRuOhc2G3I3nQubDbmbzoXNhtyd4t/lUnysUuw8HPNDFWvnkH8eVIMePt7yUclynSn5EXf/Re/tf5D0J+4+XtJFku4caMjMZplZs5k19/TsH6aov9We7dC4xvpDnzc2jFVHx96qnQ25m9zl3R2yczF4rOhcybvpnEbuFDuH3E3nNHKn2Dnk7hT/LpfiY5Vi5+GYH6pYO4f88wAop1wHJWvNrKb39pHuvl6S3P15SUcMNOTuc9x9ortPzGRGDVPU31rf3KLx409RU9M41dbWasaM6Xpw2cqqnSU3uUs9WyweKzpX8m46p5E7xc6x5k6xc6y5U+wcc+5ixNo5xtwpdh6O+aGKtXPIPw+AcqrJcf/dklaY2e2SHjazr0v6kaQLJbUUs/jee+7W+eedrTFjjteOF5t1622zNW/+orxmu7u7dd31N2vF8oUakclo/oLFam19vmpnyU3uUs9Kcf47GXI3ndPInWLnWHOn2DnW3Cl2jjV3ip1jy33P97+l83r//vbitvW67a/v1KuvvKavfe2vdeKJx+uBpQu08dnN+uhHZ1ZU7uGYjTV3ip2Lnee/UwrfDcTCcr0vgZldIOl/SjpVBw9i7pK0VNI8d+/MtaBmZANvfAAAAAAAwyBj/d9rLl89vCcdUFW6DrQP/Q+EKvYnJ3+MP+z6WPzzpRX7PMl1pqTc/QlJT0iSmZ0raZKkHfkckAQAAAAAAACAtxv0oKSZrXP3Sb23r5Z0rQ6eJXmLmZ3u7reXISMAAAAAAACQU484UTIWOS900+f25yVNdvdbJU2WdGXJUgEAAAAAAACoWrlevp0xs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAGXCxWoAANVi0IOS7t40wF09ki4d9jQAAAAAAAAAql7Oq28fjru/IWn7MGcBAAAAAAAAhsy50E00cl3oBgAAAAAAAACGFQclAQAAAAAAAJQVByUBAAAAAAAAlFWwg5JTJl+gzZue1JbW1brxhmvLOh/jbMjd5I4nd4qdQ+6mcxq5U+wccjed08idYueQu+mcRu5iZufOuVO7sxvVsuHRguaGYzePVRqdQ+5OsTMQC3Mv7RuA1oxs6Lcgk8mobfMqXXzJ5cpmO7TmqRWaedU1amvbmtfPLGY+xllyk5vOlbebzmnkTrFzrLlT7Bxr7hQ7x5o7xc6x5i6287nnnKl9+/Zr3ry7dNqEC/OaqYTcMf6+U+wca+4YOncdaLe8wiTmj0+expVu+vjRz/+tYp8nQc6UnHTGBG3btkPbt+9UZ2enlix5QNOmTinLfIyz5CZ3qWfJHc8sueOZJXc8s+SOZ5bc8cySO55ZSVq1eq1eefW1vL+/UnLH+PtOsXOsuWPtDMRk0IOSZvaMmd1sZr8znEvrG+q0K7v70OfZ9g7V19eVZT7G2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLtDdi4GjxWdK3l3ip2BmOQ6U/I4ScdKetzM1pnZX5hZfa4famazzKzZzJp7evYf7v5+XyvkZeTFzMc4G3I3ucu7m86FzYbcTefCZkPupnNhsyF307mw2ZC76VzYbMjddC5sNuTukJ2LwWNVvtmQu1PMHWtnICa5Dkq+6u5fdvd3S/pfkn5X0jNm9riZzRpoyN3nuPtEd5+YyYzqd397tkPjGn97bLOxYaw6OvbmHbqY+RhnQ+4md3l30zmN3Cl2DrmbzmnkTrFzyN10TiN3ip1D7g7ZuRg8VnSu5N0pdgZikvd7Srr7Kne/RlKDpDsknT3UpeubWzR+/Clqahqn2tpazZgxXQ8uW1mW+RhnyU3uUs+SO55ZcsczS+54Zskdzyy545kldzyzxeKxonMl706xMxCTmhz3P//2L7h7t6SHez+GpLu7W9ddf7NWLF+oEZmM5i9YrNbWfqtKMh/jLLnJXepZcsczS+54Zskdzyy545kldzyz5I5nVpLuvedunX/e2Roz5njteLFZt942W/PmL6r43DH+vlPsHGvuWDuDl7rHxAp8T4RzJE2StMnd8zpMXzOygWcDAAAAAADAMOo60N7/zSehS989leNQffx454MV+zzJdfXtdX1uf07StyQdI+kWM7upxNkAAAAAAAAAVKFc7ylZ2+f2LEkXufutkiZLurJkqQAAAAAAAABUrVzvKZkxs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAACAitAj3lIyFoMelHT3pgHu6pF06bCnAQAAAAAAAFD1cp0peVju/oak7cOcBQAAAAAAAEACcl3oBgAAAAAAAACGFQclAQAAAAAAAJTVkF6+DQAAAAAAAFSantABkLdgZ0pOmXyBNm96UltaV+vGG64t63yMsyF3kzue3Cl2DrmbzmnkTrFzyN10TiN3ip1D7qZzGrlT7BxyN53Ll3vunDu1O7tRLRseLXhnMXuLnQ29G4iBuZf2Uuk1Ixv6LchkMmrbvEoXX3K5stkOrXlqhWZedY3a2rbm9TOLmY9xltzkpnPl7aZzGrlT7Bxr7hQ7x5o7xc6x5k6xc6y5U+wca+4UOxc7f+45Z2rfvv2aN+8unTbhwrz2DcfeGB6rrgPtlleYxEx990dLe6ArMg/uXFaxz5MgZ0pOOmOCtm3boe3bd6qzs1NLljygaVOnlGU+xllyk7vUs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545lNNfeq1Wv1yquv5b1ruPbG+lgBMQlyULK+oU67srsPfZ5t71B9fV1Z5mOcDbmb3OXdTec0cqfYOeRuOqeRO8XOIXfTOY3cKXYOuZvOaeROsfNwzA9VrJ1D/b6Achv0oKSZTTSzx83sXjMbZ2Y/NbNfmtl6M5sw1KVm/c8cLeRl5MXMxzgbcje5y7ubzoXNhtxN58JmQ+6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sdjvmhirVzqN8XUG65rr79bUm3SDpW0v8n6S/c/SIzu7D3vrMPN2RmsyTNkiQbMVqZzKi33N+e7dC4xvpDnzc2jFVHx968QxczH+NsyN3kLu9uOqeRO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnYdjfqhi7Rzq91UtXBzAjUWul2/XuvtD7n6fJHf3H+rgjUclvWOgIXef4+4T3X3i2w9IStL65haNH3+KmprGqba2VjNmTNeDy1bmHbqY+RhnyU3uUs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNtXcxYi1c6jfF1Buuc6U/I2ZTZY0WpKb2cfcfamZnS+pe6hLu7u7dd31N2vF8oUakclo/oLFam19vizzMc6Sm9ylniV3PLPkjmeW3PHMkjueWXLHM0vueGbJHc9sqrnvvedunX/e2Roz5njteLFZt942W/PmLyr53lgfKyAmNtj7EpjZaZLukNQj6S8k/U9JfyZpt6RZ7v7vuRbUjGzgvFkAAAAAAIBh1HWgvf+bT0IfffdHOA7Vx7Kdyyv2eTLomZLu3iLp0HXnzeyHknZKei6fA5IAAAAAAAAA8HaDHpQ0s3XuPqn39uckXSNpqaRbzOx0d7+9DBkBAAAAAACAnHq40E00cl7ops/tWZImu/utkiZLurJkqQAAAAAAAABUrVwXusmY2XE6ePDS3P1lSXL3/WbWVfJ0AAAAAAAAAKpOroOSoyU9Lcl08Orbde6+x8yO7v0aAAAAAAAAABQk14Vumga4q0fSpcOeBgAAAABQdYo5o4V3hwOA6pTrTMnDcvc3JG0f5iwAAAAAAADAkLnzf2XEIteFbgAAAAAAAABUITMbZ2aPm1mbmW02s+t6v368mf3UzLb2/u9xvV83M/uGmb1gZs+a2elD3c1BSQAAAAAAACBNXZL+l7v/d0lnSbrWzN4r6SZJj7r770p6tPdzSfqwpN/t/Zgl6Z+GupiDkgAAAAAAAECC3L3D3Z/pvf26pDZJDZKmS1rQ+20LJH2s9/Z0Sd/3g9ZIOtbMxg5ld7CDknPn3Knd2Y1q2fDokOanTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3eKnUPupnMauVPsHHI3ndPInWLnkLvpnEbuWDtf9+efU0vLY9qw4VHdc8/dOuKII8q2O8bZkLtTzB1rZ6AvM5tlZs19PmYN8r1NkiZIWivpXe7eIR08cCnppN5va5C0q89YtvdrhWcr9RuA1oxsOOyCc885U/v27de8eXfptAkXFvQzM5mM2jav0sWXXK5stkNrnlqhmVddo7a2rVU5S25y07nydtM5jdwpdo41d4qdY82dYudYc6fYOdbcMXQ+3NW36+vr9MTjP9YfvO+D+s1vfqOFC7+jhx96TN+/Z8lbvm+g/2KN8fcdw2NF7ng6dx1oL+bC9lVryrgPc6WbPn6y66G8nidmdrSkn0n6G3f/kZm95u7H9rn/VXc/zsyWS/o7d1/d+/VHJd3o7k8Xmi3YmZKrVq/VK6++NqTZSWdM0LZtO7R9+051dnZqyZIHNG3qlKqdJTe5Sz1L7nhmyR3PLLnjmSV3PLPkjmeW3PHMht5dU1OjI498h0aMGKGjjjxSuzv2VHzuFB+rFHPH2hkYCjOrlfSvkn7g7j/q/fLeN1+W3fu/L/V+PStpXJ/xRkm7h7I3yveUrG+o067sb/tm2ztUX19XtbMhd5O7vLvpnEbuFDuH3E3nNHKn2DnkbjqnkTvFziF3p9h59+49+trXvqMXt63Trp0b9Ktf/UqPPPJkxedO8bFKMXesnYFCmZlJ+hdJbe7+j33u+jdJn+y9/UlJD/T5+p/1XoX7LEm/fPNl3oUa9KCkmR1tZrf1XhL8l2b2spmtMbNP5Zg79Hr1np79Q8k1qIO/r7fK92XoMc6G3E3u8u6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sNuTvFzsceO1pTp07R7556lt598uk6atRRuuKKP85rttjdMc6G3J1i7lg7A0PwAUlXSfqQmbX0flwi6XZJF5nZVkkX9X4uSSskvSjpBUlzJV0z1MU1Oe7/gaQfS5oiaYakUZIWSbrZzE519/9zuCF3nyNpjjTwe0oWoz3boXGN9Yc+b2wYq46OvVU7G3I3ucu7m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnS+88Fzt2LFTv/jFK5KkpUsf0tlnTdTChT/KMRk2d4qPVYq5Y+0MFKr3vSEHet/JfheB8YNHyIfl6ku5Xr7d5O7z3T3bewrnNHffKunTkvL/v7CG2frmFo0ff4qamsaptrZWM2ZM14PLVlbtLLnJXepZcsczS+54Zskdzyy545kldzyz5I5nNuTuXTvbNenM03Xkke+QJH3og+doy5b8LiISMneKj1WKuWPtDMQk15mS+83sHHdfbWZTJb0iSe7eY4c7n7gA995zt84/72yNGXO8drzYrFtvm6158xflNdvd3a3rrr9ZK5Yv1IhMRvMXLFZr6/NVO0tucpd6ltzxzJI7nllyxzNL7nhmyR3PLLnjmQ25e936DfrRj5Zr3bqfqKurSxtbNmvuP/+g4nOn+FilmDvWzpBcvNQ9FjbY+xKY2ft08PXhp0raJOkz7v68mZ0o6XJ3/0auBaV4+TYAAAAAIB7FnNHCf1ACh9d1oL2ok8Wq1eRxF/PHRh8rdz1csc+TQc+UdPeNkia9+bmZnWNmH5W0KZ8DkgAAAAAAAADwdrmuvr2uz+2rJX1L0jGSbjGzm0qcDQAAAAAAAEAVynWhm9o+tz8v6SJ3v1XSZElXliwVAAAAAAAAgKqV60I3GTM7TgcPXpq7vyxJ7r7fzLpKng4AAAAAAADIUw/vRBuNXAclR0t6Wgffl9jNrM7d95jZ0crzvYp5Q2OgsmRs6P9W9gxyYSwAAABgIMX8LbImM2LIs1093UVsBgCUUq4L3TQNcFePpEuHPQ0AAAAAAACAqpfrTMnDcvc3JG0f5iwAAAAAAAAAEpDrQjcAAAAAAAAAMKyGdKYkAAAAAAAAUGmcayFEI9iZktf9+efU0vKYNmx4VPfcc7eOOOKIguanTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3exnb/whc9qwzOPqGXDo/riFz9btt08Vml0DrmbzmnkTrFzyN10TiN3ip1D7qZz7tnGxrH6yU8WqaXlUT3zzCO69trPSJKOO260li//gTZt+pmWL/+Bjj12dEXlHq7ZYuYbG+v1yMr79dyzT2hjy2P64hfK9/f9YudjnA29G4iBlfoIcu3Ihn4L6uvr9MTjP9YfvO+D+s1vfqOFC7+jhx96TN+/Z8lbvm+gZJlMRm2bV+niSy5XNtuhNU+t0MyrrlFb29aceWKcJTe5h3N2oKtv/4/3/jfde+/dev8HPqoDBzq1bNm9+uIX/49eeOG3bx870NW3eazoXK25U+wca+4UO8eaO8XOseZOsXOsuau9c9+rb9fVnaS6upPU0rJJRx89Sk89tVyf+MTndNVVn9Crr76m2bO/rS9/+Rode+xo3Xzz3w149e1K71yK+bq6kzS27iRt6P3drVv7sD5+2WcqPneMs+Xa3XWg/fD/cZe4Cxsnc6pkH49mV1bs8yTYmZI1NTU68sh3aMSIETrqyCO1u2NP3rOTzpigbdt2aPv2ners7NSSJQ9o2tQpVTtLbnKXelaSfu/3xmvt2g369a9/o+7ubq16co2mT7+44nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT6rxnz0tqadkkSdq3b7+2bHlBDQ11mjr1It177w8lSffe+0NNmza5onIPx2yx83v2vKQNb/ndbVVDfV3F545xNvRuIBZBDkru3r1HX/vad/TitnXatXODfvWrX+mRR57Me76+oU67srsPfZ5t71B9nn+Yxjgbcje5y7s7ZOfNrf+hc889U8cff6yOPPIduvjiD6mxsb7ic8f4+06xc8jddE4jd4qdQ+6mcxq5U+wccjedC8998smNOu20/6F16zbopJPGaM+elyQdPPh24oljKjJ3yMeqr5NPbtRp7/t9rV23oSx7Y/x9x9oZiMmgByXNbLSZ3W5mW8zsP3s/2nq/duxQlx577GhNnTpFv3vqWXr3yafrqFFH6Yor/jjveTvMy0/zfRl6jLMhd5O7vLtDdt6y5QX9w+xv66EV92nZg/fq2eda1dXVVfLdPFaFzYbcnWLuFDuH3E3nwmZD7qZzYbMhd9O5sNmQu+lc2OyoUUfpvvu+qy9/+Va9/vq+vGaGa3esj9WbRo06SksWz9WXvnxL3r+7FJ9jsXYGYpLrTMklkl6VdIG7n+DuJ0j6YO/X7h9oyMxmmVmzmTX39Ozvd/+FF56rHTt26he/eEVdXV1auvQhnX3WxLxDt2c7NK7PGVyNDWPV0bG3amdD7iZ3eXeH7CxJ8+cv0plnfVgX/tFlevWV197yfpKVmjvG33eKnUPupnMauVPsHHI3ndPInWLnkLvpnP9sTU2NFi36rhYt+rEeeOBhSdJLL/1CdXUnSTr43okvv/yListd7OxwzNfU1Oj+xXN1330/1tKlD5Vtb4y/71g7Q+qR89Hno5LlOijZ5O53uPuhN3x09z3ufoekdw805O5z3H2iu0/MZEb1u3/XznZNOvN0HXnkOyRJH/rgOdqyJb83i5Wk9c0tGj/+FDU1jVNtba1mzJiuB5etrNpZcpO71LNvOvHEEyRJ48bV62Mf+7AWL36g4nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT6/zd7/6Dtmx5Qd/4xj8f+tqyZT/VzJmXSZJmzrxMDz7404rLXezscMzPnXOn2ra8oK/fNSfvmdC5Y5wNvRuIRU2O+39uZjdKWuDueyXJzN4l6VOSdg116br1G/SjHy3XunU/UVdXlza2bNbcf/5B3vPd3d267vqbtWL5Qo3IZDR/wWK1tj5ftbPkJnepZ9+0eNEcnXDCcers7NKfX/dXeu21X1Z87hh/3yl2jjV3ip1jzZ1i51hzp9g51twpdo41d0qd3//+M3TllR/Xc8+1ae3ag2f6ffWrf6/Zs7+tH/zgn/SpT/2Jdu3arSuu+H8qKvdwzBY7/4H3n6GrZl6mZ59rVfP6gwe4vvKV2/XQw49VdO4YZ0PvBmJhg70vgZkdJ+kmSdMlvUuSS9or6d8k3eHur+RaUDuyYcjnilb2SaZAnDLW//1J8tXD+5gAAACgzGoyI4Y829XTPYxJgMrSdaB96P9xV8U+2HgR/+Hax+PZn1bs8yTXy7dPlfS37v57khokfUvStt77+NMdAAAAAAAAQMFyHZT8nqQ3r1TzdUnHSLpd0huS5pUwFwAAAAAAAFAQ55+3/FPJcr2nZMbdu3pvT3T303tvrzazlhLmAgAAAAAAAFClcp0pucnMPt17e6OZTZQkMztVUmdJkwEAAAAAAACoSrkOSl4t6Xwz2ybpvZKeMrMXJc3tvQ8AAAAAAAAACjLoy7fd/ZeSPmVmx0h6T+/3Z919b74LKvvV60B6uII2AAAAYsIVtAGgOuV6T0lJkru/LmljibMAAAAAAAAAQ8aJOPHI9fJtAAAAAAAAABhWHJQEAAAAAAAAUFYclAQAAAAAAABQVsEOSk6ZfIE2b3pSW1pX68Ybri3rfIyzIXeTO57cKXYOuZvOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPIHWtnIBbmJX4D0JqRDf0WZDIZtW1epYsvuVzZbIfWPLVCM6+6Rm1tW/P6mcXMxzhLbnLTufJ20zmN3Cl2jjV3ip1jzZ1i51hzp9g51twpdo41d4qdY80dQ+euA+2WV5jEnNdwIVe66ePJ9kcr9nkS5EzJSWdM0LZtO7R9+051dnZqyZIHNG3qlLLMxzhLbnKXepbc8cySO55ZcsczS+54Zskdzyy545kldzyz5I5nNvTu1Dkfb/moZEEOStY31GlXdvehz7PtHaqvryvLfIyzIXeTu7y76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQEyGfFDSzB4qYrbf1wp5GXkx8zHOhtxN7vLupnNhsyF307mw2ZC76VzYbMjddC5sNuRuOhc2G3I3nQubDbmbzoXNhtxN58JmQ+5OsTMQk5rB7jSz0we6S9Jpg8zNkjRLkmzEaGUyo95yf3u2Q+Ma6w993tgwVh0de/OMXNx8jLMhd5O7vLvpnEbuFDuH3E3nNHKn2DnkbjqnkTvFziF30zmN3Cl2Drk7xc5ATHKdKble0mxJd77tY7akYwcacvc57j7R3Se+/YCkJK1vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kldzyz5I5nltzxzJI7nllyxzNL7nhmyR3PbOjdQCwGPVNSUpukz7t7v8tDmdmuoS7t7u7WddffrBXLF2pEJqP5CxartfX5sszHOEtucpd6ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLPkjmc29O7U9VT85V3wJhvsfQnM7DJJz7n7fxzmvo+5+9JcC2pGNvBsAAAAAAAAGEZdB9r7v/kk9IGGD3Ecqo9/b3+sYp8nuc6U3CWpQ5LM7EhJfylpgqRWSX9b2mgAAAAAAAAAqlGu95T8nqQ3em/fJemdku7o/dq8EuYCAAAAAAAAUKVynSmZcfeu3tsT3f3Nq3GvNrOWEuYCAAAAAAAAUKVyHZTcZGafdvd5kjaa2UR3bzazUyV1liEfAAAAAAAAkBcudBOPXC/fvlrS+Wa2TdJ7JT1lZi9Kmtt7H0Q7nxMAACAASURBVAAAAAAAAAAUZNAzJd39l5I+ZWbHSHpP7/dn3X1vOcIBAAAAAAAAqD65Xr4tSXL31yVtLHEWAAAAAAAAAAnI9fJtAAAAAAAAABhWHJQEAAAAAAAAUFZ5vXwbAAAAAAAAqHTuXH07FkHOlGxsrNcjK+/Xc88+oY0tj+mLX/hswT9jyuQLtHnTk9rSulo33nBt1c+G3E3ueHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkTrFzyN10TiN3rJ2BWFipjyDXjGzot6Cu7iSNrTtJG1o26eijR2nd2of18cs+o7a2rXn9zEwmo7bNq3TxJZcrm+3QmqdWaOZV1+Q1H+MsuclN58rbTec0cqfYOdbcKXaONXeKnWPNnWLnWHOn2DnW3Cl2jjV3DJ27DrRbXmESc1b9BZwq2cea3U9U7PMkyJmSe/a8pA0tmyRJ+/bt15YtW9VQX5f3/KQzJmjbth3avn2nOjs7tWTJA5o2dUrVzpKb3KWeJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kNvRuIxaAHJc3snWb2d2Z2j5ld8bb7vj0cAU4+uVGnve/3tXbdhrxn6hvqtCu7+9Dn2fYO1ed5UDPG2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLvpnEbuFDuH3J1iZyAmuS50M0/SVkn/KukzZvZxSVe4+39JOmugITObJWmWJNmI0cpkRh32+0aNOkpLFs/Vl758i15/fV/eoc36n3ma78vQY5wNuZvc5d1N58JmQ+6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sNuZvOhc2G3J1iZ0g94ncVi1wv3/4dd7/J3Ze6+zRJz0h6zMxOGGzI3ee4+0R3nzjQAcmamhrdv3iu7rvvx1q69KGCQrdnOzSusf7Q540NY9XRsbdqZ0PuJnd5d9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnYGY5DooeYSZHfoed/8bSXMkPSlp0AOTucydc6fatrygr981p+DZ9c0tGj/+FDU1jVNtba1mzJiuB5etrNpZcpO71LPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZJXc8s6F3A7HI9fLtByV9SNIjb37B3ReY2V5J3xzq0g+8/wxdNfMyPftcq5rXH/wX6ytfuV0PPfxYXvPd3d267vqbtWL5Qo3IZDR/wWK1tj5ftbPkJnepZ8kdzyy545kldzyz5I5nltzxzJI7nllyxzNL7nhmQ+8GYmGDvS+BmZ0paYu7/9LMjpT0l5ImSGqV9Lfu/stcC2pGNvBifgAAAAAAgGHUdaC9/5tPQpPqz+c4VB/rdv+sYp8nuV6+/T1J+3tv3yXpnZLukPSGDl4EBwAAAAAAAKgIzj9v+aeS5Xr5dsbdu3pvT3T303tvrzazlhLmAgAAAAAAAFClcp0pucnMPt17e6OZTZQkMztVUmdJkwEAAAAAAACoSrkOSl4t6Xwz2ybpvZKeMrMXJc3tvQ8AAAAAAAAACjLoy7d7L2TzKTM7RtJ7er8/6+57yxEOAAAAAAAAQPXJ9Z6SkiR3f13SxhJnAQAAAAAAAIbMvbIv7oLfyvXybQAAAAAAAAAYVhyUBAAAAAAAAFBWHJQEAAAAAAAAUFbBDkpOmXyBNm96UltaV+vGG64t63yMsyF3kzue3Cl2Drk7xc5z59yp3dmNatnwaEFzw7E7xtmQu1PMnWLnkLvpXL7csf7ZG3J3irlT7BxyN53TyB1rZyAWVuo3AK0Z2dBvQSaTUdvmVbr4ksuVzXZozVMrNPOqa9TWtjWvn1nMfIyz5CY3nStvd4qdJencc87Uvn37NW/eXTptwoV5zYTOneJjlWLuFDvHmjvFzsXOx/hnb8jdKeZOsXOsuVPsHGvuGDp3HWi3vMIkZuLYc7nSTR/NHasq9nkS5EzJSWdM0LZtO7R9+051dnZqyZIHNG3qlLLMxzhLbnKXepbc8cyG3r1q9Vq98upreX9/JeRO8bFKMXeKnWPNnWLnYudj/LM35O4Uc6fYOdbcKXaONXesnSH1yPno81HJghyUrG+o067s7kOfZ9s7VF9fV5b5GGdD7iZ3eXfTOY3csXYuVoy/71gfqxRzp9g55G46lzd3MWLtTG46V/JuOqeRO9bOQEwGPShpZnVm9k9mdreZnWBm/9fMnjOzJWY2dqhLzfqfOVrIy8iLmY9xNuRucpd3N50Lmw25O8XOxYrx9x3rY5Vi7hQ7h9xN58Jmh2N+qGLtTO7yzYbcnWLuFDuH3J1iZyAmuc6UnC+pVdIuSY9L+rWkj0haJek7Aw2Z2Swzazaz5p6e/f3ub892aFxj/aHPGxvGqqNjb96hi5mPcTbkbnKXdzed08gda+dixfj7jvWxSjF3ip1D7qZzeXMXI9bO5KZzJe+mcxq5Y+0MxCTXQcl3ufs33f12Sce6+x3uvtPdvynp5IGG3H2Ou09094mZzKh+969vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kNvbsYMf6+Y32sUsydYudYc6fYeTjmhyrWzuSmcyXvpnMauWPtDMSkJsf9fQ9afn+Q+wrS3d2t666/WSuWL9SITEbzFyxWa+vzZZmPcZbc5C71LLnjmQ29+9577tb5552tMWOO144Xm3XrbbM1b/6iis6d4mOVYu4UO8eaO8XOxc7H+GdvyN0p5k6xc6y5U+wca+5YO4OXusfEBnuwzOw2SX/v7vve9vXxkm5398tyLagZ2cCzAQAAAAAAYBh1HWjv/+aT0IS6D3Acqo8Ne/69Yp8nuc6UXK7eMyLN7EhJN0k6XQffZ/KzpY0GAAAAAAAAoBrlegn29yS90Xv7LkmjJd3R+7V5JcwFAAAAAAAAoErlfE9Jd+/qvT3R3U/vvb3azFpKmAsAAAAAAABAlcp1UHKTmX3a3edJ2mhmE9292cxOldRZhnwAAAAAAABAXnrEW0rGItfLt6+WdL6ZbZP0XklPmdmLkub23gcAAAAAAAAABRn0TEl3/6WkT5nZMZLe0/v9WXffm++CYi7xw7FtAAAAAAAAoPrkevm2JMndX5e0scRZAAAAAAAAACQg18u3AQAAAAAAAGBYcVASAAAAAAAAQFnl9fJtAAAAAAAAoNI5VyiJRrAzJUePfqcWLZqj5577mZ599gmddeYfFjQ/ZfIF2rzpSW1pXa0bb7i26mdD7iZ3PLlT7BxyN53TyJ1i55C76ZxG7hQ7h9xN5zRyp9g55G46p5E71s5ALMy9tEeQa0c2HHbB9/7l61q9eq2+N+8+1dbW/v/t3Xt03XWZ7/HPs5PdpK1tEcqhTdIrsc4IgxRTrCi2gLaoFHTGU2aGmRFHDmeNKOAwdJyxI96OB0cY0VmytEgpBwbaigr2AhaKYylC20BT6N3ebJOGYkUKtLpIk+f8QSyFptl7J9n7m+/+vl+u31pJ9n76fD7ZlYVf90WDBg3UgQMvveE+x0uWyWS0acNjuvDDf6Xm5lY9+cRS/c3fflqbNv0qZ54YZ8lNbjr3v910TiN3ip1jzZ1i51hzp9g51twpdo41d4qdY82dYudYc8fQ+fCrLZZXmMScMeI9PFXyKM8890S//XsS5JmSQ4a8Re9737s19457JUltbW3HHEh25+xJE7V9+y7t3LlbbW1tWrjwAV08Y3rZzpKb3MWeJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kNvRuIRcGHkmb2P3q7dPz4Mdq//7e6/Qff0prVP9P3v/dNDRo0MO/5mtoR2tO898j3zS2tqqkZUbazIXeTu7S76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQEy6PZQ0sxPfdJ0kabWZvdXMTuzp0sqKCk2c+Gf6/vf/nyadPV0HDx7SrFmfyXve7Nhnnub7MvQYZ0PuJndpd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcTefCZkPupnNhsyF3p9gZUoc711FXf5brmZL7JT111NUoqVbS051fd8nMrjSzRjNr7Og4eMztzS2tam5u1eo1ayVJP/rxEk0888/yDt3S3KpRdTVHvq+rHanW1n1lOxtyN7lLu5vOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLtT7AzEJNeh5CxJWyRd7O7j3H2cpObOr8cfb8jd57h7g7s3ZDKDj7l9377fqLl5ryZMOFWSdP7579OmTVvzDr2msUn19eM0duwoZbNZzZx5iRYtXla2s+Qmd7FnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM0vueGZD7wZiUdndje5+k5nNl/QtM9sj6QYd/0OxC3Lt5/5N/+/O/9SAAVnt2LlbV1zxj3nPtre365prZ2vpkntUkclo3p0LtHFjfoeaMc6Sm9zFniV3PLPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZDb0biIUV8J4GMyR9QdJYd8/7HVazA2p7fIjZv1/5DgAAAAAAEMbhV1uOffNJ6PRTJnOcdJT1+57st39Pun2mpJm9W9Imd39J0nJJ50p6xcy+Ienr7n6gBBkBAAAAAACAnJynuEUj13tKzpV0qPPrWyRlJX2p82d3FC8WAAAAAAAAgHLV7TMlJWXc/XDn1w3uflbn1yvNrKmIuQAAAAAAAACUqVzPlFxvZp/s/HqdmTVIkplNkNRW1GQAAAAAAAAAylKuZ0peIenbZjZb0n5JT3R+Cveeztty4pX8AAAAAACURrYi1//M715b++HcdwKAPtDtP606P8jmcjMbIml85/2b3X1fKcIBAAAAAAAAKD95/V8o7v6ypHVFzgIAAAAAAAD0WIfzmt1Y5HpPSQAAAAAAAADoUxxKAgAAAAAAACgpDiUBAAAAAAAAlFSQQ8mqqio98fhiPdX4sNY1PaobvnhdwX/G9GlTtWH9Cm3euFKzrr+q7GdD7iZ3PLlT7BxyN53TyJ1i55C76ZxG7hQ7h9xN5zRyp9g55O5YOtfVjdRDD83X2rXL9dRTD+uqqz4pSfr61/9VTU3LtXr1Q1qw4PsaNmxov8pdDrOhdwNRcPeiXhXZGu/qGnpCvVdka7xq4GhfteopP+e9F3V5v66ubFWdb9u20+snTPbqQWO8ad0GP/2MKWU7S25y07n/7aZzGrlT7Bxr7hQ7x5o7xc6x5k6xc6y5U+wca+5SdK6uHn3kGju2wSdP/rBXV4/24cP/1Ldu3e5nnnmBf+Qjl/ngweO8unq033TTrX7TTbcemeGxiqdzsc9zYr3efnKDc71+hX48uruCvXz74MFDkqRstlKV2azc8/90pLMnTdT27bu0c+dutbW1aeHCB3TxjOllO0tuchd7ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLM9mX/uuefV1LRekvTKKwe1efM21dScouXLH1N7e7skafXqtaqtHdmvcsc+G3o3EItuDyXN7MKjvh5mZreb2TNmdo+ZndKrxZmMGtcsU2vLM1q+fIVWr1mb92xN7Qjtad575PvmllbV1Iwo29mQu8ld2t10TiN3ip1D7qZzGrlT7BxyN53TyJ1i55C76ZxG7pCdR4+u05lnnqY1a5re8PO/+7uZ+tnP/rvf5o5xNvRuIBa5nin59aO+vllSq6QZktZI+v7xhszsSjNrNLPGjo6DXd6no6NDDZOmacy4Bk1qmKjTTnt73qHN7Jif5ftMyxhnQ+4md2l307mw2ZC76VzYbMjddC5sNuRuOhc2G3I3nQubDbmbzoXNhtxN58JmQ+6OsfPgwYN0773f0/XXf0Uvv/zKkZ/PmvUZtbcf1vz5PynK3r6Yj3E29G4gFoW8fLvB3We7+6/d/VuSxh7vju4+x90b3L0hkxnc7R964MBL+sWKX2r6tKl5B2lpbtWoupoj39fVjlRr676ynQ25m9yl3U3nNHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkDtG5srJS9977PS1YcL8eeOChIz+/7LK/0Ic/fIEuv/yafpk75tnQu4FY5DqU/B9m9o9mdp2kofbG4/oevx/l8OEnHvl0r+rqal1w/rnasmV73vNrGptUXz9OY8eOUjab1cyZl2jR4mVlO0tuchd7ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLM9nf/e9/5dW7Zs03e+84MjP/vgB6fouuv+QR//+Kf0+9//oV/mjnk29O7UdbhzHXX1Z5U5br9N0pDOr++UNFzSb8xshKSm407lMHLkKZp7+y2qqMgok8novvsWacnSR/Keb29v1zXXztbSJfeoIpPRvDsXaOPGrWU7S25yF3uW3PHMkjueWXLHM0vueGbJHc8sueOZJXc8sz2ZP+ecBl122V/o2Wc36cknl0qSbrjhm7r55i+pqmqAFi++W9JrH3Zz9dVf6De5Y58NvRuIhXX3vgRm9m5Jm939gJkNkvR5SRMlbZT0dXc/kGtB5YDa/n0sCwAAAABAmchW5HruUffa2g/3URIU2+FXW45980lowskNnEMdZetvGvvt35NcL8GeK+mPn1Rzi6Shkr4h6ZCkO4qYCwAAAAAAAECZyvV/oWTc/Y//N0mDu5/V+fVKM+vxy7cBAAAAAAAApCvXMyXXm9knO79eZ2YNkmRmEyS1FTUZAAAAAAAAgLKU65mSV0j6tpnNlrRf0hNmtkfSns7bAAAAAAAAgH7BxVtKxqLbQ8nOD7K53MyGSBrfef9md99XinAAAAAAACB/fFANgFjk9bFc7v6ypHVFzgIAAAAAAAAgAbneUxIAAAAAAAAA+hSHkgAAAAAAAABKKq+XbwMAAAAAAAD9XYfzQTexCPJMybq6Gj2y7Id69pn/1rqmR/XZz3yq4D9j+rSp2rB+hTZvXKlZ119V9rMhd5M7ntwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnW+bc7P2Nq9T09rlBc31xe4YZ0PvBqLg7kW9KrI1/uardtSZ3jBpmldka3zYW9/mW7Zu99PPmHLM/Y53ZavqfNu2nV4/YbJXDxrjTes25D0f4yy5yU3n/rebzmnkTrFzrLlT7Bxr7hQ7x5o7xc6x5k6xc6y5Y+1cka3xqed9zBsmTfNn12/KeyZ07nJ/rIp9nhPrNf6kic71+hX68ejuCvJMyeeee15rm9ZLkl555aA2b/6VamtG5D1/9qSJ2r59l3bu3K22tjYtXPiALp4xvWxnyU3uYs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNvTux1au0gu/ezHv+/eH3Kk+VkAsCj6UNLOT+jLAmDF1OvOdp2vV6rV5z9TUjtCe5r1Hvm9uaVVNnoeaMc6G3E3u0u6mcxq5U+wccjed08idYueQu+mcRu4UO4fcTec0csfaubdi/H2n+lgBpdTtoaSZ3Whmwzu/bjCzHZJWmdmvzWxKb5cPHjxICxfcpn/8pxv08suv5D1nZsf8zD2/NzKNcTbkbnKXdjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ791aMv+9UH6ty4PznDf/pz3I9U/Ij7r6/8+tvSrrU3eslfVDSzccbMrMrzazRzBo7Og52eZ/Kykr9cMFtuvfen+j++x8sKHRLc6tG1dUc+b6udqRaW/eV7WzI3eQu7W46p5E7xc4hd9M5jdwpdg65m85p5E6xc8jddE4jd6ydeyvG33eqjxVQSrkOJbNmVtn59UB3XyNJ7r5VUtXxhtx9jrs3uHtDJjO4y/vcNudmbdq8Tbd8e07Bodc0Nqm+fpzGjh2lbDarmTMv0aLFy8p2ltzkLvYsueOZJXc8s+SOZ5bc8cySO55ZcsczS+54ZkPv7o0Yf9+pPlZAKVXmuP27kpaa2Y2SHjKzWyT9WNIFkpp6uvS950zS3/7Nx/XMsxvVuOa1/2L927/dqAcfejSv+fb2dl1z7WwtXXKPKjIZzbtzgTZu3Fq2s+Qmd7FnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHMxt69913fVdT3v8eDR9+onbtaNSXv3KT7pg3v1/nTvWxAmJhud6XwMymSvoHSRP02iHmHkn3S7rD3dtyLagcUNu/X8AOAAAAAAAQmcOvthz75pPQ+OETOYc6yo79a/vt35NcH3TzbklPu/ulkt4r6SeSOiSdKmlQ8eMBAAAAAAAAKDe5Xr49V9I7O7++RdJBSTfqtZdv3yHpz4sXDQAAAAAAAMife0foCMhTrkPJjLsf7vy6wd3P6vx6pZn1+D0lAQAAAAAAAKQr16dvrzezT3Z+vc7MGiTJzCZIyvl+kgAAAAAAAADwZrkOJa+QNMXMtkt6h6QnzGyHpNs6bwMAAAAAAACAgnT78m13PyDpcjMbIml85/2b3X1fKcIBAAAAAIA49OYjfvm4ZCA9ud5TUpLk7i9LWlfkLAAAAAAAAECPdXDEHY1cL98GAAAAAAAAgD7FoSQAAAAAAACAkuJQEgAAAAAAAEBJBTmUrKqq0hOPL9ZTjQ9rXdOjuuGL1xX8Z0yfNlUb1q/Q5o0rNev6q8p+NuRucseTO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnUPupnNhsxMmnKrGNcuOXL/dv1lXf/aKfp871scKiIa7F/WqyNZ4V9fQE+q9IlvjVQNH+6pVT/k5772oy/t1dWWr6nzbtp1eP2GyVw8a403rNvjpZ0wp21lyk5vO/W83ndPInWLnWHOn2DnW3Cl2jjV3ip1jzZ1i51hzl3vnyjyuAVV13tq6z8efOukNP4+1c8jdxT7PifUa9dbTnev1K/Tj0d0V7OXbBw8ekiRls5WqzGblnv+nI509aaK2b9+lnTt3q62tTQsXPqCLZ0wv21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545mNOffRzj//fdqx49favbulX+eO9bECYhLsUDKTyahxzTK1tjyj5ctXaPWatXnP1tSO0J7mvUe+b25pVU3NiLKdDbmb3KXdTec0cqfYOeRuOqeRO8XOIXfTOY3cKXYOuZvOaeROsfObXTrzEi1YcH/e94+1c3/5fQP9WbeHkmb2tJnNNrNTC/lDzexKM2s0s8aOjoNd3qejo0MNk6ZpzLgGTWqYqNNOe3shf/4xP8v3mZYxzobcTe7S7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcTefCZo+WzWZ10UXTdN+PFuc9E2vn/vD7Bvq7XM+UfKukEyT93MxWm9nnzKwm1x/q7nPcvcHdGzKZwd3e98CBl/SLFb/U9GlT8w7d0tyqUXWvx6irHanW1n1lOxtyN7lLu5vOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPInWLno1144Xlau/ZZPf/8/rxnYu3cH37fQH+X61Dyd+7+T+4+WtJ1kt4m6Wkz+7mZXdnTpcOHn6hhw4ZKkqqrq3XB+edqy5btec+vaWxSff04jR07StlsVjNnXqJFi5eV7Sy5yV3sWXLHM0vueGbJHc8sueOZJXc8s+SOZ5bc8czGnPuPLr30owW9dDtk7lgfK0gdcq6jrv6sMsftR54z7O6PSXrMzD4r6YOSLpU0pydLR448RXNvv0UVFRllMhndd98iLVn6SN7z7e3tuuba2Vq65B5VZDKad+cCbdy4tWxnyU3uYs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNubckjRwYLU+cMH79elP/3NBc7F2Dv37BmJg3b0vgZnNd/e/7M2CygG1/ftYFgAAAAAA9Nqx74SYPw4OCnf41Zbe/MrLVt2Jp/PX6SjNL6zvt39Pcr18+1tmNlSSzGygmX3FzBaZ2TfMbFgJ8gEAAAAAAAAoM7kOJedKOtT59bclDZX0jc6f3VHEXAAAAAAAAADKVK73lMy4++HOrxvc/azOr1eaWVMRcwEAAAAAAAAoU7kOJdeb2Sfd/Q5J68yswd0bzWyCpLYS5AMAAAAAAADy0t1np6B/yXUoeYWkb5vZbEn7JT1hZnsk7em8LaeM9fz9NDv4iwQAAAAAQBR687/ghw8a2qvd+w+91Kt5AKXX7aGkux+QdLmZDZE0vvP+ze6+rxThAAAAAAAAAJSfXM+UlCS5+8uS1hU5CwAAAAAAAIAE5Pr0bQAAAAAAAADoU3k9UxIAAAAAAADo7/h8kngEe6bkZz7zKa19+hE1rV2uz372UwXPT582VRvWr9DmjSs16/qrSjJbVVWlJx5frKcaH9a6pkd1wxevK1nm3s6Hmg25O8XcKXYOuZvOaeROsXPI3XROI/dtc27W3uZ1alq7vKC5vtjNY0Xn/rybzmnkTrFzT+aHDhuiH9x5ix5bvUQrVi3WuyadqVlfuFqPPn6/Hnnsx5r/4x/olBEnFzV3rI8VEA13L+qVHVDrb77OPPN8X79+kw8ddqpXDxztjyxf4X/6jvcdc7+KbE2XV7aqzrdt2+n1EyZ79aAx3rRug59+xpTj3r+vZiuyNT70hHqvyNZ41cDRvmrVU37Oey8qyd5QnckdT+4UO8eaO8XOseZOsXOsuVPsHHPuqed9zBsmTfNn12/KeyZ07hQfqxQ7x5o7xc6x5k6xc77zpwz7kzdcC+75iX/uM7P9lGF/4nXD/8zfNnqSn1r3riO3/+usr/m82+898n2MnXs7W+zznFivEcP+1Llev0I/Ht1dQZ4p+Sd/Uq9Vq9bq97//g9rb2/XYiid1ySUX5j1/9qSJ2r59l3bu3K22tjYtXPiALp4xveizknTw4CFJUjZbqcpsVu75PS24t3tDdSZ3PLlT7Bxr7hQ7x5o7xc6x5k6xc8y5H1u5Si/87sW8798fcqf4WKXYOdbcKXaONXeKnXsy/5YhgzX5nAbdFPeRlAAAGdZJREFUc9d9kqS2tja9dOBlvfLywSP3GTRooJTjf47H1LkvdwOxCHIouWHjFp177rt14oknaODAal144fmqq6vJe76mdoT2NO898n1zS6tqakYUfVaSMpmMGtcsU2vLM1q+fIVWr1lbkr2hOpO7tLvpnEbuFDuH3E3nNHKn2Dnk7t7m7o1YO8eYO8XOIXfTOY3cKXbuyfyYsaP02/0v6Nu3fl0Pr/iRbv7OV187hJT0+dnX6Kn1j+ov/ucM/fvXv1O03LE+VkBMuj2UNLMGM/u5md1tZqPM7GEzO2Bma8xsYk+Xbt68Td+86VY9uPReLV50t555dqMOHz6c97yZHfOzfJ+x2JtZSero6FDDpGkaM65Bkxom6rTT3l6SvaE6k7u0u+lc2GzI3XQubDbkbjoXNhtyN50Lmw25u7e5eyPWzjHmTrFzyN10Lmw25G46Fzbbk/nKigr92TvfoXm3z9cH3/8XOnTokD7zuf8lSbrxa9/Wu04/Xz/64SL9/ZWXFS13rI8VJOc/b/hPf5brmZK3Svp3SUsk/VLS9919mKTPd97WJTO70swazayxo/1gl/eZN2++3j35Q7rgAx/X7154Udu27cw7dEtzq0Yd9czKutqRam3dV/TZox048JJ+seKXmj5takn2hupM7tLupnMauVPsHHI3ndPInWLnkLv76t+neiLWzjHmTrFzyN10TiN3ip17Mr937z617t2ntU89I0la/MAynXHGO95wn5/ct0QfmTGtaLljfayAmOQ6lMy6+4Pufq8kd/f79NoXyyVVH2/I3ee4e4O7N2QqBnd5n5NPPkmSNGpUjT760Q9pwYIH8g69prFJ9fXjNHbsKGWzWc2ceYkWLV5W9Nnhw0/UsGFDJUnV1dW64PxztWXL9qLv7e18qFlyxzNL7nhmyR3PLLnjmSV36XP3RqydY8ydYudYc6fYOdbcKXbuyfxvnt+vluZWnVo/VpJ07pTJ2rplm8aNH3PkPtM/dJ62/WpH0XLH+lgBManMcfsfzGyapGGS3Mw+6u73m9kUSe29Wbxg/hyddNJb1dZ2WFdf8wW9+OKBvGfb29t1zbWztXTJParIZDTvzgXauHFr0WdHjjxFc2+/RRUVGWUyGd133yItWfpI0ff2dj7ULLnjmSV3PLPkjmeW3PHMkrv0ue++67ua8v73aPjwE7VrR6O+/JWbdMe8+f06d4qPVYqdY82dYudYc6fYuafzX/jn/6Nbb/umsgOy+vWuPbr201/Qzf/5VdXXj1OHd6h5z17N+tyXipY71scKiIl1974EZvZOvfby7Q5Jn5P0D5L+TtJeSVe6++O5FgyoquvxC9g7eM8EAAAAAADK3vBBQ3s1v//QS32UJB6HX2059s0noREn/CmHSUd57sVN/fbvSa5nSlZLmunuB8xsoKQDkh6XtEHS+mKHAwAAAAAAAFB+ch1KzpX0zs6vvy3poKQbJV0g6Q5Jf168aAAAAAAAAED++KTyeOQ6lMy4++HOrxvc/azOr1eaWVMRcwEAAAAAAAAoU7k+fXu9mX2y8+t1ZtYgSWY2QVJbUZMBAAAAAAAAKEu5DiWvkDTFzLZLeoekJ8xsh6TbOm8DAAAAAAAAgIJ0+/Jtdz8g6XIzGyJpfOf9m919X74L+ARtAAAAAADQnd5+enZvPl6YUwsgjFzvKSlJcveXJa0rchYAAAAAAACgxzo4Zo5GrpdvAwAAAAAAAECf4lASAAAAAAAAQElxKAkAAAAAAACgpIIcSlZVVemJxxfrqcaHta7pUd3wxesK/jOmT5uqDetXaPPGlZp1/VVlPxtyN7njyZ1i55C76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5ntzXXP2/1NT0qNauXa677vquqqqqSrK3t/O93Q1Ewd2LelVka7yra+gJ9V6RrfGqgaN91aqn/Jz3XtTl/bq6slV1vm3bTq+fMNmrB43xpnUb/PQzppTtLLnJTef+t5vOaeROsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT7Fyq3ZVdXKPHnOU7dvza3zJkvFdma3zhD3/qf//31x5zv1g7F/s8J9brpCFvc67Xr9CPR3dXsJdvHzx4SJKUzVaqMpuVe/6fjnT2pInavn2Xdu7crba2Ni1c+IAunjG9bGfJTe5iz5I7nllyxzNL7nhmyR3PLLnjmSV3PLPkjmeW3D3bXVlZqYEDq1VRUaFBAwdqb+tzJdkbsjMQi2CHkplMRo1rlqm15RktX75Cq9eszXu2pnaE9jTvPfJ9c0urampGlO1syN3kLu1uOqeRO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnUPu3rv3OX3rW9/Tju2rtWf3Wr300kt65JEVRd/b2/ne7gZi0e2hpJm9xcy+YmYbzOyAmf3GzJ40s8t7u7ijo0MNk6ZpzLgGTWqYqNNOe3ves2Z2zM/yfaZljLMhd5O7tLvpXNhsyN10Lmw25G46FzYbcjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu084YZhmzJiut02YrNFjztKgwYP013/950Xf29v53u4GYpHrmZL/JWmHpOmSvizpO5L+VtJ5Zvb14w2Z2ZVm1mhmjR0dB7tdcODAS/rFil9q+rSpeYduaW7VqLqaI9/X1Y5Ua+u+sp0NuZvcpd1N5zRyp9g55G46p5E7xc4hd9M5jdwpdg65m85p5E6xc8jdF1xwrnbt2q39+1/Q4cOHdf/9D+o9kxuKvre3873dDcQi16HkWHef5+7N7v4fki52919J+qSk4/7fC+4+x90b3L0hkxl8zO3Dh5+oYcOGSpKqq6t1wfnnasuW7XmHXtPYpPr6cRo7dpSy2axmzrxEixYvK9tZcpO72LPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZJXfhs3t2t+jsd5+lgQOrJUnnn/c+bd78q6Lv7e18b3cDsajMcftBM3ufu680sxmSXpAkd++wrp5PnKeRI0/R3NtvUUVFRplMRvfdt0hLlj6S93x7e7uuuXa2li65RxWZjObduUAbN24t21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kld+Gzq9es1Y9/vESrV/9Mhw8f1rqmDbrtB/9V9L29ne/t7tR18FL3aFh370tgZmdI+oGkCZLWS/p7d99qZidL+it3/06uBZUDavnbAAAAAAAAiqbHz5qSFOuhxeFXW3pTu2ydOORtsT6kRfHCy7/qt39Pcj1TcqCkD7r7ATMbJOmfzewsSRslHfc9JQEAAAAAAADgeHK9p+RcSX/8pJpbJA2T9A1JhyTdUcRcAAAAAAAAAMpUrmdKZtz9cOfXDe5+VufXK82sqYi5AAAAAAAAAJSpXIeS683sk+5+h6R1Ztbg7o1mNkFSWwnyAQAAAAAAAHnp7rNT0L/kevn2FZKmmNl2Se+Q9ISZ7ZB0W+dtAAAAAAAAQXkvLuvFBaDnun2mpLsfkHS5mQ2RNL7z/s3uvq8U4QAAAAAAAACUn1wv35YkufvLktYVOQsAAAAAAACABOR6+TYAAAAAAAAA9Km8nikJAAAAAAAA9Hcd4oNuYsEzJQEAAAAAAACUVJBDyaqqKj3x+GI91fiw1jU9qhu+eF3Bf8b0aVO1Yf0Kbd64UrOuv6rsZ0PuJnc8uVPsHHJ3ip1vm3Oz9javU9Pa5QXN9cXuGGdD7k4xd4qdQ+6mcxq5U+wccjed08idYueQu3ub+1dbn9Tapx9R45plevKJpSXb3dvcQBTcvahXRbbGu7qGnlDvFdkarxo42letesrPee9FXd6vqytbVefbtu30+gmTvXrQGG9at8FPP2NK2c6Sm9x07n+7U+xcka3xqed9zBsmTfNn12/KeyZ07hQfqxRzp9g51twpdo41d4qdY82dYudYc6fYOYbcld1cO3fu9lNGnHbc20PmLvZ5TqzX0MHjnev1K/Tj0d0V7OXbBw8ekiRls5WqzGblnv9r/s+eNFHbt+/Szp271dbWpoULH9DFM6aX7Sy5yV3sWXLHMxt692MrV+mF372Y9/37Q+4UH6sUc6fYOdbcKXaONXeKnWPNnWLnWHOn2Dnm3L0Ra26glLo9lDSzYWZ2o5ltNrPfdl6bOn92Qq8WZzJqXLNMrS3PaPnyFVq9Zm3eszW1I7Snee+R75tbWlVTM6JsZ0PuJndpd9M5jdyxdu6tGH/fsT5WKeZOsXPI3XROI3eKnUPupnMauVPsHHJ3X/y7r7vrwaX3atWTD+qKT12W91zo3EAMcn369kJJj0qa6u7PSZKZjZD0CUk/lPTBrobM7EpJV0qSVQxTJjP4mPt0dHSoYdI0DRs2VD/64e067bS3a8OGLXmFNrNjfpbvMy1jnA25m9yl3U3nwmZD7k6xc2/F+PuO9bFKMXeKnUPupnNhsyF307mw2ZC76VzYbMjddC5sNuTuvvh33ylTP6rW1n06+eST9NCD87V5yzatXLmqqLtD/jt7OeB3FY9cL98e6+7f+OOBpCS5+3Pu/g1Jo4835O5z3L3B3Ru6OpA82oEDL+kXK36p6dOm5h26pblVo+pqjnxfVztSra37ynY25G5yl3Y3ndPIHWvn3orx9x3rY5Vi7hQ7h9xN5zRyp9g55G46p5E7xc4hd/fFv/v+8f6/+c1vdf8DD2rSpDOLvjvkv7MDpZTrUPLXZjbLzE754w/M7BQz+2dJe3q6dPjwEzVs2FBJUnV1tS44/1xt2bI97/k1jU2qrx+nsWNHKZvNaubMS7Ro8bKynSU3uYs9S+54ZkPv7o0Yf9+xPlYp5k6xc6y5U+wca+4UO8eaO8XOseZOsXPMuQcNGqi3vGXwka8/+IEpeb/CM9Z/ZwdKKdfLty+V9HlJv+g8mHRJ+yT9VNLMni4dOfIUzb39FlVUZJTJZHTffYu0ZOkjec+3t7frmmtna+mSe1SRyWjenQu0cePWsp0lN7mLPUvueGZD7777ru9qyvvfo+HDT9SuHY368ldu0h3z5vfr3Ck+VinmTrFzrLlT7Bxr7hQ7x5o7xc6x5k6xc8y5TznlZN33w9slSRWVFZo//34tW/bf/T43EAvr7rX2Zna1pJ+4e4+fFVk5oJYX8wMAAAAAgH7p2HdwzF/IA4/Dr7b0JnrZGjp4POdQR3np4I5++/ck16HkAUkHJW2XdI+kH7r7/kIWcCgJAAAAAAD6Kw4ly8tbBo3jHOoorxza2W//nuR6T8kdkuokfVVSg6RNZvaQmX3CzIYUPR0AAAAAAACAspPrUNLdvcPdl7n7pyTVSLpV0oV67cASAAAAAAAAAAqS64Nu3vAUT3dv02sfcvNTMxtYtFQAAAAAAAAAylY+n77dJXf/fR9nAQAAAAAAKCnegBAIo9tDSXfnM+cBAAAAAAAQBeeYORq53lMSAAAAAAAAAPoUh5IAAAAAAAAASopDSQAAAAAAAAAlFexQ8rY5N2tv8zo1rV3eo/np06Zqw/oV2rxxpWZdf1XZz4bcTe54csfamX8exPNYpZg7xc4hd9M5ndyZTEZrVv9MD/zkzoJnY+0cY+4UO4fcTec0cqfYOeTuFDsD0XD3ol4V2Rrv6pp63se8YdI0f3b9pi5v7+7KVtX5tm07vX7CZK8eNMab1m3w08+YUraz5CZ3OXeuyPLPg1geqxRzp9g51twpdo45d0W2xq/7py/5Pff+2BcvfriguVg7x5g7xc6x5k6xc6y5U+wca+4YOhf7PCfWq7p6tHO9foV+PLq7gj1T8rGVq/TC717s0ezZkyZq+/Zd2rlzt9ra2rRw4QO6eMb0sp0lN7mLPRt6N/88iOOxSjF3ip1jzZ1i55hz19aO1Ic/dIHmzr0375nQuVN8rFLsHGvuFDvHmjvFzrHmjrUzEJMo31OypnaE9jTvPfJ9c0urampGlO1syN3kLu3uFDv3Voy/71gfqxRzp9g55G46p5P7P27+sj7/L19TR0dH3jN9sZvHis79eTed08idYueQu1PsDMSkx4eSZvZgXwYpcPcxP3P3sp0NuZvcpd2dYufeivH3HetjlWLuFDuH3E3nwmZD7u7N7Ec+/AE9//x+Pb322bzu35e7eaxKNxtyd4q5U+wccjedC5sNuTvFzkBMKru70czOOt5Nks7sZu5KSVdKklUMUyYzuMcBu9LS3KpRdTVHvq+rHanW1n1lOxtyN7lLuzvFzr0V4+871scqxdwpdg65m85p5D7nnAbNuGiaPnTh+aqurtLQoUN057zv6BOXX92vc6f4WKXYOeRuOqeRO8XOIXen2BmISa5nSq6RdJOkm9903STphOMNufscd29w94a+PpCUpDWNTaqvH6exY0cpm81q5sxLtGjxsrKdJTe5iz0bendvxPj7jvWxSjF3ip1jzZ1i51hzf2H2jRo7vkH1Eybrsr/5tH7+88fzPpAMmTvFxyrFzrHmTrFzrLlT7Bxr7lg7AzHp9pmSkjZJ+t/u/qs332Bme3qz+O67vqsp73+Phg8/Ubt2NOrLX7lJd8ybn9dse3u7rrl2tpYuuUcVmYzm3blAGzduLdtZcpO72LOhd/PPgzgeqxRzp9g51twpdo45d2/E2jnG3Cl2jjV3ip1jzZ1i51hzx9oZvNQ9Jtbdg2VmH5f0rLtv6eK2j7r7/bkWVA6o5W8DAAAAAABAHzr8asuxbz4JVVeP5hzqKH/4w+5++/ck18u3ayQd6uqGfA4kAQAAAAAAAODNch1KflXSKjN7zMw+bWYnlyIUAAAAAAAAgPKV61Byh6Q6vXY4+S5JG83sITP7hJkNKXo6AAAAAAAAAGUn1wfduLt3SFomaZmZZSV9SNJf6bVP4OaZkwAAAAAAAOgXXLylZCxyHUq+4c0w3b1N0k8l/dTMBhYtFQAAAAAAAICylevl25ce7wZ3/30fZwEAAAAAAACQgG4PJd19a6mCAAAAAAAAAEhDrmdKAgAAAAAAAECfyvWekgAAAAAAAEAU3Pmgm1jwTEkAAAAAAAAAJRXsUPK2OTdrb/M6Na1d3qP56dOmasP6Fdq8caVmXX9V2c+G3E3ueHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkTrFzyN10TiN3yM6SlMlktGb1z/TAT+4seBaIgrsX9arI1nhX19TzPuYNk6b5s+s3dXl7d1e2qs63bdvp9RMme/WgMd60boOffsaUsp0lN7np3P920zmN3Cl2jjV3ip1jzZ1i51hzp9g51twpdo41d4qdY80dsvMfr+v+6Ut+z70/9sWLH+7y9mKf58R6ZQfUOtfrV+jHo7sr2DMlH1u5Si/87sUezZ49aaK2b9+lnTt3q62tTQsXPqCLZ0wv21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kldzyzfTFfWztSH/7QBZo79968Z4DYRPmekjW1I7Snee+R75tbWlVTM6JsZ0PuJndpd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccnesnSXpP27+sj7/L19TR0dH3jNAbLo9lDSzoWb2f83sLjP76zfddms3c1eaWaOZNXZ0HOyrrEf/+cf8zD2/T1eKcTbkbnKXdjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyd6ydP/LhD+j55/fr6bXP5r0Prwv9kuT+dvVnuZ4peYckk/QjSX9pZj8ys6rO2yYfb8jd57h7g7s3ZDKD+yjq61qaWzWqrubI93W1I9Xauq9sZ0PuJndpd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccnesnc85p0EzLpqmbVuf1H/dfavOO++9unPed/LeDcQi16Hkqe7+eXe/390vlvS0pEfN7KQSZDuuNY1Nqq8fp7FjRymbzWrmzEu0aPGysp0lN7mLPUvueGbJHc8sueOZJXc8s+SOZ5bc8cySO55Zcscz29v5L8y+UWPHN6h+wmRd9jef1s9//rg+cfnVee8GYlGZ4/YqM8u4e4ckufv/MbNmSSskvaU3i+++67ua8v73aPjwE7VrR6O+/JWbdMe8+XnNtre365prZ2vpkntUkclo3p0LtHHj1rKdJTe5iz1L7nhmyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM9sX80AKrLvXl5vZv0ta5u6PvOnnF0r6T3d/W64FlQNq+/cL2AEAAAAAACJz+NWWY9+4EspyDvUGbf3470muZ0o2S9ry5h+6+0OSch5IAgAAAAAAAKXCiWQ8cr2n5FclrTKzx8zs02Z2cilCAQAAAAAAACg+M7vQzLaY2TYz+3yp9uY6lNwhqU6vHU6+S9JGM3vIzD5hZkOKng4AAAAAAABAUZhZhaTvSvqQpHdI+isze0cpduc6lHR373D3Ze7+KUk1km6VdKFeO7AEAAAAAAAAEKezJW1z9x3u/qqk+ZIuKcXiXO8p+YY3w3T3Nkk/lfRTMxtYtFQAAAAAAAAAiq1W0p6jvm+W9O5SLM51KHnp8W5w99/ns4BPgwIAAAAAAEApcA71RmZ2paQrj/rRHHefc/RduhgryecFdXso6e5bSxECAAAAAAAAQN/qPICc081dmiWNOur7Okl7ixqqU673lAQAAAAAAABQntZIepuZjTOzAZL+Uq+9dWPR5Xr5NgAAAAAAAIAy5O6Hzewzkn4mqULSXHffUIrd5l6Sl4kDAAAAAAAAgCRevg0AAAAAAACgxDiUBAAAAAAAAFBSHEoCAAAAAAAAKCkOJQEAAAAAAACUFIeSAAAAAAAAAEqKQ0kAAAAAAAAAJcWhJAAAAAAAAICS4lASAAAAAAAAQEn9fymVlo281J4BAAAAAElFTkSuQmCC\n", - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "import matplotlib.pyplot as plt\n", - "import seaborn as sb\n", - "import pandas as pd\n", - "\n", - "cm_plt = pd.DataFrame(cm[:73])\n", - "\n", - "plt.figure(figsize = (25, 25))\n", - "ax = plt.axes()\n", - "\n", - "sb.heatmap(cm_plt, annot=True)\n", - "\n", - "ax.xaxis.set_ticks_position('top')\n", - "\n", - "plt.show()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Pipeline" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Now, I took the data from [Coconut - Wikipedia](https://en.wikipedia.org/wiki/Coconut) to check if the classifier is able to **correctly** predict the label(s) or not.\n", - "\n", - "And here is the output:" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Example labels: [('coconut', 'oilseed')]\n" - ] - } - ], - "source": [ - "example_text = '''The coconut tree (Cocos nucifera) is a member of the family Arecaceae (palm family) and the only species of the genus Cocos.\n", - "The term coconut can refer to the whole coconut palm or the seed, or the fruit, which, botanically, is a drupe, not a nut.\n", - "The spelling cocoanut is an archaic form of the word.\n", - "The term is derived from the 16th-century Portuguese and Spanish word coco meaning \"head\" or \"skull\", from the three indentations on the coconut shell that resemble facial features.\n", - "Coconuts are known for their versatility ranging from food to cosmetics.\n", - "They form a regular part of the diets of many people in the tropics and subtropics.\n", - "Coconuts are distinct from other fruits for their endosperm containing a large quantity of water (also called \"milk\"), and when immature, may be harvested for the potable coconut water.\n", - "When mature, they can be used as seed nuts or processed for oil, charcoal from the hard shell, and coir from the fibrous husk.\n", - "When dried, the coconut flesh is called copra.\n", - "The oil and milk derived from it are commonly used in cooking and frying, as well as in soaps and cosmetics.\n", - "The husks and leaves can be used as material to make a variety of products for furnishing and decorating.\n", - "The coconut also has cultural and religious significance in certain societies, particularly in India, where it is used in Hindu rituals.'''\n", - "\n", - "example_preds = classifier.predict(vectorizer.transform([example_text]))\n", - "example_labels = mlb.inverse_transform(example_preds)\n", - "print(\"Example labels: {}\".format(example_labels))" - ] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.6" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "try:\n", + " import nltk\n", + "except ModuleNotFoundError:\n", + " !pip install nltk" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "## This code downloads the required packages.\n", + "## You can run `nltk.download('all')` to download everything.\n", + "\n", + "nltk_packages = [\n", + " (\"reuters\", \"corpora/reuters.zip\")\n", + "]\n", + "\n", + "for pid, fid in nltk_packages:\n", + " try:\n", + " nltk.data.find(fid)\n", + " except LookupError:\n", + " nltk.download(pid)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Setting up corpus" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "from nltk.corpus import reuters" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Setting up train/test data" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "train_documents, train_categories = zip(*[(reuters.raw(i), reuters.categories(i)) for i in reuters.fileids() if i.startswith('training/')])\n", + "test_documents, test_categories = zip(*[(reuters.raw(i), reuters.categories(i)) for i in reuters.fileids() if i.startswith('test/')])" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "all_categories = sorted(list(set(reuters.categories())))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The following cell defines a function **tokenize** that performs following actions:\n", + "- Receive a document as an argument to the function\n", + "- Tokenize the document using `nltk.word_tokenize()`\n", + "- Use `PorterStemmer` provided by the `nltk` to remove morphological affixes from each token\n", + "- Append stemmed token to an already defined list `stems`\n", + "- Return the list `stems`" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "from nltk.stem.porter import PorterStemmer\n", + "def tokenize(text):\n", + " tokens = nltk.word_tokenize(text)\n", + " stems = []\n", + " for item in tokens:\n", + " stems.append(PorterStemmer().stem(item))\n", + " return stems" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "To begin, I first used TF-IDF for feature selection on both train as well as test data using `TfidfVectorizer`.\n", + "\n", + "But first, What `TfidfVectorizer` actually does?\n", + "- `TfidfVectorizer` converts a collection of raw documents to a matrix of **TF-IDF** features.\n", + "\n", + "**TF-IDF**?\n", + "- TFIDF (abbreviation of the term *frequency–inverse document frequency*) is a numerical statistic that is intended to reflect how important a word is to a document in a collection or corpus. [tf–idf](https://en.wikipedia.org/wiki/Tf%E2%80%93idf)\n", + "\n", + "**Why `TfidfVectorizer`**?\n", + "- `TfidfVectorizer` scale down the impact of tokens that occur very frequently (e.g., “a”, “the”, and “of”) in a given corpus. [Feature Extraction and Transformation](https://spark.apache.org/docs/latest/mllib-feature-extraction.html#tf-idf)\n", + "\n", + "I gave following two arguments to `TfidfVectorizer`:\n", + "- tokenizer: `tokenize` function\n", + "- stop_words\n", + "\n", + "Then I used `fit_transform` and `transform` on the train and test documents repectively.\n", + "\n", + "**Why `fit_transform` for training data while `transform` for test data**?\n", + "\n", + "To avoid data leakage during cross-validation, imputer computes the statistic on the train data during the `fit`, **stores it** and uses the same on the test data, during the `transform`. This also prevents the test data from appearing in `fit` operation." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.feature_extraction.text import TfidfVectorizer\n", + "\n", + "vectorizer = TfidfVectorizer(tokenizer = tokenize, stop_words = 'english')\n", + "\n", + "vectorised_train_documents = vectorizer.fit_transform(train_documents)\n", + "vectorised_test_documents = vectorizer.transform(test_documents)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "For the **efficient implementation** of machine learning algorithms, many machine learning algorithms **requires all input variables and output variables to be numeric**. This means that categorical data must be converted to a numerical form.\n", + "\n", + "For this purpose, I used `MultiLabelBinarizer` from `sklearn.preprocessing`." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.preprocessing import MultiLabelBinarizer\n", + "\n", + "mlb = MultiLabelBinarizer()\n", + "train_labels = mlb.fit_transform(train_categories)\n", + "test_labels = mlb.transform(test_categories)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, To **train** the classifier, I used `LinearSVC` in combination with the `OneVsRestClassifier` function in the scikit-learn package.\n", + "\n", + "The strategy of `OneVsRestClassifier` is of **fitting one classifier per label** and the `OneVsRestClassifier` can efficiently do this task and also outputs are easy to interpret. Since each label is represented by **one and only one classifier**, it is possible to gain knowledge about the label by inspecting its corresponding classifier. [OneVsRestClassifier](http://scikit-learn.org/stable/modules/multiclass.html#one-vs-the-rest)\n", + "\n", + "The reason I combined `LinearSVC` with `OneVsRestClassifier` is because `LinearSVC` supports **Multi-class**, while we want to perform **Multi-label** classification." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "%%capture\n", + "from sklearn.multiclass import OneVsRestClassifier\n", + "from sklearn.svm import LinearSVC\n", + "\n", + "classifier = OneVsRestClassifier(LinearSVC())\n", + "classifier.fit(vectorised_train_documents, train_labels)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "After fitting the classifier, I decided to use `cross_val_score` to **measure score** of the classifier by **cross validation** on the training data. But the only problem was, I wanted to **shuffle** data to use with `cross_val_score`, but it does not support shuffle argument.\n", + "\n", + "So, I decided to use `KFold` with `cross_val_score` as `KFold` supports shuffling the data.\n", + "\n", + "I also enabled `random_state`, because `random_state` will guarantee the same output in each run. By setting the `random_state`, it is guaranteed that the pseudorandom number generator will generate the same sequence of random integers each time, which in turn will affect the split.\n", + "\n", + "Why **42**?\n", + "- [Why '42' is the preferred number when indicating something random?](https://softwareengineering.stackexchange.com/questions/507/why-42-is-the-preferred-number-when-indicating-something-random)" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "%%capture\n", + "from sklearn.model_selection import KFold, cross_val_score\n", + "\n", + "kf = KFold(n_splits=10, random_state = 42, shuffle = True)\n", + "scores = cross_val_score(classifier, vectorised_train_documents, train_labels, cv = kf)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cross-validation scores: [0.83655084 0.86743887 0.8043758 0.83011583 0.83655084 0.81724582\n", + " 0.82754183 0.8030888 0.80694981 0.82731959]\n", + "Cross-validation accuracy: 0.8257 (+/- 0.0368)\n" + ] + } + ], + "source": [ + "print('Cross-validation scores:', scores)\n", + "print('Cross-validation accuracy: {:.4f} (+/- {:.4f})'.format(scores.mean(), scores.std() * 2))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In the end, I used different methods (`accuracy_score`, `precision_score`, `recall_score`, `f1_score` and `confusion_matrix`) provided by scikit-learn **to evaluate** the classifier. (both *Macro-* and *Micro-averages*)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "%%capture\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, confusion_matrix\n", + "\n", + "predictions = classifier.predict(vectorised_test_documents)\n", + "\n", + "accuracy = accuracy_score(test_labels, predictions)\n", + "\n", + "macro_precision = precision_score(test_labels, predictions, average='macro')\n", + "macro_recall = recall_score(test_labels, predictions, average='macro')\n", + "macro_f1 = f1_score(test_labels, predictions, average='macro')\n", + "\n", + "micro_precision = precision_score(test_labels, predictions, average='micro')\n", + "micro_recall = recall_score(test_labels, predictions, average='micro')\n", + "micro_f1 = f1_score(test_labels, predictions, average='micro')\n", + "\n", + "cm = confusion_matrix(test_labels.argmax(axis = 1), predictions.argmax(axis = 1))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8099\n", + "Precision:\n", + "- Macro: 0.6076\n", + "- Micro: 0.9471\n", + "Recall:\n", + "- Macro: 0.3708\n", + "- Micro: 0.7981\n", + "F1-measure:\n", + "- Macro: 0.4410\n", + "- Micro: 0.8662\n" + ] + } + ], + "source": [ + "print(\"Accuracy: {:.4f}\\nPrecision:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\\nRecall:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\\nF1-measure:\\n- Macro: {:.4f}\\n- Micro: {:.4f}\".format(accuracy, macro_precision, micro_precision, macro_recall, micro_recall, macro_f1, micro_f1))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "In below cell, I used `matplotlib.pyplot` to **plot the confusion matrix** (of first *few results only* to keep the readings readable) using `heatmap` of `seaborn`." + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABSUAAAV0CAYAAAAhI3i0AAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl8lOW5//HvPUlYVRRRIQkVW1xarYUWUKsiFQvUqnSlP0+1ttXD6XGptlW7aGu1p9upnurpplgFl8qiPXUFi2AtUBGIEiAQQBCKCRFXVHAhJPfvjxnoCDPPMpPMM3fuz/v1mhfJJN9c1/XMTeaZJ8/MGGutAAAAAAAAAKBUUkk3AAAAAAAAAMAvHJQEAAAAAAAAUFIclAQAAAAAAABQUhyUBAAAAAAAAFBSHJQEAAAAAAAAUFIclAQAAAAAAABQUokdlDTGjDPGrDHGrDPGfC9m9nZjzIvGmIYC6g40xvzNGNNojFlpjLk0RraHMWaxMWZZJnttAfUrjDFLjTEPF5DdaIxZYYypN8bUxczub4y5zxizOjP7CRFzR2bq7bq8YYy5LGbtb2W2V4MxZqoxpkeM7KWZ3MoodXOtDWNMX2PMY8aYZzP/HhAj+8VM7XZjzLCYdX+V2d7LjTF/McbsHyP7k0yu3hgz2xhTHad21tcuN8ZYY0y/GLV/bIxpzrrNT49T1xhzSeb/9kpjzH/HqDs9q+ZGY0x9nJmNMUOMMU/t+v9hjBkRI/sRY8zCzP+vh4wx++XJ5vz9EWWNBWSjrrF8+dB1FpANXWf5sllfz7vGAupGXWN5a4ets4DaoessIBt1jeXLh64zk+d+xhhzmDFmUWaNTTfGdIuRvdik72uDfhfky/4ps50bTPr/TlXM/G2Z65ab9H3QPlGzWV//jTFmW8y6U4wxG7Ju6yEx88YY81NjzNrM7fjNGNn5WXU3G2Puj5EdbYx5JpNdYIwZHCN7aibbYIy5wxhTmWvmrJ/znv2RKGssIBu6xgKykdZYnmzo+grKZ12fd40F1I60xvJkQ9dXQDZ0fYXkQ9dYQDbyGjM59llN9P2xXNmo95W5spH2xwLykfbJcmWzvha2P5arbtT7ypx1TYT9sYDakfbJ8mSj3lfmykbaH8t8716PbWKssVzZqGssVzbqPn+ubJx9/ryP5yKssVy1o66xnHWjrLE8dePs8+fKR11jubJR9sVyPv6Nsb7y5UPXWEA28u8xwDnW2pJfJFVIWi/p/ZK6SVom6UMx8iMlfVRSQwG1B0j6aObjfSWtjVpbkpG0T+bjKkmLJB0fs/63Jd0j6eECet8oqV+B2/wOSRdkPu4maf8Cb7cXJB0aI1MjaYOknpnPZ0j6asTsMZIaJPWSVClpjqTD464NSf8t6XuZj78n6Zcxsh+UdKSkJyQNi1l3jKTKzMe/jFl3v6yPvynp5ji1M9cPlPRXSf/Mt27y1P6xpMsj3D65sp/I3E7dM58fHKfnrK/fIOlHMWvPlvSpzMenS3oiRnaJpFMyH39d0k/yZHP+/oiyxgKyUddYvnzoOgvIhq6zfNkoayygbtQ1li8fus6C+g5bZwF1o66xfPnQdaY89zNK/+78f5nrb5b0nzGyQyUNUsB9SED29MzXjKSpueqG5LPX2P8o8/8kSjbz+TBJd0naFrPuFElfiLDG8uW/JulOSamANRa6TyDpz5K+EqPuWkkfzFx/oaQpEbMfl/S8pCMy118n6fyQ2d+zPxJljQVkQ9dYQDbSGsuTDV1fQfkoayygdqQ1licbur6Ceg5bXyG1Q9dYrqzSJzJEXmO51oKi74/lyka9r8yVjbQ/FpCPtE+Wb/0r2v5Yrro/VrT7ylzZSPtjQX1nfT3vPlme2lHvK3NlI+2PZb6+12ObGGssVzbqGsuVjbrPnysbZ58/5+O5iGssV+2oayxXNuo+f+Bj0KD1FVA76hrLlY28xjLfs/vxb9T1FZCPtMbyZCP/HuPCxbVLUmdKjpC0zlr7nLV2h6RpksZHDVtr50l6tZDC1toWa+0zmY/flNSo9IGzKFlrrd31l/SqzMVGrW2MqZX0aUl/jNV0kTJ/ARop6TZJstbusNZuLeBHjZa03lr7z5i5Skk9Tfov6r0kbY6Y+6Ckp6y1b1lrd0r6u6TPBgXyrI3xSt8pKfPvZ6JmrbWN1to1YY3myc7O9C1JT0mqjZF9I+vT3gpYZwH/H34t6coCs6HyZP9T0i+ste9mvufFuHWNMUbSBKUfnMapbSXt+mtnH+VZZ3myR0qal/n4MUmfz5PN9/sjdI3ly8ZYY/nyoessIBu6zkJ+ZwausWJ+34bkQ9dZWO2gdRaQjbrG8uVD11nA/cypku7LXJ9vjeXMWmuXWms35uo1QnZm5mtW0mLl/z2WL/+GtHt791TuNZYza4ypkPQrpddYrL6DZo2Y/09J11lr2zPfl2uNBdY2xuyr9O2215lsAdnQNZYn2ybpXWvt2sz1eX+PZXp7z/5I5vYJXWO5spmeQtdYQDbSGsuTDV1fQfkoayxfNqo82dD1FVY3aH2F5CP9HsuRPVAx1lgekfbHcol6X5knG2l/LCAfeZ8sj9D9sU4QaX8sTJR9shwirbE8Iu2PBTy2CV1j+bJR1lhANnSNBWQjra+Qx3OBa6yYx4IB2dA1FlY3bH0F5EPXWEA20hrLkv34t5DfYbvzBfwey84W9XsMKGdJHZSsUfqvrbs0KcYD1Y5ijBmk9F/3F8XIVGROMX9R0mPW2shZSTcqfYfRHiOTzUqabYx52hgzMUbu/ZJekjTZpJ+G80djTO8C6v8/xdspkbW2WdL1kjZJapH0urV2dsR4g6SRxpgDjTG9lP5L2MA49TMOsda2ZPppkXRwAT+jWF+XNCtOwKSf2vW8pC9L+lHM7FmSmq21y+LkslyceXrA7fmempDHEZJONumnAP7dGDO8gNonS9pirX02Zu4ySb/KbLPrJX0/RrZB0lmZj7+oCOtsj98fsdZYIb97IuZD19me2TjrLDsbd43l6DnWGtsjH2ud5dlekdbZHtnYa2yPfKR1tuf9jNLPLNiatTOa9z6zmPuooKxJP6X2XEmPxs0bYyYr/Zf+oyT9Jkb2YkkP7vq/VUDfP82ssV8bY7rHzH9A0pdM+mlhs4wxh8esLaX/iDZ3jwecYdkLJM00xjQpvb1/ESWr9MG8qqyng31Bwb/H9twfOVAR11iObBx5sxHWWM5slPUVkI+0xgL6jrLGcmUjra+AulLI+grIR1pjObIvK94ay7XPGvW+stD93SjZsPvJnPmI95V7ZWPcV+brO8p9Za5snPvJoG0Wdl+ZKxv1vjJXNur+WL7HNlHWWDGPi6Jk862xvNmI6ytnPuIaC+o7bI3ly0ZZY2HbK2x95ctHWWP5snH3+bMf/xbymDL24+cI2diPK4FyltRBSZPjulL+9VAm/bpDf5Z0WcgO3XtYa9ustUOU/uvECGPMMRHrnSHpRWvt0wU1nHaitfajkj4l6SJjzMiIuUqln676B2vtUEnblT7lPDKTfm2psyTdGzN3gNJ/VTpMUrWk3saYc6JkrbWNSp+e/pjSD1KWSdoZGCpDxpirlO77T3Fy1tqrrLUDM7mLY9TrJekqxTyQmeUPSj9gGqL0geQbYmQrJR2g9NMQr5A0wxiT6/97kLNV2J33f0r6VmabfUuZv4xG9HWl/089rfTTbXcEfXOhvz+KzQblo6yzXNmo6yw7m6kTeY3lqBtrjeXIR15nAds7dJ3lyMZaYznykdbZnvczSp81vte3RclGvY+KkP29pHnW2vlx89baryn9+79R0pciZkcq/WAh6CBTUN3vK32QarikvpK+GzPfXdI71tphkm6VdHucmTMC11ie7LcknW6trZU0WemnJIdmJR2t9IOXXxtjFkt6U3nuL/Psj0TaLytmXyZCNu8aC8pGWV+58ib9um2hayygdugaC8iGrq8I2ytwfQXkQ9dYrqy11iriGssodJ+107IR98dy5iPeV+bKRr2vzJWNel+ZKxtnfyxoe4fdV+bKRr2vzJWNuj9WzGObTsuGrLG82YjrK1f+x4q2xvLVjrLG8mWjrLGwbR22vvLlo6yxfNnI+/yFPv7tiHy+bKGPK4GyZhN4zrikEyT9Nevz70v6fsyfMUgFvKZkJlul9OtufLvIOa5RhNfhyHzvz5U+82Cj0n/Rf0vS3UXU/nGM2v0lbcz6/GRJj8SsN17S7AL6/KKk27I+/4qk3xc4888kXRh3bUhaI2lA5uMBktbEXVeK8NofubKSzpO0UFKvuNmsrx0attaz85I+rPTZMxszl51Kn6nav4Dagf/PcmzrRyWNyvp8vaSDYmyvSklbJNUWcDu/LslkPjaS3ihwex8haXFAdq/fH1HXWK5szDWWMx9lnQXVDltne2bjrLEIdcPWWK7tHWmdBWyv0HWWp26cNRY2d+A6y/q+a5Te2X9Z/3otoffch4ZkL8/6fKMivi5xdjbz8f3KvP5d3HzWdacowuspZ7LXKH1fuWuNtSv9si+F1B0VpW52XtJqSYOybuvXY26zAyW9IqlHjLpXKP00rV3XvU/SqgJnHiNpRp7vz7U/8qcoayxP9u6sr+ddY0HZsDUWVjdsfeXJvxZljUWsnXON5ctGWV8h2yt0feXJPxJljUWcOe8ay/Hzfqz0/6vI+2N7ZrM+f0IRXottz6wi7o8F1c5cF7pPlpX9oWLsj4XUHRSj7uWKsT8WsM0i75PtUTvyfWXIzHnvJ5XnsU2UNZYvG2WNBWXD1lhY3bD1lSc/N8oai1g75xoL2Nahayxke0XZF8tXO3SNRZw5bJ//PY9/o6yvoHyUNRaUDVtjXLi4eknqTMklkg436Xd67Kb0X14fLEXhzF9wbpPUaK3NeQZCQPYgk3mnK2NMT0mnKb1jGcpa+31rba21dpDS8z5urY10xmCmXm+Tfv0gZU49H6P06edRar8g6XljzJGZq0ZLWhW1dkahZ69tknS8MaZXZtuPVvpshkiMMQdn/n2fpM8V2MODSv8SV+bfBwr4GbEZY8YpfebEWdbat2Jms5/KdZYirjNJstausNYebK0dlFlvTUq/6cYLEWsPyPr0s4q4zjLuV/o1rmSMOULpF5V+OUb+NEmrrbVNMTK7bFb6QakyPUR++nfWOktJulrpN3nI9X35fn+ErrFifvcE5aOss4Bs6DrLlY26xgLqRlpjAdssdJ2FbO/AdRaQjbTGAuYOXWd57mcaJf1N6adLSvnXWMH3UfmyxpgLJI2VdLbNvP5djPwak3ln38w2OTNXP3myT1tr+2etsbestbneiTpf3wOy6n5G+ddYvm22e40pfZuvjZGV0n+Qe9ha+06Muo2S+mTWtCR9UjnuLwNm3rW+uiv9OyHn77E8+yNfVoQ1Vsy+TL5slDWWKyvp3CjrK6D2AVHWWEDfoWssYHuFrq+QbR24vgK22XhFWGMBM0daYwH7rFHuKwve382Xjbo/FpCPcl+ZK7sk4n1lvrqh95UB2yvS/ljI9g67r8yXDb2vDJg50v5YwGOb0DVWzOOifNkoaywgG2mfP0/+mShrLKB26BoL2F6hayxkW4fu8wfkQ9dYwMyR1ljGno9/4z6mLPTx817ZqL/HACeV4shnrovSrw+4Vum/qlwVMztV6VPMW5X+5Rv4DpN7ZE9S+ilJyyXVZy6nR8weK2lpJtuggHcKC/k5oxTz3beVfl2MZZnLygK22RBJdZne75d0QIxsL6X/It+nwHmvVfoOtkHpd7jsHiM7X+k7n2WSRheyNpQ+o2Cu0ndYcyX1jZH9bObjd5X+a17Os5PyZNcp/dqpu9ZZvndrzJX9c2Z7LZf0kNJvSlLQ/wcFn7mSq/ZdklZkaj+ozF8EI2a7KX0WSIOkZySdGqdnpd/N9BsF3s4nSXo6s1YWSfpYjOylSv8+Wqv062uZPNmcvz+irLGAbNQ1li8fus4CsqHrLF82yhoLqBt1jeXLh66zoL7D1llA3ahrLF8+dJ0pz/2M0vcBizO3973K8Xs0IPvNzBrbqfSO/B9jZHcqfT+9a45878C6V17pl4j5R+a2blD6bLz9otbe43vyvft2vr4fz6p7tzLvVh0jv7/SZ2OsUPqshI/E6VvpsyDGBayxfHU/m6m5LPMz3h8j+yulDzCtUfolAwJ/j2Yyo/Svd2UOXWMB2dA1FpCNtMb2zEZdX0G1o6yxgL4jrbE82dD1FdRz2PoKqR26xgKykdaY8uyzKtp9Zb5s6H1lQDbq/li+fJT7ytD9dOW/r8xXN/S+MiAbdX8sb98Kv6/MVzv0vjIgG2l/LPO9ez22ibLGArJR98dyZaOusVzZOPv8gY/n8q2xgNpR98dyZaOusZw9h62vkNpR98dyZaPu8+/1+Dfq+grIR11jubKR1hgXLi5edp32DAAAAAAAAAAlkdTTtwEAAAAAAAB4ioOSAAAAAAAAAEqKg5IAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEoq8YOSxpiJrmWTrO1j3z7OnGRtZnanNjO7U5uZ3anNzO7U9rFvH2dOsjYzu1Obmd2pzcylzwPlLPGDkpKK+Q+WVDbJ2j727ePMSdZmZndqM7M7tZnZndrM7E5tH/v2ceYkazOzO7WZ2Z3azFz6PFC2yuGgJAAAAAAAAACPGGttpxZ4/WunBRaYsqZZXz2yJufXDvxTY+DPbm/frlSqd0F9FZNNsraPffs4c5K1u+LMpohslN+QLm7vcr2tOjObZG1mdqc2M7tT28e+fZw5ydrM7E5tZnanNjN3bH7njuawhzpean35uc490OWYqn7vL9t1kvhBySBhByUBIIpifgNzbwYAAACgHHFQMjcOSr5XOR+U5OnbAAAAAAAAAEqKg5IAAAAAAAAASoqDkgAAAAAAAABKKu5BySMl1Wdd3pB02R7fc5SkhZLelXR5sQ1KUrdu3XTPn/6g1asW6MkFD2nqPTdrc9MyrVv7lBY9NUtLn5mjRU/N0idGnRjp540dM0orG+Zp9aoFuvKKi2L1klQ2ydqu9n3rpBu0uWmZ6pfOjZXriNouZrt3766F/3hYT9c9pmX1j+uaH32nZLWTXGPPrn1KS5+Zo7ols/XUwpklq+vq/ysf+/Zx5mLyrv7uTbK2j327OrOr69vH28rHvn2cOcnazOxH367ODDjDWlvopcJa+4K19tA9rj/YWjvcWvtTa+3lW7862ka9vP6df7OtjfW7P6+oqrYVVdX2oou/b2++5U5bUVVtz/7yN+zcx+fbYcPH2HXrNtja9w21FVXV9tghn7BNTZt3Z/JdqrrX2nXrNtjBRxxve/Q61NYvW2mPOfaU0FySWfourPaoT3zWDhs+xq5oaIycSbrvJLdXRVW13W//wbaiqtp27/k+u2jR0/bjJ55R9n1HyVcGXDZs2GQP6X903q+7OnO5ZV3t28eZi827+LvX19vKxWzStV1c3z7eVj727ePMrvbt48yu9u3CzEUcz+nSlx1b1lou/7okfXsEXULPlDTGHGWM+a4x5n+NMTdlPv6gpNGS1kv65x6RFyUtkdS658+qOmG0ev/wt9rn2pvV47zLJBPtRM2zzhyju+66V5L05z8/omM//CG9+tpWvf3OO2pp2SJJWrlyjXr06KFu3boF/qwRw4dq/fqN2rBhk1pbWzVjxgM668yxkfpIKkvfhdWev2CRXn1ta+TvL4e+k9xekrR9+1uSpKqqSlVWVcnaaG9a5uoaK4arM9M3M3d23sXfvUnW9rFvV2eW3FzfPt5WPvbt48yu9u3jzK727erMgEsCjwoaY74raZokI2mx0gcbjaSpTz755E8lTY1caMD7VDVilLb/7FJtu+YbUnu7qk4YHSlbXdNfzzdtliS1tbXp9dff0AH793nP93zuc59WfX2DduzYEflnSVJTc4uqq/vH7qOU2SRru9p3sVzc3h2xvVKplOqWzFZL83LNnTtPi5csLfu+i81bazVr5lQtemqWLjj/yyWp6+r/Kx/79nHmjsgXytWZ6duPmYvl4vZ29bbysW8fZ06yNjP70berMwMuqQz5+vmSjrbWvuesx+uuu+43Rx111BuSzsgVMsZMvOGGGyZu27atrc+aZn31yBpVfmioKg49XPv86Hfpb6rqLvtG+i/NvS7+sVIH9ZcqqpQ68GDtc+3NkqTzKn6nO+6cIWPMXjWyz9/60IeO0M9/+gN96tP/Fjpwzp8V8WywpLJJ1na172K5uL07Ynu1t7dr2PAx6tNnP/353tt09NFHauXKNZ1aO8k1JkmnjPqMWlq26KCDDtSjs6Zp9Zp1WrBgUafWdfX/lY99+zhzR+QL5erM9F26bNK1i+Hi9nb1tvKxbx9nTrI2M8fLJlnbx5kBl4QdlGyXVK09nqI9duzYsxsaGt4ZOXLkllwha+2kTG7b6xvm/Sp9rdGOJx/Tu/fdttf3v/XbH6e/48BD1OuCK7X9l+k32LjjT42SpOamFg2srVZzc4sqKirUp89+2rr1dUlSTc0A3Xfvbfra1y/Vc8/t+Uzyve36WbvU1gzY/RTwcs0mWdvVvovl4vbuyO31+utv6O/znky/uHKEg5KurjFJu7/3pZde0f0PzNLw4UMiHZR0dWb6ZuZS5Avl6sz07cfMxXJxe7t6W/nYt48zJ1mbmf3o29WZAZeEvajjZZLmGmNmGWMmZS6PtrS0/PqVV165OU6hnY3PqGrYyTL77i9JMr33lTnw4EjZhx6erXPP/aIk6fOf/7T+9sQ/JEkVqQo9+MCduurqn+vJhXWRftaSunoNHnyYBg0aqKqqKk2YMF4PPTy7rLP0XVjtYri4vYvdXv369VWfPvtJknr06KHRp56sNWvWl33fxeR79eqpffbpvfvjT552SqSDsMXWdfX/lY99+zhzR+QL5erM9O3HzMVycXu7elv52LePM7vat48zu9q3qzNDkm3nkn0pY4FnSlprHzXGHCFphKQaSebII498afz48f9njLku61u/kfn3Zkn9JdVJ2k9S+743TNWbV52v9s2b9O7/TVHvy3+RfoObtp16+67fqO2VF0ObvH3yNN0x5X+1etUCvfbaVm3Z8pIWzHtQBx/cT8YY3XD9j3XVDy6TJH3q9LP10kuv5P1ZbW1tuvSyqzXzkXtUkUppyh3TtWrV2tAekszSd2G1777rdzpl5Anq16+vNj5Xp2uvu16Tp0wr676T3F4DBhyi22+7URUVKaVSKd1330N6ZOacsu+7mPwhhxyk++5Nn71dUVmhadPu1+zZT3R6XVf/X/nYt48zF5t38XdvkrV97NvVmSU317ePt5WPffs4s6t9+zizq327OjPgEtPZr0vw+tdOK7jAgZmnbwNAMfZ+RZboeOUWAAAAAOVo547mYh7qdFmtW9bwMC5L1SFHlu06CXv6NgAAAAAAAAB0KA5KAgAAAAAAACipsHffBgAAAAAAANzQXt5v7oJ/4UxJAAAAAAAAACXV6WdKHnTP6oKzKVP4a3G2d/Ib+ABwB78NAAAAAAAoL5wpCQAAAAAAAKCkOCgJAAAAAAAAoKQ4KAkAAAAAAACgpHj3bQAAAAAAAHQJ1vLu265I7EzJiy8+X0ufmaP6pXN1ySXnh37/pFuuV9Pz9Vr6zJzd133+c59W/dK5euftTfroR4+NXHvsmFFa2TBPq1ct0JVXXBSr76SySdamb3f69nHmJGszsx99+zhzkrWZ2Y++fZw5ydrM7EffPs5cW1utObPv1YrlT2hZ/eO65OLwx5UdVZvbyo++XZ0ZcIa1tlMvVd1q7J6XIUNOtQ0NjXa/Ph+wPXq+z86ZO89+8EMn7fV92ZdPnPo5O3zEWNvQ0Lj7ug8fe4o9+piT7RNPPGmPO/5T7/n+iqrqnJeq7rV23boNdvARx9sevQ619ctW2mOOPSXv95dDlr7pm5nLrzYz+9G3jzO72rePM7vat48zu9q3jzO72rePM1dUVduagUPssOFjbEVVte1zwOF2zdr1Zd+3r7eVi327MHNnH89x9fJuc4Pl8q9L0rdH0CWRMyWPOmqwFi1aqrfffkdtbW2aP+8pjR8/LjCzYMEivfba1vdct3r1Oq1d+1ys2iOGD9X69Ru1YcMmtba2asaMB3TWmWPLOkvf9N3ZWfp2J0vf7mTp250sfbuTpW93svTtTtblvl944UUtrW+QJG3btl2rVz+rmur+Zd23r7eVi327OjPgkoIPShpjvlZoduWqNTr55OPUt+/+6tmzh8aNO1W1tdWF/rhYqmv66/mmzbs/b2puUXXEO66ksknWpu/S1mZmP/r2ceYkazOzH337OHOStZnZj759nDnJ2swcv+9shx5aqyEfOUaLFi/t9NrcVn707erMgEuKeaObayVNLiS4evU6/er632vWzKnatm27lq9YpZ07dxbRSnTGmL2us9aWdTbJ2vRd2trMHC+bZG1mjpdNsjYzx8smWZuZ42WTrM3M8bJJ1mbmeNkkazNzvGy23r17acb0W/Xty6/Rm29u6/Ta3FbxsknW9nFmSGrnjW5cEXhQ0hizPN+XJB0SkJsoaaIkVVTsr1RF772+Z8qUaZoyZZok6SfXfVdNzS0RWy5Oc1OLBmadlVlbM0AtLVvKOptkbfoubW1m9qNvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrM3M8fuWpMrKSt07/VZNnfoX3X//rMg5V2embzeySdcGXBH29O1DJH1F0pk5Lq/kC1lrJ1lrh1lrh+U6IClJBx10oCRp4MBqfeYzn9L06Q/E774AS+rqNXjwYRo0aKCqqqo0YcJ4PfTw7LLO0jd9d3aWvt3J0rc7Wfp2J0vf7mTp250sfbuTdblvSbp10g1qXL1ON940KVbO1Znp241s0rUBV4Q9ffthSftYa+v3/IIx5oliCk+fNkkHHniAWlt36puXXqWtW18P/P677vytRo48Qf369dVz65foup/coNde3apf//onOuigvnrg/ju0bPlKnXHGOYE/p62tTZdedrVmPnKPKlIpTbljulatWhup56Sy9E3fnZ2lb3ey9O1Olr7dydK3O1n6didL3+5kXe77xI8P17nnfEHLV6xS3ZL0AZsf/vAXmvXo42Xbt6+3lYt9uzoz4BI2RzUVAAAgAElEQVTT2a9L0K17bSIvfNDO6y0AAAAAAIAuaueO5r1ffBLa0bSCA0JZutV+uGzXSTFvdAMAAAAAAACUD8sb3bgi7DUlAQAAAAAAAKBDcVASAAAAAAAAQElxUBIAAAAAAABASXFQEgAAAAAAAEBJdfob3ST1LtgpU9ybC/Hu3QAAAAAAAI5pb0u6A0TEmZIAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEqKg5IAAAAAAAAASiqxg5K3TrpBm5uWqX7p3ILyY8eM0sqGeVq9aoGuvOKiWNmLLz5fS5+Zo/qlc3XJJeeXrG4x2SRr+9h3kuuT28qPvl2cuba2WnNm36sVy5/QsvrHdcnF8X5/FlPb1WyStX3s28eZk6zNzH707ePMSdZmZvbZy7m2j327OjPgDGttp14qqqptrsuoT3zWDhs+xq5oaMz59aBLVfdau27dBjv4iONtj16H2vplK+0xx57y3u/pVpPzMmTIqbahodHu1+cDtkfP99k5c+fZD37opL2+r9C6xfTcWXn6jt93Z6/PcsvStzvZJGvXDBxihw0fYyuqqm2fAw63a9aud6JvH28rH/v2cWZX+/ZxZlf79nFmV/v2ceaKKvbZ6bt8s6Wq3dnHc1y9vLthieXyr0vSt0fQJfRMSWPMUcaY0caYffa4flwxB0PnL1ikV1/bWlB2xPChWr9+ozZs2KTW1lbNmPGAzjpzbKTsUUcN1qJFS/X22++ora1N8+c9pfHjo41STN1isknW9rXvpNYnt5Uffbs68wsvvKil9Q2SpG3btmv16mdVU92/7Pv28bbysW8fZ3a1bx9ndrVvH2d2tW8fZ5bYZ6fv8s0mXRtwReBBSWPMNyU9IOkSSQ3GmPFZX/5ZZzYWpLqmv55v2rz786bmFlVHfGC8ctUanXzycerbd3/17NlD48adqtra6k6vW0w2ydq+9l0MV2embzeySdfe5dBDazXkI8do0eKlkTMubm9Xbysf+/Zx5iRrM7Mfffs4c5K1mZl99nKu7WPfrs4MuKQy5Ov/Lulj1tptxphBku4zxgyy1t4kyeQLGWMmSpooSaaij1Kp3h3U7u6fv9d11tpI2dWr1+lX1/9es2ZO1bZt27V8xSrt3Lmz0+sWk02ytq99F8PVmenbjWzStSWpd+9emjH9Vn378mv05pvbIudc3N6u3lY+9u3jzEnWZuZ42SRrM3O8bJK1mTletliuzkzfbmSTrg24Iuzp2xXW2m2SZK3dKGmUpE8ZY/5HAQclrbWTrLXDrLXDOvqApCQ1N7VoYNbZjbU1A9TSsiVyfsqUaTru+E9p9Glf0GuvbtW6dRs6vW6xPSdV29e+i+HqzPTtRjbp2pWVlbp3+q2aOvUvuv/+WZFzxdZ2MZtkbR/79nHmJGszsx99+zhzkrWZmX32cq7tY9+uzgy4JOyg5AvGmCG7PskcoDxDUj9JH+7MxoIsqavX4MGHadCggaqqqtKECeP10MOzI+cPOuhASdLAgdX6zGc+penTH+j0usX2nFRtX/suhqsz07cb2aRr3zrpBjWuXqcbb5oUOZN03z7eVj727ePMrvbt48yu9u3jzK727ePMxXJ1Zvp2I5t0be+1t3PJvpSxsKdvf0XSe57bbK3dKekrxphbiil8912/0ykjT1C/fn218bk6XXvd9Zo8ZVqkbFtbmy697GrNfOQeVaRSmnLHdK1atTZy7enTJunAAw9Qa+tOffPSq7R16+udXrfYnpOq7WvfSa1Pbis/+nZ15hM/PlznnvMFLV+xSnVL0jtFP/zhLzTr0cfLum8fbysf+/ZxZlf79nFmV/v2cWZX+/ZxZol9dvou32zStQFXmM5+XYLKbjWJvPBByuR9dnkk7bxeAwAAAAAAKFM7dzQXd+Cji9rx3GIO6GTp9v4RZbtOwp6+DQAAAAAAAAAdioOSAAAAAAAAAEoq7DUlAQAAAAAAACdYW95v7oJ/4UxJAAAAAAAAACXVZc+ULPaNaipTFQVnd7a3FVUbACSpmFcj5pWdAQAAAADljDMlAQAAAAAAAJQUByUBAAAAAAAAlBQHJQEAAAAAAACUVJd9TUkAAAAAAAB4pp1333ZFImdK1tZWa87se7Vi+RNaVv+4Lrn4/Ng/Y+yYUVrZME+rVy3QlVdc1GnZW275lTZtekZPP/3Y7us+/OEP6okn/qK6utn6859v17777tPpPRebTyqbZG0f+3Z15lsn3aDNTctUv3RurFxH1HYxK0l9+uynadMmacWKv2v58id0/HEfK0ltV9cYM/vRt48zJ1mbmf3o28eZk6zNzH707ePMxeSLPX7g4swdURtwgrW2Uy8VVdV2z0vNwCF22PAxtqKq2vY54HC7Zu16e8yxp+z1ffkuVd1r7bp1G+zgI463PXodauuXrYycj5rt3n2g7d59oB09+vP2uOM+ZRsaVu++bsmSenvaaV+w3bsPtBMnfsf+7Gc37v5a9+4DO7znUs1M38nX9nHmiqpqO+oTn7XDho+xKxoaI2eS7rsU2cqAy513zrATJ37HVlZV2569DrUH9jvqPV8vt5ld2N7MnHxtZvajbx9ndrVvH2d2tW8fZ3a1bx9nLjZfzPEDV2eOmu3s4zmuXt5Z+w/L5V+XpG+PoEsiZ0q+8MKLWlrfIEnatm27Vq9+VjXV/SPnRwwfqvXrN2rDhk1qbW3VjBkP6Kwzx3ZKdsGCxXrtta3vue6II96v+fMXSZLmzp2vz3zm9E7tudh8Uln6diebdO35Cxbp1T3+n5V730lur3333UcnnXScbp88VZLU2tqq119/o+z7dnF7+zizq337OLOrffs4s6t9+zizq337OLOrffs4c7H5Yo4fuDpzsbUBV4QelDTGjDDGDM98/CFjzLeNMeFH4SI69NBaDfnIMVq0eGnkTHVNfz3ftHn3503NLaqO+EupmOwuK1eu0RlnfFKS9LnPfVq1tQM6vW5SM9N3aWv7OHOxXNzexW6v97//UL388iu67Y+/1pLFf9UtN/9KvXr1LPu+XdzePs6cZG1m9qNvH2dOsjYz+9G3jzMnWZuZS9t3trjHD1ydOcnHV0ApBR6UNMZcI+l/Jf3BGPNzSb+VtI+k7xljriq2eO/evTRj+q369uXX6M03t0XOGWP2us5a2+nZXf7jP67QN75xnp588hHtu+8+2rGjtdPrJjUzfZe2to8zF8vF7V3s9qqsqNDQoR/WLbfcqeEjxmr79rd05ZUXd3ptV9cYM8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV62I/JSYccPXJ05ycdXXYJt55J9KWNh7779BUlDJHWX9IKkWmvtG8aYX0laJOmnuULGmImSJkqSqeijVKr33oUrK3Xv9Fs1depfdP/9s2I13dzUooG11bs/r60ZoJaWLZ2e3WXt2vU644xzJEmDBx+mceNO7fS6Sc1M36Wt7ePMxXJxexe7vZqaW9TU1KLFS9J/If7z/z2iK6+IdlDSxzXGzH707ePMSdZmZj/69nHmJGszsx99+zhzR+QLPX7g6sxJPr4CSins6ds7rbVt1tq3JK231r4hSdbatyXlPdxqrZ1krR1mrR2W64CklH633cbV63TjTZNiN72krl6DBx+mQYMGqqqqShMmjNdDD8/u9OwuBx10oKT0Xy++//1v6o9/vLvT6yY1M32707erMxfLxe1d7PbasuUlNTVt1hFHfECSdOqpJ6mxcW3Z9+3i9vZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/v2ceaOyBd6/MDVmZN8fAWUUtiZkjuMMb0yByU/tutKY0wfBRyUDHPix4fr3HO+oOUrVqluSfo/1g9/+AvNevTxSPm2tjZdetnVmvnIPapIpTTljulatSraA/K42Tvv/I1OPvkE9et3gNatW6T/+q//Ue/evfWNb3xFknT//Y/qjjtmdGrPxeaTytK3O9mka9991+90ysgT1K9fX218rk7XXne9Jk+ZVtZ9J7m9JOmyb/1Qd97xG3XrVqXnNmzSBRd8u+z7dnF7+zizq337OLOrffs4s6t9+zizq337OLOrffs4c7H5Yo4fuDpzRzxeAFxggl6XwBjT3Vr7bo7r+0kaYK1dEVagsluNky98UJmqKDi7s72tAzsB4Ku9X0kmOid/8QIAAACIbOeO5mIeMnRZ765dwMOhLN2POKls10ngmZK5Dkhmrn9Z0sud0hEAAAAAAABQCE4Uc0bYa0oCAAAAAAAAQIfioCQAAAAAAACAkuKgJAAAAAAAAICS4qAkAAAAAAAAgJIKfKMbnxXzDtq8Yy6AjsDvAwAAAABAV8VBSQAAAAAAAHQNtj3pDhART98GAAAAAAAAUFIclAQAAAAAAABQUhyUBAAAAAAAADxkjLndGPOiMaYh67q+xpjHjDHPZv49IHO9Mcb8rzFmnTFmuTHmo1mZ8zLf/6wx5rwotRM5KNm9e3ct/MfDerruMS2rf1zX/Og7sX/G2DGjtLJhnlavWqArr7jIiewRR3xAdUtm77688vJqffOSC8q+72KySdYuJnvrpBu0uWmZ6pfOjZXriNrcVn707ePMSdZmZj/69nHmYvepXJw5ydo+9u3jzEnWZmY/+vZx5mLyrt7XJV0biGGKpHF7XPc9SXOttYdLmpv5XJI+JenwzGWipD9I6YOYkq6RdJykEZKu2XUgM4ixtnPf37WyW03OAr1799L27W+psrJS8574i7717Wu0aPEzkX5mKpVS48r5Gnf62WpqatFTC2fqnHMvVGPjs2WRjfLu26lUSv/c+LROPOkMbdrUvPv6fLdGuc9cbrWL7fvkk47Ttm3bNXnyTRoydHSkTNJ9+3pbudi3jzO72rePM7vat48z71LoPpWrM9O3G1n6didL3+5kfe1bcu++rlS1d+5ojnL4wTvvrpzbuQe6HNP96NGh68QYM0jSw9baYzKfr5E0ylrbYowZIOkJa+2RxphbMh9Pzf6+XRdr7X9krn/P9+UT+0xJY8ydcTO5bN/+liSpqqpSlVVVinNwdMTwoVq/fqM2bNik1tZWzZjxgM46c2xZZ/d06qkn6bnn/vmeA5Ll2HexM7va9/wFi/Tqa1sjf3859O3rbeVi3z7O7GrfPs7sat8+zrxLoftUrs5M325k6dudLH27k/W1b8m9+7qkawMd4BBrbYskZf49OHN9jaTns76vKXNdvusDBR6UNMY8uMflIUmf2/V59FlyFE6lVLdktlqal2vu3HlavGRp5Gx1TX8937R59+dNzS2qru5f1tk9fWnCeE2ffn/k73d1Zlf7LoarM9O3G9kka/vYt48zJ1mbmQu7vyp0n8rVmenbjWyStX3s28eZk6zNzKXtW3Lvvi7p2kA2Y8xEY0xd1mViMT8ux3U24PpAYWdK1kp6Q9L/SLohc3kz6+OCtbe3a9jwMTr0sGEaPmyojj76yMhZY/aeNepfSpLKZquqqtIZZ4zRfX9+OHLG1Zld7bsYrs5M325kk6ztY98+zpxkbWaOl92l0H0qV2embzeySdb2sW8fZ06yNjPHy3ZE3rX7uqRrA9mstZOstcOyLpMixLZknratzL8vZq5vkjQw6/tqJW0OuD5Q2EHJYZKelnSVpNettU9Ietta+3dr7d/zhbKPwra3bw8s8Prrb+jv857U2DGjwnrdrbmpRQNrq3d/XlszQC0tW8o6m23cuE9o6dIVevHFlyNnXJ3Z1b6L4erM9O1GNsnaPvbt48xJ1mbm4u6v4u5TuTozfbuRTbK2j337OHOStZm5tH1nc+W+LunaQAd4UNKud9A+T9IDWdd/JfMu3McrfaywRdJfJY0xxhyQeYObMZnrAgUelLTWtltrfy3pa5KuMsb8VlJl2A/NPgqbSvXe6+v9+vVVnz77SZJ69Oih0aeerDVr1of92N2W1NVr8ODDNGjQQFVVVWnChPF66OHZZZ3N9qUvfSbWU7eT7LvYmV3tuxiuzkzfbmTp250sfbuTdbnvYvapXJ2Zvt3I0rc7Wfp2J+tr3y7e1yVd23u2nUv2JYQxZqqkhZKONMY0GWPOl/QLSZ80xjwr6ZOZzyVppqTnJK2TdKukCyXJWvuqpJ9IWpK5XJe5LlDoAcbMD2+S9EVjzKeVfjp3UQYMOES333ajKipSSqVSuu++h/TIzDmR821tbbr0sqs185F7VJFKacod07Vq1dqyzu7Ss2cPnTZ6pC688Luxcq7O7Grfd9/1O50y8gT169dXG5+r07XXXa/JU6aVdd++3lYu9u3jzK727ePMrvbt48xScftUrs5M325k6dudLH27k/W1bxfv65KuDcRhrT07z5dG5/heK+miPD/ndkm3x6ltOvt1CSq71Xj3wgeh77UewLuNBQAAAAAAYtu5o7mYww9d1rsNj3FoJUv3Yz5Ztusk7DUlAQAAAAAAAKBDcVASAAAAAAAAQElxUBIAAAAAAABASUV6oxsAAAAAAACg7LWHv+M0ygMHJTsBr6gKAAAAAAAA5MfTtwEAAAAAAACUFAclAQAAAAAAAJQUByUBAAAAAAAAlBSvKQkAAAAAAIAuwdq2pFtARJwpCQAAAAAAAKCkEjsoeeukG7S5aZnql84tKD92zCitbJin1asW6MorLury2SRr07c7ffs4c5K1mdmPvn2cOcnazOxH3z7OnGRtZvajbx9nTrI2M/vRt6szA64w1tpOLVDZrSZngZNPOk7btm3X5Mk3acjQ0bF+ZiqVUuPK+Rp3+tlqamrRUwtn6pxzL1Rj47NdMkvf9M3M5Vebmf3o28eZXe3bx5ld7dvHmV3t28eZXe3bx5ld7dvHmV3t24WZd+5oNpGa8cw7y2Z27oEux/T4yOllu05inSlpjDnJGPNtY8yYYgvPX7BIr762taDsiOFDtX79Rm3YsEmtra2aMeMBnXXm2C6bpW/67uwsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXBB6UNMYszvr43yX9VtK+kq4xxnyvk3vLq7qmv55v2rz786bmFlVX9++y2SRr03dpazOzH337OHOStZnZj759nDnJ2szsR98+zpxkbWb2o28fZ06yto8zQ5Jt55J9KWNhZ0pWZX08UdInrbXXShoj6cv5QsaYicaYOmNMXXv79g5oc6+fv9d1UZ+G7mI2ydr0XdrazBwvm2RtZo6XTbI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV42ydo+zgy4pDLk6yljzAFKH7w01tqXJMlau90YszNfyFo7SdIkKf9rShajualFA2urd39eWzNALS1bumw2ydr0XdrazOxH3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48yAS8LOlOwj6WlJdZL6GmP6S5IxZh9Jib1Q5pK6eg0efJgGDRqoqqoqTZgwXg89PLvLZumbvjs7S9/uZOnbnSx9u5Olb3ey9O1Olr7dydK3O1n6diebdG3AFYFnSlprB+X5UrukzxZT+O67fqdTRp6gfv36auNzdbr2uus1ecq0SNm2tjZdetnVmvnIPapIpTTljulatWptl83SN313dpa+3cnStztZ+nYnS9/uZOnbnSx9u5Olb3ey9O1ONunagCtMZ78uQWc8fRsAAAAAAMBnO3c0J/YM1nL2zjMPchwqS4+PnlW26yTs6dsAAAAAAAAA0KE4KAkAAAAAAACgpDgoCQAAAAAAAKCkOCgJAAAAAAAAoKQC330bbqlIFXeMua29vYM6AQAAAAAAAPLjoCQAAAAAAAC6BssJV67g6dsAAAAAAAAASoqDkgAAAAAAAABKioOSAAAAAAAAAEoqsYOSt066QZublql+6dyC8mPHjNLKhnlavWqBrrzioi6fjZu/5Zbr9fympXrm6Tnvuf7C//yqVix/QkufmaOf/fQHZdd3uWSTrM3MfvTt48xJ1mZmP/r2ceYkazOzH337OHOStZnZj759nDnJ2j7ODLjCWGs7tUBlt5qcBU4+6Tht27ZdkyffpCFDR8f6malUSo0r52vc6WerqalFTy2cqXPOvVCNjc92yWzUfPa7b5+U2b6333ajPvqx0yRJp5xygr733Us0/jNf1Y4dO3TQQQfqpZde2Z3J9e7bpei73LKu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbtwsw7dzSbSM145p0lf+7cA12O6TH882W7ThI7U3L+gkV69bWtBWVHDB+q9es3asOGTWptbdWMGQ/orDPHdtlsIfkFCxbptT2278R/P1e/uv732rFjhyS954BkufRdDllX+/ZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/v2cWZX+/ZxZlf79nFmV/t2dWbAJYEHJY0xxxlj9st83NMYc60x5iFjzC+NMX1K0+Leqmv66/mmzbs/b2puUXV1/y6b7Yi8JB1++Pt14okjNH/eg3rssXv1sY99pKz7dnV7u5hNsraPffs4c5K1mdmPvn2cOcnazOxH3z7OnGRtZvajbx9nTrK2jzMDLgk7U/J2SW9lPr5JUh9Jv8xcN7kT+wpkzN5nnkZ9GrqL2Y7IS1JlZaUO2L+PTh55lr7//Z/qnj/9vtPr+ri9XcwmWdvHvn2cOcnazBwvm2RtZo6XTbI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGv7ODPgksqQr6estTszHw+z1n408/ECY0x9vpAxZqKkiZJkKvoolepdfKdZmptaNLC2evfntTUD1NKypctmOyIvSc3NLbr/gVmSpLq6erW3W/Xr11cvv/xqWfbt6vZ2MZtkbR/79nHmJGszsx99+zhzkrWZ2Y++fZw5ydrM7EffPs6cZG0fZwZcEnamZIMx5muZj5cZY4ZJkjHmCEmt+ULW2knW2mHW2mEdfUBSkpbU1Wvw4MM0aNBAVVVVacKE8Xro4dldNtsReUl68MG/atSoEyVJhw8+TFXdqgIPSCbdt6vb28UsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStb1n27lkX8pY2JmSF0i6yRhztaSXJS00xjwv6fnM1wp2912/0ykjT1C/fn218bk6XXvd9Zo8ZVqkbFtbmy697GrNfOQeVaRSmnLHdK1atbbLZgvJ33nnbzXy5OPVr19frV+3WD/5rxs05Y7pmjTpej3z9Bzt2LFDF1zwrbLruxyyrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727ePMrvbt48yu9u3jzK727erMgEtMlNclMMbsK+n9Sh/EbLLWRj5vuLJbDS98UCIVqeLeTL2tvbyPoAMAAAAAgLSdO5r3fvFJ6J3F93IcKkuPEV8s23USdqakJMla+6akZZ3cCwAAAAAAAAAPFHdqHQAAAAAAAADExEFJAAAAAAAAACUV6enbAAAAAAAAQNnj/TKcwZmSAAAAAAAAAEqKMyW7EN49GwAAAAAAAC7gTEkAAAAAAAAAJcVBSQAAAAAAAAAlxdO3AQAAAAAA0DVYXtrOFZwpCQAAAAAAAKCkEjsoeeukG7S5aZnql84tKD92zCitbJin1asW6MorLury2SRr+3hbJVmbmf3o28eZk6zNzH707ePMSdZmZj/69nHmJGszsx99+zhzkrV9nBlwhbHWdmqBym41OQucfNJx2rZtuyZPvklDho6O9TNTqZQaV87XuNPPVlNTi55aOFPnnHuhGhuf7ZLZpGv7dlu52rePM7vat48zu9q3jzO72rePM7vat48zu9q3jzO72rePM7vat48zu9q3CzPv3NFsIjXjmXcWTu3cA12O6XHC2WW7TgLPlDTGfNMYM7AzCs9fsEivvra1oOyI4UO1fv1GbdiwSa2trZox4wGddebYLptNurZvt5Wrffs4s6t9+zizq337OLOrffs4s6t9+zizq337OLOrffs4s6t9+zizq327OjPgkrCnb/9E0iJjzHxjzIXGmINK0VSY6pr+er5p8+7Pm5pbVF3dv8tmk65dDLa3G9kka/vYt48zJ1mbmf3o28eZk6zNzH707ePMSdZmZj/69nHmJGv7ODMktbdzyb6UsbCDks9JqlX64OTHJK0yxjxqjDnPGLNvvpAxZqIxps4YU9fevr0D29398/e6LurT0F3MJl27GGxvN7JJ1vaxbx9nTrI2M8fLJlmbmeNlk6zNzPGySdZm5njZJGszc7xskrWZOV42ydo+zgy4JOygpLXWtltrZ1trz5dULen3ksYpfcAyX2iStXaYtXZYKtW7A9tNa25q0cDa6t2f19YMUEvLli6bTbp2MdjebmSTrO1j3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48yAS8IOSr7n8Ly1ttVa+6C19mxJ7+u8toItqavX4MGHadCggaqqqtKECeP10MOzu2w26drFYHu7kaVvd7L07U6Wvt3J0rc7Wfp2J0vf7mTp250sfbuTTbo24IrKkK9/Kd8XrLVvF1P47rt+p1NGnqB+/fpq43N1uva66zV5yrRI2ba2Nl162dWa+cg9qkilNOWO6Vq1am2XzSZd27fbytW+fZzZ1b59nNnVvn2c2dW+fZzZ1b59nNnVvn2c2dW+fZzZ1b59nNnVvl2dGXCJ6ezXJajsVsMLHwAAAAAAAHSgnTua937xSeidf/yJ41BZepz45bJdJ2FnSgIAAAAAAABuKPN3nMa/hL2mJAAAAAAAAAB0KA5KAgAAAAAAACgpDkoCAAAAAAAAKCkOSgIAAAAAAAAoKd7oBgAAAAAAAF2CtW1Jt4CIOFMSAAAAAAAAQElxUBIAAAAAAABASXFQEgAAAAAAAEBJJXZQcuyYUVrZME+rVy3QlVdcVNK8i9kka9O3O337OHOStZnZj759nDnJ2szsR98+zlxMvra2WnNm36sVy5/QsvrHdcnF55ekbrHZJGv72LePMydZm5n96NYHzSAAACAASURBVNvVmQFXGGttpxao7FazV4FUKqXGlfM17vSz1dTUoqcWztQ5516oxsZnI/3MYvIuZumbvpm5/Gozsx99+zizq337OLOrffs4c7H5/v0P1oD+B2tpfYP22ae3Fi96VJ//wte79Mz0zcxdtW8fZ3a1bxdm3rmj2URqxjNvP3F75x7ockzPUV8v23WSyJmSI4YP1fr1G7Vhwya1trZqxowHdNaZY0uSdzFL3/Td2Vn6didL3+5k6dudLH27k/W17xdeeFFL6xskSdu2bdfq1c+qprp/p9fltnKnbx9ndrVvH2d2tW9XZwZcEnhQ0hjTzRjzFWPMaZnP/80Y81tjzEXGmKpCi1bX9NfzTZt3f97U3KLqiDtWxeZdzCZZm75LW5uZ/ejbx5mTrM3MfvTt48xJ1mbm0vad7dBDazXkI8do0eKlnV6X26q0tZnZj759nDnJ2j7ODLikMuTrkzPf08sYc56kfST9n6TRkkZIOq+QosbsfeZonKeRF5N3MZtkbfoubW1mjpdNsjYzx8smWZuZ42WTrM3M8bJJ1mbmeNmOyEtS7969NGP6rfr25dfozTe3dXpdbqvS1mbmeNkkazNzvGyStX2cGXBJ2EHJD1trjzXGVEpqllRtrW0zxtwtaVm+kDFmoqSJkmQq+iiV6v2erzc3tWhgbfXuz2trBqilZUvkpovJu5hNsjZ9l7Y2M/vRt48zJ1mbmf3o28eZk6zNzKXtW5IqKyt17/RbNXXqX3T//bNKUpfbqrS1mdmPvn2cOcnaPs4MuCTsNSVTxphukvaV1EtSn8z13SXlffq2tXaStXaYtXbYngckJWlJXb0GDz5MgwYNVFVVlSZMGK+HHp4dueli8i5m6Zu+OztL3+5k6dudLH27k6Vvd7K+9i1Jt066QY2r1+nGmyZFzhRbl9vKnb59nNnVvn2c2dW+XZ0ZcEnYmZK3SVotqULSVZLuNcY8J+l4SdMKLdrW1qZLL7taMx+5RxWplKbcMV2rVq0tSd7FLH3Td2dn6dudLH27k6Vvd7L07U7W175P/PhwnXvOF7R8xSrVLUk/KP3hD3+hWY8+3ql1ua3c6dvHmV3t28eZXe3b1ZkhybYn3QEiMmGvS2CMqZYka+1mY8z+kk6TtMlauzhKgcpuNbzwAQAAAAAAQAfauaN57xefhN7+2x85DpWl5ycuKNt1EnampKy1m7M+3irpvk7tCAAAAAAAAECXFvaakgAAAAAAAADQoTgoCQAAAAAAAKCkQp++DQAAAAAAADihnTe6cQVnSgIAAAAAAAAoKc6UROK6V1YVlX93Z2sHdQIAAAAAAIBS4ExJAAAAAAAAACXFQUkAAAAAAAAAJcXTtwEAAAAAANA1WN7oxhWcKQkAAAAAAACgpBI7KDl2zCitbJin1asW6MorLipp3sVskrVL2XdNzQDNnDVVTz8zR0vqZuvCC78mSfrBVZfp2XVPaeFTM7XwqZkaO3ZUWfXdFbJJ1vaxbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zNzH707ePMSdb2cWbAFcZa26kFKrvV7FUglUqpceV8jTv9bDU1teiphTN1zrkXqrHx2Ug/s5i8i9mu3nf2u2/373+Q+vc/WPX1K7XPPr214B8P6f99aaI+9/kztH3bdt1006171cj17ts+bm8fZ3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvF2beuaPZRGrGM2/PublzD3Q5pudp3yjbdRJ6pqQx5gPGmMuNMTcZY24wxnzDGNOnmKIjhg/V+vUbtWHDJrW2tmrGjAd01pljS5J3MetT3y+88JLq61dKkrZt2641a9arurp/5HpJ9e16lr7dydK3O1n6didL3+5k6dudLH27k6Vvd7L07U426dqAKwIPShpjvinpZkk9JA2X1FPSQEkLjTGjCi1aXdNfzzdt3v15U3NLrANPxeRdzCZZO8m+3/e+Wn3kIx/SkiX1kqT/+MZ5WrRolv5w839r//33K9u+XcwmWdvHvn2cOcnazOxH3z7OnGRtZvajbx9nTrI2M/vRt48zJ1nbx5khqb2dS/aljIWdKfnvksZZa/9L0mmSPmStvUrSOEm/LrSoMXufORrnaeTF5F3MJlk7qb579+6le6b+QVdeeZ3efHOb/njr3Trm6JE6/vjT9cILL+rnv7i6LPt2NZtkbR/79nHmJGszc7xskrWZOV42ydrMHC+bZG1mjpdNsjYzx8smWZuZ42WTrO3jzIBLorzRTWXm3+6S9pUka+0mSVX5AsaYicaYOmNMXXv79r2+3tzUooG11bs/r60ZoJaWLZGbLibvYjbJ2kn0XVlZqXvuuVnTp92vBx/4qyTpxRdfVnt7u6y1mnz7NA372EfKrm+Xs0nW9rFvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrM3MfvTt48xJ1vZxZsAlYQcl/yhpiTFmkqSFkn4rScaYgyS9mi9krZ1krR1mrR2WSvXe6+tL6uo1ePBhGjRooKqqqjRhwng99PDsyE0Xk3cx61vff/jDL7VmzTr95je37b6uf/+Ddn981lljtXLV2rLr2+UsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXVAZ90Vp7kzFmjqQPSvofa+3qzPUvSRpZaNG2tjZdetnVmvnIPapIpTTljulaFXKQqaPyLmZ96vuEE4bp3778eTWsaNTCp2ZKkn58zX/ri188S8ce+yFZa/XPTU365iU/KKu+Xc/StztZ+nYnS9/uZOnbnSx9u5Olb3ey9O1Olr7dySZdG3CF6ezXJajsVsMLHyBQ98q8rwQQybs7WzuoEwAAAAAA3LBzR/PeLz4JvT379xyHytJzzIVlu04Cz5QEAAAAAAAAnGHL+x2n8S9R3ugGAAAAAAAAADoMByUBAAAAAAAAlBQHJQEAAAAAAACUFK8picQV+0Y1KVP4a7a2d/IbPQEAAAAAAGBvHJQEAAAAAABA19DOG924gqdvAwAAAAAAACgpDkoCAAAAAAAAKCkOSgIAAAAAAAAoKQ5KAgAAAAAAACipRA5Kdu/eXQv/8bCerntMy+of1zU/+k7snzF2zCitbJin1asW6MorLury2SRru9L3pFuuV9Pz9Vr6zJzd1/3851drxfIn9HTdY7p3xh/Vp89+Zdd3uWSTrO1j3z7OnGRtZvajbx9nTrI2M/vRt48zJ1mbmf3o28eZk6zt48zea2/nkn0pY8Za26kFKrvV5CzQu3cvbd/+liorKzXvib/oW9++RosWPxPpZ6ZSKTWunK9xp5+tpqYWPbVwps4590I1Nj7bJbP0HZxNGSNJOumk47Rt23ZNvv1GDf3oaZKk004bqb/97R9qa2vTz376A0nSD6762e5se5717+L2duG2om9/Z3a1bx9ndrVvH2d2tW8fZ3a1bx9ndrVvH2d2tW8fZ3a1bxdm3rmj2URqxjNvP3Jj5x7ockzPT19Wtusksadvb9/+liSpqqpSlVVVinNwdMTwoVq/fqM2bNik1tZWzZjxgM46c2yXzdJ3tOyCBYv02mtb33PdnDnz1NbWJklatOgZ1dQMKLu+yyFL3+5k6dudLH27k6Vvd7L07U6Wvt3J0rc7Wfp2J5t0bcAViR2UTKVSqlsyWy3NyzV37jwtXrI0cra6pr+eb9q8+/Om5hZVV/fvstkka7vady5f/eqX9Ne//q3Ta7uYTbK2j337OHOStZnZj759nDnJ2szsR98+zpxkbWb2o28fZ06yto8zAy4JPChpjOljjPmFMWa1MeaVzKUxc93+AbmJxpg6Y0xde/v2nN/T3t6uYcPH6NDDhmn4sKE6+ugjIzdtzN5nnkY909LFbJK1Xe17T9/77iXaubNN90z9v06v7WI2ydo+9u3jzEnWZuZ42SRrM3O8bJK1mTleNsnazBwvm2RtZo6XTbI2M8fLJlnbx5kBl4SdKTlD0muSRllrD7TWHijpE5nr7s0XstZOstYOs9YOS6V6BxZ4/fU39Pd5T2rsmFGRm25uatHA2urdn9fWDFBLy5Yum02ytqt9Zzv3nC/o9NNP01fOuzhyxsXt7ept5WPfPs6cZG1m9qNvH2dOsjYz+9G3jzMnWZuZ/ejbx5mTrO3jzIBLwg5KDrLW/tJa+8KuK6y1L1hrfynpfYUW7dev7+53Qe7Ro4dGn3qy1qxZHzm/pK5egwcfpkGDBqqqqkoTJozXQw/P7rJZ+i6stiSNGTNKl19+oT73+a/p7bffKfu+fbytfOzbx5ld7dvHmV3t28eZXe3bx5ld7dvHmV3t28eZXe3bx5ld7dvVmSHJtnPJvpSxypCv/9MYc6WkO6y1WyTJGHOIpK9Ker7QogMGHKLbb7tRFRUppVIp3XffQ3pk5pzI+ba2Nl162dWa+cg9qkilNOWO6Vq1am2XzdJ3tOxdd/5WI0eeoH79+uq59Ut03U9u0JVXXqzu3bpp1sypkqRFi5/RxRd/v6z6LocsfbuTpW93svTtTpa+3cnStztZ+nYnS9/uZOnbnWzStQFXmKDXJTDGHCDpe5LG6/+zd+fhUZZn+8fPe5KwK5YihCQUbKltf31tQcGtiLgUcKV9tbRaUFv70hZ3q9RWraKt2gp1aW0VqoBYEdQqZZHiRiFVQqJElgQXlsKEgBtaElGSzP37g5BGQmbJZOaZe+7v5zhySGa4cp1nnmHxYWYeqVfjzTsk/V3SHdbanbEW5HYo5I0PkFIh0/ar20d4Xw4AAAAAgIPq91S1/X+Gs9juBb/nf/Sb6Xzm1Rn7OIn6TMnGk44/b/z4FGPMDyRNT1EuAAAAAAAAAFkq1ntKRjOp3VIAAAAAAAAA8EbUZ0oaY1a3dpek3u0fBwAAAAAAAGijSGZf3AX/FetCN70ljZS0/3tHGkkvpSQRAAAAAAAAgKwW66TkAkndrLXl+99hjFmakkRAgpK5WE2XvI5tnv2o7pM2zwKZjgtIAQAAAABSKdaFbi6Oct/57R8HAAAAAAAAQLZL5kI3AAAAAAAAAJCwWC/fBgAAAAAAANxgudCNK3imJAAAAAAAAIC0Cuyk5MgRw7Vu7TKtryjWxGsvSeu8i7NB7vYhd8eOHfTiP5/Sv1YsVEnpYv3y+islSYuXzFHxywtU/PICvf7Wy3r0sfszKnd7zga528fcLnWe+sBkhbeWa9WrzzXd9pnPHKJFix7VunXLtWjRozrkkO4ZlzsTZoPc7WNuHzsHuZvOfuT2sXOQu+nsR24fOyczP23qFG0Lv6byVc8nvDOZvcnOBr0bcIGxKb5Kam6HwhYLQqGQKtct16jTz1M4XK0VLy/S2HETVFn5ZlxfM5l5F2fJnbrZ5lff7tq1i2prP1Jubq6WPDdXP7/2FpWW/vfC87P++ictWvisZj/6lKTWr76d6Z0zbbePuV3o3Pzq20OHHqOamlpNf+huDTryVEnS7bddr/ff/0B3Tr5P115ziT7zme765fW3SWr96tsufr9dOFbk9rezq7l97Oxqbh87u5rbx86u5vaxc7LzJ+z7u+j0ezRw0Clx7WuPvS4cq/o9VaaVL+G13fN+l9oTXY7pPHpixj5OAnmm5NFDBmnDhs3atGmL6urqNHfuPJ191si0zLs4S+70zNbWfiRJysvLVW5erpqfsO/WrauGnXicFsx/NuNyt8csud2ZDWJ3cXGJdu784FO3nXXWCM165HFJ0qxHHtfZZ8fe7+L327Vj5XNuHzu7mtvHzq7m9rGzq7l97Oxqbh87Jzu/vLhE7+/3d9F07HX1WAEuCeSkZEFhvraGtzV9Hq6qVkFBflrmXZwNcrdPuUOhkIpfXqANm0v14gv/UlnZa033nXX2CP1z6Uvatasm43K3x2yQu33M7Wrn5nr16qnt29+WJG3f/rYOPfSzKd3t4myQu33M7WPnIHfT2Y/cPnYOcjed/cjtY+f2mG8rVzsH9f0C0i2Qq28b0/KZo4m8jDyZeRdng9ztU+5IJKKhx52p7t0P0l9n36+v/L/DVVnxhiTp3O+cpZkz5qZsd9CzQe72MbernZPl4vfb1WPlY24fOwe5m86JzQa5m86JzQa5m86JzQa5m86JzbbHfFu52jnIv7NnhQhX33ZFm58paYx5Jsp9440xZcaYskiktsX9VeFq9S0qaPq8qLCPqqt3xL07mXkXZ4Pc7WPuDz/cpeLlJTr1m8MkST16HKKjjvq6/rH4hYzO7eOxCnK3j52be/vtd5Wf30uSlJ/fS++8815Kd7s4G+RuH3P72DnI3XT2I7ePnYPcTWc/cvvYuT3m28rVzkF9v4B0i3pS0hhzZCsfR0ka2NqctXaqtXawtXZwKNS1xf2lZeUaMOAw9e/fV3l5eRozZrTmL1gSd+hk5l2cJXfqZz/bs4e6dz9IktSpU0cNP+kbevP1jZKkb337dC1e/II++WRPxuVur1lyuzMb9O595i94VuPGfkeSNG7sdzR/fuyv4eL329Vj5WNuHzu7mtvHzq7m9rGzq7l97Oxqbh87t8d8W7naOajvF5BusV6+XSrpn5IOdKWeQ9q6tKGhQVdceYMWLXxUOaGQZsyco4rGl8mmet7FWXKnfjY/v5fun3qncnJyFAoZPfXkIi1ufGbkOeeeqbt+f39ce9Odu71mye3ObBC7Zz38Rw0bdpx69uyhjRtKdcutU3TnnX/Uo4/er4t+8D1t3Vql8877ScblDnqW3O7MktudWXK7M0tud2bJ7c6sr7kfmXWfTmz8u+jmjWWadMtkTZ/xWMr3unqsAJeYaO9LYIxZK+nb1toW16w3xmy11vaNtSC3QyFvfICM1SWvY5tnP6r7pB2TAJklZA70b1HxifB+NwAAAEDK1e+pavtf2rPY7qfu4H9Imun87esy9nES65mSN6v1l3hf1r5RAAAAAAAAgCRYLnTjiqgnJa21T0S5+zPtnAUAAAAAAACAB9p89W1Jk9otBQAAAAAAAABvRH2mpDFmdWt3Serd/nEAAAAAAAAAZLtY7ynZW9JISTv3u91IeikliQAAAAAAAABktVgnJRdI6matLd//DmPM0pQkAtIomStoc3ViZDMeowAAAACcFOFCN66IdaGbi6Pcd377xwEAAAAAAACQ7ZK50A0AAAAAAAAAJIyTkgAAAAAAAADSipOSAAAAAAAAANIqsJOSI0cM17q1y7S+olgTr70krfMuzga5m9yx56c+MFnhreVa9epzTbed879nqHzV8/p49xYdeeTX0pKbY5XY/LSpU7Qt/JrKVz2f8M5k9iY7G+RuV79nPh4rH3P72DnI3fxe4sex8rFzkLvp7EduHzsHudvHzoArjE3xFVZzOxS2WBAKhVS5brlGnX6ewuFqrXh5kcaOm6DKyjfj+prJzLs4S+7MzN386ttDhx6jmppaTX/obg068lRJ0pe/PECRSET3/fG3+vl1t+rVV1c3/fzWrmyc6Z0zbTbZ+RP2Hbfp92jgoFPi2tcee109VpKb3zMfj5WPuX3s7HJu334vcTW3j51dze1jZ1dz+9jZ1dwudK7fU2Va+RJe2z33ltSe6HJM5zG/ytjHSSDPlDx6yCBt2LBZmzZtUV1dnebOnaezzxqZlnkXZ8md+bmLi0u0c+cHn7pt/fq39MYbG+PemWxujlXi88uLS/T+fsctHXtdPVaSm98zH4+Vj7l97Oxybt9+L3E1t4+dXc3tY2dXc/vY2dXcrnYGXBLIScmCwnxtDW9r+jxcVa2Cgvy0zLs4G+Rucrdtvq1c7exq7mS42jmo71eyu12cDXK3j7l97Bzkbn4v8eNY+dg5yN109iO3j52D3O1jZ8AlgZyUNKblM0cTeRl5MvMuzga5m9xtm28rVzu7mjsZrnYO6vuV7G4XZ4Pc7WNuHzsHuZvfSxKbDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl0Q9KWmMOdgYc7sxZpYx5vz97vtTlLnxxpgyY0xZJFLb4v6qcLX6FhU0fV5U2EfV1TviDp3MvIuzQe4md9vm28rVzq7mToarnYP6fiW728XZIHf7mNvHzkHu5vcSP46Vj52D3E1nP3L72DnI3T52BlwS65mS0yUZSU9K+p4x5kljTMfG+45tbchaO9VaO9haOzgU6tri/tKycg0YcJj69++rvLw8jRkzWvMXLIk7dDLzLs6S263cyXC1s6u5k+Fq56C+X8nudnGW3O7MkpvfS1I962puHzu7mtvHzq7m9rGzq7ld7QxJ1vLR/COD5ca4/wvW2nMaf/y0MeZ6SS8YY85OZmlDQ4OuuPIGLVr4qHJCIc2YOUcVFW+kZd7FWXJnfu5ZD/9Rw4Ydp549e2jjhlLdcusU7Xz/A91116069NAemvf0TL22ep3OPHNs1nTOhNlk5x+ZdZ9ObDxumzeWadItkzV9xmMp3+vqsZLc/J75eKx8zO1jZ5dz+/Z7iau5fezsam4fO7ua28fOruZ2tTPgEhPtfQmMMZWSvmqtjTS77UJJEyV1s9b2i7Ugt0NhZp+WBdooZFq+z0e8Ihn+rxUAAAAAgMxWv6eq7f9TmsV2z5nE/3A30/m7N2Xs4yTWy7fnSzq5+Q3W2pmSfiZpT6pCAQAAAAAAAMheUV++ba2d2Mrti40xt6UmEgAAAAAAAIBsFus9JaOZpL0XwgEAAAAAAACCF4nE/jnICFFPShpjVrd2l6Te7R8HAAAAAAAAQLaL9UzJ3pJGStq53+1G0kspSQQ4IpmL1SRzkZxkd8MdyTxKeIQAAAAAADJZrJOSC7T3Ktvl+99hjFmakkQAAAAAAAAAslqsC91cHOW+89s/DgAAAAAAAIBsl8yFbgAAAAAAAIDMwYVunBEKOgAAAAAAAAAAv3BSEgAAAAAAAEBaBXpSMhQKqXTlPzTvqZkJz44cMVzr1i7T+opiTbz2kqyfDXI3uVO7e+oDkxXeWq5Vrz7XdNvtt9+gNauX6pWyZ/X43L+oe/eDU5552tQp2hZ+TeWrnk9orj12u3KsMmVWkt58Y4VWvfqcykqXaMXLi9K2m2PlTmdXf037eKx8zO1j5yB309mP3D52DnI3ndOX29W/0wS9G3CBsdamdEFuh8JWF1x5xXgdddTXdPBBB2n0ty+M+2uGQiFVrluuUaefp3C4WiteXqSx4yaosvLNrJwld/blDhnT9OOhQ49RTU2tpj90twYdeaok6dRTh+nFF/+lhoYG3fabX0qSfnn9bU0zkQP8uk228wn7cky/RwMHnRLXTHvszvRjFeSsaWVe2ntS8tjjTtN77+084P2t/cbLsfKjs+Tmr2kfj5WPuX3s7GpuHzu7mtvHzq7m9rFzsvMu/p0mXbvr91RF+18Gb+3+642pPdHlmM7fvzVjHyeBPVOysLCPTj/tFD300OyEZ48eMkgbNmzWpk1bVFdXp7lz5+nss0Zm7Sy5szt3cXGJdu784FO3PffcMjU0NEiSSkpeVWFhn5RmlqTlxSV6f78c8fLlWGXCbLI4Vn50ltz8Ne3jsfIxt4+dXc3tY2dXc/vY2dXcPnZOdt7Fv9MEvRtwRWAnJX8/ZZKu+8WvFWnDVZEKCvO1Nbyt6fNwVbUKCvKzdjbI3eRO/+79XXTRd/WPf7yY9r2J8PFYBf0YsdbqmUWzVbLiGf3o4u/HPcex8qNzslz8frt6rHzM7WPnIHfT2Y/cPnYOcjed05s7Ga52DvLvgVnBRvho/pHBop6UNMbkG2P+bIy5zxjzWWPMzcaYNcaYucaYVp+6ZYwZb4wpM8aURSK1Le4/4/RT9fbb7+rVVWvaFNqYls88jfdl6C7OBrmb3Onf3dx1P79M9fUNenT239K6N1E+HqugHyMnDv+Wjj5mlM48a6x++tOLNHToMSnfzbFKbDbo3clw8fvt6rHyMbePnYPcTefEZoPcTefEZoPcTefEZttjvq1c7Rzk3wOBdIr1TMkZkiokbZX0oqTdks6QtFzS/a0NWWunWmsHW2sHh0JdW9x//PGDddaZI/TWGyv010f+pJNO+oZmzrg37tBV4Wr1LSpo+ryosI+qq3dk7WyQu8md/t37jBt7rk4//VRdcOGlad3bFj4eq6AfI/t+/jvvvKen5z2jIUMGpnw3x8qdzsly8fvt6rHyMbePnYPcTWc/cvvYOcjddE5v7mS42jnIvwcC6RTrpGRva+0frLV3SDrEWvtba+0Wa+0fJPVr69Lrb7hD/T8/WAMOP1bfHztBL774L1140eVxz5eWlWvAgMPUv39f5eXlacyY0Zq/YEnWzpLbn9z7jBgxXNdcM0H/e84PtHv3x2nb21Y+HqsgO3fp0lndunVt+vE3Tz1R69a9nvG5Xfx+u9o5WS5+v109Vj7m9rGzq7l97Oxqbh87u5rbx87tMd9WrnYO8u+BQDrlxri/+UnLh/e7L6eds8StoaFBV1x5gxYtfFQ5oZBmzJyjioo3snaW3Nmde9bDf9SwYcepZ88e2rihVLfcOkUTJ16qjh066JlFey8EVbLyVV166S9S2vmRWffpxMYcmzeWadItkzV9xmMp6dyeuV18jCXbuXfvQ/XE4w9KknJyc/TYY09ryZKlGZ/bxe+3q50lN39N+3isfMztY2dXc/vY2dXcPnZ2NbePnZOdd/HvNEHvBlxhor0vgTHmFkm/s9bW7Hf7AEl3WGvPjbUgt0Mhb3wA7CdkWr5HSCIivJ+IF5J5lPAIAQAAALJb/Z6q5P7HMkvtfvgX/O9QM50vuD1jHydRnylprf1VK7e/ZYxZmJpIAAAAAAAAALJZrPeUjGZSu6UAAAAAAAAA4I2oz5Q0xqxu7S5Jvds/DgAAAAAAAIBsF+tCN70ljZS0c7/bjaSXUpIIAAAAAAAAQFaLdVJygaRu1try/e8wxixNSSLAA1yoBvHgUQIAAAAACeL/t50R60I3F0e57/z2jwMAAAAAAAAg2yVzoRsAAAAAAAAASBgnJQEAAAAAAACkFScl1/yoWAAAIABJREFUAQAAAAAAAKRVYCclp02dom3h11S+6vk2zY8cMVzr1i7T+opiTbz2kqyfDXI3ud3J7WPnIHfT2Y/cPnYOcjed/cjtY+cgd9PZj9w+dg5yN539yO1qZ8AVxqb4qkS5HQoPuOCEoceopqZW06ffo4GDTknoa4ZCIVWuW65Rp5+ncLhaK15epLHjJqiy8s2snCU3uemcebvp7EduHzu7mtvHzq7m9rGzq7l97Oxqbh87u5rbx86u5nahc/2eKhNXGM/snj6Ry2830/kHv8vYx0lgz5RcXlyi93d+0KbZo4cM0oYNm7Vp0xbV1dVp7tx5OvuskVk7S25yp3qW3O7MktudWXK7M0tud2bJ7c4sud2ZJbc7s+R2Zzbo3YArnHxPyYLCfG0Nb2v6PFxVrYKC/KydDXI3udO7m85+5Paxc5C76exHbh87B7mbzn7k9rFzkLvp7EduHzsHudvHzoBLEj4paYzplYogCWZocVu8L0N3cTbI3eRO7246JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G46JzYb5G4fOwMuyY12pzGmx/43SVppjBmkve9H+X4rc+MljZckk9NdoVDX9sjapCpcrb5FBU2fFxX2UXX1jqydDXI3udO7m85+5Paxc5C76exHbh87B7mbzn7k9rFzkLvp7EduHzsHudvHzoBLYj1T8l1JrzT7KJNUKOnVxh8fkLV2qrV2sLV2cHufkJSk0rJyDRhwmPr376u8vDyNGTNa8xcsydpZcpM71bPkdmeW3O7MktudWXK7M0tud2bJ7c4sud2ZJbc7s0Hv9l4kwkfzjwwW9ZmSkiZKOlXStdbaNZJkjNlkrT0s2cWPzLpPJw47Tj179tDmjWWadMtkTZ/xWFyzDQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8kbWz5CZ3qmfJ7c4sud2ZJbc7s+R2Z5bc7syS251ZcrszS253ZoPeDbjCxHpfAmNMkaS7JG2VdJOk16y1n493QW6HQt74AAAAAAAAoB3V76lq+eaT0O4Hr+E8VDOdL56csY+TmBe6sdaGrbXfkfSipGcldUl5KgAAAAAAAABZK+6rb1tr50s6SXtfzi1jzA9SFQoAAAAAAABA9or1npKfYq3dLWlt46eTJE1v90QAAAAAAABAW9jMvrgL/ivqSUljzOrW7pLUu/3jAAAAAAAAAMh2sZ4p2VvSSEk797vdSHopJYkAAAAAAAAAZLVYJyUXSOpmrS3f/w5jzNJ4FuTlJPQK8U+pa6hv8yyAAxvc84ttni179812TAIAAAAAAHwV9YyhtfbiKPed3/5xAAAAAAAAAGS7uK++DQAAAAAAAADtoe2vrQYAAAAAAAAyiI3YoCMgTjxTEgAAAAAAAEBape2kZFFRHy1e/JhWrXper7zyrC655AeSpF/96mdauXKxVqxYpPnzZ6lPn15xfb2RI4Zr3dplWl9RrInXXpJQFhdng9xN7szOPW3qFG0Lv6byVc8fcPbEYcfpvXcqVVa6RGWlS/TDqy5IKM+BdOjQQY/+9c9aX1Gsl4rnq1+/Io0cMVybN5aq5j8bFd6ySiUrntFJw78R19fz5Vi112yQu33M7WPnIHfT2Y/crnZu/mduW7j4/Xb1WPmY28fOkhQKhVS68h+a99TMhGdd7UxuN2aD3g24wFib2qe1du7cz0pSfn4v5ef3Unn5WnXr1lUvvbRAY8aMV1VVtXbtqpEkTZhwkb785S/q8suvl9T61bdDoZAq1y3XqNPPUzhcrRUvL9LYcRNUWRn7ysAuzpKb3NFmTxh6jGpqajVj+r3q1Klji9leh/bU1Vf9RKO/faGkxK6+3acoXzfefZ0mnHulpP9effsnP75QRxzxFV1y6XUaM+ZsfXv0aTryyK/p6p/9SmvWrtdTf5uhmyfdqT/ee5v6HTa43Tu317yLs+R2Z5bc7syS253ZoHfv+zN3+vR7NHDQKXHNBJ3bx2PlY24fO+9z5RXjddRRX9PBBx3U9PfdeLjamdxuzKZrd/2eKhNXGM98NPUqXr/dTJfxd2Xs4yRtz5Tcvv1tlZevlSTV1NRq/fq3VFDQu+mEpCR16dJF8ZwkPXrIIG3YsFmbNm1RXV2d5s6dp7PPGhlXDhdnyU3uaJYXl+j9nR+oc+dOCc+O+t9v6sGFf9bDz/5FP//t1QqF4vst4eyzRmjWrMclSU8+uVDf/OZwbdiwWQsXPa8tW6o0d+48/b+vHK5OnTqpQ4cO7d65veZdnCW3O7PkdmeW3O7MBr1735+5beHi99vVY+Vjbh87S1JhYR+dftopeuih2XHPBJ3b12PlYm5XOwMuCeQ9JT/3uSINHPhVlZaWS5Juvvlavfnmy/re976lW2/9fcz5gsJ8bQ1va/o8XFWtgoL8uHa7OBvkbnKnd3cys7l5ua3OHnvsUXql7Fkt+PssHXZ4f0lS/wGf06mjT9L40Zfqgm/+SJGGiEb+76kJ52xoaNDHH3+sd95571O7TzjhWJWXr9WePXtS1jnZeRdng9ztY24fOwe5m85+5Ha1c7Jc/H67eqx8zO1jZ0n6/ZRJuu4Xv1YkEol7pj12c6z8yO1qZ0iKRPho/pHBUnL1bWPMeEnjJSk3t4dyc7s13de1axfNnn2/rr32lqZnSd588526+eY7dc01E/STn1yoX//6rlhfv8Vt8b4M3cXZIHeTO727k5o9wG3WWr26ao0+P+Bo1dZ+pNNGnaw/PXS7vjN0rAafcJS+dMThmv7MA5Kkjp06aOd7e5/9cceDt6rgc32Ul5er3oW99fCzf5Ek/fau+zTz4bkHztnsx4UF+Tru2KM05JhRsXP7eKw87BzkbjonNhvkbjonNhvkbh87J8vF77erx8rH3D52PuP0U/X22+/q1VVrdOKw4+Kaaa/dHKvEZoPc7WNnwCVRT0oaY0ZZaxc3/ri7pN9LGiJpraSrrLU7DjRnrZ0qaar03/eUlKTc3FzNnn2/5sx5WvPmLW4xN3fuPP3tb9NjnpSsClerb1FB0+dFhX1UXX3AKFkxG+Rucqd3dzKzdXX1B5xt/hYJzyx+Qbl5uereo7uMkRY9/g/9+fZpLb7WdRffKKn195Tcl7Oqqlo5OTnq1KmTeh36WUl7X0Zz1VU/0WNzntbGjf9Oaedk512cDXK3j7l97Bzkbjr7kdvVzsly8fvt6rHyMbePnY8/frDOOnOETht1sjp16qiDDz5IM2fcqwsvujyjc/t4rILc7WNnwCWxXr59W7MfT5FULeksSaWSHkh02f33/06vv/6W7r33L023feEL/Zt+fMYZ39Qbb2yI+XVKy8o1YMBh6t+/r/Ly8jRmzGjNX7AkrgwuzpKb3PHYvfvjA8727n1o088ZMnigTMjow/c/VOnyV3XyGSfqM589RJJ08CEHKb+wd1y75i9YonHjviNJOuecM/Tc88s0YMBhOuKIr2j+3x9WbW2t7vvT9JR3TnbexVlyuzNLbndmye3ObNC7k+Hi99vVY+Vjbh87X3/DHer/+cEacPix+v7YCXrxxX/FfUIyyNw+HitXc7vaGXBJIi/fHmytHdj447uMMfFf2kx7/yXr+98/R2vWVGrFikWSpJtuulMXXfRdffGLn1ckEtGWLVW6/PJfxvxaDQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8EVcOF2fJTe5oHpl1n04cdpx69uyhDz/cpeLl85UTCunll8tUUfGGJvz0Iv34xxeovr5BH+/+WDf+9BZJ0uY3/60Hfveg7nlsskLGqL6+Xnf+8h5tr4r9L3APTX9MM2fcq/UVxdq58wOdP3aCvvylAXr2H3PVo8ch2rHjHT0884+SpNNOP+9T7zfZnt+vZOddnCW3O7PkdmeW3O7MBr27+Z+5mzeWadItkzV9xmMZndvHY+Vjbh87J8vVzuR2Yzbo3YArTLT3JTDGhLX3JdtG0iWSvmAbB4wxq621X4u1oPnLtxNV11Df1lEArRjc84ttnt338m0AAAAAQLDq91Qd6NIC3vvoz5fxBpzNdPnpHzL2cRLr5dvTJB0kqZukmZJ6SpIxJl9SeWqjAQAAAAAAAMhGUV++ba2d1Mrt240xL6YmEgAAAAAAAIBsFuuZktEc8IQlAAAAAAAAAEQT9ZmSxpjVrd0lKb7L9AIAAAAAAABAM7Guvt1b0khJO/e73Uh6KZ4FXKwGyCxcrAYAAAAAAAQt1knJBZK6WWtbXNTGGLM0JYkAAAAAAACAtohw8W1XxLrQzcVR7ju//eMAAAAAAAAAyHbJXOgGAAAAAAAAABLGSUkAAAAAAAAAaRXYScmRI4Zr3dplWl9RrInXXpLWeRdng9xNbndy+9g5yN109iO3q52nTZ2ibeHXVL7q+YTm2mO3i7NB7vYxt4+dg9xNZz9y+9g5yN109iO3q50BVxhrU/sGoLkdClssCIVCqly3XKNOP0/hcLVWvLxIY8dNUGVlfFcFTmbexVlyk5vOmbebzn7kdrWzJJ0w9BjV1NRq+vR7NHDQKXHNBJ3bx2PlY24fO7ua28fOrub2sbOruX3s7GpuFzrX76kycYXxzEd/mMCVbprpctmfMvZxEsgzJY8eMkgbNmzWpk1bVFdXp7lz5+nss0amZd7FWXKTO9Wz5HZnltzuzAa9e3lxid7f+UHcPz8Tcvt4rHzM7WNnV3P72NnV3D52djW3j51dze1qZ8AlgZyULCjM19bwtqbPw1XVKijIT8u8i7NB7iZ3enfT2Y/cPnYOcrePnZPl4vfb1WPlY24fOwe5m85+5Paxc5C76exHblc7Ay5J+KSkMeazyS41puUzRxN5GXky8y7OBrmb3OndTefEZoPcTefEZoPc7WPnZLn4/Xb1WPmY28fOQe6mc2KzQe6mc2KzQe6mc2KzQe72sTPgkqgnJY0xdxhjejb+eLAxZqOkEmPMv40xJ0aZG2+MKTPGlEUitS3urwpXq29RQdPnRYV9VF29I+7Qycy7OBvkbnKndzed/cjtY+cgd/vYOVkufr9dPVY+5vaxc5C76exHbh87B7mbzn7kdrUz4JJYz5Q8w1r7buOP75T0XWvtAEnflDSltSFr7VRr7WBr7eBQqGuL+0vLyjVgwGHq37+v8vLyNGbMaM1fsCTu0MnMuzhLbnKnepbc7syS253ZoHcnw8Xvt6vHysfcPnZ2NbePnV3N7WNnV3P72NnV3K52hqRIhI/mHxksN8b9ecaYXGttvaTO1tpSSbLWvmGM6djWpQ0NDbriyhu0aOGjygmFNGPmHFVUvJGWeRdnyU3uVM+S251ZcrszG/TuR2bdpxOHHaeePXto88YyTbplsqbPeCyjc/t4rHzM7WNnV3P72NnV3D52djW3j51dze1qZ8AlJtr7EhhjLpN0lqQ7JA2TdIikv0k6RdLnrbXjYi3I7VDIGx8AAAAAAAC0o/o9VS3ffBL66J6fcB6qmS5X3J+xj5Ooz5S01v7BGLNG0k8lHd748w+X9LSkW1MfDwAAAAAAAEC2ifXybVlrl0pauv/txpgfSJre/pEAAAAAAAAAZLNYF7qJZlK7pQAAAAAAAADgjajPlDTGrG7tLkm92z8OAAAAAAAA0EZRrp2CzBLr5du9JY2UtHO/242kl1KSCAAAAAAAAEBWi3VScoGkbtba8v3vMMYsTUkiAFmrU26HNs9+XL+nHZMAANIhmUs98hwHAACA7Bbr6tsXR7nv/PaPAwAAAAAAACDbJXOhGwAAAAAAAABIWKyXbwMAAAAAAABuiESCToA48UxJAAAAAAAAAGkVyEnJoqICPbfkca1ZvVSvlb+gyy5t9a0rWzVyxHCtW7tM6yuKNfHaS7J+Nsjd5E7v7mlTp2hb+DWVr3o+oblk9yY7n8hsx44dtHTZ03p5xSKVlv1D199wpSSpX78ivfjPp1S++gXNfPgPysvLy6jcmTIb5G4fc7vYuWPHjnr5Xwv0Stmzeq38Bd30q58lGtvJ77eLxyrZ2SB3JzPbvfvBeuyxqVqz5p9avXqpjj3mqLhnk/lzUuJY0Tmzd9PZj9w+dg5yt4+dAVcYa1N7bcPcDoUtFuTn91Kf/F5aVb5W3bp11cqSxTrn3B+qsvLNuL5mKBRS5brlGnX6eQqHq7Xi5UUaO25CXPMuzpLbn9ySdMLQY1RTU6vp0+/RwEGnxDXTHnvT0bn51be7du2i2tqPlJubq2eff1wTr5mkyy7/kf4+b7GeeGKB7rn311qzplJ/mfZXSa1ffdvFx5gLx4rcbneWPv1rbNnSp3TV1TepZOWrGZ3bx2OV7blbu/r2Qw/ereLiEj00fbby8vLUpUtnffjhfz71c1r7G2pb/5xMJHd7zwa5m85+5Paxs6u5fezsam4XOtfvqWrtj1qvffT7/0vtiS7HdLl6WsY+TgJ5puT27W9rVflaSVJNTa3Wr39ThQX5cc8fPWSQNmzYrE2btqiurk5z587T2WeNzNpZcvuTW5KWF5fo/Z0fxP3z22tvujvX1n4kScrLy1VeXq6spBNPPE5PPfWMJOmvjzypM88ckXG5g54ltzuzQe9u/mssNy9PifwjpIvfb1ePlY+5Dzqom4YOPUYPTZ8tSaqrq2txQjKatv45mWxuH4+Vj51dze1jZ1dz+9jZ1dyudgZcEvh7SvbrV6SBX/8flaxcFfdMQWG+toa3NX0erqpWQZwnNV2cDXI3udO/u61c6xwKhfTSioXa9O8yvfB8sTZt/Lc++PA/amhokCRVVW1XQUHvjMsd9GyQu33M7Wpnae+vsbLSJaquWq3nn1+mlaX8OZuJu33M/fnP99O7776nB/9yl0pX/kMP3H+nunTpHNdssjhWdM7k3XT2I7ePnYPc7WNnSIpYPpp/ZLBAT0p27dpFc+dM09XX3KRdu2rinjOm5TNP430GiIuzQe4md/p3t5VrnSORiI4/9gx96YvHafDgr+tLXxrQpv0uPsZcO1btMRvkbh87S3t/jQ0eMkL9DhusIYMH6atf/VLcsy5+v109Vj7mzs3J0aBBR+iBBx7WkKNHqrb2I02ceGlcs8niWKVvNsjdPub2sXOQu+mc2GyQu33sDLgk6klJY8yrxpgbjDFfSOSLGmPGG2PKjDFlkUjtAX9Obm6uHp8zTbNnP6Wnn34mkS+vqnC1+hYVNH1eVNhH1dU7snY2yN3kTv/utnK184cf7tLy5Ss05OhBOqT7wcrJyZEkFRbmq7r67YzN7ePj08fcrnZu7sMP/6N/LntJI0cMj3vGxe+3q8fKx9zhqmqFw9VNz9598m8LNWjgEXHNJotjRedM3k1nP3L72DnI3T52BlwS65mSn5F0iKQXjTErjTFXGWMKYszIWjvVWjvYWjs4FOp6wJ8zbeoUVa5/S3ffMzXh0KVl5Row4DD1799XeXl5GjNmtOYvWJK1s+T2J3cyXOrcs2cPde9+kCSpU6eOOumkoXr99be0bNkKffvbp0mSvj/2HC1c+GxG5c6EWXK7Mxvk7r2/xg6WJHXq1EmnnHyCXn99Q8bn9vFY+Zh7x453FA5v0+GH7/0375NPHqrKyjfimk0Wx4rOmbybzn7k9rGzq7ld7Qy4JDfG/TuttddIusYYc4Kk8yS9aoyplDTbWpv4GUVJ3zh+iMaNPVer11SorHTvL6wbb7xDzyx+Ia75hoYGXXHlDVq08FHlhEKaMXOOKiri+8usi7Pk9ie3JD0y6z6dOOw49ezZQ5s3lmnSLZM1fcZjKd+bzs6983tp6rTJygnlKBQy+tvfFmrxMy9ofeWbmvHwH3TjTT/T6tcqNHPG3IzKnQmz5HZnNsjdffr01kMP3q2cnJBCoZCeeGK+Fi56LuNz+3isfM195VU36uGZf1CHDnnauGmLfvSjq+Oebeufk8nm9vFY+djZ1dw+dnY1t4+dXc3tamfAJSba+xIYY1611h653205kr4p6bvW2h/EWpDboZA3PgAgSeqU26HNsx/X72nHJACAdGj5jljx4y+QAABEV7+nKpk/arPWR3f+kL9GNNPl2ocy9nES65mSLU7FW2sbJC1u/AAAAAAAAACAhER9T0lr7fdau88YE/NZkgAAAAAAAACwv1gXuolmUrulAAAAAAAAAOCNqC/fNsasbu0uSb3bPw4AAAAAAACAdDHGXCXpR9r7tt5rJP1AUh9Jj0nqIelVSeOstXuMMR0lPSzpKEnvae81Zza3ZW+s95TsLWmkpJ3755X0UlsWAvAXF6sBAL/wLvMAAACZzRhTKOlySf/PWrvbGDNX0vcknS7pLmvtY8aY+yVdLOnPjf/daa0dYIz5nqTfSvpuW3bHOim5QFI3a235AUIvbctCAAAAAAAAICUi/LNoG+RK6myMqZPURVK1pJMlnd94/0xJN2vvScnRjT+WpCck/dEYY6y1CX/jY13o5mJrbXEr951/oNsBAAAAAAAAZD5rbZWkyZK2aO/JyA8lvSLpA2ttfeNPC0sqbPxxoaStjbP1jT//s23ZncyFbgAAAAAAAABkKGPMeGNMWbOP8fvd/xntffbjYZIKJHWVdNoBvtS+Z0KaKPclJNbLtwEAAAAAAAA4yFo7VdLUKD/lVEmbrLXvSJIx5m+Sjpd0iDEmt/HZkEWStjX+/LCkvpLCxphcSd0lvd+WbDxTEgAAAAAAAPDTFknHGmO6GGOMpFMkVUh6UdK5jT/nQknzGn/898bP1Xj/C215P0kpwJOSI0cM17q1y7S+olgTr70krfMuzga5m9zu5Paxc5C76exHbh87B7mbzn7knjZ1iraFX1P5qucTmmuP3RwrOmfybjr7kdvHzkHu9rGz72wkwkezj5jfL2tLtPeCNa9KWqO95wqnSvq5pKuNMW9p73tGPtg48qCkzzbefrWk69p6rEwbT2bGLbdDYYsFoVBIleuWa9Tp5ykcrtaKlxdp7LgJqqx8M66vmcy8i7PkJjedM283nf3I7WNnV3P72Nnl3CcMPUY1NbWaPv0eDRx0SlwzQef28Vj52NnV3D52djW3j51dze1C5/o9VQd6bz/v1d5+IZffbqbrL2Zm7OMkkGdKHj1kkDZs2KxNm7aorq5Oc+fO09lnjUzLvIuz5CZ3qmfJ7c4sud2ZJbc7s+ROf+7lxSV6f+cHcf/8TMjt47HysbOruX3s7GpuHzu7mtvVzoBLAjkpWVCYr63hbU2fh6uqVVCQn5Z5F2eD3E3u9O6msx+5fewc5G46+5Hbx85B7k42dzJc7exibh87B7mbzn7k9rFzkLt97Ay4JOpJSWPMYGPMi8aYR4wxfY0xzxpjPjTGlBpjBkWZa7rceCRSe6D7W9yWyMvIk5l3cTbI3eRO7246JzYb5G46JzYb5G46JzYb5G46JzYb5O5kcyfD1c4u5vaxc5C76ZzYbJC76ZzYbJC7fewMuCQ3xv1/knSTpEMkvSTpKmvtN40xpzTed9yBhppfbvxA7ylZFa5W36KCps+LCvuounpH3KGTmXdxNsjd5E7vbjr7kdvHzkHuprMfuX3sHOTuZHMnw9XOLub2sXOQu+nsR24fOwe528fOkBThBK4rYr18O89a+4y1drYka619Qnt/8LykTm1dWlpWrgEDDlP//n2Vl5enMWNGa/6CJWmZd3GW3ORO9Sy53Zkltzuz5HZnltzpz50MVzu7mNvHzq7m9rGzq7l97Oxqblc7Ay6J9UzJj40xIyR1l2SNMd+y1j5tjDlRUkNblzY0NOiKK2/QooWPKicU0oyZc1RR8UZa5l2cJTe5Uz1Lbndmye3OLLndmSV3+nM/Mus+nTjsOPXs2UObN5Zp0i2TNX3GYxmd28dj5WNnV3P72NnV3D52djW3q50Bl5ho70tgjPm6pN9Jiki6StJPJV0oqUrS/1lrX4q14EAv3wYAAAAAAEDb1e+pavnmk1Dtby7gPFQzXa9/OGMfJ1Ffvm2tfc1aO9Jae5q1dr219gpr7SHW2q9K+lKaMgIAAAAAAADIIrHeUzKaSe2WAgAAAAAAAIA3or6npDFmdWt3Serd/nEAAAAAAACANrKRoBMgTrEudNNb0khJO/e73UiK+X6SAAAAAAAAALC/WCclF0jqZq0t3/8OY8zSuBaEctoQa6/6SJsv8A0ATXZvW97m2c4FJ7RjEgAAAAAAIMU4KWmtvTjKfee3fxwAAAAAAAAA2S6ZC90AAAAAAAAAQMJivXwbAAAAAAAAcEPEBp0AceKZkgAAAAAAAADSKq0nJR944E5t2fKqXnnl2abbZs26TyUlz6ik5Bm9/vq/VFLyTFxfa+SI4Vq3dpnWVxRr4rWXJJTDxdkgd5PbndzJzBYVFei5JY9rzeqleq38BV12aatvKdvuuxOdPbRnR/X/XBf1Lex8wPm8PKPCPp31+f5d1f3gvISyRNP70I76XFEXFfbprNxco5Ejhqti7TK99cZL+s2tV6qooLO6donv4l4+Pj6D3E1nP3L72DnI3XT2I7ePnYPcTWc/cvvYOcjdPnYGXGGsTe3TWjt1+lzTgqFDj1ZNzUd68MG7dNRR32zxc++44wb95z+7dNtt90hq/erboVBIleuWa9Tp5ykcrtaKlxdp7LgJqqx8M2YeF2fJTe50dM7P76U++b20qnytunXrqpUli3XOuT/MyNydOoUUiew9SVhV/UmL+e+P/bE2bdysrl1z1dBgtX39C3F9DySpqnqHrv/NFM344+8k/ffq2wcflKsOHXL07nufqFvXXB3ULU9Llz6n0844T1u37t17wYWXqHZXWJu3fJSy71ey8/y6onO25vaxs6u5fezsam4fO7ua28fOrub2sbOruV3oXL+nysQVxjO1t3yf12830/VXf83Yx0lanylZXLxSO3d+0Or95557pubMmRfz6xw9ZJA2bNisTZu2qK6uTnPnztPZZ42MK4OLs+Qmd6pnJWn79re1qnytJKmmplbr17+pwoL8jMz98ccRRRrfJ+RA86PPPl2f7IkO+TCkAAAgAElEQVToQP/mMv8fL+h7P7pC51x4iSb97l41NBz4Hz/217VLrnbV1EmSamrrdeyxR2rDhs3auLF57hGK508/Hx+frub2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7l97Oxqblc7Ay7JmPeUHDr0aO3Y8a42bNgc8+cWFOZra3hb0+fhqmoVxHnyxMXZIHeTO727g+zcXL9+RRr49f9RycpVKd+dzmO1YfMWLX7+n5p1/xQ9OfM+hUIhLVjyYlx7cnON6uv/e8qxV6/eClft3duxY0i7P3pPh3+xr95995N2zdze864cq2yYDXK3j7l97Bzkbjr7kdvHzkHuprMfuX3sHORuHztDUiTCR/OPDJYxV98eM2a05s6N/SxJSTKm5TNP430ZuouzQe4md3p3B9l5n65du2junGm6+pqbtGtXTcp3p/NYlZSVq2L9W/rexVdIkj755BP1+MwhkqTLf3GLqrbtUF19nap3vKNzLtz7vi0HdcvVrpr6qBk++SSi93buUU1NnQ45pIM+2r37gM/SbEvm9p535Vhlw2yQu33M7WPnIHfTObHZIHfTObHZIHfTObHZIHfTObHZIHf72BlwSdSTksaYbpImSjpHUpGkPZI2SLrfWjsjytx4SeMlKTf3M8rJ6RY1RE5OjkaPHqXjjz8jrtBV4Wr1LSpo+ryosI+qq3dk7WyQu8md3t1Bdpak3NxcPT5nmmbPfkpPPx3fRaeS3Z3OY2Wt1dmnnaqrfvqDFvfde/uv9n69Vt5Tsr7eKjfXqKFh718G3n57h4oKP703XLVdNmLVIS+kT/a0/i9SPj4+g9xNZz9y+9g5yN109iO3j52D3E1nP3L72DnI3T52BlwS6+Xbf5W0UdJISZMk3StpnKSTjDG3tTZkrZ1qrR1srR0c64SkJJ188lC98cYGVVVtjyt0aVm5Bgw4TP3791VeXp7GjBmt+QuWZO0sucmd6tl9pk2dosr1b+nue6YmNOfKsTp28EA9u7RY7zW+t+2H/9mlbdvj+8O99qMGHdRt75W8u3XNVUnJKg0YcJgGfOFzTXsXPfOs8vJCqquP/hR5Hx+frub2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7l97Oxqblc7Ay6J9fLt/s2eEfl7Y0yptfZWY8wPJFVI+mUiyx5++A864YTj1LPnZ/TWWyX69a9/rxkz5mjMmLM1Z87f4/46DQ0NuuLKG7Ro4aPKCYU0Y+YcVVS8kbWz5CZ3qmcl6RvHD9G4sedq9ZoKlZXu/QPvxhvv0DOLY1+5Ot25ex3aUZ075Sgnx6iooKMuuujHuuyS78sYoyeemK/XX39T/fp2UShkZK10yrfGat5fH9AXDuuny/7vAo2/8npFbER5ubm6/uoJKsjvHTPnrpo69Tq0kz5X1EUNEasdb+/WFVfeoAXz/6q8vFzNnfu4dr63Re9/sCfm23b4+Ph0NbePnV3N7WNnV3P72NnV3D52djW3j51dze1jZ1dzu9oZcImJ9r4ExpiXJE201hYbY86SdKm1dmTjfa9ba78Ua0GnTp9r8xsf1EfiuyouAESze9vyNs/ue/k2AAAAAGSS+j1VLd98Eqq9+TzegLOZrjfPztjHSaxnSv5E0l+MMYdLWivph5JkjDlU0n0pzgYAAAAAAADEL8I5SVdEPSlprV0t6egD3P6OMWZXylIBAAAAAAAAyFqxLnQTzaR2SwEAAAAAAADAG1GfKWmMWd3aXZJiXxkCAAAAAAAAAPYT6z0le0saKWnnfrcbSS+lJBEAAAAAAACArBbrpOQCSd2steX732GMWRrPggauoA0gYFxBGwAAAAA8YSNBJ0CcYl3o5uIo953f/nEAAAAAAAAAZLtkLnQDAAAAAAAAAAnjpCQAAAAAAACAtOKkJAAAAAAAAIC0CuykZPfuB+uxx6ZqzZp/avXqpTr2mKMSmh85YrjWrV2m9RXFmnjtJVk/G+RucruTO5nZaVOnaFv4NZWvej6hufbY7eKxKioq0HNLHtea1Uv1WvkLuuzSVt+Ct90zJzvv27EKcjbI3T7m9rFzkLvp7EduHzsHuZvOfuT2sXOQu33s7L2I5aP5RwYz1qY2YF6HwgMueOjBu1VcXKKHps9WXl6eunTprA8//M+nfk5ryUKhkCrXLdeo089TOFytFS8v0thxE1RZ+WbMPC7Okpvc6eh8wtBjVFNTq+nT79HAQafENZMJuYPanZ/fS33ye2lV+Vp169ZVK0sW65xzf5jVnX3M7WNnV3P72NnV3D52djW3j51dze1jZ1dz+9jZ1dwudK7fU2XiCuOZ2uu/k9ln4tKs628ez9jHSSDPlDzooG4aOvQYPTR9tiSprq6uxQnJaI4eMkgbNmzWpk1bVFdXp7lz5+nss0Zm7Sy5yZ3qWUlaXlyi93d+EPfPz5TcQe3evv1trSpfK0mqqanV+vVvqrAgP+V7k5338VjR2Y/cPnZ2NbePnV3N7WNnV3P72NnV3D52djW3q50Bl0Q9KWmM6W6MucMYs94Y817jR2XjbYe0dennP99P7777nh78y10qXfkPPXD/nerSpXPc8wWF+doa3tb0ebiqWgVxngxwcTbI3eRO7+4gOyfDx2PVXL9+RRr49f9RycpVadnr6mPMxdw+dg5yN539yO1j5yB309mP3D52DnI3nf3I7WpnwCWxnik5V9JOScOttZ+11n5W0kmNtz3e2pAxZrwxpswYUxaJ1La4PzcnR4MGHaEHHnhYQ44eqdrajzRx4qVxhzam5TNP430ZuouzQe4md3p3B9k5GT4eq326du2iuXOm6eprbtKuXTVp2evqY8zF3D52DnI3nRObDXI3nRObDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl8Q6KdnfWvtba+32fTdYa7dba38r6XOtDVlrp1prB1trB4dCXVvcH66qVjhcrZWle59V9OTfFmrQwCPiDl0VrlbfooKmz4sK+6i6ekfWzga5m9zp3R1k52T4eKwkKTc3V4/PmabZs5/S008/k5bMyc77eKzo7EduHzsHuZvOfuT2sXOQu+nsR24fOwe528fOgEtinZT8tzFmojGm974bjDG9jTE/l7S1rUt37HhH4fA2HX74FyRJJ588VJWVb8Q9X1pWrgEDDlP//n2Vl5enMWNGa/6CJVk7S25yp3o2WT4eK2nvFcsr17+lu++ZGvdMe+x19THmYm4fO7ua28fOrub2sbOruX3s7GpuHzu7mtvHzq7mdrUzJBuJ8NHsI5Plxrj/u5Kuk/TPxhOTVtIOSX+XNCaZxVdedaMenvkHdeiQp42btuhHP7o67tmGhgZdceUNWrTwUeWEQpoxc44qKuI7qeniLLnJnepZSXpk1n06cdhx6tmzhzZvLNOkWyZr+ozHMj53ULu/cfwQjRt7rlavqVBZ6d6/INx44x16ZvELKd2b7LyPx4rOfuT2sbOruX3s7GpuHzu7mtvHzq7m9rGzq7ld7Qy4xMR6XwJjzJclFUlaYa2taXb7KGvt4lgL8joUtvmND3jHBAAAAAAAgJbq91S1fPNJqOYX53A6qZlutz+ZsY+TWFffvlzSPEmXSlprjBnd7O7bUhkMAAAAAAAAQHaK9fLt/5N0lLW2xhjTX9ITxpj+1tp7JGXsmVYAAAAAAAAAmSvWScmcfS/ZttZuNsYM194Tk/3ESUkAAAAAAABkkgiv3nZFrKtvbzfGDNz3SeMJyjMl9ZR0RCqDAQAAAAAAAMhOsU5KXiBpe/MbrLX11toLJA1LWSoAAAAAAAAAWSvqy7etteEo9/2r/eMAAAAAAAAAyHaxnikJAAAAAAAAAO0q1oVuAAAAAAAAADdwoRtn8ExJAAAAAAAAAGkVyEnJww//gspKlzR9vPfuel1+2Y8S+hojRwzXurXLtL6iWBOvvSTrZ4PcTW53cvvYOcjdbZ0tKirQc0se15rVS/Va+Qu67NKLE9qbzO4gZ4PcTWc/cvvYOcjddPYjt4+dg9xNZz9y+9g5yN0+dgZcYaxN7dNa8zoURl0QCoX0782v6BtDz9SWLVWfuq+1wVAopMp1yzXq9PMUDldrxcuLNHbcBFVWvhkzj4uz5CY3nTNvdzKz+fm91Ce/l1aVr1W3bl21smSxzjn3h1nd2dXcPnZ2NbePnV3N7WNnV3P72NnV3D52djW3j51dze1C5/o9VSauMJ6pufbbvH67mW53PpWxj5PAX7598slDtXHjv1uckIzm6CGDtGHDZm3atEV1dXWaO3eezj5rZNbOkpvcqZ4ld3pnt29/W6vK10qSampqtX79myosyI9rNsjcPh4rHzu7mtvHzq7m9rGzq7l97Oxqbh87u5rbx86u5na1M+CSwE9KfnfMaM2Z83RCMwWF+doa3tb0ebiqWgVx/g+9i7NB7iZ3enfT2Z/c+/TrV6SBX/8flaxcFfeMq51dzO1j5yB309mP3D52DnI3nf3I7WPnIHfT2Y/crnaGJBvho/lHBmvzSUljzDPJLs/Ly9OZZ47QE08uSHR3i9vifRm6i7NB7iZ3enfTObHZIHcnm1uSunbtorlzpunqa27Srl01cc+52tnF3D52DnI3nRObDXI3nRObDXI3nRObDXI3nRObDXI3nRObDXK3j50Bl+RGu9MYc2Rrd0kaGGVuvKTxkhTK6a5QqOsBf96oUSdp1ao1evvtd+NL26gqXK2+RQVNnxcV9lF19Y6snQ1yN7nTu5vO/uTOzc3V43Omafbsp/T004n9G4+rnV3M7WPnIHfT2Y/cPnYOcjed/cjtY+cgd9PZj9yudgZcEuuZkqWSJkuast/HZEmHtDZkrZ1qrR1srR3c2glJSfrud7+V8Eu3Jam0rFwDBhym/v37Ki8vT2PGjNb8BUuydpbc5E71LLnTn3va1CmqXP+W7r5natwzQef28Vj52NnV3D52djW3j51dze1jZ1dz+9jZ1dw+dnY1t6udAZdEfaakpEpJP7bWtrg8lDFmazKLO3fupFNPGaYJE36e8GxDQ4OuuPIGLVr4qHJCIc2YOUcVFW9k7Sy5yZ3qWXKnd/Ybxw/RuLHnavWaCpWV7v3LxY033qFnFr+Q0bl9PFY+dnY1t4+dXc3tY2dXc/vY2dXcPnZ2NbePnV3N7WpnwCUm2vsSGGPOlbTGWvv6Ae77lrU25tMc8zoUtvmND3jHBAAAAAAAgJbq91S1fPNJqOaa0ZxOaqbb5HkZ+ziJ+kxJa+0TxpgvG2NOkVRirW1+JYaPUxsNAAAAAAAASECEc5KuiPqeksaYyyXNk3SZpLXGmNHN7r4tlcEAAAAAAAAAZKdY7yn5f5KOstbWGGP6S3rCGNPfWnuP9l6BGwAAAAAAAAASEuukZM6+l2xbazcbY4Zr74nJfuKkJAAAAAAAAIA2iPrybUnbjTED933SeILyTEk9JR2RymAAAAAAAAAAslOsZ0peIKm++Q3W2npJFxhjHohnAW8vCgBtkxOK9e9GrWuIRNoxCQAAAAC4wXKhG2fEuvp2OMp9/2r/OAAAAAAAAACyXdufhgMAAAAAAAAAbcBJSQAAAAAAAABpxUlJAAAAAAAAAGkVyEnJjh076uV/LdArZc/qtfIXdNOvfpbw1xg5YrjWrV2m9RXFmnjtJVk/G+RucruT28fOQe5O5+wDD0zW1i2r9OorzzXddsMNV2njhlKtLFmslSWLNWrkSRmXO1N209mP3D52DnJ3MrPTpk7RtvBrKl/1fEJz7bGbY0XnTN5NZz9y+9g5yN0+dvZexPLR/CODGWtTGzC3Q+EBF3Tt2kW1tR8pNzdXy5Y+pauuvkklK1+N62uGQiFVrluuUaefp3C4WiteXqSx4yaosvLNrJwlN7npnHm70zHb/OrbQ4ceo5qaWj304N068qhTJe09KVlb85HuuvuBFjtau/o2x4rO2Zrbx84u5z6h8fe06dPv0cBBp8Q1E3RuH4+Vj51dze1jZ1dz+9jZ1dwudK7fU2XiCuOZXZefmdln4tLsoHsXZOzjJLCXb9fWfiRJysvLVW5enhI5OXr0kEHasGGzNm3aorq6Os2dO09nnzUya2fJTe5Uz5I782eLi0u0c+cHcX39TMqdCbvp7EduHzu7nHt5cYneb+Pvaa52djG3j51dze1jZ1dz+9jZ1dyudgZcEthJyVAopLLSJaquWq3nn1+mlaWr4p4tKMzX1vC2ps/DVdUqKMjP2tkgd5M7vbvp7EfuZDs395OfXqiy0iV64IHJOuSQ7indzbHyo3OQu+nsT+5kuNrZxdw+dg5yN539yO1j5yB3+9gZcEnUk5LGmIONMbcbY2YZY87f774/JbM4Eolo8JAR6nfYYA0ZPEhf/eqX4p41puUzT+N9pqWLs0HuJnd6d9M5sdkgdwfZeZ+pU2fpK18ZqiFHj9T27W/rt7+9MaW7OVaJzQa528fcPnYOcnd7/T7WFq52djG3j52D3E3nxGaD3E3nxGaD3O1jZ8AlsZ4pOV2SkfSkpO8ZY540xnRsvO/Y1oaMMeONMWXGmLJIpDbqgg8//I/+uewljRwxPO7QVeFq9S0qaPq8qLCPqqt3ZO1skLvJnd7ddPYjd7Kd93n77XcViURkrdVDDz2qIYMHZnRuF7/fPnYOcjed/cmdDFc7u5jbx85B7qazH7l97Bzkbh87Ay6JdVLyC9ba66y1T1trz5b0qqQXjDGfjTZkrZ1qrR1srR0cCnVtcX/Pnj3UvfvBkqROnTrplJNP0Ouvb4g7dGlZuQYMOEz9+/dVXl6exowZrfkLlmTtLLnJnepZcrsz21x+fq+mH48+e5TWrXs9o3O7+P32sbOruX3s7HLuZLja2cXcPnZ2NbePnV3N7WNnV3O72hmSIhE+mn9ksNwY93c0xoSstRFJstb+xhgTlrRMUre2Lu3Tp7ceevBu5eSEFAqF9MQT87Vw0XNxzzc0NOiKK2/QooWPKicU0oyZc1RR8UbWzpKb3KmeJXfmzz788B817IRj1bNnD214a6Vu/fUUDRt2nL7+ta/KWqt//zusSy69LuNyZ8JuOvuR28fOLud+ZNZ9OnHYcerZs4c2byzTpFsma/qMxzI6t4/HysfOrub2sbOruX3s7GpuVzsDLjHR3pfAGPM7SUustc/td/soSX+w1n4x1oLcDoW88QEAtEFOqO3XImvI8H8RAwAAAJCc+j1VLd98Etp16emch2rmoD8uytjHSdT/47XWTpQUNsacYozp1uz2xZIuT3U4AAAAAAAAANkn1tW3L5M0T9JlktYaY0Y3u/s3qQwGAAAAAAAAIDvFek/J8ZKOstbWGGP6S3rCGNPfWnuP9l6VGwAAAAAAAMgMEV697YpYJyVzrLU1kmSt3WyMGa69Jyb7iZOSAAAAAAAAANog1knJ7caYgdbacklqfMbkmZIeknREytMBgMeSuVhNXk6s396jq2uoT2oeAAAAAIBoYl3a9QJJ25vfYK2tt9ZeIGlYylIBAAAAAAAAyFpRn0pjrQ1Hue9f7R8HAAAAAAAAQLZL7vV9AAAAAADg/7N393FWl3X+x9+fwwwqYCoiDjNDjMW2bmVCguYdUpSgibRqtBZo5cavVNJt06z050+3XEspqWwVKiANBN2EVZFQ1ASTgdEZuZkZQYSFGQbvwHTIYm6u3x/cNArMOWfOnHOd61yv5+MxD5kz85nP+z1nRLj8nnMA5Ate6CYYyR6+DQAAAAAAAADdikNJAAAAAAAAADnl5VCyvLxUjy++X6tXPaUXap7Q5CsvS/trjD57pNaueVr1tct07TVXFPysz93kDid3jJ197g6lc3n5AC1adJ+qq5fouece0xVXfOVdH7/66kl6553/1dFHH5VXuQth1ufuGHPH2NnnbjrHkTvGzj530zmO3DF29rk7xs5AKMy57D7Wvqhn2X4LSkr6a0BJf1XXrFGfPr21onKRLrzoq6qrW5/S10wkEqpbu1Rjzr1YDQ1NWv7sQk2YeHlK8yHOkpvcdM6/3fneubjH358yuKSkv0pK+qtmz++5f/rTwxo/fpLq69ervHyAfvnLH+kf//GDOu208/TGGzskSS1trV5yF9IsucOZJXc4s+QOZ5bc4cySO5xZcoczm6vdrbsaLaUwkXn762N4UskODr9rUd7+nHi5UnLbtldVXbNGktTcvFP19etVVlqS8vzJw4dqw4ZN2rhxs1paWjRv3gKdP3Z0wc6Sm9zZniV3OLNdmd+27VXVvOv33JdUWnqsJOnHP/6/+v73/1Op/A8q7qs4OoeaO8bOoeaOsXOouWPsHGruGDuHmjvGzqHmDrUzEJJODyXNrMTM/svM7jSzo83s/5nZajObZ2YDuiPAoEHlGnLiR1W5ojrlmdKyEm1p2Lrv/YbGJpWmeKgZ4qzP3eTO7W46x5HbZ+f3v79cQ4Z8RCtX1uizn/20tm7dptWr6/I+d4izPnfHmDvGzj530zmO3DF29rmbznHkjrGzz90xdobknOOtw1s+S3al5ExJtZK2SHpS0juSPitpqaS7DjZkZpPMrMrMqtrbdx70i/fu3Uvz5k7Xt759o95+uznl0Gb7X3ma6jc6xFmfu8md2910Tm/W5+4QO/fu3Utz5tyla665Wa2trfrOd67UzTf/JOt7u2M+xFmfu2PMHWNnn7vpnN6sz910Tm/W5246pzfrczed05v1uTvGzkBIkh1KHuuc+7lz7lZJRzrnfuSc2+yc+7mkQQcbcs5Nc84Nc84NSyR6H/BzioqKdP/c6Zoz50HNn/9oWqEbG5o0sLx03/vlZQPU1PRKwc763E3u3O6mcxy5fXQuKirSnDl3ae7c+VqwYJE+8IFBGjRooFaseFT19ctUVjZAzz77iI499pi8yh3yrM/dMeaOsbPP3XSOI3eMnX3upnMcuWPs7HN3jJ2BkCQ7lOz48d++52M9Mlk8fdoU1dW/pDumTkt7dmVVjQYPPk4VFQNVXFys8ePH6aGHFxfsLLnJne1Zcocz29X5u+76sV588SX97Ge/kiStXfuiBg06Sccff4aOP/4MNTY26dRTP6tXXnktr3KHPEvucGbJHc4sucOZJXc4s+QOZ5bc4cz63g2EoijJxxeYWR/nXLNz7vq9N5rZYEkvdnXp6acN18QJF2nV6lpVrdz9L9YNN9yqRxc9kdJ8W1ubrrr6ei18ZLZ6JBKaOWuuamvXFewsucmd7VlyhzPblfnTThumL33pQq1eXaflyxdKkm688Tb94Q9PprzTR+7QZ8kdziy5w5kldziz5A5nltzhzJI7nFnfu4FQWLLnJTCz4yWVSap0zjV3uH2Mc25RsgVFPct44gMAyLHiHsn+n1PnWtpauykJAAAAgGxo3dW4/5NPQm997WzOoTp43/TFeftzkuzVtydLWiBpsqQ1Zjauw4dvyWYwAAAAAAAAAIUp2aU0kySd5JxrNrMKSQ+YWYVzbqqkvD1pBQAAAAAAAJC/kh1K9tj7kG3n3CYzG6ndB5ODxKEkAAAAAAAAgC5I9urb28xsyN539hxQniepn6QTshkMAAAAAAAAQGFKdqXkJZLe9WoHzrlWSZeY2d2pLEhY1y+obE/yIjwAgAPL9IVqjj7s8C7PvvHO2xntBgAAAIAua+csKRSdHko65xo6+dgz3R8HAAAAAAAAQKFL9vBtAAAAAAAAAOhWHEoCAAAAAAAAyCkOJQEAAAAAAADkVE4PJafdfbsattSo+vnH99121FFHauHC2Vq7dqkWLpytI488IqWvNfrskVq75mnV1y7TtddckVaOEGd97o4xd3l5qR5ffL9Wr3pKL9Q8oclXXpaz3dxXceQOqfP7jjhcv/rtVC1buVBLVzyiYcOH6MijjtC8+b/Ws88v0rz5v9YRR74v73Lnw6zP3THmjrGzz910jiN3jJ197g6x8/RpU7S14QXVVC9Je2cmezPd7TO3r/vK599xMp0Pcdb3biAE5rL8Ctc9Dynft+CMM05Rc/NOzfjNHRr68U9Lkv7zlu9r+/Y3ddvtd+qab1+ho446Qt/7/i2SDv7q24lEQnVrl2rMuReroaFJy59dqAkTL1dd3fqkeUKcJXfuc5eU9NeAkv6qrlmjPn16a0XlIl140VfzOnes91WIuUPo3PHVt3/2X7eq8tkq/e63D6i4uFiH9TpUV/37/9GbO/6sn/90uib/29d0xJHv0w9unCLp4K++HeL3O4T7itzxdg41d4ydQ80dY+dQc/vsfObev+PNmKohQ0eltK+7cmey21dun/eVr7/jZDof4myudrfuarSUwkTmz1/5NC+/3cERMx7P25+TnF4puWxZpXbsePNdt40de7buufd+SdI9996v888fnfTrnDx8qDZs2KSNGzerpaVF8+Yt0Pljk8+FOkvu3Ofetu1VVdeskSQ1N+9Uff16lZWW5HXuWO+rEHOH1LnP4b116unD9LvfPiBJamlp0Vt/fltjzh2lubPnS5Lmzp6vcz776bzKnQ+z5A5nltzhzJI7nFlyhzOb6fzSZZXa/p6/4+Vib6a7feX2eV/5+jtOpvMhzvreDYQi7UNJM+vfnQH69++nbdtelbT7N8ljjjk66UxpWYm2NGzd935DY5NKU/zNNMRZn7tjzd3RoEHlGnLiR1W5ojrru7mv4sgdUudBFQP1xuvbNfWX/6nHl/5eP/n5f6hXr8N0zDFH69VXXpMkvfrKa+p3TN+8yp0Psz53x5g7xs4+d9M5jtwxdva5O9TOmfC1N1OFcF/l8u84mc6HOOt7NxCKTg8lzazve96OlrTCzI4ys+R/A80Ss/2vPE31YeghzvrcHWvuvXr37qV5c6frW9++UW+/3Zz13dxX6c363B1L56KiIp1w4oc169dz9OkzL9Bfdr6jyf/2tZSzZrI79Fmfu2PMHWNnn7vpnN6sz910Tm/W5+5QO2fC195MhX5f5frvOJnOhzjrezcQimRXSr4u6bkOb1WSyiQ9v+fXB2Rmk8ysysyq2tt2dqdQB78AACAASURBVLrg1VdfV0nJ7osvS0r667XX3kgaurGhSQPLS/e9X142QE1NrySdC3XW5+5Yc0u7D2Punztdc+Y8qPnzH015LtTO5A5jNte7tzZu09bGV/T8c6skSQ8t+INOOPHDeu21N9T/2GMkSf2PPUavv7Y9r3Lnw6zP3THmjrGzz910jiN3jJ197g61cyZ87c1UyPeVj7/jZDof4qzv3UAokh1KXivpRUnnO+eOc84dJ6lhz68/cLAh59w059ww59ywRI/enS546OHHNHHC5yVJEyd8Xg89tDhp6JVVNRo8+DhVVAxUcXGxxo8fp4ceTj4X6iy5c59b2v2KfHX1L+mOqdPSmgu1M7nDmM317tdefV1bG5v0wcHHSZLOPOtUrXtxg/7w6BP6whc/J0n6whc/p0ULk79yZYjf75Duq9hzx9g51Nwxdg41d4ydQ83ts3MmfO3NVMj3lY+/42Q6H+Ks793Ra3e8dXzLY0WdfdA5d7uZ3Sfpp2a2RdKNkrrc6J7f/kIjRpyqfv366uUNK3Xzf0zRbbf9QrNn36Uvf+VftGVLoy6++OtJv05bW5uuuvp6LXxktnokEpo5a65qa9ellCHEWXLnPvfppw3XxAkXadXqWlWt3P2b/w033KpHFz2Rt7ljva9CzB1a5+9d+wP98le3qWdxsf530xZddcX3lLCEps/6qb448UI1NjTpXy+9Ou9y+54ldziz5A5nltzhzJI7nNlM5++9506dtefveJtertJNN9+uGTPvy0nuTHb7yu3zvvL1d5xM50Oc9b0bCIWl8ZwGYyV9X1KFcy7lZ1jteUh5lw8x23nOBADw4ujDDu/y7BvvvN2NSQAAAAAcSOuuxv2ffBL686WjOEzq4IhZS/L25yTpq2+b2fFmNkrSk5I+KenTe24fk+VsAAAAAAAAAApQslff/qakBZImS1oj6Wzn3Jo9H74ly9kAAAAAAAAAFKBOn1NS0tckneScazazCkkPmFmFc26qpLy9/BMAAAAAAAARavcdAKlKdijZwznXLEnOuU1mNlK7DyYHiUNJAAAAAAAAAF2Q7Dklt5nZkL3v7DmgPE9SP0knZDMYAAAAAAAAgMKU7ErJSyS1drzBOdcq6RIzuzuVBbyCNgCEh1fQBgAAAABkU6eHks65hk4+9kz3xwEAAAAAAABQ6JJdKQkAAAAAAAAEwbXziN1QJHtOSQAAAAAAAADoVhxKAgAAAAAAAMgpb4eSo88eqbVrnlZ97TJde80VOZ0PcdbnbnKHkzvGzj530zmO3DF29rmbznHkjrFzJvPTp03R1oYXVFO9JO2dmezNdNbn7hhzx9jZ52465y53eXmpHl98v1avekov1DyhyVdelpO9mc763g2EwFyWXx27qGfZfgsSiYTq1i7VmHMvVkNDk5Y/u1ATJl6uurr1KX3NTOZDnCU3uemcf7vpHEfuGDuHmjvGzqHmjrFzpvNnnnGKmpt3asaMqRoydFRK+7pjL/dVOLlj7Bxq7hg7ZzpfUtJfA0r6q7pmjfr06a0VlYt04UVfLejOqc627mq0lMJE5s0vfYonlezgyN89kbc/J16ulDx5+FBt2LBJGzduVktLi+bNW6Dzx47OyXyIs+Qmd7ZnyR3OLLnDmSV3OLPkDmc21txLl1Vq+443U97VXXu5r8LJHWPnUHPH2DnT+W3bXlV1zRpJUnPzTtXXr1dZaUnW94Z6XwEh8XIoWVpWoi0NW/e939DYpNIUf1PJdD7EWZ+7yZ3b3XSOI3eMnX3upnMcuWPs7HM3nXObOxOhdiY3nfN5N539/R44aFC5hpz4UVWuqM763lDvK0hqd7x1fMtjnR5KmtmYDr8+wsx+bWarzGy2mR3b1aVm+185ms7DyDOZD3HW525y53Y3ndOb9bmbzunN+txN5/Rmfe6mc3qzPnfTOb3Z7pjvqlA7kzt3sz53x5g7xs7dMS9JvXv30ry50/Wtb9+ot99uzvreUO8rICTJrpS8pcOvp0hqkjRW0kpJdx9syMwmmVmVmVW1t+/c7+ONDU0aWF667/3ysgFqanol5dCZzIc463M3uXO7m85x5I6xs8/ddI4jd4ydfe6mc25zZyLUzuSmcz7vpnPufw8sKirS/XOna86cBzV//qM52RvqfQWEJJ2Hbw9zzl3vnPtf59xPJVUc7BOdc9Occ8Occ8MSid77fXxlVY0GDz5OFRUDVVxcrPHjx+mhhxenHCST+RBnyU3ubM+SO5xZcoczS+5wZskdzmysuTMRamdy0zmfd9M5978HTp82RXX1L+mOqdNSnsl0b6j3FRCSoiQf729m35Jkkt5nZub+fs1wl5+Psq2tTVddfb0WPjJbPRIJzZw1V7W163IyH+Isucmd7VlyhzNL7nBmyR3OLLnDmY0197333KmzRpyqfv36atPLVbrp5ts1Y+Z9Wd/LfRVO7hg7h5o7xs6Zzp9+2nBNnHCRVq2uVdXK3QdzN9xwqx5d9ERW94Z6XwEhsc6el8DMbnzPTb90zr1mZiWSfuycuyTZgqKeZTzxAQAAAAAAQDdq3dW4/5NPQm9+4ZOcQ3Vw5Nwn8/bnpNMrJZ1zN5nZ8ZLKJFU655r33L7NzGbnIiAAAAAAAACAwpLs1bcnS1ogabKkNWY2rsOHbznwFAAAAAAAAAAcXLLnlJwk6STnXLOZVUh6wMwqnHNTtft5JgEAAAAAAAAgLckOJXt0eMj2JjMbqd0Hk4PEoSQAAAAAAACALkh2KLnNzIY452okac8Vk+dJ+o2kE7KeDgAAAAAAAEiRa+d1bkLR6XNKSrpE0raONzjnWve86vaIrKUCAAAAAAAAULCSvfp2Qycfe6b74wAAAAAAAAAodMmulAQAAAAAAACAbsWhJAAAAAAAAICc4lASAAAAAAAAQE55O5QcffZIrV3ztOprl+naa67I6XyIsz53kzuc3JnMTp82RVsbXlBN9ZK05rpjN/dVHJ0zmT/kkEP07DMP67mqx/RCzRO68f/+e072Zjrrc3eMuWPs7HM3nePIHWNnn7vpHEfuGDv73B1j5+i18/autzxmzmX3pdKLepbttyCRSKhu7VKNOfdiNTQ0afmzCzVh4uWqq1uf0tfMZD7EWXKTOxedzzzjFDU379SMGVM1ZOiolGbyIXeI3+8YO3fHfO/evbRz519UVFSkp596UP/2rRtVueL5rO7lvgond4ydQ80dY+dQc8fYOdTcMXYONXeMnUPNHULn1l2NllKYyOy4cGR2D7oCc9R/P5W3PydpXylpZkdnuvTk4UO1YcMmbdy4WS0tLZo3b4HOHzs6J/MhzpKb3NmelaSlyyq1fcebKX9+vuQO8fsdY+fumN+58y+SpOLiIhUVFyvV/6kWamdy0zmfd9M5jtwxdg41d4ydQ80dY+dQc4faGQhJp4eSZnarmfXb8+thZvaypEoz+18zO6urS0vLSrSlYeu+9xsam1RaWpKT+RBnfe4md253++ycCe4rOudiPpFIqGrlYjU1rtKSJU9rxcrqrO/lvsrtbjrHkTvGzj530zmO3DF29rmbznHkDrUzEJJkV0p+1jn3+p5f3ybpC865wZI+I2nKwYbMbJKZVZlZVXv7zgN9fL/b0nkYeSbzIc763E3u3O722TkT3Fe5m/W522duSWpvb9ew4Wdr0HHDNHzYUH3kI/+Y9b3cV7ndTef0Zn3upnN6sz530zm9WZ+76ZzerM/ddE5v1ufuGDsDISlK8vFiMytyzrVKOsw5t1KSnHPrzOyQgw0556ZJmiYd+DklGxuaNLC8dN/75WUD1NT0SsqhM5kPcdbnbnLndrfPzpngvqJzLub3+vOf39Ifn/7T7if/XvtiVvdyX+V2N53jyB1jZ5+76RxH7hg7+9xN5zhyh9oZkmvnADcUya6UvFPSQjP7lKRFZnaHmY0ws5sk1XR16cqqGg0efJwqKgaquLhY48eP00MPL87JfIiz5CZ3tmczxX1F52zP9+vXV0cc8T5J0qGHHqpRnzpTL764Iet7ua/CyR1j51Bzx9g51Nwxdg41d4ydQ80dY+dQc4faGQhJp1dKOud+bmarJX1D0of2fP6HJM2X9IOuLm1ra9NVV1+vhY/MVo9EQjNnzVVt7bqczIc4S25yZ3tWku69506dNeJU9evXV5tertJNN9+uGTPvy/vcIX6/Y+yc6fyAAcfqN7++Qz16JJRIJPTAAw/pkYWPZ30v91U4uWPsHGruGDuHmjvGzqHmjrFzqLlj7Bxq7lA7AyGxZM9LYGbHSyqTVOmca+5w+xjn3KJkCw708G0AAAAAAAB0Xeuuxv2ffBLa/s9ncQ7VQd8H/5i3PyfJXn37m5IWSJosaY2Zjevw4VuyGQwAAAAAAABAYUr2Qjdfk3SSc67ZzCokPWBmFc65qZLy9qQVAAAAAAAAEWr3HQCpSnYo2WPvQ7adc5vMbKR2H0wOEoeSAAAAAAAAALog2atvbzOzIXvf2XNAeZ6kfpJOyGYwAAAAAAAAAIUp2aHkJZK2dbzBOdfqnLtE0oispQIAAAAAAABQsDp9+LZzrqGTjz3T/XEAAAAAAAAAFLpkV0oCAAAAAAAAQLdK9kI3AAAAAAAAQBAcr74dDK6UBAAAAAAAAJBT3g4lp0+boq0NL6imekmX5kefPVJr1zyt+tpluvaaK4KYjbGzz90x5o6xs8/ddA4jd3l5qR5ffL9Wr3pKL9Q8oclXXpazzJnOx3Zf+Zz1uTvG3DF29rmbznHkjrGzz910jiN3qJ2BUJhzLqsLinqWHXDBmWecoubmnZoxY6qGDB2V1tdMJBKqW7tUY869WA0NTVr+7EJNmHi56urW5+2sFGdncocxS+5wZsmd/mxJSX8NKOmv6po16tOnt1ZULtKFF321oDvHmDvGzqHmjrFzqLlj7Bxq7hg7h5o7xs6h5g6hc+uuRkspTGTeGHtWdg+6AnP0Q3/M258Tb1dKLl1Wqe073uzS7MnDh2rDhk3auHGzWlpaNG/eAp0/dnRez0pxdiZ3GLPkDmeW3OnPbtv2qqpr1kiSmpt3qr5+vcpKS7K+N9P5GO8rOseRO8bOoeaOsXOouWPsHGruGDuHmjvUzkBIgnxOydKyEm1p2Lrv/YbGJpWm+BdMX7OZCrUzucOY9bk7xtwxdva9e69Bg8o15MSPqnJFdU72cl+FMetzd4y5Y+zsczed48gdY2efu+kcR+5QO0NSO2/vestjnR5KmtnzZna9mX0wV4FSYbb/laepPgzd12ymQu1M7jBmfe6OMXeMnX3vlqTevXtp3tzp+ta3b9TbbzfnZC/3VRizPnfHmDvGzj530zm9WZ+76ZzerM/ddE5v1ufuGDsDIUl2peRRko6U9KSZrTCzfzOz0mRf1MwmmVmVmVW1t+/slqAdNTY0aWD532OUlw1QU9MreT2bqVA7kzuMWZ+7Y8wdY2ffu4uKinT/3OmaM+dBzZ//aE4yZzof431F5zhyx9jZ5246x5E7xs4+d9M5jtyhdgZCkuxQcodz7tvOufdL+ndJ/yDpeTN70swmHWzIOTfNOTfMOTcskejdnXklSSurajR48HGqqBio4uJijR8/Tg89vDivZzMVamdyhzFL7nBmyd213dOnTVFd/Uu6Y+q0lGe6Yy/3VRiz5A5nltzhzJI7nFlyhzNL7nBmfe8GQlGU6ic655ZKWmpmkyV9RtIXJKX3t7sO7r3nTp014lT169dXm16u0k03364ZM+9LabatrU1XXX29Fj4yWz0SCc2cNVe1tevyelaKszO5w5gldziz5E5/9vTThmvihIu0anWtqlbu/sPcDTfcqkcXPZHVvZnOx3hf0TmO3DF2DjV3jJ1DzR1j51Bzx9g51NyhdgZCYp09L4GZ3eec+5dMFhT1LOOJDwAAAAAAALpR667G/Z98Enr9nLM4h+qg36N/zNufk04fvu2c+xczO97MRplZn44fM7Mx2Y0GAAAAAAAAoBAle/XtyZIWSJosaY2Zjevw4VuyGQwAAAAAAABAYUr2nJKTJJ3knGs2swpJD5hZhXNuqqS8vfwTAAAAAAAAQP5KdijZwznXLEnOuU1mNlK7DyYHiUNJAAAAAAAAAF3Q6cO3JW0zsyF739lzQHmepH6STshmMAAAAAAAAACFKdmVkpdIau14g3OuVdIlZnZ31lIBAAAAAAAA6Wr3HQCp6vRQ0jnX0MnHnun+OAAAAAAAAAAKXbKHbwMAAAAAAABAt+JQEgAAAAAAAEBOcSgJAAAAAAAAIKe8HUpOnzZFWxteUE31ki7Njz57pNaueVr1tct07TVXFPysz93kDid3jJ197qZz4ecuLy/V44vv1+pVT+mFmic0+crL0tqbyW6fsz530zmO3DF29rmbznHkjrGzz910jiN3qJ1j59p56/iWz8w5l9UFRT3LDrjgzDNOUXPzTs2YMVVDho5K62smEgnVrV2qMederIaGJi1/dqEmTLxcdXXrC3KW3OSmc/7tpnMcuUtK+mtASX9V16xRnz69taJykS686KsF3TnU3DF2DjV3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c1WkphIvPaZ87K7kFXYI557I95+3Pi7UrJpcsqtX3Hm12aPXn4UG3YsEkbN25WS0uL5s1boPPHji7YWXKTO9uz5A5nlty5nd227VVV16yRJDU371R9/XqVlZakNOszd4z3VYydQ80dY+dQc8fYOdTcMXYONXeMnUPNHWpnICSdHkqa2TAze9LM7jWzgWb2mJn92cxWmtnQXIV8r9KyEm1p2Lrv/YbGJpWm+JfEEGd97iZ3bnfTOY7cMXb2uTvT3HsNGlSuISd+VJUrqlOeCbVziLlj7OxzN53jyB1jZ5+76RxH7hg7+9wdY2cgJMmulPylpB9LekTSnyTd7Zw7QtJ1ez52QGY2ycyqzKyqvX1nt4Xt8PX3uy3Vh6GHOOtzN7lzu5vO6c363E3n9GZ97s40tyT17t1L8+ZO17e+faPefrs55blQO4eYO8bOPnfTOb1Zn7vpnN6sz910Tm/W5246pzfrc3eMnYGQFCX5eLFz7lFJMrMfOecekCTn3BIzu/1gQ865aZKmSQd/TslMNDY0aWB56b73y8sGqKnplYKd9bmb3LndTec4csfY2efuTHMXFRXp/rnTNWfOg5o//9GU5zLdzX1F53zeTec4csfY2eduOseRO8bOPnfH2Bn5/+Iu+LtkV0r+1czONrPPS3Jm9jlJMrOzJLVlPd1BrKyq0eDBx6miYqCKi4s1fvw4PfTw4oKdJTe5sz1L7nBmyZ373NOnTVFd/Uu6Y+q0lGd8547xvoqxc6i5Y+wcau4YO4eaO8bOoeaOsXOouUPtDIQk2ZWSX9fuh2+3Sxot6RtmNlNSo6SvZbL43nvu1FkjTlW/fn216eUq3XTz7Zox876UZtva2nTV1ddr4SOz1SOR0MxZc1Vbu65gZ8lN7mzPkjucWXLndvb004Zr4oSLtGp1rapW7v6D4A033KpHFz2R17ljvK9i7Bxq7hg7h5o7xs6h5o6xc6i5Y+wcau5QOwMhsWTPS2Bm/ySpVFKlc665w+1jnHOLki3IxsO3AQAAAAAAYta6q3H/J5+EXh11FudQHfRf8se8/TlJ9urb35T0oKTJktaY2bgOH74lm8EAAAAAAAAAFKZkD9/+mqRhzrlmM6uQ9ICZVTjnpkrK25NWAAAAAAAAxIcXuglHskPJHnsfsu2c22RmI7X7YHKQOJQEAAAAAAAA0AXJXn17m5kN2fvOngPK8yT1k3RCNoMBAAAAAAAAKEzJDiUvkbSt4w3OuVbn3CWSRmQtFQAAAAAAAICC1enDt51zDZ187JnujwMAAAAAAACg0CW7UhIAAAAAAAAAulWyF7oBAAAAAAAAwuB4XeZQcKUkAAAAAAAAgJzyeiiZSCS0csUftODBWWnPjj57pNaueVr1tct07TVXFPysz93kDid3jJ197qZzHLlD7Tx92hRtbXhBNdVL0prrjt0hzvrcHWPuGDv73E3nOHLH2NnnbjrHkTvUzkAozDmX1QVFPcsOuuDqqybppJM+pvcdfrjG/fOlKX/NRCKhurVLNebci9XQ0KTlzy7UhImXq65ufUHOkpvcdM6/3XSOI3eonSXpzDNOUXPzTs2YMVVDho5KacZ37hjvqxhzx9g51Nwxdg41d4ydQ80dY+dQc4fQuXVXI49TPoBXRo7M7kFXYI596qm8/TnxdqVkWdkAnXvOKP3mN3PSnj15+FBt2LBJGzduVktLi+bNW6Dzx44u2Flykzvbs+QOZ5bc4cz63r10WaW273gz5c/Ph9wx3lcx5o6xc6i5Y+wcau4YO4eaO8bOoeYOtTMQEm+Hkj+ZcpOu++4P1N7envZsaVmJtjRs3fd+Q2OTSktLCnbW525y53Y3nePIHWNnn7tj7JypEL/fod5XMeaOsbPP3XSOI3eMnX3upnMcuUPtDMm189bxLZ91eihpZn3M7GYzW2tmfzaz18xsuZl9OZOlnz3303r11df1fPXqLs2b7X/laaoPQw9x1uducud2N53Tm/W5m87pzfrcHWPnTIX4/Q71vooxd4ydfe6mc3qzPnfTOb1Zn7vpnN6sz90xdgZCUpTk47+T9KCk0ZLGS+ot6T5J15vZh5xz3zvQkJlNkjRJkqzHEUoker/r46edNkxjzztb54z5lA499BC9732Ha9bMn+nSL38zpdCNDU0aWF667/3ysgFqanqlYGd97iZ3bnfTOY7cMXb2uTvGzpkK8fsd6n0VY+4YO/vcTec4csfY2eduOseRO9TOQEiSPXy7wjk30znX4Jz7iaTznXPrJX1F0gUHG3LOTXPODXPODXvvgaQkff/6W1XxgWEa/KFP6EsTLteTTz6T8oGkJK2sqtHgwcepomKgiouLNX78OD308OKCnSU3ubM9S+5wZskdzqzv3ZkI8fsd6n0VY+4YO4eaO8bOoeaOsXOouWPsHGruUDsDIUl2peROMzvDObfMzMZK2i5Jzrl2O9D1xDnS1tamq66+Xgsfma0eiYRmzpqr2tp1BTtLbnJne5bc4cySO5xZ37vvvedOnTXiVPXr11ebXq7STTffrhkz78vr3DHeVzHmjrFzqLlj7Bxq7hg7h5o7xs6h5g61MxAS6+x5CczsREnTJX1I0hpJlznnXjSzYyRd7Jz7WbIFRT3LeOIDAAAAAACAbtS6q9HbxWL5rOmMT3IO1cGAZU/m7c9Jp1dKOudeMLNLJZVJWu6ca95z+2tmxjE9AAAAAAAAgLQle/Xtb2r3C91cKWmNmY3r8OFbshkMAAAAAAAAQGFK9pySX5M0zDnXbGYVkh4wswrn3FRJeXv5JwAAAAAAAID8lexQskeHh2xvMrOR2n0wOUgcSgIAAAAAAADogk4fvi1pm5kN2fvOngPK8yT1k3RCNoMBAAAAAAAAKEzJrpS8RFJrxxucc62SLjGzu7OWCgAAAAAAAEiTa/edAKlK9urbDZ187JnujwMAAAAAAACg0CV7+DYAAAAAAAAAdCsOJQEAAAAAAADkFIeSAAAAAAAAAHLK26Hk9GlTtLXhBdVUL+nS/OizR2rtmqdVX7tM115zRcHP+txN7nByx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5I6xs8/ddI4jd6idY+ec8dbhLZ+Zcy6rC4p6lh1wwZlnnKLm5p2aMWOqhgwdldbXTCQSqlu7VGPOvVgNDU1a/uxCTZh4uerq1hfkLLnJTef8203nOHLH2DnU3DF2DjV3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c15veJkyeNp34quwddgSl79om8/TnxdqXk0mWV2r7jzS7Nnjx8qDZs2KSNGzerpaVF8+Yt0PljRxfsLLnJne1ZcoczS+5wZskdziy5w5kldziz5A5nltzhzJI7nFnfu4FQBPmckqVlJdrSsHXf+w2NTSotLSnYWZ+7yZ3b3XSOI3eMnX3upnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73B1jZyAkRZ190MyKJF0m6Z8llUpykrZKWiDp1865lqwnPHCu/W5L9WHoIc763E3u3O6mc3qzPnfTOb1Zn7vpnN6sz910Tm/W5246pzfrczed05v1uZvO6c363E3n9GZ97o6xMxCSTg8lJd0j6U1J/09Sw57byiVdKuleSV840JCZTZI0SZKsxxFKJHp3R9Z9GhuaNLC8dN/75WUD1NT0SsHO+txN7tzupnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73E3nOHLH2Nnn7hg7Q3LtvhMgVckevv1x59w3nHPLnXMNe96WO+e+IWnowYacc9Occ8Occ8O6+0BSklZW1Wjw4ONUUTFQxcXFGj9+nB56eHHBzpKb3NmeJXc4s+QOZ5bc4cySO5xZcoczS+5wZskdziy5w5n1vRsIRbIrJXeY2ecl/bdzu8+azSwh6fOSdmSy+N577tRZI05Vv359tenlKt108+2aMfO+lGbb2tp01dXXa+Ejs9UjkdDMWXNVW7uuYGfJTe5sz5I7nFlyhzNL7nBmyR3OLLnDmSV3OLPkDmeW3OHM+t4NhMI6e14CM6uQ9CNJn9Tuh3FL0pGSnpR0nXNuY7IFRT3LeOIDAAAAAACAbtS6q3H/J5+EGk75FOdQHZRXPpG3PyedXinpnNtkZj+RNEXSBkn/JOkTkmpTOZAEAAAAAAAAgPdK9urbN0o6Z8/nPSbpZEl/lHSdmQ11zv0w+xEBAAAAAAAAFJJkzyl5kaQhkg6RtE1SuXPuLTO7TVKlJA4lAQAAAAAAkBdce94+WhnvkezVt1udc23Oub9I2uCce0uSnHPvSOJF1gEAAAAAAACkLdmVkrvMrNeeQ8mT9t5oZkcoxUPJokSPLodrbW/r8iwAADEo7dO3y7Nbm7d3YxJgf8U9kv1R8+Ba2lq7MQkAAADyTbI/KY5wzv1NkpxzHQ8hiyVd8/PJ6gAAIABJREFUmrVUAAAAAAAAAApWslff/ttBbn9d0utZSQQAAAAAAACgoHX9MTUAAAAAAABAHnHOdwKkKtkL3QAAAAAAAABAt+JQEgAAAAAAAEBO5fRQ8u67b9Pmzc/ruece23fbCSf8k5566kFVVS3Wf//3b3T44X1S+lqjzx6ptWueVn3tMl17zRVp5Qhx1uducoeTO9TO06dN0daGF1RTvSStue7YHeJsqN8vn7tj6XzZNybq8T89qMee+b1+Pv1HOuSQnpp69616svJ/9Ngzv9dtP79ZRUWpPXNLiN/vkO6r7pr1uTud2fLyAVq06D5VVy/Rc889piuu+Iok6YILztVzzz2mnTs36uMfPyHvcnfnrM/ddI4jd4ydfe6mcxy5Q+0MhMJclh9sf+ih79+34IwzTlZz81/061//VCed9BlJ0rJlD+m73/2Bli6t1KWXjldFxUDddNMUSVJre9sBv2YikVDd2qUac+7Famho0vJnF2rCxMtVV7c+aZ4QZ8lN7kLuLElnnnGKmpt3asaMqRoydFRKM75z8/0K52es0DuX9ukrSTp2QH/998JZGnXq5/S3v/5Nv/zN7XrisaV647XtevLxpZKkn0//kSr/9JzunTFPkrS1ebu33Pk0S+7szRb32H0IXlLSXyUl/VVTs0Z9+vTWn/70sMaPnyTnnNrb2/WLX9yi7373h3r++dX7ZlvaWoPsnG+76RxH7hg7h5o7xs6h5g6hc+uuRkspTGQ2DxvFs0p28P6qJXn7c5LTKyWXLVuhHTvefNdtH/rQB7R0aaUkacmSpfrc585N+nVOHj5UGzZs0saNm9XS0qJ58xbo/LGjU8oQ4iy5yZ3tWd+7ly6r1Pb3/N6Q77n5foXzMxZT56KiIh166CHq0aOHDjvsUL2y7dV9B5KSVPP8Gg0oPTbvcvueJXf2Z7dte1U1NWskSc3NO1Vf/5JKS4/Viy++pPXrX05pp4/c3TUbau4YO4eaO8bOoeaOsXOouUPtDMm1G28d3vJZlw8lzWxadwRYu/ZFnXfe7qsmL7jgsyovH5B0prSsRFsatu57v6GxSaWlJSntC3HW525y53Z3jJ0zFeL3O8bvl8/dsXR+pelVTfvFTC1f9Ziq6p7QW281a+mTz+77eFFRkS4Yf57+uOSZvMqdD7M+d8eY+/3vL9eQIR/RypU1KX1+d+7mvqJzPu+mcxy5Y+zsc3eMnYGQdHooaWZ9D/J2tKSDXtJoZpPMrMrMqtramjsN8H/+zzX6+tcv1Z/+9IgOP7yPdu1qSRrabP+T3lQfhh7irM/d5M7t7hg7ZyrE73eM3y+fu2PpfMQR79NnzvmkTh86RsM/PEq9eh2mf/78efs+/sPbv68Vzz6nFcufz6vc+TDrc3dsuXv37qU5c+7SNdfcrLff7vzPiN292+esz910Tm/W5246pzfrczed05v1uTvGzkBIkj3b/WuS/ldSx38j3J73+x9syDk3TdI06d3PKXkg69Zt0HnnTZAkDR58nMaM+VTS0I0NTRpYXrrv/fKyAWpqeiXpXKizPneTO7e7Y+ycqRC/3zF+v3zujqXzGSM/oS2bG7X9jR2SpEUPP66TTj5RD97/sK6+9uvqe3RfXfdvV+dd7nyY9bk7ptxFRUWaM+cuzZ07XwsWLEppT3ft9j3rczed48gdY2efu+kcR+5QOwMhSfbw7ZcljXTOHdfh7QPOueMkdcu/Ecccc7Sk3f8n4Lvf/aZ+9at7k86srKrR4MHHqaJioIqLizV+/Dg99PDilPaFOEtucmd71vfuTIT4/Y7x++VzdyydGxua9PFhH9Ohhx0qSTp9xCl6ad1G/cvECzTiU6fryq9dm/L/YQ/x+x3SfRVr7rvu+rFefPEl/exnv0ppR77k7o7ZUHPH2DnU3DF2DjV3jJ1DzR1qZyAkya6UvEPSUZI2H+BjP0532W9/+3Odeeap6tfvKL30UqV+8IOfqHfv3vr61y+RJM2fv0izZs1L+nXa2tp01dXXa+Ejs9UjkdDMWXNVW7supQwhzpKb3Nme9b373nvu1FkjTlW/fn216eUq3XTz7Zox8768zs33K5yfsVg61zy3Wgv/5zEtfHKe2tpatXZVvWbPul/1DSvUuKVJ8/+w+3/6LXp4iabedlfe5M6HWXJnf/a004bpS1+6UKtX12n58oWSpBtvvE2HHNJTP/nJTerXr69+//sZWrWqVueff0ne5O6u2VBzx9g51Nwxdg41d4ydQ80damegK8zsSEm/kvRR7X6E9FclvShprqQKSZskjXfO7bDdzy8wVbuf1vEvkr7snEv+HFEH2pvsqgkzO1mSc86tNLMPSxojqd45tzCVBckevt2Z1va2ro4CABCF0j59uzy7tXl7NyYB9lfcI9n//z64lrbWbkwCAEDhad3VmN8vrezJpiGf4Qk4O6ioeSzpz4mZzZK01Dn3KzPrKamXpO9J2u6cu9XMrpN0lHPuO2Z2rqTJ2n0oeYqkqc65U7qSrdM/KZrZjZLOkVRkZo/tWfaUpOvMbKhz7oddWQoAAAAAAADALzN7n6QRkr4sSc65XZJ2mdk4SSP3fNos7T4P/I6kcZJ+63Zf5bjczI40swHOuaZ0dyf739cXSRoi6RBJ2ySVO+feMrPbJFVK4lASAAAAAAAAyENmNknSpA43TdvzAtV7fUC7X+h6hpmdKOk5SVdJOnbvQaNzrsnM9r7gdZmkLR3mG/bc1u2Hkq3OuTZJfzGzDc65t/aEecfM2tNdBgAAAAAAACA39hxATuvkU4okfVzSZOdcpZlNlXRdJ59/oIeDd+kh88lefXuXmfXa8+uT9m03O0ISh5IAAAAAAABAuBokNTjnKve8/4B2H1K+YmYDJGnPP1/t8PkDO8yXS9ralcXJrpQc4Zz7myQ55zoeQhZLujSVBbxYDQAA2ZPJi9UkrOvPjd6e5IXyAIkXqwEAALnHH1PT45zbZmZbzOwfnXMvSholqXbP26WSbt3zzwV7Rv5H0pVmdp92v/bMn7vyfJJSkkPJvQeSB7j9dUmvd2UhAAAAAAAAgLwxWdLv9rzy9suSvqLdj66eZ2aXSdos6fN7Pnehdr/y9kuS/rLnc7sk2ZWSAAAAAAAAAAqUc65G0rADfGjUAT7XSbqiO/Yme05JAAAAAAAAAOhWHEoCAAAAAAAAyCkvh5Ll5aV6fPH9Wr3qKb1Q84QmX3lZ2l9j9NkjtXbN06qvXaZrr0nvqtEQZ33uJnc4uWPs7HM3nePIHWPnK6+8TNXPP66a6iWaPDmO/0b73B1j7hg7+9xN5zhyx9jZ5246x5E71M6xc+3GW4e3fGYuyy9LVNSzbL8FJSX9NaCkv6pr1qhPn95aUblIF170VdXVrU/payYSCdWtXaox516shoYmLX92oSZMvDyl+RBnyU1uOuffbjrHkbvQOx/o1bc/8uF/1L333qnTTj9Pu3a16OGH79Xkyd/TSy9tfNfnHezVt/O9c77tjjF3jJ1DzR1j51Bzx9g51Nwxdg41dwidW3c15veJkycvn3A2r7/dwQdWL87bnxMvV0pu2/aqqmvWSJKam3eqvn69ykpLUp4/efhQbdiwSRs3blZLS4vmzVug88eOLthZcpM727PkDmeW3OHMhpr7+OMHq7KyWu+881e1tbVp6dPLNW7cmJRmfeaO8b4KNXeMnUPNHWPnUHPH2DnU3DF2DjV3qJ2BkHh/TslBg8o15MSPqnJFdcozpWUl2tKwdd/7DY1NKk3xUDPEWZ+7yZ3b3XSOI3eMnX3upnN6s2trX9SZZ56ivn2P1GGHHaoxYz6l8vLSlGZ95o7xvvK5m85x5I6xs8/ddI4jd4ydfe6OsTMQkqLOPmhmPST9q6RySYucc890+Nj1zrkfZLK8d+9emjd3ur717Rv19tvNKc/ZAR5ulurD0EOc9bmb3LndTef0Zn3upnN6sz530zm92fr6l3Tb7b/UowvnqLl5p1atrlVra2tKs5nu5r5Kb9bnbjqnN+tzN53Tm/W5m87pzfrcTef0Zn3ujrEzEJJkV0reLeksSW9I+pmZ/aTDxy442JCZTTKzKjOram/fecDPKSoq0v1zp2vOnAc1f/6jaYVubGjSwA5XbZSXDVBT0ysFO+tzN7lzu5vOceSOsbPP3XROP/fMmffplE+co1Gfvkg7tr+53/NJ5mPuWO+rEHPH2NnnbjrHkTvGzj530zmO3KF2huSc8dbhLZ8lO5Q82Tn3RefcHZJOkdTHzH5vZodIOmgz59w059ww59ywRKL3AT9n+rQpqqt/SXdMnZZ26JVVNRo8+DhVVAxUcXGxxo8fp4ceXlyws+Qmd7ZnyR3OLLnDmQ059zHHHC1JGjiwVJ/73DmaO3dByrOhdiZ3GLPkDmeW3OHMkjucWXKHM+t7NxCKTh++Lann3l8451olTTKzGyU9IalPV5eeftpwTZxwkVatrlXVyt3/Yt1ww616dNETKc23tbXpqquv18JHZqtHIqGZs+aqtnZdwc6Sm9zZniV3OLPkDmc25Nxz75umo48+Si0trfrmVd/Xm2/+OeXZUDuTO4xZcoczS+5wZskdziy5w5n1vRsIhXX2vARmdq+ke51zi95z+79K+i/nXHGyBUU9y3jiAwAA8lDCuv5wjnae1wgAAMCr1l2N+f3YXE82fHQ0f1Dt4INr/pC3PyedPnzbOTdB0nYzGy5JZvZhM/uWpK2pHEgCAAAAAAAAwHsle/XtGyWdI6nIzB7T7ueVfErSdWY21Dn3w+xHBAAAAAAAAFBIkj2n5EWShkg6RNI2SeXOubfM7DZJlZI4lAQAAAAAAEBecO2+EyBVyV59u9U51+ac+4ukDc65tyTJOfeOJO5mAAAAAAAAAGlLdii5y8x67fn1SXtvNLMjxKEkAAAAAAAAgC5I9vDtEc65v0mSc++6ALZY0qWpLMjkJX54uSQAALInk1fQ5r/vAAAAADLR6aHk3gPJA9z+uqTXs5IIAAAAAAAAQEFLdqUkAAAAAAAAEIR2l8ljepBLyZ5TEgAAAAAAAAC6FYeSAAAAAAAAAHLK26Hk+nXLVf3846pauVjLn12Y9vzos0dq7ZqnVV+7TNdec0XBz/rcTe5wcsfYOZP56dOmaGvDC6qpXpL2zkz2Zjrrc3eMuWPsnOn8Vd/8mmpqnlB19RLdc8+dOuSQQ3Kyl/sqnNwxdva5m85x5I6xs8/ddI4jd6idgVCYy+CVN1NR3LPsgAvWr1uuT5x6jt54Y8dBZw+WLJFIqG7tUo0592I1NDRp+bMLNWHi5aqrW580T4iz5CY3nbMzf+YZp6i5eadmzJiqIUNHpbSvO/ZyX4WTO8bOqc4f7Jl6SktL9NSTD+pjJ35Sf/3rXzV79l1a9OgT+u098/Z9Tr79993n7hhzx9g51Nwxdg41d4ydQ80dY+dQc4fQuXVXI0+eeADr/mlMdg+6AvOhukV5+3MS5MO3Tx4+VBs2bNLGjZvV0tKiefMW6Pyxowt2ltzkzvZsrLmXLqvU9h1vpryru/ZyX4WTO8bO3TFfVFSkww47VD169FCvww7T1qZtWd/LfRVO7hg7h5o7xs6h5o6xc6i5Y+wcau5QO0Nyznjr8JbPOj2UNLNeZnatmV1jZoea2ZfN7H/M7Mdm1ieTxc45PbpwjiqXP6p/vexLac2WlpVoS8PWfe83NDaptLSkYGd97iZ3bnfTObe5MxFqZ3LTOdvzW7du009/epde3rBCWzZX66233tLjjz+d9b3cV7ndTec4csfY2eduOseRO8bOPnfH2BkISbIrJWdKOlbScZIekTRM0u3a/ait/zrYkJlNMrMqM6tqb995wM85a+TndPIpY3Te2An6xje+rDPOOCXl0Gb7n/Sm+jD0EGd97iZ3bnfTOb3Z7pjvqlA7kzt3sz53+8x95JFHaOzY0fqHD31C7x/0cfXq3Utf/OIFWd/LfZXb3XROb9bnbjqnN+tzN53Tm/W5m87pzfrcHWNnICTJDiU/5Jz7d0lXSPqIpMnOuaclXSvpxIMNOeemOeeGOeeGJRK9D/g5TU2vSJJee+0NzV/wqIYPH5Jy6MaGJg0sL933fnnZgH1frxBnfe4md2530zm3uTMRamdy0znb86NGnalNmzbr9de3q7W1VfPnP6pTPzEs63u5r3K7m85x5I6xs8/ddI4jd4ydfe6OsTMQkpSeU9LtPpJfuOefe9/v8jF9r16HqU+f3vt+/ZlPn6W1a19MeX5lVY0GDz5OFRUDVVxcrPHjx+mhhxcX7Cy5yZ3t2VhzZyLUzuSmc7bnt2xu1MmnfFyHHXaoJOlTnzxD9fWpPSF8qJ3JTed83k3nOHLH2DnU3DF2DjV3qJ2BkBQl+XiVmfVxzjU7576690Yz+6Ckt7u69Nhjj9ED9/9aktSjqIfuu2++Fi9+KuX5trY2XXX19Vr4yGz1SCQ0c9Zc1dauK9hZcpM727Ox5r73njt11ohT1a9fX216uUo33Xy7Zsy8L+t7ua/CyR1j50znV6ys1u9//4hWrPiDWltb9ULNWk3/1e+yvpf7KpzcMXYONXeMnUPNHWPnUHPH2DnU3KF2BkJiyZ6XwMxO1u6LI1ea2YcljZH0ojpcOdmZ4p5lXb6ikmdMAAAgP2XyOn789x0AACBzrbsa8/ullT2p/9C5/HGzg+PXLczbn5NOr5Q0sxslnSOpyMwek3SKpKckfUfSEEk/zHZAAAAAAAAAAIUl2cO3L9Luw8dDJG2TVO6ce8vMbpNUKQ4lAQAAAAAAAKQp2QvdtDrn2pxzf5G0wTn3liQ5596R1J71dAAAAAAAAAAKTrJDyV1m1mvPr0/ae6OZHSEOJQEAAAAAAAB0QbKHb49wzv1NkpxzHQ8hiyVdmsoCnl0UAIDCw3/fAQAAkI+SvyQz8kWnh5J7DyQPcPvrkl7PSiIAAAAAAAAABS3Zw7cBAAAAAAAAoFtxKAkAAAAAAAAgpziUBAAAAAAAAJBT3g4lp0+boq0NL6imekmX5kefPVJr1zyt+tpluvaaKwp+1uducoeTO8bOPnfTOY7cMXb2uZvOceSOsbPP3XSOI3eMnX3upnMcuUPtHDvXbrx1eMtn5rL8skRFPcsOuODMM05Rc/NOzZgxVUOGjkrrayYSCdWtXaox516shoYmLX92oSZMvFx1desLcpbc5KZz/u2mcxy5Y+wcau4YO4eaO8bOoeaOsXOouWPsHGruGDuHmjuEzq27GvP7xMmT2g9+ltff7uDDGx7J258Tb1dKLl1Wqe073uzS7MnDh2rDhk3auHGzWlpaNG/eAp0/dnTBzpKb3NmeJXc4s+QOZ5bc4cySO5xZcoczS+5wZskdziy5w5n1vRsIRZDPKVlaVqItDVv3vd/Q2KTS0pKCnfW5m9y53U3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz90xdgZCkvahpJmty0aQNDPsd1uqD0MPcdbnbnLndjed05v1uZvO6c363E3n9GZ97qZzerM+d9M5vVmfu+mc3qzP3XROb9bnbjqnN+tzd4ydgZAUdfZBM3tb0t6f/L3/VvTae7tz7n0HmZskaZIkWY8jlEj07qa4uzU2NGlgeem+98vLBqip6ZWCnfW5m9y53U3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz90xdgZCkuxKyZmS5kv6B+fc4c65wyVt3vPrAx5ISpJzbppzbphzblh3H0hK0sqqGg0efJwqKgaquLhY48eP00MPLy7YWXKTO9uz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmSV3OLO+d8eu3RlvHd7yWadXSjrnJpvZSZLmmNl8Sb/Q36+czMi999yps0acqn79+mrTy1W66ebbNWPmfSnNtrW16aqrr9fCR2arRyKhmbPmqrZ2XcHOkpvc2Z4ldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmfW9GwiFpfK8BGaWkHSlpM9L+qBzrjTVBUU9y3jiAwAAAAAAgG7Uuqsxvy+D82TNB87jHKqDj778cN7+nHR6paQkmdnJ2v38kT8zs2pJnzSzc51zC7MfDwAAAAAAAEChSfZCNzdKOkdSkZk9JulkSX+UdJ2ZDXXO/TAHGQEAAAAAAAAUkGRXSl4kaYikQyRtk1TunHvLzG6TVCmJQ0kAAAAAAADkBZfnL+6Cv0v26tutzrk259xfJG1wzr0lSc65dyS1Zz0dAAAAAAAAgIKT7FByl5n12vPrk/beaGZHiENJAAAAAAAAAF2Q7OHbI5xzf5Mk51zHQ8hiSZdmLRUAAMBBJKzrD8lpd7wYIwAAAJAPOj2U3HsgeYDbX5f0elYSAQAAAAAAAChoya6UBAAAAAAAAILAA2PCkew5JQEAAAAAAACgW3EoCQAAAAAAACCnvBxKlpeX6vHF92v1qqf0Qs0TmnzlZWl/jdFnj9TaNU+rvnaZrr3mioKf9bmb3OHkjrGzz910jiN3jJ197k53dtrdt6thS42qn398320XXvBZ1VQv0V/f2ayPf/xjeZm7u2Z97qZzHLlj7OxzN53jyB1jZ5+7Y+wMhMJclh9sX9SzbL8FJSX9NaCkv6pr1qhPn95aUblIF170VdXVrU/payYSCdWtXaox516shoYmLX92oSZMvDyl+RBnyU1uOuffbjrHkTvGziHk7vjq22eccYqam3dqxm/u0NCPf1qSdPzxg9Xe3q47f/Ejfee6/9Dzz6/a9/kHe/XtfO+cb7vpHEfuGDuHmjvGzqHmjrFzqLlD6Ny6q9EO8iWitqpiLM8q2cHHNj2Utz8nXq6U3LbtVVXXrJEkNTfvVH39epWVlqQ8f/LwodqwYZM2btyslpYWzZu3QOePHV2ws+Qmd7ZnyR3OLLnDmSV3bmaXLavUjh1vvuu2+vqXtG7dyynt9JW7O2ZDzR1j51Bzx9g51Nwxdg41d4ydQ80damcgJN6fU3LQoHINOfGjqlxRnfJMaVmJtjRs3fd+Q2OTSlM81Axx1uducud2N53jyB1jZ5+76RxP7kyE2jnE3DF29rmbznHkjrGzz910jiN3qJ0htTvjrcNbPuv0UNLMPtbh18Vmdr2Z/Y+Z3WJmvTJd3rt3L82bO13f+vaNevvt5pTnzPb/pqb6MPQQZ33uJndud9M5vVmfu+mc3qzP3XROb9bn7kxzZyLUziHmjrGzz910Tm/W5246pzfrczed05v1uTvGzkBIkl0pObPDr2+VNFjSFEmHSbrrYENmNsnMqsysqr195wE/p6ioSPfPna45cx7U/PmPphW6saFJA8tL971fXjZATU2vFOysz93kzu1uOseRO8bOPnfTOZ7cmQi1c4i5Y+zsczed48gdY2efu+kcR+5QOwMhSXYo2fF4fpSkrznn/ijpW5KGHGzIOTfNOTfMOTcskeh9wM+ZPm2K6upf0h1Tp6WbWSurajR48HGqqBio4uJijR8/Tg89vLhgZ8lN7mzPkjucWXKHM0vu3OfORKidQ8wdY+dQc8fYOdTcMXYONXeMnUPNHWpnICRFST5+hJldoN2Hk4c451okyTnnzKzL1w6fftpwTZxwkVatrlXVyt3/Yt1ww616dNETKc23tbXpqquv18JHZqtHIqGZs+aqtnZdwc6Sm9zZniV3OLPkDmeW3LmZvee3v9CIEaeqX7++ennDSt38H1O0Y/ub+ulP/0PHHNNXC+bP0gur1uq88ybkVe7umA01d4ydQ80dY+dQc8fYOdTcMXYONXeonYGQWGfPS2BmM95z03XOuVfMrETS75xzo5ItKOpZxhMfAACAbpOwrj9hdzvPxwQAAApE667G/H4VE0+q3z+OP/B1MHTzgrz9Oen0Sknn3FfM7BRJ7c65lWb2YTP7kqT6VA4kAQAAAAAAAOC9Oj2UNLMbJZ0jqcjMHpN0sqQ/SrrOzIY6536Yg4wAAAAAAAAACkiy55S8SLtf0OYQSdsklbv/z969x0dZ3nkf//6GBBBUFFFDEip22XZf9dmu1IDVeqDiAmJB21W2Vqx23fLseqhuu7q2sPXR7bbdVVbtrl2LB7BQ5OCqCESLopxUDlFiNQkeEAoTAtYqUlBLDtfzB4GNEjIzSWauueb6vF+vvCQTfvl9v7mnSG/vmdu5XWZ2m6Q1kjgpCQAAAAAAACAjqe6+3eSca3bOfSBpo3NulyQ55z6U1JL1dAAAAAAAAAAKTqorJfeaWZ/Wk5Kn7H/QzPqJk5IAAMADblYDAACAQ+GviuFIdVLyLOfcHyXJOdf2JGSxpMuzlgoAAAAAAABAwUp19+0/HuLxdyS9k5VEAAAAAAAAAApaqveUBAAAAAAAAIBuxUlJAAAAAAAAADmV6j0lAQAAAAAAgCC0OPMdAWnydqXkvdOmalvyZVWvX9qp+dGjRqjm1RXaULtKN95wdcHP+txN7nByx9jZ5246x5E7xs4+d9M5s9kY/z7lc3eMuWPs7HM3nePIHWNnn7tj7AyEwlyW75Ve1LOs3QVnnnGqdu/eo+nT79LJQ0dm9D0TiYTqalZqzNhLlEw2aPULlZp42VWqq3ujIGfJTW46599uOseRO8bOoeaOsbMU39+nyB3OLLnDmSV3OLPkDmc2V7ub9tZzSWA7qsovzO6JrsBUJB/L2+eJtyslV65ao3ff29mp2eHDhmrjxs3atGmLGhsbNW/eAo0fN7pgZ8lN7mzPkjucWXKHM0vucGZDzh3b36fIHc4sucOZJXc4s+QOZ9b3biAUHZ6UNLNrzGxA66+HmNkKM9tpZmvM7M9zE/FgpWUl2prcduDzZH2DSktLCnbW525y53Y3nePIHWNnn7vpHEfuGDt3VaidyR3GrM/dMeaOsbPP3XSOI3eonYGQpLpS8u+dc++0/vouSXc4546S9E+S7jnUkJlNMrMqM6tqadnTTVE/9v0Peizdl6GHOOtzN7lzu5vOmc363E3nzGZ97qZzZrPcbKrwAAAgAElEQVQ+d9M5s9muCrUzucOY9bk7xtwxdva5m86ZzfrcHWNnICSp7r7d9uvHOecelSTn3DIzO+JQQ865aZKmSYd+T8muqE82aFB56YHPy8sGqqFhR8HO+txN7tzupnMcuWPs7HM3nePIHWPnrgq1M7nDmPW5O8bcMXb2uZvOceQOtTMkx923g5HqSsmHzWyGmX1a0qNmdr2ZfcrMviVpSw7ytWtdVbWGDDlRgwcPUnFxsSZMuEALFy0p2Flykzvbs+QOZ5bc4cySO5zZkHN3RaidyR3GLLnDmSV3OLPkDmfW924gFB1eKemcm2xmV0h6SNKfSOolaZKkxyRd2pXFs2berbPPOk0DBvTX5reqdMutt2v6jDlpzTY3N+u666eocvFs9UgkNOPBuaqtfb1gZ8lN7mzPkjucWXKHM0vucGZDzh3b36fIHc4sucOZJXc4s+QOZ9b3biAUlup9CcxsuCTnnFtnZidJGiOpzjlXmc6CbLx8GwAAAAAAIGZNe+t5nXI71pV9lfNQbQyrfzRvnycdXilpZjdLOk9SkZk9JWm4pOWSbjKzoc65f81BRgAAAAAAAAAFJNWNbi6SdLL2vWx7u6Ry59wuM7tN0hpJnJQEAAAAAABAXmjhRjfBSHWjmybnXLNz7gNJG51zuyTJOfehpJaspwMAAAAAAABQcFKdlNxrZn1af33K/gfNrJ84KQkAAAAAAACgE1K9fPss59wfJck51/YkZLGky9NZkLDOXzbbkuImPAAAAAAAAADC0+FJyf0nJNt5/B1J72QlEQAAAAAAAICClupKSQAAAAAAACAIvOY2HKneUxIAAAAAAAAAuhUnJQEAAAAAAADkVE5PSk77xe1Kbq3W+peePvDY0UcfpcrK2aqpWanKytk66qh+aX2v0aNGqObVFdpQu0o33nB1RjlCnPW5m9zh5I6xs8/ddI4jd4ydfe6mcxy5Y+zsczed48gdY+d7p03VtuTLql6/NKO57tjNsYojt6/OXX1uA6Ewl+U7XPfsVX5gwRlnnKrdu/do+gN3augXzpUk/eTHk/Xuuzt12+1364Z/vFpHH91PP5j8Y0mHvvt2IpFQXc1KjRl7iZLJBq1+oVITL7tKdXVvpMwT4iy5yU3n/NtN5zhyx9g51Nwxdg41d4ydQ80dY+dQc8fYWZLO3P//L6ffpZOHjkxrxnfuWI9ViLl9dk73ud20t97SChOZ1aVf420l2/jitkfy9nmS0yslV61ao/fe2/mxx8aNG6WZs+ZLkmbOmq/x40en/D7Dhw3Vxo2btWnTFjU2NmrevAUaPy71XKiz5CZ3tmfJHc4sucOZJXc4s+QOZ5bc4cySO5zZkHOvXLVG737i/1+mK9TO5A5jtqvzXXluAyHx/p6Sxx03QNu3vy1J2r79bR177DEpZ0rLSrQ1ue3A58n6BpWWlqS1L8RZn7vJndvddI4jd4ydfe6mcxy5Y+zsczed48gdY2efu+mcee6uCLUzucOY7Y55dF6LMz7afOSzDk9KmtkjZjbRzA7PVaB0mB38Q033ZeghzvrcTe7c7qZzZrM+d9M5s1mfu+mc2azP3XTObNbnbjpnNutzN50zm/W5m86ZzXZVqJ3JHcZsd8wDMUh1peSpki6UtMXM5pnZV82sZ6pvamaTzKzKzKpamvd0+HvffvsdlZQcJ0kqKTlOv/vd71OGrk82aFB56YHPy8sGqqFhR8q5UGd97iZ3bnfTOY7cMXb2uZvOceSOsbPP3XSOI3eMnX3upnPmubsi1M7kDmO2O+aBGKQ6Kfm2c+4iSSdIWijp25LqzWy6mY061JBzbppzrsI5V5Ho0bfDBQsXPaXLJl4sSbps4sVauHBJytDrqqo1ZMiJGjx4kIqLizVhwgVauCj1XKiz5CZ3tmfJHc4sucOZJXc4s+QOZ5bc4cySO5zZkHN3RaidyR3GbHfMAzEoSvF1J0nOuT9Imilpppn1lzRB0k2SMvpf1Mxf/pfOOus0DRjQX29tXKdb/2WqbrvtvzR79j264ltf19at9brkkr9L+X2am5t13fVTVLl4tnokEprx4FzV1r6eVoYQZ8lN7mzPkjucWXKHM0vucGbJHc4sucOZJXc4syHnnjXzbp3d+v8vN79VpVtuvV3TZ8zJ69yxHqsQc/vs3JXnNhAS6+g9DcxshXPurK4s6NmrvNNvmtDC+y0AAAAAAAAcpGlvfX7fxcST50ou4mRSG1/a/nDePk86vFLSOXeWmQ3f90u3zsw+J2mMpA3OucqcJAQAAAAAAABQUDo8KWlmN0s6T1KRmT2lfTe+WSbpJjMb6pz71+xHBAAAAAAAAFBIUr2n5EWSTpbUS9J2SeXOuV1mdpukNZI4KQkAAAAAAAAgI6nuvt3knGt2zn0gaaNzbpckOec+lNSS9XQAAAAAAAAACk6qKyX3mlmf1pOSp+x/0Mz6iZOSAAAAAAAAyCOcrApHqpOSZznn/ihJzrm2x7VY0uXpLOAO2gAAAAAAAADaSnX37T8e4vF3JL2TlUQAAAAAAAAAClqq95QEAAAAAAAAgG7FSUkAAAAAAAAAOcVJSQAAAAAAAAA55e2k5OhRI1Tz6gptqF2lG2+4OqfzIc763E3ucHLH2NnnbjrHkTvGzj53x9a5V69eeuG5RXqx6im9XP2Mbv7h9zKNHeTPO8Rj1dVZn7vpHEfuGDv73E3nOHKH2jl2TsZHm498Zi7Ld8cu6ll20IJEIqG6mpUaM/YSJZMNWv1CpSZedpXq6t5I63t2ZT7EWXKTm875t5vOceSOsXOouUPtLEl9+/bRnj0fqKioSCuWPap/+O7NWrP2pbzOHeOxijF3jJ1DzR1j51Bzx9g51NwhdG7aW5/fZ5w8WVFycXZPdAXmrO3z8/Z54uVKyeHDhmrjxs3atGmLGhsbNW/eAo0fNzon8yHOkpvc2Z4ldziz5A5nltzhzPrevWfPB5Kk4uIiFRUXK5P/YBzizzvUYxVj7hg7h5o7xs6h5o6xc6i5Q+0MhKTDk5Jm9mkze8DMfmRmh5vZvWb2qpnNN7PBnV1aWlaircltBz5P1jeotLQkJ/MhzvrcTe7c7qZzHLlj7OxzN53jyB1qZ2nf1RBV65aoof43Wrp0hdauW5/3uWM8VjHmjrGzz910jiN3jJ197o6xMxCSVFdKzpC0TtJuSaslbZB0nqQnJT3Q2aVmB185mslVAV2ZD3HW525y53Y3nTOb9bmbzpnN+txN58xmfe6OsbMktbS0qGLYKJ1wYoWGVQzVSSd9Nu3ZEH/eoR6rGHPH2NnnbjpnNutzN50zm/W5O8bOQEiKUnz9COfcf0uSmV3lnJva+vj9ZnbNoYbMbJKkSZJkPfopkej7sa/XJxs0qLz0wOflZQPV0LAj7dBdmQ9x1uducud2N53jyB1jZ5+76RxH7lA7t/X++7u0fMXz+97Yvua1rO8Ocdbn7hhzx9jZ5246x5E7xs4+d8fYGVIL52+DkepKyRYz+4yZDZfUx8wqJMnMhkjqcagh59w051yFc67ikyckJWldVbWGDDlRgwcPUnFxsSZMuEALFy1JO3RX5kOcJTe5sz1L7nBmyR3OLLnDmfW5e8CA/urX70hJUu/evTXynDP12msb8z53jMcqxtwxdg41d4ydQ80dY+dQc4faGQhJqislb5S0UFKLpAslfd/MPi+pn6Rvd3Zpc3Ozrrt+iioXz1aPREIzHpyr2trXczIf4iy5yZ3tWXKHM0vucGbJHc6sz90DBx6vB+6/Uz16JJRIJPTwwwu1uPLpvM8d47GKMXeMnUPNHWPnUHPH2DnU3KF2BkJiqd6XwMxOldTinFtnZidp33tK1jrnKtNZUNSzjAtnAQAAAAAAulHT3vqD33wSWnb8xZyHamPEjvl5+zzp8EpJM7tZ+05CFpnZU5KGS1ou6SYzG+qc+9ccZAQAAAAAAABQQFK9fPsiSSdL6iVpu6Ry59wuM7tN0hpJnJQEAAAAAABAXmhR3l4YiE9IdaObJudcs3PuA0kbnXO7JMk596H2vc8kAAAAAAAAAGQk1UnJvWbWp/XXp+x/0Mz6iZOSAAAAAAAAADoh1cu3z3LO/VGSnHNtT0IWS7o8a6kAAAAAAAAAFKwOT0ruPyHZzuPvSHonK4kAAAAAAAAAFLRUL98GAAAAAAAAgG6V6uXbAAAAAAAAQBAcd98OBldKAgAAAAAAAMgpTkoCAAAAAAAAyCmvJyUTiYTWrf21Fjz6YMazo0eNUM2rK7ShdpVuvOHqgp/1uZvc4eSOsbPP3XSOI3eMnX3upnNms+XlpXp6yXy98ptlern6GV17zZU5282xiiN3jJ197qZzHLlj7Oxzd4ydgVCYcy6rC4p6lh1ywfXXTdIpp3xeRx5xhC746uVpf89EIqG6mpUaM/YSJZMNWv1CpSZedpXq6t4oyFlyk5vO+bebznHkjrFzqLlj7CxJJSXHaWDJcVpf/aoOP7yv1q55Un910d/kde5Yj1WIuWPsHGruGDuHmjvGzqHmDqFz09563jyxHUuP/+vsnugKzMgdc/P2eeLtSsmysoEae95IPfDAQxnPDh82VBs3btamTVvU2NioefMWaPy40QU7S25yZ3uW3OHMkjucWXKHMxty7u3b39b66lclSbt379GGDW+orLQkr3PHeqxCzB1j51Bzx9g51Nwxdg41d6idIbXw8bGPfNbhSUkzS5jZ35jZYjN72cxeNLM5Zjaiq4v/Y+otuun7P1JLS+Y/otKyEm1NbjvwebK+QaVp/gU8xFmfu8md2910jiN3jJ197qZzHLlj7PxJJ5xQrpP/4v9ozdr1Wd/NsYojd4ydfe6mcxy5Y+zsc3eMnYGQpLpS8n5Jn5L0E0nPSlrc+tgUM7v2UENmNsnMqsysqqVlz0FfP3/suXr77Xf00vpXOhXa7OArT9N9GXqIsz53kzu3u+mc2azP3XTObNbnbjpnNutzN50zm22rb98+mjf3Xn33H2/WH/6wO+u7OVaZzfrcTefMZn3upnNmsz530zmzWZ+7Y+wMhKQoxddPcc59q/XXq8xstXPuh2a2QlK1pP9sb8g5N03SNKn995Q8/fQKjfvKKJ035hz17t1LRx55hB6c8TNdfsV30gpdn2zQoPLSA5+Xlw1UQ8OOgp31uZvcud1N5zhyx9jZ5246x5E7xs77FRUVaf7ce/XQQ4/qsceeSHsu1M7kDmPW5+4Yc8fY2eduOseRO9TOQEhSXSnZaGZ/Iklm9gVJeyXJOfdHSZ0+TT95yk81+NMVGvKZL+rSiVfp2WefS/uEpCStq6rWkCEnavDgQSouLtaECRdo4aIlBTtLbnJne5bc4cySO5xZcoczG3JuSbp32lTVbXhTd941LaO5UDuTO4xZcoczS+5wZskdzqzv3UAoUl0peYOkZ83sI0nFkr4uSWZ2rKRFWc52SM3Nzbru+imqXDxbPRIJzXhwrmprXy/YWXKTO9uz5A5nltzhzJI7nNmQc3/p9GG6bOJF+s0rtapat+//rPzzP/9UTzz5TN7mjvVYhZg7xs6h5o6xc6i5Y+wcau5QO0NyytubTeMTLNX7EpjZaZKanHPrzOxzksZI2uCcq0xnQXsv3wYAAAAAAEDnNe2t5+xbO5Yc/3XOQ7UxasecvH2edHilpJndLOk8SUVm9pSk4ZKWS7rJzIY65/41BxkBAAAAAAAAFJBUL9++SNLJknpJ2i6p3Dm3y8xuk7RGEiclAQAAAAAAAGQk1Y1umpxzzc65DyRtdM7tkiTn3IeSWrKeDgAAAAAAAEDBSXVScq+Z9Wn99Sn7HzSzfuKkJAAAAAAAAIBOSPXy7bOcc3+UJOdc25OQxZIuz1oqAAAAAAAAIENcQReODk9K7j8h2c7j70h6JyuJAAAAAAAAABS0VC/fBgAAAAAAAIBuxUlJAAAAAAAAADnFSUkAAAAAAAAAOeX1pGQikdC6tb/WgkcfzHh29KgRqnl1hTbUrtKNN1xd8LM+d5M7nNwxdva5m85x5I6xs8/ddM5d7nunTdW25MuqXr80451d2dvVWZ+7Y8wdY2efu+kcR+4YO/vcHWPn2LXw8bGPfGbOuawuKOpZdsgF1183Saec8nkdecQRuuCr6d/MO5FIqK5mpcaMvUTJZINWv1CpiZddpbq6NwpyltzkpnP+7aZzHLlj7Bxq7hg7d3X+zDNO1e7dezR9+l06eejItPZ1x16OVTi5Y+wcau4YO4eaO8bOoeYOoXPT3npLK0xkKo//enZPdAVm7I45efs88XalZFnZQI09b6QeeOChjGeHDxuqjRs3a9OmLWpsbNS8eQs0ftzogp0lN7mzPUvucGbJHc4sucOZjTX3ylVr9O57O9Pe1V17OVbh5I6xc6i5Y+wcau4YO4eaO9TOQEi8nZT8j6m36Kbv/0gtLZlfTFpaVqKtyW0HPk/WN6i0tKRgZ33uJndud9M5jtwxdva5m85x5I6xc3fMd1aonclN53zeTec4csfY2efuGDsDIenwpKSZFZnZ/zWzJ83sN2b2spk9YWZ/Z2bFnV16/thz9fbb7+il9a90at7s4CtP030ZeoizPneTO7e76ZzZrM/ddM5s1uduOmc263M3nTOb7Y75zgq1M7lzN+tzd4y5Y+zsczedM5v1uTvGzkBIilJ8faaknZL+n6Rk62Plki6XNEvSX7c3ZGaTJE2SJOvRT4lE3499/fTTKzTuK6N03phz1Lt3Lx155BF6cMbPdPkV30krdH2yQYPKSw98Xl42UA0NOwp21uducud2N53jyB1jZ5+76RxH7hg7d8d8Z4Xamdx0zufddI4jd4ydfe6OsTMkp7x9C0V8QqqXb3/BOff3zrnVzrlk68dq59zfSxp6qCHn3DTnXIVzruKTJyQlafKUn2rwpys05DNf1KUTr9Kzzz6X9glJSVpXVa0hQ07U4MGDVFxcrAkTLtDCRUsKdpbc5M72LLnDmSV3OLPkDmc21txdEWpnctM5n3fTOY7cMXYONXeonYGQpLpS8j0zu1jS/zjnWiTJzBKSLpb0XrbDHUpzc7Ouu36KKhfPVo9EQjMenKva2tcLdpbc5M72LLnDmSV3OLPkDmc21tyzZt6ts886TQMG9Nfmt6p0y623a/qMOVnfy7EKJ3eMnUPNHWPnUHPH2DnU3KF2BkJiHb0vgZkNlvRvks7RvpOQJqmfpGcl3eSc25RqQVHPMt74AAAAAAAAoBs17a3ndcrtWHz8JZyHauP8HQ/l7fOkwyslnXOb1fq+kWZ2jPadlLzTOTcx+9EAAAAAAAAAFKIOT0qa2ePtPHzO/sedc+OzkgoAAAAAAADIUEveXheIT0r1npLlkmol3SfJad+VksMkTc1yLgAAAAAAAAAFKtXdtyskvShpsqT3nXPLJH3onFvunFue7XAAAAAAAAAACk+q95RskXSHmc1v/eeOVDMAAAAAAAAA0JG0TjA655KSLjaz8yXtym4kAAAAAAAAAIUso6senXOLJS3OUhYAAAAAAAAAEeCl2AAAAAAAACgILeL226FIdaMbAAAAAAAAAOhWnJQEAAAAAAAAkFPeTkqOHjVCNa+u0IbaVbrxhqtzOh/irM/d5A4nd4ydfe6OsfO906ZqW/JlVa9fmtFcd+wOcdbn7hhzx9jZ9+5EIqF1a3+tBY8+mNO9sR2rUP/s9bk7xtwxdva5m85x5A61MxAKc85ldUFRz7KDFiQSCdXVrNSYsZcomWzQ6hcqNfGyq1RX90Za37Mr8yHOkpvcdM6/3TF2lqQzzzhVu3fv0fTpd+nkoSPTmvGdO8ZjFWPuGDv73i1J1183Saec8nkdecQRuuCrl2c9c1fnQz1WIf7Z63N3jLlj7Bxq7hg7h5o7hM5Ne+t588R2LCj5RnZPdAXmgu2z8/Z54uVKyeHDhmrjxs3atGmLGhsbNW/eAo0fNzon8yHOkpvc2Z4ldzizvnevXLVG7763M+3fnw+5YzxWMeaOsbPv3WVlAzX2vJF64IGH0p7pjr0xHqsQ/+z1uTvG3DF2DjV3jJ1DzR1qZ0iOj4995LNOn5Q0s2mdnS0tK9HW5LYDnyfrG1RaWpKT+RBnfe4md2530zmO3KF27qoQf96hHqsYc8fY2ffu/5h6i276/o/U0tKS9kx37I3xWHVFqJ3JTed83k3nOHKH2hkISYcnJc2s/yE+jpE0toO5SWZWZWZVLS172vv6QY9l8jLyrsyHOOtzN7lzu5vOmc363B1j564K8ecd6rGKMXeMnX3uPn/suXr77Xf00vpX0vr93bW3q/OhHquuCLUzuXM363N3jLlj7Oxzd4ydgZAUpfj67yT9VlLb/0W41s+PO9SQc26apGlS++8pWZ9s0KDy0gOfl5cNVEPDjrRDd2U+xFmfu8md2910jiN3qJ27KsSfd6jHKsbcMXb2ufv00ys07iujdN6Yc9S7dy8deeQRenDGz3T5Fd/J6t6uzod6rLoi1M7kpnM+76ZzHLlD7QyEJNXLt9+SNMI5d2Kbj087506U1On/RayrqtaQISdq8OBBKi4u1oQJF2jhoiU5mQ9xltzkzvYsucOZ9b27K0L8eYd6rGLMHWNnn7snT/mpBn+6QkM+80VdOvEqPfvsc2mdkOzq3q7Oh3qsuiLUzuSmcz7vpnMcuUPtDIQk1ZWSd0o6WtKWdr72751d2tzcrOuun6LKxbPVI5HQjAfnqrb29ZzMhzhLbnJne5bc4cz63j1r5t06+6zTNGBAf21+q0q33Hq7ps+Yk9e5YzxWMeaOsbPv3Z0VamefuUP8s9fn7hhzx9g51Nwxdg41d6idIWX2btfwyTJ9XwIz+6Vz7pvp/v72Xr4NAAAAAACAzmvaW3/wm09Cj5R8g/NQbXxt++y8fZ50eKWkmT3+yYckfdnMjpIk59z4bAUDAAAAAAAAUJhSvXx7kKQaSffpf29wUyFpapZzAQAAAAAAAChQqW50c4qkFyVNlvS+c26ZpA+dc8udc8uzHQ4AAAAAAABA4enwSknnXIukO8xsfus/d6SaAQAAAAAAAICOpHWC0TmXlHSxmZ0vaVcmC3oX9exMLknSR017Oz0LAEAMEtb5961uyfBmd0Cmjurdt9OzOz/a041JAABALFq68Pdj5FZGVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcVISAAAAAAAAQE7l7KRkr149tWzFY3phdaXWVf1ak6dcL0m6/4E79FL1Uq1d96R+fs+/qagovbe5HD1qhGpeXaENtat04w1XZ5QlxFmfu8kdTu4QO/fq1UsvPLdIL1Y9pZern9HNP/xeprGD/HmHeKy6Outzd4ydr7nmSq1/6WlVr1+qa6+9MqPZru4Ocdbn7lhyv/TKM1rxwkI9u2qBnl72P5Kk8ReO0ao1i/X2zg06eej/SWvvvdOmalvyZVWvX5pR3s7m7q5Zn7vpHEfuGDv73E3nOHKH2jl2jo+PfeQzc1m+8+bhfU48sKBv3z7as+cDFRUV6aml83XjP96io/sfpSW/XiZJmj7jLj333Frdd++vJB367tuJREJ1NSs1ZuwlSiYbtPqFSk287CrV1b2RMk+Is+QmdyF3lj7+Z8OKZY/qH757s9asfSmvc8d4rGLMHULn9u6+fdLnPqtZs+7W6V/6ivbubdSiRbN07bU/0JtvbvrY7zvU3bdD/HmHcKxizN327tsvvfKMzj37r/Tuu+8deOxPP/Mnci0tmnrXrbp5yr+pev2rB752qLtvn3nGqdq9e4+mT79LJw8dmTJrrjvn2246x5E7xs6h5o6xc6i5Q+jctLee20y3Y/7AS/P9XFxOXdzwq7x9nuT05dt79nwgSSouLlJxcZGcdOCEpCRVVb2ssrKBKb/P8GFDtXHjZm3atEWNjY2aN2+Bxo8bnVaGEGfJTe5sz/re3fbPhqLiYmXyH0tC/HmHeqxizB1q5z/7syFas2a9PvzwIzU3N2vlitW64IIxeZ87xmMVa+793nh940Eny1NZuWqN3n1vZ8a7JI4VnQs3d4ydQ80dY+dQc4faGQhJTk9KJhIJPb96sTb9tkrPLF2lqnXVB75WVFSkS77xVT21ZHnK71NaVqKtyW0HPk/WN6i0tCStDCHO+txN7tzujrGztO/Phqp1S9RQ/xstXbpCa9etz/vcMR6rGHOH2rmm9jWdeeap6t//KB12WG+NGXOOystL8z53jMcqptzOOT382ANauvwRffOKv05rT3fjWNE5n3fTOY7cMXb2uTvGzkBIOnwDRzPrIelvJZVLetI591ybr01xzv0ok2UtLS06/Yvnq1+/I/TQnF/oc5/7jGprX5ck3XHXv+i5VWv1/PPrUn4fa+elauleWRXirM/d5M7t7hg7S/v+bKgYNkr9+h2p/5l/v0466bOqqXkt67tDnPW5O8bcoXbesOFN3Xb7z/VE5UPavXuPfvNKrZqamtKa7eruEGd97o4p9/mjLtH27W9rwID+enjBDL3x+ka98HxVWvu6C8cqd7M+d8eYO8bOPnfTObNZn7tj7AyEJNWVkr+QdLak30v6mZn9R5uvfe1QQ2Y2ycyqzKyqsekPB339/ff/oJUrV+vcvzxbkvT9H3xHAwb0103/lN45zvpkgwa1ueKjvGygGhp2FOysz93kzu3uGDu39f77u7R8xfMaPWpE2jMh/rxDPVYx5g61syTNmDFHp37xPI089yK99+7OjF4iG+LPO9RjFVPu7dvfliS98867qlz0lL5wyufT2tWdOFZ0zufddI4jd4ydfe6OsTOkFj4+9pHPUp2UHO6c+4Zz7k5Jp0o63MweMbNekg75RpnOuWnOuQrnXEVx0RGSpAED+qtfv32/7t27l7785TP0+usbdfkVf62R556lb13+nbTP/K+rqtaQISdq8OBBKi4u1oQJF2jhoiUFO0tucmd71ufufX82HClJ6t27t0aec6Zee+4HO8wAACAASURBVG1j3ueO8VjFmDvUzpJ07LHHSJIGDSrVhReep7lzF+R97hiPVSy5+/Q5TIcf3vfAr0ec86W0bxTQnThWdM7n3XSOI3eMnUPNHWpnICQdvnxbUs/9v3DONUmaZGY3S3pG0uGZLDq+5DhNu/d29Uj0UCJheuSRxXryiWe0c9cb2rKlXs8se0SS9PiCJ/XTn/xnh9+rublZ110/RZWLZ6tHIqEZD8498DLwVEKcJTe5sz3rc/fAgcfrgfvvVI8eCSUSCT388EItrnw673PHeKxizB1qZ0maO2eajjnmaDU2Nuk7103Wzp3v533uGI9VLLmPPW6AHvzV3ZKkoqIe+p/5C/XM0ys19it/qZ/e9s86ZkB/zZ4/Ta++UqcJX72yw92zZt6ts886TQMG9Nfmt6p0y623a/qMOXnXOV920zmO3DF2DjV3jJ1DzR1qZyAk1tHViWY2S9Is59yTn3j8byX9t3OuONWCw/uc2Ok3PvioaW9nRwEAiELCDvnChZRaeG8iZNlRvft2enbnR3u6MQkAAIWnaW995/8iWMDmDryUv+S28dcNv8rb50mHL992zk1s54TkL51z96VzQhIAAAAAAAAAPinV3bcf/+RDkr5sZkdJknNufLaCAQAAAAAAAChMqd5TcpCkGkn3SXLad1KyQtLULOcCAAAAAAAAMtKSty9Wxieluvv2KZJelDRZ0vvOuWWSPnTOLXfOLc92OAAAAAAAAACFp8MrJZ1zLZLuMLP5rf/ckWoGAAAAAAAAADqS1glG51xS0sVmdr6kXZks+CN30AYAIGu4gzbyWVfuoF3co/P/HbyxuanTswAAAMiNjP6255xbLGlxlrIAAAAAAAAAiAAvxQYAAAAAAEBBaBF3uglFqhvdAAAAAAAAAEC34qQkAAAAAAAAgJzydlLyjddXa/1LT6tq3RKtfqEy4/nRo0ao5tUV2lC7SjfecHXBz/rcTe5wcsfY2eduOseRO9TO906bqm3Jl1W9fmlGc92xO8RZn7tjzJ3p87O8fKCefHKO1q9fqhdffEpXX/0tSdKPf/wDVVcv1dq1T2ru3F+oX78js5o7xmMVY2efu+kcR+4YO/vcHWNnIBTmsnzXzuKeZe0ueOP11friaefp979/75Czh0qWSCRUV7NSY8ZeomSyQatfqNTEy65SXd0bKfOEOEtuctM5/3bTOY7coXaWpDPPOFW7d+/R9Ol36eShI9Oa8Z07xmMVa+50np9t775dUnKcSkqOU3X1qzr88L56/vlFmjBhksrKSrRs2fNqbm7Wj350kyRpypSfHvLu2xwrOhdq7hg7h5o7xs6h5g6hc9Peet48sR2/Kp2Y3RNdgbl026y8fZ4E+fLt4cOGauPGzdq0aYsaGxs1b94CjR83umBnyU3ubM+SO5xZcocz63v3ylVr9O57O9P+/fmQO8ZjFWvuTJ+f27e/rerqVyVJu3fv0YYNb6q09HgtXbpSzc3NkqS1a9errGxg1nLHeKxi7Bxq7hg7h5o7xs6h5g61M/Zd4MbH/37kM28nJZ1zeqLyIa1Z/YT+9spLM5otLSvR1uS2A58n6xtUWlpSsLM+d5M7t7vpHEfuGDv73B1j564K8ecd6rGKNXdXfOpT5Tr55JO0bl31xx7/5jcn6Ne/XtbhLMeKzvm8m85x5I6xs8/dMXYGQlLU0RfNrI+ka7Tv5Op/Svq6pK9J2iDpVufc7s4uPnvEhWpo2KFjjz1GTz4xRxtee1OrVq1Ja9bs4CtP030ZeoizPneTO7e76ZzZrM/ddM5s1ufuGDt3VYg/71CPVay5O6tv3z566KF7dMMNt+oPf/jfv4beeOM1am5u0pw5j3Y4z7HK3azP3THmjrGzz910zmzW5+4YOwMhSXWl5AxJx0s6UdJiSRWSbpdkkv77UENmNsnMqsysqqVlT7u/p6FhhyTpd7/7vR5b8ISGDTs57dD1yQYNKi898Hl52cAD368QZ33uJndud9M5jtwxdva5O8bOXRXizzvUYxVr7s4oKirSQw/do7lzH9OCBU8eePzSS/9KY8eO1BVXXJfye3Cs6JzPu+kcR+4YO/vcHWNnICSpTkp+xjn3PUlXSzpJ0rXOuRWSbpT0F4cacs5Nc85VOOcqEom+B329T5/DdPjhfQ/8+i/PPVs1Na+lHXpdVbWGDDlRgwcPUnFxsSZMuEALFy0p2Flykzvbs+QOZ5bc4cz63t0VIf68Qz1WsebujHvu+Xe99tqb+tnP7jvw2F/+5dn63vf+XhdddKU+/PCjlN+DY0XnfN5N5zhyx9g51NyhdgZC0uHLt/dzzjkzq3St1wu3ft7pa4ePP/5YPTz/fklSj6IemjPnMS1Zsizt+ebmZl13/RRVLp6tHomEZjw4V7W1rxfsLLnJne1ZcoczS+5wZn3vnjXzbp191mkaMKC/Nr9VpVtuvV3TZ8zJ69wxHqtYc2f6/Dz99Apdeulf6ZVX6rR6daUk6eabb9PUqf9PvXr11KJFsyTtu9nNd74zOS87h3isYuwcau4YO4eaO8bOoeYOtTMQEuvofQnM7D5J13/yvSPN7E8kPeicOyPVguKeZZ0+eck7JgAAAMSpuEda/+28XY3NTd2YBACA/NS0t/7gN5+Eflk2kdNJbXyzflbePk86fPm2c+5v2zkh+Uvn3EZJZ2Y1GQAAAAAAAICClOru249/8iFJXzazo1o/H5+VVAAAAAAAAAAKVqrXxQySVCPpPu17NbVp3x24p2Y5FwAAAAAAAIACleru26dIelHSZEnvO+eWSfrQObfcObc82+EAAAAAAAAAFJ4Or5R0zrVIusPM5rf+c0eqmYO+RxfCAQAAIE7crAYAAHRGi+8ASFtaJxidc0lJF5vZ+ZJ2ZTcSAAAAAAAAgEKW2VWPzi2WtDhLWQAAAAAAAABEINV7SgIAAAAAAABAt+KkJAAAAAAAAICcyujl2wAAAAAAAEC+4obL4fB2peS906ZqW/JlVa9f2qn50aNGqObVFdpQu0o33nB1wc/63E3ucHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkjrGzz910jiN3qJ2BUJhz2T2HXNSzrN0FZ55xqnbv3qPp0+/SyUNHZvQ9E4mE6mpWaszYS5RMNmj1C5WaeNlVqqt7oyBnyU1uOuffbjrHkTvGzqHmjrFzqLlj7Bxq7hg7h5o7xs6h5o6xc6i5Q+jctLfe0goTmellE7lYso1v1c/K2+eJtyslV65ao3ff29mp2eHDhmrjxs3atGmLGhsbNW/eAo0fN7pgZ8lN7mzPkjucWXKHM0vucGbJHc4sucOZJXc4s+QOZ5bc4cz63g2EIuOTkmb2ejaCZKK0rERbk9sOfJ6sb1BpaUnBzvrcTe7c7qZzHLlj7OxzN53jyB1jZ5+76RxH7hg7+9xN5zhyx9jZ5+4YOwMh6fBGN2b2B/3ve4Tuv9yzz/7HnXNHHmJukqRJkmQ9+imR6NtNcQ98/4MeS/dl6CHO+txN7tzupnNmsz530zmzWZ+76ZzZrM/ddM5s1uduOmc263M3nTOb9bmbzpnN+txN58xmfe6OsTOklrx9sTI+KdWVkjMkPSbpT51zRzjnjpC0pfXX7Z6QlCTn3DTnXIVzrqK7T0hKUn2yQYPKSw98Xl42UA0NOwp21uducud2N53jyB1jZ5+76RxH7hg7+9xN5zhyx9jZ5246x5E7xs4+d8fYGQhJhyclnXPXSrpL0kNm9h0zSygP7q6+rqpaQ4acqMGDB6m4uFgTJlyghYuWFOwsucmd7VlyhzNL7nBmyR3OLLnDmSV3OLPkDmeW3OHMkjucWd+7gVB0+PJtSXLOvWhm50q6RtJySb27Y/GsmXfr7LNO04AB/bX5rSrdcuvtmj5jTlqzzc3Nuu76KapcPFs9EgnNeHCuamtfL9hZcpM727PkDmeW3OHMkjucWXKHM0vucGbJHc4sucOZJXc4s753A6GwDN8TYaCkV51zx6Q7U9SzzPuVlQAAAAAAAIWkaW89757YjvvLJ3Ieqo0rk7Py9nmS6kY3j7fzcK/9jzvnxmclFQAAAAAAAICClerl2+WSaiXdp33vJWmShkmamuVcAAAAAAAAQEZafAdA2lLdfbtC0ouSJkt63zm3TNKHzrnlzrnl2Q4HAAAAAAAAoPB0eKWkc65F0h1mNr/1nztSzQAAAAAAAABAR9I6weicS0q62MzOl7Qru5EAAAAAf7rybvC8sz4AAEB6Mrrq0Tm3WNLiLGUBAAAAAAAAEAFeig0AAAAAAICCwI1uwpHqRjcAAAAAAAAA0K04KQkAAAAAAAAgp7yclOzVq5deeG6RXqx6Si9XP6Obf/i9jL/H6FEjVPPqCm2oXaUbb7i64Gd97iZ3OLm7MnvvtKnalnxZ1euXZjTXHbs5VnF09rmbznHkjrGzz90xdr7uO99WdfUzWr9+qWbOvFu9evXK2e4QZ33ujjF3jJ1D/ftrjMfK5+4YOwOhMOeye4/Aop5l7S7o27eP9uz5QEVFRVqx7FH9w3dv1pq1L6X1PROJhOpqVmrM2EuUTDZo9QuVmnjZVaqre6MgZ8lN7lx0PvOMU7V79x5Nn36XTh46Mq2ZfMgd4s87xs6h5o6xc6i5Y+wcau4QOrd39+3S0hIte/ZRff4vvqyPPvpIs2ffoyefeEa/nDnvY7/vUH+zDvHnHcKxIne8naUw//4a67EKMXcInZv21rf3r6zo/aJ8YnZPdAXm/yZn5e3zxNvLt/fs+UCSVFxcpKLiYmVycnT4sKHauHGzNm3aosbGRs2bt0Djx40u2Flykzvbs5K0ctUavfvezrR/f77kDvHnHWPnUHPH2DnU3DF2DjV3qJ0lqaioSIcd1ls9evRQn8MO07aG7XmfO8ZjFWPuGDtLYf79NdZjFWLuUDtDcsZH2490mFkPM1tvZotaPz/RzNaY2RtmNtfMerY+3qv18zdbvz64K8fK20nJRCKhqnVL1FD/Gy1dukJr161Pe7a0rERbk9sOfJ6sb1BpaUnBzvrcTe7c7vbZuSs4VnTO5910jiN3jJ197o6x87Zt23XHHfforY1rtXXLeu3atUtPP70i73PHeKxizB1j564KtTO5w5j1vRvohOsk1bX5/N8k3eGc+1NJ70m6svXxKyW955wbIumO1t/XaR2elDSzz7f5dbGZTTGzx83sx2bWpyuLW1paVDFslE44sULDKobqpJM+m/as2cGnetO90jLEWZ+7yZ3b3T47dwXHKnezPnfHmDvGzj530zmzWZ+7Y+x81FH9NG7caP3pZ76oT53wBfXp20ff+MbX0prt6u4QZ33ujjF3jJ27KtTO5A5j1vduIBNmVi7pfEn3tX5uks6R9HDrb3lQ0oWtv76g9XO1fn2ktfeETVOqKyVntPn1TyUNkTRV0mGS7jnUkJlNMrMqM6tqadnT4YL339+l5Sue1+hRI9IKLEn1yQYNKi898Hl52UA1NOwo2Fmfu8md290+O3cFx4rO+bybznHkjrGzz90xdh458kxt3rxF77zzrpqamvTYY0/otC9W5H3uGI9VjLlj7NxVoXYmdxizvncDGbpT0o2SWlo/P0bSTudcU+vnSUllrb8uk7RVklq//n7r7++UVCcl257tHCnp28655ZK+K+nkQw0556Y55yqccxWJRN+Dvj5gQH/163ekJKl3794aec6Zeu21jWmHXldVrSFDTtTgwYNUXFysCRMu0MJFSwp2ltzkzvZsV3Gs6JzPu+kcR+4YO4eaO9TOW7fUa/ipX9Bhh/WWJJ3z5TO0YUN6NzvwmTvGYxVj7hg7d1Wonckdxqzv3UBbbS8cbP2Y1OZrX5H0tnPuxbYj7Xwbl8bXMlaU4uv9zOyr2nfyspdzrlGSnHPOzDq9dODA4/XA/XeqR4+EEomEHn54oRZXPp32fHNzs667fooqF89Wj0RCMx6cq9ra1wt2ltzkzvasJM2aebfOPus0DRjQX5vfqtItt96u6TPm5H3uEH/eMXYONXeMnUPNHWPnUHOH2nntuvV65JHFWrv212pqatLL1TW6975f5X3uGI9VjLlj7CyF+ffXWI9ViLlD7Qx8knNumqRph/jylySNN7OxknpLOlL7rpw8ysyKWq+GLJe0/01Ok5IGSUqaWZGkfpLe7Ww26+h9Ccxshj5+xvMm59wOMyuR9Cvn3MhUC4p6lvHGBwAAAAhGp98YSV24VAAAgAw17a3vyr+yCtbPB03kX8dtXLV1VlrPEzMbIekfnXNfMbP5kv7HOTfHzO6R9Bvn3M/N7GpJf+6c+zsz+7qkrznnJnQ2W4dXSjrnrmgn5C+dc9/UvpdzAwAAAAAAACgc/yRpjpn9SNJ6Sfe3Pn6/pJlm9qb2XSH59a4s6fCkpJk93s7D55jZUZLknBvfleUAAAAAAAAA/HLOLZO0rPXXb0ka3s7v+UjSxd21M9V7Sg6SVKN9twV32vdqlmHadwduAAAAAAAAAMhYqrtvnyLpRUmTJb3fetb0Q+fc8ta7cAMAAAAAAABARlK9p2SLpDta3+DyDjPbkWoGAAAAAAAA8KHFdwCkLa0TjM65pKSLzex8SbuyGwkAAADwh1t2AgAAZF9GVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcdMaAAAAAAAAFATeGzoc3q6UvHfaVG1Lvqzq9Us7NT961AjVvLpCG2pX6cYbri74WZ+7yR1O7hg7+9xN5zhyx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5A61MxAKcy6755CLepa1u+DMM07V7t17NH36XTp56MiMvmcikVBdzUqNGXuJkskGrX6hUhMvu0p1dW8U5Cy5yU3n/NtN5zhyx9g51Nwxdg41d4ydQ80dY+dQc8fYOdTcMXYONXcInZv21ltaYSLzn4MmcrFkG9dunZW3zxNvV0quXLVG7763s1Ozw4cN1caNm7Vp0xY1NjZq3rwFGj9udMHOkpvc2Z4ldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OLLnDmfW9GwhFhyclzewaMxvQ+ushZrbCzHaa2Roz+/PcRDxYaVmJtia3Hfg8Wd+g0tKSgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5jtwxdva5m85x5I6xs8/dMXYGQpLqSsm/d8690/rruyTd4Zw7StI/SbrnUENmNsnMqsysqqVlTzdF/dj3P+ixdF+GHuKsz93kzu1uOmc263M3nTOb9bmbzpnN+txN58xmfe6mc2azPnfTObNZn7vpnNmsz910zmzW5+4YOwMhSXX37bZfP84596gkOeeWmdkRhxpyzk2TNE069HtKdkV9skGDyksPfF5eNlANDTsKdtbnbnLndjed48gdY2efu+kcR+4YO/vcTec4csfY2eduOseRO8bOPnfH2BlSS96+gyI+KdWVkg+b2Qwz+7SkR83sejP7lJl9S9KWHORr17qqag0ZcqIGDx6k4uJiTZhwgRYuWlKws+Qmd7ZnyR3OLLnDmSV3OLPkDmeW3OHMkjucWXKHM0vucGZ97wZC0eGVks65ya0nIB+S9CeSekmaJOkxSZd2ZfGsmXfr7LNO04AB/bX5rSrdcuvtmj5jTlqzzc3Nuu76KapcPFs9EgnNeHCuamtfL9hZcpM727PkDmeW3OHMkjucWXKHM0vucGbJHc4sucOZJXc4s753A6GwTN+XwMxmOucuS/f3Z+Pl2wAAAAAAADFr2lvPC5XbcdenJnIeqo3rtszK2+dJh1dKmtnj7Tx8zv7HnXPjs5IKAAAAAAAAQMFKdaObckm1ku6T5CSZpGGSpmY5FwAAAAAAAJCRFt8BkLZUN7qpkPSipMmS3nfOLZP0oXNuuXNuebbDAQAAAAAAACg8qW500yLpDjOb3/rPHalmAAAAAAAAAKAjaZ1gdM4lJV1sZudL2pXdSAAAAEB8Eta196FvyfAGlgAAAD5ldNWjc26xpMVZygIAAAAAAAAgArwUGwAAAAAAAAWBG92EI9WNbgAAAAAAAACgW3FSEgAAAAAAAEBOeTkp2atXL73w3CK9WPWUXq5+Rjf/8HsZf4/Ro0ao5tUV2lC7SjfecHXBz/rcTe5wcsfY2eduOseRO8bOPnfTOY7cMXbOdH7aL25Xcmu11r/09IHHjj76KFVWzlZNzUpVVs7WUUf1y3pujlU4uWPs7HM3nePIHWpnIBTmsnyXvqKeZe0u6Nu3j/bs+UBFRUVasexR/cN3b9aatS+l9T0TiYTqalZqzNhLlEw2aPULlZp42VWqq3ujIGfJTW46599uOseRO8bOoeaOsXOouWPsnO5827tvn3HGqdq9e4+mP3Cnhn7hXEnST348We++u1O33X63bvjHq3X00f30g8k/PjDT3t23871zvs2GmjvGzqHmjrFzqLlD6Ny0t94O8S2iNvVTE7N7oisw39syK2+fJ95evr1nzweSpOLiIhUVFyuTk6PDhw3Vxo2btWnTFjU2NmrevAUaP250wc6Sm9zZniV3OLPkDmeW3OHMkjuc2Zhyr1q1Ru+9t/Njj40bN0ozZ82XJM2cNV/jx6feH1LnfJgNNXeMnUPNHWPnUHOH2hkIibeTkolEQlXrlqih/jdaunSF1q5bn/ZsaVmJtia3Hfg8Wd+g0tKSgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5t7n3O+64Adq+/W1J0vbtb+vYY4/J6l6OVW530zmO3DF29rk7xs6QHB8f+8hnHZ6UNLNHzGyimR3e3YtbWlpUMWyUTjixQsMqhuqkkz6b9qzZwVeepnulZYizPneTO7e76ZzZrM/ddM5s1uduOmc263M3nTOb9bmbzpnNdsd8Z4Xamdy5m/W5O8bcMXb2uTvGzkBIUl0peaqkCyVtMbN5ZvZVM+uZ6pua2SQzqzKzqpaWPR3+3vff36XlK57X6FEj0g5dn2zQoPLSA5+Xlw1UQ8OOgp31uZvcud1N5zhyx9jZ5246x5E7xs4+d9M5t7n3e/vtd1RScpwkqaTkOP3ud7/P6l6OVW530zmO3DF29rk7xs5ASFKdlHzbOXeRpBMkLZT0bUn1ZjbdzEYdasg5N805V+Gcq0gk+h709QED+qtfvyMlSb1799bIc87Ua69tTDv0uqpqDRlyogYPHqTi4mJNmHCBFi5aUrCz5CZ3tmfJHc4sucOZJXc4s+QOZzbW3PstXPSULpt4sSTpsokXa+HC1POhdiY3nfN5N53jyB1qZyAkRSm+7iTJOfcHSTMlzTSz/pImSLpJUqf+VzFw4PF64P471aNHQolEQg8/vFCLK59Oe765uVnXXT9FlYtnq0cioRkPzlVt7esFO0tucmd7ltzhzJI7nFlyhzNL7nBmY8o985f/pbPOOk0DBvTXWxvX6dZ/marbbvsvzZ59j6741te1dWu9Lrnk7wqqcz7Mhpo7xs6h5o6xc6i5Q+0MhMQ6el8CM1vhnDurKwuKepbxxgcAAABACgk7+D3EMtHC+40BQFSa9tZ37V8cBerfT5jIvxDbuPG3s/L2edLhy7fbOyFpZr/MXhwAAAAAAAAAha7Dl2+b2eOffEjSl83sKElyzo3PVjAAAAAAAAAAhSnVe0oOklQj6T7te39Jk1QhaWqWcwEAAAAAAAAoUKnuvn2KpBclTZb0vnNumaQPnXPLnXPLsx0OAAAAAAAAQOHp8EpJ51yLpDvMbH7rP3ekmgEAAAAAAAB8aPEdAGlL6wSjcy4p6WIzO1/SruxGAgAAAOLT1btnd+Xu3dy5GwAA5FpGVz065xZLWpylLAAAAAAAAAAikOo9JQEAAAAAAACgW3FSEgAAAAAAAEBOcdMaAAAAAAAAFATeJTkc3q6UHD1qhGpeXaENtat04w1X53Q+xFmfu8kdTu4YO/vcTec4csfY2eduOseRO8bOPndfc82VWv/S06pev1TXXntlzvZ2dT7GY0XnOHLH2Nnn7hg7A6Ewl+U77RX1LDtoQSKRUF3NSo0Ze4mSyQatfqFSEy+7SnV1b6T1PbsyH+IsuclN5/zbTec4csfYOdTcMXYONXeMnXO1u727b5/0uc9q1qy7dfqXvqK9exu1aNEsXXvtD/Tmm5s+9vvau/t2CJ27ezbU3DF2DjV3jJ1DzR1C56a99Qf/wQ/95ISJXCzZxvd/OytvnyderpQcPmyoNm7crE2btqixsVHz5i3Q+HGjczIf4iy5yZ3tWXKHM0vucGbJHc4sucOZJXfms3/2Z0O0Zs16ffjhR2pubtbKFat1wQVjsr63q/MxHis6x5E7xs6h5g61MxASLyclS8tKtDW57cDnyfoGlZaW5GQ+xFmfu8md2910jiN3jJ197qZzHLlj7OxzN53DyV1T+5rOPPNU9e9/lA47rLfGjDlH5eWlWd/b1fkYjxWd48gdY2efu2PsDISkwxvdmNmnJU2RtE3STyXdIek0SXWSbnDObe7MUmvnpSWZvIy8K/MhzvrcTe7c7qZzZrM+d9M5s1mfu+mc2azP3XTObNbnbjpnNutz94YNb+q223+uJyof0u7de/SbV2rV1NSU9b1dnY/xWNE5s1mfu+mc2azP3TF2BkKS6krJGZLWSdotabWkDZLOk/SkpAcONWRmk8ysysyqWlr2HPT1+mSDBrX5L7TlZQPV0LAj7dBdmQ9x1uducud2N53jyB1jZ5+76RxH7hg7+9xN53ByS9KMGXN06hfP08hzL9J77+486P0ks7WXYxXGrM/dMeaOsbPP3TF2htQix0ebj3yW6qTkEc65/3bO/VTSkc65qc65rc65+yUdfagh59w051yFc64ikeh70NfXVVVryJATNXjwIBUXF2vChAu0cNGStEN3ZT7EWXKTO9uz5A5nltzhzJI7nFlyhzNL7s7tPvbYYyRJgwaV6sILz9PcuQtyspdjFcYsucOZJXc4s753A6Ho8OXbklrM7DOSMqASaAAAIABJREFU+knqY2YVzrkqMxsiqUdnlzY3N+u666eocvFs9UgkNOPBuaqtfT0n8yHOkpvc2Z4ldziz5A5nltzhzJI7nFlyd2733DnTdMwxR6uxsUnfuW6ydu58Pyd7OVZhzJI7nFlyhzPrezcQCuvofQnMbKSkn0tqkfRtSf8g6fPad5JyknPusVQLinqW5fe1ogAAAEABSNjB70GWrhbeqwwAgtO0t77zf/AXsH894VL+pdbG5N/+Km+fJx1eKemcWyrps20eWmVmiySNd861ZDUZAAAAAAAAgIKU6u7bj7fz8AhJj5mZnHPjs5IKAAAAAAAAyBBX0IUj1XtKDpJUI+k+SU6SSRomaWqWcwEAAAAAAAAoUKnuvn2KpBclTZb0vnNumaQPnXPLnXPLsx0OAAAAAAAAQOFJ9Z6SLZLuMLP5rf/ckWoGAAAAAAAAADqS1glG51xS0sVmdr6kXdmNBAAAACBT3EEbAACEJKOrHp1ziyUtzlIWAAAAAAAAoNP4T3ThSPWekgAAAAAAAADQrTgpCQAAAAAAACCnOCkJAAAAAAAAIKe8nZS8d9pUbUu+rOr1Szs1P3rUCNW8ukIbalfpxhuuLvhZn7vJHU7uGDv73E3nOHLH2NnnbjrHkTvGzj530zmO3DF29rmbznHkDrUzEApzWb5LX1HPsnYXnHnGqdq9e4+mT79LJw8dmdH3TCQSqqtZqTFjL1Ey2aDVL1Rq4mVXqa7ujYKcJTe56Zx/u+kcR+4YO4eaO8bOoeaOsXOouWPsHGruGDuHmjvGzqHmDqFz0956SytMZG494VLuddPGD3/7q7x9nni7UnLlqjV6972dnZodPmyoNm7crE2btqixsVHz5i3Q+HGjC3aW3OTO9iy5w5kldziz5A5nltzhzJI7nFlyhzNL7nBmyR3OrO/dsWvh42Mf+azDk5JmljCzvzGzxWb2spm9aGZzzGxEjvK1q7SsRFuT2w58nqxvUGlpScHO+txN7tzupnMcuWPs7HM3nePIHWNnn7vpHEfuGDv73E3nOHLH2Nnn7hg7AyEpSvH1+yX9VtJPJF0kaZeklZKmmNmfO+f+s70hM5skaZIkWY9+SiT6dl/ifd//oMfSfRl6iLM+d5M7t7v/P3t3Hyd1fd77/30NuxhFgzdolt0lrin19OT00YhF1MS7xArGBIiNoVWxuTPkdzSpNid67KmJR/trqy02MYlpAm2AaBAwTbACGuJdhP7kZpVFYZeKCIFZFjRVE8Gk7M31+4OVrC67M7OzM5/5zOf19LGPzO7stdf7vTPywG++M186FzYbcjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ7AzHJdVDyD9390723V5vZGnf/qpk9KalF0mEPSrr7HElzpIHfU7IY7dkOjWusP/R5Y8NYdXTsrdrZkLvJXd7ddE4jd4qdQ+6mcxq5U+wccjed08idYueQu+mcRu4UO4fcnWJnICa53lOy08x+R5LM7HRJByTJ3f9LUrDD9OubWzR+/Clqahqn2tpazZgxXQ8uW1m1s+Qmd6lnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM0vueGZD7wZiketMyRskPW5m/9X7vZdLkpmdKGlZMYvvvedunX/e2Roz5njteLFZt942W/PmL8prtru7W9ddf7NWLF+oEZmM5i9YrNbW56t2ltzkLvUsueOZJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdz2zo3anrqdhrTePtLNf7EtjBNzM4wd1/0fv59939z/JdUIqXbwMAAAAAAKSs60A7h98O46tNV3Icqo/bdvygYp8ng54paWb/1uf2mzc/ZGbHSpK7TytdNAAAAAAAAADVKNfLt8dJ2izpn3XwPSRN0hmS7ixxLgAAAAAAAABVKteFbv5Q0tOS/krSL939CUm/dvefufvPSh0OAAAAAAAAQPUZ9ExJd++R9DUzu7/3f/fmmgEAAAAAAABC6BFvKRmLvA4wuntW0ifM7COSflXaSAAAAAAAAACqWUFnPbr7cknLS5QFAAAAAAAAQAJyvackAAAAAAAAAAwrDkoCAAAAAAAAKCsOSgIAAAAAAAAoq2AHJadMvkCbNz2pLa2rdeMN15Z1PsbZkLvJHU/uFDuH3E3nNHKn2DnkbjqnkTvFziF3h+wsSZlMRuvX/UQP/HhB2XbzWKXROeRuOqeRO9bOqXM+3vJRycy9tBFrRjb0W5DJZNS2eZUuvuRyZbMdWvPUCs286hq1tW3N62cWMx/jLLnJTefK203nNHKn2DnW3Cl2jjV3ip1jzV1s5zddf90s/eEf/oHeecwxmn7pJ/Oa4bGic7XmTrFzrLlj6Nx1oN3yCpOYv2q6otKPxZXV3+xYWLHPkyBnSk46Y4K2bduh7dt3qrOzU0uWPKBpU6eUZT7GWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhm39TQMFaXfPhCfe979xU0x2NF50reTec0csfaGYhJkIOS9Q112pXdfejzbHuH6uvryjIf42zI3eQu7246p5E7xc4hd9M5jdwpdg65m85p5C62syT945236qa//H/V09NT0ByPFZ0reTed08gda2cgJoMelDSz0WZ2u5ltMbP/7P1o6/3asUNdatb/zNFCXkZezHyMsyF3k7u8u+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcHbLzRy75I7300i/0zIbn8p4Zjt08VoXNhtydYu4UO4fcnWJnICY1Oe5fIukxSRe4+x5JMrM6SZ+UdL+kiw43ZGazJM2SJBsxWpnMqLfc357t0LjG+kOfNzaMVUfH3rxDFzMf42zI3eQu7246p5E7xc4hd9M5jdwpdg65m85p5C628/vfP1FTPzpZH774Q3rHO47QO995jBbM/4Y++ak/r+jcMf6+U+wccjed08gda2dIhZ2bj5ByvXy7yd3vePOApCS5+x53v0PSuwcacvc57j7R3Se+/YCkJK1vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kldzyz5I5nltzxzJI7nllJ+qubb1fTeyZq/Kln6cqZ1+jxx/89rwOSoXPH+PtOsXOsuVPsHGvuWDsDMcl1puTPzexGSQvcfa8kmdm7JH1K0q6hLu3u7tZ119+sFcsXakQmo/kLFqu19fmyzMc4S25yl3qW3PHMkjueWXLHM0vueGbJHc9ssXis6FzJu+mcRu5YOwMxscHel8DMjpN0k6Tpkt4lySXtlfRvku5w91dyLagZ2cAbHwAAAAAAAAyjrgPt/d98EvrLpis4DtXH3+1YWLHPk0HPlHT3VyX9794Pmdm5kiZJei6fA5IAAAAAAAAA8HaDHpQ0s3XuPqn39tWSrpW0VNItZna6u99ehowAAAAAAABATj3iRMlY5LrQTW2f25+XNNndb5U0WdKVJUsFAAAAAAAAoGrlutBNpvd9JTM6+P6TL0uSu+83s66SpwMAAAAAAABQdXIdlBwt6WlJJsnNrM7d95jZ0b1fAwAAAAAAAICC5LrQTdMAd/VIujSfBcUcueRdAAAAAAAAAIDqk+tMycNy9zckbR/mLAAAAAAAAAASMKSDkgAAAAAAAECl4VW38ch19W0AAAAAAAAAGFYclAQAAAAAAABQVsEOSm59fo02PPOImtev1JqnVhQ8P2XyBdq86UltaV2tG2+4tupnQ+4mdzy5U+wccjed08idYueQu+mcRu4UO4fcHWPnuXPu1O7sRrVseLTgncXsHY75GGdD7k4xd4qdQ+5OsTMQC3Mv7avta0c2HHbB1ufX6KyzP6z//M9XB5wdKFkmk1Hb5lW6+JLLlc12aM1TKzTzqmvU1rY1Z54YZ8lNbjpX3m46p5E7xc6x5k6xc6y5U+wca+6Qnc8950zt27df8+bdpdMmXJjXvkrIHeMsueOZJXc8s+Xa3XWg3fIKk5gbmy7nbSX7+Psd91Xs8yTKl29POmOCtm3boe3bd6qzs1NLljygaVOnVO0sucld6llyxzNL7nhmyR3PLLnjmSV3PLPFzq9avVavvPpa3rsqJXeMs+SOZ5bc8cyG3p26Hj7e8lHJgh2UdHc9tOI+rV3zkK7+7JUFzdY31GlXdvehz7PtHaqvr6va2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPIHbJzMXis0ugccjed08gda2cgJjVDHTSzh9z9w0OdP/+Cj6mjY69OPPEEPfzQIm35jxe0evXafHf3+1q+L0OPcTbkbnKXdzedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu2PtXAweq8JmQ+5OMXeKnUPuTrEzEJNBD0qa2ekD3SXptEHmZkmaJUmZEaOVyYzq9z0dHXslSS+//J9a+sBDOuOM0/I+KNme7dC4xvpDnzc2jD3086pxNuRucpd3N53TyJ1i55C76ZxG7hQ7h9xN5zRyh+xcDB6rNDqH3E3nNHLH2hmISa6Xb6+XNFvSnW/7mC3p2IGG3H2Ou09094mHOyB51FFH6uijRx26fdEfna/Nm/8j79Drm1s0fvwpamoap9raWs2YMV0PLltZtbPkJnepZ8kdzyy545kldzyz5I5nltzxzA7H/FDxWKXROdbcKXaONXesnYGY5Hr5dpukz7t7v8tDmdmuoS5917tO1A/v/xdJ0oiaEVq0aKlWrnwi7/nu7m5dd/3NWrF8oUZkMpq/YLFaW5+v2llyk7vUs+SOZ5bc8cySO55ZcsczS+54Zoudv/eeu3X+eWdrzJjjtePFZt1622zNm7+o4nPHOEvueGbJHc9s6N2p6xEvdY+FDfa+BGZ2maTn3L3faYxm9jF3X5prQe3IhiE/G3gaAQAAAAAA9Nd1oL3/m09CX2r6Uw4n9fGPOxZV7PNk0DMl3f2HfT83s3MkTZK0KZ8DkgAAAAAAAADwdoO+p6SZretz+3OSviXpGEm3mNlNJc4GAAAAAAAAoArlutBNbZ/bsyRd5O63Spos6cqSpQIAAAAAAABQtXJd6CZjZsfp4MFLc/eXJcnd95tZV8nTAQAAAAAAAHniDSXjkeug5GhJT0sySW5mde6+x8yO7v1aTjwZAAAAAAAAAPSV60I3TQPc1SPp0mFPAwAAAAAAAKDq5TpT8rDc/Q1J24c5CwAAAAAAAIAE5LrQDQAAAAAAAAAMKw5KAgAAAAAAACirIb18GwAAAAAAAKg0PaEDIG9BzpRsbKzXIyvv13PPPqGNLY/pi1/4bME/Y8rkC7R505Pa0rpaN95wbdXPhtxN7nhyp9g55O4YO8+dc6d2ZzeqZcOjBe8sZu9wzMc4G3J3irlT7BxyN53TyJ1i55C76ZxG7hQ7h9ydYmcgFubuJV1QM7Kh34K6upM0tu4kbWjZpKOPHqV1ax/Wxy/7jNratub1MzOZjNo2r9LFl1yubLZDa55aoZlXXZPXfIyz5CY3nStvd6ydzz3nTO3bt1/z5t2l0yZcmNe+Ssgd4yy545kldzyz5I5nltzxzJI7nllyxzNbrt1dB9otrzCJua7pT0t7oCsyd+1YVLHPkyBnSu7Z85I2tGySJO3bt19btmxVQ31d3vOTzpigbdt2aPv2ners7NSSJQ9o2tQpVTtLbnKXepbc8cwWO79q9Vq98upree+qlNwxzpI7nllyxzNL7nhmyR3PLLnjmSV3PLOhdwOxGPSgpJm908z+zszuMbMr3nbft4cjwMknN+q09/2+1q7bkPdMfUOddmV3H/o8296h+jwPasY4G3I3ucu7m85p5A7ZuRg8Vml0DrmbzmnkTrFzyN10TiN3ip1D7qZzGrlj7QzEJNeZkvMkmaR/lfSnZvavZnZE731nDTRkZrPMrNnMmnt69g/4w0eNOkpLFs/Vl758i15/fV/eoc36n3ma78vQY5wNuZvc5d1N58JmQ+6OtXMxeKwKmw25O8XcKXYOuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu1PsDMn55y3/VLJcByV/x91vcvel7j5N0jOSHjOzEwYbcvc57j7R3SdmMqMO+z01NTW6f/Fc3Xffj7V06UMFhW7PdmhcY/2hzxsbxqqjY2/VzobcTe7y7qZzGrlDdi4Gj1UanUPupnMauVPsHHI3ndPInWLnkLvpnEbuWDsDMcl1UPIIMzv0Pe7+N5LmSHpS0qAHJnOZO+dOtW15QV+/a07Bs+ubWzR+/Clqahqn2tpazZgxXQ8uW1m1s+Qmd6lnyR3P7HDMDxWPVRqdY82dYudYc6fYOdbcKXaONXeKnWPNnWLnWHPH2hmISU2O+x+U9CFJj7z5BXdfYGZ7JX1zqEs/8P4zdNXMy/Tsc61qXn/wX6yvfOV2PfTwY3nNd3d367rrb9aK5Qs1IpPR/AWL1dr6fNXOkpvcpZ4ldzyzxc7fe8/dOv+8szVmzPHa8WKzbr1ttubNX1TxuWOcJXc8s+SOZ5bc8cySO55ZcsczS+54ZkPvBmJhBb4nwjmSJkna5O55HaavGdlQ2S9gBwAAAAAAiEzXgfb+bz4J/XnTn3Acqo9v7Fhcsc+TXFffXtfn9uckfUvSMZJuMbObSpwNAAAAAAAAyFsPH2/5qGS53lOyts/tWZIucvdbJU2WdGXJUgEAAAAAAACoWrneUzJjZsfp4MFLc/eXJcnd95tZV8nTAQAAAAAAAKg6uQ5Kjpb0tCST5GZW5+57zOzo3q8BAAAAAAAAQEEGPSjp7k0D3NUj6dJhTwMAAAAAAACg6uU6U/Kw3P0NSduHOQsAAAAAAACABAzpoCQAAAAAAABQaXrkoSMgT7muvg0AAAAAAAAAw4qDkgAAAAAAAADKKshBycbGej2y8n499+wT2tjymL74hc8W/DOmTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3eKnUPupnMauVPsHHI3ndPInWLnkLvpXNjs3Dl3and2o1o2PFrQ3HDs5rFKI3eKnUPuTrEzEAtzL+1r7WtGNvRbUFd3ksbWnaQNLZt09NGjtG7tw/r4ZZ9RW9vWvH5mJpNR2+ZVuviSy5XNdmjNUys086pr8pqPcZbc5KZz5e2mcxq5U+wca+4UO8eaO8XOseZOsbMknXvOmdq3b7/mzbtLp024MK+Z0LlTfaxizJ1i51hzx9C560C75RUmMdc0zeBNJfv49o4lFfs8CXKm5J49L2lDyyZJ0r59+7Vly1Y11NflPT/pjAnatm2Htm/fqc7OTi1Z8oCmTZ1StbPkJnepZ8kdzyy545kldzyz5I5nltzxzMace9XqtXrl1dfy/v5KyJ3qYxVj7hQ7x5o71s6QnI+3fFSy4O8pefLJjTrtfb+vtes25D1T31CnXdndhz7PtneoPs+DmjHOhtxN7vLupnMauVPsHHI3ndPInWLnkLvpnEbuFDsXK9bO5I5jNuTuFHPH2hmIyaAHJc2szsz+yczuNrMTzOz/mtlzZrbEzMYWu3zUqKO0ZPFcfenLt+j11/flPWfW/8zTfF+GHuNsyN3kLu9uOhc2G3I3nQubDbmbzoXNhtxN58JmQ+6mc2GzIXfTubDZYsXamdxxzIbcnWLuWDsDMcl1puR8Sa2Sdkl6XNKvJX1E0ipJ3xloyMxmmVmzmTX39Ow/7PfU1NTo/sVzdd99P9bSpQ8VFLo926FxjfWHPm9sGKuOjr1VOxtyN7nLu5vOaeROsXPI3XROI3eKnUPupnMauVPsXKxYO5M7jtmQu1PMHWtnICa5Dkq+y92/6e63SzrW3e9w953u/k1JJw805O5z3H2iu0/MZEYd9nvmzrlTbVte0NfvmlNw6PXNLRo//hQ1NY1TbW2tZsyYrgeXrazaWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhmY85djFg7kzuOWXLHMxt6NxCLmhz39z1o+f1B7ivIB95/hq6aeZmefa5VzesP/ov1la/crocefiyv+e7ubl13/c1asXyhRmQymr9gsVpbn6/aWXKTu9Sz5I5nltzxzJI7nllyxzNL7nhmY8597z136/zzztaYMcdrx4vNuvW22Zo3f1FF5071sYoxd4qdY80da2dIPRV/eRe8yQZ7XwIzu03S37v7vrd9fbyk2939slwLakY28GwAAAAAAAAYRl0H2vu/+ST0+aZPcByqj+/uuL9inyeDninp7l/t+7mZnSNpkqRN+RyQBAAAAAAAAIC3y3X17XV9bn9O0rckHSPpFjO7qcTZAAAAAAAAAFShXO8LWdvn9ixJF7n7rZImS7qyZKkAAAAAAAAAVK2cF7oxs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAACAitATOgDylutCN00D3NUj6dJhTwMAAAAAAACg6uU6U/Kw3P0NSduHOQsAAAAAAACABOS60A0AAAAAAAAADCsOSgIAAAAAAAAoqyG9fBsAAAAAAACoNC4PHQF5Cnam5Nw5d2p3dqNaNjw6pPkpky/Q5k1Pakvrat14w7VVPxtyN7njyZ1i55C76ZxG7hQ7h9xN5zRyx9qZv7/G81ilmDvFziF30zmN3LF2BmJh7qU9glwzsuGwC84950zt27df8+bdpdMmXFjQz8xkMmrbvEoXX3K5stkOrXlqhWZedY3a2rZW5Sy5yU3nyttN5zRyp9g51twpdo41d6ydJf7+GstjlWLuFDvHmjvFzrHmjqFz14F2yytMYq5uuoxTJfv45x0/rNjnScFnSprZScOxeNXqtXrl1deGNDvpjAnatm2Htm/fqc7OTi1Z8oCmTZ1StbPkJnepZ8kdzyy545kldzyz5I5nNvRu/v4ax2OVYu4UO8eaO8XOseaOtTMQk0EPSprZ8W/7OEHSOjM7zsyOL1PGfuob6rQru/vQ59n2DtXX11XtbMjd5C7vbjqnkTvFziF30zmN3Cl2Drk7xc7FivH3HetjlWLuFDuH3E3nNHLH2hmISa4L3fxC0s/f9rUGSc9IcknvOdyQmc2SNEuSbMRoZTKjiozZ7+f3+1q+L0OPcTbkbnKXdzedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd6fYuVgx/r5jfaxSzJ1i55C76VzYbMjdKXaG1BM6APKW6+XbN0r6D0nT3P0Udz9FUrb39mEPSEqSu89x94nuPnG4D0hKUnu2Q+Ma6w993tgwVh0de6t2NuRucpd3N53TyJ1i55C76ZxG7hQ7h9ydYudixfj7jvWxSjF3ip1D7qZzGrlj7QzEZNCDku4+W9LVkr5qZv9oZsdI4a+tvr65RePHn6KmpnGqra3VjBnT9eCylVU7S25yl3qW3PHMkjueWXLHM0vueGZD7y5GjL/vWB+rFHOn2DnW3Cl2jjV3rJ2BmOR6+bbcPSvpE2Y2VdJPJR01HIvvvedunX/e2Roz5njteLFZt942W/PmL8prtru7W9ddf7NWLF+oEZmM5i9YrNbW56t2ltzkLvUsueOZJXc8s+SOZ5bc8cyG3s3fX+N4rFLMnWLnWHOn2DnW3LF2BmJiBb4nwrmSzpe0zt3zOkxfM7Ih+JmVAAAAAAAA1aTrQHv/N5+EPtN0Gceh+vjejh9W7PMk19W31/W5/TlJ35A0QtItZnZTibMBAAAAAAAAqEK5Xr5d2+f2LEmT3f1lM5staY2k20uWDAAAAAAAACiAh78UCvKU66BkxsyO08EzKs3dX5Ykd99vZl0lTwcAAAAAAACg6uQ6KDla0tOSTJKbWZ277zGzo3u/BgAAAAAAAAAFGfSgpLs3DXBXj6RLhz0NAAAAAAAAgKqX60zJw3L3NyRtH+YsAAAAAAAAABIwpIOSAAAAAAAAQKXpCR0AecuEDgAAAAAAAAAgLRyUBAAAAAAAAFBWwQ5KTpl8gTZvelJbWlfrxhuuLet8jLMhd5M7ntzFzM6dc6d2ZzeqZcOjBc0Nx24eqzQ6h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQCzM3Uu6oGZkQ78FmUxGbZtX6eJLLlc226E1T63QzKuuUVvb1rx+ZjHzMc6Sm9zl6HzuOWdq3779mjfvLp024cK8Ziohd4y/7xQ7x5o7xc6x5k6xc6y5U+wca+4UO8eaO8XOseZOsXOsuWPo3HWg3fIKk5hPNn28tAe6IrNgx79W7PMkyJmSk86YoG3bdmj79p3q7OzUkiUPaNrUKWWZj3GW3OQu9awkrVq9Vq+8+lre318puWP8fafYOdbcKXaONXeKnWPNnWLnWHOn2DnW3Cl2jjV3ip1jzR1rZ0g97nz0+ahkQQ5K1jfUaVd296HPs+0dqq+vK8t8jLMhd5O7vLtDdi4GjxWdK3k3ndPInWLnkLvpnEbuFDuH3E3nNHKn2Dnk7hQ7AzEZ9KCkmV3c5/ZoM/sXM3vWzBaa2buGutSs/5mjhbyMvJj5GGdD7iZ3eXeH7FwMHqvyzYbcnWLuFDuH3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ7AzHJdabk3/a5faekDklTJa2X9N2Bhsxslpk1m1lzT8/+fve3Zzs0rrH+0OeNDWPV0bE379DFzMc4G3I3ucu7O2TnYvBY0bmSd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+5OsTMQk0Jevj3R3W9295+7+9ckNQ30je4+x90nuvvETGZUv/vXN7do/PhT1NQ0TrW1tZoxY7oeXLYy7yDFzMc4S25yl3q2WDxWdK7k3XROI3eKnWPNnWLnWHOn2DnW3Cl2jjV3ip1jzR1rZyAmNTnuP8nMviTJJL3TzMx/e87wkN+Psru7W9ddf7NWLF+oEZmM5i9YrNbW58syH+Msucld6llJuveeu3X+eWdrzJjjtePFZt1622zNm7+o4nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT7Bxr7hQ7x5o71s6QeKF7PGyw9yXz5hVrAAAgAElEQVQws1ve9qVvu/vLZlYn6e/d/c9yLagZ2cDzAQAAAAAAYBh1HWjv/+aT0MyT/5jjUH3c+/MfVezzZNAzJd391r6fm9k5ZnaVpE35HJAEAAAAAAAAgLfLdfXtdX1uXy3pW5KOkXSLmd1U4mwAAAAAAAAAqlCu94Ws7XP785Iu6j17crKkK0uWCgAAAAAAAEDVynWhm4yZHaeDBy/N3V+WJHffb2ZdJU8HAAAAAAAAoOrkOig5WtLTOnj1bTezOnffY2ZH934NAAAAAAAAqAg9XH87GrkudNM0wF09ki4d9jQAAAAAgAFlbOjnhvQ4/6EOAKgcuc6UPCx3f0PS9mHOAgAAAAAAACABuS50AwAAAAAAAADDioOSAAAAAAAAAMpqSC/fBgAAAAAAACqNc6GbaAQ7U3LunDu1O7tRLRseHdL8lMkXaPOmJ7WldbVuvOHaqp8NuZvc8eQuZjbWfydD7qZzGrlT7BxyN53TyJ1i55C76Vy9ued8d7ayu1q04ZlHDn3t43/8EbVseFS/+fVOnX76H1Rk7uGaDbmbzuXLzX+nDG03EAPzEl+BrWZkw2EXnHvOmdq3b7/mzbtLp024sKCfmclk1LZ5lS6+5HJlsx1a89QKzbzqGrW1ba3KWXKTuxydY/x3MuRuOqeRO8XOseZOsXOsuVPsHGvuFDvHkLvv1bfPefPvb9/7uiac/keSpN/7vfHq6enR3d+6Q//7pr/WM888e+j7B7r6dqV3rrTddC5vbv47ZeDZrgPtNsCPSNrlJ3+MUyX7uO/nSyv2eRLsTMlVq9fqlVdfG9LspDMmaNu2Hdq+fac6Ozu1ZMkDmjZ1StXOkpvcpZ6V4vx3MuRuOqeRO8XOseZOsXOsuVPsHGvuFDvHlnv16rV69W1/f9uy5QU9//yLee0MlXs4ZmPNnWLnYuf575TCdwOxKPigpJmdUIoghahvqNOu7O5Dn2fbO1RfX1e1syF3k7u8u0N2LgaPFZ0reTed08idYueQu+mcRu4UO4fcneLf5VJ8rFLsPBzzQxVr55B/HgDlNOhBSTO73czG9N6eaGYvSlprZj83s/PLkvDwufp9Ld+Xocc4G3I3ucu7O2TnYvBYlW825O4Uc6fYOeRuOhc2G3I3nQubDbmbzoXNhtyd4t/lUnysUuw8HPNDFWvnkH8eVIMePt7yUclynSn5EXf/Re/tf5D0J+4+XtJFku4caMjMZplZs5k19/TsH6aov9We7dC4xvpDnzc2jFVHx96qnQ25m9zl3R2yczF4rOhcybvpnEbuFDuH3E3nNHKn2Dnk7hT/LpfiY5Vi5+GYH6pYO4f88wAop1wHJWvNrKb39pHuvl6S3P15SUcMNOTuc9x9ortPzGRGDVPU31rf3KLx409RU9M41dbWasaM6Xpw2cqqnSU3uUs9WyweKzpX8m46p5E7xc6x5k6xc6y5U+wcc+5ixNo5xtwpdh6O+aGKtXPIPw+AcqrJcf/dklaY2e2SHjazr0v6kaQLJbUUs/jee+7W+eedrTFjjteOF5t1622zNW/+orxmu7u7dd31N2vF8oUakclo/oLFam19vmpnyU3uUs9Kcf47GXI3ndPInWLnWHOn2DnW3Cl2jjV3ip1jy33P97+l83r//vbitvW67a/v1KuvvKavfe2vdeKJx+uBpQu08dnN+uhHZ1ZU7uGYjTV3ip2Lnee/UwrfDcTCcr0vgZldIOl/SjpVBw9i7pK0VNI8d+/MtaBmZANvfAAAAAAAwyBj/d9rLl89vCcdUFW6DrQP/Q+EKvYnJ3+MP+z6WPzzpRX7PMl1pqTc/QlJT0iSmZ0raZKkHfkckAQAAAAAAACAtxv0oKSZrXP3Sb23r5Z0rQ6eJXmLmZ3u7reXISMAAAAAAACQU484UTIWOS900+f25yVNdvdbJU2WdGXJUgEAAAAAAACoWrlevp0xs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAGXCxWoAANVi0IOS7t40wF09ki4d9jQAAAAAAAAAql7Oq28fjru/IWn7MGcBAAAAAAAAhsy50E00cl3oBgAAAAAAAACGFQclAQAAAAAAAJQVByUBAAAAAAAAlFWwg5JTJl+gzZue1JbW1brxhmvLOh/jbMjd5I4nd4qdQ+6mcxq5U+wccjed08idYueQu+mcRu5iZufOuVO7sxvVsuHRguaGYzePVRqdQ+5OsTMQC3Mv7RuA1oxs6Lcgk8mobfMqXXzJ5cpmO7TmqRWaedU1amvbmtfPLGY+xllyk5vOlbebzmnkTrFzrLlT7Bxr7hQ7x5o7xc6x5i6287nnnKl9+/Zr3ry7dNqEC/OaqYTcMf6+U+wca+4YOncdaLe8wiTmj0+expVu+vjRz/+tYp8nQc6UnHTGBG3btkPbt+9UZ2enlix5QNOmTinLfIyz5CZ3qWfJHc8sueOZJXc8s+SOZ5bc8cySO55ZSVq1eq1eefW1vL+/UnLH+PtOsXOsuWPtDMRk0IOSZvaMmd1sZr8znEvrG+q0K7v70OfZ9g7V19eVZT7G2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLtDdi4GjxWdK3l3ip2BmOQ6U/I4ScdKetzM1pnZX5hZfa4famazzKzZzJp7evYf7v5+XyvkZeTFzMc4G3I3ucu7m86FzYbcTefCZkPupnNhsyF307mw2ZC76VzYbMjddC5sNuTukJ2LwWNVvtmQu1PMHWtnICa5Dkq+6u5fdvd3S/pfkn5X0jNm9riZzRpoyN3nuPtEd5+YyYzqd397tkPjGn97bLOxYaw6OvbmHbqY+RhnQ+4md3l30zmN3Cl2DrmbzmnkTrFzyN10TiN3ip1D7g7ZuRg8VnSu5N0pdgZikvd7Srr7Kne/RlKDpDsknT3UpeubWzR+/Clqahqn2tpazZgxXQ8uW1mW+RhnyU3uUs+SO55ZcsczS+54Zskdzyy545kldzyzxeKxonMl706xMxCTmhz3P//2L7h7t6SHez+GpLu7W9ddf7NWLF+oEZmM5i9YrNbWfqtKMh/jLLnJXepZcsczS+54Zskdzyy545kldzyz5I5nVpLuvedunX/e2Roz5njteLFZt942W/PmL6r43DH+vlPsHGvuWDuDl7rHxAp8T4RzJE2StMnd8zpMXzOygWcDAAAAAADAMOo60N7/zSehS989leNQffx454MV+zzJdfXtdX1uf07StyQdI+kWM7upxNkAAAAAAAAAVKFc7ylZ2+f2LEkXufutkiZLurJkqQAAAAAAAABUrVzvKZkxs+N08OClufvLkuTu+82sq+TpAAAAAAAAAFSdXAclR0t6WpJJcjOrc/c9ZnZ079cAAAAAAACAitAj3lIyFoMelHT3pgHu6pF06bCnAQAAAAAAAFD1cp0peVju/oak7cOcBQAAAAAAAEACcl3oBgAAAAAAAACGFQclAQAAAAAAAJTVkF6+DQAAAAAAAFSantABkLdgZ0pOmXyBNm96UltaV+vGG64t63yMsyF3kzue3Cl2DrmbzmnkTrFzyN10TiN3ip1D7qZzGrlT7BxyN53Ll3vunDu1O7tRLRseLXhnMXuLnQ29G4iBuZf2Uuk1Ixv6LchkMmrbvEoXX3K5stkOrXlqhWZedY3a2rbm9TOLmY9xltzkpnPl7aZzGrlT7Bxr7hQ7x5o7xc6x5k6xc6y5U+wca+4UOxc7f+45Z2rfvv2aN+8unTbhwrz2DcfeGB6rrgPtlleYxEx990dLe6ArMg/uXFaxz5MgZ0pOOmOCtm3boe3bd6qzs1NLljygaVOnlGU+xllyk7vUs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545lNNfeq1Wv1yquv5b1ruPbG+lgBMQlyULK+oU67srsPfZ5t71B9fV1Z5mOcDbmb3OXdTec0cqfYOeRuOqeRO8XOIXfTOY3cKXYOuZvOaeROsfNwzA9VrJ1D/b6Achv0oKSZTTSzx83sXjMbZ2Y/NbNfmtl6M5sw1KVm/c8cLeRl5MXMxzgbcje5y7ubzoXNhtxN58JmQ+6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sdjvmhirVzqN8XUG65rr79bUm3SDpW0v8n6S/c/SIzu7D3vrMPN2RmsyTNkiQbMVqZzKi33N+e7dC4xvpDnzc2jFVHx968QxczH+NsyN3kLu9uOqeRO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnYdjfqhi7Rzq91UtXBzAjUWul2/XuvtD7n6fJHf3H+rgjUclvWOgIXef4+4T3X3i2w9IStL65haNH3+KmprGqba2VjNmTNeDy1bmHbqY+RhnyU3uUs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNtXcxYi1c6jfF1Buuc6U/I2ZTZY0WpKb2cfcfamZnS+pe6hLu7u7dd31N2vF8oUakclo/oLFam19vizzMc6Sm9ylniV3PLPkjmeW3PHMkjueWXLHM0vueGbJHc9sqrnvvedunX/e2Roz5njteLFZt942W/PmLyr53lgfKyAmNtj7EpjZaZLukNQj6S8k/U9JfyZpt6RZ7v7vuRbUjGzgvFkAAAAAAIBh1HWgvf+bT0IfffdHOA7Vx7Kdyyv2eTLomZLu3iLp0HXnzeyHknZKei6fA5IAAAAAAAAA8HaDHpQ0s3XuPqn39uckXSNpqaRbzOx0d7+9DBkBAAAAAACAnHq40E00cl7ops/tWZImu/utkiZLurJkqQAAAAAAAABUrVwXusmY2XE6ePDS3P1lSXL3/WbWVfJ0AAAAAAAAAKpOroOSoyU9Lcl08Orbde6+x8yO7v0aAAAAAAAAABQk14Vumga4q0fSpcOeBgAAAABQdYo5o4V3hwOA6pTrTMnDcvc3JG0f5iwAAAAAAADAkLnzf2XEIteFbgAAAAAAAABUITMbZ2aPm1mbmW02s+t6v368mf3UzLb2/u9xvV83M/uGmb1gZs+a2elD3c1BSQAAAAAAACBNXZL+l7v/d0lnSbrWzN4r6SZJj7r770p6tPdzSfqwpN/t/Zgl6Z+GupiDkgAAAAAAAECC3L3D3Z/pvf26pDZJDZKmS1rQ+20LJH2s9/Z0Sd/3g9ZIOtbMxg5ld7CDknPn3Knd2Y1q2fDokOanTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3eKnUPupnMauVPsHHI3ndPInWLnkLvpnEbuWDtf9+efU0vLY9qw4VHdc8/dOuKII8q2O8bZkLtTzB1rZ6AvM5tlZs19PmYN8r1NkiZIWivpXe7eIR08cCnppN5va5C0q89YtvdrhWcr9RuA1oxsOOyCc885U/v27de8eXfptAkXFvQzM5mM2jav0sWXXK5stkNrnlqhmVddo7a2rVU5S25y07nydtM5jdwpdo41d4qdY82dYudYc6fYOdbcMXQ+3NW36+vr9MTjP9YfvO+D+s1vfqOFC7+jhx96TN+/Z8lbvm+g/2KN8fcdw2NF7ng6dx1oL+bC9lVryrgPc6WbPn6y66G8nidmdrSkn0n6G3f/kZm95u7H9rn/VXc/zsyWS/o7d1/d+/VHJd3o7k8Xmi3YmZKrVq/VK6++NqTZSWdM0LZtO7R9+051dnZqyZIHNG3qlKqdJTe5Sz1L7nhmyR3PLLnjmSV3PLPkjmeW3PHMht5dU1OjI498h0aMGKGjjjxSuzv2VHzuFB+rFHPH2hkYCjOrlfSvkn7g7j/q/fLeN1+W3fu/L/V+PStpXJ/xRkm7h7I3yveUrG+o067sb/tm2ztUX19XtbMhd5O7vLvpnEbuFDuH3E3nNHKn2DnkbjqnkTvFziF3p9h59+49+trXvqMXt63Trp0b9Ktf/UqPPPJkxedO8bFKMXesnYFCmZlJ+hdJbe7+j33u+jdJn+y9/UlJD/T5+p/1XoX7LEm/fPNl3oUa9KCkmR1tZrf1XhL8l2b2spmtMbNP5Zg79Hr1np79Q8k1qIO/r7fK92XoMc6G3E3u8u6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sNuTvFzsceO1pTp07R7556lt598uk6atRRuuKKP85rttjdMc6G3J1i7lg7A0PwAUlXSfqQmbX0flwi6XZJF5nZVkkX9X4uSSskvSjpBUlzJV0z1MU1Oe7/gaQfS5oiaYakUZIWSbrZzE519/9zuCF3nyNpjjTwe0oWoz3boXGN9Yc+b2wYq46OvVU7G3I3ucu7m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnS+88Fzt2LFTv/jFK5KkpUsf0tlnTdTChT/KMRk2d4qPVYq5Y+0MFKr3vSEHet/JfheB8YNHyIfl6ku5Xr7d5O7z3T3bewrnNHffKunTkvL/v7CG2frmFo0ff4qamsaptrZWM2ZM14PLVlbtLLnJXepZcsczS+54Zskdzyy545kldzyz5I5nNuTuXTvbNenM03Xkke+QJH3og+doy5b8LiISMneKj1WKuWPtDMQk15mS+83sHHdfbWZTJb0iSe7eY4c7n7gA995zt84/72yNGXO8drzYrFtvm6158xflNdvd3a3rrr9ZK5Yv1IhMRvMXLFZr6/NVO0tucpd6ltzxzJI7nllyxzNL7nhmyR3PLLnjmQ25e936DfrRj5Zr3bqfqKurSxtbNmvuP/+g4nOn+FilmDvWzpBcvNQ9FjbY+xKY2ft08PXhp0raJOkz7v68mZ0o6XJ3/0auBaV4+TYAAAAAIB7FnNHCf1ACh9d1oL2ok8Wq1eRxF/PHRh8rdz1csc+TQc+UdPeNkia9+bmZnWNmH5W0KZ8DkgAAAAAAAADwdrmuvr2uz+2rJX1L0jGSbjGzm0qcDQAAAAAAAEAVynWhm9o+tz8v6SJ3v1XSZElXliwVAAAAAAAAgKqV60I3GTM7TgcPXpq7vyxJ7r7fzLpKng4AAAAAAADIUw/vRBuNXAclR0t6Wgffl9jNrM7d95jZ0crzvYp5Q2OgsmRs6P9W9gxyYSwAAABgIMX8LbImM2LIs1093UVsBgCUUq4L3TQNcFePpEuHPQ0AAAAAAACAqpfrTMnDcvc3JG0f5iwAAAAAAAAAEpDrQjcAAAAAAAAAMKyGdKYkAAAAAAAAUGmcayFEI9iZktf9+efU0vKYNmx4VPfcc7eOOOKIguanTL5Amzc9qS2tq3XjDddW/WzI3eSOJ3exnb/whc9qwzOPqGXDo/riFz9btt08Vml0DrmbzmnkTrFzyN10TiN3ip1D7qZz7tnGxrH6yU8WqaXlUT3zzCO69trPSJKOO260li//gTZt+pmWL/+Bjj12dEXlHq7ZYuYbG+v1yMr79dyzT2hjy2P64hfK9/f9YudjnA29G4iBlfoIcu3Ihn4L6uvr9MTjP9YfvO+D+s1vfqOFC7+jhx96TN+/Z8lbvm+gZJlMRm2bV+niSy5XNtuhNU+t0MyrrlFb29aceWKcJTe5h3N2oKtv/4/3/jfde+/dev8HPqoDBzq1bNm9+uIX/49eeOG3bx870NW3eazoXK25U+wca+4UO8eaO8XOseZOsXOsuau9c9+rb9fVnaS6upPU0rJJRx89Sk89tVyf+MTndNVVn9Crr76m2bO/rS9/+Rode+xo3Xzz3w149e1K71yK+bq6kzS27iRt6P3drVv7sD5+2WcqPneMs+Xa3XWg/fD/cZe4Cxsnc6pkH49mV1bs8yTYmZI1NTU68sh3aMSIETrqyCO1u2NP3rOTzpigbdt2aPv2ners7NSSJQ9o2tQpVTtLbnKXelaSfu/3xmvt2g369a9/o+7ubq16co2mT7+44nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT6rxnz0tqadkkSdq3b7+2bHlBDQ11mjr1It177w8lSffe+0NNmza5onIPx2yx83v2vKQNb/ndbVVDfV3F545xNvRuIBZBDkru3r1HX/vad/TitnXatXODfvWrX+mRR57Me76+oU67srsPfZ5t71B9nn+Yxjgbcje5y7s7ZOfNrf+hc889U8cff6yOPPIduvjiD6mxsb7ic8f4+06xc8jddE4jd4qdQ+6mcxq5U+wccjedC8998smNOu20/6F16zbopJPGaM+elyQdPPh24oljKjJ3yMeqr5NPbtRp7/t9rV23oSx7Y/x9x9oZiMmgByXNbLSZ3W5mW8zsP3s/2nq/duxQlx577GhNnTpFv3vqWXr3yafrqFFH6Yor/jjveTvMy0/zfRl6jLMhd5O7vLtDdt6y5QX9w+xv66EV92nZg/fq2eda1dXVVfLdPFaFzYbcnWLuFDuH3E3nwmZD7qZzYbMhd9O5sNmQu+lc2OyoUUfpvvu+qy9/+Va9/vq+vGaGa3esj9WbRo06SksWz9WXvnxL3r+7FJ9jsXYGYpLrTMklkl6VdIG7n+DuJ0j6YO/X7h9oyMxmmVmzmTX39Ozvd/+FF56rHTt26he/eEVdXV1auvQhnX3WxLxDt2c7NK7PGVyNDWPV0bG3amdD7iZ3eXeH7CxJ8+cv0plnfVgX/tFlevWV197yfpKVmjvG33eKnUPupnMauVPsHHI3ndPInWLnkLvpnP9sTU2NFi36rhYt+rEeeOBhSdJLL/1CdXUnSTr43okvv/yListd7OxwzNfU1Oj+xXN1330/1tKlD5Vtb4y/71g7Q+qR89Hno5LlOijZ5O53uPuhN3x09z3ufoekdw805O5z3H2iu0/MZEb1u3/XznZNOvN0HXnkOyRJH/rgOdqyJb83i5Wk9c0tGj/+FDU1jVNtba1mzJiuB5etrNpZcpO71LNvOvHEEyRJ48bV62Mf+7AWL36g4nPH+PtOsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT6/zd7/6Dtmx5Qd/4xj8f+tqyZT/VzJmXSZJmzrxMDz7404rLXezscMzPnXOn2ra8oK/fNSfvmdC5Y5wNvRuIRU2O+39uZjdKWuDueyXJzN4l6VOSdg116br1G/SjHy3XunU/UVdXlza2bNbcf/5B3vPd3d267vqbtWL5Qo3IZDR/wWK1tj5ftbPkJnepZ9+0eNEcnXDCcers7NKfX/dXeu21X1Z87hh/3yl2jjV3ip1jzZ1i51hzp9g51twpdo41d0qd3//+M3TllR/Xc8+1ae3ag2f6ffWrf6/Zs7+tH/zgn/SpT/2Jdu3arSuu+H8qKvdwzBY7/4H3n6GrZl6mZ59rVfP6gwe4vvKV2/XQw49VdO4YZ0PvBmJhg70vgZkdJ+kmSdMlvUuSS9or6d8k3eHur+RaUDuyYcjnilb2SaZAnDLW//1J8tXD+5gAAACgzGoyI4Y829XTPYxJgMrSdaB96P9xV8U+2HgR/+Hax+PZn1bs8yTXy7dPlfS37v57khokfUvStt77+NMdAAAAAAAAQMFyHZT8nqQ3r1TzdUnHSLpd0huS5pUwFwAAAAAAAFAQ55+3/FPJcr2nZMbdu3pvT3T303tvrzazlhLmAgAAAAAAAFClcp0pucnMPt17e6OZTZQkMztVUmdJkwEAAAAAAACoSrkOSl4t6Xwz2ybpvZKeMrMXJc3tvQ8AAAAAAAAACjLoy7fd/ZeSPmVmx0h6T+/3Z919b74LKvvV60B6uII2AAAAYsIVtAGgOuV6T0lJkru/LmljibMAAAAAAAAAQ8aJOPHI9fJtAAAAAAAAABhWHJQEAAAAAAAAUFYclAQAAAAAAABQVsEOSk6ZfIE2b3pSW1pX68Ybri3rfIyzIXeTO57cKXYOuZvOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPIHWtnIBbmJX4D0JqRDf0WZDIZtW1epYsvuVzZbIfWPLVCM6+6Rm1tW/P6mcXMxzhLbnLTufJ20zmN3Cl2jjV3ip1jzZ1i51hzp9g51twpdo41d4qdY80dQ+euA+2WV5jEnNdwIVe66ePJ9kcr9nkS5EzJSWdM0LZtO7R9+051dnZqyZIHNG3qlLLMxzhLbnKXepbc8cySO55ZcsczS+54Zskdzyy545kldzyz5I5nNvTu1Dkfb/moZEEOStY31GlXdvehz7PtHaqvryvLfIyzIXeTu7y76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQEyGfFDSzB4qYrbf1wp5GXkx8zHOhtxN7vLupnNhsyF307mw2ZC76VzYbMjddC5sNuRuOhc2G3I3nQubDbmbzoXNhtxN58JmQ+5OsTMQk5rB7jSz0we6S9Jpg8zNkjRLkmzEaGUyo95yf3u2Q+Ma6w993tgwVh0de/OMXNx8jLMhd5O7vLvpnEbuFDuH3E3nNHKn2DnkbjqnkTvFziF30zmN3Cl2Drk7xc5ATHKdKble0mxJd77tY7akYwcacvc57j7R3Se+/YCkJK1vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kldzyz5I5nltzxzJI7nllyxzNL7nhmyR3PbOjdQCwGPVNSUpukz7t7v8tDmdmuoS7t7u7WddffrBXLF2pEJqP5CxartfX5sszHOEtucpd6ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLPkjmc29O7U9VT85V3wJhvsfQnM7DJJz7n7fxzmvo+5+9JcC2pGNvBsAAAAAAAAGEZdB9r7v/kk9IGGD3Ecqo9/b3+sYp8nuc6U3CWpQ5LM7EhJfylpgqRWSX9b2mgAAAAAAAAAqlGu95T8nqQ3em/fJemdku7o/dq8EuYCAAAAAAAAUKVynSmZcfeu3tsT3f3Nq3GvNrOWEuYCAAAAAAAAUKVyHZTcZGafdvd5kjaa2UR3bzazUyV1liEfAAAAAAAAkBcudBOPXC/fvlrS+Wa2TdJ7JT1lZi9Kmtt7H0Q7nxMAACAASURBVAAAAAAAAAAUZNAzJd39l5I+ZWbHSHpP7/dn3X1vOcIBAAAAAAAAqD65Xr4tSXL31yVtLHEWAAAAAAAAAAnI9fJtAAAAAAAAABhWHJQEAAAAAAAAUFZ5vXwbAAAAAAAAqHTuXH07FkHOlGxsrNcjK+/Xc88+oY0tj+mLX/hswT9jyuQLtHnTk9rSulo33nBt1c+G3E3ueHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkTrFzyN10TiN3rJ2BWFipjyDXjGzot6Cu7iSNrTtJG1o26eijR2nd2of18cs+o7a2rXn9zEwmo7bNq3TxJZcrm+3QmqdWaOZV1+Q1H+MsuclN58rbTec0cqfYOdbcKXaONXeKnWPNnWLnWHOn2DnW3Cl2jjV3DJ27DrRbXmESc1b9BZwq2cea3U9U7PMkyJmSe/a8pA0tmyRJ+/bt15YtW9VQX5f3/KQzJmjbth3avn2nOjs7tWTJA5o2dUrVzpKb3KWeJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kNvRuIxaAHJc3snWb2d2Z2j5ld8bb7vj0cAU4+uVGnve/3tXbdhrxn6hvqtCu7+9Dn2fYO1ed5UDPG2ZC7yV3e3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLvpnEbuFDuH3J1iZyAmuS50M0/SVkn/KukzZvZxSVe4+39JOmugITObJWmWJNmI0cpkRh32+0aNOkpLFs/Vl758i15/fV/eoc36n3ma78vQY5wNuZvc5d1N58JmQ+6mc2GzIXfTubDZkLvpXNhsyN10Lmw25G46FzYbcjedC5sNuZvOhc2G3J1iZ0g94ncVi1wv3/4dd7/J3Ze6+zRJz0h6zMxOGGzI3ee4+0R3nzjQAcmamhrdv3iu7rvvx1q69KGCQrdnOzSusf7Q540NY9XRsbdqZ0PuJnd5d9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnYGY5DooeYSZHfoed/8bSXMkPSlp0AOTucydc6fatrygr981p+DZ9c0tGj/+FDU1jVNtba1mzJiuB5etrNpZcpO71LPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZJXc8s6F3A7HI9fLtByV9SNIjb37B3ReY2V5J3xzq0g+8/wxdNfMyPftcq5rXH/wX6ytfuV0PPfxYXvPd3d267vqbtWL5Qo3IZDR/wWK1tj5ftbPkJnepZ8kdzyy545kldzyz5I5nltzxzJI7nllyxzNL7nhmQ+8GYmGDvS+BmZ0paYu7/9LMjpT0l5ImSGqV9Lfu/stcC2pGNvBifgAAAAAAgGHUdaC9/5tPQpPqz+c4VB/rdv+sYp8nuV6+/T1J+3tv3yXpnZLukPSGDl4EBwAAAAAAAKgIzj9v+aeS5Xr5dsbdu3pvT3T303tvrzazlhLmAgAAAAAAAFClcp0pucnMPt17e6OZTZQkMztVUmdJkwEAAAAAAACoSrkOSl4t6Xwz2ybpvZKeMrMXJc3tvQ8AAAAAAAAACjLoy7d7L2TzKTM7RtJ7er8/6+57yxEOAAAAAAAAQPXJ9Z6SkiR3f13SxhJnAQAAAAAAAIbMvbIv7oLfyvXybQAAAAAAAAAYVhyUBAAAAAAAAFBWHJQEAAAAAAAAUFbBDkpOmXyBNm96UltaV+vGG64t63yMsyF3kzue3Cl2Drk7xc5z59yp3dmNatnwaEFzw7E7xtmQu1PMnWLnkLvpXL7csf7ZG3J3irlT7BxyN53TyB1rZyAWVuo3AK0Z2dBvQSaTUdvmVbr4ksuVzXZozVMrNPOqa9TWtjWvn1nMfIyz5CY3nStvd4qdJencc87Uvn37NW/eXTptwoV5zYTOneJjlWLuFDvHmjvFzsXOx/hnb8jdKeZOsXOsuVPsHGvuGDp3HWi3vMIkZuLYc7nSTR/NHasq9nkS5EzJSWdM0LZtO7R9+051dnZqyZIHNG3qlLLMxzhLbnKXepbc8cyG3r1q9Vq98upreX9/JeRO8bFKMXeKnWPNnWLnYudj/LM35O4Uc6fYOdbcKXaONXesnSH1yPno81HJghyUrG+o067s7kOfZ9s7VF9fV5b5GGdD7iZ3eXfTOY3csXYuVoy/71gfqxRzp9g55G46lzd3MWLtTG46V/JuOqeRO9bOQEwGPShpZnVm9k9mdreZnWBm/9fMnjOzJWY2dqhLzfqfOVrIy8iLmY9xNuRucpd3N50Lmw25O8XOxYrx9x3rY5Vi7hQ7h9xN58Jmh2N+qGLtTO7yzYbcnWLuFDuH3J1iZyAmuc6UnC+pVdIuSY9L+rWkj0haJek7Aw2Z2Swzazaz5p6e/f3ub892aFxj/aHPGxvGqqNjb96hi5mPcTbkbnKXdzed08gda+dixfj7jvWxSjF3ip1D7qZzeXMXI9bO5KZzJe+mcxq5Y+0MxCTXQcl3ufs33f12Sce6+x3uvtPdvynp5IGG3H2Ou09094mZzKh+969vbtH48aeoqWmcamtrNWPGdD24bGXeoYuZj3GW3OQu9Sy545kNvbsYMf6+Y32sUsydYudYc6fYeTjmhyrWzuSmcyXvpnMauWPtDMSkJsf9fQ9afn+Q+wrS3d2t666/WSuWL9SITEbzFyxWa+vzZZmPcZbc5C71LLnjmQ29+9577tb5552tMWOO144Xm3XrbbM1b/6iis6d4mOVYu4UO8eaO8XOxc7H+GdvyN0p5k6xc6y5U+wca+5YO4OXusfEBnuwzOw2SX/v7vve9vXxkm5398tyLagZ2cCzAQAAAAAAYBh1HWjv/+aT0IS6D3Acqo8Ne/69Yp8nuc6UXK7eMyLN7EhJN0k6XQffZ/KzpY0GAAAAAAAAoBrlegn29yS90Xv7LkmjJd3R+7V5JcwFAAAAAAAAoErlfE9Jd+/qvT3R3U/vvb3azFpKmAsAAAAAAABAlcp1UHKTmX3a3edJ2mhmE9292cxOldRZhnwAAAAAAABAXnrEW0rGItfLt6+WdL6ZbZP0XklPmdmLkub23gcAAAAAAAAABRn0TEl3/6WkT5nZMZLe0/v9WXffm++CYi7xw7FtAAAAAAAAoPrkevm2JMndX5e0scRZAAAAAAAAACQg18u3AQAAAAAAAGBYcVASAAAAAAAAQFnl9fJtAAAAAAAAoNI5VyiJRrAzJUePfqcWLZqj5577mZ599gmddeYfFjQ/ZfIF2rzpSW1pXa0bb7i26mdD7iZ3PLlT7BxyN53TyJ1i55C76ZxG7hQ7h9xN5zRyp9g55G46p5E71s5ALMy9tEeQa0c2HHbB9/7l61q9eq2+N+8+1dbW/v/t3Xt03XWZ7/HPs5PdpK1tEcqhTdIrsc4IgxRTrCi2gLaoFHTGU2aGmRFHDmeNKOAwdJyxI96OB0cY0VmytEgpBwbaigr2AhaKYylC20BT6N3ebJOGYkUKtLpIk+f8QSyFptl7J9n7m+/+vl+u31pJ9n76fD7ZlYVf90WDBg3UgQMvveE+x0uWyWS0acNjuvDDf6Xm5lY9+cRS/c3fflqbNv0qZ54YZ8lNbjr3v910TiN3ip1jzZ1i51hzp9g51twpdo41d4qdY82dYudYc8fQ+fCrLZZXmMScMeI9PFXyKM8890S//XsS5JmSQ4a8Re9737s19457JUltbW3HHEh25+xJE7V9+y7t3LlbbW1tWrjwAV08Y3rZzpKb3MWeJXc8s+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kNvRuIRcGHkmb2P3q7dPz4Mdq//7e6/Qff0prVP9P3v/dNDRo0MO/5mtoR2tO898j3zS2tqqkZUbazIXeTu7S76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5jdwpdg65O8XOQEy6PZQ0sxPfdJ0kabWZvdXMTuzp0sqKCk2c+Gf6/vf/nyadPV0HDx7SrFmfyXve7Nhnnub7MvQYZ0PuJndpd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcTefCZkPupnNhsyF3p9gZUoc711FXf5brmZL7JT111NUoqVbS051fd8nMrjSzRjNr7Og4eMztzS2tam5u1eo1ayVJP/rxEk0888/yDt3S3KpRdTVHvq+rHanW1n1lOxtyN7lLu5vOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPInWLnkLtT7AzEJNeh5CxJWyRd7O7j3H2cpObOr8cfb8jd57h7g7s3ZDKDj7l9377fqLl5ryZMOFWSdP7579OmTVvzDr2msUn19eM0duwoZbNZzZx5iRYtXla2s+Qmd7FnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM0vueGZD7wZiUdndje5+k5nNl/QtM9sj6QYd/0OxC3Lt5/5N/+/O/9SAAVnt2LlbV1zxj3nPtre365prZ2vpkntUkclo3p0LtHFjfoeaMc6Sm9zFniV3PLPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZDb0biIUV8J4GMyR9QdJYd8/7HVazA2p7fIjZv1/5DgAAAAAAEMbhV1uOffNJ6PRTJnOcdJT1+57st39Pun2mpJm9W9Imd39J0nJJ50p6xcy+Ienr7n6gBBkBAAAAAACAnJynuEUj13tKzpV0qPPrWyRlJX2p82d3FC8WAAAAAAAAgHLV7TMlJWXc/XDn1w3uflbn1yvNrKmIuQAAAAAAAACUqVzPlFxvZp/s/HqdmTVIkplNkNRW1GQAAAAAAAAAylKuZ0peIenbZjZb0n5JT3R+Cveeztty4pX8AAAAAACURrYi1//M715b++HcdwKAPtDtP606P8jmcjMbIml85/2b3X1fKcIBAAAAAAAAKD95/V8o7v6ypHVFzgIAAAAAAAD0WIfzmt1Y5HpPSQAAAAAAAADoUxxKAgAAAAAAACgpDiUBAAAAAAAAlFSQQ8mqqio98fhiPdX4sNY1PaobvnhdwX/G9GlTtWH9Cm3euFKzrr+q7GdD7iZ3PLlT7BxyN53TyJ1i55C76ZxG7hQ7h9xN5zRyp9g55O5YOtfVjdRDD83X2rXL9dRTD+uqqz4pSfr61/9VTU3LtXr1Q1qw4PsaNmxov8pdDrOhdwNRcPeiXhXZGu/qGnpCvVdka7xq4GhfteopP+e9F3V5v66ubFWdb9u20+snTPbqQWO8ad0GP/2MKWU7S25y07n/7aZzGrlT7Bxr7hQ7x5o7xc6x5k6xc6y5U+wca+5SdK6uHn3kGju2wSdP/rBXV4/24cP/1Ldu3e5nnnmBf+Qjl/ngweO8unq033TTrX7TTbcemeGxiqdzsc9zYr3efnKDc71+hX48uruCvXz74MFDkqRstlKV2azc8/90pLMnTdT27bu0c+dutbW1aeHCB3TxjOllO0tuchd7ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLM9mX/uuefV1LRekvTKKwe1efM21dScouXLH1N7e7skafXqtaqtHdmvcsc+G3o3EItuDyXN7MKjvh5mZreb2TNmdo+ZndKrxZmMGtcsU2vLM1q+fIVWr1mb92xN7Qjtad575PvmllbV1Iwo29mQu8ld2t10TiN3ip1D7qZzGrlT7BxyN53TyJ1i55C76ZxG7pCdR4+u05lnnqY1a5re8PO/+7uZ+tnP/rvf5o5xNvRuIBa5nin59aO+vllSq6QZktZI+v7xhszsSjNrNLPGjo6DXd6no6NDDZOmacy4Bk1qmKjTTnt73qHN7Jif5ftMyxhnQ+4md2l307mw2ZC76VzYbMjddC5sNuRuOhc2G3I3nQubDbmbzoXNhtxN58JmQ+6OsfPgwYN0773f0/XXf0Uvv/zKkZ/PmvUZtbcf1vz5PynK3r6Yj3E29G4gFoW8fLvB3We7+6/d/VuSxh7vju4+x90b3L0hkxnc7R964MBL+sWKX2r6tKl5B2lpbtWoupoj39fVjlRr676ynQ25m9yl3U3nNHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkDtG5srJS9977PS1YcL8eeOChIz+/7LK/0Ic/fIEuv/yafpk75tnQu4FY5DqU/B9m9o9mdp2kofbG4/oevx/l8OEnHvl0r+rqal1w/rnasmV73vNrGptUXz9OY8eOUjab1cyZl2jR4mVlO0tuchd7ltzxzJI7nllyxzNL7nhmyR3PLLnjmSV3PLM9nf/e9/5dW7Zs03e+84MjP/vgB6fouuv+QR//+Kf0+9//oV/mjnk29O7UdbhzHXX1Z5U5br9N0pDOr++UNFzSb8xshKSm407lMHLkKZp7+y2qqMgok8novvsWacnSR/Keb29v1zXXztbSJfeoIpPRvDsXaOPGrWU7S25yF3uW3PHMkjueWXLHM0vueGbJHc8sueOZJXc8sz2ZP+ecBl122V/o2Wc36cknl0qSbrjhm7r55i+pqmqAFi++W9JrH3Zz9dVf6De5Y58NvRuIhXX3vgRm9m5Jm939gJkNkvR5SRMlbZT0dXc/kGtB5YDa/n0sCwAAAABAmchW5HruUffa2g/3URIU2+FXW45980lowskNnEMdZetvGvvt35NcL8GeK+mPn1Rzi6Shkr4h6ZCkO4qYCwAAAAAAAECZyvV/oWTc/Y//N0mDu5/V+fVKM+vxy7cBAAAAAAAApCvXMyXXm9knO79eZ2YNkmRmEyS1FTUZAAAAAAAAgLKU65mSV0j6tpnNlrRf0hNmtkfSns7bAAAAAAAAgH7BxVtKxqLbQ8nOD7K53MyGSBrfef9md99XinAAAAAAACB/fFANgFjk9bFc7v6ypHVFzgIAAAAAAAAgAbneUxIAAAAAAAAA+hSHkgAAAAAAAABKKq+XbwMAAAAAAAD9XYfzQTexCPJMybq6Gj2y7Id69pn/1rqmR/XZz3yq4D9j+rSp2rB+hTZvXKlZ119V9rMhd5M7ntwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccneKnW+bc7P2Nq9T09rlBc31xe4YZ0PvBqLg7kW9KrI1/uardtSZ3jBpmldka3zYW9/mW7Zu99PPmHLM/Y53ZavqfNu2nV4/YbJXDxrjTes25D0f4yy5yU3n/rebzmnkTrFzrLlT7Bxr7hQ7x5o7xc6x5k6xc6y5Y+1cka3xqed9zBsmTfNn12/KeyZ07nJ/rIp9nhPrNf6kic71+hX68ejuCvJMyeeee15rm9ZLkl555aA2b/6VamtG5D1/9qSJ2r59l3bu3K22tjYtXPiALp4xvWxnyU3uYs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNvTux1au0gu/ezHv+/eH3Kk+VkAsCj6UNLOT+jLAmDF1OvOdp2vV6rV5z9TUjtCe5r1Hvm9uaVVNnoeaMc6G3E3u0u6mcxq5U+wccjed08idYueQu+mcRu4UO4fcTec0csfaubdi/H2n+lgBpdTtoaSZ3Whmwzu/bjCzHZJWmdmvzWxKb5cPHjxICxfcpn/8pxv08suv5D1nZsf8zD2/NzKNcTbkbnKXdjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbk7hQ791aMv+9UH6ty4PznDf/pz3I9U/Ij7r6/8+tvSrrU3eslfVDSzccbMrMrzazRzBo7Og52eZ/Kykr9cMFtuvfen+j++x8sKHRLc6tG1dUc+b6udqRaW/eV7WzI3eQu7W46p5E7xc4hd9M5jdwpdg65m85p5E6xc8jddE4jd6ydeyvG33eqjxVQSrkOJbNmVtn59UB3XyNJ7r5VUtXxhtx9jrs3uHtDJjO4y/vcNudmbdq8Tbd8e07Bodc0Nqm+fpzGjh2lbDarmTMv0aLFy8p2ltzkLvYsueOZJXc8s+SOZ5bc8cySO55ZcsczS+54ZkPv7o0Yf9+pPlZAKVXmuP27kpaa2Y2SHjKzWyT9WNIFkpp6uvS950zS3/7Nx/XMsxvVuOa1/2L927/dqAcfejSv+fb2dl1z7WwtXXKPKjIZzbtzgTZu3Fq2s+Qmd7FnyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHMxt69913fVdT3v8eDR9+onbtaNSXv3KT7pg3v1/nTvWxAmJhud6XwMymSvoHSRP02iHmHkn3S7rD3dtyLagcUNu/X8AOAAAAAAAQmcOvthz75pPQ+OETOYc6yo79a/vt35NcH3TzbklPu/ulkt4r6SeSOiSdKmlQ8eMBAAAAAAAAKDe5Xr49V9I7O7++RdJBSTfqtZdv3yHpz4sXDQAAAAAAAMife0foCMhTrkPJjLsf7vy6wd3P6vx6pZn1+D0lAQAAAAAAAKQr16dvrzezT3Z+vc7MGiTJzCZIyvl+kgAAAAAAAADwZrkOJa+QNMXMtkt6h6QnzGyHpNs6bwMAAAAAAACAgnT78m13PyDpcjMbIml85/2b3X1fKcIBAAAAAIA49OYjfvm4ZCA9ud5TUpLk7i9LWlfkLAAAAAAAAECPdXDEHY1cL98GAAAAAAAAgD7FoSQAAAAAAACAkuJQEgAAAAAAAEBJBTmUrKqq0hOPL9ZTjQ9rXdOjuuGL1xX8Z0yfNlUb1q/Q5o0rNev6q8p+NuRucseTO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnUPupnNhsxMmnKrGNcuOXL/dv1lXf/aKfp871scKiIa7F/WqyNZ4V9fQE+q9IlvjVQNH+6pVT/k5772oy/t1dWWr6nzbtp1eP2GyVw8a403rNvjpZ0wp21lyk5vO/W83ndPInWLnWHOn2DnW3Cl2jjV3ip1jzZ1i51hzl3vnyjyuAVV13tq6z8efOukNP4+1c8jdxT7PifUa9dbTnev1K/Tj0d0V7OXbBw8ekiRls5WqzGblnv+nI509aaK2b9+lnTt3q62tTQsXPqCLZ0wv21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545mNOffRzj//fdqx49favbulX+eO9bECYhLsUDKTyahxzTK1tjyj5ctXaPWatXnP1tSO0J7mvUe+b25pVU3NiLKdDbmb3KXdTec0cqfYOeRuOqeRO8XOIXfTOY3cKXYOuZvOaeROsfObXTrzEi1YcH/e94+1c3/5fQP9WbeHkmb2tJnNNrNTC/lDzexKM2s0s8aOjoNd3qejo0MNk6ZpzLgGTWqYqNNOe3shf/4xP8v3mZYxzobcTe7S7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyN50Lmw25m86FzYbcTefCZo+WzWZ10UXTdN+PFuc9E2vn/vD7Bvq7XM+UfKukEyT93MxWm9nnzKwm1x/q7nPcvcHdGzKZwd3e98CBl/SLFb/U9GlT8w7d0tyqUXWvx6irHanW1n1lOxtyN7lLu5vOaeROsXPI3XROI3eKnUPupnMauVPsHHI3ndPInWLno1144Xlau/ZZPf/8/rxnYu3cH37fQH+X61Dyd+7+T+4+WtJ1kt4m6Wkz+7mZXdnTpcOHn6hhw4ZKkqqrq3XB+edqy5btec+vaWxSff04jR07StlsVjNnXqJFi5eV7Sy5yV3sWXLHM0vueGbJHc8sueOZJXc8s+SOZ5bc8czGnPuPLr30owW9dDtk7lgfK0gdcq6jrv6sMsftR54z7O6PSXrMzD4r6YOSLpU0pydLR448RXNvv0UVFRllMhndd98iLVn6SN7z7e3tuuba2Vq65B5VZDKad+cCbdy4tWxnyU3uYs+SO55ZcsczS+54Zskdzyy545kldzyz5I5nNubckjRwYLU+cMH79elP/3NBc7F2Dv37BmJg3b0vgZnNd/e/7M2CygG1/ftYFgAAAAAA9Nqx74SYPw4OCnf41Zbe/MrLVt2Jp/PX6SjNL6zvt39Pcr18+1tmNlSSzGygmX3FzBaZ2TfMbFgJ8gEAAAAAAAAoM7kOJedKOtT59bclDZX0jc6f3VHEXAAAAAAAAADKVK73lMy4++HOrxvc/azOr1eaWVMRcwEAAAAAAAAoU7kOJdeb2Sfd/Q5J68yswd0bzWyCpLYS5AMAAAAAAADy0t1np6B/yXUoeYWkb5vZbEn7JT1hZnsk7em8LaeM9fz9NDv4iwQAAAAAQBR687/ghw8a2qvd+w+91Kt5AKXX7aGkux+QdLmZDZE0vvP+ze6+rxThAAAAAAAAAJSfXM+UlCS5+8uS1hU5CwAAAAAAAIAE5Pr0bQAAAAAAAADoU3k9UxIAAAAAAADo7/h8kngEe6bkZz7zKa19+hE1rV2uz372UwXPT582VRvWr9DmjSs16/qrSjJbVVWlJx5frKcaH9a6pkd1wxevK1nm3s6Hmg25O8XcKXYOuZvOaeROsXPI3XROI/dtc27W3uZ1alq7vKC5vtjNY0Xn/rybzmnkTrFzT+aHDhuiH9x5ix5bvUQrVi3WuyadqVlfuFqPPn6/Hnnsx5r/4x/olBEnFzV3rI8VEA13L+qVHVDrb77OPPN8X79+kw8ddqpXDxztjyxf4X/6jvcdc7+KbE2XV7aqzrdt2+n1EyZ79aAx3rRug59+xpTj3r+vZiuyNT70hHqvyNZ41cDRvmrVU37Oey8qyd5QnckdT+4UO8eaO8XOseZOsXOsuVPsHHPuqed9zBsmTfNn12/KeyZ07hQfqxQ7x5o7xc6x5k6xc77zpwz7kzdcC+75iX/uM7P9lGF/4nXD/8zfNnqSn1r3riO3/+usr/m82+898n2MnXs7W+zznFivEcP+1Llev0I/Ht1dQZ4p+Sd/Uq9Vq9bq97//g9rb2/XYiid1ySUX5j1/9qSJ2r59l3bu3K22tjYtXPiALp4xveizknTw4CFJUjZbqcpsVu75PS24t3tDdSZ3PLlT7Bxr7hQ7x5o7xc6x5k6xc8y5H1u5Si/87sW8798fcqf4WKXYOdbcKXaONXeKnXsy/5YhgzX5nAbdFPeRlAAAGdZJREFUc9d9kqS2tja9dOBlvfLywSP3GTRooJTjf47H1LkvdwOxCHIouWHjFp177rt14oknaODAal144fmqq6vJe76mdoT2NO898n1zS6tqakYUfVaSMpmMGtcsU2vLM1q+fIVWr1lbkr2hOpO7tLvpnEbuFDuH3E3nNHKn2Dnk7t7m7o1YO8eYO8XOIXfTOY3cKXbuyfyYsaP02/0v6Nu3fl0Pr/iRbv7OV187hJT0+dnX6Kn1j+ov/ucM/fvXv1O03LE+VkBMuj2UNLMGM/u5md1tZqPM7GEzO2Bma8xsYk+Xbt68Td+86VY9uPReLV50t555dqMOHz6c97yZHfOzfJ+x2JtZSero6FDDpGkaM65Bkxom6rTT3l6SvaE6k7u0u+lc2GzI3XQubDbkbjoXNhtyN50Lmw25u7e5eyPWzjHmTrFzyN10Lmw25G46Fzbbk/nKigr92TvfoXm3z9cH3/8XOnTokD7zuf8lSbrxa9/Wu04/Xz/64SL9/ZWXFS13rI8VJOc/b/hPf5brmZK3Svp3SUsk/VLS9919mKTPd97WJTO70swazayxo/1gl/eZN2++3j35Q7rgAx/X7154Udu27cw7dEtzq0Yd9czKutqRam3dV/TZox048JJ+seKXmj5takn2hupM7tLupnMauVPsHHI3ndPInWLnkLv76t+neiLWzjHmTrFzyN10TiN3ip17Mr937z617t2ntU89I0la/MAynXHGO95wn5/ct0QfmTGtaLljfayAmOQ6lMy6+4Pufq8kd/f79NoXyyVVH2/I3ee4e4O7N2QqBnd5n5NPPkmSNGpUjT760Q9pwYIH8g69prFJ9fXjNHbsKGWzWc2ceYkWLV5W9Nnhw0/UsGFDJUnV1dW64PxztWXL9qLv7e18qFlyxzNL7nhmyR3PLLnjmSV36XP3RqydY8ydYudYc6fYOdbcKXbuyfxvnt+vluZWnVo/VpJ07pTJ2rplm8aNH3PkPtM/dJ62/WpH0XLH+lgBManMcfsfzGyapGGS3Mw+6u73m9kUSe29Wbxg/hyddNJb1dZ2WFdf8wW9+OKBvGfb29t1zbWztXTJParIZDTvzgXauHFr0WdHjjxFc2+/RRUVGWUyGd133yItWfpI0ff2dj7ULLnjmSV3PLPkjmeW3PHMkrv0ue++67ua8v73aPjwE7VrR6O+/JWbdMe8+f06d4qPVYqdY82dYudYc6fYuafzX/jn/6Nbb/umsgOy+vWuPbr201/Qzf/5VdXXj1OHd6h5z17N+tyXipY71scKiIl1974EZvZOvfby7Q5Jn5P0D5L+TtJeSVe6++O5FgyoquvxC9g7eM8EAAAAAADK3vBBQ3s1v//QS32UJB6HX2059s0noREn/CmHSUd57sVN/fbvSa5nSlZLmunuB8xsoKQDkh6XtEHS+mKHAwAAAAAAAFB+ch1KzpX0zs6vvy3poKQbJV0g6Q5Jf168aAAAAAAAAED++KTyeOQ6lMy4++HOrxvc/azOr1eaWVMRcwEAAAAAAAAoU7k+fXu9mX2y8+t1ZtYgSWY2QVJbUZMBAAAAAAAAKEu5DiWvkDTFzLZLeoekJ8xsh6TbOm8DAAAAAAAAgIJ0+/Jtdz8g6XIzGyJpfOf9m919X74L+ARtAAAAAADQnd5+enZvPl6YUwsgjFzvKSlJcveXJa0rchYAAAAAAACgxzo4Zo5GrpdvAwAAAAAAAECf4lASAAAAAAAAQElxKAkAAAAAAACgpIIcSlZVVemJxxfrqcaHta7pUd3wxesK/jOmT5uqDetXaPPGlZp1/VVlPxtyN7njyZ1i55C76ZxG7hQ7h9xN5zRyp9g55G46p5E7xc4hd9M5ntzXXP2/1NT0qNauXa677vquqqqqSrK3t/O93Q1Ewd2LelVka7yra+gJ9V6RrfGqgaN91aqn/Jz3XtTl/bq6slV1vm3bTq+fMNmrB43xpnUb/PQzppTtLLnJTef+t5vOaeROsXOsuVPsHGvuFDvHmjvFzrHmTrFzrLlT7Fyq3ZVdXKPHnOU7dvza3zJkvFdma3zhD3/qf//31x5zv1g7F/s8J9brpCFvc67Xr9CPR3dXsJdvHzx4SJKUzVaqMpuVe/6fjnT2pInavn2Xdu7crba2Ni1c+IAunjG9bGfJTe5iz5I7nllyxzNL7nhmyR3PLLnjmSV3PLPkjmeW3D3bXVlZqYEDq1VRUaFBAwdqb+tzJdkbsjMQi2CHkplMRo1rlqm15RktX75Cq9eszXu2pnaE9jTvPfJ9c0urampGlO1syN3kLu1uOqeRO8XOIXfTOY3cKXYOuZvOaeROsXPI3XROI3eKnUPu3rv3OX3rW9/Tju2rtWf3Wr300kt65JEVRd/b2/ne7gZi0e2hpJm9xcy+YmYbzOyAmf3GzJ40s8t7u7ijo0MNk6ZpzLgGTWqYqNNOe3ves2Z2zM/yfaZljLMhd5O7tLvpXNhsyN10Lmw25G46FzYbcjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu084YZhmzJiut02YrNFjztKgwYP013/950Xf29v53u4GYpHrmZL/JWmHpOmSvizpO5L+VtJ5Zvb14w2Z2ZVm1mhmjR0dB7tdcODAS/rFil9q+rSpeYduaW7VqLqaI9/X1Y5Ua+u+sp0NuZvcpd1N5zRyp9g55G46p5E7xc4hd9M5jdwpdg65m85p5E6xc8jdF1xwrnbt2q39+1/Q4cOHdf/9D+o9kxuKvre3873dDcQi16HkWHef5+7N7v4fki52919J+qSk4/7fC+4+x90b3L0hkxl8zO3Dh5+oYcOGSpKqq6t1wfnnasuW7XmHXtPYpPr6cRo7dpSy2axmzrxEixYvK9tZcpO72LPkjmeW3PHMkjueWXLHM0vueGbJHc8sueOZJXfhs3t2t+jsd5+lgQOrJUnnn/c+bd78q6Lv7e18b3cDsajMcftBM3ufu680sxmSXpAkd++wrp5PnKeRI0/R3NtvUUVFRplMRvfdt0hLlj6S93x7e7uuuXa2li65RxWZjObduUAbN24t21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kld+Gzq9es1Y9/vESrV/9Mhw8f1rqmDbrtB/9V9L29ne/t7tR18FL3aFh370tgZmdI+oGkCZLWS/p7d99qZidL+it3/06uBZUDavnbAAAAAAAAiqbHz5qSFOuhxeFXW3pTu2ydOORtsT6kRfHCy7/qt39Pcj1TcqCkD7r7ATMbJOmfzewsSRslHfc9JQEAAAAAAADgeHK9p+RcSX/8pJpbJA2T9A1JhyTdUcRcAAAAAAAAAMpUrmdKZtz9cOfXDe5+VufXK82sqYi5AAAAAAAAAJSpXIeS683sk+5+h6R1Ztbg7o1mNkFSWwnyAQAAAAAAAHnp7rNT0L/kevn2FZKmmNl2Se+Q9ISZ7ZB0W+dtAAAAAAAAQXkvLuvFBaDnun2mpLsfkHS5mQ2RNL7z/s3uvq8U4QAAAAAAAACUn1wv35YkufvLktYVOQsAAAAAAACABOR6+TYAAAAAAAAA9Km8nikJAAAAAAAA9Hcd4oNuYsEzJQEAAAAAAACUVJBDyaqqKj3x+GI91fiw1jU9qhu+eF3Bf8b0aVO1Yf0Kbd64UrOuv6rsZ0PuJnc8uVPsHHJ3ip1vm3Oz9javU9Pa5QXN9cXuGGdD7k4xd4qdQ+6mcxq5U+wccjed08idYueQu3ub+1dbn9Tapx9R45plevKJpSXb3dvcQBTcvahXRbbGu7qGnlDvFdkarxo42letesrPee9FXd6vqytbVefbtu30+gmTvXrQGG9at8FPP2NK2c6Sm9x07n+7U+xcka3xqed9zBsmTfNn12/KeyZ07hQfqxRzp9g51twpdo41d4qdY82dYudYc6fYOYbcld1cO3fu9lNGnHbc20PmLvZ5TqzX0MHjnev1K/Tj0d0V7OXbBw8ekiRls5WqzGblnv9r/s+eNFHbt+/Szp271dbWpoULH9DFM6aX7Sy5yV3sWXLHMxt692MrV+mF372Y9/37Q+4UH6sUc6fYOdbcKXaONXeKnWPNnWLnWHOn2Dnm3L0Ra26glLo9lDSzYWZ2o5ltNrPfdl6bOn92Qq8WZzJqXLNMrS3PaPnyFVq9Zm3eszW1I7Snee+R75tbWlVTM6JsZ0PuJndpd9M5jdyxdu6tGH/fsT5WKeZOsXPI3XROI3eKnUPupnMauVPsHHJ3X/y7r7vrwaX3atWTD+qKT12W91zo3EAMcn369kJJj0qa6u7PSZKZjZD0CUk/lPTBrobM7EpJV0qSVQxTJjP4mPt0dHSoYdI0DRs2VD/64e067bS3a8OGLXmFNrNjfpbvMy1jnA25m9yl3U3nwmZD7k6xc2/F+PuO9bFKMXeKnUPupnNhsyF307mw2ZC76VzYbMjddC5sNuTuvvh33ylTP6rW1n06+eST9NCD87V5yzatXLmqqLtD/jt7OeB3FY9cL98e6+7f+OOBpCS5+3Pu/g1Jo4835O5z3L3B3Ru6OpA82oEDL+kXK36p6dOm5h26pblVo+pqjnxfVztSra37ynY25G5yl3Y3ndPIHWvn3orx9x3rY5Vi7hQ7h9xN5zRyp9g55G46p5E7xc4hd/fFv/v+8f6/+c1vdf8DD2rSpDOLvjvkv7MDpZTrUPLXZjbLzE754w/M7BQz+2dJe3q6dPjwEzVs2FBJUnV1tS44/1xt2bI97/k1jU2qrx+nsWNHKZvNaubMS7Ro8bKynSU3uYs9S+54ZkPv7o0Yf9+xPlYp5k6xc6y5U+wca+4UO8eaO8XOseZOsXPMuQcNGqi3vGXwka8/+IEpeb/CM9Z/ZwdKKdfLty+V9HlJv+g8mHRJ+yT9VNLMni4dOfIUzb39FlVUZJTJZHTffYu0ZOkjec+3t7frmmtna+mSe1SRyWjenQu0cePWsp0lN7mLPUvueGZD7777ru9qyvvfo+HDT9SuHY368ldu0h3z5vfr3Ck+VinmTrFzrLlT7Bxr7hQ7x5o7xc6x5k6xc8y5TznlZN33w9slSRWVFZo//34tW/bf/T43EAvr7rX2Zna1pJ+4e4+fFVk5oJYX8wMAAAAAgH7p2HdwzF/IA4/Dr7b0JnrZGjp4POdQR3np4I5++/ck16HkAUkHJW2XdI+kH7r7/kIWcCgJAAAAAAD6Kw4ly8tbBo3jHOoorxza2W//nuR6T8kdkuokfVVSg6RNZvaQmX3CzIYUPR0AAAAAAACAspPrUNLdvcPdl7n7pyTVSLpV0oV67cASAAAAAAAAAAqS64Nu3vAUT3dv02sfcvNTMxtYtFQAAAAAAAAAylY+n77dJXf/fR9nAQAAAAAAKCnegBAIo9tDSXfnM+cBAAAAAAAQBeeYORq53lMSAAAAAAAAAPoUh5IAAAAAAAAASopDSQAAAAAAAAAlFexQ8rY5N2tv8zo1rV3eo/np06Zqw/oV2rxxpWZdf1XZz4bcTe54csfamX8exPNYpZg7xc4hd9M5ndyZTEZrVv9MD/zkzoJnY+0cY+4UO4fcTec0cqfYOeTuFDsD0XD3ol4V2Rrv6pp63se8YdI0f3b9pi5v7+7KVtX5tm07vX7CZK8eNMab1m3w08+YUraz5CZ3OXeuyPLPg1geqxRzp9g51twpdo45d0W2xq/7py/5Pff+2BcvfriguVg7x5g7xc6x5k6xc6y5U+wca+4YOhf7PCfWq7p6tHO9foV+PLq7gj1T8rGVq/TC717s0ezZkyZq+/Zd2rlzt9ra2rRw4QO6eMb0sp0lN7mLPRt6N/88iOOxSjF3ip1jzZ1i55hz19aO1Ic/dIHmzr0375nQuVN8rFLsHGvuFDvHmjvFzrHmjrUzEJMo31OypnaE9jTvPfJ9c0urampGlO1syN3kLu3uFDv3Voy/71gfqxRzp9g55G46p5P7P27+sj7/L19TR0dH3jN9sZvHis79eTed08idYueQu1PsDMSkx4eSZvZgXwYpcPcxP3P3sp0NuZvcpd2dYufeivH3HetjlWLuFDuH3E3nwmZD7u7N7Ec+/AE9//x+Pb322bzu35e7eaxKNxtyd4q5U+wccjedC5sNuTvFzkBMKru70czOOt5Nks7sZu5KSVdKklUMUyYzuMcBu9LS3KpRdTVHvq+rHanW1n1lOxtyN7lLuzvFzr0V4+871scqxdwpdg65m85p5D7nnAbNuGiaPnTh+aqurtLQoUN057zv6BOXX92vc6f4WKXYOeRuOqeRO8XOIXen2BmISa5nSq6RdJOkm9903STphOMNufscd29w94a+PpCUpDWNTaqvH6exY0cpm81q5sxLtGjxsrKdJTe5iz0bendvxPj7jvWxSjF3ip1jzZ1i51hzf2H2jRo7vkH1Eybrsr/5tH7+88fzPpAMmTvFxyrFzrHmTrFzrLlT7Bxr7lg7AzHp9pmSkjZJ+t/u/qs332Bme3qz+O67vqsp73+Phg8/Ubt2NOrLX7lJd8ybn9dse3u7rrl2tpYuuUcVmYzm3blAGzduLdtZcpO72LOhd/PPgzgeqxRzp9g51twpdo45d2/E2jnG3Cl2jjV3ip1jzZ1i51hzx9oZvNQ9Jtbdg2VmH5f0rLtv6eK2j7r7/bkWVA6o5W8DAAAAAABAHzr8asuxbz4JVVeP5hzqKH/4w+5++/ck18u3ayQd6uqGfA4kAQAAAAAAAODNch1KflXSKjN7zMw+bWYnlyIUAAAAAAAAgPKV61Byh6Q6vXY4+S5JG83sITP7hJkNKXo6AAAAAAAAAGUn1wfduLt3SFomaZmZZSV9SNJf6bVP4OaZkwAAAAAAAOgXXLylZCxyHUq+4c0w3b1N0k8l/dTMBhYtFQAAAAAAAICylevl25ce7wZ3/30fZwEAAAAAAACQgG4PJd19a6mCAAAAAAAAAEhDrmdKAgAAAAAAAECfyvWekgAAAAAAAEAU3Pmgm1jwTEkAAAAAAAAAJRXsUPK2OTdrb/M6Na1d3qP56dOmasP6Fdq8caVmXX9V2c+G3E3ueHKn2DnkbjqnkTvFziF30zmN3Cl2DrmbzmnkTrFzyN10TiN3yM6SlMlktGb1z/TAT+4seBaIgrsX9arI1nhX19TzPuYNk6b5s+s3dXl7d1e2qs63bdvp9RMme/WgMd60boOffsaUsp0lN7np3P920zmN3Cl2jjV3ip1jzZ1i51hzp9g51twpdo41d4qdY80dsvMfr+v+6Ut+z70/9sWLH+7y9mKf58R6ZQfUOtfrV+jHo7sr2DMlH1u5Si/87sUezZ49aaK2b9+lnTt3q62tTQsXPqCLZ0wv21lyk7vYs+SOZ5bc8cySO55ZcsczS+54Zskdzyy545kldzyzfTFfWztSH/7QBZo79968Z4DYRPmekjW1I7Snee+R75tbWlVTM6JsZ0PuJndpd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccnesnSXpP27+sj7/L19TR0dH3jNAbLo9lDSzoWb2f83sLjP76zfddms3c1eaWaOZNXZ0HOyrrEf/+cf8zD2/T1eKcTbkbnKXdjedC5sNuZvOhc2G3E3nwmZD7qZzYbMhd9O5sNmQu+lc2GzI3XQubDbkbjoXNhtyd6ydP/LhD+j55/fr6bXP5r0Prwv9kuT+dvVnuZ4peYckk/QjSX9pZj8ys6rO2yYfb8jd57h7g7s3ZDKD+yjq61qaWzWqrubI93W1I9Xauq9sZ0PuJndpd9M5jdwpdg65m85p5E6xc8jddE4jd4qdQ+6mcxq5U+wccnesnc85p0EzLpqmbVuf1H/dfavOO++9unPed/LeDcQi16Hkqe7+eXe/390vlvS0pEfN7KQSZDuuNY1Nqq8fp7FjRymbzWrmzEu0aPGysp0lN7mLPUvueGbJHc8sueOZJXc8s+SOZ5bc8cySO55Zcscz29v5L8y+UWPHN6h+wmRd9jef1s9//rg+cfnVee8GYlGZ4/YqM8u4e4ckufv/MbNmSSskvaU3i+++67ua8v73aPjwE7VrR6O+/JWbdMe8+XnNtre365prZ2vpkntUkclo3p0LtHHj1rKdJTe5iz1L7nhmyR3PLLnjmSV3PLPkjmeW3PHMkjueWXLHM9sX80AKrLvXl5vZv0ta5u6PvOnnF0r6T3d/W64FlQNq+/cL2AEAAAAAACJz+NWWY9+4EspyDvUGbf3470muZ0o2S9ry5h+6+0OSch5IAgAAAAAAAKXCiWQ8cr2n5FclrTKzx8zs02Z2cilCAQAAAAAAACg+M7vQzLaY2TYz+3yp9uY6lNwhqU6vHU6+S9JGM3vIzD5hZkOKng4AAAAAAABAUZhZhaTvSvqQpHdI+isze0cpduc6lHR373D3Ze7+KUk1km6VdKFeO7AEAAAAAAAAEKezJW1z9x3u/qqk+ZIuKcXiXO8p+YY3w3T3Nkk/lfRTMxtYtFQAAAAAAAAAiq1W0p6jvm+W9O5SLM51KHnp8W5w99/ns4BPgwIAAAAAAEApcA71RmZ2paQrj/rRHHefc/RduhgryecFdXso6e5bSxECAAAAAAAAQN/qPICc081dmiWNOur7Okl7ixqqU673lAQAAAAAAABQntZIepuZjTOzAZL+Uq+9dWPR5Xr5NgAAAAAAAIAy5O6Hzewzkn4mqULSXHffUIrd5l6Sl4kDAAAAAAAAgCRevg0AAAAAAACgxDiUBAAAAAAAAFBSHEoCAAAAAAAAKCkOJQEAAAAAAACUFIeSAAAAAAAAAEqKQ0kAAAAAAAAAJcWhJAAAAAAAAICS4lASAAAAAAAAQEn9fymVlo281J4BAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import matplotlib.pyplot as plt\n", + "import seaborn as sb\n", + "import pandas as pd\n", + "\n", + "cm_plt = pd.DataFrame(cm[:73])\n", + "\n", + "plt.figure(figsize = (25, 25))\n", + "ax = plt.axes()\n", + "\n", + "sb.heatmap(cm_plt, annot=True)\n", + "\n", + "ax.xaxis.set_ticks_position('top')\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Pipeline" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, I took the data from [Coconut - Wikipedia](https://en.wikipedia.org/wiki/Coconut) to check if the classifier is able to **correctly** predict the label(s) or not.\n", + "\n", + "And here is the output:" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Example labels: [('coconut', 'oilseed')]\n" + ] + } + ], + "source": [ + "example_text = '''The coconut tree (Cocos nucifera) is a member of the family Arecaceae (palm family) and the only species of the genus Cocos.\n", + "The term coconut can refer to the whole coconut palm or the seed, or the fruit, which, botanically, is a drupe, not a nut.\n", + "The spelling cocoanut is an archaic form of the word.\n", + "The term is derived from the 16th-century Portuguese and Spanish word coco meaning \"head\" or \"skull\", from the three indentations on the coconut shell that resemble facial features.\n", + "Coconuts are known for their versatility ranging from food to cosmetics.\n", + "They form a regular part of the diets of many people in the tropics and subtropics.\n", + "Coconuts are distinct from other fruits for their endosperm containing a large quantity of water (also called \"milk\"), and when immature, may be harvested for the potable coconut water.\n", + "When mature, they can be used as seed nuts or processed for oil, charcoal from the hard shell, and coir from the fibrous husk.\n", + "When dried, the coconut flesh is called copra.\n", + "The oil and milk derived from it are commonly used in cooking and frying, as well as in soaps and cosmetics.\n", + "The husks and leaves can be used as material to make a variety of products for furnishing and decorating.\n", + "The coconut also has cultural and religious significance in certain societies, particularly in India, where it is used in Hindu rituals.'''\n", + "\n", + "example_preds = classifier.predict(vectorizer.transform([example_text]))\n", + "example_labels = mlb.inverse_transform(example_preds)\n", + "print(\"Example labels: {}\".format(example_labels))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.6" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/machine_learning/scoring_functions.py b/machine_learning/scoring_functions.py index a9308a72d919..4c01891f1747 100755 --- a/machine_learning/scoring_functions.py +++ b/machine_learning/scoring_functions.py @@ -1,83 +1,83 @@ -import numpy as np - -""" Here I implemented the scoring functions. - MAE, MSE, RMSE, RMSLE are included. - - Those are used for calculating differences between - predicted values and actual values. - - Metrics are slightly differentiated. Sometimes squared, rooted, - even log is used. - - Using log and roots can be perceived as tools for penalizing big - erors. However, using appropriate metrics depends on the situations, - and types of data -""" - - -# Mean Absolute Error -def mae(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - difference = abs(predict - actual) - score = difference.mean() - - return score - - -# Mean Squared Error -def mse(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - difference = predict - actual - square_diff = np.square(difference) - - score = square_diff.mean() - return score - - -# Root Mean Squared Error -def rmse(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - difference = predict - actual - square_diff = np.square(difference) - mean_square_diff = square_diff.mean() - score = np.sqrt(mean_square_diff) - return score - - -# Root Mean Square Logarithmic Error -def rmsle(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - log_predict = np.log(predict + 1) - log_actual = np.log(actual + 1) - - difference = log_predict - log_actual - square_diff = np.square(difference) - mean_square_diff = square_diff.mean() - - score = np.sqrt(mean_square_diff) - - return score - - -# Mean Bias Deviation -def mbd(predict, actual): - predict = np.array(predict) - actual = np.array(actual) - - difference = predict - actual - numerator = np.sum(difference) / len(predict) - denumerator = np.sum(actual) / len(predict) - print(numerator) - print(denumerator) - - score = float(numerator) / denumerator * 100 - - return score +import numpy as np + +""" Here I implemented the scoring functions. + MAE, MSE, RMSE, RMSLE are included. + + Those are used for calculating differences between + predicted values and actual values. + + Metrics are slightly differentiated. Sometimes squared, rooted, + even log is used. + + Using log and roots can be perceived as tools for penalizing big + erors. However, using appropriate metrics depends on the situations, + and types of data +""" + + +# Mean Absolute Error +def mae(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + difference = abs(predict - actual) + score = difference.mean() + + return score + + +# Mean Squared Error +def mse(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + difference = predict - actual + square_diff = np.square(difference) + + score = square_diff.mean() + return score + + +# Root Mean Squared Error +def rmse(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + difference = predict - actual + square_diff = np.square(difference) + mean_square_diff = square_diff.mean() + score = np.sqrt(mean_square_diff) + return score + + +# Root Mean Square Logarithmic Error +def rmsle(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + log_predict = np.log(predict + 1) + log_actual = np.log(actual + 1) + + difference = log_predict - log_actual + square_diff = np.square(difference) + mean_square_diff = square_diff.mean() + + score = np.sqrt(mean_square_diff) + + return score + + +# Mean Bias Deviation +def mbd(predict, actual): + predict = np.array(predict) + actual = np.array(actual) + + difference = predict - actual + numerator = np.sum(difference) / len(predict) + denumerator = np.sum(actual) / len(predict) + print(numerator) + print(denumerator) + + score = float(numerator) / denumerator * 100 + + return score diff --git a/maths/3n+1.py b/maths/3n+1.py index 9322d4b24cb1..af5cec728d1a 100644 --- a/maths/3n+1.py +++ b/maths/3n+1.py @@ -1,21 +1,21 @@ -def main(): - def n31(a): # a = initial number - c = 0 - l = [a] - while a != 1: - if a % 2 == 0: # if even divide it by 2 - a = a // 2 - elif a % 2 == 1: # if odd 3n+1 - a = 3 * a + 1 - c += 1 # counter - l += [a] - - return l, c - - print(n31(43)) - print(n31(98)[0][-1]) # = a - print("It took {0} steps.".format(n31(13)[1])) # optional finish - - -if __name__ == '__main__': - main() +def main(): + def n31(a): # a = initial number + c = 0 + l = [a] + while a != 1: + if a % 2 == 0: # if even divide it by 2 + a = a // 2 + elif a % 2 == 1: # if odd 3n+1 + a = 3 * a + 1 + c += 1 # counter + l += [a] + + return l, c + + print(n31(43)) + print(n31(98)[0][-1]) # = a + print("It took {0} steps.".format(n31(13)[1])) # optional finish + + +if __name__ == '__main__': + main() diff --git a/maths/Binary_Exponentiation.py b/maths/Binary_Exponentiation.py index 73d4363aa260..0b9d4560261a 100644 --- a/maths/Binary_Exponentiation.py +++ b/maths/Binary_Exponentiation.py @@ -1,23 +1,23 @@ -# Author : Junth Basnet -# Time Complexity : O(logn) - -def binary_exponentiation(a, n): - if (n == 0): - return 1 - - elif (n % 2 == 1): - return binary_exponentiation(a, n - 1) * a - - else: - b = binary_exponentiation(a, n / 2) - return b * b - - -try: - base = int(input('Enter Base : ')) - power = int(input("Enter Power : ")) -except ValueError: - print("Invalid literal for integer") - -result = binary_exponentiation(base, power) -print("{}^({}) : {}".format(base, power, result)) +# Author : Junth Basnet +# Time Complexity : O(logn) + +def binary_exponentiation(a, n): + if (n == 0): + return 1 + + elif (n % 2 == 1): + return binary_exponentiation(a, n - 1) * a + + else: + b = binary_exponentiation(a, n / 2) + return b * b + + +try: + base = int(input('Enter Base : ')) + power = int(input("Enter Power : ")) +except ValueError: + print("Invalid literal for integer") + +result = binary_exponentiation(base, power) +print("{}^({}) : {}".format(base, power, result)) diff --git a/maths/Find_Max.py b/maths/Find_Max.py index d3e30c7ac48c..b69872e7abc1 100644 --- a/maths/Find_Max.py +++ b/maths/Find_Max.py @@ -1,16 +1,16 @@ -# NguyenU - -def find_max(nums): - max = nums[0] - for x in nums: - if x > max: - max = x - print(max) - - -def main(): - find_max([2, 4, 9, 7, 19, 94, 5]) - - -if __name__ == '__main__': - main() +# NguyenU + +def find_max(nums): + max = nums[0] + for x in nums: + if x > max: + max = x + print(max) + + +def main(): + find_max([2, 4, 9, 7, 19, 94, 5]) + + +if __name__ == '__main__': + main() diff --git a/maths/Find_Min.py b/maths/Find_Min.py index 9debacc1adb9..f30e7a588d2a 100644 --- a/maths/Find_Min.py +++ b/maths/Find_Min.py @@ -1,13 +1,13 @@ -def main(): - def findMin(x): - minNum = x[0] - for i in x: - if minNum > i: - minNum = i - return minNum - - print(findMin([0, 1, 2, 3, 4, 5, -3, 24, -56])) # = -56 - - -if __name__ == '__main__': - main() +def main(): + def findMin(x): + minNum = x[0] + for i in x: + if minNum > i: + minNum = i + return minNum + + print(findMin([0, 1, 2, 3, 4, 5, -3, 24, -56])) # = -56 + + +if __name__ == '__main__': + main() diff --git a/maths/Hanoi.py b/maths/Hanoi.py index cd38282c8206..40eafcc9709e 100644 --- a/maths/Hanoi.py +++ b/maths/Hanoi.py @@ -1,24 +1,24 @@ -# @author willx75 -# Tower of Hanoi recursion game algorithm is a game, it consists of three rods and a number of disks of different sizes, which can slide onto any rod - -import logging - -log = logging.getLogger() -logging.basicConfig(level=logging.DEBUG) - - -def Tower_Of_Hanoi(n, source, dest, by, mouvement): - if n == 0: - return n - elif n == 1: - mouvement += 1 - # no print statement (you could make it an optional flag for printing logs) - logging.debug('Move the plate from', source, 'to', dest) - return mouvement - else: - - mouvement = mouvement + Tower_Of_Hanoi(n - 1, source, by, dest, 0) - logging.debug('Move the plate from', source, 'to', dest) - - mouvement = mouvement + 1 + Tower_Of_Hanoi(n - 1, by, dest, source, 0) - return mouvement +# @author willx75 +# Tower of Hanoi recursion game algorithm is a game, it consists of three rods and a number of disks of different sizes, which can slide onto any rod + +import logging + +log = logging.getLogger() +logging.basicConfig(level=logging.DEBUG) + + +def Tower_Of_Hanoi(n, source, dest, by, mouvement): + if n == 0: + return n + elif n == 1: + mouvement += 1 + # no print statement (you could make it an optional flag for printing logs) + logging.debug('Move the plate from', source, 'to', dest) + return mouvement + else: + + mouvement = mouvement + Tower_Of_Hanoi(n - 1, source, by, dest, 0) + logging.debug('Move the plate from', source, 'to', dest) + + mouvement = mouvement + 1 + Tower_Of_Hanoi(n - 1, by, dest, source, 0) + return mouvement diff --git a/maths/Prime_Check.py b/maths/Prime_Check.py index 5008d0a1c2f9..84b5bf508586 100644 --- a/maths/Prime_Check.py +++ b/maths/Prime_Check.py @@ -1,53 +1,53 @@ -import math -import unittest - - -def primeCheck(number): - """ - A number is prime if it has exactly two dividers: 1 and itself. - """ - if number < 2: - # Negatives, 0 and 1 are not primes - return False - if number < 4: - # 2 and 3 are primes - return True - if number % 2 == 0: - # Even values are not primes - return False - - # Except 2, all primes are odd. If any odd value divide - # the number, then that number is not prime. - odd_numbers = range(3, int(math.sqrt(number)) + 1, 2) - return not any(number % i == 0 for i in odd_numbers) - - -class Test(unittest.TestCase): - def test_primes(self): - self.assertTrue(primeCheck(2)) - self.assertTrue(primeCheck(3)) - self.assertTrue(primeCheck(5)) - self.assertTrue(primeCheck(7)) - self.assertTrue(primeCheck(11)) - self.assertTrue(primeCheck(13)) - self.assertTrue(primeCheck(17)) - self.assertTrue(primeCheck(19)) - self.assertTrue(primeCheck(23)) - self.assertTrue(primeCheck(29)) - - def test_not_primes(self): - self.assertFalse(primeCheck(-19), - "Negative numbers are not prime.") - self.assertFalse(primeCheck(0), - "Zero doesn't have any divider, primes must have two") - self.assertFalse(primeCheck(1), - "One just have 1 divider, primes must have two.") - self.assertFalse(primeCheck(2 * 2)) - self.assertFalse(primeCheck(2 * 3)) - self.assertFalse(primeCheck(3 * 3)) - self.assertFalse(primeCheck(3 * 5)) - self.assertFalse(primeCheck(3 * 5 * 7)) - - -if __name__ == '__main__': - unittest.main() +import math +import unittest + + +def primeCheck(number): + """ + A number is prime if it has exactly two dividers: 1 and itself. + """ + if number < 2: + # Negatives, 0 and 1 are not primes + return False + if number < 4: + # 2 and 3 are primes + return True + if number % 2 == 0: + # Even values are not primes + return False + + # Except 2, all primes are odd. If any odd value divide + # the number, then that number is not prime. + odd_numbers = range(3, int(math.sqrt(number)) + 1, 2) + return not any(number % i == 0 for i in odd_numbers) + + +class Test(unittest.TestCase): + def test_primes(self): + self.assertTrue(primeCheck(2)) + self.assertTrue(primeCheck(3)) + self.assertTrue(primeCheck(5)) + self.assertTrue(primeCheck(7)) + self.assertTrue(primeCheck(11)) + self.assertTrue(primeCheck(13)) + self.assertTrue(primeCheck(17)) + self.assertTrue(primeCheck(19)) + self.assertTrue(primeCheck(23)) + self.assertTrue(primeCheck(29)) + + def test_not_primes(self): + self.assertFalse(primeCheck(-19), + "Negative numbers are not prime.") + self.assertFalse(primeCheck(0), + "Zero doesn't have any divider, primes must have two") + self.assertFalse(primeCheck(1), + "One just have 1 divider, primes must have two.") + self.assertFalse(primeCheck(2 * 2)) + self.assertFalse(primeCheck(2 * 3)) + self.assertFalse(primeCheck(3 * 3)) + self.assertFalse(primeCheck(3 * 5)) + self.assertFalse(primeCheck(3 * 5 * 7)) + + +if __name__ == '__main__': + unittest.main() diff --git a/maths/abs.py b/maths/abs.py index 41e05d658aa6..ba7b704fb340 100644 --- a/maths/abs.py +++ b/maths/abs.py @@ -1,20 +1,20 @@ -def absVal(num): - """ - Function to fins absolute value of numbers. - >>absVal(-5) - 5 - >>absVal(0) - 0 - """ - if num < 0: - return -num - else: - return num - - -def main(): - print(absVal(-34)) # = 34 - - -if __name__ == '__main__': - main() +def absVal(num): + """ + Function to fins absolute value of numbers. + >>absVal(-5) + 5 + >>absVal(0) + 0 + """ + if num < 0: + return -num + else: + return num + + +def main(): + print(absVal(-34)) # = 34 + + +if __name__ == '__main__': + main() diff --git a/maths/abs_Max.py b/maths/abs_Max.py index 4c3f03a95a2d..0f30a0f57d90 100644 --- a/maths/abs_Max.py +++ b/maths/abs_Max.py @@ -1,25 +1,25 @@ -def absMax(x): - """ - #>>>absMax([0,5,1,11]) - 11 - >>absMax([3,-10,-2]) - -10 - """ - j = x[0] - for i in x: - if abs(i) > abs(j): - j = i - return j - - -def main(): - a = [1, 2, -11] - print(absMax(a)) # = -11 - - -if __name__ == '__main__': - main() - -""" -print abs Max -""" +def absMax(x): + """ + #>>>absMax([0,5,1,11]) + 11 + >>absMax([3,-10,-2]) + -10 + """ + j = x[0] + for i in x: + if abs(i) > abs(j): + j = i + return j + + +def main(): + a = [1, 2, -11] + print(absMax(a)) # = -11 + + +if __name__ == '__main__': + main() + +""" +print abs Max +""" diff --git a/maths/abs_Min.py b/maths/abs_Min.py index f8d5925023df..07e5f873646b 100644 --- a/maths/abs_Min.py +++ b/maths/abs_Min.py @@ -1,24 +1,24 @@ -from Maths.abs import absVal - - -def absMin(x): - """ - # >>>absMin([0,5,1,11]) - 0 - # >>absMin([3,-10,-2]) - -2 - """ - j = x[0] - for i in x: - if absVal(i) < absVal(j): - j = i - return j - - -def main(): - a = [-3, -1, 2, -11] - print(absMin(a)) # = -1 - - -if __name__ == '__main__': - main() +from Maths.abs import absVal + + +def absMin(x): + """ + # >>>absMin([0,5,1,11]) + 0 + # >>absMin([3,-10,-2]) + -2 + """ + j = x[0] + for i in x: + if absVal(i) < absVal(j): + j = i + return j + + +def main(): + a = [-3, -1, 2, -11] + print(absMin(a)) # = -1 + + +if __name__ == '__main__': + main() diff --git a/maths/average.py b/maths/average.py index eb97fe29de30..ac497904badd 100644 --- a/maths/average.py +++ b/maths/average.py @@ -1,16 +1,16 @@ -def average(nums): - sum = 0 - n = 0 - for x in nums: - sum += x - n += 1 - avg = sum / n - print(avg) - - -def main(): - average([2, 4, 6, 8, 20, 50, 70]) - - -if __name__ == '__main__': - main() +def average(nums): + sum = 0 + n = 0 + for x in nums: + sum += x + n += 1 + avg = sum / n + print(avg) + + +def main(): + average([2, 4, 6, 8, 20, 50, 70]) + + +if __name__ == '__main__': + main() diff --git a/maths/basic_maths.py b/maths/basic_maths.py index e746499aad5c..8361ecabf6b3 100644 --- a/maths/basic_maths.py +++ b/maths/basic_maths.py @@ -1,78 +1,78 @@ -import math - - -def primeFactors(n): - pf = [] - while n % 2 == 0: - pf.append(2) - n = int(n / 2) - - for i in range(3, int(math.sqrt(n)) + 1, 2): - while n % i == 0: - pf.append(i) - n = int(n / i) - - if n > 2: - pf.append(n) - - return pf - - -def numberOfDivisors(n): - div = 1 - - temp = 1 - while n % 2 == 0: - temp += 1 - n = int(n / 2) - div = div * (temp) - - for i in range(3, int(math.sqrt(n)) + 1, 2): - temp = 1 - while n % i == 0: - temp += 1 - n = int(n / i) - div = div * (temp) - - return div - - -def sumOfDivisors(n): - s = 1 - - temp = 1 - while n % 2 == 0: - temp += 1 - n = int(n / 2) - if temp > 1: - s *= (2 ** temp - 1) / (2 - 1) - - for i in range(3, int(math.sqrt(n)) + 1, 2): - temp = 1 - while n % i == 0: - temp += 1 - n = int(n / i) - if temp > 1: - s *= (i ** temp - 1) / (i - 1) - - return s - - -def eulerPhi(n): - l = primeFactors(n) - l = set(l) - s = n - for x in l: - s *= (x - 1) / x - return s - - -def main(): - print(primeFactors(100)) - print(numberOfDivisors(100)) - print(sumOfDivisors(100)) - print(eulerPhi(100)) - - -if __name__ == '__main__': - main() +import math + + +def primeFactors(n): + pf = [] + while n % 2 == 0: + pf.append(2) + n = int(n / 2) + + for i in range(3, int(math.sqrt(n)) + 1, 2): + while n % i == 0: + pf.append(i) + n = int(n / i) + + if n > 2: + pf.append(n) + + return pf + + +def numberOfDivisors(n): + div = 1 + + temp = 1 + while n % 2 == 0: + temp += 1 + n = int(n / 2) + div = div * (temp) + + for i in range(3, int(math.sqrt(n)) + 1, 2): + temp = 1 + while n % i == 0: + temp += 1 + n = int(n / i) + div = div * (temp) + + return div + + +def sumOfDivisors(n): + s = 1 + + temp = 1 + while n % 2 == 0: + temp += 1 + n = int(n / 2) + if temp > 1: + s *= (2 ** temp - 1) / (2 - 1) + + for i in range(3, int(math.sqrt(n)) + 1, 2): + temp = 1 + while n % i == 0: + temp += 1 + n = int(n / i) + if temp > 1: + s *= (i ** temp - 1) / (i - 1) + + return s + + +def eulerPhi(n): + l = primeFactors(n) + l = set(l) + s = n + for x in l: + s *= (x - 1) / x + return s + + +def main(): + print(primeFactors(100)) + print(numberOfDivisors(100)) + print(sumOfDivisors(100)) + print(eulerPhi(100)) + + +if __name__ == '__main__': + main() diff --git a/maths/extended_euclidean_algorithm.py b/maths/extended_euclidean_algorithm.py index 758d07152586..e77f161fe7c1 100644 --- a/maths/extended_euclidean_algorithm.py +++ b/maths/extended_euclidean_algorithm.py @@ -1,60 +1,60 @@ -# @Author: S. Sharma -# @Date: 2019-02-25T12:08:53-06:00 -# @Email: silentcat@protonmail.com -# @Last modified by: silentcat -# @Last modified time: 2019-02-26T07:07:38-06:00 - -import sys - - -# Finds 2 numbers a and b such that it satisfies -# the equation am + bn = gcd(m, n) (a.k.a Bezout's Identity) -def extended_euclidean_algorithm(m, n): - a = 0; - aprime = 1; - b = 1; - bprime = 0 - q = 0; - r = 0 - if m > n: - c = m; - d = n - else: - c = n; - d = m - - while True: - q = int(c / d) - r = c % d - if r == 0: - break - c = d - d = r - - t = aprime - aprime = a - a = t - q * a - - t = bprime - bprime = b - b = t - q * b - - pair = None - if m > n: - pair = (a, b) - else: - pair = (b, a) - return pair - - -def main(): - if len(sys.argv) < 3: - print('2 integer arguments required') - exit(1) - m = int(sys.argv[1]) - n = int(sys.argv[2]) - print(extended_euclidean_algorithm(m, n)) - - -if __name__ == '__main__': - main() +# @Author: S. Sharma +# @Date: 2019-02-25T12:08:53-06:00 +# @Email: silentcat@protonmail.com +# @Last modified by: silentcat +# @Last modified time: 2019-02-26T07:07:38-06:00 + +import sys + + +# Finds 2 numbers a and b such that it satisfies +# the equation am + bn = gcd(m, n) (a.k.a Bezout's Identity) +def extended_euclidean_algorithm(m, n): + a = 0; + aprime = 1; + b = 1; + bprime = 0 + q = 0; + r = 0 + if m > n: + c = m; + d = n + else: + c = n; + d = m + + while True: + q = int(c / d) + r = c % d + if r == 0: + break + c = d + d = r + + t = aprime + aprime = a + a = t - q * a + + t = bprime + bprime = b + b = t - q * b + + pair = None + if m > n: + pair = (a, b) + else: + pair = (b, a) + return pair + + +def main(): + if len(sys.argv) < 3: + print('2 integer arguments required') + exit(1) + m = int(sys.argv[1]) + n = int(sys.argv[2]) + print(extended_euclidean_algorithm(m, n)) + + +if __name__ == '__main__': + main() diff --git a/maths/factorial_python.py b/maths/factorial_python.py index 2a63655c9e6d..62d8ee43f354 100644 --- a/maths/factorial_python.py +++ b/maths/factorial_python.py @@ -1,19 +1,19 @@ -# Python program to find the factorial of a number provided by the user. - -# change the value for a different result -num = 10 - -# uncomment to take input from the user -# num = int(input("Enter a number: ")) - -factorial = 1 - -# check if the number is negative, positive or zero -if num < 0: - print("Sorry, factorial does not exist for negative numbers") -elif num == 0: - print("The factorial of 0 is 1") -else: - for i in range(1, num + 1): - factorial = factorial * i - print("The factorial of", num, "is", factorial) +# Python program to find the factorial of a number provided by the user. + +# change the value for a different result +num = 10 + +# uncomment to take input from the user +# num = int(input("Enter a number: ")) + +factorial = 1 + +# check if the number is negative, positive or zero +if num < 0: + print("Sorry, factorial does not exist for negative numbers") +elif num == 0: + print("The factorial of 0 is 1") +else: + for i in range(1, num + 1): + factorial = factorial * i + print("The factorial of", num, "is", factorial) diff --git a/maths/factorial_recursive.py b/maths/factorial_recursive.py index cbe9e4ad82fb..97eb25ea745d 100644 --- a/maths/factorial_recursive.py +++ b/maths/factorial_recursive.py @@ -1,14 +1,14 @@ -def fact(n): - """ - Return 1, if n is 1 or below, - otherwise, return n * fact(n-1). - """ - return 1 if n <= 1 else n * fact(n - 1) - - -""" -Shown factorial for i, -where i ranges from 1 to 20. -""" -for i in range(1, 21): - print(i, ": ", fact(i), sep='') +def fact(n): + """ + Return 1, if n is 1 or below, + otherwise, return n * fact(n-1). + """ + return 1 if n <= 1 else n * fact(n - 1) + + +""" +Shown factorial for i, +where i ranges from 1 to 20. +""" +for i in range(1, 21): + print(i, ": ", fact(i), sep='') diff --git a/maths/fermat_little_theorem.py b/maths/fermat_little_theorem.py index 49fd19d21a69..10d69ecf610e 100644 --- a/maths/fermat_little_theorem.py +++ b/maths/fermat_little_theorem.py @@ -1,29 +1,29 @@ -# Python program to show the usage of Fermat's little theorem in a division -# According to Fermat's little theorem, (a / b) mod p always equals a * (b ^ (p - 2)) mod p -# Here we assume that p is a prime number, b divides a, and p doesn't divide b -# Wikipedia reference: https://en.wikipedia.org/wiki/Fermat%27s_little_theorem - - -def binary_exponentiation(a, n, mod): - if (n == 0): - return 1 - - elif (n % 2 == 1): - return (binary_exponentiation(a, n - 1, mod) * a) % mod - - else: - b = binary_exponentiation(a, n / 2, mod) - return (b * b) % mod - - -# a prime number -p = 701 - -a = 1000000000 -b = 10 - -# using binary exponentiation function, O(log(p)): -print((a / b) % p == (a * binary_exponentiation(b, p - 2, p)) % p) - -# using Python operators: -print((a / b) % p == (a * b ** (p - 2)) % p) +# Python program to show the usage of Fermat's little theorem in a division +# According to Fermat's little theorem, (a / b) mod p always equals a * (b ^ (p - 2)) mod p +# Here we assume that p is a prime number, b divides a, and p doesn't divide b +# Wikipedia reference: https://en.wikipedia.org/wiki/Fermat%27s_little_theorem + + +def binary_exponentiation(a, n, mod): + if (n == 0): + return 1 + + elif (n % 2 == 1): + return (binary_exponentiation(a, n - 1, mod) * a) % mod + + else: + b = binary_exponentiation(a, n / 2, mod) + return (b * b) % mod + + +# a prime number +p = 701 + +a = 1000000000 +b = 10 + +# using binary exponentiation function, O(log(p)): +print((a / b) % p == (a * binary_exponentiation(b, p - 2, p)) % p) + +# using Python operators: +print((a / b) % p == (a * b ** (p - 2)) % p) diff --git a/maths/fibonacci.py b/maths/fibonacci.py index dd4d7334d02e..de6ff5a5d7b9 100644 --- a/maths/fibonacci.py +++ b/maths/fibonacci.py @@ -1,121 +1,121 @@ -# fibonacci.py -""" -1. Calculates the iterative fibonacci sequence - -2. Calculates the fibonacci sequence with a formula - an = [ Phin - (phi)n ]/Sqrt[5] - reference-->Su, Francis E., et al. "Fibonacci Number Formula." Math Fun Facts. -""" -import functools -import math -import time -from decimal import getcontext, Decimal - -getcontext().prec = 100 - - -def timer_decorator(func): - @functools.wraps(func) - def timer_wrapper(*args, **kwargs): - start = time.time() - func(*args, **kwargs) - end = time.time() - if int(end - start) > 0: - print(f'Run time for {func.__name__}: {(end - start):0.2f}s') - else: - print(f'Run time for {func.__name__}: {(end - start) * 1000:0.2f}ms') - return func(*args, **kwargs) - - return timer_wrapper - - -# define Python user-defined exceptions -class Error(Exception): - """Base class for other exceptions""" - - -class ValueTooLargeError(Error): - """Raised when the input value is too large""" - - -class ValueTooSmallError(Error): - """Raised when the input value is not greater than one""" - - -class ValueLessThanZero(Error): - """Raised when the input value is less than zero""" - - -def _check_number_input(n, min_thresh, max_thresh=None): - """ - :param n: single integer - :type n: int - :param min_thresh: min threshold, single integer - :type min_thresh: int - :param max_thresh: max threshold, single integer - :type max_thresh: int - :return: boolean - """ - try: - if n >= min_thresh and max_thresh is None: - return True - elif min_thresh <= n <= max_thresh: - return True - elif n < 0: - raise ValueLessThanZero - elif n < min_thresh: - raise ValueTooSmallError - elif n > max_thresh: - raise ValueTooLargeError - except ValueLessThanZero: - print("Incorrect Input: number must not be less than 0") - except ValueTooSmallError: - print(f'Incorrect Input: input number must be > {min_thresh} for the recursive calculation') - except ValueTooLargeError: - print(f'Incorrect Input: input number must be < {max_thresh} for the recursive calculation') - return False - - -@timer_decorator -def fib_iterative(n): - """ - :param n: calculate Fibonacci to the nth integer - :type n:int - :return: Fibonacci sequence as a list - """ - n = int(n) - if _check_number_input(n, 2): - seq_out = [0, 1] - a, b = 0, 1 - for _ in range(n - len(seq_out)): - a, b = b, a + b - seq_out.append(b) - return seq_out - - -@timer_decorator -def fib_formula(n): - """ - :param n: calculate Fibonacci to the nth integer - :type n:int - :return: Fibonacci sequence as a list - """ - seq_out = [0, 1] - n = int(n) - if _check_number_input(n, 2, 1000000): - sqrt = Decimal(math.sqrt(5)) - phi_1 = Decimal(1 + sqrt) / Decimal(2) - phi_2 = Decimal(1 - sqrt) / Decimal(2) - for i in range(2, n): - temp_out = ((phi_1 ** Decimal(i)) - (phi_2 ** Decimal(i))) * (Decimal(sqrt) ** Decimal(-1)) - seq_out.append(int(temp_out)) - return seq_out - - -if __name__ == '__main__': - num = 20 - # print(f'{fib_recursive(num)}\n') - # print(f'{fib_iterative(num)}\n') - # print(f'{fib_formula(num)}\n') - fib_iterative(num) - fib_formula(num) +# fibonacci.py +""" +1. Calculates the iterative fibonacci sequence + +2. Calculates the fibonacci sequence with a formula + an = [ Phin - (phi)n ]/Sqrt[5] + reference-->Su, Francis E., et al. "Fibonacci Number Formula." Math Fun Facts. +""" +import functools +import math +import time +from decimal import getcontext, Decimal + +getcontext().prec = 100 + + +def timer_decorator(func): + @functools.wraps(func) + def timer_wrapper(*args, **kwargs): + start = time.time() + func(*args, **kwargs) + end = time.time() + if int(end - start) > 0: + print(f'Run time for {func.__name__}: {(end - start):0.2f}s') + else: + print(f'Run time for {func.__name__}: {(end - start) * 1000:0.2f}ms') + return func(*args, **kwargs) + + return timer_wrapper + + +# define Python user-defined exceptions +class Error(Exception): + """Base class for other exceptions""" + + +class ValueTooLargeError(Error): + """Raised when the input value is too large""" + + +class ValueTooSmallError(Error): + """Raised when the input value is not greater than one""" + + +class ValueLessThanZero(Error): + """Raised when the input value is less than zero""" + + +def _check_number_input(n, min_thresh, max_thresh=None): + """ + :param n: single integer + :type n: int + :param min_thresh: min threshold, single integer + :type min_thresh: int + :param max_thresh: max threshold, single integer + :type max_thresh: int + :return: boolean + """ + try: + if n >= min_thresh and max_thresh is None: + return True + elif min_thresh <= n <= max_thresh: + return True + elif n < 0: + raise ValueLessThanZero + elif n < min_thresh: + raise ValueTooSmallError + elif n > max_thresh: + raise ValueTooLargeError + except ValueLessThanZero: + print("Incorrect Input: number must not be less than 0") + except ValueTooSmallError: + print(f'Incorrect Input: input number must be > {min_thresh} for the recursive calculation') + except ValueTooLargeError: + print(f'Incorrect Input: input number must be < {max_thresh} for the recursive calculation') + return False + + +@timer_decorator +def fib_iterative(n): + """ + :param n: calculate Fibonacci to the nth integer + :type n:int + :return: Fibonacci sequence as a list + """ + n = int(n) + if _check_number_input(n, 2): + seq_out = [0, 1] + a, b = 0, 1 + for _ in range(n - len(seq_out)): + a, b = b, a + b + seq_out.append(b) + return seq_out + + +@timer_decorator +def fib_formula(n): + """ + :param n: calculate Fibonacci to the nth integer + :type n:int + :return: Fibonacci sequence as a list + """ + seq_out = [0, 1] + n = int(n) + if _check_number_input(n, 2, 1000000): + sqrt = Decimal(math.sqrt(5)) + phi_1 = Decimal(1 + sqrt) / Decimal(2) + phi_2 = Decimal(1 - sqrt) / Decimal(2) + for i in range(2, n): + temp_out = ((phi_1 ** Decimal(i)) - (phi_2 ** Decimal(i))) * (Decimal(sqrt) ** Decimal(-1)) + seq_out.append(int(temp_out)) + return seq_out + + +if __name__ == '__main__': + num = 20 + # print(f'{fib_recursive(num)}\n') + # print(f'{fib_iterative(num)}\n') + # print(f'{fib_formula(num)}\n') + fib_iterative(num) + fib_formula(num) diff --git a/maths/fibonacci_sequence_recursion.py b/maths/fibonacci_sequence_recursion.py index 8fc948c05bd0..c841167699c9 100644 --- a/maths/fibonacci_sequence_recursion.py +++ b/maths/fibonacci_sequence_recursion.py @@ -1,24 +1,24 @@ -# Fibonacci Sequence Using Recursion - -def recur_fibo(n): - if n <= 1: - return n - else: - (recur_fibo(n - 1) + recur_fibo(n - 2)) - - -def isPositiveInteger(limit): - return limit >= 0 - - -def main(): - limit = int(input("How many terms to include in fibonacci series: ")) - if isPositiveInteger(limit): - print("The first {limit} terms of the fibonacci series are as follows:") - print([recur_fibo(n) for n in range(limit)]) - else: - print("Please enter a positive integer: ") - - -if __name__ == '__main__': - main() +# Fibonacci Sequence Using Recursion + +def recur_fibo(n): + if n <= 1: + return n + else: + (recur_fibo(n - 1) + recur_fibo(n - 2)) + + +def isPositiveInteger(limit): + return limit >= 0 + + +def main(): + limit = int(input("How many terms to include in fibonacci series: ")) + if isPositiveInteger(limit): + print("The first {limit} terms of the fibonacci series are as follows:") + print([recur_fibo(n) for n in range(limit)]) + else: + print("Please enter a positive integer: ") + + +if __name__ == '__main__': + main() diff --git a/maths/find_lcm.py b/maths/find_lcm.py index a000e87dc83a..126242699ab7 100644 --- a/maths/find_lcm.py +++ b/maths/find_lcm.py @@ -1,18 +1,18 @@ -def find_lcm(num_1, num_2): - max = num_1 if num_1 > num_2 else num_2 - lcm = max - while (True): - if ((lcm % num_1 == 0) and (lcm % num_2 == 0)): - break - lcm += max - return lcm - - -def main(): - num_1 = 12 - num_2 = 76 - print(find_lcm(num_1, num_2)) - - -if __name__ == '__main__': - main() +def find_lcm(num_1, num_2): + max = num_1 if num_1 > num_2 else num_2 + lcm = max + while (True): + if ((lcm % num_1 == 0) and (lcm % num_2 == 0)): + break + lcm += max + return lcm + + +def main(): + num_1 = 12 + num_2 = 76 + print(find_lcm(num_1, num_2)) + + +if __name__ == '__main__': + main() diff --git a/maths/greater_common_divisor.py b/maths/greater_common_divisor.py index 80af2c93d592..343ab7963619 100644 --- a/maths/greater_common_divisor.py +++ b/maths/greater_common_divisor.py @@ -1,17 +1,17 @@ -# Greater Common Divisor - https://en.wikipedia.org/wiki/Greatest_common_divisor -def gcd(a, b): - return b if a == 0 else gcd(b % a, a) - - -def main(): - try: - nums = input("Enter two Integers separated by comma (,): ").split(',') - num1 = int(nums[0]); - num2 = int(nums[1]) - except (IndexError, UnboundLocalError, ValueError): - print("Wrong Input") - print(f"gcd({num1}, {num2}) = {gcd(num1, num2)}") - - -if __name__ == '__main__': - main() +# Greater Common Divisor - https://en.wikipedia.org/wiki/Greatest_common_divisor +def gcd(a, b): + return b if a == 0 else gcd(b % a, a) + + +def main(): + try: + nums = input("Enter two Integers separated by comma (,): ").split(',') + num1 = int(nums[0]); + num2 = int(nums[1]) + except (IndexError, UnboundLocalError, ValueError): + print("Wrong Input") + print(f"gcd({num1}, {num2}) = {gcd(num1, num2)}") + + +if __name__ == '__main__': + main() diff --git a/maths/lucasSeries.py b/maths/lucasSeries.py index 9d53f6382eb6..c9adc10f0986 100644 --- a/maths/lucasSeries.py +++ b/maths/lucasSeries.py @@ -1,14 +1,14 @@ -# Lucas Sequence Using Recursion - -def recur_luc(n): - if n == 1: - return n - if n == 0: - return 2 - return (recur_luc(n - 1) + recur_luc(n - 2)) - - -limit = int(input("How many terms to include in Lucas series:")) -print("Lucas series:") -for i in range(limit): - print(recur_luc(i)) +# Lucas Sequence Using Recursion + +def recur_luc(n): + if n == 1: + return n + if n == 0: + return 2 + return (recur_luc(n - 1) + recur_luc(n - 2)) + + +limit = int(input("How many terms to include in Lucas series:")) +print("Lucas series:") +for i in range(limit): + print(recur_luc(i)) diff --git a/maths/modular_exponential.py b/maths/modular_exponential.py index 21a8c4405beb..5971951c17bc 100644 --- a/maths/modular_exponential.py +++ b/maths/modular_exponential.py @@ -1,20 +1,20 @@ -def modularExponential(base, power, mod): - if power < 0: - return -1 - base %= mod - result = 1 - - while power > 0: - if power & 1: - result = (result * base) % mod - power = power >> 1 - base = (base * base) % mod - return result - - -def main(): - print(modularExponential(3, 200, 13)) - - -if __name__ == '__main__': - main() +def modularExponential(base, power, mod): + if power < 0: + return -1 + base %= mod + result = 1 + + while power > 0: + if power & 1: + result = (result * base) % mod + power = power >> 1 + base = (base * base) % mod + return result + + +def main(): + print(modularExponential(3, 200, 13)) + + +if __name__ == '__main__': + main() diff --git a/maths/newton_raphson.py b/maths/newton_raphson.py index 8feaae7d0a7c..c77a0c83668b 100644 --- a/maths/newton_raphson.py +++ b/maths/newton_raphson.py @@ -1,53 +1,53 @@ -''' - Author: P Shreyas Shetty - Implementation of Newton-Raphson method for solving equations of kind - f(x) = 0. It is an iterative method where solution is found by the expression - x[n+1] = x[n] + f(x[n])/f'(x[n]) - If no solution exists, then either the solution will not be found when iteration - limit is reached or the gradient f'(x[n]) approaches zero. In both cases, exception - is raised. If iteration limit is reached, try increasing maxiter. - ''' - -import math as m - - -def calc_derivative(f, a, h=0.001): - ''' - Calculates derivative at point a for function f using finite difference - method - ''' - return (f(a + h) - f(a - h)) / (2 * h) - - -def newton_raphson(f, x0=0, maxiter=100, step=0.0001, maxerror=1e-6, logsteps=False): - a = x0 # set the initial guess - steps = [a] - error = abs(f(a)) - f1 = lambda x: calc_derivative(f, x, h=step) # Derivative of f(x) - for _ in range(maxiter): - if f1(a) == 0: - raise ValueError("No converging solution found") - a = a - f(a) / f1(a) # Calculate the next estimate - if logsteps: - steps.append(a) - error = abs(f(a)) - if error < maxerror: - break - else: - raise ValueError("Itheration limit reached, no converging solution found") - if logsteps: - # If logstep is true, then log intermediate steps - return a, error, steps - return a, error - - -if __name__ == '__main__': - import matplotlib.pyplot as plt - - f = lambda x: m.tanh(x) ** 2 - m.exp(3 * x) - solution, error, steps = newton_raphson(f, x0=10, maxiter=1000, step=1e-6, logsteps=True) - plt.plot([abs(f(x)) for x in steps]) - plt.xlabel("step") - plt.ylabel("error") - plt.show() - print("solution = {%f}, error = {%f}" % (solution, error)) +''' + Author: P Shreyas Shetty + Implementation of Newton-Raphson method for solving equations of kind + f(x) = 0. It is an iterative method where solution is found by the expression + x[n+1] = x[n] + f(x[n])/f'(x[n]) + If no solution exists, then either the solution will not be found when iteration + limit is reached or the gradient f'(x[n]) approaches zero. In both cases, exception + is raised. If iteration limit is reached, try increasing maxiter. + ''' + +import math as m + + +def calc_derivative(f, a, h=0.001): + ''' + Calculates derivative at point a for function f using finite difference + method + ''' + return (f(a + h) - f(a - h)) / (2 * h) + + +def newton_raphson(f, x0=0, maxiter=100, step=0.0001, maxerror=1e-6, logsteps=False): + a = x0 # set the initial guess + steps = [a] + error = abs(f(a)) + f1 = lambda x: calc_derivative(f, x, h=step) # Derivative of f(x) + for _ in range(maxiter): + if f1(a) == 0: + raise ValueError("No converging solution found") + a = a - f(a) / f1(a) # Calculate the next estimate + if logsteps: + steps.append(a) + error = abs(f(a)) + if error < maxerror: + break + else: + raise ValueError("Itheration limit reached, no converging solution found") + if logsteps: + # If logstep is true, then log intermediate steps + return a, error, steps + return a, error + + +if __name__ == '__main__': + import matplotlib.pyplot as plt + + f = lambda x: m.tanh(x) ** 2 - m.exp(3 * x) + solution, error, steps = newton_raphson(f, x0=10, maxiter=1000, step=1e-6, logsteps=True) + plt.plot([abs(f(x)) for x in steps]) + plt.xlabel("step") + plt.ylabel("error") + plt.show() + print("solution = {%f}, error = {%f}" % (solution, error)) diff --git a/maths/segmented_sieve.py b/maths/segmented_sieve.py index 3c81d67ba9ba..0d00acf3b99c 100644 --- a/maths/segmented_sieve.py +++ b/maths/segmented_sieve.py @@ -1,48 +1,48 @@ -import math - - -def sieve(n): - in_prime = [] - start = 2 - end = int(math.sqrt(n)) # Size of every segment - temp = [True] * (end + 1) - prime = [] - - while (start <= end): - if temp[start] == True: - in_prime.append(start) - for i in range(start * start, end + 1, start): - if temp[i] == True: - temp[i] = False - start += 1 - prime += in_prime - - low = end + 1 - high = low + end - 1 - if high > n: - high = n - - while (low <= n): - temp = [True] * (high - low + 1) - for each in in_prime: - - t = math.floor(low / each) * each - if t < low: - t += each - - for j in range(t, high + 1, each): - temp[j - low] = False - - for j in range(len(temp)): - if temp[j] == True: - prime.append(j + low) - - low = high + 1 - high = low + end - 1 - if high > n: - high = n - - return prime - - -print(sieve(10 ** 6)) +import math + + +def sieve(n): + in_prime = [] + start = 2 + end = int(math.sqrt(n)) # Size of every segment + temp = [True] * (end + 1) + prime = [] + + while (start <= end): + if temp[start] == True: + in_prime.append(start) + for i in range(start * start, end + 1, start): + if temp[i] == True: + temp[i] = False + start += 1 + prime += in_prime + + low = end + 1 + high = low + end - 1 + if high > n: + high = n + + while (low <= n): + temp = [True] * (high - low + 1) + for each in in_prime: + + t = math.floor(low / each) * each + if t < low: + t += each + + for j in range(t, high + 1, each): + temp[j - low] = False + + for j in range(len(temp)): + if temp[j] == True: + prime.append(j + low) + + low = high + 1 + high = low + end - 1 + if high > n: + high = n + + return prime + + +print(sieve(10 ** 6)) diff --git a/maths/sieve_of_eratosthenes.py b/maths/sieve_of_eratosthenes.py index d36ca24c50f6..5a510e8b9f10 100644 --- a/maths/sieve_of_eratosthenes.py +++ b/maths/sieve_of_eratosthenes.py @@ -1,26 +1,26 @@ -import math - -n = int(input("Enter n: ")) - - -def sieve(n): - l = [True] * (n + 1) - prime = [] - start = 2 - end = int(math.sqrt(n)) - while (start <= end): - if l[start] == True: - prime.append(start) - for i in range(start * start, n + 1, start): - if l[i] == True: - l[i] = False - start += 1 - - for j in range(end + 1, n + 1): - if l[j] == True: - prime.append(j) - - return prime - - -print(sieve(n)) +import math + +n = int(input("Enter n: ")) + + +def sieve(n): + l = [True] * (n + 1) + prime = [] + start = 2 + end = int(math.sqrt(n)) + while (start <= end): + if l[start] == True: + prime.append(start) + for i in range(start * start, n + 1, start): + if l[i] == True: + l[i] = False + start += 1 + + for j in range(end + 1, n + 1): + if l[j] == True: + prime.append(j) + + return prime + + +print(sieve(n)) diff --git a/maths/simpson_rule.py b/maths/simpson_rule.py index ae8c75dc4646..27dde18b0a6f 100644 --- a/maths/simpson_rule.py +++ b/maths/simpson_rule.py @@ -1,52 +1,52 @@ -''' -Numerical integration or quadrature for a smooth function f with known values at x_i - -This method is the classical approch of suming 'Equally Spaced Abscissas' - -method 2: -"Simpson Rule" - -''' -from __future__ import print_function - - -def method_2(boundary, steps): - # "Simpson Rule" - # int(f) = delta_x/2 * (b-a)/3*(f1 + 4f2 + 2f_3 + ... + fn) - h = (boundary[1] - boundary[0]) / steps - a = boundary[0] - b = boundary[1] - x_i = makePoints(a, b, h) - y = 0.0 - y += (h / 3.0) * f(a) - cnt = 2 - for i in x_i: - y += (h / 3) * (4 - 2 * (cnt % 2)) * f(i) - cnt += 1 - y += (h / 3.0) * f(b) - return y - - -def makePoints(a, b, h): - x = a + h - while x < (b - h): - yield x - x = x + h - - -def f(x): # enter your function here - y = (x - 0) * (x - 0) - return y - - -def main(): - a = 0.0 # Lower bound of integration - b = 1.0 # Upper bound of integration - steps = 10.0 # define number of steps or resolution - boundary = [a, b] # define boundary of integration - y = method_2(boundary, steps) - print('y = {0}'.format(y)) - - -if __name__ == '__main__': - main() +''' +Numerical integration or quadrature for a smooth function f with known values at x_i + +This method is the classical approch of suming 'Equally Spaced Abscissas' + +method 2: +"Simpson Rule" + +''' +from __future__ import print_function + + +def method_2(boundary, steps): + # "Simpson Rule" + # int(f) = delta_x/2 * (b-a)/3*(f1 + 4f2 + 2f_3 + ... + fn) + h = (boundary[1] - boundary[0]) / steps + a = boundary[0] + b = boundary[1] + x_i = makePoints(a, b, h) + y = 0.0 + y += (h / 3.0) * f(a) + cnt = 2 + for i in x_i: + y += (h / 3) * (4 - 2 * (cnt % 2)) * f(i) + cnt += 1 + y += (h / 3.0) * f(b) + return y + + +def makePoints(a, b, h): + x = a + h + while x < (b - h): + yield x + x = x + h + + +def f(x): # enter your function here + y = (x - 0) * (x - 0) + return y + + +def main(): + a = 0.0 # Lower bound of integration + b = 1.0 # Upper bound of integration + steps = 10.0 # define number of steps or resolution + boundary = [a, b] # define boundary of integration + y = method_2(boundary, steps) + print('y = {0}'.format(y)) + + +if __name__ == '__main__': + main() diff --git a/maths/tests/__init__.py b/maths/tests/__init__.py index d3f5a12faa99..8b137891791f 100644 --- a/maths/tests/__init__.py +++ b/maths/tests/__init__.py @@ -1 +1 @@ - + diff --git a/maths/tests/test_fibonacci.py b/maths/tests/test_fibonacci.py index aa51bc3f9392..4254698b3c6d 100644 --- a/maths/tests/test_fibonacci.py +++ b/maths/tests/test_fibonacci.py @@ -1,34 +1,34 @@ -""" -To run with slash: -1. run pip install slash (may need to install C++ builds from Visual Studio website) -2. In the command prompt navigate to your project folder -3. then type--> slash run -vv -k tags:fibonacci .. - -vv indicates the level of verbosity (how much stuff you want the test to spit out after running) - -k is a way to select the tests you want to run. This becomes much more important in large scale projects. -""" - -import slash - -from .. import fibonacci - -default_fib = [0, 1, 1, 2, 3, 5, 8] - - -@slash.tag('fibonacci') -@slash.parametrize(('n', 'seq'), [(2, [0, 1]), (3, [0, 1, 1]), (9, [0, 1, 1, 2, 3, 5, 8, 13, 21])]) -def test_different_sequence_lengths(n, seq): - """Test output of varying fibonacci sequence lengths""" - iterative = fibonacci.fib_iterative(n) - formula = fibonacci.fib_formula(n) - assert iterative == seq - assert formula == seq - - -@slash.tag('fibonacci') -@slash.parametrize('n', [7.3, 7.8, 7.0]) -def test_float_input_iterative(n): - """Test when user enters a float value""" - iterative = fibonacci.fib_iterative(n) - formula = fibonacci.fib_formula(n) - assert iterative == default_fib - assert formula == default_fib +""" +To run with slash: +1. run pip install slash (may need to install C++ builds from Visual Studio website) +2. In the command prompt navigate to your project folder +3. then type--> slash run -vv -k tags:fibonacci .. + -vv indicates the level of verbosity (how much stuff you want the test to spit out after running) + -k is a way to select the tests you want to run. This becomes much more important in large scale projects. +""" + +import slash + +from .. import fibonacci + +default_fib = [0, 1, 1, 2, 3, 5, 8] + + +@slash.tag('fibonacci') +@slash.parametrize(('n', 'seq'), [(2, [0, 1]), (3, [0, 1, 1]), (9, [0, 1, 1, 2, 3, 5, 8, 13, 21])]) +def test_different_sequence_lengths(n, seq): + """Test output of varying fibonacci sequence lengths""" + iterative = fibonacci.fib_iterative(n) + formula = fibonacci.fib_formula(n) + assert iterative == seq + assert formula == seq + + +@slash.tag('fibonacci') +@slash.parametrize('n', [7.3, 7.8, 7.0]) +def test_float_input_iterative(n): + """Test when user enters a float value""" + iterative = fibonacci.fib_iterative(n) + formula = fibonacci.fib_formula(n) + assert iterative == default_fib + assert formula == default_fib diff --git a/maths/trapezoidal_rule.py b/maths/trapezoidal_rule.py index 12e02abe2a79..a1d1668532c8 100644 --- a/maths/trapezoidal_rule.py +++ b/maths/trapezoidal_rule.py @@ -1,51 +1,51 @@ -''' -Numerical integration or quadrature for a smooth function f with known values at x_i - -This method is the classical approch of suming 'Equally Spaced Abscissas' - -method 1: -"extended trapezoidal rule" - -''' -from __future__ import print_function - - -def method_1(boundary, steps): - # "extended trapezoidal rule" - # int(f) = dx/2 * (f1 + 2f2 + ... + fn) - h = (boundary[1] - boundary[0]) / steps - a = boundary[0] - b = boundary[1] - x_i = makePoints(a, b, h) - y = 0.0 - y += (h / 2.0) * f(a) - for i in x_i: - # print(i) - y += h * f(i) - y += (h / 2.0) * f(b) - return y - - -def makePoints(a, b, h): - x = a + h - while x < (b - h): - yield x - x = x + h - - -def f(x): # enter your function here - y = (x - 0) * (x - 0) - return y - - -def main(): - a = 0.0 # Lower bound of integration - b = 1.0 # Upper bound of integration - steps = 10.0 # define number of steps or resolution - boundary = [a, b] # define boundary of integration - y = method_1(boundary, steps) - print('y = {0}'.format(y)) - - -if __name__ == '__main__': - main() +''' +Numerical integration or quadrature for a smooth function f with known values at x_i + +This method is the classical approch of suming 'Equally Spaced Abscissas' + +method 1: +"extended trapezoidal rule" + +''' +from __future__ import print_function + + +def method_1(boundary, steps): + # "extended trapezoidal rule" + # int(f) = dx/2 * (f1 + 2f2 + ... + fn) + h = (boundary[1] - boundary[0]) / steps + a = boundary[0] + b = boundary[1] + x_i = makePoints(a, b, h) + y = 0.0 + y += (h / 2.0) * f(a) + for i in x_i: + # print(i) + y += h * f(i) + y += (h / 2.0) * f(b) + return y + + +def makePoints(a, b, h): + x = a + h + while x < (b - h): + yield x + x = x + h + + +def f(x): # enter your function here + y = (x - 0) * (x - 0) + return y + + +def main(): + a = 0.0 # Lower bound of integration + b = 1.0 # Upper bound of integration + steps = 10.0 # define number of steps or resolution + boundary = [a, b] # define boundary of integration + y = method_1(boundary, steps) + print('y = {0}'.format(y)) + + +if __name__ == '__main__': + main() diff --git a/matrix/matrix_multiplication_addition.py b/matrix/matrix_multiplication_addition.py index 5c22397c8a40..7cf0304f8db0 100644 --- a/matrix/matrix_multiplication_addition.py +++ b/matrix/matrix_multiplication_addition.py @@ -1,84 +1,84 @@ -def add(matrix_a, matrix_b): - rows = len(matrix_a) - columns = len(matrix_a[0]) - matrix_c = [] - for i in range(rows): - list_1 = [] - for j in range(columns): - val = matrix_a[i][j] + matrix_b[i][j] - list_1.append(val) - matrix_c.append(list_1) - return matrix_c - - -def scalarMultiply(matrix, n): - return [[x * n for x in row] for row in matrix] - - -def multiply(matrix_a, matrix_b): - matrix_c = [] - n = len(matrix_a) - for i in range(n): - list_1 = [] - for j in range(n): - val = 0 - for k in range(n): - val = val + matrix_a[i][k] * matrix_b[k][j] - list_1.append(val) - matrix_c.append(list_1) - return matrix_c - - -def identity(n): - return [[int(row == column) for column in range(n)] for row in range(n)] - - -def transpose(matrix): - return map(list, zip(*matrix)) - - -def minor(matrix, row, column): - minor = matrix[:row] + matrix[row + 1:] - minor = [row[:column] + row[column + 1:] for row in minor] - return minor - - -def determinant(matrix): - if len(matrix) == 1: return matrix[0][0] - - res = 0 - for x in range(len(matrix)): - res += matrix[0][x] * determinant(minor(matrix, 0, x)) * (-1) ** x - return res - - -def inverse(matrix): - det = determinant(matrix) - if det == 0: return None - - matrixMinor = [[] for _ in range(len(matrix))] - for i in range(len(matrix)): - for j in range(len(matrix)): - matrixMinor[i].append(determinant(minor(matrix, i, j))) - - cofactors = [[x * (-1) ** (row + col) for col, x in enumerate(matrixMinor[row])] for row in range(len(matrix))] - adjugate = transpose(cofactors) - return scalarMultiply(adjugate, 1 / det) - - -def main(): - matrix_a = [[12, 10], [3, 9]] - matrix_b = [[3, 4], [7, 4]] - matrix_c = [[11, 12, 13, 14], [21, 22, 23, 24], [31, 32, 33, 34], [41, 42, 43, 44]] - matrix_d = [[3, 0, 2], [2, 0, -2], [0, 1, 1]] - - print(add(matrix_a, matrix_b)) - print(multiply(matrix_a, matrix_b)) - print(identity(5)) - print(minor(matrix_c, 1, 2)) - print(determinant(matrix_b)) - print(inverse(matrix_d)) - - -if __name__ == '__main__': - main() +def add(matrix_a, matrix_b): + rows = len(matrix_a) + columns = len(matrix_a[0]) + matrix_c = [] + for i in range(rows): + list_1 = [] + for j in range(columns): + val = matrix_a[i][j] + matrix_b[i][j] + list_1.append(val) + matrix_c.append(list_1) + return matrix_c + + +def scalarMultiply(matrix, n): + return [[x * n for x in row] for row in matrix] + + +def multiply(matrix_a, matrix_b): + matrix_c = [] + n = len(matrix_a) + for i in range(n): + list_1 = [] + for j in range(n): + val = 0 + for k in range(n): + val = val + matrix_a[i][k] * matrix_b[k][j] + list_1.append(val) + matrix_c.append(list_1) + return matrix_c + + +def identity(n): + return [[int(row == column) for column in range(n)] for row in range(n)] + + +def transpose(matrix): + return map(list, zip(*matrix)) + + +def minor(matrix, row, column): + minor = matrix[:row] + matrix[row + 1:] + minor = [row[:column] + row[column + 1:] for row in minor] + return minor + + +def determinant(matrix): + if len(matrix) == 1: return matrix[0][0] + + res = 0 + for x in range(len(matrix)): + res += matrix[0][x] * determinant(minor(matrix, 0, x)) * (-1) ** x + return res + + +def inverse(matrix): + det = determinant(matrix) + if det == 0: return None + + matrixMinor = [[] for _ in range(len(matrix))] + for i in range(len(matrix)): + for j in range(len(matrix)): + matrixMinor[i].append(determinant(minor(matrix, i, j))) + + cofactors = [[x * (-1) ** (row + col) for col, x in enumerate(matrixMinor[row])] for row in range(len(matrix))] + adjugate = transpose(cofactors) + return scalarMultiply(adjugate, 1 / det) + + +def main(): + matrix_a = [[12, 10], [3, 9]] + matrix_b = [[3, 4], [7, 4]] + matrix_c = [[11, 12, 13, 14], [21, 22, 23, 24], [31, 32, 33, 34], [41, 42, 43, 44]] + matrix_d = [[3, 0, 2], [2, 0, -2], [0, 1, 1]] + + print(add(matrix_a, matrix_b)) + print(multiply(matrix_a, matrix_b)) + print(identity(5)) + print(minor(matrix_c, 1, 2)) + print(determinant(matrix_b)) + print(inverse(matrix_d)) + + +if __name__ == '__main__': + main() diff --git a/matrix/searching_in_sorted_matrix.py b/matrix/searching_in_sorted_matrix.py index 4251d5c58dc3..54913b350803 100644 --- a/matrix/searching_in_sorted_matrix.py +++ b/matrix/searching_in_sorted_matrix.py @@ -1,27 +1,27 @@ -def search_in_a_sorted_matrix(mat, m, n, key): - i, j = m - 1, 0 - while i >= 0 and j < n: - if key == mat[i][j]: - print('Key %s found at row- %s column- %s' % (key, i + 1, j + 1)) - return - if key < mat[i][j]: - i -= 1 - else: - j += 1 - print('Key %s not found' % (key)) - - -def main(): - mat = [ - [2, 5, 7], - [4, 8, 13], - [9, 11, 15], - [12, 17, 20] - ] - x = int(input("Enter the element to be searched:")) - print(mat) - search_in_a_sorted_matrix(mat, len(mat), len(mat[0]), x) - - -if __name__ == '__main__': - main() +def search_in_a_sorted_matrix(mat, m, n, key): + i, j = m - 1, 0 + while i >= 0 and j < n: + if key == mat[i][j]: + print('Key %s found at row- %s column- %s' % (key, i + 1, j + 1)) + return + if key < mat[i][j]: + i -= 1 + else: + j += 1 + print('Key %s not found' % (key)) + + +def main(): + mat = [ + [2, 5, 7], + [4, 8, 13], + [9, 11, 15], + [12, 17, 20] + ] + x = int(input("Enter the element to be searched:")) + print(mat) + search_in_a_sorted_matrix(mat, len(mat), len(mat[0]), x) + + +if __name__ == '__main__': + main() diff --git a/networking_flow/ford_fulkerson.py b/networking_flow/ford_fulkerson.py index 96fab517e227..a92af22677dd 100644 --- a/networking_flow/ford_fulkerson.py +++ b/networking_flow/ford_fulkerson.py @@ -1,59 +1,59 @@ -# Ford-Fulkerson Algorithm for Maximum Flow Problem -""" -Description: - (1) Start with initial flow as 0; - (2) Choose augmenting path from source to sink and add path to flow; -""" - - -def BFS(graph, s, t, parent): - # Return True if there is node that has not iterated. - visited = [False] * len(graph) - queue = [] - queue.append(s) - visited[s] = True - - while queue: - u = queue.pop(0) - for ind in range(len(graph[u])): - if visited[ind] == False and graph[u][ind] > 0: - queue.append(ind) - visited[ind] = True - parent[ind] = u - - return True if visited[t] else False - - -def FordFulkerson(graph, source, sink): - # This array is filled by BFS and to store path - parent = [-1] * (len(graph)) - max_flow = 0 - while BFS(graph, source, sink, parent): - path_flow = float("Inf") - s = sink - - while (s != source): - # Find the minimum value in select path - path_flow = min(path_flow, graph[parent[s]][s]) - s = parent[s] - - max_flow += path_flow - v = sink - - while (v != source): - u = parent[v] - graph[u][v] -= path_flow - graph[v][u] += path_flow - v = parent[v] - return max_flow - - -graph = [[0, 16, 13, 0, 0, 0], - [0, 0, 10, 12, 0, 0], - [0, 4, 0, 0, 14, 0], - [0, 0, 9, 0, 0, 20], - [0, 0, 0, 7, 0, 4], - [0, 0, 0, 0, 0, 0]] - -source, sink = 0, 5 -print(FordFulkerson(graph, source, sink)) +# Ford-Fulkerson Algorithm for Maximum Flow Problem +""" +Description: + (1) Start with initial flow as 0; + (2) Choose augmenting path from source to sink and add path to flow; +""" + + +def BFS(graph, s, t, parent): + # Return True if there is node that has not iterated. + visited = [False] * len(graph) + queue = [] + queue.append(s) + visited[s] = True + + while queue: + u = queue.pop(0) + for ind in range(len(graph[u])): + if visited[ind] == False and graph[u][ind] > 0: + queue.append(ind) + visited[ind] = True + parent[ind] = u + + return True if visited[t] else False + + +def FordFulkerson(graph, source, sink): + # This array is filled by BFS and to store path + parent = [-1] * (len(graph)) + max_flow = 0 + while BFS(graph, source, sink, parent): + path_flow = float("Inf") + s = sink + + while (s != source): + # Find the minimum value in select path + path_flow = min(path_flow, graph[parent[s]][s]) + s = parent[s] + + max_flow += path_flow + v = sink + + while (v != source): + u = parent[v] + graph[u][v] -= path_flow + graph[v][u] += path_flow + v = parent[v] + return max_flow + + +graph = [[0, 16, 13, 0, 0, 0], + [0, 0, 10, 12, 0, 0], + [0, 4, 0, 0, 14, 0], + [0, 0, 9, 0, 0, 20], + [0, 0, 0, 7, 0, 4], + [0, 0, 0, 0, 0, 0]] + +source, sink = 0, 5 +print(FordFulkerson(graph, source, sink)) diff --git a/networking_flow/minimum_cut.py b/networking_flow/minimum_cut.py index 76b7c7644b62..f1f995c0459d 100644 --- a/networking_flow/minimum_cut.py +++ b/networking_flow/minimum_cut.py @@ -1,61 +1,61 @@ -# Minimum cut on Ford_Fulkerson algorithm. - -def BFS(graph, s, t, parent): - # Return True if there is node that has not iterated. - visited = [False] * len(graph) - queue = [] - queue.append(s) - visited[s] = True - - while queue: - u = queue.pop(0) - for ind in range(len(graph[u])): - if visited[ind] == False and graph[u][ind] > 0: - queue.append(ind) - visited[ind] = True - parent[ind] = u - - return True if visited[t] else False - - -def mincut(graph, source, sink): - # This array is filled by BFS and to store path - parent = [-1] * (len(graph)) - max_flow = 0 - res = [] - temp = [i[:] for i in graph] # Record orignial cut, copy. - while BFS(graph, source, sink, parent): - path_flow = float("Inf") - s = sink - - while (s != source): - # Find the minimum value in select path - path_flow = min(path_flow, graph[parent[s]][s]) - s = parent[s] - - max_flow += path_flow - v = sink - - while (v != source): - u = parent[v] - graph[u][v] -= path_flow - graph[v][u] += path_flow - v = parent[v] - - for i in range(len(graph)): - for j in range(len(graph[0])): - if graph[i][j] == 0 and temp[i][j] > 0: - res.append((i, j)) - - return res - - -graph = [[0, 16, 13, 0, 0, 0], - [0, 0, 10, 12, 0, 0], - [0, 4, 0, 0, 14, 0], - [0, 0, 9, 0, 0, 20], - [0, 0, 0, 7, 0, 4], - [0, 0, 0, 0, 0, 0]] - -source, sink = 0, 5 -print(mincut(graph, source, sink)) +# Minimum cut on Ford_Fulkerson algorithm. + +def BFS(graph, s, t, parent): + # Return True if there is node that has not iterated. + visited = [False] * len(graph) + queue = [] + queue.append(s) + visited[s] = True + + while queue: + u = queue.pop(0) + for ind in range(len(graph[u])): + if visited[ind] == False and graph[u][ind] > 0: + queue.append(ind) + visited[ind] = True + parent[ind] = u + + return True if visited[t] else False + + +def mincut(graph, source, sink): + # This array is filled by BFS and to store path + parent = [-1] * (len(graph)) + max_flow = 0 + res = [] + temp = [i[:] for i in graph] # Record orignial cut, copy. + while BFS(graph, source, sink, parent): + path_flow = float("Inf") + s = sink + + while (s != source): + # Find the minimum value in select path + path_flow = min(path_flow, graph[parent[s]][s]) + s = parent[s] + + max_flow += path_flow + v = sink + + while (v != source): + u = parent[v] + graph[u][v] -= path_flow + graph[v][u] += path_flow + v = parent[v] + + for i in range(len(graph)): + for j in range(len(graph[0])): + if graph[i][j] == 0 and temp[i][j] > 0: + res.append((i, j)) + + return res + + +graph = [[0, 16, 13, 0, 0, 0], + [0, 0, 10, 12, 0, 0], + [0, 4, 0, 0, 14, 0], + [0, 0, 9, 0, 0, 20], + [0, 0, 0, 7, 0, 4], + [0, 0, 0, 0, 0, 0]] + +source, sink = 0, 5 +print(mincut(graph, source, sink)) diff --git a/neural_network/bpnn.py b/neural_network/bpnn.py index 6bd39873b3f6..da017fa14ab0 100644 --- a/neural_network/bpnn.py +++ b/neural_network/bpnn.py @@ -1,196 +1,196 @@ -#!/usr/bin/python -# encoding=utf8 - -''' - -A Framework of Back Propagation Neural Network(BP) model - -Easy to use: - * add many layers as you want !!! - * clearly see how the loss decreasing -Easy to expand: - * more activation functions - * more loss functions - * more optimization method - -Author: Stephen Lee -Github : https://github.com/RiptideBo -Date: 2017.11.23 - -''' - -import matplotlib.pyplot as plt -import numpy as np - - -def sigmoid(x): - return 1 / (1 + np.exp(-1 * x)) - - -class DenseLayer(): - ''' - Layers of BP neural network - ''' - - def __init__(self, units, activation=None, learning_rate=None, is_input_layer=False): - ''' - common connected layer of bp network - :param units: numbers of neural units - :param activation: activation function - :param learning_rate: learning rate for paras - :param is_input_layer: whether it is input layer or not - ''' - self.units = units - self.weight = None - self.bias = None - self.activation = activation - if learning_rate is None: - learning_rate = 0.3 - self.learn_rate = learning_rate - self.is_input_layer = is_input_layer - - def initializer(self, back_units): - self.weight = np.asmatrix(np.random.normal(0, 0.5, (self.units, back_units))) - self.bias = np.asmatrix(np.random.normal(0, 0.5, self.units)).T - if self.activation is None: - self.activation = sigmoid - - def cal_gradient(self): - if self.activation == sigmoid: - gradient_mat = np.dot(self.output, (1 - self.output).T) - gradient_activation = np.diag(np.diag(gradient_mat)) - else: - gradient_activation = 1 - return gradient_activation - - def forward_propagation(self, xdata): - self.xdata = xdata - if self.is_input_layer: - # input layer - self.wx_plus_b = xdata - self.output = xdata - return xdata - else: - self.wx_plus_b = np.dot(self.weight, self.xdata) - self.bias - self.output = self.activation(self.wx_plus_b) - return self.output - - def back_propagation(self, gradient): - - gradient_activation = self.cal_gradient() # i * i 维 - gradient = np.asmatrix(np.dot(gradient.T, gradient_activation)) - - self._gradient_weight = np.asmatrix(self.xdata) - self._gradient_bias = -1 - self._gradient_x = self.weight - - self.gradient_weight = np.dot(gradient.T, self._gradient_weight.T) - self.gradient_bias = gradient * self._gradient_bias - self.gradient = np.dot(gradient, self._gradient_x).T - # ----------------------upgrade - # -----------the Negative gradient direction -------- - self.weight = self.weight - self.learn_rate * self.gradient_weight - self.bias = self.bias - self.learn_rate * self.gradient_bias.T - - return self.gradient - - -class BPNN(): - ''' - Back Propagation Neural Network model - ''' - - def __init__(self): - self.layers = [] - self.train_mse = [] - self.fig_loss = plt.figure() - self.ax_loss = self.fig_loss.add_subplot(1, 1, 1) - - def add_layer(self, layer): - self.layers.append(layer) - - def build(self): - for i, layer in enumerate(self.layers[:]): - if i < 1: - layer.is_input_layer = True - else: - layer.initializer(self.layers[i - 1].units) - - def summary(self): - for i, layer in enumerate(self.layers[:]): - print('------- layer %d -------' % i) - print('weight.shape ', np.shape(layer.weight)) - print('bias.shape ', np.shape(layer.bias)) - - def train(self, xdata, ydata, train_round, accuracy): - self.train_round = train_round - self.accuracy = accuracy - - self.ax_loss.hlines(self.accuracy, 0, self.train_round * 1.1) - - x_shape = np.shape(xdata) - for round_i in range(train_round): - all_loss = 0 - for row in range(x_shape[0]): - _xdata = np.asmatrix(xdata[row, :]).T - _ydata = np.asmatrix(ydata[row, :]).T - - # forward propagation - for layer in self.layers: - _xdata = layer.forward_propagation(_xdata) - - loss, gradient = self.cal_loss(_ydata, _xdata) - all_loss = all_loss + loss - - # back propagation - # the input_layer does not upgrade - for layer in self.layers[:0:-1]: - gradient = layer.back_propagation(gradient) - - mse = all_loss / x_shape[0] - self.train_mse.append(mse) - - self.plot_loss() - - if mse < self.accuracy: - print('----达到精度----') - return mse - - def cal_loss(self, ydata, ydata_): - self.loss = np.sum(np.power((ydata - ydata_), 2)) - self.loss_gradient = 2 * (ydata_ - ydata) - # vector (shape is the same as _ydata.shape) - return self.loss, self.loss_gradient - - def plot_loss(self): - if self.ax_loss.lines: - self.ax_loss.lines.remove(self.ax_loss.lines[0]) - self.ax_loss.plot(self.train_mse, 'r-') - plt.ion() - plt.xlabel('step') - plt.ylabel('loss') - plt.show() - plt.pause(0.1) - - -def example(): - x = np.random.randn(10, 10) - y = np.asarray([[0.8, 0.4], [0.4, 0.3], [0.34, 0.45], [0.67, 0.32], - [0.88, 0.67], [0.78, 0.77], [0.55, 0.66], [0.55, 0.43], [0.54, 0.1], - [0.1, 0.5]]) - - model = BPNN() - model.add_layer(DenseLayer(10)) - model.add_layer(DenseLayer(20)) - model.add_layer(DenseLayer(30)) - model.add_layer(DenseLayer(2)) - - model.build() - - model.summary() - - model.train(xdata=x, ydata=y, train_round=100, accuracy=0.01) - - -if __name__ == '__main__': - example() +#!/usr/bin/python +# encoding=utf8 + +''' + +A Framework of Back Propagation Neural Network(BP) model + +Easy to use: + * add many layers as you want !!! + * clearly see how the loss decreasing +Easy to expand: + * more activation functions + * more loss functions + * more optimization method + +Author: Stephen Lee +Github : https://github.com/RiptideBo +Date: 2017.11.23 + +''' + +import matplotlib.pyplot as plt +import numpy as np + + +def sigmoid(x): + return 1 / (1 + np.exp(-1 * x)) + + +class DenseLayer(): + ''' + Layers of BP neural network + ''' + + def __init__(self, units, activation=None, learning_rate=None, is_input_layer=False): + ''' + common connected layer of bp network + :param units: numbers of neural units + :param activation: activation function + :param learning_rate: learning rate for paras + :param is_input_layer: whether it is input layer or not + ''' + self.units = units + self.weight = None + self.bias = None + self.activation = activation + if learning_rate is None: + learning_rate = 0.3 + self.learn_rate = learning_rate + self.is_input_layer = is_input_layer + + def initializer(self, back_units): + self.weight = np.asmatrix(np.random.normal(0, 0.5, (self.units, back_units))) + self.bias = np.asmatrix(np.random.normal(0, 0.5, self.units)).T + if self.activation is None: + self.activation = sigmoid + + def cal_gradient(self): + if self.activation == sigmoid: + gradient_mat = np.dot(self.output, (1 - self.output).T) + gradient_activation = np.diag(np.diag(gradient_mat)) + else: + gradient_activation = 1 + return gradient_activation + + def forward_propagation(self, xdata): + self.xdata = xdata + if self.is_input_layer: + # input layer + self.wx_plus_b = xdata + self.output = xdata + return xdata + else: + self.wx_plus_b = np.dot(self.weight, self.xdata) - self.bias + self.output = self.activation(self.wx_plus_b) + return self.output + + def back_propagation(self, gradient): + + gradient_activation = self.cal_gradient() # i * i 维 + gradient = np.asmatrix(np.dot(gradient.T, gradient_activation)) + + self._gradient_weight = np.asmatrix(self.xdata) + self._gradient_bias = -1 + self._gradient_x = self.weight + + self.gradient_weight = np.dot(gradient.T, self._gradient_weight.T) + self.gradient_bias = gradient * self._gradient_bias + self.gradient = np.dot(gradient, self._gradient_x).T + # ----------------------upgrade + # -----------the Negative gradient direction -------- + self.weight = self.weight - self.learn_rate * self.gradient_weight + self.bias = self.bias - self.learn_rate * self.gradient_bias.T + + return self.gradient + + +class BPNN(): + ''' + Back Propagation Neural Network model + ''' + + def __init__(self): + self.layers = [] + self.train_mse = [] + self.fig_loss = plt.figure() + self.ax_loss = self.fig_loss.add_subplot(1, 1, 1) + + def add_layer(self, layer): + self.layers.append(layer) + + def build(self): + for i, layer in enumerate(self.layers[:]): + if i < 1: + layer.is_input_layer = True + else: + layer.initializer(self.layers[i - 1].units) + + def summary(self): + for i, layer in enumerate(self.layers[:]): + print('------- layer %d -------' % i) + print('weight.shape ', np.shape(layer.weight)) + print('bias.shape ', np.shape(layer.bias)) + + def train(self, xdata, ydata, train_round, accuracy): + self.train_round = train_round + self.accuracy = accuracy + + self.ax_loss.hlines(self.accuracy, 0, self.train_round * 1.1) + + x_shape = np.shape(xdata) + for round_i in range(train_round): + all_loss = 0 + for row in range(x_shape[0]): + _xdata = np.asmatrix(xdata[row, :]).T + _ydata = np.asmatrix(ydata[row, :]).T + + # forward propagation + for layer in self.layers: + _xdata = layer.forward_propagation(_xdata) + + loss, gradient = self.cal_loss(_ydata, _xdata) + all_loss = all_loss + loss + + # back propagation + # the input_layer does not upgrade + for layer in self.layers[:0:-1]: + gradient = layer.back_propagation(gradient) + + mse = all_loss / x_shape[0] + self.train_mse.append(mse) + + self.plot_loss() + + if mse < self.accuracy: + print('----达到精度----') + return mse + + def cal_loss(self, ydata, ydata_): + self.loss = np.sum(np.power((ydata - ydata_), 2)) + self.loss_gradient = 2 * (ydata_ - ydata) + # vector (shape is the same as _ydata.shape) + return self.loss, self.loss_gradient + + def plot_loss(self): + if self.ax_loss.lines: + self.ax_loss.lines.remove(self.ax_loss.lines[0]) + self.ax_loss.plot(self.train_mse, 'r-') + plt.ion() + plt.xlabel('step') + plt.ylabel('loss') + plt.show() + plt.pause(0.1) + + +def example(): + x = np.random.randn(10, 10) + y = np.asarray([[0.8, 0.4], [0.4, 0.3], [0.34, 0.45], [0.67, 0.32], + [0.88, 0.67], [0.78, 0.77], [0.55, 0.66], [0.55, 0.43], [0.54, 0.1], + [0.1, 0.5]]) + + model = BPNN() + model.add_layer(DenseLayer(10)) + model.add_layer(DenseLayer(20)) + model.add_layer(DenseLayer(30)) + model.add_layer(DenseLayer(2)) + + model.build() + + model.summary() + + model.train(xdata=x, ydata=y, train_round=100, accuracy=0.01) + + +if __name__ == '__main__': + example() diff --git a/neural_network/convolution_neural_network.py b/neural_network/convolution_neural_network.py index 0eb33cfe7ddb..7df83aec88c2 100644 --- a/neural_network/convolution_neural_network.py +++ b/neural_network/convolution_neural_network.py @@ -1,307 +1,307 @@ -# -*- coding: utf-8 -*- - -''' - - - - - - -- - - - - - - - - - - - - - - - - - - - - - - - Name - - CNN - Convolution Neural Network For Photo Recognizing - Goal - - Recognize Handing Writting Word Photo - Detail:Total 5 layers neural network - * Convolution layer - * Pooling layer - * Input layer layer of BP - * Hiden layer of BP - * Output layer of BP - Author: Stephen Lee - Github: 245885195@qq.com - Date: 2017.9.20 - - - - - - -- - - - - - - - - - - - - - - - - - - - - - - -''' -from __future__ import print_function - -import pickle - -import matplotlib.pyplot as plt -import numpy as np - - -class CNN(): - - def __init__(self, conv1_get, size_p1, bp_num1, bp_num2, bp_num3, rate_w=0.2, rate_t=0.2): - ''' - :param conv1_get: [a,c,d],size, number, step of convolution kernel - :param size_p1: pooling size - :param bp_num1: units number of flatten layer - :param bp_num2: units number of hidden layer - :param bp_num3: units number of output layer - :param rate_w: rate of weight learning - :param rate_t: rate of threshold learning - ''' - self.num_bp1 = bp_num1 - self.num_bp2 = bp_num2 - self.num_bp3 = bp_num3 - self.conv1 = conv1_get[:2] - self.step_conv1 = conv1_get[2] - self.size_pooling1 = size_p1 - self.rate_weight = rate_w - self.rate_thre = rate_t - self.w_conv1 = [np.mat(-1 * np.random.rand(self.conv1[0], self.conv1[0]) + 0.5) for i in range(self.conv1[1])] - self.wkj = np.mat(-1 * np.random.rand(self.num_bp3, self.num_bp2) + 0.5) - self.vji = np.mat(-1 * np.random.rand(self.num_bp2, self.num_bp1) + 0.5) - self.thre_conv1 = -2 * np.random.rand(self.conv1[1]) + 1 - self.thre_bp2 = -2 * np.random.rand(self.num_bp2) + 1 - self.thre_bp3 = -2 * np.random.rand(self.num_bp3) + 1 - - def save_model(self, save_path): - # save model dict with pickle - model_dic = {'num_bp1': self.num_bp1, - 'num_bp2': self.num_bp2, - 'num_bp3': self.num_bp3, - 'conv1': self.conv1, - 'step_conv1': self.step_conv1, - 'size_pooling1': self.size_pooling1, - 'rate_weight': self.rate_weight, - 'rate_thre': self.rate_thre, - 'w_conv1': self.w_conv1, - 'wkj': self.wkj, - 'vji': self.vji, - 'thre_conv1': self.thre_conv1, - 'thre_bp2': self.thre_bp2, - 'thre_bp3': self.thre_bp3} - with open(save_path, 'wb') as f: - pickle.dump(model_dic, f) - - print('Model saved: %s' % save_path) - - @classmethod - def ReadModel(cls, model_path): - # read saved model - with open(model_path, 'rb') as f: - model_dic = pickle.load(f) - - conv_get = model_dic.get('conv1') - conv_get.append(model_dic.get('step_conv1')) - size_p1 = model_dic.get('size_pooling1') - bp1 = model_dic.get('num_bp1') - bp2 = model_dic.get('num_bp2') - bp3 = model_dic.get('num_bp3') - r_w = model_dic.get('rate_weight') - r_t = model_dic.get('rate_thre') - # create model instance - conv_ins = CNN(conv_get, size_p1, bp1, bp2, bp3, r_w, r_t) - # modify model parameter - conv_ins.w_conv1 = model_dic.get('w_conv1') - conv_ins.wkj = model_dic.get('wkj') - conv_ins.vji = model_dic.get('vji') - conv_ins.thre_conv1 = model_dic.get('thre_conv1') - conv_ins.thre_bp2 = model_dic.get('thre_bp2') - conv_ins.thre_bp3 = model_dic.get('thre_bp3') - return conv_ins - - def sig(self, x): - return 1 / (1 + np.exp(-1 * x)) - - def do_round(self, x): - return round(x, 3) - - def convolute(self, data, convs, w_convs, thre_convs, conv_step): - # convolution process - size_conv = convs[0] - num_conv = convs[1] - size_data = np.shape(data)[0] - # get the data slice of original image data, data_focus - data_focus = [] - for i_focus in range(0, size_data - size_conv + 1, conv_step): - for j_focus in range(0, size_data - size_conv + 1, conv_step): - focus = data[i_focus:i_focus + size_conv, j_focus:j_focus + size_conv] - data_focus.append(focus) - # caculate the feature map of every single kernel, and saved as list of matrix - data_featuremap = [] - Size_FeatureMap = int((size_data - size_conv) / conv_step + 1) - for i_map in range(num_conv): - featuremap = [] - for i_focus in range(len(data_focus)): - net_focus = np.sum(np.multiply(data_focus[i_focus], w_convs[i_map])) - thre_convs[i_map] - featuremap.append(self.sig(net_focus)) - featuremap = np.asmatrix(featuremap).reshape(Size_FeatureMap, Size_FeatureMap) - data_featuremap.append(featuremap) - - # expanding the data slice to One dimenssion - focus1_list = [] - for each_focus in data_focus: - focus1_list.extend(self.Expand_Mat(each_focus)) - focus_list = np.asarray(focus1_list) - return focus_list, data_featuremap - - def pooling(self, featuremaps, size_pooling, type='average_pool'): - # pooling process - size_map = len(featuremaps[0]) - size_pooled = int(size_map / size_pooling) - featuremap_pooled = [] - for i_map in range(len(featuremaps)): - map = featuremaps[i_map] - map_pooled = [] - for i_focus in range(0, size_map, size_pooling): - for j_focus in range(0, size_map, size_pooling): - focus = map[i_focus:i_focus + size_pooling, j_focus:j_focus + size_pooling] - if type == 'average_pool': - # average pooling - map_pooled.append(np.average(focus)) - elif type == 'max_pooling': - # max pooling - map_pooled.append(np.max(focus)) - map_pooled = np.asmatrix(map_pooled).reshape(size_pooled, size_pooled) - featuremap_pooled.append(map_pooled) - return featuremap_pooled - - def _expand(self, datas): - # expanding three dimension data to one dimension list - data_expanded = [] - for i in range(len(datas)): - shapes = np.shape(datas[i]) - data_listed = datas[i].reshape(1, shapes[0] * shapes[1]) - data_listed = data_listed.getA().tolist()[0] - data_expanded.extend(data_listed) - data_expanded = np.asarray(data_expanded) - return data_expanded - - def _expand_mat(self, data_mat): - # expanding matrix to one dimension list - data_mat = np.asarray(data_mat) - shapes = np.shape(data_mat) - data_expanded = data_mat.reshape(1, shapes[0] * shapes[1]) - return data_expanded - - def _calculate_gradient_from_pool(self, out_map, pd_pool, num_map, size_map, size_pooling): - ''' - calcluate the gradient from the data slice of pool layer - pd_pool: list of matrix - out_map: the shape of data slice(size_map*size_map) - return: pd_all: list of matrix, [num, size_map, size_map] - ''' - pd_all = [] - i_pool = 0 - for i_map in range(num_map): - pd_conv1 = np.ones((size_map, size_map)) - for i in range(0, size_map, size_pooling): - for j in range(0, size_map, size_pooling): - pd_conv1[i:i + size_pooling, j:j + size_pooling] = pd_pool[i_pool] - i_pool = i_pool + 1 - pd_conv2 = np.multiply(pd_conv1, np.multiply(out_map[i_map], (1 - out_map[i_map]))) - pd_all.append(pd_conv2) - return pd_all - - def train(self, patterns, datas_train, datas_teach, n_repeat, error_accuracy, draw_e=bool): - # model traning - print('----------------------Start Training-------------------------') - print((' - - Shape: Train_Data ', np.shape(datas_train))) - print((' - - Shape: Teach_Data ', np.shape(datas_teach))) - rp = 0 - all_mse = [] - mse = 10000 - while rp < n_repeat and mse >= error_accuracy: - alle = 0 - print('-------------Learning Time %d--------------' % rp) - for p in range(len(datas_train)): - # print('------------Learning Image: %d--------------'%p) - data_train = np.asmatrix(datas_train[p]) - data_teach = np.asarray(datas_teach[p]) - data_focus1, data_conved1 = self.convolute(data_train, self.conv1, self.w_conv1, - self.thre_conv1, conv_step=self.step_conv1) - data_pooled1 = self.pooling(data_conved1, self.size_pooling1) - shape_featuremap1 = np.shape(data_conved1) - ''' - print(' -----original shape ', np.shape(data_train)) - print(' ---- after convolution ',np.shape(data_conv1)) - print(' -----after pooling ',np.shape(data_pooled1)) - ''' - data_bp_input = self._expand(data_pooled1) - bp_out1 = data_bp_input - - bp_net_j = np.dot(bp_out1, self.vji.T) - self.thre_bp2 - bp_out2 = self.sig(bp_net_j) - bp_net_k = np.dot(bp_out2, self.wkj.T) - self.thre_bp3 - bp_out3 = self.sig(bp_net_k) - - # --------------Model Leaning ------------------------ - # calcluate error and gradient--------------- - pd_k_all = np.multiply((data_teach - bp_out3), np.multiply(bp_out3, (1 - bp_out3))) - pd_j_all = np.multiply(np.dot(pd_k_all, self.wkj), np.multiply(bp_out2, (1 - bp_out2))) - pd_i_all = np.dot(pd_j_all, self.vji) - - pd_conv1_pooled = pd_i_all / (self.size_pooling1 * self.size_pooling1) - pd_conv1_pooled = pd_conv1_pooled.T.getA().tolist() - pd_conv1_all = self._calculate_gradient_from_pool(data_conved1, pd_conv1_pooled, shape_featuremap1[0], - shape_featuremap1[1], self.size_pooling1) - # weight and threshold learning process--------- - # convolution layer - for k_conv in range(self.conv1[1]): - pd_conv_list = self._expand_mat(pd_conv1_all[k_conv]) - delta_w = self.rate_weight * np.dot(pd_conv_list, data_focus1) - - self.w_conv1[k_conv] = self.w_conv1[k_conv] + delta_w.reshape((self.conv1[0], self.conv1[0])) - - self.thre_conv1[k_conv] = self.thre_conv1[k_conv] - np.sum(pd_conv1_all[k_conv]) * self.rate_thre - # all connected layer - self.wkj = self.wkj + pd_k_all.T * bp_out2 * self.rate_weight - self.vji = self.vji + pd_j_all.T * bp_out1 * self.rate_weight - self.thre_bp3 = self.thre_bp3 - pd_k_all * self.rate_thre - self.thre_bp2 = self.thre_bp2 - pd_j_all * self.rate_thre - # calculate the sum error of all single image - errors = np.sum(abs((data_teach - bp_out3))) - alle = alle + errors - # print(' ----Teach ',data_teach) - # print(' ----BP_output ',bp_out3) - rp = rp + 1 - mse = alle / patterns - all_mse.append(mse) - - def draw_error(): - yplot = [error_accuracy for i in range(int(n_repeat * 1.2))] - plt.plot(all_mse, '+-') - plt.plot(yplot, 'r--') - plt.xlabel('Learning Times') - plt.ylabel('All_mse') - plt.grid(True, alpha=0.5) - plt.show() - - print('------------------Training Complished---------------------') - print((' - - Training epoch: ', rp, ' - - Mse: %.6f' % mse)) - if draw_e: - draw_error() - return mse - - def predict(self, datas_test): - # model predict - produce_out = [] - print('-------------------Start Testing-------------------------') - print((' - - Shape: Test_Data ', np.shape(datas_test))) - for p in range(len(datas_test)): - data_test = np.asmatrix(datas_test[p]) - data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, - self.thre_conv1, conv_step=self.step_conv1) - data_pooled1 = self.pooling(data_conved1, self.size_pooling1) - data_bp_input = self._expand(data_pooled1) - - bp_out1 = data_bp_input - bp_net_j = bp_out1 * self.vji.T - self.thre_bp2 - bp_out2 = self.sig(bp_net_j) - bp_net_k = bp_out2 * self.wkj.T - self.thre_bp3 - bp_out3 = self.sig(bp_net_k) - produce_out.extend(bp_out3.getA().tolist()) - res = [list(map(self.do_round, each)) for each in produce_out] - return np.asarray(res) - - def convolution(self, data): - # return the data of image after convoluting process so we can check it out - data_test = np.asmatrix(data) - data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, - self.thre_conv1, conv_step=self.step_conv1) - data_pooled1 = self.pooling(data_conved1, self.size_pooling1) - - return data_conved1, data_pooled1 - - -if __name__ == '__main__': - pass - ''' - I will put the example on other file -''' +# -*- coding: utf-8 -*- + +''' + - - - - - -- - - - - - - - - - - - - - - - - - - - - - - + Name - - CNN - Convolution Neural Network For Photo Recognizing + Goal - - Recognize Handing Writting Word Photo + Detail:Total 5 layers neural network + * Convolution layer + * Pooling layer + * Input layer layer of BP + * Hiden layer of BP + * Output layer of BP + Author: Stephen Lee + Github: 245885195@qq.com + Date: 2017.9.20 + - - - - - -- - - - - - - - - - - - - - - - - - - - - - - +''' +from __future__ import print_function + +import pickle + +import matplotlib.pyplot as plt +import numpy as np + + +class CNN(): + + def __init__(self, conv1_get, size_p1, bp_num1, bp_num2, bp_num3, rate_w=0.2, rate_t=0.2): + ''' + :param conv1_get: [a,c,d],size, number, step of convolution kernel + :param size_p1: pooling size + :param bp_num1: units number of flatten layer + :param bp_num2: units number of hidden layer + :param bp_num3: units number of output layer + :param rate_w: rate of weight learning + :param rate_t: rate of threshold learning + ''' + self.num_bp1 = bp_num1 + self.num_bp2 = bp_num2 + self.num_bp3 = bp_num3 + self.conv1 = conv1_get[:2] + self.step_conv1 = conv1_get[2] + self.size_pooling1 = size_p1 + self.rate_weight = rate_w + self.rate_thre = rate_t + self.w_conv1 = [np.mat(-1 * np.random.rand(self.conv1[0], self.conv1[0]) + 0.5) for i in range(self.conv1[1])] + self.wkj = np.mat(-1 * np.random.rand(self.num_bp3, self.num_bp2) + 0.5) + self.vji = np.mat(-1 * np.random.rand(self.num_bp2, self.num_bp1) + 0.5) + self.thre_conv1 = -2 * np.random.rand(self.conv1[1]) + 1 + self.thre_bp2 = -2 * np.random.rand(self.num_bp2) + 1 + self.thre_bp3 = -2 * np.random.rand(self.num_bp3) + 1 + + def save_model(self, save_path): + # save model dict with pickle + model_dic = {'num_bp1': self.num_bp1, + 'num_bp2': self.num_bp2, + 'num_bp3': self.num_bp3, + 'conv1': self.conv1, + 'step_conv1': self.step_conv1, + 'size_pooling1': self.size_pooling1, + 'rate_weight': self.rate_weight, + 'rate_thre': self.rate_thre, + 'w_conv1': self.w_conv1, + 'wkj': self.wkj, + 'vji': self.vji, + 'thre_conv1': self.thre_conv1, + 'thre_bp2': self.thre_bp2, + 'thre_bp3': self.thre_bp3} + with open(save_path, 'wb') as f: + pickle.dump(model_dic, f) + + print('Model saved: %s' % save_path) + + @classmethod + def ReadModel(cls, model_path): + # read saved model + with open(model_path, 'rb') as f: + model_dic = pickle.load(f) + + conv_get = model_dic.get('conv1') + conv_get.append(model_dic.get('step_conv1')) + size_p1 = model_dic.get('size_pooling1') + bp1 = model_dic.get('num_bp1') + bp2 = model_dic.get('num_bp2') + bp3 = model_dic.get('num_bp3') + r_w = model_dic.get('rate_weight') + r_t = model_dic.get('rate_thre') + # create model instance + conv_ins = CNN(conv_get, size_p1, bp1, bp2, bp3, r_w, r_t) + # modify model parameter + conv_ins.w_conv1 = model_dic.get('w_conv1') + conv_ins.wkj = model_dic.get('wkj') + conv_ins.vji = model_dic.get('vji') + conv_ins.thre_conv1 = model_dic.get('thre_conv1') + conv_ins.thre_bp2 = model_dic.get('thre_bp2') + conv_ins.thre_bp3 = model_dic.get('thre_bp3') + return conv_ins + + def sig(self, x): + return 1 / (1 + np.exp(-1 * x)) + + def do_round(self, x): + return round(x, 3) + + def convolute(self, data, convs, w_convs, thre_convs, conv_step): + # convolution process + size_conv = convs[0] + num_conv = convs[1] + size_data = np.shape(data)[0] + # get the data slice of original image data, data_focus + data_focus = [] + for i_focus in range(0, size_data - size_conv + 1, conv_step): + for j_focus in range(0, size_data - size_conv + 1, conv_step): + focus = data[i_focus:i_focus + size_conv, j_focus:j_focus + size_conv] + data_focus.append(focus) + # caculate the feature map of every single kernel, and saved as list of matrix + data_featuremap = [] + Size_FeatureMap = int((size_data - size_conv) / conv_step + 1) + for i_map in range(num_conv): + featuremap = [] + for i_focus in range(len(data_focus)): + net_focus = np.sum(np.multiply(data_focus[i_focus], w_convs[i_map])) - thre_convs[i_map] + featuremap.append(self.sig(net_focus)) + featuremap = np.asmatrix(featuremap).reshape(Size_FeatureMap, Size_FeatureMap) + data_featuremap.append(featuremap) + + # expanding the data slice to One dimenssion + focus1_list = [] + for each_focus in data_focus: + focus1_list.extend(self.Expand_Mat(each_focus)) + focus_list = np.asarray(focus1_list) + return focus_list, data_featuremap + + def pooling(self, featuremaps, size_pooling, type='average_pool'): + # pooling process + size_map = len(featuremaps[0]) + size_pooled = int(size_map / size_pooling) + featuremap_pooled = [] + for i_map in range(len(featuremaps)): + map = featuremaps[i_map] + map_pooled = [] + for i_focus in range(0, size_map, size_pooling): + for j_focus in range(0, size_map, size_pooling): + focus = map[i_focus:i_focus + size_pooling, j_focus:j_focus + size_pooling] + if type == 'average_pool': + # average pooling + map_pooled.append(np.average(focus)) + elif type == 'max_pooling': + # max pooling + map_pooled.append(np.max(focus)) + map_pooled = np.asmatrix(map_pooled).reshape(size_pooled, size_pooled) + featuremap_pooled.append(map_pooled) + return featuremap_pooled + + def _expand(self, datas): + # expanding three dimension data to one dimension list + data_expanded = [] + for i in range(len(datas)): + shapes = np.shape(datas[i]) + data_listed = datas[i].reshape(1, shapes[0] * shapes[1]) + data_listed = data_listed.getA().tolist()[0] + data_expanded.extend(data_listed) + data_expanded = np.asarray(data_expanded) + return data_expanded + + def _expand_mat(self, data_mat): + # expanding matrix to one dimension list + data_mat = np.asarray(data_mat) + shapes = np.shape(data_mat) + data_expanded = data_mat.reshape(1, shapes[0] * shapes[1]) + return data_expanded + + def _calculate_gradient_from_pool(self, out_map, pd_pool, num_map, size_map, size_pooling): + ''' + calcluate the gradient from the data slice of pool layer + pd_pool: list of matrix + out_map: the shape of data slice(size_map*size_map) + return: pd_all: list of matrix, [num, size_map, size_map] + ''' + pd_all = [] + i_pool = 0 + for i_map in range(num_map): + pd_conv1 = np.ones((size_map, size_map)) + for i in range(0, size_map, size_pooling): + for j in range(0, size_map, size_pooling): + pd_conv1[i:i + size_pooling, j:j + size_pooling] = pd_pool[i_pool] + i_pool = i_pool + 1 + pd_conv2 = np.multiply(pd_conv1, np.multiply(out_map[i_map], (1 - out_map[i_map]))) + pd_all.append(pd_conv2) + return pd_all + + def train(self, patterns, datas_train, datas_teach, n_repeat, error_accuracy, draw_e=bool): + # model traning + print('----------------------Start Training-------------------------') + print((' - - Shape: Train_Data ', np.shape(datas_train))) + print((' - - Shape: Teach_Data ', np.shape(datas_teach))) + rp = 0 + all_mse = [] + mse = 10000 + while rp < n_repeat and mse >= error_accuracy: + alle = 0 + print('-------------Learning Time %d--------------' % rp) + for p in range(len(datas_train)): + # print('------------Learning Image: %d--------------'%p) + data_train = np.asmatrix(datas_train[p]) + data_teach = np.asarray(datas_teach[p]) + data_focus1, data_conved1 = self.convolute(data_train, self.conv1, self.w_conv1, + self.thre_conv1, conv_step=self.step_conv1) + data_pooled1 = self.pooling(data_conved1, self.size_pooling1) + shape_featuremap1 = np.shape(data_conved1) + ''' + print(' -----original shape ', np.shape(data_train)) + print(' ---- after convolution ',np.shape(data_conv1)) + print(' -----after pooling ',np.shape(data_pooled1)) + ''' + data_bp_input = self._expand(data_pooled1) + bp_out1 = data_bp_input + + bp_net_j = np.dot(bp_out1, self.vji.T) - self.thre_bp2 + bp_out2 = self.sig(bp_net_j) + bp_net_k = np.dot(bp_out2, self.wkj.T) - self.thre_bp3 + bp_out3 = self.sig(bp_net_k) + + # --------------Model Leaning ------------------------ + # calcluate error and gradient--------------- + pd_k_all = np.multiply((data_teach - bp_out3), np.multiply(bp_out3, (1 - bp_out3))) + pd_j_all = np.multiply(np.dot(pd_k_all, self.wkj), np.multiply(bp_out2, (1 - bp_out2))) + pd_i_all = np.dot(pd_j_all, self.vji) + + pd_conv1_pooled = pd_i_all / (self.size_pooling1 * self.size_pooling1) + pd_conv1_pooled = pd_conv1_pooled.T.getA().tolist() + pd_conv1_all = self._calculate_gradient_from_pool(data_conved1, pd_conv1_pooled, shape_featuremap1[0], + shape_featuremap1[1], self.size_pooling1) + # weight and threshold learning process--------- + # convolution layer + for k_conv in range(self.conv1[1]): + pd_conv_list = self._expand_mat(pd_conv1_all[k_conv]) + delta_w = self.rate_weight * np.dot(pd_conv_list, data_focus1) + + self.w_conv1[k_conv] = self.w_conv1[k_conv] + delta_w.reshape((self.conv1[0], self.conv1[0])) + + self.thre_conv1[k_conv] = self.thre_conv1[k_conv] - np.sum(pd_conv1_all[k_conv]) * self.rate_thre + # all connected layer + self.wkj = self.wkj + pd_k_all.T * bp_out2 * self.rate_weight + self.vji = self.vji + pd_j_all.T * bp_out1 * self.rate_weight + self.thre_bp3 = self.thre_bp3 - pd_k_all * self.rate_thre + self.thre_bp2 = self.thre_bp2 - pd_j_all * self.rate_thre + # calculate the sum error of all single image + errors = np.sum(abs((data_teach - bp_out3))) + alle = alle + errors + # print(' ----Teach ',data_teach) + # print(' ----BP_output ',bp_out3) + rp = rp + 1 + mse = alle / patterns + all_mse.append(mse) + + def draw_error(): + yplot = [error_accuracy for i in range(int(n_repeat * 1.2))] + plt.plot(all_mse, '+-') + plt.plot(yplot, 'r--') + plt.xlabel('Learning Times') + plt.ylabel('All_mse') + plt.grid(True, alpha=0.5) + plt.show() + + print('------------------Training Complished---------------------') + print((' - - Training epoch: ', rp, ' - - Mse: %.6f' % mse)) + if draw_e: + draw_error() + return mse + + def predict(self, datas_test): + # model predict + produce_out = [] + print('-------------------Start Testing-------------------------') + print((' - - Shape: Test_Data ', np.shape(datas_test))) + for p in range(len(datas_test)): + data_test = np.asmatrix(datas_test[p]) + data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, + self.thre_conv1, conv_step=self.step_conv1) + data_pooled1 = self.pooling(data_conved1, self.size_pooling1) + data_bp_input = self._expand(data_pooled1) + + bp_out1 = data_bp_input + bp_net_j = bp_out1 * self.vji.T - self.thre_bp2 + bp_out2 = self.sig(bp_net_j) + bp_net_k = bp_out2 * self.wkj.T - self.thre_bp3 + bp_out3 = self.sig(bp_net_k) + produce_out.extend(bp_out3.getA().tolist()) + res = [list(map(self.do_round, each)) for each in produce_out] + return np.asarray(res) + + def convolution(self, data): + # return the data of image after convoluting process so we can check it out + data_test = np.asmatrix(data) + data_focus1, data_conved1 = self.convolute(data_test, self.conv1, self.w_conv1, + self.thre_conv1, conv_step=self.step_conv1) + data_pooled1 = self.pooling(data_conved1, self.size_pooling1) + + return data_conved1, data_pooled1 + + +if __name__ == '__main__': + pass + ''' + I will put the example on other file +''' diff --git a/neural_network/fcn.ipynb b/neural_network/fcn.ipynb index a08a39e35e13..a8bcf4beeea1 100644 --- a/neural_network/fcn.ipynb +++ b/neural_network/fcn.ipynb @@ -1,327 +1,327 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## Standard (Fully Connected) Neural Network" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": {}, - "outputs": [], - "source": [ - "#Use in Markup cell type\n", - "#![alt text](imagename.png \"Title\") " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Implementing Fully connected Neural Net" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Loading Required packages and Data" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Using TensorFlow backend.\n" - ] - } - ], - "source": [ - "###1. Load Data and Splot Data\n", - "from keras.datasets import mnist\n", - "from keras.models import Sequential \n", - "from keras.layers.core import Dense, Activation\n", - "from keras.utils import np_utils\n", - "(X_train, Y_train), (X_test, Y_test) = mnist.load_data()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Preprocessing" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "import matplotlib.pyplot as plt\n", - "n = 10 # how many digits we will display\n", - "plt.figure(figsize=(20, 4))\n", - "for i in range(n):\n", - " # display original\n", - " ax = plt.subplot(2, n, i + 1)\n", - " plt.imshow(X_test[i].reshape(28, 28))\n", - " plt.gray()\n", - " ax.get_xaxis().set_visible(False)\n", - " ax.get_yaxis().set_visible(False)\n", - "plt.show()\n", - "plt.close()" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Previous X_train shape: (60000, 28, 28) \n", - "Previous Y_train shape:(60000,)\n", - "New X_train shape: (60000, 784) \n", - "New Y_train shape:(60000, 10)\n" - ] - } - ], - "source": [ - "print(\"Previous X_train shape: {} \\nPrevious Y_train shape:{}\".format(X_train.shape, Y_train.shape))\n", - "X_train = X_train.reshape(60000, 784) \n", - "X_test = X_test.reshape(10000, 784)\n", - "X_train = X_train.astype('float32') \n", - "X_test = X_test.astype('float32') \n", - "X_train /= 255 \n", - "X_test /= 255\n", - "classes = 10\n", - "Y_train = np_utils.to_categorical(Y_train, classes) \n", - "Y_test = np_utils.to_categorical(Y_test, classes)\n", - "print(\"New X_train shape: {} \\nNew Y_train shape:{}\".format(X_train.shape, Y_train.shape))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Setting up parameters" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "input_size = 784\n", - "batch_size = 200 \n", - "hidden1 = 400\n", - "hidden2 = 20\n", - "epochs = 2" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Building the FCN Model" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "_________________________________________________________________\n", - "Layer (type) Output Shape Param # \n", - "=================================================================\n", - "dense_1 (Dense) (None, 400) 314000 \n", - "_________________________________________________________________\n", - "dense_2 (Dense) (None, 20) 8020 \n", - "_________________________________________________________________\n", - "dense_3 (Dense) (None, 10) 210 \n", - "=================================================================\n", - "Total params: 322,230\n", - "Trainable params: 322,230\n", - "Non-trainable params: 0\n", - "_________________________________________________________________\n" - ] - } - ], - "source": [ - "###4.Build the model\n", - "model = Sequential() \n", - "model.add(Dense(hidden1, input_dim=input_size, activation='relu'))\n", - "# output = relu (dot (W, input) + bias)\n", - "model.add(Dense(hidden2, activation='relu'))\n", - "model.add(Dense(classes, activation='softmax')) \n", - "\n", - "# Compilation\n", - "model.compile(loss='categorical_crossentropy', \n", - " metrics=['accuracy'], optimizer='sgd')\n", - "model.summary()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Training The Model" - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Epoch 1/10\n", - " - 12s - loss: 1.4482 - acc: 0.6251\n", - "Epoch 2/10\n", - " - 3s - loss: 0.6239 - acc: 0.8482\n", - "Epoch 3/10\n", - " - 3s - loss: 0.4582 - acc: 0.8798\n", - "Epoch 4/10\n", - " - 3s - loss: 0.3941 - acc: 0.8936\n", - "Epoch 5/10\n", - " - 3s - loss: 0.3579 - acc: 0.9011\n", - "Epoch 6/10\n", - " - 4s - loss: 0.3328 - acc: 0.9070\n", - "Epoch 7/10\n", - " - 3s - loss: 0.3138 - acc: 0.9118\n", - "Epoch 8/10\n", - " - 3s - loss: 0.2980 - acc: 0.9157\n", - "Epoch 9/10\n", - " - 3s - loss: 0.2849 - acc: 0.9191\n", - "Epoch 10/10\n", - " - 3s - loss: 0.2733 - acc: 0.9223\n" - ] - }, - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 7, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Fitting on Data\n", - "model.fit(X_train, Y_train, batch_size=batch_size, epochs=10, verbose=2)\n", - "###5.Test " - ] - }, - { - "cell_type": "markdown", - "metadata": { - "collapsed": true - }, - "source": [ - "#### Testing The Model" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "10000/10000 [==============================] - 1s 121us/step\n", - "\n", - "Test accuracy: 0.9257\n", - "[0 6 9 0 1 5 9 7 3 4]\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABHEAAABzCAYAAAAfb55ZAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAHPJJREFUeJzt3XeYVNUZx/GzgBAQEAQVLKAuoQkmNJUIrkCKi4jUUESIgLTE8AASejcohhIeJVIEgVCCNAF5gokoIKCIVKVbQFoiCIhU4XHzB+H1Pce9w+zsnZ25M9/PX7/rOdw5OtzZ2et9z5uSkZFhAAAAAAAAEN9yxXoBAAAAAAAAuDZu4gAAAAAAAAQAN3EAAAAAAAACgJs4AAAAAAAAAcBNHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgALiJAwAAAAAAEADcxAEAAAAAAAiAPFmZnJKSkhGthSC0jIyMFD/Ow3sYU8czMjJu8uNEvI+xw7WYELgWEwDXYkLgWkwAXIsJgWsxAXAtJoSwrkWexAFyzoFYLwCAMYZrEYgXXItAfOBaBOJDWNciN3EAAAAAAAACgJs4AAAAAAAAAcBNHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgALiJAwAAAAAAEADcxAEAAAAAAAiAPLFeAJJTvnz5JK9bt84aq1KliuRly5ZJbtSoUfQXBgAAAABAnOJJHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgAAK/J06tWrWs4/fff19yuXLlJDdo0MCa9+ijj0pevny55/nXr18vee3atRGvE/Y+OOPGjZP885//3JqXkZEhedOmTdFfGAAkiaFDh0oeMmSINbZq1SrJderUyaEVIRzVqlWTrPeHa9q0qTVPf+9JSUmxxvTP1s2bN0vetWuXNW/kyJGSd+/eHeGKAcAfBQsWtI5vv/12yd26dfP8c9OmTZO8detW/xcGxBBP4gAAAAAAAAQAN3EAAAAAAAACIDDlVIULF5Y8e/ZsyXXr1rXmnT9/XnLevHklu4/iabVr1/Yc0+c7d+6cNda1a1fJCxYs8DwHrvjjH/8ouVOnTpLfeecda97gwYMlf/DBB9FfGIBMFS1aVLIue0xPT7fm9e7dW/L3339vjenPxgMHDkgeM2aMNe+///1v9haLsKSlpXmOPfzww5lmY+xSK0RO/+wzxpjy5ctLDvVdpGrVqpJ1WVSokqnJkydbY4sXL5b8r3/9K8wVA0DO07+36e8YxhgzcODAsM7RpUsXyfPmzbPGunfvLvnEiRORLBEJ5h//+IfkZcuWWWP63kO84EkcAAAAAACAAOAmDgAAAAAAQAAEppxq1KhRknVnKVf+/Pkl644Lx44ds+adPn3a8xz68WT9WvrcxhgzdepUyXv37rXGtm/f7nn+ZFWiRIlM//nbb79tHVNCBeSc6667TnKvXr2ssd///veSS5Ys6XkOXUKlyzmM+XH3nKuKFy9uHbdv3/7ai0W2uWVS4c6jnMofEydOtI719aJLtt2uUOPHj890zP1uo0umEHvuddSkSRPJ+rPx1ltvtebp7mHz58+3xl544QUfVwjEp379+knu27dvROfInTu35NatW1tjejuOp556SjKlpsklV64fnmfRfyd27twZi+VkCU/iAAAAAAAABAA3cQAAAAAAAAKAmzgAAAAAAAABELd74txzzz3WcbNmzTKdd+jQIeu4bdu2kj/99FPJp06dsuadOXPG87V1fZxud+22tNNtz4cMGWKNdezYUfLJkyc9XyuZFCpUSPKlS5cku3viIDHoltQjRoyQXL9+fWuevt5CtaceMGCA5KNHj1rz6tSpI3nlypXW2Pnz57Oy7KTTuXNnyc8991xE51i9erXkhx56KKw/oz+rjWFPnHgzdOjQWC8hIS1atMg6btSokWS9102NGjVybE3IPr3nn36P77vvPmue3nNRf3/ds2ePNa9UqVKS3c/lAwcOSJ47d26EK04s6enpkt944w3Jes+3a9HfFZYuXeo5T//313tV3X///da848ePS167dm3Y68AV+/fv9xzTe4lNmDDBGtuxY4dk/f4PHz7cmqev2SVLlkjWe7AaY8yLL74oWe9bhsRQpUoVye5ejfGOJ3EAAAAAAAACgJs4AAAAAAAAARC35VS69MYYY4oVKyZZP0bnPvbmRxtUXdKhHynPmzevNe/ZZ5+V3LhxY2ts2rRpkpcvX57tNQWR2zKzQ4cOktevXy9Zt9JEsOhHVdPS0qyx1157TbJuT+22oA63PbV+1PmOO+6w5uk2ru3atbPGZs2a5bn+ZKXLVQcNGpTlP++2+9SPlLuPLPfu3TvL5wcSVdeuXa3jatWqSS5durRkXU5jjDFffvlldBeGLHEfu9ff83Qpsfu+6fLVDRs2SP7mm2+sefpnnC71MMaY5s2bS543b16m/9wYY7Zs2SJ537591pj7szbo9LWTlRIqLX/+/JJbtGgR1p/p0aOH5+vq7zb6vTbGLhXXrYzdEiK3zC6Z6FJT1/z58yV37949rPNt27bNOl68eLHkG2+8UbL7nSg1NVWyW/att4aAf8qWLSt59OjRkp955hlrni5t9NvHH38ctXP7hSdxAAAAAAAAAoCbOAAAAAAAAAHATRwAAAAAAIAAiNs9cfLly+c5NmPGDMlua7lo6t+/v3Wsa2bvuusua6xJkyaSk3VPHLcle6w88MADkt29VDS3Xnbv3r1RW1OiqFq1quQVK1Z4ztMtwf/whz9YY6FaNuo697Nnz0p+6aWXrHnfffddpq+FK/QeOMYY8/zzz0vWezu4+yToeuOGDRtK3rVrlzVP1/4PHjzYGtN157ptq7unxPbt2yXfe++9mfxbwA/Dhg2TPGTIEM95botxWo7749ixY9bx5MmTJetW0u71wZ448cXd60vvg3PkyBHJ5cqVs+bpn1WhHDx4ULK7183Fixcl169fX/KcOXM8z1ewYEHrWO8xlwimTp0qWe9TUqZMGWteqOvoJz/5ieTHH388rNetUKGC5Jtuuskay5Xrh/9PXrNmTWvMPb7qwoUL1vFf/vIXyaE+rxOR/rutv2MYY39Whstt867fY/2dqFatWta81q1be57zqaeeknz58uUsrwmZ07+3NWjQQLL+/d8Yf/bEcT8jrjp8+HC2zx1tPIkDAAAAAAAQANzEAQAAAAAACIC4LacaMWKE55jbqi9W3nrrLcldunSxxvSjYMnq0Ucf9RzTj7764ZVXXvF87aJFi0rWLSRdp0+fto7HjRsnOdTfx2SjS3N0eYxr5cqVkvv16yc5Ky3ldZt63Wa1SJEi1jz9yLF+XVyhy96Msa8P/ci3+6j/3/72N8k7duwI67Xclpsffvih5OnTp0vu1auXNa9y5cqSdYmJMcZ06tQprNfGtSXbI/nxTl9/KSkpknWZhjsWii51DFWqiqxr2bKl5J49e1pjJ06ckKzfu3DLp0L57LPPrOOKFStKnjlzpuef0z8z3TKdRKN/7vjx/VJ//wulUqVKkn/1q195znNLcqpVq5bpPF3SZYzdPnvs2LHWmNuWPtG8/fbbkuvWrWuN6fL6SK1fv17yn/70J8nuFhj6dwj3fVy2bJnk119/PdtrwhXu+31VNEqc9PfLU6dOSc7K7yqxwpM4AAAAAAAAAcBNHAAAAAAAgACIq3Kqu+++W7IuozDGfmzw448/zrE1hfLOO+9IdsupklWBAgUk58lj//XSj8HpsopQ9DnckhDd9aZEiRLWmH5EXXcD0Y9nuucsVaqUNaYfsdOPLPuxG3qQDRo0SLLuoOI+gqofN//0008jei39qHKVKlU854XqjAVj0tPTrWPdhUp3fVi1apU1b8yYMb6uo2/fvp5r0u919erVfX1dIF64HWw6duwoWV+XbhcOXU6l57llVvrn4uzZsz3HkHW6a57+jmGMXW565syZqK7j0KFDYc379ttvJbudB+GPTz75JNPsckv+b7vtNsn652KHDh2seYULF5bsliC7nSATjS4N9SqvyYz+TNXlT5MmTQrrz8+dO9c67tatm+fcn/70p2GvC94KFSpkHderV0+yLlPT5fl+ue666yTr78NB6DbGkzgAAAAAAAABwE0cAAAAAACAAOAmDgAAAAAAQADE1Z44bdq0kaz3xzHGmIULF0rWbeEQX3Qt6i233GKNuW2Dvej9kPS+NAMHDvT8M0eOHLGO//73v0vWbZJD1ZK77bLr168vuWTJkpKTbU+cKVOmWMfNmzeXrNs86rpuYyLbB0fXphpjtybXez+sXr3amucew5hixYpJvu+++8L6M/q6iTb3tUaNGpVjrw3kJL0PjvtZpfdi0y1N9X4Qxhizdu3aTM/99NNPW8e6dXGTJk2sMb0viv5McF+L1uSZS01N9RzLyc+v3/zmN5Lz58/vOY+Wx/HDbfGu28brvzvunjh6X6Nw95JMFB999JHnmN6fym3L/vLLL0vW3ynT0tJ8XN0V+neePXv2SP73v/9tzUv0dvDZVbFiRetY7xm1YcMGyXrPmkgVKVLEOq5QoYJk932LdzyJAwAAAAAAEADcxAEAAAAAAAiAuCqnatmypWT30bPx48fn9HIQgVBtoPft2xfWOXTZVOfOnSW7LTJ1i/cePXpYY7rdZ7jCXV+ycds96/dBt1LduXNnROfXj7uOGDHCGqtdu3amrzt8+PCIXiuZ6LKKO++803Pee++9J9ltEx8rRYsWtY51OePRo0dzejlAtpQrVy7TbIwxixYtkqxLVcPllikXL15csi5RN8aYRo0aSdatWt3Pbr2O3bt3Z3lNiaJAgQLWcePGjT3nuiXdfsqbN691PHLkyEzH3NbmoVpeI348/vjjnmO69XKzZs2ssRdffDFqa4oHb7zxhmS3jEZ//3e3btCla26Jvt90Oey8efMkuyWpemuIJUuWWGOUrxpTq1YtzzG/t0to0aKFday3HlizZo2vrxVtPIkDAAAAAAAQANzEAQAAAAAACIC4KqfS3Ed4vTozIL7ozlLhKlu2rHXsPup2ldslqXv37pK/++67LL/utehOIToje9zSnm7duknu2bOn55/TZTRbt271fV2JRpdThTJkyBDJJ0+ejNZysuSOO+6wjitVqiSZcqqcMXTo0FgvIWHo7y+5c+eO6msdP35c8l//+ldrTB/rx/vdDlf6kfL09HRrbNOmTb6sM4ii/d5pugykbt261pjbvfWqadOmWcfJ1kkzSPR7GOqz9vTp05Ld78CJTv+7z5o1y3OeW0b4xBNPSP7tb38r+cYbb7Tm6Q60fnNLMfX63TLH1q1bS45kK4igypcvn2T9e4Axxpw4cUKyLqd/9dVXrXm6lO7666+X/NBDD3m+ru5063I7ncU7nsQBAAAAAAAIAG7iAAAAAAAABAA3cQAAAAAAAAIgpnvi6Po1Y6LfCg7Rp9shhqo71J555hnruEiRIpLnzJkjuWvXrtlcXWh67cYYc+nSJcnR2HMnKNz2s5UrV5asW/Nt2bIlrPPpFrjG2PsouW3ktZUrV0o+depUWK+VzHRNdqhr0e/2jZHKleuH/6fgthMF4C/dmly3OTfG/kxYvny5NaZ/Di9evDhKq4sPly9fto73798v2d3b7de//rXkbdu2Zfm19L4Pxhjz5JNPSn7++efDOsf06dOz/LqIjccee0yy+7uQpvfBiZc96+Kd/szS2d3Tyv3Of5Xbslx/L/3qq688X3fYsGGS27dvb43p72N6jz9jjBk7dqzkPn36SE70vR/1/jN33XWX57xly5ZJdr8b7tq1S7L+fP7nP//peb569ep5rmPkyJGSv/76a2vezJkzPc8ZKzyJAwAAAAAAEADcxAEAAAAAAAiAmJZT6dZvxhiTmpoqWbfJjFcNGzb0HHMfw00W+rHDUKUxmvsYsf5z7pjfdClPhw4drDH3EfNk1bFjR+u4cOHCknWLRl1mlRX6Omrbtq011rRpU8kTJ06M6PzJqkaNGpLDvRZjST8mG4T1AonC/b6lS6bGjBljjU2aNEly6dKlJbvtzBOBW0adlpYm2S0zHjVqlGRdWrVw4UJrXsWKFSXrco7atWtb83RJh261bIwxN9xwg+Qvv/xS8sGDBzP5t0A8KFOmjHX83HPPZTrv7Nmz1vHUqVOjtqZEpUv2y5YtK3n9+vXWPK+y/EjL9bt37y553rx51tgrr7wi2S2n+uUvfylZl06mp6dHtI6guHjxouR9+/ZZYzfffLNkXeI0Y8YMa16o8jYv+jPTGGNuv/12yXobjc6dO1vzKKcCAAAAAABARLiJAwAAAAAAEADcxAEAAAAAAAiAmO6JEzTVqlWzjhs0aOA5t3///tFeTsJw6w4ffPDBTHO/fv2sebpFqtsKLlx635tz585ZY+5eAMnq/Pnz1rFujfnwww9Lrl69uuc5duzYIdlt/TdhwgTJzZo1s8b27t0r+bPPPgtvwQi8M2fOWMeRXt8Asm7NmjWS3X0ZdPvx0aNHS07EPXFchw4dktymTRtrbMCAAZLr1q2baTbG3nPhiy++kLxq1Spr3ty5cyW/+eab1pjeM2zlypWST5w4EXL9yFl6bxZ9rRjj3VZ88ODB1vHu3bv9X1iC0d9JjbE/i/S+ly1btrTmLVmyJGprcvffqVWrluTNmzdbY3fffbfkmjVrSn7kkUeseStWrPBziTF34cIFyXoPR2OMyZPnh9sTfnyu3XbbbZKLFi1qjW3btk1yu3btJLu/E8YjnsQBAAAAAAAIAG7iAAAAAAAABADlVNegS6h69uxpjRUpUkTyunXrrLG33noruguLE/pRRWMiawnulkpUrVpV8tKlSyWPGDHCmqcfNXRL27799ttMxwYOHGjNq1KlimS35eMHH3xwzbUnO/0IuPs4eLi6dOki2W0tvXHjRsnHjh2L6PyIT247eW3o0KHWsfv4MSKnr1NdDuly3wP3GMnBbT++du1ayeXLl8/p5cQN/d3EGLtM2C2913Tb8lCfa7o1ct68eT3nLViwIOQ6ETt9+/aV3LBhQ895n3/+ueTx48dHdU2JqGDBgtax/r1EXzsLFy605ukSp2h/39e/k7Rq1coae//99yUXKlRIcp8+fax5iVZOpZ0+fTqq59e/L7qljLpcdfv27VFdh994EgcAAAAAACAAuIkDAAAAAAAQADEtp9q/f791rB83i6XcuXNLfvbZZyW3aNHCmnf48OFM5xljzOXLl6O0uvhy5MgR63jfvn2SS5cubY3pLg2TJk2S7O4AfvToUcl6x3K3ZGrXrl2SdWmbMXZnqQ4dOni+li6hcsu1EB133nmn55jblSgZOp5Ei36U230MV3fNmDZtmuT27dtHf2GZrMEYu1xu4sSJObYOAN7ckqlGjRpJ3rlzZ04vJ27prlN+lGbobiqhbNiwIduvBX+43Y969OjhOffs2bOS9TX1/fff+7+wBKc7uRljXzujRo2SnJKSYs3Tv+vlpJ/97GfWsbuuq4JW2hPP3I5UWqRbQcQDnsQBAAAAAAAIAG7iAAAAAAAABAA3cQAAAAAAAAIgpnvivPvuu9ax3mOmcOHC1pjeP8FteRmJe++9V3K3bt2sMd3iunr16p7naNOmjWTqkq/Q+88sX77cGqtfv75k3YJ97Nix1jy9J452//33W8f9+vXzHNM1pnv27JE8YMAAa97ixYszfS1Ez6BBgzzHli1bZh3TWjpyW7duldy7d29rbPr06ZKbN28u+eWXX7bm+f3ff8qUKZJvueUWa2z+/PmSL1y44OvrJjvdSjxUW3FEn7tPht4LatasWTm9nEzp/ez+/Oc/W2MFChSQrD874K9mzZrFegkIQ1pammS916Mx3nudGGPM7373O8mffPKJ7+tKZpMnT5asW0vXqVPHmjdz5kzJq1evlvzCCy9Y8/bu3ZvlNXTv3t067tixo+TU1FRrLNTfE0TfxYsXY72EiPEkDgAAAAAAQABwEwcAAAAAACAAYlpOFUqFChWsY90i16vcJiseeOABycWKFfOcp0u3li5dao1t3Lgx2+tINIcOHZKsH2M0xi6fq1mzpmRdRuHSjxlmZGSEvY7XXntNcp8+fSR//fXXYZ8D/rnnnnskN23a1HOeLrODf9atW2cdz5kzR3Lr1q0l60fDjfGnnEo/wty4cWPJX331lTVv+PDh2X4tZG7IkCGxXkJS03/vR48ebY3pR//9Lqe66aabPNcR6p/rknL3Om3btq3k3bt3Z3eJ+L9SpUpZx61atfKcu2bNGsmnT5+O2pqQuSJFikh+8803JV9//fWef2bChAnWsfv7BPyjrwndvn3btm3WvJIlS0pu166d5CeffNKaF0nb9zx5Ivv1Wv9eyXciXAtP4gAAAAAAAAQAN3EAAAAAAAACgJs4AAAAAAAAARBXe+Lo9s8DBw60xnSNtt/cescTJ05I1u2v3bZzCM3du0jvQ9SiRQvJZcqUseY9/fTTkl999VXJofbEmTp1qnVMrX580ddvoUKFrDH9vtJaOjo+//xz61i3eX/wwQclu3un6D01+vfv73n+smXLSq5Ro4Y1Nm7cOMl6L4ExY8ZY83bu3Ol5fmSN20Y83Lbiev+iVatW+bcgiFy57P931qlTJ8l6v7BFixZZ8/T+cOXLl5es9+0zxt4Dwm1dqz9r9diuXbusebNnz5Y8cuRIa8x9PfjDbTt8ww03eM5dsmSJ5MuXL0dtTbjCvWb1/imh9sHZtGmT5J49e1pjly5d8ml1COXMmTOS3WtMv48tW7aUXKlSJWverbfe6uua1q9fbx3rvSCnTJkimT08/fOLX/xCsvtzUf88Xbt2bY6tyQ88iQMAAAAAABAA3MQBAAAAAAAIgLgqp1q8eLHkDRs2WGO6xbj7qFsk9CNrW7ZsscYmTpyY7fPjx06dOiV50qRJnvN69+6dE8tBDipevLhktyxux44dkhcsWJBja0pm+/fvl6zLqdzPvm7duklOT0/3nKdbYRYrVszzdXU7Vt1aGTln2LBhkocOHRq7hSQR/d3mkUcescZ0+ZPmtv3WpY269ND9PNXXlVv6pNehueXH586dy3Qeoufmm2/2HHPfj5deeinay4GitwIwxi4RDmXUqFGSKZ+KPzNmzMg0lyhRwppXsGBBybr81Rhj3n33Xcm6lHzv3r3WvI8++kjywYMHrbGLFy9mZdmIgN7Gwf2ZefLkyZxejm94EgcAAAAAACAAuIkDAAAAAAAQACmhOv78aHJKSviT4auMjIyUa8+6Nt7DmNqUkZFR3Y8TBe191CWLlStXtsb69u0refTo0Tm2pkgl8rXodkQpV66cZN3RSpdWGfPjTlPawoULJW/evFlyjLuqJO21mEgS+VpMIlyLxpjXX3/dOtadytztBXSnlXiRaNdi4cKFJX/xxRfWWNGiRSXrTjfvvfeeNa9u3bqSA9JFjGsxASTateiHXr16Sa5du7Y11rp1a8lxVEoc1rXIkzgAAAAAAAABwE0cAAAAAACAAOAmDgAAAAAAQADEVYtxAIlJt8R198RB/Pjmm2+s4w8//FDyY489ltPLAYCk0KxZM+tY71ep95RDzqhXr55kvQeOS++D06pVK2ssIPvgAAlP79sYag/HoOFJHAAAAAAAgADgJg4AAAAAAEAAUE4FIOpWrFghOTU11RrbuHFjTi8HAIC4kSsX/081nugS8P/85z/W2L59+yQ/8cQTkg8fPhz9hQHA//FTAwAAAAAAIAC4iQMAAAAAABAA3MQBAAAAAAAIgBTdxvCak1NSwp8MX2VkZKT4cR7ew5jalJGRUd2PE/E+xg7XYkLgWkwAXIsJgWsxAXAtJgSuxQTAtZgQwroWeRIHAAAAAAAgALiJAwAAAAAAEABZbTF+3BhzIBoLQUilfTwX72Hs8D4GH+9hYuB9DD7ew8TA+xh8vIeJgfcx+HgPE0NY72OW9sQBAAAAAABAbFBOBQAAAAAAEADcxAEAAAAAAAgAbuIAAAAAAAAEADdxAAAAAAAAAoCbOAAAAAAAAAHATRwAAAAAAIAA4CYOAAAAAABAAHATBwAAAAAAIAC4iQMAAAAAABAA/wOj6vqySBf1wwAAAABJRU5ErkJggg==\n", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "score = model.evaluate(X_test, Y_test, verbose=1)\n", - "print('\\n''Test accuracy:', score[1])\n", - "mask = range(10,20)\n", - "X_valid = X_test[mask]\n", - "y_pred = model.predict_classes(X_valid)\n", - "print(y_pred)\n", - "plt.figure(figsize=(20, 4))\n", - "for i in range(n):\n", - " # display original\n", - " ax = plt.subplot(2, n, i + 1)\n", - " plt.imshow(X_valid[i].reshape(28, 28))\n", - " plt.gray()\n", - " ax.get_xaxis().set_visible(False)\n", - " ax.get_yaxis().set_visible(False)\n", - "plt.show()\n", - "plt.close()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.6.6" - } - }, - "nbformat": 4, - "nbformat_minor": 2 -} +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Standard (Fully Connected) Neural Network" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "#Use in Markup cell type\n", + "#![alt text](imagename.png \"Title\") " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Implementing Fully connected Neural Net" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Loading Required packages and Data" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Using TensorFlow backend.\n" + ] + } + ], + "source": [ + "###1. Load Data and Splot Data\n", + "from keras.datasets import mnist\n", + "from keras.models import Sequential \n", + "from keras.layers.core import Dense, Activation\n", + "from keras.utils import np_utils\n", + "(X_train, Y_train), (X_test, Y_test) = mnist.load_data()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Preprocessing" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "import matplotlib.pyplot as plt\n", + "n = 10 # how many digits we will display\n", + "plt.figure(figsize=(20, 4))\n", + "for i in range(n):\n", + " # display original\n", + " ax = plt.subplot(2, n, i + 1)\n", + " plt.imshow(X_test[i].reshape(28, 28))\n", + " plt.gray()\n", + " ax.get_xaxis().set_visible(False)\n", + " ax.get_yaxis().set_visible(False)\n", + "plt.show()\n", + "plt.close()" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Previous X_train shape: (60000, 28, 28) \n", + "Previous Y_train shape:(60000,)\n", + "New X_train shape: (60000, 784) \n", + "New Y_train shape:(60000, 10)\n" + ] + } + ], + "source": [ + "print(\"Previous X_train shape: {} \\nPrevious Y_train shape:{}\".format(X_train.shape, Y_train.shape))\n", + "X_train = X_train.reshape(60000, 784) \n", + "X_test = X_test.reshape(10000, 784)\n", + "X_train = X_train.astype('float32') \n", + "X_test = X_test.astype('float32') \n", + "X_train /= 255 \n", + "X_test /= 255\n", + "classes = 10\n", + "Y_train = np_utils.to_categorical(Y_train, classes) \n", + "Y_test = np_utils.to_categorical(Y_test, classes)\n", + "print(\"New X_train shape: {} \\nNew Y_train shape:{}\".format(X_train.shape, Y_train.shape))" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Setting up parameters" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "input_size = 784\n", + "batch_size = 200 \n", + "hidden1 = 400\n", + "hidden2 = 20\n", + "epochs = 2" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Building the FCN Model" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "_________________________________________________________________\n", + "Layer (type) Output Shape Param # \n", + "=================================================================\n", + "dense_1 (Dense) (None, 400) 314000 \n", + "_________________________________________________________________\n", + "dense_2 (Dense) (None, 20) 8020 \n", + "_________________________________________________________________\n", + "dense_3 (Dense) (None, 10) 210 \n", + "=================================================================\n", + "Total params: 322,230\n", + "Trainable params: 322,230\n", + "Non-trainable params: 0\n", + "_________________________________________________________________\n" + ] + } + ], + "source": [ + "###4.Build the model\n", + "model = Sequential() \n", + "model.add(Dense(hidden1, input_dim=input_size, activation='relu'))\n", + "# output = relu (dot (W, input) + bias)\n", + "model.add(Dense(hidden2, activation='relu'))\n", + "model.add(Dense(classes, activation='softmax')) \n", + "\n", + "# Compilation\n", + "model.compile(loss='categorical_crossentropy', \n", + " metrics=['accuracy'], optimizer='sgd')\n", + "model.summary()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Training The Model" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/10\n", + " - 12s - loss: 1.4482 - acc: 0.6251\n", + "Epoch 2/10\n", + " - 3s - loss: 0.6239 - acc: 0.8482\n", + "Epoch 3/10\n", + " - 3s - loss: 0.4582 - acc: 0.8798\n", + "Epoch 4/10\n", + " - 3s - loss: 0.3941 - acc: 0.8936\n", + "Epoch 5/10\n", + " - 3s - loss: 0.3579 - acc: 0.9011\n", + "Epoch 6/10\n", + " - 4s - loss: 0.3328 - acc: 0.9070\n", + "Epoch 7/10\n", + " - 3s - loss: 0.3138 - acc: 0.9118\n", + "Epoch 8/10\n", + " - 3s - loss: 0.2980 - acc: 0.9157\n", + "Epoch 9/10\n", + " - 3s - loss: 0.2849 - acc: 0.9191\n", + "Epoch 10/10\n", + " - 3s - loss: 0.2733 - acc: 0.9223\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Fitting on Data\n", + "model.fit(X_train, Y_train, batch_size=batch_size, epochs=10, verbose=2)\n", + "###5.Test " + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": true + }, + "source": [ + "#### Testing The Model" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "10000/10000 [==============================] - 1s 121us/step\n", + "\n", + "Test accuracy: 0.9257\n", + "[0 6 9 0 1 5 9 7 3 4]\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABHEAAABzCAYAAAAfb55ZAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMi4zLCBodHRwOi8vbWF0cGxvdGxpYi5vcmcvIxREBQAAHPJJREFUeJzt3XeYVNUZx/GzgBAQEAQVLKAuoQkmNJUIrkCKi4jUUESIgLTE8AASejcohhIeJVIEgVCCNAF5gokoIKCIVKVbQFoiCIhU4XHzB+H1Pce9w+zsnZ25M9/PX7/rOdw5OtzZ2et9z5uSkZFhAAAAAAAAEN9yxXoBAAAAAAAAuDZu4gAAAAAAAAQAN3EAAAAAAAACgJs4AAAAAAAAAcBNHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgALiJAwAAAAAAEADcxAEAAAAAAAiAPFmZnJKSkhGthSC0jIyMFD/Ow3sYU8czMjJu8uNEvI+xw7WYELgWEwDXYkLgWkwAXIsJgWsxAXAtJoSwrkWexAFyzoFYLwCAMYZrEYgXXItAfOBaBOJDWNciN3EAAAAAAAACgJs4AAAAAAAAAcBNHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgALiJAwAAAAAAEADcxAEAAAAAAAiAPLFeAJJTvnz5JK9bt84aq1KliuRly5ZJbtSoUfQXBgAAAABAnOJJHAAAAAAAgADgJg4AAAAAAEAAcBMHAAAAAAAgAAK/J06tWrWs4/fff19yuXLlJDdo0MCa9+ijj0pevny55/nXr18vee3atRGvE/Y+OOPGjZP885//3JqXkZEhedOmTdFfGAAkiaFDh0oeMmSINbZq1SrJderUyaEVIRzVqlWTrPeHa9q0qTVPf+9JSUmxxvTP1s2bN0vetWuXNW/kyJGSd+/eHeGKAcAfBQsWtI5vv/12yd26dfP8c9OmTZO8detW/xcGxBBP4gAAAAAAAAQAN3EAAAAAAAACIDDlVIULF5Y8e/ZsyXXr1rXmnT9/XnLevHklu4/iabVr1/Yc0+c7d+6cNda1a1fJCxYs8DwHrvjjH/8ouVOnTpLfeecda97gwYMlf/DBB9FfGIBMFS1aVLIue0xPT7fm9e7dW/L3339vjenPxgMHDkgeM2aMNe+///1v9haLsKSlpXmOPfzww5lmY+xSK0RO/+wzxpjy5ctLDvVdpGrVqpJ1WVSokqnJkydbY4sXL5b8r3/9K8wVA0DO07+36e8YxhgzcODAsM7RpUsXyfPmzbPGunfvLvnEiRORLBEJ5h//+IfkZcuWWWP63kO84EkcAAAAAACAAOAmDgAAAAAAQAAEppxq1KhRknVnKVf+/Pkl644Lx44ds+adPn3a8xz68WT9WvrcxhgzdepUyXv37rXGtm/f7nn+ZFWiRIlM//nbb79tHVNCBeSc6667TnKvXr2ssd///veSS5Ys6XkOXUKlyzmM+XH3nKuKFy9uHbdv3/7ai0W2uWVS4c6jnMofEydOtI719aJLtt2uUOPHj890zP1uo0umEHvuddSkSRPJ+rPx1ltvtebp7mHz58+3xl544QUfVwjEp379+knu27dvROfInTu35NatW1tjejuOp556SjKlpsklV64fnmfRfyd27twZi+VkCU/iAAAAAAAABAA3cQAAAAAAAAKAmzgAAAAAAAABELd74txzzz3WcbNmzTKdd+jQIeu4bdu2kj/99FPJp06dsuadOXPG87V1fZxud+22tNNtz4cMGWKNdezYUfLJkyc9XyuZFCpUSPKlS5cku3viIDHoltQjRoyQXL9+fWuevt5CtaceMGCA5KNHj1rz6tSpI3nlypXW2Pnz57Oy7KTTuXNnyc8991xE51i9erXkhx56KKw/oz+rjWFPnHgzdOjQWC8hIS1atMg6btSokWS9102NGjVybE3IPr3nn36P77vvPmue3nNRf3/ds2ePNa9UqVKS3c/lAwcOSJ47d26EK04s6enpkt944w3Jes+3a9HfFZYuXeo5T//313tV3X///da848ePS167dm3Y68AV+/fv9xzTe4lNmDDBGtuxY4dk/f4PHz7cmqev2SVLlkjWe7AaY8yLL74oWe9bhsRQpUoVye5ejfGOJ3EAAAAAAAACgJs4AAAAAAAAARC35VS69MYYY4oVKyZZP0bnPvbmRxtUXdKhHynPmzevNe/ZZ5+V3LhxY2ts2rRpkpcvX57tNQWR2zKzQ4cOktevXy9Zt9JEsOhHVdPS0qyx1157TbJuT+22oA63PbV+1PmOO+6w5uk2ru3atbPGZs2a5bn+ZKXLVQcNGpTlP++2+9SPlLuPLPfu3TvL5wcSVdeuXa3jatWqSS5durRkXU5jjDFffvlldBeGLHEfu9ff83Qpsfu+6fLVDRs2SP7mm2+sefpnnC71MMaY5s2bS543b16m/9wYY7Zs2SJ537591pj7szbo9LWTlRIqLX/+/JJbtGgR1p/p0aOH5+vq7zb6vTbGLhXXrYzdEiK3zC6Z6FJT1/z58yV37949rPNt27bNOl68eLHkG2+8UbL7nSg1NVWyW/att4aAf8qWLSt59OjRkp955hlrni5t9NvHH38ctXP7hSdxAAAAAAAAAoCbOAAAAAAAAAHATRwAAAAAAIAAiNs9cfLly+c5NmPGDMlua7lo6t+/v3Wsa2bvuusua6xJkyaSk3VPHLcle6w88MADkt29VDS3Xnbv3r1RW1OiqFq1quQVK1Z4ztMtwf/whz9YY6FaNuo697Nnz0p+6aWXrHnfffddpq+FK/QeOMYY8/zzz0vWezu4+yToeuOGDRtK3rVrlzVP1/4PHjzYGtN157ptq7unxPbt2yXfe++9mfxbwA/Dhg2TPGTIEM95botxWo7749ixY9bx5MmTJetW0u71wZ448cXd60vvg3PkyBHJ5cqVs+bpn1WhHDx4ULK7183Fixcl169fX/KcOXM8z1ewYEHrWO8xlwimTp0qWe9TUqZMGWteqOvoJz/5ieTHH388rNetUKGC5Jtuuskay5Xrh/9PXrNmTWvMPb7qwoUL1vFf/vIXyaE+rxOR/rutv2MYY39Whstt867fY/2dqFatWta81q1be57zqaeeknz58uUsrwmZ07+3NWjQQLL+/d8Yf/bEcT8jrjp8+HC2zx1tPIkDAAAAAAAQANzEAQAAAAAACIC4LacaMWKE55jbqi9W3nrrLcldunSxxvSjYMnq0Ucf9RzTj7764ZVXXvF87aJFi0rWLSRdp0+fto7HjRsnOdTfx2SjS3N0eYxr5cqVkvv16yc5Ky3ldZt63Wa1SJEi1jz9yLF+XVyhy96Msa8P/ci3+6j/3/72N8k7duwI67Xclpsffvih5OnTp0vu1auXNa9y5cqSdYmJMcZ06tQprNfGtSXbI/nxTl9/KSkpknWZhjsWii51DFWqiqxr2bKl5J49e1pjJ06ckKzfu3DLp0L57LPPrOOKFStKnjlzpuef0z8z3TKdRKN/7vjx/VJ//wulUqVKkn/1q195znNLcqpVq5bpPF3SZYzdPnvs2LHWmNuWPtG8/fbbkuvWrWuN6fL6SK1fv17yn/70J8nuFhj6dwj3fVy2bJnk119/PdtrwhXu+31VNEqc9PfLU6dOSc7K7yqxwpM4AAAAAAAAAcBNHAAAAAAAgACIq3Kqu+++W7IuozDGfmzw448/zrE1hfLOO+9IdsupklWBAgUk58lj//XSj8HpsopQ9DnckhDd9aZEiRLWmH5EXXcD0Y9nuucsVaqUNaYfsdOPLPuxG3qQDRo0SLLuoOI+gqofN//0008jei39qHKVKlU854XqjAVj0tPTrWPdhUp3fVi1apU1b8yYMb6uo2/fvp5r0u919erVfX1dIF64HWw6duwoWV+XbhcOXU6l57llVvrn4uzZsz3HkHW6a57+jmGMXW565syZqK7j0KFDYc379ttvJbudB+GPTz75JNPsckv+b7vtNsn652KHDh2seYULF5bsliC7nSATjS4N9SqvyYz+TNXlT5MmTQrrz8+dO9c67tatm+fcn/70p2GvC94KFSpkHderV0+yLlPT5fl+ue666yTr78NB6DbGkzgAAAAAAAABwE0cAAAAAACAAOAmDgAAAAAAQADE1Z44bdq0kaz3xzHGmIULF0rWbeEQX3Qt6i233GKNuW2Dvej9kPS+NAMHDvT8M0eOHLGO//73v0vWbZJD1ZK77bLr168vuWTJkpKTbU+cKVOmWMfNmzeXrNs86rpuYyLbB0fXphpjtybXez+sXr3amucew5hixYpJvu+++8L6M/q6iTb3tUaNGpVjrw3kJL0PjvtZpfdi0y1N9X4Qxhizdu3aTM/99NNPW8e6dXGTJk2sMb0viv5McF+L1uSZS01N9RzLyc+v3/zmN5Lz58/vOY+Wx/HDbfGu28brvzvunjh6X6Nw95JMFB999JHnmN6fym3L/vLLL0vW3ynT0tJ8XN0V+neePXv2SP73v/9tzUv0dvDZVbFiRetY7xm1YcMGyXrPmkgVKVLEOq5QoYJk932LdzyJAwAAAAAAEADcxAEAAAAAAAiAuCqnatmypWT30bPx48fn9HIQgVBtoPft2xfWOXTZVOfOnSW7LTJ1i/cePXpYY7rdZ7jCXV+ycds96/dBt1LduXNnROfXj7uOGDHCGqtdu3amrzt8+PCIXiuZ6LKKO++803Pee++9J9ltEx8rRYsWtY51OePRo0dzejlAtpQrVy7TbIwxixYtkqxLVcPllikXL15csi5RN8aYRo0aSdatWt3Pbr2O3bt3Z3lNiaJAgQLWcePGjT3nuiXdfsqbN691PHLkyEzH3NbmoVpeI348/vjjnmO69XKzZs2ssRdffDFqa4oHb7zxhmS3jEZ//3e3btCla26Jvt90Oey8efMkuyWpemuIJUuWWGOUrxpTq1YtzzG/t0to0aKFday3HlizZo2vrxVtPIkDAAAAAAAQANzEAQAAAAAACIC4KqfS3Ed4vTozIL7ozlLhKlu2rHXsPup2ldslqXv37pK/++67LL/utehOIToje9zSnm7duknu2bOn55/TZTRbt271fV2JRpdThTJkyBDJJ0+ejNZysuSOO+6wjitVqiSZcqqcMXTo0FgvIWHo7y+5c+eO6msdP35c8l//+ldrTB/rx/vdDlf6kfL09HRrbNOmTb6sM4ii/d5pugykbt261pjbvfWqadOmWcfJ1kkzSPR7GOqz9vTp05Ld78CJTv+7z5o1y3OeW0b4xBNPSP7tb38r+cYbb7Tm6Q60fnNLMfX63TLH1q1bS45kK4igypcvn2T9e4Axxpw4cUKyLqd/9dVXrXm6lO7666+X/NBDD3m+ru5063I7ncU7nsQBAAAAAAAIAG7iAAAAAAAABAA3cQAAAAAAAAIgpnvi6Po1Y6LfCg7Rp9shhqo71J555hnruEiRIpLnzJkjuWvXrtlcXWh67cYYc+nSJcnR2HMnKNz2s5UrV5asW/Nt2bIlrPPpFrjG2PsouW3ktZUrV0o+depUWK+VzHRNdqhr0e/2jZHKleuH/6fgthMF4C/dmly3OTfG/kxYvny5NaZ/Di9evDhKq4sPly9fto73798v2d3b7de//rXkbdu2Zfm19L4Pxhjz5JNPSn7++efDOsf06dOz/LqIjccee0yy+7uQpvfBiZc96+Kd/szS2d3Tyv3Of5Xbslx/L/3qq688X3fYsGGS27dvb43p72N6jz9jjBk7dqzkPn36SE70vR/1/jN33XWX57xly5ZJdr8b7tq1S7L+fP7nP//peb569ep5rmPkyJGSv/76a2vezJkzPc8ZKzyJAwAAAAAAEADcxAEAAAAAAAiAmJZT6dZvxhiTmpoqWbfJjFcNGzb0HHMfw00W+rHDUKUxmvsYsf5z7pjfdClPhw4drDH3EfNk1bFjR+u4cOHCknWLRl1mlRX6Omrbtq011rRpU8kTJ06M6PzJqkaNGpLDvRZjST8mG4T1AonC/b6lS6bGjBljjU2aNEly6dKlJbvtzBOBW0adlpYm2S0zHjVqlGRdWrVw4UJrXsWKFSXrco7atWtb83RJh261bIwxN9xwg+Qvv/xS8sGDBzP5t0A8KFOmjHX83HPPZTrv7Nmz1vHUqVOjtqZEpUv2y5YtK3n9+vXWPK+y/EjL9bt37y553rx51tgrr7wi2S2n+uUvfylZl06mp6dHtI6guHjxouR9+/ZZYzfffLNkXeI0Y8YMa16o8jYv+jPTGGNuv/12yXobjc6dO1vzKKcCAAAAAABARLiJAwAAAAAAEADcxAEAAAAAAAiAmO6JEzTVqlWzjhs0aOA5t3///tFeTsJw6w4ffPDBTHO/fv2sebpFqtsKLlx635tz585ZY+5eAMnq/Pnz1rFujfnwww9Lrl69uuc5duzYIdlt/TdhwgTJzZo1s8b27t0r+bPPPgtvwQi8M2fOWMeRXt8Asm7NmjWS3X0ZdPvx0aNHS07EPXFchw4dktymTRtrbMCAAZLr1q2baTbG3nPhiy++kLxq1Spr3ty5cyW/+eab1pjeM2zlypWST5w4EXL9yFl6bxZ9rRjj3VZ88ODB1vHu3bv9X1iC0d9JjbE/i/S+ly1btrTmLVmyJGprcvffqVWrluTNmzdbY3fffbfkmjVrSn7kkUeseStWrPBziTF34cIFyXoPR2OMyZPnh9sTfnyu3XbbbZKLFi1qjW3btk1yu3btJLu/E8YjnsQBAAAAAAAIAG7iAAAAAAAABADlVNegS6h69uxpjRUpUkTyunXrrLG33noruguLE/pRRWMiawnulkpUrVpV8tKlSyWPGDHCmqcfNXRL27799ttMxwYOHGjNq1KlimS35eMHH3xwzbUnO/0IuPs4eLi6dOki2W0tvXHjRsnHjh2L6PyIT247eW3o0KHWsfv4MSKnr1NdDuly3wP3GMnBbT++du1ayeXLl8/p5cQN/d3EGLtM2C2913Tb8lCfa7o1ct68eT3nLViwIOQ6ETt9+/aV3LBhQ895n3/+ueTx48dHdU2JqGDBgtax/r1EXzsLFy605ukSp2h/39e/k7Rq1coae//99yUXKlRIcp8+fax5iVZOpZ0+fTqq59e/L7qljLpcdfv27VFdh994EgcAAAAAACAAuIkDAAAAAAAQADEtp9q/f791rB83i6XcuXNLfvbZZyW3aNHCmnf48OFM5xljzOXLl6O0uvhy5MgR63jfvn2SS5cubY3pLg2TJk2S7O4AfvToUcl6x3K3ZGrXrl2SdWmbMXZnqQ4dOni+li6hcsu1EB133nmn55jblSgZOp5Ei36U230MV3fNmDZtmuT27dtHf2GZrMEYu1xu4sSJObYOAN7ckqlGjRpJ3rlzZ04vJ27prlN+lGbobiqhbNiwIduvBX+43Y969OjhOffs2bOS9TX1/fff+7+wBKc7uRljXzujRo2SnJKSYs3Tv+vlpJ/97GfWsbuuq4JW2hPP3I5UWqRbQcQDnsQBAAAAAAAIAG7iAAAAAAAABAA3cQAAAAAAAAIgpnvivPvuu9ax3mOmcOHC1pjeP8FteRmJe++9V3K3bt2sMd3iunr16p7naNOmjWTqkq/Q+88sX77cGqtfv75k3YJ97Nix1jy9J452//33W8f9+vXzHNM1pnv27JE8YMAAa97ixYszfS1Ez6BBgzzHli1bZh3TWjpyW7duldy7d29rbPr06ZKbN28u+eWXX7bm+f3ff8qUKZJvueUWa2z+/PmSL1y44OvrJjvdSjxUW3FEn7tPht4LatasWTm9nEzp/ez+/Oc/W2MFChSQrD874K9mzZrFegkIQ1pammS916Mx3nudGGPM7373O8mffPKJ7+tKZpMnT5asW0vXqVPHmjdz5kzJq1evlvzCCy9Y8/bu3ZvlNXTv3t067tixo+TU1FRrLNTfE0TfxYsXY72EiPEkDgAAAAAAQABwEwcAAAAAACAAYlpOFUqFChWsY90i16vcJiseeOABycWKFfOcp0u3li5dao1t3Lgx2+tINIcOHZKsH2M0xi6fq1mzpmRdRuHSjxlmZGSEvY7XXntNcp8+fSR//fXXYZ8D/rnnnnskN23a1HOeLrODf9atW2cdz5kzR3Lr1q0l60fDjfGnnEo/wty4cWPJX331lTVv+PDh2X4tZG7IkCGxXkJS03/vR48ebY3pR//9Lqe66aabPNcR6p/rknL3Om3btq3k3bt3Z3eJ+L9SpUpZx61atfKcu2bNGsmnT5+O2pqQuSJFikh+8803JV9//fWef2bChAnWsfv7BPyjrwndvn3btm3WvJIlS0pu166d5CeffNKaF0nb9zx5Ivv1Wv9eyXciXAtP4gAAAAAAAAQAN3EAAAAAAAACgJs4AAAAAAAAARBXe+Lo9s8DBw60xnSNtt/cescTJ05I1u2v3bZzCM3du0jvQ9SiRQvJZcqUseY9/fTTkl999VXJofbEmTp1qnVMrX580ddvoUKFrDH9vtJaOjo+//xz61i3eX/wwQclu3un6D01+vfv73n+smXLSq5Ro4Y1Nm7cOMl6L4ExY8ZY83bu3Ol5fmSN20Y83Lbiev+iVatW+bcgiFy57P931qlTJ8l6v7BFixZZ8/T+cOXLl5es9+0zxt4Dwm1dqz9r9diuXbusebNnz5Y8cuRIa8x9PfjDbTt8ww03eM5dsmSJ5MuXL0dtTbjCvWb1/imh9sHZtGmT5J49e1pjly5d8ml1COXMmTOS3WtMv48tW7aUXKlSJWverbfe6uua1q9fbx3rvSCnTJkimT08/fOLX/xCsvtzUf88Xbt2bY6tyQ88iQMAAAAAABAA3MQBAAAAAAAIgLgqp1q8eLHkDRs2WGO6xbj7qFsk9CNrW7ZsscYmTpyY7fPjx06dOiV50qRJnvN69+6dE8tBDipevLhktyxux44dkhcsWJBja0pm+/fvl6zLqdzPvm7duklOT0/3nKdbYRYrVszzdXU7Vt1aGTln2LBhkocOHRq7hSQR/d3mkUcescZ0+ZPmtv3WpY269ND9PNXXlVv6pNehueXH586dy3Qeoufmm2/2HHPfj5deeinay4GitwIwxi4RDmXUqFGSKZ+KPzNmzMg0lyhRwppXsGBBybr81Rhj3n33Xcm6lHzv3r3WvI8++kjywYMHrbGLFy9mZdmIgN7Gwf2ZefLkyZxejm94EgcAAAAAACAAuIkDAAAAAAAQACmhOv78aHJKSviT4auMjIyUa8+6Nt7DmNqUkZFR3Y8TBe191CWLlStXtsb69u0refTo0Tm2pkgl8rXodkQpV66cZN3RSpdWGfPjTlPawoULJW/evFlyjLuqJO21mEgS+VpMIlyLxpjXX3/dOtadytztBXSnlXiRaNdi4cKFJX/xxRfWWNGiRSXrTjfvvfeeNa9u3bqSA9JFjGsxASTateiHXr16Sa5du7Y11rp1a8lxVEoc1rXIkzgAAAAAAAABwE0cAAAAAACAAOAmDgAAAAAAQADEVYtxAIlJt8R198RB/Pjmm2+s4w8//FDyY489ltPLAYCk0KxZM+tY71ep95RDzqhXr55kvQeOS++D06pVK2ssIPvgAAlP79sYag/HoOFJHAAAAAAAgADgJg4AAAAAAEAAUE4FIOpWrFghOTU11RrbuHFjTi8HAIC4kSsX/081nugS8P/85z/W2L59+yQ/8cQTkg8fPhz9hQHA//FTAwAAAAAAIAC4iQMAAAAAABAA3MQBAAAAAAAIgBTdxvCak1NSwp8MX2VkZKT4cR7ew5jalJGRUd2PE/E+xg7XYkLgWkwAXIsJgWsxAXAtJgSuxQTAtZgQwroWeRIHAAAAAAAgALiJAwAAAAAAEABZbTF+3BhzIBoLQUilfTwX72Hs8D4GH+9hYuB9DD7ew8TA+xh8vIeJgfcx+HgPE0NY72OW9sQBAAAAAABAbFBOBQAAAAAAEADcxAEAAAAAAAgAbuIAAAAAAAAEADdxAAAAAAAAAoCbOAAAAAAAAAHATRwAAAAAAIAA4CYOAAAAAABAAHATBwAAAAAAIAC4iQMAAAAAABAA/wOj6vqySBf1wwAAAABJRU5ErkJggg==\n", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "score = model.evaluate(X_test, Y_test, verbose=1)\n", + "print('\\n''Test accuracy:', score[1])\n", + "mask = range(10,20)\n", + "X_valid = X_test[mask]\n", + "y_pred = model.predict_classes(X_valid)\n", + "print(y_pred)\n", + "plt.figure(figsize=(20, 4))\n", + "for i in range(n):\n", + " # display original\n", + " ax = plt.subplot(2, n, i + 1)\n", + " plt.imshow(X_valid[i].reshape(28, 28))\n", + " plt.gray()\n", + " ax.get_xaxis().set_visible(False)\n", + " ax.get_yaxis().set_visible(False)\n", + "plt.show()\n", + "plt.close()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.6" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/neural_network/perceptron.py b/neural_network/perceptron.py index c6a6f0d73860..6955e65ae559 100644 --- a/neural_network/perceptron.py +++ b/neural_network/perceptron.py @@ -1,123 +1,123 @@ -''' - - Perceptron - w = w + N * (d(k) - y) * x(k) - - Using perceptron network for oil analysis, - with Measuring of 3 parameters that represent chemical characteristics we can classify the oil, in p1 or p2 - p1 = -1 - p2 = 1 - -''' -from __future__ import print_function - -import random - - -class Perceptron: - def __init__(self, sample, exit, learn_rate=0.01, epoch_number=1000, bias=-1): - self.sample = sample - self.exit = exit - self.learn_rate = learn_rate - self.epoch_number = epoch_number - self.bias = bias - self.number_sample = len(sample) - self.col_sample = len(sample[0]) - self.weight = [] - - def training(self): - for sample in self.sample: - sample.insert(0, self.bias) - - for i in range(self.col_sample): - self.weight.append(random.random()) - - self.weight.insert(0, self.bias) - - epoch_count = 0 - - while True: - erro = False - for i in range(self.number_sample): - u = 0 - for j in range(self.col_sample + 1): - u = u + self.weight[j] * self.sample[i][j] - y = self.sign(u) - if y != self.exit[i]: - - for j in range(self.col_sample + 1): - self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] - erro = True - # print('Epoch: \n',epoch_count) - epoch_count = epoch_count + 1 - # if you want controle the epoch or just by erro - if erro == False: - print(('\nEpoch:\n', epoch_count)) - print('------------------------\n') - # if epoch_count > self.epoch_number or not erro: - break - - def sort(self, sample): - sample.insert(0, self.bias) - u = 0 - for i in range(self.col_sample + 1): - u = u + self.weight[i] * sample[i] - - y = self.sign(u) - - if y == -1: - print(('Sample: ', sample)) - print('classification: P1') - else: - print(('Sample: ', sample)) - print('classification: P2') - - def sign(self, u): - return 1 if u >= 0 else -1 - - -samples = [ - [-0.6508, 0.1097, 4.0009], - [-1.4492, 0.8896, 4.4005], - [2.0850, 0.6876, 12.0710], - [0.2626, 1.1476, 7.7985], - [0.6418, 1.0234, 7.0427], - [0.2569, 0.6730, 8.3265], - [1.1155, 0.6043, 7.4446], - [0.0914, 0.3399, 7.0677], - [0.0121, 0.5256, 4.6316], - [-0.0429, 0.4660, 5.4323], - [0.4340, 0.6870, 8.2287], - [0.2735, 1.0287, 7.1934], - [0.4839, 0.4851, 7.4850], - [0.4089, -0.1267, 5.5019], - [1.4391, 0.1614, 8.5843], - [-0.9115, -0.1973, 2.1962], - [0.3654, 1.0475, 7.4858], - [0.2144, 0.7515, 7.1699], - [0.2013, 1.0014, 6.5489], - [0.6483, 0.2183, 5.8991], - [-0.1147, 0.2242, 7.2435], - [-0.7970, 0.8795, 3.8762], - [-1.0625, 0.6366, 2.4707], - [0.5307, 0.1285, 5.6883], - [-1.2200, 0.7777, 1.7252], - [0.3957, 0.1076, 5.6623], - [-0.1013, 0.5989, 7.1812], - [2.4482, 0.9455, 11.2095], - [2.0149, 0.6192, 10.9263], - [0.2012, 0.2611, 5.4631] - -] - -exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] - -network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) - -network.training() - -while True: - sample = [] - for i in range(3): - sample.insert(i, float(input('value: '))) - network.sort(sample) +''' + + Perceptron + w = w + N * (d(k) - y) * x(k) + + Using perceptron network for oil analysis, + with Measuring of 3 parameters that represent chemical characteristics we can classify the oil, in p1 or p2 + p1 = -1 + p2 = 1 + +''' +from __future__ import print_function + +import random + + +class Perceptron: + def __init__(self, sample, exit, learn_rate=0.01, epoch_number=1000, bias=-1): + self.sample = sample + self.exit = exit + self.learn_rate = learn_rate + self.epoch_number = epoch_number + self.bias = bias + self.number_sample = len(sample) + self.col_sample = len(sample[0]) + self.weight = [] + + def training(self): + for sample in self.sample: + sample.insert(0, self.bias) + + for i in range(self.col_sample): + self.weight.append(random.random()) + + self.weight.insert(0, self.bias) + + epoch_count = 0 + + while True: + erro = False + for i in range(self.number_sample): + u = 0 + for j in range(self.col_sample + 1): + u = u + self.weight[j] * self.sample[i][j] + y = self.sign(u) + if y != self.exit[i]: + + for j in range(self.col_sample + 1): + self.weight[j] = self.weight[j] + self.learn_rate * (self.exit[i] - y) * self.sample[i][j] + erro = True + # print('Epoch: \n',epoch_count) + epoch_count = epoch_count + 1 + # if you want controle the epoch or just by erro + if erro == False: + print(('\nEpoch:\n', epoch_count)) + print('------------------------\n') + # if epoch_count > self.epoch_number or not erro: + break + + def sort(self, sample): + sample.insert(0, self.bias) + u = 0 + for i in range(self.col_sample + 1): + u = u + self.weight[i] * sample[i] + + y = self.sign(u) + + if y == -1: + print(('Sample: ', sample)) + print('classification: P1') + else: + print(('Sample: ', sample)) + print('classification: P2') + + def sign(self, u): + return 1 if u >= 0 else -1 + + +samples = [ + [-0.6508, 0.1097, 4.0009], + [-1.4492, 0.8896, 4.4005], + [2.0850, 0.6876, 12.0710], + [0.2626, 1.1476, 7.7985], + [0.6418, 1.0234, 7.0427], + [0.2569, 0.6730, 8.3265], + [1.1155, 0.6043, 7.4446], + [0.0914, 0.3399, 7.0677], + [0.0121, 0.5256, 4.6316], + [-0.0429, 0.4660, 5.4323], + [0.4340, 0.6870, 8.2287], + [0.2735, 1.0287, 7.1934], + [0.4839, 0.4851, 7.4850], + [0.4089, -0.1267, 5.5019], + [1.4391, 0.1614, 8.5843], + [-0.9115, -0.1973, 2.1962], + [0.3654, 1.0475, 7.4858], + [0.2144, 0.7515, 7.1699], + [0.2013, 1.0014, 6.5489], + [0.6483, 0.2183, 5.8991], + [-0.1147, 0.2242, 7.2435], + [-0.7970, 0.8795, 3.8762], + [-1.0625, 0.6366, 2.4707], + [0.5307, 0.1285, 5.6883], + [-1.2200, 0.7777, 1.7252], + [0.3957, 0.1076, 5.6623], + [-0.1013, 0.5989, 7.1812], + [2.4482, 0.9455, 11.2095], + [2.0149, 0.6192, 10.9263], + [0.2012, 0.2611, 5.4631] + +] + +exit = [-1, -1, -1, 1, 1, -1, 1, -1, 1, 1, -1, 1, -1, -1, -1, -1, 1, 1, 1, 1, -1, 1, 1, 1, 1, -1, -1, 1, -1, 1] + +network = Perceptron(sample=samples, exit=exit, learn_rate=0.01, epoch_number=1000, bias=-1) + +network.training() + +while True: + sample = [] + for i in range(3): + sample.insert(i, float(input('value: '))) + network.sort(sample) diff --git a/other/anagrams.py b/other/anagrams.py index babb747a6cce..e6e5b7f3dbbc 100644 --- a/other/anagrams.py +++ b/other/anagrams.py @@ -1,38 +1,38 @@ -from __future__ import print_function - -import collections -import os -import pprint -import time - -start_time = time.time() -print('creating word list...') -path = os.path.split(os.path.realpath(__file__)) -with open(path[0] + '/words') as f: - word_list = sorted(list(set([word.strip().lower() for word in f]))) - - -def signature(word): - return ''.join(sorted(word)) - - -word_bysig = collections.defaultdict(list) -for word in word_list: - word_bysig[signature(word)].append(word) - - -def anagram(myword): - return word_bysig[signature(myword)] - - -print('finding anagrams...') -all_anagrams = {word: anagram(word) - for word in word_list if len(anagram(word)) > 1} - -print('writing anagrams to file...') -with open('anagrams.txt', 'w') as file: - file.write('all_anagrams = ') - file.write(pprint.pformat(all_anagrams)) - -total_time = round(time.time() - start_time, 2) -print(('Done [', total_time, 'seconds ]')) +from __future__ import print_function + +import collections +import os +import pprint +import time + +start_time = time.time() +print('creating word list...') +path = os.path.split(os.path.realpath(__file__)) +with open(path[0] + '/words') as f: + word_list = sorted(list(set([word.strip().lower() for word in f]))) + + +def signature(word): + return ''.join(sorted(word)) + + +word_bysig = collections.defaultdict(list) +for word in word_list: + word_bysig[signature(word)].append(word) + + +def anagram(myword): + return word_bysig[signature(myword)] + + +print('finding anagrams...') +all_anagrams = {word: anagram(word) + for word in word_list if len(anagram(word)) > 1} + +print('writing anagrams to file...') +with open('anagrams.txt', 'w') as file: + file.write('all_anagrams = ') + file.write(pprint.pformat(all_anagrams)) + +total_time = round(time.time() - start_time, 2) +print(('Done [', total_time, 'seconds ]')) diff --git a/other/binary_exponentiation.py b/other/binary_exponentiation.py index e3f631c389a6..dd4e70e74129 100644 --- a/other/binary_exponentiation.py +++ b/other/binary_exponentiation.py @@ -1,50 +1,50 @@ -""" -* Binary Exponentiation for Powers -* This is a method to find a^b in a time complexity of O(log b) -* This is one of the most commonly used methods of finding powers. -* Also useful in cases where solution to (a^b)%c is required, -* where a,b,c can be numbers over the computers calculation limits. -* Done using iteration, can also be done using recursion - -* @author chinmoy159 -* @version 1.0 dated 10/08/2017 -""" - - -def b_expo(a, b): - res = 1 - while b > 0: - if b & 1: - res *= a - - a *= a - b >>= 1 - - return res - - -def b_expo_mod(a, b, c): - res = 1 - while b > 0: - if b & 1: - res = ((res % c) * (a % c)) % c - - a *= a - b >>= 1 - - return res - - -""" -* Wondering how this method works ! -* It's pretty simple. -* Let's say you need to calculate a ^ b -* RULE 1 : a ^ b = (a*a) ^ (b/2) ---- example : 4 ^ 4 = (4*4) ^ (4/2) = 16 ^ 2 -* RULE 2 : IF b is ODD, then ---- a ^ b = a * (a ^ (b - 1)) :: where (b - 1) is even. -* Once b is even, repeat the process to get a ^ b -* Repeat the process till b = 1 OR b = 0, because a^1 = a AND a^0 = 1 -* -* As far as the modulo is concerned, -* the fact : (a*b) % c = ((a%c) * (b%c)) % c -* Now apply RULE 1 OR 2 whichever is required. -""" +""" +* Binary Exponentiation for Powers +* This is a method to find a^b in a time complexity of O(log b) +* This is one of the most commonly used methods of finding powers. +* Also useful in cases where solution to (a^b)%c is required, +* where a,b,c can be numbers over the computers calculation limits. +* Done using iteration, can also be done using recursion + +* @author chinmoy159 +* @version 1.0 dated 10/08/2017 +""" + + +def b_expo(a, b): + res = 1 + while b > 0: + if b & 1: + res *= a + + a *= a + b >>= 1 + + return res + + +def b_expo_mod(a, b, c): + res = 1 + while b > 0: + if b & 1: + res = ((res % c) * (a % c)) % c + + a *= a + b >>= 1 + + return res + + +""" +* Wondering how this method works ! +* It's pretty simple. +* Let's say you need to calculate a ^ b +* RULE 1 : a ^ b = (a*a) ^ (b/2) ---- example : 4 ^ 4 = (4*4) ^ (4/2) = 16 ^ 2 +* RULE 2 : IF b is ODD, then ---- a ^ b = a * (a ^ (b - 1)) :: where (b - 1) is even. +* Once b is even, repeat the process to get a ^ b +* Repeat the process till b = 1 OR b = 0, because a^1 = a AND a^0 = 1 +* +* As far as the modulo is concerned, +* the fact : (a*b) % c = ((a%c) * (b%c)) % c +* Now apply RULE 1 OR 2 whichever is required. +""" diff --git a/other/binary_exponentiation_2.py b/other/binary_exponentiation_2.py index 252973c748eb..51ec4baf2598 100644 --- a/other/binary_exponentiation_2.py +++ b/other/binary_exponentiation_2.py @@ -1,50 +1,50 @@ -""" -* Binary Exponentiation with Multiplication -* This is a method to find a*b in a time complexity of O(log b) -* This is one of the most commonly used methods of finding result of multiplication. -* Also useful in cases where solution to (a*b)%c is required, -* where a,b,c can be numbers over the computers calculation limits. -* Done using iteration, can also be done using recursion - -* @author chinmoy159 -* @version 1.0 dated 10/08/2017 -""" - - -def b_expo(a, b): - res = 0 - while b > 0: - if b & 1: - res += a - - a += a - b >>= 1 - - return res - - -def b_expo_mod(a, b, c): - res = 0 - while b > 0: - if b & 1: - res = ((res % c) + (a % c)) % c - - a += a - b >>= 1 - - return res - - -""" -* Wondering how this method works ! -* It's pretty simple. -* Let's say you need to calculate a ^ b -* RULE 1 : a * b = (a+a) * (b/2) ---- example : 4 * 4 = (4+4) * (4/2) = 8 * 2 -* RULE 2 : IF b is ODD, then ---- a * b = a + (a * (b - 1)) :: where (b - 1) is even. -* Once b is even, repeat the process to get a * b -* Repeat the process till b = 1 OR b = 0, because a*1 = a AND a*0 = 0 -* -* As far as the modulo is concerned, -* the fact : (a+b) % c = ((a%c) + (b%c)) % c -* Now apply RULE 1 OR 2, whichever is required. -""" +""" +* Binary Exponentiation with Multiplication +* This is a method to find a*b in a time complexity of O(log b) +* This is one of the most commonly used methods of finding result of multiplication. +* Also useful in cases where solution to (a*b)%c is required, +* where a,b,c can be numbers over the computers calculation limits. +* Done using iteration, can also be done using recursion + +* @author chinmoy159 +* @version 1.0 dated 10/08/2017 +""" + + +def b_expo(a, b): + res = 0 + while b > 0: + if b & 1: + res += a + + a += a + b >>= 1 + + return res + + +def b_expo_mod(a, b, c): + res = 0 + while b > 0: + if b & 1: + res = ((res % c) + (a % c)) % c + + a += a + b >>= 1 + + return res + + +""" +* Wondering how this method works ! +* It's pretty simple. +* Let's say you need to calculate a ^ b +* RULE 1 : a * b = (a+a) * (b/2) ---- example : 4 * 4 = (4+4) * (4/2) = 8 * 2 +* RULE 2 : IF b is ODD, then ---- a * b = a + (a * (b - 1)) :: where (b - 1) is even. +* Once b is even, repeat the process to get a * b +* Repeat the process till b = 1 OR b = 0, because a*1 = a AND a*0 = 0 +* +* As far as the modulo is concerned, +* the fact : (a+b) % c = ((a%c) + (b%c)) % c +* Now apply RULE 1 OR 2, whichever is required. +""" diff --git a/other/detecting_english_programmatically.py b/other/detecting_english_programmatically.py index 82344b22179a..a41fa06acd39 100644 --- a/other/detecting_english_programmatically.py +++ b/other/detecting_english_programmatically.py @@ -1,60 +1,60 @@ -import os - -UPPERLETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' -LETTERS_AND_SPACE = UPPERLETTERS + UPPERLETTERS.lower() + ' \t\n' - - -def loadDictionary(): - path = os.path.split(os.path.realpath(__file__)) - englishWords = {} - with open(path[0] + '/Dictionary.txt') as dictionaryFile: - for word in dictionaryFile.read().split('\n'): - englishWords[word] = None - return englishWords - - -ENGLISH_WORDS = loadDictionary() - - -def getEnglishCount(message): - message = message.upper() - message = removeNonLetters(message) - possibleWords = message.split() - - if possibleWords == []: - return 0.0 - - matches = 0 - for word in possibleWords: - if word in ENGLISH_WORDS: - matches += 1 - - return float(matches) / len(possibleWords) - - -def removeNonLetters(message): - lettersOnly = [] - for symbol in message: - if symbol in LETTERS_AND_SPACE: - lettersOnly.append(symbol) - return ''.join(lettersOnly) - - -def isEnglish(message, wordPercentage=20, letterPercentage=85): - """ - >>> isEnglish('Hello World') - True - - >>> isEnglish('llold HorWd') - False - """ - wordsMatch = getEnglishCount(message) * 100 >= wordPercentage - numLetters = len(removeNonLetters(message)) - messageLettersPercentage = (float(numLetters) / len(message)) * 100 - lettersMatch = messageLettersPercentage >= letterPercentage - return wordsMatch and lettersMatch - - -import doctest - -doctest.testmod() +import os + +UPPERLETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' +LETTERS_AND_SPACE = UPPERLETTERS + UPPERLETTERS.lower() + ' \t\n' + + +def loadDictionary(): + path = os.path.split(os.path.realpath(__file__)) + englishWords = {} + with open(path[0] + '/Dictionary.txt') as dictionaryFile: + for word in dictionaryFile.read().split('\n'): + englishWords[word] = None + return englishWords + + +ENGLISH_WORDS = loadDictionary() + + +def getEnglishCount(message): + message = message.upper() + message = removeNonLetters(message) + possibleWords = message.split() + + if possibleWords == []: + return 0.0 + + matches = 0 + for word in possibleWords: + if word in ENGLISH_WORDS: + matches += 1 + + return float(matches) / len(possibleWords) + + +def removeNonLetters(message): + lettersOnly = [] + for symbol in message: + if symbol in LETTERS_AND_SPACE: + lettersOnly.append(symbol) + return ''.join(lettersOnly) + + +def isEnglish(message, wordPercentage=20, letterPercentage=85): + """ + >>> isEnglish('Hello World') + True + + >>> isEnglish('llold HorWd') + False + """ + wordsMatch = getEnglishCount(message) * 100 >= wordPercentage + numLetters = len(removeNonLetters(message)) + messageLettersPercentage = (float(numLetters) / len(message)) * 100 + lettersMatch = messageLettersPercentage >= letterPercentage + return wordsMatch and lettersMatch + + +import doctest + +doctest.testmod() diff --git a/other/dictionary.txt b/other/dictionary.txt index 6132ba447b89..14528efe844f 100644 --- a/other/dictionary.txt +++ b/other/dictionary.txt @@ -1,45333 +1,45333 @@ -AARHUS -AARON -ABABA -ABACK -ABAFT -ABANDON -ABANDONED -ABANDONING -ABANDONMENT -ABANDONS -ABASE -ABASED -ABASEMENT -ABASEMENTS -ABASES -ABASH -ABASHED -ABASHES -ABASHING -ABASING -ABATE -ABATED -ABATEMENT -ABATEMENTS -ABATER -ABATES -ABATING -ABBA -ABBE -ABBEY -ABBEYS -ABBOT -ABBOTS -ABBOTT -ABBREVIATE -ABBREVIATED -ABBREVIATES -ABBREVIATING -ABBREVIATION -ABBREVIATIONS -ABBY -ABDOMEN -ABDOMENS -ABDOMINAL -ABDUCT -ABDUCTED -ABDUCTION -ABDUCTIONS -ABDUCTOR -ABDUCTORS -ABDUCTS -ABE -ABED -ABEL -ABELIAN -ABELSON -ABERDEEN -ABERNATHY -ABERRANT -ABERRATION -ABERRATIONS -ABET -ABETS -ABETTED -ABETTER -ABETTING -ABEYANCE -ABHOR -ABHORRED -ABHORRENT -ABHORRER -ABHORRING -ABHORS -ABIDE -ABIDED -ABIDES -ABIDING -ABIDJAN -ABIGAIL -ABILENE -ABILITIES -ABILITY -ABJECT -ABJECTION -ABJECTIONS -ABJECTLY -ABJECTNESS -ABJURE -ABJURED -ABJURES -ABJURING -ABLATE -ABLATED -ABLATES -ABLATING -ABLATION -ABLATIVE -ABLAZE -ABLE -ABLER -ABLEST -ABLY -ABNER -ABNORMAL -ABNORMALITIES -ABNORMALITY -ABNORMALLY -ABO -ABOARD -ABODE -ABODES -ABOLISH -ABOLISHED -ABOLISHER -ABOLISHERS -ABOLISHES -ABOLISHING -ABOLISHMENT -ABOLISHMENTS -ABOLITION -ABOLITIONIST -ABOLITIONISTS -ABOMINABLE -ABOMINATE -ABORIGINAL -ABORIGINE -ABORIGINES -ABORT -ABORTED -ABORTING -ABORTION -ABORTIONS -ABORTIVE -ABORTIVELY -ABORTS -ABOS -ABOUND -ABOUNDED -ABOUNDING -ABOUNDS -ABOUT -ABOVE -ABOVEBOARD -ABOVEGROUND -ABOVEMENTIONED -ABRADE -ABRADED -ABRADES -ABRADING -ABRAHAM -ABRAM -ABRAMS -ABRAMSON -ABRASION -ABRASIONS -ABRASIVE -ABREACTION -ABREACTIONS -ABREAST -ABRIDGE -ABRIDGED -ABRIDGES -ABRIDGING -ABRIDGMENT -ABROAD -ABROGATE -ABROGATED -ABROGATES -ABROGATING -ABRUPT -ABRUPTLY -ABRUPTNESS -ABSCESS -ABSCESSED -ABSCESSES -ABSCISSA -ABSCISSAS -ABSCOND -ABSCONDED -ABSCONDING -ABSCONDS -ABSENCE -ABSENCES -ABSENT -ABSENTED -ABSENTEE -ABSENTEEISM -ABSENTEES -ABSENTIA -ABSENTING -ABSENTLY -ABSENTMINDED -ABSENTS -ABSINTHE -ABSOLUTE -ABSOLUTELY -ABSOLUTENESS -ABSOLUTES -ABSOLUTION -ABSOLVE -ABSOLVED -ABSOLVES -ABSOLVING -ABSORB -ABSORBED -ABSORBENCY -ABSORBENT -ABSORBER -ABSORBING -ABSORBS -ABSORPTION -ABSORPTIONS -ABSORPTIVE -ABSTAIN -ABSTAINED -ABSTAINER -ABSTAINING -ABSTAINS -ABSTENTION -ABSTENTIONS -ABSTINENCE -ABSTRACT -ABSTRACTED -ABSTRACTING -ABSTRACTION -ABSTRACTIONISM -ABSTRACTIONIST -ABSTRACTIONS -ABSTRACTLY -ABSTRACTNESS -ABSTRACTOR -ABSTRACTORS -ABSTRACTS -ABSTRUSE -ABSTRUSENESS -ABSURD -ABSURDITIES -ABSURDITY -ABSURDLY -ABU -ABUNDANCE -ABUNDANT -ABUNDANTLY -ABUSE -ABUSED -ABUSES -ABUSING -ABUSIVE -ABUT -ABUTMENT -ABUTS -ABUTTED -ABUTTER -ABUTTERS -ABUTTING -ABYSMAL -ABYSMALLY -ABYSS -ABYSSES -ABYSSINIA -ABYSSINIAN -ABYSSINIANS -ACACIA -ACADEMIA -ACADEMIC -ACADEMICALLY -ACADEMICS -ACADEMIES -ACADEMY -ACADIA -ACAPULCO -ACCEDE -ACCEDED -ACCEDES -ACCELERATE -ACCELERATED -ACCELERATES -ACCELERATING -ACCELERATION -ACCELERATIONS -ACCELERATOR -ACCELERATORS -ACCELEROMETER -ACCELEROMETERS -ACCENT -ACCENTED -ACCENTING -ACCENTS -ACCENTUAL -ACCENTUATE -ACCENTUATED -ACCENTUATES -ACCENTUATING -ACCENTUATION -ACCEPT -ACCEPTABILITY -ACCEPTABLE -ACCEPTABLY -ACCEPTANCE -ACCEPTANCES -ACCEPTED -ACCEPTER -ACCEPTERS -ACCEPTING -ACCEPTOR -ACCEPTORS -ACCEPTS -ACCESS -ACCESSED -ACCESSES -ACCESSIBILITY -ACCESSIBLE -ACCESSIBLY -ACCESSING -ACCESSION -ACCESSIONS -ACCESSORIES -ACCESSORS -ACCESSORY -ACCIDENT -ACCIDENTAL -ACCIDENTALLY -ACCIDENTLY -ACCIDENTS -ACCLAIM -ACCLAIMED -ACCLAIMING -ACCLAIMS -ACCLAMATION -ACCLIMATE -ACCLIMATED -ACCLIMATES -ACCLIMATING -ACCLIMATIZATION -ACCLIMATIZED -ACCOLADE -ACCOLADES -ACCOMMODATE -ACCOMMODATED -ACCOMMODATES -ACCOMMODATING -ACCOMMODATION -ACCOMMODATIONS -ACCOMPANIED -ACCOMPANIES -ACCOMPANIMENT -ACCOMPANIMENTS -ACCOMPANIST -ACCOMPANISTS -ACCOMPANY -ACCOMPANYING -ACCOMPLICE -ACCOMPLICES -ACCOMPLISH -ACCOMPLISHED -ACCOMPLISHER -ACCOMPLISHERS -ACCOMPLISHES -ACCOMPLISHING -ACCOMPLISHMENT -ACCOMPLISHMENTS -ACCORD -ACCORDANCE -ACCORDED -ACCORDER -ACCORDERS -ACCORDING -ACCORDINGLY -ACCORDION -ACCORDIONS -ACCORDS -ACCOST -ACCOSTED -ACCOSTING -ACCOSTS -ACCOUNT -ACCOUNTABILITY -ACCOUNTABLE -ACCOUNTABLY -ACCOUNTANCY -ACCOUNTANT -ACCOUNTANTS -ACCOUNTED -ACCOUNTING -ACCOUNTS -ACCRA -ACCREDIT -ACCREDITATION -ACCREDITATIONS -ACCREDITED -ACCRETION -ACCRETIONS -ACCRUE -ACCRUED -ACCRUES -ACCRUING -ACCULTURATE -ACCULTURATED -ACCULTURATES -ACCULTURATING -ACCULTURATION -ACCUMULATE -ACCUMULATED -ACCUMULATES -ACCUMULATING -ACCUMULATION -ACCUMULATIONS -ACCUMULATOR -ACCUMULATORS -ACCURACIES -ACCURACY -ACCURATE -ACCURATELY -ACCURATENESS -ACCURSED -ACCUSAL -ACCUSATION -ACCUSATIONS -ACCUSATIVE -ACCUSE -ACCUSED -ACCUSER -ACCUSES -ACCUSING -ACCUSINGLY -ACCUSTOM -ACCUSTOMED -ACCUSTOMING -ACCUSTOMS -ACE -ACES -ACETATE -ACETONE -ACETYLENE -ACHAEAN -ACHAEANS -ACHE -ACHED -ACHES -ACHIEVABLE -ACHIEVE -ACHIEVED -ACHIEVEMENT -ACHIEVEMENTS -ACHIEVER -ACHIEVERS -ACHIEVES -ACHIEVING -ACHILLES -ACHING -ACID -ACIDIC -ACIDITIES -ACIDITY -ACIDLY -ACIDS -ACIDULOUS -ACKERMAN -ACKLEY -ACKNOWLEDGE -ACKNOWLEDGEABLE -ACKNOWLEDGED -ACKNOWLEDGEMENT -ACKNOWLEDGEMENTS -ACKNOWLEDGER -ACKNOWLEDGERS -ACKNOWLEDGES -ACKNOWLEDGING -ACKNOWLEDGMENT -ACKNOWLEDGMENTS -ACME -ACNE -ACOLYTE -ACOLYTES -ACORN -ACORNS -ACOUSTIC -ACOUSTICAL -ACOUSTICALLY -ACOUSTICIAN -ACOUSTICS -ACQUAINT -ACQUAINTANCE -ACQUAINTANCES -ACQUAINTED -ACQUAINTING -ACQUAINTS -ACQUIESCE -ACQUIESCED -ACQUIESCENCE -ACQUIESCENT -ACQUIESCES -ACQUIESCING -ACQUIRABLE -ACQUIRE -ACQUIRED -ACQUIRES -ACQUIRING -ACQUISITION -ACQUISITIONS -ACQUISITIVE -ACQUISITIVENESS -ACQUIT -ACQUITS -ACQUITTAL -ACQUITTED -ACQUITTER -ACQUITTING -ACRE -ACREAGE -ACRES -ACRID -ACRIMONIOUS -ACRIMONY -ACROBAT -ACROBATIC -ACROBATICS -ACROBATS -ACRONYM -ACRONYMS -ACROPOLIS -ACROSS -ACRYLIC -ACT -ACTA -ACTAEON -ACTED -ACTING -ACTINIUM -ACTINOMETER -ACTINOMETERS -ACTION -ACTIONS -ACTIVATE -ACTIVATED -ACTIVATES -ACTIVATING -ACTIVATION -ACTIVATIONS -ACTIVATOR -ACTIVATORS -ACTIVE -ACTIVELY -ACTIVISM -ACTIVIST -ACTIVISTS -ACTIVITIES -ACTIVITY -ACTON -ACTOR -ACTORS -ACTRESS -ACTRESSES -ACTS -ACTUAL -ACTUALITIES -ACTUALITY -ACTUALIZATION -ACTUALLY -ACTUALS -ACTUARIAL -ACTUARIALLY -ACTUATE -ACTUATED -ACTUATES -ACTUATING -ACTUATOR -ACTUATORS -ACUITY -ACUMEN -ACUTE -ACUTELY -ACUTENESS -ACYCLIC -ACYCLICALLY -ADA -ADAGE -ADAGES -ADAGIO -ADAGIOS -ADAIR -ADAM -ADAMANT -ADAMANTLY -ADAMS -ADAMSON -ADAPT -ADAPTABILITY -ADAPTABLE -ADAPTATION -ADAPTATIONS -ADAPTED -ADAPTER -ADAPTERS -ADAPTING -ADAPTIVE -ADAPTIVELY -ADAPTOR -ADAPTORS -ADAPTS -ADD -ADDED -ADDEND -ADDENDA -ADDENDUM -ADDER -ADDERS -ADDICT -ADDICTED -ADDICTING -ADDICTION -ADDICTIONS -ADDICTS -ADDING -ADDIS -ADDISON -ADDITION -ADDITIONAL -ADDITIONALLY -ADDITIONS -ADDITIVE -ADDITIVES -ADDITIVITY -ADDRESS -ADDRESSABILITY -ADDRESSABLE -ADDRESSED -ADDRESSEE -ADDRESSEES -ADDRESSER -ADDRESSERS -ADDRESSES -ADDRESSING -ADDRESSOGRAPH -ADDS -ADDUCE -ADDUCED -ADDUCES -ADDUCIBLE -ADDUCING -ADDUCT -ADDUCTED -ADDUCTING -ADDUCTION -ADDUCTOR -ADDUCTS -ADELAIDE -ADELE -ADELIA -ADEN -ADEPT -ADEQUACIES -ADEQUACY -ADEQUATE -ADEQUATELY -ADHERE -ADHERED -ADHERENCE -ADHERENT -ADHERENTS -ADHERER -ADHERERS -ADHERES -ADHERING -ADHESION -ADHESIONS -ADHESIVE -ADHESIVES -ADIABATIC -ADIABATICALLY -ADIEU -ADIRONDACK -ADIRONDACKS -ADJACENCY -ADJACENT -ADJECTIVE -ADJECTIVES -ADJOIN -ADJOINED -ADJOINING -ADJOINS -ADJOURN -ADJOURNED -ADJOURNING -ADJOURNMENT -ADJOURNS -ADJUDGE -ADJUDGED -ADJUDGES -ADJUDGING -ADJUDICATE -ADJUDICATED -ADJUDICATES -ADJUDICATING -ADJUDICATION -ADJUDICATIONS -ADJUNCT -ADJUNCTS -ADJURE -ADJURED -ADJURES -ADJURING -ADJUST -ADJUSTABLE -ADJUSTABLY -ADJUSTED -ADJUSTER -ADJUSTERS -ADJUSTING -ADJUSTMENT -ADJUSTMENTS -ADJUSTOR -ADJUSTORS -ADJUSTS -ADJUTANT -ADJUTANTS -ADKINS -ADLER -ADLERIAN -ADMINISTER -ADMINISTERED -ADMINISTERING -ADMINISTERINGS -ADMINISTERS -ADMINISTRABLE -ADMINISTRATE -ADMINISTRATION -ADMINISTRATIONS -ADMINISTRATIVE -ADMINISTRATIVELY -ADMINISTRATOR -ADMINISTRATORS -ADMIRABLE -ADMIRABLY -ADMIRAL -ADMIRALS -ADMIRALTY -ADMIRATION -ADMIRATIONS -ADMIRE -ADMIRED -ADMIRER -ADMIRERS -ADMIRES -ADMIRING -ADMIRINGLY -ADMISSIBILITY -ADMISSIBLE -ADMISSION -ADMISSIONS -ADMIT -ADMITS -ADMITTANCE -ADMITTED -ADMITTEDLY -ADMITTER -ADMITTERS -ADMITTING -ADMIX -ADMIXED -ADMIXES -ADMIXTURE -ADMONISH -ADMONISHED -ADMONISHES -ADMONISHING -ADMONISHMENT -ADMONISHMENTS -ADMONITION -ADMONITIONS -ADO -ADOBE -ADOLESCENCE -ADOLESCENT -ADOLESCENTS -ADOLPH -ADOLPHUS -ADONIS -ADOPT -ADOPTED -ADOPTER -ADOPTERS -ADOPTING -ADOPTION -ADOPTIONS -ADOPTIVE -ADOPTS -ADORABLE -ADORATION -ADORE -ADORED -ADORES -ADORN -ADORNED -ADORNMENT -ADORNMENTS -ADORNS -ADRENAL -ADRENALINE -ADRIAN -ADRIATIC -ADRIENNE -ADRIFT -ADROIT -ADROITNESS -ADS -ADSORB -ADSORBED -ADSORBING -ADSORBS -ADSORPTION -ADULATE -ADULATING -ADULATION -ADULT -ADULTERATE -ADULTERATED -ADULTERATES -ADULTERATING -ADULTERER -ADULTERERS -ADULTEROUS -ADULTEROUSLY -ADULTERY -ADULTHOOD -ADULTS -ADUMBRATE -ADUMBRATED -ADUMBRATES -ADUMBRATING -ADUMBRATION -ADVANCE -ADVANCED -ADVANCEMENT -ADVANCEMENTS -ADVANCES -ADVANCING -ADVANTAGE -ADVANTAGED -ADVANTAGEOUS -ADVANTAGEOUSLY -ADVANTAGES -ADVENT -ADVENTIST -ADVENTISTS -ADVENTITIOUS -ADVENTURE -ADVENTURED -ADVENTURER -ADVENTURERS -ADVENTURES -ADVENTURING -ADVENTUROUS -ADVERB -ADVERBIAL -ADVERBS -ADVERSARIES -ADVERSARY -ADVERSE -ADVERSELY -ADVERSITIES -ADVERSITY -ADVERT -ADVERTISE -ADVERTISED -ADVERTISEMENT -ADVERTISEMENTS -ADVERTISER -ADVERTISERS -ADVERTISES -ADVERTISING -ADVICE -ADVISABILITY -ADVISABLE -ADVISABLY -ADVISE -ADVISED -ADVISEDLY -ADVISEE -ADVISEES -ADVISEMENT -ADVISEMENTS -ADVISER -ADVISERS -ADVISES -ADVISING -ADVISOR -ADVISORS -ADVISORY -ADVOCACY -ADVOCATE -ADVOCATED -ADVOCATES -ADVOCATING -AEGEAN -AEGIS -AENEAS -AENEID -AEOLUS -AERATE -AERATED -AERATES -AERATING -AERATION -AERATOR -AERATORS -AERIAL -AERIALS -AEROACOUSTIC -AEROBACTER -AEROBIC -AEROBICS -AERODYNAMIC -AERODYNAMICS -AERONAUTIC -AERONAUTICAL -AERONAUTICS -AEROSOL -AEROSOLIZE -AEROSOLS -AEROSPACE -AESCHYLUS -AESOP -AESTHETIC -AESTHETICALLY -AESTHETICS -AFAR -AFFABLE -AFFAIR -AFFAIRS -AFFECT -AFFECTATION -AFFECTATIONS -AFFECTED -AFFECTING -AFFECTINGLY -AFFECTION -AFFECTIONATE -AFFECTIONATELY -AFFECTIONS -AFFECTIVE -AFFECTS -AFFERENT -AFFIANCED -AFFIDAVIT -AFFIDAVITS -AFFILIATE -AFFILIATED -AFFILIATES -AFFILIATING -AFFILIATION -AFFILIATIONS -AFFINITIES -AFFINITY -AFFIRM -AFFIRMATION -AFFIRMATIONS -AFFIRMATIVE -AFFIRMATIVELY -AFFIRMED -AFFIRMING -AFFIRMS -AFFIX -AFFIXED -AFFIXES -AFFIXING -AFFLICT -AFFLICTED -AFFLICTING -AFFLICTION -AFFLICTIONS -AFFLICTIVE -AFFLICTS -AFFLUENCE -AFFLUENT -AFFORD -AFFORDABLE -AFFORDED -AFFORDING -AFFORDS -AFFRICATE -AFFRICATES -AFFRIGHT -AFFRONT -AFFRONTED -AFFRONTING -AFFRONTS -AFGHAN -AFGHANISTAN -AFGHANS -AFICIONADO -AFIELD -AFIRE -AFLAME -AFLOAT -AFOOT -AFORE -AFOREMENTIONED -AFORESAID -AFORETHOUGHT -AFOUL -AFRAID -AFRESH -AFRICA -AFRICAN -AFRICANIZATION -AFRICANIZATIONS -AFRICANIZE -AFRICANIZED -AFRICANIZES -AFRICANIZING -AFRICANS -AFRIKAANS -AFRIKANER -AFRIKANERS -AFT -AFTER -AFTEREFFECT -AFTERGLOW -AFTERIMAGE -AFTERLIFE -AFTERMATH -AFTERMOST -AFTERNOON -AFTERNOONS -AFTERSHOCK -AFTERSHOCKS -AFTERTHOUGHT -AFTERTHOUGHTS -AFTERWARD -AFTERWARDS -AGAIN -AGAINST -AGAMEMNON -AGAPE -AGAR -AGATE -AGATES -AGATHA -AGE -AGED -AGEE -AGELESS -AGENCIES -AGENCY -AGENDA -AGENDAS -AGENT -AGENTS -AGER -AGERS -AGES -AGGIE -AGGIES -AGGLOMERATE -AGGLOMERATED -AGGLOMERATES -AGGLOMERATION -AGGLUTINATE -AGGLUTINATED -AGGLUTINATES -AGGLUTINATING -AGGLUTINATION -AGGLUTININ -AGGLUTININS -AGGRANDIZE -AGGRAVATE -AGGRAVATED -AGGRAVATES -AGGRAVATION -AGGREGATE -AGGREGATED -AGGREGATELY -AGGREGATES -AGGREGATING -AGGREGATION -AGGREGATIONS -AGGRESSION -AGGRESSIONS -AGGRESSIVE -AGGRESSIVELY -AGGRESSIVENESS -AGGRESSOR -AGGRESSORS -AGGRIEVE -AGGRIEVED -AGGRIEVES -AGGRIEVING -AGHAST -AGILE -AGILELY -AGILITY -AGING -AGITATE -AGITATED -AGITATES -AGITATING -AGITATION -AGITATIONS -AGITATOR -AGITATORS -AGLEAM -AGLOW -AGNES -AGNEW -AGNOSTIC -AGNOSTICS -AGO -AGOG -AGONIES -AGONIZE -AGONIZED -AGONIZES -AGONIZING -AGONIZINGLY -AGONY -AGRARIAN -AGREE -AGREEABLE -AGREEABLY -AGREED -AGREEING -AGREEMENT -AGREEMENTS -AGREER -AGREERS -AGREES -AGRICOLA -AGRICULTURAL -AGRICULTURALLY -AGRICULTURE -AGUE -AGWAY -AHEAD -AHMADABAD -AHMEDABAD -AID -AIDA -AIDE -AIDED -AIDES -AIDING -AIDS -AIKEN -AIL -AILEEN -AILERON -AILERONS -AILING -AILMENT -AILMENTS -AIM -AIMED -AIMER -AIMERS -AIMING -AIMLESS -AIMLESSLY -AIMS -AINU -AINUS -AIR -AIRBAG -AIRBAGS -AIRBORNE -AIRBUS -AIRCRAFT -AIRDROP -AIRDROPS -AIRED -AIREDALE -AIRER -AIRERS -AIRES -AIRFARE -AIRFIELD -AIRFIELDS -AIRFLOW -AIRFOIL -AIRFOILS -AIRFRAME -AIRFRAMES -AIRILY -AIRING -AIRINGS -AIRLESS -AIRLIFT -AIRLIFTS -AIRLINE -AIRLINER -AIRLINES -AIRLOCK -AIRLOCKS -AIRMAIL -AIRMAILS -AIRMAN -AIRMEN -AIRPLANE -AIRPLANES -AIRPORT -AIRPORTS -AIRS -AIRSHIP -AIRSHIPS -AIRSPACE -AIRSPEED -AIRSTRIP -AIRSTRIPS -AIRTIGHT -AIRWAY -AIRWAYS -AIRY -AISLE -AITKEN -AJAR -AJAX -AKERS -AKIMBO -AKIN -AKRON -ALABAMA -ALABAMANS -ALABAMIAN -ALABASTER -ALACRITY -ALADDIN -ALAMEDA -ALAMO -ALAMOS -ALAN -ALAR -ALARM -ALARMED -ALARMING -ALARMINGLY -ALARMIST -ALARMS -ALAS -ALASKA -ALASKAN -ALASTAIR -ALBA -ALBACORE -ALBANIA -ALBANIAN -ALBANIANS -ALBANY -ALBATROSS -ALBEIT -ALBERICH -ALBERT -ALBERTA -ALBERTO -ALBRECHT -ALBRIGHT -ALBUM -ALBUMIN -ALBUMS -ALBUQUERQUE -ALCESTIS -ALCHEMY -ALCIBIADES -ALCMENA -ALCOA -ALCOHOL -ALCOHOLIC -ALCOHOLICS -ALCOHOLISM -ALCOHOLS -ALCOTT -ALCOVE -ALCOVES -ALDEBARAN -ALDEN -ALDER -ALDERMAN -ALDERMEN -ALDRICH -ALE -ALEC -ALECK -ALEE -ALERT -ALERTED -ALERTEDLY -ALERTER -ALERTERS -ALERTING -ALERTLY -ALERTNESS -ALERTS -ALEUT -ALEUTIAN -ALEX -ALEXANDER -ALEXANDRA -ALEXANDRE -ALEXANDRIA -ALEXANDRINE -ALEXEI -ALEXIS -ALFA -ALFALFA -ALFONSO -ALFRED -ALFREDO -ALFRESCO -ALGA -ALGAE -ALGAECIDE -ALGEBRA -ALGEBRAIC -ALGEBRAICALLY -ALGEBRAS -ALGENIB -ALGER -ALGERIA -ALGERIAN -ALGIERS -ALGINATE -ALGOL -ALGOL -ALGONQUIAN -ALGONQUIN -ALGORITHM -ALGORITHMIC -ALGORITHMICALLY -ALGORITHMS -ALHAMBRA -ALI -ALIAS -ALIASED -ALIASES -ALIASING -ALIBI -ALIBIS -ALICE -ALICIA -ALIEN -ALIENATE -ALIENATED -ALIENATES -ALIENATING -ALIENATION -ALIENS -ALIGHT -ALIGN -ALIGNED -ALIGNING -ALIGNMENT -ALIGNMENTS -ALIGNS -ALIKE -ALIMENT -ALIMENTS -ALIMONY -ALISON -ALISTAIR -ALIVE -ALKALI -ALKALINE -ALKALIS -ALKALOID -ALKALOIDS -ALKYL -ALL -ALLAH -ALLAN -ALLAY -ALLAYED -ALLAYING -ALLAYS -ALLEGATION -ALLEGATIONS -ALLEGE -ALLEGED -ALLEGEDLY -ALLEGES -ALLEGHENIES -ALLEGHENY -ALLEGIANCE -ALLEGIANCES -ALLEGING -ALLEGORIC -ALLEGORICAL -ALLEGORICALLY -ALLEGORIES -ALLEGORY -ALLEGRA -ALLEGRETTO -ALLEGRETTOS -ALLELE -ALLELES -ALLEMANDE -ALLEN -ALLENDALE -ALLENTOWN -ALLERGIC -ALLERGIES -ALLERGY -ALLEVIATE -ALLEVIATED -ALLEVIATES -ALLEVIATING -ALLEVIATION -ALLEY -ALLEYS -ALLEYWAY -ALLEYWAYS -ALLIANCE -ALLIANCES -ALLIED -ALLIES -ALLIGATOR -ALLIGATORS -ALLIS -ALLISON -ALLITERATION -ALLITERATIONS -ALLITERATIVE -ALLOCATABLE -ALLOCATE -ALLOCATED -ALLOCATES -ALLOCATING -ALLOCATION -ALLOCATIONS -ALLOCATOR -ALLOCATORS -ALLOPHONE -ALLOPHONES -ALLOPHONIC -ALLOT -ALLOTMENT -ALLOTMENTS -ALLOTS -ALLOTTED -ALLOTTER -ALLOTTING -ALLOW -ALLOWABLE -ALLOWABLY -ALLOWANCE -ALLOWANCES -ALLOWED -ALLOWING -ALLOWS -ALLOY -ALLOYS -ALLSTATE -ALLUDE -ALLUDED -ALLUDES -ALLUDING -ALLURE -ALLUREMENT -ALLURING -ALLUSION -ALLUSIONS -ALLUSIVE -ALLUSIVENESS -ALLY -ALLYING -ALLYN -ALMA -ALMADEN -ALMANAC -ALMANACS -ALMIGHTY -ALMOND -ALMONDS -ALMONER -ALMOST -ALMS -ALMSMAN -ALNICO -ALOE -ALOES -ALOFT -ALOHA -ALONE -ALONENESS -ALONG -ALONGSIDE -ALOOF -ALOOFNESS -ALOUD -ALPERT -ALPHA -ALPHABET -ALPHABETIC -ALPHABETICAL -ALPHABETICALLY -ALPHABETICS -ALPHABETIZE -ALPHABETIZED -ALPHABETIZES -ALPHABETIZING -ALPHABETS -ALPHANUMERIC -ALPHERATZ -ALPHONSE -ALPINE -ALPS -ALREADY -ALSATIAN -ALSATIANS -ALSO -ALSOP -ALTAIR -ALTAR -ALTARS -ALTER -ALTERABLE -ALTERATION -ALTERATIONS -ALTERCATION -ALTERCATIONS -ALTERED -ALTERER -ALTERERS -ALTERING -ALTERNATE -ALTERNATED -ALTERNATELY -ALTERNATES -ALTERNATING -ALTERNATION -ALTERNATIONS -ALTERNATIVE -ALTERNATIVELY -ALTERNATIVES -ALTERNATOR -ALTERNATORS -ALTERS -ALTHAEA -ALTHOUGH -ALTITUDE -ALTITUDES -ALTOGETHER -ALTON -ALTOS -ALTRUISM -ALTRUIST -ALTRUISTIC -ALTRUISTICALLY -ALUM -ALUMINUM -ALUMNA -ALUMNAE -ALUMNI -ALUMNUS -ALUNDUM -ALVA -ALVAREZ -ALVEOLAR -ALVEOLI -ALVEOLUS -ALVIN -ALWAYS -ALYSSA -AMADEUS -AMAIN -AMALGAM -AMALGAMATE -AMALGAMATED -AMALGAMATES -AMALGAMATING -AMALGAMATION -AMALGAMS -AMANDA -AMANUENSIS -AMARETTO -AMARILLO -AMASS -AMASSED -AMASSES -AMASSING -AMATEUR -AMATEURISH -AMATEURISHNESS -AMATEURISM -AMATEURS -AMATORY -AMAZE -AMAZED -AMAZEDLY -AMAZEMENT -AMAZER -AMAZERS -AMAZES -AMAZING -AMAZINGLY -AMAZON -AMAZONS -AMBASSADOR -AMBASSADORS -AMBER -AMBIANCE -AMBIDEXTROUS -AMBIDEXTROUSLY -AMBIENT -AMBIGUITIES -AMBIGUITY -AMBIGUOUS -AMBIGUOUSLY -AMBITION -AMBITIONS -AMBITIOUS -AMBITIOUSLY -AMBIVALENCE -AMBIVALENT -AMBIVALENTLY -AMBLE -AMBLED -AMBLER -AMBLES -AMBLING -AMBROSIAL -AMBULANCE -AMBULANCES -AMBULATORY -AMBUSCADE -AMBUSH -AMBUSHED -AMBUSHES -AMDAHL -AMELIA -AMELIORATE -AMELIORATED -AMELIORATING -AMELIORATION -AMEN -AMENABLE -AMEND -AMENDED -AMENDING -AMENDMENT -AMENDMENTS -AMENDS -AMENITIES -AMENITY -AMENORRHEA -AMERADA -AMERICA -AMERICAN -AMERICANA -AMERICANISM -AMERICANIZATION -AMERICANIZATIONS -AMERICANIZE -AMERICANIZER -AMERICANIZERS -AMERICANIZES -AMERICANS -AMERICAS -AMERICIUM -AMES -AMHARIC -AMHERST -AMIABLE -AMICABLE -AMICABLY -AMID -AMIDE -AMIDST -AMIGA -AMIGO -AMINO -AMISS -AMITY -AMMAN -AMMERMAN -AMMO -AMMONIA -AMMONIAC -AMMONIUM -AMMUNITION -AMNESTY -AMOCO -AMOEBA -AMOEBAE -AMOEBAS -AMOK -AMONG -AMONGST -AMONTILLADO -AMORAL -AMORALITY -AMORIST -AMOROUS -AMORPHOUS -AMORPHOUSLY -AMORTIZE -AMORTIZED -AMORTIZES -AMORTIZING -AMOS -AMOUNT -AMOUNTED -AMOUNTER -AMOUNTERS -AMOUNTING -AMOUNTS -AMOUR -AMPERAGE -AMPERE -AMPERES -AMPERSAND -AMPERSANDS -AMPEX -AMPHETAMINE -AMPHETAMINES -AMPHIBIAN -AMPHIBIANS -AMPHIBIOUS -AMPHIBIOUSLY -AMPHIBOLOGY -AMPHITHEATER -AMPHITHEATERS -AMPLE -AMPLIFICATION -AMPLIFIED -AMPLIFIER -AMPLIFIERS -AMPLIFIES -AMPLIFY -AMPLIFYING -AMPLITUDE -AMPLITUDES -AMPLY -AMPOULE -AMPOULES -AMPUTATE -AMPUTATED -AMPUTATES -AMPUTATING -AMSTERDAM -AMTRAK -AMULET -AMULETS -AMUSE -AMUSED -AMUSEDLY -AMUSEMENT -AMUSEMENTS -AMUSER -AMUSERS -AMUSES -AMUSING -AMUSINGLY -AMY -AMYL -ANABAPTIST -ANABAPTISTS -ANABEL -ANACHRONISM -ANACHRONISMS -ANACHRONISTICALLY -ANACONDA -ANACONDAS -ANACREON -ANAEROBIC -ANAGRAM -ANAGRAMS -ANAHEIM -ANAL -ANALECTS -ANALOG -ANALOGICAL -ANALOGIES -ANALOGOUS -ANALOGOUSLY -ANALOGUE -ANALOGUES -ANALOGY -ANALYSES -ANALYSIS -ANALYST -ANALYSTS -ANALYTIC -ANALYTICAL -ANALYTICALLY -ANALYTICITIES -ANALYTICITY -ANALYZABLE -ANALYZE -ANALYZED -ANALYZER -ANALYZERS -ANALYZES -ANALYZING -ANAPHORA -ANAPHORIC -ANAPHORICALLY -ANAPLASMOSIS -ANARCHIC -ANARCHICAL -ANARCHISM -ANARCHIST -ANARCHISTS -ANARCHY -ANASTASIA -ANASTOMOSES -ANASTOMOSIS -ANASTOMOTIC -ANATHEMA -ANATOLE -ANATOLIA -ANATOLIAN -ANATOMIC -ANATOMICAL -ANATOMICALLY -ANATOMY -ANCESTOR -ANCESTORS -ANCESTRAL -ANCESTRY -ANCHOR -ANCHORAGE -ANCHORAGES -ANCHORED -ANCHORING -ANCHORITE -ANCHORITISM -ANCHORS -ANCHOVIES -ANCHOVY -ANCIENT -ANCIENTLY -ANCIENTS -ANCILLARY -AND -ANDALUSIA -ANDALUSIAN -ANDALUSIANS -ANDEAN -ANDERS -ANDERSEN -ANDERSON -ANDES -ANDING -ANDORRA -ANDOVER -ANDRE -ANDREA -ANDREI -ANDREW -ANDREWS -ANDROMACHE -ANDROMEDA -ANDY -ANECDOTAL -ANECDOTE -ANECDOTES -ANECHOIC -ANEMIA -ANEMIC -ANEMOMETER -ANEMOMETERS -ANEMOMETRY -ANEMONE -ANESTHESIA -ANESTHETIC -ANESTHETICALLY -ANESTHETICS -ANESTHETIZE -ANESTHETIZED -ANESTHETIZES -ANESTHETIZING -ANEW -ANGEL -ANGELA -ANGELENO -ANGELENOS -ANGELES -ANGELIC -ANGELICA -ANGELINA -ANGELINE -ANGELO -ANGELS -ANGER -ANGERED -ANGERING -ANGERS -ANGIE -ANGIOGRAPHY -ANGLE -ANGLED -ANGLER -ANGLERS -ANGLES -ANGLIA -ANGLICAN -ANGLICANISM -ANGLICANIZE -ANGLICANIZES -ANGLICANS -ANGLING -ANGLO -ANGLOPHILIA -ANGLOPHOBIA -ANGOLA -ANGORA -ANGRIER -ANGRIEST -ANGRILY -ANGRY -ANGST -ANGSTROM -ANGUISH -ANGUISHED -ANGULAR -ANGULARLY -ANGUS -ANHEUSER -ANHYDROUS -ANHYDROUSLY -ANILINE -ANIMAL -ANIMALS -ANIMATE -ANIMATED -ANIMATEDLY -ANIMATELY -ANIMATENESS -ANIMATES -ANIMATING -ANIMATION -ANIMATIONS -ANIMATOR -ANIMATORS -ANIMISM -ANIMIZED -ANIMOSITY -ANION -ANIONIC -ANIONS -ANISE -ANISEIKONIC -ANISOTROPIC -ANISOTROPY -ANITA -ANKARA -ANKLE -ANKLES -ANN -ANNA -ANNAL -ANNALIST -ANNALISTIC -ANNALS -ANNAPOLIS -ANNE -ANNETTE -ANNEX -ANNEXATION -ANNEXED -ANNEXES -ANNEXING -ANNIE -ANNIHILATE -ANNIHILATED -ANNIHILATES -ANNIHILATING -ANNIHILATION -ANNIVERSARIES -ANNIVERSARY -ANNOTATE -ANNOTATED -ANNOTATES -ANNOTATING -ANNOTATION -ANNOTATIONS -ANNOUNCE -ANNOUNCED -ANNOUNCEMENT -ANNOUNCEMENTS -ANNOUNCER -ANNOUNCERS -ANNOUNCES -ANNOUNCING -ANNOY -ANNOYANCE -ANNOYANCES -ANNOYED -ANNOYER -ANNOYERS -ANNOYING -ANNOYINGLY -ANNOYS -ANNUAL -ANNUALLY -ANNUALS -ANNUITY -ANNUL -ANNULAR -ANNULI -ANNULLED -ANNULLING -ANNULMENT -ANNULMENTS -ANNULS -ANNULUS -ANNUM -ANNUNCIATE -ANNUNCIATED -ANNUNCIATES -ANNUNCIATING -ANNUNCIATOR -ANNUNCIATORS -ANODE -ANODES -ANODIZE -ANODIZED -ANODIZES -ANOINT -ANOINTED -ANOINTING -ANOINTS -ANOMALIES -ANOMALOUS -ANOMALOUSLY -ANOMALY -ANOMIC -ANOMIE -ANON -ANONYMITY -ANONYMOUS -ANONYMOUSLY -ANOREXIA -ANOTHER -ANSELM -ANSELMO -ANSI -ANSWER -ANSWERABLE -ANSWERED -ANSWERER -ANSWERERS -ANSWERING -ANSWERS -ANT -ANTAEUS -ANTAGONISM -ANTAGONISMS -ANTAGONIST -ANTAGONISTIC -ANTAGONISTICALLY -ANTAGONISTS -ANTAGONIZE -ANTAGONIZED -ANTAGONIZES -ANTAGONIZING -ANTARCTIC -ANTARCTICA -ANTARES -ANTE -ANTEATER -ANTEATERS -ANTECEDENT -ANTECEDENTS -ANTEDATE -ANTELOPE -ANTELOPES -ANTENNA -ANTENNAE -ANTENNAS -ANTERIOR -ANTHEM -ANTHEMS -ANTHER -ANTHOLOGIES -ANTHOLOGY -ANTHONY -ANTHRACITE -ANTHROPOLOGICAL -ANTHROPOLOGICALLY -ANTHROPOLOGIST -ANTHROPOLOGISTS -ANTHROPOLOGY -ANTHROPOMORPHIC -ANTHROPOMORPHICALLY -ANTI -ANTIBACTERIAL -ANTIBIOTIC -ANTIBIOTICS -ANTIBODIES -ANTIBODY -ANTIC -ANTICIPATE -ANTICIPATED -ANTICIPATES -ANTICIPATING -ANTICIPATION -ANTICIPATIONS -ANTICIPATORY -ANTICOAGULATION -ANTICOMPETITIVE -ANTICS -ANTIDISESTABLISHMENTARIANISM -ANTIDOTE -ANTIDOTES -ANTIETAM -ANTIFORMANT -ANTIFUNDAMENTALIST -ANTIGEN -ANTIGENS -ANTIGONE -ANTIHISTORICAL -ANTILLES -ANTIMICROBIAL -ANTIMONY -ANTINOMIAN -ANTINOMY -ANTIOCH -ANTIPATHY -ANTIPHONAL -ANTIPODE -ANTIPODES -ANTIQUARIAN -ANTIQUARIANS -ANTIQUATE -ANTIQUATED -ANTIQUE -ANTIQUES -ANTIQUITIES -ANTIQUITY -ANTIREDEPOSITION -ANTIRESONANCE -ANTIRESONATOR -ANTISEMITIC -ANTISEMITISM -ANTISEPTIC -ANTISERA -ANTISERUM -ANTISLAVERY -ANTISOCIAL -ANTISUBMARINE -ANTISYMMETRIC -ANTISYMMETRY -ANTITHESIS -ANTITHETICAL -ANTITHYROID -ANTITOXIN -ANTITOXINS -ANTITRUST -ANTLER -ANTLERED -ANTOINE -ANTOINETTE -ANTON -ANTONIO -ANTONOVICS -ANTONY -ANTS -ANTWERP -ANUS -ANVIL -ANVILS -ANXIETIES -ANXIETY -ANXIOUS -ANXIOUSLY -ANY -ANYBODY -ANYHOW -ANYMORE -ANYONE -ANYPLACE -ANYTHING -ANYTIME -ANYWAY -ANYWHERE -AORTA -APACE -APACHES -APALACHICOLA -APART -APARTMENT -APARTMENTS -APATHETIC -APATHY -APE -APED -APERIODIC -APERIODICITY -APERTURE -APES -APETALOUS -APEX -APHASIA -APHASIC -APHELION -APHID -APHIDS -APHONIC -APHORISM -APHORISMS -APHRODITE -APIARIES -APIARY -APICAL -APIECE -APING -APISH -APLENTY -APLOMB -APOCALYPSE -APOCALYPTIC -APOCRYPHA -APOCRYPHAL -APOGEE -APOGEES -APOLLINAIRE -APOLLO -APOLLONIAN -APOLOGETIC -APOLOGETICALLY -APOLOGIA -APOLOGIES -APOLOGIST -APOLOGISTS -APOLOGIZE -APOLOGIZED -APOLOGIZES -APOLOGIZING -APOLOGY -APOSTATE -APOSTLE -APOSTLES -APOSTOLIC -APOSTROPHE -APOSTROPHES -APOTHECARY -APOTHEGM -APOTHEOSES -APOTHEOSIS -APPALACHIA -APPALACHIAN -APPALACHIANS -APPALL -APPALLED -APPALLING -APPALLINGLY -APPALOOSAS -APPANAGE -APPARATUS -APPAREL -APPARELED -APPARENT -APPARENTLY -APPARITION -APPARITIONS -APPEAL -APPEALED -APPEALER -APPEALERS -APPEALING -APPEALINGLY -APPEALS -APPEAR -APPEARANCE -APPEARANCES -APPEARED -APPEARER -APPEARERS -APPEARING -APPEARS -APPEASE -APPEASED -APPEASEMENT -APPEASES -APPEASING -APPELLANT -APPELLANTS -APPELLATE -APPELLATION -APPEND -APPENDAGE -APPENDAGES -APPENDED -APPENDER -APPENDERS -APPENDICES -APPENDICITIS -APPENDING -APPENDIX -APPENDIXES -APPENDS -APPERTAIN -APPERTAINS -APPETITE -APPETITES -APPETIZER -APPETIZING -APPIA -APPIAN -APPLAUD -APPLAUDED -APPLAUDING -APPLAUDS -APPLAUSE -APPLE -APPLEBY -APPLEJACK -APPLES -APPLETON -APPLIANCE -APPLIANCES -APPLICABILITY -APPLICABLE -APPLICANT -APPLICANTS -APPLICATION -APPLICATIONS -APPLICATIVE -APPLICATIVELY -APPLICATOR -APPLICATORS -APPLIED -APPLIER -APPLIERS -APPLIES -APPLIQUE -APPLY -APPLYING -APPOINT -APPOINTED -APPOINTEE -APPOINTEES -APPOINTER -APPOINTERS -APPOINTING -APPOINTIVE -APPOINTMENT -APPOINTMENTS -APPOINTS -APPOMATTOX -APPORTION -APPORTIONED -APPORTIONING -APPORTIONMENT -APPORTIONMENTS -APPORTIONS -APPOSITE -APPRAISAL -APPRAISALS -APPRAISE -APPRAISED -APPRAISER -APPRAISERS -APPRAISES -APPRAISING -APPRAISINGLY -APPRECIABLE -APPRECIABLY -APPRECIATE -APPRECIATED -APPRECIATES -APPRECIATING -APPRECIATION -APPRECIATIONS -APPRECIATIVE -APPRECIATIVELY -APPREHEND -APPREHENDED -APPREHENSIBLE -APPREHENSION -APPREHENSIONS -APPREHENSIVE -APPREHENSIVELY -APPREHENSIVENESS -APPRENTICE -APPRENTICED -APPRENTICES -APPRENTICESHIP -APPRISE -APPRISED -APPRISES -APPRISING -APPROACH -APPROACHABILITY -APPROACHABLE -APPROACHED -APPROACHER -APPROACHERS -APPROACHES -APPROACHING -APPROBATE -APPROBATION -APPROPRIATE -APPROPRIATED -APPROPRIATELY -APPROPRIATENESS -APPROPRIATES -APPROPRIATING -APPROPRIATION -APPROPRIATIONS -APPROPRIATOR -APPROPRIATORS -APPROVAL -APPROVALS -APPROVE -APPROVED -APPROVER -APPROVERS -APPROVES -APPROVING -APPROVINGLY -APPROXIMATE -APPROXIMATED -APPROXIMATELY -APPROXIMATES -APPROXIMATING -APPROXIMATION -APPROXIMATIONS -APPURTENANCE -APPURTENANCES -APRICOT -APRICOTS -APRIL -APRILS -APRON -APRONS -APROPOS -APSE -APSIS -APT -APTITUDE -APTITUDES -APTLY -APTNESS -AQUA -AQUARIA -AQUARIUM -AQUARIUS -AQUATIC -AQUEDUCT -AQUEDUCTS -AQUEOUS -AQUIFER -AQUIFERS -AQUILA -AQUINAS -ARAB -ARABESQUE -ARABIA -ARABIAN -ARABIANIZE -ARABIANIZES -ARABIANS -ARABIC -ARABICIZE -ARABICIZES -ARABLE -ARABS -ARABY -ARACHNE -ARACHNID -ARACHNIDS -ARAMCO -ARAPAHO -ARBITER -ARBITERS -ARBITRARILY -ARBITRARINESS -ARBITRARY -ARBITRATE -ARBITRATED -ARBITRATES -ARBITRATING -ARBITRATION -ARBITRATOR -ARBITRATORS -ARBOR -ARBOREAL -ARBORS -ARC -ARCADE -ARCADED -ARCADES -ARCADIA -ARCADIAN -ARCANE -ARCED -ARCH -ARCHAIC -ARCHAICALLY -ARCHAICNESS -ARCHAISM -ARCHAIZE -ARCHANGEL -ARCHANGELS -ARCHBISHOP -ARCHDIOCESE -ARCHDIOCESES -ARCHED -ARCHENEMY -ARCHEOLOGICAL -ARCHEOLOGIST -ARCHEOLOGY -ARCHER -ARCHERS -ARCHERY -ARCHES -ARCHETYPE -ARCHFOOL -ARCHIBALD -ARCHIE -ARCHIMEDES -ARCHING -ARCHIPELAGO -ARCHIPELAGOES -ARCHITECT -ARCHITECTONIC -ARCHITECTS -ARCHITECTURAL -ARCHITECTURALLY -ARCHITECTURE -ARCHITECTURES -ARCHIVAL -ARCHIVE -ARCHIVED -ARCHIVER -ARCHIVERS -ARCHIVES -ARCHIVING -ARCHIVIST -ARCHLY -ARCING -ARCLIKE -ARCO -ARCS -ARCSINE -ARCTANGENT -ARCTIC -ARCTURUS -ARDEN -ARDENT -ARDENTLY -ARDOR -ARDUOUS -ARDUOUSLY -ARDUOUSNESS -ARE -AREA -AREAS -ARENA -ARENAS -AREQUIPA -ARES -ARGENTINA -ARGENTINIAN -ARGIVE -ARGO -ARGON -ARGONAUT -ARGONAUTS -ARGONNE -ARGOS -ARGOT -ARGUABLE -ARGUABLY -ARGUE -ARGUED -ARGUER -ARGUERS -ARGUES -ARGUING -ARGUMENT -ARGUMENTATION -ARGUMENTATIVE -ARGUMENTS -ARGUS -ARIADNE -ARIANISM -ARIANIST -ARIANISTS -ARID -ARIDITY -ARIES -ARIGHT -ARISE -ARISEN -ARISER -ARISES -ARISING -ARISINGS -ARISTOCRACY -ARISTOCRAT -ARISTOCRATIC -ARISTOCRATICALLY -ARISTOCRATS -ARISTOTELIAN -ARISTOTLE -ARITHMETIC -ARITHMETICAL -ARITHMETICALLY -ARITHMETICS -ARITHMETIZE -ARITHMETIZED -ARITHMETIZES -ARIZONA -ARK -ARKANSAN -ARKANSAS -ARLEN -ARLENE -ARLINGTON -ARM -ARMADA -ARMADILLO -ARMADILLOS -ARMAGEDDON -ARMAGNAC -ARMAMENT -ARMAMENTS -ARMATA -ARMCHAIR -ARMCHAIRS -ARMCO -ARMED -ARMENIA -ARMENIAN -ARMER -ARMERS -ARMFUL -ARMHOLE -ARMIES -ARMING -ARMISTICE -ARMLOAD -ARMONK -ARMOR -ARMORED -ARMORER -ARMORY -ARMOUR -ARMPIT -ARMPITS -ARMS -ARMSTRONG -ARMY -ARNOLD -AROMA -AROMAS -AROMATIC -AROSE -AROUND -AROUSAL -AROUSE -AROUSED -AROUSES -AROUSING -ARPA -ARPANET -ARPANET -ARPEGGIO -ARPEGGIOS -ARRACK -ARRAGON -ARRAIGN -ARRAIGNED -ARRAIGNING -ARRAIGNMENT -ARRAIGNMENTS -ARRAIGNS -ARRANGE -ARRANGED -ARRANGEMENT -ARRANGEMENTS -ARRANGER -ARRANGERS -ARRANGES -ARRANGING -ARRANT -ARRAY -ARRAYED -ARRAYS -ARREARS -ARREST -ARRESTED -ARRESTER -ARRESTERS -ARRESTING -ARRESTINGLY -ARRESTOR -ARRESTORS -ARRESTS -ARRHENIUS -ARRIVAL -ARRIVALS -ARRIVE -ARRIVED -ARRIVES -ARRIVING -ARROGANCE -ARROGANT -ARROGANTLY -ARROGATE -ARROGATED -ARROGATES -ARROGATING -ARROGATION -ARROW -ARROWED -ARROWHEAD -ARROWHEADS -ARROWS -ARROYO -ARROYOS -ARSENAL -ARSENALS -ARSENIC -ARSINE -ARSON -ART -ARTEMIA -ARTEMIS -ARTERIAL -ARTERIES -ARTERIOLAR -ARTERIOLE -ARTERIOLES -ARTERIOSCLEROSIS -ARTERY -ARTFUL -ARTFULLY -ARTFULNESS -ARTHRITIS -ARTHROPOD -ARTHROPODS -ARTHUR -ARTICHOKE -ARTICHOKES -ARTICLE -ARTICLES -ARTICULATE -ARTICULATED -ARTICULATELY -ARTICULATENESS -ARTICULATES -ARTICULATING -ARTICULATION -ARTICULATIONS -ARTICULATOR -ARTICULATORS -ARTICULATORY -ARTIE -ARTIFACT -ARTIFACTS -ARTIFICE -ARTIFICER -ARTIFICES -ARTIFICIAL -ARTIFICIALITIES -ARTIFICIALITY -ARTIFICIALLY -ARTIFICIALNESS -ARTILLERIST -ARTILLERY -ARTISAN -ARTISANS -ARTIST -ARTISTIC -ARTISTICALLY -ARTISTRY -ARTISTS -ARTLESS -ARTS -ARTURO -ARTWORK -ARUBA -ARYAN -ARYANS -ASBESTOS -ASCEND -ASCENDANCY -ASCENDANT -ASCENDED -ASCENDENCY -ASCENDENT -ASCENDER -ASCENDERS -ASCENDING -ASCENDS -ASCENSION -ASCENSIONS -ASCENT -ASCERTAIN -ASCERTAINABLE -ASCERTAINED -ASCERTAINING -ASCERTAINS -ASCETIC -ASCETICISM -ASCETICS -ASCII -ASCOT -ASCRIBABLE -ASCRIBE -ASCRIBED -ASCRIBES -ASCRIBING -ASCRIPTION -ASEPTIC -ASH -ASHAMED -ASHAMEDLY -ASHEN -ASHER -ASHES -ASHEVILLE -ASHLAND -ASHLEY -ASHMAN -ASHMOLEAN -ASHORE -ASHTRAY -ASHTRAYS -ASIA -ASIAN -ASIANS -ASIATIC -ASIATICIZATION -ASIATICIZATIONS -ASIATICIZE -ASIATICIZES -ASIATICS -ASIDE -ASILOMAR -ASININE -ASK -ASKANCE -ASKED -ASKER -ASKERS -ASKEW -ASKING -ASKS -ASLEEP -ASOCIAL -ASP -ASPARAGUS -ASPECT -ASPECTS -ASPEN -ASPERSION -ASPERSIONS -ASPHALT -ASPHYXIA -ASPIC -ASPIRANT -ASPIRANTS -ASPIRATE -ASPIRATED -ASPIRATES -ASPIRATING -ASPIRATION -ASPIRATIONS -ASPIRATOR -ASPIRATORS -ASPIRE -ASPIRED -ASPIRES -ASPIRIN -ASPIRING -ASPIRINS -ASS -ASSAIL -ASSAILANT -ASSAILANTS -ASSAILED -ASSAILING -ASSAILS -ASSAM -ASSASSIN -ASSASSINATE -ASSASSINATED -ASSASSINATES -ASSASSINATING -ASSASSINATION -ASSASSINATIONS -ASSASSINS -ASSAULT -ASSAULTED -ASSAULTING -ASSAULTS -ASSAY -ASSAYED -ASSAYING -ASSEMBLAGE -ASSEMBLAGES -ASSEMBLE -ASSEMBLED -ASSEMBLER -ASSEMBLERS -ASSEMBLES -ASSEMBLIES -ASSEMBLING -ASSEMBLY -ASSENT -ASSENTED -ASSENTER -ASSENTING -ASSENTS -ASSERT -ASSERTED -ASSERTER -ASSERTERS -ASSERTING -ASSERTION -ASSERTIONS -ASSERTIVE -ASSERTIVELY -ASSERTIVENESS -ASSERTS -ASSES -ASSESS -ASSESSED -ASSESSES -ASSESSING -ASSESSMENT -ASSESSMENTS -ASSESSOR -ASSESSORS -ASSET -ASSETS -ASSIDUITY -ASSIDUOUS -ASSIDUOUSLY -ASSIGN -ASSIGNABLE -ASSIGNED -ASSIGNEE -ASSIGNEES -ASSIGNER -ASSIGNERS -ASSIGNING -ASSIGNMENT -ASSIGNMENTS -ASSIGNS -ASSIMILATE -ASSIMILATED -ASSIMILATES -ASSIMILATING -ASSIMILATION -ASSIMILATIONS -ASSIST -ASSISTANCE -ASSISTANCES -ASSISTANT -ASSISTANTS -ASSISTANTSHIP -ASSISTANTSHIPS -ASSISTED -ASSISTING -ASSISTS -ASSOCIATE -ASSOCIATED -ASSOCIATES -ASSOCIATING -ASSOCIATION -ASSOCIATIONAL -ASSOCIATIONS -ASSOCIATIVE -ASSOCIATIVELY -ASSOCIATIVITY -ASSOCIATOR -ASSOCIATORS -ASSONANCE -ASSONANT -ASSORT -ASSORTED -ASSORTMENT -ASSORTMENTS -ASSORTS -ASSUAGE -ASSUAGED -ASSUAGES -ASSUME -ASSUMED -ASSUMES -ASSUMING -ASSUMPTION -ASSUMPTIONS -ASSURANCE -ASSURANCES -ASSURE -ASSURED -ASSUREDLY -ASSURER -ASSURERS -ASSURES -ASSURING -ASSURINGLY -ASSYRIA -ASSYRIAN -ASSYRIANIZE -ASSYRIANIZES -ASSYRIOLOGY -ASTAIRE -ASTAIRES -ASTARTE -ASTATINE -ASTER -ASTERISK -ASTERISKS -ASTEROID -ASTEROIDAL -ASTEROIDS -ASTERS -ASTHMA -ASTON -ASTONISH -ASTONISHED -ASTONISHES -ASTONISHING -ASTONISHINGLY -ASTONISHMENT -ASTOR -ASTORIA -ASTOUND -ASTOUNDED -ASTOUNDING -ASTOUNDS -ASTRAL -ASTRAY -ASTRIDE -ASTRINGENCY -ASTRINGENT -ASTROLOGY -ASTRONAUT -ASTRONAUTICS -ASTRONAUTS -ASTRONOMER -ASTRONOMERS -ASTRONOMICAL -ASTRONOMICALLY -ASTRONOMY -ASTROPHYSICAL -ASTROPHYSICS -ASTUTE -ASTUTELY -ASTUTENESS -ASUNCION -ASUNDER -ASYLUM -ASYMMETRIC -ASYMMETRICALLY -ASYMMETRY -ASYMPTOMATICALLY -ASYMPTOTE -ASYMPTOTES -ASYMPTOTIC -ASYMPTOTICALLY -ASYNCHRONISM -ASYNCHRONOUS -ASYNCHRONOUSLY -ASYNCHRONY -ATALANTA -ATARI -ATAVISTIC -ATCHISON -ATE -ATEMPORAL -ATHABASCAN -ATHEISM -ATHEIST -ATHEISTIC -ATHEISTS -ATHENA -ATHENIAN -ATHENIANS -ATHENS -ATHEROSCLEROSIS -ATHLETE -ATHLETES -ATHLETIC -ATHLETICISM -ATHLETICS -ATKINS -ATKINSON -ATLANTA -ATLANTIC -ATLANTICA -ATLANTIS -ATLAS -ATMOSPHERE -ATMOSPHERES -ATMOSPHERIC -ATOLL -ATOLLS -ATOM -ATOMIC -ATOMICALLY -ATOMICS -ATOMIZATION -ATOMIZE -ATOMIZED -ATOMIZES -ATOMIZING -ATOMS -ATONAL -ATONALLY -ATONE -ATONED -ATONEMENT -ATONES -ATOP -ATREUS -ATROCIOUS -ATROCIOUSLY -ATROCITIES -ATROCITY -ATROPHIC -ATROPHIED -ATROPHIES -ATROPHY -ATROPHYING -ATROPOS -ATTACH -ATTACHE -ATTACHED -ATTACHER -ATTACHERS -ATTACHES -ATTACHING -ATTACHMENT -ATTACHMENTS -ATTACK -ATTACKABLE -ATTACKED -ATTACKER -ATTACKERS -ATTACKING -ATTACKS -ATTAIN -ATTAINABLE -ATTAINABLY -ATTAINED -ATTAINER -ATTAINERS -ATTAINING -ATTAINMENT -ATTAINMENTS -ATTAINS -ATTEMPT -ATTEMPTED -ATTEMPTER -ATTEMPTERS -ATTEMPTING -ATTEMPTS -ATTEND -ATTENDANCE -ATTENDANCES -ATTENDANT -ATTENDANTS -ATTENDED -ATTENDEE -ATTENDEES -ATTENDER -ATTENDERS -ATTENDING -ATTENDS -ATTENTION -ATTENTIONAL -ATTENTIONALITY -ATTENTIONS -ATTENTIVE -ATTENTIVELY -ATTENTIVENESS -ATTENUATE -ATTENUATED -ATTENUATES -ATTENUATING -ATTENUATION -ATTENUATOR -ATTENUATORS -ATTEST -ATTESTED -ATTESTING -ATTESTS -ATTIC -ATTICA -ATTICS -ATTIRE -ATTIRED -ATTIRES -ATTIRING -ATTITUDE -ATTITUDES -ATTITUDINAL -ATTLEE -ATTORNEY -ATTORNEYS -ATTRACT -ATTRACTED -ATTRACTING -ATTRACTION -ATTRACTIONS -ATTRACTIVE -ATTRACTIVELY -ATTRACTIVENESS -ATTRACTOR -ATTRACTORS -ATTRACTS -ATTRIBUTABLE -ATTRIBUTE -ATTRIBUTED -ATTRIBUTES -ATTRIBUTING -ATTRIBUTION -ATTRIBUTIONS -ATTRIBUTIVE -ATTRIBUTIVELY -ATTRITION -ATTUNE -ATTUNED -ATTUNES -ATTUNING -ATWATER -ATWOOD -ATYPICAL -ATYPICALLY -AUBERGE -AUBREY -AUBURN -AUCKLAND -AUCTION -AUCTIONEER -AUCTIONEERS -AUDACIOUS -AUDACIOUSLY -AUDACIOUSNESS -AUDACITY -AUDIBLE -AUDIBLY -AUDIENCE -AUDIENCES -AUDIO -AUDIOGRAM -AUDIOGRAMS -AUDIOLOGICAL -AUDIOLOGIST -AUDIOLOGISTS -AUDIOLOGY -AUDIOMETER -AUDIOMETERS -AUDIOMETRIC -AUDIOMETRY -AUDIT -AUDITED -AUDITING -AUDITION -AUDITIONED -AUDITIONING -AUDITIONS -AUDITOR -AUDITORIUM -AUDITORS -AUDITORY -AUDITS -AUDREY -AUDUBON -AUERBACH -AUGEAN -AUGER -AUGERS -AUGHT -AUGMENT -AUGMENTATION -AUGMENTED -AUGMENTING -AUGMENTS -AUGUR -AUGURS -AUGUST -AUGUSTA -AUGUSTAN -AUGUSTINE -AUGUSTLY -AUGUSTNESS -AUGUSTUS -AUNT -AUNTS -AURA -AURAL -AURALLY -AURAS -AURELIUS -AUREOLE -AUREOMYCIN -AURIGA -AURORA -AUSCHWITZ -AUSCULTATE -AUSCULTATED -AUSCULTATES -AUSCULTATING -AUSCULTATION -AUSCULTATIONS -AUSPICE -AUSPICES -AUSPICIOUS -AUSPICIOUSLY -AUSTERE -AUSTERELY -AUSTERITY -AUSTIN -AUSTRALIA -AUSTRALIAN -AUSTRALIANIZE -AUSTRALIANIZES -AUSTRALIS -AUSTRIA -AUSTRIAN -AUSTRIANIZE -AUSTRIANIZES -AUTHENTIC -AUTHENTICALLY -AUTHENTICATE -AUTHENTICATED -AUTHENTICATES -AUTHENTICATING -AUTHENTICATION -AUTHENTICATIONS -AUTHENTICATOR -AUTHENTICATORS -AUTHENTICITY -AUTHOR -AUTHORED -AUTHORING -AUTHORITARIAN -AUTHORITARIANISM -AUTHORITATIVE -AUTHORITATIVELY -AUTHORITIES -AUTHORITY -AUTHORIZATION -AUTHORIZATIONS -AUTHORIZE -AUTHORIZED -AUTHORIZER -AUTHORIZERS -AUTHORIZES -AUTHORIZING -AUTHORS -AUTHORSHIP -AUTISM -AUTISTIC -AUTO -AUTOBIOGRAPHIC -AUTOBIOGRAPHICAL -AUTOBIOGRAPHIES -AUTOBIOGRAPHY -AUTOCOLLIMATOR -AUTOCORRELATE -AUTOCORRELATION -AUTOCRACIES -AUTOCRACY -AUTOCRAT -AUTOCRATIC -AUTOCRATICALLY -AUTOCRATS -AUTODECREMENT -AUTODECREMENTED -AUTODECREMENTS -AUTODIALER -AUTOFLUORESCENCE -AUTOGRAPH -AUTOGRAPHED -AUTOGRAPHING -AUTOGRAPHS -AUTOINCREMENT -AUTOINCREMENTED -AUTOINCREMENTS -AUTOINDEX -AUTOINDEXING -AUTOMATA -AUTOMATE -AUTOMATED -AUTOMATES -AUTOMATIC -AUTOMATICALLY -AUTOMATING -AUTOMATION -AUTOMATON -AUTOMOBILE -AUTOMOBILES -AUTOMOTIVE -AUTONAVIGATOR -AUTONAVIGATORS -AUTONOMIC -AUTONOMOUS -AUTONOMOUSLY -AUTONOMY -AUTOPILOT -AUTOPILOTS -AUTOPSIED -AUTOPSIES -AUTOPSY -AUTOREGRESSIVE -AUTOS -AUTOSUGGESTIBILITY -AUTOTRANSFORMER -AUTUMN -AUTUMNAL -AUTUMNS -AUXILIARIES -AUXILIARY -AVAIL -AVAILABILITIES -AVAILABILITY -AVAILABLE -AVAILABLY -AVAILED -AVAILER -AVAILERS -AVAILING -AVAILS -AVALANCHE -AVALANCHED -AVALANCHES -AVALANCHING -AVANT -AVARICE -AVARICIOUS -AVARICIOUSLY -AVENGE -AVENGED -AVENGER -AVENGES -AVENGING -AVENTINE -AVENTINO -AVENUE -AVENUES -AVER -AVERAGE -AVERAGED -AVERAGES -AVERAGING -AVERNUS -AVERRED -AVERRER -AVERRING -AVERS -AVERSE -AVERSION -AVERSIONS -AVERT -AVERTED -AVERTING -AVERTS -AVERY -AVESTA -AVIAN -AVIARIES -AVIARY -AVIATION -AVIATOR -AVIATORS -AVID -AVIDITY -AVIDLY -AVIGNON -AVIONIC -AVIONICS -AVIS -AVIV -AVOCADO -AVOCADOS -AVOCATION -AVOCATIONS -AVOGADRO -AVOID -AVOIDABLE -AVOIDABLY -AVOIDANCE -AVOIDED -AVOIDER -AVOIDERS -AVOIDING -AVOIDS -AVON -AVOUCH -AVOW -AVOWAL -AVOWED -AVOWS -AWAIT -AWAITED -AWAITING -AWAITS -AWAKE -AWAKEN -AWAKENED -AWAKENING -AWAKENS -AWAKES -AWAKING -AWARD -AWARDED -AWARDER -AWARDERS -AWARDING -AWARDS -AWARE -AWARENESS -AWASH -AWAY -AWE -AWED -AWESOME -AWFUL -AWFULLY -AWFULNESS -AWHILE -AWKWARD -AWKWARDLY -AWKWARDNESS -AWL -AWLS -AWNING -AWNINGS -AWOKE -AWRY -AXED -AXEL -AXER -AXERS -AXES -AXIAL -AXIALLY -AXING -AXIOLOGICAL -AXIOM -AXIOMATIC -AXIOMATICALLY -AXIOMATIZATION -AXIOMATIZATIONS -AXIOMATIZE -AXIOMATIZED -AXIOMATIZES -AXIOMATIZING -AXIOMS -AXIS -AXLE -AXLES -AXOLOTL -AXOLOTLS -AXON -AXONS -AYE -AYERS -AYES -AYLESBURY -AZALEA -AZALEAS -AZERBAIJAN -AZIMUTH -AZIMUTHS -AZORES -AZTEC -AZTECAN -AZURE -BABBAGE -BABBLE -BABBLED -BABBLES -BABBLING -BABCOCK -BABE -BABEL -BABELIZE -BABELIZES -BABES -BABIED -BABIES -BABKA -BABOON -BABOONS -BABUL -BABY -BABYHOOD -BABYING -BABYISH -BABYLON -BABYLONIAN -BABYLONIANS -BABYLONIZE -BABYLONIZES -BABYSIT -BABYSITTING -BACCALAUREATE -BACCHUS -BACH -BACHELOR -BACHELORS -BACILLI -BACILLUS -BACK -BACKACHE -BACKACHES -BACKARROW -BACKBEND -BACKBENDS -BACKBOARD -BACKBONE -BACKBONES -BACKDROP -BACKDROPS -BACKED -BACKER -BACKERS -BACKFILL -BACKFIRING -BACKGROUND -BACKGROUNDS -BACKHAND -BACKING -BACKLASH -BACKLOG -BACKLOGGED -BACKLOGS -BACKORDER -BACKPACK -BACKPACKS -BACKPLANE -BACKPLANES -BACKPLATE -BACKS -BACKSCATTER -BACKSCATTERED -BACKSCATTERING -BACKSCATTERS -BACKSIDE -BACKSLASH -BACKSLASHES -BACKSPACE -BACKSPACED -BACKSPACES -BACKSPACING -BACKSTAGE -BACKSTAIRS -BACKSTITCH -BACKSTITCHED -BACKSTITCHES -BACKSTITCHING -BACKSTOP -BACKTRACK -BACKTRACKED -BACKTRACKER -BACKTRACKERS -BACKTRACKING -BACKTRACKS -BACKUP -BACKUPS -BACKUS -BACKWARD -BACKWARDNESS -BACKWARDS -BACKWATER -BACKWATERS -BACKWOODS -BACKYARD -BACKYARDS -BACON -BACTERIA -BACTERIAL -BACTERIUM -BAD -BADE -BADEN -BADGE -BADGER -BADGERED -BADGERING -BADGERS -BADGES -BADLANDS -BADLY -BADMINTON -BADNESS -BAFFIN -BAFFLE -BAFFLED -BAFFLER -BAFFLERS -BAFFLING -BAG -BAGATELLE -BAGATELLES -BAGEL -BAGELS -BAGGAGE -BAGGED -BAGGER -BAGGERS -BAGGING -BAGGY -BAGHDAD -BAGLEY -BAGPIPE -BAGPIPES -BAGRODIA -BAGRODIAS -BAGS -BAH -BAHAMA -BAHAMAS -BAHREIN -BAIL -BAILEY -BAILEYS -BAILIFF -BAILIFFS -BAILING -BAIRD -BAIRDI -BAIRN -BAIT -BAITED -BAITER -BAITING -BAITS -BAJA -BAKE -BAKED -BAKELITE -BAKER -BAKERIES -BAKERS -BAKERSFIELD -BAKERY -BAKES -BAKHTIARI -BAKING -BAKLAVA -BAKU -BALALAIKA -BALALAIKAS -BALANCE -BALANCED -BALANCER -BALANCERS -BALANCES -BALANCING -BALBOA -BALCONIES -BALCONY -BALD -BALDING -BALDLY -BALDNESS -BALDWIN -BALE -BALEFUL -BALER -BALES -BALFOUR -BALI -BALINESE -BALK -BALKAN -BALKANIZATION -BALKANIZATIONS -BALKANIZE -BALKANIZED -BALKANIZES -BALKANIZING -BALKANS -BALKED -BALKINESS -BALKING -BALKS -BALKY -BALL -BALLAD -BALLADS -BALLARD -BALLARDS -BALLAST -BALLASTS -BALLED -BALLER -BALLERINA -BALLERINAS -BALLERS -BALLET -BALLETS -BALLGOWN -BALLING -BALLISTIC -BALLISTICS -BALLOON -BALLOONED -BALLOONER -BALLOONERS -BALLOONING -BALLOONS -BALLOT -BALLOTS -BALLPARK -BALLPARKS -BALLPLAYER -BALLPLAYERS -BALLROOM -BALLROOMS -BALLS -BALLYHOO -BALM -BALMS -BALMY -BALSA -BALSAM -BALTIC -BALTIMORE -BALTIMOREAN -BALUSTRADE -BALUSTRADES -BALZAC -BAMAKO -BAMBERGER -BAMBI -BAMBOO -BAN -BANACH -BANAL -BANALLY -BANANA -BANANAS -BANBURY -BANCROFT -BAND -BANDAGE -BANDAGED -BANDAGES -BANDAGING -BANDED -BANDIED -BANDIES -BANDING -BANDIT -BANDITS -BANDPASS -BANDS -BANDSTAND -BANDSTANDS -BANDWAGON -BANDWAGONS -BANDWIDTH -BANDWIDTHS -BANDY -BANDYING -BANE -BANEFUL -BANG -BANGED -BANGING -BANGLADESH -BANGLE -BANGLES -BANGOR -BANGS -BANGUI -BANISH -BANISHED -BANISHES -BANISHING -BANISHMENT -BANISTER -BANISTERS -BANJO -BANJOS -BANK -BANKED -BANKER -BANKERS -BANKING -BANKRUPT -BANKRUPTCIES -BANKRUPTCY -BANKRUPTED -BANKRUPTING -BANKRUPTS -BANKS -BANNED -BANNER -BANNERS -BANNING -BANQUET -BANQUETING -BANQUETINGS -BANQUETS -BANS -BANSHEE -BANSHEES -BANTAM -BANTER -BANTERED -BANTERING -BANTERS -BANTU -BANTUS -BAPTISM -BAPTISMAL -BAPTISMS -BAPTIST -BAPTISTE -BAPTISTERY -BAPTISTRIES -BAPTISTRY -BAPTISTS -BAPTIZE -BAPTIZED -BAPTIZES -BAPTIZING -BAR -BARB -BARBADOS -BARBARA -BARBARIAN -BARBARIANS -BARBARIC -BARBARISM -BARBARITIES -BARBARITY -BARBAROUS -BARBAROUSLY -BARBECUE -BARBECUED -BARBECUES -BARBED -BARBELL -BARBELLS -BARBER -BARBITAL -BARBITURATE -BARBITURATES -BARBOUR -BARBS -BARCELONA -BARCLAY -BARD -BARDS -BARE -BARED -BAREFACED -BAREFOOT -BAREFOOTED -BARELY -BARENESS -BARER -BARES -BAREST -BARFLIES -BARFLY -BARGAIN -BARGAINED -BARGAINING -BARGAINS -BARGE -BARGES -BARGING -BARHOP -BARING -BARITONE -BARITONES -BARIUM -BARK -BARKED -BARKER -BARKERS -BARKING -BARKS -BARLEY -BARLOW -BARN -BARNABAS -BARNARD -BARNES -BARNET -BARNETT -BARNEY -BARNHARD -BARNS -BARNSTORM -BARNSTORMED -BARNSTORMING -BARNSTORMS -BARNUM -BARNYARD -BARNYARDS -BAROMETER -BAROMETERS -BAROMETRIC -BARON -BARONESS -BARONIAL -BARONIES -BARONS -BARONY -BAROQUE -BAROQUENESS -BARR -BARRACK -BARRACKS -BARRAGE -BARRAGES -BARRED -BARREL -BARRELLED -BARRELLING -BARRELS -BARREN -BARRENNESS -BARRETT -BARRICADE -BARRICADES -BARRIER -BARRIERS -BARRING -BARRINGER -BARRINGTON -BARRON -BARROW -BARRY -BARRYMORE -BARRYMORES -BARS -BARSTOW -BART -BARTENDER -BARTENDERS -BARTER -BARTERED -BARTERING -BARTERS -BARTH -BARTHOLOMEW -BARTLETT -BARTOK -BARTON -BASAL -BASALT -BASCOM -BASE -BASEBALL -BASEBALLS -BASEBAND -BASEBOARD -BASEBOARDS -BASED -BASEL -BASELESS -BASELINE -BASELINES -BASELY -BASEMAN -BASEMENT -BASEMENTS -BASENESS -BASER -BASES -BASH -BASHED -BASHES -BASHFUL -BASHFULNESS -BASHING -BASIC -BASIC -BASIC -BASICALLY -BASICS -BASIE -BASIL -BASIN -BASING -BASINS -BASIS -BASK -BASKED -BASKET -BASKETBALL -BASKETBALLS -BASKETS -BASKING -BASQUE -BASS -BASSES -BASSET -BASSETT -BASSINET -BASSINETS -BASTARD -BASTARDS -BASTE -BASTED -BASTES -BASTING -BASTION -BASTIONS -BAT -BATAVIA -BATCH -BATCHED -BATCHELDER -BATCHES -BATEMAN -BATES -BATH -BATHE -BATHED -BATHER -BATHERS -BATHES -BATHING -BATHOS -BATHROBE -BATHROBES -BATHROOM -BATHROOMS -BATHS -BATHTUB -BATHTUBS -BATHURST -BATISTA -BATON -BATONS -BATOR -BATS -BATTALION -BATTALIONS -BATTED -BATTELLE -BATTEN -BATTENS -BATTER -BATTERED -BATTERIES -BATTERING -BATTERS -BATTERY -BATTING -BATTLE -BATTLED -BATTLEFIELD -BATTLEFIELDS -BATTLEFRONT -BATTLEFRONTS -BATTLEGROUND -BATTLEGROUNDS -BATTLEMENT -BATTLEMENTS -BATTLER -BATTLERS -BATTLES -BATTLESHIP -BATTLESHIPS -BATTLING -BAUBLE -BAUBLES -BAUD -BAUDELAIRE -BAUER -BAUHAUS -BAUSCH -BAUXITE -BAVARIA -BAVARIAN -BAWDY -BAWL -BAWLED -BAWLING -BAWLS -BAXTER -BAY -BAYDA -BAYED -BAYES -BAYESIAN -BAYING -BAYLOR -BAYONET -BAYONETS -BAYONNE -BAYOU -BAYOUS -BAYPORT -BAYREUTH -BAYS -BAZAAR -BAZAARS -BEACH -BEACHED -BEACHES -BEACHHEAD -BEACHHEADS -BEACHING -BEACON -BEACONS -BEAD -BEADED -BEADING -BEADLE -BEADLES -BEADS -BEADY -BEAGLE -BEAGLES -BEAK -BEAKED -BEAKER -BEAKERS -BEAKS -BEAM -BEAMED -BEAMER -BEAMERS -BEAMING -BEAMS -BEAN -BEANBAG -BEANED -BEANER -BEANERS -BEANING -BEANS -BEAR -BEARABLE -BEARABLY -BEARD -BEARDED -BEARDLESS -BEARDS -BEARDSLEY -BEARER -BEARERS -BEARING -BEARINGS -BEARISH -BEARS -BEAST -BEASTLY -BEASTS -BEAT -BEATABLE -BEATABLY -BEATEN -BEATER -BEATERS -BEATIFIC -BEATIFICATION -BEATIFY -BEATING -BEATINGS -BEATITUDE -BEATITUDES -BEATNIK -BEATNIKS -BEATRICE -BEATS -BEAU -BEAUCHAMPS -BEAUJOLAIS -BEAUMONT -BEAUREGARD -BEAUS -BEAUTEOUS -BEAUTEOUSLY -BEAUTIES -BEAUTIFICATIONS -BEAUTIFIED -BEAUTIFIER -BEAUTIFIERS -BEAUTIFIES -BEAUTIFUL -BEAUTIFULLY -BEAUTIFY -BEAUTIFYING -BEAUTY -BEAVER -BEAVERS -BEAVERTON -BECALM -BECALMED -BECALMING -BECALMS -BECAME -BECAUSE -BECHTEL -BECK -BECKER -BECKMAN -BECKON -BECKONED -BECKONING -BECKONS -BECKY -BECOME -BECOMES -BECOMING -BECOMINGLY -BED -BEDAZZLE -BEDAZZLED -BEDAZZLEMENT -BEDAZZLES -BEDAZZLING -BEDBUG -BEDBUGS -BEDDED -BEDDER -BEDDERS -BEDDING -BEDEVIL -BEDEVILED -BEDEVILING -BEDEVILS -BEDFAST -BEDFORD -BEDLAM -BEDPOST -BEDPOSTS -BEDRAGGLE -BEDRAGGLED -BEDRIDDEN -BEDROCK -BEDROOM -BEDROOMS -BEDS -BEDSIDE -BEDSPREAD -BEDSPREADS -BEDSPRING -BEDSPRINGS -BEDSTEAD -BEDSTEADS -BEDTIME -BEE -BEEBE -BEECH -BEECHAM -BEECHEN -BEECHER -BEEF -BEEFED -BEEFER -BEEFERS -BEEFING -BEEFS -BEEFSTEAK -BEEFY -BEEHIVE -BEEHIVES -BEEN -BEEP -BEEPS -BEER -BEERS -BEES -BEET -BEETHOVEN -BEETLE -BEETLED -BEETLES -BEETLING -BEETS -BEFALL -BEFALLEN -BEFALLING -BEFALLS -BEFELL -BEFIT -BEFITS -BEFITTED -BEFITTING -BEFOG -BEFOGGED -BEFOGGING -BEFORE -BEFOREHAND -BEFOUL -BEFOULED -BEFOULING -BEFOULS -BEFRIEND -BEFRIENDED -BEFRIENDING -BEFRIENDS -BEFUDDLE -BEFUDDLED -BEFUDDLES -BEFUDDLING -BEG -BEGAN -BEGET -BEGETS -BEGETTING -BEGGAR -BEGGARLY -BEGGARS -BEGGARY -BEGGED -BEGGING -BEGIN -BEGINNER -BEGINNERS -BEGINNING -BEGINNINGS -BEGINS -BEGOT -BEGOTTEN -BEGRUDGE -BEGRUDGED -BEGRUDGES -BEGRUDGING -BEGRUDGINGLY -BEGS -BEGUILE -BEGUILED -BEGUILES -BEGUILING -BEGUN -BEHALF -BEHAVE -BEHAVED -BEHAVES -BEHAVING -BEHAVIOR -BEHAVIORAL -BEHAVIORALLY -BEHAVIORISM -BEHAVIORISTIC -BEHAVIORS -BEHEAD -BEHEADING -BEHELD -BEHEMOTH -BEHEMOTHS -BEHEST -BEHIND -BEHOLD -BEHOLDEN -BEHOLDER -BEHOLDERS -BEHOLDING -BEHOLDS -BEHOOVE -BEHOOVES -BEIGE -BEIJING -BEING -BEINGS -BEIRUT -BELA -BELABOR -BELABORED -BELABORING -BELABORS -BELATED -BELATEDLY -BELAY -BELAYED -BELAYING -BELAYS -BELCH -BELCHED -BELCHES -BELCHING -BELFAST -BELFRIES -BELFRY -BELGIAN -BELGIANS -BELGIUM -BELGRADE -BELIE -BELIED -BELIEF -BELIEFS -BELIES -BELIEVABLE -BELIEVABLY -BELIEVE -BELIEVED -BELIEVER -BELIEVERS -BELIEVES -BELIEVING -BELITTLE -BELITTLED -BELITTLES -BELITTLING -BELIZE -BELL -BELLA -BELLAMY -BELLATRIX -BELLBOY -BELLBOYS -BELLE -BELLES -BELLEVILLE -BELLHOP -BELLHOPS -BELLICOSE -BELLICOSITY -BELLIES -BELLIGERENCE -BELLIGERENT -BELLIGERENTLY -BELLIGERENTS -BELLINGHAM -BELLINI -BELLMAN -BELLMEN -BELLOVIN -BELLOW -BELLOWED -BELLOWING -BELLOWS -BELLS -BELLUM -BELLWETHER -BELLWETHERS -BELLWOOD -BELLY -BELLYACHE -BELLYFULL -BELMONT -BELOIT -BELONG -BELONGED -BELONGING -BELONGINGS -BELONGS -BELOVED -BELOW -BELSHAZZAR -BELT -BELTED -BELTING -BELTON -BELTS -BELTSVILLE -BELUSHI -BELY -BELYING -BEMOAN -BEMOANED -BEMOANING -BEMOANS -BEN -BENARES -BENCH -BENCHED -BENCHES -BENCHMARK -BENCHMARKING -BENCHMARKS -BEND -BENDABLE -BENDER -BENDERS -BENDING -BENDIX -BENDS -BENEATH -BENEDICT -BENEDICTINE -BENEDICTION -BENEDICTIONS -BENEDIKT -BENEFACTOR -BENEFACTORS -BENEFICENCE -BENEFICENCES -BENEFICENT -BENEFICIAL -BENEFICIALLY -BENEFICIARIES -BENEFICIARY -BENEFIT -BENEFITED -BENEFITING -BENEFITS -BENEFITTED -BENEFITTING -BENELUX -BENEVOLENCE -BENEVOLENT -BENGAL -BENGALI -BENIGHTED -BENIGN -BENIGNLY -BENJAMIN -BENNETT -BENNINGTON -BENNY -BENSON -BENT -BENTHAM -BENTLEY -BENTLEYS -BENTON -BENZ -BENZEDRINE -BENZENE -BEOGRAD -BEOWULF -BEQUEATH -BEQUEATHAL -BEQUEATHED -BEQUEATHING -BEQUEATHS -BEQUEST -BEQUESTS -BERATE -BERATED -BERATES -BERATING -BEREA -BEREAVE -BEREAVED -BEREAVEMENT -BEREAVEMENTS -BEREAVES -BEREAVING -BEREFT -BERENICES -BERESFORD -BERET -BERETS -BERGEN -BERGLAND -BERGLUND -BERGMAN -BERGSON -BERGSTEN -BERGSTROM -BERIBBONED -BERIBERI -BERINGER -BERKELEY -BERKELIUM -BERKOWITZ -BERKSHIRE -BERKSHIRES -BERLIN -BERLINER -BERLINERS -BERLINIZE -BERLINIZES -BERLIOZ -BERLITZ -BERMAN -BERMUDA -BERN -BERNADINE -BERNARD -BERNARDINE -BERNARDINO -BERNARDO -BERNE -BERNET -BERNHARD -BERNICE -BERNIE -BERNIECE -BERNINI -BERNOULLI -BERNSTEIN -BERRA -BERRIES -BERRY -BERSERK -BERT -BERTH -BERTHA -BERTHS -BERTIE -BERTRAM -BERTRAND -BERWICK -BERYL -BERYLLIUM -BESEECH -BESEECHES -BESEECHING -BESET -BESETS -BESETTING -BESIDE -BESIDES -BESIEGE -BESIEGED -BESIEGER -BESIEGERS -BESIEGING -BESMIRCH -BESMIRCHED -BESMIRCHES -BESMIRCHING -BESOTTED -BESOTTER -BESOTTING -BESOUGHT -BESPEAK -BESPEAKS -BESPECTACLED -BESPOKE -BESS -BESSEL -BESSEMER -BESSEMERIZE -BESSEMERIZES -BESSIE -BEST -BESTED -BESTIAL -BESTING -BESTIR -BESTIRRING -BESTOW -BESTOWAL -BESTOWED -BESTS -BESTSELLER -BESTSELLERS -BESTSELLING -BET -BETA -BETATRON -BETEL -BETELGEUSE -BETHESDA -BETHLEHEM -BETIDE -BETRAY -BETRAYAL -BETRAYED -BETRAYER -BETRAYING -BETRAYS -BETROTH -BETROTHAL -BETROTHED -BETS -BETSEY -BETSY -BETTE -BETTER -BETTERED -BETTERING -BETTERMENT -BETTERMENTS -BETTERS -BETTIES -BETTING -BETTY -BETWEEN -BETWIXT -BEVEL -BEVELED -BEVELING -BEVELS -BEVERAGE -BEVERAGES -BEVERLY -BEVY -BEWAIL -BEWAILED -BEWAILING -BEWAILS -BEWARE -BEWHISKERED -BEWILDER -BEWILDERED -BEWILDERING -BEWILDERINGLY -BEWILDERMENT -BEWILDERS -BEWITCH -BEWITCHED -BEWITCHES -BEWITCHING -BEYOND -BHUTAN -BIALYSTOK -BIANCO -BIANNUAL -BIAS -BIASED -BIASES -BIASING -BIB -BIBBED -BIBBING -BIBLE -BIBLES -BIBLICAL -BIBLICALLY -BIBLIOGRAPHIC -BIBLIOGRAPHICAL -BIBLIOGRAPHIES -BIBLIOGRAPHY -BIBLIOPHILE -BIBS -BICAMERAL -BICARBONATE -BICENTENNIAL -BICEP -BICEPS -BICKER -BICKERED -BICKERING -BICKERS -BICONCAVE -BICONNECTED -BICONVEX -BICYCLE -BICYCLED -BICYCLER -BICYCLERS -BICYCLES -BICYCLING -BID -BIDDABLE -BIDDEN -BIDDER -BIDDERS -BIDDIES -BIDDING -BIDDLE -BIDDY -BIDE -BIDIRECTIONAL -BIDS -BIEN -BIENNIAL -BIENNIUM -BIENVILLE -BIER -BIERCE -BIFOCAL -BIFOCALS -BIFURCATE -BIG -BIGELOW -BIGGER -BIGGEST -BIGGS -BIGHT -BIGHTS -BIGNESS -BIGOT -BIGOTED -BIGOTRY -BIGOTS -BIHARMONIC -BIJECTION -BIJECTIONS -BIJECTIVE -BIJECTIVELY -BIKE -BIKES -BIKING -BIKINI -BIKINIS -BILABIAL -BILATERAL -BILATERALLY -BILBAO -BILBO -BILE -BILGE -BILGES -BILINEAR -BILINGUAL -BILK -BILKED -BILKING -BILKS -BILL -BILLBOARD -BILLBOARDS -BILLED -BILLER -BILLERS -BILLET -BILLETED -BILLETING -BILLETS -BILLIARD -BILLIARDS -BILLIE -BILLIKEN -BILLIKENS -BILLING -BILLINGS -BILLION -BILLIONS -BILLIONTH -BILLOW -BILLOWED -BILLOWS -BILLS -BILTMORE -BIMETALLIC -BIMETALLISM -BIMINI -BIMODAL -BIMOLECULAR -BIMONTHLIES -BIMONTHLY -BIN -BINARIES -BINARY -BINAURAL -BIND -BINDER -BINDERS -BINDING -BINDINGS -BINDS -BING -BINGE -BINGES -BINGHAM -BINGHAMTON -BINGO -BINI -BINOCULAR -BINOCULARS -BINOMIAL -BINS -BINUCLEAR -BIOCHEMICAL -BIOCHEMIST -BIOCHEMISTRY -BIOFEEDBACK -BIOGRAPHER -BIOGRAPHERS -BIOGRAPHIC -BIOGRAPHICAL -BIOGRAPHICALLY -BIOGRAPHIES -BIOGRAPHY -BIOLOGICAL -BIOLOGICALLY -BIOLOGIST -BIOLOGISTS -BIOLOGY -BIOMEDICAL -BIOMEDICINE -BIOPHYSICAL -BIOPHYSICIST -BIOPHYSICS -BIOPSIES -BIOPSY -BIOSCIENCE -BIOSPHERE -BIOSTATISTIC -BIOSYNTHESIZE -BIOTA -BIOTIC -BIPARTISAN -BIPARTITE -BIPED -BIPEDS -BIPLANE -BIPLANES -BIPOLAR -BIRACIAL -BIRCH -BIRCHEN -BIRCHES -BIRD -BIRDBATH -BIRDBATHS -BIRDIE -BIRDIED -BIRDIES -BIRDLIKE -BIRDS -BIREFRINGENCE -BIREFRINGENT -BIRGIT -BIRMINGHAM -BIRMINGHAMIZE -BIRMINGHAMIZES -BIRTH -BIRTHDAY -BIRTHDAYS -BIRTHED -BIRTHPLACE -BIRTHPLACES -BIRTHRIGHT -BIRTHRIGHTS -BIRTHS -BISCAYNE -BISCUIT -BISCUITS -BISECT -BISECTED -BISECTING -BISECTION -BISECTIONS -BISECTOR -BISECTORS -BISECTS -BISHOP -BISHOPS -BISMARCK -BISMARK -BISMUTH -BISON -BISONS -BISQUE -BISQUES -BISSAU -BISTABLE -BISTATE -BIT -BITCH -BITCHES -BITE -BITER -BITERS -BITES -BITING -BITINGLY -BITMAP -BITNET -BITS -BITTEN -BITTER -BITTERER -BITTEREST -BITTERLY -BITTERNESS -BITTERNUT -BITTERROOT -BITTERS -BITTERSWEET -BITUMEN -BITUMINOUS -BITWISE -BIVALVE -BIVALVES -BIVARIATE -BIVOUAC -BIVOUACS -BIWEEKLY -BIZARRE -BIZET -BLAB -BLABBED -BLABBERMOUTH -BLABBERMOUTHS -BLABBING -BLABS -BLACK -BLACKBERRIES -BLACKBERRY -BLACKBIRD -BLACKBIRDS -BLACKBOARD -BLACKBOARDS -BLACKBURN -BLACKED -BLACKEN -BLACKENED -BLACKENING -BLACKENS -BLACKER -BLACKEST -BLACKFEET -BLACKFOOT -BLACKFOOTS -BLACKING -BLACKJACK -BLACKJACKS -BLACKLIST -BLACKLISTED -BLACKLISTING -BLACKLISTS -BLACKLY -BLACKMAIL -BLACKMAILED -BLACKMAILER -BLACKMAILERS -BLACKMAILING -BLACKMAILS -BLACKMAN -BLACKMER -BLACKNESS -BLACKOUT -BLACKOUTS -BLACKS -BLACKSMITH -BLACKSMITHS -BLACKSTONE -BLACKWELL -BLACKWELLS -BLADDER -BLADDERS -BLADE -BLADES -BLAINE -BLAIR -BLAKE -BLAKEY -BLAMABLE -BLAME -BLAMED -BLAMELESS -BLAMELESSNESS -BLAMER -BLAMERS -BLAMES -BLAMEWORTHY -BLAMING -BLANCH -BLANCHARD -BLANCHE -BLANCHED -BLANCHES -BLANCHING -BLAND -BLANDLY -BLANDNESS -BLANK -BLANKED -BLANKER -BLANKEST -BLANKET -BLANKETED -BLANKETER -BLANKETERS -BLANKETING -BLANKETS -BLANKING -BLANKLY -BLANKNESS -BLANKS -BLANTON -BLARE -BLARED -BLARES -BLARING -BLASE -BLASPHEME -BLASPHEMED -BLASPHEMES -BLASPHEMIES -BLASPHEMING -BLASPHEMOUS -BLASPHEMOUSLY -BLASPHEMOUSNESS -BLASPHEMY -BLAST -BLASTED -BLASTER -BLASTERS -BLASTING -BLASTS -BLATANT -BLATANTLY -BLATZ -BLAZE -BLAZED -BLAZER -BLAZERS -BLAZES -BLAZING -BLEACH -BLEACHED -BLEACHER -BLEACHERS -BLEACHES -BLEACHING -BLEAK -BLEAKER -BLEAKLY -BLEAKNESS -BLEAR -BLEARY -BLEAT -BLEATING -BLEATS -BLED -BLEED -BLEEDER -BLEEDING -BLEEDINGS -BLEEDS -BLEEKER -BLEMISH -BLEMISHES -BLEND -BLENDED -BLENDER -BLENDING -BLENDS -BLENHEIM -BLESS -BLESSED -BLESSING -BLESSINGS -BLEW -BLIGHT -BLIGHTED -BLIMP -BLIMPS -BLIND -BLINDED -BLINDER -BLINDERS -BLINDFOLD -BLINDFOLDED -BLINDFOLDING -BLINDFOLDS -BLINDING -BLINDINGLY -BLINDLY -BLINDNESS -BLINDS -BLINK -BLINKED -BLINKER -BLINKERS -BLINKING -BLINKS -BLINN -BLIP -BLIPS -BLISS -BLISSFUL -BLISSFULLY -BLISTER -BLISTERED -BLISTERING -BLISTERS -BLITHE -BLITHELY -BLITZ -BLITZES -BLITZKRIEG -BLIZZARD -BLIZZARDS -BLOAT -BLOATED -BLOATER -BLOATING -BLOATS -BLOB -BLOBS -BLOC -BLOCH -BLOCK -BLOCKADE -BLOCKADED -BLOCKADES -BLOCKADING -BLOCKAGE -BLOCKAGES -BLOCKED -BLOCKER -BLOCKERS -BLOCKHOUSE -BLOCKHOUSES -BLOCKING -BLOCKS -BLOCS -BLOKE -BLOKES -BLOMBERG -BLOMQUIST -BLOND -BLONDE -BLONDES -BLONDS -BLOOD -BLOODBATH -BLOODED -BLOODHOUND -BLOODHOUNDS -BLOODIED -BLOODIEST -BLOODLESS -BLOODS -BLOODSHED -BLOODSHOT -BLOODSTAIN -BLOODSTAINED -BLOODSTAINS -BLOODSTREAM -BLOODY -BLOOM -BLOOMED -BLOOMERS -BLOOMFIELD -BLOOMING -BLOOMINGTON -BLOOMS -BLOOPER -BLOSSOM -BLOSSOMED -BLOSSOMS -BLOT -BLOTS -BLOTTED -BLOTTING -BLOUSE -BLOUSES -BLOW -BLOWER -BLOWERS -BLOWFISH -BLOWING -BLOWN -BLOWOUT -BLOWS -BLOWUP -BLUBBER -BLUDGEON -BLUDGEONED -BLUDGEONING -BLUDGEONS -BLUE -BLUEBERRIES -BLUEBERRY -BLUEBIRD -BLUEBIRDS -BLUEBONNET -BLUEBONNETS -BLUEFISH -BLUENESS -BLUEPRINT -BLUEPRINTS -BLUER -BLUES -BLUEST -BLUESTOCKING -BLUFF -BLUFFING -BLUFFS -BLUING -BLUISH -BLUM -BLUMENTHAL -BLUNDER -BLUNDERBUSS -BLUNDERED -BLUNDERING -BLUNDERINGS -BLUNDERS -BLUNT -BLUNTED -BLUNTER -BLUNTEST -BLUNTING -BLUNTLY -BLUNTNESS -BLUNTS -BLUR -BLURB -BLURRED -BLURRING -BLURRY -BLURS -BLURT -BLURTED -BLURTING -BLURTS -BLUSH -BLUSHED -BLUSHES -BLUSHING -BLUSTER -BLUSTERED -BLUSTERING -BLUSTERS -BLUSTERY -BLYTHE -BOA -BOAR -BOARD -BOARDED -BOARDER -BOARDERS -BOARDING -BOARDINGHOUSE -BOARDINGHOUSES -BOARDS -BOARSH -BOAST -BOASTED -BOASTER -BOASTERS -BOASTFUL -BOASTFULLY -BOASTING -BOASTINGS -BOASTS -BOAT -BOATER -BOATERS -BOATHOUSE -BOATHOUSES -BOATING -BOATLOAD -BOATLOADS -BOATMAN -BOATMEN -BOATS -BOATSMAN -BOATSMEN -BOATSWAIN -BOATSWAINS -BOATYARD -BOATYARDS -BOB -BOBBED -BOBBIE -BOBBIN -BOBBING -BOBBINS -BOBBSEY -BOBBY -BOBOLINK -BOBOLINKS -BOBROW -BOBS -BOBWHITE -BOBWHITES -BOCA -BODE -BODENHEIM -BODES -BODICE -BODIED -BODIES -BODILY -BODLEIAN -BODY -BODYBUILDER -BODYBUILDERS -BODYBUILDING -BODYGUARD -BODYGUARDS -BODYWEIGHT -BOEING -BOEOTIA -BOEOTIAN -BOER -BOERS -BOG -BOGART -BOGARTIAN -BOGEYMEN -BOGGED -BOGGLE -BOGGLED -BOGGLES -BOGGLING -BOGOTA -BOGS -BOGUS -BOHEME -BOHEMIA -BOHEMIAN -BOHEMIANISM -BOHR -BOIL -BOILED -BOILER -BOILERPLATE -BOILERS -BOILING -BOILS -BOIS -BOISE -BOISTEROUS -BOISTEROUSLY -BOLD -BOLDER -BOLDEST -BOLDFACE -BOLDLY -BOLDNESS -BOLIVIA -BOLIVIAN -BOLL -BOLOGNA -BOLSHEVIK -BOLSHEVIKS -BOLSHEVISM -BOLSHEVIST -BOLSHEVISTIC -BOLSHOI -BOLSTER -BOLSTERED -BOLSTERING -BOLSTERS -BOLT -BOLTED -BOLTING -BOLTON -BOLTS -BOLTZMANN -BOMB -BOMBARD -BOMBARDED -BOMBARDING -BOMBARDMENT -BOMBARDS -BOMBAST -BOMBASTIC -BOMBAY -BOMBED -BOMBER -BOMBERS -BOMBING -BOMBINGS -BOMBPROOF -BOMBS -BONANZA -BONANZAS -BONAPARTE -BONAVENTURE -BOND -BONDAGE -BONDED -BONDER -BONDERS -BONDING -BONDS -BONDSMAN -BONDSMEN -BONE -BONED -BONER -BONERS -BONES -BONFIRE -BONFIRES -BONG -BONHAM -BONIFACE -BONING -BONN -BONNET -BONNETED -BONNETS -BONNEVILLE -BONNIE -BONNY -BONTEMPO -BONUS -BONUSES -BONY -BOO -BOOB -BOOBOO -BOOBY -BOOK -BOOKCASE -BOOKCASES -BOOKED -BOOKER -BOOKERS -BOOKIE -BOOKIES -BOOKING -BOOKINGS -BOOKISH -BOOKKEEPER -BOOKKEEPERS -BOOKKEEPING -BOOKLET -BOOKLETS -BOOKMARK -BOOKS -BOOKSELLER -BOOKSELLERS -BOOKSHELF -BOOKSHELVES -BOOKSTORE -BOOKSTORES -BOOKWORM -BOOLEAN -BOOLEANS -BOOM -BOOMED -BOOMERANG -BOOMERANGS -BOOMING -BOOMS -BOON -BOONE -BOONTON -BOOR -BOORISH -BOORS -BOOS -BOOST -BOOSTED -BOOSTER -BOOSTING -BOOSTS -BOOT -BOOTABLE -BOOTED -BOOTES -BOOTH -BOOTHS -BOOTING -BOOTLE -BOOTLEG -BOOTLEGGED -BOOTLEGGER -BOOTLEGGERS -BOOTLEGGING -BOOTLEGS -BOOTS -BOOTSTRAP -BOOTSTRAPPED -BOOTSTRAPPING -BOOTSTRAPS -BOOTY -BOOZE -BORATE -BORATES -BORAX -BORDEAUX -BORDELLO -BORDELLOS -BORDEN -BORDER -BORDERED -BORDERING -BORDERINGS -BORDERLAND -BORDERLANDS -BORDERLINE -BORDERS -BORE -BOREALIS -BOREAS -BORED -BOREDOM -BORER -BORES -BORG -BORIC -BORING -BORIS -BORN -BORNE -BORNEO -BORON -BOROUGH -BOROUGHS -BORROUGHS -BORROW -BORROWED -BORROWER -BORROWERS -BORROWING -BORROWS -BOSCH -BOSE -BOSOM -BOSOMS -BOSPORUS -BOSS -BOSSED -BOSSES -BOSTITCH -BOSTON -BOSTONIAN -BOSTONIANS -BOSUN -BOSWELL -BOSWELLIZE -BOSWELLIZES -BOTANICAL -BOTANIST -BOTANISTS -BOTANY -BOTCH -BOTCHED -BOTCHER -BOTCHERS -BOTCHES -BOTCHING -BOTH -BOTHER -BOTHERED -BOTHERING -BOTHERS -BOTHERSOME -BOTSWANA -BOTTLE -BOTTLED -BOTTLENECK -BOTTLENECKS -BOTTLER -BOTTLERS -BOTTLES -BOTTLING -BOTTOM -BOTTOMED -BOTTOMING -BOTTOMLESS -BOTTOMS -BOTULINUS -BOTULISM -BOUCHER -BOUFFANT -BOUGH -BOUGHS -BOUGHT -BOULDER -BOULDERS -BOULEVARD -BOULEVARDS -BOUNCE -BOUNCED -BOUNCER -BOUNCES -BOUNCING -BOUNCY -BOUND -BOUNDARIES -BOUNDARY -BOUNDED -BOUNDEN -BOUNDING -BOUNDLESS -BOUNDLESSNESS -BOUNDS -BOUNTEOUS -BOUNTEOUSLY -BOUNTIES -BOUNTIFUL -BOUNTY -BOUQUET -BOUQUETS -BOURBAKI -BOURBON -BOURGEOIS -BOURGEOISIE -BOURNE -BOUSTROPHEDON -BOUSTROPHEDONIC -BOUT -BOUTIQUE -BOUTS -BOUVIER -BOVINE -BOVINES -BOW -BOWDITCH -BOWDLERIZE -BOWDLERIZED -BOWDLERIZES -BOWDLERIZING -BOWDOIN -BOWED -BOWEL -BOWELS -BOWEN -BOWER -BOWERS -BOWES -BOWING -BOWL -BOWLED -BOWLER -BOWLERS -BOWLINE -BOWLINES -BOWLING -BOWLS -BOWMAN -BOWS -BOWSTRING -BOWSTRINGS -BOX -BOXCAR -BOXCARS -BOXED -BOXER -BOXERS -BOXES -BOXFORD -BOXING -BOXTOP -BOXTOPS -BOXWOOD -BOY -BOYCE -BOYCOTT -BOYCOTTED -BOYCOTTS -BOYD -BOYFRIEND -BOYFRIENDS -BOYHOOD -BOYISH -BOYISHNESS -BOYLE -BOYLSTON -BOYS -BRA -BRACE -BRACED -BRACELET -BRACELETS -BRACES -BRACING -BRACKET -BRACKETED -BRACKETING -BRACKETS -BRACKISH -BRADBURY -BRADFORD -BRADLEY -BRADSHAW -BRADY -BRAE -BRAES -BRAG -BRAGG -BRAGGED -BRAGGER -BRAGGING -BRAGS -BRAHMAPUTRA -BRAHMS -BRAHMSIAN -BRAID -BRAIDED -BRAIDING -BRAIDS -BRAILLE -BRAIN -BRAINARD -BRAINARDS -BRAINCHILD -BRAINED -BRAINING -BRAINS -BRAINSTEM -BRAINSTEMS -BRAINSTORM -BRAINSTORMS -BRAINWASH -BRAINWASHED -BRAINWASHES -BRAINWASHING -BRAINY -BRAKE -BRAKED -BRAKEMAN -BRAKES -BRAKING -BRAMBLE -BRAMBLES -BRAMBLY -BRAN -BRANCH -BRANCHED -BRANCHES -BRANCHING -BRANCHINGS -BRANCHVILLE -BRAND -BRANDED -BRANDEIS -BRANDEL -BRANDENBURG -BRANDING -BRANDISH -BRANDISHES -BRANDISHING -BRANDON -BRANDS -BRANDT -BRANDY -BRANDYWINE -BRANIFF -BRANNON -BRAS -BRASH -BRASHLY -BRASHNESS -BRASILIA -BRASS -BRASSES -BRASSIERE -BRASSTOWN -BRASSY -BRAT -BRATS -BRAUN -BRAVADO -BRAVE -BRAVED -BRAVELY -BRAVENESS -BRAVER -BRAVERY -BRAVES -BRAVEST -BRAVING -BRAVO -BRAVOS -BRAWL -BRAWLER -BRAWLING -BRAWN -BRAY -BRAYED -BRAYER -BRAYING -BRAYS -BRAZE -BRAZED -BRAZEN -BRAZENLY -BRAZENNESS -BRAZES -BRAZIER -BRAZIERS -BRAZIL -BRAZILIAN -BRAZING -BRAZZAVILLE -BREACH -BREACHED -BREACHER -BREACHERS -BREACHES -BREACHING -BREAD -BREADBOARD -BREADBOARDS -BREADBOX -BREADBOXES -BREADED -BREADING -BREADS -BREADTH -BREADWINNER -BREADWINNERS -BREAK -BREAKABLE -BREAKABLES -BREAKAGE -BREAKAWAY -BREAKDOWN -BREAKDOWNS -BREAKER -BREAKERS -BREAKFAST -BREAKFASTED -BREAKFASTER -BREAKFASTERS -BREAKFASTING -BREAKFASTS -BREAKING -BREAKPOINT -BREAKPOINTS -BREAKS -BREAKTHROUGH -BREAKTHROUGHES -BREAKTHROUGHS -BREAKUP -BREAKWATER -BREAKWATERS -BREAST -BREASTED -BREASTS -BREASTWORK -BREASTWORKS -BREATH -BREATHABLE -BREATHE -BREATHED -BREATHER -BREATHERS -BREATHES -BREATHING -BREATHLESS -BREATHLESSLY -BREATHS -BREATHTAKING -BREATHTAKINGLY -BREATHY -BRED -BREECH -BREECHES -BREED -BREEDER -BREEDING -BREEDS -BREEZE -BREEZES -BREEZILY -BREEZY -BREMEN -BREMSSTRAHLUNG -BRENDA -BRENDAN -BRENNAN -BRENNER -BRENT -BRESENHAM -BREST -BRETHREN -BRETON -BRETONS -BRETT -BREVE -BREVET -BREVETED -BREVETING -BREVETS -BREVITY -BREW -BREWED -BREWER -BREWERIES -BREWERS -BREWERY -BREWING -BREWS -BREWSTER -BRIAN -BRIAR -BRIARS -BRIBE -BRIBED -BRIBER -BRIBERS -BRIBERY -BRIBES -BRIBING -BRICE -BRICK -BRICKBAT -BRICKED -BRICKER -BRICKLAYER -BRICKLAYERS -BRICKLAYING -BRICKS -BRIDAL -BRIDE -BRIDEGROOM -BRIDES -BRIDESMAID -BRIDESMAIDS -BRIDEWELL -BRIDGE -BRIDGEABLE -BRIDGED -BRIDGEHEAD -BRIDGEHEADS -BRIDGEPORT -BRIDGES -BRIDGET -BRIDGETOWN -BRIDGEWATER -BRIDGEWORK -BRIDGING -BRIDLE -BRIDLED -BRIDLES -BRIDLING -BRIE -BRIEF -BRIEFCASE -BRIEFCASES -BRIEFED -BRIEFER -BRIEFEST -BRIEFING -BRIEFINGS -BRIEFLY -BRIEFNESS -BRIEFS -BRIEN -BRIER -BRIG -BRIGADE -BRIGADES -BRIGADIER -BRIGADIERS -BRIGADOON -BRIGANTINE -BRIGGS -BRIGHAM -BRIGHT -BRIGHTEN -BRIGHTENED -BRIGHTENER -BRIGHTENERS -BRIGHTENING -BRIGHTENS -BRIGHTER -BRIGHTEST -BRIGHTLY -BRIGHTNESS -BRIGHTON -BRIGS -BRILLIANCE -BRILLIANCY -BRILLIANT -BRILLIANTLY -BRILLOUIN -BRIM -BRIMFUL -BRIMMED -BRIMMING -BRIMSTONE -BRINDISI -BRINDLE -BRINDLED -BRINE -BRING -BRINGER -BRINGERS -BRINGING -BRINGS -BRINK -BRINKLEY -BRINKMANSHIP -BRINY -BRISBANE -BRISK -BRISKER -BRISKLY -BRISKNESS -BRISTLE -BRISTLED -BRISTLES -BRISTLING -BRISTOL -BRITAIN -BRITANNIC -BRITANNICA -BRITCHES -BRITISH -BRITISHER -BRITISHLY -BRITON -BRITONS -BRITTANY -BRITTEN -BRITTLE -BRITTLENESS -BROACH -BROACHED -BROACHES -BROACHING -BROAD -BROADBAND -BROADCAST -BROADCASTED -BROADCASTER -BROADCASTERS -BROADCASTING -BROADCASTINGS -BROADCASTS -BROADEN -BROADENED -BROADENER -BROADENERS -BROADENING -BROADENINGS -BROADENS -BROADER -BROADEST -BROADLY -BROADNESS -BROADSIDE -BROADWAY -BROCADE -BROCADED -BROCCOLI -BROCHURE -BROCHURES -BROCK -BROGLIE -BROIL -BROILED -BROILER -BROILERS -BROILING -BROILS -BROKE -BROKEN -BROKENLY -BROKENNESS -BROKER -BROKERAGE -BROKERS -BROMFIELD -BROMIDE -BROMIDES -BROMINE -BROMLEY -BRONCHI -BRONCHIAL -BRONCHIOLE -BRONCHIOLES -BRONCHITIS -BRONCHUS -BRONTOSAURUS -BRONX -BRONZE -BRONZED -BRONZES -BROOCH -BROOCHES -BROOD -BROODER -BROODING -BROODS -BROOK -BROOKDALE -BROOKE -BROOKED -BROOKFIELD -BROOKHAVEN -BROOKLINE -BROOKLYN -BROOKMONT -BROOKS -BROOM -BROOMS -BROOMSTICK -BROOMSTICKS -BROTH -BROTHEL -BROTHELS -BROTHER -BROTHERHOOD -BROTHERLINESS -BROTHERLY -BROTHERS -BROUGHT -BROW -BROWBEAT -BROWBEATEN -BROWBEATING -BROWBEATS -BROWN -BROWNE -BROWNED -BROWNELL -BROWNER -BROWNEST -BROWNIAN -BROWNIE -BROWNIES -BROWNING -BROWNISH -BROWNNESS -BROWNS -BROWS -BROWSE -BROWSING -BRUCE -BRUCKNER -BRUEGEL -BRUISE -BRUISED -BRUISES -BRUISING -BRUMIDI -BRUNCH -BRUNCHES -BRUNETTE -BRUNHILDE -BRUNO -BRUNSWICK -BRUNT -BRUSH -BRUSHED -BRUSHES -BRUSHFIRE -BRUSHFIRES -BRUSHING -BRUSHLIKE -BRUSHY -BRUSQUE -BRUSQUELY -BRUSSELS -BRUTAL -BRUTALITIES -BRUTALITY -BRUTALIZE -BRUTALIZED -BRUTALIZES -BRUTALIZING -BRUTALLY -BRUTE -BRUTES -BRUTISH -BRUXELLES -BRYAN -BRYANT -BRYCE -BRYN -BUBBLE -BUBBLED -BUBBLES -BUBBLING -BUBBLY -BUCHANAN -BUCHAREST -BUCHENWALD -BUCHWALD -BUCK -BUCKBOARD -BUCKBOARDS -BUCKED -BUCKET -BUCKETS -BUCKING -BUCKLE -BUCKLED -BUCKLER -BUCKLES -BUCKLEY -BUCKLING -BUCKNELL -BUCKS -BUCKSHOT -BUCKSKIN -BUCKSKINS -BUCKWHEAT -BUCKY -BUCOLIC -BUD -BUDAPEST -BUDD -BUDDED -BUDDHA -BUDDHISM -BUDDHIST -BUDDHISTS -BUDDIES -BUDDING -BUDDY -BUDGE -BUDGED -BUDGES -BUDGET -BUDGETARY -BUDGETED -BUDGETER -BUDGETERS -BUDGETING -BUDGETS -BUDGING -BUDS -BUDWEISER -BUDWEISERS -BUEHRING -BUENA -BUENOS -BUFF -BUFFALO -BUFFALOES -BUFFER -BUFFERED -BUFFERING -BUFFERS -BUFFET -BUFFETED -BUFFETING -BUFFETINGS -BUFFETS -BUFFOON -BUFFOONS -BUFFS -BUG -BUGABOO -BUGATTI -BUGEYED -BUGGED -BUGGER -BUGGERS -BUGGIES -BUGGING -BUGGY -BUGLE -BUGLED -BUGLER -BUGLES -BUGLING -BUGS -BUICK -BUILD -BUILDER -BUILDERS -BUILDING -BUILDINGS -BUILDS -BUILDUP -BUILDUPS -BUILT -BUILTIN -BUJUMBURA -BULB -BULBA -BULBS -BULGARIA -BULGARIAN -BULGE -BULGED -BULGING -BULK -BULKED -BULKHEAD -BULKHEADS -BULKS -BULKY -BULL -BULLDOG -BULLDOGS -BULLDOZE -BULLDOZED -BULLDOZER -BULLDOZES -BULLDOZING -BULLED -BULLET -BULLETIN -BULLETINS -BULLETS -BULLFROG -BULLIED -BULLIES -BULLING -BULLION -BULLISH -BULLOCK -BULLS -BULLSEYE -BULLY -BULLYING -BULWARK -BUM -BUMBLE -BUMBLEBEE -BUMBLEBEES -BUMBLED -BUMBLER -BUMBLERS -BUMBLES -BUMBLING -BUMBRY -BUMMED -BUMMING -BUMP -BUMPED -BUMPER -BUMPERS -BUMPING -BUMPS -BUMPTIOUS -BUMPTIOUSLY -BUMPTIOUSNESS -BUMS -BUN -BUNCH -BUNCHED -BUNCHES -BUNCHING -BUNDESTAG -BUNDLE -BUNDLED -BUNDLES -BUNDLING -BUNDOORA -BUNDY -BUNGALOW -BUNGALOWS -BUNGLE -BUNGLED -BUNGLER -BUNGLERS -BUNGLES -BUNGLING -BUNION -BUNIONS -BUNK -BUNKER -BUNKERED -BUNKERS -BUNKHOUSE -BUNKHOUSES -BUNKMATE -BUNKMATES -BUNKS -BUNNIES -BUNNY -BUNS -BUNSEN -BUNT -BUNTED -BUNTER -BUNTERS -BUNTING -BUNTS -BUNYAN -BUOY -BUOYANCY -BUOYANT -BUOYED -BUOYS -BURBANK -BURCH -BURDEN -BURDENED -BURDENING -BURDENS -BURDENSOME -BUREAU -BUREAUCRACIES -BUREAUCRACY -BUREAUCRAT -BUREAUCRATIC -BUREAUCRATS -BUREAUS -BURGEON -BURGEONED -BURGEONING -BURGESS -BURGESSES -BURGHER -BURGHERS -BURGLAR -BURGLARIES -BURGLARIZE -BURGLARIZED -BURGLARIZES -BURGLARIZING -BURGLARPROOF -BURGLARPROOFED -BURGLARPROOFING -BURGLARPROOFS -BURGLARS -BURGLARY -BURGUNDIAN -BURGUNDIES -BURGUNDY -BURIAL -BURIED -BURIES -BURKE -BURKES -BURL -BURLESQUE -BURLESQUES -BURLINGAME -BURLINGTON -BURLY -BURMA -BURMESE -BURN -BURNE -BURNED -BURNER -BURNERS -BURNES -BURNETT -BURNHAM -BURNING -BURNINGLY -BURNINGS -BURNISH -BURNISHED -BURNISHES -BURNISHING -BURNS -BURNSIDE -BURNSIDES -BURNT -BURNTLY -BURNTNESS -BURP -BURPED -BURPING -BURPS -BURR -BURROUGHS -BURROW -BURROWED -BURROWER -BURROWING -BURROWS -BURRS -BURSA -BURSITIS -BURST -BURSTINESS -BURSTING -BURSTS -BURSTY -BURT -BURTON -BURTT -BURUNDI -BURY -BURYING -BUS -BUSBOY -BUSBOYS -BUSCH -BUSED -BUSES -BUSH -BUSHEL -BUSHELS -BUSHES -BUSHING -BUSHNELL -BUSHWHACK -BUSHWHACKED -BUSHWHACKING -BUSHWHACKS -BUSHY -BUSIED -BUSIER -BUSIEST -BUSILY -BUSINESS -BUSINESSES -BUSINESSLIKE -BUSINESSMAN -BUSINESSMEN -BUSING -BUSS -BUSSED -BUSSES -BUSSING -BUST -BUSTARD -BUSTARDS -BUSTED -BUSTER -BUSTLE -BUSTLING -BUSTS -BUSY -BUT -BUTANE -BUTCHER -BUTCHERED -BUTCHERS -BUTCHERY -BUTLER -BUTLERS -BUTT -BUTTE -BUTTED -BUTTER -BUTTERBALL -BUTTERCUP -BUTTERED -BUTTERER -BUTTERERS -BUTTERFAT -BUTTERFIELD -BUTTERFLIES -BUTTERFLY -BUTTERING -BUTTERMILK -BUTTERNUT -BUTTERS -BUTTERY -BUTTES -BUTTING -BUTTOCK -BUTTOCKS -BUTTON -BUTTONED -BUTTONHOLE -BUTTONHOLES -BUTTONING -BUTTONS -BUTTRESS -BUTTRESSED -BUTTRESSES -BUTTRESSING -BUTTRICK -BUTTS -BUTYL -BUTYRATE -BUXOM -BUXTEHUDE -BUXTON -BUY -BUYER -BUYERS -BUYING -BUYS -BUZZ -BUZZARD -BUZZARDS -BUZZED -BUZZER -BUZZES -BUZZING -BUZZWORD -BUZZWORDS -BUZZY -BYE -BYERS -BYGONE -BYLAW -BYLAWS -BYLINE -BYLINES -BYPASS -BYPASSED -BYPASSES -BYPASSING -BYPRODUCT -BYPRODUCTS -BYRD -BYRNE -BYRON -BYRONIC -BYRONISM -BYRONIZE -BYRONIZES -BYSTANDER -BYSTANDERS -BYTE -BYTES -BYWAY -BYWAYS -BYWORD -BYWORDS -BYZANTINE -BYZANTINIZE -BYZANTINIZES -BYZANTIUM -CAB -CABAL -CABANA -CABARET -CABBAGE -CABBAGES -CABDRIVER -CABIN -CABINET -CABINETS -CABINS -CABLE -CABLED -CABLES -CABLING -CABOOSE -CABOT -CABS -CACHE -CACHED -CACHES -CACHING -CACKLE -CACKLED -CACKLER -CACKLES -CACKLING -CACTI -CACTUS -CADAVER -CADENCE -CADENCED -CADILLAC -CADILLACS -CADRES -CADY -CAESAR -CAESARIAN -CAESARIZE -CAESARIZES -CAFE -CAFES -CAFETERIA -CAGE -CAGED -CAGER -CAGERS -CAGES -CAGING -CAHILL -CAIMAN -CAIN -CAINE -CAIRN -CAIRO -CAJOLE -CAJOLED -CAJOLES -CAJOLING -CAJUN -CAJUNS -CAKE -CAKED -CAKES -CAKING -CALAIS -CALAMITIES -CALAMITOUS -CALAMITY -CALCEOLARIA -CALCIFY -CALCIUM -CALCOMP -CALCOMP -CALCOMP -CALCULATE -CALCULATED -CALCULATES -CALCULATING -CALCULATION -CALCULATIONS -CALCULATIVE -CALCULATOR -CALCULATORS -CALCULI -CALCULUS -CALCUTTA -CALDER -CALDERA -CALDWELL -CALEB -CALENDAR -CALENDARS -CALF -CALFSKIN -CALGARY -CALHOUN -CALIBER -CALIBERS -CALIBRATE -CALIBRATED -CALIBRATES -CALIBRATING -CALIBRATION -CALIBRATIONS -CALICO -CALIFORNIA -CALIFORNIAN -CALIFORNIANS -CALIGULA -CALIPH -CALIPHS -CALKINS -CALL -CALLABLE -CALLAGHAN -CALLAHAN -CALLAN -CALLED -CALLER -CALLERS -CALLING -CALLIOPE -CALLISTO -CALLOUS -CALLOUSED -CALLOUSLY -CALLOUSNESS -CALLS -CALLUS -CALM -CALMED -CALMER -CALMEST -CALMING -CALMINGLY -CALMLY -CALMNESS -CALMS -CALORIC -CALORIE -CALORIES -CALORIMETER -CALORIMETRIC -CALORIMETRY -CALTECH -CALUMNY -CALVARY -CALVE -CALVERT -CALVES -CALVIN -CALVINIST -CALVINIZE -CALVINIZES -CALYPSO -CAM -CAMBODIA -CAMBRIAN -CAMBRIDGE -CAMDEN -CAME -CAMEL -CAMELOT -CAMELS -CAMEMBERT -CAMERA -CAMERAMAN -CAMERAMEN -CAMERAS -CAMERON -CAMEROON -CAMEROUN -CAMILLA -CAMILLE -CAMINO -CAMOUFLAGE -CAMOUFLAGED -CAMOUFLAGES -CAMOUFLAGING -CAMP -CAMPAIGN -CAMPAIGNED -CAMPAIGNER -CAMPAIGNERS -CAMPAIGNING -CAMPAIGNS -CAMPBELL -CAMPBELLSPORT -CAMPED -CAMPER -CAMPERS -CAMPFIRE -CAMPGROUND -CAMPING -CAMPS -CAMPSITE -CAMPUS -CAMPUSES -CAN -CANAAN -CANADA -CANADIAN -CANADIANIZATION -CANADIANIZATIONS -CANADIANIZE -CANADIANIZES -CANADIANS -CANAL -CANALS -CANARIES -CANARY -CANAVERAL -CANBERRA -CANCEL -CANCELED -CANCELING -CANCELLATION -CANCELLATIONS -CANCELS -CANCER -CANCEROUS -CANCERS -CANDACE -CANDID -CANDIDACY -CANDIDATE -CANDIDATES -CANDIDE -CANDIDLY -CANDIDNESS -CANDIED -CANDIES -CANDLE -CANDLELIGHT -CANDLER -CANDLES -CANDLESTICK -CANDLESTICKS -CANDLEWICK -CANDOR -CANDY -CANE -CANER -CANFIELD -CANINE -CANIS -CANISTER -CANKER -CANKERWORM -CANNABIS -CANNED -CANNEL -CANNER -CANNERS -CANNERY -CANNIBAL -CANNIBALIZE -CANNIBALIZED -CANNIBALIZES -CANNIBALIZING -CANNIBALS -CANNING -CANNISTER -CANNISTERS -CANNON -CANNONBALL -CANNONS -CANNOT -CANNY -CANOE -CANOES -CANOGA -CANON -CANONIC -CANONICAL -CANONICALIZATION -CANONICALIZE -CANONICALIZED -CANONICALIZES -CANONICALIZING -CANONICALLY -CANONICALS -CANONS -CANOPUS -CANOPY -CANS -CANT -CANTABRIGIAN -CANTALOUPE -CANTANKEROUS -CANTANKEROUSLY -CANTEEN -CANTERBURY -CANTILEVER -CANTO -CANTON -CANTONESE -CANTONS -CANTOR -CANTORS -CANUTE -CANVAS -CANVASES -CANVASS -CANVASSED -CANVASSER -CANVASSERS -CANVASSES -CANVASSING -CANYON -CANYONS -CAP -CAPABILITIES -CAPABILITY -CAPABLE -CAPABLY -CAPACIOUS -CAPACIOUSLY -CAPACIOUSNESS -CAPACITANCE -CAPACITANCES -CAPACITIES -CAPACITIVE -CAPACITOR -CAPACITORS -CAPACITY -CAPE -CAPER -CAPERS -CAPES -CAPET -CAPETOWN -CAPILLARY -CAPISTRANO -CAPITA -CAPITAL -CAPITALISM -CAPITALIST -CAPITALISTS -CAPITALIZATION -CAPITALIZATIONS -CAPITALIZE -CAPITALIZED -CAPITALIZER -CAPITALIZERS -CAPITALIZES -CAPITALIZING -CAPITALLY -CAPITALS -CAPITAN -CAPITOL -CAPITOLINE -CAPITOLS -CAPPED -CAPPING -CAPPY -CAPRICE -CAPRICIOUS -CAPRICIOUSLY -CAPRICIOUSNESS -CAPRICORN -CAPS -CAPSICUM -CAPSTAN -CAPSTONE -CAPSULE -CAPTAIN -CAPTAINED -CAPTAINING -CAPTAINS -CAPTION -CAPTIONS -CAPTIVATE -CAPTIVATED -CAPTIVATES -CAPTIVATING -CAPTIVATION -CAPTIVE -CAPTIVES -CAPTIVITY -CAPTOR -CAPTORS -CAPTURE -CAPTURED -CAPTURER -CAPTURERS -CAPTURES -CAPTURING -CAPUTO -CAPYBARA -CAR -CARACAS -CARAMEL -CARAVAN -CARAVANS -CARAWAY -CARBOHYDRATE -CARBOLIC -CARBOLOY -CARBON -CARBONATE -CARBONATES -CARBONATION -CARBONDALE -CARBONE -CARBONES -CARBONIC -CARBONIZATION -CARBONIZE -CARBONIZED -CARBONIZER -CARBONIZERS -CARBONIZES -CARBONIZING -CARBONS -CARBORUNDUM -CARBUNCLE -CARCASS -CARCASSES -CARCINOGEN -CARCINOGENIC -CARCINOMA -CARD -CARDBOARD -CARDER -CARDIAC -CARDIFF -CARDINAL -CARDINALITIES -CARDINALITY -CARDINALLY -CARDINALS -CARDIOD -CARDIOLOGY -CARDIOVASCULAR -CARDS -CARE -CARED -CAREEN -CAREER -CAREERS -CAREFREE -CAREFUL -CAREFULLY -CAREFULNESS -CARELESS -CARELESSLY -CARELESSNESS -CARES -CARESS -CARESSED -CARESSER -CARESSES -CARESSING -CARET -CARETAKER -CAREY -CARGILL -CARGO -CARGOES -CARIB -CARIBBEAN -CARIBOU -CARICATURE -CARING -CARL -CARLA -CARLETON -CARLETONIAN -CARLIN -CARLISLE -CARLO -CARLOAD -CARLSBAD -CARLSBADS -CARLSON -CARLTON -CARLYLE -CARMELA -CARMEN -CARMICHAEL -CARNAGE -CARNAL -CARNATION -CARNEGIE -CARNIVAL -CARNIVALS -CARNIVOROUS -CARNIVOROUSLY -CAROL -CAROLINA -CAROLINAS -CAROLINE -CAROLINGIAN -CAROLINIAN -CAROLINIANS -CAROLS -CAROLYN -CARP -CARPATHIA -CARPATHIANS -CARPENTER -CARPENTERS -CARPENTRY -CARPET -CARPETED -CARPETING -CARPETS -CARPORT -CARR -CARRARA -CARRIAGE -CARRIAGES -CARRIE -CARRIED -CARRIER -CARRIERS -CARRIES -CARRION -CARROLL -CARROT -CARROTS -CARRUTHERS -CARRY -CARRYING -CARRYOVER -CARRYOVERS -CARS -CARSON -CART -CARTED -CARTEL -CARTER -CARTERS -CARTESIAN -CARTHAGE -CARTHAGINIAN -CARTILAGE -CARTING -CARTOGRAPHER -CARTOGRAPHIC -CARTOGRAPHY -CARTON -CARTONS -CARTOON -CARTOONS -CARTRIDGE -CARTRIDGES -CARTS -CARTWHEEL -CARTY -CARUSO -CARVE -CARVED -CARVER -CARVES -CARVING -CARVINGS -CASANOVA -CASCADABLE -CASCADE -CASCADED -CASCADES -CASCADING -CASE -CASED -CASEMENT -CASEMENTS -CASES -CASEWORK -CASEY -CASH -CASHED -CASHER -CASHERS -CASHES -CASHEW -CASHIER -CASHIERS -CASHING -CASHMERE -CASING -CASINGS -CASINO -CASK -CASKET -CASKETS -CASKS -CASPIAN -CASSANDRA -CASSEROLE -CASSEROLES -CASSETTE -CASSIOPEIA -CASSITE -CASSITES -CASSIUS -CASSOCK -CAST -CASTE -CASTER -CASTERS -CASTES -CASTIGATE -CASTILLO -CASTING -CASTLE -CASTLED -CASTLES -CASTOR -CASTRO -CASTROISM -CASTS -CASUAL -CASUALLY -CASUALNESS -CASUALS -CASUALTIES -CASUALTY -CAT -CATACLYSMIC -CATALAN -CATALINA -CATALOG -CATALOGED -CATALOGER -CATALOGING -CATALOGS -CATALONIA -CATALYST -CATALYSTS -CATALYTIC -CATAPULT -CATARACT -CATASTROPHE -CATASTROPHES -CATASTROPHIC -CATAWBA -CATCH -CATCHABLE -CATCHER -CATCHERS -CATCHES -CATCHING -CATEGORICAL -CATEGORICALLY -CATEGORIES -CATEGORIZATION -CATEGORIZE -CATEGORIZED -CATEGORIZER -CATEGORIZERS -CATEGORIZES -CATEGORIZING -CATEGORY -CATER -CATERED -CATERER -CATERING -CATERPILLAR -CATERPILLARS -CATERS -CATHEDRAL -CATHEDRALS -CATHERINE -CATHERWOOD -CATHETER -CATHETERS -CATHODE -CATHODES -CATHOLIC -CATHOLICISM -CATHOLICISMS -CATHOLICS -CATHY -CATLIKE -CATNIP -CATS -CATSKILL -CATSKILLS -CATSUP -CATTAIL -CATTLE -CATTLEMAN -CATTLEMEN -CAUCASIAN -CAUCASIANS -CAUCASUS -CAUCHY -CAUCUS -CAUGHT -CAULDRON -CAULDRONS -CAULIFLOWER -CAULK -CAUSAL -CAUSALITY -CAUSALLY -CAUSATION -CAUSATIONS -CAUSE -CAUSED -CAUSER -CAUSES -CAUSEWAY -CAUSEWAYS -CAUSING -CAUSTIC -CAUSTICLY -CAUSTICS -CAUTION -CAUTIONED -CAUTIONER -CAUTIONERS -CAUTIONING -CAUTIONINGS -CAUTIONS -CAUTIOUS -CAUTIOUSLY -CAUTIOUSNESS -CAVALIER -CAVALIERLY -CAVALIERNESS -CAVALRY -CAVE -CAVEAT -CAVEATS -CAVED -CAVEMAN -CAVEMEN -CAVENDISH -CAVERN -CAVERNOUS -CAVERNS -CAVES -CAVIAR -CAVIL -CAVINESS -CAVING -CAVITIES -CAVITY -CAW -CAWING -CAYLEY -CAYUGA -CEASE -CEASED -CEASELESS -CEASELESSLY -CEASELESSNESS -CEASES -CEASING -CECIL -CECILIA -CECROPIA -CEDAR -CEDE -CEDED -CEDING -CEDRIC -CEILING -CEILINGS -CELANESE -CELEBES -CELEBRATE -CELEBRATED -CELEBRATES -CELEBRATING -CELEBRATION -CELEBRATIONS -CELEBRITIES -CELEBRITY -CELERITY -CELERY -CELESTE -CELESTIAL -CELESTIALLY -CELIA -CELL -CELLAR -CELLARS -CELLED -CELLIST -CELLISTS -CELLOPHANE -CELLS -CELLULAR -CELLULOSE -CELSIUS -CELT -CELTIC -CELTICIZE -CELTICIZES -CEMENT -CEMENTED -CEMENTING -CEMENTS -CEMETERIES -CEMETERY -CENOZOIC -CENSOR -CENSORED -CENSORING -CENSORS -CENSORSHIP -CENSURE -CENSURED -CENSURER -CENSURES -CENSUS -CENSUSES -CENT -CENTAUR -CENTENARY -CENTENNIAL -CENTER -CENTERED -CENTERING -CENTERPIECE -CENTERPIECES -CENTERS -CENTIGRADE -CENTIMETER -CENTIMETERS -CENTIPEDE -CENTIPEDES -CENTRAL -CENTRALIA -CENTRALISM -CENTRALIST -CENTRALIZATION -CENTRALIZE -CENTRALIZED -CENTRALIZES -CENTRALIZING -CENTRALLY -CENTREX -CENTREX -CENTRIFUGAL -CENTRIFUGE -CENTRIPETAL -CENTRIST -CENTROID -CENTS -CENTURIES -CENTURY -CEPHEUS -CERAMIC -CERBERUS -CEREAL -CEREALS -CEREBELLUM -CEREBRAL -CEREMONIAL -CEREMONIALLY -CEREMONIALNESS -CEREMONIES -CEREMONY -CERES -CERN -CERTAIN -CERTAINLY -CERTAINTIES -CERTAINTY -CERTIFIABLE -CERTIFICATE -CERTIFICATES -CERTIFICATION -CERTIFICATIONS -CERTIFIED -CERTIFIER -CERTIFIERS -CERTIFIES -CERTIFY -CERTIFYING -CERVANTES -CESARE -CESSATION -CESSATIONS -CESSNA -CETUS -CEYLON -CEZANNE -CEZANNES -CHABLIS -CHABLISES -CHAD -CHADWICK -CHAFE -CHAFER -CHAFF -CHAFFER -CHAFFEY -CHAFFING -CHAFING -CHAGRIN -CHAIN -CHAINED -CHAINING -CHAINS -CHAIR -CHAIRED -CHAIRING -CHAIRLADY -CHAIRMAN -CHAIRMEN -CHAIRPERSON -CHAIRPERSONS -CHAIRS -CHAIRWOMAN -CHAIRWOMEN -CHALICE -CHALICES -CHALK -CHALKED -CHALKING -CHALKS -CHALLENGE -CHALLENGED -CHALLENGER -CHALLENGERS -CHALLENGES -CHALLENGING -CHALMERS -CHAMBER -CHAMBERED -CHAMBERLAIN -CHAMBERLAINS -CHAMBERMAID -CHAMBERS -CHAMELEON -CHAMPAGNE -CHAMPAIGN -CHAMPION -CHAMPIONED -CHAMPIONING -CHAMPIONS -CHAMPIONSHIP -CHAMPIONSHIPS -CHAMPLAIN -CHANCE -CHANCED -CHANCELLOR -CHANCELLORSVILLE -CHANCERY -CHANCES -CHANCING -CHANDELIER -CHANDELIERS -CHANDIGARH -CHANG -CHANGE -CHANGEABILITY -CHANGEABLE -CHANGEABLY -CHANGED -CHANGEOVER -CHANGER -CHANGERS -CHANGES -CHANGING -CHANNEL -CHANNELED -CHANNELING -CHANNELLED -CHANNELLER -CHANNELLERS -CHANNELLING -CHANNELS -CHANNING -CHANT -CHANTED -CHANTER -CHANTICLEER -CHANTICLEERS -CHANTILLY -CHANTING -CHANTS -CHAO -CHAOS -CHAOTIC -CHAP -CHAPEL -CHAPELS -CHAPERON -CHAPERONE -CHAPERONED -CHAPLAIN -CHAPLAINS -CHAPLIN -CHAPMAN -CHAPS -CHAPTER -CHAPTERS -CHAR -CHARACTER -CHARACTERISTIC -CHARACTERISTICALLY -CHARACTERISTICS -CHARACTERIZABLE -CHARACTERIZATION -CHARACTERIZATIONS -CHARACTERIZE -CHARACTERIZED -CHARACTERIZER -CHARACTERIZERS -CHARACTERIZES -CHARACTERIZING -CHARACTERS -CHARCOAL -CHARCOALED -CHARGE -CHARGEABLE -CHARGED -CHARGER -CHARGERS -CHARGES -CHARGING -CHARIOT -CHARIOTS -CHARISMA -CHARISMATIC -CHARITABLE -CHARITABLENESS -CHARITIES -CHARITY -CHARLEMAGNE -CHARLEMAGNES -CHARLES -CHARLESTON -CHARLEY -CHARLIE -CHARLOTTE -CHARLOTTESVILLE -CHARM -CHARMED -CHARMER -CHARMERS -CHARMING -CHARMINGLY -CHARMS -CHARON -CHARS -CHART -CHARTA -CHARTABLE -CHARTED -CHARTER -CHARTERED -CHARTERING -CHARTERS -CHARTING -CHARTINGS -CHARTRES -CHARTREUSE -CHARTS -CHARYBDIS -CHASE -CHASED -CHASER -CHASERS -CHASES -CHASING -CHASM -CHASMS -CHASSIS -CHASTE -CHASTELY -CHASTENESS -CHASTISE -CHASTISED -CHASTISER -CHASTISERS -CHASTISES -CHASTISING -CHASTITY -CHAT -CHATEAU -CHATEAUS -CHATHAM -CHATTAHOOCHEE -CHATTANOOGA -CHATTEL -CHATTER -CHATTERED -CHATTERER -CHATTERING -CHATTERS -CHATTING -CHATTY -CHAUCER -CHAUFFEUR -CHAUFFEURED -CHAUNCEY -CHAUTAUQUA -CHEAP -CHEAPEN -CHEAPENED -CHEAPENING -CHEAPENS -CHEAPER -CHEAPEST -CHEAPLY -CHEAPNESS -CHEAT -CHEATED -CHEATER -CHEATERS -CHEATING -CHEATS -CHECK -CHECKABLE -CHECKBOOK -CHECKBOOKS -CHECKED -CHECKER -CHECKERBOARD -CHECKERBOARDED -CHECKERBOARDING -CHECKERS -CHECKING -CHECKLIST -CHECKOUT -CHECKPOINT -CHECKPOINTS -CHECKS -CHECKSUM -CHECKSUMMED -CHECKSUMMING -CHECKSUMS -CHECKUP -CHEEK -CHEEKBONE -CHEEKS -CHEEKY -CHEER -CHEERED -CHEERER -CHEERFUL -CHEERFULLY -CHEERFULNESS -CHEERILY -CHEERINESS -CHEERING -CHEERLEADER -CHEERLESS -CHEERLESSLY -CHEERLESSNESS -CHEERS -CHEERY -CHEESE -CHEESECLOTH -CHEESES -CHEESY -CHEETAH -CHEF -CHEFS -CHEKHOV -CHELSEA -CHEMICAL -CHEMICALLY -CHEMICALS -CHEMISE -CHEMIST -CHEMISTRIES -CHEMISTRY -CHEMISTS -CHEN -CHENEY -CHENG -CHERISH -CHERISHED -CHERISHES -CHERISHING -CHERITON -CHEROKEE -CHEROKEES -CHERRIES -CHERRY -CHERUB -CHERUBIM -CHERUBS -CHERYL -CHESAPEAKE -CHESHIRE -CHESS -CHEST -CHESTER -CHESTERFIELD -CHESTERTON -CHESTNUT -CHESTNUTS -CHESTS -CHEVROLET -CHEVY -CHEW -CHEWED -CHEWER -CHEWERS -CHEWING -CHEWS -CHEYENNE -CHEYENNES -CHIANG -CHIC -CHICAGO -CHICAGOAN -CHICAGOANS -CHICANA -CHICANAS -CHICANERY -CHICANO -CHICANOS -CHICK -CHICKADEE -CHICKADEES -CHICKASAWS -CHICKEN -CHICKENS -CHICKS -CHIDE -CHIDED -CHIDES -CHIDING -CHIEF -CHIEFLY -CHIEFS -CHIEFTAIN -CHIEFTAINS -CHIFFON -CHILD -CHILDBIRTH -CHILDHOOD -CHILDISH -CHILDISHLY -CHILDISHNESS -CHILDLIKE -CHILDREN -CHILE -CHILEAN -CHILES -CHILI -CHILL -CHILLED -CHILLER -CHILLERS -CHILLIER -CHILLINESS -CHILLING -CHILLINGLY -CHILLS -CHILLY -CHIME -CHIMERA -CHIMES -CHIMNEY -CHIMNEYS -CHIMPANZEE -CHIN -CHINA -CHINAMAN -CHINAMEN -CHINAS -CHINATOWN -CHINESE -CHING -CHINK -CHINKED -CHINKS -CHINNED -CHINNER -CHINNERS -CHINNING -CHINOOK -CHINS -CHINTZ -CHIP -CHIPMUNK -CHIPMUNKS -CHIPPENDALE -CHIPPEWA -CHIPS -CHIROPRACTOR -CHIRP -CHIRPED -CHIRPING -CHIRPS -CHISEL -CHISELED -CHISELER -CHISELS -CHISHOLM -CHIT -CHIVALROUS -CHIVALROUSLY -CHIVALROUSNESS -CHIVALRY -CHLOE -CHLORINE -CHLOROFORM -CHLOROPHYLL -CHLOROPLAST -CHLOROPLASTS -CHOCK -CHOCKS -CHOCOLATE -CHOCOLATES -CHOCTAW -CHOCTAWS -CHOICE -CHOICES -CHOICEST -CHOIR -CHOIRS -CHOKE -CHOKED -CHOKER -CHOKERS -CHOKES -CHOKING -CHOLERA -CHOMSKY -CHOOSE -CHOOSER -CHOOSERS -CHOOSES -CHOOSING -CHOP -CHOPIN -CHOPPED -CHOPPER -CHOPPERS -CHOPPING -CHOPPY -CHOPS -CHORAL -CHORD -CHORDATE -CHORDED -CHORDING -CHORDS -CHORE -CHOREOGRAPH -CHOREOGRAPHY -CHORES -CHORING -CHORTLE -CHORUS -CHORUSED -CHORUSES -CHOSE -CHOSEN -CHOU -CHOWDER -CHRIS -CHRIST -CHRISTEN -CHRISTENDOM -CHRISTENED -CHRISTENING -CHRISTENS -CHRISTENSEN -CHRISTENSON -CHRISTIAN -CHRISTIANA -CHRISTIANITY -CHRISTIANIZATION -CHRISTIANIZATIONS -CHRISTIANIZE -CHRISTIANIZER -CHRISTIANIZERS -CHRISTIANIZES -CHRISTIANIZING -CHRISTIANS -CHRISTIANSEN -CHRISTIANSON -CHRISTIE -CHRISTINA -CHRISTINE -CHRISTLIKE -CHRISTMAS -CHRISTOFFEL -CHRISTOPH -CHRISTOPHER -CHRISTY -CHROMATOGRAM -CHROMATOGRAPH -CHROMATOGRAPHY -CHROME -CHROMIUM -CHROMOSPHERE -CHRONIC -CHRONICLE -CHRONICLED -CHRONICLER -CHRONICLERS -CHRONICLES -CHRONOGRAPH -CHRONOGRAPHY -CHRONOLOGICAL -CHRONOLOGICALLY -CHRONOLOGIES -CHRONOLOGY -CHRYSANTHEMUM -CHRYSLER -CHUBBIER -CHUBBIEST -CHUBBINESS -CHUBBY -CHUCK -CHUCKLE -CHUCKLED -CHUCKLES -CHUCKS -CHUM -CHUNGKING -CHUNK -CHUNKS -CHUNKY -CHURCH -CHURCHES -CHURCHGOER -CHURCHGOING -CHURCHILL -CHURCHILLIAN -CHURCHLY -CHURCHMAN -CHURCHMEN -CHURCHWOMAN -CHURCHWOMEN -CHURCHYARD -CHURCHYARDS -CHURN -CHURNED -CHURNING -CHURNS -CHUTE -CHUTES -CHUTZPAH -CICADA -CICERO -CICERONIAN -CICERONIANIZE -CICERONIANIZES -CIDER -CIGAR -CIGARETTE -CIGARETTES -CIGARS -CILIA -CINCINNATI -CINDER -CINDERELLA -CINDERS -CINDY -CINEMA -CINEMATIC -CINERAMA -CINNAMON -CIPHER -CIPHERS -CIPHERTEXT -CIPHERTEXTS -CIRCA -CIRCE -CIRCLE -CIRCLED -CIRCLES -CIRCLET -CIRCLING -CIRCUIT -CIRCUITOUS -CIRCUITOUSLY -CIRCUITRY -CIRCUITS -CIRCULANT -CIRCULAR -CIRCULARITY -CIRCULARLY -CIRCULATE -CIRCULATED -CIRCULATES -CIRCULATING -CIRCULATION -CIRCUMCISE -CIRCUMCISION -CIRCUMFERENCE -CIRCUMFLEX -CIRCUMLOCUTION -CIRCUMLOCUTIONS -CIRCUMNAVIGATE -CIRCUMNAVIGATED -CIRCUMNAVIGATES -CIRCUMPOLAR -CIRCUMSCRIBE -CIRCUMSCRIBED -CIRCUMSCRIBING -CIRCUMSCRIPTION -CIRCUMSPECT -CIRCUMSPECTION -CIRCUMSPECTLY -CIRCUMSTANCE -CIRCUMSTANCED -CIRCUMSTANCES -CIRCUMSTANTIAL -CIRCUMSTANTIALLY -CIRCUMVENT -CIRCUMVENTABLE -CIRCUMVENTED -CIRCUMVENTING -CIRCUMVENTS -CIRCUS -CIRCUSES -CISTERN -CISTERNS -CITADEL -CITADELS -CITATION -CITATIONS -CITE -CITED -CITES -CITIES -CITING -CITIZEN -CITIZENS -CITIZENSHIP -CITROEN -CITRUS -CITY -CITYSCAPE -CITYWIDE -CIVET -CIVIC -CIVICS -CIVIL -CIVILIAN -CIVILIANS -CIVILITY -CIVILIZATION -CIVILIZATIONS -CIVILIZE -CIVILIZED -CIVILIZES -CIVILIZING -CIVILLY -CLAD -CLADDING -CLAIM -CLAIMABLE -CLAIMANT -CLAIMANTS -CLAIMED -CLAIMING -CLAIMS -CLAIRE -CLAIRVOYANT -CLAIRVOYANTLY -CLAM -CLAMBER -CLAMBERED -CLAMBERING -CLAMBERS -CLAMOR -CLAMORED -CLAMORING -CLAMOROUS -CLAMORS -CLAMP -CLAMPED -CLAMPING -CLAMPS -CLAMS -CLAN -CLANDESTINE -CLANG -CLANGED -CLANGING -CLANGS -CLANK -CLANNISH -CLAP -CLAPBOARD -CLAPEYRON -CLAPPING -CLAPS -CLARA -CLARE -CLAREMONT -CLARENCE -CLARENDON -CLARIFICATION -CLARIFICATIONS -CLARIFIED -CLARIFIES -CLARIFY -CLARIFYING -CLARINET -CLARITY -CLARK -CLARKE -CLARRIDGE -CLASH -CLASHED -CLASHES -CLASHING -CLASP -CLASPED -CLASPING -CLASPS -CLASS -CLASSED -CLASSES -CLASSIC -CLASSICAL -CLASSICALLY -CLASSICS -CLASSIFIABLE -CLASSIFICATION -CLASSIFICATIONS -CLASSIFIED -CLASSIFIER -CLASSIFIERS -CLASSIFIES -CLASSIFY -CLASSIFYING -CLASSMATE -CLASSMATES -CLASSROOM -CLASSROOMS -CLASSY -CLATTER -CLATTERED -CLATTERING -CLAUDE -CLAUDIA -CLAUDIO -CLAUS -CLAUSE -CLAUSEN -CLAUSES -CLAUSIUS -CLAUSTROPHOBIA -CLAUSTROPHOBIC -CLAW -CLAWED -CLAWING -CLAWS -CLAY -CLAYS -CLAYTON -CLEAN -CLEANED -CLEANER -CLEANERS -CLEANEST -CLEANING -CLEANLINESS -CLEANLY -CLEANNESS -CLEANS -CLEANSE -CLEANSED -CLEANSER -CLEANSERS -CLEANSES -CLEANSING -CLEANUP -CLEAR -CLEARANCE -CLEARANCES -CLEARED -CLEARER -CLEAREST -CLEARING -CLEARINGS -CLEARLY -CLEARNESS -CLEARS -CLEARWATER -CLEAVAGE -CLEAVE -CLEAVED -CLEAVER -CLEAVERS -CLEAVES -CLEAVING -CLEFT -CLEFTS -CLEMENCY -CLEMENS -CLEMENT -CLEMENTE -CLEMSON -CLENCH -CLENCHED -CLENCHES -CLERGY -CLERGYMAN -CLERGYMEN -CLERICAL -CLERK -CLERKED -CLERKING -CLERKS -CLEVELAND -CLEVER -CLEVERER -CLEVEREST -CLEVERLY -CLEVERNESS -CLICHE -CLICHES -CLICK -CLICKED -CLICKING -CLICKS -CLIENT -CLIENTELE -CLIENTS -CLIFF -CLIFFORD -CLIFFS -CLIFTON -CLIMATE -CLIMATES -CLIMATIC -CLIMATICALLY -CLIMATOLOGY -CLIMAX -CLIMAXED -CLIMAXES -CLIMB -CLIMBED -CLIMBER -CLIMBERS -CLIMBING -CLIMBS -CLIME -CLIMES -CLINCH -CLINCHED -CLINCHER -CLINCHES -CLING -CLINGING -CLINGS -CLINIC -CLINICAL -CLINICALLY -CLINICIAN -CLINICS -CLINK -CLINKED -CLINKER -CLINT -CLINTON -CLIO -CLIP -CLIPBOARD -CLIPPED -CLIPPER -CLIPPERS -CLIPPING -CLIPPINGS -CLIPS -CLIQUE -CLIQUES -CLITORIS -CLIVE -CLOAK -CLOAKROOM -CLOAKS -CLOBBER -CLOBBERED -CLOBBERING -CLOBBERS -CLOCK -CLOCKED -CLOCKER -CLOCKERS -CLOCKING -CLOCKINGS -CLOCKS -CLOCKWATCHER -CLOCKWISE -CLOCKWORK -CLOD -CLODS -CLOG -CLOGGED -CLOGGING -CLOGS -CLOISTER -CLOISTERS -CLONE -CLONED -CLONES -CLONING -CLOSE -CLOSED -CLOSELY -CLOSENESS -CLOSENESSES -CLOSER -CLOSERS -CLOSES -CLOSEST -CLOSET -CLOSETED -CLOSETS -CLOSEUP -CLOSING -CLOSURE -CLOSURES -CLOT -CLOTH -CLOTHE -CLOTHED -CLOTHES -CLOTHESHORSE -CLOTHESLINE -CLOTHING -CLOTHO -CLOTTING -CLOTURE -CLOUD -CLOUDBURST -CLOUDED -CLOUDIER -CLOUDIEST -CLOUDINESS -CLOUDING -CLOUDLESS -CLOUDS -CLOUDY -CLOUT -CLOVE -CLOVER -CLOVES -CLOWN -CLOWNING -CLOWNS -CLUB -CLUBBED -CLUBBING -CLUBHOUSE -CLUBROOM -CLUBS -CLUCK -CLUCKED -CLUCKING -CLUCKS -CLUE -CLUES -CLUJ -CLUMP -CLUMPED -CLUMPING -CLUMPS -CLUMSILY -CLUMSINESS -CLUMSY -CLUNG -CLUSTER -CLUSTERED -CLUSTERING -CLUSTERINGS -CLUSTERS -CLUTCH -CLUTCHED -CLUTCHES -CLUTCHING -CLUTTER -CLUTTERED -CLUTTERING -CLUTTERS -CLYDE -CLYTEMNESTRA -COACH -COACHED -COACHER -COACHES -COACHING -COACHMAN -COACHMEN -COAGULATE -COAL -COALESCE -COALESCED -COALESCES -COALESCING -COALITION -COALS -COARSE -COARSELY -COARSEN -COARSENED -COARSENESS -COARSER -COARSEST -COAST -COASTAL -COASTED -COASTER -COASTERS -COASTING -COASTLINE -COASTS -COAT -COATED -COATES -COATING -COATINGS -COATS -COATTAIL -COAUTHOR -COAX -COAXED -COAXER -COAXES -COAXIAL -COAXING -COBALT -COBB -COBBLE -COBBLER -COBBLERS -COBBLESTONE -COBOL -COBOL -COBRA -COBWEB -COBWEBS -COCA -COCAINE -COCHISE -COCHRAN -COCHRANE -COCK -COCKED -COCKING -COCKPIT -COCKROACH -COCKS -COCKTAIL -COCKTAILS -COCKY -COCO -COCOA -COCONUT -COCONUTS -COCOON -COCOONS -COD -CODDINGTON -CODDLE -CODE -CODED -CODEINE -CODER -CODERS -CODES -CODEWORD -CODEWORDS -CODFISH -CODICIL -CODIFICATION -CODIFICATIONS -CODIFIED -CODIFIER -CODIFIERS -CODIFIES -CODIFY -CODIFYING -CODING -CODINGS -CODPIECE -CODY -COED -COEDITOR -COEDUCATION -COEFFICIENT -COEFFICIENTS -COEQUAL -COERCE -COERCED -COERCES -COERCIBLE -COERCING -COERCION -COERCIVE -COEXIST -COEXISTED -COEXISTENCE -COEXISTING -COEXISTS -COFACTOR -COFFEE -COFFEECUP -COFFEEPOT -COFFEES -COFFER -COFFERS -COFFEY -COFFIN -COFFINS -COFFMAN -COG -COGENT -COGENTLY -COGITATE -COGITATED -COGITATES -COGITATING -COGITATION -COGNAC -COGNITION -COGNITIVE -COGNITIVELY -COGNIZANCE -COGNIZANT -COGS -COHABITATION -COHABITATIONS -COHEN -COHERE -COHERED -COHERENCE -COHERENT -COHERENTLY -COHERES -COHERING -COHESION -COHESIVE -COHESIVELY -COHESIVENESS -COHN -COHORT -COIL -COILED -COILING -COILS -COIN -COINAGE -COINCIDE -COINCIDED -COINCIDENCE -COINCIDENCES -COINCIDENT -COINCIDENTAL -COINCIDES -COINCIDING -COINED -COINER -COINING -COINS -COKE -COKES -COLANDER -COLBY -COLD -COLDER -COLDEST -COLDLY -COLDNESS -COLDS -COLE -COLEMAN -COLERIDGE -COLETTE -COLGATE -COLICKY -COLIFORM -COLISEUM -COLLABORATE -COLLABORATED -COLLABORATES -COLLABORATING -COLLABORATION -COLLABORATIONS -COLLABORATIVE -COLLABORATOR -COLLABORATORS -COLLAGEN -COLLAPSE -COLLAPSED -COLLAPSES -COLLAPSIBLE -COLLAPSING -COLLAR -COLLARBONE -COLLARED -COLLARING -COLLARS -COLLATE -COLLATERAL -COLLEAGUE -COLLEAGUES -COLLECT -COLLECTED -COLLECTIBLE -COLLECTING -COLLECTION -COLLECTIONS -COLLECTIVE -COLLECTIVELY -COLLECTIVES -COLLECTOR -COLLECTORS -COLLECTS -COLLEGE -COLLEGES -COLLEGIAN -COLLEGIATE -COLLIDE -COLLIDED -COLLIDES -COLLIDING -COLLIE -COLLIER -COLLIES -COLLINS -COLLISION -COLLISIONS -COLLOIDAL -COLLOQUIA -COLLOQUIAL -COLLOQUIUM -COLLOQUY -COLLUSION -COLOGNE -COLOMBIA -COLOMBIAN -COLOMBIANS -COLOMBO -COLON -COLONEL -COLONELS -COLONIAL -COLONIALLY -COLONIALS -COLONIES -COLONIST -COLONISTS -COLONIZATION -COLONIZE -COLONIZED -COLONIZER -COLONIZERS -COLONIZES -COLONIZING -COLONS -COLONY -COLOR -COLORADO -COLORED -COLORER -COLORERS -COLORFUL -COLORING -COLORINGS -COLORLESS -COLORS -COLOSSAL -COLOSSEUM -COLT -COLTS -COLUMBIA -COLUMBIAN -COLUMBUS -COLUMN -COLUMNIZE -COLUMNIZED -COLUMNIZES -COLUMNIZING -COLUMNS -COMANCHE -COMB -COMBAT -COMBATANT -COMBATANTS -COMBATED -COMBATING -COMBATIVE -COMBATS -COMBED -COMBER -COMBERS -COMBINATION -COMBINATIONAL -COMBINATIONS -COMBINATOR -COMBINATORIAL -COMBINATORIALLY -COMBINATORIC -COMBINATORICS -COMBINATORS -COMBINE -COMBINED -COMBINES -COMBING -COMBINGS -COMBINING -COMBS -COMBUSTIBLE -COMBUSTION -COMDEX -COME -COMEBACK -COMEDIAN -COMEDIANS -COMEDIC -COMEDIES -COMEDY -COMELINESS -COMELY -COMER -COMERS -COMES -COMESTIBLE -COMET -COMETARY -COMETS -COMFORT -COMFORTABILITIES -COMFORTABILITY -COMFORTABLE -COMFORTABLY -COMFORTED -COMFORTER -COMFORTERS -COMFORTING -COMFORTINGLY -COMFORTS -COMIC -COMICAL -COMICALLY -COMICS -COMINFORM -COMING -COMINGS -COMMA -COMMAND -COMMANDANT -COMMANDANTS -COMMANDED -COMMANDEER -COMMANDER -COMMANDERS -COMMANDING -COMMANDINGLY -COMMANDMENT -COMMANDMENTS -COMMANDO -COMMANDS -COMMAS -COMMEMORATE -COMMEMORATED -COMMEMORATES -COMMEMORATING -COMMEMORATION -COMMEMORATIVE -COMMENCE -COMMENCED -COMMENCEMENT -COMMENCEMENTS -COMMENCES -COMMENCING -COMMEND -COMMENDATION -COMMENDATIONS -COMMENDED -COMMENDING -COMMENDS -COMMENSURATE -COMMENT -COMMENTARIES -COMMENTARY -COMMENTATOR -COMMENTATORS -COMMENTED -COMMENTING -COMMENTS -COMMERCE -COMMERCIAL -COMMERCIALLY -COMMERCIALNESS -COMMERCIALS -COMMISSION -COMMISSIONED -COMMISSIONER -COMMISSIONERS -COMMISSIONING -COMMISSIONS -COMMIT -COMMITMENT -COMMITMENTS -COMMITS -COMMITTED -COMMITTEE -COMMITTEEMAN -COMMITTEEMEN -COMMITTEES -COMMITTEEWOMAN -COMMITTEEWOMEN -COMMITTING -COMMODITIES -COMMODITY -COMMODORE -COMMODORES -COMMON -COMMONALITIES -COMMONALITY -COMMONER -COMMONERS -COMMONEST -COMMONLY -COMMONNESS -COMMONPLACE -COMMONPLACES -COMMONS -COMMONWEALTH -COMMONWEALTHS -COMMOTION -COMMUNAL -COMMUNALLY -COMMUNE -COMMUNES -COMMUNICANT -COMMUNICANTS -COMMUNICATE -COMMUNICATED -COMMUNICATES -COMMUNICATING -COMMUNICATION -COMMUNICATIONS -COMMUNICATIVE -COMMUNICATOR -COMMUNICATORS -COMMUNION -COMMUNIST -COMMUNISTS -COMMUNITIES -COMMUNITY -COMMUTATIVE -COMMUTATIVITY -COMMUTE -COMMUTED -COMMUTER -COMMUTERS -COMMUTES -COMMUTING -COMPACT -COMPACTED -COMPACTER -COMPACTEST -COMPACTING -COMPACTION -COMPACTLY -COMPACTNESS -COMPACTOR -COMPACTORS -COMPACTS -COMPANIES -COMPANION -COMPANIONABLE -COMPANIONS -COMPANIONSHIP -COMPANY -COMPARABILITY -COMPARABLE -COMPARABLY -COMPARATIVE -COMPARATIVELY -COMPARATIVES -COMPARATOR -COMPARATORS -COMPARE -COMPARED -COMPARES -COMPARING -COMPARISON -COMPARISONS -COMPARTMENT -COMPARTMENTALIZE -COMPARTMENTALIZED -COMPARTMENTALIZES -COMPARTMENTALIZING -COMPARTMENTED -COMPARTMENTS -COMPASS -COMPASSION -COMPASSIONATE -COMPASSIONATELY -COMPATIBILITIES -COMPATIBILITY -COMPATIBLE -COMPATIBLES -COMPATIBLY -COMPEL -COMPELLED -COMPELLING -COMPELLINGLY -COMPELS -COMPENDIUM -COMPENSATE -COMPENSATED -COMPENSATES -COMPENSATING -COMPENSATION -COMPENSATIONS -COMPENSATORY -COMPETE -COMPETED -COMPETENCE -COMPETENCY -COMPETENT -COMPETENTLY -COMPETES -COMPETING -COMPETITION -COMPETITIONS -COMPETITIVE -COMPETITIVELY -COMPETITOR -COMPETITORS -COMPILATION -COMPILATIONS -COMPILE -COMPILED -COMPILER -COMPILERS -COMPILES -COMPILING -COMPLACENCY -COMPLAIN -COMPLAINED -COMPLAINER -COMPLAINERS -COMPLAINING -COMPLAINS -COMPLAINT -COMPLAINTS -COMPLEMENT -COMPLEMENTARY -COMPLEMENTED -COMPLEMENTER -COMPLEMENTERS -COMPLEMENTING -COMPLEMENTS -COMPLETE -COMPLETED -COMPLETELY -COMPLETENESS -COMPLETES -COMPLETING -COMPLETION -COMPLETIONS -COMPLEX -COMPLEXES -COMPLEXION -COMPLEXITIES -COMPLEXITY -COMPLEXLY -COMPLIANCE -COMPLIANT -COMPLICATE -COMPLICATED -COMPLICATES -COMPLICATING -COMPLICATION -COMPLICATIONS -COMPLICATOR -COMPLICATORS -COMPLICITY -COMPLIED -COMPLIMENT -COMPLIMENTARY -COMPLIMENTED -COMPLIMENTER -COMPLIMENTERS -COMPLIMENTING -COMPLIMENTS -COMPLY -COMPLYING -COMPONENT -COMPONENTRY -COMPONENTS -COMPONENTWISE -COMPOSE -COMPOSED -COMPOSEDLY -COMPOSER -COMPOSERS -COMPOSES -COMPOSING -COMPOSITE -COMPOSITES -COMPOSITION -COMPOSITIONAL -COMPOSITIONS -COMPOST -COMPOSURE -COMPOUND -COMPOUNDED -COMPOUNDING -COMPOUNDS -COMPREHEND -COMPREHENDED -COMPREHENDING -COMPREHENDS -COMPREHENSIBILITY -COMPREHENSIBLE -COMPREHENSION -COMPREHENSIVE -COMPREHENSIVELY -COMPRESS -COMPRESSED -COMPRESSES -COMPRESSIBLE -COMPRESSING -COMPRESSION -COMPRESSIVE -COMPRESSOR -COMPRISE -COMPRISED -COMPRISES -COMPRISING -COMPROMISE -COMPROMISED -COMPROMISER -COMPROMISERS -COMPROMISES -COMPROMISING -COMPROMISINGLY -COMPTON -COMPTROLLER -COMPTROLLERS -COMPULSION -COMPULSIONS -COMPULSIVE -COMPULSORY -COMPUNCTION -COMPUSERVE -COMPUTABILITY -COMPUTABLE -COMPUTATION -COMPUTATIONAL -COMPUTATIONALLY -COMPUTATIONS -COMPUTE -COMPUTED -COMPUTER -COMPUTERIZE -COMPUTERIZED -COMPUTERIZES -COMPUTERIZING -COMPUTERS -COMPUTES -COMPUTING -COMRADE -COMRADELY -COMRADES -COMRADESHIP -CON -CONAKRY -CONANT -CONCATENATE -CONCATENATED -CONCATENATES -CONCATENATING -CONCATENATION -CONCATENATIONS -CONCAVE -CONCEAL -CONCEALED -CONCEALER -CONCEALERS -CONCEALING -CONCEALMENT -CONCEALS -CONCEDE -CONCEDED -CONCEDES -CONCEDING -CONCEIT -CONCEITED -CONCEITS -CONCEIVABLE -CONCEIVABLY -CONCEIVE -CONCEIVED -CONCEIVES -CONCEIVING -CONCENTRATE -CONCENTRATED -CONCENTRATES -CONCENTRATING -CONCENTRATION -CONCENTRATIONS -CONCENTRATOR -CONCENTRATORS -CONCENTRIC -CONCEPT -CONCEPTION -CONCEPTIONS -CONCEPTS -CONCEPTUAL -CONCEPTUALIZATION -CONCEPTUALIZATIONS -CONCEPTUALIZE -CONCEPTUALIZED -CONCEPTUALIZES -CONCEPTUALIZING -CONCEPTUALLY -CONCERN -CONCERNED -CONCERNEDLY -CONCERNING -CONCERNS -CONCERT -CONCERTED -CONCERTMASTER -CONCERTO -CONCERTS -CONCESSION -CONCESSIONS -CONCILIATE -CONCILIATORY -CONCISE -CONCISELY -CONCISENESS -CONCLAVE -CONCLUDE -CONCLUDED -CONCLUDES -CONCLUDING -CONCLUSION -CONCLUSIONS -CONCLUSIVE -CONCLUSIVELY -CONCOCT -CONCOMITANT -CONCORD -CONCORDANT -CONCORDE -CONCORDIA -CONCOURSE -CONCRETE -CONCRETELY -CONCRETENESS -CONCRETES -CONCRETION -CONCUBINE -CONCUR -CONCURRED -CONCURRENCE -CONCURRENCIES -CONCURRENCY -CONCURRENT -CONCURRENTLY -CONCURRING -CONCURS -CONCUSSION -CONDEMN -CONDEMNATION -CONDEMNATIONS -CONDEMNED -CONDEMNER -CONDEMNERS -CONDEMNING -CONDEMNS -CONDENSATION -CONDENSE -CONDENSED -CONDENSER -CONDENSES -CONDENSING -CONDESCEND -CONDESCENDING -CONDITION -CONDITIONAL -CONDITIONALLY -CONDITIONALS -CONDITIONED -CONDITIONER -CONDITIONERS -CONDITIONING -CONDITIONS -CONDOM -CONDONE -CONDONED -CONDONES -CONDONING -CONDUCE -CONDUCIVE -CONDUCIVENESS -CONDUCT -CONDUCTANCE -CONDUCTED -CONDUCTING -CONDUCTION -CONDUCTIVE -CONDUCTIVITY -CONDUCTOR -CONDUCTORS -CONDUCTS -CONDUIT -CONE -CONES -CONESTOGA -CONFECTIONERY -CONFEDERACY -CONFEDERATE -CONFEDERATES -CONFEDERATION -CONFEDERATIONS -CONFER -CONFEREE -CONFERENCE -CONFERENCES -CONFERRED -CONFERRER -CONFERRERS -CONFERRING -CONFERS -CONFESS -CONFESSED -CONFESSES -CONFESSING -CONFESSION -CONFESSIONS -CONFESSOR -CONFESSORS -CONFIDANT -CONFIDANTS -CONFIDE -CONFIDED -CONFIDENCE -CONFIDENCES -CONFIDENT -CONFIDENTIAL -CONFIDENTIALITY -CONFIDENTIALLY -CONFIDENTLY -CONFIDES -CONFIDING -CONFIDINGLY -CONFIGURABLE -CONFIGURATION -CONFIGURATIONS -CONFIGURE -CONFIGURED -CONFIGURES -CONFIGURING -CONFINE -CONFINED -CONFINEMENT -CONFINEMENTS -CONFINER -CONFINES -CONFINING -CONFIRM -CONFIRMATION -CONFIRMATIONS -CONFIRMATORY -CONFIRMED -CONFIRMING -CONFIRMS -CONFISCATE -CONFISCATED -CONFISCATES -CONFISCATING -CONFISCATION -CONFISCATIONS -CONFLAGRATION -CONFLICT -CONFLICTED -CONFLICTING -CONFLICTS -CONFLUENT -CONFOCAL -CONFORM -CONFORMAL -CONFORMANCE -CONFORMED -CONFORMING -CONFORMITY -CONFORMS -CONFOUND -CONFOUNDED -CONFOUNDING -CONFOUNDS -CONFRONT -CONFRONTATION -CONFRONTATIONS -CONFRONTED -CONFRONTER -CONFRONTERS -CONFRONTING -CONFRONTS -CONFUCIAN -CONFUCIANISM -CONFUCIUS -CONFUSE -CONFUSED -CONFUSER -CONFUSERS -CONFUSES -CONFUSING -CONFUSINGLY -CONFUSION -CONFUSIONS -CONGENIAL -CONGENIALLY -CONGENITAL -CONGEST -CONGESTED -CONGESTION -CONGESTIVE -CONGLOMERATE -CONGO -CONGOLESE -CONGRATULATE -CONGRATULATED -CONGRATULATION -CONGRATULATIONS -CONGRATULATORY -CONGREGATE -CONGREGATED -CONGREGATES -CONGREGATING -CONGREGATION -CONGREGATIONS -CONGRESS -CONGRESSES -CONGRESSIONAL -CONGRESSIONALLY -CONGRESSMAN -CONGRESSMEN -CONGRESSWOMAN -CONGRESSWOMEN -CONGRUENCE -CONGRUENT -CONIC -CONIFER -CONIFEROUS -CONJECTURE -CONJECTURED -CONJECTURES -CONJECTURING -CONJOINED -CONJUGAL -CONJUGATE -CONJUNCT -CONJUNCTED -CONJUNCTION -CONJUNCTIONS -CONJUNCTIVE -CONJUNCTIVELY -CONJUNCTS -CONJUNCTURE -CONJURE -CONJURED -CONJURER -CONJURES -CONJURING -CONKLIN -CONLEY -CONNALLY -CONNECT -CONNECTED -CONNECTEDNESS -CONNECTICUT -CONNECTING -CONNECTION -CONNECTIONLESS -CONNECTIONS -CONNECTIVE -CONNECTIVES -CONNECTIVITY -CONNECTOR -CONNECTORS -CONNECTS -CONNELLY -CONNER -CONNIE -CONNIVANCE -CONNIVE -CONNOISSEUR -CONNOISSEURS -CONNORS -CONNOTATION -CONNOTATIVE -CONNOTE -CONNOTED -CONNOTES -CONNOTING -CONNUBIAL -CONQUER -CONQUERABLE -CONQUERED -CONQUERER -CONQUERERS -CONQUERING -CONQUEROR -CONQUERORS -CONQUERS -CONQUEST -CONQUESTS -CONRAD -CONRAIL -CONSCIENCE -CONSCIENCES -CONSCIENTIOUS -CONSCIENTIOUSLY -CONSCIOUS -CONSCIOUSLY -CONSCIOUSNESS -CONSCRIPT -CONSCRIPTION -CONSECRATE -CONSECRATION -CONSECUTIVE -CONSECUTIVELY -CONSENSUAL -CONSENSUS -CONSENT -CONSENTED -CONSENTER -CONSENTERS -CONSENTING -CONSENTS -CONSEQUENCE -CONSEQUENCES -CONSEQUENT -CONSEQUENTIAL -CONSEQUENTIALITIES -CONSEQUENTIALITY -CONSEQUENTLY -CONSEQUENTS -CONSERVATION -CONSERVATIONIST -CONSERVATIONISTS -CONSERVATIONS -CONSERVATISM -CONSERVATIVE -CONSERVATIVELY -CONSERVATIVES -CONSERVATOR -CONSERVE -CONSERVED -CONSERVES -CONSERVING -CONSIDER -CONSIDERABLE -CONSIDERABLY -CONSIDERATE -CONSIDERATELY -CONSIDERATION -CONSIDERATIONS -CONSIDERED -CONSIDERING -CONSIDERS -CONSIGN -CONSIGNED -CONSIGNING -CONSIGNS -CONSIST -CONSISTED -CONSISTENCY -CONSISTENT -CONSISTENTLY -CONSISTING -CONSISTS -CONSOLABLE -CONSOLATION -CONSOLATIONS -CONSOLE -CONSOLED -CONSOLER -CONSOLERS -CONSOLES -CONSOLIDATE -CONSOLIDATED -CONSOLIDATES -CONSOLIDATING -CONSOLIDATION -CONSOLING -CONSOLINGLY -CONSONANT -CONSONANTS -CONSORT -CONSORTED -CONSORTING -CONSORTIUM -CONSORTS -CONSPICUOUS -CONSPICUOUSLY -CONSPIRACIES -CONSPIRACY -CONSPIRATOR -CONSPIRATORS -CONSPIRE -CONSPIRED -CONSPIRES -CONSPIRING -CONSTABLE -CONSTABLES -CONSTANCE -CONSTANCY -CONSTANT -CONSTANTINE -CONSTANTINOPLE -CONSTANTLY -CONSTANTS -CONSTELLATION -CONSTELLATIONS -CONSTERNATION -CONSTITUENCIES -CONSTITUENCY -CONSTITUENT -CONSTITUENTS -CONSTITUTE -CONSTITUTED -CONSTITUTES -CONSTITUTING -CONSTITUTION -CONSTITUTIONAL -CONSTITUTIONALITY -CONSTITUTIONALLY -CONSTITUTIONS -CONSTITUTIVE -CONSTRAIN -CONSTRAINED -CONSTRAINING -CONSTRAINS -CONSTRAINT -CONSTRAINTS -CONSTRICT -CONSTRUCT -CONSTRUCTED -CONSTRUCTIBILITY -CONSTRUCTIBLE -CONSTRUCTING -CONSTRUCTION -CONSTRUCTIONS -CONSTRUCTIVE -CONSTRUCTIVELY -CONSTRUCTOR -CONSTRUCTORS -CONSTRUCTS -CONSTRUE -CONSTRUED -CONSTRUING -CONSUL -CONSULAR -CONSULATE -CONSULATES -CONSULS -CONSULT -CONSULTANT -CONSULTANTS -CONSULTATION -CONSULTATIONS -CONSULTATIVE -CONSULTED -CONSULTING -CONSULTS -CONSUMABLE -CONSUME -CONSUMED -CONSUMER -CONSUMERS -CONSUMES -CONSUMING -CONSUMMATE -CONSUMMATED -CONSUMMATELY -CONSUMMATION -CONSUMPTION -CONSUMPTIONS -CONSUMPTIVE -CONSUMPTIVELY -CONTACT -CONTACTED -CONTACTING -CONTACTS -CONTAGION -CONTAGIOUS -CONTAGIOUSLY -CONTAIN -CONTAINABLE -CONTAINED -CONTAINER -CONTAINERS -CONTAINING -CONTAINMENT -CONTAINMENTS -CONTAINS -CONTAMINATE -CONTAMINATED -CONTAMINATES -CONTAMINATING -CONTAMINATION -CONTEMPLATE -CONTEMPLATED -CONTEMPLATES -CONTEMPLATING -CONTEMPLATION -CONTEMPLATIONS -CONTEMPLATIVE -CONTEMPORARIES -CONTEMPORARINESS -CONTEMPORARY -CONTEMPT -CONTEMPTIBLE -CONTEMPTUOUS -CONTEMPTUOUSLY -CONTEND -CONTENDED -CONTENDER -CONTENDERS -CONTENDING -CONTENDS -CONTENT -CONTENTED -CONTENTING -CONTENTION -CONTENTIONS -CONTENTLY -CONTENTMENT -CONTENTS -CONTEST -CONTESTABLE -CONTESTANT -CONTESTED -CONTESTER -CONTESTERS -CONTESTING -CONTESTS -CONTEXT -CONTEXTS -CONTEXTUAL -CONTEXTUALLY -CONTIGUITY -CONTIGUOUS -CONTIGUOUSLY -CONTINENT -CONTINENTAL -CONTINENTALLY -CONTINENTS -CONTINGENCIES -CONTINGENCY -CONTINGENT -CONTINGENTS -CONTINUAL -CONTINUALLY -CONTINUANCE -CONTINUANCES -CONTINUATION -CONTINUATIONS -CONTINUE -CONTINUED -CONTINUES -CONTINUING -CONTINUITIES -CONTINUITY -CONTINUOUS -CONTINUOUSLY -CONTINUUM -CONTORTIONS -CONTOUR -CONTOURED -CONTOURING -CONTOURS -CONTRABAND -CONTRACEPTION -CONTRACEPTIVE -CONTRACT -CONTRACTED -CONTRACTING -CONTRACTION -CONTRACTIONS -CONTRACTOR -CONTRACTORS -CONTRACTS -CONTRACTUAL -CONTRACTUALLY -CONTRADICT -CONTRADICTED -CONTRADICTING -CONTRADICTION -CONTRADICTIONS -CONTRADICTORY -CONTRADICTS -CONTRADISTINCTION -CONTRADISTINCTIONS -CONTRAPOSITIVE -CONTRAPOSITIVES -CONTRAPTION -CONTRAPTIONS -CONTRARINESS -CONTRARY -CONTRAST -CONTRASTED -CONTRASTER -CONTRASTERS -CONTRASTING -CONTRASTINGLY -CONTRASTS -CONTRIBUTE -CONTRIBUTED -CONTRIBUTES -CONTRIBUTING -CONTRIBUTION -CONTRIBUTIONS -CONTRIBUTOR -CONTRIBUTORILY -CONTRIBUTORS -CONTRIBUTORY -CONTRITE -CONTRITION -CONTRIVANCE -CONTRIVANCES -CONTRIVE -CONTRIVED -CONTRIVER -CONTRIVES -CONTRIVING -CONTROL -CONTROLLABILITY -CONTROLLABLE -CONTROLLABLY -CONTROLLED -CONTROLLER -CONTROLLERS -CONTROLLING -CONTROLS -CONTROVERSIAL -CONTROVERSIES -CONTROVERSY -CONTROVERTIBLE -CONTUMACIOUS -CONTUMACY -CONUNDRUM -CONUNDRUMS -CONVAIR -CONVALESCENT -CONVECT -CONVENE -CONVENED -CONVENES -CONVENIENCE -CONVENIENCES -CONVENIENT -CONVENIENTLY -CONVENING -CONVENT -CONVENTION -CONVENTIONAL -CONVENTIONALLY -CONVENTIONS -CONVENTS -CONVERGE -CONVERGED -CONVERGENCE -CONVERGENT -CONVERGES -CONVERGING -CONVERSANT -CONVERSANTLY -CONVERSATION -CONVERSATIONAL -CONVERSATIONALLY -CONVERSATIONS -CONVERSE -CONVERSED -CONVERSELY -CONVERSES -CONVERSING -CONVERSION -CONVERSIONS -CONVERT -CONVERTED -CONVERTER -CONVERTERS -CONVERTIBILITY -CONVERTIBLE -CONVERTING -CONVERTS -CONVEX -CONVEY -CONVEYANCE -CONVEYANCES -CONVEYED -CONVEYER -CONVEYERS -CONVEYING -CONVEYOR -CONVEYS -CONVICT -CONVICTED -CONVICTING -CONVICTION -CONVICTIONS -CONVICTS -CONVINCE -CONVINCED -CONVINCER -CONVINCERS -CONVINCES -CONVINCING -CONVINCINGLY -CONVIVIAL -CONVOKE -CONVOLUTED -CONVOLUTION -CONVOY -CONVOYED -CONVOYING -CONVOYS -CONVULSE -CONVULSION -CONVULSIONS -CONWAY -COO -COOING -COOK -COOKBOOK -COOKE -COOKED -COOKERY -COOKIE -COOKIES -COOKING -COOKS -COOKY -COOL -COOLED -COOLER -COOLERS -COOLEST -COOLEY -COOLIDGE -COOLIE -COOLIES -COOLING -COOLLY -COOLNESS -COOLS -COON -COONS -COOP -COOPED -COOPER -COOPERATE -COOPERATED -COOPERATES -COOPERATING -COOPERATION -COOPERATIONS -COOPERATIVE -COOPERATIVELY -COOPERATIVES -COOPERATOR -COOPERATORS -COOPERS -COOPS -COORDINATE -COORDINATED -COORDINATES -COORDINATING -COORDINATION -COORDINATIONS -COORDINATOR -COORDINATORS -COORS -COP -COPE -COPED -COPELAND -COPENHAGEN -COPERNICAN -COPERNICUS -COPES -COPIED -COPIER -COPIERS -COPIES -COPING -COPINGS -COPIOUS -COPIOUSLY -COPIOUSNESS -COPLANAR -COPPER -COPPERFIELD -COPPERHEAD -COPPERS -COPRA -COPROCESSOR -COPS -COPSE -COPY -COPYING -COPYRIGHT -COPYRIGHTABLE -COPYRIGHTED -COPYRIGHTS -COPYWRITER -COQUETTE -CORAL -CORBETT -CORCORAN -CORD -CORDED -CORDER -CORDIAL -CORDIALITY -CORDIALLY -CORDS -CORE -CORED -CORER -CORERS -CORES -COREY -CORIANDER -CORING -CORINTH -CORINTHIAN -CORINTHIANIZE -CORINTHIANIZES -CORINTHIANS -CORIOLANUS -CORK -CORKED -CORKER -CORKERS -CORKING -CORKS -CORKSCREW -CORMORANT -CORN -CORNEA -CORNELIA -CORNELIAN -CORNELIUS -CORNELL -CORNER -CORNERED -CORNERS -CORNERSTONE -CORNERSTONES -CORNET -CORNFIELD -CORNFIELDS -CORNING -CORNISH -CORNMEAL -CORNS -CORNSTARCH -CORNUCOPIA -CORNWALL -CORNWALLIS -CORNY -COROLLARIES -COROLLARY -CORONADO -CORONARIES -CORONARY -CORONATION -CORONER -CORONET -CORONETS -COROUTINE -COROUTINES -CORPORAL -CORPORALS -CORPORATE -CORPORATELY -CORPORATION -CORPORATIONS -CORPS -CORPSE -CORPSES -CORPULENT -CORPUS -CORPUSCULAR -CORRAL -CORRECT -CORRECTABLE -CORRECTED -CORRECTING -CORRECTION -CORRECTIONS -CORRECTIVE -CORRECTIVELY -CORRECTIVES -CORRECTLY -CORRECTNESS -CORRECTOR -CORRECTS -CORRELATE -CORRELATED -CORRELATES -CORRELATING -CORRELATION -CORRELATIONS -CORRELATIVE -CORRESPOND -CORRESPONDED -CORRESPONDENCE -CORRESPONDENCES -CORRESPONDENT -CORRESPONDENTS -CORRESPONDING -CORRESPONDINGLY -CORRESPONDS -CORRIDOR -CORRIDORS -CORRIGENDA -CORRIGENDUM -CORRIGIBLE -CORROBORATE -CORROBORATED -CORROBORATES -CORROBORATING -CORROBORATION -CORROBORATIONS -CORROBORATIVE -CORRODE -CORROSION -CORROSIVE -CORRUGATE -CORRUPT -CORRUPTED -CORRUPTER -CORRUPTIBLE -CORRUPTING -CORRUPTION -CORRUPTIONS -CORRUPTS -CORSET -CORSICA -CORSICAN -CORTEX -CORTEZ -CORTICAL -CORTLAND -CORVALLIS -CORVUS -CORYDORAS -COSGROVE -COSINE -COSINES -COSMETIC -COSMETICS -COSMIC -COSMOLOGY -COSMOPOLITAN -COSMOS -COSPONSOR -COSSACK -COST -COSTA -COSTED -COSTELLO -COSTING -COSTLY -COSTS -COSTUME -COSTUMED -COSTUMER -COSTUMES -COSTUMING -COSY -COT -COTANGENT -COTILLION -COTS -COTTAGE -COTTAGER -COTTAGES -COTTON -COTTONMOUTH -COTTONS -COTTONSEED -COTTONWOOD -COTTRELL -COTYLEDON -COTYLEDONS -COUCH -COUCHED -COUCHES -COUCHING -COUGAR -COUGH -COUGHED -COUGHING -COUGHS -COULD -COULOMB -COULTER -COUNCIL -COUNCILLOR -COUNCILLORS -COUNCILMAN -COUNCILMEN -COUNCILS -COUNCILWOMAN -COUNCILWOMEN -COUNSEL -COUNSELED -COUNSELING -COUNSELLED -COUNSELLING -COUNSELLOR -COUNSELLORS -COUNSELOR -COUNSELORS -COUNSELS -COUNT -COUNTABLE -COUNTABLY -COUNTED -COUNTENANCE -COUNTER -COUNTERACT -COUNTERACTED -COUNTERACTING -COUNTERACTIVE -COUNTERARGUMENT -COUNTERATTACK -COUNTERBALANCE -COUNTERCLOCKWISE -COUNTERED -COUNTEREXAMPLE -COUNTEREXAMPLES -COUNTERFEIT -COUNTERFEITED -COUNTERFEITER -COUNTERFEITING -COUNTERFLOW -COUNTERING -COUNTERINTUITIVE -COUNTERMAN -COUNTERMEASURE -COUNTERMEASURES -COUNTERMEN -COUNTERPART -COUNTERPARTS -COUNTERPOINT -COUNTERPOINTING -COUNTERPOISE -COUNTERPRODUCTIVE -COUNTERPROPOSAL -COUNTERREVOLUTION -COUNTERS -COUNTERSINK -COUNTERSUNK -COUNTESS -COUNTIES -COUNTING -COUNTLESS -COUNTRIES -COUNTRY -COUNTRYMAN -COUNTRYMEN -COUNTRYSIDE -COUNTRYWIDE -COUNTS -COUNTY -COUNTYWIDE -COUPLE -COUPLED -COUPLER -COUPLERS -COUPLES -COUPLING -COUPLINGS -COUPON -COUPONS -COURAGE -COURAGEOUS -COURAGEOUSLY -COURIER -COURIERS -COURSE -COURSED -COURSER -COURSES -COURSING -COURT -COURTED -COURTEOUS -COURTEOUSLY -COURTER -COURTERS -COURTESAN -COURTESIES -COURTESY -COURTHOUSE -COURTHOUSES -COURTIER -COURTIERS -COURTING -COURTLY -COURTNEY -COURTROOM -COURTROOMS -COURTS -COURTSHIP -COURTYARD -COURTYARDS -COUSIN -COUSINS -COVALENT -COVARIANT -COVE -COVENANT -COVENANTS -COVENT -COVENTRY -COVER -COVERABLE -COVERAGE -COVERED -COVERING -COVERINGS -COVERLET -COVERLETS -COVERS -COVERT -COVERTLY -COVES -COVET -COVETED -COVETING -COVETOUS -COVETOUSNESS -COVETS -COW -COWAN -COWARD -COWARDICE -COWARDLY -COWBOY -COWBOYS -COWED -COWER -COWERED -COWERER -COWERERS -COWERING -COWERINGLY -COWERS -COWHERD -COWHIDE -COWING -COWL -COWLICK -COWLING -COWLS -COWORKER -COWS -COWSLIP -COWSLIPS -COYOTE -COYOTES -COYPU -COZIER -COZINESS -COZY -CRAB -CRABAPPLE -CRABS -CRACK -CRACKED -CRACKER -CRACKERS -CRACKING -CRACKLE -CRACKLED -CRACKLES -CRACKLING -CRACKPOT -CRACKS -CRADLE -CRADLED -CRADLES -CRAFT -CRAFTED -CRAFTER -CRAFTINESS -CRAFTING -CRAFTS -CRAFTSMAN -CRAFTSMEN -CRAFTSPEOPLE -CRAFTSPERSON -CRAFTY -CRAG -CRAGGY -CRAGS -CRAIG -CRAM -CRAMER -CRAMMING -CRAMP -CRAMPS -CRAMS -CRANBERRIES -CRANBERRY -CRANDALL -CRANE -CRANES -CRANFORD -CRANIA -CRANIUM -CRANK -CRANKCASE -CRANKED -CRANKIER -CRANKIEST -CRANKILY -CRANKING -CRANKS -CRANKSHAFT -CRANKY -CRANNY -CRANSTON -CRASH -CRASHED -CRASHER -CRASHERS -CRASHES -CRASHING -CRASS -CRATE -CRATER -CRATERS -CRATES -CRAVAT -CRAVATS -CRAVE -CRAVED -CRAVEN -CRAVES -CRAVING -CRAWFORD -CRAWL -CRAWLED -CRAWLER -CRAWLERS -CRAWLING -CRAWLS -CRAY -CRAYON -CRAYS -CRAZE -CRAZED -CRAZES -CRAZIER -CRAZIEST -CRAZILY -CRAZINESS -CRAZING -CRAZY -CREAK -CREAKED -CREAKING -CREAKS -CREAKY -CREAM -CREAMED -CREAMER -CREAMERS -CREAMERY -CREAMING -CREAMS -CREAMY -CREASE -CREASED -CREASES -CREASING -CREATE -CREATED -CREATES -CREATING -CREATION -CREATIONS -CREATIVE -CREATIVELY -CREATIVENESS -CREATIVITY -CREATOR -CREATORS -CREATURE -CREATURES -CREDENCE -CREDENTIAL -CREDIBILITY -CREDIBLE -CREDIBLY -CREDIT -CREDITABLE -CREDITABLY -CREDITED -CREDITING -CREDITOR -CREDITORS -CREDITS -CREDULITY -CREDULOUS -CREDULOUSNESS -CREE -CREED -CREEDS -CREEK -CREEKS -CREEP -CREEPER -CREEPERS -CREEPING -CREEPS -CREEPY -CREIGHTON -CREMATE -CREMATED -CREMATES -CREMATING -CREMATION -CREMATIONS -CREMATORY -CREOLE -CREON -CREPE -CREPT -CRESCENT -CRESCENTS -CREST -CRESTED -CRESTFALLEN -CRESTS -CRESTVIEW -CRETACEOUS -CRETACEOUSLY -CRETAN -CRETE -CRETIN -CREVICE -CREVICES -CREW -CREWCUT -CREWED -CREWING -CREWS -CRIB -CRIBS -CRICKET -CRICKETS -CRIED -CRIER -CRIERS -CRIES -CRIME -CRIMEA -CRIMEAN -CRIMES -CRIMINAL -CRIMINALLY -CRIMINALS -CRIMINATE -CRIMSON -CRIMSONING -CRINGE -CRINGED -CRINGES -CRINGING -CRIPPLE -CRIPPLED -CRIPPLES -CRIPPLING -CRISES -CRISIS -CRISP -CRISPIN -CRISPLY -CRISPNESS -CRISSCROSS -CRITERIA -CRITERION -CRITIC -CRITICAL -CRITICALLY -CRITICISM -CRITICISMS -CRITICIZE -CRITICIZED -CRITICIZES -CRITICIZING -CRITICS -CRITIQUE -CRITIQUES -CRITIQUING -CRITTER -CROAK -CROAKED -CROAKING -CROAKS -CROATIA -CROATIAN -CROCHET -CROCHETS -CROCK -CROCKERY -CROCKETT -CROCKS -CROCODILE -CROCUS -CROFT -CROIX -CROMWELL -CROMWELLIAN -CROOK -CROOKED -CROOKS -CROP -CROPPED -CROPPER -CROPPERS -CROPPING -CROPS -CROSBY -CROSS -CROSSABLE -CROSSBAR -CROSSBARS -CROSSED -CROSSER -CROSSERS -CROSSES -CROSSING -CROSSINGS -CROSSLY -CROSSOVER -CROSSOVERS -CROSSPOINT -CROSSROAD -CROSSTALK -CROSSWALK -CROSSWORD -CROSSWORDS -CROTCH -CROTCHETY -CROUCH -CROUCHED -CROUCHING -CROW -CROWD -CROWDED -CROWDER -CROWDING -CROWDS -CROWED -CROWING -CROWLEY -CROWN -CROWNED -CROWNING -CROWNS -CROWS -CROYDON -CRUCIAL -CRUCIALLY -CRUCIBLE -CRUCIFIED -CRUCIFIES -CRUCIFIX -CRUCIFIXION -CRUCIFY -CRUCIFYING -CRUD -CRUDDY -CRUDE -CRUDELY -CRUDENESS -CRUDER -CRUDEST -CRUEL -CRUELER -CRUELEST -CRUELLY -CRUELTY -CRUICKSHANK -CRUISE -CRUISER -CRUISERS -CRUISES -CRUISING -CRUMB -CRUMBLE -CRUMBLED -CRUMBLES -CRUMBLING -CRUMBLY -CRUMBS -CRUMMY -CRUMPLE -CRUMPLED -CRUMPLES -CRUMPLING -CRUNCH -CRUNCHED -CRUNCHES -CRUNCHIER -CRUNCHIEST -CRUNCHING -CRUNCHY -CRUSADE -CRUSADER -CRUSADERS -CRUSADES -CRUSADING -CRUSH -CRUSHABLE -CRUSHED -CRUSHER -CRUSHERS -CRUSHES -CRUSHING -CRUSHINGLY -CRUSOE -CRUST -CRUSTACEAN -CRUSTACEANS -CRUSTS -CRUTCH -CRUTCHES -CRUX -CRUXES -CRUZ -CRY -CRYING -CRYOGENIC -CRYPT -CRYPTANALYSIS -CRYPTANALYST -CRYPTANALYTIC -CRYPTIC -CRYPTOGRAM -CRYPTOGRAPHER -CRYPTOGRAPHIC -CRYPTOGRAPHICALLY -CRYPTOGRAPHY -CRYPTOLOGIST -CRYPTOLOGY -CRYSTAL -CRYSTALLINE -CRYSTALLIZE -CRYSTALLIZED -CRYSTALLIZES -CRYSTALLIZING -CRYSTALS -CUB -CUBA -CUBAN -CUBANIZE -CUBANIZES -CUBANS -CUBBYHOLE -CUBE -CUBED -CUBES -CUBIC -CUBS -CUCKOO -CUCKOOS -CUCUMBER -CUCUMBERS -CUDDLE -CUDDLED -CUDDLY -CUDGEL -CUDGELS -CUE -CUED -CUES -CUFF -CUFFLINK -CUFFS -CUISINE -CULBERTSON -CULINARY -CULL -CULLED -CULLER -CULLING -CULLS -CULMINATE -CULMINATED -CULMINATES -CULMINATING -CULMINATION -CULPA -CULPABLE -CULPRIT -CULPRITS -CULT -CULTIVABLE -CULTIVATE -CULTIVATED -CULTIVATES -CULTIVATING -CULTIVATION -CULTIVATIONS -CULTIVATOR -CULTIVATORS -CULTS -CULTURAL -CULTURALLY -CULTURE -CULTURED -CULTURES -CULTURING -CULVER -CULVERS -CUMBERLAND -CUMBERSOME -CUMMINGS -CUMMINS -CUMULATIVE -CUMULATIVELY -CUNARD -CUNNILINGUS -CUNNING -CUNNINGHAM -CUNNINGLY -CUP -CUPBOARD -CUPBOARDS -CUPERTINO -CUPFUL -CUPID -CUPPED -CUPPING -CUPS -CURABLE -CURABLY -CURB -CURBING -CURBS -CURD -CURDLE -CURE -CURED -CURES -CURFEW -CURFEWS -CURING -CURIOSITIES -CURIOSITY -CURIOUS -CURIOUSER -CURIOUSEST -CURIOUSLY -CURL -CURLED -CURLER -CURLERS -CURLICUE -CURLING -CURLS -CURLY -CURRAN -CURRANT -CURRANTS -CURRENCIES -CURRENCY -CURRENT -CURRENTLY -CURRENTNESS -CURRENTS -CURRICULAR -CURRICULUM -CURRICULUMS -CURRIED -CURRIES -CURRY -CURRYING -CURS -CURSE -CURSED -CURSES -CURSING -CURSIVE -CURSOR -CURSORILY -CURSORS -CURSORY -CURT -CURTAIL -CURTAILED -CURTAILS -CURTAIN -CURTAINED -CURTAINS -CURTATE -CURTIS -CURTLY -CURTNESS -CURTSIES -CURTSY -CURVACEOUS -CURVATURE -CURVE -CURVED -CURVES -CURVILINEAR -CURVING -CUSHING -CUSHION -CUSHIONED -CUSHIONING -CUSHIONS -CUSHMAN -CUSP -CUSPS -CUSTARD -CUSTER -CUSTODIAL -CUSTODIAN -CUSTODIANS -CUSTODY -CUSTOM -CUSTOMARILY -CUSTOMARY -CUSTOMER -CUSTOMERS -CUSTOMIZABLE -CUSTOMIZATION -CUSTOMIZATIONS -CUSTOMIZE -CUSTOMIZED -CUSTOMIZER -CUSTOMIZERS -CUSTOMIZES -CUSTOMIZING -CUSTOMS -CUT -CUTANEOUS -CUTBACK -CUTE -CUTEST -CUTLASS -CUTLET -CUTOFF -CUTOUT -CUTOVER -CUTS -CUTTER -CUTTERS -CUTTHROAT -CUTTING -CUTTINGLY -CUTTINGS -CUTTLEFISH -CUVIER -CUZCO -CYANAMID -CYANIDE -CYBERNETIC -CYBERNETICS -CYBERSPACE -CYCLADES -CYCLE -CYCLED -CYCLES -CYCLIC -CYCLICALLY -CYCLING -CYCLOID -CYCLOIDAL -CYCLOIDS -CYCLONE -CYCLONES -CYCLOPS -CYCLOTRON -CYCLOTRONS -CYGNUS -CYLINDER -CYLINDERS -CYLINDRICAL -CYMBAL -CYMBALS -CYNIC -CYNICAL -CYNICALLY -CYNTHIA -CYPRESS -CYPRIAN -CYPRIOT -CYPRUS -CYRIL -CYRILLIC -CYRUS -CYST -CYSTS -CYTOLOGY -CYTOPLASM -CZAR -CZECH -CZECHIZATION -CZECHIZATIONS -CZECHOSLOVAKIA -CZERNIAK -DABBLE -DABBLED -DABBLER -DABBLES -DABBLING -DACCA -DACRON -DACTYL -DACTYLIC -DAD -DADA -DADAISM -DADAIST -DADAISTIC -DADDY -DADE -DADS -DAEDALUS -DAEMON -DAEMONS -DAFFODIL -DAFFODILS -DAGGER -DAHL -DAHLIA -DAHOMEY -DAILEY -DAILIES -DAILY -DAIMLER -DAINTILY -DAINTINESS -DAINTY -DAIRY -DAIRYLEA -DAISIES -DAISY -DAKAR -DAKOTA -DALE -DALES -DALEY -DALHOUSIE -DALI -DALLAS -DALTON -DALY -DALZELL -DAM -DAMAGE -DAMAGED -DAMAGER -DAMAGERS -DAMAGES -DAMAGING -DAMASCUS -DAMASK -DAME -DAMMING -DAMN -DAMNATION -DAMNED -DAMNING -DAMNS -DAMOCLES -DAMON -DAMP -DAMPEN -DAMPENS -DAMPER -DAMPING -DAMPNESS -DAMS -DAMSEL -DAMSELS -DAN -DANA -DANBURY -DANCE -DANCED -DANCER -DANCERS -DANCES -DANCING -DANDELION -DANDELIONS -DANDY -DANE -DANES -DANGER -DANGEROUS -DANGEROUSLY -DANGERS -DANGLE -DANGLED -DANGLES -DANGLING -DANIEL -DANIELS -DANIELSON -DANISH -DANIZATION -DANIZATIONS -DANIZE -DANIZES -DANNY -DANTE -DANUBE -DANUBIAN -DANVILLE -DANZIG -DAPHNE -DAR -DARE -DARED -DARER -DARERS -DARES -DARESAY -DARING -DARINGLY -DARIUS -DARK -DARKEN -DARKER -DARKEST -DARKLY -DARKNESS -DARKROOM -DARLENE -DARLING -DARLINGS -DARLINGTON -DARN -DARNED -DARNER -DARNING -DARNS -DARPA -DARRELL -DARROW -DARRY -DART -DARTED -DARTER -DARTING -DARTMOUTH -DARTS -DARWIN -DARWINIAN -DARWINISM -DARWINISTIC -DARWINIZE -DARWINIZES -DASH -DASHBOARD -DASHED -DASHER -DASHERS -DASHES -DASHING -DASHINGLY -DATA -DATABASE -DATABASES -DATAGRAM -DATAGRAMS -DATAMATION -DATAMEDIA -DATE -DATED -DATELINE -DATER -DATES -DATING -DATIVE -DATSUN -DATUM -DAUGHERTY -DAUGHTER -DAUGHTERLY -DAUGHTERS -DAUNT -DAUNTED -DAUNTLESS -DAVE -DAVID -DAVIDSON -DAVIE -DAVIES -DAVINICH -DAVIS -DAVISON -DAVY -DAWN -DAWNED -DAWNING -DAWNS -DAWSON -DAY -DAYBREAK -DAYDREAM -DAYDREAMING -DAYDREAMS -DAYLIGHT -DAYLIGHTS -DAYS -DAYTIME -DAYTON -DAYTONA -DAZE -DAZED -DAZZLE -DAZZLED -DAZZLER -DAZZLES -DAZZLING -DAZZLINGLY -DEACON -DEACONS -DEACTIVATE -DEAD -DEADEN -DEADLINE -DEADLINES -DEADLOCK -DEADLOCKED -DEADLOCKING -DEADLOCKS -DEADLY -DEADNESS -DEADWOOD -DEAF -DEAFEN -DEAFER -DEAFEST -DEAFNESS -DEAL -DEALER -DEALERS -DEALERSHIP -DEALING -DEALINGS -DEALLOCATE -DEALLOCATED -DEALLOCATING -DEALLOCATION -DEALLOCATIONS -DEALS -DEALT -DEAN -DEANE -DEANNA -DEANS -DEAR -DEARBORN -DEARER -DEAREST -DEARLY -DEARNESS -DEARTH -DEARTHS -DEATH -DEATHBED -DEATHLY -DEATHS -DEBACLE -DEBAR -DEBASE -DEBATABLE -DEBATE -DEBATED -DEBATER -DEBATERS -DEBATES -DEBATING -DEBAUCH -DEBAUCHERY -DEBBIE -DEBBY -DEBILITATE -DEBILITATED -DEBILITATES -DEBILITATING -DEBILITY -DEBIT -DEBITED -DEBORAH -DEBRA -DEBRIEF -DEBRIS -DEBT -DEBTOR -DEBTS -DEBUG -DEBUGGED -DEBUGGER -DEBUGGERS -DEBUGGING -DEBUGS -DEBUNK -DEBUSSY -DEBUTANTE -DEC -DECADE -DECADENCE -DECADENT -DECADENTLY -DECADES -DECAL -DECATHLON -DECATUR -DECAY -DECAYED -DECAYING -DECAYS -DECCA -DECEASE -DECEASED -DECEASES -DECEASING -DECEDENT -DECEIT -DECEITFUL -DECEITFULLY -DECEITFULNESS -DECEIVE -DECEIVED -DECEIVER -DECEIVERS -DECEIVES -DECEIVING -DECELERATE -DECELERATED -DECELERATES -DECELERATING -DECELERATION -DECEMBER -DECEMBERS -DECENCIES -DECENCY -DECENNIAL -DECENT -DECENTLY -DECENTRALIZATION -DECENTRALIZED -DECEPTION -DECEPTIONS -DECEPTIVE -DECEPTIVELY -DECERTIFY -DECIBEL -DECIDABILITY -DECIDABLE -DECIDE -DECIDED -DECIDEDLY -DECIDES -DECIDING -DECIDUOUS -DECIMAL -DECIMALS -DECIMATE -DECIMATED -DECIMATES -DECIMATING -DECIMATION -DECIPHER -DECIPHERED -DECIPHERER -DECIPHERING -DECIPHERS -DECISION -DECISIONS -DECISIVE -DECISIVELY -DECISIVENESS -DECK -DECKED -DECKER -DECKING -DECKINGS -DECKS -DECLARATION -DECLARATIONS -DECLARATIVE -DECLARATIVELY -DECLARATIVES -DECLARATOR -DECLARATORY -DECLARE -DECLARED -DECLARER -DECLARERS -DECLARES -DECLARING -DECLASSIFY -DECLINATION -DECLINATIONS -DECLINE -DECLINED -DECLINER -DECLINERS -DECLINES -DECLINING -DECNET -DECODE -DECODED -DECODER -DECODERS -DECODES -DECODING -DECODINGS -DECOLLETAGE -DECOLLIMATE -DECOMPILE -DECOMPOSABILITY -DECOMPOSABLE -DECOMPOSE -DECOMPOSED -DECOMPOSES -DECOMPOSING -DECOMPOSITION -DECOMPOSITIONS -DECOMPRESS -DECOMPRESSION -DECORATE -DECORATED -DECORATES -DECORATING -DECORATION -DECORATIONS -DECORATIVE -DECORUM -DECOUPLE -DECOUPLED -DECOUPLES -DECOUPLING -DECOY -DECOYS -DECREASE -DECREASED -DECREASES -DECREASING -DECREASINGLY -DECREE -DECREED -DECREEING -DECREES -DECREMENT -DECREMENTED -DECREMENTING -DECREMENTS -DECRYPT -DECRYPTED -DECRYPTING -DECRYPTION -DECRYPTS -DECSTATION -DECSYSTEM -DECTAPE -DEDICATE -DEDICATED -DEDICATES -DEDICATING -DEDICATION -DEDUCE -DEDUCED -DEDUCER -DEDUCES -DEDUCIBLE -DEDUCING -DEDUCT -DEDUCTED -DEDUCTIBLE -DEDUCTING -DEDUCTION -DEDUCTIONS -DEDUCTIVE -DEE -DEED -DEEDED -DEEDING -DEEDS -DEEM -DEEMED -DEEMING -DEEMPHASIZE -DEEMPHASIZED -DEEMPHASIZES -DEEMPHASIZING -DEEMS -DEEP -DEEPEN -DEEPENED -DEEPENING -DEEPENS -DEEPER -DEEPEST -DEEPLY -DEEPS -DEER -DEERE -DEFACE -DEFAULT -DEFAULTED -DEFAULTER -DEFAULTING -DEFAULTS -DEFEAT -DEFEATED -DEFEATING -DEFEATS -DEFECATE -DEFECT -DEFECTED -DEFECTING -DEFECTION -DEFECTIONS -DEFECTIVE -DEFECTS -DEFEND -DEFENDANT -DEFENDANTS -DEFENDED -DEFENDER -DEFENDERS -DEFENDING -DEFENDS -DEFENESTRATE -DEFENESTRATED -DEFENESTRATES -DEFENESTRATING -DEFENESTRATION -DEFENSE -DEFENSELESS -DEFENSES -DEFENSIBLE -DEFENSIVE -DEFER -DEFERENCE -DEFERMENT -DEFERMENTS -DEFERRABLE -DEFERRED -DEFERRER -DEFERRERS -DEFERRING -DEFERS -DEFIANCE -DEFIANT -DEFIANTLY -DEFICIENCIES -DEFICIENCY -DEFICIENT -DEFICIT -DEFICITS -DEFIED -DEFIES -DEFILE -DEFILING -DEFINABLE -DEFINE -DEFINED -DEFINER -DEFINES -DEFINING -DEFINITE -DEFINITELY -DEFINITENESS -DEFINITION -DEFINITIONAL -DEFINITIONS -DEFINITIVE -DEFLATE -DEFLATER -DEFLECT -DEFOCUS -DEFOE -DEFOREST -DEFORESTATION -DEFORM -DEFORMATION -DEFORMATIONS -DEFORMED -DEFORMITIES -DEFORMITY -DEFRAUD -DEFRAY -DEFROST -DEFTLY -DEFUNCT -DEFY -DEFYING -DEGENERACY -DEGENERATE -DEGENERATED -DEGENERATES -DEGENERATING -DEGENERATION -DEGENERATIVE -DEGRADABLE -DEGRADATION -DEGRADATIONS -DEGRADE -DEGRADED -DEGRADES -DEGRADING -DEGREE -DEGREES -DEHUMIDIFY -DEHYDRATE -DEIFY -DEIGN -DEIGNED -DEIGNING -DEIGNS -DEIMOS -DEIRDRE -DEIRDRES -DEITIES -DEITY -DEJECTED -DEJECTEDLY -DEKALB -DEKASTERE -DEL -DELANEY -DELANO -DELAWARE -DELAY -DELAYED -DELAYING -DELAYS -DELEGATE -DELEGATED -DELEGATES -DELEGATING -DELEGATION -DELEGATIONS -DELETE -DELETED -DELETER -DELETERIOUS -DELETES -DELETING -DELETION -DELETIONS -DELFT -DELHI -DELIA -DELIBERATE -DELIBERATED -DELIBERATELY -DELIBERATENESS -DELIBERATES -DELIBERATING -DELIBERATION -DELIBERATIONS -DELIBERATIVE -DELIBERATOR -DELIBERATORS -DELICACIES -DELICACY -DELICATE -DELICATELY -DELICATESSEN -DELICIOUS -DELICIOUSLY -DELIGHT -DELIGHTED -DELIGHTEDLY -DELIGHTFUL -DELIGHTFULLY -DELIGHTING -DELIGHTS -DELILAH -DELIMIT -DELIMITATION -DELIMITED -DELIMITER -DELIMITERS -DELIMITING -DELIMITS -DELINEAMENT -DELINEATE -DELINEATED -DELINEATES -DELINEATING -DELINEATION -DELINQUENCY -DELINQUENT -DELIRIOUS -DELIRIOUSLY -DELIRIUM -DELIVER -DELIVERABLE -DELIVERABLES -DELIVERANCE -DELIVERED -DELIVERER -DELIVERERS -DELIVERIES -DELIVERING -DELIVERS -DELIVERY -DELL -DELLA -DELLS -DELLWOOD -DELMARVA -DELPHI -DELPHIC -DELPHICALLY -DELPHINUS -DELTA -DELTAS -DELUDE -DELUDED -DELUDES -DELUDING -DELUGE -DELUGED -DELUGES -DELUSION -DELUSIONS -DELUXE -DELVE -DELVES -DELVING -DEMAGNIFY -DEMAGOGUE -DEMAND -DEMANDED -DEMANDER -DEMANDING -DEMANDINGLY -DEMANDS -DEMARCATE -DEMEANOR -DEMENTED -DEMERIT -DEMETER -DEMIGOD -DEMISE -DEMO -DEMOCRACIES -DEMOCRACY -DEMOCRAT -DEMOCRATIC -DEMOCRATICALLY -DEMOCRATS -DEMODULATE -DEMODULATOR -DEMOGRAPHIC -DEMOLISH -DEMOLISHED -DEMOLISHES -DEMOLITION -DEMON -DEMONIAC -DEMONIC -DEMONS -DEMONSTRABLE -DEMONSTRATE -DEMONSTRATED -DEMONSTRATES -DEMONSTRATING -DEMONSTRATION -DEMONSTRATIONS -DEMONSTRATIVE -DEMONSTRATIVELY -DEMONSTRATOR -DEMONSTRATORS -DEMORALIZE -DEMORALIZED -DEMORALIZES -DEMORALIZING -DEMORGAN -DEMOTE -DEMOUNTABLE -DEMPSEY -DEMULTIPLEX -DEMULTIPLEXED -DEMULTIPLEXER -DEMULTIPLEXERS -DEMULTIPLEXING -DEMUR -DEMYTHOLOGIZE -DEN -DENATURE -DENEB -DENEBOLA -DENEEN -DENIABLE -DENIAL -DENIALS -DENIED -DENIER -DENIES -DENIGRATE -DENIGRATED -DENIGRATES -DENIGRATING -DENIZEN -DENMARK -DENNIS -DENNY -DENOMINATE -DENOMINATION -DENOMINATIONS -DENOMINATOR -DENOMINATORS -DENOTABLE -DENOTATION -DENOTATIONAL -DENOTATIONALLY -DENOTATIONS -DENOTATIVE -DENOTE -DENOTED -DENOTES -DENOTING -DENOUNCE -DENOUNCED -DENOUNCES -DENOUNCING -DENS -DENSE -DENSELY -DENSENESS -DENSER -DENSEST -DENSITIES -DENSITY -DENT -DENTAL -DENTALLY -DENTED -DENTING -DENTIST -DENTISTRY -DENTISTS -DENTON -DENTS -DENTURE -DENUDE -DENUMERABLE -DENUNCIATE -DENUNCIATION -DENVER -DENY -DENYING -DEODORANT -DEOXYRIBONUCLEIC -DEPART -DEPARTED -DEPARTING -DEPARTMENT -DEPARTMENTAL -DEPARTMENTS -DEPARTS -DEPARTURE -DEPARTURES -DEPEND -DEPENDABILITY -DEPENDABLE -DEPENDABLY -DEPENDED -DEPENDENCE -DEPENDENCIES -DEPENDENCY -DEPENDENT -DEPENDENTLY -DEPENDENTS -DEPENDING -DEPENDS -DEPICT -DEPICTED -DEPICTING -DEPICTS -DEPLETE -DEPLETED -DEPLETES -DEPLETING -DEPLETION -DEPLETIONS -DEPLORABLE -DEPLORE -DEPLORED -DEPLORES -DEPLORING -DEPLOY -DEPLOYED -DEPLOYING -DEPLOYMENT -DEPLOYMENTS -DEPLOYS -DEPORT -DEPORTATION -DEPORTEE -DEPORTMENT -DEPOSE -DEPOSED -DEPOSES -DEPOSIT -DEPOSITARY -DEPOSITED -DEPOSITING -DEPOSITION -DEPOSITIONS -DEPOSITOR -DEPOSITORS -DEPOSITORY -DEPOSITS -DEPOT -DEPOTS -DEPRAVE -DEPRAVED -DEPRAVITY -DEPRECATE -DEPRECIATE -DEPRECIATED -DEPRECIATES -DEPRECIATION -DEPRESS -DEPRESSED -DEPRESSES -DEPRESSING -DEPRESSION -DEPRESSIONS -DEPRIVATION -DEPRIVATIONS -DEPRIVE -DEPRIVED -DEPRIVES -DEPRIVING -DEPTH -DEPTHS -DEPUTIES -DEPUTY -DEQUEUE -DEQUEUED -DEQUEUES -DEQUEUING -DERAIL -DERAILED -DERAILING -DERAILS -DERBY -DERBYSHIRE -DEREFERENCE -DEREGULATE -DEREGULATED -DEREK -DERIDE -DERISION -DERIVABLE -DERIVATION -DERIVATIONS -DERIVATIVE -DERIVATIVES -DERIVE -DERIVED -DERIVES -DERIVING -DEROGATORY -DERRICK -DERRIERE -DERVISH -DES -DESCARTES -DESCEND -DESCENDANT -DESCENDANTS -DESCENDED -DESCENDENT -DESCENDER -DESCENDERS -DESCENDING -DESCENDS -DESCENT -DESCENTS -DESCRIBABLE -DESCRIBE -DESCRIBED -DESCRIBER -DESCRIBES -DESCRIBING -DESCRIPTION -DESCRIPTIONS -DESCRIPTIVE -DESCRIPTIVELY -DESCRIPTIVES -DESCRIPTOR -DESCRIPTORS -DESCRY -DESECRATE -DESEGREGATE -DESERT -DESERTED -DESERTER -DESERTERS -DESERTING -DESERTION -DESERTIONS -DESERTS -DESERVE -DESERVED -DESERVES -DESERVING -DESERVINGLY -DESERVINGS -DESIDERATA -DESIDERATUM -DESIGN -DESIGNATE -DESIGNATED -DESIGNATES -DESIGNATING -DESIGNATION -DESIGNATIONS -DESIGNATOR -DESIGNATORS -DESIGNED -DESIGNER -DESIGNERS -DESIGNING -DESIGNS -DESIRABILITY -DESIRABLE -DESIRABLY -DESIRE -DESIRED -DESIRES -DESIRING -DESIROUS -DESIST -DESK -DESKS -DESKTOP -DESMOND -DESOLATE -DESOLATELY -DESOLATION -DESOLATIONS -DESPAIR -DESPAIRED -DESPAIRING -DESPAIRINGLY -DESPAIRS -DESPATCH -DESPATCHED -DESPERADO -DESPERATE -DESPERATELY -DESPERATION -DESPICABLE -DESPISE -DESPISED -DESPISES -DESPISING -DESPITE -DESPOIL -DESPONDENT -DESPOT -DESPOTIC -DESPOTISM -DESPOTS -DESSERT -DESSERTS -DESSICATE -DESTABILIZE -DESTINATION -DESTINATIONS -DESTINE -DESTINED -DESTINIES -DESTINY -DESTITUTE -DESTITUTION -DESTROY -DESTROYED -DESTROYER -DESTROYERS -DESTROYING -DESTROYS -DESTRUCT -DESTRUCTION -DESTRUCTIONS -DESTRUCTIVE -DESTRUCTIVELY -DESTRUCTIVENESS -DESTRUCTOR -DESTUFF -DESTUFFING -DESTUFFS -DESUETUDE -DESULTORY -DESYNCHRONIZE -DETACH -DETACHED -DETACHER -DETACHES -DETACHING -DETACHMENT -DETACHMENTS -DETAIL -DETAILED -DETAILING -DETAILS -DETAIN -DETAINED -DETAINING -DETAINS -DETECT -DETECTABLE -DETECTABLY -DETECTED -DETECTING -DETECTION -DETECTIONS -DETECTIVE -DETECTIVES -DETECTOR -DETECTORS -DETECTS -DETENTE -DETENTION -DETER -DETERGENT -DETERIORATE -DETERIORATED -DETERIORATES -DETERIORATING -DETERIORATION -DETERMINABLE -DETERMINACY -DETERMINANT -DETERMINANTS -DETERMINATE -DETERMINATELY -DETERMINATION -DETERMINATIONS -DETERMINATIVE -DETERMINE -DETERMINED -DETERMINER -DETERMINERS -DETERMINES -DETERMINING -DETERMINISM -DETERMINISTIC -DETERMINISTICALLY -DETERRED -DETERRENT -DETERRING -DETEST -DETESTABLE -DETESTED -DETOUR -DETRACT -DETRACTOR -DETRACTORS -DETRACTS -DETRIMENT -DETRIMENTAL -DETROIT -DEUCE -DEUS -DEUTERIUM -DEUTSCH -DEVASTATE -DEVASTATED -DEVASTATES -DEVASTATING -DEVASTATION -DEVELOP -DEVELOPED -DEVELOPER -DEVELOPERS -DEVELOPING -DEVELOPMENT -DEVELOPMENTAL -DEVELOPMENTS -DEVELOPS -DEVIANT -DEVIANTS -DEVIATE -DEVIATED -DEVIATES -DEVIATING -DEVIATION -DEVIATIONS -DEVICE -DEVICES -DEVIL -DEVILISH -DEVILISHLY -DEVILS -DEVIOUS -DEVISE -DEVISED -DEVISES -DEVISING -DEVISINGS -DEVOID -DEVOLVE -DEVON -DEVONSHIRE -DEVOTE -DEVOTED -DEVOTEDLY -DEVOTEE -DEVOTEES -DEVOTES -DEVOTING -DEVOTION -DEVOTIONS -DEVOUR -DEVOURED -DEVOURER -DEVOURS -DEVOUT -DEVOUTLY -DEVOUTNESS -DEW -DEWDROP -DEWDROPS -DEWEY -DEWITT -DEWY -DEXEDRINE -DEXTERITY -DHABI -DIABETES -DIABETIC -DIABOLIC -DIACHRONIC -DIACRITICAL -DIADEM -DIAGNOSABLE -DIAGNOSE -DIAGNOSED -DIAGNOSES -DIAGNOSING -DIAGNOSIS -DIAGNOSTIC -DIAGNOSTICIAN -DIAGNOSTICS -DIAGONAL -DIAGONALLY -DIAGONALS -DIAGRAM -DIAGRAMMABLE -DIAGRAMMATIC -DIAGRAMMATICALLY -DIAGRAMMED -DIAGRAMMER -DIAGRAMMERS -DIAGRAMMING -DIAGRAMS -DIAL -DIALECT -DIALECTIC -DIALECTS -DIALED -DIALER -DIALERS -DIALING -DIALOG -DIALOGS -DIALOGUE -DIALOGUES -DIALS -DIALUP -DIALYSIS -DIAMAGNETIC -DIAMETER -DIAMETERS -DIAMETRIC -DIAMETRICALLY -DIAMOND -DIAMONDS -DIANA -DIANE -DIANNE -DIAPER -DIAPERS -DIAPHRAGM -DIAPHRAGMS -DIARIES -DIARRHEA -DIARY -DIATRIBE -DIATRIBES -DIBBLE -DICE -DICHOTOMIZE -DICHOTOMY -DICKENS -DICKERSON -DICKINSON -DICKSON -DICKY -DICTATE -DICTATED -DICTATES -DICTATING -DICTATION -DICTATIONS -DICTATOR -DICTATORIAL -DICTATORS -DICTATORSHIP -DICTION -DICTIONARIES -DICTIONARY -DICTUM -DICTUMS -DID -DIDACTIC -DIDDLE -DIDO -DIE -DIEBOLD -DIED -DIEGO -DIEHARD -DIELECTRIC -DIELECTRICS -DIEM -DIES -DIESEL -DIET -DIETARY -DIETER -DIETERS -DIETETIC -DIETICIAN -DIETITIAN -DIETITIANS -DIETRICH -DIETS -DIETZ -DIFFER -DIFFERED -DIFFERENCE -DIFFERENCES -DIFFERENT -DIFFERENTIABLE -DIFFERENTIAL -DIFFERENTIALS -DIFFERENTIATE -DIFFERENTIATED -DIFFERENTIATES -DIFFERENTIATING -DIFFERENTIATION -DIFFERENTIATIONS -DIFFERENTIATORS -DIFFERENTLY -DIFFERER -DIFFERERS -DIFFERING -DIFFERS -DIFFICULT -DIFFICULTIES -DIFFICULTLY -DIFFICULTY -DIFFRACT -DIFFUSE -DIFFUSED -DIFFUSELY -DIFFUSER -DIFFUSERS -DIFFUSES -DIFFUSIBLE -DIFFUSING -DIFFUSION -DIFFUSIONS -DIFFUSIVE -DIG -DIGEST -DIGESTED -DIGESTIBLE -DIGESTING -DIGESTION -DIGESTIVE -DIGESTS -DIGGER -DIGGERS -DIGGING -DIGGINGS -DIGIT -DIGITAL -DIGITALIS -DIGITALLY -DIGITIZATION -DIGITIZE -DIGITIZED -DIGITIZES -DIGITIZING -DIGITS -DIGNIFIED -DIGNIFY -DIGNITARY -DIGNITIES -DIGNITY -DIGRAM -DIGRESS -DIGRESSED -DIGRESSES -DIGRESSING -DIGRESSION -DIGRESSIONS -DIGRESSIVE -DIGS -DIHEDRAL -DIJKSTRA -DIJON -DIKE -DIKES -DILAPIDATE -DILATATION -DILATE -DILATED -DILATES -DILATING -DILATION -DILDO -DILEMMA -DILEMMAS -DILIGENCE -DILIGENT -DILIGENTLY -DILL -DILLON -DILOGARITHM -DILUTE -DILUTED -DILUTES -DILUTING -DILUTION -DIM -DIMAGGIO -DIME -DIMENSION -DIMENSIONAL -DIMENSIONALITY -DIMENSIONALLY -DIMENSIONED -DIMENSIONING -DIMENSIONS -DIMES -DIMINISH -DIMINISHED -DIMINISHES -DIMINISHING -DIMINUTION -DIMINUTIVE -DIMLY -DIMMED -DIMMER -DIMMERS -DIMMEST -DIMMING -DIMNESS -DIMPLE -DIMS -DIN -DINAH -DINE -DINED -DINER -DINERS -DINES -DING -DINGHY -DINGINESS -DINGO -DINGY -DINING -DINNER -DINNERS -DINNERTIME -DINNERWARE -DINOSAUR -DINT -DIOCLETIAN -DIODE -DIODES -DIOGENES -DION -DIONYSIAN -DIONYSUS -DIOPHANTINE -DIOPTER -DIORAMA -DIOXIDE -DIP -DIPHTHERIA -DIPHTHONG -DIPLOMA -DIPLOMACY -DIPLOMAS -DIPLOMAT -DIPLOMATIC -DIPLOMATS -DIPOLE -DIPPED -DIPPER -DIPPERS -DIPPING -DIPPINGS -DIPS -DIRAC -DIRE -DIRECT -DIRECTED -DIRECTING -DIRECTION -DIRECTIONAL -DIRECTIONALITY -DIRECTIONALLY -DIRECTIONS -DIRECTIVE -DIRECTIVES -DIRECTLY -DIRECTNESS -DIRECTOR -DIRECTORATE -DIRECTORIES -DIRECTORS -DIRECTORY -DIRECTRICES -DIRECTRIX -DIRECTS -DIRGE -DIRGES -DIRICHLET -DIRT -DIRTIER -DIRTIEST -DIRTILY -DIRTINESS -DIRTS -DIRTY -DIS -DISABILITIES -DISABILITY -DISABLE -DISABLED -DISABLER -DISABLERS -DISABLES -DISABLING -DISADVANTAGE -DISADVANTAGEOUS -DISADVANTAGES -DISAFFECTED -DISAFFECTION -DISAGREE -DISAGREEABLE -DISAGREED -DISAGREEING -DISAGREEMENT -DISAGREEMENTS -DISAGREES -DISALLOW -DISALLOWED -DISALLOWING -DISALLOWS -DISAMBIGUATE -DISAMBIGUATED -DISAMBIGUATES -DISAMBIGUATING -DISAMBIGUATION -DISAMBIGUATIONS -DISAPPEAR -DISAPPEARANCE -DISAPPEARANCES -DISAPPEARED -DISAPPEARING -DISAPPEARS -DISAPPOINT -DISAPPOINTED -DISAPPOINTING -DISAPPOINTMENT -DISAPPOINTMENTS -DISAPPROVAL -DISAPPROVE -DISAPPROVED -DISAPPROVES -DISARM -DISARMAMENT -DISARMED -DISARMING -DISARMS -DISASSEMBLE -DISASSEMBLED -DISASSEMBLES -DISASSEMBLING -DISASSEMBLY -DISASTER -DISASTERS -DISASTROUS -DISASTROUSLY -DISBAND -DISBANDED -DISBANDING -DISBANDS -DISBURSE -DISBURSED -DISBURSEMENT -DISBURSEMENTS -DISBURSES -DISBURSING -DISC -DISCARD -DISCARDED -DISCARDING -DISCARDS -DISCERN -DISCERNED -DISCERNIBILITY -DISCERNIBLE -DISCERNIBLY -DISCERNING -DISCERNINGLY -DISCERNMENT -DISCERNS -DISCHARGE -DISCHARGED -DISCHARGES -DISCHARGING -DISCIPLE -DISCIPLES -DISCIPLINARY -DISCIPLINE -DISCIPLINED -DISCIPLINES -DISCIPLINING -DISCLAIM -DISCLAIMED -DISCLAIMER -DISCLAIMS -DISCLOSE -DISCLOSED -DISCLOSES -DISCLOSING -DISCLOSURE -DISCLOSURES -DISCOMFORT -DISCONCERT -DISCONCERTING -DISCONCERTINGLY -DISCONNECT -DISCONNECTED -DISCONNECTING -DISCONNECTION -DISCONNECTS -DISCONTENT -DISCONTENTED -DISCONTINUANCE -DISCONTINUE -DISCONTINUED -DISCONTINUES -DISCONTINUITIES -DISCONTINUITY -DISCONTINUOUS -DISCORD -DISCORDANT -DISCOUNT -DISCOUNTED -DISCOUNTING -DISCOUNTS -DISCOURAGE -DISCOURAGED -DISCOURAGEMENT -DISCOURAGES -DISCOURAGING -DISCOURSE -DISCOURSES -DISCOVER -DISCOVERED -DISCOVERER -DISCOVERERS -DISCOVERIES -DISCOVERING -DISCOVERS -DISCOVERY -DISCREDIT -DISCREDITED -DISCREET -DISCREETLY -DISCREPANCIES -DISCREPANCY -DISCRETE -DISCRETELY -DISCRETENESS -DISCRETION -DISCRETIONARY -DISCRIMINANT -DISCRIMINATE -DISCRIMINATED -DISCRIMINATES -DISCRIMINATING -DISCRIMINATION -DISCRIMINATORY -DISCS -DISCUSS -DISCUSSANT -DISCUSSED -DISCUSSES -DISCUSSING -DISCUSSION -DISCUSSIONS -DISDAIN -DISDAINING -DISDAINS -DISEASE -DISEASED -DISEASES -DISEMBOWEL -DISENGAGE -DISENGAGED -DISENGAGES -DISENGAGING -DISENTANGLE -DISENTANGLING -DISFIGURE -DISFIGURED -DISFIGURES -DISFIGURING -DISGORGE -DISGRACE -DISGRACED -DISGRACEFUL -DISGRACEFULLY -DISGRACES -DISGRUNTLE -DISGRUNTLED -DISGUISE -DISGUISED -DISGUISES -DISGUST -DISGUSTED -DISGUSTEDLY -DISGUSTFUL -DISGUSTING -DISGUSTINGLY -DISGUSTS -DISH -DISHEARTEN -DISHEARTENING -DISHED -DISHES -DISHEVEL -DISHING -DISHONEST -DISHONESTLY -DISHONESTY -DISHONOR -DISHONORABLE -DISHONORED -DISHONORING -DISHONORS -DISHWASHER -DISHWASHERS -DISHWASHING -DISHWATER -DISILLUSION -DISILLUSIONED -DISILLUSIONING -DISILLUSIONMENT -DISILLUSIONMENTS -DISINCLINED -DISINGENUOUS -DISINTERESTED -DISINTERESTEDNESS -DISJOINT -DISJOINTED -DISJOINTLY -DISJOINTNESS -DISJUNCT -DISJUNCTION -DISJUNCTIONS -DISJUNCTIVE -DISJUNCTIVELY -DISJUNCTS -DISK -DISKETTE -DISKETTES -DISKS -DISLIKE -DISLIKED -DISLIKES -DISLIKING -DISLOCATE -DISLOCATED -DISLOCATES -DISLOCATING -DISLOCATION -DISLOCATIONS -DISLODGE -DISLODGED -DISMAL -DISMALLY -DISMAY -DISMAYED -DISMAYING -DISMEMBER -DISMEMBERED -DISMEMBERMENT -DISMEMBERS -DISMISS -DISMISSAL -DISMISSALS -DISMISSED -DISMISSER -DISMISSERS -DISMISSES -DISMISSING -DISMOUNT -DISMOUNTED -DISMOUNTING -DISMOUNTS -DISNEY -DISNEYLAND -DISOBEDIENCE -DISOBEDIENT -DISOBEY -DISOBEYED -DISOBEYING -DISOBEYS -DISORDER -DISORDERED -DISORDERLY -DISORDERS -DISORGANIZED -DISOWN -DISOWNED -DISOWNING -DISOWNS -DISPARAGE -DISPARATE -DISPARITIES -DISPARITY -DISPASSIONATE -DISPATCH -DISPATCHED -DISPATCHER -DISPATCHERS -DISPATCHES -DISPATCHING -DISPEL -DISPELL -DISPELLED -DISPELLING -DISPELS -DISPENSARY -DISPENSATION -DISPENSE -DISPENSED -DISPENSER -DISPENSERS -DISPENSES -DISPENSING -DISPERSAL -DISPERSE -DISPERSED -DISPERSES -DISPERSING -DISPERSION -DISPERSIONS -DISPLACE -DISPLACED -DISPLACEMENT -DISPLACEMENTS -DISPLACES -DISPLACING -DISPLAY -DISPLAYABLE -DISPLAYED -DISPLAYER -DISPLAYING -DISPLAYS -DISPLEASE -DISPLEASED -DISPLEASES -DISPLEASING -DISPLEASURE -DISPOSABLE -DISPOSAL -DISPOSALS -DISPOSE -DISPOSED -DISPOSER -DISPOSES -DISPOSING -DISPOSITION -DISPOSITIONS -DISPOSSESSED -DISPROPORTIONATE -DISPROVE -DISPROVED -DISPROVES -DISPROVING -DISPUTE -DISPUTED -DISPUTER -DISPUTERS -DISPUTES -DISPUTING -DISQUALIFICATION -DISQUALIFIED -DISQUALIFIES -DISQUALIFY -DISQUALIFYING -DISQUIET -DISQUIETING -DISRAELI -DISREGARD -DISREGARDED -DISREGARDING -DISREGARDS -DISRESPECTFUL -DISRUPT -DISRUPTED -DISRUPTING -DISRUPTION -DISRUPTIONS -DISRUPTIVE -DISRUPTS -DISSATISFACTION -DISSATISFACTIONS -DISSATISFACTORY -DISSATISFIED -DISSECT -DISSECTS -DISSEMBLE -DISSEMINATE -DISSEMINATED -DISSEMINATES -DISSEMINATING -DISSEMINATION -DISSENSION -DISSENSIONS -DISSENT -DISSENTED -DISSENTER -DISSENTERS -DISSENTING -DISSENTS -DISSERTATION -DISSERTATIONS -DISSERVICE -DISSIDENT -DISSIDENTS -DISSIMILAR -DISSIMILARITIES -DISSIMILARITY -DISSIPATE -DISSIPATED -DISSIPATES -DISSIPATING -DISSIPATION -DISSOCIATE -DISSOCIATED -DISSOCIATES -DISSOCIATING -DISSOCIATION -DISSOLUTION -DISSOLUTIONS -DISSOLVE -DISSOLVED -DISSOLVES -DISSOLVING -DISSONANT -DISSUADE -DISTAFF -DISTAL -DISTALLY -DISTANCE -DISTANCES -DISTANT -DISTANTLY -DISTASTE -DISTASTEFUL -DISTASTEFULLY -DISTASTES -DISTEMPER -DISTEMPERED -DISTEMPERS -DISTILL -DISTILLATION -DISTILLED -DISTILLER -DISTILLERS -DISTILLERY -DISTILLING -DISTILLS -DISTINCT -DISTINCTION -DISTINCTIONS -DISTINCTIVE -DISTINCTIVELY -DISTINCTIVENESS -DISTINCTLY -DISTINCTNESS -DISTINGUISH -DISTINGUISHABLE -DISTINGUISHED -DISTINGUISHES -DISTINGUISHING -DISTORT -DISTORTED -DISTORTING -DISTORTION -DISTORTIONS -DISTORTS -DISTRACT -DISTRACTED -DISTRACTING -DISTRACTION -DISTRACTIONS -DISTRACTS -DISTRAUGHT -DISTRESS -DISTRESSED -DISTRESSES -DISTRESSING -DISTRIBUTE -DISTRIBUTED -DISTRIBUTES -DISTRIBUTING -DISTRIBUTION -DISTRIBUTIONAL -DISTRIBUTIONS -DISTRIBUTIVE -DISTRIBUTIVITY -DISTRIBUTOR -DISTRIBUTORS -DISTRICT -DISTRICTS -DISTRUST -DISTRUSTED -DISTURB -DISTURBANCE -DISTURBANCES -DISTURBED -DISTURBER -DISTURBING -DISTURBINGLY -DISTURBS -DISUSE -DITCH -DITCHES -DITHER -DITTO -DITTY -DITZEL -DIURNAL -DIVAN -DIVANS -DIVE -DIVED -DIVER -DIVERGE -DIVERGED -DIVERGENCE -DIVERGENCES -DIVERGENT -DIVERGES -DIVERGING -DIVERS -DIVERSE -DIVERSELY -DIVERSIFICATION -DIVERSIFIED -DIVERSIFIES -DIVERSIFY -DIVERSIFYING -DIVERSION -DIVERSIONARY -DIVERSIONS -DIVERSITIES -DIVERSITY -DIVERT -DIVERTED -DIVERTING -DIVERTS -DIVES -DIVEST -DIVESTED -DIVESTING -DIVESTITURE -DIVESTS -DIVIDE -DIVIDED -DIVIDEND -DIVIDENDS -DIVIDER -DIVIDERS -DIVIDES -DIVIDING -DIVINE -DIVINELY -DIVINER -DIVING -DIVINING -DIVINITIES -DIVINITY -DIVISIBILITY -DIVISIBLE -DIVISION -DIVISIONAL -DIVISIONS -DIVISIVE -DIVISOR -DIVISORS -DIVORCE -DIVORCED -DIVORCEE -DIVULGE -DIVULGED -DIVULGES -DIVULGING -DIXIE -DIXIECRATS -DIXIELAND -DIXON -DIZZINESS -DIZZY -DJAKARTA -DMITRI -DNIEPER -DOBBIN -DOBBS -DOBERMAN -DOC -DOCILE -DOCK -DOCKED -DOCKET -DOCKS -DOCKSIDE -DOCKYARD -DOCTOR -DOCTORAL -DOCTORATE -DOCTORATES -DOCTORED -DOCTORS -DOCTRINAIRE -DOCTRINAL -DOCTRINE -DOCTRINES -DOCUMENT -DOCUMENTARIES -DOCUMENTARY -DOCUMENTATION -DOCUMENTATIONS -DOCUMENTED -DOCUMENTER -DOCUMENTERS -DOCUMENTING -DOCUMENTS -DODD -DODECAHEDRA -DODECAHEDRAL -DODECAHEDRON -DODGE -DODGED -DODGER -DODGERS -DODGING -DODINGTON -DODSON -DOE -DOER -DOERS -DOES -DOG -DOGE -DOGGED -DOGGEDLY -DOGGEDNESS -DOGGING -DOGHOUSE -DOGMA -DOGMAS -DOGMATIC -DOGMATISM -DOGS -DOGTOWN -DOHERTY -DOING -DOINGS -DOLAN -DOLDRUM -DOLE -DOLED -DOLEFUL -DOLEFULLY -DOLES -DOLL -DOLLAR -DOLLARS -DOLLIES -DOLLS -DOLLY -DOLORES -DOLPHIN -DOLPHINS -DOMAIN -DOMAINS -DOME -DOMED -DOMENICO -DOMES -DOMESDAY -DOMESTIC -DOMESTICALLY -DOMESTICATE -DOMESTICATED -DOMESTICATES -DOMESTICATING -DOMESTICATION -DOMICILE -DOMINANCE -DOMINANT -DOMINANTLY -DOMINATE -DOMINATED -DOMINATES -DOMINATING -DOMINATION -DOMINEER -DOMINEERING -DOMINGO -DOMINIC -DOMINICAN -DOMINICANS -DOMINICK -DOMINION -DOMINIQUE -DOMINO -DON -DONAHUE -DONALD -DONALDSON -DONATE -DONATED -DONATES -DONATING -DONATION -DONE -DONECK -DONKEY -DONKEYS -DONNA -DONNELLY -DONNER -DONNYBROOK -DONOR -DONOVAN -DONS -DOODLE -DOOLEY -DOOLITTLE -DOOM -DOOMED -DOOMING -DOOMS -DOOMSDAY -DOOR -DOORBELL -DOORKEEPER -DOORMAN -DOORMEN -DOORS -DOORSTEP -DOORSTEPS -DOORWAY -DOORWAYS -DOPE -DOPED -DOPER -DOPERS -DOPES -DOPING -DOPPLER -DORA -DORADO -DORCAS -DORCHESTER -DOREEN -DORIA -DORIC -DORICIZE -DORICIZES -DORIS -DORMANT -DORMITORIES -DORMITORY -DOROTHEA -DOROTHY -DORSET -DORTMUND -DOSAGE -DOSE -DOSED -DOSES -DOSSIER -DOSSIERS -DOSTOEVSKY -DOT -DOTE -DOTED -DOTES -DOTING -DOTINGLY -DOTS -DOTTED -DOTTING -DOUBLE -DOUBLED -DOUBLEDAY -DOUBLEHEADER -DOUBLER -DOUBLERS -DOUBLES -DOUBLET -DOUBLETON -DOUBLETS -DOUBLING -DOUBLOON -DOUBLY -DOUBT -DOUBTABLE -DOUBTED -DOUBTER -DOUBTERS -DOUBTFUL -DOUBTFULLY -DOUBTING -DOUBTLESS -DOUBTLESSLY -DOUBTS -DOUG -DOUGH -DOUGHERTY -DOUGHNUT -DOUGHNUTS -DOUGLAS -DOUGLASS -DOVE -DOVER -DOVES -DOVETAIL -DOW -DOWAGER -DOWEL -DOWLING -DOWN -DOWNCAST -DOWNED -DOWNERS -DOWNEY -DOWNFALL -DOWNFALLEN -DOWNGRADE -DOWNHILL -DOWNING -DOWNLINK -DOWNLINKS -DOWNLOAD -DOWNLOADED -DOWNLOADING -DOWNLOADS -DOWNPLAY -DOWNPLAYED -DOWNPLAYING -DOWNPLAYS -DOWNPOUR -DOWNRIGHT -DOWNS -DOWNSIDE -DOWNSTAIRS -DOWNSTREAM -DOWNTOWN -DOWNTOWNS -DOWNTRODDEN -DOWNTURN -DOWNWARD -DOWNWARDS -DOWNY -DOWRY -DOYLE -DOZE -DOZED -DOZEN -DOZENS -DOZENTH -DOZES -DOZING -DRAB -DRACO -DRACONIAN -DRAFT -DRAFTED -DRAFTEE -DRAFTER -DRAFTERS -DRAFTING -DRAFTS -DRAFTSMAN -DRAFTSMEN -DRAFTY -DRAG -DRAGGED -DRAGGING -DRAGNET -DRAGON -DRAGONFLY -DRAGONHEAD -DRAGONS -DRAGOON -DRAGOONED -DRAGOONS -DRAGS -DRAIN -DRAINAGE -DRAINED -DRAINER -DRAINING -DRAINS -DRAKE -DRAM -DRAMA -DRAMAMINE -DRAMAS -DRAMATIC -DRAMATICALLY -DRAMATICS -DRAMATIST -DRAMATISTS -DRANK -DRAPE -DRAPED -DRAPER -DRAPERIES -DRAPERS -DRAPERY -DRAPES -DRASTIC -DRASTICALLY -DRAUGHT -DRAUGHTS -DRAVIDIAN -DRAW -DRAWBACK -DRAWBACKS -DRAWBRIDGE -DRAWBRIDGES -DRAWER -DRAWERS -DRAWING -DRAWINGS -DRAWL -DRAWLED -DRAWLING -DRAWLS -DRAWN -DRAWNLY -DRAWNNESS -DRAWS -DREAD -DREADED -DREADFUL -DREADFULLY -DREADING -DREADNOUGHT -DREADS -DREAM -DREAMBOAT -DREAMED -DREAMER -DREAMERS -DREAMILY -DREAMING -DREAMLIKE -DREAMS -DREAMT -DREAMY -DREARINESS -DREARY -DREDGE -DREGS -DRENCH -DRENCHED -DRENCHES -DRENCHING -DRESS -DRESSED -DRESSER -DRESSERS -DRESSES -DRESSING -DRESSINGS -DRESSMAKER -DRESSMAKERS -DREW -DREXEL -DREYFUSS -DRIED -DRIER -DRIERS -DRIES -DRIEST -DRIFT -DRIFTED -DRIFTER -DRIFTERS -DRIFTING -DRIFTS -DRILL -DRILLED -DRILLER -DRILLING -DRILLS -DRILY -DRINK -DRINKABLE -DRINKER -DRINKERS -DRINKING -DRINKS -DRIP -DRIPPING -DRIPPY -DRIPS -DRISCOLL -DRIVE -DRIVEN -DRIVER -DRIVERS -DRIVES -DRIVEWAY -DRIVEWAYS -DRIVING -DRIZZLE -DRIZZLY -DROLL -DROMEDARY -DRONE -DRONES -DROOL -DROOP -DROOPED -DROOPING -DROOPS -DROOPY -DROP -DROPLET -DROPOUT -DROPPED -DROPPER -DROPPERS -DROPPING -DROPPINGS -DROPS -DROSOPHILA -DROUGHT -DROUGHTS -DROVE -DROVER -DROVERS -DROVES -DROWN -DROWNED -DROWNING -DROWNINGS -DROWNS -DROWSINESS -DROWSY -DRUBBING -DRUDGE -DRUDGERY -DRUG -DRUGGIST -DRUGGISTS -DRUGS -DRUGSTORE -DRUM -DRUMHEAD -DRUMMED -DRUMMER -DRUMMERS -DRUMMING -DRUMMOND -DRUMS -DRUNK -DRUNKARD -DRUNKARDS -DRUNKEN -DRUNKENNESS -DRUNKER -DRUNKLY -DRUNKS -DRURY -DRY -DRYDEN -DRYING -DRYLY -DUAL -DUALISM -DUALITIES -DUALITY -DUANE -DUB -DUBBED -DUBHE -DUBIOUS -DUBIOUSLY -DUBIOUSNESS -DUBLIN -DUBS -DUBUQUE -DUCHESS -DUCHESSES -DUCHY -DUCK -DUCKED -DUCKING -DUCKLING -DUCKS -DUCT -DUCTS -DUD -DUDLEY -DUE -DUEL -DUELING -DUELS -DUES -DUET -DUFFY -DUG -DUGAN -DUKE -DUKES -DULL -DULLED -DULLER -DULLES -DULLEST -DULLING -DULLNESS -DULLS -DULLY -DULUTH -DULY -DUMB -DUMBBELL -DUMBBELLS -DUMBER -DUMBEST -DUMBLY -DUMBNESS -DUMMIES -DUMMY -DUMP -DUMPED -DUMPER -DUMPING -DUMPS -DUMPTY -DUNBAR -DUNCAN -DUNCE -DUNCES -DUNDEE -DUNE -DUNEDIN -DUNES -DUNG -DUNGEON -DUNGEONS -DUNHAM -DUNK -DUNKIRK -DUNLAP -DUNLOP -DUNN -DUNNE -DUPE -DUPLEX -DUPLICABLE -DUPLICATE -DUPLICATED -DUPLICATES -DUPLICATING -DUPLICATION -DUPLICATIONS -DUPLICATOR -DUPLICATORS -DUPLICITY -DUPONT -DUPONT -DUPONTS -DUPONTS -DUQUESNE -DURABILITIES -DURABILITY -DURABLE -DURABLY -DURANGO -DURATION -DURATIONS -DURER -DURERS -DURESS -DURHAM -DURING -DURKEE -DURKIN -DURRELL -DURWARD -DUSENBERG -DUSENBURY -DUSK -DUSKINESS -DUSKY -DUSSELDORF -DUST -DUSTBIN -DUSTED -DUSTER -DUSTERS -DUSTIER -DUSTIEST -DUSTIN -DUSTING -DUSTS -DUSTY -DUTCH -DUTCHESS -DUTCHMAN -DUTCHMEN -DUTIES -DUTIFUL -DUTIFULLY -DUTIFULNESS -DUTTON -DUTY -DVORAK -DWARF -DWARFED -DWARFS -DWARVES -DWELL -DWELLED -DWELLER -DWELLERS -DWELLING -DWELLINGS -DWELLS -DWELT -DWIGHT -DWINDLE -DWINDLED -DWINDLING -DWYER -DYAD -DYADIC -DYE -DYED -DYEING -DYER -DYERS -DYES -DYING -DYKE -DYLAN -DYNAMIC -DYNAMICALLY -DYNAMICS -DYNAMISM -DYNAMITE -DYNAMITED -DYNAMITES -DYNAMITING -DYNAMO -DYNASTIC -DYNASTIES -DYNASTY -DYNE -DYSENTERY -DYSPEPTIC -DYSTROPHY -EACH -EAGAN -EAGER -EAGERLY -EAGERNESS -EAGLE -EAGLES -EAR -EARDRUM -EARED -EARL -EARLIER -EARLIEST -EARLINESS -EARLS -EARLY -EARMARK -EARMARKED -EARMARKING -EARMARKINGS -EARMARKS -EARN -EARNED -EARNER -EARNERS -EARNEST -EARNESTLY -EARNESTNESS -EARNING -EARNINGS -EARNS -EARP -EARPHONE -EARRING -EARRINGS -EARS -EARSPLITTING -EARTH -EARTHEN -EARTHENWARE -EARTHLINESS -EARTHLING -EARTHLY -EARTHMAN -EARTHMEN -EARTHMOVER -EARTHQUAKE -EARTHQUAKES -EARTHS -EARTHWORM -EARTHWORMS -EARTHY -EASE -EASED -EASEL -EASEMENT -EASEMENTS -EASES -EASIER -EASIEST -EASILY -EASINESS -EASING -EAST -EASTBOUND -EASTER -EASTERN -EASTERNER -EASTERNERS -EASTERNMOST -EASTHAMPTON -EASTLAND -EASTMAN -EASTWARD -EASTWARDS -EASTWICK -EASTWOOD -EASY -EASYGOING -EAT -EATEN -EATER -EATERS -EATING -EATINGS -EATON -EATS -EAVES -EAVESDROP -EAVESDROPPED -EAVESDROPPER -EAVESDROPPERS -EAVESDROPPING -EAVESDROPS -EBB -EBBING -EBBS -EBEN -EBONY -ECCENTRIC -ECCENTRICITIES -ECCENTRICITY -ECCENTRICS -ECCLES -ECCLESIASTICAL -ECHELON -ECHO -ECHOED -ECHOES -ECHOING -ECLECTIC -ECLIPSE -ECLIPSED -ECLIPSES -ECLIPSING -ECLIPTIC -ECOLE -ECOLOGY -ECONOMETRIC -ECONOMETRICA -ECONOMIC -ECONOMICAL -ECONOMICALLY -ECONOMICS -ECONOMIES -ECONOMIST -ECONOMISTS -ECONOMIZE -ECONOMIZED -ECONOMIZER -ECONOMIZERS -ECONOMIZES -ECONOMIZING -ECONOMY -ECOSYSTEM -ECSTASY -ECSTATIC -ECUADOR -ECUADORIAN -EDDIE -EDDIES -EDDY -EDEN -EDENIZATION -EDENIZATIONS -EDENIZE -EDENIZES -EDGAR -EDGE -EDGED -EDGERTON -EDGES -EDGEWATER -EDGEWOOD -EDGING -EDIBLE -EDICT -EDICTS -EDIFICE -EDIFICES -EDINBURGH -EDISON -EDIT -EDITED -EDITH -EDITING -EDITION -EDITIONS -EDITOR -EDITORIAL -EDITORIALLY -EDITORIALS -EDITORS -EDITS -EDMONDS -EDMONDSON -EDMONTON -EDMUND -EDNA -EDSGER -EDUARD -EDUARDO -EDUCABLE -EDUCATE -EDUCATED -EDUCATES -EDUCATING -EDUCATION -EDUCATIONAL -EDUCATIONALLY -EDUCATIONS -EDUCATOR -EDUCATORS -EDWARD -EDWARDIAN -EDWARDINE -EDWARDS -EDWIN -EDWINA -EEL -EELGRASS -EELS -EERIE -EERILY -EFFECT -EFFECTED -EFFECTING -EFFECTIVE -EFFECTIVELY -EFFECTIVENESS -EFFECTOR -EFFECTORS -EFFECTS -EFFECTUALLY -EFFECTUATE -EFFEMINATE -EFFICACY -EFFICIENCIES -EFFICIENCY -EFFICIENT -EFFICIENTLY -EFFIE -EFFIGY -EFFORT -EFFORTLESS -EFFORTLESSLY -EFFORTLESSNESS -EFFORTS -EGALITARIAN -EGAN -EGG -EGGED -EGGHEAD -EGGING -EGGPLANT -EGGS -EGGSHELL -EGO -EGOCENTRIC -EGOS -EGOTISM -EGOTIST -EGYPT -EGYPTIAN -EGYPTIANIZATION -EGYPTIANIZATIONS -EGYPTIANIZE -EGYPTIANIZES -EGYPTIANS -EGYPTIZE -EGYPTIZES -EGYPTOLOGY -EHRLICH -EICHMANN -EIFFEL -EIGENFUNCTION -EIGENSTATE -EIGENVALUE -EIGENVALUES -EIGENVECTOR -EIGHT -EIGHTEEN -EIGHTEENS -EIGHTEENTH -EIGHTFOLD -EIGHTH -EIGHTHES -EIGHTIES -EIGHTIETH -EIGHTS -EIGHTY -EILEEN -EINSTEIN -EINSTEINIAN -EIRE -EISENHOWER -EISNER -EITHER -EJACULATE -EJACULATED -EJACULATES -EJACULATING -EJACULATION -EJACULATIONS -EJECT -EJECTED -EJECTING -EJECTS -EKBERG -EKE -EKED -EKES -EKSTROM -EKTACHROME -ELABORATE -ELABORATED -ELABORATELY -ELABORATENESS -ELABORATES -ELABORATING -ELABORATION -ELABORATIONS -ELABORATORS -ELAINE -ELAPSE -ELAPSED -ELAPSES -ELAPSING -ELASTIC -ELASTICALLY -ELASTICITY -ELBA -ELBOW -ELBOWING -ELBOWS -ELDER -ELDERLY -ELDERS -ELDEST -ELDON -ELEANOR -ELEAZAR -ELECT -ELECTED -ELECTING -ELECTION -ELECTIONS -ELECTIVE -ELECTIVES -ELECTOR -ELECTORAL -ELECTORATE -ELECTORS -ELECTRA -ELECTRIC -ELECTRICAL -ELECTRICALLY -ELECTRICALNESS -ELECTRICIAN -ELECTRICITY -ELECTRIFICATION -ELECTRIFY -ELECTRIFYING -ELECTRO -ELECTROCARDIOGRAM -ELECTROCARDIOGRAPH -ELECTROCUTE -ELECTROCUTED -ELECTROCUTES -ELECTROCUTING -ELECTROCUTION -ELECTROCUTIONS -ELECTRODE -ELECTRODES -ELECTROENCEPHALOGRAM -ELECTROENCEPHALOGRAPH -ELECTROENCEPHALOGRAPHY -ELECTROLYSIS -ELECTROLYTE -ELECTROLYTES -ELECTROLYTIC -ELECTROMAGNETIC -ELECTROMECHANICAL -ELECTRON -ELECTRONIC -ELECTRONICALLY -ELECTRONICS -ELECTRONS -ELECTROPHORESIS -ELECTROPHORUS -ELECTS -ELEGANCE -ELEGANT -ELEGANTLY -ELEGY -ELEMENT -ELEMENTAL -ELEMENTALS -ELEMENTARY -ELEMENTS -ELENA -ELEPHANT -ELEPHANTS -ELEVATE -ELEVATED -ELEVATES -ELEVATION -ELEVATOR -ELEVATORS -ELEVEN -ELEVENS -ELEVENTH -ELF -ELGIN -ELI -ELICIT -ELICITED -ELICITING -ELICITS -ELIDE -ELIGIBILITY -ELIGIBLE -ELIJAH -ELIMINATE -ELIMINATED -ELIMINATES -ELIMINATING -ELIMINATION -ELIMINATIONS -ELIMINATOR -ELIMINATORS -ELINOR -ELIOT -ELISABETH -ELISHA -ELISION -ELITE -ELITIST -ELIZABETH -ELIZABETHAN -ELIZABETHANIZE -ELIZABETHANIZES -ELIZABETHANS -ELK -ELKHART -ELKS -ELLA -ELLEN -ELLIE -ELLIOT -ELLIOTT -ELLIPSE -ELLIPSES -ELLIPSIS -ELLIPSOID -ELLIPSOIDAL -ELLIPSOIDS -ELLIPTIC -ELLIPTICAL -ELLIPTICALLY -ELLIS -ELLISON -ELLSWORTH -ELLWOOD -ELM -ELMER -ELMHURST -ELMIRA -ELMS -ELMSFORD -ELOISE -ELOPE -ELOQUENCE -ELOQUENT -ELOQUENTLY -ELROY -ELSE -ELSEVIER -ELSEWHERE -ELSIE -ELSINORE -ELTON -ELUCIDATE -ELUCIDATED -ELUCIDATES -ELUCIDATING -ELUCIDATION -ELUDE -ELUDED -ELUDES -ELUDING -ELUSIVE -ELUSIVELY -ELUSIVENESS -ELVES -ELVIS -ELY -ELYSEE -ELYSEES -ELYSIUM -EMACIATE -EMACIATED -EMACS -EMANATE -EMANATING -EMANCIPATE -EMANCIPATION -EMANUEL -EMASCULATE -EMBALM -EMBARGO -EMBARGOES -EMBARK -EMBARKED -EMBARKS -EMBARRASS -EMBARRASSED -EMBARRASSES -EMBARRASSING -EMBARRASSMENT -EMBASSIES -EMBASSY -EMBED -EMBEDDED -EMBEDDING -EMBEDS -EMBELLISH -EMBELLISHED -EMBELLISHES -EMBELLISHING -EMBELLISHMENT -EMBELLISHMENTS -EMBER -EMBEZZLE -EMBLEM -EMBODIED -EMBODIES -EMBODIMENT -EMBODIMENTS -EMBODY -EMBODYING -EMBOLDEN -EMBRACE -EMBRACED -EMBRACES -EMBRACING -EMBROIDER -EMBROIDERED -EMBROIDERIES -EMBROIDERS -EMBROIDERY -EMBROIL -EMBRYO -EMBRYOLOGY -EMBRYOS -EMERALD -EMERALDS -EMERGE -EMERGED -EMERGENCE -EMERGENCIES -EMERGENCY -EMERGENT -EMERGES -EMERGING -EMERITUS -EMERSON -EMERY -EMIGRANT -EMIGRANTS -EMIGRATE -EMIGRATED -EMIGRATES -EMIGRATING -EMIGRATION -EMIL -EMILE -EMILIO -EMILY -EMINENCE -EMINENT -EMINENTLY -EMISSARY -EMISSION -EMIT -EMITS -EMITTED -EMITTER -EMITTING -EMMA -EMMANUEL -EMMETT -EMORY -EMOTION -EMOTIONAL -EMOTIONALLY -EMOTIONS -EMPATHY -EMPEROR -EMPERORS -EMPHASES -EMPHASIS -EMPHASIZE -EMPHASIZED -EMPHASIZES -EMPHASIZING -EMPHATIC -EMPHATICALLY -EMPIRE -EMPIRES -EMPIRICAL -EMPIRICALLY -EMPIRICIST -EMPIRICISTS -EMPLOY -EMPLOYABLE -EMPLOYED -EMPLOYEE -EMPLOYEES -EMPLOYER -EMPLOYERS -EMPLOYING -EMPLOYMENT -EMPLOYMENTS -EMPLOYS -EMPORIUM -EMPOWER -EMPOWERED -EMPOWERING -EMPOWERS -EMPRESS -EMPTIED -EMPTIER -EMPTIES -EMPTIEST -EMPTILY -EMPTINESS -EMPTY -EMPTYING -EMULATE -EMULATED -EMULATES -EMULATING -EMULATION -EMULATIONS -EMULATOR -EMULATORS -ENABLE -ENABLED -ENABLER -ENABLERS -ENABLES -ENABLING -ENACT -ENACTED -ENACTING -ENACTMENT -ENACTS -ENAMEL -ENAMELED -ENAMELING -ENAMELS -ENCAMP -ENCAMPED -ENCAMPING -ENCAMPS -ENCAPSULATE -ENCAPSULATED -ENCAPSULATES -ENCAPSULATING -ENCAPSULATION -ENCASED -ENCHANT -ENCHANTED -ENCHANTER -ENCHANTING -ENCHANTMENT -ENCHANTRESS -ENCHANTS -ENCIPHER -ENCIPHERED -ENCIPHERING -ENCIPHERS -ENCIRCLE -ENCIRCLED -ENCIRCLES -ENCLOSE -ENCLOSED -ENCLOSES -ENCLOSING -ENCLOSURE -ENCLOSURES -ENCODE -ENCODED -ENCODER -ENCODERS -ENCODES -ENCODING -ENCODINGS -ENCOMPASS -ENCOMPASSED -ENCOMPASSES -ENCOMPASSING -ENCORE -ENCOUNTER -ENCOUNTERED -ENCOUNTERING -ENCOUNTERS -ENCOURAGE -ENCOURAGED -ENCOURAGEMENT -ENCOURAGEMENTS -ENCOURAGES -ENCOURAGING -ENCOURAGINGLY -ENCROACH -ENCRUST -ENCRYPT -ENCRYPTED -ENCRYPTING -ENCRYPTION -ENCRYPTIONS -ENCRYPTS -ENCUMBER -ENCUMBERED -ENCUMBERING -ENCUMBERS -ENCYCLOPEDIA -ENCYCLOPEDIAS -ENCYCLOPEDIC -END -ENDANGER -ENDANGERED -ENDANGERING -ENDANGERS -ENDEAR -ENDEARED -ENDEARING -ENDEARS -ENDEAVOR -ENDEAVORED -ENDEAVORING -ENDEAVORS -ENDED -ENDEMIC -ENDER -ENDERS -ENDGAME -ENDICOTT -ENDING -ENDINGS -ENDLESS -ENDLESSLY -ENDLESSNESS -ENDORSE -ENDORSED -ENDORSEMENT -ENDORSES -ENDORSING -ENDOW -ENDOWED -ENDOWING -ENDOWMENT -ENDOWMENTS -ENDOWS -ENDPOINT -ENDS -ENDURABLE -ENDURABLY -ENDURANCE -ENDURE -ENDURED -ENDURES -ENDURING -ENDURINGLY -ENEMA -ENEMAS -ENEMIES -ENEMY -ENERGETIC -ENERGIES -ENERGIZE -ENERGY -ENERVATE -ENFEEBLE -ENFIELD -ENFORCE -ENFORCEABLE -ENFORCED -ENFORCEMENT -ENFORCER -ENFORCERS -ENFORCES -ENFORCING -ENFRANCHISE -ENG -ENGAGE -ENGAGED -ENGAGEMENT -ENGAGEMENTS -ENGAGES -ENGAGING -ENGAGINGLY -ENGEL -ENGELS -ENGENDER -ENGENDERED -ENGENDERING -ENGENDERS -ENGINE -ENGINEER -ENGINEERED -ENGINEERING -ENGINEERS -ENGINES -ENGLAND -ENGLANDER -ENGLANDERS -ENGLE -ENGLEWOOD -ENGLISH -ENGLISHIZE -ENGLISHIZES -ENGLISHMAN -ENGLISHMEN -ENGRAVE -ENGRAVED -ENGRAVER -ENGRAVES -ENGRAVING -ENGRAVINGS -ENGROSS -ENGROSSED -ENGROSSING -ENGULF -ENHANCE -ENHANCED -ENHANCEMENT -ENHANCEMENTS -ENHANCES -ENHANCING -ENID -ENIGMA -ENIGMATIC -ENJOIN -ENJOINED -ENJOINING -ENJOINS -ENJOY -ENJOYABLE -ENJOYABLY -ENJOYED -ENJOYING -ENJOYMENT -ENJOYS -ENLARGE -ENLARGED -ENLARGEMENT -ENLARGEMENTS -ENLARGER -ENLARGERS -ENLARGES -ENLARGING -ENLIGHTEN -ENLIGHTENED -ENLIGHTENING -ENLIGHTENMENT -ENLIST -ENLISTED -ENLISTMENT -ENLISTS -ENLIVEN -ENLIVENED -ENLIVENING -ENLIVENS -ENMITIES -ENMITY -ENNOBLE -ENNOBLED -ENNOBLES -ENNOBLING -ENNUI -ENOCH -ENORMITIES -ENORMITY -ENORMOUS -ENORMOUSLY -ENOS -ENOUGH -ENQUEUE -ENQUEUED -ENQUEUES -ENQUIRE -ENQUIRED -ENQUIRER -ENQUIRES -ENQUIRY -ENRAGE -ENRAGED -ENRAGES -ENRAGING -ENRAPTURE -ENRICH -ENRICHED -ENRICHES -ENRICHING -ENRICO -ENROLL -ENROLLED -ENROLLING -ENROLLMENT -ENROLLMENTS -ENROLLS -ENSEMBLE -ENSEMBLES -ENSIGN -ENSIGNS -ENSLAVE -ENSLAVED -ENSLAVES -ENSLAVING -ENSNARE -ENSNARED -ENSNARES -ENSNARING -ENSOLITE -ENSUE -ENSUED -ENSUES -ENSUING -ENSURE -ENSURED -ENSURER -ENSURERS -ENSURES -ENSURING -ENTAIL -ENTAILED -ENTAILING -ENTAILS -ENTANGLE -ENTER -ENTERED -ENTERING -ENTERPRISE -ENTERPRISES -ENTERPRISING -ENTERS -ENTERTAIN -ENTERTAINED -ENTERTAINER -ENTERTAINERS -ENTERTAINING -ENTERTAININGLY -ENTERTAINMENT -ENTERTAINMENTS -ENTERTAINS -ENTHUSIASM -ENTHUSIASMS -ENTHUSIAST -ENTHUSIASTIC -ENTHUSIASTICALLY -ENTHUSIASTS -ENTICE -ENTICED -ENTICER -ENTICERS -ENTICES -ENTICING -ENTIRE -ENTIRELY -ENTIRETIES -ENTIRETY -ENTITIES -ENTITLE -ENTITLED -ENTITLES -ENTITLING -ENTITY -ENTOMB -ENTRANCE -ENTRANCED -ENTRANCES -ENTRAP -ENTREAT -ENTREATED -ENTREATY -ENTREE -ENTRENCH -ENTRENCHED -ENTRENCHES -ENTRENCHING -ENTREPRENEUR -ENTREPRENEURIAL -ENTREPRENEURS -ENTRIES -ENTROPY -ENTRUST -ENTRUSTED -ENTRUSTING -ENTRUSTS -ENTRY -ENUMERABLE -ENUMERATE -ENUMERATED -ENUMERATES -ENUMERATING -ENUMERATION -ENUMERATIVE -ENUMERATOR -ENUMERATORS -ENUNCIATION -ENVELOP -ENVELOPE -ENVELOPED -ENVELOPER -ENVELOPES -ENVELOPING -ENVELOPS -ENVIED -ENVIES -ENVIOUS -ENVIOUSLY -ENVIOUSNESS -ENVIRON -ENVIRONING -ENVIRONMENT -ENVIRONMENTAL -ENVIRONMENTS -ENVIRONS -ENVISAGE -ENVISAGED -ENVISAGES -ENVISION -ENVISIONED -ENVISIONING -ENVISIONS -ENVOY -ENVOYS -ENVY -ENZYME -EOCENE -EPAULET -EPAULETS -EPHEMERAL -EPHESIAN -EPHESIANS -EPHESUS -EPHRAIM -EPIC -EPICENTER -EPICS -EPICUREAN -EPICURIZE -EPICURIZES -EPICURUS -EPIDEMIC -EPIDEMICS -EPIDERMIS -EPIGRAM -EPILEPTIC -EPILOGUE -EPIPHANY -EPISCOPAL -EPISCOPALIAN -EPISCOPALIANIZE -EPISCOPALIANIZES -EPISODE -EPISODES -EPISTEMOLOGICAL -EPISTEMOLOGY -EPISTLE -EPISTLES -EPITAPH -EPITAPHS -EPITAXIAL -EPITAXIALLY -EPITHET -EPITHETS -EPITOMIZE -EPITOMIZED -EPITOMIZES -EPITOMIZING -EPOCH -EPOCHS -EPSILON -EPSOM -EPSTEIN -EQUAL -EQUALED -EQUALING -EQUALITIES -EQUALITY -EQUALIZATION -EQUALIZE -EQUALIZED -EQUALIZER -EQUALIZERS -EQUALIZES -EQUALIZING -EQUALLY -EQUALS -EQUATE -EQUATED -EQUATES -EQUATING -EQUATION -EQUATIONS -EQUATOR -EQUATORIAL -EQUATORS -EQUESTRIAN -EQUIDISTANT -EQUILATERAL -EQUILIBRATE -EQUILIBRIA -EQUILIBRIUM -EQUILIBRIUMS -EQUINOX -EQUIP -EQUIPMENT -EQUIPOISE -EQUIPPED -EQUIPPING -EQUIPS -EQUITABLE -EQUITABLY -EQUITY -EQUIVALENCE -EQUIVALENCES -EQUIVALENT -EQUIVALENTLY -EQUIVALENTS -EQUIVOCAL -EQUIVOCALLY -ERA -ERADICATE -ERADICATED -ERADICATES -ERADICATING -ERADICATION -ERAS -ERASABLE -ERASE -ERASED -ERASER -ERASERS -ERASES -ERASING -ERASMUS -ERASTUS -ERASURE -ERATO -ERATOSTHENES -ERE -ERECT -ERECTED -ERECTING -ERECTION -ERECTIONS -ERECTOR -ERECTORS -ERECTS -ERG -ERGO -ERGODIC -ERIC -ERICH -ERICKSON -ERICSSON -ERIE -ERIK -ERIKSON -ERIS -ERLANG -ERLENMEYER -ERLENMEYERS -ERMINE -ERMINES -ERNE -ERNEST -ERNESTINE -ERNIE -ERNST -ERODE -EROS -EROSION -EROTIC -EROTICA -ERR -ERRAND -ERRANT -ERRATA -ERRATIC -ERRATUM -ERRED -ERRING -ERRINGLY -ERROL -ERRONEOUS -ERRONEOUSLY -ERRONEOUSNESS -ERROR -ERRORS -ERRS -ERSATZ -ERSKINE -ERUDITE -ERUPT -ERUPTION -ERVIN -ERWIN -ESCALATE -ESCALATED -ESCALATES -ESCALATING -ESCALATION -ESCAPABLE -ESCAPADE -ESCAPADES -ESCAPE -ESCAPED -ESCAPEE -ESCAPEES -ESCAPES -ESCAPING -ESCHERICHIA -ESCHEW -ESCHEWED -ESCHEWING -ESCHEWS -ESCORT -ESCORTED -ESCORTING -ESCORTS -ESCROW -ESKIMO -ESKIMOIZED -ESKIMOIZEDS -ESKIMOS -ESMARK -ESOTERIC -ESPAGNOL -ESPECIAL -ESPECIALLY -ESPIONAGE -ESPOSITO -ESPOUSE -ESPOUSED -ESPOUSES -ESPOUSING -ESPRIT -ESPY -ESQUIRE -ESQUIRES -ESSAY -ESSAYED -ESSAYS -ESSEN -ESSENCE -ESSENCES -ESSENIZE -ESSENIZES -ESSENTIAL -ESSENTIALLY -ESSENTIALS -ESSEX -ESTABLISH -ESTABLISHED -ESTABLISHES -ESTABLISHING -ESTABLISHMENT -ESTABLISHMENTS -ESTATE -ESTATES -ESTEEM -ESTEEMED -ESTEEMING -ESTEEMS -ESTELLA -ESTES -ESTHER -ESTHETICS -ESTIMATE -ESTIMATED -ESTIMATES -ESTIMATING -ESTIMATION -ESTIMATIONS -ESTONIA -ESTONIAN -ETCH -ETCHING -ETERNAL -ETERNALLY -ETERNITIES -ETERNITY -ETHAN -ETHEL -ETHER -ETHEREAL -ETHEREALLY -ETHERNET -ETHERNETS -ETHERS -ETHIC -ETHICAL -ETHICALLY -ETHICS -ETHIOPIA -ETHIOPIANS -ETHNIC -ETIQUETTE -ETRURIA -ETRUSCAN -ETYMOLOGY -EUCALYPTUS -EUCHARIST -EUCLID -EUCLIDEAN -EUGENE -EUGENIA -EULER -EULERIAN -EUMENIDES -EUNICE -EUNUCH -EUNUCHS -EUPHEMISM -EUPHEMISMS -EUPHORIA -EUPHORIC -EUPHRATES -EURASIA -EURASIAN -EUREKA -EURIPIDES -EUROPA -EUROPE -EUROPEAN -EUROPEANIZATION -EUROPEANIZATIONS -EUROPEANIZE -EUROPEANIZED -EUROPEANIZES -EUROPEANS -EURYDICE -EUTERPE -EUTHANASIA -EVA -EVACUATE -EVACUATED -EVACUATION -EVADE -EVADED -EVADES -EVADING -EVALUATE -EVALUATED -EVALUATES -EVALUATING -EVALUATION -EVALUATIONS -EVALUATIVE -EVALUATOR -EVALUATORS -EVANGELINE -EVANS -EVANSTON -EVANSVILLE -EVAPORATE -EVAPORATED -EVAPORATING -EVAPORATION -EVAPORATIVE -EVASION -EVASIVE -EVE -EVELYN -EVEN -EVENED -EVENHANDED -EVENHANDEDLY -EVENHANDEDNESS -EVENING -EVENINGS -EVENLY -EVENNESS -EVENS -EVENSEN -EVENT -EVENTFUL -EVENTFULLY -EVENTS -EVENTUAL -EVENTUALITIES -EVENTUALITY -EVENTUALLY -EVER -EVEREADY -EVEREST -EVERETT -EVERGLADE -EVERGLADES -EVERGREEN -EVERHART -EVERLASTING -EVERLASTINGLY -EVERMORE -EVERY -EVERYBODY -EVERYDAY -EVERYONE -EVERYTHING -EVERYWHERE -EVICT -EVICTED -EVICTING -EVICTION -EVICTIONS -EVICTS -EVIDENCE -EVIDENCED -EVIDENCES -EVIDENCING -EVIDENT -EVIDENTLY -EVIL -EVILLER -EVILLY -EVILS -EVINCE -EVINCED -EVINCES -EVOKE -EVOKED -EVOKES -EVOKING -EVOLUTE -EVOLUTES -EVOLUTION -EVOLUTIONARY -EVOLUTIONS -EVOLVE -EVOLVED -EVOLVES -EVOLVING -EWE -EWEN -EWES -EWING -EXACERBATE -EXACERBATED -EXACERBATES -EXACERBATING -EXACERBATION -EXACERBATIONS -EXACT -EXACTED -EXACTING -EXACTINGLY -EXACTION -EXACTIONS -EXACTITUDE -EXACTLY -EXACTNESS -EXACTS -EXAGGERATE -EXAGGERATED -EXAGGERATES -EXAGGERATING -EXAGGERATION -EXAGGERATIONS -EXALT -EXALTATION -EXALTED -EXALTING -EXALTS -EXAM -EXAMINATION -EXAMINATIONS -EXAMINE -EXAMINED -EXAMINER -EXAMINERS -EXAMINES -EXAMINING -EXAMPLE -EXAMPLES -EXAMS -EXASPERATE -EXASPERATED -EXASPERATES -EXASPERATING -EXASPERATION -EXCAVATE -EXCAVATED -EXCAVATES -EXCAVATING -EXCAVATION -EXCAVATIONS -EXCEED -EXCEEDED -EXCEEDING -EXCEEDINGLY -EXCEEDS -EXCEL -EXCELLED -EXCELLENCE -EXCELLENCES -EXCELLENCY -EXCELLENT -EXCELLENTLY -EXCELLING -EXCELS -EXCEPT -EXCEPTED -EXCEPTING -EXCEPTION -EXCEPTIONABLE -EXCEPTIONAL -EXCEPTIONALLY -EXCEPTIONS -EXCEPTS -EXCERPT -EXCERPTED -EXCERPTS -EXCESS -EXCESSES -EXCESSIVE -EXCESSIVELY -EXCHANGE -EXCHANGEABLE -EXCHANGED -EXCHANGES -EXCHANGING -EXCHEQUER -EXCHEQUERS -EXCISE -EXCISED -EXCISES -EXCISING -EXCISION -EXCITABLE -EXCITATION -EXCITATIONS -EXCITE -EXCITED -EXCITEDLY -EXCITEMENT -EXCITES -EXCITING -EXCITINGLY -EXCITON -EXCLAIM -EXCLAIMED -EXCLAIMER -EXCLAIMERS -EXCLAIMING -EXCLAIMS -EXCLAMATION -EXCLAMATIONS -EXCLAMATORY -EXCLUDE -EXCLUDED -EXCLUDES -EXCLUDING -EXCLUSION -EXCLUSIONARY -EXCLUSIONS -EXCLUSIVE -EXCLUSIVELY -EXCLUSIVENESS -EXCLUSIVITY -EXCOMMUNICATE -EXCOMMUNICATED -EXCOMMUNICATES -EXCOMMUNICATING -EXCOMMUNICATION -EXCRETE -EXCRETED -EXCRETES -EXCRETING -EXCRETION -EXCRETIONS -EXCRETORY -EXCRUCIATE -EXCURSION -EXCURSIONS -EXCUSABLE -EXCUSABLY -EXCUSE -EXCUSED -EXCUSES -EXCUSING -EXEC -EXECUTABLE -EXECUTE -EXECUTED -EXECUTES -EXECUTING -EXECUTION -EXECUTIONAL -EXECUTIONER -EXECUTIONS -EXECUTIVE -EXECUTIVES -EXECUTOR -EXECUTORS -EXEMPLAR -EXEMPLARY -EXEMPLIFICATION -EXEMPLIFIED -EXEMPLIFIER -EXEMPLIFIERS -EXEMPLIFIES -EXEMPLIFY -EXEMPLIFYING -EXEMPT -EXEMPTED -EXEMPTING -EXEMPTION -EXEMPTS -EXERCISE -EXERCISED -EXERCISER -EXERCISERS -EXERCISES -EXERCISING -EXERT -EXERTED -EXERTING -EXERTION -EXERTIONS -EXERTS -EXETER -EXHALE -EXHALED -EXHALES -EXHALING -EXHAUST -EXHAUSTED -EXHAUSTEDLY -EXHAUSTING -EXHAUSTION -EXHAUSTIVE -EXHAUSTIVELY -EXHAUSTS -EXHIBIT -EXHIBITED -EXHIBITING -EXHIBITION -EXHIBITIONS -EXHIBITOR -EXHIBITORS -EXHIBITS -EXHILARATE -EXHORT -EXHORTATION -EXHORTATIONS -EXHUME -EXIGENCY -EXILE -EXILED -EXILES -EXILING -EXIST -EXISTED -EXISTENCE -EXISTENT -EXISTENTIAL -EXISTENTIALISM -EXISTENTIALIST -EXISTENTIALISTS -EXISTENTIALLY -EXISTING -EXISTS -EXIT -EXITED -EXITING -EXITS -EXODUS -EXORBITANT -EXORBITANTLY -EXORCISM -EXORCIST -EXOSKELETON -EXOTIC -EXPAND -EXPANDABLE -EXPANDED -EXPANDER -EXPANDERS -EXPANDING -EXPANDS -EXPANSE -EXPANSES -EXPANSIBLE -EXPANSION -EXPANSIONISM -EXPANSIONS -EXPANSIVE -EXPECT -EXPECTANCY -EXPECTANT -EXPECTANTLY -EXPECTATION -EXPECTATIONS -EXPECTED -EXPECTEDLY -EXPECTING -EXPECTINGLY -EXPECTS -EXPEDIENCY -EXPEDIENT -EXPEDIENTLY -EXPEDITE -EXPEDITED -EXPEDITES -EXPEDITING -EXPEDITION -EXPEDITIONS -EXPEDITIOUS -EXPEDITIOUSLY -EXPEL -EXPELLED -EXPELLING -EXPELS -EXPEND -EXPENDABLE -EXPENDED -EXPENDING -EXPENDITURE -EXPENDITURES -EXPENDS -EXPENSE -EXPENSES -EXPENSIVE -EXPENSIVELY -EXPERIENCE -EXPERIENCED -EXPERIENCES -EXPERIENCING -EXPERIMENT -EXPERIMENTAL -EXPERIMENTALLY -EXPERIMENTATION -EXPERIMENTATIONS -EXPERIMENTED -EXPERIMENTER -EXPERIMENTERS -EXPERIMENTING -EXPERIMENTS -EXPERT -EXPERTISE -EXPERTLY -EXPERTNESS -EXPERTS -EXPIRATION -EXPIRATIONS -EXPIRE -EXPIRED -EXPIRES -EXPIRING -EXPLAIN -EXPLAINABLE -EXPLAINED -EXPLAINER -EXPLAINERS -EXPLAINING -EXPLAINS -EXPLANATION -EXPLANATIONS -EXPLANATORY -EXPLETIVE -EXPLICIT -EXPLICITLY -EXPLICITNESS -EXPLODE -EXPLODED -EXPLODES -EXPLODING -EXPLOIT -EXPLOITABLE -EXPLOITATION -EXPLOITATIONS -EXPLOITED -EXPLOITER -EXPLOITERS -EXPLOITING -EXPLOITS -EXPLORATION -EXPLORATIONS -EXPLORATORY -EXPLORE -EXPLORED -EXPLORER -EXPLORERS -EXPLORES -EXPLORING -EXPLOSION -EXPLOSIONS -EXPLOSIVE -EXPLOSIVELY -EXPLOSIVES -EXPONENT -EXPONENTIAL -EXPONENTIALLY -EXPONENTIALS -EXPONENTIATE -EXPONENTIATED -EXPONENTIATES -EXPONENTIATING -EXPONENTIATION -EXPONENTIATIONS -EXPONENTS -EXPORT -EXPORTATION -EXPORTED -EXPORTER -EXPORTERS -EXPORTING -EXPORTS -EXPOSE -EXPOSED -EXPOSER -EXPOSERS -EXPOSES -EXPOSING -EXPOSITION -EXPOSITIONS -EXPOSITORY -EXPOSURE -EXPOSURES -EXPOUND -EXPOUNDED -EXPOUNDER -EXPOUNDING -EXPOUNDS -EXPRESS -EXPRESSED -EXPRESSES -EXPRESSIBILITY -EXPRESSIBLE -EXPRESSIBLY -EXPRESSING -EXPRESSION -EXPRESSIONS -EXPRESSIVE -EXPRESSIVELY -EXPRESSIVENESS -EXPRESSLY -EXPULSION -EXPUNGE -EXPUNGED -EXPUNGES -EXPUNGING -EXPURGATE -EXQUISITE -EXQUISITELY -EXQUISITENESS -EXTANT -EXTEMPORANEOUS -EXTEND -EXTENDABLE -EXTENDED -EXTENDING -EXTENDS -EXTENSIBILITY -EXTENSIBLE -EXTENSION -EXTENSIONS -EXTENSIVE -EXTENSIVELY -EXTENT -EXTENTS -EXTENUATE -EXTENUATED -EXTENUATING -EXTENUATION -EXTERIOR -EXTERIORS -EXTERMINATE -EXTERMINATED -EXTERMINATES -EXTERMINATING -EXTERMINATION -EXTERNAL -EXTERNALLY -EXTINCT -EXTINCTION -EXTINGUISH -EXTINGUISHED -EXTINGUISHER -EXTINGUISHES -EXTINGUISHING -EXTIRPATE -EXTOL -EXTORT -EXTORTED -EXTORTION -EXTRA -EXTRACT -EXTRACTED -EXTRACTING -EXTRACTION -EXTRACTIONS -EXTRACTOR -EXTRACTORS -EXTRACTS -EXTRACURRICULAR -EXTRAMARITAL -EXTRANEOUS -EXTRANEOUSLY -EXTRANEOUSNESS -EXTRAORDINARILY -EXTRAORDINARINESS -EXTRAORDINARY -EXTRAPOLATE -EXTRAPOLATED -EXTRAPOLATES -EXTRAPOLATING -EXTRAPOLATION -EXTRAPOLATIONS -EXTRAS -EXTRATERRESTRIAL -EXTRAVAGANCE -EXTRAVAGANT -EXTRAVAGANTLY -EXTRAVAGANZA -EXTREMAL -EXTREME -EXTREMELY -EXTREMES -EXTREMIST -EXTREMISTS -EXTREMITIES -EXTREMITY -EXTRICATE -EXTRINSIC -EXTROVERT -EXUBERANCE -EXULT -EXULTATION -EXXON -EYE -EYEBALL -EYEBROW -EYEBROWS -EYED -EYEFUL -EYEGLASS -EYEGLASSES -EYEING -EYELASH -EYELID -EYELIDS -EYEPIECE -EYEPIECES -EYER -EYERS -EYES -EYESIGHT -EYEWITNESS -EYEWITNESSES -EYING -EZEKIEL -EZRA -FABER -FABIAN -FABLE -FABLED -FABLES -FABRIC -FABRICATE -FABRICATED -FABRICATES -FABRICATING -FABRICATION -FABRICS -FABULOUS -FABULOUSLY -FACADE -FACADED -FACADES -FACE -FACED -FACES -FACET -FACETED -FACETS -FACIAL -FACILE -FACILELY -FACILITATE -FACILITATED -FACILITATES -FACILITATING -FACILITIES -FACILITY -FACING -FACINGS -FACSIMILE -FACSIMILES -FACT -FACTION -FACTIONS -FACTIOUS -FACTO -FACTOR -FACTORED -FACTORIAL -FACTORIES -FACTORING -FACTORIZATION -FACTORIZATIONS -FACTORS -FACTORY -FACTS -FACTUAL -FACTUALLY -FACULTIES -FACULTY -FADE -FADED -FADEOUT -FADER -FADERS -FADES -FADING -FAFNIR -FAG -FAGIN -FAGS -FAHEY -FAHRENHEIT -FAHRENHEITS -FAIL -FAILED -FAILING -FAILINGS -FAILS -FAILSOFT -FAILURE -FAILURES -FAIN -FAINT -FAINTED -FAINTER -FAINTEST -FAINTING -FAINTLY -FAINTNESS -FAINTS -FAIR -FAIRBANKS -FAIRCHILD -FAIRER -FAIREST -FAIRFAX -FAIRFIELD -FAIRIES -FAIRING -FAIRLY -FAIRMONT -FAIRNESS -FAIRPORT -FAIRS -FAIRVIEW -FAIRY -FAIRYLAND -FAITH -FAITHFUL -FAITHFULLY -FAITHFULNESS -FAITHLESS -FAITHLESSLY -FAITHLESSNESS -FAITHS -FAKE -FAKED -FAKER -FAKES -FAKING -FALCON -FALCONER -FALCONS -FALK -FALKLAND -FALKLANDS -FALL -FALLACIES -FALLACIOUS -FALLACY -FALLEN -FALLIBILITY -FALLIBLE -FALLING -FALLOPIAN -FALLOUT -FALLOW -FALLS -FALMOUTH -FALSE -FALSEHOOD -FALSEHOODS -FALSELY -FALSENESS -FALSIFICATION -FALSIFIED -FALSIFIES -FALSIFY -FALSIFYING -FALSITY -FALSTAFF -FALTER -FALTERED -FALTERS -FAME -FAMED -FAMES -FAMILIAL -FAMILIAR -FAMILIARITIES -FAMILIARITY -FAMILIARIZATION -FAMILIARIZE -FAMILIARIZED -FAMILIARIZES -FAMILIARIZING -FAMILIARLY -FAMILIARNESS -FAMILIES -FAMILISM -FAMILY -FAMINE -FAMINES -FAMISH -FAMOUS -FAMOUSLY -FAN -FANATIC -FANATICISM -FANATICS -FANCIED -FANCIER -FANCIERS -FANCIES -FANCIEST -FANCIFUL -FANCIFULLY -FANCILY -FANCINESS -FANCY -FANCYING -FANFARE -FANFOLD -FANG -FANGLED -FANGS -FANNED -FANNIES -FANNING -FANNY -FANOUT -FANS -FANTASIES -FANTASIZE -FANTASTIC -FANTASY -FAQ -FAR -FARAD -FARADAY -FARAWAY -FARBER -FARCE -FARCES -FARE -FARED -FARES -FAREWELL -FAREWELLS -FARFETCHED -FARGO -FARINA -FARING -FARKAS -FARLEY -FARM -FARMED -FARMER -FARMERS -FARMHOUSE -FARMHOUSES -FARMING -FARMINGTON -FARMLAND -FARMS -FARMYARD -FARMYARDS -FARNSWORTH -FARRELL -FARSIGHTED -FARTHER -FARTHEST -FARTHING -FASCICLE -FASCINATE -FASCINATED -FASCINATES -FASCINATING -FASCINATION -FASCISM -FASCIST -FASHION -FASHIONABLE -FASHIONABLY -FASHIONED -FASHIONING -FASHIONS -FAST -FASTED -FASTEN -FASTENED -FASTENER -FASTENERS -FASTENING -FASTENINGS -FASTENS -FASTER -FASTEST -FASTIDIOUS -FASTING -FASTNESS -FASTS -FAT -FATAL -FATALITIES -FATALITY -FATALLY -FATALS -FATE -FATED -FATEFUL -FATES -FATHER -FATHERED -FATHERLAND -FATHERLY -FATHERS -FATHOM -FATHOMED -FATHOMING -FATHOMS -FATIGUE -FATIGUED -FATIGUES -FATIGUING -FATIMA -FATNESS -FATS -FATTEN -FATTENED -FATTENER -FATTENERS -FATTENING -FATTENS -FATTER -FATTEST -FATTY -FAUCET -FAULKNER -FAULKNERIAN -FAULT -FAULTED -FAULTING -FAULTLESS -FAULTLESSLY -FAULTS -FAULTY -FAUN -FAUNA -FAUNTLEROY -FAUST -FAUSTIAN -FAUSTUS -FAVOR -FAVORABLE -FAVORABLY -FAVORED -FAVORER -FAVORING -FAVORITE -FAVORITES -FAVORITISM -FAVORS -FAWKES -FAWN -FAWNED -FAWNING -FAWNS -FAYETTE -FAYETTEVILLE -FAZE -FEAR -FEARED -FEARFUL -FEARFULLY -FEARING -FEARLESS -FEARLESSLY -FEARLESSNESS -FEARS -FEARSOME -FEASIBILITY -FEASIBLE -FEAST -FEASTED -FEASTING -FEASTS -FEAT -FEATHER -FEATHERBED -FEATHERBEDDING -FEATHERED -FEATHERER -FEATHERERS -FEATHERING -FEATHERMAN -FEATHERS -FEATHERWEIGHT -FEATHERY -FEATS -FEATURE -FEATURED -FEATURES -FEATURING -FEBRUARIES -FEBRUARY -FECUND -FED -FEDDERS -FEDERAL -FEDERALIST -FEDERALLY -FEDERALS -FEDERATION -FEDORA -FEE -FEEBLE -FEEBLENESS -FEEBLER -FEEBLEST -FEEBLY -FEED -FEEDBACK -FEEDER -FEEDERS -FEEDING -FEEDINGS -FEEDS -FEEL -FEELER -FEELERS -FEELING -FEELINGLY -FEELINGS -FEELS -FEENEY -FEES -FEET -FEIGN -FEIGNED -FEIGNING -FELDER -FELDMAN -FELICE -FELICIA -FELICITIES -FELICITY -FELINE -FELIX -FELL -FELLATIO -FELLED -FELLING -FELLINI -FELLOW -FELLOWS -FELLOWSHIP -FELLOWSHIPS -FELON -FELONIOUS -FELONY -FELT -FELTS -FEMALE -FEMALES -FEMININE -FEMININITY -FEMINISM -FEMINIST -FEMUR -FEMURS -FEN -FENCE -FENCED -FENCER -FENCERS -FENCES -FENCING -FEND -FENTON -FENWICK -FERBER -FERDINAND -FERDINANDO -FERGUSON -FERMAT -FERMENT -FERMENTATION -FERMENTATIONS -FERMENTED -FERMENTING -FERMENTS -FERMI -FERN -FERNANDO -FERNS -FEROCIOUS -FEROCIOUSLY -FEROCIOUSNESS -FEROCITY -FERREIRA -FERRER -FERRET -FERRIED -FERRIES -FERRITE -FERRY -FERTILE -FERTILELY -FERTILITY -FERTILIZATION -FERTILIZE -FERTILIZED -FERTILIZER -FERTILIZERS -FERTILIZES -FERTILIZING -FERVENT -FERVENTLY -FERVOR -FERVORS -FESS -FESTIVAL -FESTIVALS -FESTIVE -FESTIVELY -FESTIVITIES -FESTIVITY -FETAL -FETCH -FETCHED -FETCHES -FETCHING -FETCHINGLY -FETID -FETISH -FETTER -FETTERED -FETTERS -FETTLE -FETUS -FEUD -FEUDAL -FEUDALISM -FEUDS -FEVER -FEVERED -FEVERISH -FEVERISHLY -FEVERS -FEW -FEWER -FEWEST -FEWNESS -FIANCE -FIANCEE -FIASCO -FIAT -FIB -FIBBING -FIBER -FIBERGLAS -FIBERS -FIBONACCI -FIBROSITIES -FIBROSITY -FIBROUS -FIBROUSLY -FICKLE -FICKLENESS -FICTION -FICTIONAL -FICTIONALLY -FICTIONS -FICTITIOUS -FICTITIOUSLY -FIDDLE -FIDDLED -FIDDLER -FIDDLES -FIDDLESTICK -FIDDLESTICKS -FIDDLING -FIDEL -FIDELITY -FIDGET -FIDUCIAL -FIEF -FIEFDOM -FIELD -FIELDED -FIELDER -FIELDERS -FIELDING -FIELDS -FIELDWORK -FIEND -FIENDISH -FIERCE -FIERCELY -FIERCENESS -FIERCER -FIERCEST -FIERY -FIFE -FIFTEEN -FIFTEENS -FIFTEENTH -FIFTH -FIFTIES -FIFTIETH -FIFTY -FIG -FIGARO -FIGHT -FIGHTER -FIGHTERS -FIGHTING -FIGHTS -FIGS -FIGURATIVE -FIGURATIVELY -FIGURE -FIGURED -FIGURES -FIGURING -FIGURINGS -FIJI -FIJIAN -FIJIANS -FILAMENT -FILAMENTS -FILE -FILED -FILENAME -FILENAMES -FILER -FILES -FILIAL -FILIBUSTER -FILING -FILINGS -FILIPINO -FILIPINOS -FILIPPO -FILL -FILLABLE -FILLED -FILLER -FILLERS -FILLING -FILLINGS -FILLMORE -FILLS -FILLY -FILM -FILMED -FILMING -FILMS -FILTER -FILTERED -FILTERING -FILTERS -FILTH -FILTHIER -FILTHIEST -FILTHINESS -FILTHY -FIN -FINAL -FINALITY -FINALIZATION -FINALIZE -FINALIZED -FINALIZES -FINALIZING -FINALLY -FINALS -FINANCE -FINANCED -FINANCES -FINANCIAL -FINANCIALLY -FINANCIER -FINANCIERS -FINANCING -FIND -FINDER -FINDERS -FINDING -FINDINGS -FINDS -FINE -FINED -FINELY -FINENESS -FINER -FINES -FINESSE -FINESSED -FINESSING -FINEST -FINGER -FINGERED -FINGERING -FINGERINGS -FINGERNAIL -FINGERPRINT -FINGERPRINTS -FINGERS -FINGERTIP -FINICKY -FINING -FINISH -FINISHED -FINISHER -FINISHERS -FINISHES -FINISHING -FINITE -FINITELY -FINITENESS -FINK -FINLAND -FINLEY -FINN -FINNEGAN -FINNISH -FINNS -FINNY -FINS -FIORELLO -FIORI -FIR -FIRE -FIREARM -FIREARMS -FIREBOAT -FIREBREAK -FIREBUG -FIRECRACKER -FIRED -FIREFLIES -FIREFLY -FIREHOUSE -FIRELIGHT -FIREMAN -FIREMEN -FIREPLACE -FIREPLACES -FIREPOWER -FIREPROOF -FIRER -FIRERS -FIRES -FIRESIDE -FIRESTONE -FIREWALL -FIREWOOD -FIREWORKS -FIRING -FIRINGS -FIRM -FIRMAMENT -FIRMED -FIRMER -FIRMEST -FIRMING -FIRMLY -FIRMNESS -FIRMS -FIRMWARE -FIRST -FIRSTHAND -FIRSTLY -FIRSTS -FISCAL -FISCALLY -FISCHBEIN -FISCHER -FISH -FISHED -FISHER -FISHERMAN -FISHERMEN -FISHERS -FISHERY -FISHES -FISHING -FISHKILL -FISHMONGER -FISHPOND -FISHY -FISK -FISKE -FISSION -FISSURE -FISSURED -FIST -FISTED -FISTICUFF -FISTS -FIT -FITCH -FITCHBURG -FITFUL -FITFULLY -FITLY -FITNESS -FITS -FITTED -FITTER -FITTERS -FITTING -FITTINGLY -FITTINGS -FITZGERALD -FITZPATRICK -FITZROY -FIVE -FIVEFOLD -FIVES -FIX -FIXATE -FIXATED -FIXATES -FIXATING -FIXATION -FIXATIONS -FIXED -FIXEDLY -FIXEDNESS -FIXER -FIXERS -FIXES -FIXING -FIXINGS -FIXTURE -FIXTURES -FIZEAU -FIZZLE -FIZZLED -FLABBERGAST -FLABBERGASTED -FLACK -FLAG -FLAGELLATE -FLAGGED -FLAGGING -FLAGLER -FLAGPOLE -FLAGRANT -FLAGRANTLY -FLAGS -FLAGSTAFF -FLAIL -FLAIR -FLAK -FLAKE -FLAKED -FLAKES -FLAKING -FLAKY -FLAM -FLAMBOYANT -FLAME -FLAMED -FLAMER -FLAMERS -FLAMES -FLAMING -FLAMMABLE -FLANAGAN -FLANDERS -FLANK -FLANKED -FLANKER -FLANKING -FLANKS -FLANNEL -FLANNELS -FLAP -FLAPS -FLARE -FLARED -FLARES -FLARING -FLASH -FLASHBACK -FLASHED -FLASHER -FLASHERS -FLASHES -FLASHING -FLASHLIGHT -FLASHLIGHTS -FLASHY -FLASK -FLAT -FLATBED -FLATLY -FLATNESS -FLATS -FLATTEN -FLATTENED -FLATTENING -FLATTER -FLATTERED -FLATTERER -FLATTERING -FLATTERY -FLATTEST -FLATULENT -FLATUS -FLATWORM -FLAUNT -FLAUNTED -FLAUNTING -FLAUNTS -FLAVOR -FLAVORED -FLAVORING -FLAVORINGS -FLAVORS -FLAW -FLAWED -FLAWLESS -FLAWLESSLY -FLAWS -FLAX -FLAXEN -FLEA -FLEAS -FLED -FLEDERMAUS -FLEDGED -FLEDGLING -FLEDGLINGS -FLEE -FLEECE -FLEECES -FLEECY -FLEEING -FLEES -FLEET -FLEETEST -FLEETING -FLEETLY -FLEETNESS -FLEETS -FLEISCHMAN -FLEISHER -FLEMING -FLEMINGS -FLEMISH -FLEMISHED -FLEMISHES -FLEMISHING -FLESH -FLESHED -FLESHES -FLESHING -FLESHLY -FLESHY -FLETCHER -FLETCHERIZE -FLETCHERIZES -FLEW -FLEX -FLEXIBILITIES -FLEXIBILITY -FLEXIBLE -FLEXIBLY -FLICK -FLICKED -FLICKER -FLICKERING -FLICKING -FLICKS -FLIER -FLIERS -FLIES -FLIGHT -FLIGHTS -FLIMSY -FLINCH -FLINCHED -FLINCHES -FLINCHING -FLING -FLINGS -FLINT -FLINTY -FLIP -FLIPFLOP -FLIPPED -FLIPS -FLIRT -FLIRTATION -FLIRTATIOUS -FLIRTED -FLIRTING -FLIRTS -FLIT -FLITTING -FLO -FLOAT -FLOATED -FLOATER -FLOATING -FLOATS -FLOCK -FLOCKED -FLOCKING -FLOCKS -FLOG -FLOGGING -FLOOD -FLOODED -FLOODING -FLOODLIGHT -FLOODLIT -FLOODS -FLOOR -FLOORED -FLOORING -FLOORINGS -FLOORS -FLOP -FLOPPIES -FLOPPILY -FLOPPING -FLOPPY -FLOPS -FLORA -FLORAL -FLORENCE -FLORENTINE -FLORID -FLORIDA -FLORIDIAN -FLORIDIANS -FLORIN -FLORIST -FLOSS -FLOSSED -FLOSSES -FLOSSING -FLOTATION -FLOTILLA -FLOUNDER -FLOUNDERED -FLOUNDERING -FLOUNDERS -FLOUR -FLOURED -FLOURISH -FLOURISHED -FLOURISHES -FLOURISHING -FLOW -FLOWCHART -FLOWCHARTING -FLOWCHARTS -FLOWED -FLOWER -FLOWERED -FLOWERINESS -FLOWERING -FLOWERPOT -FLOWERS -FLOWERY -FLOWING -FLOWN -FLOWS -FLOYD -FLU -FLUCTUATE -FLUCTUATES -FLUCTUATING -FLUCTUATION -FLUCTUATIONS -FLUE -FLUENCY -FLUENT -FLUENTLY -FLUFF -FLUFFIER -FLUFFIEST -FLUFFY -FLUID -FLUIDITY -FLUIDLY -FLUIDS -FLUKE -FLUNG -FLUNKED -FLUORESCE -FLUORESCENT -FLURRIED -FLURRY -FLUSH -FLUSHED -FLUSHES -FLUSHING -FLUTE -FLUTED -FLUTING -FLUTTER -FLUTTERED -FLUTTERING -FLUTTERS -FLUX -FLY -FLYABLE -FLYER -FLYERS -FLYING -FLYNN -FOAL -FOAM -FOAMED -FOAMING -FOAMS -FOAMY -FOB -FOBBING -FOCAL -FOCALLY -FOCI -FOCUS -FOCUSED -FOCUSES -FOCUSING -FOCUSSED -FODDER -FOE -FOES -FOG -FOGARTY -FOGGED -FOGGIER -FOGGIEST -FOGGILY -FOGGING -FOGGY -FOGS -FOGY -FOIBLE -FOIL -FOILED -FOILING -FOILS -FOIST -FOLD -FOLDED -FOLDER -FOLDERS -FOLDING -FOLDOUT -FOLDS -FOLEY -FOLIAGE -FOLK -FOLKLORE -FOLKS -FOLKSONG -FOLKSY -FOLLIES -FOLLOW -FOLLOWED -FOLLOWER -FOLLOWERS -FOLLOWING -FOLLOWINGS -FOLLOWS -FOLLY -FOLSOM -FOMALHAUT -FOND -FONDER -FONDLE -FONDLED -FONDLES -FONDLING -FONDLY -FONDNESS -FONT -FONTAINE -FONTAINEBLEAU -FONTANA -FONTS -FOOD -FOODS -FOODSTUFF -FOODSTUFFS -FOOL -FOOLED -FOOLHARDY -FOOLING -FOOLISH -FOOLISHLY -FOOLISHNESS -FOOLPROOF -FOOLS -FOOT -FOOTAGE -FOOTBALL -FOOTBALLS -FOOTBRIDGE -FOOTE -FOOTED -FOOTER -FOOTERS -FOOTFALL -FOOTHILL -FOOTHOLD -FOOTING -FOOTMAN -FOOTNOTE -FOOTNOTES -FOOTPATH -FOOTPRINT -FOOTPRINTS -FOOTSTEP -FOOTSTEPS -FOR -FORAGE -FORAGED -FORAGES -FORAGING -FORAY -FORAYS -FORBADE -FORBEAR -FORBEARANCE -FORBEARS -FORBES -FORBID -FORBIDDEN -FORBIDDING -FORBIDS -FORCE -FORCED -FORCEFUL -FORCEFULLY -FORCEFULNESS -FORCER -FORCES -FORCIBLE -FORCIBLY -FORCING -FORD -FORDHAM -FORDS -FORE -FOREARM -FOREARMS -FOREBODING -FORECAST -FORECASTED -FORECASTER -FORECASTERS -FORECASTING -FORECASTLE -FORECASTS -FOREFATHER -FOREFATHERS -FOREFINGER -FOREFINGERS -FOREGO -FOREGOES -FOREGOING -FOREGONE -FOREGROUND -FOREHEAD -FOREHEADS -FOREIGN -FOREIGNER -FOREIGNERS -FOREIGNS -FOREMAN -FOREMOST -FORENOON -FORENSIC -FORERUNNERS -FORESEE -FORESEEABLE -FORESEEN -FORESEES -FORESIGHT -FORESIGHTED -FOREST -FORESTALL -FORESTALLED -FORESTALLING -FORESTALLMENT -FORESTALLS -FORESTED -FORESTER -FORESTERS -FORESTRY -FORESTS -FORETELL -FORETELLING -FORETELLS -FORETOLD -FOREVER -FOREWARN -FOREWARNED -FOREWARNING -FOREWARNINGS -FOREWARNS -FORFEIT -FORFEITED -FORFEITURE -FORGAVE -FORGE -FORGED -FORGER -FORGERIES -FORGERY -FORGES -FORGET -FORGETFUL -FORGETFULNESS -FORGETS -FORGETTABLE -FORGETTABLY -FORGETTING -FORGING -FORGIVABLE -FORGIVABLY -FORGIVE -FORGIVEN -FORGIVENESS -FORGIVES -FORGIVING -FORGIVINGLY -FORGOT -FORGOTTEN -FORK -FORKED -FORKING -FORKLIFT -FORKS -FORLORN -FORLORNLY -FORM -FORMAL -FORMALISM -FORMALISMS -FORMALITIES -FORMALITY -FORMALIZATION -FORMALIZATIONS -FORMALIZE -FORMALIZED -FORMALIZES -FORMALIZING -FORMALLY -FORMANT -FORMANTS -FORMAT -FORMATION -FORMATIONS -FORMATIVE -FORMATIVELY -FORMATS -FORMATTED -FORMATTER -FORMATTERS -FORMATTING -FORMED -FORMER -FORMERLY -FORMICA -FORMICAS -FORMIDABLE -FORMING -FORMOSA -FORMOSAN -FORMS -FORMULA -FORMULAE -FORMULAS -FORMULATE -FORMULATED -FORMULATES -FORMULATING -FORMULATION -FORMULATIONS -FORMULATOR -FORMULATORS -FORNICATION -FORREST -FORSAKE -FORSAKEN -FORSAKES -FORSAKING -FORSYTHE -FORT -FORTE -FORTESCUE -FORTH -FORTHCOMING -FORTHRIGHT -FORTHWITH -FORTIER -FORTIES -FORTIETH -FORTIFICATION -FORTIFICATIONS -FORTIFIED -FORTIFIES -FORTIFY -FORTIFYING -FORTIORI -FORTITUDE -FORTNIGHT -FORTNIGHTLY -FORTRAN -FORTRAN -FORTRESS -FORTRESSES -FORTS -FORTUITOUS -FORTUITOUSLY -FORTUNATE -FORTUNATELY -FORTUNE -FORTUNES -FORTY -FORUM -FORUMS -FORWARD -FORWARDED -FORWARDER -FORWARDING -FORWARDNESS -FORWARDS -FOSS -FOSSIL -FOSTER -FOSTERED -FOSTERING -FOSTERS -FOUGHT -FOUL -FOULED -FOULEST -FOULING -FOULLY -FOULMOUTH -FOULNESS -FOULS -FOUND -FOUNDATION -FOUNDATIONS -FOUNDED -FOUNDER -FOUNDERED -FOUNDERS -FOUNDING -FOUNDLING -FOUNDRIES -FOUNDRY -FOUNDS -FOUNT -FOUNTAIN -FOUNTAINS -FOUNTS -FOUR -FOURFOLD -FOURIER -FOURS -FOURSCORE -FOURSOME -FOURSQUARE -FOURTEEN -FOURTEENS -FOURTEENTH -FOURTH -FOWL -FOWLER -FOWLS -FOX -FOXES -FOXHALL -FRACTION -FRACTIONAL -FRACTIONALLY -FRACTIONS -FRACTURE -FRACTURED -FRACTURES -FRACTURING -FRAGILE -FRAGMENT -FRAGMENTARY -FRAGMENTATION -FRAGMENTED -FRAGMENTING -FRAGMENTS -FRAGRANCE -FRAGRANCES -FRAGRANT -FRAGRANTLY -FRAIL -FRAILEST -FRAILTY -FRAME -FRAMED -FRAMER -FRAMES -FRAMEWORK -FRAMEWORKS -FRAMING -FRAN -FRANC -FRANCAISE -FRANCE -FRANCES -FRANCESCA -FRANCESCO -FRANCHISE -FRANCHISES -FRANCIE -FRANCINE -FRANCIS -FRANCISCAN -FRANCISCANS -FRANCISCO -FRANCIZE -FRANCIZES -FRANCO -FRANCOIS -FRANCOISE -FRANCS -FRANK -FRANKED -FRANKEL -FRANKER -FRANKEST -FRANKFORT -FRANKFURT -FRANKIE -FRANKING -FRANKLINIZATION -FRANKLINIZATIONS -FRANKLY -FRANKNESS -FRANKS -FRANNY -FRANTIC -FRANTICALLY -FRANZ -FRASER -FRATERNAL -FRATERNALLY -FRATERNITIES -FRATERNITY -FRAU -FRAUD -FRAUDS -FRAUDULENT -FRAUGHT -FRAY -FRAYED -FRAYING -FRAYNE -FRAYS -FRAZIER -FRAZZLE -FREAK -FREAKISH -FREAKS -FRECKLE -FRECKLED -FRECKLES -FRED -FREDDIE -FREDDY -FREDERIC -FREDERICK -FREDERICKS -FREDERICKSBURG -FREDERICO -FREDERICTON -FREDHOLM -FREDRICK -FREDRICKSON -FREE -FREED -FREEDMAN -FREEDOM -FREEDOMS -FREEING -FREEINGS -FREELY -FREEMAN -FREEMASON -FREEMASONRY -FREEMASONS -FREENESS -FREEPORT -FREER -FREES -FREEST -FREESTYLE -FREETOWN -FREEWAY -FREEWHEEL -FREEZE -FREEZER -FREEZERS -FREEZES -FREEZING -FREIDA -FREIGHT -FREIGHTED -FREIGHTER -FREIGHTERS -FREIGHTING -FREIGHTS -FRENCH -FRENCHIZE -FRENCHIZES -FRENCHMAN -FRENCHMEN -FRENETIC -FRENZIED -FRENZY -FREON -FREQUENCIES -FREQUENCY -FREQUENT -FREQUENTED -FREQUENTER -FREQUENTERS -FREQUENTING -FREQUENTLY -FREQUENTS -FRESCO -FRESCOES -FRESH -FRESHEN -FRESHENED -FRESHENER -FRESHENERS -FRESHENING -FRESHENS -FRESHER -FRESHEST -FRESHLY -FRESHMAN -FRESHMEN -FRESHNESS -FRESHWATER -FRESNEL -FRESNO -FRET -FRETFUL -FRETFULLY -FRETFULNESS -FREUD -FREUDIAN -FREUDIANISM -FREUDIANISMS -FREUDIANS -FREY -FREYA -FRIAR -FRIARS -FRICATIVE -FRICATIVES -FRICK -FRICTION -FRICTIONLESS -FRICTIONS -FRIDAY -FRIDAYS -FRIED -FRIEDMAN -FRIEDRICH -FRIEND -FRIENDLESS -FRIENDLIER -FRIENDLIEST -FRIENDLINESS -FRIENDLY -FRIENDS -FRIENDSHIP -FRIENDSHIPS -FRIES -FRIESLAND -FRIEZE -FRIEZES -FRIGATE -FRIGATES -FRIGGA -FRIGHT -FRIGHTEN -FRIGHTENED -FRIGHTENING -FRIGHTENINGLY -FRIGHTENS -FRIGHTFUL -FRIGHTFULLY -FRIGHTFULNESS -FRIGID -FRIGIDAIRE -FRILL -FRILLS -FRINGE -FRINGED -FRISBEE -FRISIA -FRISIAN -FRISK -FRISKED -FRISKING -FRISKS -FRISKY -FRITO -FRITTER -FRITZ -FRIVOLITY -FRIVOLOUS -FRIVOLOUSLY -FRO -FROCK -FROCKS -FROG -FROGS -FROLIC -FROLICS -FROM -FRONT -FRONTAGE -FRONTAL -FRONTED -FRONTIER -FRONTIERS -FRONTIERSMAN -FRONTIERSMEN -FRONTING -FRONTS -FROST -FROSTBELT -FROSTBITE -FROSTBITTEN -FROSTED -FROSTING -FROSTS -FROSTY -FROTH -FROTHING -FROTHY -FROWN -FROWNED -FROWNING -FROWNS -FROZE -FROZEN -FROZENLY -FRUEHAUF -FRUGAL -FRUGALLY -FRUIT -FRUITFUL -FRUITFULLY -FRUITFULNESS -FRUITION -FRUITLESS -FRUITLESSLY -FRUITS -FRUSTRATE -FRUSTRATED -FRUSTRATES -FRUSTRATING -FRUSTRATION -FRUSTRATIONS -FRY -FRYE -FUCHS -FUCHSIA -FUDGE -FUEL -FUELED -FUELING -FUELS -FUGITIVE -FUGITIVES -FUGUE -FUJI -FUJITSU -FULBRIGHT -FULBRIGHTS -FULCRUM -FULFILL -FULFILLED -FULFILLING -FULFILLMENT -FULFILLMENTS -FULFILLS -FULL -FULLER -FULLERTON -FULLEST -FULLNESS -FULLY -FULMINATE -FULTON -FUMBLE -FUMBLED -FUMBLING -FUME -FUMED -FUMES -FUMING -FUN -FUNCTION -FUNCTIONAL -FUNCTIONALITIES -FUNCTIONALITY -FUNCTIONALLY -FUNCTIONALS -FUNCTIONARY -FUNCTIONED -FUNCTIONING -FUNCTIONS -FUNCTOR -FUNCTORS -FUND -FUNDAMENTAL -FUNDAMENTALLY -FUNDAMENTALS -FUNDED -FUNDER -FUNDERS -FUNDING -FUNDS -FUNERAL -FUNERALS -FUNEREAL -FUNGAL -FUNGI -FUNGIBLE -FUNGICIDE -FUNGUS -FUNK -FUNNEL -FUNNELED -FUNNELING -FUNNELS -FUNNIER -FUNNIEST -FUNNILY -FUNNINESS -FUNNY -FUR -FURIES -FURIOUS -FURIOUSER -FURIOUSLY -FURLONG -FURLOUGH -FURMAN -FURNACE -FURNACES -FURNISH -FURNISHED -FURNISHES -FURNISHING -FURNISHINGS -FURNITURE -FURRIER -FURROW -FURROWED -FURROWS -FURRY -FURS -FURTHER -FURTHERED -FURTHERING -FURTHERMORE -FURTHERMOST -FURTHERS -FURTHEST -FURTIVE -FURTIVELY -FURTIVENESS -FURY -FUSE -FUSED -FUSES -FUSING -FUSION -FUSS -FUSSING -FUSSY -FUTILE -FUTILITY -FUTURE -FUTURES -FUTURISTIC -FUZZ -FUZZIER -FUZZINESS -FUZZY -GAB -GABARDINE -GABBING -GABERONES -GABLE -GABLED -GABLER -GABLES -GABON -GABORONE -GABRIEL -GABRIELLE -GAD -GADFLY -GADGET -GADGETRY -GADGETS -GAELIC -GAELICIZATION -GAELICIZATIONS -GAELICIZE -GAELICIZES -GAG -GAGGED -GAGGING -GAGING -GAGS -GAIETIES -GAIETY -GAIL -GAILY -GAIN -GAINED -GAINER -GAINERS -GAINES -GAINESVILLE -GAINFUL -GAINING -GAINS -GAIT -GAITED -GAITER -GAITERS -GAITHERSBURG -GALACTIC -GALAHAD -GALAPAGOS -GALATEA -GALATEAN -GALATEANS -GALATIA -GALATIANS -GALAXIES -GALAXY -GALBREATH -GALE -GALEN -GALILEAN -GALILEE -GALILEO -GALL -GALLAGHER -GALLANT -GALLANTLY -GALLANTRY -GALLANTS -GALLED -GALLERIED -GALLERIES -GALLERY -GALLEY -GALLEYS -GALLING -GALLON -GALLONS -GALLOP -GALLOPED -GALLOPER -GALLOPING -GALLOPS -GALLOWAY -GALLOWS -GALLS -GALLSTONE -GALLUP -GALOIS -GALT -GALVESTON -GALVIN -GALWAY -GAMBIA -GAMBIT -GAMBLE -GAMBLED -GAMBLER -GAMBLERS -GAMBLES -GAMBLING -GAMBOL -GAME -GAMED -GAMELY -GAMENESS -GAMES -GAMING -GAMMA -GANDER -GANDHI -GANDHIAN -GANG -GANGES -GANGLAND -GANGLING -GANGPLANK -GANGRENE -GANGS -GANGSTER -GANGSTERS -GANNETT -GANTRY -GANYMEDE -GAP -GAPE -GAPED -GAPES -GAPING -GAPS -GARAGE -GARAGED -GARAGES -GARB -GARBAGE -GARBAGES -GARBED -GARBLE -GARBLED -GARCIA -GARDEN -GARDENED -GARDENER -GARDENERS -GARDENING -GARDENS -GARDNER -GARFIELD -GARFUNKEL -GARGANTUAN -GARGLE -GARGLED -GARGLES -GARGLING -GARIBALDI -GARLAND -GARLANDED -GARLIC -GARMENT -GARMENTS -GARNER -GARNERED -GARNETT -GARNISH -GARRETT -GARRISON -GARRISONED -GARRISONIAN -GARRY -GARTER -GARTERS -GARTH -GARVEY -GARY -GAS -GASCONY -GASEOUS -GASEOUSLY -GASES -GASH -GASHES -GASKET -GASLIGHT -GASOLINE -GASP -GASPED -GASPEE -GASPING -GASPS -GASSED -GASSER -GASSET -GASSING -GASSINGS -GASSY -GASTON -GASTRIC -GASTROINTESTINAL -GASTRONOME -GASTRONOMY -GATE -GATED -GATES -GATEWAY -GATEWAYS -GATHER -GATHERED -GATHERER -GATHERERS -GATHERING -GATHERINGS -GATHERS -GATING -GATLINBURG -GATOR -GATSBY -GAUCHE -GAUDINESS -GAUDY -GAUGE -GAUGED -GAUGES -GAUGUIN -GAUL -GAULLE -GAULS -GAUNT -GAUNTLEY -GAUNTNESS -GAUSSIAN -GAUTAMA -GAUZE -GAVE -GAVEL -GAVIN -GAWK -GAWKY -GAY -GAYER -GAYEST -GAYETY -GAYLOR -GAYLORD -GAYLY -GAYNESS -GAYNOR -GAZE -GAZED -GAZELLE -GAZER -GAZERS -GAZES -GAZETTE -GAZING -GEAR -GEARED -GEARING -GEARS -GEARY -GECKO -GEESE -GEHRIG -GEIGER -GEIGY -GEISHA -GEL -GELATIN -GELATINE -GELATINOUS -GELD -GELLED -GELLING -GELS -GEM -GEMINI -GEMINID -GEMMA -GEMS -GENDER -GENDERS -GENE -GENEALOGY -GENERAL -GENERALIST -GENERALISTS -GENERALITIES -GENERALITY -GENERALIZATION -GENERALIZATIONS -GENERALIZE -GENERALIZED -GENERALIZER -GENERALIZERS -GENERALIZES -GENERALIZING -GENERALLY -GENERALS -GENERATE -GENERATED -GENERATES -GENERATING -GENERATION -GENERATIONS -GENERATIVE -GENERATOR -GENERATORS -GENERIC -GENERICALLY -GENEROSITIES -GENEROSITY -GENEROUS -GENEROUSLY -GENEROUSNESS -GENES -GENESCO -GENESIS -GENETIC -GENETICALLY -GENEVA -GENEVIEVE -GENIAL -GENIALLY -GENIE -GENIUS -GENIUSES -GENOA -GENRE -GENRES -GENT -GENTEEL -GENTILE -GENTLE -GENTLEMAN -GENTLEMANLY -GENTLEMEN -GENTLENESS -GENTLER -GENTLEST -GENTLEWOMAN -GENTLY -GENTRY -GENUINE -GENUINELY -GENUINENESS -GENUS -GEOCENTRIC -GEODESIC -GEODESY -GEODETIC -GEOFF -GEOFFREY -GEOGRAPHER -GEOGRAPHIC -GEOGRAPHICAL -GEOGRAPHICALLY -GEOGRAPHY -GEOLOGICAL -GEOLOGIST -GEOLOGISTS -GEOLOGY -GEOMETRIC -GEOMETRICAL -GEOMETRICALLY -GEOMETRICIAN -GEOMETRIES -GEOMETRY -GEOPHYSICAL -GEOPHYSICS -GEORGE -GEORGES -GEORGETOWN -GEORGIA -GEORGIAN -GEORGIANS -GEOSYNCHRONOUS -GERALD -GERALDINE -GERANIUM -GERARD -GERBER -GERBIL -GERHARD -GERHARDT -GERIATRIC -GERM -GERMAN -GERMANE -GERMANIA -GERMANIC -GERMANS -GERMANTOWN -GERMANY -GERMICIDE -GERMINAL -GERMINATE -GERMINATED -GERMINATES -GERMINATING -GERMINATION -GERMS -GEROME -GERRY -GERSHWIN -GERSHWINS -GERTRUDE -GERUND -GESTAPO -GESTURE -GESTURED -GESTURES -GESTURING -GET -GETAWAY -GETS -GETTER -GETTERS -GETTING -GETTY -GETTYSBURG -GEYSER -GHANA -GHANIAN -GHASTLY -GHENT -GHETTO -GHOST -GHOSTED -GHOSTLY -GHOSTS -GIACOMO -GIANT -GIANTS -GIBBERISH -GIBBONS -GIBBS -GIBBY -GIBRALTAR -GIBSON -GIDDINESS -GIDDINGS -GIDDY -GIDEON -GIFFORD -GIFT -GIFTED -GIFTS -GIG -GIGABIT -GIGABITS -GIGABYTE -GIGABYTES -GIGACYCLE -GIGAHERTZ -GIGANTIC -GIGAVOLT -GIGAWATT -GIGGLE -GIGGLED -GIGGLES -GIGGLING -GIL -GILBERTSON -GILCHRIST -GILD -GILDED -GILDING -GILDS -GILEAD -GILES -GILKSON -GILL -GILLESPIE -GILLETTE -GILLIGAN -GILLS -GILMORE -GILT -GIMBEL -GIMMICK -GIMMICKS -GIN -GINA -GINGER -GINGERBREAD -GINGERLY -GINGHAM -GINGHAMS -GINN -GINO -GINS -GINSBERG -GINSBURG -GIOCONDA -GIORGIO -GIOVANNI -GIPSIES -GIPSY -GIRAFFE -GIRAFFES -GIRD -GIRDER -GIRDERS -GIRDLE -GIRL -GIRLFRIEND -GIRLIE -GIRLISH -GIRLS -GIRT -GIRTH -GIST -GIULIANO -GIUSEPPE -GIVE -GIVEAWAY -GIVEN -GIVER -GIVERS -GIVES -GIVING -GLACIAL -GLACIER -GLACIERS -GLAD -GLADDEN -GLADDER -GLADDEST -GLADE -GLADIATOR -GLADLY -GLADNESS -GLADSTONE -GLADYS -GLAMOR -GLAMOROUS -GLAMOUR -GLANCE -GLANCED -GLANCES -GLANCING -GLAND -GLANDS -GLANDULAR -GLARE -GLARED -GLARES -GLARING -GLARINGLY -GLASGOW -GLASS -GLASSED -GLASSES -GLASSY -GLASWEGIAN -GLAUCOMA -GLAZE -GLAZED -GLAZER -GLAZES -GLAZING -GLEAM -GLEAMED -GLEAMING -GLEAMS -GLEAN -GLEANED -GLEANER -GLEANING -GLEANINGS -GLEANS -GLEASON -GLEE -GLEEFUL -GLEEFULLY -GLEES -GLEN -GLENDA -GLENDALE -GLENN -GLENS -GLIDDEN -GLIDE -GLIDED -GLIDER -GLIDERS -GLIDES -GLIMMER -GLIMMERED -GLIMMERING -GLIMMERS -GLIMPSE -GLIMPSED -GLIMPSES -GLINT -GLINTED -GLINTING -GLINTS -GLISTEN -GLISTENED -GLISTENING -GLISTENS -GLITCH -GLITTER -GLITTERED -GLITTERING -GLITTERS -GLOAT -GLOBAL -GLOBALLY -GLOBE -GLOBES -GLOBULAR -GLOBULARITY -GLOOM -GLOOMILY -GLOOMY -GLORIA -GLORIANA -GLORIES -GLORIFICATION -GLORIFIED -GLORIFIES -GLORIFY -GLORIOUS -GLORIOUSLY -GLORY -GLORYING -GLOSS -GLOSSARIES -GLOSSARY -GLOSSED -GLOSSES -GLOSSING -GLOSSY -GLOTTAL -GLOUCESTER -GLOVE -GLOVED -GLOVER -GLOVERS -GLOVES -GLOVING -GLOW -GLOWED -GLOWER -GLOWERS -GLOWING -GLOWINGLY -GLOWS -GLUE -GLUED -GLUES -GLUING -GLUT -GLUTTON -GLYNN -GNASH -GNAT -GNATS -GNAW -GNAWED -GNAWING -GNAWS -GNOME -GNOMON -GNU -GOA -GOAD -GOADED -GOAL -GOALS -GOAT -GOATEE -GOATEES -GOATS -GOBBLE -GOBBLED -GOBBLER -GOBBLERS -GOBBLES -GOBI -GOBLET -GOBLETS -GOBLIN -GOBLINS -GOD -GODDARD -GODDESS -GODDESSES -GODFATHER -GODFREY -GODHEAD -GODLIKE -GODLY -GODMOTHER -GODMOTHERS -GODOT -GODPARENT -GODS -GODSEND -GODSON -GODWIN -GODZILLA -GOES -GOETHE -GOFF -GOGGLES -GOGH -GOING -GOINGS -GOLD -GOLDA -GOLDBERG -GOLDEN -GOLDENLY -GOLDENNESS -GOLDENROD -GOLDFIELD -GOLDFISH -GOLDING -GOLDMAN -GOLDS -GOLDSMITH -GOLDSTEIN -GOLDSTINE -GOLDWATER -GOLETA -GOLF -GOLFER -GOLFERS -GOLFING -GOLIATH -GOLLY -GOMEZ -GONDOLA -GONE -GONER -GONG -GONGS -GONZALES -GONZALEZ -GOOD -GOODBY -GOODBYE -GOODE -GOODIES -GOODLY -GOODMAN -GOODNESS -GOODRICH -GOODS -GOODWILL -GOODWIN -GOODY -GOODYEAR -GOOF -GOOFED -GOOFS -GOOFY -GOOSE -GOPHER -GORDIAN -GORDON -GORE -GOREN -GORGE -GORGEOUS -GORGEOUSLY -GORGES -GORGING -GORHAM -GORILLA -GORILLAS -GORKY -GORTON -GORY -GOSH -GOSPEL -GOSPELERS -GOSPELS -GOSSIP -GOSSIPED -GOSSIPING -GOSSIPS -GOT -GOTHAM -GOTHIC -GOTHICALLY -GOTHICISM -GOTHICIZE -GOTHICIZED -GOTHICIZER -GOTHICIZERS -GOTHICIZES -GOTHICIZING -GOTO -GOTOS -GOTTEN -GOTTFRIED -GOUCHER -GOUDA -GOUGE -GOUGED -GOUGES -GOUGING -GOULD -GOURD -GOURMET -GOUT -GOVERN -GOVERNANCE -GOVERNED -GOVERNESS -GOVERNING -GOVERNMENT -GOVERNMENTAL -GOVERNMENTALLY -GOVERNMENTS -GOVERNOR -GOVERNORS -GOVERNS -GOWN -GOWNED -GOWNS -GRAB -GRABBED -GRABBER -GRABBERS -GRABBING -GRABBINGS -GRABS -GRACE -GRACED -GRACEFUL -GRACEFULLY -GRACEFULNESS -GRACES -GRACIE -GRACING -GRACIOUS -GRACIOUSLY -GRACIOUSNESS -GRAD -GRADATION -GRADATIONS -GRADE -GRADED -GRADER -GRADERS -GRADES -GRADIENT -GRADIENTS -GRADING -GRADINGS -GRADUAL -GRADUALLY -GRADUATE -GRADUATED -GRADUATES -GRADUATING -GRADUATION -GRADUATIONS -GRADY -GRAFF -GRAFT -GRAFTED -GRAFTER -GRAFTING -GRAFTON -GRAFTS -GRAHAM -GRAHAMS -GRAIL -GRAIN -GRAINED -GRAINING -GRAINS -GRAM -GRAMMAR -GRAMMARIAN -GRAMMARS -GRAMMATIC -GRAMMATICAL -GRAMMATICALLY -GRAMS -GRANARIES -GRANARY -GRAND -GRANDCHILD -GRANDCHILDREN -GRANDDAUGHTER -GRANDER -GRANDEST -GRANDEUR -GRANDFATHER -GRANDFATHERS -GRANDIOSE -GRANDLY -GRANDMA -GRANDMOTHER -GRANDMOTHERS -GRANDNEPHEW -GRANDNESS -GRANDNIECE -GRANDPA -GRANDPARENT -GRANDS -GRANDSON -GRANDSONS -GRANDSTAND -GRANGE -GRANITE -GRANNY -GRANOLA -GRANT -GRANTED -GRANTEE -GRANTER -GRANTING -GRANTOR -GRANTS -GRANULARITY -GRANULATE -GRANULATED -GRANULATES -GRANULATING -GRANVILLE -GRAPE -GRAPEFRUIT -GRAPES -GRAPEVINE -GRAPH -GRAPHED -GRAPHIC -GRAPHICAL -GRAPHICALLY -GRAPHICS -GRAPHING -GRAPHITE -GRAPHS -GRAPPLE -GRAPPLED -GRAPPLING -GRASP -GRASPABLE -GRASPED -GRASPING -GRASPINGLY -GRASPS -GRASS -GRASSED -GRASSERS -GRASSES -GRASSIER -GRASSIEST -GRASSLAND -GRASSY -GRATE -GRATED -GRATEFUL -GRATEFULLY -GRATEFULNESS -GRATER -GRATES -GRATIFICATION -GRATIFIED -GRATIFY -GRATIFYING -GRATING -GRATINGS -GRATIS -GRATITUDE -GRATUITIES -GRATUITOUS -GRATUITOUSLY -GRATUITOUSNESS -GRATUITY -GRAVE -GRAVEL -GRAVELLY -GRAVELY -GRAVEN -GRAVENESS -GRAVER -GRAVES -GRAVEST -GRAVESTONE -GRAVEYARD -GRAVITATE -GRAVITATION -GRAVITATIONAL -GRAVITY -GRAVY -GRAY -GRAYED -GRAYER -GRAYEST -GRAYING -GRAYNESS -GRAYSON -GRAZE -GRAZED -GRAZER -GRAZING -GREASE -GREASED -GREASES -GREASY -GREAT -GREATER -GREATEST -GREATLY -GREATNESS -GRECIAN -GRECIANIZE -GRECIANIZES -GREECE -GREED -GREEDILY -GREEDINESS -GREEDY -GREEK -GREEKIZE -GREEKIZES -GREEKS -GREEN -GREENBELT -GREENBERG -GREENBLATT -GREENBRIAR -GREENE -GREENER -GREENERY -GREENEST -GREENFELD -GREENFIELD -GREENGROCER -GREENHOUSE -GREENHOUSES -GREENING -GREENISH -GREENLAND -GREENLY -GREENNESS -GREENS -GREENSBORO -GREENSVILLE -GREENTREE -GREENVILLE -GREENWARE -GREENWICH -GREER -GREET -GREETED -GREETER -GREETING -GREETINGS -GREETS -GREG -GREGARIOUS -GREGG -GREGORIAN -GREGORY -GRENADE -GRENADES -GRENDEL -GRENIER -GRENOBLE -GRENVILLE -GRESHAM -GRETA -GRETCHEN -GREW -GREY -GREYEST -GREYHOUND -GREYING -GRID -GRIDDLE -GRIDIRON -GRIDS -GRIEF -GRIEFS -GRIEVANCE -GRIEVANCES -GRIEVE -GRIEVED -GRIEVER -GRIEVERS -GRIEVES -GRIEVING -GRIEVINGLY -GRIEVOUS -GRIEVOUSLY -GRIFFITH -GRILL -GRILLED -GRILLING -GRILLS -GRIM -GRIMACE -GRIMALDI -GRIME -GRIMED -GRIMES -GRIMLY -GRIMM -GRIMNESS -GRIN -GRIND -GRINDER -GRINDERS -GRINDING -GRINDINGS -GRINDS -GRINDSTONE -GRINDSTONES -GRINNING -GRINS -GRIP -GRIPE -GRIPED -GRIPES -GRIPING -GRIPPED -GRIPPING -GRIPPINGLY -GRIPS -GRIS -GRISLY -GRIST -GRISWOLD -GRIT -GRITS -GRITTY -GRIZZLY -GROAN -GROANED -GROANER -GROANERS -GROANING -GROANS -GROCER -GROCERIES -GROCERS -GROCERY -GROGGY -GROIN -GROOM -GROOMED -GROOMING -GROOMS -GROOT -GROOVE -GROOVED -GROOVES -GROPE -GROPED -GROPES -GROPING -GROSS -GROSSED -GROSSER -GROSSES -GROSSEST -GROSSET -GROSSING -GROSSLY -GROSSMAN -GROSSNESS -GROSVENOR -GROTESQUE -GROTESQUELY -GROTESQUES -GROTON -GROTTO -GROTTOS -GROUND -GROUNDED -GROUNDER -GROUNDERS -GROUNDING -GROUNDS -GROUNDWORK -GROUP -GROUPED -GROUPING -GROUPINGS -GROUPS -GROUSE -GROVE -GROVEL -GROVELED -GROVELING -GROVELS -GROVER -GROVERS -GROVES -GROW -GROWER -GROWERS -GROWING -GROWL -GROWLED -GROWLING -GROWLS -GROWN -GROWNUP -GROWNUPS -GROWS -GROWTH -GROWTHS -GRUB -GRUBBY -GRUBS -GRUDGE -GRUDGES -GRUDGINGLY -GRUESOME -GRUFF -GRUFFLY -GRUMBLE -GRUMBLED -GRUMBLES -GRUMBLING -GRUMMAN -GRUNT -GRUNTED -GRUNTING -GRUNTS -GRUSKY -GRUYERE -GUADALUPE -GUAM -GUANO -GUARANTEE -GUARANTEED -GUARANTEEING -GUARANTEER -GUARANTEERS -GUARANTEES -GUARANTY -GUARD -GUARDED -GUARDEDLY -GUARDHOUSE -GUARDIA -GUARDIAN -GUARDIANS -GUARDIANSHIP -GUARDING -GUARDS -GUATEMALA -GUATEMALAN -GUBERNATORIAL -GUELPH -GUENTHER -GUERRILLA -GUERRILLAS -GUESS -GUESSED -GUESSES -GUESSING -GUESSWORK -GUEST -GUESTS -GUGGENHEIM -GUHLEMAN -GUIANA -GUIDANCE -GUIDE -GUIDEBOOK -GUIDEBOOKS -GUIDED -GUIDELINE -GUIDELINES -GUIDES -GUIDING -GUILD -GUILDER -GUILDERS -GUILE -GUILFORD -GUILT -GUILTIER -GUILTIEST -GUILTILY -GUILTINESS -GUILTLESS -GUILTLESSLY -GUILTY -GUINEA -GUINEVERE -GUISE -GUISES -GUITAR -GUITARS -GUJARAT -GUJARATI -GULCH -GULCHES -GULF -GULFS -GULL -GULLAH -GULLED -GULLIES -GULLING -GULLS -GULLY -GULP -GULPED -GULPS -GUM -GUMMING -GUMPTION -GUMS -GUN -GUNDERSON -GUNFIRE -GUNMAN -GUNMEN -GUNNAR -GUNNED -GUNNER -GUNNERS -GUNNERY -GUNNING -GUNNY -GUNPLAY -GUNPOWDER -GUNS -GUNSHOT -GUNTHER -GURGLE -GURKHA -GURU -GUS -GUSH -GUSHED -GUSHER -GUSHES -GUSHING -GUST -GUSTAFSON -GUSTAV -GUSTAVE -GUSTAVUS -GUSTO -GUSTS -GUSTY -GUT -GUTENBERG -GUTHRIE -GUTS -GUTSY -GUTTER -GUTTERED -GUTTERS -GUTTING -GUTTURAL -GUY -GUYANA -GUYED -GUYER -GUYERS -GUYING -GUYS -GWEN -GWYN -GYMNASIUM -GYMNASIUMS -GYMNAST -GYMNASTIC -GYMNASTICS -GYMNASTS -GYPSIES -GYPSY -GYRO -GYROCOMPASS -GYROSCOPE -GYROSCOPES -HAAG -HAAS -HABEAS -HABERMAN -HABIB -HABIT -HABITAT -HABITATION -HABITATIONS -HABITATS -HABITS -HABITUAL -HABITUALLY -HABITUALNESS -HACK -HACKED -HACKER -HACKERS -HACKETT -HACKING -HACKNEYED -HACKS -HACKSAW -HAD -HADAMARD -HADDAD -HADDOCK -HADES -HADLEY -HADRIAN -HAFIZ -HAG -HAGEN -HAGER -HAGGARD -HAGGARDLY -HAGGLE -HAGSTROM -HAGUE -HAHN -HAIFA -HAIL -HAILED -HAILING -HAILS -HAILSTONE -HAILSTORM -HAINES -HAIR -HAIRCUT -HAIRCUTS -HAIRIER -HAIRINESS -HAIRLESS -HAIRPIN -HAIRS -HAIRY -HAITI -HAITIAN -HAL -HALCYON -HALE -HALER -HALEY -HALF -HALFHEARTED -HALFWAY -HALIFAX -HALL -HALLEY -HALLINAN -HALLMARK -HALLMARKS -HALLOW -HALLOWED -HALLOWEEN -HALLS -HALLUCINATE -HALLWAY -HALLWAYS -HALOGEN -HALPERN -HALSEY -HALSTEAD -HALT -HALTED -HALTER -HALTERS -HALTING -HALTINGLY -HALTS -HALVE -HALVED -HALVERS -HALVERSON -HALVES -HALVING -HAM -HAMAL -HAMBURG -HAMBURGER -HAMBURGERS -HAMEY -HAMILTON -HAMILTONIAN -HAMILTONIANS -HAMLET -HAMLETS -HAMLIN -HAMMER -HAMMERED -HAMMERING -HAMMERS -HAMMETT -HAMMING -HAMMOCK -HAMMOCKS -HAMMOND -HAMPER -HAMPERED -HAMPERS -HAMPSHIRE -HAMPTON -HAMS -HAMSTER -HAN -HANCOCK -HAND -HANDBAG -HANDBAGS -HANDBOOK -HANDBOOKS -HANDCUFF -HANDCUFFED -HANDCUFFING -HANDCUFFS -HANDED -HANDEL -HANDFUL -HANDFULS -HANDGUN -HANDICAP -HANDICAPPED -HANDICAPS -HANDIER -HANDIEST -HANDILY -HANDINESS -HANDING -HANDIWORK -HANDKERCHIEF -HANDKERCHIEFS -HANDLE -HANDLED -HANDLER -HANDLERS -HANDLES -HANDLING -HANDMAID -HANDOUT -HANDS -HANDSHAKE -HANDSHAKES -HANDSHAKING -HANDSOME -HANDSOMELY -HANDSOMENESS -HANDSOMER -HANDSOMEST -HANDWRITING -HANDWRITTEN -HANDY -HANEY -HANFORD -HANG -HANGAR -HANGARS -HANGED -HANGER -HANGERS -HANGING -HANGMAN -HANGMEN -HANGOUT -HANGOVER -HANGOVERS -HANGS -HANKEL -HANLEY -HANLON -HANNA -HANNAH -HANNIBAL -HANOI -HANOVER -HANOVERIAN -HANOVERIANIZE -HANOVERIANIZES -HANOVERIZE -HANOVERIZES -HANS -HANSEL -HANSEN -HANSON -HANUKKAH -HAP -HAPGOOD -HAPHAZARD -HAPHAZARDLY -HAPHAZARDNESS -HAPLESS -HAPLESSLY -HAPLESSNESS -HAPLY -HAPPEN -HAPPENED -HAPPENING -HAPPENINGS -HAPPENS -HAPPIER -HAPPIEST -HAPPILY -HAPPINESS -HAPPY -HAPSBURG -HARASS -HARASSED -HARASSES -HARASSING -HARASSMENT -HARBIN -HARBINGER -HARBOR -HARBORED -HARBORING -HARBORS -HARCOURT -HARD -HARDBOILED -HARDCOPY -HARDEN -HARDER -HARDEST -HARDHAT -HARDIN -HARDINESS -HARDING -HARDLY -HARDNESS -HARDSCRABBLE -HARDSHIP -HARDSHIPS -HARDWARE -HARDWIRED -HARDWORKING -HARDY -HARE -HARELIP -HAREM -HARES -HARK -HARKEN -HARLAN -HARLEM -HARLEY -HARLOT -HARLOTS -HARM -HARMED -HARMFUL -HARMFULLY -HARMFULNESS -HARMING -HARMLESS -HARMLESSLY -HARMLESSNESS -HARMON -HARMONIC -HARMONICS -HARMONIES -HARMONIOUS -HARMONIOUSLY -HARMONIOUSNESS -HARMONIST -HARMONISTIC -HARMONISTICALLY -HARMONIZE -HARMONY -HARMS -HARNESS -HARNESSED -HARNESSING -HAROLD -HARP -HARPER -HARPERS -HARPING -HARPY -HARRIED -HARRIER -HARRIET -HARRIMAN -HARRINGTON -HARRIS -HARRISBURG -HARRISON -HARRISONBURG -HARROW -HARROWED -HARROWING -HARROWS -HARRY -HARSH -HARSHER -HARSHLY -HARSHNESS -HART -HARTFORD -HARTLEY -HARTMAN -HARVARD -HARVARDIZE -HARVARDIZES -HARVEST -HARVESTED -HARVESTER -HARVESTING -HARVESTS -HARVEY -HARVEYIZE -HARVEYIZES -HARVEYS -HAS -HASH -HASHED -HASHER -HASHES -HASHING -HASHISH -HASKELL -HASKINS -HASSLE -HASTE -HASTEN -HASTENED -HASTENING -HASTENS -HASTILY -HASTINESS -HASTINGS -HASTY -HAT -HATCH -HATCHED -HATCHET -HATCHETS -HATCHING -HATCHURE -HATE -HATED -HATEFUL -HATEFULLY -HATEFULNESS -HATER -HATES -HATFIELD -HATHAWAY -HATING -HATRED -HATS -HATTERAS -HATTIE -HATTIESBURG -HATTIZE -HATTIZES -HAUGEN -HAUGHTILY -HAUGHTINESS -HAUGHTY -HAUL -HAULED -HAULER -HAULING -HAULS -HAUNCH -HAUNCHES -HAUNT -HAUNTED -HAUNTER -HAUNTING -HAUNTS -HAUSA -HAUSDORFF -HAUSER -HAVANA -HAVE -HAVEN -HAVENS -HAVES -HAVILLAND -HAVING -HAVOC -HAWAII -HAWAIIAN -HAWK -HAWKED -HAWKER -HAWKERS -HAWKINS -HAWKS -HAWLEY -HAWTHORNE -HAY -HAYDEN -HAYDN -HAYES -HAYING -HAYNES -HAYS -HAYSTACK -HAYWARD -HAYWOOD -HAZARD -HAZARDOUS -HAZARDS -HAZE -HAZEL -HAZES -HAZINESS -HAZY -HEAD -HEADACHE -HEADACHES -HEADED -HEADER -HEADERS -HEADGEAR -HEADING -HEADINGS -HEADLAND -HEADLANDS -HEADLIGHT -HEADLINE -HEADLINED -HEADLINES -HEADLINING -HEADLONG -HEADMASTER -HEADPHONE -HEADQUARTERS -HEADROOM -HEADS -HEADSET -HEADWAY -HEAL -HEALED -HEALER -HEALERS -HEALEY -HEALING -HEALS -HEALTH -HEALTHFUL -HEALTHFULLY -HEALTHFULNESS -HEALTHIER -HEALTHIEST -HEALTHILY -HEALTHINESS -HEALTHY -HEALY -HEAP -HEAPED -HEAPING -HEAPS -HEAR -HEARD -HEARER -HEARERS -HEARING -HEARINGS -HEARKEN -HEARS -HEARSAY -HEARST -HEART -HEARTBEAT -HEARTBREAK -HEARTEN -HEARTIEST -HEARTILY -HEARTINESS -HEARTLESS -HEARTS -HEARTWOOD -HEARTY -HEAT -HEATABLE -HEATED -HEATEDLY -HEATER -HEATERS -HEATH -HEATHEN -HEATHER -HEATHKIT -HEATHMAN -HEATING -HEATS -HEAVE -HEAVED -HEAVEN -HEAVENLY -HEAVENS -HEAVER -HEAVERS -HEAVES -HEAVIER -HEAVIEST -HEAVILY -HEAVINESS -HEAVING -HEAVY -HEAVYWEIGHT -HEBE -HEBRAIC -HEBRAICIZE -HEBRAICIZES -HEBREW -HEBREWS -HEBRIDES -HECATE -HECK -HECKLE -HECKMAN -HECTIC -HECUBA -HEDDA -HEDGE -HEDGED -HEDGEHOG -HEDGEHOGS -HEDGES -HEDONISM -HEDONIST -HEED -HEEDED -HEEDLESS -HEEDLESSLY -HEEDLESSNESS -HEEDS -HEEL -HEELED -HEELERS -HEELING -HEELS -HEFTY -HEGEL -HEGELIAN -HEGELIANIZE -HEGELIANIZES -HEGEMONY -HEIDEGGER -HEIDELBERG -HEIFER -HEIGHT -HEIGHTEN -HEIGHTENED -HEIGHTENING -HEIGHTENS -HEIGHTS -HEINE -HEINLEIN -HEINOUS -HEINOUSLY -HEINRICH -HEINZ -HEINZE -HEIR -HEIRESS -HEIRESSES -HEIRS -HEISENBERG -HEISER -HELD -HELEN -HELENA -HELENE -HELGA -HELICAL -HELICOPTER -HELIOCENTRIC -HELIOPOLIS -HELIUM -HELIX -HELL -HELLENIC -HELLENIZATION -HELLENIZATIONS -HELLENIZE -HELLENIZED -HELLENIZES -HELLENIZING -HELLESPONT -HELLFIRE -HELLISH -HELLMAN -HELLO -HELLS -HELM -HELMET -HELMETS -HELMHOLTZ -HELMSMAN -HELMUT -HELP -HELPED -HELPER -HELPERS -HELPFUL -HELPFULLY -HELPFULNESS -HELPING -HELPLESS -HELPLESSLY -HELPLESSNESS -HELPMATE -HELPS -HELSINKI -HELVETICA -HEM -HEMINGWAY -HEMISPHERE -HEMISPHERES -HEMLOCK -HEMLOCKS -HEMOGLOBIN -HEMORRHOID -HEMOSTAT -HEMOSTATS -HEMP -HEMPEN -HEMPSTEAD -HEMS -HEN -HENCE -HENCEFORTH -HENCHMAN -HENCHMEN -HENDERSON -HENDRICK -HENDRICKS -HENDRICKSON -HENDRIX -HENLEY -HENNESSEY -HENNESSY -HENNING -HENPECK -HENRI -HENRIETTA -HENS -HEPATITIS -HEPBURN -HER -HERA -HERACLITUS -HERALD -HERALDED -HERALDING -HERALDS -HERB -HERBERT -HERBIVORE -HERBIVOROUS -HERBS -HERCULEAN -HERCULES -HERD -HERDED -HERDER -HERDING -HERDS -HERE -HEREABOUT -HEREABOUTS -HEREAFTER -HEREBY -HEREDITARY -HEREDITY -HEREFORD -HEREIN -HEREINAFTER -HEREOF -HERES -HERESY -HERETIC -HERETICS -HERETO -HERETOFORE -HEREUNDER -HEREWITH -HERITAGE -HERITAGES -HERKIMER -HERMAN -HERMANN -HERMES -HERMETIC -HERMETICALLY -HERMIT -HERMITE -HERMITIAN -HERMITS -HERMOSA -HERNANDEZ -HERO -HERODOTUS -HEROES -HEROIC -HEROICALLY -HEROICS -HEROIN -HEROINE -HEROINES -HEROISM -HERON -HERONS -HERPES -HERR -HERRING -HERRINGS -HERRINGTON -HERS -HERSCHEL -HERSELF -HERSEY -HERSHEL -HERSHEY -HERTZ -HERTZOG -HESITANT -HESITANTLY -HESITATE -HESITATED -HESITATES -HESITATING -HESITATINGLY -HESITATION -HESITATIONS -HESPERUS -HESS -HESSE -HESSIAN -HESSIANS -HESTER -HETEROGENEITY -HETEROGENEOUS -HETEROGENEOUSLY -HETEROGENEOUSNESS -HETEROGENOUS -HETEROSEXUAL -HETMAN -HETTIE -HETTY -HEUBLEIN -HEURISTIC -HEURISTICALLY -HEURISTICS -HEUSEN -HEUSER -HEW -HEWED -HEWER -HEWETT -HEWITT -HEWLETT -HEWS -HEX -HEXADECIMAL -HEXAGON -HEXAGONAL -HEXAGONALLY -HEXAGONS -HEY -HEYWOOD -HIATT -HIAWATHA -HIBBARD -HIBERNATE -HIBERNIA -HICK -HICKEY -HICKEYS -HICKMAN -HICKOK -HICKORY -HICKS -HID -HIDDEN -HIDE -HIDEOUS -HIDEOUSLY -HIDEOUSNESS -HIDEOUT -HIDEOUTS -HIDES -HIDING -HIERARCHAL -HIERARCHIC -HIERARCHICAL -HIERARCHICALLY -HIERARCHIES -HIERARCHY -HIERONYMUS -HIGGINS -HIGH -HIGHER -HIGHEST -HIGHFIELD -HIGHLAND -HIGHLANDER -HIGHLANDS -HIGHLIGHT -HIGHLIGHTED -HIGHLIGHTING -HIGHLIGHTS -HIGHLY -HIGHNESS -HIGHNESSES -HIGHWAY -HIGHWAYMAN -HIGHWAYMEN -HIGHWAYS -HIJACK -HIJACKED -HIKE -HIKED -HIKER -HIKES -HIKING -HILARIOUS -HILARIOUSLY -HILARITY -HILBERT -HILDEBRAND -HILL -HILLARY -HILLBILLY -HILLCREST -HILLEL -HILLOCK -HILLS -HILLSBORO -HILLSDALE -HILLSIDE -HILLSIDES -HILLTOP -HILLTOPS -HILT -HILTON -HILTS -HIM -HIMALAYA -HIMALAYAS -HIMMLER -HIMSELF -HIND -HINDER -HINDERED -HINDERING -HINDERS -HINDI -HINDRANCE -HINDRANCES -HINDSIGHT -HINDU -HINDUISM -HINDUS -HINDUSTAN -HINES -HINGE -HINGED -HINGES -HINKLE -HINMAN -HINSDALE -HINT -HINTED -HINTING -HINTS -HIP -HIPPO -HIPPOCRATES -HIPPOCRATIC -HIPPOPOTAMUS -HIPS -HIRAM -HIRE -HIRED -HIRER -HIRERS -HIRES -HIREY -HIRING -HIRINGS -HIROSHI -HIROSHIMA -HIRSCH -HIS -HISPANIC -HISPANICIZE -HISPANICIZES -HISPANICS -HISS -HISSED -HISSES -HISSING -HISTOGRAM -HISTOGRAMS -HISTORIAN -HISTORIANS -HISTORIC -HISTORICAL -HISTORICALLY -HISTORIES -HISTORY -HIT -HITACHI -HITCH -HITCHCOCK -HITCHED -HITCHHIKE -HITCHHIKED -HITCHHIKER -HITCHHIKERS -HITCHHIKES -HITCHHIKING -HITCHING -HITHER -HITHERTO -HITLER -HITLERIAN -HITLERISM -HITLERITE -HITLERITES -HITS -HITTER -HITTERS -HITTING -HIVE -HOAGLAND -HOAR -HOARD -HOARDER -HOARDING -HOARINESS -HOARSE -HOARSELY -HOARSENESS -HOARY -HOBART -HOBBES -HOBBIES -HOBBLE -HOBBLED -HOBBLES -HOBBLING -HOBBS -HOBBY -HOBBYHORSE -HOBBYIST -HOBBYISTS -HOBDAY -HOBOKEN -HOCKEY -HODGEPODGE -HODGES -HODGKIN -HOE -HOES -HOFF -HOFFMAN -HOG -HOGGING -HOGS -HOIST -HOISTED -HOISTING -HOISTS -HOKAN -HOLBROOK -HOLCOMB -HOLD -HOLDEN -HOLDER -HOLDERS -HOLDING -HOLDINGS -HOLDS -HOLE -HOLED -HOLES -HOLIDAY -HOLIDAYS -HOLIES -HOLINESS -HOLISTIC -HOLLAND -HOLLANDAISE -HOLLANDER -HOLLERITH -HOLLINGSWORTH -HOLLISTER -HOLLOW -HOLLOWAY -HOLLOWED -HOLLOWING -HOLLOWLY -HOLLOWNESS -HOLLOWS -HOLLY -HOLLYWOOD -HOLLYWOODIZE -HOLLYWOODIZES -HOLM -HOLMAN -HOLMDEL -HOLMES -HOLOCAUST -HOLOCENE -HOLOGRAM -HOLOGRAMS -HOLST -HOLSTEIN -HOLY -HOLYOKE -HOLZMAN -HOM -HOMAGE -HOME -HOMED -HOMELESS -HOMELY -HOMEMADE -HOMEMAKER -HOMEMAKERS -HOMEOMORPHIC -HOMEOMORPHISM -HOMEOMORPHISMS -HOMEOPATH -HOMEOWNER -HOMER -HOMERIC -HOMERS -HOMES -HOMESICK -HOMESICKNESS -HOMESPUN -HOMESTEAD -HOMESTEADER -HOMESTEADERS -HOMESTEADS -HOMEWARD -HOMEWARDS -HOMEWORK -HOMICIDAL -HOMICIDE -HOMING -HOMO -HOMOGENEITIES -HOMOGENEITY -HOMOGENEOUS -HOMOGENEOUSLY -HOMOGENEOUSNESS -HOMOMORPHIC -HOMOMORPHISM -HOMOMORPHISMS -HOMOSEXUAL -HONDA -HONDO -HONDURAS -HONE -HONED -HONER -HONES -HONEST -HONESTLY -HONESTY -HONEY -HONEYBEE -HONEYCOMB -HONEYCOMBED -HONEYDEW -HONEYMOON -HONEYMOONED -HONEYMOONER -HONEYMOONERS -HONEYMOONING -HONEYMOONS -HONEYSUCKLE -HONEYWELL -HONING -HONOLULU -HONOR -HONORABLE -HONORABLENESS -HONORABLY -HONORARIES -HONORARIUM -HONORARY -HONORED -HONORER -HONORING -HONORS -HONSHU -HOOD -HOODED -HOODLUM -HOODS -HOODWINK -HOODWINKED -HOODWINKING -HOODWINKS -HOOF -HOOFS -HOOK -HOOKED -HOOKER -HOOKERS -HOOKING -HOOKS -HOOKUP -HOOKUPS -HOOP -HOOPER -HOOPS -HOOSIER -HOOSIERIZE -HOOSIERIZES -HOOT -HOOTED -HOOTER -HOOTING -HOOTS -HOOVER -HOOVERIZE -HOOVERIZES -HOOVES -HOP -HOPE -HOPED -HOPEFUL -HOPEFULLY -HOPEFULNESS -HOPEFULS -HOPELESS -HOPELESSLY -HOPELESSNESS -HOPES -HOPI -HOPING -HOPKINS -HOPKINSIAN -HOPPER -HOPPERS -HOPPING -HOPS -HORACE -HORATIO -HORDE -HORDES -HORIZON -HORIZONS -HORIZONTAL -HORIZONTALLY -HORMONE -HORMONES -HORN -HORNBLOWER -HORNED -HORNET -HORNETS -HORNS -HORNY -HOROWITZ -HORRENDOUS -HORRENDOUSLY -HORRIBLE -HORRIBLENESS -HORRIBLY -HORRID -HORRIDLY -HORRIFIED -HORRIFIES -HORRIFY -HORRIFYING -HORROR -HORRORS -HORSE -HORSEBACK -HORSEFLESH -HORSEFLY -HORSEMAN -HORSEPLAY -HORSEPOWER -HORSES -HORSESHOE -HORSESHOER -HORTICULTURE -HORTON -HORUS -HOSE -HOSES -HOSPITABLE -HOSPITABLY -HOSPITAL -HOSPITALITY -HOSPITALIZE -HOSPITALIZED -HOSPITALIZES -HOSPITALIZING -HOSPITALS -HOST -HOSTAGE -HOSTAGES -HOSTED -HOSTESS -HOSTESSES -HOSTILE -HOSTILELY -HOSTILITIES -HOSTILITY -HOSTING -HOSTS -HOT -HOTEL -HOTELS -HOTLY -HOTNESS -HOTTENTOT -HOTTER -HOTTEST -HOUDAILLE -HOUDINI -HOUGHTON -HOUND -HOUNDED -HOUNDING -HOUNDS -HOUR -HOURGLASS -HOURLY -HOURS -HOUSE -HOUSEBOAT -HOUSEBROKEN -HOUSED -HOUSEFLIES -HOUSEFLY -HOUSEHOLD -HOUSEHOLDER -HOUSEHOLDERS -HOUSEHOLDS -HOUSEKEEPER -HOUSEKEEPERS -HOUSEKEEPING -HOUSES -HOUSETOP -HOUSETOPS -HOUSEWIFE -HOUSEWIFELY -HOUSEWIVES -HOUSEWORK -HOUSING -HOUSTON -HOVEL -HOVELS -HOVER -HOVERED -HOVERING -HOVERS -HOW -HOWARD -HOWE -HOWELL -HOWEVER -HOWL -HOWLED -HOWLER -HOWLING -HOWLS -HOYT -HROTHGAR -HUB -HUBBARD -HUBBELL -HUBER -HUBERT -HUBRIS -HUBS -HUCK -HUDDLE -HUDDLED -HUDDLING -HUDSON -HUE -HUES -HUEY -HUFFMAN -HUG -HUGE -HUGELY -HUGENESS -HUGGING -HUGGINS -HUGH -HUGHES -HUGO -HUH -HULL -HULLS -HUM -HUMAN -HUMANE -HUMANELY -HUMANENESS -HUMANITARIAN -HUMANITIES -HUMANITY -HUMANLY -HUMANNESS -HUMANS -HUMBLE -HUMBLED -HUMBLENESS -HUMBLER -HUMBLEST -HUMBLING -HUMBLY -HUMBOLDT -HUMBUG -HUME -HUMERUS -HUMID -HUMIDIFICATION -HUMIDIFIED -HUMIDIFIER -HUMIDIFIERS -HUMIDIFIES -HUMIDIFY -HUMIDIFYING -HUMIDITY -HUMIDLY -HUMILIATE -HUMILIATED -HUMILIATES -HUMILIATING -HUMILIATION -HUMILIATIONS -HUMILITY -HUMMED -HUMMEL -HUMMING -HUMMINGBIRD -HUMOR -HUMORED -HUMORER -HUMORERS -HUMORING -HUMOROUS -HUMOROUSLY -HUMOROUSNESS -HUMORS -HUMP -HUMPBACK -HUMPED -HUMPHREY -HUMPTY -HUMS -HUN -HUNCH -HUNCHED -HUNCHES -HUNDRED -HUNDREDFOLD -HUNDREDS -HUNDREDTH -HUNG -HUNGARIAN -HUNGARY -HUNGER -HUNGERED -HUNGERING -HUNGERS -HUNGRIER -HUNGRIEST -HUNGRILY -HUNGRY -HUNK -HUNKS -HUNS -HUNT -HUNTED -HUNTER -HUNTERS -HUNTING -HUNTINGTON -HUNTLEY -HUNTS -HUNTSMAN -HUNTSVILLE -HURD -HURDLE -HURL -HURLED -HURLER -HURLERS -HURLING -HURON -HURONS -HURRAH -HURRICANE -HURRICANES -HURRIED -HURRIEDLY -HURRIES -HURRY -HURRYING -HURST -HURT -HURTING -HURTLE -HURTLING -HURTS -HURWITZ -HUSBAND -HUSBANDRY -HUSBANDS -HUSH -HUSHED -HUSHES -HUSHING -HUSK -HUSKED -HUSKER -HUSKINESS -HUSKING -HUSKS -HUSKY -HUSTLE -HUSTLED -HUSTLER -HUSTLES -HUSTLING -HUSTON -HUT -HUTCH -HUTCHINS -HUTCHINSON -HUTCHISON -HUTS -HUXLEY -HUXTABLE -HYACINTH -HYADES -HYANNIS -HYBRID -HYDE -HYDRA -HYDRANT -HYDRAULIC -HYDRO -HYDRODYNAMIC -HYDRODYNAMICS -HYDROGEN -HYDROGENS -HYENA -HYGIENE -HYMAN -HYMEN -HYMN -HYMNS -HYPER -HYPERBOLA -HYPERBOLIC -HYPERTEXT -HYPHEN -HYPHENATE -HYPHENS -HYPNOSIS -HYPNOTIC -HYPOCRISIES -HYPOCRISY -HYPOCRITE -HYPOCRITES -HYPODERMIC -HYPODERMICS -HYPOTHESES -HYPOTHESIS -HYPOTHESIZE -HYPOTHESIZED -HYPOTHESIZER -HYPOTHESIZES -HYPOTHESIZING -HYPOTHETICAL -HYPOTHETICALLY -HYSTERESIS -HYSTERICAL -HYSTERICALLY -IAN -IBERIA -IBERIAN -IBEX -IBID -IBIS -IBN -IBSEN -ICARUS -ICE -ICEBERG -ICEBERGS -ICEBOX -ICED -ICELAND -ICELANDIC -ICES -ICICLE -ICINESS -ICING -ICINGS -ICON -ICONOCLASM -ICONOCLAST -ICONS -ICOSAHEDRA -ICOSAHEDRAL -ICOSAHEDRON -ICY -IDA -IDAHO -IDEA -IDEAL -IDEALISM -IDEALISTIC -IDEALIZATION -IDEALIZATIONS -IDEALIZE -IDEALIZED -IDEALIZES -IDEALIZING -IDEALLY -IDEALS -IDEAS -IDEM -IDEMPOTENCY -IDEMPOTENT -IDENTICAL -IDENTICALLY -IDENTIFIABLE -IDENTIFIABLY -IDENTIFICATION -IDENTIFICATIONS -IDENTIFIED -IDENTIFIER -IDENTIFIERS -IDENTIFIES -IDENTIFY -IDENTIFYING -IDENTITIES -IDENTITY -IDEOLOGICAL -IDEOLOGICALLY -IDEOLOGY -IDIOCY -IDIOM -IDIOSYNCRASIES -IDIOSYNCRASY -IDIOSYNCRATIC -IDIOT -IDIOTIC -IDIOTS -IDLE -IDLED -IDLENESS -IDLER -IDLERS -IDLES -IDLEST -IDLING -IDLY -IDOL -IDOLATRY -IDOLS -IFNI -IGLOO -IGNITE -IGNITION -IGNOBLE -IGNOMINIOUS -IGNORAMUS -IGNORANCE -IGNORANT -IGNORANTLY -IGNORE -IGNORED -IGNORES -IGNORING -IGOR -IKE -ILIAD -ILIADIZE -ILIADIZES -ILL -ILLEGAL -ILLEGALITIES -ILLEGALITY -ILLEGALLY -ILLEGITIMATE -ILLICIT -ILLICITLY -ILLINOIS -ILLITERACY -ILLITERATE -ILLNESS -ILLNESSES -ILLOGICAL -ILLOGICALLY -ILLS -ILLUMINATE -ILLUMINATED -ILLUMINATES -ILLUMINATING -ILLUMINATION -ILLUMINATIONS -ILLUSION -ILLUSIONS -ILLUSIVE -ILLUSIVELY -ILLUSORY -ILLUSTRATE -ILLUSTRATED -ILLUSTRATES -ILLUSTRATING -ILLUSTRATION -ILLUSTRATIONS -ILLUSTRATIVE -ILLUSTRATIVELY -ILLUSTRATOR -ILLUSTRATORS -ILLUSTRIOUS -ILLUSTRIOUSNESS -ILLY -ILONA -ILYUSHIN -IMAGE -IMAGEN -IMAGERY -IMAGES -IMAGINABLE -IMAGINABLY -IMAGINARY -IMAGINATION -IMAGINATIONS -IMAGINATIVE -IMAGINATIVELY -IMAGINE -IMAGINED -IMAGINES -IMAGING -IMAGINING -IMAGININGS -IMBALANCE -IMBALANCES -IMBECILE -IMBIBE -IMBRIUM -IMITATE -IMITATED -IMITATES -IMITATING -IMITATION -IMITATIONS -IMITATIVE -IMMACULATE -IMMACULATELY -IMMATERIAL -IMMATERIALLY -IMMATURE -IMMATURITY -IMMEDIACIES -IMMEDIACY -IMMEDIATE -IMMEDIATELY -IMMEMORIAL -IMMENSE -IMMENSELY -IMMERSE -IMMERSED -IMMERSES -IMMERSION -IMMIGRANT -IMMIGRANTS -IMMIGRATE -IMMIGRATED -IMMIGRATES -IMMIGRATING -IMMIGRATION -IMMINENT -IMMINENTLY -IMMODERATE -IMMODEST -IMMORAL -IMMORTAL -IMMORTALITY -IMMORTALLY -IMMOVABILITY -IMMOVABLE -IMMOVABLY -IMMUNE -IMMUNITIES -IMMUNITY -IMMUNIZATION -IMMUTABLE -IMP -IMPACT -IMPACTED -IMPACTING -IMPACTION -IMPACTOR -IMPACTORS -IMPACTS -IMPAIR -IMPAIRED -IMPAIRING -IMPAIRS -IMPALE -IMPART -IMPARTED -IMPARTIAL -IMPARTIALLY -IMPARTS -IMPASSE -IMPASSIVE -IMPATIENCE -IMPATIENT -IMPATIENTLY -IMPEACH -IMPEACHABLE -IMPEACHED -IMPEACHMENT -IMPECCABLE -IMPEDANCE -IMPEDANCES -IMPEDE -IMPEDED -IMPEDES -IMPEDIMENT -IMPEDIMENTS -IMPEDING -IMPEL -IMPELLED -IMPELLING -IMPEND -IMPENDING -IMPENETRABILITY -IMPENETRABLE -IMPENETRABLY -IMPERATIVE -IMPERATIVELY -IMPERATIVES -IMPERCEIVABLE -IMPERCEPTIBLE -IMPERFECT -IMPERFECTION -IMPERFECTIONS -IMPERFECTLY -IMPERIAL -IMPERIALISM -IMPERIALIST -IMPERIALISTS -IMPERIL -IMPERILED -IMPERIOUS -IMPERIOUSLY -IMPERMANENCE -IMPERMANENT -IMPERMEABLE -IMPERMISSIBLE -IMPERSONAL -IMPERSONALLY -IMPERSONATE -IMPERSONATED -IMPERSONATES -IMPERSONATING -IMPERSONATION -IMPERSONATIONS -IMPERTINENT -IMPERTINENTLY -IMPERVIOUS -IMPERVIOUSLY -IMPETUOUS -IMPETUOUSLY -IMPETUS -IMPINGE -IMPINGED -IMPINGES -IMPINGING -IMPIOUS -IMPLACABLE -IMPLANT -IMPLANTED -IMPLANTING -IMPLANTS -IMPLAUSIBLE -IMPLEMENT -IMPLEMENTABLE -IMPLEMENTATION -IMPLEMENTATIONS -IMPLEMENTED -IMPLEMENTER -IMPLEMENTING -IMPLEMENTOR -IMPLEMENTORS -IMPLEMENTS -IMPLICANT -IMPLICANTS -IMPLICATE -IMPLICATED -IMPLICATES -IMPLICATING -IMPLICATION -IMPLICATIONS -IMPLICIT -IMPLICITLY -IMPLICITNESS -IMPLIED -IMPLIES -IMPLORE -IMPLORED -IMPLORING -IMPLY -IMPLYING -IMPOLITE -IMPORT -IMPORTANCE -IMPORTANT -IMPORTANTLY -IMPORTATION -IMPORTED -IMPORTER -IMPORTERS -IMPORTING -IMPORTS -IMPOSE -IMPOSED -IMPOSES -IMPOSING -IMPOSITION -IMPOSITIONS -IMPOSSIBILITIES -IMPOSSIBILITY -IMPOSSIBLE -IMPOSSIBLY -IMPOSTOR -IMPOSTORS -IMPOTENCE -IMPOTENCY -IMPOTENT -IMPOUND -IMPOVERISH -IMPOVERISHED -IMPOVERISHMENT -IMPRACTICABLE -IMPRACTICAL -IMPRACTICALITY -IMPRACTICALLY -IMPRECISE -IMPRECISELY -IMPRECISION -IMPREGNABLE -IMPREGNATE -IMPRESS -IMPRESSED -IMPRESSER -IMPRESSES -IMPRESSIBLE -IMPRESSING -IMPRESSION -IMPRESSIONABLE -IMPRESSIONIST -IMPRESSIONISTIC -IMPRESSIONS -IMPRESSIVE -IMPRESSIVELY -IMPRESSIVENESS -IMPRESSMENT -IMPRIMATUR -IMPRINT -IMPRINTED -IMPRINTING -IMPRINTS -IMPRISON -IMPRISONED -IMPRISONING -IMPRISONMENT -IMPRISONMENTS -IMPRISONS -IMPROBABILITY -IMPROBABLE -IMPROMPTU -IMPROPER -IMPROPERLY -IMPROPRIETY -IMPROVE -IMPROVED -IMPROVEMENT -IMPROVEMENTS -IMPROVES -IMPROVING -IMPROVISATION -IMPROVISATIONAL -IMPROVISATIONS -IMPROVISE -IMPROVISED -IMPROVISER -IMPROVISERS -IMPROVISES -IMPROVISING -IMPRUDENT -IMPS -IMPUDENT -IMPUDENTLY -IMPUGN -IMPULSE -IMPULSES -IMPULSION -IMPULSIVE -IMPUNITY -IMPURE -IMPURITIES -IMPURITY -IMPUTE -IMPUTED -INABILITY -INACCESSIBLE -INACCURACIES -INACCURACY -INACCURATE -INACTION -INACTIVATE -INACTIVE -INACTIVITY -INADEQUACIES -INADEQUACY -INADEQUATE -INADEQUATELY -INADEQUATENESS -INADMISSIBILITY -INADMISSIBLE -INADVERTENT -INADVERTENTLY -INADVISABLE -INALIENABLE -INALTERABLE -INANE -INANIMATE -INANIMATELY -INANNA -INAPPLICABLE -INAPPROACHABLE -INAPPROPRIATE -INAPPROPRIATENESS -INASMUCH -INATTENTION -INAUDIBLE -INAUGURAL -INAUGURATE -INAUGURATED -INAUGURATING -INAUGURATION -INAUSPICIOUS -INBOARD -INBOUND -INBREED -INCA -INCALCULABLE -INCANDESCENT -INCANTATION -INCAPABLE -INCAPACITATE -INCAPACITATING -INCARCERATE -INCARNATION -INCARNATIONS -INCAS -INCENDIARIES -INCENDIARY -INCENSE -INCENSED -INCENSES -INCENTIVE -INCENTIVES -INCEPTION -INCESSANT -INCESSANTLY -INCEST -INCESTUOUS -INCH -INCHED -INCHES -INCHING -INCIDENCE -INCIDENT -INCIDENTAL -INCIDENTALLY -INCIDENTALS -INCIDENTS -INCINERATE -INCIPIENT -INCISIVE -INCITE -INCITED -INCITEMENT -INCITES -INCITING -INCLEMENT -INCLINATION -INCLINATIONS -INCLINE -INCLINED -INCLINES -INCLINING -INCLOSE -INCLOSED -INCLOSES -INCLOSING -INCLUDE -INCLUDED -INCLUDES -INCLUDING -INCLUSION -INCLUSIONS -INCLUSIVE -INCLUSIVELY -INCLUSIVENESS -INCOHERENCE -INCOHERENT -INCOHERENTLY -INCOME -INCOMES -INCOMING -INCOMMENSURABLE -INCOMMENSURATE -INCOMMUNICABLE -INCOMPARABLE -INCOMPARABLY -INCOMPATIBILITIES -INCOMPATIBILITY -INCOMPATIBLE -INCOMPATIBLY -INCOMPETENCE -INCOMPETENT -INCOMPETENTS -INCOMPLETE -INCOMPLETELY -INCOMPLETENESS -INCOMPREHENSIBILITY -INCOMPREHENSIBLE -INCOMPREHENSIBLY -INCOMPREHENSION -INCOMPRESSIBLE -INCOMPUTABLE -INCONCEIVABLE -INCONCLUSIVE -INCONGRUITY -INCONGRUOUS -INCONSEQUENTIAL -INCONSEQUENTIALLY -INCONSIDERABLE -INCONSIDERATE -INCONSIDERATELY -INCONSIDERATENESS -INCONSISTENCIES -INCONSISTENCY -INCONSISTENT -INCONSISTENTLY -INCONSPICUOUS -INCONTESTABLE -INCONTROVERTIBLE -INCONTROVERTIBLY -INCONVENIENCE -INCONVENIENCED -INCONVENIENCES -INCONVENIENCING -INCONVENIENT -INCONVENIENTLY -INCONVERTIBLE -INCORPORATE -INCORPORATED -INCORPORATES -INCORPORATING -INCORPORATION -INCORRECT -INCORRECTLY -INCORRECTNESS -INCORRIGIBLE -INCREASE -INCREASED -INCREASES -INCREASING -INCREASINGLY -INCREDIBLE -INCREDIBLY -INCREDULITY -INCREDULOUS -INCREDULOUSLY -INCREMENT -INCREMENTAL -INCREMENTALLY -INCREMENTED -INCREMENTER -INCREMENTING -INCREMENTS -INCRIMINATE -INCUBATE -INCUBATED -INCUBATES -INCUBATING -INCUBATION -INCUBATOR -INCUBATORS -INCULCATE -INCUMBENT -INCUR -INCURABLE -INCURRED -INCURRING -INCURS -INCURSION -INDEBTED -INDEBTEDNESS -INDECENT -INDECIPHERABLE -INDECISION -INDECISIVE -INDEED -INDEFATIGABLE -INDEFENSIBLE -INDEFINITE -INDEFINITELY -INDEFINITENESS -INDELIBLE -INDEMNIFY -INDEMNITY -INDENT -INDENTATION -INDENTATIONS -INDENTED -INDENTING -INDENTS -INDENTURE -INDEPENDENCE -INDEPENDENT -INDEPENDENTLY -INDESCRIBABLE -INDESTRUCTIBLE -INDETERMINACIES -INDETERMINACY -INDETERMINATE -INDETERMINATELY -INDEX -INDEXABLE -INDEXED -INDEXES -INDEXING -INDIA -INDIAN -INDIANA -INDIANAPOLIS -INDIANS -INDICATE -INDICATED -INDICATES -INDICATING -INDICATION -INDICATIONS -INDICATIVE -INDICATOR -INDICATORS -INDICES -INDICT -INDICTMENT -INDICTMENTS -INDIES -INDIFFERENCE -INDIFFERENT -INDIFFERENTLY -INDIGENOUS -INDIGENOUSLY -INDIGENOUSNESS -INDIGESTIBLE -INDIGESTION -INDIGNANT -INDIGNANTLY -INDIGNATION -INDIGNITIES -INDIGNITY -INDIGO -INDIRA -INDIRECT -INDIRECTED -INDIRECTING -INDIRECTION -INDIRECTIONS -INDIRECTLY -INDIRECTS -INDISCREET -INDISCRETION -INDISCRIMINATE -INDISCRIMINATELY -INDISPENSABILITY -INDISPENSABLE -INDISPENSABLY -INDISPUTABLE -INDISTINCT -INDISTINGUISHABLE -INDIVIDUAL -INDIVIDUALISM -INDIVIDUALISTIC -INDIVIDUALITY -INDIVIDUALIZE -INDIVIDUALIZED -INDIVIDUALIZES -INDIVIDUALIZING -INDIVIDUALLY -INDIVIDUALS -INDIVISIBILITY -INDIVISIBLE -INDO -INDOCHINA -INDOCHINESE -INDOCTRINATE -INDOCTRINATED -INDOCTRINATES -INDOCTRINATING -INDOCTRINATION -INDOEUROPEAN -INDOLENT -INDOLENTLY -INDOMITABLE -INDONESIA -INDONESIAN -INDOOR -INDOORS -INDUBITABLE -INDUCE -INDUCED -INDUCEMENT -INDUCEMENTS -INDUCER -INDUCES -INDUCING -INDUCT -INDUCTANCE -INDUCTANCES -INDUCTED -INDUCTEE -INDUCTING -INDUCTION -INDUCTIONS -INDUCTIVE -INDUCTIVELY -INDUCTOR -INDUCTORS -INDUCTS -INDULGE -INDULGED -INDULGENCE -INDULGENCES -INDULGENT -INDULGING -INDUS -INDUSTRIAL -INDUSTRIALISM -INDUSTRIALIST -INDUSTRIALISTS -INDUSTRIALIZATION -INDUSTRIALIZED -INDUSTRIALLY -INDUSTRIALS -INDUSTRIES -INDUSTRIOUS -INDUSTRIOUSLY -INDUSTRIOUSNESS -INDUSTRY -INDY -INEFFECTIVE -INEFFECTIVELY -INEFFECTIVENESS -INEFFECTUAL -INEFFICIENCIES -INEFFICIENCY -INEFFICIENT -INEFFICIENTLY -INELEGANT -INELIGIBLE -INEPT -INEQUALITIES -INEQUALITY -INEQUITABLE -INEQUITY -INERT -INERTIA -INERTIAL -INERTLY -INERTNESS -INESCAPABLE -INESCAPABLY -INESSENTIAL -INESTIMABLE -INEVITABILITIES -INEVITABILITY -INEVITABLE -INEVITABLY -INEXACT -INEXCUSABLE -INEXCUSABLY -INEXHAUSTIBLE -INEXORABLE -INEXORABLY -INEXPENSIVE -INEXPENSIVELY -INEXPERIENCE -INEXPERIENCED -INEXPLICABLE -INFALLIBILITY -INFALLIBLE -INFALLIBLY -INFAMOUS -INFAMOUSLY -INFAMY -INFANCY -INFANT -INFANTILE -INFANTRY -INFANTRYMAN -INFANTRYMEN -INFANTS -INFARCT -INFATUATE -INFEASIBLE -INFECT -INFECTED -INFECTING -INFECTION -INFECTIONS -INFECTIOUS -INFECTIOUSLY -INFECTIVE -INFECTS -INFER -INFERENCE -INFERENCES -INFERENTIAL -INFERIOR -INFERIORITY -INFERIORS -INFERNAL -INFERNALLY -INFERNO -INFERNOS -INFERRED -INFERRING -INFERS -INFERTILE -INFEST -INFESTED -INFESTING -INFESTS -INFIDEL -INFIDELITY -INFIDELS -INFIGHTING -INFILTRATE -INFINITE -INFINITELY -INFINITENESS -INFINITESIMAL -INFINITIVE -INFINITIVES -INFINITUDE -INFINITUM -INFINITY -INFIRM -INFIRMARY -INFIRMITY -INFIX -INFLAME -INFLAMED -INFLAMMABLE -INFLAMMATION -INFLAMMATORY -INFLATABLE -INFLATE -INFLATED -INFLATER -INFLATES -INFLATING -INFLATION -INFLATIONARY -INFLEXIBILITY -INFLEXIBLE -INFLICT -INFLICTED -INFLICTING -INFLICTS -INFLOW -INFLUENCE -INFLUENCED -INFLUENCES -INFLUENCING -INFLUENTIAL -INFLUENTIALLY -INFLUENZA -INFORM -INFORMAL -INFORMALITY -INFORMALLY -INFORMANT -INFORMANTS -INFORMATICA -INFORMATION -INFORMATIONAL -INFORMATIVE -INFORMATIVELY -INFORMED -INFORMER -INFORMERS -INFORMING -INFORMS -INFRA -INFRARED -INFRASTRUCTURE -INFREQUENT -INFREQUENTLY -INFRINGE -INFRINGED -INFRINGEMENT -INFRINGEMENTS -INFRINGES -INFRINGING -INFURIATE -INFURIATED -INFURIATES -INFURIATING -INFURIATION -INFUSE -INFUSED -INFUSES -INFUSING -INFUSION -INFUSIONS -INGENIOUS -INGENIOUSLY -INGENIOUSNESS -INGENUITY -INGENUOUS -INGERSOLL -INGEST -INGESTION -INGLORIOUS -INGOT -INGRAM -INGRATE -INGRATIATE -INGRATITUDE -INGREDIENT -INGREDIENTS -INGROWN -INHABIT -INHABITABLE -INHABITANCE -INHABITANT -INHABITANTS -INHABITED -INHABITING -INHABITS -INHALE -INHALED -INHALER -INHALES -INHALING -INHERE -INHERENT -INHERENTLY -INHERES -INHERIT -INHERITABLE -INHERITANCE -INHERITANCES -INHERITED -INHERITING -INHERITOR -INHERITORS -INHERITRESS -INHERITRESSES -INHERITRICES -INHERITRIX -INHERITS -INHIBIT -INHIBITED -INHIBITING -INHIBITION -INHIBITIONS -INHIBITOR -INHIBITORS -INHIBITORY -INHIBITS -INHOMOGENEITIES -INHOMOGENEITY -INHOMOGENEOUS -INHOSPITABLE -INHUMAN -INHUMANE -INIMICAL -INIMITABLE -INIQUITIES -INIQUITY -INITIAL -INITIALED -INITIALING -INITIALIZATION -INITIALIZATIONS -INITIALIZE -INITIALIZED -INITIALIZER -INITIALIZERS -INITIALIZES -INITIALIZING -INITIALLY -INITIALS -INITIATE -INITIATED -INITIATES -INITIATING -INITIATION -INITIATIONS -INITIATIVE -INITIATIVES -INITIATOR -INITIATORS -INJECT -INJECTED -INJECTING -INJECTION -INJECTIONS -INJECTIVE -INJECTS -INJUDICIOUS -INJUN -INJUNCTION -INJUNCTIONS -INJUNS -INJURE -INJURED -INJURES -INJURIES -INJURING -INJURIOUS -INJURY -INJUSTICE -INJUSTICES -INK -INKED -INKER -INKERS -INKING -INKINGS -INKLING -INKLINGS -INKS -INLAID -INLAND -INLAY -INLET -INLETS -INLINE -INMAN -INMATE -INMATES -INN -INNARDS -INNATE -INNATELY -INNER -INNERMOST -INNING -INNINGS -INNOCENCE -INNOCENT -INNOCENTLY -INNOCENTS -INNOCUOUS -INNOCUOUSLY -INNOCUOUSNESS -INNOVATE -INNOVATION -INNOVATIONS -INNOVATIVE -INNS -INNUENDO -INNUMERABILITY -INNUMERABLE -INNUMERABLY -INOCULATE -INOPERABLE -INOPERATIVE -INOPPORTUNE -INORDINATE -INORDINATELY -INORGANIC -INPUT -INPUTS -INQUEST -INQUIRE -INQUIRED -INQUIRER -INQUIRERS -INQUIRES -INQUIRIES -INQUIRING -INQUIRY -INQUISITION -INQUISITIONS -INQUISITIVE -INQUISITIVELY -INQUISITIVENESS -INROAD -INROADS -INSANE -INSANELY -INSANITY -INSATIABLE -INSCRIBE -INSCRIBED -INSCRIBES -INSCRIBING -INSCRIPTION -INSCRIPTIONS -INSCRUTABLE -INSECT -INSECTICIDE -INSECTS -INSECURE -INSECURELY -INSEMINATE -INSENSIBLE -INSENSITIVE -INSENSITIVELY -INSENSITIVITY -INSEPARABLE -INSERT -INSERTED -INSERTING -INSERTION -INSERTIONS -INSERTS -INSET -INSIDE -INSIDER -INSIDERS -INSIDES -INSIDIOUS -INSIDIOUSLY -INSIDIOUSNESS -INSIGHT -INSIGHTFUL -INSIGHTS -INSIGNIA -INSIGNIFICANCE -INSIGNIFICANT -INSINCERE -INSINCERITY -INSINUATE -INSINUATED -INSINUATES -INSINUATING -INSINUATION -INSINUATIONS -INSIPID -INSIST -INSISTED -INSISTENCE -INSISTENT -INSISTENTLY -INSISTING -INSISTS -INSOFAR -INSOLENCE -INSOLENT -INSOLENTLY -INSOLUBLE -INSOLVABLE -INSOLVENT -INSOMNIA -INSOMNIAC -INSPECT -INSPECTED -INSPECTING -INSPECTION -INSPECTIONS -INSPECTOR -INSPECTORS -INSPECTS -INSPIRATION -INSPIRATIONS -INSPIRE -INSPIRED -INSPIRER -INSPIRES -INSPIRING -INSTABILITIES -INSTABILITY -INSTALL -INSTALLATION -INSTALLATIONS -INSTALLED -INSTALLER -INSTALLERS -INSTALLING -INSTALLMENT -INSTALLMENTS -INSTALLS -INSTANCE -INSTANCES -INSTANT -INSTANTANEOUS -INSTANTANEOUSLY -INSTANTER -INSTANTIATE -INSTANTIATED -INSTANTIATES -INSTANTIATING -INSTANTIATION -INSTANTIATIONS -INSTANTLY -INSTANTS -INSTEAD -INSTIGATE -INSTIGATED -INSTIGATES -INSTIGATING -INSTIGATOR -INSTIGATORS -INSTILL -INSTINCT -INSTINCTIVE -INSTINCTIVELY -INSTINCTS -INSTINCTUAL -INSTITUTE -INSTITUTED -INSTITUTER -INSTITUTERS -INSTITUTES -INSTITUTING -INSTITUTION -INSTITUTIONAL -INSTITUTIONALIZE -INSTITUTIONALIZED -INSTITUTIONALIZES -INSTITUTIONALIZING -INSTITUTIONALLY -INSTITUTIONS -INSTRUCT -INSTRUCTED -INSTRUCTING -INSTRUCTION -INSTRUCTIONAL -INSTRUCTIONS -INSTRUCTIVE -INSTRUCTIVELY -INSTRUCTOR -INSTRUCTORS -INSTRUCTS -INSTRUMENT -INSTRUMENTAL -INSTRUMENTALIST -INSTRUMENTALISTS -INSTRUMENTALLY -INSTRUMENTALS -INSTRUMENTATION -INSTRUMENTED -INSTRUMENTING -INSTRUMENTS -INSUBORDINATE -INSUFFERABLE -INSUFFICIENT -INSUFFICIENTLY -INSULAR -INSULATE -INSULATED -INSULATES -INSULATING -INSULATION -INSULATOR -INSULATORS -INSULIN -INSULT -INSULTED -INSULTING -INSULTS -INSUPERABLE -INSUPPORTABLE -INSURANCE -INSURE -INSURED -INSURER -INSURERS -INSURES -INSURGENT -INSURGENTS -INSURING -INSURMOUNTABLE -INSURRECTION -INSURRECTIONS -INTACT -INTANGIBLE -INTANGIBLES -INTEGER -INTEGERS -INTEGRABLE -INTEGRAL -INTEGRALS -INTEGRAND -INTEGRATE -INTEGRATED -INTEGRATES -INTEGRATING -INTEGRATION -INTEGRATIONS -INTEGRATIVE -INTEGRITY -INTEL -INTELLECT -INTELLECTS -INTELLECTUAL -INTELLECTUALLY -INTELLECTUALS -INTELLIGENCE -INTELLIGENT -INTELLIGENTLY -INTELLIGENTSIA -INTELLIGIBILITY -INTELLIGIBLE -INTELLIGIBLY -INTELSAT -INTEMPERATE -INTEND -INTENDED -INTENDING -INTENDS -INTENSE -INTENSELY -INTENSIFICATION -INTENSIFIED -INTENSIFIER -INTENSIFIERS -INTENSIFIES -INTENSIFY -INTENSIFYING -INTENSITIES -INTENSITY -INTENSIVE -INTENSIVELY -INTENT -INTENTION -INTENTIONAL -INTENTIONALLY -INTENTIONED -INTENTIONS -INTENTLY -INTENTNESS -INTENTS -INTER -INTERACT -INTERACTED -INTERACTING -INTERACTION -INTERACTIONS -INTERACTIVE -INTERACTIVELY -INTERACTIVITY -INTERACTS -INTERCEPT -INTERCEPTED -INTERCEPTING -INTERCEPTION -INTERCEPTOR -INTERCEPTS -INTERCHANGE -INTERCHANGEABILITY -INTERCHANGEABLE -INTERCHANGEABLY -INTERCHANGED -INTERCHANGER -INTERCHANGES -INTERCHANGING -INTERCHANGINGS -INTERCHANNEL -INTERCITY -INTERCOM -INTERCOMMUNICATE -INTERCOMMUNICATED -INTERCOMMUNICATES -INTERCOMMUNICATING -INTERCOMMUNICATION -INTERCONNECT -INTERCONNECTED -INTERCONNECTING -INTERCONNECTION -INTERCONNECTIONS -INTERCONNECTS -INTERCONTINENTAL -INTERCOURSE -INTERDATA -INTERDEPENDENCE -INTERDEPENDENCIES -INTERDEPENDENCY -INTERDEPENDENT -INTERDICT -INTERDICTION -INTERDISCIPLINARY -INTEREST -INTERESTED -INTERESTING -INTERESTINGLY -INTERESTS -INTERFACE -INTERFACED -INTERFACER -INTERFACES -INTERFACING -INTERFERE -INTERFERED -INTERFERENCE -INTERFERENCES -INTERFERES -INTERFERING -INTERFERINGLY -INTERFEROMETER -INTERFEROMETRIC -INTERFEROMETRY -INTERFRAME -INTERGROUP -INTERIM -INTERIOR -INTERIORS -INTERJECT -INTERLACE -INTERLACED -INTERLACES -INTERLACING -INTERLEAVE -INTERLEAVED -INTERLEAVES -INTERLEAVING -INTERLINK -INTERLINKED -INTERLINKS -INTERLISP -INTERMEDIARY -INTERMEDIATE -INTERMEDIATES -INTERMINABLE -INTERMINGLE -INTERMINGLED -INTERMINGLES -INTERMINGLING -INTERMISSION -INTERMITTENT -INTERMITTENTLY -INTERMIX -INTERMIXED -INTERMODULE -INTERN -INTERNAL -INTERNALIZE -INTERNALIZED -INTERNALIZES -INTERNALIZING -INTERNALLY -INTERNALS -INTERNATIONAL -INTERNATIONALITY -INTERNATIONALLY -INTERNED -INTERNET -INTERNET -INTERNETWORK -INTERNING -INTERNS -INTERNSHIP -INTEROFFICE -INTERPERSONAL -INTERPLAY -INTERPOL -INTERPOLATE -INTERPOLATED -INTERPOLATES -INTERPOLATING -INTERPOLATION -INTERPOLATIONS -INTERPOSE -INTERPOSED -INTERPOSES -INTERPOSING -INTERPRET -INTERPRETABLE -INTERPRETATION -INTERPRETATIONS -INTERPRETED -INTERPRETER -INTERPRETERS -INTERPRETING -INTERPRETIVE -INTERPRETIVELY -INTERPRETS -INTERPROCESS -INTERRELATE -INTERRELATED -INTERRELATES -INTERRELATING -INTERRELATION -INTERRELATIONS -INTERRELATIONSHIP -INTERRELATIONSHIPS -INTERROGATE -INTERROGATED -INTERROGATES -INTERROGATING -INTERROGATION -INTERROGATIONS -INTERROGATIVE -INTERRUPT -INTERRUPTED -INTERRUPTIBLE -INTERRUPTING -INTERRUPTION -INTERRUPTIONS -INTERRUPTIVE -INTERRUPTS -INTERSECT -INTERSECTED -INTERSECTING -INTERSECTION -INTERSECTIONS -INTERSECTS -INTERSPERSE -INTERSPERSED -INTERSPERSES -INTERSPERSING -INTERSPERSION -INTERSTAGE -INTERSTATE -INTERTWINE -INTERTWINED -INTERTWINES -INTERTWINING -INTERVAL -INTERVALS -INTERVENE -INTERVENED -INTERVENES -INTERVENING -INTERVENTION -INTERVENTIONS -INTERVIEW -INTERVIEWED -INTERVIEWEE -INTERVIEWER -INTERVIEWERS -INTERVIEWING -INTERVIEWS -INTERWOVEN -INTESTATE -INTESTINAL -INTESTINE -INTESTINES -INTIMACY -INTIMATE -INTIMATED -INTIMATELY -INTIMATING -INTIMATION -INTIMATIONS -INTIMIDATE -INTIMIDATED -INTIMIDATES -INTIMIDATING -INTIMIDATION -INTO -INTOLERABLE -INTOLERABLY -INTOLERANCE -INTOLERANT -INTONATION -INTONATIONS -INTONE -INTOXICANT -INTOXICATE -INTOXICATED -INTOXICATING -INTOXICATION -INTRACTABILITY -INTRACTABLE -INTRACTABLY -INTRAGROUP -INTRALINE -INTRAMURAL -INTRAMUSCULAR -INTRANSIGENT -INTRANSITIVE -INTRANSITIVELY -INTRAOFFICE -INTRAPROCESS -INTRASTATE -INTRAVENOUS -INTREPID -INTRICACIES -INTRICACY -INTRICATE -INTRICATELY -INTRIGUE -INTRIGUED -INTRIGUES -INTRIGUING -INTRINSIC -INTRINSICALLY -INTRODUCE -INTRODUCED -INTRODUCES -INTRODUCING -INTRODUCTION -INTRODUCTIONS -INTRODUCTORY -INTROSPECT -INTROSPECTION -INTROSPECTIONS -INTROSPECTIVE -INTROVERT -INTROVERTED -INTRUDE -INTRUDED -INTRUDER -INTRUDERS -INTRUDES -INTRUDING -INTRUSION -INTRUSIONS -INTRUST -INTUBATE -INTUBATED -INTUBATES -INTUBATION -INTUITION -INTUITIONIST -INTUITIONS -INTUITIVE -INTUITIVELY -INUNDATE -INVADE -INVADED -INVADER -INVADERS -INVADES -INVADING -INVALID -INVALIDATE -INVALIDATED -INVALIDATES -INVALIDATING -INVALIDATION -INVALIDATIONS -INVALIDITIES -INVALIDITY -INVALIDLY -INVALIDS -INVALUABLE -INVARIABLE -INVARIABLY -INVARIANCE -INVARIANT -INVARIANTLY -INVARIANTS -INVASION -INVASIONS -INVECTIVE -INVENT -INVENTED -INVENTING -INVENTION -INVENTIONS -INVENTIVE -INVENTIVELY -INVENTIVENESS -INVENTOR -INVENTORIES -INVENTORS -INVENTORY -INVENTS -INVERNESS -INVERSE -INVERSELY -INVERSES -INVERSION -INVERSIONS -INVERT -INVERTEBRATE -INVERTEBRATES -INVERTED -INVERTER -INVERTERS -INVERTIBLE -INVERTING -INVERTS -INVEST -INVESTED -INVESTIGATE -INVESTIGATED -INVESTIGATES -INVESTIGATING -INVESTIGATION -INVESTIGATIONS -INVESTIGATIVE -INVESTIGATOR -INVESTIGATORS -INVESTIGATORY -INVESTING -INVESTMENT -INVESTMENTS -INVESTOR -INVESTORS -INVESTS -INVETERATE -INVIGORATE -INVINCIBLE -INVISIBILITY -INVISIBLE -INVISIBLY -INVITATION -INVITATIONS -INVITE -INVITED -INVITES -INVITING -INVOCABLE -INVOCATION -INVOCATIONS -INVOICE -INVOICED -INVOICES -INVOICING -INVOKE -INVOKED -INVOKER -INVOKES -INVOKING -INVOLUNTARILY -INVOLUNTARY -INVOLVE -INVOLVED -INVOLVEMENT -INVOLVEMENTS -INVOLVES -INVOLVING -INWARD -INWARDLY -INWARDNESS -INWARDS -IODINE -ION -IONIAN -IONIANS -IONICIZATION -IONICIZATIONS -IONICIZE -IONICIZES -IONOSPHERE -IONOSPHERIC -IONS -IOTA -IOWA -IRA -IRAN -IRANIAN -IRANIANS -IRANIZE -IRANIZES -IRAQ -IRAQI -IRAQIS -IRATE -IRATELY -IRATENESS -IRE -IRELAND -IRENE -IRES -IRIS -IRISH -IRISHIZE -IRISHIZES -IRISHMAN -IRISHMEN -IRK -IRKED -IRKING -IRKS -IRKSOME -IRMA -IRON -IRONED -IRONIC -IRONICAL -IRONICALLY -IRONIES -IRONING -IRONINGS -IRONS -IRONY -IROQUOIS -IRRADIATE -IRRATIONAL -IRRATIONALLY -IRRATIONALS -IRRAWADDY -IRRECONCILABLE -IRRECOVERABLE -IRREDUCIBLE -IRREDUCIBLY -IRREFLEXIVE -IRREFUTABLE -IRREGULAR -IRREGULARITIES -IRREGULARITY -IRREGULARLY -IRREGULARS -IRRELEVANCE -IRRELEVANCES -IRRELEVANT -IRRELEVANTLY -IRREPLACEABLE -IRREPRESSIBLE -IRREPRODUCIBILITY -IRREPRODUCIBLE -IRRESISTIBLE -IRRESPECTIVE -IRRESPECTIVELY -IRRESPONSIBLE -IRRESPONSIBLY -IRRETRIEVABLY -IRREVERENT -IRREVERSIBILITY -IRREVERSIBLE -IRREVERSIBLY -IRREVOCABLE -IRREVOCABLY -IRRIGATE -IRRIGATED -IRRIGATES -IRRIGATING -IRRIGATION -IRRITABLE -IRRITANT -IRRITATE -IRRITATED -IRRITATES -IRRITATING -IRRITATION -IRRITATIONS -IRVIN -IRVINE -IRVING -IRWIN -ISAAC -ISAACS -ISAACSON -ISABEL -ISABELLA -ISADORE -ISAIAH -ISFAHAN -ISING -ISIS -ISLAM -ISLAMABAD -ISLAMIC -ISLAMIZATION -ISLAMIZATIONS -ISLAMIZE -ISLAMIZES -ISLAND -ISLANDER -ISLANDERS -ISLANDIA -ISLANDS -ISLE -ISLES -ISLET -ISLETS -ISOLATE -ISOLATED -ISOLATES -ISOLATING -ISOLATION -ISOLATIONS -ISOLDE -ISOMETRIC -ISOMORPHIC -ISOMORPHICALLY -ISOMORPHISM -ISOMORPHISMS -ISOTOPE -ISOTOPES -ISRAEL -ISRAELI -ISRAELIS -ISRAELITE -ISRAELITES -ISRAELITIZE -ISRAELITIZES -ISSUANCE -ISSUE -ISSUED -ISSUER -ISSUERS -ISSUES -ISSUING -ISTANBUL -ISTHMUS -ISTVAN -ITALIAN -ITALIANIZATION -ITALIANIZATIONS -ITALIANIZE -ITALIANIZER -ITALIANIZERS -ITALIANIZES -ITALIANS -ITALIC -ITALICIZE -ITALICIZED -ITALICS -ITALY -ITCH -ITCHES -ITCHING -ITEL -ITEM -ITEMIZATION -ITEMIZATIONS -ITEMIZE -ITEMIZED -ITEMIZES -ITEMIZING -ITEMS -ITERATE -ITERATED -ITERATES -ITERATING -ITERATION -ITERATIONS -ITERATIVE -ITERATIVELY -ITERATOR -ITERATORS -ITHACA -ITHACAN -ITINERARIES -ITINERARY -ITO -ITS -ITSELF -IVAN -IVANHOE -IVERSON -IVIES -IVORY -IVY -IZAAK -IZVESTIA -JAB -JABBED -JABBING -JABLONSKY -JABS -JACK -JACKASS -JACKET -JACKETED -JACKETS -JACKIE -JACKING -JACKKNIFE -JACKMAN -JACKPOT -JACKSON -JACKSONIAN -JACKSONS -JACKSONVILLE -JACKY -JACOB -JACOBEAN -JACOBI -JACOBIAN -JACOBINIZE -JACOBITE -JACOBS -JACOBSEN -JACOBSON -JACOBUS -JACOBY -JACQUELINE -JACQUES -JADE -JADED -JAEGER -JAGUAR -JAIL -JAILED -JAILER -JAILERS -JAILING -JAILS -JAIME -JAKARTA -JAKE -JAKES -JAM -JAMAICA -JAMAICAN -JAMES -JAMESON -JAMESTOWN -JAMMED -JAMMING -JAMS -JANE -JANEIRO -JANESVILLE -JANET -JANICE -JANIS -JANITOR -JANITORS -JANOS -JANSEN -JANSENIST -JANUARIES -JANUARY -JANUS -JAPAN -JAPANESE -JAPANIZATION -JAPANIZATIONS -JAPANIZE -JAPANIZED -JAPANIZES -JAPANIZING -JAR -JARGON -JARRED -JARRING -JARRINGLY -JARS -JARVIN -JASON -JASTROW -JAUNDICE -JAUNT -JAUNTINESS -JAUNTS -JAUNTY -JAVA -JAVANESE -JAVELIN -JAVELINS -JAW -JAWBONE -JAWS -JAY -JAYCEE -JAYCEES -JAZZ -JAZZY -JEALOUS -JEALOUSIES -JEALOUSLY -JEALOUSY -JEAN -JEANNE -JEANNIE -JEANS -JED -JEEP -JEEPS -JEER -JEERS -JEFF -JEFFERSON -JEFFERSONIAN -JEFFERSONIANS -JEFFREY -JEHOVAH -JELLIES -JELLO -JELLY -JELLYFISH -JENKINS -JENNIE -JENNIFER -JENNINGS -JENNY -JENSEN -JEOPARDIZE -JEOPARDIZED -JEOPARDIZES -JEOPARDIZING -JEOPARDY -JEREMIAH -JEREMY -JERES -JERICHO -JERK -JERKED -JERKINESS -JERKING -JERKINGS -JERKS -JERKY -JEROBOAM -JEROME -JERRY -JERSEY -JERSEYS -JERUSALEM -JESSE -JESSICA -JESSIE -JESSY -JEST -JESTED -JESTER -JESTING -JESTS -JESUIT -JESUITISM -JESUITIZE -JESUITIZED -JESUITIZES -JESUITIZING -JESUITS -JESUS -JET -JETLINER -JETS -JETTED -JETTING -JEW -JEWEL -JEWELED -JEWELER -JEWELL -JEWELLED -JEWELRIES -JEWELRY -JEWELS -JEWETT -JEWISH -JEWISHNESS -JEWS -JIFFY -JIG -JIGS -JIGSAW -JILL -JIM -JIMENEZ -JIMMIE -JINGLE -JINGLED -JINGLING -JINNY -JITTER -JITTERBUG -JITTERY -JOAN -JOANNA -JOANNE -JOAQUIN -JOB -JOBREL -JOBS -JOCKEY -JOCKSTRAP -JOCUND -JODY -JOE -JOEL -JOES -JOG -JOGGING -JOGS -JOHANN -JOHANNA -JOHANNES -JOHANNESBURG -JOHANSEN -JOHANSON -JOHN -JOHNNIE -JOHNNY -JOHNS -JOHNSEN -JOHNSON -JOHNSTON -JOHNSTOWN -JOIN -JOINED -JOINER -JOINERS -JOINING -JOINS -JOINT -JOINTLY -JOINTS -JOKE -JOKED -JOKER -JOKERS -JOKES -JOKING -JOKINGLY -JOLIET -JOLLA -JOLLY -JOLT -JOLTED -JOLTING -JOLTS -JON -JONAS -JONATHAN -JONATHANIZATION -JONATHANIZATIONS -JONES -JONESES -JONQUIL -JOPLIN -JORDAN -JORDANIAN -JORGE -JORGENSEN -JORGENSON -JOSE -JOSEF -JOSEPH -JOSEPHINE -JOSEPHSON -JOSEPHUS -JOSHUA -JOSIAH -JOSTLE -JOSTLED -JOSTLES -JOSTLING -JOT -JOTS -JOTTED -JOTTING -JOULE -JOURNAL -JOURNALISM -JOURNALIST -JOURNALISTS -JOURNALIZE -JOURNALIZED -JOURNALIZES -JOURNALIZING -JOURNALS -JOURNEY -JOURNEYED -JOURNEYING -JOURNEYINGS -JOURNEYMAN -JOURNEYMEN -JOURNEYS -JOUST -JOUSTED -JOUSTING -JOUSTS -JOVANOVICH -JOVE -JOVIAL -JOVIAN -JOY -JOYCE -JOYFUL -JOYFULLY -JOYOUS -JOYOUSLY -JOYOUSNESS -JOYRIDE -JOYS -JOYSTICK -JUAN -JUANITA -JUBAL -JUBILEE -JUDAICA -JUDAISM -JUDAS -JUDD -JUDDER -JUDDERED -JUDDERING -JUDDERS -JUDE -JUDEA -JUDGE -JUDGED -JUDGES -JUDGING -JUDGMENT -JUDGMENTS -JUDICIAL -JUDICIARY -JUDICIOUS -JUDICIOUSLY -JUDITH -JUDO -JUDSON -JUDY -JUG -JUGGLE -JUGGLER -JUGGLERS -JUGGLES -JUGGLING -JUGOSLAVIA -JUGS -JUICE -JUICES -JUICIEST -JUICY -JUKES -JULES -JULIA -JULIAN -JULIE -JULIES -JULIET -JULIO -JULIUS -JULY -JUMBLE -JUMBLED -JUMBLES -JUMBO -JUMP -JUMPED -JUMPER -JUMPERS -JUMPING -JUMPS -JUMPY -JUNCTION -JUNCTIONS -JUNCTURE -JUNCTURES -JUNE -JUNEAU -JUNES -JUNG -JUNGIAN -JUNGLE -JUNGLES -JUNIOR -JUNIORS -JUNIPER -JUNK -JUNKER -JUNKERS -JUNKS -JUNKY -JUNO -JUNTA -JUPITER -JURA -JURAS -JURASSIC -JURE -JURIES -JURISDICTION -JURISDICTIONS -JURISPRUDENCE -JURIST -JUROR -JURORS -JURY -JUST -JUSTICE -JUSTICES -JUSTIFIABLE -JUSTIFIABLY -JUSTIFICATION -JUSTIFICATIONS -JUSTIFIED -JUSTIFIER -JUSTIFIERS -JUSTIFIES -JUSTIFY -JUSTIFYING -JUSTINE -JUSTINIAN -JUSTLY -JUSTNESS -JUT -JUTISH -JUTLAND -JUTTING -JUVENILE -JUVENILES -JUXTAPOSE -JUXTAPOSED -JUXTAPOSES -JUXTAPOSING -KABUKI -KABUL -KADDISH -KAFKA -KAFKAESQUE -KAHN -KAJAR -KALAMAZOO -KALI -KALMUK -KAMCHATKA -KAMIKAZE -KAMIKAZES -KAMPALA -KAMPUCHEA -KANARESE -KANE -KANGAROO -KANJI -KANKAKEE -KANNADA -KANSAS -KANT -KANTIAN -KAPLAN -KAPPA -KARACHI -KARAMAZOV -KARATE -KAREN -KARL -KAROL -KARP -KASHMIR -KASKASKIA -KATE -KATHARINE -KATHERINE -KATHLEEN -KATHY -KATIE -KATMANDU -KATOWICE -KATZ -KAUFFMAN -KAUFMAN -KAY -KEATON -KEATS -KEEGAN -KEEL -KEELED -KEELING -KEELS -KEEN -KEENAN -KEENER -KEENEST -KEENLY -KEENNESS -KEEP -KEEPER -KEEPERS -KEEPING -KEEPS -KEITH -KELLER -KELLEY -KELLOGG -KELLY -KELSEY -KELVIN -KEMP -KEN -KENDALL -KENILWORTH -KENNAN -KENNECOTT -KENNEDY -KENNEL -KENNELS -KENNETH -KENNEY -KENNING -KENNY -KENOSHA -KENSINGTON -KENT -KENTON -KENTUCKY -KENYA -KENYON -KEPLER -KEPT -KERCHIEF -KERCHIEFS -KERMIT -KERN -KERNEL -KERNELS -KERNIGHAN -KEROSENE -KEROUAC -KERR -KESSLER -KETCHUP -KETTERING -KETTLE -KETTLES -KEVIN -KEWASKUM -KEWAUNEE -KEY -KEYBOARD -KEYBOARDS -KEYED -KEYES -KEYHOLE -KEYING -KEYNES -KEYNESIAN -KEYNOTE -KEYPAD -KEYPADS -KEYS -KEYSTROKE -KEYSTROKES -KEYWORD -KEYWORDS -KHARTOUM -KHMER -KHRUSHCHEV -KHRUSHCHEVS -KICK -KICKAPOO -KICKED -KICKER -KICKERS -KICKING -KICKOFF -KICKS -KID -KIDDE -KIDDED -KIDDIE -KIDDING -KIDNAP -KIDNAPPER -KIDNAPPERS -KIDNAPPING -KIDNAPPINGS -KIDNAPS -KIDNEY -KIDNEYS -KIDS -KIEFFER -KIEL -KIEV -KIEWIT -KIGALI -KIKUYU -KILGORE -KILIMANJARO -KILL -KILLEBREW -KILLED -KILLER -KILLERS -KILLING -KILLINGLY -KILLINGS -KILLJOY -KILLS -KILOBIT -KILOBITS -KILOBLOCK -KILOBYTE -KILOBYTES -KILOGRAM -KILOGRAMS -KILOHERTZ -KILOHM -KILOJOULE -KILOMETER -KILOMETERS -KILOTON -KILOVOLT -KILOWATT -KILOWORD -KIM -KIMBALL -KIMBERLY -KIMONO -KIN -KIND -KINDER -KINDERGARTEN -KINDEST -KINDHEARTED -KINDLE -KINDLED -KINDLES -KINDLING -KINDLY -KINDNESS -KINDRED -KINDS -KINETIC -KING -KINGDOM -KINGDOMS -KINGLY -KINGPIN -KINGS -KINGSBURY -KINGSLEY -KINGSTON -KINGSTOWN -KINGWOOD -KINK -KINKY -KINNEY -KINNICKINNIC -KINSEY -KINSHASHA -KINSHIP -KINSMAN -KIOSK -KIOWA -KIPLING -KIRBY -KIRCHNER -KIRCHOFF -KIRK -KIRKLAND -KIRKPATRICK -KIRKWOOD -KIROV -KISS -KISSED -KISSER -KISSERS -KISSES -KISSING -KIT -KITAKYUSHU -KITCHEN -KITCHENETTE -KITCHENS -KITE -KITED -KITES -KITING -KITS -KITTEN -KITTENISH -KITTENS -KITTY -KIWANIS -KLAN -KLAUS -KLAXON -KLEIN -KLEINROCK -KLINE -KLUDGE -KLUDGES -KLUX -KLYSTRON -KNACK -KNAPP -KNAPSACK -KNAPSACKS -KNAUER -KNAVE -KNAVES -KNEAD -KNEADS -KNEE -KNEECAP -KNEED -KNEEING -KNEEL -KNEELED -KNEELING -KNEELS -KNEES -KNELL -KNELLS -KNELT -KNEW -KNICKERBOCKER -KNICKERBOCKERS -KNIFE -KNIFED -KNIFES -KNIFING -KNIGHT -KNIGHTED -KNIGHTHOOD -KNIGHTING -KNIGHTLY -KNIGHTS -KNIGHTSBRIDGE -KNIT -KNITS -KNIVES -KNOB -KNOBELOCH -KNOBS -KNOCK -KNOCKDOWN -KNOCKED -KNOCKER -KNOCKERS -KNOCKING -KNOCKOUT -KNOCKS -KNOLL -KNOLLS -KNOSSOS -KNOT -KNOTS -KNOTT -KNOTTED -KNOTTING -KNOW -KNOWABLE -KNOWER -KNOWHOW -KNOWING -KNOWINGLY -KNOWLEDGE -KNOWLEDGEABLE -KNOWLES -KNOWLTON -KNOWN -KNOWS -KNOX -KNOXVILLE -KNUCKLE -KNUCKLED -KNUCKLES -KNUDSEN -KNUDSON -KNUTH -KNUTSEN -KNUTSON -KOALA -KOBAYASHI -KOCH -KOCHAB -KODACHROME -KODAK -KODIAK -KOENIG -KOENIGSBERG -KOHLER -KONG -KONRAD -KOPPERS -KORAN -KOREA -KOREAN -KOREANS -KOSHER -KOVACS -KOWALEWSKI -KOWALSKI -KOWLOON -KOWTOW -KRAEMER -KRAKATOA -KRAKOW -KRAMER -KRAUSE -KREBS -KREMLIN -KRESGE -KRIEGER -KRISHNA -KRISTIN -KRONECKER -KRUEGER -KRUGER -KRUSE -KUALA -KUDO -KUENNING -KUHN -KUMAR -KURD -KURDISH -KURT -KUWAIT -KUWAITI -KYOTO -LAB -LABAN -LABEL -LABELED -LABELING -LABELLED -LABELLER -LABELLERS -LABELLING -LABELS -LABOR -LABORATORIES -LABORATORY -LABORED -LABORER -LABORERS -LABORING -LABORINGS -LABORIOUS -LABORIOUSLY -LABORS -LABRADOR -LABS -LABYRINTH -LABYRINTHS -LAC -LACE -LACED -LACERATE -LACERATED -LACERATES -LACERATING -LACERATION -LACERATIONS -LACERTA -LACES -LACEY -LACHESIS -LACING -LACK -LACKAWANNA -LACKED -LACKEY -LACKING -LACKS -LACQUER -LACQUERED -LACQUERS -LACROSSE -LACY -LAD -LADDER -LADEN -LADIES -LADING -LADLE -LADS -LADY -LADYLIKE -LAFAYETTE -LAG -LAGER -LAGERS -LAGOON -LAGOONS -LAGOS -LAGRANGE -LAGRANGIAN -LAGS -LAGUERRE -LAGUNA -LAHORE -LAID -LAIDLAW -LAIN -LAIR -LAIRS -LAISSEZ -LAKE -LAKEHURST -LAKES -LAKEWOOD -LAMAR -LAMARCK -LAMB -LAMBDA -LAMBDAS -LAMBERT -LAMBS -LAME -LAMED -LAMELY -LAMENESS -LAMENT -LAMENTABLE -LAMENTATION -LAMENTATIONS -LAMENTED -LAMENTING -LAMENTS -LAMES -LAMINAR -LAMING -LAMP -LAMPLIGHT -LAMPOON -LAMPORT -LAMPREY -LAMPS -LANA -LANCASHIRE -LANCASTER -LANCE -LANCED -LANCELOT -LANCER -LANCES -LAND -LANDED -LANDER -LANDERS -LANDFILL -LANDING -LANDINGS -LANDIS -LANDLADIES -LANDLADY -LANDLORD -LANDLORDS -LANDMARK -LANDMARKS -LANDOWNER -LANDOWNERS -LANDS -LANDSCAPE -LANDSCAPED -LANDSCAPES -LANDSCAPING -LANDSLIDE -LANDWEHR -LANE -LANES -LANG -LANGE -LANGELAND -LANGFORD -LANGLEY -LANGMUIR -LANGUAGE -LANGUAGES -LANGUID -LANGUIDLY -LANGUIDNESS -LANGUISH -LANGUISHED -LANGUISHES -LANGUISHING -LANKA -LANSING -LANTERN -LANTERNS -LAO -LAOCOON -LAOS -LAOTIAN -LAOTIANS -LAP -LAPEL -LAPELS -LAPLACE -LAPLACIAN -LAPPING -LAPS -LAPSE -LAPSED -LAPSES -LAPSING -LARAMIE -LARD -LARDER -LAREDO -LARES -LARGE -LARGELY -LARGENESS -LARGER -LARGEST -LARK -LARKIN -LARKS -LARRY -LARS -LARSEN -LARSON -LARVA -LARVAE -LARYNX -LASCIVIOUS -LASER -LASERS -LASH -LASHED -LASHES -LASHING -LASHINGS -LASS -LASSES -LASSO -LAST -LASTED -LASTING -LASTLY -LASTS -LASZLO -LATCH -LATCHED -LATCHES -LATCHING -LATE -LATELY -LATENCY -LATENESS -LATENT -LATER -LATERAL -LATERALLY -LATERAN -LATEST -LATEX -LATHE -LATHROP -LATIN -LATINATE -LATINITY -LATINIZATION -LATINIZATIONS -LATINIZE -LATINIZED -LATINIZER -LATINIZERS -LATINIZES -LATINIZING -LATITUDE -LATITUDES -LATRINE -LATRINES -LATROBE -LATTER -LATTERLY -LATTICE -LATTICES -LATTIMER -LATVIA -LAUDABLE -LAUDERDALE -LAUE -LAUGH -LAUGHABLE -LAUGHABLY -LAUGHED -LAUGHING -LAUGHINGLY -LAUGHINGSTOCK -LAUGHLIN -LAUGHS -LAUGHTER -LAUNCH -LAUNCHED -LAUNCHER -LAUNCHES -LAUNCHING -LAUNCHINGS -LAUNDER -LAUNDERED -LAUNDERER -LAUNDERING -LAUNDERINGS -LAUNDERS -LAUNDROMAT -LAUNDROMATS -LAUNDRY -LAUREATE -LAUREL -LAURELS -LAUREN -LAURENCE -LAURENT -LAURENTIAN -LAURIE -LAUSANNE -LAVA -LAVATORIES -LAVATORY -LAVENDER -LAVISH -LAVISHED -LAVISHING -LAVISHLY -LAVOISIER -LAW -LAWBREAKER -LAWFORD -LAWFUL -LAWFULLY -LAWGIVER -LAWLESS -LAWLESSNESS -LAWN -LAWNS -LAWRENCE -LAWRENCEVILLE -LAWS -LAWSON -LAWSUIT -LAWSUITS -LAWYER -LAWYERS -LAX -LAXATIVE -LAY -LAYER -LAYERED -LAYERING -LAYERS -LAYING -LAYMAN -LAYMEN -LAYOFF -LAYOFFS -LAYOUT -LAYOUTS -LAYS -LAYTON -LAZARUS -LAZED -LAZIER -LAZIEST -LAZILY -LAZINESS -LAZING -LAZY -LAZYBONES -LEAD -LEADED -LEADEN -LEADER -LEADERS -LEADERSHIP -LEADERSHIPS -LEADING -LEADINGS -LEADS -LEAF -LEAFED -LEAFIEST -LEAFING -LEAFLESS -LEAFLET -LEAFLETS -LEAFY -LEAGUE -LEAGUED -LEAGUER -LEAGUERS -LEAGUES -LEAK -LEAKAGE -LEAKAGES -LEAKED -LEAKING -LEAKS -LEAKY -LEAN -LEANDER -LEANED -LEANER -LEANEST -LEANING -LEANNESS -LEANS -LEAP -LEAPED -LEAPFROG -LEAPING -LEAPS -LEAPT -LEAR -LEARN -LEARNED -LEARNER -LEARNERS -LEARNING -LEARNS -LEARY -LEASE -LEASED -LEASES -LEASH -LEASHES -LEASING -LEAST -LEATHER -LEATHERED -LEATHERN -LEATHERNECK -LEATHERS -LEAVE -LEAVED -LEAVEN -LEAVENED -LEAVENING -LEAVENWORTH -LEAVES -LEAVING -LEAVINGS -LEBANESE -LEBANON -LEBESGUE -LECHERY -LECTURE -LECTURED -LECTURER -LECTURERS -LECTURES -LECTURING -LED -LEDGE -LEDGER -LEDGERS -LEDGES -LEE -LEECH -LEECHES -LEEDS -LEEK -LEER -LEERY -LEES -LEEUWENHOEK -LEEWARD -LEEWAY -LEFT -LEFTIST -LEFTISTS -LEFTMOST -LEFTOVER -LEFTOVERS -LEFTWARD -LEG -LEGACIES -LEGACY -LEGAL -LEGALITY -LEGALIZATION -LEGALIZE -LEGALIZED -LEGALIZES -LEGALIZING -LEGALLY -LEGEND -LEGENDARY -LEGENDRE -LEGENDS -LEGER -LEGERS -LEGGED -LEGGINGS -LEGIBILITY -LEGIBLE -LEGIBLY -LEGION -LEGIONS -LEGISLATE -LEGISLATED -LEGISLATES -LEGISLATING -LEGISLATION -LEGISLATIVE -LEGISLATOR -LEGISLATORS -LEGISLATURE -LEGISLATURES -LEGITIMACY -LEGITIMATE -LEGITIMATELY -LEGS -LEGUME -LEHIGH -LEHMAN -LEIBNIZ -LEIDEN -LEIGH -LEIGHTON -LEILA -LEIPZIG -LEISURE -LEISURELY -LELAND -LEMKE -LEMMA -LEMMAS -LEMMING -LEMMINGS -LEMON -LEMONADE -LEMONS -LEMUEL -LEN -LENA -LEND -LENDER -LENDERS -LENDING -LENDS -LENGTH -LENGTHEN -LENGTHENED -LENGTHENING -LENGTHENS -LENGTHLY -LENGTHS -LENGTHWISE -LENGTHY -LENIENCY -LENIENT -LENIENTLY -LENIN -LENINGRAD -LENINISM -LENINIST -LENNOX -LENNY -LENORE -LENS -LENSES -LENT -LENTEN -LENTIL -LENTILS -LEO -LEON -LEONA -LEONARD -LEONARDO -LEONE -LEONID -LEOPARD -LEOPARDS -LEOPOLD -LEOPOLDVILLE -LEPER -LEPROSY -LEROY -LESBIAN -LESBIANS -LESLIE -LESOTHO -LESS -LESSEN -LESSENED -LESSENING -LESSENS -LESSER -LESSON -LESSONS -LESSOR -LEST -LESTER -LET -LETHAL -LETHE -LETITIA -LETS -LETTER -LETTERED -LETTERER -LETTERHEAD -LETTERING -LETTERS -LETTING -LETTUCE -LEUKEMIA -LEV -LEVEE -LEVEES -LEVEL -LEVELED -LEVELER -LEVELING -LEVELLED -LEVELLER -LEVELLEST -LEVELLING -LEVELLY -LEVELNESS -LEVELS -LEVER -LEVERAGE -LEVERS -LEVI -LEVIABLE -LEVIED -LEVIES -LEVIN -LEVINE -LEVIS -LEVITICUS -LEVITT -LEVITY -LEVY -LEVYING -LEW -LEWD -LEWDLY -LEWDNESS -LEWELLYN -LEXICAL -LEXICALLY -LEXICOGRAPHIC -LEXICOGRAPHICAL -LEXICOGRAPHICALLY -LEXICON -LEXICONS -LEXINGTON -LEYDEN -LIABILITIES -LIABILITY -LIABLE -LIAISON -LIAISONS -LIAR -LIARS -LIBEL -LIBELOUS -LIBERACE -LIBERAL -LIBERALIZE -LIBERALIZED -LIBERALIZES -LIBERALIZING -LIBERALLY -LIBERALS -LIBERATE -LIBERATED -LIBERATES -LIBERATING -LIBERATION -LIBERATOR -LIBERATORS -LIBERIA -LIBERTARIAN -LIBERTIES -LIBERTY -LIBIDO -LIBRARIAN -LIBRARIANS -LIBRARIES -LIBRARY -LIBRETTO -LIBREVILLE -LIBYA -LIBYAN -LICE -LICENSE -LICENSED -LICENSEE -LICENSES -LICENSING -LICENSOR -LICENTIOUS -LICHEN -LICHENS -LICHTER -LICK -LICKED -LICKING -LICKS -LICORICE -LID -LIDS -LIE -LIEBERMAN -LIECHTENSTEIN -LIED -LIEGE -LIEN -LIENS -LIES -LIEU -LIEUTENANT -LIEUTENANTS -LIFE -LIFEBLOOD -LIFEBOAT -LIFEGUARD -LIFELESS -LIFELESSNESS -LIFELIKE -LIFELONG -LIFER -LIFESPAN -LIFESTYLE -LIFESTYLES -LIFETIME -LIFETIMES -LIFT -LIFTED -LIFTER -LIFTERS -LIFTING -LIFTS -LIGAMENT -LIGATURE -LIGGET -LIGGETT -LIGHT -LIGHTED -LIGHTEN -LIGHTENS -LIGHTER -LIGHTERS -LIGHTEST -LIGHTFACE -LIGHTHEARTED -LIGHTHOUSE -LIGHTHOUSES -LIGHTING -LIGHTLY -LIGHTNESS -LIGHTNING -LIGHTNINGS -LIGHTS -LIGHTWEIGHT -LIKE -LIKED -LIKELIER -LIKELIEST -LIKELIHOOD -LIKELIHOODS -LIKELINESS -LIKELY -LIKEN -LIKENED -LIKENESS -LIKENESSES -LIKENING -LIKENS -LIKES -LIKEWISE -LIKING -LILA -LILAC -LILACS -LILIAN -LILIES -LILLIAN -LILLIPUT -LILLIPUTIAN -LILLIPUTIANIZE -LILLIPUTIANIZES -LILLY -LILY -LIMA -LIMAN -LIMB -LIMBER -LIMBO -LIMBS -LIME -LIMELIGHT -LIMERICK -LIMES -LIMESTONE -LIMIT -LIMITABILITY -LIMITABLY -LIMITATION -LIMITATIONS -LIMITED -LIMITER -LIMITERS -LIMITING -LIMITLESS -LIMITS -LIMOUSINE -LIMP -LIMPED -LIMPING -LIMPLY -LIMPNESS -LIMPS -LIN -LINCOLN -LIND -LINDA -LINDBERG -LINDBERGH -LINDEN -LINDHOLM -LINDQUIST -LINDSAY -LINDSEY -LINDSTROM -LINDY -LINE -LINEAR -LINEARITIES -LINEARITY -LINEARIZABLE -LINEARIZE -LINEARIZED -LINEARIZES -LINEARIZING -LINEARLY -LINED -LINEN -LINENS -LINER -LINERS -LINES -LINEUP -LINGER -LINGERED -LINGERIE -LINGERING -LINGERS -LINGO -LINGUA -LINGUIST -LINGUISTIC -LINGUISTICALLY -LINGUISTICS -LINGUISTS -LINING -LININGS -LINK -LINKAGE -LINKAGES -LINKED -LINKER -LINKERS -LINKING -LINKS -LINNAEUS -LINOLEUM -LINOTYPE -LINSEED -LINT -LINTON -LINUS -LINUX -LION -LIONEL -LIONESS -LIONESSES -LIONS -LIP -LIPPINCOTT -LIPS -LIPSCHITZ -LIPSCOMB -LIPSTICK -LIPTON -LIQUID -LIQUIDATE -LIQUIDATION -LIQUIDATIONS -LIQUIDITY -LIQUIDS -LIQUOR -LIQUORS -LISA -LISBON -LISE -LISP -LISPED -LISPING -LISPS -LISS -LISSAJOUS -LIST -LISTED -LISTEN -LISTENED -LISTENER -LISTENERS -LISTENING -LISTENS -LISTER -LISTERIZE -LISTERIZES -LISTERS -LISTING -LISTINGS -LISTLESS -LISTON -LISTS -LIT -LITANY -LITER -LITERACY -LITERAL -LITERALLY -LITERALNESS -LITERALS -LITERARY -LITERATE -LITERATURE -LITERATURES -LITERS -LITHE -LITHOGRAPH -LITHOGRAPHY -LITHUANIA -LITHUANIAN -LITIGANT -LITIGATE -LITIGATION -LITIGIOUS -LITMUS -LITTER -LITTERBUG -LITTERED -LITTERING -LITTERS -LITTLE -LITTLENESS -LITTLER -LITTLEST -LITTLETON -LITTON -LIVABLE -LIVABLY -LIVE -LIVED -LIVELIHOOD -LIVELY -LIVENESS -LIVER -LIVERIED -LIVERMORE -LIVERPOOL -LIVERPUDLIAN -LIVERS -LIVERY -LIVES -LIVESTOCK -LIVID -LIVING -LIVINGSTON -LIZ -LIZARD -LIZARDS -LIZZIE -LIZZY -LLOYD -LOAD -LOADED -LOADER -LOADERS -LOADING -LOADINGS -LOADS -LOAF -LOAFED -LOAFER -LOAN -LOANED -LOANING -LOANS -LOATH -LOATHE -LOATHED -LOATHING -LOATHLY -LOATHSOME -LOAVES -LOBBIED -LOBBIES -LOBBY -LOBBYING -LOBE -LOBES -LOBSTER -LOBSTERS -LOCAL -LOCALITIES -LOCALITY -LOCALIZATION -LOCALIZE -LOCALIZED -LOCALIZES -LOCALIZING -LOCALLY -LOCALS -LOCATE -LOCATED -LOCATES -LOCATING -LOCATION -LOCATIONS -LOCATIVE -LOCATIVES -LOCATOR -LOCATORS -LOCI -LOCK -LOCKE -LOCKED -LOCKER -LOCKERS -LOCKHART -LOCKHEED -LOCKIAN -LOCKING -LOCKINGS -LOCKOUT -LOCKOUTS -LOCKS -LOCKSMITH -LOCKSTEP -LOCKUP -LOCKUPS -LOCKWOOD -LOCOMOTION -LOCOMOTIVE -LOCOMOTIVES -LOCUS -LOCUST -LOCUSTS -LODGE -LODGED -LODGER -LODGES -LODGING -LODGINGS -LODOWICK -LOEB -LOFT -LOFTINESS -LOFTS -LOFTY -LOGAN -LOGARITHM -LOGARITHMIC -LOGARITHMICALLY -LOGARITHMS -LOGGED -LOGGER -LOGGERS -LOGGING -LOGIC -LOGICAL -LOGICALLY -LOGICIAN -LOGICIANS -LOGICS -LOGIN -LOGINS -LOGISTIC -LOGISTICS -LOGJAM -LOGO -LOGS -LOIN -LOINCLOTH -LOINS -LOIRE -LOIS -LOITER -LOITERED -LOITERER -LOITERING -LOITERS -LOKI -LOLA -LOMB -LOMBARD -LOMBARDY -LOME -LONDON -LONDONDERRY -LONDONER -LONDONIZATION -LONDONIZATIONS -LONDONIZE -LONDONIZES -LONE -LONELIER -LONELIEST -LONELINESS -LONELY -LONER -LONERS -LONESOME -LONG -LONGED -LONGER -LONGEST -LONGEVITY -LONGFELLOW -LONGHAND -LONGING -LONGINGS -LONGITUDE -LONGITUDES -LONGS -LONGSTANDING -LONGSTREET -LOOK -LOOKAHEAD -LOOKED -LOOKER -LOOKERS -LOOKING -LOOKOUT -LOOKS -LOOKUP -LOOKUPS -LOOM -LOOMED -LOOMING -LOOMIS -LOOMS -LOON -LOOP -LOOPED -LOOPHOLE -LOOPHOLES -LOOPING -LOOPS -LOOSE -LOOSED -LOOSELEAF -LOOSELY -LOOSEN -LOOSENED -LOOSENESS -LOOSENING -LOOSENS -LOOSER -LOOSES -LOOSEST -LOOSING -LOOT -LOOTED -LOOTER -LOOTING -LOOTS -LOPEZ -LOPSIDED -LORD -LORDLY -LORDS -LORDSHIP -LORE -LORELEI -LOREN -LORENTZIAN -LORENZ -LORETTA -LORINDA -LORRAINE -LORRY -LOS -LOSE -LOSER -LOSERS -LOSES -LOSING -LOSS -LOSSES -LOSSIER -LOSSIEST -LOSSY -LOST -LOT -LOTHARIO -LOTION -LOTS -LOTTE -LOTTERY -LOTTIE -LOTUS -LOU -LOUD -LOUDER -LOUDEST -LOUDLY -LOUDNESS -LOUDSPEAKER -LOUDSPEAKERS -LOUIS -LOUISA -LOUISE -LOUISIANA -LOUISIANAN -LOUISVILLE -LOUNGE -LOUNGED -LOUNGES -LOUNGING -LOUNSBURY -LOURDES -LOUSE -LOUSY -LOUT -LOUVRE -LOVABLE -LOVABLY -LOVE -LOVED -LOVEJOY -LOVELACE -LOVELAND -LOVELIER -LOVELIES -LOVELIEST -LOVELINESS -LOVELORN -LOVELY -LOVER -LOVERS -LOVES -LOVING -LOVINGLY -LOW -LOWE -LOWELL -LOWER -LOWERED -LOWERING -LOWERS -LOWEST -LOWLAND -LOWLANDS -LOWLIEST -LOWLY -LOWNESS -LOWRY -LOWS -LOY -LOYAL -LOYALLY -LOYALTIES -LOYALTY -LOYOLA -LUBBOCK -LUBELL -LUBRICANT -LUBRICATE -LUBRICATION -LUCAS -LUCERNE -LUCIA -LUCIAN -LUCID -LUCIEN -LUCIFER -LUCILLE -LUCIUS -LUCK -LUCKED -LUCKIER -LUCKIEST -LUCKILY -LUCKLESS -LUCKS -LUCKY -LUCRATIVE -LUCRETIA -LUCRETIUS -LUCY -LUDICROUS -LUDICROUSLY -LUDICROUSNESS -LUDLOW -LUDMILLA -LUDWIG -LUFTHANSA -LUFTWAFFE -LUGGAGE -LUIS -LUKE -LUKEWARM -LULL -LULLABY -LULLED -LULLS -LUMBER -LUMBERED -LUMBERING -LUMINOUS -LUMINOUSLY -LUMMOX -LUMP -LUMPED -LUMPING -LUMPS -LUMPUR -LUMPY -LUNAR -LUNATIC -LUNCH -LUNCHED -LUNCHEON -LUNCHEONS -LUNCHES -LUNCHING -LUND -LUNDBERG -LUNDQUIST -LUNG -LUNGED -LUNGS -LURA -LURCH -LURCHED -LURCHES -LURCHING -LURE -LURED -LURES -LURING -LURK -LURKED -LURKING -LURKS -LUSAKA -LUSCIOUS -LUSCIOUSLY -LUSCIOUSNESS -LUSH -LUST -LUSTER -LUSTFUL -LUSTILY -LUSTINESS -LUSTROUS -LUSTS -LUSTY -LUTE -LUTES -LUTHER -LUTHERAN -LUTHERANIZE -LUTHERANIZER -LUTHERANIZERS -LUTHERANIZES -LUTZ -LUXEMBOURG -LUXEMBURG -LUXURIANT -LUXURIANTLY -LUXURIES -LUXURIOUS -LUXURIOUSLY -LUXURY -LUZON -LYDIA -LYING -LYKES -LYLE -LYMAN -LYMPH -LYNCH -LYNCHBURG -LYNCHED -LYNCHER -LYNCHES -LYNDON -LYNN -LYNX -LYNXES -LYON -LYONS -LYRA -LYRE -LYRIC -LYRICS -LYSENKO -MABEL -MAC -MACADAMIA -MACARTHUR -MACARTHUR -MACASSAR -MACAULAY -MACAULAYAN -MACAULAYISM -MACAULAYISMS -MACBETH -MACDONALD -MACDONALD -MACDOUGALL -MACDOUGALL -MACDRAW -MACE -MACED -MACEDON -MACEDONIA -MACEDONIAN -MACES -MACGREGOR -MACGREGOR -MACH -MACHIAVELLI -MACHIAVELLIAN -MACHINATION -MACHINE -MACHINED -MACHINELIKE -MACHINERY -MACHINES -MACHINING -MACHO -MACINTOSH -MACINTOSH -MACINTOSH -MACKENZIE -MACKENZIE -MACKEREL -MACKEY -MACKINAC -MACKINAW -MACMAHON -MACMILLAN -MACMILLAN -MACON -MACPAINT -MACRO -MACROECONOMICS -MACROMOLECULE -MACROMOLECULES -MACROPHAGE -MACROS -MACROSCOPIC -MAD -MADAGASCAR -MADAM -MADAME -MADAMES -MADDEN -MADDENING -MADDER -MADDEST -MADDOX -MADE -MADEIRA -MADELEINE -MADELINE -MADHOUSE -MADHYA -MADISON -MADLY -MADMAN -MADMEN -MADNESS -MADONNA -MADONNAS -MADRAS -MADRID -MADSEN -MAE -MAELSTROM -MAESTRO -MAFIA -MAFIOSI -MAGAZINE -MAGAZINES -MAGDALENE -MAGELLAN -MAGELLANIC -MAGENTA -MAGGIE -MAGGOT -MAGGOTS -MAGIC -MAGICAL -MAGICALLY -MAGICIAN -MAGICIANS -MAGILL -MAGISTRATE -MAGISTRATES -MAGNA -MAGNESIUM -MAGNET -MAGNETIC -MAGNETICALLY -MAGNETISM -MAGNETISMS -MAGNETIZABLE -MAGNETIZED -MAGNETO -MAGNIFICATION -MAGNIFICENCE -MAGNIFICENT -MAGNIFICENTLY -MAGNIFIED -MAGNIFIER -MAGNIFIES -MAGNIFY -MAGNIFYING -MAGNITUDE -MAGNITUDES -MAGNOLIA -MAGNUM -MAGNUSON -MAGOG -MAGPIE -MAGRUDER -MAGUIRE -MAGUIRES -MAHARASHTRA -MAHAYANA -MAHAYANIST -MAHOGANY -MAHONEY -MAID -MAIDEN -MAIDENS -MAIDS -MAIER -MAIL -MAILABLE -MAILBOX -MAILBOXES -MAILED -MAILER -MAILING -MAILINGS -MAILMAN -MAILMEN -MAILS -MAIM -MAIMED -MAIMING -MAIMS -MAIN -MAINE -MAINFRAME -MAINFRAMES -MAINLAND -MAINLINE -MAINLY -MAINS -MAINSTAY -MAINSTREAM -MAINTAIN -MAINTAINABILITY -MAINTAINABLE -MAINTAINED -MAINTAINER -MAINTAINERS -MAINTAINING -MAINTAINS -MAINTENANCE -MAINTENANCES -MAIZE -MAJESTIC -MAJESTIES -MAJESTY -MAJOR -MAJORCA -MAJORED -MAJORING -MAJORITIES -MAJORITY -MAJORS -MAKABLE -MAKE -MAKER -MAKERS -MAKES -MAKESHIFT -MAKEUP -MAKEUPS -MAKING -MAKINGS -MALABAR -MALADIES -MALADY -MALAGASY -MALAMUD -MALARIA -MALAWI -MALAY -MALAYIZE -MALAYIZES -MALAYSIA -MALAYSIAN -MALCOLM -MALCONTENT -MALDEN -MALDIVE -MALE -MALEFACTOR -MALEFACTORS -MALENESS -MALES -MALEVOLENT -MALFORMED -MALFUNCTION -MALFUNCTIONED -MALFUNCTIONING -MALFUNCTIONS -MALI -MALIBU -MALICE -MALICIOUS -MALICIOUSLY -MALICIOUSNESS -MALIGN -MALIGNANT -MALIGNANTLY -MALL -MALLARD -MALLET -MALLETS -MALLORY -MALNUTRITION -MALONE -MALONEY -MALPRACTICE -MALRAUX -MALT -MALTA -MALTED -MALTESE -MALTHUS -MALTHUSIAN -MALTON -MALTS -MAMA -MAMMA -MAMMAL -MAMMALIAN -MAMMALS -MAMMAS -MAMMOTH -MAN -MANAGE -MANAGEABLE -MANAGEABLENESS -MANAGED -MANAGEMENT -MANAGEMENTS -MANAGER -MANAGERIAL -MANAGERS -MANAGES -MANAGING -MANAGUA -MANAMA -MANCHESTER -MANCHURIA -MANDARIN -MANDATE -MANDATED -MANDATES -MANDATING -MANDATORY -MANDELBROT -MANDIBLE -MANE -MANES -MANEUVER -MANEUVERED -MANEUVERING -MANEUVERS -MANFRED -MANGER -MANGERS -MANGLE -MANGLED -MANGLER -MANGLES -MANGLING -MANHATTAN -MANHATTANIZE -MANHATTANIZES -MANHOLE -MANHOOD -MANIA -MANIAC -MANIACAL -MANIACS -MANIC -MANICURE -MANICURED -MANICURES -MANICURING -MANIFEST -MANIFESTATION -MANIFESTATIONS -MANIFESTED -MANIFESTING -MANIFESTLY -MANIFESTS -MANIFOLD -MANIFOLDS -MANILA -MANIPULABILITY -MANIPULABLE -MANIPULATABLE -MANIPULATE -MANIPULATED -MANIPULATES -MANIPULATING -MANIPULATION -MANIPULATIONS -MANIPULATIVE -MANIPULATOR -MANIPULATORS -MANIPULATORY -MANITOBA -MANITOWOC -MANKIND -MANKOWSKI -MANLEY -MANLY -MANN -MANNED -MANNER -MANNERED -MANNERLY -MANNERS -MANNING -MANOMETER -MANOMETERS -MANOR -MANORS -MANPOWER -MANS -MANSFIELD -MANSION -MANSIONS -MANSLAUGHTER -MANTEL -MANTELS -MANTIS -MANTISSA -MANTISSAS -MANTLE -MANTLEPIECE -MANTLES -MANUAL -MANUALLY -MANUALS -MANUEL -MANUFACTURE -MANUFACTURED -MANUFACTURER -MANUFACTURERS -MANUFACTURES -MANUFACTURING -MANURE -MANUSCRIPT -MANUSCRIPTS -MANVILLE -MANY -MAO -MAORI -MAP -MAPLE -MAPLECREST -MAPLES -MAPPABLE -MAPPED -MAPPING -MAPPINGS -MAPS -MARATHON -MARBLE -MARBLES -MARBLING -MARC -MARCEAU -MARCEL -MARCELLO -MARCH -MARCHED -MARCHER -MARCHES -MARCHING -MARCIA -MARCO -MARCOTTE -MARCUS -MARCY -MARDI -MARDIS -MARE -MARES -MARGARET -MARGARINE -MARGERY -MARGIN -MARGINAL -MARGINALLY -MARGINS -MARGO -MARGUERITE -MARIANNE -MARIE -MARIETTA -MARIGOLD -MARIJUANA -MARILYN -MARIN -MARINA -MARINADE -MARINATE -MARINE -MARINER -MARINES -MARINO -MARIO -MARION -MARIONETTE -MARITAL -MARITIME -MARJORIE -MARJORY -MARK -MARKABLE -MARKED -MARKEDLY -MARKER -MARKERS -MARKET -MARKETABILITY -MARKETABLE -MARKETED -MARKETING -MARKETINGS -MARKETPLACE -MARKETPLACES -MARKETS -MARKHAM -MARKING -MARKINGS -MARKISM -MARKOV -MARKOVIAN -MARKOVITZ -MARKS -MARLBORO -MARLBOROUGH -MARLENE -MARLOWE -MARMALADE -MARMOT -MAROON -MARQUETTE -MARQUIS -MARRIAGE -MARRIAGEABLE -MARRIAGES -MARRIED -MARRIES -MARRIOTT -MARROW -MARRY -MARRYING -MARS -MARSEILLES -MARSH -MARSHA -MARSHAL -MARSHALED -MARSHALING -MARSHALL -MARSHALLED -MARSHALLING -MARSHALS -MARSHES -MARSHMALLOW -MART -MARTEN -MARTHA -MARTIAL -MARTIAN -MARTIANS -MARTINEZ -MARTINGALE -MARTINI -MARTINIQUE -MARTINSON -MARTS -MARTY -MARTYR -MARTYRDOM -MARTYRS -MARVEL -MARVELED -MARVELLED -MARVELLING -MARVELOUS -MARVELOUSLY -MARVELOUSNESS -MARVELS -MARVIN -MARX -MARXIAN -MARXISM -MARXISMS -MARXIST -MARY -MARYLAND -MARYLANDERS -MASCARA -MASCULINE -MASCULINELY -MASCULINITY -MASERU -MASH -MASHED -MASHES -MASHING -MASK -MASKABLE -MASKED -MASKER -MASKING -MASKINGS -MASKS -MASOCHIST -MASOCHISTS -MASON -MASONIC -MASONITE -MASONRY -MASONS -MASQUERADE -MASQUERADER -MASQUERADES -MASQUERADING -MASS -MASSACHUSETTS -MASSACRE -MASSACRED -MASSACRES -MASSAGE -MASSAGES -MASSAGING -MASSED -MASSES -MASSEY -MASSING -MASSIVE -MAST -MASTED -MASTER -MASTERED -MASTERFUL -MASTERFULLY -MASTERING -MASTERINGS -MASTERLY -MASTERMIND -MASTERPIECE -MASTERPIECES -MASTERS -MASTERY -MASTODON -MASTS -MASTURBATE -MASTURBATED -MASTURBATES -MASTURBATING -MASTURBATION -MAT -MATCH -MATCHABLE -MATCHED -MATCHER -MATCHERS -MATCHES -MATCHING -MATCHINGS -MATCHLESS -MATE -MATED -MATEO -MATER -MATERIAL -MATERIALIST -MATERIALIZE -MATERIALIZED -MATERIALIZES -MATERIALIZING -MATERIALLY -MATERIALS -MATERNAL -MATERNALLY -MATERNITY -MATES -MATH -MATHEMATICA -MATHEMATICAL -MATHEMATICALLY -MATHEMATICIAN -MATHEMATICIANS -MATHEMATICS -MATHEMATIK -MATHEWSON -MATHIAS -MATHIEU -MATILDA -MATING -MATINGS -MATISSE -MATISSES -MATRIARCH -MATRIARCHAL -MATRICES -MATRICULATE -MATRICULATION -MATRIMONIAL -MATRIMONY -MATRIX -MATROID -MATRON -MATRONLY -MATS -MATSON -MATSUMOTO -MATT -MATTED -MATTER -MATTERED -MATTERS -MATTHEW -MATTHEWS -MATTIE -MATTRESS -MATTRESSES -MATTSON -MATURATION -MATURE -MATURED -MATURELY -MATURES -MATURING -MATURITIES -MATURITY -MAUDE -MAUL -MAUREEN -MAURICE -MAURICIO -MAURINE -MAURITANIA -MAURITIUS -MAUSOLEUM -MAVERICK -MAVIS -MAWR -MAX -MAXIM -MAXIMA -MAXIMAL -MAXIMALLY -MAXIMILIAN -MAXIMIZE -MAXIMIZED -MAXIMIZER -MAXIMIZERS -MAXIMIZES -MAXIMIZING -MAXIMS -MAXIMUM -MAXIMUMS -MAXINE -MAXTOR -MAXWELL -MAXWELLIAN -MAY -MAYA -MAYANS -MAYBE -MAYER -MAYFAIR -MAYFLOWER -MAYHAP -MAYHEM -MAYNARD -MAYO -MAYONNAISE -MAYOR -MAYORAL -MAYORS -MAZDA -MAZE -MAZES -MBABANE -MCADAM -MCADAMS -MCALLISTER -MCBRIDE -MCCABE -MCCALL -MCCALLUM -MCCANN -MCCARTHY -MCCARTY -MCCAULEY -MCCLAIN -MCCLELLAN -MCCLURE -MCCLUSKEY -MCCONNEL -MCCONNELL -MCCORMICK -MCCOY -MCCRACKEN -MCCULLOUGH -MCDANIEL -MCDERMOTT -MCDONALD -MCDONNELL -MCDOUGALL -MCDOWELL -MCELHANEY -MCELROY -MCFADDEN -MCFARLAND -MCGEE -MCGILL -MCGINNIS -MCGOVERN -MCGOWAN -MCGRATH -MCGRAW -MCGREGOR -MCGUIRE -MCHUGH -MCINTOSH -MCINTYRE -MCKAY -MCKEE -MCKENNA -MCKENZIE -MCKEON -MCKESSON -MCKINLEY -MCKINNEY -MCKNIGHT -MCLANAHAN -MCLAUGHLIN -MCLEAN -MCLEOD -MCMAHON -MCMARTIN -MCMILLAN -MCMULLEN -MCNALLY -MCNAUGHTON -MCNEIL -MCNULTY -MCPHERSON -MEAD -MEADOW -MEADOWS -MEAGER -MEAGERLY -MEAGERNESS -MEAL -MEALS -MEALTIME -MEALY -MEAN -MEANDER -MEANDERED -MEANDERING -MEANDERS -MEANER -MEANEST -MEANING -MEANINGFUL -MEANINGFULLY -MEANINGFULNESS -MEANINGLESS -MEANINGLESSLY -MEANINGLESSNESS -MEANINGS -MEANLY -MEANNESS -MEANS -MEANT -MEANTIME -MEANWHILE -MEASLE -MEASLES -MEASURABLE -MEASURABLY -MEASURE -MEASURED -MEASUREMENT -MEASUREMENTS -MEASURER -MEASURES -MEASURING -MEAT -MEATS -MEATY -MECCA -MECHANIC -MECHANICAL -MECHANICALLY -MECHANICS -MECHANISM -MECHANISMS -MECHANIZATION -MECHANIZATIONS -MECHANIZE -MECHANIZED -MECHANIZES -MECHANIZING -MEDAL -MEDALLION -MEDALLIONS -MEDALS -MEDDLE -MEDDLED -MEDDLER -MEDDLES -MEDDLING -MEDEA -MEDFIELD -MEDFORD -MEDIA -MEDIAN -MEDIANS -MEDIATE -MEDIATED -MEDIATES -MEDIATING -MEDIATION -MEDIATIONS -MEDIATOR -MEDIC -MEDICAID -MEDICAL -MEDICALLY -MEDICARE -MEDICI -MEDICINAL -MEDICINALLY -MEDICINE -MEDICINES -MEDICIS -MEDICS -MEDIEVAL -MEDIOCRE -MEDIOCRITY -MEDITATE -MEDITATED -MEDITATES -MEDITATING -MEDITATION -MEDITATIONS -MEDITATIVE -MEDITERRANEAN -MEDITERRANEANIZATION -MEDITERRANEANIZATIONS -MEDITERRANEANIZE -MEDITERRANEANIZES -MEDIUM -MEDIUMS -MEDLEY -MEDUSA -MEDUSAN -MEEK -MEEKER -MEEKEST -MEEKLY -MEEKNESS -MEET -MEETING -MEETINGHOUSE -MEETINGS -MEETS -MEG -MEGABAUD -MEGABIT -MEGABITS -MEGABYTE -MEGABYTES -MEGAHERTZ -MEGALOMANIA -MEGATON -MEGAVOLT -MEGAWATT -MEGAWORD -MEGAWORDS -MEGOHM -MEIER -MEIJI -MEISTER -MEISTERSINGER -MEKONG -MEL -MELAMPUS -MELANCHOLY -MELANESIA -MELANESIAN -MELANIE -MELBOURNE -MELCHER -MELINDA -MELISANDE -MELISSA -MELLON -MELLOW -MELLOWED -MELLOWING -MELLOWNESS -MELLOWS -MELODIES -MELODIOUS -MELODIOUSLY -MELODIOUSNESS -MELODRAMA -MELODRAMAS -MELODRAMATIC -MELODY -MELON -MELONS -MELPOMENE -MELT -MELTED -MELTING -MELTINGLY -MELTS -MELVILLE -MELVIN -MEMBER -MEMBERS -MEMBERSHIP -MEMBERSHIPS -MEMBRANE -MEMENTO -MEMO -MEMOIR -MEMOIRS -MEMORABILIA -MEMORABLE -MEMORABLENESS -MEMORANDA -MEMORANDUM -MEMORIAL -MEMORIALLY -MEMORIALS -MEMORIES -MEMORIZATION -MEMORIZE -MEMORIZED -MEMORIZER -MEMORIZES -MEMORIZING -MEMORY -MEMORYLESS -MEMOS -MEMPHIS -MEN -MENACE -MENACED -MENACING -MENAGERIE -MENARCHE -MENCKEN -MEND -MENDACIOUS -MENDACITY -MENDED -MENDEL -MENDELIAN -MENDELIZE -MENDELIZES -MENDELSSOHN -MENDER -MENDING -MENDOZA -MENDS -MENELAUS -MENIAL -MENIALS -MENLO -MENNONITE -MENNONITES -MENOMINEE -MENORCA -MENS -MENSCH -MENSTRUATE -MENSURABLE -MENSURATION -MENTAL -MENTALITIES -MENTALITY -MENTALLY -MENTION -MENTIONABLE -MENTIONED -MENTIONER -MENTIONERS -MENTIONING -MENTIONS -MENTOR -MENTORS -MENU -MENUS -MENZIES -MEPHISTOPHELES -MERCANTILE -MERCATOR -MERCEDES -MERCENARIES -MERCENARINESS -MERCENARY -MERCHANDISE -MERCHANDISER -MERCHANDISING -MERCHANT -MERCHANTS -MERCIFUL -MERCIFULLY -MERCILESS -MERCILESSLY -MERCK -MERCURIAL -MERCURY -MERCY -MERE -MEREDITH -MERELY -MEREST -MERGE -MERGED -MERGER -MERGERS -MERGES -MERGING -MERIDIAN -MERINGUE -MERIT -MERITED -MERITING -MERITORIOUS -MERITORIOUSLY -MERITORIOUSNESS -MERITS -MERIWETHER -MERLE -MERMAID -MERRIAM -MERRICK -MERRIEST -MERRILL -MERRILY -MERRIMAC -MERRIMACK -MERRIMENT -MERRITT -MERRY -MERRYMAKE -MERVIN -MESCALINE -MESH -MESON -MESOPOTAMIA -MESOZOIC -MESQUITE -MESS -MESSAGE -MESSAGES -MESSED -MESSENGER -MESSENGERS -MESSES -MESSIAH -MESSIAHS -MESSIER -MESSIEST -MESSILY -MESSINESS -MESSING -MESSY -MET -META -METABOLIC -METABOLISM -METACIRCULAR -METACIRCULARITY -METAL -METALANGUAGE -METALLIC -METALLIZATION -METALLIZATIONS -METALLURGY -METALS -METAMATHEMATICAL -METAMORPHOSIS -METAPHOR -METAPHORICAL -METAPHORICALLY -METAPHORS -METAPHYSICAL -METAPHYSICALLY -METAPHYSICS -METAVARIABLE -METCALF -METE -METED -METEOR -METEORIC -METEORITE -METEORITIC -METEOROLOGY -METEORS -METER -METERING -METERS -METES -METHANE -METHOD -METHODICAL -METHODICALLY -METHODICALNESS -METHODISM -METHODIST -METHODISTS -METHODOLOGICAL -METHODOLOGICALLY -METHODOLOGIES -METHODOLOGISTS -METHODOLOGY -METHODS -METHUEN -METHUSELAH -METHUSELAHS -METICULOUSLY -METING -METRECAL -METRIC -METRICAL -METRICS -METRO -METRONOME -METROPOLIS -METROPOLITAN -METS -METTLE -METTLESOME -METZLER -MEW -MEWED -MEWS -MEXICAN -MEXICANIZE -MEXICANIZES -MEXICANS -MEXICO -MEYER -MEYERS -MIAMI -MIASMA -MICA -MICE -MICHAEL -MICHAELS -MICHEL -MICHELANGELO -MICHELE -MICHELIN -MICHELSON -MICHIGAN -MICK -MICKEY -MICKIE -MICKY -MICRO -MICROARCHITECTS -MICROARCHITECTURE -MICROARCHITECTURES -MICROBIAL -MICROBICIDAL -MICROBICIDE -MICROCODE -MICROCODED -MICROCODES -MICROCODING -MICROCOMPUTER -MICROCOMPUTERS -MICROCOSM -MICROCYCLE -MICROCYCLES -MICROECONOMICS -MICROELECTRONICS -MICROFILM -MICROFILMS -MICROGRAMMING -MICROINSTRUCTION -MICROINSTRUCTIONS -MICROJUMP -MICROJUMPS -MICROLEVEL -MICRON -MICRONESIA -MICRONESIAN -MICROOPERATIONS -MICROPHONE -MICROPHONES -MICROPHONING -MICROPORT -MICROPROCEDURE -MICROPROCEDURES -MICROPROCESSING -MICROPROCESSOR -MICROPROCESSORS -MICROPROGRAM -MICROPROGRAMMABLE -MICROPROGRAMMED -MICROPROGRAMMER -MICROPROGRAMMING -MICROPROGRAMS -MICROS -MICROSCOPE -MICROSCOPES -MICROSCOPIC -MICROSCOPY -MICROSECOND -MICROSECONDS -MICROSOFT -MICROSTORE -MICROSYSTEMS -MICROVAX -MICROVAXES -MICROWAVE -MICROWAVES -MICROWORD -MICROWORDS -MID -MIDAS -MIDDAY -MIDDLE -MIDDLEBURY -MIDDLEMAN -MIDDLEMEN -MIDDLES -MIDDLESEX -MIDDLETON -MIDDLETOWN -MIDDLING -MIDGET -MIDLANDIZE -MIDLANDIZES -MIDNIGHT -MIDNIGHTS -MIDPOINT -MIDPOINTS -MIDRANGE -MIDSCALE -MIDSECTION -MIDSHIPMAN -MIDSHIPMEN -MIDST -MIDSTREAM -MIDSTS -MIDSUMMER -MIDWAY -MIDWEEK -MIDWEST -MIDWESTERN -MIDWESTERNER -MIDWESTERNERS -MIDWIFE -MIDWINTER -MIDWIVES -MIEN -MIGHT -MIGHTIER -MIGHTIEST -MIGHTILY -MIGHTINESS -MIGHTY -MIGRANT -MIGRATE -MIGRATED -MIGRATES -MIGRATING -MIGRATION -MIGRATIONS -MIGRATORY -MIGUEL -MIKE -MIKHAIL -MIKOYAN -MILAN -MILD -MILDER -MILDEST -MILDEW -MILDLY -MILDNESS -MILDRED -MILE -MILEAGE -MILES -MILESTONE -MILESTONES -MILITANT -MILITANTLY -MILITARILY -MILITARISM -MILITARY -MILITIA -MILK -MILKED -MILKER -MILKERS -MILKINESS -MILKING -MILKMAID -MILKMAIDS -MILKS -MILKY -MILL -MILLARD -MILLED -MILLENNIUM -MILLER -MILLET -MILLIAMMETER -MILLIAMPERE -MILLIE -MILLIJOULE -MILLIKAN -MILLIMETER -MILLIMETERS -MILLINERY -MILLING -MILLINGTON -MILLION -MILLIONAIRE -MILLIONAIRES -MILLIONS -MILLIONTH -MILLIPEDE -MILLIPEDES -MILLISECOND -MILLISECONDS -MILLIVOLT -MILLIVOLTMETER -MILLIWATT -MILLS -MILLSTONE -MILLSTONES -MILNE -MILQUETOAST -MILQUETOASTS -MILTON -MILTONIAN -MILTONIC -MILTONISM -MILTONIST -MILTONIZE -MILTONIZED -MILTONIZES -MILTONIZING -MILWAUKEE -MIMEOGRAPH -MIMI -MIMIC -MIMICKED -MIMICKING -MIMICS -MINARET -MINCE -MINCED -MINCEMEAT -MINCES -MINCING -MIND -MINDANAO -MINDED -MINDFUL -MINDFULLY -MINDFULNESS -MINDING -MINDLESS -MINDLESSLY -MINDS -MINE -MINED -MINEFIELD -MINER -MINERAL -MINERALS -MINERS -MINERVA -MINES -MINESWEEPER -MINGLE -MINGLED -MINGLES -MINGLING -MINI -MINIATURE -MINIATURES -MINIATURIZATION -MINIATURIZE -MINIATURIZED -MINIATURIZES -MINIATURIZING -MINICOMPUTER -MINICOMPUTERS -MINIMA -MINIMAL -MINIMALLY -MINIMAX -MINIMIZATION -MINIMIZATIONS -MINIMIZE -MINIMIZED -MINIMIZER -MINIMIZERS -MINIMIZES -MINIMIZING -MINIMUM -MINING -MINION -MINIS -MINISTER -MINISTERED -MINISTERING -MINISTERS -MINISTRIES -MINISTRY -MINK -MINKS -MINNEAPOLIS -MINNESOTA -MINNIE -MINNOW -MINNOWS -MINOAN -MINOR -MINORING -MINORITIES -MINORITY -MINORS -MINOS -MINOTAUR -MINSK -MINSKY -MINSTREL -MINSTRELS -MINT -MINTED -MINTER -MINTING -MINTS -MINUEND -MINUET -MINUS -MINUSCULE -MINUTE -MINUTELY -MINUTEMAN -MINUTEMEN -MINUTENESS -MINUTER -MINUTES -MIOCENE -MIPS -MIRA -MIRACLE -MIRACLES -MIRACULOUS -MIRACULOUSLY -MIRAGE -MIRANDA -MIRE -MIRED -MIRES -MIRFAK -MIRIAM -MIRROR -MIRRORED -MIRRORING -MIRRORS -MIRTH -MISANTHROPE -MISBEHAVING -MISCALCULATION -MISCALCULATIONS -MISCARRIAGE -MISCARRY -MISCEGENATION -MISCELLANEOUS -MISCELLANEOUSLY -MISCELLANEOUSNESS -MISCHIEF -MISCHIEVOUS -MISCHIEVOUSLY -MISCHIEVOUSNESS -MISCONCEPTION -MISCONCEPTIONS -MISCONDUCT -MISCONSTRUE -MISCONSTRUED -MISCONSTRUES -MISDEMEANORS -MISER -MISERABLE -MISERABLENESS -MISERABLY -MISERIES -MISERLY -MISERS -MISERY -MISFIT -MISFITS -MISFORTUNE -MISFORTUNES -MISGIVING -MISGIVINGS -MISGUIDED -MISHAP -MISHAPS -MISINFORMED -MISJUDGED -MISJUDGMENT -MISLEAD -MISLEADING -MISLEADS -MISLED -MISMANAGEMENT -MISMATCH -MISMATCHED -MISMATCHES -MISMATCHING -MISNOMER -MISPLACE -MISPLACED -MISPLACES -MISPLACING -MISPRONUNCIATION -MISREPRESENTATION -MISREPRESENTATIONS -MISS -MISSED -MISSES -MISSHAPEN -MISSILE -MISSILES -MISSING -MISSION -MISSIONARIES -MISSIONARY -MISSIONER -MISSIONS -MISSISSIPPI -MISSISSIPPIAN -MISSISSIPPIANS -MISSIVE -MISSOULA -MISSOURI -MISSPELL -MISSPELLED -MISSPELLING -MISSPELLINGS -MISSPELLS -MISSY -MIST -MISTAKABLE -MISTAKE -MISTAKEN -MISTAKENLY -MISTAKES -MISTAKING -MISTED -MISTER -MISTERS -MISTINESS -MISTING -MISTLETOE -MISTRESS -MISTRUST -MISTRUSTED -MISTS -MISTY -MISTYPE -MISTYPED -MISTYPES -MISTYPING -MISUNDERSTAND -MISUNDERSTANDER -MISUNDERSTANDERS -MISUNDERSTANDING -MISUNDERSTANDINGS -MISUNDERSTOOD -MISUSE -MISUSED -MISUSES -MISUSING -MITCH -MITCHELL -MITER -MITIGATE -MITIGATED -MITIGATES -MITIGATING -MITIGATION -MITIGATIVE -MITRE -MITRES -MITTEN -MITTENS -MIX -MIXED -MIXER -MIXERS -MIXES -MIXING -MIXTURE -MIXTURES -MIXUP -MIZAR -MNEMONIC -MNEMONICALLY -MNEMONICS -MOAN -MOANED -MOANS -MOAT -MOATS -MOB -MOBIL -MOBILE -MOBILITY -MOBS -MOBSTER -MOCCASIN -MOCCASINS -MOCK -MOCKED -MOCKER -MOCKERY -MOCKING -MOCKINGBIRD -MOCKS -MOCKUP -MODAL -MODALITIES -MODALITY -MODALLY -MODE -MODEL -MODELED -MODELING -MODELINGS -MODELS -MODEM -MODEMS -MODERATE -MODERATED -MODERATELY -MODERATENESS -MODERATES -MODERATING -MODERATION -MODERN -MODERNITY -MODERNIZE -MODERNIZED -MODERNIZER -MODERNIZING -MODERNLY -MODERNNESS -MODERNS -MODES -MODEST -MODESTLY -MODESTO -MODESTY -MODICUM -MODIFIABILITY -MODIFIABLE -MODIFICATION -MODIFICATIONS -MODIFIED -MODIFIER -MODIFIERS -MODIFIES -MODIFY -MODIFYING -MODULA -MODULAR -MODULARITY -MODULARIZATION -MODULARIZE -MODULARIZED -MODULARIZES -MODULARIZING -MODULARLY -MODULATE -MODULATED -MODULATES -MODULATING -MODULATION -MODULATIONS -MODULATOR -MODULATORS -MODULE -MODULES -MODULI -MODULO -MODULUS -MODUS -MOE -MOEN -MOGADISCIO -MOGADISHU -MOGHUL -MOHAMMED -MOHAMMEDAN -MOHAMMEDANISM -MOHAMMEDANIZATION -MOHAMMEDANIZATIONS -MOHAMMEDANIZE -MOHAMMEDANIZES -MOHAWK -MOHR -MOINES -MOISEYEV -MOIST -MOISTEN -MOISTLY -MOISTNESS -MOISTURE -MOLAR -MOLASSES -MOLD -MOLDAVIA -MOLDED -MOLDER -MOLDING -MOLDS -MOLE -MOLECULAR -MOLECULE -MOLECULES -MOLEHILL -MOLES -MOLEST -MOLESTED -MOLESTING -MOLESTS -MOLIERE -MOLINE -MOLL -MOLLIE -MOLLIFY -MOLLUSK -MOLLY -MOLLYCODDLE -MOLOCH -MOLOCHIZE -MOLOCHIZES -MOLOTOV -MOLTEN -MOLUCCAS -MOMENT -MOMENTARILY -MOMENTARINESS -MOMENTARY -MOMENTOUS -MOMENTOUSLY -MOMENTOUSNESS -MOMENTS -MOMENTUM -MOMMY -MONA -MONACO -MONADIC -MONARCH -MONARCHIES -MONARCHS -MONARCHY -MONASH -MONASTERIES -MONASTERY -MONASTIC -MONDAY -MONDAYS -MONET -MONETARISM -MONETARY -MONEY -MONEYED -MONEYS -MONFORT -MONGOLIA -MONGOLIAN -MONGOLIANISM -MONGOOSE -MONICA -MONITOR -MONITORED -MONITORING -MONITORS -MONK -MONKEY -MONKEYED -MONKEYING -MONKEYS -MONKISH -MONKS -MONMOUTH -MONOALPHABETIC -MONOCEROS -MONOCHROMATIC -MONOCHROME -MONOCOTYLEDON -MONOCULAR -MONOGAMOUS -MONOGAMY -MONOGRAM -MONOGRAMS -MONOGRAPH -MONOGRAPHES -MONOGRAPHS -MONOLITH -MONOLITHIC -MONOLOGUE -MONONGAHELA -MONOPOLIES -MONOPOLIZE -MONOPOLIZED -MONOPOLIZING -MONOPOLY -MONOPROGRAMMED -MONOPROGRAMMING -MONOSTABLE -MONOTHEISM -MONOTONE -MONOTONIC -MONOTONICALLY -MONOTONICITY -MONOTONOUS -MONOTONOUSLY -MONOTONOUSNESS -MONOTONY -MONROE -MONROVIA -MONSANTO -MONSOON -MONSTER -MONSTERS -MONSTROSITY -MONSTROUS -MONSTROUSLY -MONT -MONTAGUE -MONTAIGNE -MONTANA -MONTANAN -MONTCLAIR -MONTENEGRIN -MONTENEGRO -MONTEREY -MONTEVERDI -MONTEVIDEO -MONTGOMERY -MONTH -MONTHLY -MONTHS -MONTICELLO -MONTMARTRE -MONTPELIER -MONTRACHET -MONTREAL -MONTY -MONUMENT -MONUMENTAL -MONUMENTALLY -MONUMENTS -MOO -MOOD -MOODINESS -MOODS -MOODY -MOON -MOONED -MOONEY -MOONING -MOONLIGHT -MOONLIGHTER -MOONLIGHTING -MOONLIKE -MOONLIT -MOONS -MOONSHINE -MOOR -MOORE -MOORED -MOORING -MOORINGS -MOORISH -MOORS -MOOSE -MOOT -MOP -MOPED -MOPS -MORAINE -MORAL -MORALE -MORALITIES -MORALITY -MORALLY -MORALS -MORAN -MORASS -MORATORIUM -MORAVIA -MORAVIAN -MORAVIANIZED -MORAVIANIZEDS -MORBID -MORBIDLY -MORBIDNESS -MORE -MOREHOUSE -MORELAND -MOREOVER -MORES -MORESBY -MORGAN -MORIARTY -MORIBUND -MORLEY -MORMON -MORN -MORNING -MORNINGS -MOROCCAN -MOROCCO -MORON -MOROSE -MORPHINE -MORPHISM -MORPHISMS -MORPHOLOGICAL -MORPHOLOGY -MORRILL -MORRIS -MORRISON -MORRISSEY -MORRISTOWN -MORROW -MORSE -MORSEL -MORSELS -MORTAL -MORTALITY -MORTALLY -MORTALS -MORTAR -MORTARED -MORTARING -MORTARS -MORTEM -MORTGAGE -MORTGAGES -MORTICIAN -MORTIFICATION -MORTIFIED -MORTIFIES -MORTIFY -MORTIFYING -MORTIMER -MORTON -MOSAIC -MOSAICS -MOSCONE -MOSCOW -MOSER -MOSES -MOSLEM -MOSLEMIZE -MOSLEMIZES -MOSLEMS -MOSQUE -MOSQUITO -MOSQUITOES -MOSS -MOSSBERG -MOSSES -MOSSY -MOST -MOSTLY -MOTEL -MOTELS -MOTH -MOTHBALL -MOTHBALLS -MOTHER -MOTHERED -MOTHERER -MOTHERERS -MOTHERHOOD -MOTHERING -MOTHERLAND -MOTHERLY -MOTHERS -MOTIF -MOTIFS -MOTION -MOTIONED -MOTIONING -MOTIONLESS -MOTIONLESSLY -MOTIONLESSNESS -MOTIONS -MOTIVATE -MOTIVATED -MOTIVATES -MOTIVATING -MOTIVATION -MOTIVATIONS -MOTIVE -MOTIVES -MOTLEY -MOTOR -MOTORCAR -MOTORCARS -MOTORCYCLE -MOTORCYCLES -MOTORING -MOTORIST -MOTORISTS -MOTORIZE -MOTORIZED -MOTORIZES -MOTORIZING -MOTOROLA -MOTORS -MOTTO -MOTTOES -MOULD -MOULDING -MOULTON -MOUND -MOUNDED -MOUNDS -MOUNT -MOUNTABLE -MOUNTAIN -MOUNTAINEER -MOUNTAINEERING -MOUNTAINEERS -MOUNTAINOUS -MOUNTAINOUSLY -MOUNTAINS -MOUNTED -MOUNTER -MOUNTING -MOUNTINGS -MOUNTS -MOURN -MOURNED -MOURNER -MOURNERS -MOURNFUL -MOURNFULLY -MOURNFULNESS -MOURNING -MOURNS -MOUSE -MOUSER -MOUSES -MOUSETRAP -MOUSY -MOUTH -MOUTHE -MOUTHED -MOUTHES -MOUTHFUL -MOUTHING -MOUTHPIECE -MOUTHS -MOUTON -MOVABLE -MOVE -MOVED -MOVEMENT -MOVEMENTS -MOVER -MOVERS -MOVES -MOVIE -MOVIES -MOVING -MOVINGS -MOW -MOWED -MOWER -MOWS -MOYER -MOZART -MUCH -MUCK -MUCKER -MUCKING -MUCUS -MUD -MUDD -MUDDIED -MUDDINESS -MUDDLE -MUDDLED -MUDDLEHEAD -MUDDLER -MUDDLERS -MUDDLES -MUDDLING -MUDDY -MUELLER -MUENSTER -MUFF -MUFFIN -MUFFINS -MUFFLE -MUFFLED -MUFFLER -MUFFLES -MUFFLING -MUFFS -MUG -MUGGING -MUGS -MUHAMMAD -MUIR -MUKDEN -MULATTO -MULBERRIES -MULBERRY -MULE -MULES -MULL -MULLAH -MULLEN -MULTI -MULTIBIT -MULTIBUS -MULTIBYTE -MULTICAST -MULTICASTING -MULTICASTS -MULTICELLULAR -MULTICOMPUTER -MULTICS -MULTICS -MULTIDIMENSIONAL -MULTILATERAL -MULTILAYER -MULTILAYERED -MULTILEVEL -MULTIMEDIA -MULTINATIONAL -MULTIPLE -MULTIPLES -MULTIPLEX -MULTIPLEXED -MULTIPLEXER -MULTIPLEXERS -MULTIPLEXES -MULTIPLEXING -MULTIPLEXOR -MULTIPLEXORS -MULTIPLICAND -MULTIPLICANDS -MULTIPLICATION -MULTIPLICATIONS -MULTIPLICATIVE -MULTIPLICATIVES -MULTIPLICITY -MULTIPLIED -MULTIPLIER -MULTIPLIERS -MULTIPLIES -MULTIPLY -MULTIPLYING -MULTIPROCESS -MULTIPROCESSING -MULTIPROCESSOR -MULTIPROCESSORS -MULTIPROGRAM -MULTIPROGRAMMED -MULTIPROGRAMMING -MULTISTAGE -MULTITUDE -MULTITUDES -MULTIUSER -MULTIVARIATE -MULTIWORD -MUMBLE -MUMBLED -MUMBLER -MUMBLERS -MUMBLES -MUMBLING -MUMBLINGS -MUMFORD -MUMMIES -MUMMY -MUNCH -MUNCHED -MUNCHING -MUNCIE -MUNDANE -MUNDANELY -MUNDT -MUNG -MUNICH -MUNICIPAL -MUNICIPALITIES -MUNICIPALITY -MUNICIPALLY -MUNITION -MUNITIONS -MUNROE -MUNSEY -MUNSON -MUONG -MURAL -MURDER -MURDERED -MURDERER -MURDERERS -MURDERING -MURDEROUS -MURDEROUSLY -MURDERS -MURIEL -MURKY -MURMUR -MURMURED -MURMURER -MURMURING -MURMURS -MURPHY -MURRAY -MURROW -MUSCAT -MUSCLE -MUSCLED -MUSCLES -MUSCLING -MUSCOVITE -MUSCOVY -MUSCULAR -MUSCULATURE -MUSE -MUSED -MUSES -MUSEUM -MUSEUMS -MUSH -MUSHROOM -MUSHROOMED -MUSHROOMING -MUSHROOMS -MUSHY -MUSIC -MUSICAL -MUSICALLY -MUSICALS -MUSICIAN -MUSICIANLY -MUSICIANS -MUSICOLOGY -MUSING -MUSINGS -MUSK -MUSKEGON -MUSKET -MUSKETS -MUSKOX -MUSKOXEN -MUSKRAT -MUSKRATS -MUSKS -MUSLIM -MUSLIMS -MUSLIN -MUSSEL -MUSSELS -MUSSOLINI -MUSSOLINIS -MUSSORGSKY -MUST -MUSTACHE -MUSTACHED -MUSTACHES -MUSTARD -MUSTER -MUSTINESS -MUSTS -MUSTY -MUTABILITY -MUTABLE -MUTABLENESS -MUTANDIS -MUTANT -MUTATE -MUTATED -MUTATES -MUTATING -MUTATION -MUTATIONS -MUTATIS -MUTATIVE -MUTE -MUTED -MUTELY -MUTENESS -MUTILATE -MUTILATED -MUTILATES -MUTILATING -MUTILATION -MUTINIES -MUTINY -MUTT -MUTTER -MUTTERED -MUTTERER -MUTTERERS -MUTTERING -MUTTERS -MUTTON -MUTUAL -MUTUALLY -MUZAK -MUZO -MUZZLE -MUZZLES -MYCENAE -MYCENAEAN -MYERS -MYNHEER -MYRA -MYRIAD -MYRON -MYRTLE -MYSELF -MYSORE -MYSTERIES -MYSTERIOUS -MYSTERIOUSLY -MYSTERIOUSNESS -MYSTERY -MYSTIC -MYSTICAL -MYSTICS -MYSTIFY -MYTH -MYTHICAL -MYTHOLOGIES -MYTHOLOGY -NAB -NABISCO -NABLA -NABLAS -NADIA -NADINE -NADIR -NAG -NAGASAKI -NAGGED -NAGGING -NAGOYA -NAGS -NAGY -NAIL -NAILED -NAILING -NAILS -NAIR -NAIROBI -NAIVE -NAIVELY -NAIVENESS -NAIVETE -NAKAMURA -NAKAYAMA -NAKED -NAKEDLY -NAKEDNESS -NAKOMA -NAME -NAMEABLE -NAMED -NAMELESS -NAMELESSLY -NAMELY -NAMER -NAMERS -NAMES -NAMESAKE -NAMESAKES -NAMING -NAN -NANCY -NANETTE -NANKING -NANOINSTRUCTION -NANOINSTRUCTIONS -NANOOK -NANOPROGRAM -NANOPROGRAMMING -NANOSECOND -NANOSECONDS -NANOSTORE -NANOSTORES -NANTUCKET -NAOMI -NAP -NAPKIN -NAPKINS -NAPLES -NAPOLEON -NAPOLEONIC -NAPOLEONIZE -NAPOLEONIZES -NAPS -NARBONNE -NARCISSUS -NARCOTIC -NARCOTICS -NARRAGANSETT -NARRATE -NARRATION -NARRATIVE -NARRATIVES -NARROW -NARROWED -NARROWER -NARROWEST -NARROWING -NARROWLY -NARROWNESS -NARROWS -NARY -NASA -NASAL -NASALLY -NASAS -NASH -NASHUA -NASHVILLE -NASSAU -NASTIER -NASTIEST -NASTILY -NASTINESS -NASTY -NAT -NATAL -NATALIE -NATCHEZ -NATE -NATHAN -NATHANIEL -NATION -NATIONAL -NATIONALIST -NATIONALISTS -NATIONALITIES -NATIONALITY -NATIONALIZATION -NATIONALIZE -NATIONALIZED -NATIONALIZES -NATIONALIZING -NATIONALLY -NATIONALS -NATIONHOOD -NATIONS -NATIONWIDE -NATIVE -NATIVELY -NATIVES -NATIVITY -NATO -NATOS -NATURAL -NATURALISM -NATURALIST -NATURALIZATION -NATURALLY -NATURALNESS -NATURALS -NATURE -NATURED -NATURES -NAUGHT -NAUGHTIER -NAUGHTINESS -NAUGHTY -NAUR -NAUSEA -NAUSEATE -NAUSEUM -NAVAHO -NAVAJO -NAVAL -NAVALLY -NAVEL -NAVIES -NAVIGABLE -NAVIGATE -NAVIGATED -NAVIGATES -NAVIGATING -NAVIGATION -NAVIGATOR -NAVIGATORS -NAVONA -NAVY -NAY -NAZARENE -NAZARETH -NAZI -NAZIS -NAZISM -NDJAMENA -NEAL -NEANDERTHAL -NEAPOLITAN -NEAR -NEARBY -NEARED -NEARER -NEAREST -NEARING -NEARLY -NEARNESS -NEARS -NEARSIGHTED -NEAT -NEATER -NEATEST -NEATLY -NEATNESS -NEBRASKA -NEBRASKAN -NEBUCHADNEZZAR -NEBULA -NEBULAR -NEBULOUS -NECESSARIES -NECESSARILY -NECESSARY -NECESSITATE -NECESSITATED -NECESSITATES -NECESSITATING -NECESSITATION -NECESSITIES -NECESSITY -NECK -NECKING -NECKLACE -NECKLACES -NECKLINE -NECKS -NECKTIE -NECKTIES -NECROSIS -NECTAR -NED -NEED -NEEDED -NEEDFUL -NEEDHAM -NEEDING -NEEDLE -NEEDLED -NEEDLER -NEEDLERS -NEEDLES -NEEDLESS -NEEDLESSLY -NEEDLESSNESS -NEEDLEWORK -NEEDLING -NEEDS -NEEDY -NEFF -NEGATE -NEGATED -NEGATES -NEGATING -NEGATION -NEGATIONS -NEGATIVE -NEGATIVELY -NEGATIVES -NEGATOR -NEGATORS -NEGLECT -NEGLECTED -NEGLECTING -NEGLECTS -NEGLIGEE -NEGLIGENCE -NEGLIGENT -NEGLIGIBLE -NEGOTIABLE -NEGOTIATE -NEGOTIATED -NEGOTIATES -NEGOTIATING -NEGOTIATION -NEGOTIATIONS -NEGRO -NEGROES -NEGROID -NEGROIZATION -NEGROIZATIONS -NEGROIZE -NEGROIZES -NEHRU -NEIGH -NEIGHBOR -NEIGHBORHOOD -NEIGHBORHOODS -NEIGHBORING -NEIGHBORLY -NEIGHBORS -NEIL -NEITHER -NELL -NELLIE -NELSEN -NELSON -NEMESIS -NEOCLASSIC -NEON -NEONATAL -NEOPHYTE -NEOPHYTES -NEPAL -NEPALI -NEPHEW -NEPHEWS -NEPTUNE -NERO -NERVE -NERVES -NERVOUS -NERVOUSLY -NERVOUSNESS -NESS -NEST -NESTED -NESTER -NESTING -NESTLE -NESTLED -NESTLES -NESTLING -NESTOR -NESTS -NET -NETHER -NETHERLANDS -NETS -NETTED -NETTING -NETTLE -NETTLED -NETWORK -NETWORKED -NETWORKING -NETWORKS -NEUMANN -NEURAL -NEURITIS -NEUROLOGICAL -NEUROLOGISTS -NEURON -NEURONS -NEUROSES -NEUROSIS -NEUROTIC -NEUTER -NEUTRAL -NEUTRALITIES -NEUTRALITY -NEUTRALIZE -NEUTRALIZED -NEUTRALIZING -NEUTRALLY -NEUTRINO -NEUTRINOS -NEUTRON -NEVA -NEVADA -NEVER -NEVERTHELESS -NEVINS -NEW -NEWARK -NEWBOLD -NEWBORN -NEWBURY -NEWBURYPORT -NEWCASTLE -NEWCOMER -NEWCOMERS -NEWELL -NEWER -NEWEST -NEWFOUNDLAND -NEWLY -NEWLYWED -NEWMAN -NEWMANIZE -NEWMANIZES -NEWNESS -NEWPORT -NEWS -NEWSCAST -NEWSGROUP -NEWSLETTER -NEWSLETTERS -NEWSMAN -NEWSMEN -NEWSPAPER -NEWSPAPERS -NEWSSTAND -NEWSWEEK -NEWSWEEKLY -NEWT -NEWTON -NEWTONIAN -NEXT -NGUYEN -NIAGARA -NIAMEY -NIBBLE -NIBBLED -NIBBLER -NIBBLERS -NIBBLES -NIBBLING -NIBELUNG -NICARAGUA -NICCOLO -NICE -NICELY -NICENESS -NICER -NICEST -NICHE -NICHOLAS -NICHOLLS -NICHOLS -NICHOLSON -NICK -NICKED -NICKEL -NICKELS -NICKER -NICKING -NICKLAUS -NICKNAME -NICKNAMED -NICKNAMES -NICKS -NICODEMUS -NICOSIA -NICOTINE -NIECE -NIECES -NIELSEN -NIELSON -NIETZSCHE -NIFTY -NIGER -NIGERIA -NIGERIAN -NIGH -NIGHT -NIGHTCAP -NIGHTCLUB -NIGHTFALL -NIGHTGOWN -NIGHTINGALE -NIGHTINGALES -NIGHTLY -NIGHTMARE -NIGHTMARES -NIGHTMARISH -NIGHTS -NIGHTTIME -NIHILISM -NIJINSKY -NIKKO -NIKOLAI -NIL -NILE -NILSEN -NILSSON -NIMBLE -NIMBLENESS -NIMBLER -NIMBLY -NIMBUS -NINA -NINE -NINEFOLD -NINES -NINETEEN -NINETEENS -NINETEENTH -NINETIES -NINETIETH -NINETY -NINEVEH -NINTH -NIOBE -NIP -NIPPLE -NIPPON -NIPPONIZE -NIPPONIZES -NIPS -NITRIC -NITROGEN -NITROUS -NITTY -NIXON -NOAH -NOBEL -NOBILITY -NOBLE -NOBLEMAN -NOBLENESS -NOBLER -NOBLES -NOBLEST -NOBLY -NOBODY -NOCTURNAL -NOCTURNALLY -NOD -NODAL -NODDED -NODDING -NODE -NODES -NODS -NODULAR -NODULE -NOEL -NOETHERIAN -NOISE -NOISELESS -NOISELESSLY -NOISES -NOISIER -NOISILY -NOISINESS -NOISY -NOLAN -NOLL -NOMENCLATURE -NOMINAL -NOMINALLY -NOMINATE -NOMINATED -NOMINATING -NOMINATION -NOMINATIVE -NOMINEE -NON -NONADAPTIVE -NONBIODEGRADABLE -NONBLOCKING -NONCE -NONCHALANT -NONCOMMERCIAL -NONCOMMUNICATION -NONCONSECUTIVELY -NONCONSERVATIVE -NONCRITICAL -NONCYCLIC -NONDECREASING -NONDESCRIPT -NONDESCRIPTLY -NONDESTRUCTIVELY -NONDETERMINACY -NONDETERMINATE -NONDETERMINATELY -NONDETERMINISM -NONDETERMINISTIC -NONDETERMINISTICALLY -NONE -NONEMPTY -NONETHELESS -NONEXISTENCE -NONEXISTENT -NONEXTENSIBLE -NONFUNCTIONAL -NONGOVERNMENTAL -NONIDEMPOTENT -NONINTERACTING -NONINTERFERENCE -NONINTERLEAVED -NONINTRUSIVE -NONINTUITIVE -NONINVERTING -NONLINEAR -NONLINEARITIES -NONLINEARITY -NONLINEARLY -NONLOCAL -NONMASKABLE -NONMATHEMATICAL -NONMILITARY -NONNEGATIVE -NONNEGLIGIBLE -NONNUMERICAL -NONOGENARIAN -NONORTHOGONAL -NONORTHOGONALITY -NONPERISHABLE -NONPERSISTENT -NONPORTABLE -NONPROCEDURAL -NONPROCEDURALLY -NONPROFIT -NONPROGRAMMABLE -NONPROGRAMMER -NONSEGMENTED -NONSENSE -NONSENSICAL -NONSEQUENTIAL -NONSPECIALIST -NONSPECIALISTS -NONSTANDARD -NONSYNCHRONOUS -NONTECHNICAL -NONTERMINAL -NONTERMINALS -NONTERMINATING -NONTERMINATION -NONTHERMAL -NONTRANSPARENT -NONTRIVIAL -NONUNIFORM -NONUNIFORMITY -NONZERO -NOODLE -NOOK -NOOKS -NOON -NOONDAY -NOONS -NOONTIDE -NOONTIME -NOOSE -NOR -NORA -NORDHOFF -NORDIC -NORDSTROM -NOREEN -NORFOLK -NORM -NORMA -NORMAL -NORMALCY -NORMALITY -NORMALIZATION -NORMALIZE -NORMALIZED -NORMALIZES -NORMALIZING -NORMALLY -NORMALS -NORMAN -NORMANDY -NORMANIZATION -NORMANIZATIONS -NORMANIZE -NORMANIZER -NORMANIZERS -NORMANIZES -NORMATIVE -NORMS -NORRIS -NORRISTOWN -NORSE -NORTH -NORTHAMPTON -NORTHBOUND -NORTHEAST -NORTHEASTER -NORTHEASTERN -NORTHERLY -NORTHERN -NORTHERNER -NORTHERNERS -NORTHERNLY -NORTHFIELD -NORTHROP -NORTHRUP -NORTHUMBERLAND -NORTHWARD -NORTHWARDS -NORTHWEST -NORTHWESTERN -NORTON -NORWALK -NORWAY -NORWEGIAN -NORWICH -NOSE -NOSED -NOSES -NOSING -NOSTALGIA -NOSTALGIC -NOSTRADAMUS -NOSTRAND -NOSTRIL -NOSTRILS -NOT -NOTABLE -NOTABLES -NOTABLY -NOTARIZE -NOTARIZED -NOTARIZES -NOTARIZING -NOTARY -NOTATION -NOTATIONAL -NOTATIONS -NOTCH -NOTCHED -NOTCHES -NOTCHING -NOTE -NOTEBOOK -NOTEBOOKS -NOTED -NOTES -NOTEWORTHY -NOTHING -NOTHINGNESS -NOTHINGS -NOTICE -NOTICEABLE -NOTICEABLY -NOTICED -NOTICES -NOTICING -NOTIFICATION -NOTIFICATIONS -NOTIFIED -NOTIFIER -NOTIFIERS -NOTIFIES -NOTIFY -NOTIFYING -NOTING -NOTION -NOTIONS -NOTORIETY -NOTORIOUS -NOTORIOUSLY -NOTRE -NOTTINGHAM -NOTWITHSTANDING -NOUAKCHOTT -NOUN -NOUNS -NOURISH -NOURISHED -NOURISHES -NOURISHING -NOURISHMENT -NOVAK -NOVEL -NOVELIST -NOVELISTS -NOVELS -NOVELTIES -NOVELTY -NOVEMBER -NOVEMBERS -NOVICE -NOVICES -NOVOSIBIRSK -NOW -NOWADAYS -NOWHERE -NOXIOUS -NOYES -NOZZLE -NUANCE -NUANCES -NUBIA -NUBIAN -NUBILE -NUCLEAR -NUCLEI -NUCLEIC -NUCLEOTIDE -NUCLEOTIDES -NUCLEUS -NUCLIDE -NUDE -NUDGE -NUDGED -NUDITY -NUGENT -NUGGET -NUISANCE -NUISANCES -NULL -NULLARY -NULLED -NULLIFIED -NULLIFIERS -NULLIFIES -NULLIFY -NULLIFYING -NULLS -NUMB -NUMBED -NUMBER -NUMBERED -NUMBERER -NUMBERING -NUMBERLESS -NUMBERS -NUMBING -NUMBLY -NUMBNESS -NUMBS -NUMERABLE -NUMERAL -NUMERALS -NUMERATOR -NUMERATORS -NUMERIC -NUMERICAL -NUMERICALLY -NUMERICS -NUMEROUS -NUMISMATIC -NUMISMATIST -NUN -NUNS -NUPTIAL -NURSE -NURSED -NURSERIES -NURSERY -NURSES -NURSING -NURTURE -NURTURED -NURTURES -NURTURING -NUT -NUTATE -NUTRIA -NUTRIENT -NUTRITION -NUTRITIOUS -NUTS -NUTSHELL -NUTSHELLS -NUZZLE -NYLON -NYMPH -NYMPHOMANIA -NYMPHOMANIAC -NYMPHS -NYQUIST -OAF -OAK -OAKEN -OAKLAND -OAKLEY -OAKMONT -OAKS -OAR -OARS -OASES -OASIS -OAT -OATEN -OATH -OATHS -OATMEAL -OATS -OBEDIENCE -OBEDIENCES -OBEDIENT -OBEDIENTLY -OBELISK -OBERLIN -OBERON -OBESE -OBEY -OBEYED -OBEYING -OBEYS -OBFUSCATE -OBFUSCATORY -OBITUARY -OBJECT -OBJECTED -OBJECTING -OBJECTION -OBJECTIONABLE -OBJECTIONS -OBJECTIVE -OBJECTIVELY -OBJECTIVES -OBJECTOR -OBJECTORS -OBJECTS -OBLIGATED -OBLIGATION -OBLIGATIONS -OBLIGATORY -OBLIGE -OBLIGED -OBLIGES -OBLIGING -OBLIGINGLY -OBLIQUE -OBLIQUELY -OBLIQUENESS -OBLITERATE -OBLITERATED -OBLITERATES -OBLITERATING -OBLITERATION -OBLIVION -OBLIVIOUS -OBLIVIOUSLY -OBLIVIOUSNESS -OBLONG -OBNOXIOUS -OBOE -OBSCENE -OBSCURE -OBSCURED -OBSCURELY -OBSCURER -OBSCURES -OBSCURING -OBSCURITIES -OBSCURITY -OBSEQUIOUS -OBSERVABLE -OBSERVANCE -OBSERVANCES -OBSERVANT -OBSERVATION -OBSERVATIONS -OBSERVATORY -OBSERVE -OBSERVED -OBSERVER -OBSERVERS -OBSERVES -OBSERVING -OBSESSION -OBSESSIONS -OBSESSIVE -OBSOLESCENCE -OBSOLESCENT -OBSOLETE -OBSOLETED -OBSOLETES -OBSOLETING -OBSTACLE -OBSTACLES -OBSTINACY -OBSTINATE -OBSTINATELY -OBSTRUCT -OBSTRUCTED -OBSTRUCTING -OBSTRUCTION -OBSTRUCTIONS -OBSTRUCTIVE -OBTAIN -OBTAINABLE -OBTAINABLY -OBTAINED -OBTAINING -OBTAINS -OBVIATE -OBVIATED -OBVIATES -OBVIATING -OBVIATION -OBVIATIONS -OBVIOUS -OBVIOUSLY -OBVIOUSNESS -OCCAM -OCCASION -OCCASIONAL -OCCASIONALLY -OCCASIONED -OCCASIONING -OCCASIONINGS -OCCASIONS -OCCIDENT -OCCIDENTAL -OCCIDENTALIZATION -OCCIDENTALIZATIONS -OCCIDENTALIZE -OCCIDENTALIZED -OCCIDENTALIZES -OCCIDENTALIZING -OCCIDENTALS -OCCIPITAL -OCCLUDE -OCCLUDED -OCCLUDES -OCCLUSION -OCCLUSIONS -OCCULT -OCCUPANCIES -OCCUPANCY -OCCUPANT -OCCUPANTS -OCCUPATION -OCCUPATIONAL -OCCUPATIONALLY -OCCUPATIONS -OCCUPIED -OCCUPIER -OCCUPIES -OCCUPY -OCCUPYING -OCCUR -OCCURRED -OCCURRENCE -OCCURRENCES -OCCURRING -OCCURS -OCEAN -OCEANIA -OCEANIC -OCEANOGRAPHY -OCEANS -OCONOMOWOC -OCTAGON -OCTAGONAL -OCTAHEDRA -OCTAHEDRAL -OCTAHEDRON -OCTAL -OCTANE -OCTAVE -OCTAVES -OCTAVIA -OCTET -OCTETS -OCTOBER -OCTOBERS -OCTOGENARIAN -OCTOPUS -ODD -ODDER -ODDEST -ODDITIES -ODDITY -ODDLY -ODDNESS -ODDS -ODE -ODERBERG -ODERBERGS -ODES -ODESSA -ODIN -ODIOUS -ODIOUSLY -ODIOUSNESS -ODIUM -ODOR -ODOROUS -ODOROUSLY -ODOROUSNESS -ODORS -ODYSSEUS -ODYSSEY -OEDIPAL -OEDIPALLY -OEDIPUS -OFF -OFFENBACH -OFFEND -OFFENDED -OFFENDER -OFFENDERS -OFFENDING -OFFENDS -OFFENSE -OFFENSES -OFFENSIVE -OFFENSIVELY -OFFENSIVENESS -OFFER -OFFERED -OFFERER -OFFERERS -OFFERING -OFFERINGS -OFFERS -OFFHAND -OFFICE -OFFICEMATE -OFFICER -OFFICERS -OFFICES -OFFICIAL -OFFICIALDOM -OFFICIALLY -OFFICIALS -OFFICIATE -OFFICIO -OFFICIOUS -OFFICIOUSLY -OFFICIOUSNESS -OFFING -OFFLOAD -OFFS -OFFSET -OFFSETS -OFFSETTING -OFFSHORE -OFFSPRING -OFT -OFTEN -OFTENTIMES -OGDEN -OHIO -OHM -OHMMETER -OIL -OILCLOTH -OILED -OILER -OILERS -OILIER -OILIEST -OILING -OILS -OILY -OINTMENT -OJIBWA -OKAMOTO -OKAY -OKINAWA -OKLAHOMA -OKLAHOMAN -OLAF -OLAV -OLD -OLDEN -OLDENBURG -OLDER -OLDEST -OLDNESS -OLDSMOBILE -OLDUVAI -OLDY -OLEANDER -OLEG -OLEOMARGARINE -OLGA -OLIGARCHY -OLIGOCENE -OLIN -OLIVE -OLIVER -OLIVERS -OLIVES -OLIVETTI -OLIVIA -OLIVIER -OLSEN -OLSON -OLYMPIA -OLYMPIAN -OLYMPIANIZE -OLYMPIANIZES -OLYMPIC -OLYMPICS -OLYMPUS -OMAHA -OMAN -OMEGA -OMELET -OMEN -OMENS -OMICRON -OMINOUS -OMINOUSLY -OMINOUSNESS -OMISSION -OMISSIONS -OMIT -OMITS -OMITTED -OMITTING -OMNIBUS -OMNIDIRECTIONAL -OMNIPOTENT -OMNIPRESENT -OMNISCIENT -OMNISCIENTLY -OMNIVORE -ONANISM -ONCE -ONCOLOGY -ONE -ONEIDA -ONENESS -ONEROUS -ONES -ONESELF -ONETIME -ONGOING -ONION -ONIONS -ONLINE -ONLOOKER -ONLY -ONONDAGA -ONRUSH -ONSET -ONSETS -ONSLAUGHT -ONTARIO -ONTO -ONTOLOGY -ONUS -ONWARD -ONWARDS -ONYX -OOZE -OOZED -OPACITY -OPAL -OPALS -OPAQUE -OPAQUELY -OPAQUENESS -OPCODE -OPEC -OPEL -OPEN -OPENED -OPENER -OPENERS -OPENING -OPENINGS -OPENLY -OPENNESS -OPENS -OPERA -OPERABLE -OPERAND -OPERANDI -OPERANDS -OPERAS -OPERATE -OPERATED -OPERATES -OPERATING -OPERATION -OPERATIONAL -OPERATIONALLY -OPERATIONS -OPERATIVE -OPERATIVES -OPERATOR -OPERATORS -OPERETTA -OPHIUCHUS -OPHIUCUS -OPIATE -OPINION -OPINIONS -OPIUM -OPOSSUM -OPPENHEIMER -OPPONENT -OPPONENTS -OPPORTUNE -OPPORTUNELY -OPPORTUNISM -OPPORTUNISTIC -OPPORTUNITIES -OPPORTUNITY -OPPOSABLE -OPPOSE -OPPOSED -OPPOSES -OPPOSING -OPPOSITE -OPPOSITELY -OPPOSITENESS -OPPOSITES -OPPOSITION -OPPRESS -OPPRESSED -OPPRESSES -OPPRESSING -OPPRESSION -OPPRESSIVE -OPPRESSOR -OPPRESSORS -OPPROBRIUM -OPT -OPTED -OPTHALMIC -OPTIC -OPTICAL -OPTICALLY -OPTICS -OPTIMA -OPTIMAL -OPTIMALITY -OPTIMALLY -OPTIMISM -OPTIMIST -OPTIMISTIC -OPTIMISTICALLY -OPTIMIZATION -OPTIMIZATIONS -OPTIMIZE -OPTIMIZED -OPTIMIZER -OPTIMIZERS -OPTIMIZES -OPTIMIZING -OPTIMUM -OPTING -OPTION -OPTIONAL -OPTIONALLY -OPTIONS -OPTOACOUSTIC -OPTOMETRIST -OPTOMETRY -OPTS -OPULENCE -OPULENT -OPUS -ORACLE -ORACLES -ORAL -ORALLY -ORANGE -ORANGES -ORANGUTAN -ORATION -ORATIONS -ORATOR -ORATORIES -ORATORS -ORATORY -ORB -ORBIT -ORBITAL -ORBITALLY -ORBITED -ORBITER -ORBITERS -ORBITING -ORBITS -ORCHARD -ORCHARDS -ORCHESTRA -ORCHESTRAL -ORCHESTRAS -ORCHESTRATE -ORCHID -ORCHIDS -ORDAIN -ORDAINED -ORDAINING -ORDAINS -ORDEAL -ORDER -ORDERED -ORDERING -ORDERINGS -ORDERLIES -ORDERLY -ORDERS -ORDINAL -ORDINANCE -ORDINANCES -ORDINARILY -ORDINARINESS -ORDINARY -ORDINATE -ORDINATES -ORDINATION -ORE -OREGANO -OREGON -OREGONIANS -ORES -ORESTEIA -ORESTES -ORGAN -ORGANIC -ORGANISM -ORGANISMS -ORGANIST -ORGANISTS -ORGANIZABLE -ORGANIZATION -ORGANIZATIONAL -ORGANIZATIONALLY -ORGANIZATIONS -ORGANIZE -ORGANIZED -ORGANIZER -ORGANIZERS -ORGANIZES -ORGANIZING -ORGANS -ORGASM -ORGIASTIC -ORGIES -ORGY -ORIENT -ORIENTAL -ORIENTALIZATION -ORIENTALIZATIONS -ORIENTALIZE -ORIENTALIZED -ORIENTALIZES -ORIENTALIZING -ORIENTALS -ORIENTATION -ORIENTATIONS -ORIENTED -ORIENTING -ORIENTS -ORIFICE -ORIFICES -ORIGIN -ORIGINAL -ORIGINALITY -ORIGINALLY -ORIGINALS -ORIGINATE -ORIGINATED -ORIGINATES -ORIGINATING -ORIGINATION -ORIGINATOR -ORIGINATORS -ORIGINS -ORIN -ORINOCO -ORIOLE -ORION -ORKNEY -ORLANDO -ORLEANS -ORLICK -ORLY -ORNAMENT -ORNAMENTAL -ORNAMENTALLY -ORNAMENTATION -ORNAMENTED -ORNAMENTING -ORNAMENTS -ORNATE -ORNERY -ORONO -ORPHAN -ORPHANAGE -ORPHANED -ORPHANS -ORPHEUS -ORPHIC -ORPHICALLY -ORR -ORTEGA -ORTHANT -ORTHODONTIST -ORTHODOX -ORTHODOXY -ORTHOGONAL -ORTHOGONALITY -ORTHOGONALLY -ORTHOPEDIC -ORVILLE -ORWELL -ORWELLIAN -OSAKA -OSBERT -OSBORN -OSBORNE -OSCAR -OSCILLATE -OSCILLATED -OSCILLATES -OSCILLATING -OSCILLATION -OSCILLATIONS -OSCILLATOR -OSCILLATORS -OSCILLATORY -OSCILLOSCOPE -OSCILLOSCOPES -OSGOOD -OSHKOSH -OSIRIS -OSLO -OSMOSIS -OSMOTIC -OSSIFY -OSTENSIBLE -OSTENSIBLY -OSTENTATIOUS -OSTEOPATH -OSTEOPATHIC -OSTEOPATHY -OSTEOPOROSIS -OSTRACISM -OSTRANDER -OSTRICH -OSTRICHES -OSWALD -OTHELLO -OTHER -OTHERS -OTHERWISE -OTHERWORLDLY -OTIS -OTT -OTTAWA -OTTER -OTTERS -OTTO -OTTOMAN -OTTOMANIZATION -OTTOMANIZATIONS -OTTOMANIZE -OTTOMANIZES -OUAGADOUGOU -OUCH -OUGHT -OUNCE -OUNCES -OUR -OURS -OURSELF -OURSELVES -OUST -OUT -OUTBOUND -OUTBREAK -OUTBREAKS -OUTBURST -OUTBURSTS -OUTCAST -OUTCASTS -OUTCOME -OUTCOMES -OUTCRIES -OUTCRY -OUTDATED -OUTDO -OUTDOOR -OUTDOORS -OUTER -OUTERMOST -OUTFIT -OUTFITS -OUTFITTED -OUTGOING -OUTGREW -OUTGROW -OUTGROWING -OUTGROWN -OUTGROWS -OUTGROWTH -OUTING -OUTLANDISH -OUTLAST -OUTLASTS -OUTLAW -OUTLAWED -OUTLAWING -OUTLAWS -OUTLAY -OUTLAYS -OUTLET -OUTLETS -OUTLINE -OUTLINED -OUTLINES -OUTLINING -OUTLIVE -OUTLIVED -OUTLIVES -OUTLIVING -OUTLOOK -OUTLYING -OUTNUMBERED -OUTPERFORM -OUTPERFORMED -OUTPERFORMING -OUTPERFORMS -OUTPOST -OUTPOSTS -OUTPUT -OUTPUTS -OUTPUTTING -OUTRAGE -OUTRAGED -OUTRAGEOUS -OUTRAGEOUSLY -OUTRAGES -OUTRIGHT -OUTRUN -OUTRUNS -OUTS -OUTSET -OUTSIDE -OUTSIDER -OUTSIDERS -OUTSKIRTS -OUTSTANDING -OUTSTANDINGLY -OUTSTRETCHED -OUTSTRIP -OUTSTRIPPED -OUTSTRIPPING -OUTSTRIPS -OUTVOTE -OUTVOTED -OUTVOTES -OUTVOTING -OUTWARD -OUTWARDLY -OUTWEIGH -OUTWEIGHED -OUTWEIGHING -OUTWEIGHS -OUTWIT -OUTWITS -OUTWITTED -OUTWITTING -OVAL -OVALS -OVARIES -OVARY -OVEN -OVENS -OVER -OVERALL -OVERALLS -OVERBOARD -OVERCAME -OVERCOAT -OVERCOATS -OVERCOME -OVERCOMES -OVERCOMING -OVERCROWD -OVERCROWDED -OVERCROWDING -OVERCROWDS -OVERDONE -OVERDOSE -OVERDRAFT -OVERDRAFTS -OVERDUE -OVEREMPHASIS -OVEREMPHASIZED -OVERESTIMATE -OVERESTIMATED -OVERESTIMATES -OVERESTIMATING -OVERESTIMATION -OVERFLOW -OVERFLOWED -OVERFLOWING -OVERFLOWS -OVERGROWN -OVERHANG -OVERHANGING -OVERHANGS -OVERHAUL -OVERHAULING -OVERHEAD -OVERHEADS -OVERHEAR -OVERHEARD -OVERHEARING -OVERHEARS -OVERJOY -OVERJOYED -OVERKILL -OVERLAND -OVERLAP -OVERLAPPED -OVERLAPPING -OVERLAPS -OVERLAY -OVERLAYING -OVERLAYS -OVERLOAD -OVERLOADED -OVERLOADING -OVERLOADS -OVERLOOK -OVERLOOKED -OVERLOOKING -OVERLOOKS -OVERLY -OVERNIGHT -OVERNIGHTER -OVERNIGHTERS -OVERPOWER -OVERPOWERED -OVERPOWERING -OVERPOWERS -OVERPRINT -OVERPRINTED -OVERPRINTING -OVERPRINTS -OVERPRODUCTION -OVERRIDDEN -OVERRIDE -OVERRIDES -OVERRIDING -OVERRODE -OVERRULE -OVERRULED -OVERRULES -OVERRUN -OVERRUNNING -OVERRUNS -OVERSEAS -OVERSEE -OVERSEEING -OVERSEER -OVERSEERS -OVERSEES -OVERSHADOW -OVERSHADOWED -OVERSHADOWING -OVERSHADOWS -OVERSHOOT -OVERSHOT -OVERSIGHT -OVERSIGHTS -OVERSIMPLIFIED -OVERSIMPLIFIES -OVERSIMPLIFY -OVERSIMPLIFYING -OVERSIZED -OVERSTATE -OVERSTATED -OVERSTATEMENT -OVERSTATEMENTS -OVERSTATES -OVERSTATING -OVERSTOCKS -OVERSUBSCRIBED -OVERT -OVERTAKE -OVERTAKEN -OVERTAKER -OVERTAKERS -OVERTAKES -OVERTAKING -OVERTHREW -OVERTHROW -OVERTHROWN -OVERTIME -OVERTLY -OVERTONE -OVERTONES -OVERTOOK -OVERTURE -OVERTURES -OVERTURN -OVERTURNED -OVERTURNING -OVERTURNS -OVERUSE -OVERVIEW -OVERVIEWS -OVERWHELM -OVERWHELMED -OVERWHELMING -OVERWHELMINGLY -OVERWHELMS -OVERWORK -OVERWORKED -OVERWORKING -OVERWORKS -OVERWRITE -OVERWRITES -OVERWRITING -OVERWRITTEN -OVERZEALOUS -OVID -OWE -OWED -OWEN -OWENS -OWES -OWING -OWL -OWLS -OWN -OWNED -OWNER -OWNERS -OWNERSHIP -OWNERSHIPS -OWNING -OWNS -OXEN -OXFORD -OXIDE -OXIDES -OXIDIZE -OXIDIZED -OXNARD -OXONIAN -OXYGEN -OYSTER -OYSTERS -OZARK -OZARKS -OZONE -OZZIE -PABLO -PABST -PACE -PACED -PACEMAKER -PACER -PACERS -PACES -PACIFIC -PACIFICATION -PACIFIED -PACIFIER -PACIFIES -PACIFISM -PACIFIST -PACIFY -PACING -PACK -PACKAGE -PACKAGED -PACKAGER -PACKAGERS -PACKAGES -PACKAGING -PACKAGINGS -PACKARD -PACKARDS -PACKED -PACKER -PACKERS -PACKET -PACKETS -PACKING -PACKS -PACKWOOD -PACT -PACTS -PAD -PADDED -PADDING -PADDLE -PADDOCK -PADDY -PADLOCK -PADS -PAGAN -PAGANINI -PAGANS -PAGE -PAGEANT -PAGEANTRY -PAGEANTS -PAGED -PAGER -PAGERS -PAGES -PAGINATE -PAGINATED -PAGINATES -PAGINATING -PAGINATION -PAGING -PAGODA -PAID -PAIL -PAILS -PAIN -PAINE -PAINED -PAINFUL -PAINFULLY -PAINLESS -PAINS -PAINSTAKING -PAINSTAKINGLY -PAINT -PAINTED -PAINTER -PAINTERS -PAINTING -PAINTINGS -PAINTS -PAIR -PAIRED -PAIRING -PAIRINGS -PAIRS -PAIRWISE -PAJAMA -PAJAMAS -PAKISTAN -PAKISTANI -PAKISTANIS -PAL -PALACE -PALACES -PALATE -PALATES -PALATINE -PALE -PALED -PALELY -PALENESS -PALEOLITHIC -PALEOZOIC -PALER -PALERMO -PALES -PALEST -PALESTINE -PALESTINIAN -PALFREY -PALINDROME -PALINDROMIC -PALING -PALL -PALLADIAN -PALLADIUM -PALLIATE -PALLIATIVE -PALLID -PALM -PALMED -PALMER -PALMING -PALMOLIVE -PALMS -PALMYRA -PALO -PALOMAR -PALPABLE -PALS -PALSY -PAM -PAMELA -PAMPER -PAMPHLET -PAMPHLETS -PAN -PANACEA -PANACEAS -PANAMA -PANAMANIAN -PANCAKE -PANCAKES -PANCHO -PANDA -PANDANUS -PANDAS -PANDEMIC -PANDEMONIUM -PANDER -PANDORA -PANE -PANEL -PANELED -PANELING -PANELIST -PANELISTS -PANELS -PANES -PANG -PANGAEA -PANGS -PANIC -PANICKED -PANICKING -PANICKY -PANICS -PANNED -PANNING -PANORAMA -PANORAMIC -PANS -PANSIES -PANSY -PANT -PANTED -PANTHEISM -PANTHEIST -PANTHEON -PANTHER -PANTHERS -PANTIES -PANTING -PANTOMIME -PANTRIES -PANTRY -PANTS -PANTY -PANTYHOSE -PAOLI -PAPA -PAPAL -PAPER -PAPERBACK -PAPERBACKS -PAPERED -PAPERER -PAPERERS -PAPERING -PAPERINGS -PAPERS -PAPERWEIGHT -PAPERWORK -PAPOOSE -PAPPAS -PAPUA -PAPYRUS -PAR -PARABOLA -PARABOLIC -PARABOLOID -PARABOLOIDAL -PARACHUTE -PARACHUTED -PARACHUTES -PARADE -PARADED -PARADES -PARADIGM -PARADIGMS -PARADING -PARADISE -PARADOX -PARADOXES -PARADOXICAL -PARADOXICALLY -PARAFFIN -PARAGON -PARAGONS -PARAGRAPH -PARAGRAPHING -PARAGRAPHS -PARAGUAY -PARAGUAYAN -PARAGUAYANS -PARAKEET -PARALLAX -PARALLEL -PARALLELED -PARALLELING -PARALLELISM -PARALLELIZE -PARALLELIZED -PARALLELIZES -PARALLELIZING -PARALLELOGRAM -PARALLELOGRAMS -PARALLELS -PARALYSIS -PARALYZE -PARALYZED -PARALYZES -PARALYZING -PARAMETER -PARAMETERIZABLE -PARAMETERIZATION -PARAMETERIZATIONS -PARAMETERIZE -PARAMETERIZED -PARAMETERIZES -PARAMETERIZING -PARAMETERLESS -PARAMETERS -PARAMETRIC -PARAMETRIZED -PARAMILITARY -PARAMOUNT -PARAMUS -PARANOIA -PARANOIAC -PARANOID -PARANORMAL -PARAPET -PARAPETS -PARAPHERNALIA -PARAPHRASE -PARAPHRASED -PARAPHRASES -PARAPHRASING -PARAPSYCHOLOGY -PARASITE -PARASITES -PARASITIC -PARASITICS -PARASOL -PARBOIL -PARC -PARCEL -PARCELED -PARCELING -PARCELS -PARCH -PARCHED -PARCHMENT -PARDON -PARDONABLE -PARDONABLY -PARDONED -PARDONER -PARDONERS -PARDONING -PARDONS -PARE -PAREGORIC -PARENT -PARENTAGE -PARENTAL -PARENTHESES -PARENTHESIS -PARENTHESIZED -PARENTHESIZES -PARENTHESIZING -PARENTHETIC -PARENTHETICAL -PARENTHETICALLY -PARENTHOOD -PARENTS -PARES -PARETO -PARIAH -PARIMUTUEL -PARING -PARINGS -PARIS -PARISH -PARISHES -PARISHIONER -PARISIAN -PARISIANIZATION -PARISIANIZATIONS -PARISIANIZE -PARISIANIZES -PARITY -PARK -PARKE -PARKED -PARKER -PARKERS -PARKERSBURG -PARKHOUSE -PARKING -PARKINSON -PARKINSONIAN -PARKLAND -PARKLIKE -PARKS -PARKWAY -PARLAY -PARLEY -PARLIAMENT -PARLIAMENTARIAN -PARLIAMENTARY -PARLIAMENTS -PARLOR -PARLORS -PARMESAN -PAROCHIAL -PARODY -PAROLE -PAROLED -PAROLES -PAROLING -PARR -PARRIED -PARRISH -PARROT -PARROTING -PARROTS -PARRS -PARRY -PARS -PARSE -PARSED -PARSER -PARSERS -PARSES -PARSI -PARSIFAL -PARSIMONY -PARSING -PARSINGS -PARSLEY -PARSON -PARSONS -PART -PARTAKE -PARTAKER -PARTAKES -PARTAKING -PARTED -PARTER -PARTERS -PARTHENON -PARTHIA -PARTIAL -PARTIALITY -PARTIALLY -PARTICIPANT -PARTICIPANTS -PARTICIPATE -PARTICIPATED -PARTICIPATES -PARTICIPATING -PARTICIPATION -PARTICIPLE -PARTICLE -PARTICLES -PARTICULAR -PARTICULARLY -PARTICULARS -PARTICULATE -PARTIES -PARTING -PARTINGS -PARTISAN -PARTISANS -PARTITION -PARTITIONED -PARTITIONING -PARTITIONS -PARTLY -PARTNER -PARTNERED -PARTNERS -PARTNERSHIP -PARTOOK -PARTRIDGE -PARTRIDGES -PARTS -PARTY -PASADENA -PASCAL -PASCAL -PASO -PASS -PASSAGE -PASSAGES -PASSAGEWAY -PASSAIC -PASSE -PASSED -PASSENGER -PASSENGERS -PASSER -PASSERS -PASSES -PASSING -PASSION -PASSIONATE -PASSIONATELY -PASSIONS -PASSIVATE -PASSIVE -PASSIVELY -PASSIVENESS -PASSIVITY -PASSOVER -PASSPORT -PASSPORTS -PASSWORD -PASSWORDS -PAST -PASTE -PASTED -PASTEL -PASTERNAK -PASTES -PASTEUR -PASTIME -PASTIMES -PASTING -PASTNESS -PASTOR -PASTORAL -PASTORS -PASTRY -PASTS -PASTURE -PASTURES -PAT -PATAGONIA -PATAGONIANS -PATCH -PATCHED -PATCHES -PATCHING -PATCHWORK -PATCHY -PATE -PATEN -PATENT -PATENTABLE -PATENTED -PATENTER -PATENTERS -PATENTING -PATENTLY -PATENTS -PATERNAL -PATERNALLY -PATERNOSTER -PATERSON -PATH -PATHETIC -PATHNAME -PATHNAMES -PATHOGEN -PATHOGENESIS -PATHOLOGICAL -PATHOLOGY -PATHOS -PATHS -PATHWAY -PATHWAYS -PATIENCE -PATIENT -PATIENTLY -PATIENTS -PATINA -PATIO -PATRIARCH -PATRIARCHAL -PATRIARCHS -PATRIARCHY -PATRICE -PATRICIA -PATRICIAN -PATRICIANS -PATRICK -PATRIMONIAL -PATRIMONY -PATRIOT -PATRIOTIC -PATRIOTISM -PATRIOTS -PATROL -PATROLLED -PATROLLING -PATROLMAN -PATROLMEN -PATROLS -PATRON -PATRONAGE -PATRONIZE -PATRONIZED -PATRONIZES -PATRONIZING -PATRONS -PATS -PATSIES -PATSY -PATTER -PATTERED -PATTERING -PATTERINGS -PATTERN -PATTERNED -PATTERNING -PATTERNS -PATTERS -PATTERSON -PATTI -PATTIES -PATTON -PATTY -PAUCITY -PAUL -PAULA -PAULETTE -PAULI -PAULINE -PAULING -PAULINIZE -PAULINIZES -PAULO -PAULSEN -PAULSON -PAULUS -PAUNCH -PAUNCHY -PAUPER -PAUSE -PAUSED -PAUSES -PAUSING -PAVE -PAVED -PAVEMENT -PAVEMENTS -PAVES -PAVILION -PAVILIONS -PAVING -PAVLOV -PAVLOVIAN -PAW -PAWING -PAWN -PAWNS -PAWNSHOP -PAWS -PAWTUCKET -PAY -PAYABLE -PAYCHECK -PAYCHECKS -PAYED -PAYER -PAYERS -PAYING -PAYMENT -PAYMENTS -PAYNE -PAYNES -PAYNIZE -PAYNIZES -PAYOFF -PAYOFFS -PAYROLL -PAYS -PAYSON -PAZ -PEA -PEABODY -PEACE -PEACEABLE -PEACEFUL -PEACEFULLY -PEACEFULNESS -PEACETIME -PEACH -PEACHES -PEACHTREE -PEACOCK -PEACOCKS -PEAK -PEAKED -PEAKS -PEAL -PEALE -PEALED -PEALING -PEALS -PEANUT -PEANUTS -PEAR -PEARCE -PEARL -PEARLS -PEARLY -PEARS -PEARSON -PEAS -PEASANT -PEASANTRY -PEASANTS -PEASE -PEAT -PEBBLE -PEBBLES -PECCARY -PECK -PECKED -PECKING -PECKS -PECOS -PECTORAL -PECULIAR -PECULIARITIES -PECULIARITY -PECULIARLY -PECUNIARY -PEDAGOGIC -PEDAGOGICAL -PEDAGOGICALLY -PEDAGOGY -PEDAL -PEDANT -PEDANTIC -PEDANTRY -PEDDLE -PEDDLER -PEDDLERS -PEDESTAL -PEDESTRIAN -PEDESTRIANS -PEDIATRIC -PEDIATRICIAN -PEDIATRICS -PEDIGREE -PEDRO -PEEK -PEEKED -PEEKING -PEEKS -PEEL -PEELED -PEELING -PEELS -PEEP -PEEPED -PEEPER -PEEPHOLE -PEEPING -PEEPS -PEER -PEERED -PEERING -PEERLESS -PEERS -PEG -PEGASUS -PEGBOARD -PEGGY -PEGS -PEIPING -PEJORATIVE -PEKING -PELHAM -PELICAN -PELLAGRA -PELOPONNESE -PELT -PELTING -PELTS -PELVIC -PELVIS -PEMBROKE -PEN -PENAL -PENALIZE -PENALIZED -PENALIZES -PENALIZING -PENALTIES -PENALTY -PENANCE -PENCE -PENCHANT -PENCIL -PENCILED -PENCILS -PEND -PENDANT -PENDED -PENDING -PENDLETON -PENDS -PENDULUM -PENDULUMS -PENELOPE -PENETRABLE -PENETRATE -PENETRATED -PENETRATES -PENETRATING -PENETRATINGLY -PENETRATION -PENETRATIONS -PENETRATIVE -PENETRATOR -PENETRATORS -PENGUIN -PENGUINS -PENH -PENICILLIN -PENINSULA -PENINSULAS -PENIS -PENISES -PENITENT -PENITENTIARY -PENN -PENNED -PENNIES -PENNILESS -PENNING -PENNSYLVANIA -PENNY -PENROSE -PENS -PENSACOLA -PENSION -PENSIONER -PENSIONS -PENSIVE -PENT -PENTAGON -PENTAGONS -PENTATEUCH -PENTECOST -PENTECOSTAL -PENTHOUSE -PENULTIMATE -PENUMBRA -PEONY -PEOPLE -PEOPLED -PEOPLES -PEORIA -PEP -PEPPER -PEPPERED -PEPPERING -PEPPERMINT -PEPPERONI -PEPPERS -PEPPERY -PEPPY -PEPSI -PEPSICO -PEPSICO -PEPTIDE -PER -PERCEIVABLE -PERCEIVABLY -PERCEIVE -PERCEIVED -PERCEIVER -PERCEIVERS -PERCEIVES -PERCEIVING -PERCENT -PERCENTAGE -PERCENTAGES -PERCENTILE -PERCENTILES -PERCENTS -PERCEPTIBLE -PERCEPTIBLY -PERCEPTION -PERCEPTIONS -PERCEPTIVE -PERCEPTIVELY -PERCEPTUAL -PERCEPTUALLY -PERCH -PERCHANCE -PERCHED -PERCHES -PERCHING -PERCIVAL -PERCUSSION -PERCUTANEOUS -PERCY -PEREMPTORY -PERENNIAL -PERENNIALLY -PEREZ -PERFECT -PERFECTED -PERFECTIBLE -PERFECTING -PERFECTION -PERFECTIONIST -PERFECTIONISTS -PERFECTLY -PERFECTNESS -PERFECTS -PERFORCE -PERFORM -PERFORMANCE -PERFORMANCES -PERFORMED -PERFORMER -PERFORMERS -PERFORMING -PERFORMS -PERFUME -PERFUMED -PERFUMES -PERFUMING -PERFUNCTORY -PERGAMON -PERHAPS -PERICLEAN -PERICLES -PERIHELION -PERIL -PERILLA -PERILOUS -PERILOUSLY -PERILS -PERIMETER -PERIOD -PERIODIC -PERIODICAL -PERIODICALLY -PERIODICALS -PERIODS -PERIPHERAL -PERIPHERALLY -PERIPHERALS -PERIPHERIES -PERIPHERY -PERISCOPE -PERISH -PERISHABLE -PERISHABLES -PERISHED -PERISHER -PERISHERS -PERISHES -PERISHING -PERJURE -PERJURY -PERK -PERKINS -PERKY -PERLE -PERMANENCE -PERMANENT -PERMANENTLY -PERMEABLE -PERMEATE -PERMEATED -PERMEATES -PERMEATING -PERMEATION -PERMIAN -PERMISSIBILITY -PERMISSIBLE -PERMISSIBLY -PERMISSION -PERMISSIONS -PERMISSIVE -PERMISSIVELY -PERMIT -PERMITS -PERMITTED -PERMITTING -PERMUTATION -PERMUTATIONS -PERMUTE -PERMUTED -PERMUTES -PERMUTING -PERNICIOUS -PERNOD -PEROXIDE -PERPENDICULAR -PERPENDICULARLY -PERPENDICULARS -PERPETRATE -PERPETRATED -PERPETRATES -PERPETRATING -PERPETRATION -PERPETRATIONS -PERPETRATOR -PERPETRATORS -PERPETUAL -PERPETUALLY -PERPETUATE -PERPETUATED -PERPETUATES -PERPETUATING -PERPETUATION -PERPETUITY -PERPLEX -PERPLEXED -PERPLEXING -PERPLEXITY -PERRY -PERSECUTE -PERSECUTED -PERSECUTES -PERSECUTING -PERSECUTION -PERSECUTOR -PERSECUTORS -PERSEID -PERSEPHONE -PERSEUS -PERSEVERANCE -PERSEVERE -PERSEVERED -PERSEVERES -PERSEVERING -PERSHING -PERSIA -PERSIAN -PERSIANIZATION -PERSIANIZATIONS -PERSIANIZE -PERSIANIZES -PERSIANS -PERSIST -PERSISTED -PERSISTENCE -PERSISTENT -PERSISTENTLY -PERSISTING -PERSISTS -PERSON -PERSONAGE -PERSONAGES -PERSONAL -PERSONALITIES -PERSONALITY -PERSONALIZATION -PERSONALIZE -PERSONALIZED -PERSONALIZES -PERSONALIZING -PERSONALLY -PERSONIFICATION -PERSONIFIED -PERSONIFIES -PERSONIFY -PERSONIFYING -PERSONNEL -PERSONS -PERSPECTIVE -PERSPECTIVES -PERSPICUOUS -PERSPICUOUSLY -PERSPIRATION -PERSPIRE -PERSUADABLE -PERSUADE -PERSUADED -PERSUADER -PERSUADERS -PERSUADES -PERSUADING -PERSUASION -PERSUASIONS -PERSUASIVE -PERSUASIVELY -PERSUASIVENESS -PERTAIN -PERTAINED -PERTAINING -PERTAINS -PERTH -PERTINENT -PERTURB -PERTURBATION -PERTURBATIONS -PERTURBED -PERU -PERUSAL -PERUSE -PERUSED -PERUSER -PERUSERS -PERUSES -PERUSING -PERUVIAN -PERUVIANIZE -PERUVIANIZES -PERUVIANS -PERVADE -PERVADED -PERVADES -PERVADING -PERVASIVE -PERVASIVELY -PERVERSION -PERVERT -PERVERTED -PERVERTS -PESSIMISM -PESSIMIST -PESSIMISTIC -PEST -PESTER -PESTICIDE -PESTILENCE -PESTILENT -PESTS -PET -PETAL -PETALS -PETE -PETER -PETERS -PETERSBURG -PETERSEN -PETERSON -PETITION -PETITIONED -PETITIONER -PETITIONING -PETITIONS -PETKIEWICZ -PETRI -PETROLEUM -PETS -PETTED -PETTER -PETTERS -PETTIBONE -PETTICOAT -PETTICOATS -PETTINESS -PETTING -PETTY -PETULANCE -PETULANT -PEUGEOT -PEW -PEWAUKEE -PEWS -PEWTER -PFIZER -PHAEDRA -PHANTOM -PHANTOMS -PHARMACEUTIC -PHARMACIST -PHARMACOLOGY -PHARMACOPOEIA -PHARMACY -PHASE -PHASED -PHASER -PHASERS -PHASES -PHASING -PHEASANT -PHEASANTS -PHELPS -PHENOMENA -PHENOMENAL -PHENOMENALLY -PHENOMENOLOGICAL -PHENOMENOLOGICALLY -PHENOMENOLOGIES -PHENOMENOLOGY -PHENOMENON -PHI -PHIGS -PHIL -PHILADELPHIA -PHILANTHROPY -PHILCO -PHILHARMONIC -PHILIP -PHILIPPE -PHILIPPIANS -PHILIPPINE -PHILIPPINES -PHILISTINE -PHILISTINES -PHILISTINIZE -PHILISTINIZES -PHILLIES -PHILLIP -PHILLIPS -PHILLY -PHILOSOPHER -PHILOSOPHERS -PHILOSOPHIC -PHILOSOPHICAL -PHILOSOPHICALLY -PHILOSOPHIES -PHILOSOPHIZE -PHILOSOPHIZED -PHILOSOPHIZER -PHILOSOPHIZERS -PHILOSOPHIZES -PHILOSOPHIZING -PHILOSOPHY -PHIPPS -PHOBOS -PHOENICIA -PHOENIX -PHONE -PHONED -PHONEME -PHONEMES -PHONEMIC -PHONES -PHONETIC -PHONETICS -PHONING -PHONOGRAPH -PHONOGRAPHS -PHONY -PHOSGENE -PHOSPHATE -PHOSPHATES -PHOSPHOR -PHOSPHORESCENT -PHOSPHORIC -PHOSPHORUS -PHOTO -PHOTOCOPIED -PHOTOCOPIER -PHOTOCOPIERS -PHOTOCOPIES -PHOTOCOPY -PHOTOCOPYING -PHOTODIODE -PHOTODIODES -PHOTOGENIC -PHOTOGRAPH -PHOTOGRAPHED -PHOTOGRAPHER -PHOTOGRAPHERS -PHOTOGRAPHIC -PHOTOGRAPHING -PHOTOGRAPHS -PHOTOGRAPHY -PHOTON -PHOTOS -PHOTOSENSITIVE -PHOTOTYPESETTER -PHOTOTYPESETTERS -PHRASE -PHRASED -PHRASEOLOGY -PHRASES -PHRASING -PHRASINGS -PHYLA -PHYLLIS -PHYLUM -PHYSIC -PHYSICAL -PHYSICALLY -PHYSICALNESS -PHYSICALS -PHYSICIAN -PHYSICIANS -PHYSICIST -PHYSICISTS -PHYSICS -PHYSIOLOGICAL -PHYSIOLOGICALLY -PHYSIOLOGY -PHYSIOTHERAPIST -PHYSIOTHERAPY -PHYSIQUE -PHYTOPLANKTON -PIANIST -PIANO -PIANOS -PICA -PICAS -PICASSO -PICAYUNE -PICCADILLY -PICCOLO -PICK -PICKAXE -PICKED -PICKER -PICKERING -PICKERS -PICKET -PICKETED -PICKETER -PICKETERS -PICKETING -PICKETS -PICKETT -PICKFORD -PICKING -PICKINGS -PICKLE -PICKLED -PICKLES -PICKLING -PICKMAN -PICKS -PICKUP -PICKUPS -PICKY -PICNIC -PICNICKED -PICNICKING -PICNICS -PICOFARAD -PICOJOULE -PICOSECOND -PICT -PICTORIAL -PICTORIALLY -PICTURE -PICTURED -PICTURES -PICTURESQUE -PICTURESQUENESS -PICTURING -PIDDLE -PIDGIN -PIE -PIECE -PIECED -PIECEMEAL -PIECES -PIECEWISE -PIECING -PIEDFORT -PIEDMONT -PIER -PIERCE -PIERCED -PIERCES -PIERCING -PIERRE -PIERS -PIERSON -PIES -PIETY -PIEZOELECTRIC -PIG -PIGEON -PIGEONHOLE -PIGEONS -PIGGISH -PIGGY -PIGGYBACK -PIGGYBACKED -PIGGYBACKING -PIGGYBACKS -PIGMENT -PIGMENTATION -PIGMENTED -PIGMENTS -PIGPEN -PIGS -PIGSKIN -PIGTAIL -PIKE -PIKER -PIKES -PILATE -PILE -PILED -PILERS -PILES -PILFER -PILFERAGE -PILGRIM -PILGRIMAGE -PILGRIMAGES -PILGRIMS -PILING -PILINGS -PILL -PILLAGE -PILLAGED -PILLAR -PILLARED -PILLARS -PILLORY -PILLOW -PILLOWS -PILLS -PILLSBURY -PILOT -PILOTING -PILOTS -PIMP -PIMPLE -PIN -PINAFORE -PINBALL -PINCH -PINCHED -PINCHES -PINCHING -PINCUSHION -PINE -PINEAPPLE -PINEAPPLES -PINED -PINEHURST -PINES -PING -PINHEAD -PINHOLE -PINING -PINION -PINK -PINKER -PINKEST -PINKIE -PINKISH -PINKLY -PINKNESS -PINKS -PINNACLE -PINNACLES -PINNED -PINNING -PINNINGS -PINOCHLE -PINPOINT -PINPOINTING -PINPOINTS -PINS -PINSCHER -PINSKY -PINT -PINTO -PINTS -PINWHEEL -PION -PIONEER -PIONEERED -PIONEERING -PIONEERS -PIOTR -PIOUS -PIOUSLY -PIP -PIPE -PIPED -PIPELINE -PIPELINED -PIPELINES -PIPELINING -PIPER -PIPERS -PIPES -PIPESTONE -PIPETTE -PIPING -PIQUE -PIRACY -PIRAEUS -PIRATE -PIRATES -PISA -PISCATAWAY -PISCES -PISS -PISTACHIO -PISTIL -PISTILS -PISTOL -PISTOLS -PISTON -PISTONS -PIT -PITCH -PITCHED -PITCHER -PITCHERS -PITCHES -PITCHFORK -PITCHING -PITEOUS -PITEOUSLY -PITFALL -PITFALLS -PITH -PITHED -PITHES -PITHIER -PITHIEST -PITHINESS -PITHING -PITHY -PITIABLE -PITIED -PITIER -PITIERS -PITIES -PITIFUL -PITIFULLY -PITILESS -PITILESSLY -PITNEY -PITS -PITT -PITTED -PITTSBURGH -PITTSBURGHERS -PITTSFIELD -PITTSTON -PITUITARY -PITY -PITYING -PITYINGLY -PIUS -PIVOT -PIVOTAL -PIVOTING -PIVOTS -PIXEL -PIXELS -PIZARRO -PIZZA -PLACARD -PLACARDS -PLACATE -PLACE -PLACEBO -PLACED -PLACEHOLDER -PLACEMENT -PLACEMENTS -PLACENTA -PLACENTAL -PLACER -PLACES -PLACID -PLACIDLY -PLACING -PLAGIARISM -PLAGIARIST -PLAGUE -PLAGUED -PLAGUES -PLAGUING -PLAID -PLAIDS -PLAIN -PLAINER -PLAINEST -PLAINFIELD -PLAINLY -PLAINNESS -PLAINS -PLAINTEXT -PLAINTEXTS -PLAINTIFF -PLAINTIFFS -PLAINTIVE -PLAINTIVELY -PLAINTIVENESS -PLAINVIEW -PLAIT -PLAITS -PLAN -PLANAR -PLANARITY -PLANCK -PLANE -PLANED -PLANELOAD -PLANER -PLANERS -PLANES -PLANET -PLANETARIA -PLANETARIUM -PLANETARY -PLANETESIMAL -PLANETOID -PLANETS -PLANING -PLANK -PLANKING -PLANKS -PLANKTON -PLANNED -PLANNER -PLANNERS -PLANNING -PLANOCONCAVE -PLANOCONVEX -PLANS -PLANT -PLANTATION -PLANTATIONS -PLANTED -PLANTER -PLANTERS -PLANTING -PLANTINGS -PLANTS -PLAQUE -PLASMA -PLASTER -PLASTERED -PLASTERER -PLASTERING -PLASTERS -PLASTIC -PLASTICITY -PLASTICS -PLATE -PLATEAU -PLATEAUS -PLATED -PLATELET -PLATELETS -PLATEN -PLATENS -PLATES -PLATFORM -PLATFORMS -PLATING -PLATINUM -PLATITUDE -PLATO -PLATONIC -PLATONISM -PLATONIST -PLATOON -PLATTE -PLATTER -PLATTERS -PLATTEVILLE -PLAUSIBILITY -PLAUSIBLE -PLAY -PLAYABLE -PLAYBACK -PLAYBOY -PLAYED -PLAYER -PLAYERS -PLAYFUL -PLAYFULLY -PLAYFULNESS -PLAYGROUND -PLAYGROUNDS -PLAYHOUSE -PLAYING -PLAYMATE -PLAYMATES -PLAYOFF -PLAYROOM -PLAYS -PLAYTHING -PLAYTHINGS -PLAYTIME -PLAYWRIGHT -PLAYWRIGHTS -PLAYWRITING -PLAZA -PLEA -PLEAD -PLEADED -PLEADER -PLEADING -PLEADS -PLEAS -PLEASANT -PLEASANTLY -PLEASANTNESS -PLEASE -PLEASED -PLEASES -PLEASING -PLEASINGLY -PLEASURE -PLEASURES -PLEAT -PLEBEIAN -PLEBIAN -PLEBISCITE -PLEBISCITES -PLEDGE -PLEDGED -PLEDGES -PLEIADES -PLEISTOCENE -PLENARY -PLENIPOTENTIARY -PLENTEOUS -PLENTIFUL -PLENTIFULLY -PLENTY -PLETHORA -PLEURISY -PLEXIGLAS -PLIABLE -PLIANT -PLIED -PLIERS -PLIES -PLIGHT -PLINY -PLIOCENE -PLOD -PLODDING -PLOT -PLOTS -PLOTTED -PLOTTER -PLOTTERS -PLOTTING -PLOW -PLOWED -PLOWER -PLOWING -PLOWMAN -PLOWS -PLOWSHARE -PLOY -PLOYS -PLUCK -PLUCKED -PLUCKING -PLUCKS -PLUCKY -PLUG -PLUGGABLE -PLUGGED -PLUGGING -PLUGS -PLUM -PLUMAGE -PLUMB -PLUMBED -PLUMBING -PLUMBS -PLUME -PLUMED -PLUMES -PLUMMET -PLUMMETING -PLUMP -PLUMPED -PLUMPNESS -PLUMS -PLUNDER -PLUNDERED -PLUNDERER -PLUNDERERS -PLUNDERING -PLUNDERS -PLUNGE -PLUNGED -PLUNGER -PLUNGERS -PLUNGES -PLUNGING -PLUNK -PLURAL -PLURALITY -PLURALS -PLUS -PLUSES -PLUSH -PLUTARCH -PLUTO -PLUTONIUM -PLY -PLYMOUTH -PLYWOOD -PNEUMATIC -PNEUMONIA -POACH -POACHER -POACHES -POCAHONTAS -POCKET -POCKETBOOK -POCKETBOOKS -POCKETED -POCKETFUL -POCKETING -POCKETS -POCONO -POCONOS -POD -PODIA -PODIUM -PODS -PODUNK -POE -POEM -POEMS -POET -POETIC -POETICAL -POETICALLY -POETICS -POETRIES -POETRY -POETS -POGO -POGROM -POIGNANCY -POIGNANT -POINCARE -POINDEXTER -POINT -POINTED -POINTEDLY -POINTER -POINTERS -POINTING -POINTLESS -POINTS -POINTY -POISE -POISED -POISES -POISON -POISONED -POISONER -POISONING -POISONOUS -POISONOUSNESS -POISONS -POISSON -POKE -POKED -POKER -POKERFACE -POKES -POKING -POLAND -POLAR -POLARIS -POLARITIES -POLARITY -POLAROID -POLE -POLECAT -POLED -POLEMIC -POLEMICS -POLES -POLICE -POLICED -POLICEMAN -POLICEMEN -POLICES -POLICIES -POLICING -POLICY -POLING -POLIO -POLISH -POLISHED -POLISHER -POLISHERS -POLISHES -POLISHING -POLITBURO -POLITE -POLITELY -POLITENESS -POLITER -POLITEST -POLITIC -POLITICAL -POLITICALLY -POLITICIAN -POLITICIANS -POLITICKING -POLITICS -POLK -POLKA -POLL -POLLARD -POLLED -POLLEN -POLLING -POLLOI -POLLS -POLLUTANT -POLLUTE -POLLUTED -POLLUTES -POLLUTING -POLLUTION -POLLUX -POLO -POLYALPHABETIC -POLYGON -POLYGONS -POLYHYMNIA -POLYMER -POLYMERS -POLYMORPHIC -POLYNESIA -POLYNESIAN -POLYNOMIAL -POLYNOMIALS -POLYPHEMUS -POLYTECHNIC -POLYTHEIST -POMERANIA -POMERANIAN -POMONA -POMP -POMPADOUR -POMPEII -POMPEY -POMPOSITY -POMPOUS -POMPOUSLY -POMPOUSNESS -PONCE -PONCHARTRAIN -PONCHO -POND -PONDER -PONDERED -PONDERING -PONDEROUS -PONDERS -PONDS -PONG -PONIES -PONTIAC -PONTIFF -PONTIFIC -PONTIFICATE -PONY -POOCH -POODLE -POOL -POOLE -POOLED -POOLING -POOLS -POOR -POORER -POOREST -POORLY -POORNESS -POP -POPCORN -POPE -POPEK -POPEKS -POPISH -POPLAR -POPLIN -POPPED -POPPIES -POPPING -POPPY -POPS -POPSICLE -POPSICLES -POPULACE -POPULAR -POPULARITY -POPULARIZATION -POPULARIZE -POPULARIZED -POPULARIZES -POPULARIZING -POPULARLY -POPULATE -POPULATED -POPULATES -POPULATING -POPULATION -POPULATIONS -POPULOUS -POPULOUSNESS -PORCELAIN -PORCH -PORCHES -PORCINE -PORCUPINE -PORCUPINES -PORE -PORED -PORES -PORING -PORK -PORKER -PORNOGRAPHER -PORNOGRAPHIC -PORNOGRAPHY -POROUS -PORPOISE -PORRIDGE -PORT -PORTABILITY -PORTABLE -PORTAGE -PORTAL -PORTALS -PORTE -PORTED -PORTEND -PORTENDED -PORTENDING -PORTENDS -PORTENT -PORTENTOUS -PORTER -PORTERHOUSE -PORTERS -PORTFOLIO -PORTFOLIOS -PORTIA -PORTICO -PORTING -PORTION -PORTIONS -PORTLAND -PORTLY -PORTMANTEAU -PORTO -PORTRAIT -PORTRAITS -PORTRAY -PORTRAYAL -PORTRAYED -PORTRAYING -PORTRAYS -PORTS -PORTSMOUTH -PORTUGAL -PORTUGUESE -POSE -POSED -POSEIDON -POSER -POSERS -POSES -POSH -POSING -POSIT -POSITED -POSITING -POSITION -POSITIONAL -POSITIONED -POSITIONING -POSITIONS -POSITIVE -POSITIVELY -POSITIVENESS -POSITIVES -POSITRON -POSITS -POSNER -POSSE -POSSESS -POSSESSED -POSSESSES -POSSESSING -POSSESSION -POSSESSIONAL -POSSESSIONS -POSSESSIVE -POSSESSIVELY -POSSESSIVENESS -POSSESSOR -POSSESSORS -POSSIBILITIES -POSSIBILITY -POSSIBLE -POSSIBLY -POSSUM -POSSUMS -POST -POSTAGE -POSTAL -POSTCARD -POSTCONDITION -POSTDOCTORAL -POSTED -POSTER -POSTERIOR -POSTERIORI -POSTERITY -POSTERS -POSTFIX -POSTGRADUATE -POSTING -POSTLUDE -POSTMAN -POSTMARK -POSTMASTER -POSTMASTERS -POSTMORTEM -POSTOPERATIVE -POSTORDER -POSTPONE -POSTPONED -POSTPONING -POSTPROCESS -POSTPROCESSOR -POSTS -POSTSCRIPT -POSTSCRIPTS -POSTULATE -POSTULATED -POSTULATES -POSTULATING -POSTULATION -POSTULATIONS -POSTURE -POSTURES -POT -POTABLE -POTASH -POTASSIUM -POTATO -POTATOES -POTBELLY -POTEMKIN -POTENT -POTENTATE -POTENTATES -POTENTIAL -POTENTIALITIES -POTENTIALITY -POTENTIALLY -POTENTIALS -POTENTIATING -POTENTIOMETER -POTENTIOMETERS -POTHOLE -POTION -POTLATCH -POTOMAC -POTPOURRI -POTS -POTSDAM -POTTAWATOMIE -POTTED -POTTER -POTTERS -POTTERY -POTTING -POTTS -POUCH -POUCHES -POUGHKEEPSIE -POULTICE -POULTRY -POUNCE -POUNCED -POUNCES -POUNCING -POUND -POUNDED -POUNDER -POUNDERS -POUNDING -POUNDS -POUR -POURED -POURER -POURERS -POURING -POURS -POUSSIN -POUSSINS -POUT -POUTED -POUTING -POUTS -POVERTY -POWDER -POWDERED -POWDERING -POWDERPUFF -POWDERS -POWDERY -POWELL -POWER -POWERED -POWERFUL -POWERFULLY -POWERFULNESS -POWERING -POWERLESS -POWERLESSLY -POWERLESSNESS -POWERS -POX -POYNTING -PRACTICABLE -PRACTICABLY -PRACTICAL -PRACTICALITY -PRACTICALLY -PRACTICE -PRACTICED -PRACTICES -PRACTICING -PRACTITIONER -PRACTITIONERS -PRADESH -PRADO -PRAGMATIC -PRAGMATICALLY -PRAGMATICS -PRAGMATISM -PRAGMATIST -PRAGUE -PRAIRIE -PRAISE -PRAISED -PRAISER -PRAISERS -PRAISES -PRAISEWORTHY -PRAISING -PRAISINGLY -PRANCE -PRANCED -PRANCER -PRANCING -PRANK -PRANKS -PRATE -PRATT -PRATTVILLE -PRAVDA -PRAY -PRAYED -PRAYER -PRAYERS -PRAYING -PREACH -PREACHED -PREACHER -PREACHERS -PREACHES -PREACHING -PREALLOCATE -PREALLOCATED -PREALLOCATING -PREAMBLE -PREAMBLES -PREASSIGN -PREASSIGNED -PREASSIGNING -PREASSIGNS -PRECAMBRIAN -PRECARIOUS -PRECARIOUSLY -PRECARIOUSNESS -PRECAUTION -PRECAUTIONS -PRECEDE -PRECEDED -PRECEDENCE -PRECEDENCES -PRECEDENT -PRECEDENTED -PRECEDENTS -PRECEDES -PRECEDING -PRECEPT -PRECEPTS -PRECESS -PRECESSION -PRECINCT -PRECINCTS -PRECIOUS -PRECIOUSLY -PRECIOUSNESS -PRECIPICE -PRECIPITABLE -PRECIPITATE -PRECIPITATED -PRECIPITATELY -PRECIPITATENESS -PRECIPITATES -PRECIPITATING -PRECIPITATION -PRECIPITOUS -PRECIPITOUSLY -PRECISE -PRECISELY -PRECISENESS -PRECISION -PRECISIONS -PRECLUDE -PRECLUDED -PRECLUDES -PRECLUDING -PRECOCIOUS -PRECOCIOUSLY -PRECOCITY -PRECOMPUTE -PRECOMPUTED -PRECOMPUTING -PRECONCEIVE -PRECONCEIVED -PRECONCEPTION -PRECONCEPTIONS -PRECONDITION -PRECONDITIONED -PRECONDITIONS -PRECURSOR -PRECURSORS -PREDATE -PREDATED -PREDATES -PREDATING -PREDATORY -PREDECESSOR -PREDECESSORS -PREDEFINE -PREDEFINED -PREDEFINES -PREDEFINING -PREDEFINITION -PREDEFINITIONS -PREDETERMINATION -PREDETERMINE -PREDETERMINED -PREDETERMINES -PREDETERMINING -PREDICAMENT -PREDICATE -PREDICATED -PREDICATES -PREDICATING -PREDICATION -PREDICATIONS -PREDICT -PREDICTABILITY -PREDICTABLE -PREDICTABLY -PREDICTED -PREDICTING -PREDICTION -PREDICTIONS -PREDICTIVE -PREDICTOR -PREDICTS -PREDILECTION -PREDILECTIONS -PREDISPOSITION -PREDOMINANT -PREDOMINANTLY -PREDOMINATE -PREDOMINATED -PREDOMINATELY -PREDOMINATES -PREDOMINATING -PREDOMINATION -PREEMINENCE -PREEMINENT -PREEMPT -PREEMPTED -PREEMPTING -PREEMPTION -PREEMPTIVE -PREEMPTOR -PREEMPTS -PREEN -PREEXISTING -PREFAB -PREFABRICATE -PREFACE -PREFACED -PREFACES -PREFACING -PREFER -PREFERABLE -PREFERABLY -PREFERENCE -PREFERENCES -PREFERENTIAL -PREFERENTIALLY -PREFERRED -PREFERRING -PREFERS -PREFIX -PREFIXED -PREFIXES -PREFIXING -PREGNANCY -PREGNANT -PREHISTORIC -PREINITIALIZE -PREINITIALIZED -PREINITIALIZES -PREINITIALIZING -PREJUDGE -PREJUDGED -PREJUDICE -PREJUDICED -PREJUDICES -PREJUDICIAL -PRELATE -PRELIMINARIES -PRELIMINARY -PRELUDE -PRELUDES -PREMATURE -PREMATURELY -PREMATURITY -PREMEDITATED -PREMEDITATION -PREMIER -PREMIERS -PREMISE -PREMISES -PREMIUM -PREMIUMS -PREMONITION -PRENATAL -PRENTICE -PRENTICED -PRENTICING -PREOCCUPATION -PREOCCUPIED -PREOCCUPIES -PREOCCUPY -PREP -PREPARATION -PREPARATIONS -PREPARATIVE -PREPARATIVES -PREPARATORY -PREPARE -PREPARED -PREPARES -PREPARING -PREPEND -PREPENDED -PREPENDING -PREPOSITION -PREPOSITIONAL -PREPOSITIONS -PREPOSTEROUS -PREPOSTEROUSLY -PREPROCESSED -PREPROCESSING -PREPROCESSOR -PREPROCESSORS -PREPRODUCTION -PREPROGRAMMED -PREREQUISITE -PREREQUISITES -PREROGATIVE -PREROGATIVES -PRESBYTERIAN -PRESBYTERIANISM -PRESBYTERIANIZE -PRESBYTERIANIZES -PRESCOTT -PRESCRIBE -PRESCRIBED -PRESCRIBES -PRESCRIPTION -PRESCRIPTIONS -PRESCRIPTIVE -PRESELECT -PRESELECTED -PRESELECTING -PRESELECTS -PRESENCE -PRESENCES -PRESENT -PRESENTATION -PRESENTATIONS -PRESENTED -PRESENTER -PRESENTING -PRESENTLY -PRESENTNESS -PRESENTS -PRESERVATION -PRESERVATIONS -PRESERVE -PRESERVED -PRESERVER -PRESERVERS -PRESERVES -PRESERVING -PRESET -PRESIDE -PRESIDED -PRESIDENCY -PRESIDENT -PRESIDENTIAL -PRESIDENTS -PRESIDES -PRESIDING -PRESLEY -PRESS -PRESSED -PRESSER -PRESSES -PRESSING -PRESSINGS -PRESSURE -PRESSURED -PRESSURES -PRESSURING -PRESSURIZE -PRESSURIZED -PRESTIDIGITATE -PRESTIGE -PRESTIGIOUS -PRESTON -PRESUMABLY -PRESUME -PRESUMED -PRESUMES -PRESUMING -PRESUMPTION -PRESUMPTIONS -PRESUMPTIVE -PRESUMPTUOUS -PRESUMPTUOUSNESS -PRESUPPOSE -PRESUPPOSED -PRESUPPOSES -PRESUPPOSING -PRESUPPOSITION -PRETEND -PRETENDED -PRETENDER -PRETENDERS -PRETENDING -PRETENDS -PRETENSE -PRETENSES -PRETENSION -PRETENSIONS -PRETENTIOUS -PRETENTIOUSLY -PRETENTIOUSNESS -PRETEXT -PRETEXTS -PRETORIA -PRETORIAN -PRETTIER -PRETTIEST -PRETTILY -PRETTINESS -PRETTY -PREVAIL -PREVAILED -PREVAILING -PREVAILINGLY -PREVAILS -PREVALENCE -PREVALENT -PREVALENTLY -PREVENT -PREVENTABLE -PREVENTABLY -PREVENTED -PREVENTING -PREVENTION -PREVENTIVE -PREVENTIVES -PREVENTS -PREVIEW -PREVIEWED -PREVIEWING -PREVIEWS -PREVIOUS -PREVIOUSLY -PREY -PREYED -PREYING -PREYS -PRIAM -PRICE -PRICED -PRICELESS -PRICER -PRICERS -PRICES -PRICING -PRICK -PRICKED -PRICKING -PRICKLY -PRICKS -PRIDE -PRIDED -PRIDES -PRIDING -PRIEST -PRIESTLEY -PRIGGISH -PRIM -PRIMA -PRIMACY -PRIMAL -PRIMARIES -PRIMARILY -PRIMARY -PRIMATE -PRIME -PRIMED -PRIMENESS -PRIMER -PRIMERS -PRIMES -PRIMEVAL -PRIMING -PRIMITIVE -PRIMITIVELY -PRIMITIVENESS -PRIMITIVES -PRIMROSE -PRINCE -PRINCELY -PRINCES -PRINCESS -PRINCESSES -PRINCETON -PRINCIPAL -PRINCIPALITIES -PRINCIPALITY -PRINCIPALLY -PRINCIPALS -PRINCIPIA -PRINCIPLE -PRINCIPLED -PRINCIPLES -PRINT -PRINTABLE -PRINTABLY -PRINTED -PRINTER -PRINTERS -PRINTING -PRINTOUT -PRINTS -PRIOR -PRIORI -PRIORITIES -PRIORITY -PRIORY -PRISCILLA -PRISM -PRISMS -PRISON -PRISONER -PRISONERS -PRISONS -PRISTINE -PRITCHARD -PRIVACIES -PRIVACY -PRIVATE -PRIVATELY -PRIVATES -PRIVATION -PRIVATIONS -PRIVIES -PRIVILEGE -PRIVILEGED -PRIVILEGES -PRIVY -PRIZE -PRIZED -PRIZER -PRIZERS -PRIZES -PRIZEWINNING -PRIZING -PRO -PROBABILISTIC -PROBABILISTICALLY -PROBABILITIES -PROBABILITY -PROBABLE -PROBABLY -PROBATE -PROBATED -PROBATES -PROBATING -PROBATION -PROBATIVE -PROBE -PROBED -PROBES -PROBING -PROBINGS -PROBITY -PROBLEM -PROBLEMATIC -PROBLEMATICAL -PROBLEMATICALLY -PROBLEMS -PROCAINE -PROCEDURAL -PROCEDURALLY -PROCEDURE -PROCEDURES -PROCEED -PROCEEDED -PROCEEDING -PROCEEDINGS -PROCEEDS -PROCESS -PROCESSED -PROCESSES -PROCESSING -PROCESSION -PROCESSOR -PROCESSORS -PROCLAIM -PROCLAIMED -PROCLAIMER -PROCLAIMERS -PROCLAIMING -PROCLAIMS -PROCLAMATION -PROCLAMATIONS -PROCLIVITIES -PROCLIVITY -PROCOTOLS -PROCRASTINATE -PROCRASTINATED -PROCRASTINATES -PROCRASTINATING -PROCRASTINATION -PROCREATE -PROCRUSTEAN -PROCRUSTEANIZE -PROCRUSTEANIZES -PROCRUSTES -PROCTER -PROCURE -PROCURED -PROCUREMENT -PROCUREMENTS -PROCURER -PROCURERS -PROCURES -PROCURING -PROCYON -PROD -PRODIGAL -PRODIGALLY -PRODIGIOUS -PRODIGY -PRODUCE -PRODUCED -PRODUCER -PRODUCERS -PRODUCES -PRODUCIBLE -PRODUCING -PRODUCT -PRODUCTION -PRODUCTIONS -PRODUCTIVE -PRODUCTIVELY -PRODUCTIVITY -PRODUCTS -PROFANE -PROFANELY -PROFESS -PROFESSED -PROFESSES -PROFESSING -PROFESSION -PROFESSIONAL -PROFESSIONALISM -PROFESSIONALLY -PROFESSIONALS -PROFESSIONS -PROFESSOR -PROFESSORIAL -PROFESSORS -PROFFER -PROFFERED -PROFFERS -PROFICIENCY -PROFICIENT -PROFICIENTLY -PROFILE -PROFILED -PROFILES -PROFILING -PROFIT -PROFITABILITY -PROFITABLE -PROFITABLY -PROFITED -PROFITEER -PROFITEERS -PROFITING -PROFITS -PROFITTED -PROFLIGATE -PROFOUND -PROFOUNDEST -PROFOUNDLY -PROFUNDITY -PROFUSE -PROFUSION -PROGENITOR -PROGENY -PROGNOSIS -PROGNOSTICATE -PROGRAM -PROGRAMMABILITY -PROGRAMMABLE -PROGRAMMED -PROGRAMMER -PROGRAMMERS -PROGRAMMING -PROGRAMS -PROGRESS -PROGRESSED -PROGRESSES -PROGRESSING -PROGRESSION -PROGRESSIONS -PROGRESSIVE -PROGRESSIVELY -PROHIBIT -PROHIBITED -PROHIBITING -PROHIBITION -PROHIBITIONS -PROHIBITIVE -PROHIBITIVELY -PROHIBITORY -PROHIBITS -PROJECT -PROJECTED -PROJECTILE -PROJECTING -PROJECTION -PROJECTIONS -PROJECTIVE -PROJECTIVELY -PROJECTOR -PROJECTORS -PROJECTS -PROKOFIEFF -PROKOFIEV -PROLATE -PROLEGOMENA -PROLETARIAT -PROLIFERATE -PROLIFERATED -PROLIFERATES -PROLIFERATING -PROLIFERATION -PROLIFIC -PROLIX -PROLOG -PROLOGUE -PROLONG -PROLONGATE -PROLONGED -PROLONGING -PROLONGS -PROMENADE -PROMENADES -PROMETHEAN -PROMETHEUS -PROMINENCE -PROMINENT -PROMINENTLY -PROMISCUOUS -PROMISE -PROMISED -PROMISES -PROMISING -PROMONTORY -PROMOTE -PROMOTED -PROMOTER -PROMOTERS -PROMOTES -PROMOTING -PROMOTION -PROMOTIONAL -PROMOTIONS -PROMPT -PROMPTED -PROMPTER -PROMPTEST -PROMPTING -PROMPTINGS -PROMPTLY -PROMPTNESS -PROMPTS -PROMULGATE -PROMULGATED -PROMULGATES -PROMULGATING -PROMULGATION -PRONE -PRONENESS -PRONG -PRONGED -PRONGS -PRONOUN -PRONOUNCE -PRONOUNCEABLE -PRONOUNCED -PRONOUNCEMENT -PRONOUNCEMENTS -PRONOUNCES -PRONOUNCING -PRONOUNS -PRONUNCIATION -PRONUNCIATIONS -PROOF -PROOFREAD -PROOFREADER -PROOFS -PROP -PROPAGANDA -PROPAGANDIST -PROPAGATE -PROPAGATED -PROPAGATES -PROPAGATING -PROPAGATION -PROPAGATIONS -PROPANE -PROPEL -PROPELLANT -PROPELLED -PROPELLER -PROPELLERS -PROPELLING -PROPELS -PROPENSITY -PROPER -PROPERLY -PROPERNESS -PROPERTIED -PROPERTIES -PROPERTY -PROPHECIES -PROPHECY -PROPHESIED -PROPHESIER -PROPHESIES -PROPHESY -PROPHET -PROPHETIC -PROPHETS -PROPITIOUS -PROPONENT -PROPONENTS -PROPORTION -PROPORTIONAL -PROPORTIONALLY -PROPORTIONATELY -PROPORTIONED -PROPORTIONING -PROPORTIONMENT -PROPORTIONS -PROPOS -PROPOSAL -PROPOSALS -PROPOSE -PROPOSED -PROPOSER -PROPOSES -PROPOSING -PROPOSITION -PROPOSITIONAL -PROPOSITIONALLY -PROPOSITIONED -PROPOSITIONING -PROPOSITIONS -PROPOUND -PROPOUNDED -PROPOUNDING -PROPOUNDS -PROPRIETARY -PROPRIETOR -PROPRIETORS -PROPRIETY -PROPS -PROPULSION -PROPULSIONS -PRORATE -PRORATED -PRORATES -PROS -PROSCENIUM -PROSCRIBE -PROSCRIPTION -PROSE -PROSECUTE -PROSECUTED -PROSECUTES -PROSECUTING -PROSECUTION -PROSECUTIONS -PROSECUTOR -PROSELYTIZE -PROSELYTIZED -PROSELYTIZES -PROSELYTIZING -PROSERPINE -PROSODIC -PROSODICS -PROSPECT -PROSPECTED -PROSPECTING -PROSPECTION -PROSPECTIONS -PROSPECTIVE -PROSPECTIVELY -PROSPECTIVES -PROSPECTOR -PROSPECTORS -PROSPECTS -PROSPECTUS -PROSPER -PROSPERED -PROSPERING -PROSPERITY -PROSPEROUS -PROSPERS -PROSTATE -PROSTHETIC -PROSTITUTE -PROSTITUTION -PROSTRATE -PROSTRATION -PROTAGONIST -PROTEAN -PROTECT -PROTECTED -PROTECTING -PROTECTION -PROTECTIONS -PROTECTIVE -PROTECTIVELY -PROTECTIVENESS -PROTECTOR -PROTECTORATE -PROTECTORS -PROTECTS -PROTEGE -PROTEGES -PROTEIN -PROTEINS -PROTEST -PROTESTANT -PROTESTANTISM -PROTESTANTIZE -PROTESTANTIZES -PROTESTATION -PROTESTATIONS -PROTESTED -PROTESTING -PROTESTINGLY -PROTESTOR -PROTESTS -PROTISTA -PROTOCOL -PROTOCOLS -PROTON -PROTONS -PROTOPHYTA -PROTOPLASM -PROTOTYPE -PROTOTYPED -PROTOTYPES -PROTOTYPICAL -PROTOTYPICALLY -PROTOTYPING -PROTOZOA -PROTOZOAN -PROTRACT -PROTRUDE -PROTRUDED -PROTRUDES -PROTRUDING -PROTRUSION -PROTRUSIONS -PROTUBERANT -PROUD -PROUDER -PROUDEST -PROUDLY -PROUST -PROVABILITY -PROVABLE -PROVABLY -PROVE -PROVED -PROVEN -PROVENANCE -PROVENCE -PROVER -PROVERB -PROVERBIAL -PROVERBS -PROVERS -PROVES -PROVIDE -PROVIDED -PROVIDENCE -PROVIDENT -PROVIDER -PROVIDERS -PROVIDES -PROVIDING -PROVINCE -PROVINCES -PROVINCIAL -PROVING -PROVISION -PROVISIONAL -PROVISIONALLY -PROVISIONED -PROVISIONING -PROVISIONS -PROVISO -PROVOCATION -PROVOKE -PROVOKED -PROVOKES -PROVOST -PROW -PROWESS -PROWL -PROWLED -PROWLER -PROWLERS -PROWLING -PROWS -PROXIMAL -PROXIMATE -PROXIMITY -PROXMIRE -PROXY -PRUDENCE -PRUDENT -PRUDENTIAL -PRUDENTLY -PRUNE -PRUNED -PRUNER -PRUNERS -PRUNES -PRUNING -PRURIENT -PRUSSIA -PRUSSIAN -PRUSSIANIZATION -PRUSSIANIZATIONS -PRUSSIANIZE -PRUSSIANIZER -PRUSSIANIZERS -PRUSSIANIZES -PRY -PRYING -PSALM -PSALMS -PSEUDO -PSEUDOFILES -PSEUDOINSTRUCTION -PSEUDOINSTRUCTIONS -PSEUDONYM -PSEUDOPARALLELISM -PSILOCYBIN -PSYCH -PSYCHE -PSYCHEDELIC -PSYCHES -PSYCHIATRIC -PSYCHIATRIST -PSYCHIATRISTS -PSYCHIATRY -PSYCHIC -PSYCHO -PSYCHOANALYSIS -PSYCHOANALYST -PSYCHOANALYTIC -PSYCHOBIOLOGY -PSYCHOLOGICAL -PSYCHOLOGICALLY -PSYCHOLOGIST -PSYCHOLOGISTS -PSYCHOLOGY -PSYCHOPATH -PSYCHOPATHIC -PSYCHOPHYSIC -PSYCHOSES -PSYCHOSIS -PSYCHOSOCIAL -PSYCHOSOMATIC -PSYCHOTHERAPEUTIC -PSYCHOTHERAPIST -PSYCHOTHERAPY -PSYCHOTIC -PTOLEMAIC -PTOLEMAISTS -PTOLEMY -PUB -PUBERTY -PUBLIC -PUBLICATION -PUBLICATIONS -PUBLICITY -PUBLICIZE -PUBLICIZED -PUBLICIZES -PUBLICIZING -PUBLICLY -PUBLISH -PUBLISHED -PUBLISHER -PUBLISHERS -PUBLISHES -PUBLISHING -PUBS -PUCCINI -PUCKER -PUCKERED -PUCKERING -PUCKERS -PUDDING -PUDDINGS -PUDDLE -PUDDLES -PUDDLING -PUERTO -PUFF -PUFFED -PUFFIN -PUFFING -PUFFS -PUGH -PUKE -PULASKI -PULITZER -PULL -PULLED -PULLER -PULLEY -PULLEYS -PULLING -PULLINGS -PULLMAN -PULLMANIZE -PULLMANIZES -PULLMANS -PULLOVER -PULLS -PULMONARY -PULP -PULPING -PULPIT -PULPITS -PULSAR -PULSATE -PULSATION -PULSATIONS -PULSE -PULSED -PULSES -PULSING -PUMA -PUMICE -PUMMEL -PUMP -PUMPED -PUMPING -PUMPKIN -PUMPKINS -PUMPS -PUN -PUNCH -PUNCHED -PUNCHER -PUNCHES -PUNCHING -PUNCTUAL -PUNCTUALLY -PUNCTUATION -PUNCTURE -PUNCTURED -PUNCTURES -PUNCTURING -PUNDIT -PUNGENT -PUNIC -PUNISH -PUNISHABLE -PUNISHED -PUNISHES -PUNISHING -PUNISHMENT -PUNISHMENTS -PUNITIVE -PUNJAB -PUNJABI -PUNS -PUNT -PUNTED -PUNTING -PUNTS -PUNY -PUP -PUPA -PUPIL -PUPILS -PUPPET -PUPPETEER -PUPPETS -PUPPIES -PUPPY -PUPS -PURCELL -PURCHASE -PURCHASED -PURCHASER -PURCHASERS -PURCHASES -PURCHASING -PURDUE -PURE -PURELY -PURER -PUREST -PURGATORY -PURGE -PURGED -PURGES -PURGING -PURIFICATION -PURIFICATIONS -PURIFIED -PURIFIER -PURIFIERS -PURIFIES -PURIFY -PURIFYING -PURINA -PURIST -PURITAN -PURITANIC -PURITANIZE -PURITANIZER -PURITANIZERS -PURITANIZES -PURITY -PURPLE -PURPLER -PURPLEST -PURPORT -PURPORTED -PURPORTEDLY -PURPORTER -PURPORTERS -PURPORTING -PURPORTS -PURPOSE -PURPOSED -PURPOSEFUL -PURPOSEFULLY -PURPOSELY -PURPOSES -PURPOSIVE -PURR -PURRED -PURRING -PURRS -PURSE -PURSED -PURSER -PURSES -PURSUANT -PURSUE -PURSUED -PURSUER -PURSUERS -PURSUES -PURSUING -PURSUIT -PURSUITS -PURVEYOR -PURVIEW -PUS -PUSAN -PUSEY -PUSH -PUSHBUTTON -PUSHDOWN -PUSHED -PUSHER -PUSHERS -PUSHES -PUSHING -PUSS -PUSSY -PUSSYCAT -PUT -PUTNAM -PUTS -PUTT -PUTTER -PUTTERING -PUTTERS -PUTTING -PUTTY -PUZZLE -PUZZLED -PUZZLEMENT -PUZZLER -PUZZLERS -PUZZLES -PUZZLING -PUZZLINGS -PYGMALION -PYGMIES -PYGMY -PYLE -PYONGYANG -PYOTR -PYRAMID -PYRAMIDS -PYRE -PYREX -PYRRHIC -PYTHAGORAS -PYTHAGOREAN -PYTHAGOREANIZE -PYTHAGOREANIZES -PYTHAGOREANS -PYTHON -QATAR -QUA -QUACK -QUACKED -QUACKERY -QUACKS -QUAD -QUADRANGLE -QUADRANGULAR -QUADRANT -QUADRANTS -QUADRATIC -QUADRATICAL -QUADRATICALLY -QUADRATICS -QUADRATURE -QUADRATURES -QUADRENNIAL -QUADRILATERAL -QUADRILLION -QUADRUPLE -QUADRUPLED -QUADRUPLES -QUADRUPLING -QUADRUPOLE -QUAFF -QUAGMIRE -QUAGMIRES -QUAHOG -QUAIL -QUAILS -QUAINT -QUAINTLY -QUAINTNESS -QUAKE -QUAKED -QUAKER -QUAKERESS -QUAKERIZATION -QUAKERIZATIONS -QUAKERIZE -QUAKERIZES -QUAKERS -QUAKES -QUAKING -QUALIFICATION -QUALIFICATIONS -QUALIFIED -QUALIFIER -QUALIFIERS -QUALIFIES -QUALIFY -QUALIFYING -QUALITATIVE -QUALITATIVELY -QUALITIES -QUALITY -QUALM -QUANDARIES -QUANDARY -QUANTA -QUANTICO -QUANTIFIABLE -QUANTIFICATION -QUANTIFICATIONS -QUANTIFIED -QUANTIFIER -QUANTIFIERS -QUANTIFIES -QUANTIFY -QUANTIFYING -QUANTILE -QUANTITATIVE -QUANTITATIVELY -QUANTITIES -QUANTITY -QUANTIZATION -QUANTIZE -QUANTIZED -QUANTIZES -QUANTIZING -QUANTUM -QUARANTINE -QUARANTINES -QUARANTINING -QUARK -QUARREL -QUARRELED -QUARRELING -QUARRELS -QUARRELSOME -QUARRIES -QUARRY -QUART -QUARTER -QUARTERBACK -QUARTERED -QUARTERING -QUARTERLY -QUARTERMASTER -QUARTERS -QUARTET -QUARTETS -QUARTILE -QUARTS -QUARTZ -QUARTZITE -QUASAR -QUASH -QUASHED -QUASHES -QUASHING -QUASI -QUASIMODO -QUATERNARY -QUAVER -QUAVERED -QUAVERING -QUAVERS -QUAY -QUEASY -QUEBEC -QUEEN -QUEENLY -QUEENS -QUEENSLAND -QUEER -QUEERER -QUEEREST -QUEERLY -QUEERNESS -QUELL -QUELLING -QUENCH -QUENCHED -QUENCHES -QUENCHING -QUERIED -QUERIES -QUERY -QUERYING -QUEST -QUESTED -QUESTER -QUESTERS -QUESTING -QUESTION -QUESTIONABLE -QUESTIONABLY -QUESTIONED -QUESTIONER -QUESTIONERS -QUESTIONING -QUESTIONINGLY -QUESTIONINGS -QUESTIONNAIRE -QUESTIONNAIRES -QUESTIONS -QUESTS -QUEUE -QUEUED -QUEUEING -QUEUER -QUEUERS -QUEUES -QUEUING -QUEZON -QUIBBLE -QUICHUA -QUICK -QUICKEN -QUICKENED -QUICKENING -QUICKENS -QUICKER -QUICKEST -QUICKIE -QUICKLIME -QUICKLY -QUICKNESS -QUICKSAND -QUICKSILVER -QUIESCENT -QUIET -QUIETED -QUIETER -QUIETEST -QUIETING -QUIETLY -QUIETNESS -QUIETS -QUIETUDE -QUILL -QUILT -QUILTED -QUILTING -QUILTS -QUINCE -QUININE -QUINN -QUINT -QUINTET -QUINTILLION -QUIP -QUIRINAL -QUIRK -QUIRKY -QUIT -QUITE -QUITO -QUITS -QUITTER -QUITTERS -QUITTING -QUIVER -QUIVERED -QUIVERING -QUIVERS -QUIXOTE -QUIXOTIC -QUIXOTISM -QUIZ -QUIZZED -QUIZZES -QUIZZICAL -QUIZZING -QUO -QUONSET -QUORUM -QUOTA -QUOTAS -QUOTATION -QUOTATIONS -QUOTE -QUOTED -QUOTES -QUOTH -QUOTIENT -QUOTIENTS -QUOTING -RABAT -RABBI -RABBIT -RABBITS -RABBLE -RABID -RABIES -RABIN -RACCOON -RACCOONS -RACE -RACED -RACER -RACERS -RACES -RACETRACK -RACHEL -RACHMANINOFF -RACIAL -RACIALLY -RACINE -RACING -RACK -RACKED -RACKET -RACKETEER -RACKETEERING -RACKETEERS -RACKETS -RACKING -RACKS -RADAR -RADARS -RADCLIFFE -RADIAL -RADIALLY -RADIAN -RADIANCE -RADIANT -RADIANTLY -RADIATE -RADIATED -RADIATES -RADIATING -RADIATION -RADIATIONS -RADIATOR -RADIATORS -RADICAL -RADICALLY -RADICALS -RADICES -RADII -RADIO -RADIOACTIVE -RADIOASTRONOMY -RADIOED -RADIOGRAPHY -RADIOING -RADIOLOGY -RADIOS -RADISH -RADISHES -RADIUM -RADIUS -RADIX -RADON -RAE -RAFAEL -RAFFERTY -RAFT -RAFTER -RAFTERS -RAFTS -RAG -RAGE -RAGED -RAGES -RAGGED -RAGGEDLY -RAGGEDNESS -RAGING -RAGS -RAGUSAN -RAGWEED -RAID -RAIDED -RAIDER -RAIDERS -RAIDING -RAIDS -RAIL -RAILED -RAILER -RAILERS -RAILING -RAILROAD -RAILROADED -RAILROADER -RAILROADERS -RAILROADING -RAILROADS -RAILS -RAILWAY -RAILWAYS -RAIMENT -RAIN -RAINBOW -RAINCOAT -RAINCOATS -RAINDROP -RAINDROPS -RAINED -RAINFALL -RAINIER -RAINIEST -RAINING -RAINS -RAINSTORM -RAINY -RAISE -RAISED -RAISER -RAISERS -RAISES -RAISIN -RAISING -RAKE -RAKED -RAKES -RAKING -RALEIGH -RALLIED -RALLIES -RALLY -RALLYING -RALPH -RALSTON -RAM -RAMADA -RAMAN -RAMBLE -RAMBLER -RAMBLES -RAMBLING -RAMBLINGS -RAMIFICATION -RAMIFICATIONS -RAMIREZ -RAMO -RAMONA -RAMP -RAMPAGE -RAMPANT -RAMPART -RAMPS -RAMROD -RAMS -RAMSEY -RAN -RANCH -RANCHED -RANCHER -RANCHERS -RANCHES -RANCHING -RANCID -RAND -RANDALL -RANDOLPH -RANDOM -RANDOMIZATION -RANDOMIZE -RANDOMIZED -RANDOMIZES -RANDOMLY -RANDOMNESS -RANDY -RANG -RANGE -RANGED -RANGELAND -RANGER -RANGERS -RANGES -RANGING -RANGOON -RANGY -RANIER -RANK -RANKED -RANKER -RANKERS -RANKEST -RANKIN -RANKINE -RANKING -RANKINGS -RANKLE -RANKLY -RANKNESS -RANKS -RANSACK -RANSACKED -RANSACKING -RANSACKS -RANSOM -RANSOMER -RANSOMING -RANSOMS -RANT -RANTED -RANTER -RANTERS -RANTING -RANTS -RAOUL -RAP -RAPACIOUS -RAPE -RAPED -RAPER -RAPES -RAPHAEL -RAPID -RAPIDITY -RAPIDLY -RAPIDS -RAPIER -RAPING -RAPPORT -RAPPROCHEMENT -RAPS -RAPT -RAPTLY -RAPTURE -RAPTURES -RAPTUROUS -RAPUNZEL -RARE -RARELY -RARENESS -RARER -RAREST -RARITAN -RARITY -RASCAL -RASCALLY -RASCALS -RASH -RASHER -RASHLY -RASHNESS -RASMUSSEN -RASP -RASPBERRY -RASPED -RASPING -RASPS -RASTER -RASTUS -RAT -RATE -RATED -RATER -RATERS -RATES -RATFOR -RATHER -RATIFICATION -RATIFIED -RATIFIES -RATIFY -RATIFYING -RATING -RATINGS -RATIO -RATION -RATIONAL -RATIONALE -RATIONALES -RATIONALITIES -RATIONALITY -RATIONALIZATION -RATIONALIZATIONS -RATIONALIZE -RATIONALIZED -RATIONALIZES -RATIONALIZING -RATIONALLY -RATIONALS -RATIONING -RATIONS -RATIOS -RATS -RATTLE -RATTLED -RATTLER -RATTLERS -RATTLES -RATTLESNAKE -RATTLESNAKES -RATTLING -RAUCOUS -RAUL -RAVAGE -RAVAGED -RAVAGER -RAVAGERS -RAVAGES -RAVAGING -RAVE -RAVED -RAVEN -RAVENING -RAVENOUS -RAVENOUSLY -RAVENS -RAVES -RAVINE -RAVINES -RAVING -RAVINGS -RAW -RAWER -RAWEST -RAWLINGS -RAWLINS -RAWLINSON -RAWLY -RAWNESS -RAWSON -RAY -RAYBURN -RAYLEIGH -RAYMOND -RAYMONDVILLE -RAYS -RAYTHEON -RAZE -RAZOR -RAZORS -REABBREVIATE -REABBREVIATED -REABBREVIATES -REABBREVIATING -REACH -REACHABILITY -REACHABLE -REACHABLY -REACHED -REACHER -REACHES -REACHING -REACQUIRED -REACT -REACTED -REACTING -REACTION -REACTIONARIES -REACTIONARY -REACTIONS -REACTIVATE -REACTIVATED -REACTIVATES -REACTIVATING -REACTIVATION -REACTIVE -REACTIVELY -REACTIVITY -REACTOR -REACTORS -REACTS -READ -READABILITY -READABLE -READER -READERS -READIED -READIER -READIES -READIEST -READILY -READINESS -READING -READINGS -READJUSTED -READOUT -READOUTS -READS -READY -READYING -REAGAN -REAL -REALEST -REALIGN -REALIGNED -REALIGNING -REALIGNS -REALISM -REALIST -REALISTIC -REALISTICALLY -REALISTS -REALITIES -REALITY -REALIZABLE -REALIZABLY -REALIZATION -REALIZATIONS -REALIZE -REALIZED -REALIZES -REALIZING -REALLOCATE -REALLY -REALM -REALMS -REALNESS -REALS -REALTOR -REAM -REANALYZE -REANALYZES -REANALYZING -REAP -REAPED -REAPER -REAPING -REAPPEAR -REAPPEARED -REAPPEARING -REAPPEARS -REAPPRAISAL -REAPPRAISALS -REAPS -REAR -REARED -REARING -REARRANGE -REARRANGEABLE -REARRANGED -REARRANGEMENT -REARRANGEMENTS -REARRANGES -REARRANGING -REARREST -REARRESTED -REARS -REASON -REASONABLE -REASONABLENESS -REASONABLY -REASONED -REASONER -REASONING -REASONINGS -REASONS -REASSEMBLE -REASSEMBLED -REASSEMBLES -REASSEMBLING -REASSEMBLY -REASSESSMENT -REASSESSMENTS -REASSIGN -REASSIGNED -REASSIGNING -REASSIGNMENT -REASSIGNMENTS -REASSIGNS -REASSURE -REASSURED -REASSURES -REASSURING -REAWAKEN -REAWAKENED -REAWAKENING -REAWAKENS -REBATE -REBATES -REBECCA -REBEL -REBELLED -REBELLING -REBELLION -REBELLIONS -REBELLIOUS -REBELLIOUSLY -REBELLIOUSNESS -REBELS -REBIND -REBINDING -REBINDS -REBOOT -REBOOTED -REBOOTING -REBOOTS -REBOUND -REBOUNDED -REBOUNDING -REBOUNDS -REBROADCAST -REBROADCASTING -REBROADCASTS -REBUFF -REBUFFED -REBUILD -REBUILDING -REBUILDS -REBUILT -REBUKE -REBUKED -REBUKES -REBUKING -REBUTTAL -REBUTTED -REBUTTING -RECALCITRANT -RECALCULATE -RECALCULATED -RECALCULATES -RECALCULATING -RECALCULATION -RECALCULATIONS -RECALIBRATE -RECALIBRATED -RECALIBRATES -RECALIBRATING -RECALL -RECALLED -RECALLING -RECALLS -RECANT -RECAPITULATE -RECAPITULATED -RECAPITULATES -RECAPITULATION -RECAPTURE -RECAPTURED -RECAPTURES -RECAPTURING -RECAST -RECASTING -RECASTS -RECEDE -RECEDED -RECEDES -RECEDING -RECEIPT -RECEIPTS -RECEIVABLE -RECEIVE -RECEIVED -RECEIVER -RECEIVERS -RECEIVES -RECEIVING -RECENT -RECENTLY -RECENTNESS -RECEPTACLE -RECEPTACLES -RECEPTION -RECEPTIONIST -RECEPTIONS -RECEPTIVE -RECEPTIVELY -RECEPTIVENESS -RECEPTIVITY -RECEPTOR -RECESS -RECESSED -RECESSES -RECESSION -RECESSIVE -RECIFE -RECIPE -RECIPES -RECIPIENT -RECIPIENTS -RECIPROCAL -RECIPROCALLY -RECIPROCATE -RECIPROCATED -RECIPROCATES -RECIPROCATING -RECIPROCATION -RECIPROCITY -RECIRCULATE -RECIRCULATED -RECIRCULATES -RECIRCULATING -RECITAL -RECITALS -RECITATION -RECITATIONS -RECITE -RECITED -RECITER -RECITES -RECITING -RECKLESS -RECKLESSLY -RECKLESSNESS -RECKON -RECKONED -RECKONER -RECKONING -RECKONINGS -RECKONS -RECLAIM -RECLAIMABLE -RECLAIMED -RECLAIMER -RECLAIMERS -RECLAIMING -RECLAIMS -RECLAMATION -RECLAMATIONS -RECLASSIFICATION -RECLASSIFIED -RECLASSIFIES -RECLASSIFY -RECLASSIFYING -RECLINE -RECLINING -RECODE -RECODED -RECODES -RECODING -RECOGNITION -RECOGNITIONS -RECOGNIZABILITY -RECOGNIZABLE -RECOGNIZABLY -RECOGNIZE -RECOGNIZED -RECOGNIZER -RECOGNIZERS -RECOGNIZES -RECOGNIZING -RECOIL -RECOILED -RECOILING -RECOILS -RECOLLECT -RECOLLECTED -RECOLLECTING -RECOLLECTION -RECOLLECTIONS -RECOMBINATION -RECOMBINE -RECOMBINED -RECOMBINES -RECOMBINING -RECOMMEND -RECOMMENDATION -RECOMMENDATIONS -RECOMMENDED -RECOMMENDER -RECOMMENDING -RECOMMENDS -RECOMPENSE -RECOMPILE -RECOMPILED -RECOMPILES -RECOMPILING -RECOMPUTE -RECOMPUTED -RECOMPUTES -RECOMPUTING -RECONCILE -RECONCILED -RECONCILER -RECONCILES -RECONCILIATION -RECONCILING -RECONFIGURABLE -RECONFIGURATION -RECONFIGURATIONS -RECONFIGURE -RECONFIGURED -RECONFIGURER -RECONFIGURES -RECONFIGURING -RECONNECT -RECONNECTED -RECONNECTING -RECONNECTION -RECONNECTS -RECONSIDER -RECONSIDERATION -RECONSIDERED -RECONSIDERING -RECONSIDERS -RECONSTITUTED -RECONSTRUCT -RECONSTRUCTED -RECONSTRUCTING -RECONSTRUCTION -RECONSTRUCTS -RECONVERTED -RECONVERTS -RECORD -RECORDED -RECORDER -RECORDERS -RECORDING -RECORDINGS -RECORDS -RECOUNT -RECOUNTED -RECOUNTING -RECOUNTS -RECOURSE -RECOVER -RECOVERABLE -RECOVERED -RECOVERIES -RECOVERING -RECOVERS -RECOVERY -RECREATE -RECREATED -RECREATES -RECREATING -RECREATION -RECREATIONAL -RECREATIONS -RECREATIVE -RECRUIT -RECRUITED -RECRUITER -RECRUITING -RECRUITS -RECTA -RECTANGLE -RECTANGLES -RECTANGULAR -RECTIFY -RECTOR -RECTORS -RECTUM -RECTUMS -RECUPERATE -RECUR -RECURRENCE -RECURRENCES -RECURRENT -RECURRENTLY -RECURRING -RECURS -RECURSE -RECURSED -RECURSES -RECURSING -RECURSION -RECURSIONS -RECURSIVE -RECURSIVELY -RECYCLABLE -RECYCLE -RECYCLED -RECYCLES -RECYCLING -RED -REDBREAST -REDCOAT -REDDEN -REDDENED -REDDER -REDDEST -REDDISH -REDDISHNESS -REDECLARE -REDECLARED -REDECLARES -REDECLARING -REDEEM -REDEEMED -REDEEMER -REDEEMERS -REDEEMING -REDEEMS -REDEFINE -REDEFINED -REDEFINES -REDEFINING -REDEFINITION -REDEFINITIONS -REDEMPTION -REDESIGN -REDESIGNED -REDESIGNING -REDESIGNS -REDEVELOPMENT -REDFORD -REDHEAD -REDHOOK -REDIRECT -REDIRECTED -REDIRECTING -REDIRECTION -REDIRECTIONS -REDISPLAY -REDISPLAYED -REDISPLAYING -REDISPLAYS -REDISTRIBUTE -REDISTRIBUTED -REDISTRIBUTES -REDISTRIBUTING -REDLY -REDMOND -REDNECK -REDNESS -REDO -REDONE -REDOUBLE -REDOUBLED -REDRAW -REDRAWN -REDRESS -REDRESSED -REDRESSES -REDRESSING -REDS -REDSTONE -REDUCE -REDUCED -REDUCER -REDUCERS -REDUCES -REDUCIBILITY -REDUCIBLE -REDUCIBLY -REDUCING -REDUCTION -REDUCTIONS -REDUNDANCIES -REDUNDANCY -REDUNDANT -REDUNDANTLY -REDWOOD -REED -REEDS -REEDUCATION -REEDVILLE -REEF -REEFER -REEFS -REEL -REELECT -REELECTED -REELECTING -REELECTS -REELED -REELER -REELING -REELS -REEMPHASIZE -REEMPHASIZED -REEMPHASIZES -REEMPHASIZING -REENABLED -REENFORCEMENT -REENTER -REENTERED -REENTERING -REENTERS -REENTRANT -REESE -REESTABLISH -REESTABLISHED -REESTABLISHES -REESTABLISHING -REEVALUATE -REEVALUATED -REEVALUATES -REEVALUATING -REEVALUATION -REEVES -REEXAMINE -REEXAMINED -REEXAMINES -REEXAMINING -REEXECUTED -REFER -REFEREE -REFEREED -REFEREEING -REFEREES -REFERENCE -REFERENCED -REFERENCER -REFERENCES -REFERENCING -REFERENDA -REFERENDUM -REFERENDUMS -REFERENT -REFERENTIAL -REFERENTIALITY -REFERENTIALLY -REFERENTS -REFERRAL -REFERRALS -REFERRED -REFERRING -REFERS -REFILL -REFILLABLE -REFILLED -REFILLING -REFILLS -REFINE -REFINED -REFINEMENT -REFINEMENTS -REFINER -REFINERY -REFINES -REFINING -REFLECT -REFLECTED -REFLECTING -REFLECTION -REFLECTIONS -REFLECTIVE -REFLECTIVELY -REFLECTIVITY -REFLECTOR -REFLECTORS -REFLECTS -REFLEX -REFLEXES -REFLEXIVE -REFLEXIVELY -REFLEXIVENESS -REFLEXIVITY -REFORESTATION -REFORM -REFORMABLE -REFORMAT -REFORMATION -REFORMATORY -REFORMATS -REFORMATTED -REFORMATTING -REFORMED -REFORMER -REFORMERS -REFORMING -REFORMS -REFORMULATE -REFORMULATED -REFORMULATES -REFORMULATING -REFORMULATION -REFRACT -REFRACTED -REFRACTION -REFRACTORY -REFRAGMENT -REFRAIN -REFRAINED -REFRAINING -REFRAINS -REFRESH -REFRESHED -REFRESHER -REFRESHERS -REFRESHES -REFRESHING -REFRESHINGLY -REFRESHMENT -REFRESHMENTS -REFRIGERATE -REFRIGERATOR -REFRIGERATORS -REFUEL -REFUELED -REFUELING -REFUELS -REFUGE -REFUGEE -REFUGEES -REFUSAL -REFUSE -REFUSED -REFUSES -REFUSING -REFUTABLE -REFUTATION -REFUTE -REFUTED -REFUTER -REFUTES -REFUTING -REGAIN -REGAINED -REGAINING -REGAINS -REGAL -REGALED -REGALLY -REGARD -REGARDED -REGARDING -REGARDLESS -REGARDS -REGATTA -REGENERATE -REGENERATED -REGENERATES -REGENERATING -REGENERATION -REGENERATIVE -REGENERATOR -REGENERATORS -REGENT -REGENTS -REGIME -REGIMEN -REGIMENT -REGIMENTATION -REGIMENTED -REGIMENTS -REGIMES -REGINA -REGINALD -REGION -REGIONAL -REGIONALLY -REGIONS -REGIS -REGISTER -REGISTERED -REGISTERING -REGISTERS -REGISTRAR -REGISTRATION -REGISTRATIONS -REGISTRY -REGRESS -REGRESSED -REGRESSES -REGRESSING -REGRESSION -REGRESSIONS -REGRESSIVE -REGRET -REGRETFUL -REGRETFULLY -REGRETS -REGRETTABLE -REGRETTABLY -REGRETTED -REGRETTING -REGROUP -REGROUPED -REGROUPING -REGULAR -REGULARITIES -REGULARITY -REGULARLY -REGULARS -REGULATE -REGULATED -REGULATES -REGULATING -REGULATION -REGULATIONS -REGULATIVE -REGULATOR -REGULATORS -REGULATORY -REGULUS -REHABILITATE -REHEARSAL -REHEARSALS -REHEARSE -REHEARSED -REHEARSER -REHEARSES -REHEARSING -REICH -REICHENBERG -REICHSTAG -REID -REIGN -REIGNED -REIGNING -REIGNS -REILLY -REIMBURSABLE -REIMBURSE -REIMBURSED -REIMBURSEMENT -REIMBURSEMENTS -REIN -REINCARNATE -REINCARNATED -REINCARNATION -REINDEER -REINED -REINFORCE -REINFORCED -REINFORCEMENT -REINFORCEMENTS -REINFORCER -REINFORCES -REINFORCING -REINHARD -REINHARDT -REINHOLD -REINITIALIZE -REINITIALIZED -REINITIALIZING -REINS -REINSERT -REINSERTED -REINSERTING -REINSERTS -REINSTATE -REINSTATED -REINSTATEMENT -REINSTATES -REINSTATING -REINTERPRET -REINTERPRETED -REINTERPRETING -REINTERPRETS -REINTRODUCE -REINTRODUCED -REINTRODUCES -REINTRODUCING -REINVENT -REINVENTED -REINVENTING -REINVENTS -REITERATE -REITERATED -REITERATES -REITERATING -REITERATION -REJECT -REJECTED -REJECTING -REJECTION -REJECTIONS -REJECTOR -REJECTORS -REJECTS -REJOICE -REJOICED -REJOICER -REJOICES -REJOICING -REJOIN -REJOINDER -REJOINED -REJOINING -REJOINS -RELABEL -RELABELED -RELABELING -RELABELLED -RELABELLING -RELABELS -RELAPSE -RELATE -RELATED -RELATER -RELATES -RELATING -RELATION -RELATIONAL -RELATIONALLY -RELATIONS -RELATIONSHIP -RELATIONSHIPS -RELATIVE -RELATIVELY -RELATIVENESS -RELATIVES -RELATIVISM -RELATIVISTIC -RELATIVISTICALLY -RELATIVITY -RELAX -RELAXATION -RELAXATIONS -RELAXED -RELAXER -RELAXES -RELAXING -RELAY -RELAYED -RELAYING -RELAYS -RELEASE -RELEASED -RELEASES -RELEASING -RELEGATE -RELEGATED -RELEGATES -RELEGATING -RELENT -RELENTED -RELENTING -RELENTLESS -RELENTLESSLY -RELENTLESSNESS -RELENTS -RELEVANCE -RELEVANCES -RELEVANT -RELEVANTLY -RELIABILITY -RELIABLE -RELIABLY -RELIANCE -RELIANT -RELIC -RELICS -RELIED -RELIEF -RELIES -RELIEVE -RELIEVED -RELIEVER -RELIEVERS -RELIEVES -RELIEVING -RELIGION -RELIGIONS -RELIGIOUS -RELIGIOUSLY -RELIGIOUSNESS -RELINK -RELINQUISH -RELINQUISHED -RELINQUISHES -RELINQUISHING -RELISH -RELISHED -RELISHES -RELISHING -RELIVE -RELIVES -RELIVING -RELOAD -RELOADED -RELOADER -RELOADING -RELOADS -RELOCATABLE -RELOCATE -RELOCATED -RELOCATES -RELOCATING -RELOCATION -RELOCATIONS -RELUCTANCE -RELUCTANT -RELUCTANTLY -RELY -RELYING -REMAIN -REMAINDER -REMAINDERS -REMAINED -REMAINING -REMAINS -REMARK -REMARKABLE -REMARKABLENESS -REMARKABLY -REMARKED -REMARKING -REMARKS -REMBRANDT -REMEDIAL -REMEDIED -REMEDIES -REMEDY -REMEDYING -REMEMBER -REMEMBERED -REMEMBERING -REMEMBERS -REMEMBRANCE -REMEMBRANCES -REMIND -REMINDED -REMINDER -REMINDERS -REMINDING -REMINDS -REMINGTON -REMINISCENCE -REMINISCENCES -REMINISCENT -REMINISCENTLY -REMISS -REMISSION -REMIT -REMITTANCE -REMNANT -REMNANTS -REMODEL -REMODELED -REMODELING -REMODELS -REMONSTRATE -REMONSTRATED -REMONSTRATES -REMONSTRATING -REMONSTRATION -REMONSTRATIVE -REMORSE -REMORSEFUL -REMOTE -REMOTELY -REMOTENESS -REMOTEST -REMOVABLE -REMOVAL -REMOVALS -REMOVE -REMOVED -REMOVER -REMOVES -REMOVING -REMUNERATE -REMUNERATION -REMUS -REMY -RENA -RENAISSANCE -RENAL -RENAME -RENAMED -RENAMES -RENAMING -RENAULT -RENAULTS -REND -RENDER -RENDERED -RENDERING -RENDERINGS -RENDERS -RENDEZVOUS -RENDING -RENDITION -RENDITIONS -RENDS -RENE -RENEE -RENEGADE -RENEGOTIABLE -RENEW -RENEWABLE -RENEWAL -RENEWED -RENEWER -RENEWING -RENEWS -RENO -RENOIR -RENOUNCE -RENOUNCES -RENOUNCING -RENOVATE -RENOVATED -RENOVATION -RENOWN -RENOWNED -RENSSELAER -RENT -RENTAL -RENTALS -RENTED -RENTING -RENTS -RENUMBER -RENUMBERING -RENUMBERS -RENUNCIATE -RENUNCIATION -RENVILLE -REOCCUR -REOPEN -REOPENED -REOPENING -REOPENS -REORDER -REORDERED -REORDERING -REORDERS -REORGANIZATION -REORGANIZATIONS -REORGANIZE -REORGANIZED -REORGANIZES -REORGANIZING -REPACKAGE -REPAID -REPAIR -REPAIRED -REPAIRER -REPAIRING -REPAIRMAN -REPAIRMEN -REPAIRS -REPARATION -REPARATIONS -REPARTEE -REPARTITION -REPAST -REPASTS -REPAY -REPAYING -REPAYS -REPEAL -REPEALED -REPEALER -REPEALING -REPEALS -REPEAT -REPEATABLE -REPEATED -REPEATEDLY -REPEATER -REPEATERS -REPEATING -REPEATS -REPEL -REPELLED -REPELLENT -REPELS -REPENT -REPENTANCE -REPENTED -REPENTING -REPENTS -REPERCUSSION -REPERCUSSIONS -REPERTOIRE -REPERTORY -REPETITION -REPETITIONS -REPETITIOUS -REPETITIVE -REPETITIVELY -REPETITIVENESS -REPHRASE -REPHRASED -REPHRASES -REPHRASING -REPINE -REPLACE -REPLACEABLE -REPLACED -REPLACEMENT -REPLACEMENTS -REPLACER -REPLACES -REPLACING -REPLAY -REPLAYED -REPLAYING -REPLAYS -REPLENISH -REPLENISHED -REPLENISHES -REPLENISHING -REPLETE -REPLETENESS -REPLETION -REPLICA -REPLICAS -REPLICATE -REPLICATED -REPLICATES -REPLICATING -REPLICATION -REPLICATIONS -REPLIED -REPLIES -REPLY -REPLYING -REPORT -REPORTED -REPORTEDLY -REPORTER -REPORTERS -REPORTING -REPORTS -REPOSE -REPOSED -REPOSES -REPOSING -REPOSITION -REPOSITIONED -REPOSITIONING -REPOSITIONS -REPOSITORIES -REPOSITORY -REPREHENSIBLE -REPRESENT -REPRESENTABLE -REPRESENTABLY -REPRESENTATION -REPRESENTATIONAL -REPRESENTATIONALLY -REPRESENTATIONS -REPRESENTATIVE -REPRESENTATIVELY -REPRESENTATIVENESS -REPRESENTATIVES -REPRESENTED -REPRESENTING -REPRESENTS -REPRESS -REPRESSED -REPRESSES -REPRESSING -REPRESSION -REPRESSIONS -REPRESSIVE -REPRIEVE -REPRIEVED -REPRIEVES -REPRIEVING -REPRIMAND -REPRINT -REPRINTED -REPRINTING -REPRINTS -REPRISAL -REPRISALS -REPROACH -REPROACHED -REPROACHES -REPROACHING -REPROBATE -REPRODUCE -REPRODUCED -REPRODUCER -REPRODUCERS -REPRODUCES -REPRODUCIBILITIES -REPRODUCIBILITY -REPRODUCIBLE -REPRODUCIBLY -REPRODUCING -REPRODUCTION -REPRODUCTIONS -REPROGRAM -REPROGRAMMED -REPROGRAMMING -REPROGRAMS -REPROOF -REPROVE -REPROVER -REPTILE -REPTILES -REPTILIAN -REPUBLIC -REPUBLICAN -REPUBLICANS -REPUBLICS -REPUDIATE -REPUDIATED -REPUDIATES -REPUDIATING -REPUDIATION -REPUDIATIONS -REPUGNANT -REPULSE -REPULSED -REPULSES -REPULSING -REPULSION -REPULSIONS -REPULSIVE -REPUTABLE -REPUTABLY -REPUTATION -REPUTATIONS -REPUTE -REPUTED -REPUTEDLY -REPUTES -REQUEST -REQUESTED -REQUESTER -REQUESTERS -REQUESTING -REQUESTS -REQUIRE -REQUIRED -REQUIREMENT -REQUIREMENTS -REQUIRES -REQUIRING -REQUISITE -REQUISITES -REQUISITION -REQUISITIONED -REQUISITIONING -REQUISITIONS -REREAD -REREGISTER -REROUTE -REROUTED -REROUTES -REROUTING -RERUN -RERUNS -RESCHEDULE -RESCIND -RESCUE -RESCUED -RESCUER -RESCUERS -RESCUES -RESCUING -RESEARCH -RESEARCHED -RESEARCHER -RESEARCHERS -RESEARCHES -RESEARCHING -RESELECT -RESELECTED -RESELECTING -RESELECTS -RESELL -RESELLING -RESEMBLANCE -RESEMBLANCES -RESEMBLE -RESEMBLED -RESEMBLES -RESEMBLING -RESENT -RESENTED -RESENTFUL -RESENTFULLY -RESENTING -RESENTMENT -RESENTS -RESERPINE -RESERVATION -RESERVATIONS -RESERVE -RESERVED -RESERVER -RESERVES -RESERVING -RESERVOIR -RESERVOIRS -RESET -RESETS -RESETTING -RESETTINGS -RESIDE -RESIDED -RESIDENCE -RESIDENCES -RESIDENT -RESIDENTIAL -RESIDENTIALLY -RESIDENTS -RESIDES -RESIDING -RESIDUAL -RESIDUE -RESIDUES -RESIGN -RESIGNATION -RESIGNATIONS -RESIGNED -RESIGNING -RESIGNS -RESILIENT -RESIN -RESINS -RESIST -RESISTABLE -RESISTANCE -RESISTANCES -RESISTANT -RESISTANTLY -RESISTED -RESISTIBLE -RESISTING -RESISTIVE -RESISTIVITY -RESISTOR -RESISTORS -RESISTS -RESOLUTE -RESOLUTELY -RESOLUTENESS -RESOLUTION -RESOLUTIONS -RESOLVABLE -RESOLVE -RESOLVED -RESOLVER -RESOLVERS -RESOLVES -RESOLVING -RESONANCE -RESONANCES -RESONANT -RESONATE -RESORT -RESORTED -RESORTING -RESORTS -RESOUND -RESOUNDING -RESOUNDS -RESOURCE -RESOURCEFUL -RESOURCEFULLY -RESOURCEFULNESS -RESOURCES -RESPECT -RESPECTABILITY -RESPECTABLE -RESPECTABLY -RESPECTED -RESPECTER -RESPECTFUL -RESPECTFULLY -RESPECTFULNESS -RESPECTING -RESPECTIVE -RESPECTIVELY -RESPECTS -RESPIRATION -RESPIRATOR -RESPIRATORY -RESPITE -RESPLENDENT -RESPLENDENTLY -RESPOND -RESPONDED -RESPONDENT -RESPONDENTS -RESPONDER -RESPONDING -RESPONDS -RESPONSE -RESPONSES -RESPONSIBILITIES -RESPONSIBILITY -RESPONSIBLE -RESPONSIBLENESS -RESPONSIBLY -RESPONSIVE -RESPONSIVELY -RESPONSIVENESS -REST -RESTART -RESTARTED -RESTARTING -RESTARTS -RESTATE -RESTATED -RESTATEMENT -RESTATES -RESTATING -RESTAURANT -RESTAURANTS -RESTAURATEUR -RESTED -RESTFUL -RESTFULLY -RESTFULNESS -RESTING -RESTITUTION -RESTIVE -RESTLESS -RESTLESSLY -RESTLESSNESS -RESTORATION -RESTORATIONS -RESTORE -RESTORED -RESTORER -RESTORERS -RESTORES -RESTORING -RESTRAIN -RESTRAINED -RESTRAINER -RESTRAINERS -RESTRAINING -RESTRAINS -RESTRAINT -RESTRAINTS -RESTRICT -RESTRICTED -RESTRICTING -RESTRICTION -RESTRICTIONS -RESTRICTIVE -RESTRICTIVELY -RESTRICTS -RESTROOM -RESTRUCTURE -RESTRUCTURED -RESTRUCTURES -RESTRUCTURING -RESTS -RESULT -RESULTANT -RESULTANTLY -RESULTANTS -RESULTED -RESULTING -RESULTS -RESUMABLE -RESUME -RESUMED -RESUMES -RESUMING -RESUMPTION -RESUMPTIONS -RESURGENT -RESURRECT -RESURRECTED -RESURRECTING -RESURRECTION -RESURRECTIONS -RESURRECTOR -RESURRECTORS -RESURRECTS -RESUSCITATE -RESYNCHRONIZATION -RESYNCHRONIZE -RESYNCHRONIZED -RESYNCHRONIZING -RETAIL -RETAILER -RETAILERS -RETAILING -RETAIN -RETAINED -RETAINER -RETAINERS -RETAINING -RETAINMENT -RETAINS -RETALIATE -RETALIATION -RETALIATORY -RETARD -RETARDED -RETARDER -RETARDING -RETCH -RETENTION -RETENTIONS -RETENTIVE -RETENTIVELY -RETENTIVENESS -RETICLE -RETICLES -RETICULAR -RETICULATE -RETICULATED -RETICULATELY -RETICULATES -RETICULATING -RETICULATION -RETINA -RETINAL -RETINAS -RETINUE -RETIRE -RETIRED -RETIREE -RETIREMENT -RETIREMENTS -RETIRES -RETIRING -RETORT -RETORTED -RETORTS -RETRACE -RETRACED -RETRACES -RETRACING -RETRACT -RETRACTED -RETRACTING -RETRACTION -RETRACTIONS -RETRACTS -RETRAIN -RETRAINED -RETRAINING -RETRAINS -RETRANSLATE -RETRANSLATED -RETRANSMISSION -RETRANSMISSIONS -RETRANSMIT -RETRANSMITS -RETRANSMITTED -RETRANSMITTING -RETREAT -RETREATED -RETREATING -RETREATS -RETRIBUTION -RETRIED -RETRIER -RETRIERS -RETRIES -RETRIEVABLE -RETRIEVAL -RETRIEVALS -RETRIEVE -RETRIEVED -RETRIEVER -RETRIEVERS -RETRIEVES -RETRIEVING -RETROACTIVE -RETROACTIVELY -RETROFIT -RETROFITTING -RETROGRADE -RETROSPECT -RETROSPECTION -RETROSPECTIVE -RETRY -RETRYING -RETURN -RETURNABLE -RETURNED -RETURNER -RETURNING -RETURNS -RETYPE -RETYPED -RETYPES -RETYPING -REUB -REUBEN -REUNION -REUNIONS -REUNITE -REUNITED -REUNITING -REUSABLE -REUSE -REUSED -REUSES -REUSING -REUTERS -REUTHER -REVAMP -REVAMPED -REVAMPING -REVAMPS -REVEAL -REVEALED -REVEALING -REVEALS -REVEL -REVELATION -REVELATIONS -REVELED -REVELER -REVELING -REVELRY -REVELS -REVENGE -REVENGER -REVENUE -REVENUERS -REVENUES -REVERBERATE -REVERE -REVERED -REVERENCE -REVEREND -REVERENDS -REVERENT -REVERENTLY -REVERES -REVERIE -REVERIFIED -REVERIFIES -REVERIFY -REVERIFYING -REVERING -REVERSAL -REVERSALS -REVERSE -REVERSED -REVERSELY -REVERSER -REVERSES -REVERSIBLE -REVERSING -REVERSION -REVERT -REVERTED -REVERTING -REVERTS -REVIEW -REVIEWED -REVIEWER -REVIEWERS -REVIEWING -REVIEWS -REVILE -REVILED -REVILER -REVILING -REVISE -REVISED -REVISER -REVISES -REVISING -REVISION -REVISIONARY -REVISIONS -REVISIT -REVISITED -REVISITING -REVISITS -REVIVAL -REVIVALS -REVIVE -REVIVED -REVIVER -REVIVES -REVIVING -REVOCABLE -REVOCATION -REVOKE -REVOKED -REVOKER -REVOKES -REVOKING -REVOLT -REVOLTED -REVOLTER -REVOLTING -REVOLTINGLY -REVOLTS -REVOLUTION -REVOLUTIONARIES -REVOLUTIONARY -REVOLUTIONIZE -REVOLUTIONIZED -REVOLUTIONIZER -REVOLUTIONS -REVOLVE -REVOLVED -REVOLVER -REVOLVERS -REVOLVES -REVOLVING -REVULSION -REWARD -REWARDED -REWARDING -REWARDINGLY -REWARDS -REWIND -REWINDING -REWINDS -REWIRE -REWORK -REWORKED -REWORKING -REWORKS -REWOUND -REWRITE -REWRITES -REWRITING -REWRITTEN -REX -REYKJAVIK -REYNOLDS -RHAPSODY -RHEA -RHEIMS -RHEINHOLDT -RHENISH -RHESUS -RHETORIC -RHEUMATIC -RHEUMATISM -RHINE -RHINESTONE -RHINO -RHINOCEROS -RHO -RHODA -RHODE -RHODES -RHODESIA -RHODODENDRON -RHOMBIC -RHOMBUS -RHUBARB -RHYME -RHYMED -RHYMES -RHYMING -RHYTHM -RHYTHMIC -RHYTHMICALLY -RHYTHMS -RIB -RIBALD -RIBBED -RIBBING -RIBBON -RIBBONS -RIBOFLAVIN -RIBONUCLEIC -RIBS -RICA -RICAN -RICANISM -RICANS -RICE -RICH -RICHARD -RICHARDS -RICHARDSON -RICHER -RICHES -RICHEST -RICHEY -RICHFIELD -RICHLAND -RICHLY -RICHMOND -RICHNESS -RICHTER -RICK -RICKENBAUGH -RICKETS -RICKETTSIA -RICKETY -RICKSHAW -RICKSHAWS -RICO -RICOCHET -RID -RIDDANCE -RIDDEN -RIDDING -RIDDLE -RIDDLED -RIDDLES -RIDDLING -RIDE -RIDER -RIDERS -RIDES -RIDGE -RIDGEFIELD -RIDGEPOLE -RIDGES -RIDGWAY -RIDICULE -RIDICULED -RIDICULES -RIDICULING -RIDICULOUS -RIDICULOUSLY -RIDICULOUSNESS -RIDING -RIDS -RIEMANN -RIEMANNIAN -RIFLE -RIFLED -RIFLEMAN -RIFLER -RIFLES -RIFLING -RIFT -RIG -RIGA -RIGEL -RIGGING -RIGGS -RIGHT -RIGHTED -RIGHTEOUS -RIGHTEOUSLY -RIGHTEOUSNESS -RIGHTER -RIGHTFUL -RIGHTFULLY -RIGHTFULNESS -RIGHTING -RIGHTLY -RIGHTMOST -RIGHTNESS -RIGHTS -RIGHTWARD -RIGID -RIGIDITY -RIGIDLY -RIGOR -RIGOROUS -RIGOROUSLY -RIGORS -RIGS -RILEY -RILKE -RILL -RIM -RIME -RIMS -RIND -RINDS -RINEHART -RING -RINGED -RINGER -RINGERS -RINGING -RINGINGLY -RINGINGS -RINGS -RINGSIDE -RINK -RINSE -RINSED -RINSER -RINSES -RINSING -RIO -RIORDAN -RIOT -RIOTED -RIOTER -RIOTERS -RIOTING -RIOTOUS -RIOTS -RIP -RIPE -RIPELY -RIPEN -RIPENESS -RIPLEY -RIPOFF -RIPPED -RIPPING -RIPPLE -RIPPLED -RIPPLES -RIPPLING -RIPS -RISC -RISE -RISEN -RISER -RISERS -RISES -RISING -RISINGS -RISK -RISKED -RISKING -RISKS -RISKY -RITCHIE -RITE -RITES -RITTER -RITUAL -RITUALLY -RITUALS -RITZ -RIVAL -RIVALED -RIVALLED -RIVALLING -RIVALRIES -RIVALRY -RIVALS -RIVER -RIVERBANK -RIVERFRONT -RIVERS -RIVERSIDE -RIVERVIEW -RIVET -RIVETER -RIVETS -RIVIERA -RIVULET -RIVULETS -RIYADH -ROACH -ROAD -ROADBED -ROADBLOCK -ROADS -ROADSIDE -ROADSTER -ROADSTERS -ROADWAY -ROADWAYS -ROAM -ROAMED -ROAMING -ROAMS -ROAR -ROARED -ROARER -ROARING -ROARS -ROAST -ROASTED -ROASTER -ROASTING -ROASTS -ROB -ROBBED -ROBBER -ROBBERIES -ROBBERS -ROBBERY -ROBBIE -ROBBIN -ROBBING -ROBBINS -ROBE -ROBED -ROBERT -ROBERTA -ROBERTO -ROBERTS -ROBERTSON -ROBERTSONS -ROBES -ROBIN -ROBING -ROBINS -ROBINSON -ROBINSONVILLE -ROBOT -ROBOTIC -ROBOTICS -ROBOTS -ROBS -ROBUST -ROBUSTLY -ROBUSTNESS -ROCCO -ROCHESTER -ROCHFORD -ROCK -ROCKABYE -ROCKAWAY -ROCKAWAYS -ROCKED -ROCKEFELLER -ROCKER -ROCKERS -ROCKET -ROCKETED -ROCKETING -ROCKETS -ROCKFORD -ROCKIES -ROCKING -ROCKLAND -ROCKS -ROCKVILLE -ROCKWELL -ROCKY -ROD -RODE -RODENT -RODENTS -RODEO -RODGERS -RODNEY -RODRIGUEZ -RODS -ROE -ROENTGEN -ROGER -ROGERS -ROGUE -ROGUES -ROLAND -ROLE -ROLES -ROLL -ROLLBACK -ROLLED -ROLLER -ROLLERS -ROLLIE -ROLLING -ROLLINS -ROLLS -ROMAN -ROMANCE -ROMANCER -ROMANCERS -ROMANCES -ROMANCING -ROMANESQUE -ROMANIA -ROMANIZATIONS -ROMANIZER -ROMANIZERS -ROMANIZES -ROMANO -ROMANS -ROMANTIC -ROMANTICS -ROME -ROMELDALE -ROMEO -ROMP -ROMPED -ROMPER -ROMPING -ROMPS -ROMULUS -RON -RONALD -RONNIE -ROOF -ROOFED -ROOFER -ROOFING -ROOFS -ROOFTOP -ROOK -ROOKIE -ROOM -ROOMED -ROOMER -ROOMERS -ROOMFUL -ROOMING -ROOMMATE -ROOMS -ROOMY -ROONEY -ROOSEVELT -ROOSEVELTIAN -ROOST -ROOSTER -ROOSTERS -ROOT -ROOTED -ROOTER -ROOTING -ROOTS -ROPE -ROPED -ROPER -ROPERS -ROPES -ROPING -ROQUEMORE -RORSCHACH -ROSA -ROSABELLE -ROSALIE -ROSARY -ROSE -ROSEBUD -ROSEBUDS -ROSEBUSH -ROSELAND -ROSELLA -ROSEMARY -ROSEN -ROSENBERG -ROSENBLUM -ROSENTHAL -ROSENZWEIG -ROSES -ROSETTA -ROSETTE -ROSIE -ROSINESS -ROSS -ROSSI -ROSTER -ROSTRUM -ROSWELL -ROSY -ROT -ROTARIAN -ROTARIANS -ROTARY -ROTATE -ROTATED -ROTATES -ROTATING -ROTATION -ROTATIONAL -ROTATIONS -ROTATOR -ROTH -ROTHSCHILD -ROTOR -ROTS -ROTTEN -ROTTENNESS -ROTTERDAM -ROTTING -ROTUND -ROTUNDA -ROUGE -ROUGH -ROUGHED -ROUGHEN -ROUGHER -ROUGHEST -ROUGHLY -ROUGHNECK -ROUGHNESS -ROULETTE -ROUND -ROUNDABOUT -ROUNDED -ROUNDEDNESS -ROUNDER -ROUNDEST -ROUNDHEAD -ROUNDHOUSE -ROUNDING -ROUNDLY -ROUNDNESS -ROUNDOFF -ROUNDS -ROUNDTABLE -ROUNDUP -ROUNDWORM -ROURKE -ROUSE -ROUSED -ROUSES -ROUSING -ROUSSEAU -ROUSTABOUT -ROUT -ROUTE -ROUTED -ROUTER -ROUTERS -ROUTES -ROUTINE -ROUTINELY -ROUTINES -ROUTING -ROUTINGS -ROVE -ROVED -ROVER -ROVES -ROVING -ROW -ROWBOAT -ROWDY -ROWE -ROWED -ROWENA -ROWER -ROWING -ROWLAND -ROWLEY -ROWS -ROXBURY -ROXY -ROY -ROYAL -ROYALIST -ROYALISTS -ROYALLY -ROYALTIES -ROYALTY -ROYCE -ROZELLE -RUANDA -RUB -RUBAIYAT -RUBBED -RUBBER -RUBBERS -RUBBERY -RUBBING -RUBBISH -RUBBLE -RUBDOWN -RUBE -RUBEN -RUBENS -RUBIES -RUBIN -RUBLE -RUBLES -RUBOUT -RUBS -RUBY -RUDDER -RUDDERS -RUDDINESS -RUDDY -RUDE -RUDELY -RUDENESS -RUDIMENT -RUDIMENTARY -RUDIMENTS -RUDOLF -RUDOLPH -RUDY -RUDYARD -RUE -RUEFULLY -RUFFIAN -RUFFIANLY -RUFFIANS -RUFFLE -RUFFLED -RUFFLES -RUFUS -RUG -RUGGED -RUGGEDLY -RUGGEDNESS -RUGS -RUIN -RUINATION -RUINATIONS -RUINED -RUINING -RUINOUS -RUINOUSLY -RUINS -RULE -RULED -RULER -RULERS -RULES -RULING -RULINGS -RUM -RUMANIA -RUMANIAN -RUMANIANS -RUMBLE -RUMBLED -RUMBLER -RUMBLES -RUMBLING -RUMEN -RUMFORD -RUMMAGE -RUMMEL -RUMMY -RUMOR -RUMORED -RUMORS -RUMP -RUMPLE -RUMPLED -RUMPLY -RUMPUS -RUN -RUNAWAY -RUNDOWN -RUNG -RUNGE -RUNGS -RUNNABLE -RUNNER -RUNNERS -RUNNING -RUNNYMEDE -RUNOFF -RUNS -RUNT -RUNTIME -RUNYON -RUPEE -RUPPERT -RUPTURE -RUPTURED -RUPTURES -RUPTURING -RURAL -RURALLY -RUSH -RUSHED -RUSHER -RUSHES -RUSHING -RUSHMORE -RUSS -RUSSELL -RUSSET -RUSSIA -RUSSIAN -RUSSIANIZATIONS -RUSSIANIZES -RUSSIANS -RUSSO -RUST -RUSTED -RUSTIC -RUSTICATE -RUSTICATED -RUSTICATES -RUSTICATING -RUSTICATION -RUSTING -RUSTLE -RUSTLED -RUSTLER -RUSTLERS -RUSTLING -RUSTS -RUSTY -RUT -RUTGERS -RUTH -RUTHERFORD -RUTHLESS -RUTHLESSLY -RUTHLESSNESS -RUTLAND -RUTLEDGE -RUTS -RWANDA -RYAN -RYDBERG -RYDER -RYE -SABBATH -SABBATHIZE -SABBATHIZES -SABBATICAL -SABER -SABERS -SABINA -SABINE -SABLE -SABLES -SABOTAGE -SACHS -SACK -SACKER -SACKING -SACKS -SACRAMENT -SACRAMENTO -SACRED -SACREDLY -SACREDNESS -SACRIFICE -SACRIFICED -SACRIFICER -SACRIFICERS -SACRIFICES -SACRIFICIAL -SACRIFICIALLY -SACRIFICING -SACRILEGE -SACRILEGIOUS -SACROSANCT -SAD -SADDEN -SADDENED -SADDENS -SADDER -SADDEST -SADDLE -SADDLEBAG -SADDLED -SADDLES -SADIE -SADISM -SADIST -SADISTIC -SADISTICALLY -SADISTS -SADLER -SADLY -SADNESS -SAFARI -SAFE -SAFEGUARD -SAFEGUARDED -SAFEGUARDING -SAFEGUARDS -SAFEKEEPING -SAFELY -SAFENESS -SAFER -SAFES -SAFEST -SAFETIES -SAFETY -SAFFRON -SAG -SAGA -SAGACIOUS -SAGACITY -SAGE -SAGEBRUSH -SAGELY -SAGES -SAGGING -SAGINAW -SAGITTAL -SAGITTARIUS -SAGS -SAGUARO -SAHARA -SAID -SAIGON -SAIL -SAILBOAT -SAILED -SAILFISH -SAILING -SAILOR -SAILORLY -SAILORS -SAILS -SAINT -SAINTED -SAINTHOOD -SAINTLY -SAINTS -SAKE -SAKES -SAL -SALAAM -SALABLE -SALAD -SALADS -SALAMANDER -SALAMI -SALARIED -SALARIES -SALARY -SALE -SALEM -SALERNO -SALES -SALESGIRL -SALESIAN -SALESLADY -SALESMAN -SALESMEN -SALESPERSON -SALIENT -SALINA -SALINE -SALISBURY -SALISH -SALIVA -SALIVARY -SALIVATE -SALK -SALLE -SALLIES -SALLOW -SALLY -SALLYING -SALMON -SALON -SALONS -SALOON -SALOONS -SALT -SALTED -SALTER -SALTERS -SALTIER -SALTIEST -SALTINESS -SALTING -SALTON -SALTS -SALTY -SALUTARY -SALUTATION -SALUTATIONS -SALUTE -SALUTED -SALUTES -SALUTING -SALVADOR -SALVADORAN -SALVAGE -SALVAGED -SALVAGER -SALVAGES -SALVAGING -SALVATION -SALVATORE -SALVE -SALVER -SALVES -SALZ -SAM -SAMARITAN -SAME -SAMENESS -SAMMY -SAMOA -SAMOAN -SAMPLE -SAMPLED -SAMPLER -SAMPLERS -SAMPLES -SAMPLING -SAMPLINGS -SAMPSON -SAMSON -SAMUEL -SAMUELS -SAMUELSON -SAN -SANA -SANATORIA -SANATORIUM -SANBORN -SANCHEZ -SANCHO -SANCTIFICATION -SANCTIFIED -SANCTIFY -SANCTIMONIOUS -SANCTION -SANCTIONED -SANCTIONING -SANCTIONS -SANCTITY -SANCTUARIES -SANCTUARY -SANCTUM -SAND -SANDAL -SANDALS -SANDBAG -SANDBURG -SANDED -SANDER -SANDERLING -SANDERS -SANDERSON -SANDIA -SANDING -SANDMAN -SANDPAPER -SANDRA -SANDS -SANDSTONE -SANDUSKY -SANDWICH -SANDWICHES -SANDY -SANE -SANELY -SANER -SANEST -SANFORD -SANG -SANGUINE -SANHEDRIN -SANITARIUM -SANITARY -SANITATION -SANITY -SANK -SANSKRIT -SANSKRITIC -SANSKRITIZE -SANTA -SANTAYANA -SANTIAGO -SANTO -SAO -SAP -SAPIENS -SAPLING -SAPLINGS -SAPPHIRE -SAPPHO -SAPS -SAPSUCKER -SARA -SARACEN -SARACENS -SARAH -SARAN -SARASOTA -SARATOGA -SARCASM -SARCASMS -SARCASTIC -SARDINE -SARDINIA -SARDONIC -SARGENT -SARI -SARTRE -SASH -SASKATCHEWAN -SASKATOON -SAT -SATAN -SATANIC -SATANISM -SATANIST -SATCHEL -SATCHELS -SATE -SATED -SATELLITE -SATELLITES -SATES -SATIN -SATING -SATIRE -SATIRES -SATIRIC -SATISFACTION -SATISFACTIONS -SATISFACTORILY -SATISFACTORY -SATISFIABILITY -SATISFIABLE -SATISFIED -SATISFIES -SATISFY -SATISFYING -SATURATE -SATURATED -SATURATES -SATURATING -SATURATION -SATURDAY -SATURDAYS -SATURN -SATURNALIA -SATURNISM -SATYR -SAUCE -SAUCEPAN -SAUCEPANS -SAUCER -SAUCERS -SAUCES -SAUCY -SAUD -SAUDI -SAUKVILLE -SAUL -SAULT -SAUNDERS -SAUNTER -SAUSAGE -SAUSAGES -SAVAGE -SAVAGED -SAVAGELY -SAVAGENESS -SAVAGER -SAVAGERS -SAVAGES -SAVAGING -SAVANNAH -SAVE -SAVED -SAVER -SAVERS -SAVES -SAVING -SAVINGS -SAVIOR -SAVIORS -SAVIOUR -SAVONAROLA -SAVOR -SAVORED -SAVORING -SAVORS -SAVORY -SAVOY -SAVOYARD -SAVOYARDS -SAW -SAWDUST -SAWED -SAWFISH -SAWING -SAWMILL -SAWMILLS -SAWS -SAWTOOTH -SAX -SAXON -SAXONIZATION -SAXONIZATIONS -SAXONIZE -SAXONIZES -SAXONS -SAXONY -SAXOPHONE -SAXTON -SAY -SAYER -SAYERS -SAYING -SAYINGS -SAYS -SCAB -SCABBARD -SCABBARDS -SCABROUS -SCAFFOLD -SCAFFOLDING -SCAFFOLDINGS -SCAFFOLDS -SCALA -SCALABLE -SCALAR -SCALARS -SCALD -SCALDED -SCALDING -SCALE -SCALED -SCALES -SCALING -SCALINGS -SCALLOP -SCALLOPED -SCALLOPS -SCALP -SCALPS -SCALY -SCAMPER -SCAMPERING -SCAMPERS -SCAN -SCANDAL -SCANDALOUS -SCANDALS -SCANDINAVIA -SCANDINAVIAN -SCANDINAVIANS -SCANNED -SCANNER -SCANNERS -SCANNING -SCANS -SCANT -SCANTIER -SCANTIEST -SCANTILY -SCANTINESS -SCANTLY -SCANTY -SCAPEGOAT -SCAR -SCARBOROUGH -SCARCE -SCARCELY -SCARCENESS -SCARCER -SCARCITY -SCARE -SCARECROW -SCARED -SCARES -SCARF -SCARING -SCARLATTI -SCARLET -SCARS -SCARSDALE -SCARVES -SCARY -SCATTER -SCATTERBRAIN -SCATTERED -SCATTERING -SCATTERS -SCENARIO -SCENARIOS -SCENE -SCENERY -SCENES -SCENIC -SCENT -SCENTED -SCENTS -SCEPTER -SCEPTERS -SCHAEFER -SCHAEFFER -SCHAFER -SCHAFFNER -SCHANTZ -SCHAPIRO -SCHEDULABLE -SCHEDULE -SCHEDULED -SCHEDULER -SCHEDULERS -SCHEDULES -SCHEDULING -SCHEHERAZADE -SCHELLING -SCHEMA -SCHEMAS -SCHEMATA -SCHEMATIC -SCHEMATICALLY -SCHEMATICS -SCHEME -SCHEMED -SCHEMER -SCHEMERS -SCHEMES -SCHEMING -SCHILLER -SCHISM -SCHIZOPHRENIA -SCHLESINGER -SCHLITZ -SCHLOSS -SCHMIDT -SCHMITT -SCHNABEL -SCHNEIDER -SCHOENBERG -SCHOFIELD -SCHOLAR -SCHOLARLY -SCHOLARS -SCHOLARSHIP -SCHOLARSHIPS -SCHOLASTIC -SCHOLASTICALLY -SCHOLASTICS -SCHOOL -SCHOOLBOY -SCHOOLBOYS -SCHOOLED -SCHOOLER -SCHOOLERS -SCHOOLHOUSE -SCHOOLHOUSES -SCHOOLING -SCHOOLMASTER -SCHOOLMASTERS -SCHOOLROOM -SCHOOLROOMS -SCHOOLS -SCHOONER -SCHOPENHAUER -SCHOTTKY -SCHROEDER -SCHROEDINGER -SCHUBERT -SCHULTZ -SCHULZ -SCHUMACHER -SCHUMAN -SCHUMANN -SCHUSTER -SCHUYLER -SCHUYLKILL -SCHWAB -SCHWARTZ -SCHWEITZER -SCIENCE -SCIENCES -SCIENTIFIC -SCIENTIFICALLY -SCIENTIST -SCIENTISTS -SCISSOR -SCISSORED -SCISSORING -SCISSORS -SCLEROSIS -SCLEROTIC -SCOFF -SCOFFED -SCOFFER -SCOFFING -SCOFFS -SCOLD -SCOLDED -SCOLDING -SCOLDS -SCOOP -SCOOPED -SCOOPING -SCOOPS -SCOOT -SCOPE -SCOPED -SCOPES -SCOPING -SCORCH -SCORCHED -SCORCHER -SCORCHES -SCORCHING -SCORE -SCOREBOARD -SCORECARD -SCORED -SCORER -SCORERS -SCORES -SCORING -SCORINGS -SCORN -SCORNED -SCORNER -SCORNFUL -SCORNFULLY -SCORNING -SCORNS -SCORPIO -SCORPION -SCORPIONS -SCOT -SCOTCH -SCOTCHGARD -SCOTCHMAN -SCOTIA -SCOTIAN -SCOTLAND -SCOTS -SCOTSMAN -SCOTSMEN -SCOTT -SCOTTISH -SCOTTSDALE -SCOTTY -SCOUNDREL -SCOUNDRELS -SCOUR -SCOURED -SCOURGE -SCOURING -SCOURS -SCOUT -SCOUTED -SCOUTING -SCOUTS -SCOW -SCOWL -SCOWLED -SCOWLING -SCOWLS -SCRAM -SCRAMBLE -SCRAMBLED -SCRAMBLER -SCRAMBLES -SCRAMBLING -SCRANTON -SCRAP -SCRAPE -SCRAPED -SCRAPER -SCRAPERS -SCRAPES -SCRAPING -SCRAPINGS -SCRAPPED -SCRAPS -SCRATCH -SCRATCHED -SCRATCHER -SCRATCHERS -SCRATCHES -SCRATCHING -SCRATCHY -SCRAWL -SCRAWLED -SCRAWLING -SCRAWLS -SCRAWNY -SCREAM -SCREAMED -SCREAMER -SCREAMERS -SCREAMING -SCREAMS -SCREECH -SCREECHED -SCREECHES -SCREECHING -SCREEN -SCREENED -SCREENING -SCREENINGS -SCREENPLAY -SCREENS -SCREW -SCREWBALL -SCREWDRIVER -SCREWED -SCREWING -SCREWS -SCRIBBLE -SCRIBBLED -SCRIBBLER -SCRIBBLES -SCRIBE -SCRIBES -SCRIBING -SCRIBNERS -SCRIMMAGE -SCRIPPS -SCRIPT -SCRIPTS -SCRIPTURE -SCRIPTURES -SCROLL -SCROLLED -SCROLLING -SCROLLS -SCROOGE -SCROUNGE -SCRUB -SCRUMPTIOUS -SCRUPLE -SCRUPULOUS -SCRUPULOUSLY -SCRUTINIZE -SCRUTINIZED -SCRUTINIZING -SCRUTINY -SCUBA -SCUD -SCUFFLE -SCUFFLED -SCUFFLES -SCUFFLING -SCULPT -SCULPTED -SCULPTOR -SCULPTORS -SCULPTS -SCULPTURE -SCULPTURED -SCULPTURES -SCURRIED -SCURRY -SCURVY -SCUTTLE -SCUTTLED -SCUTTLES -SCUTTLING -SCYLLA -SCYTHE -SCYTHES -SCYTHIA -SEA -SEABOARD -SEABORG -SEABROOK -SEACOAST -SEACOASTS -SEAFOOD -SEAGATE -SEAGRAM -SEAGULL -SEAHORSE -SEAL -SEALED -SEALER -SEALING -SEALS -SEALY -SEAM -SEAMAN -SEAMED -SEAMEN -SEAMING -SEAMS -SEAMY -SEAN -SEAPORT -SEAPORTS -SEAQUARIUM -SEAR -SEARCH -SEARCHED -SEARCHER -SEARCHERS -SEARCHES -SEARCHING -SEARCHINGLY -SEARCHINGS -SEARCHLIGHT -SEARED -SEARING -SEARINGLY -SEARS -SEAS -SEASHORE -SEASHORES -SEASIDE -SEASON -SEASONABLE -SEASONABLY -SEASONAL -SEASONALLY -SEASONED -SEASONER -SEASONERS -SEASONING -SEASONINGS -SEASONS -SEAT -SEATED -SEATING -SEATS -SEATTLE -SEAWARD -SEAWEED -SEBASTIAN -SECANT -SECEDE -SECEDED -SECEDES -SECEDING -SECESSION -SECLUDE -SECLUDED -SECLUSION -SECOND -SECONDARIES -SECONDARILY -SECONDARY -SECONDED -SECONDER -SECONDERS -SECONDHAND -SECONDING -SECONDLY -SECONDS -SECRECY -SECRET -SECRETARIAL -SECRETARIAT -SECRETARIES -SECRETARY -SECRETE -SECRETED -SECRETES -SECRETING -SECRETION -SECRETIONS -SECRETIVE -SECRETIVELY -SECRETLY -SECRETS -SECT -SECTARIAN -SECTION -SECTIONAL -SECTIONED -SECTIONING -SECTIONS -SECTOR -SECTORS -SECTS -SECULAR -SECURE -SECURED -SECURELY -SECURES -SECURING -SECURINGS -SECURITIES -SECURITY -SEDAN -SEDATE -SEDGE -SEDGWICK -SEDIMENT -SEDIMENTARY -SEDIMENTS -SEDITION -SEDITIOUS -SEDUCE -SEDUCED -SEDUCER -SEDUCERS -SEDUCES -SEDUCING -SEDUCTION -SEDUCTIVE -SEE -SEED -SEEDED -SEEDER -SEEDERS -SEEDING -SEEDINGS -SEEDLING -SEEDLINGS -SEEDS -SEEDY -SEEING -SEEK -SEEKER -SEEKERS -SEEKING -SEEKS -SEELEY -SEEM -SEEMED -SEEMING -SEEMINGLY -SEEMLY -SEEMS -SEEN -SEEP -SEEPAGE -SEEPED -SEEPING -SEEPS -SEER -SEERS -SEERSUCKER -SEES -SEETHE -SEETHED -SEETHES -SEETHING -SEGMENT -SEGMENTATION -SEGMENTATIONS -SEGMENTED -SEGMENTING -SEGMENTS -SEGOVIA -SEGREGATE -SEGREGATED -SEGREGATES -SEGREGATING -SEGREGATION -SEGUNDO -SEIDEL -SEISMIC -SEISMOGRAPH -SEISMOLOGY -SEIZE -SEIZED -SEIZES -SEIZING -SEIZURE -SEIZURES -SELDOM -SELECT -SELECTED -SELECTING -SELECTION -SELECTIONS -SELECTIVE -SELECTIVELY -SELECTIVITY -SELECTMAN -SELECTMEN -SELECTOR -SELECTORS -SELECTRIC -SELECTS -SELENA -SELENIUM -SELF -SELFISH -SELFISHLY -SELFISHNESS -SELFRIDGE -SELFSAME -SELKIRK -SELL -SELLER -SELLERS -SELLING -SELLOUT -SELLS -SELMA -SELTZER -SELVES -SELWYN -SEMANTIC -SEMANTICAL -SEMANTICALLY -SEMANTICIST -SEMANTICISTS -SEMANTICS -SEMAPHORE -SEMAPHORES -SEMBLANCE -SEMESTER -SEMESTERS -SEMI -SEMIAUTOMATED -SEMICOLON -SEMICOLONS -SEMICONDUCTOR -SEMICONDUCTORS -SEMINAL -SEMINAR -SEMINARIAN -SEMINARIES -SEMINARS -SEMINARY -SEMINOLE -SEMIPERMANENT -SEMIPERMANENTLY -SEMIRAMIS -SEMITE -SEMITIC -SEMITICIZE -SEMITICIZES -SEMITIZATION -SEMITIZATIONS -SEMITIZE -SEMITIZES -SENATE -SENATES -SENATOR -SENATORIAL -SENATORS -SEND -SENDER -SENDERS -SENDING -SENDS -SENECA -SENEGAL -SENILE -SENIOR -SENIORITY -SENIORS -SENSATION -SENSATIONAL -SENSATIONALLY -SENSATIONS -SENSE -SENSED -SENSELESS -SENSELESSLY -SENSELESSNESS -SENSES -SENSIBILITIES -SENSIBILITY -SENSIBLE -SENSIBLY -SENSING -SENSITIVE -SENSITIVELY -SENSITIVENESS -SENSITIVES -SENSITIVITIES -SENSITIVITY -SENSOR -SENSORS -SENSORY -SENSUAL -SENSUOUS -SENT -SENTENCE -SENTENCED -SENTENCES -SENTENCING -SENTENTIAL -SENTIMENT -SENTIMENTAL -SENTIMENTALLY -SENTIMENTS -SENTINEL -SENTINELS -SENTRIES -SENTRY -SEOUL -SEPARABLE -SEPARATE -SEPARATED -SEPARATELY -SEPARATENESS -SEPARATES -SEPARATING -SEPARATION -SEPARATIONS -SEPARATOR -SEPARATORS -SEPIA -SEPOY -SEPT -SEPTEMBER -SEPTEMBERS -SEPULCHER -SEPULCHERS -SEQUEL -SEQUELS -SEQUENCE -SEQUENCED -SEQUENCER -SEQUENCERS -SEQUENCES -SEQUENCING -SEQUENCINGS -SEQUENTIAL -SEQUENTIALITY -SEQUENTIALIZE -SEQUENTIALIZED -SEQUENTIALIZES -SEQUENTIALIZING -SEQUENTIALLY -SEQUESTER -SEQUOIA -SERAFIN -SERBIA -SERBIAN -SERBIANS -SERENDIPITOUS -SERENDIPITY -SERENE -SERENELY -SERENITY -SERF -SERFS -SERGEANT -SERGEANTS -SERGEI -SERIAL -SERIALIZABILITY -SERIALIZABLE -SERIALIZATION -SERIALIZATIONS -SERIALIZE -SERIALIZED -SERIALIZES -SERIALIZING -SERIALLY -SERIALS -SERIES -SERIF -SERIOUS -SERIOUSLY -SERIOUSNESS -SERMON -SERMONS -SERPENS -SERPENT -SERPENTINE -SERPENTS -SERRA -SERUM -SERUMS -SERVANT -SERVANTS -SERVE -SERVED -SERVER -SERVERS -SERVES -SERVICE -SERVICEABILITY -SERVICEABLE -SERVICED -SERVICEMAN -SERVICEMEN -SERVICES -SERVICING -SERVILE -SERVING -SERVINGS -SERVITUDE -SERVO -SERVOMECHANISM -SESAME -SESSION -SESSIONS -SET -SETBACK -SETH -SETS -SETTABLE -SETTER -SETTERS -SETTING -SETTINGS -SETTLE -SETTLED -SETTLEMENT -SETTLEMENTS -SETTLER -SETTLERS -SETTLES -SETTLING -SETUP -SETUPS -SEVEN -SEVENFOLD -SEVENS -SEVENTEEN -SEVENTEENS -SEVENTEENTH -SEVENTH -SEVENTIES -SEVENTIETH -SEVENTY -SEVER -SEVERAL -SEVERALFOLD -SEVERALLY -SEVERANCE -SEVERE -SEVERED -SEVERELY -SEVERER -SEVEREST -SEVERING -SEVERITIES -SEVERITY -SEVERN -SEVERS -SEVILLE -SEW -SEWAGE -SEWARD -SEWED -SEWER -SEWERS -SEWING -SEWS -SEX -SEXED -SEXES -SEXIST -SEXTANS -SEXTET -SEXTILLION -SEXTON -SEXTUPLE -SEXTUPLET -SEXUAL -SEXUALITY -SEXUALLY -SEXY -SEYCHELLES -SEYMOUR -SHABBY -SHACK -SHACKED -SHACKLE -SHACKLED -SHACKLES -SHACKLING -SHACKS -SHADE -SHADED -SHADES -SHADIER -SHADIEST -SHADILY -SHADINESS -SHADING -SHADINGS -SHADOW -SHADOWED -SHADOWING -SHADOWS -SHADOWY -SHADY -SHAFER -SHAFFER -SHAFT -SHAFTS -SHAGGY -SHAKABLE -SHAKABLY -SHAKE -SHAKEDOWN -SHAKEN -SHAKER -SHAKERS -SHAKES -SHAKESPEARE -SHAKESPEAREAN -SHAKESPEARIAN -SHAKESPEARIZE -SHAKESPEARIZES -SHAKINESS -SHAKING -SHAKY -SHALE -SHALL -SHALLOW -SHALLOWER -SHALLOWLY -SHALLOWNESS -SHAM -SHAMBLES -SHAME -SHAMED -SHAMEFUL -SHAMEFULLY -SHAMELESS -SHAMELESSLY -SHAMES -SHAMING -SHAMPOO -SHAMROCK -SHAMS -SHANGHAI -SHANGHAIED -SHANGHAIING -SHANGHAIINGS -SHANGHAIS -SHANNON -SHANTIES -SHANTUNG -SHANTY -SHAPE -SHAPED -SHAPELESS -SHAPELESSLY -SHAPELESSNESS -SHAPELY -SHAPER -SHAPERS -SHAPES -SHAPING -SHAPIRO -SHARABLE -SHARD -SHARE -SHAREABLE -SHARECROPPER -SHARECROPPERS -SHARED -SHAREHOLDER -SHAREHOLDERS -SHARER -SHARERS -SHARES -SHARI -SHARING -SHARK -SHARKS -SHARON -SHARP -SHARPE -SHARPEN -SHARPENED -SHARPENING -SHARPENS -SHARPER -SHARPEST -SHARPLY -SHARPNESS -SHARPSHOOT -SHASTA -SHATTER -SHATTERED -SHATTERING -SHATTERPROOF -SHATTERS -SHATTUCK -SHAVE -SHAVED -SHAVEN -SHAVES -SHAVING -SHAVINGS -SHAWANO -SHAWL -SHAWLS -SHAWNEE -SHE -SHEA -SHEAF -SHEAR -SHEARED -SHEARER -SHEARING -SHEARS -SHEATH -SHEATHING -SHEATHS -SHEAVES -SHEBOYGAN -SHED -SHEDDING -SHEDIR -SHEDS -SHEEHAN -SHEEN -SHEEP -SHEEPSKIN -SHEER -SHEERED -SHEET -SHEETED -SHEETING -SHEETS -SHEFFIELD -SHEIK -SHEILA -SHELBY -SHELDON -SHELF -SHELL -SHELLED -SHELLER -SHELLEY -SHELLING -SHELLS -SHELTER -SHELTERED -SHELTERING -SHELTERS -SHELTON -SHELVE -SHELVED -SHELVES -SHELVING -SHENANDOAH -SHENANIGAN -SHEPARD -SHEPHERD -SHEPHERDS -SHEPPARD -SHERATON -SHERBET -SHERIDAN -SHERIFF -SHERIFFS -SHERLOCK -SHERMAN -SHERRILL -SHERRY -SHERWIN -SHERWOOD -SHIBBOLETH -SHIED -SHIELD -SHIELDED -SHIELDING -SHIELDS -SHIES -SHIFT -SHIFTED -SHIFTER -SHIFTERS -SHIFTIER -SHIFTIEST -SHIFTILY -SHIFTINESS -SHIFTING -SHIFTS -SHIFTY -SHIITE -SHIITES -SHILL -SHILLING -SHILLINGS -SHILLONG -SHILOH -SHIMMER -SHIMMERING -SHIN -SHINBONE -SHINE -SHINED -SHINER -SHINERS -SHINES -SHINGLE -SHINGLES -SHINING -SHININGLY -SHINTO -SHINTOISM -SHINTOIZE -SHINTOIZES -SHINY -SHIP -SHIPBOARD -SHIPBUILDING -SHIPLEY -SHIPMATE -SHIPMENT -SHIPMENTS -SHIPPED -SHIPPER -SHIPPERS -SHIPPING -SHIPS -SHIPSHAPE -SHIPWRECK -SHIPWRECKED -SHIPWRECKS -SHIPYARD -SHIRE -SHIRK -SHIRKER -SHIRKING -SHIRKS -SHIRLEY -SHIRT -SHIRTING -SHIRTS -SHIT -SHIVA -SHIVER -SHIVERED -SHIVERER -SHIVERING -SHIVERS -SHMUEL -SHOAL -SHOALS -SHOCK -SHOCKED -SHOCKER -SHOCKERS -SHOCKING -SHOCKINGLY -SHOCKLEY -SHOCKS -SHOD -SHODDY -SHOE -SHOED -SHOEHORN -SHOEING -SHOELACE -SHOEMAKER -SHOES -SHOESTRING -SHOJI -SHONE -SHOOK -SHOOT -SHOOTER -SHOOTERS -SHOOTING -SHOOTINGS -SHOOTS -SHOP -SHOPKEEPER -SHOPKEEPERS -SHOPPED -SHOPPER -SHOPPERS -SHOPPING -SHOPS -SHOPWORN -SHORE -SHORELINE -SHORES -SHOREWOOD -SHORN -SHORT -SHORTAGE -SHORTAGES -SHORTCOMING -SHORTCOMINGS -SHORTCUT -SHORTCUTS -SHORTED -SHORTEN -SHORTENED -SHORTENING -SHORTENS -SHORTER -SHORTEST -SHORTFALL -SHORTHAND -SHORTHANDED -SHORTING -SHORTISH -SHORTLY -SHORTNESS -SHORTS -SHORTSIGHTED -SHORTSTOP -SHOSHONE -SHOT -SHOTGUN -SHOTGUNS -SHOTS -SHOULD -SHOULDER -SHOULDERED -SHOULDERING -SHOULDERS -SHOUT -SHOUTED -SHOUTER -SHOUTERS -SHOUTING -SHOUTS -SHOVE -SHOVED -SHOVEL -SHOVELED -SHOVELS -SHOVES -SHOVING -SHOW -SHOWBOAT -SHOWCASE -SHOWDOWN -SHOWED -SHOWER -SHOWERED -SHOWERING -SHOWERS -SHOWING -SHOWINGS -SHOWN -SHOWPIECE -SHOWROOM -SHOWS -SHOWY -SHRANK -SHRAPNEL -SHRED -SHREDDER -SHREDDING -SHREDS -SHREVEPORT -SHREW -SHREWD -SHREWDEST -SHREWDLY -SHREWDNESS -SHREWS -SHRIEK -SHRIEKED -SHRIEKING -SHRIEKS -SHRILL -SHRILLED -SHRILLING -SHRILLNESS -SHRILLY -SHRIMP -SHRINE -SHRINES -SHRINK -SHRINKABLE -SHRINKAGE -SHRINKING -SHRINKS -SHRIVEL -SHRIVELED -SHROUD -SHROUDED -SHRUB -SHRUBBERY -SHRUBS -SHRUG -SHRUGS -SHRUNK -SHRUNKEN -SHU -SHUDDER -SHUDDERED -SHUDDERING -SHUDDERS -SHUFFLE -SHUFFLEBOARD -SHUFFLED -SHUFFLES -SHUFFLING -SHULMAN -SHUN -SHUNS -SHUNT -SHUT -SHUTDOWN -SHUTDOWNS -SHUTOFF -SHUTOUT -SHUTS -SHUTTER -SHUTTERED -SHUTTERS -SHUTTING -SHUTTLE -SHUTTLECOCK -SHUTTLED -SHUTTLES -SHUTTLING -SHY -SHYLOCK -SHYLOCKIAN -SHYLY -SHYNESS -SIAM -SIAMESE -SIAN -SIBERIA -SIBERIAN -SIBLEY -SIBLING -SIBLINGS -SICILIAN -SICILIANA -SICILIANS -SICILY -SICK -SICKEN -SICKER -SICKEST -SICKLE -SICKLY -SICKNESS -SICKNESSES -SICKROOM -SIDE -SIDEARM -SIDEBAND -SIDEBOARD -SIDEBOARDS -SIDEBURNS -SIDECAR -SIDED -SIDELIGHT -SIDELIGHTS -SIDELINE -SIDEREAL -SIDES -SIDESADDLE -SIDESHOW -SIDESTEP -SIDETRACK -SIDEWALK -SIDEWALKS -SIDEWAYS -SIDEWISE -SIDING -SIDINGS -SIDNEY -SIEGE -SIEGEL -SIEGES -SIEGFRIED -SIEGLINDA -SIEGMUND -SIEMENS -SIENA -SIERRA -SIEVE -SIEVES -SIFFORD -SIFT -SIFTED -SIFTER -SIFTING -SIGGRAPH -SIGH -SIGHED -SIGHING -SIGHS -SIGHT -SIGHTED -SIGHTING -SIGHTINGS -SIGHTLY -SIGHTS -SIGHTSEEING -SIGMA -SIGMUND -SIGN -SIGNAL -SIGNALED -SIGNALING -SIGNALLED -SIGNALLING -SIGNALLY -SIGNALS -SIGNATURE -SIGNATURES -SIGNED -SIGNER -SIGNERS -SIGNET -SIGNIFICANCE -SIGNIFICANT -SIGNIFICANTLY -SIGNIFICANTS -SIGNIFICATION -SIGNIFIED -SIGNIFIES -SIGNIFY -SIGNIFYING -SIGNING -SIGNS -SIKH -SIKHES -SIKHS -SIKKIM -SIKKIMESE -SIKORSKY -SILAS -SILENCE -SILENCED -SILENCER -SILENCERS -SILENCES -SILENCING -SILENT -SILENTLY -SILHOUETTE -SILHOUETTED -SILHOUETTES -SILICA -SILICATE -SILICON -SILICONE -SILK -SILKEN -SILKIER -SILKIEST -SILKILY -SILKINE -SILKS -SILKY -SILL -SILLIEST -SILLINESS -SILLS -SILLY -SILO -SILT -SILTED -SILTING -SILTS -SILVER -SILVERED -SILVERING -SILVERMAN -SILVERS -SILVERSMITH -SILVERSTEIN -SILVERWARE -SILVERY -SIMILAR -SIMILARITIES -SIMILARITY -SIMILARLY -SIMILE -SIMILITUDE -SIMLA -SIMMER -SIMMERED -SIMMERING -SIMMERS -SIMMONS -SIMMONSVILLE -SIMMS -SIMON -SIMONS -SIMONSON -SIMPLE -SIMPLEMINDED -SIMPLENESS -SIMPLER -SIMPLEST -SIMPLETON -SIMPLEX -SIMPLICITIES -SIMPLICITY -SIMPLIFICATION -SIMPLIFICATIONS -SIMPLIFIED -SIMPLIFIER -SIMPLIFIERS -SIMPLIFIES -SIMPLIFY -SIMPLIFYING -SIMPLISTIC -SIMPLY -SIMPSON -SIMS -SIMULA -SIMULA -SIMULATE -SIMULATED -SIMULATES -SIMULATING -SIMULATION -SIMULATIONS -SIMULATOR -SIMULATORS -SIMULCAST -SIMULTANEITY -SIMULTANEOUS -SIMULTANEOUSLY -SINAI -SINATRA -SINBAD -SINCE -SINCERE -SINCERELY -SINCEREST -SINCERITY -SINCLAIR -SINE -SINES -SINEW -SINEWS -SINEWY -SINFUL -SINFULLY -SINFULNESS -SING -SINGABLE -SINGAPORE -SINGBORG -SINGE -SINGED -SINGER -SINGERS -SINGING -SINGINGLY -SINGLE -SINGLED -SINGLEHANDED -SINGLENESS -SINGLES -SINGLET -SINGLETON -SINGLETONS -SINGLING -SINGLY -SINGS -SINGSONG -SINGULAR -SINGULARITIES -SINGULARITY -SINGULARLY -SINISTER -SINK -SINKED -SINKER -SINKERS -SINKHOLE -SINKING -SINKS -SINNED -SINNER -SINNERS -SINNING -SINS -SINUOUS -SINUS -SINUSOID -SINUSOIDAL -SINUSOIDS -SIOUX -SIP -SIPHON -SIPHONING -SIPPING -SIPS -SIR -SIRE -SIRED -SIREN -SIRENS -SIRES -SIRIUS -SIRS -SIRUP -SISTER -SISTERLY -SISTERS -SISTINE -SISYPHEAN -SISYPHUS -SIT -SITE -SITED -SITES -SITING -SITS -SITTER -SITTERS -SITTING -SITTINGS -SITU -SITUATE -SITUATED -SITUATES -SITUATING -SITUATION -SITUATIONAL -SITUATIONALLY -SITUATIONS -SIVA -SIX -SIXES -SIXFOLD -SIXGUN -SIXPENCE -SIXTEEN -SIXTEENS -SIXTEENTH -SIXTH -SIXTIES -SIXTIETH -SIXTY -SIZABLE -SIZE -SIZED -SIZES -SIZING -SIZINGS -SIZZLE -SKATE -SKATED -SKATER -SKATERS -SKATES -SKATING -SKELETAL -SKELETON -SKELETONS -SKEPTIC -SKEPTICAL -SKEPTICALLY -SKEPTICISM -SKEPTICS -SKETCH -SKETCHBOOK -SKETCHED -SKETCHES -SKETCHILY -SKETCHING -SKETCHPAD -SKETCHY -SKEW -SKEWED -SKEWER -SKEWERS -SKEWING -SKEWS -SKI -SKID -SKIDDING -SKIED -SKIES -SKIFF -SKIING -SKILL -SKILLED -SKILLET -SKILLFUL -SKILLFULLY -SKILLFULNESS -SKILLS -SKIM -SKIMMED -SKIMMING -SKIMP -SKIMPED -SKIMPING -SKIMPS -SKIMPY -SKIMS -SKIN -SKINDIVE -SKINNED -SKINNER -SKINNERS -SKINNING -SKINNY -SKINS -SKIP -SKIPPED -SKIPPER -SKIPPERS -SKIPPING -SKIPPY -SKIPS -SKIRMISH -SKIRMISHED -SKIRMISHER -SKIRMISHERS -SKIRMISHES -SKIRMISHING -SKIRT -SKIRTED -SKIRTING -SKIRTS -SKIS -SKIT -SKOPJE -SKULK -SKULKED -SKULKER -SKULKING -SKULKS -SKULL -SKULLCAP -SKULLDUGGERY -SKULLS -SKUNK -SKUNKS -SKY -SKYE -SKYHOOK -SKYJACK -SKYLARK -SKYLARKING -SKYLARKS -SKYLIGHT -SKYLIGHTS -SKYLINE -SKYROCKETS -SKYSCRAPER -SKYSCRAPERS -SLAB -SLACK -SLACKEN -SLACKER -SLACKING -SLACKLY -SLACKNESS -SLACKS -SLAIN -SLAM -SLAMMED -SLAMMING -SLAMS -SLANDER -SLANDERER -SLANDEROUS -SLANDERS -SLANG -SLANT -SLANTED -SLANTING -SLANTS -SLAP -SLAPPED -SLAPPING -SLAPS -SLAPSTICK -SLASH -SLASHED -SLASHES -SLASHING -SLAT -SLATE -SLATED -SLATER -SLATES -SLATS -SLAUGHTER -SLAUGHTERED -SLAUGHTERHOUSE -SLAUGHTERING -SLAUGHTERS -SLAV -SLAVE -SLAVER -SLAVERY -SLAVES -SLAVIC -SLAVICIZE -SLAVICIZES -SLAVISH -SLAVIZATION -SLAVIZATIONS -SLAVIZE -SLAVIZES -SLAVONIC -SLAVONICIZE -SLAVONICIZES -SLAVS -SLAY -SLAYER -SLAYERS -SLAYING -SLAYS -SLED -SLEDDING -SLEDGE -SLEDGEHAMMER -SLEDGES -SLEDS -SLEEK -SLEEP -SLEEPER -SLEEPERS -SLEEPILY -SLEEPINESS -SLEEPING -SLEEPLESS -SLEEPLESSLY -SLEEPLESSNESS -SLEEPS -SLEEPWALK -SLEEPY -SLEET -SLEEVE -SLEEVES -SLEIGH -SLEIGHS -SLEIGHT -SLENDER -SLENDERER -SLEPT -SLESINGER -SLEUTH -SLEW -SLEWING -SLICE -SLICED -SLICER -SLICERS -SLICES -SLICING -SLICK -SLICKER -SLICKERS -SLICKS -SLID -SLIDE -SLIDER -SLIDERS -SLIDES -SLIDING -SLIGHT -SLIGHTED -SLIGHTER -SLIGHTEST -SLIGHTING -SLIGHTLY -SLIGHTNESS -SLIGHTS -SLIM -SLIME -SLIMED -SLIMLY -SLIMY -SLING -SLINGING -SLINGS -SLINGSHOT -SLIP -SLIPPAGE -SLIPPED -SLIPPER -SLIPPERINESS -SLIPPERS -SLIPPERY -SLIPPING -SLIPS -SLIT -SLITHER -SLITS -SLIVER -SLOAN -SLOANE -SLOB -SLOCUM -SLOGAN -SLOGANS -SLOOP -SLOP -SLOPE -SLOPED -SLOPER -SLOPERS -SLOPES -SLOPING -SLOPPED -SLOPPINESS -SLOPPING -SLOPPY -SLOPS -SLOT -SLOTH -SLOTHFUL -SLOTHS -SLOTS -SLOTTED -SLOTTING -SLOUCH -SLOUCHED -SLOUCHES -SLOUCHING -SLOVAKIA -SLOVENIA -SLOW -SLOWDOWN -SLOWED -SLOWER -SLOWEST -SLOWING -SLOWLY -SLOWNESS -SLOWS -SLUDGE -SLUG -SLUGGISH -SLUGGISHLY -SLUGGISHNESS -SLUGS -SLUICE -SLUM -SLUMBER -SLUMBERED -SLUMMING -SLUMP -SLUMPED -SLUMPS -SLUMS -SLUNG -SLUR -SLURP -SLURRING -SLURRY -SLURS -SLY -SLYLY -SMACK -SMACKED -SMACKING -SMACKS -SMALL -SMALLER -SMALLEST -SMALLEY -SMALLISH -SMALLNESS -SMALLPOX -SMALLTIME -SMALLWOOD -SMART -SMARTED -SMARTER -SMARTEST -SMARTLY -SMARTNESS -SMASH -SMASHED -SMASHER -SMASHERS -SMASHES -SMASHING -SMASHINGLY -SMATTERING -SMEAR -SMEARED -SMEARING -SMEARS -SMELL -SMELLED -SMELLING -SMELLS -SMELLY -SMELT -SMELTER -SMELTS -SMILE -SMILED -SMILES -SMILING -SMILINGLY -SMIRK -SMITE -SMITH -SMITHEREENS -SMITHFIELD -SMITHS -SMITHSON -SMITHSONIAN -SMITHTOWN -SMITHY -SMITTEN -SMOCK -SMOCKING -SMOCKS -SMOG -SMOKABLE -SMOKE -SMOKED -SMOKER -SMOKERS -SMOKES -SMOKESCREEN -SMOKESTACK -SMOKIES -SMOKING -SMOKY -SMOLDER -SMOLDERED -SMOLDERING -SMOLDERS -SMOOCH -SMOOTH -SMOOTHBORE -SMOOTHED -SMOOTHER -SMOOTHES -SMOOTHEST -SMOOTHING -SMOOTHLY -SMOOTHNESS -SMOTE -SMOTHER -SMOTHERED -SMOTHERING -SMOTHERS -SMUCKER -SMUDGE -SMUG -SMUGGLE -SMUGGLED -SMUGGLER -SMUGGLERS -SMUGGLES -SMUGGLING -SMUT -SMUTTY -SMYRNA -SMYTHE -SNACK -SNAFU -SNAG -SNAIL -SNAILS -SNAKE -SNAKED -SNAKELIKE -SNAKES -SNAP -SNAPDRAGON -SNAPPED -SNAPPER -SNAPPERS -SNAPPILY -SNAPPING -SNAPPY -SNAPS -SNAPSHOT -SNAPSHOTS -SNARE -SNARED -SNARES -SNARING -SNARK -SNARL -SNARLED -SNARLING -SNATCH -SNATCHED -SNATCHES -SNATCHING -SNAZZY -SNEAD -SNEAK -SNEAKED -SNEAKER -SNEAKERS -SNEAKIER -SNEAKIEST -SNEAKILY -SNEAKINESS -SNEAKING -SNEAKS -SNEAKY -SNEED -SNEER -SNEERED -SNEERING -SNEERS -SNEEZE -SNEEZED -SNEEZES -SNEEZING -SNIDER -SNIFF -SNIFFED -SNIFFING -SNIFFLE -SNIFFS -SNIFTER -SNIGGER -SNIP -SNIPE -SNIPPET -SNIVEL -SNOB -SNOBBERY -SNOBBISH -SNODGRASS -SNOOP -SNOOPED -SNOOPING -SNOOPS -SNOOPY -SNORE -SNORED -SNORES -SNORING -SNORKEL -SNORT -SNORTED -SNORTING -SNORTS -SNOTTY -SNOUT -SNOUTS -SNOW -SNOWBALL -SNOWBELT -SNOWED -SNOWFALL -SNOWFLAKE -SNOWIER -SNOWIEST -SNOWILY -SNOWING -SNOWMAN -SNOWMEN -SNOWS -SNOWSHOE -SNOWSHOES -SNOWSTORM -SNOWY -SNUB -SNUFF -SNUFFED -SNUFFER -SNUFFING -SNUFFS -SNUG -SNUGGLE -SNUGGLED -SNUGGLES -SNUGGLING -SNUGLY -SNUGNESS -SNYDER -SOAK -SOAKED -SOAKING -SOAKS -SOAP -SOAPED -SOAPING -SOAPS -SOAPY -SOAR -SOARED -SOARING -SOARS -SOB -SOBBING -SOBER -SOBERED -SOBERING -SOBERLY -SOBERNESS -SOBERS -SOBRIETY -SOBS -SOCCER -SOCIABILITY -SOCIABLE -SOCIABLY -SOCIAL -SOCIALISM -SOCIALIST -SOCIALISTS -SOCIALIZE -SOCIALIZED -SOCIALIZES -SOCIALIZING -SOCIALLY -SOCIETAL -SOCIETIES -SOCIETY -SOCIOECONOMIC -SOCIOLOGICAL -SOCIOLOGICALLY -SOCIOLOGIST -SOCIOLOGISTS -SOCIOLOGY -SOCK -SOCKED -SOCKET -SOCKETS -SOCKING -SOCKS -SOCRATES -SOCRATIC -SOD -SODA -SODDY -SODIUM -SODOMY -SODS -SOFA -SOFAS -SOFIA -SOFT -SOFTBALL -SOFTEN -SOFTENED -SOFTENING -SOFTENS -SOFTER -SOFTEST -SOFTLY -SOFTNESS -SOFTWARE -SOFTWARES -SOGGY -SOIL -SOILED -SOILING -SOILS -SOIREE -SOJOURN -SOJOURNER -SOJOURNERS -SOL -SOLACE -SOLACED -SOLAR -SOLD -SOLDER -SOLDERED -SOLDIER -SOLDIERING -SOLDIERLY -SOLDIERS -SOLE -SOLELY -SOLEMN -SOLEMNITY -SOLEMNLY -SOLEMNNESS -SOLENOID -SOLES -SOLICIT -SOLICITATION -SOLICITED -SOLICITING -SOLICITOR -SOLICITOUS -SOLICITS -SOLICITUDE -SOLID -SOLIDARITY -SOLIDIFICATION -SOLIDIFIED -SOLIDIFIES -SOLIDIFY -SOLIDIFYING -SOLIDITY -SOLIDLY -SOLIDNESS -SOLIDS -SOLILOQUY -SOLITAIRE -SOLITARY -SOLITUDE -SOLITUDES -SOLLY -SOLO -SOLOMON -SOLON -SOLOS -SOLOVIEV -SOLSTICE -SOLUBILITY -SOLUBLE -SOLUTION -SOLUTIONS -SOLVABLE -SOLVE -SOLVED -SOLVENT -SOLVENTS -SOLVER -SOLVERS -SOLVES -SOLVING -SOMALI -SOMALIA -SOMALIS -SOMATIC -SOMBER -SOMBERLY -SOME -SOMEBODY -SOMEDAY -SOMEHOW -SOMEONE -SOMEPLACE -SOMERS -SOMERSAULT -SOMERSET -SOMERVILLE -SOMETHING -SOMETIME -SOMETIMES -SOMEWHAT -SOMEWHERE -SOMMELIER -SOMMERFELD -SOMNOLENT -SON -SONAR -SONATA -SONENBERG -SONG -SONGBOOK -SONGS -SONIC -SONNET -SONNETS -SONNY -SONOMA -SONORA -SONS -SONY -SOON -SOONER -SOONEST -SOOT -SOOTH -SOOTHE -SOOTHED -SOOTHER -SOOTHES -SOOTHING -SOOTHSAYER -SOPHIA -SOPHIAS -SOPHIE -SOPHISTICATED -SOPHISTICATION -SOPHISTRY -SOPHOCLEAN -SOPHOCLES -SOPHOMORE -SOPHOMORES -SOPRANO -SORCERER -SORCERERS -SORCERY -SORDID -SORDIDLY -SORDIDNESS -SORE -SORELY -SORENESS -SORENSEN -SORENSON -SORER -SORES -SOREST -SORGHUM -SORORITY -SORREL -SORRENTINE -SORRIER -SORRIEST -SORROW -SORROWFUL -SORROWFULLY -SORROWS -SORRY -SORT -SORTED -SORTER -SORTERS -SORTIE -SORTING -SORTS -SOUGHT -SOUL -SOULFUL -SOULS -SOUND -SOUNDED -SOUNDER -SOUNDEST -SOUNDING -SOUNDINGS -SOUNDLY -SOUNDNESS -SOUNDPROOF -SOUNDS -SOUP -SOUPED -SOUPS -SOUR -SOURCE -SOURCES -SOURDOUGH -SOURED -SOURER -SOUREST -SOURING -SOURLY -SOURNESS -SOURS -SOUSA -SOUTH -SOUTHAMPTON -SOUTHBOUND -SOUTHEAST -SOUTHEASTERN -SOUTHERN -SOUTHERNER -SOUTHERNERS -SOUTHERNMOST -SOUTHERNWOOD -SOUTHEY -SOUTHFIELD -SOUTHLAND -SOUTHPAW -SOUTHWARD -SOUTHWEST -SOUTHWESTERN -SOUVENIR -SOVEREIGN -SOVEREIGNS -SOVEREIGNTY -SOVIET -SOVIETS -SOW -SOWN -SOY -SOYA -SOYBEAN -SPA -SPACE -SPACECRAFT -SPACED -SPACER -SPACERS -SPACES -SPACESHIP -SPACESHIPS -SPACESUIT -SPACEWAR -SPACING -SPACINGS -SPACIOUS -SPADED -SPADES -SPADING -SPAFFORD -SPAHN -SPAIN -SPALDING -SPAN -SPANDREL -SPANIARD -SPANIARDIZATION -SPANIARDIZATIONS -SPANIARDIZE -SPANIARDIZES -SPANIARDS -SPANIEL -SPANISH -SPANISHIZE -SPANISHIZES -SPANK -SPANKED -SPANKING -SPANKS -SPANNED -SPANNER -SPANNERS -SPANNING -SPANS -SPARC -SPARCSTATION -SPARE -SPARED -SPARELY -SPARENESS -SPARER -SPARES -SPAREST -SPARING -SPARINGLY -SPARK -SPARKED -SPARKING -SPARKLE -SPARKLING -SPARKMAN -SPARKS -SPARRING -SPARROW -SPARROWS -SPARSE -SPARSELY -SPARSENESS -SPARSER -SPARSEST -SPARTA -SPARTAN -SPARTANIZE -SPARTANIZES -SPASM -SPASTIC -SPAT -SPATE -SPATES -SPATIAL -SPATIALLY -SPATTER -SPATTERED -SPATULA -SPAULDING -SPAWN -SPAWNED -SPAWNING -SPAWNS -SPAYED -SPEAK -SPEAKABLE -SPEAKEASY -SPEAKER -SPEAKERPHONE -SPEAKERPHONES -SPEAKERS -SPEAKING -SPEAKS -SPEAR -SPEARED -SPEARMINT -SPEARS -SPEC -SPECIAL -SPECIALIST -SPECIALISTS -SPECIALIZATION -SPECIALIZATIONS -SPECIALIZE -SPECIALIZED -SPECIALIZES -SPECIALIZING -SPECIALLY -SPECIALS -SPECIALTIES -SPECIALTY -SPECIE -SPECIES -SPECIFIABLE -SPECIFIC -SPECIFICALLY -SPECIFICATION -SPECIFICATIONS -SPECIFICITY -SPECIFICS -SPECIFIED -SPECIFIER -SPECIFIERS -SPECIFIES -SPECIFY -SPECIFYING -SPECIMEN -SPECIMENS -SPECIOUS -SPECK -SPECKLE -SPECKLED -SPECKLES -SPECKS -SPECTACLE -SPECTACLED -SPECTACLES -SPECTACULAR -SPECTACULARLY -SPECTATOR -SPECTATORS -SPECTER -SPECTERS -SPECTOR -SPECTRA -SPECTRAL -SPECTROGRAM -SPECTROGRAMS -SPECTROGRAPH -SPECTROGRAPHIC -SPECTROGRAPHY -SPECTROMETER -SPECTROPHOTOMETER -SPECTROPHOTOMETRY -SPECTROSCOPE -SPECTROSCOPIC -SPECTROSCOPY -SPECTRUM -SPECULATE -SPECULATED -SPECULATES -SPECULATING -SPECULATION -SPECULATIONS -SPECULATIVE -SPECULATOR -SPECULATORS -SPED -SPEECH -SPEECHES -SPEECHLESS -SPEECHLESSNESS -SPEED -SPEEDBOAT -SPEEDED -SPEEDER -SPEEDERS -SPEEDILY -SPEEDING -SPEEDOMETER -SPEEDS -SPEEDUP -SPEEDUPS -SPEEDY -SPELL -SPELLBOUND -SPELLED -SPELLER -SPELLERS -SPELLING -SPELLINGS -SPELLS -SPENCER -SPENCERIAN -SPEND -SPENDER -SPENDERS -SPENDING -SPENDS -SPENGLERIAN -SPENT -SPERM -SPERRY -SPHERE -SPHERES -SPHERICAL -SPHERICALLY -SPHEROID -SPHEROIDAL -SPHINX -SPICA -SPICE -SPICED -SPICES -SPICINESS -SPICY -SPIDER -SPIDERS -SPIDERY -SPIEGEL -SPIES -SPIGOT -SPIKE -SPIKED -SPIKES -SPILL -SPILLED -SPILLER -SPILLING -SPILLS -SPILT -SPIN -SPINACH -SPINAL -SPINALLY -SPINDLE -SPINDLED -SPINDLING -SPINE -SPINNAKER -SPINNER -SPINNERS -SPINNING -SPINOFF -SPINS -SPINSTER -SPINY -SPIRAL -SPIRALED -SPIRALING -SPIRALLY -SPIRE -SPIRES -SPIRIT -SPIRITED -SPIRITEDLY -SPIRITING -SPIRITS -SPIRITUAL -SPIRITUALLY -SPIRITUALS -SPIRO -SPIT -SPITE -SPITED -SPITEFUL -SPITEFULLY -SPITEFULNESS -SPITES -SPITFIRE -SPITING -SPITS -SPITTING -SPITTLE -SPITZ -SPLASH -SPLASHED -SPLASHES -SPLASHING -SPLASHY -SPLEEN -SPLENDID -SPLENDIDLY -SPLENDOR -SPLENETIC -SPLICE -SPLICED -SPLICER -SPLICERS -SPLICES -SPLICING -SPLICINGS -SPLINE -SPLINES -SPLINT -SPLINTER -SPLINTERED -SPLINTERS -SPLINTERY -SPLIT -SPLITS -SPLITTER -SPLITTERS -SPLITTING -SPLURGE -SPOIL -SPOILAGE -SPOILED -SPOILER -SPOILERS -SPOILING -SPOILS -SPOKANE -SPOKE -SPOKED -SPOKEN -SPOKES -SPOKESMAN -SPOKESMEN -SPONGE -SPONGED -SPONGER -SPONGERS -SPONGES -SPONGING -SPONGY -SPONSOR -SPONSORED -SPONSORING -SPONSORS -SPONSORSHIP -SPONTANEITY -SPONTANEOUS -SPONTANEOUSLY -SPOOF -SPOOK -SPOOKY -SPOOL -SPOOLED -SPOOLER -SPOOLERS -SPOOLING -SPOOLS -SPOON -SPOONED -SPOONFUL -SPOONING -SPOONS -SPORADIC -SPORE -SPORES -SPORT -SPORTED -SPORTING -SPORTINGLY -SPORTIVE -SPORTS -SPORTSMAN -SPORTSMEN -SPORTSWEAR -SPORTSWRITER -SPORTSWRITING -SPORTY -SPOSATO -SPOT -SPOTLESS -SPOTLESSLY -SPOTLIGHT -SPOTS -SPOTTED -SPOTTER -SPOTTERS -SPOTTING -SPOTTY -SPOUSE -SPOUSES -SPOUT -SPOUTED -SPOUTING -SPOUTS -SPRAGUE -SPRAIN -SPRANG -SPRAWL -SPRAWLED -SPRAWLING -SPRAWLS -SPRAY -SPRAYED -SPRAYER -SPRAYING -SPRAYS -SPREAD -SPREADER -SPREADERS -SPREADING -SPREADINGS -SPREADS -SPREADSHEET -SPREE -SPREES -SPRIG -SPRIGHTLY -SPRING -SPRINGBOARD -SPRINGER -SPRINGERS -SPRINGFIELD -SPRINGIER -SPRINGIEST -SPRINGINESS -SPRINGING -SPRINGS -SPRINGTIME -SPRINGY -SPRINKLE -SPRINKLED -SPRINKLER -SPRINKLES -SPRINKLING -SPRINT -SPRINTED -SPRINTER -SPRINTERS -SPRINTING -SPRINTS -SPRITE -SPROCKET -SPROUL -SPROUT -SPROUTED -SPROUTING -SPRUCE -SPRUCED -SPRUNG -SPUDS -SPUN -SPUNK -SPUR -SPURIOUS -SPURN -SPURNED -SPURNING -SPURNS -SPURS -SPURT -SPURTED -SPURTING -SPURTS -SPUTTER -SPUTTERED -SPY -SPYGLASS -SPYING -SQUABBLE -SQUABBLED -SQUABBLES -SQUABBLING -SQUAD -SQUADRON -SQUADRONS -SQUADS -SQUALID -SQUALL -SQUALLS -SQUANDER -SQUARE -SQUARED -SQUARELY -SQUARENESS -SQUARER -SQUARES -SQUAREST -SQUARESVILLE -SQUARING -SQUASH -SQUASHED -SQUASHING -SQUAT -SQUATS -SQUATTING -SQUAW -SQUAWK -SQUAWKED -SQUAWKING -SQUAWKS -SQUEAK -SQUEAKED -SQUEAKING -SQUEAKS -SQUEAKY -SQUEAL -SQUEALED -SQUEALING -SQUEALS -SQUEAMISH -SQUEEZE -SQUEEZED -SQUEEZER -SQUEEZES -SQUEEZING -SQUELCH -SQUIBB -SQUID -SQUINT -SQUINTED -SQUINTING -SQUIRE -SQUIRES -SQUIRM -SQUIRMED -SQUIRMS -SQUIRMY -SQUIRREL -SQUIRRELED -SQUIRRELING -SQUIRRELS -SQUIRT -SQUISHY -SRI -STAB -STABBED -STABBING -STABILE -STABILITIES -STABILITY -STABILIZE -STABILIZED -STABILIZER -STABILIZERS -STABILIZES -STABILIZING -STABLE -STABLED -STABLER -STABLES -STABLING -STABLY -STABS -STACK -STACKED -STACKING -STACKS -STACY -STADIA -STADIUM -STAFF -STAFFED -STAFFER -STAFFERS -STAFFING -STAFFORD -STAFFORDSHIRE -STAFFS -STAG -STAGE -STAGECOACH -STAGECOACHES -STAGED -STAGER -STAGERS -STAGES -STAGGER -STAGGERED -STAGGERING -STAGGERS -STAGING -STAGNANT -STAGNATE -STAGNATION -STAGS -STAHL -STAID -STAIN -STAINED -STAINING -STAINLESS -STAINS -STAIR -STAIRCASE -STAIRCASES -STAIRS -STAIRWAY -STAIRWAYS -STAIRWELL -STAKE -STAKED -STAKES -STALACTITE -STALE -STALEMATE -STALEY -STALIN -STALINIST -STALINS -STALK -STALKED -STALKING -STALL -STALLED -STALLING -STALLINGS -STALLION -STALLS -STALWART -STALWARTLY -STAMEN -STAMENS -STAMFORD -STAMINA -STAMMER -STAMMERED -STAMMERER -STAMMERING -STAMMERS -STAMP -STAMPED -STAMPEDE -STAMPEDED -STAMPEDES -STAMPEDING -STAMPER -STAMPERS -STAMPING -STAMPS -STAN -STANCH -STANCHEST -STANCHION -STAND -STANDARD -STANDARDIZATION -STANDARDIZE -STANDARDIZED -STANDARDIZES -STANDARDIZING -STANDARDLY -STANDARDS -STANDBY -STANDING -STANDINGS -STANDISH -STANDOFF -STANDPOINT -STANDPOINTS -STANDS -STANDSTILL -STANFORD -STANHOPE -STANLEY -STANS -STANTON -STANZA -STANZAS -STAPHYLOCOCCUS -STAPLE -STAPLER -STAPLES -STAPLETON -STAPLING -STAR -STARBOARD -STARCH -STARCHED -STARDOM -STARE -STARED -STARER -STARES -STARFISH -STARGATE -STARING -STARK -STARKEY -STARKLY -STARLET -STARLIGHT -STARLING -STARR -STARRED -STARRING -STARRY -STARS -START -STARTED -STARTER -STARTERS -STARTING -STARTLE -STARTLED -STARTLES -STARTLING -STARTS -STARTUP -STARTUPS -STARVATION -STARVE -STARVED -STARVES -STARVING -STATE -STATED -STATELY -STATEMENT -STATEMENTS -STATEN -STATES -STATESMAN -STATESMANLIKE -STATESMEN -STATEWIDE -STATIC -STATICALLY -STATING -STATION -STATIONARY -STATIONED -STATIONER -STATIONERY -STATIONING -STATIONMASTER -STATIONS -STATISTIC -STATISTICAL -STATISTICALLY -STATISTICIAN -STATISTICIANS -STATISTICS -STATLER -STATUE -STATUES -STATUESQUE -STATUESQUELY -STATUESQUENESS -STATUETTE -STATURE -STATUS -STATUSES -STATUTE -STATUTES -STATUTORILY -STATUTORINESS -STATUTORY -STAUFFER -STAUNCH -STAUNCHEST -STAUNCHLY -STAUNTON -STAVE -STAVED -STAVES -STAY -STAYED -STAYING -STAYS -STEAD -STEADFAST -STEADFASTLY -STEADFASTNESS -STEADIED -STEADIER -STEADIES -STEADIEST -STEADILY -STEADINESS -STEADY -STEADYING -STEAK -STEAKS -STEAL -STEALER -STEALING -STEALS -STEALTH -STEALTHILY -STEALTHY -STEAM -STEAMBOAT -STEAMBOATS -STEAMED -STEAMER -STEAMERS -STEAMING -STEAMS -STEAMSHIP -STEAMSHIPS -STEAMY -STEARNS -STEED -STEEL -STEELE -STEELED -STEELERS -STEELING -STEELMAKER -STEELS -STEELY -STEEN -STEEP -STEEPED -STEEPER -STEEPEST -STEEPING -STEEPLE -STEEPLES -STEEPLY -STEEPNESS -STEEPS -STEER -STEERABLE -STEERED -STEERING -STEERS -STEFAN -STEGOSAURUS -STEINBECK -STEINBERG -STEINER -STELLA -STELLAR -STEM -STEMMED -STEMMING -STEMS -STENCH -STENCHES -STENCIL -STENCILS -STENDHAL -STENDLER -STENOGRAPHER -STENOGRAPHERS -STENOTYPE -STEP -STEPCHILD -STEPHAN -STEPHANIE -STEPHEN -STEPHENS -STEPHENSON -STEPMOTHER -STEPMOTHERS -STEPPED -STEPPER -STEPPING -STEPS -STEPSON -STEPWISE -STEREO -STEREOS -STEREOSCOPIC -STEREOTYPE -STEREOTYPED -STEREOTYPES -STEREOTYPICAL -STERILE -STERILIZATION -STERILIZATIONS -STERILIZE -STERILIZED -STERILIZER -STERILIZES -STERILIZING -STERLING -STERN -STERNBERG -STERNLY -STERNNESS -STERNO -STERNS -STETHOSCOPE -STETSON -STETSONS -STEUBEN -STEVE -STEVEDORE -STEVEN -STEVENS -STEVENSON -STEVIE -STEW -STEWARD -STEWARDESS -STEWARDS -STEWART -STEWED -STEWS -STICK -STICKER -STICKERS -STICKIER -STICKIEST -STICKILY -STICKINESS -STICKING -STICKLEBACK -STICKS -STICKY -STIFF -STIFFEN -STIFFENS -STIFFER -STIFFEST -STIFFLY -STIFFNESS -STIFFS -STIFLE -STIFLED -STIFLES -STIFLING -STIGMA -STIGMATA -STILE -STILES -STILETTO -STILL -STILLBIRTH -STILLBORN -STILLED -STILLER -STILLEST -STILLING -STILLNESS -STILLS -STILLWELL -STILT -STILTS -STIMSON -STIMULANT -STIMULANTS -STIMULATE -STIMULATED -STIMULATES -STIMULATING -STIMULATION -STIMULATIONS -STIMULATIVE -STIMULI -STIMULUS -STING -STINGING -STINGS -STINGY -STINK -STINKER -STINKERS -STINKING -STINKS -STINT -STIPEND -STIPENDS -STIPULATE -STIPULATED -STIPULATES -STIPULATING -STIPULATION -STIPULATIONS -STIR -STIRLING -STIRRED -STIRRER -STIRRERS -STIRRING -STIRRINGLY -STIRRINGS -STIRRUP -STIRS -STITCH -STITCHED -STITCHES -STITCHING -STOCHASTIC -STOCHASTICALLY -STOCK -STOCKADE -STOCKADES -STOCKBROKER -STOCKED -STOCKER -STOCKERS -STOCKHOLDER -STOCKHOLDERS -STOCKHOLM -STOCKING -STOCKINGS -STOCKPILE -STOCKROOM -STOCKS -STOCKTON -STOCKY -STODGY -STOICHIOMETRY -STOKE -STOKES -STOLE -STOLEN -STOLES -STOLID -STOMACH -STOMACHED -STOMACHER -STOMACHES -STOMACHING -STOMP -STONE -STONED -STONEHENGE -STONES -STONING -STONY -STOOD -STOOGE -STOOL -STOOP -STOOPED -STOOPING -STOOPS -STOP -STOPCOCK -STOPCOCKS -STOPGAP -STOPOVER -STOPPABLE -STOPPAGE -STOPPED -STOPPER -STOPPERS -STOPPING -STOPS -STOPWATCH -STORAGE -STORAGES -STORE -STORED -STOREHOUSE -STOREHOUSES -STOREKEEPER -STOREROOM -STORES -STOREY -STOREYED -STOREYS -STORIED -STORIES -STORING -STORK -STORKS -STORM -STORMED -STORMIER -STORMIEST -STORMINESS -STORMING -STORMS -STORMY -STORY -STORYBOARD -STORYTELLER -STOUFFER -STOUT -STOUTER -STOUTEST -STOUTLY -STOUTNESS -STOVE -STOVES -STOW -STOWE -STOWED -STRADDLE -STRAFE -STRAGGLE -STRAGGLED -STRAGGLER -STRAGGLERS -STRAGGLES -STRAGGLING -STRAIGHT -STRAIGHTAWAY -STRAIGHTEN -STRAIGHTENED -STRAIGHTENS -STRAIGHTER -STRAIGHTEST -STRAIGHTFORWARD -STRAIGHTFORWARDLY -STRAIGHTFORWARDNESS -STRAIGHTNESS -STRAIGHTWAY -STRAIN -STRAINED -STRAINER -STRAINERS -STRAINING -STRAINS -STRAIT -STRAITEN -STRAITS -STRAND -STRANDED -STRANDING -STRANDS -STRANGE -STRANGELY -STRANGENESS -STRANGER -STRANGERS -STRANGEST -STRANGLE -STRANGLED -STRANGLER -STRANGLERS -STRANGLES -STRANGLING -STRANGLINGS -STRANGULATION -STRANGULATIONS -STRAP -STRAPS -STRASBOURG -STRATAGEM -STRATAGEMS -STRATEGIC -STRATEGIES -STRATEGIST -STRATEGY -STRATFORD -STRATIFICATION -STRATIFICATIONS -STRATIFIED -STRATIFIES -STRATIFY -STRATOSPHERE -STRATOSPHERIC -STRATTON -STRATUM -STRAUSS -STRAVINSKY -STRAW -STRAWBERRIES -STRAWBERRY -STRAWS -STRAY -STRAYED -STRAYS -STREAK -STREAKED -STREAKS -STREAM -STREAMED -STREAMER -STREAMERS -STREAMING -STREAMLINE -STREAMLINED -STREAMLINER -STREAMLINES -STREAMLINING -STREAMS -STREET -STREETCAR -STREETCARS -STREETERS -STREETS -STRENGTH -STRENGTHEN -STRENGTHENED -STRENGTHENER -STRENGTHENING -STRENGTHENS -STRENGTHS -STRENUOUS -STRENUOUSLY -STREPTOCOCCUS -STRESS -STRESSED -STRESSES -STRESSFUL -STRESSING -STRETCH -STRETCHED -STRETCHER -STRETCHERS -STRETCHES -STRETCHING -STREW -STREWN -STREWS -STRICKEN -STRICKLAND -STRICT -STRICTER -STRICTEST -STRICTLY -STRICTNESS -STRICTURE -STRIDE -STRIDER -STRIDES -STRIDING -STRIFE -STRIKE -STRIKEBREAKER -STRIKER -STRIKERS -STRIKES -STRIKING -STRIKINGLY -STRINDBERG -STRING -STRINGED -STRINGENT -STRINGENTLY -STRINGER -STRINGERS -STRINGIER -STRINGIEST -STRINGINESS -STRINGING -STRINGS -STRINGY -STRIP -STRIPE -STRIPED -STRIPES -STRIPPED -STRIPPER -STRIPPERS -STRIPPING -STRIPS -STRIPTEASE -STRIVE -STRIVEN -STRIVES -STRIVING -STRIVINGS -STROBE -STROBED -STROBES -STROBOSCOPIC -STRODE -STROKE -STROKED -STROKER -STROKERS -STROKES -STROKING -STROLL -STROLLED -STROLLER -STROLLING -STROLLS -STROM -STROMBERG -STRONG -STRONGER -STRONGEST -STRONGHEART -STRONGHOLD -STRONGLY -STRONTIUM -STROVE -STRUCK -STRUCTURAL -STRUCTURALLY -STRUCTURE -STRUCTURED -STRUCTURER -STRUCTURES -STRUCTURING -STRUGGLE -STRUGGLED -STRUGGLES -STRUGGLING -STRUNG -STRUT -STRUTS -STRUTTING -STRYCHNINE -STU -STUART -STUB -STUBBLE -STUBBLEFIELD -STUBBLEFIELDS -STUBBORN -STUBBORNLY -STUBBORNNESS -STUBBY -STUBS -STUCCO -STUCK -STUD -STUDEBAKER -STUDENT -STUDENTS -STUDIED -STUDIES -STUDIO -STUDIOS -STUDIOUS -STUDIOUSLY -STUDS -STUDY -STUDYING -STUFF -STUFFED -STUFFIER -STUFFIEST -STUFFING -STUFFS -STUFFY -STUMBLE -STUMBLED -STUMBLES -STUMBLING -STUMP -STUMPED -STUMPING -STUMPS -STUN -STUNG -STUNNING -STUNNINGLY -STUNT -STUNTS -STUPEFY -STUPEFYING -STUPENDOUS -STUPENDOUSLY -STUPID -STUPIDEST -STUPIDITIES -STUPIDITY -STUPIDLY -STUPOR -STURBRIDGE -STURDINESS -STURDY -STURGEON -STURM -STUTTER -STUTTGART -STUYVESANT -STYGIAN -STYLE -STYLED -STYLER -STYLERS -STYLES -STYLI -STYLING -STYLISH -STYLISHLY -STYLISHNESS -STYLISTIC -STYLISTICALLY -STYLIZED -STYLUS -STYROFOAM -STYX -SUAVE -SUB -SUBATOMIC -SUBCHANNEL -SUBCHANNELS -SUBCLASS -SUBCLASSES -SUBCOMMITTEES -SUBCOMPONENT -SUBCOMPONENTS -SUBCOMPUTATION -SUBCOMPUTATIONS -SUBCONSCIOUS -SUBCONSCIOUSLY -SUBCULTURE -SUBCULTURES -SUBCYCLE -SUBCYCLES -SUBDIRECTORIES -SUBDIRECTORY -SUBDIVIDE -SUBDIVIDED -SUBDIVIDES -SUBDIVIDING -SUBDIVISION -SUBDIVISIONS -SUBDOMAINS -SUBDUE -SUBDUED -SUBDUES -SUBDUING -SUBEXPRESSION -SUBEXPRESSIONS -SUBFIELD -SUBFIELDS -SUBFILE -SUBFILES -SUBGOAL -SUBGOALS -SUBGRAPH -SUBGRAPHS -SUBGROUP -SUBGROUPS -SUBINTERVAL -SUBINTERVALS -SUBJECT -SUBJECTED -SUBJECTING -SUBJECTION -SUBJECTIVE -SUBJECTIVELY -SUBJECTIVITY -SUBJECTS -SUBLANGUAGE -SUBLANGUAGES -SUBLAYER -SUBLAYERS -SUBLIMATION -SUBLIMATIONS -SUBLIME -SUBLIMED -SUBLIST -SUBLISTS -SUBMARINE -SUBMARINER -SUBMARINERS -SUBMARINES -SUBMERGE -SUBMERGED -SUBMERGES -SUBMERGING -SUBMISSION -SUBMISSIONS -SUBMISSIVE -SUBMIT -SUBMITS -SUBMITTAL -SUBMITTED -SUBMITTING -SUBMODE -SUBMODES -SUBMODULE -SUBMODULES -SUBMULTIPLEXED -SUBNET -SUBNETS -SUBNETWORK -SUBNETWORKS -SUBOPTIMAL -SUBORDINATE -SUBORDINATED -SUBORDINATES -SUBORDINATION -SUBPARTS -SUBPHASES -SUBPOENA -SUBPROBLEM -SUBPROBLEMS -SUBPROCESSES -SUBPROGRAM -SUBPROGRAMS -SUBPROJECT -SUBPROOF -SUBPROOFS -SUBRANGE -SUBRANGES -SUBROUTINE -SUBROUTINES -SUBS -SUBSCHEMA -SUBSCHEMAS -SUBSCRIBE -SUBSCRIBED -SUBSCRIBER -SUBSCRIBERS -SUBSCRIBES -SUBSCRIBING -SUBSCRIPT -SUBSCRIPTED -SUBSCRIPTING -SUBSCRIPTION -SUBSCRIPTIONS -SUBSCRIPTS -SUBSECTION -SUBSECTIONS -SUBSEGMENT -SUBSEGMENTS -SUBSEQUENCE -SUBSEQUENCES -SUBSEQUENT -SUBSEQUENTLY -SUBSERVIENT -SUBSET -SUBSETS -SUBSIDE -SUBSIDED -SUBSIDES -SUBSIDIARIES -SUBSIDIARY -SUBSIDIES -SUBSIDING -SUBSIDIZE -SUBSIDIZED -SUBSIDIZES -SUBSIDIZING -SUBSIDY -SUBSIST -SUBSISTED -SUBSISTENCE -SUBSISTENT -SUBSISTING -SUBSISTS -SUBSLOT -SUBSLOTS -SUBSPACE -SUBSPACES -SUBSTANCE -SUBSTANCES -SUBSTANTIAL -SUBSTANTIALLY -SUBSTANTIATE -SUBSTANTIATED -SUBSTANTIATES -SUBSTANTIATING -SUBSTANTIATION -SUBSTANTIATIONS -SUBSTANTIVE -SUBSTANTIVELY -SUBSTANTIVITY -SUBSTATION -SUBSTATIONS -SUBSTITUTABILITY -SUBSTITUTABLE -SUBSTITUTE -SUBSTITUTED -SUBSTITUTES -SUBSTITUTING -SUBSTITUTION -SUBSTITUTIONS -SUBSTRATE -SUBSTRATES -SUBSTRING -SUBSTRINGS -SUBSTRUCTURE -SUBSTRUCTURES -SUBSUME -SUBSUMED -SUBSUMES -SUBSUMING -SUBSYSTEM -SUBSYSTEMS -SUBTASK -SUBTASKS -SUBTERFUGE -SUBTERRANEAN -SUBTITLE -SUBTITLED -SUBTITLES -SUBTLE -SUBTLENESS -SUBTLER -SUBTLEST -SUBTLETIES -SUBTLETY -SUBTLY -SUBTOTAL -SUBTRACT -SUBTRACTED -SUBTRACTING -SUBTRACTION -SUBTRACTIONS -SUBTRACTOR -SUBTRACTORS -SUBTRACTS -SUBTRAHEND -SUBTRAHENDS -SUBTREE -SUBTREES -SUBUNIT -SUBUNITS -SUBURB -SUBURBAN -SUBURBIA -SUBURBS -SUBVERSION -SUBVERSIVE -SUBVERT -SUBVERTED -SUBVERTER -SUBVERTING -SUBVERTS -SUBWAY -SUBWAYS -SUCCEED -SUCCEEDED -SUCCEEDING -SUCCEEDS -SUCCESS -SUCCESSES -SUCCESSFUL -SUCCESSFULLY -SUCCESSION -SUCCESSIONS -SUCCESSIVE -SUCCESSIVELY -SUCCESSOR -SUCCESSORS -SUCCINCT -SUCCINCTLY -SUCCINCTNESS -SUCCOR -SUCCUMB -SUCCUMBED -SUCCUMBING -SUCCUMBS -SUCH -SUCK -SUCKED -SUCKER -SUCKERS -SUCKING -SUCKLE -SUCKLING -SUCKS -SUCTION -SUDAN -SUDANESE -SUDANIC -SUDDEN -SUDDENLY -SUDDENNESS -SUDS -SUDSING -SUE -SUED -SUES -SUEZ -SUFFER -SUFFERANCE -SUFFERED -SUFFERER -SUFFERERS -SUFFERING -SUFFERINGS -SUFFERS -SUFFICE -SUFFICED -SUFFICES -SUFFICIENCY -SUFFICIENT -SUFFICIENTLY -SUFFICING -SUFFIX -SUFFIXED -SUFFIXER -SUFFIXES -SUFFIXING -SUFFOCATE -SUFFOCATED -SUFFOCATES -SUFFOCATING -SUFFOCATION -SUFFOLK -SUFFRAGE -SUFFRAGETTE -SUGAR -SUGARED -SUGARING -SUGARINGS -SUGARS -SUGGEST -SUGGESTED -SUGGESTIBLE -SUGGESTING -SUGGESTION -SUGGESTIONS -SUGGESTIVE -SUGGESTIVELY -SUGGESTS -SUICIDAL -SUICIDALLY -SUICIDE -SUICIDES -SUING -SUIT -SUITABILITY -SUITABLE -SUITABLENESS -SUITABLY -SUITCASE -SUITCASES -SUITE -SUITED -SUITERS -SUITES -SUITING -SUITOR -SUITORS -SUITS -SUKARNO -SULFA -SULFUR -SULFURIC -SULFUROUS -SULK -SULKED -SULKINESS -SULKING -SULKS -SULKY -SULLEN -SULLENLY -SULLENNESS -SULLIVAN -SULPHATE -SULPHUR -SULPHURED -SULPHURIC -SULTAN -SULTANS -SULTRY -SULZBERGER -SUM -SUMAC -SUMATRA -SUMERIA -SUMERIAN -SUMMAND -SUMMANDS -SUMMARIES -SUMMARILY -SUMMARIZATION -SUMMARIZATIONS -SUMMARIZE -SUMMARIZED -SUMMARIZES -SUMMARIZING -SUMMARY -SUMMATION -SUMMATIONS -SUMMED -SUMMER -SUMMERDALE -SUMMERS -SUMMERTIME -SUMMING -SUMMIT -SUMMITRY -SUMMON -SUMMONED -SUMMONER -SUMMONERS -SUMMONING -SUMMONS -SUMMONSES -SUMNER -SUMPTUOUS -SUMS -SUMTER -SUN -SUNBEAM -SUNBEAMS -SUNBELT -SUNBONNET -SUNBURN -SUNBURNT -SUNDAY -SUNDAYS -SUNDER -SUNDIAL -SUNDOWN -SUNDRIES -SUNDRY -SUNFLOWER -SUNG -SUNGLASS -SUNGLASSES -SUNK -SUNKEN -SUNLIGHT -SUNLIT -SUNNED -SUNNING -SUNNY -SUNNYVALE -SUNRISE -SUNS -SUNSET -SUNSHINE -SUNSPOT -SUNTAN -SUNTANNED -SUNTANNING -SUPER -SUPERB -SUPERBLOCK -SUPERBLY -SUPERCOMPUTER -SUPERCOMPUTERS -SUPEREGO -SUPEREGOS -SUPERFICIAL -SUPERFICIALLY -SUPERFLUITIES -SUPERFLUITY -SUPERFLUOUS -SUPERFLUOUSLY -SUPERGROUP -SUPERGROUPS -SUPERHUMAN -SUPERHUMANLY -SUPERIMPOSE -SUPERIMPOSED -SUPERIMPOSES -SUPERIMPOSING -SUPERINTEND -SUPERINTENDENT -SUPERINTENDENTS -SUPERIOR -SUPERIORITY -SUPERIORS -SUPERLATIVE -SUPERLATIVELY -SUPERLATIVES -SUPERMARKET -SUPERMARKETS -SUPERMINI -SUPERMINIS -SUPERNATURAL -SUPERPOSE -SUPERPOSED -SUPERPOSES -SUPERPOSING -SUPERPOSITION -SUPERSCRIPT -SUPERSCRIPTED -SUPERSCRIPTING -SUPERSCRIPTS -SUPERSEDE -SUPERSEDED -SUPERSEDES -SUPERSEDING -SUPERSET -SUPERSETS -SUPERSTITION -SUPERSTITIONS -SUPERSTITIOUS -SUPERUSER -SUPERVISE -SUPERVISED -SUPERVISES -SUPERVISING -SUPERVISION -SUPERVISOR -SUPERVISORS -SUPERVISORY -SUPINE -SUPPER -SUPPERS -SUPPLANT -SUPPLANTED -SUPPLANTING -SUPPLANTS -SUPPLE -SUPPLEMENT -SUPPLEMENTAL -SUPPLEMENTARY -SUPPLEMENTED -SUPPLEMENTING -SUPPLEMENTS -SUPPLENESS -SUPPLICATION -SUPPLIED -SUPPLIER -SUPPLIERS -SUPPLIES -SUPPLY -SUPPLYING -SUPPORT -SUPPORTABLE -SUPPORTED -SUPPORTER -SUPPORTERS -SUPPORTING -SUPPORTINGLY -SUPPORTIVE -SUPPORTIVELY -SUPPORTS -SUPPOSE -SUPPOSED -SUPPOSEDLY -SUPPOSES -SUPPOSING -SUPPOSITION -SUPPOSITIONS -SUPPRESS -SUPPRESSED -SUPPRESSES -SUPPRESSING -SUPPRESSION -SUPPRESSOR -SUPPRESSORS -SUPRANATIONAL -SUPREMACY -SUPREME -SUPREMELY -SURCHARGE -SURE -SURELY -SURENESS -SURETIES -SURETY -SURF -SURFACE -SURFACED -SURFACENESS -SURFACES -SURFACING -SURGE -SURGED -SURGEON -SURGEONS -SURGERY -SURGES -SURGICAL -SURGICALLY -SURGING -SURLINESS -SURLY -SURMISE -SURMISED -SURMISES -SURMOUNT -SURMOUNTED -SURMOUNTING -SURMOUNTS -SURNAME -SURNAMES -SURPASS -SURPASSED -SURPASSES -SURPASSING -SURPLUS -SURPLUSES -SURPRISE -SURPRISED -SURPRISES -SURPRISING -SURPRISINGLY -SURREAL -SURRENDER -SURRENDERED -SURRENDERING -SURRENDERS -SURREPTITIOUS -SURREY -SURROGATE -SURROGATES -SURROUND -SURROUNDED -SURROUNDING -SURROUNDINGS -SURROUNDS -SURTAX -SURVEY -SURVEYED -SURVEYING -SURVEYOR -SURVEYORS -SURVEYS -SURVIVAL -SURVIVALS -SURVIVE -SURVIVED -SURVIVES -SURVIVING -SURVIVOR -SURVIVORS -SUS -SUSAN -SUSANNE -SUSCEPTIBLE -SUSIE -SUSPECT -SUSPECTED -SUSPECTING -SUSPECTS -SUSPEND -SUSPENDED -SUSPENDER -SUSPENDERS -SUSPENDING -SUSPENDS -SUSPENSE -SUSPENSES -SUSPENSION -SUSPENSIONS -SUSPICION -SUSPICIONS -SUSPICIOUS -SUSPICIOUSLY -SUSQUEHANNA -SUSSEX -SUSTAIN -SUSTAINED -SUSTAINING -SUSTAINS -SUSTENANCE -SUTHERLAND -SUTTON -SUTURE -SUTURES -SUWANEE -SUZANNE -SUZERAINTY -SUZUKI -SVELTE -SVETLANA -SWAB -SWABBING -SWAGGER -SWAGGERED -SWAGGERING -SWAHILI -SWAIN -SWAINS -SWALLOW -SWALLOWED -SWALLOWING -SWALLOWS -SWALLOWTAIL -SWAM -SWAMI -SWAMP -SWAMPED -SWAMPING -SWAMPS -SWAMPY -SWAN -SWANK -SWANKY -SWANLIKE -SWANS -SWANSEA -SWANSON -SWAP -SWAPPED -SWAPPING -SWAPS -SWARM -SWARMED -SWARMING -SWARMS -SWARTHMORE -SWARTHOUT -SWARTHY -SWARTZ -SWASTIKA -SWAT -SWATTED -SWAY -SWAYED -SWAYING -SWAZILAND -SWEAR -SWEARER -SWEARING -SWEARS -SWEAT -SWEATED -SWEATER -SWEATERS -SWEATING -SWEATS -SWEATSHIRT -SWEATY -SWEDE -SWEDEN -SWEDES -SWEDISH -SWEENEY -SWEENEYS -SWEEP -SWEEPER -SWEEPERS -SWEEPING -SWEEPINGS -SWEEPS -SWEEPSTAKES -SWEET -SWEETEN -SWEETENED -SWEETENER -SWEETENERS -SWEETENING -SWEETENINGS -SWEETENS -SWEETER -SWEETEST -SWEETHEART -SWEETHEARTS -SWEETISH -SWEETLY -SWEETNESS -SWEETS -SWELL -SWELLED -SWELLING -SWELLINGS -SWELLS -SWELTER -SWENSON -SWEPT -SWERVE -SWERVED -SWERVES -SWERVING -SWIFT -SWIFTER -SWIFTEST -SWIFTLY -SWIFTNESS -SWIM -SWIMMER -SWIMMERS -SWIMMING -SWIMMINGLY -SWIMS -SWIMSUIT -SWINBURNE -SWINDLE -SWINE -SWING -SWINGER -SWINGERS -SWINGING -SWINGS -SWINK -SWIPE -SWIRL -SWIRLED -SWIRLING -SWISH -SWISHED -SWISS -SWITCH -SWITCHBLADE -SWITCHBOARD -SWITCHBOARDS -SWITCHED -SWITCHER -SWITCHERS -SWITCHES -SWITCHING -SWITCHINGS -SWITCHMAN -SWITZER -SWITZERLAND -SWIVEL -SWIZZLE -SWOLLEN -SWOON -SWOOP -SWOOPED -SWOOPING -SWOOPS -SWORD -SWORDFISH -SWORDS -SWORE -SWORN -SWUM -SWUNG -SYBIL -SYCAMORE -SYCOPHANT -SYCOPHANTIC -SYDNEY -SYKES -SYLLABLE -SYLLABLES -SYLLOGISM -SYLLOGISMS -SYLLOGISTIC -SYLOW -SYLVAN -SYLVANIA -SYLVESTER -SYLVIA -SYLVIE -SYMBIOSIS -SYMBIOTIC -SYMBOL -SYMBOLIC -SYMBOLICALLY -SYMBOLICS -SYMBOLISM -SYMBOLIZATION -SYMBOLIZE -SYMBOLIZED -SYMBOLIZES -SYMBOLIZING -SYMBOLS -SYMINGTON -SYMMETRIC -SYMMETRICAL -SYMMETRICALLY -SYMMETRIES -SYMMETRY -SYMPATHETIC -SYMPATHIES -SYMPATHIZE -SYMPATHIZED -SYMPATHIZER -SYMPATHIZERS -SYMPATHIZES -SYMPATHIZING -SYMPATHIZINGLY -SYMPATHY -SYMPHONIC -SYMPHONIES -SYMPHONY -SYMPOSIA -SYMPOSIUM -SYMPOSIUMS -SYMPTOM -SYMPTOMATIC -SYMPTOMS -SYNAGOGUE -SYNAPSE -SYNAPSES -SYNAPTIC -SYNCHRONISM -SYNCHRONIZATION -SYNCHRONIZE -SYNCHRONIZED -SYNCHRONIZER -SYNCHRONIZERS -SYNCHRONIZES -SYNCHRONIZING -SYNCHRONOUS -SYNCHRONOUSLY -SYNCHRONY -SYNCHROTRON -SYNCOPATE -SYNDICATE -SYNDICATED -SYNDICATES -SYNDICATION -SYNDROME -SYNDROMES -SYNERGISM -SYNERGISTIC -SYNERGY -SYNGE -SYNOD -SYNONYM -SYNONYMOUS -SYNONYMOUSLY -SYNONYMS -SYNOPSES -SYNOPSIS -SYNTACTIC -SYNTACTICAL -SYNTACTICALLY -SYNTAX -SYNTAXES -SYNTHESIS -SYNTHESIZE -SYNTHESIZED -SYNTHESIZER -SYNTHESIZERS -SYNTHESIZES -SYNTHESIZING -SYNTHETIC -SYNTHETICS -SYRACUSE -SYRIA -SYRIAN -SYRIANIZE -SYRIANIZES -SYRIANS -SYRINGE -SYRINGES -SYRUP -SYRUPY -SYSTEM -SYSTEMATIC -SYSTEMATICALLY -SYSTEMATIZE -SYSTEMATIZED -SYSTEMATIZES -SYSTEMATIZING -SYSTEMIC -SYSTEMS -SYSTEMWIDE -SZILARD -TAB -TABERNACLE -TABERNACLES -TABLE -TABLEAU -TABLEAUS -TABLECLOTH -TABLECLOTHS -TABLED -TABLES -TABLESPOON -TABLESPOONFUL -TABLESPOONFULS -TABLESPOONS -TABLET -TABLETS -TABLING -TABOO -TABOOS -TABS -TABULAR -TABULATE -TABULATED -TABULATES -TABULATING -TABULATION -TABULATIONS -TABULATOR -TABULATORS -TACHOMETER -TACHOMETERS -TACIT -TACITLY -TACITUS -TACK -TACKED -TACKING -TACKLE -TACKLES -TACOMA -TACT -TACTIC -TACTICS -TACTILE -TAFT -TAG -TAGGED -TAGGING -TAGS -TAHITI -TAHOE -TAIL -TAILED -TAILING -TAILOR -TAILORED -TAILORING -TAILORS -TAILS -TAINT -TAINTED -TAIPEI -TAIWAN -TAIWANESE -TAKE -TAKEN -TAKER -TAKERS -TAKES -TAKING -TAKINGS -TALE -TALENT -TALENTED -TALENTS -TALES -TALK -TALKATIVE -TALKATIVELY -TALKATIVENESS -TALKED -TALKER -TALKERS -TALKIE -TALKING -TALKS -TALL -TALLADEGA -TALLAHASSEE -TALLAHATCHIE -TALLAHOOSA -TALLCHIEF -TALLER -TALLEST -TALLEYRAND -TALLNESS -TALLOW -TALLY -TALMUD -TALMUDISM -TALMUDIZATION -TALMUDIZATIONS -TALMUDIZE -TALMUDIZES -TAME -TAMED -TAMELY -TAMENESS -TAMER -TAMES -TAMIL -TAMING -TAMMANY -TAMMANYIZE -TAMMANYIZES -TAMPA -TAMPER -TAMPERED -TAMPERING -TAMPERS -TAN -TANAKA -TANANARIVE -TANDEM -TANG -TANGANYIKA -TANGENT -TANGENTIAL -TANGENTS -TANGIBLE -TANGIBLY -TANGLE -TANGLED -TANGY -TANK -TANKER -TANKERS -TANKS -TANNENBAUM -TANNER -TANNERS -TANTALIZING -TANTALIZINGLY -TANTALUS -TANTAMOUNT -TANTRUM -TANTRUMS -TANYA -TANZANIA -TAOISM -TAOIST -TAOS -TAP -TAPE -TAPED -TAPER -TAPERED -TAPERING -TAPERS -TAPES -TAPESTRIES -TAPESTRY -TAPING -TAPINGS -TAPPED -TAPPER -TAPPERS -TAPPING -TAPROOT -TAPROOTS -TAPS -TAR -TARA -TARBELL -TARDINESS -TARDY -TARGET -TARGETED -TARGETING -TARGETS -TARIFF -TARIFFS -TARRY -TARRYTOWN -TART -TARTARY -TARTLY -TARTNESS -TARTUFFE -TARZAN -TASK -TASKED -TASKING -TASKS -TASMANIA -TASS -TASSEL -TASSELS -TASTE -TASTED -TASTEFUL -TASTEFULLY -TASTEFULNESS -TASTELESS -TASTELESSLY -TASTER -TASTERS -TASTES -TASTING -TATE -TATTER -TATTERED -TATTOO -TATTOOED -TATTOOS -TAU -TAUGHT -TAUNT -TAUNTED -TAUNTER -TAUNTING -TAUNTS -TAURUS -TAUT -TAUTLY -TAUTNESS -TAUTOLOGICAL -TAUTOLOGICALLY -TAUTOLOGIES -TAUTOLOGY -TAVERN -TAVERNS -TAWNEY -TAWNY -TAX -TAXABLE -TAXATION -TAXED -TAXES -TAXI -TAXICAB -TAXICABS -TAXIED -TAXIING -TAXING -TAXIS -TAXONOMIC -TAXONOMICALLY -TAXONOMY -TAXPAYER -TAXPAYERS -TAYLOR -TAYLORIZE -TAYLORIZES -TAYLORS -TCHAIKOVSKY -TEA -TEACH -TEACHABLE -TEACHER -TEACHERS -TEACHES -TEACHING -TEACHINGS -TEACUP -TEAM -TEAMED -TEAMING -TEAMS -TEAR -TEARED -TEARFUL -TEARFULLY -TEARING -TEARS -TEAS -TEASE -TEASED -TEASES -TEASING -TEASPOON -TEASPOONFUL -TEASPOONFULS -TEASPOONS -TECHNICAL -TECHNICALITIES -TECHNICALITY -TECHNICALLY -TECHNICIAN -TECHNICIANS -TECHNION -TECHNIQUE -TECHNIQUES -TECHNOLOGICAL -TECHNOLOGICALLY -TECHNOLOGIES -TECHNOLOGIST -TECHNOLOGISTS -TECHNOLOGY -TED -TEDDY -TEDIOUS -TEDIOUSLY -TEDIOUSNESS -TEDIUM -TEEM -TEEMED -TEEMING -TEEMS -TEEN -TEENAGE -TEENAGED -TEENAGER -TEENAGERS -TEENS -TEETH -TEETHE -TEETHED -TEETHES -TEETHING -TEFLON -TEGUCIGALPA -TEHERAN -TEHRAN -TEKTRONIX -TELECOMMUNICATION -TELECOMMUNICATIONS -TELEDYNE -TELEFUNKEN -TELEGRAM -TELEGRAMS -TELEGRAPH -TELEGRAPHED -TELEGRAPHER -TELEGRAPHERS -TELEGRAPHIC -TELEGRAPHING -TELEGRAPHS -TELEMANN -TELEMETRY -TELEOLOGICAL -TELEOLOGICALLY -TELEOLOGY -TELEPATHY -TELEPHONE -TELEPHONED -TELEPHONER -TELEPHONERS -TELEPHONES -TELEPHONIC -TELEPHONING -TELEPHONY -TELEPROCESSING -TELESCOPE -TELESCOPED -TELESCOPES -TELESCOPING -TELETEX -TELETEXT -TELETYPE -TELETYPES -TELEVISE -TELEVISED -TELEVISES -TELEVISING -TELEVISION -TELEVISIONS -TELEVISOR -TELEVISORS -TELEX -TELL -TELLER -TELLERS -TELLING -TELLS -TELNET -TELNET -TEMPER -TEMPERAMENT -TEMPERAMENTAL -TEMPERAMENTS -TEMPERANCE -TEMPERATE -TEMPERATELY -TEMPERATENESS -TEMPERATURE -TEMPERATURES -TEMPERED -TEMPERING -TEMPERS -TEMPEST -TEMPESTUOUS -TEMPESTUOUSLY -TEMPLATE -TEMPLATES -TEMPLE -TEMPLEMAN -TEMPLES -TEMPLETON -TEMPORAL -TEMPORALLY -TEMPORARIES -TEMPORARILY -TEMPORARY -TEMPT -TEMPTATION -TEMPTATIONS -TEMPTED -TEMPTER -TEMPTERS -TEMPTING -TEMPTINGLY -TEMPTS -TEN -TENACIOUS -TENACIOUSLY -TENANT -TENANTS -TEND -TENDED -TENDENCIES -TENDENCY -TENDER -TENDERLY -TENDERNESS -TENDERS -TENDING -TENDS -TENEMENT -TENEMENTS -TENEX -TENEX -TENFOLD -TENNECO -TENNESSEE -TENNEY -TENNIS -TENNYSON -TENOR -TENORS -TENS -TENSE -TENSED -TENSELY -TENSENESS -TENSER -TENSES -TENSEST -TENSING -TENSION -TENSIONS -TENT -TENTACLE -TENTACLED -TENTACLES -TENTATIVE -TENTATIVELY -TENTED -TENTH -TENTING -TENTS -TENURE -TERESA -TERM -TERMED -TERMINAL -TERMINALLY -TERMINALS -TERMINATE -TERMINATED -TERMINATES -TERMINATING -TERMINATION -TERMINATIONS -TERMINATOR -TERMINATORS -TERMING -TERMINOLOGIES -TERMINOLOGY -TERMINUS -TERMS -TERMWISE -TERNARY -TERPSICHORE -TERRA -TERRACE -TERRACED -TERRACES -TERRAIN -TERRAINS -TERRAN -TERRE -TERRESTRIAL -TERRESTRIALS -TERRIBLE -TERRIBLY -TERRIER -TERRIERS -TERRIFIC -TERRIFIED -TERRIFIES -TERRIFY -TERRIFYING -TERRITORIAL -TERRITORIES -TERRITORY -TERROR -TERRORISM -TERRORIST -TERRORISTIC -TERRORISTS -TERRORIZE -TERRORIZED -TERRORIZES -TERRORIZING -TERRORS -TERTIARY -TESS -TESSIE -TEST -TESTABILITY -TESTABLE -TESTAMENT -TESTAMENTS -TESTED -TESTER -TESTERS -TESTICLE -TESTICLES -TESTIFIED -TESTIFIER -TESTIFIERS -TESTIFIES -TESTIFY -TESTIFYING -TESTIMONIES -TESTIMONY -TESTING -TESTINGS -TESTS -TEUTONIC -TEX -TEX -TEXACO -TEXAN -TEXANS -TEXAS -TEXASES -TEXT -TEXTBOOK -TEXTBOOKS -TEXTILE -TEXTILES -TEXTRON -TEXTS -TEXTUAL -TEXTUALLY -TEXTURE -TEXTURED -TEXTURES -THAI -THAILAND -THALIA -THAMES -THAN -THANK -THANKED -THANKFUL -THANKFULLY -THANKFULNESS -THANKING -THANKLESS -THANKLESSLY -THANKLESSNESS -THANKS -THANKSGIVING -THANKSGIVINGS -THAT -THATCH -THATCHES -THATS -THAW -THAWED -THAWING -THAWS -THAYER -THE -THEA -THEATER -THEATERS -THEATRICAL -THEATRICALLY -THEATRICALS -THEBES -THEFT -THEFTS -THEIR -THEIRS -THELMA -THEM -THEMATIC -THEME -THEMES -THEMSELVES -THEN -THENCE -THENCEFORTH -THEODORE -THEODOSIAN -THEODOSIUS -THEOLOGICAL -THEOLOGY -THEOREM -THEOREMS -THEORETIC -THEORETICAL -THEORETICALLY -THEORETICIANS -THEORIES -THEORIST -THEORISTS -THEORIZATION -THEORIZATIONS -THEORIZE -THEORIZED -THEORIZER -THEORIZERS -THEORIZES -THEORIZING -THEORY -THERAPEUTIC -THERAPIES -THERAPIST -THERAPISTS -THERAPY -THERE -THEREABOUTS -THEREAFTER -THEREBY -THEREFORE -THEREIN -THEREOF -THEREON -THERESA -THERETO -THEREUPON -THEREWITH -THERMAL -THERMODYNAMIC -THERMODYNAMICS -THERMOFAX -THERMOMETER -THERMOMETERS -THERMOSTAT -THERMOSTATS -THESE -THESES -THESEUS -THESIS -THESSALONIAN -THESSALY -THETIS -THEY -THICK -THICKEN -THICKENS -THICKER -THICKEST -THICKET -THICKETS -THICKLY -THICKNESS -THIEF -THIENSVILLE -THIEVE -THIEVES -THIEVING -THIGH -THIGHS -THIMBLE -THIMBLES -THIMBU -THIN -THING -THINGS -THINK -THINKABLE -THINKABLY -THINKER -THINKERS -THINKING -THINKS -THINLY -THINNER -THINNESS -THINNEST -THIRD -THIRDLY -THIRDS -THIRST -THIRSTED -THIRSTS -THIRSTY -THIRTEEN -THIRTEENS -THIRTEENTH -THIRTIES -THIRTIETH -THIRTY -THIS -THISTLE -THOMAS -THOMISTIC -THOMPSON -THOMSON -THONG -THOR -THOREAU -THORN -THORNBURG -THORNS -THORNTON -THORNY -THOROUGH -THOROUGHFARE -THOROUGHFARES -THOROUGHLY -THOROUGHNESS -THORPE -THORSTEIN -THOSE -THOUGH -THOUGHT -THOUGHTFUL -THOUGHTFULLY -THOUGHTFULNESS -THOUGHTLESS -THOUGHTLESSLY -THOUGHTLESSNESS -THOUGHTS -THOUSAND -THOUSANDS -THOUSANDTH -THRACE -THRACIAN -THRASH -THRASHED -THRASHER -THRASHES -THRASHING -THREAD -THREADED -THREADER -THREADERS -THREADING -THREADS -THREAT -THREATEN -THREATENED -THREATENING -THREATENS -THREATS -THREE -THREEFOLD -THREES -THREESCORE -THRESHOLD -THRESHOLDS -THREW -THRICE -THRIFT -THRIFTY -THRILL -THRILLED -THRILLER -THRILLERS -THRILLING -THRILLINGLY -THRILLS -THRIVE -THRIVED -THRIVES -THRIVING -THROAT -THROATED -THROATS -THROB -THROBBED -THROBBING -THROBS -THRONE -THRONEBERRY -THRONES -THRONG -THRONGS -THROTTLE -THROTTLED -THROTTLES -THROTTLING -THROUGH -THROUGHOUT -THROUGHPUT -THROW -THROWER -THROWING -THROWN -THROWS -THRUSH -THRUST -THRUSTER -THRUSTERS -THRUSTING -THRUSTS -THUBAN -THUD -THUDS -THUG -THUGS -THULE -THUMB -THUMBED -THUMBING -THUMBS -THUMP -THUMPED -THUMPING -THUNDER -THUNDERBOLT -THUNDERBOLTS -THUNDERED -THUNDERER -THUNDERERS -THUNDERING -THUNDERS -THUNDERSTORM -THUNDERSTORMS -THURBER -THURMAN -THURSDAY -THURSDAYS -THUS -THUSLY -THWART -THWARTED -THWARTING -THWARTS -THYSELF -TIBER -TIBET -TIBETAN -TIBURON -TICK -TICKED -TICKER -TICKERS -TICKET -TICKETS -TICKING -TICKLE -TICKLED -TICKLES -TICKLING -TICKLISH -TICKS -TICONDEROGA -TIDAL -TIDALLY -TIDE -TIDED -TIDES -TIDIED -TIDINESS -TIDING -TIDINGS -TIDY -TIDYING -TIE -TIECK -TIED -TIENTSIN -TIER -TIERS -TIES -TIFFANY -TIGER -TIGERS -TIGHT -TIGHTEN -TIGHTENED -TIGHTENER -TIGHTENERS -TIGHTENING -TIGHTENINGS -TIGHTENS -TIGHTER -TIGHTEST -TIGHTLY -TIGHTNESS -TIGRIS -TIJUANA -TILDE -TILE -TILED -TILES -TILING -TILL -TILLABLE -TILLED -TILLER -TILLERS -TILLICH -TILLIE -TILLING -TILLS -TILT -TILTED -TILTING -TILTS -TIM -TIMBER -TIMBERED -TIMBERING -TIMBERS -TIME -TIMED -TIMELESS -TIMELESSLY -TIMELESSNESS -TIMELY -TIMEOUT -TIMEOUTS -TIMER -TIMERS -TIMES -TIMESHARE -TIMESHARES -TIMESHARING -TIMESTAMP -TIMESTAMPS -TIMETABLE -TIMETABLES -TIMEX -TIMID -TIMIDITY -TIMIDLY -TIMING -TIMINGS -TIMMY -TIMON -TIMONIZE -TIMONIZES -TIMS -TIN -TINA -TINCTURE -TINGE -TINGED -TINGLE -TINGLED -TINGLES -TINGLING -TINIER -TINIEST -TINILY -TININESS -TINKER -TINKERED -TINKERING -TINKERS -TINKLE -TINKLED -TINKLES -TINKLING -TINNIER -TINNIEST -TINNILY -TINNINESS -TINNY -TINS -TINSELTOWN -TINT -TINTED -TINTING -TINTS -TINY -TIOGA -TIP -TIPPECANOE -TIPPED -TIPPER -TIPPERARY -TIPPERS -TIPPING -TIPS -TIPTOE -TIRANA -TIRE -TIRED -TIREDLY -TIRELESS -TIRELESSLY -TIRELESSNESS -TIRES -TIRESOME -TIRESOMELY -TIRESOMENESS -TIRING -TISSUE -TISSUES -TIT -TITAN -TITHE -TITHER -TITHES -TITHING -TITLE -TITLED -TITLES -TITO -TITS -TITTER -TITTERS -TITUS -TOAD -TOADS -TOAST -TOASTED -TOASTER -TOASTING -TOASTS -TOBACCO -TOBAGO -TOBY -TODAY -TODAYS -TODD -TOE -TOES -TOGETHER -TOGETHERNESS -TOGGLE -TOGGLED -TOGGLES -TOGGLING -TOGO -TOIL -TOILED -TOILER -TOILET -TOILETS -TOILING -TOILS -TOKEN -TOKENS -TOKYO -TOLAND -TOLD -TOLEDO -TOLERABILITY -TOLERABLE -TOLERABLY -TOLERANCE -TOLERANCES -TOLERANT -TOLERANTLY -TOLERATE -TOLERATED -TOLERATES -TOLERATING -TOLERATION -TOLL -TOLLED -TOLLEY -TOLLS -TOLSTOY -TOM -TOMAHAWK -TOMAHAWKS -TOMATO -TOMATOES -TOMB -TOMBIGBEE -TOMBS -TOMLINSON -TOMMIE -TOMOGRAPHY -TOMORROW -TOMORROWS -TOMPKINS -TON -TONE -TONED -TONER -TONES -TONGS -TONGUE -TONGUED -TONGUES -TONI -TONIC -TONICS -TONIGHT -TONING -TONIO -TONNAGE -TONS -TONSIL -TOO -TOOK -TOOL -TOOLED -TOOLER -TOOLERS -TOOLING -TOOLS -TOOMEY -TOOTH -TOOTHBRUSH -TOOTHBRUSHES -TOOTHPASTE -TOOTHPICK -TOOTHPICKS -TOP -TOPEKA -TOPER -TOPIC -TOPICAL -TOPICALLY -TOPICS -TOPMOST -TOPOGRAPHY -TOPOLOGICAL -TOPOLOGIES -TOPOLOGY -TOPPLE -TOPPLED -TOPPLES -TOPPLING -TOPS -TOPSY -TORAH -TORCH -TORCHES -TORE -TORIES -TORMENT -TORMENTED -TORMENTER -TORMENTERS -TORMENTING -TORN -TORNADO -TORNADOES -TORONTO -TORPEDO -TORPEDOES -TORQUE -TORQUEMADA -TORRANCE -TORRENT -TORRENTS -TORRID -TORTOISE -TORTOISES -TORTURE -TORTURED -TORTURER -TORTURERS -TORTURES -TORTURING -TORUS -TORUSES -TORY -TORYIZE -TORYIZES -TOSCA -TOSCANINI -TOSHIBA -TOSS -TOSSED -TOSSES -TOSSING -TOTAL -TOTALED -TOTALING -TOTALITIES -TOTALITY -TOTALLED -TOTALLER -TOTALLERS -TOTALLING -TOTALLY -TOTALS -TOTO -TOTTER -TOTTERED -TOTTERING -TOTTERS -TOUCH -TOUCHABLE -TOUCHED -TOUCHES -TOUCHIER -TOUCHIEST -TOUCHILY -TOUCHINESS -TOUCHING -TOUCHINGLY -TOUCHY -TOUGH -TOUGHEN -TOUGHER -TOUGHEST -TOUGHLY -TOUGHNESS -TOULOUSE -TOUR -TOURED -TOURING -TOURIST -TOURISTS -TOURNAMENT -TOURNAMENTS -TOURS -TOW -TOWARD -TOWARDS -TOWED -TOWEL -TOWELING -TOWELLED -TOWELLING -TOWELS -TOWER -TOWERED -TOWERING -TOWERS -TOWN -TOWNLEY -TOWNS -TOWNSEND -TOWNSHIP -TOWNSHIPS -TOWSLEY -TOY -TOYED -TOYING -TOYNBEE -TOYOTA -TOYS -TRACE -TRACEABLE -TRACED -TRACER -TRACERS -TRACES -TRACING -TRACINGS -TRACK -TRACKED -TRACKER -TRACKERS -TRACKING -TRACKS -TRACT -TRACTABILITY -TRACTABLE -TRACTARIANS -TRACTIVE -TRACTOR -TRACTORS -TRACTS -TRACY -TRADE -TRADED -TRADEMARK -TRADEMARKS -TRADEOFF -TRADEOFFS -TRADER -TRADERS -TRADES -TRADESMAN -TRADING -TRADITION -TRADITIONAL -TRADITIONALLY -TRADITIONS -TRAFFIC -TRAFFICKED -TRAFFICKER -TRAFFICKERS -TRAFFICKING -TRAFFICS -TRAGEDIES -TRAGEDY -TRAGIC -TRAGICALLY -TRAIL -TRAILED -TRAILER -TRAILERS -TRAILING -TRAILINGS -TRAILS -TRAIN -TRAINED -TRAINEE -TRAINEES -TRAINER -TRAINERS -TRAINING -TRAINS -TRAIT -TRAITOR -TRAITORS -TRAITS -TRAJECTORIES -TRAJECTORY -TRAMP -TRAMPED -TRAMPING -TRAMPLE -TRAMPLED -TRAMPLER -TRAMPLES -TRAMPLING -TRAMPS -TRANCE -TRANCES -TRANQUIL -TRANQUILITY -TRANQUILLY -TRANSACT -TRANSACTION -TRANSACTIONS -TRANSATLANTIC -TRANSCEIVE -TRANSCEIVER -TRANSCEIVERS -TRANSCEND -TRANSCENDED -TRANSCENDENT -TRANSCENDING -TRANSCENDS -TRANSCONTINENTAL -TRANSCRIBE -TRANSCRIBED -TRANSCRIBER -TRANSCRIBERS -TRANSCRIBES -TRANSCRIBING -TRANSCRIPT -TRANSCRIPTION -TRANSCRIPTIONS -TRANSCRIPTS -TRANSFER -TRANSFERABILITY -TRANSFERABLE -TRANSFERAL -TRANSFERALS -TRANSFERENCE -TRANSFERRED -TRANSFERRER -TRANSFERRERS -TRANSFERRING -TRANSFERS -TRANSFINITE -TRANSFORM -TRANSFORMABLE -TRANSFORMATION -TRANSFORMATIONAL -TRANSFORMATIONS -TRANSFORMED -TRANSFORMER -TRANSFORMERS -TRANSFORMING -TRANSFORMS -TRANSGRESS -TRANSGRESSED -TRANSGRESSION -TRANSGRESSIONS -TRANSIENCE -TRANSIENCY -TRANSIENT -TRANSIENTLY -TRANSIENTS -TRANSISTOR -TRANSISTORIZE -TRANSISTORIZED -TRANSISTORIZING -TRANSISTORS -TRANSIT -TRANSITE -TRANSITION -TRANSITIONAL -TRANSITIONED -TRANSITIONS -TRANSITIVE -TRANSITIVELY -TRANSITIVENESS -TRANSITIVITY -TRANSITORY -TRANSLATABILITY -TRANSLATABLE -TRANSLATE -TRANSLATED -TRANSLATES -TRANSLATING -TRANSLATION -TRANSLATIONAL -TRANSLATIONS -TRANSLATOR -TRANSLATORS -TRANSLUCENT -TRANSMISSION -TRANSMISSIONS -TRANSMIT -TRANSMITS -TRANSMITTAL -TRANSMITTED -TRANSMITTER -TRANSMITTERS -TRANSMITTING -TRANSMOGRIFICATION -TRANSMOGRIFY -TRANSPACIFIC -TRANSPARENCIES -TRANSPARENCY -TRANSPARENT -TRANSPARENTLY -TRANSPIRE -TRANSPIRED -TRANSPIRES -TRANSPIRING -TRANSPLANT -TRANSPLANTED -TRANSPLANTING -TRANSPLANTS -TRANSPONDER -TRANSPONDERS -TRANSPORT -TRANSPORTABILITY -TRANSPORTATION -TRANSPORTED -TRANSPORTER -TRANSPORTERS -TRANSPORTING -TRANSPORTS -TRANSPOSE -TRANSPOSED -TRANSPOSES -TRANSPOSING -TRANSPOSITION -TRANSPUTER -TRANSVAAL -TRANSYLVANIA -TRAP -TRAPEZOID -TRAPEZOIDAL -TRAPEZOIDS -TRAPPED -TRAPPER -TRAPPERS -TRAPPING -TRAPPINGS -TRAPS -TRASH -TRASTEVERE -TRAUMA -TRAUMATIC -TRAVAIL -TRAVEL -TRAVELED -TRAVELER -TRAVELERS -TRAVELING -TRAVELINGS -TRAVELS -TRAVERSAL -TRAVERSALS -TRAVERSE -TRAVERSED -TRAVERSES -TRAVERSING -TRAVESTIES -TRAVESTY -TRAVIS -TRAY -TRAYS -TREACHERIES -TREACHEROUS -TREACHEROUSLY -TREACHERY -TREAD -TREADING -TREADS -TREADWELL -TREASON -TREASURE -TREASURED -TREASURER -TREASURES -TREASURIES -TREASURING -TREASURY -TREAT -TREATED -TREATIES -TREATING -TREATISE -TREATISES -TREATMENT -TREATMENTS -TREATS -TREATY -TREBLE -TREE -TREES -TREETOP -TREETOPS -TREK -TREKS -TREMBLE -TREMBLED -TREMBLES -TREMBLING -TREMENDOUS -TREMENDOUSLY -TREMOR -TREMORS -TRENCH -TRENCHER -TRENCHES -TREND -TRENDING -TRENDS -TRENTON -TRESPASS -TRESPASSED -TRESPASSER -TRESPASSERS -TRESPASSES -TRESS -TRESSES -TREVELYAN -TRIAL -TRIALS -TRIANGLE -TRIANGLES -TRIANGULAR -TRIANGULARLY -TRIANGULUM -TRIANON -TRIASSIC -TRIBAL -TRIBE -TRIBES -TRIBUNAL -TRIBUNALS -TRIBUNE -TRIBUNES -TRIBUTARY -TRIBUTE -TRIBUTES -TRICERATOPS -TRICHINELLA -TRICHOTOMY -TRICK -TRICKED -TRICKIER -TRICKIEST -TRICKINESS -TRICKING -TRICKLE -TRICKLED -TRICKLES -TRICKLING -TRICKS -TRICKY -TRIED -TRIER -TRIERS -TRIES -TRIFLE -TRIFLER -TRIFLES -TRIFLING -TRIGGER -TRIGGERED -TRIGGERING -TRIGGERS -TRIGONOMETRIC -TRIGONOMETRY -TRIGRAM -TRIGRAMS -TRIHEDRAL -TRILATERAL -TRILL -TRILLED -TRILLION -TRILLIONS -TRILLIONTH -TRIM -TRIMBLE -TRIMLY -TRIMMED -TRIMMER -TRIMMEST -TRIMMING -TRIMMINGS -TRIMNESS -TRIMS -TRINIDAD -TRINKET -TRINKETS -TRIO -TRIP -TRIPLE -TRIPLED -TRIPLES -TRIPLET -TRIPLETS -TRIPLETT -TRIPLING -TRIPOD -TRIPS -TRISTAN -TRIUMPH -TRIUMPHAL -TRIUMPHANT -TRIUMPHANTLY -TRIUMPHED -TRIUMPHING -TRIUMPHS -TRIVIA -TRIVIAL -TRIVIALITIES -TRIVIALITY -TRIVIALLY -TROBRIAND -TROD -TROJAN -TROLL -TROLLEY -TROLLEYS -TROLLS -TROOP -TROOPER -TROOPERS -TROOPS -TROPEZ -TROPHIES -TROPHY -TROPIC -TROPICAL -TROPICS -TROT -TROTS -TROTSKY -TROUBLE -TROUBLED -TROUBLEMAKER -TROUBLEMAKERS -TROUBLES -TROUBLESHOOT -TROUBLESHOOTER -TROUBLESHOOTERS -TROUBLESHOOTING -TROUBLESHOOTS -TROUBLESOME -TROUBLESOMELY -TROUBLING -TROUGH -TROUSER -TROUSERS -TROUT -TROUTMAN -TROWEL -TROWELS -TROY -TRUANT -TRUANTS -TRUCE -TRUCK -TRUCKED -TRUCKEE -TRUCKER -TRUCKERS -TRUCKING -TRUCKS -TRUDEAU -TRUDGE -TRUDGED -TRUDY -TRUE -TRUED -TRUER -TRUES -TRUEST -TRUING -TRUISM -TRUISMS -TRUJILLO -TRUK -TRULY -TRUMAN -TRUMBULL -TRUMP -TRUMPED -TRUMPET -TRUMPETER -TRUMPS -TRUNCATE -TRUNCATED -TRUNCATES -TRUNCATING -TRUNCATION -TRUNCATIONS -TRUNK -TRUNKS -TRUST -TRUSTED -TRUSTEE -TRUSTEES -TRUSTFUL -TRUSTFULLY -TRUSTFULNESS -TRUSTING -TRUSTINGLY -TRUSTS -TRUSTWORTHINESS -TRUSTWORTHY -TRUSTY -TRUTH -TRUTHFUL -TRUTHFULLY -TRUTHFULNESS -TRUTHS -TRY -TRYING -TSUNEMATSU -TUB -TUBE -TUBER -TUBERCULOSIS -TUBERS -TUBES -TUBING -TUBS -TUCK -TUCKED -TUCKER -TUCKING -TUCKS -TUCSON -TUDOR -TUESDAY -TUESDAYS -TUFT -TUFTS -TUG -TUGS -TUITION -TULANE -TULIP -TULIPS -TULSA -TUMBLE -TUMBLED -TUMBLER -TUMBLERS -TUMBLES -TUMBLING -TUMOR -TUMORS -TUMULT -TUMULTS -TUMULTUOUS -TUNABLE -TUNE -TUNED -TUNER -TUNERS -TUNES -TUNIC -TUNICS -TUNING -TUNIS -TUNISIA -TUNISIAN -TUNNEL -TUNNELED -TUNNELS -TUPLE -TUPLES -TURBAN -TURBANS -TURBULENCE -TURBULENT -TURBULENTLY -TURF -TURGID -TURGIDLY -TURIN -TURING -TURKEY -TURKEYS -TURKISH -TURKIZE -TURKIZES -TURMOIL -TURMOILS -TURN -TURNABLE -TURNAROUND -TURNED -TURNER -TURNERS -TURNING -TURNINGS -TURNIP -TURNIPS -TURNOVER -TURNS -TURPENTINE -TURQUOISE -TURRET -TURRETS -TURTLE -TURTLENECK -TURTLES -TUSCALOOSA -TUSCAN -TUSCANIZE -TUSCANIZES -TUSCANY -TUSCARORA -TUSKEGEE -TUTANKHAMEN -TUTANKHAMON -TUTANKHAMUN -TUTENKHAMON -TUTOR -TUTORED -TUTORIAL -TUTORIALS -TUTORING -TUTORS -TUTTLE -TWAIN -TWANG -TWAS -TWEED -TWELFTH -TWELVE -TWELVES -TWENTIES -TWENTIETH -TWENTY -TWICE -TWIG -TWIGS -TWILIGHT -TWILIGHTS -TWILL -TWIN -TWINE -TWINED -TWINER -TWINKLE -TWINKLED -TWINKLER -TWINKLES -TWINKLING -TWINS -TWIRL -TWIRLED -TWIRLER -TWIRLING -TWIRLS -TWIST -TWISTED -TWISTER -TWISTERS -TWISTING -TWISTS -TWITCH -TWITCHED -TWITCHING -TWITTER -TWITTERED -TWITTERING -TWO -TWOFOLD -TWOMBLY -TWOS -TYBURN -TYING -TYLER -TYLERIZE -TYLERIZES -TYNDALL -TYPE -TYPED -TYPEOUT -TYPES -TYPESETTER -TYPEWRITER -TYPEWRITERS -TYPHOID -TYPHON -TYPICAL -TYPICALLY -TYPICALNESS -TYPIFIED -TYPIFIES -TYPIFY -TYPIFYING -TYPING -TYPIST -TYPISTS -TYPO -TYPOGRAPHIC -TYPOGRAPHICAL -TYPOGRAPHICALLY -TYPOGRAPHY -TYRANNICAL -TYRANNOSAURUS -TYRANNY -TYRANT -TYRANTS -TYSON -TZELTAL -UBIQUITOUS -UBIQUITOUSLY -UBIQUITY -UDALL -UGANDA -UGH -UGLIER -UGLIEST -UGLINESS -UGLY -UKRAINE -UKRAINIAN -UKRAINIANS -ULAN -ULCER -ULCERS -ULLMAN -ULSTER -ULTIMATE -ULTIMATELY -ULTRA -ULTRASONIC -ULTRIX -ULTRIX -ULYSSES -UMBRAGE -UMBRELLA -UMBRELLAS -UMPIRE -UMPIRES -UNABATED -UNABBREVIATED -UNABLE -UNACCEPTABILITY -UNACCEPTABLE -UNACCEPTABLY -UNACCOUNTABLE -UNACCUSTOMED -UNACHIEVABLE -UNACKNOWLEDGED -UNADULTERATED -UNAESTHETICALLY -UNAFFECTED -UNAFFECTEDLY -UNAFFECTEDNESS -UNAIDED -UNALIENABILITY -UNALIENABLE -UNALTERABLY -UNALTERED -UNAMBIGUOUS -UNAMBIGUOUSLY -UNAMBITIOUS -UNANALYZABLE -UNANIMITY -UNANIMOUS -UNANIMOUSLY -UNANSWERABLE -UNANSWERED -UNANTICIPATED -UNARMED -UNARY -UNASSAILABLE -UNASSIGNED -UNASSISTED -UNATTAINABILITY -UNATTAINABLE -UNATTENDED -UNATTRACTIVE -UNATTRACTIVELY -UNAUTHORIZED -UNAVAILABILITY -UNAVAILABLE -UNAVOIDABLE -UNAVOIDABLY -UNAWARE -UNAWARENESS -UNAWARES -UNBALANCED -UNBEARABLE -UNBECOMING -UNBELIEVABLE -UNBIASED -UNBIND -UNBLOCK -UNBLOCKED -UNBLOCKING -UNBLOCKS -UNBORN -UNBOUND -UNBOUNDED -UNBREAKABLE -UNBRIDLED -UNBROKEN -UNBUFFERED -UNCANCELLED -UNCANNY -UNCAPITALIZED -UNCAUGHT -UNCERTAIN -UNCERTAINLY -UNCERTAINTIES -UNCERTAINTY -UNCHANGEABLE -UNCHANGED -UNCHANGING -UNCLAIMED -UNCLASSIFIED -UNCLE -UNCLEAN -UNCLEANLY -UNCLEANNESS -UNCLEAR -UNCLEARED -UNCLES -UNCLOSED -UNCOMFORTABLE -UNCOMFORTABLY -UNCOMMITTED -UNCOMMON -UNCOMMONLY -UNCOMPROMISING -UNCOMPUTABLE -UNCONCERNED -UNCONCERNEDLY -UNCONDITIONAL -UNCONDITIONALLY -UNCONNECTED -UNCONSCIONABLE -UNCONSCIOUS -UNCONSCIOUSLY -UNCONSCIOUSNESS -UNCONSTITUTIONAL -UNCONSTRAINED -UNCONTROLLABILITY -UNCONTROLLABLE -UNCONTROLLABLY -UNCONTROLLED -UNCONVENTIONAL -UNCONVENTIONALLY -UNCONVINCED -UNCONVINCING -UNCOORDINATED -UNCORRECTABLE -UNCORRECTED -UNCOUNTABLE -UNCOUNTABLY -UNCOUTH -UNCOVER -UNCOVERED -UNCOVERING -UNCOVERS -UNDAMAGED -UNDAUNTED -UNDAUNTEDLY -UNDECIDABLE -UNDECIDED -UNDECLARED -UNDECOMPOSABLE -UNDEFINABILITY -UNDEFINED -UNDELETED -UNDENIABLE -UNDENIABLY -UNDER -UNDERBRUSH -UNDERDONE -UNDERESTIMATE -UNDERESTIMATED -UNDERESTIMATES -UNDERESTIMATING -UNDERESTIMATION -UNDERFLOW -UNDERFLOWED -UNDERFLOWING -UNDERFLOWS -UNDERFOOT -UNDERGO -UNDERGOES -UNDERGOING -UNDERGONE -UNDERGRADUATE -UNDERGRADUATES -UNDERGROUND -UNDERLIE -UNDERLIES -UNDERLINE -UNDERLINED -UNDERLINES -UNDERLING -UNDERLINGS -UNDERLINING -UNDERLININGS -UNDERLOADED -UNDERLYING -UNDERMINE -UNDERMINED -UNDERMINES -UNDERMINING -UNDERNEATH -UNDERPINNING -UNDERPINNINGS -UNDERPLAY -UNDERPLAYED -UNDERPLAYING -UNDERPLAYS -UNDERSCORE -UNDERSCORED -UNDERSCORES -UNDERSTAND -UNDERSTANDABILITY -UNDERSTANDABLE -UNDERSTANDABLY -UNDERSTANDING -UNDERSTANDINGLY -UNDERSTANDINGS -UNDERSTANDS -UNDERSTATED -UNDERSTOOD -UNDERTAKE -UNDERTAKEN -UNDERTAKER -UNDERTAKERS -UNDERTAKES -UNDERTAKING -UNDERTAKINGS -UNDERTOOK -UNDERWATER -UNDERWAY -UNDERWEAR -UNDERWENT -UNDERWORLD -UNDERWRITE -UNDERWRITER -UNDERWRITERS -UNDERWRITES -UNDERWRITING -UNDESIRABILITY -UNDESIRABLE -UNDETECTABLE -UNDETECTED -UNDETERMINED -UNDEVELOPED -UNDID -UNDIMINISHED -UNDIRECTED -UNDISCIPLINED -UNDISCOVERED -UNDISTURBED -UNDIVIDED -UNDO -UNDOCUMENTED -UNDOES -UNDOING -UNDOINGS -UNDONE -UNDOUBTEDLY -UNDRESS -UNDRESSED -UNDRESSES -UNDRESSING -UNDUE -UNDULY -UNEASILY -UNEASINESS -UNEASY -UNECONOMIC -UNECONOMICAL -UNEMBELLISHED -UNEMPLOYED -UNEMPLOYMENT -UNENCRYPTED -UNENDING -UNENLIGHTENING -UNEQUAL -UNEQUALED -UNEQUALLY -UNEQUIVOCAL -UNEQUIVOCALLY -UNESCO -UNESSENTIAL -UNEVALUATED -UNEVEN -UNEVENLY -UNEVENNESS -UNEVENTFUL -UNEXCUSED -UNEXPANDED -UNEXPECTED -UNEXPECTEDLY -UNEXPLAINED -UNEXPLORED -UNEXTENDED -UNFAIR -UNFAIRLY -UNFAIRNESS -UNFAITHFUL -UNFAITHFULLY -UNFAITHFULNESS -UNFAMILIAR -UNFAMILIARITY -UNFAMILIARLY -UNFAVORABLE -UNFETTERED -UNFINISHED -UNFIT -UNFITNESS -UNFLAGGING -UNFOLD -UNFOLDED -UNFOLDING -UNFOLDS -UNFORESEEN -UNFORGEABLE -UNFORGIVING -UNFORMATTED -UNFORTUNATE -UNFORTUNATELY -UNFORTUNATES -UNFOUNDED -UNFRIENDLINESS -UNFRIENDLY -UNFULFILLED -UNGRAMMATICAL -UNGRATEFUL -UNGRATEFULLY -UNGRATEFULNESS -UNGROUNDED -UNGUARDED -UNGUIDED -UNHAPPIER -UNHAPPIEST -UNHAPPILY -UNHAPPINESS -UNHAPPY -UNHARMED -UNHEALTHY -UNHEARD -UNHEEDED -UNIBUS -UNICORN -UNICORNS -UNICYCLE -UNIDENTIFIED -UNIDIRECTIONAL -UNIDIRECTIONALITY -UNIDIRECTIONALLY -UNIFICATION -UNIFICATIONS -UNIFIED -UNIFIER -UNIFIERS -UNIFIES -UNIFORM -UNIFORMED -UNIFORMITY -UNIFORMLY -UNIFORMS -UNIFY -UNIFYING -UNILLUMINATING -UNIMAGINABLE -UNIMPEDED -UNIMPLEMENTED -UNIMPORTANT -UNINDENTED -UNINITIALIZED -UNINSULATED -UNINTELLIGIBLE -UNINTENDED -UNINTENTIONAL -UNINTENTIONALLY -UNINTERESTING -UNINTERESTINGLY -UNINTERPRETED -UNINTERRUPTED -UNINTERRUPTEDLY -UNION -UNIONIZATION -UNIONIZE -UNIONIZED -UNIONIZER -UNIONIZERS -UNIONIZES -UNIONIZING -UNIONS -UNIPLUS -UNIPROCESSOR -UNIQUE -UNIQUELY -UNIQUENESS -UNIROYAL -UNISOFT -UNISON -UNIT -UNITARIAN -UNITARIANIZE -UNITARIANIZES -UNITARIANS -UNITE -UNITED -UNITES -UNITIES -UNITING -UNITS -UNITY -UNIVAC -UNIVALVE -UNIVALVES -UNIVERSAL -UNIVERSALITY -UNIVERSALLY -UNIVERSALS -UNIVERSE -UNIVERSES -UNIVERSITIES -UNIVERSITY -UNIX -UNIX -UNJUST -UNJUSTIFIABLE -UNJUSTIFIED -UNJUSTLY -UNKIND -UNKINDLY -UNKINDNESS -UNKNOWABLE -UNKNOWING -UNKNOWINGLY -UNKNOWN -UNKNOWNS -UNLABELLED -UNLAWFUL -UNLAWFULLY -UNLEASH -UNLEASHED -UNLEASHES -UNLEASHING -UNLESS -UNLIKE -UNLIKELY -UNLIKENESS -UNLIMITED -UNLINK -UNLINKED -UNLINKING -UNLINKS -UNLOAD -UNLOADED -UNLOADING -UNLOADS -UNLOCK -UNLOCKED -UNLOCKING -UNLOCKS -UNLUCKY -UNMANAGEABLE -UNMANAGEABLY -UNMANNED -UNMARKED -UNMARRIED -UNMASK -UNMASKED -UNMATCHED -UNMENTIONABLE -UNMERCIFUL -UNMERCIFULLY -UNMISTAKABLE -UNMISTAKABLY -UNMODIFIED -UNMOVED -UNNAMED -UNNATURAL -UNNATURALLY -UNNATURALNESS -UNNECESSARILY -UNNECESSARY -UNNEEDED -UNNERVE -UNNERVED -UNNERVES -UNNERVING -UNNOTICED -UNOBSERVABLE -UNOBSERVED -UNOBTAINABLE -UNOCCUPIED -UNOFFICIAL -UNOFFICIALLY -UNOPENED -UNORDERED -UNPACK -UNPACKED -UNPACKING -UNPACKS -UNPAID -UNPARALLELED -UNPARSED -UNPLANNED -UNPLEASANT -UNPLEASANTLY -UNPLEASANTNESS -UNPLUG -UNPOPULAR -UNPOPULARITY -UNPRECEDENTED -UNPREDICTABLE -UNPREDICTABLY -UNPRESCRIBED -UNPRESERVED -UNPRIMED -UNPROFITABLE -UNPROJECTED -UNPROTECTED -UNPROVABILITY -UNPROVABLE -UNPROVEN -UNPUBLISHED -UNQUALIFIED -UNQUALIFIEDLY -UNQUESTIONABLY -UNQUESTIONED -UNQUOTED -UNRAVEL -UNRAVELED -UNRAVELING -UNRAVELS -UNREACHABLE -UNREAL -UNREALISTIC -UNREALISTICALLY -UNREASONABLE -UNREASONABLENESS -UNREASONABLY -UNRECOGNIZABLE -UNRECOGNIZED -UNREGULATED -UNRELATED -UNRELIABILITY -UNRELIABLE -UNREPORTED -UNREPRESENTABLE -UNRESOLVED -UNRESPONSIVE -UNREST -UNRESTRAINED -UNRESTRICTED -UNRESTRICTEDLY -UNRESTRICTIVE -UNROLL -UNROLLED -UNROLLING -UNROLLS -UNRULY -UNSAFE -UNSAFELY -UNSANITARY -UNSATISFACTORY -UNSATISFIABILITY -UNSATISFIABLE -UNSATISFIED -UNSATISFYING -UNSCRUPULOUS -UNSEEDED -UNSEEN -UNSELECTED -UNSELFISH -UNSELFISHLY -UNSELFISHNESS -UNSENT -UNSETTLED -UNSETTLING -UNSHAKEN -UNSHARED -UNSIGNED -UNSKILLED -UNSLOTTED -UNSOLVABLE -UNSOLVED -UNSOPHISTICATED -UNSOUND -UNSPEAKABLE -UNSPECIFIED -UNSTABLE -UNSTEADINESS -UNSTEADY -UNSTRUCTURED -UNSUCCESSFUL -UNSUCCESSFULLY -UNSUITABLE -UNSUITED -UNSUPPORTED -UNSURE -UNSURPRISING -UNSURPRISINGLY -UNSYNCHRONIZED -UNTAGGED -UNTAPPED -UNTENABLE -UNTERMINATED -UNTESTED -UNTHINKABLE -UNTHINKING -UNTIDINESS -UNTIDY -UNTIE -UNTIED -UNTIES -UNTIL -UNTIMELY -UNTO -UNTOLD -UNTOUCHABLE -UNTOUCHABLES -UNTOUCHED -UNTOWARD -UNTRAINED -UNTRANSLATED -UNTREATED -UNTRIED -UNTRUE -UNTRUTHFUL -UNTRUTHFULNESS -UNTYING -UNUSABLE -UNUSED -UNUSUAL -UNUSUALLY -UNVARYING -UNVEIL -UNVEILED -UNVEILING -UNVEILS -UNWANTED -UNWELCOME -UNWHOLESOME -UNWIELDINESS -UNWIELDY -UNWILLING -UNWILLINGLY -UNWILLINGNESS -UNWIND -UNWINDER -UNWINDERS -UNWINDING -UNWINDS -UNWISE -UNWISELY -UNWISER -UNWISEST -UNWITTING -UNWITTINGLY -UNWORTHINESS -UNWORTHY -UNWOUND -UNWRAP -UNWRAPPED -UNWRAPPING -UNWRAPS -UNWRITTEN -UPBRAID -UPCOMING -UPDATE -UPDATED -UPDATER -UPDATES -UPDATING -UPGRADE -UPGRADED -UPGRADES -UPGRADING -UPHELD -UPHILL -UPHOLD -UPHOLDER -UPHOLDERS -UPHOLDING -UPHOLDS -UPHOLSTER -UPHOLSTERED -UPHOLSTERER -UPHOLSTERING -UPHOLSTERS -UPKEEP -UPLAND -UPLANDS -UPLIFT -UPLINK -UPLINKS -UPLOAD -UPON -UPPER -UPPERMOST -UPRIGHT -UPRIGHTLY -UPRIGHTNESS -UPRISING -UPRISINGS -UPROAR -UPROOT -UPROOTED -UPROOTING -UPROOTS -UPSET -UPSETS -UPSHOT -UPSHOTS -UPSIDE -UPSTAIRS -UPSTREAM -UPTON -UPTURN -UPTURNED -UPTURNING -UPTURNS -UPWARD -UPWARDS -URANIA -URANUS -URBAN -URBANA -URCHIN -URCHINS -URDU -URGE -URGED -URGENT -URGENTLY -URGES -URGING -URGINGS -URI -URINATE -URINATED -URINATES -URINATING -URINATION -URINE -URIS -URN -URNS -URQUHART -URSA -URSULA -URSULINE -URUGUAY -URUGUAYAN -URUGUAYANS -USABILITY -USABLE -USABLY -USAGE -USAGES -USE -USED -USEFUL -USEFULLY -USEFULNESS -USELESS -USELESSLY -USELESSNESS -USENET -USENIX -USER -USERS -USES -USHER -USHERED -USHERING -USHERS -USING -USUAL -USUALLY -USURP -USURPED -USURPER -UTAH -UTENSIL -UTENSILS -UTICA -UTILITIES -UTILITY -UTILIZATION -UTILIZATIONS -UTILIZE -UTILIZED -UTILIZES -UTILIZING -UTMOST -UTOPIA -UTOPIAN -UTOPIANIZE -UTOPIANIZES -UTOPIANS -UTRECHT -UTTER -UTTERANCE -UTTERANCES -UTTERED -UTTERING -UTTERLY -UTTERMOST -UTTERS -UZI -VACANCIES -VACANCY -VACANT -VACANTLY -VACATE -VACATED -VACATES -VACATING -VACATION -VACATIONED -VACATIONER -VACATIONERS -VACATIONING -VACATIONS -VACUO -VACUOUS -VACUOUSLY -VACUUM -VACUUMED -VACUUMING -VADUZ -VAGABOND -VAGABONDS -VAGARIES -VAGARY -VAGINA -VAGINAS -VAGRANT -VAGRANTLY -VAGUE -VAGUELY -VAGUENESS -VAGUER -VAGUEST -VAIL -VAIN -VAINLY -VALE -VALENCE -VALENCES -VALENTINE -VALENTINES -VALERIE -VALERY -VALES -VALET -VALETS -VALHALLA -VALIANT -VALIANTLY -VALID -VALIDATE -VALIDATED -VALIDATES -VALIDATING -VALIDATION -VALIDITY -VALIDLY -VALIDNESS -VALKYRIE -VALLETTA -VALLEY -VALLEYS -VALOIS -VALOR -VALPARAISO -VALUABLE -VALUABLES -VALUABLY -VALUATION -VALUATIONS -VALUE -VALUED -VALUER -VALUERS -VALUES -VALUING -VALVE -VALVES -VAMPIRE -VAN -VANCE -VANCEMENT -VANCOUVER -VANDALIZE -VANDALIZED -VANDALIZES -VANDALIZING -VANDENBERG -VANDERBILT -VANDERBURGH -VANDERPOEL -VANE -VANES -VANESSA -VANGUARD -VANILLA -VANISH -VANISHED -VANISHER -VANISHES -VANISHING -VANISHINGLY -VANITIES -VANITY -VANQUISH -VANQUISHED -VANQUISHES -VANQUISHING -VANS -VANTAGE -VAPOR -VAPORING -VAPORS -VARIABILITY -VARIABLE -VARIABLENESS -VARIABLES -VARIABLY -VARIAN -VARIANCE -VARIANCES -VARIANT -VARIANTLY -VARIANTS -VARIATION -VARIATIONS -VARIED -VARIES -VARIETIES -VARIETY -VARIOUS -VARIOUSLY -VARITYPE -VARITYPING -VARNISH -VARNISHES -VARY -VARYING -VARYINGS -VASE -VASES -VASQUEZ -VASSAL -VASSAR -VAST -VASTER -VASTEST -VASTLY -VASTNESS -VAT -VATICAN -VATICANIZATION -VATICANIZATIONS -VATICANIZE -VATICANIZES -VATS -VAUDEVILLE -VAUDOIS -VAUGHAN -VAUGHN -VAULT -VAULTED -VAULTER -VAULTING -VAULTS -VAUNT -VAUNTED -VAX -VAXES -VEAL -VECTOR -VECTORIZATION -VECTORIZING -VECTORS -VEDA -VEER -VEERED -VEERING -VEERS -VEGA -VEGANISM -VEGAS -VEGETABLE -VEGETABLES -VEGETARIAN -VEGETARIANS -VEGETATE -VEGETATED -VEGETATES -VEGETATING -VEGETATION -VEGETATIVE -VEHEMENCE -VEHEMENT -VEHEMENTLY -VEHICLE -VEHICLES -VEHICULAR -VEIL -VEILED -VEILING -VEILS -VEIN -VEINED -VEINING -VEINS -VELA -VELASQUEZ -VELLA -VELOCITIES -VELOCITY -VELVET -VENDOR -VENDORS -VENERABLE -VENERATION -VENETIAN -VENETO -VENEZUELA -VENEZUELAN -VENGEANCE -VENIAL -VENICE -VENISON -VENN -VENOM -VENOMOUS -VENOMOUSLY -VENT -VENTED -VENTILATE -VENTILATED -VENTILATES -VENTILATING -VENTILATION -VENTRICLE -VENTRICLES -VENTS -VENTURA -VENTURE -VENTURED -VENTURER -VENTURERS -VENTURES -VENTURING -VENTURINGS -VENUS -VENUSIAN -VENUSIANS -VERA -VERACITY -VERANDA -VERANDAS -VERB -VERBAL -VERBALIZE -VERBALIZED -VERBALIZES -VERBALIZING -VERBALLY -VERBOSE -VERBS -VERDE -VERDERER -VERDI -VERDICT -VERDURE -VERGE -VERGER -VERGES -VERGIL -VERIFIABILITY -VERIFIABLE -VERIFICATION -VERIFICATIONS -VERIFIED -VERIFIER -VERIFIERS -VERIFIES -VERIFY -VERIFYING -VERILY -VERITABLE -VERLAG -VERMIN -VERMONT -VERN -VERNA -VERNACULAR -VERNE -VERNON -VERONA -VERONICA -VERSA -VERSAILLES -VERSATEC -VERSATILE -VERSATILITY -VERSE -VERSED -VERSES -VERSING -VERSION -VERSIONS -VERSUS -VERTEBRATE -VERTEBRATES -VERTEX -VERTICAL -VERTICALLY -VERTICALNESS -VERTICES -VERY -VESSEL -VESSELS -VEST -VESTED -VESTIGE -VESTIGES -VESTIGIAL -VESTS -VESUVIUS -VETERAN -VETERANS -VETERINARIAN -VETERINARIANS -VETERINARY -VETO -VETOED -VETOER -VETOES -VEX -VEXATION -VEXED -VEXES -VEXING -VIA -VIABILITY -VIABLE -VIABLY -VIAL -VIALS -VIBRATE -VIBRATED -VIBRATING -VIBRATION -VIBRATIONS -VIBRATOR -VIC -VICE -VICEROY -VICES -VICHY -VICINITY -VICIOUS -VICIOUSLY -VICIOUSNESS -VICISSITUDE -VICISSITUDES -VICKERS -VICKSBURG -VICKY -VICTIM -VICTIMIZE -VICTIMIZED -VICTIMIZER -VICTIMIZERS -VICTIMIZES -VICTIMIZING -VICTIMS -VICTOR -VICTORIA -VICTORIAN -VICTORIANIZE -VICTORIANIZES -VICTORIANS -VICTORIES -VICTORIOUS -VICTORIOUSLY -VICTORS -VICTORY -VICTROLA -VICTUAL -VICTUALER -VICTUALS -VIDA -VIDAL -VIDEO -VIDEOTAPE -VIDEOTAPES -VIDEOTEX -VIE -VIED -VIENNA -VIENNESE -VIENTIANE -VIER -VIES -VIET -VIETNAM -VIETNAMESE -VIEW -VIEWABLE -VIEWED -VIEWER -VIEWERS -VIEWING -VIEWPOINT -VIEWPOINTS -VIEWS -VIGILANCE -VIGILANT -VIGILANTE -VIGILANTES -VIGILANTLY -VIGNETTE -VIGNETTES -VIGOR -VIGOROUS -VIGOROUSLY -VIKING -VIKINGS -VIKRAM -VILE -VILELY -VILENESS -VILIFICATION -VILIFICATIONS -VILIFIED -VILIFIES -VILIFY -VILIFYING -VILLA -VILLAGE -VILLAGER -VILLAGERS -VILLAGES -VILLAIN -VILLAINOUS -VILLAINOUSLY -VILLAINOUSNESS -VILLAINS -VILLAINY -VILLAS -VINCE -VINCENT -VINCI -VINDICATE -VINDICATED -VINDICATION -VINDICTIVE -VINDICTIVELY -VINDICTIVENESS -VINE -VINEGAR -VINES -VINEYARD -VINEYARDS -VINSON -VINTAGE -VIOLATE -VIOLATED -VIOLATES -VIOLATING -VIOLATION -VIOLATIONS -VIOLATOR -VIOLATORS -VIOLENCE -VIOLENT -VIOLENTLY -VIOLET -VIOLETS -VIOLIN -VIOLINIST -VIOLINISTS -VIOLINS -VIPER -VIPERS -VIRGIL -VIRGIN -VIRGINIA -VIRGINIAN -VIRGINIANS -VIRGINITY -VIRGINS -VIRGO -VIRTUAL -VIRTUALLY -VIRTUE -VIRTUES -VIRTUOSO -VIRTUOSOS -VIRTUOUS -VIRTUOUSLY -VIRULENT -VIRUS -VIRUSES -VISA -VISAGE -VISAS -VISCOUNT -VISCOUNTS -VISCOUS -VISHNU -VISIBILITY -VISIBLE -VISIBLY -VISIGOTH -VISIGOTHS -VISION -VISIONARY -VISIONS -VISIT -VISITATION -VISITATIONS -VISITED -VISITING -VISITOR -VISITORS -VISITS -VISOR -VISORS -VISTA -VISTAS -VISUAL -VISUALIZE -VISUALIZED -VISUALIZER -VISUALIZES -VISUALIZING -VISUALLY -VITA -VITAE -VITAL -VITALITY -VITALLY -VITALS -VITO -VITUS -VIVALDI -VIVIAN -VIVID -VIVIDLY -VIVIDNESS -VIZIER -VLADIMIR -VLADIVOSTOK -VOCABULARIES -VOCABULARY -VOCAL -VOCALLY -VOCALS -VOCATION -VOCATIONAL -VOCATIONALLY -VOCATIONS -VOGEL -VOGUE -VOICE -VOICED -VOICER -VOICERS -VOICES -VOICING -VOID -VOIDED -VOIDER -VOIDING -VOIDS -VOLATILE -VOLATILITIES -VOLATILITY -VOLCANIC -VOLCANO -VOLCANOS -VOLITION -VOLKSWAGEN -VOLKSWAGENS -VOLLEY -VOLLEYBALL -VOLLEYBALLS -VOLSTEAD -VOLT -VOLTA -VOLTAGE -VOLTAGES -VOLTAIRE -VOLTERRA -VOLTS -VOLUME -VOLUMES -VOLUNTARILY -VOLUNTARY -VOLUNTEER -VOLUNTEERED -VOLUNTEERING -VOLUNTEERS -VOLVO -VOMIT -VOMITED -VOMITING -VOMITS -VORTEX -VOSS -VOTE -VOTED -VOTER -VOTERS -VOTES -VOTING -VOTIVE -VOUCH -VOUCHER -VOUCHERS -VOUCHES -VOUCHING -VOUGHT -VOW -VOWED -VOWEL -VOWELS -VOWER -VOWING -VOWS -VOYAGE -VOYAGED -VOYAGER -VOYAGERS -VOYAGES -VOYAGING -VOYAGINGS -VREELAND -VULCAN -VULCANISM -VULGAR -VULGARLY -VULNERABILITIES -VULNERABILITY -VULNERABLE -VULTURE -VULTURES -WAALS -WABASH -WACKE -WACKY -WACO -WADE -WADED -WADER -WADES -WADING -WADSWORTH -WAFER -WAFERS -WAFFLE -WAFFLES -WAFT -WAG -WAGE -WAGED -WAGER -WAGERS -WAGES -WAGING -WAGNER -WAGNERIAN -WAGNERIZE -WAGNERIZES -WAGON -WAGONER -WAGONS -WAGS -WAHL -WAIL -WAILED -WAILING -WAILS -WAINWRIGHT -WAIST -WAISTCOAT -WAISTCOATS -WAISTS -WAIT -WAITE -WAITED -WAITER -WAITERS -WAITING -WAITRESS -WAITRESSES -WAITS -WAIVE -WAIVED -WAIVER -WAIVERABLE -WAIVES -WAIVING -WAKE -WAKED -WAKEFIELD -WAKEN -WAKENED -WAKENING -WAKES -WAKEUP -WAKING -WALBRIDGE -WALCOTT -WALDEN -WALDENSIAN -WALDO -WALDORF -WALDRON -WALES -WALFORD -WALGREEN -WALK -WALKED -WALKER -WALKERS -WALKING -WALKS -WALL -WALLACE -WALLED -WALLENSTEIN -WALLER -WALLET -WALLETS -WALLING -WALLIS -WALLOW -WALLOWED -WALLOWING -WALLOWS -WALLS -WALNUT -WALNUTS -WALPOLE -WALRUS -WALRUSES -WALSH -WALT -WALTER -WALTERS -WALTHAM -WALTON -WALTZ -WALTZED -WALTZES -WALTZING -WALWORTH -WAN -WAND -WANDER -WANDERED -WANDERER -WANDERERS -WANDERING -WANDERINGS -WANDERS -WANE -WANED -WANES -WANG -WANING -WANLY -WANSEE -WANSLEY -WANT -WANTED -WANTING -WANTON -WANTONLY -WANTONNESS -WANTS -WAPATO -WAPPINGER -WAR -WARBLE -WARBLED -WARBLER -WARBLES -WARBLING -WARBURTON -WARD -WARDEN -WARDENS -WARDER -WARDROBE -WARDROBES -WARDS -WARE -WAREHOUSE -WAREHOUSES -WAREHOUSING -WARES -WARFARE -WARFIELD -WARILY -WARINESS -WARING -WARLIKE -WARM -WARMED -WARMER -WARMERS -WARMEST -WARMING -WARMLY -WARMS -WARMTH -WARN -WARNED -WARNER -WARNING -WARNINGLY -WARNINGS -WARNOCK -WARNS -WARP -WARPED -WARPING -WARPS -WARRANT -WARRANTED -WARRANTIES -WARRANTING -WARRANTS -WARRANTY -WARRED -WARRING -WARRIOR -WARRIORS -WARS -WARSAW -WARSHIP -WARSHIPS -WART -WARTIME -WARTS -WARWICK -WARY -WAS -WASH -WASHBURN -WASHED -WASHER -WASHERS -WASHES -WASHING -WASHINGS -WASHINGTON -WASHOE -WASP -WASPS -WASSERMAN -WASTE -WASTED -WASTEFUL -WASTEFULLY -WASTEFULNESS -WASTES -WASTING -WATANABE -WATCH -WATCHED -WATCHER -WATCHERS -WATCHES -WATCHFUL -WATCHFULLY -WATCHFULNESS -WATCHING -WATCHINGS -WATCHMAN -WATCHWORD -WATCHWORDS -WATER -WATERBURY -WATERED -WATERFALL -WATERFALLS -WATERGATE -WATERHOUSE -WATERING -WATERINGS -WATERLOO -WATERMAN -WATERPROOF -WATERPROOFING -WATERS -WATERTOWN -WATERWAY -WATERWAYS -WATERY -WATKINS -WATSON -WATTENBERG -WATTERSON -WATTS -WAUKESHA -WAUNONA -WAUPACA -WAUPUN -WAUSAU -WAUWATOSA -WAVE -WAVED -WAVEFORM -WAVEFORMS -WAVEFRONT -WAVEFRONTS -WAVEGUIDES -WAVELAND -WAVELENGTH -WAVELENGTHS -WAVER -WAVERS -WAVES -WAVING -WAX -WAXED -WAXEN -WAXER -WAXERS -WAXES -WAXING -WAXY -WAY -WAYNE -WAYNESBORO -WAYS -WAYSIDE -WAYWARD -WEAK -WEAKEN -WEAKENED -WEAKENING -WEAKENS -WEAKER -WEAKEST -WEAKLY -WEAKNESS -WEAKNESSES -WEALTH -WEALTHIEST -WEALTHS -WEALTHY -WEAN -WEANED -WEANING -WEAPON -WEAPONS -WEAR -WEARABLE -WEARER -WEARIED -WEARIER -WEARIEST -WEARILY -WEARINESS -WEARING -WEARISOME -WEARISOMELY -WEARS -WEARY -WEARYING -WEASEL -WEASELS -WEATHER -WEATHERCOCK -WEATHERCOCKS -WEATHERED -WEATHERFORD -WEATHERING -WEATHERS -WEAVE -WEAVER -WEAVES -WEAVING -WEB -WEBB -WEBBER -WEBS -WEBSTER -WEBSTERVILLE -WEDDED -WEDDING -WEDDINGS -WEDGE -WEDGED -WEDGES -WEDGING -WEDLOCK -WEDNESDAY -WEDNESDAYS -WEDS -WEE -WEED -WEEDS -WEEK -WEEKEND -WEEKENDS -WEEKLY -WEEKS -WEEP -WEEPER -WEEPING -WEEPS -WEHR -WEI -WEIBULL -WEIDER -WEIDMAN -WEIERSTRASS -WEIGH -WEIGHED -WEIGHING -WEIGHINGS -WEIGHS -WEIGHT -WEIGHTED -WEIGHTING -WEIGHTS -WEIGHTY -WEINBERG -WEINER -WEINSTEIN -WEIRD -WEIRDLY -WEISENHEIMER -WEISS -WEISSMAN -WEISSMULLER -WELCH -WELCHER -WELCHES -WELCOME -WELCOMED -WELCOMES -WELCOMING -WELD -WELDED -WELDER -WELDING -WELDON -WELDS -WELDWOOD -WELFARE -WELL -WELLED -WELLER -WELLES -WELLESLEY -WELLING -WELLINGTON -WELLMAN -WELLS -WELLSVILLE -WELMERS -WELSH -WELTON -WENCH -WENCHES -WENDELL -WENDY -WENT -WENTWORTH -WEPT -WERE -WERNER -WERTHER -WESLEY -WESLEYAN -WESSON -WEST -WESTBOUND -WESTBROOK -WESTCHESTER -WESTERN -WESTERNER -WESTERNERS -WESTFIELD -WESTHAMPTON -WESTINGHOUSE -WESTMINSTER -WESTMORE -WESTON -WESTPHALIA -WESTPORT -WESTWARD -WESTWARDS -WESTWOOD -WET -WETLY -WETNESS -WETS -WETTED -WETTER -WETTEST -WETTING -WEYERHAUSER -WHACK -WHACKED -WHACKING -WHACKS -WHALE -WHALEN -WHALER -WHALES -WHALING -WHARF -WHARTON -WHARVES -WHAT -WHATEVER -WHATLEY -WHATSOEVER -WHEAT -WHEATEN -WHEATLAND -WHEATON -WHEATSTONE -WHEEL -WHEELED -WHEELER -WHEELERS -WHEELING -WHEELINGS -WHEELOCK -WHEELS -WHELAN -WHELLER -WHELP -WHEN -WHENCE -WHENEVER -WHERE -WHEREABOUTS -WHEREAS -WHEREBY -WHEREIN -WHEREUPON -WHEREVER -WHETHER -WHICH -WHICHEVER -WHILE -WHIM -WHIMPER -WHIMPERED -WHIMPERING -WHIMPERS -WHIMS -WHIMSICAL -WHIMSICALLY -WHIMSIES -WHIMSY -WHINE -WHINED -WHINES -WHINING -WHIP -WHIPPANY -WHIPPED -WHIPPER -WHIPPERS -WHIPPING -WHIPPINGS -WHIPPLE -WHIPS -WHIRL -WHIRLED -WHIRLING -WHIRLPOOL -WHIRLPOOLS -WHIRLS -WHIRLWIND -WHIRR -WHIRRING -WHISK -WHISKED -WHISKER -WHISKERS -WHISKEY -WHISKING -WHISKS -WHISPER -WHISPERED -WHISPERING -WHISPERINGS -WHISPERS -WHISTLE -WHISTLED -WHISTLER -WHISTLERS -WHISTLES -WHISTLING -WHIT -WHITAKER -WHITCOMB -WHITE -WHITEHALL -WHITEHORSE -WHITELEAF -WHITELEY -WHITELY -WHITEN -WHITENED -WHITENER -WHITENERS -WHITENESS -WHITENING -WHITENS -WHITER -WHITES -WHITESPACE -WHITEST -WHITEWASH -WHITEWASHED -WHITEWATER -WHITFIELD -WHITING -WHITLOCK -WHITMAN -WHITMANIZE -WHITMANIZES -WHITNEY -WHITTAKER -WHITTIER -WHITTLE -WHITTLED -WHITTLES -WHITTLING -WHIZ -WHIZZED -WHIZZES -WHIZZING -WHO -WHOEVER -WHOLE -WHOLEHEARTED -WHOLEHEARTEDLY -WHOLENESS -WHOLES -WHOLESALE -WHOLESALER -WHOLESALERS -WHOLESOME -WHOLESOMENESS -WHOLLY -WHOM -WHOMEVER -WHOOP -WHOOPED -WHOOPING -WHOOPS -WHORE -WHORES -WHORL -WHORLS -WHOSE -WHY -WICHITA -WICK -WICKED -WICKEDLY -WICKEDNESS -WICKER -WICKS -WIDE -WIDEBAND -WIDELY -WIDEN -WIDENED -WIDENER -WIDENING -WIDENS -WIDER -WIDESPREAD -WIDEST -WIDGET -WIDOW -WIDOWED -WIDOWER -WIDOWERS -WIDOWS -WIDTH -WIDTHS -WIELAND -WIELD -WIELDED -WIELDER -WIELDING -WIELDS -WIER -WIFE -WIFELY -WIG -WIGGINS -WIGHTMAN -WIGS -WIGWAM -WILBUR -WILCOX -WILD -WILDCAT -WILDCATS -WILDER -WILDERNESS -WILDEST -WILDLY -WILDNESS -WILE -WILES -WILEY -WILFRED -WILHELM -WILHELMINA -WILINESS -WILKES -WILKIE -WILKINS -WILKINSON -WILL -WILLA -WILLAMETTE -WILLARD -WILLCOX -WILLED -WILLEM -WILLFUL -WILLFULLY -WILLIAM -WILLIAMS -WILLIAMSBURG -WILLIAMSON -WILLIE -WILLIED -WILLIES -WILLING -WILLINGLY -WILLINGNESS -WILLIS -WILLISSON -WILLOUGHBY -WILLOW -WILLOWS -WILLS -WILLY -WILMA -WILMETTE -WILMINGTON -WILSHIRE -WILSON -WILSONIAN -WILT -WILTED -WILTING -WILTS -WILTSHIRE -WILY -WIN -WINCE -WINCED -WINCES -WINCHELL -WINCHESTER -WINCING -WIND -WINDED -WINDER -WINDERS -WINDING -WINDMILL -WINDMILLS -WINDOW -WINDOWS -WINDS -WINDSOR -WINDY -WINE -WINED -WINEHEAD -WINER -WINERS -WINES -WINFIELD -WING -WINGED -WINGING -WINGS -WINIFRED -WINING -WINK -WINKED -WINKER -WINKING -WINKS -WINNEBAGO -WINNER -WINNERS -WINNETKA -WINNIE -WINNING -WINNINGLY -WINNINGS -WINNIPEG -WINNIPESAUKEE -WINOGRAD -WINOOSKI -WINS -WINSBOROUGH -WINSETT -WINSLOW -WINSTON -WINTER -WINTERED -WINTERING -WINTERS -WINTHROP -WINTRY -WIPE -WIPED -WIPER -WIPERS -WIPES -WIPING -WIRE -WIRED -WIRELESS -WIRES -WIRETAP -WIRETAPPERS -WIRETAPPING -WIRETAPS -WIRINESS -WIRING -WIRY -WISCONSIN -WISDOM -WISDOMS -WISE -WISED -WISELY -WISENHEIMER -WISER -WISEST -WISH -WISHED -WISHER -WISHERS -WISHES -WISHFUL -WISHING -WISP -WISPS -WISTFUL -WISTFULLY -WISTFULNESS -WIT -WITCH -WITCHCRAFT -WITCHES -WITCHING -WITH -WITHAL -WITHDRAW -WITHDRAWAL -WITHDRAWALS -WITHDRAWING -WITHDRAWN -WITHDRAWS -WITHDREW -WITHER -WITHERS -WITHERSPOON -WITHHELD -WITHHOLD -WITHHOLDER -WITHHOLDERS -WITHHOLDING -WITHHOLDINGS -WITHHOLDS -WITHIN -WITHOUT -WITHSTAND -WITHSTANDING -WITHSTANDS -WITHSTOOD -WITNESS -WITNESSED -WITNESSES -WITNESSING -WITS -WITT -WITTGENSTEIN -WITTY -WIVES -WIZARD -WIZARDS -WOE -WOEFUL -WOEFULLY -WOKE -WOLCOTT -WOLF -WOLFE -WOLFF -WOLFGANG -WOLVERTON -WOLVES -WOMAN -WOMANHOOD -WOMANLY -WOMB -WOMBS -WOMEN -WON -WONDER -WONDERED -WONDERFUL -WONDERFULLY -WONDERFULNESS -WONDERING -WONDERINGLY -WONDERMENT -WONDERS -WONDROUS -WONDROUSLY -WONG -WONT -WONTED -WOO -WOOD -WOODARD -WOODBERRY -WOODBURY -WOODCHUCK -WOODCHUCKS -WOODCOCK -WOODCOCKS -WOODED -WOODEN -WOODENLY -WOODENNESS -WOODLAND -WOODLAWN -WOODMAN -WOODPECKER -WOODPECKERS -WOODROW -WOODS -WOODSTOCK -WOODWARD -WOODWARDS -WOODWORK -WOODWORKING -WOODY -WOOED -WOOER -WOOF -WOOFED -WOOFER -WOOFERS -WOOFING -WOOFS -WOOING -WOOL -WOOLEN -WOOLLY -WOOLS -WOOLWORTH -WOONSOCKET -WOOS -WOOSTER -WORCESTER -WORCESTERSHIRE -WORD -WORDED -WORDILY -WORDINESS -WORDING -WORDS -WORDSWORTH -WORDY -WORE -WORK -WORKABLE -WORKABLY -WORKBENCH -WORKBENCHES -WORKBOOK -WORKBOOKS -WORKED -WORKER -WORKERS -WORKHORSE -WORKHORSES -WORKING -WORKINGMAN -WORKINGS -WORKLOAD -WORKMAN -WORKMANSHIP -WORKMEN -WORKS -WORKSHOP -WORKSHOPS -WORKSPACE -WORKSTATION -WORKSTATIONS -WORLD -WORLDLINESS -WORLDLY -WORLDS -WORLDWIDE -WORM -WORMED -WORMING -WORMS -WORN -WORRIED -WORRIER -WORRIERS -WORRIES -WORRISOME -WORRY -WORRYING -WORRYINGLY -WORSE -WORSHIP -WORSHIPED -WORSHIPER -WORSHIPFUL -WORSHIPING -WORSHIPS -WORST -WORSTED -WORTH -WORTHIEST -WORTHINESS -WORTHINGTON -WORTHLESS -WORTHLESSNESS -WORTHS -WORTHWHILE -WORTHWHILENESS -WORTHY -WOTAN -WOULD -WOUND -WOUNDED -WOUNDING -WOUNDS -WOVE -WOVEN -WRANGLE -WRANGLED -WRANGLER -WRAP -WRAPAROUND -WRAPPED -WRAPPER -WRAPPERS -WRAPPING -WRAPPINGS -WRAPS -WRATH -WREAK -WREAKS -WREATH -WREATHED -WREATHES -WRECK -WRECKAGE -WRECKED -WRECKER -WRECKERS -WRECKING -WRECKS -WREN -WRENCH -WRENCHED -WRENCHES -WRENCHING -WRENS -WREST -WRESTLE -WRESTLER -WRESTLES -WRESTLING -WRESTLINGS -WRETCH -WRETCHED -WRETCHEDNESS -WRETCHES -WRIGGLE -WRIGGLED -WRIGGLER -WRIGGLES -WRIGGLING -WRIGLEY -WRING -WRINGER -WRINGS -WRINKLE -WRINKLED -WRINKLES -WRIST -WRISTS -WRISTWATCH -WRISTWATCHES -WRIT -WRITABLE -WRITE -WRITER -WRITERS -WRITES -WRITHE -WRITHED -WRITHES -WRITHING -WRITING -WRITINGS -WRITS -WRITTEN -WRONG -WRONGED -WRONGING -WRONGLY -WRONGS -WRONSKIAN -WROTE -WROUGHT -WRUNG -WUHAN -WYANDOTTE -WYATT -WYETH -WYLIE -WYMAN -WYNER -WYNN -WYOMING -XANTHUS -XAVIER -XEBEC -XENAKIS -XENIA -XENIX -XEROX -XEROXED -XEROXES -XEROXING -XERXES -XHOSA -YAGI -YAKIMA -YALE -YALIES -YALTA -YAMAHA -YANK -YANKED -YANKEE -YANKEES -YANKING -YANKS -YANKTON -YAOUNDE -YAQUI -YARD -YARDS -YARDSTICK -YARDSTICKS -YARMOUTH -YARN -YARNS -YATES -YAUNDE -YAWN -YAWNER -YAWNING -YEA -YEAGER -YEAR -YEARLY -YEARN -YEARNED -YEARNING -YEARNINGS -YEARS -YEAS -YEAST -YEASTS -YEATS -YELL -YELLED -YELLER -YELLING -YELLOW -YELLOWED -YELLOWER -YELLOWEST -YELLOWING -YELLOWISH -YELLOWKNIFE -YELLOWNESS -YELLOWS -YELLOWSTONE -YELP -YELPED -YELPING -YELPS -YEMEN -YENTL -YEOMAN -YEOMEN -YERKES -YES -YESTERDAY -YESTERDAYS -YET -YIDDISH -YIELD -YIELDED -YIELDING -YIELDS -YODER -YOKE -YOKES -YOKNAPATAWPHA -YOKOHAMA -YOKUTS -YON -YONDER -YONKERS -YORICK -YORK -YORKER -YORKERS -YORKSHIRE -YORKTOWN -YOSEMITE -YOST -YOU -YOUNG -YOUNGER -YOUNGEST -YOUNGLY -YOUNGSTER -YOUNGSTERS -YOUNGSTOWN -YOUR -YOURS -YOURSELF -YOURSELVES -YOUTH -YOUTHES -YOUTHFUL -YOUTHFULLY -YOUTHFULNESS -YPSILANTI -YUBA -YUCATAN -YUGOSLAV -YUGOSLAVIA -YUGOSLAVIAN -YUGOSLAVIANS -YUH -YUKI -YUKON -YURI -YVES -YVETTE -ZACHARY -ZAGREB -ZAIRE -ZAMBIA -ZAN -ZANZIBAR -ZEAL -ZEALAND -ZEALOUS -ZEALOUSLY -ZEALOUSNESS -ZEBRA -ZEBRAS -ZEFFIRELLI -ZEISS -ZELLERBACH -ZEN -ZENITH -ZENNIST -ZERO -ZEROED -ZEROES -ZEROING -ZEROS -ZEROTH -ZEST -ZEUS -ZIEGFELD -ZIEGFELDS -ZIEGLER -ZIGGY -ZIGZAG -ZILLIONS -ZIMMERMAN -ZINC -ZION -ZIONISM -ZIONIST -ZIONISTS -ZIONS -ZODIAC -ZOE -ZOMBA -ZONAL -ZONALLY -ZONE -ZONED -ZONES -ZONING -ZOO -ZOOLOGICAL -ZOOLOGICALLY -ZOOM -ZOOMS -ZOOS -ZORN -ZOROASTER -ZOROASTRIAN -ZULU -ZULUS +AARHUS +AARON +ABABA +ABACK +ABAFT +ABANDON +ABANDONED +ABANDONING +ABANDONMENT +ABANDONS +ABASE +ABASED +ABASEMENT +ABASEMENTS +ABASES +ABASH +ABASHED +ABASHES +ABASHING +ABASING +ABATE +ABATED +ABATEMENT +ABATEMENTS +ABATER +ABATES +ABATING +ABBA +ABBE +ABBEY +ABBEYS +ABBOT +ABBOTS +ABBOTT +ABBREVIATE +ABBREVIATED +ABBREVIATES +ABBREVIATING +ABBREVIATION +ABBREVIATIONS +ABBY +ABDOMEN +ABDOMENS +ABDOMINAL +ABDUCT +ABDUCTED +ABDUCTION +ABDUCTIONS +ABDUCTOR +ABDUCTORS +ABDUCTS +ABE +ABED +ABEL +ABELIAN +ABELSON +ABERDEEN +ABERNATHY +ABERRANT +ABERRATION +ABERRATIONS +ABET +ABETS +ABETTED +ABETTER +ABETTING +ABEYANCE +ABHOR +ABHORRED +ABHORRENT +ABHORRER +ABHORRING +ABHORS +ABIDE +ABIDED +ABIDES +ABIDING +ABIDJAN +ABIGAIL +ABILENE +ABILITIES +ABILITY +ABJECT +ABJECTION +ABJECTIONS +ABJECTLY +ABJECTNESS +ABJURE +ABJURED +ABJURES +ABJURING +ABLATE +ABLATED +ABLATES +ABLATING +ABLATION +ABLATIVE +ABLAZE +ABLE +ABLER +ABLEST +ABLY +ABNER +ABNORMAL +ABNORMALITIES +ABNORMALITY +ABNORMALLY +ABO +ABOARD +ABODE +ABODES +ABOLISH +ABOLISHED +ABOLISHER +ABOLISHERS +ABOLISHES +ABOLISHING +ABOLISHMENT +ABOLISHMENTS +ABOLITION +ABOLITIONIST +ABOLITIONISTS +ABOMINABLE +ABOMINATE +ABORIGINAL +ABORIGINE +ABORIGINES +ABORT +ABORTED +ABORTING +ABORTION +ABORTIONS +ABORTIVE +ABORTIVELY +ABORTS +ABOS +ABOUND +ABOUNDED +ABOUNDING +ABOUNDS +ABOUT +ABOVE +ABOVEBOARD +ABOVEGROUND +ABOVEMENTIONED +ABRADE +ABRADED +ABRADES +ABRADING +ABRAHAM +ABRAM +ABRAMS +ABRAMSON +ABRASION +ABRASIONS +ABRASIVE +ABREACTION +ABREACTIONS +ABREAST +ABRIDGE +ABRIDGED +ABRIDGES +ABRIDGING +ABRIDGMENT +ABROAD +ABROGATE +ABROGATED +ABROGATES +ABROGATING +ABRUPT +ABRUPTLY +ABRUPTNESS +ABSCESS +ABSCESSED +ABSCESSES +ABSCISSA +ABSCISSAS +ABSCOND +ABSCONDED +ABSCONDING +ABSCONDS +ABSENCE +ABSENCES +ABSENT +ABSENTED +ABSENTEE +ABSENTEEISM +ABSENTEES +ABSENTIA +ABSENTING +ABSENTLY +ABSENTMINDED +ABSENTS +ABSINTHE +ABSOLUTE +ABSOLUTELY +ABSOLUTENESS +ABSOLUTES +ABSOLUTION +ABSOLVE +ABSOLVED +ABSOLVES +ABSOLVING +ABSORB +ABSORBED +ABSORBENCY +ABSORBENT +ABSORBER +ABSORBING +ABSORBS +ABSORPTION +ABSORPTIONS +ABSORPTIVE +ABSTAIN +ABSTAINED +ABSTAINER +ABSTAINING +ABSTAINS +ABSTENTION +ABSTENTIONS +ABSTINENCE +ABSTRACT +ABSTRACTED +ABSTRACTING +ABSTRACTION +ABSTRACTIONISM +ABSTRACTIONIST +ABSTRACTIONS +ABSTRACTLY +ABSTRACTNESS +ABSTRACTOR +ABSTRACTORS +ABSTRACTS +ABSTRUSE +ABSTRUSENESS +ABSURD +ABSURDITIES +ABSURDITY +ABSURDLY +ABU +ABUNDANCE +ABUNDANT +ABUNDANTLY +ABUSE +ABUSED +ABUSES +ABUSING +ABUSIVE +ABUT +ABUTMENT +ABUTS +ABUTTED +ABUTTER +ABUTTERS +ABUTTING +ABYSMAL +ABYSMALLY +ABYSS +ABYSSES +ABYSSINIA +ABYSSINIAN +ABYSSINIANS +ACACIA +ACADEMIA +ACADEMIC +ACADEMICALLY +ACADEMICS +ACADEMIES +ACADEMY +ACADIA +ACAPULCO +ACCEDE +ACCEDED +ACCEDES +ACCELERATE +ACCELERATED +ACCELERATES +ACCELERATING +ACCELERATION +ACCELERATIONS +ACCELERATOR +ACCELERATORS +ACCELEROMETER +ACCELEROMETERS +ACCENT +ACCENTED +ACCENTING +ACCENTS +ACCENTUAL +ACCENTUATE +ACCENTUATED +ACCENTUATES +ACCENTUATING +ACCENTUATION +ACCEPT +ACCEPTABILITY +ACCEPTABLE +ACCEPTABLY +ACCEPTANCE +ACCEPTANCES +ACCEPTED +ACCEPTER +ACCEPTERS +ACCEPTING +ACCEPTOR +ACCEPTORS +ACCEPTS +ACCESS +ACCESSED +ACCESSES +ACCESSIBILITY +ACCESSIBLE +ACCESSIBLY +ACCESSING +ACCESSION +ACCESSIONS +ACCESSORIES +ACCESSORS +ACCESSORY +ACCIDENT +ACCIDENTAL +ACCIDENTALLY +ACCIDENTLY +ACCIDENTS +ACCLAIM +ACCLAIMED +ACCLAIMING +ACCLAIMS +ACCLAMATION +ACCLIMATE +ACCLIMATED +ACCLIMATES +ACCLIMATING +ACCLIMATIZATION +ACCLIMATIZED +ACCOLADE +ACCOLADES +ACCOMMODATE +ACCOMMODATED +ACCOMMODATES +ACCOMMODATING +ACCOMMODATION +ACCOMMODATIONS +ACCOMPANIED +ACCOMPANIES +ACCOMPANIMENT +ACCOMPANIMENTS +ACCOMPANIST +ACCOMPANISTS +ACCOMPANY +ACCOMPANYING +ACCOMPLICE +ACCOMPLICES +ACCOMPLISH +ACCOMPLISHED +ACCOMPLISHER +ACCOMPLISHERS +ACCOMPLISHES +ACCOMPLISHING +ACCOMPLISHMENT +ACCOMPLISHMENTS +ACCORD +ACCORDANCE +ACCORDED +ACCORDER +ACCORDERS +ACCORDING +ACCORDINGLY +ACCORDION +ACCORDIONS +ACCORDS +ACCOST +ACCOSTED +ACCOSTING +ACCOSTS +ACCOUNT +ACCOUNTABILITY +ACCOUNTABLE +ACCOUNTABLY +ACCOUNTANCY +ACCOUNTANT +ACCOUNTANTS +ACCOUNTED +ACCOUNTING +ACCOUNTS +ACCRA +ACCREDIT +ACCREDITATION +ACCREDITATIONS +ACCREDITED +ACCRETION +ACCRETIONS +ACCRUE +ACCRUED +ACCRUES +ACCRUING +ACCULTURATE +ACCULTURATED +ACCULTURATES +ACCULTURATING +ACCULTURATION +ACCUMULATE +ACCUMULATED +ACCUMULATES +ACCUMULATING +ACCUMULATION +ACCUMULATIONS +ACCUMULATOR +ACCUMULATORS +ACCURACIES +ACCURACY +ACCURATE +ACCURATELY +ACCURATENESS +ACCURSED +ACCUSAL +ACCUSATION +ACCUSATIONS +ACCUSATIVE +ACCUSE +ACCUSED +ACCUSER +ACCUSES +ACCUSING +ACCUSINGLY +ACCUSTOM +ACCUSTOMED +ACCUSTOMING +ACCUSTOMS +ACE +ACES +ACETATE +ACETONE +ACETYLENE +ACHAEAN +ACHAEANS +ACHE +ACHED +ACHES +ACHIEVABLE +ACHIEVE +ACHIEVED +ACHIEVEMENT +ACHIEVEMENTS +ACHIEVER +ACHIEVERS +ACHIEVES +ACHIEVING +ACHILLES +ACHING +ACID +ACIDIC +ACIDITIES +ACIDITY +ACIDLY +ACIDS +ACIDULOUS +ACKERMAN +ACKLEY +ACKNOWLEDGE +ACKNOWLEDGEABLE +ACKNOWLEDGED +ACKNOWLEDGEMENT +ACKNOWLEDGEMENTS +ACKNOWLEDGER +ACKNOWLEDGERS +ACKNOWLEDGES +ACKNOWLEDGING +ACKNOWLEDGMENT +ACKNOWLEDGMENTS +ACME +ACNE +ACOLYTE +ACOLYTES +ACORN +ACORNS +ACOUSTIC +ACOUSTICAL +ACOUSTICALLY +ACOUSTICIAN +ACOUSTICS +ACQUAINT +ACQUAINTANCE +ACQUAINTANCES +ACQUAINTED +ACQUAINTING +ACQUAINTS +ACQUIESCE +ACQUIESCED +ACQUIESCENCE +ACQUIESCENT +ACQUIESCES +ACQUIESCING +ACQUIRABLE +ACQUIRE +ACQUIRED +ACQUIRES +ACQUIRING +ACQUISITION +ACQUISITIONS +ACQUISITIVE +ACQUISITIVENESS +ACQUIT +ACQUITS +ACQUITTAL +ACQUITTED +ACQUITTER +ACQUITTING +ACRE +ACREAGE +ACRES +ACRID +ACRIMONIOUS +ACRIMONY +ACROBAT +ACROBATIC +ACROBATICS +ACROBATS +ACRONYM +ACRONYMS +ACROPOLIS +ACROSS +ACRYLIC +ACT +ACTA +ACTAEON +ACTED +ACTING +ACTINIUM +ACTINOMETER +ACTINOMETERS +ACTION +ACTIONS +ACTIVATE +ACTIVATED +ACTIVATES +ACTIVATING +ACTIVATION +ACTIVATIONS +ACTIVATOR +ACTIVATORS +ACTIVE +ACTIVELY +ACTIVISM +ACTIVIST +ACTIVISTS +ACTIVITIES +ACTIVITY +ACTON +ACTOR +ACTORS +ACTRESS +ACTRESSES +ACTS +ACTUAL +ACTUALITIES +ACTUALITY +ACTUALIZATION +ACTUALLY +ACTUALS +ACTUARIAL +ACTUARIALLY +ACTUATE +ACTUATED +ACTUATES +ACTUATING +ACTUATOR +ACTUATORS +ACUITY +ACUMEN +ACUTE +ACUTELY +ACUTENESS +ACYCLIC +ACYCLICALLY +ADA +ADAGE +ADAGES +ADAGIO +ADAGIOS +ADAIR +ADAM +ADAMANT +ADAMANTLY +ADAMS +ADAMSON +ADAPT +ADAPTABILITY +ADAPTABLE +ADAPTATION +ADAPTATIONS +ADAPTED +ADAPTER +ADAPTERS +ADAPTING +ADAPTIVE +ADAPTIVELY +ADAPTOR +ADAPTORS +ADAPTS +ADD +ADDED +ADDEND +ADDENDA +ADDENDUM +ADDER +ADDERS +ADDICT +ADDICTED +ADDICTING +ADDICTION +ADDICTIONS +ADDICTS +ADDING +ADDIS +ADDISON +ADDITION +ADDITIONAL +ADDITIONALLY +ADDITIONS +ADDITIVE +ADDITIVES +ADDITIVITY +ADDRESS +ADDRESSABILITY +ADDRESSABLE +ADDRESSED +ADDRESSEE +ADDRESSEES +ADDRESSER +ADDRESSERS +ADDRESSES +ADDRESSING +ADDRESSOGRAPH +ADDS +ADDUCE +ADDUCED +ADDUCES +ADDUCIBLE +ADDUCING +ADDUCT +ADDUCTED +ADDUCTING +ADDUCTION +ADDUCTOR +ADDUCTS +ADELAIDE +ADELE +ADELIA +ADEN +ADEPT +ADEQUACIES +ADEQUACY +ADEQUATE +ADEQUATELY +ADHERE +ADHERED +ADHERENCE +ADHERENT +ADHERENTS +ADHERER +ADHERERS +ADHERES +ADHERING +ADHESION +ADHESIONS +ADHESIVE +ADHESIVES +ADIABATIC +ADIABATICALLY +ADIEU +ADIRONDACK +ADIRONDACKS +ADJACENCY +ADJACENT +ADJECTIVE +ADJECTIVES +ADJOIN +ADJOINED +ADJOINING +ADJOINS +ADJOURN +ADJOURNED +ADJOURNING +ADJOURNMENT +ADJOURNS +ADJUDGE +ADJUDGED +ADJUDGES +ADJUDGING +ADJUDICATE +ADJUDICATED +ADJUDICATES +ADJUDICATING +ADJUDICATION +ADJUDICATIONS +ADJUNCT +ADJUNCTS +ADJURE +ADJURED +ADJURES +ADJURING +ADJUST +ADJUSTABLE +ADJUSTABLY +ADJUSTED +ADJUSTER +ADJUSTERS +ADJUSTING +ADJUSTMENT +ADJUSTMENTS +ADJUSTOR +ADJUSTORS +ADJUSTS +ADJUTANT +ADJUTANTS +ADKINS +ADLER +ADLERIAN +ADMINISTER +ADMINISTERED +ADMINISTERING +ADMINISTERINGS +ADMINISTERS +ADMINISTRABLE +ADMINISTRATE +ADMINISTRATION +ADMINISTRATIONS +ADMINISTRATIVE +ADMINISTRATIVELY +ADMINISTRATOR +ADMINISTRATORS +ADMIRABLE +ADMIRABLY +ADMIRAL +ADMIRALS +ADMIRALTY +ADMIRATION +ADMIRATIONS +ADMIRE +ADMIRED +ADMIRER +ADMIRERS +ADMIRES +ADMIRING +ADMIRINGLY +ADMISSIBILITY +ADMISSIBLE +ADMISSION +ADMISSIONS +ADMIT +ADMITS +ADMITTANCE +ADMITTED +ADMITTEDLY +ADMITTER +ADMITTERS +ADMITTING +ADMIX +ADMIXED +ADMIXES +ADMIXTURE +ADMONISH +ADMONISHED +ADMONISHES +ADMONISHING +ADMONISHMENT +ADMONISHMENTS +ADMONITION +ADMONITIONS +ADO +ADOBE +ADOLESCENCE +ADOLESCENT +ADOLESCENTS +ADOLPH +ADOLPHUS +ADONIS +ADOPT +ADOPTED +ADOPTER +ADOPTERS +ADOPTING +ADOPTION +ADOPTIONS +ADOPTIVE +ADOPTS +ADORABLE +ADORATION +ADORE +ADORED +ADORES +ADORN +ADORNED +ADORNMENT +ADORNMENTS +ADORNS +ADRENAL +ADRENALINE +ADRIAN +ADRIATIC +ADRIENNE +ADRIFT +ADROIT +ADROITNESS +ADS +ADSORB +ADSORBED +ADSORBING +ADSORBS +ADSORPTION +ADULATE +ADULATING +ADULATION +ADULT +ADULTERATE +ADULTERATED +ADULTERATES +ADULTERATING +ADULTERER +ADULTERERS +ADULTEROUS +ADULTEROUSLY +ADULTERY +ADULTHOOD +ADULTS +ADUMBRATE +ADUMBRATED +ADUMBRATES +ADUMBRATING +ADUMBRATION +ADVANCE +ADVANCED +ADVANCEMENT +ADVANCEMENTS +ADVANCES +ADVANCING +ADVANTAGE +ADVANTAGED +ADVANTAGEOUS +ADVANTAGEOUSLY +ADVANTAGES +ADVENT +ADVENTIST +ADVENTISTS +ADVENTITIOUS +ADVENTURE +ADVENTURED +ADVENTURER +ADVENTURERS +ADVENTURES +ADVENTURING +ADVENTUROUS +ADVERB +ADVERBIAL +ADVERBS +ADVERSARIES +ADVERSARY +ADVERSE +ADVERSELY +ADVERSITIES +ADVERSITY +ADVERT +ADVERTISE +ADVERTISED +ADVERTISEMENT +ADVERTISEMENTS +ADVERTISER +ADVERTISERS +ADVERTISES +ADVERTISING +ADVICE +ADVISABILITY +ADVISABLE +ADVISABLY +ADVISE +ADVISED +ADVISEDLY +ADVISEE +ADVISEES +ADVISEMENT +ADVISEMENTS +ADVISER +ADVISERS +ADVISES +ADVISING +ADVISOR +ADVISORS +ADVISORY +ADVOCACY +ADVOCATE +ADVOCATED +ADVOCATES +ADVOCATING +AEGEAN +AEGIS +AENEAS +AENEID +AEOLUS +AERATE +AERATED +AERATES +AERATING +AERATION +AERATOR +AERATORS +AERIAL +AERIALS +AEROACOUSTIC +AEROBACTER +AEROBIC +AEROBICS +AERODYNAMIC +AERODYNAMICS +AERONAUTIC +AERONAUTICAL +AERONAUTICS +AEROSOL +AEROSOLIZE +AEROSOLS +AEROSPACE +AESCHYLUS +AESOP +AESTHETIC +AESTHETICALLY +AESTHETICS +AFAR +AFFABLE +AFFAIR +AFFAIRS +AFFECT +AFFECTATION +AFFECTATIONS +AFFECTED +AFFECTING +AFFECTINGLY +AFFECTION +AFFECTIONATE +AFFECTIONATELY +AFFECTIONS +AFFECTIVE +AFFECTS +AFFERENT +AFFIANCED +AFFIDAVIT +AFFIDAVITS +AFFILIATE +AFFILIATED +AFFILIATES +AFFILIATING +AFFILIATION +AFFILIATIONS +AFFINITIES +AFFINITY +AFFIRM +AFFIRMATION +AFFIRMATIONS +AFFIRMATIVE +AFFIRMATIVELY +AFFIRMED +AFFIRMING +AFFIRMS +AFFIX +AFFIXED +AFFIXES +AFFIXING +AFFLICT +AFFLICTED +AFFLICTING +AFFLICTION +AFFLICTIONS +AFFLICTIVE +AFFLICTS +AFFLUENCE +AFFLUENT +AFFORD +AFFORDABLE +AFFORDED +AFFORDING +AFFORDS +AFFRICATE +AFFRICATES +AFFRIGHT +AFFRONT +AFFRONTED +AFFRONTING +AFFRONTS +AFGHAN +AFGHANISTAN +AFGHANS +AFICIONADO +AFIELD +AFIRE +AFLAME +AFLOAT +AFOOT +AFORE +AFOREMENTIONED +AFORESAID +AFORETHOUGHT +AFOUL +AFRAID +AFRESH +AFRICA +AFRICAN +AFRICANIZATION +AFRICANIZATIONS +AFRICANIZE +AFRICANIZED +AFRICANIZES +AFRICANIZING +AFRICANS +AFRIKAANS +AFRIKANER +AFRIKANERS +AFT +AFTER +AFTEREFFECT +AFTERGLOW +AFTERIMAGE +AFTERLIFE +AFTERMATH +AFTERMOST +AFTERNOON +AFTERNOONS +AFTERSHOCK +AFTERSHOCKS +AFTERTHOUGHT +AFTERTHOUGHTS +AFTERWARD +AFTERWARDS +AGAIN +AGAINST +AGAMEMNON +AGAPE +AGAR +AGATE +AGATES +AGATHA +AGE +AGED +AGEE +AGELESS +AGENCIES +AGENCY +AGENDA +AGENDAS +AGENT +AGENTS +AGER +AGERS +AGES +AGGIE +AGGIES +AGGLOMERATE +AGGLOMERATED +AGGLOMERATES +AGGLOMERATION +AGGLUTINATE +AGGLUTINATED +AGGLUTINATES +AGGLUTINATING +AGGLUTINATION +AGGLUTININ +AGGLUTININS +AGGRANDIZE +AGGRAVATE +AGGRAVATED +AGGRAVATES +AGGRAVATION +AGGREGATE +AGGREGATED +AGGREGATELY +AGGREGATES +AGGREGATING +AGGREGATION +AGGREGATIONS +AGGRESSION +AGGRESSIONS +AGGRESSIVE +AGGRESSIVELY +AGGRESSIVENESS +AGGRESSOR +AGGRESSORS +AGGRIEVE +AGGRIEVED +AGGRIEVES +AGGRIEVING +AGHAST +AGILE +AGILELY +AGILITY +AGING +AGITATE +AGITATED +AGITATES +AGITATING +AGITATION +AGITATIONS +AGITATOR +AGITATORS +AGLEAM +AGLOW +AGNES +AGNEW +AGNOSTIC +AGNOSTICS +AGO +AGOG +AGONIES +AGONIZE +AGONIZED +AGONIZES +AGONIZING +AGONIZINGLY +AGONY +AGRARIAN +AGREE +AGREEABLE +AGREEABLY +AGREED +AGREEING +AGREEMENT +AGREEMENTS +AGREER +AGREERS +AGREES +AGRICOLA +AGRICULTURAL +AGRICULTURALLY +AGRICULTURE +AGUE +AGWAY +AHEAD +AHMADABAD +AHMEDABAD +AID +AIDA +AIDE +AIDED +AIDES +AIDING +AIDS +AIKEN +AIL +AILEEN +AILERON +AILERONS +AILING +AILMENT +AILMENTS +AIM +AIMED +AIMER +AIMERS +AIMING +AIMLESS +AIMLESSLY +AIMS +AINU +AINUS +AIR +AIRBAG +AIRBAGS +AIRBORNE +AIRBUS +AIRCRAFT +AIRDROP +AIRDROPS +AIRED +AIREDALE +AIRER +AIRERS +AIRES +AIRFARE +AIRFIELD +AIRFIELDS +AIRFLOW +AIRFOIL +AIRFOILS +AIRFRAME +AIRFRAMES +AIRILY +AIRING +AIRINGS +AIRLESS +AIRLIFT +AIRLIFTS +AIRLINE +AIRLINER +AIRLINES +AIRLOCK +AIRLOCKS +AIRMAIL +AIRMAILS +AIRMAN +AIRMEN +AIRPLANE +AIRPLANES +AIRPORT +AIRPORTS +AIRS +AIRSHIP +AIRSHIPS +AIRSPACE +AIRSPEED +AIRSTRIP +AIRSTRIPS +AIRTIGHT +AIRWAY +AIRWAYS +AIRY +AISLE +AITKEN +AJAR +AJAX +AKERS +AKIMBO +AKIN +AKRON +ALABAMA +ALABAMANS +ALABAMIAN +ALABASTER +ALACRITY +ALADDIN +ALAMEDA +ALAMO +ALAMOS +ALAN +ALAR +ALARM +ALARMED +ALARMING +ALARMINGLY +ALARMIST +ALARMS +ALAS +ALASKA +ALASKAN +ALASTAIR +ALBA +ALBACORE +ALBANIA +ALBANIAN +ALBANIANS +ALBANY +ALBATROSS +ALBEIT +ALBERICH +ALBERT +ALBERTA +ALBERTO +ALBRECHT +ALBRIGHT +ALBUM +ALBUMIN +ALBUMS +ALBUQUERQUE +ALCESTIS +ALCHEMY +ALCIBIADES +ALCMENA +ALCOA +ALCOHOL +ALCOHOLIC +ALCOHOLICS +ALCOHOLISM +ALCOHOLS +ALCOTT +ALCOVE +ALCOVES +ALDEBARAN +ALDEN +ALDER +ALDERMAN +ALDERMEN +ALDRICH +ALE +ALEC +ALECK +ALEE +ALERT +ALERTED +ALERTEDLY +ALERTER +ALERTERS +ALERTING +ALERTLY +ALERTNESS +ALERTS +ALEUT +ALEUTIAN +ALEX +ALEXANDER +ALEXANDRA +ALEXANDRE +ALEXANDRIA +ALEXANDRINE +ALEXEI +ALEXIS +ALFA +ALFALFA +ALFONSO +ALFRED +ALFREDO +ALFRESCO +ALGA +ALGAE +ALGAECIDE +ALGEBRA +ALGEBRAIC +ALGEBRAICALLY +ALGEBRAS +ALGENIB +ALGER +ALGERIA +ALGERIAN +ALGIERS +ALGINATE +ALGOL +ALGOL +ALGONQUIAN +ALGONQUIN +ALGORITHM +ALGORITHMIC +ALGORITHMICALLY +ALGORITHMS +ALHAMBRA +ALI +ALIAS +ALIASED +ALIASES +ALIASING +ALIBI +ALIBIS +ALICE +ALICIA +ALIEN +ALIENATE +ALIENATED +ALIENATES +ALIENATING +ALIENATION +ALIENS +ALIGHT +ALIGN +ALIGNED +ALIGNING +ALIGNMENT +ALIGNMENTS +ALIGNS +ALIKE +ALIMENT +ALIMENTS +ALIMONY +ALISON +ALISTAIR +ALIVE +ALKALI +ALKALINE +ALKALIS +ALKALOID +ALKALOIDS +ALKYL +ALL +ALLAH +ALLAN +ALLAY +ALLAYED +ALLAYING +ALLAYS +ALLEGATION +ALLEGATIONS +ALLEGE +ALLEGED +ALLEGEDLY +ALLEGES +ALLEGHENIES +ALLEGHENY +ALLEGIANCE +ALLEGIANCES +ALLEGING +ALLEGORIC +ALLEGORICAL +ALLEGORICALLY +ALLEGORIES +ALLEGORY +ALLEGRA +ALLEGRETTO +ALLEGRETTOS +ALLELE +ALLELES +ALLEMANDE +ALLEN +ALLENDALE +ALLENTOWN +ALLERGIC +ALLERGIES +ALLERGY +ALLEVIATE +ALLEVIATED +ALLEVIATES +ALLEVIATING +ALLEVIATION +ALLEY +ALLEYS +ALLEYWAY +ALLEYWAYS +ALLIANCE +ALLIANCES +ALLIED +ALLIES +ALLIGATOR +ALLIGATORS +ALLIS +ALLISON +ALLITERATION +ALLITERATIONS +ALLITERATIVE +ALLOCATABLE +ALLOCATE +ALLOCATED +ALLOCATES +ALLOCATING +ALLOCATION +ALLOCATIONS +ALLOCATOR +ALLOCATORS +ALLOPHONE +ALLOPHONES +ALLOPHONIC +ALLOT +ALLOTMENT +ALLOTMENTS +ALLOTS +ALLOTTED +ALLOTTER +ALLOTTING +ALLOW +ALLOWABLE +ALLOWABLY +ALLOWANCE +ALLOWANCES +ALLOWED +ALLOWING +ALLOWS +ALLOY +ALLOYS +ALLSTATE +ALLUDE +ALLUDED +ALLUDES +ALLUDING +ALLURE +ALLUREMENT +ALLURING +ALLUSION +ALLUSIONS +ALLUSIVE +ALLUSIVENESS +ALLY +ALLYING +ALLYN +ALMA +ALMADEN +ALMANAC +ALMANACS +ALMIGHTY +ALMOND +ALMONDS +ALMONER +ALMOST +ALMS +ALMSMAN +ALNICO +ALOE +ALOES +ALOFT +ALOHA +ALONE +ALONENESS +ALONG +ALONGSIDE +ALOOF +ALOOFNESS +ALOUD +ALPERT +ALPHA +ALPHABET +ALPHABETIC +ALPHABETICAL +ALPHABETICALLY +ALPHABETICS +ALPHABETIZE +ALPHABETIZED +ALPHABETIZES +ALPHABETIZING +ALPHABETS +ALPHANUMERIC +ALPHERATZ +ALPHONSE +ALPINE +ALPS +ALREADY +ALSATIAN +ALSATIANS +ALSO +ALSOP +ALTAIR +ALTAR +ALTARS +ALTER +ALTERABLE +ALTERATION +ALTERATIONS +ALTERCATION +ALTERCATIONS +ALTERED +ALTERER +ALTERERS +ALTERING +ALTERNATE +ALTERNATED +ALTERNATELY +ALTERNATES +ALTERNATING +ALTERNATION +ALTERNATIONS +ALTERNATIVE +ALTERNATIVELY +ALTERNATIVES +ALTERNATOR +ALTERNATORS +ALTERS +ALTHAEA +ALTHOUGH +ALTITUDE +ALTITUDES +ALTOGETHER +ALTON +ALTOS +ALTRUISM +ALTRUIST +ALTRUISTIC +ALTRUISTICALLY +ALUM +ALUMINUM +ALUMNA +ALUMNAE +ALUMNI +ALUMNUS +ALUNDUM +ALVA +ALVAREZ +ALVEOLAR +ALVEOLI +ALVEOLUS +ALVIN +ALWAYS +ALYSSA +AMADEUS +AMAIN +AMALGAM +AMALGAMATE +AMALGAMATED +AMALGAMATES +AMALGAMATING +AMALGAMATION +AMALGAMS +AMANDA +AMANUENSIS +AMARETTO +AMARILLO +AMASS +AMASSED +AMASSES +AMASSING +AMATEUR +AMATEURISH +AMATEURISHNESS +AMATEURISM +AMATEURS +AMATORY +AMAZE +AMAZED +AMAZEDLY +AMAZEMENT +AMAZER +AMAZERS +AMAZES +AMAZING +AMAZINGLY +AMAZON +AMAZONS +AMBASSADOR +AMBASSADORS +AMBER +AMBIANCE +AMBIDEXTROUS +AMBIDEXTROUSLY +AMBIENT +AMBIGUITIES +AMBIGUITY +AMBIGUOUS +AMBIGUOUSLY +AMBITION +AMBITIONS +AMBITIOUS +AMBITIOUSLY +AMBIVALENCE +AMBIVALENT +AMBIVALENTLY +AMBLE +AMBLED +AMBLER +AMBLES +AMBLING +AMBROSIAL +AMBULANCE +AMBULANCES +AMBULATORY +AMBUSCADE +AMBUSH +AMBUSHED +AMBUSHES +AMDAHL +AMELIA +AMELIORATE +AMELIORATED +AMELIORATING +AMELIORATION +AMEN +AMENABLE +AMEND +AMENDED +AMENDING +AMENDMENT +AMENDMENTS +AMENDS +AMENITIES +AMENITY +AMENORRHEA +AMERADA +AMERICA +AMERICAN +AMERICANA +AMERICANISM +AMERICANIZATION +AMERICANIZATIONS +AMERICANIZE +AMERICANIZER +AMERICANIZERS +AMERICANIZES +AMERICANS +AMERICAS +AMERICIUM +AMES +AMHARIC +AMHERST +AMIABLE +AMICABLE +AMICABLY +AMID +AMIDE +AMIDST +AMIGA +AMIGO +AMINO +AMISS +AMITY +AMMAN +AMMERMAN +AMMO +AMMONIA +AMMONIAC +AMMONIUM +AMMUNITION +AMNESTY +AMOCO +AMOEBA +AMOEBAE +AMOEBAS +AMOK +AMONG +AMONGST +AMONTILLADO +AMORAL +AMORALITY +AMORIST +AMOROUS +AMORPHOUS +AMORPHOUSLY +AMORTIZE +AMORTIZED +AMORTIZES +AMORTIZING +AMOS +AMOUNT +AMOUNTED +AMOUNTER +AMOUNTERS +AMOUNTING +AMOUNTS +AMOUR +AMPERAGE +AMPERE +AMPERES +AMPERSAND +AMPERSANDS +AMPEX +AMPHETAMINE +AMPHETAMINES +AMPHIBIAN +AMPHIBIANS +AMPHIBIOUS +AMPHIBIOUSLY +AMPHIBOLOGY +AMPHITHEATER +AMPHITHEATERS +AMPLE +AMPLIFICATION +AMPLIFIED +AMPLIFIER +AMPLIFIERS +AMPLIFIES +AMPLIFY +AMPLIFYING +AMPLITUDE +AMPLITUDES +AMPLY +AMPOULE +AMPOULES +AMPUTATE +AMPUTATED +AMPUTATES +AMPUTATING +AMSTERDAM +AMTRAK +AMULET +AMULETS +AMUSE +AMUSED +AMUSEDLY +AMUSEMENT +AMUSEMENTS +AMUSER +AMUSERS +AMUSES +AMUSING +AMUSINGLY +AMY +AMYL +ANABAPTIST +ANABAPTISTS +ANABEL +ANACHRONISM +ANACHRONISMS +ANACHRONISTICALLY +ANACONDA +ANACONDAS +ANACREON +ANAEROBIC +ANAGRAM +ANAGRAMS +ANAHEIM +ANAL +ANALECTS +ANALOG +ANALOGICAL +ANALOGIES +ANALOGOUS +ANALOGOUSLY +ANALOGUE +ANALOGUES +ANALOGY +ANALYSES +ANALYSIS +ANALYST +ANALYSTS +ANALYTIC +ANALYTICAL +ANALYTICALLY +ANALYTICITIES +ANALYTICITY +ANALYZABLE +ANALYZE +ANALYZED +ANALYZER +ANALYZERS +ANALYZES +ANALYZING +ANAPHORA +ANAPHORIC +ANAPHORICALLY +ANAPLASMOSIS +ANARCHIC +ANARCHICAL +ANARCHISM +ANARCHIST +ANARCHISTS +ANARCHY +ANASTASIA +ANASTOMOSES +ANASTOMOSIS +ANASTOMOTIC +ANATHEMA +ANATOLE +ANATOLIA +ANATOLIAN +ANATOMIC +ANATOMICAL +ANATOMICALLY +ANATOMY +ANCESTOR +ANCESTORS +ANCESTRAL +ANCESTRY +ANCHOR +ANCHORAGE +ANCHORAGES +ANCHORED +ANCHORING +ANCHORITE +ANCHORITISM +ANCHORS +ANCHOVIES +ANCHOVY +ANCIENT +ANCIENTLY +ANCIENTS +ANCILLARY +AND +ANDALUSIA +ANDALUSIAN +ANDALUSIANS +ANDEAN +ANDERS +ANDERSEN +ANDERSON +ANDES +ANDING +ANDORRA +ANDOVER +ANDRE +ANDREA +ANDREI +ANDREW +ANDREWS +ANDROMACHE +ANDROMEDA +ANDY +ANECDOTAL +ANECDOTE +ANECDOTES +ANECHOIC +ANEMIA +ANEMIC +ANEMOMETER +ANEMOMETERS +ANEMOMETRY +ANEMONE +ANESTHESIA +ANESTHETIC +ANESTHETICALLY +ANESTHETICS +ANESTHETIZE +ANESTHETIZED +ANESTHETIZES +ANESTHETIZING +ANEW +ANGEL +ANGELA +ANGELENO +ANGELENOS +ANGELES +ANGELIC +ANGELICA +ANGELINA +ANGELINE +ANGELO +ANGELS +ANGER +ANGERED +ANGERING +ANGERS +ANGIE +ANGIOGRAPHY +ANGLE +ANGLED +ANGLER +ANGLERS +ANGLES +ANGLIA +ANGLICAN +ANGLICANISM +ANGLICANIZE +ANGLICANIZES +ANGLICANS +ANGLING +ANGLO +ANGLOPHILIA +ANGLOPHOBIA +ANGOLA +ANGORA +ANGRIER +ANGRIEST +ANGRILY +ANGRY +ANGST +ANGSTROM +ANGUISH +ANGUISHED +ANGULAR +ANGULARLY +ANGUS +ANHEUSER +ANHYDROUS +ANHYDROUSLY +ANILINE +ANIMAL +ANIMALS +ANIMATE +ANIMATED +ANIMATEDLY +ANIMATELY +ANIMATENESS +ANIMATES +ANIMATING +ANIMATION +ANIMATIONS +ANIMATOR +ANIMATORS +ANIMISM +ANIMIZED +ANIMOSITY +ANION +ANIONIC +ANIONS +ANISE +ANISEIKONIC +ANISOTROPIC +ANISOTROPY +ANITA +ANKARA +ANKLE +ANKLES +ANN +ANNA +ANNAL +ANNALIST +ANNALISTIC +ANNALS +ANNAPOLIS +ANNE +ANNETTE +ANNEX +ANNEXATION +ANNEXED +ANNEXES +ANNEXING +ANNIE +ANNIHILATE +ANNIHILATED +ANNIHILATES +ANNIHILATING +ANNIHILATION +ANNIVERSARIES +ANNIVERSARY +ANNOTATE +ANNOTATED +ANNOTATES +ANNOTATING +ANNOTATION +ANNOTATIONS +ANNOUNCE +ANNOUNCED +ANNOUNCEMENT +ANNOUNCEMENTS +ANNOUNCER +ANNOUNCERS +ANNOUNCES +ANNOUNCING +ANNOY +ANNOYANCE +ANNOYANCES +ANNOYED +ANNOYER +ANNOYERS +ANNOYING +ANNOYINGLY +ANNOYS +ANNUAL +ANNUALLY +ANNUALS +ANNUITY +ANNUL +ANNULAR +ANNULI +ANNULLED +ANNULLING +ANNULMENT +ANNULMENTS +ANNULS +ANNULUS +ANNUM +ANNUNCIATE +ANNUNCIATED +ANNUNCIATES +ANNUNCIATING +ANNUNCIATOR +ANNUNCIATORS +ANODE +ANODES +ANODIZE +ANODIZED +ANODIZES +ANOINT +ANOINTED +ANOINTING +ANOINTS +ANOMALIES +ANOMALOUS +ANOMALOUSLY +ANOMALY +ANOMIC +ANOMIE +ANON +ANONYMITY +ANONYMOUS +ANONYMOUSLY +ANOREXIA +ANOTHER +ANSELM +ANSELMO +ANSI +ANSWER +ANSWERABLE +ANSWERED +ANSWERER +ANSWERERS +ANSWERING +ANSWERS +ANT +ANTAEUS +ANTAGONISM +ANTAGONISMS +ANTAGONIST +ANTAGONISTIC +ANTAGONISTICALLY +ANTAGONISTS +ANTAGONIZE +ANTAGONIZED +ANTAGONIZES +ANTAGONIZING +ANTARCTIC +ANTARCTICA +ANTARES +ANTE +ANTEATER +ANTEATERS +ANTECEDENT +ANTECEDENTS +ANTEDATE +ANTELOPE +ANTELOPES +ANTENNA +ANTENNAE +ANTENNAS +ANTERIOR +ANTHEM +ANTHEMS +ANTHER +ANTHOLOGIES +ANTHOLOGY +ANTHONY +ANTHRACITE +ANTHROPOLOGICAL +ANTHROPOLOGICALLY +ANTHROPOLOGIST +ANTHROPOLOGISTS +ANTHROPOLOGY +ANTHROPOMORPHIC +ANTHROPOMORPHICALLY +ANTI +ANTIBACTERIAL +ANTIBIOTIC +ANTIBIOTICS +ANTIBODIES +ANTIBODY +ANTIC +ANTICIPATE +ANTICIPATED +ANTICIPATES +ANTICIPATING +ANTICIPATION +ANTICIPATIONS +ANTICIPATORY +ANTICOAGULATION +ANTICOMPETITIVE +ANTICS +ANTIDISESTABLISHMENTARIANISM +ANTIDOTE +ANTIDOTES +ANTIETAM +ANTIFORMANT +ANTIFUNDAMENTALIST +ANTIGEN +ANTIGENS +ANTIGONE +ANTIHISTORICAL +ANTILLES +ANTIMICROBIAL +ANTIMONY +ANTINOMIAN +ANTINOMY +ANTIOCH +ANTIPATHY +ANTIPHONAL +ANTIPODE +ANTIPODES +ANTIQUARIAN +ANTIQUARIANS +ANTIQUATE +ANTIQUATED +ANTIQUE +ANTIQUES +ANTIQUITIES +ANTIQUITY +ANTIREDEPOSITION +ANTIRESONANCE +ANTIRESONATOR +ANTISEMITIC +ANTISEMITISM +ANTISEPTIC +ANTISERA +ANTISERUM +ANTISLAVERY +ANTISOCIAL +ANTISUBMARINE +ANTISYMMETRIC +ANTISYMMETRY +ANTITHESIS +ANTITHETICAL +ANTITHYROID +ANTITOXIN +ANTITOXINS +ANTITRUST +ANTLER +ANTLERED +ANTOINE +ANTOINETTE +ANTON +ANTONIO +ANTONOVICS +ANTONY +ANTS +ANTWERP +ANUS +ANVIL +ANVILS +ANXIETIES +ANXIETY +ANXIOUS +ANXIOUSLY +ANY +ANYBODY +ANYHOW +ANYMORE +ANYONE +ANYPLACE +ANYTHING +ANYTIME +ANYWAY +ANYWHERE +AORTA +APACE +APACHES +APALACHICOLA +APART +APARTMENT +APARTMENTS +APATHETIC +APATHY +APE +APED +APERIODIC +APERIODICITY +APERTURE +APES +APETALOUS +APEX +APHASIA +APHASIC +APHELION +APHID +APHIDS +APHONIC +APHORISM +APHORISMS +APHRODITE +APIARIES +APIARY +APICAL +APIECE +APING +APISH +APLENTY +APLOMB +APOCALYPSE +APOCALYPTIC +APOCRYPHA +APOCRYPHAL +APOGEE +APOGEES +APOLLINAIRE +APOLLO +APOLLONIAN +APOLOGETIC +APOLOGETICALLY +APOLOGIA +APOLOGIES +APOLOGIST +APOLOGISTS +APOLOGIZE +APOLOGIZED +APOLOGIZES +APOLOGIZING +APOLOGY +APOSTATE +APOSTLE +APOSTLES +APOSTOLIC +APOSTROPHE +APOSTROPHES +APOTHECARY +APOTHEGM +APOTHEOSES +APOTHEOSIS +APPALACHIA +APPALACHIAN +APPALACHIANS +APPALL +APPALLED +APPALLING +APPALLINGLY +APPALOOSAS +APPANAGE +APPARATUS +APPAREL +APPARELED +APPARENT +APPARENTLY +APPARITION +APPARITIONS +APPEAL +APPEALED +APPEALER +APPEALERS +APPEALING +APPEALINGLY +APPEALS +APPEAR +APPEARANCE +APPEARANCES +APPEARED +APPEARER +APPEARERS +APPEARING +APPEARS +APPEASE +APPEASED +APPEASEMENT +APPEASES +APPEASING +APPELLANT +APPELLANTS +APPELLATE +APPELLATION +APPEND +APPENDAGE +APPENDAGES +APPENDED +APPENDER +APPENDERS +APPENDICES +APPENDICITIS +APPENDING +APPENDIX +APPENDIXES +APPENDS +APPERTAIN +APPERTAINS +APPETITE +APPETITES +APPETIZER +APPETIZING +APPIA +APPIAN +APPLAUD +APPLAUDED +APPLAUDING +APPLAUDS +APPLAUSE +APPLE +APPLEBY +APPLEJACK +APPLES +APPLETON +APPLIANCE +APPLIANCES +APPLICABILITY +APPLICABLE +APPLICANT +APPLICANTS +APPLICATION +APPLICATIONS +APPLICATIVE +APPLICATIVELY +APPLICATOR +APPLICATORS +APPLIED +APPLIER +APPLIERS +APPLIES +APPLIQUE +APPLY +APPLYING +APPOINT +APPOINTED +APPOINTEE +APPOINTEES +APPOINTER +APPOINTERS +APPOINTING +APPOINTIVE +APPOINTMENT +APPOINTMENTS +APPOINTS +APPOMATTOX +APPORTION +APPORTIONED +APPORTIONING +APPORTIONMENT +APPORTIONMENTS +APPORTIONS +APPOSITE +APPRAISAL +APPRAISALS +APPRAISE +APPRAISED +APPRAISER +APPRAISERS +APPRAISES +APPRAISING +APPRAISINGLY +APPRECIABLE +APPRECIABLY +APPRECIATE +APPRECIATED +APPRECIATES +APPRECIATING +APPRECIATION +APPRECIATIONS +APPRECIATIVE +APPRECIATIVELY +APPREHEND +APPREHENDED +APPREHENSIBLE +APPREHENSION +APPREHENSIONS +APPREHENSIVE +APPREHENSIVELY +APPREHENSIVENESS +APPRENTICE +APPRENTICED +APPRENTICES +APPRENTICESHIP +APPRISE +APPRISED +APPRISES +APPRISING +APPROACH +APPROACHABILITY +APPROACHABLE +APPROACHED +APPROACHER +APPROACHERS +APPROACHES +APPROACHING +APPROBATE +APPROBATION +APPROPRIATE +APPROPRIATED +APPROPRIATELY +APPROPRIATENESS +APPROPRIATES +APPROPRIATING +APPROPRIATION +APPROPRIATIONS +APPROPRIATOR +APPROPRIATORS +APPROVAL +APPROVALS +APPROVE +APPROVED +APPROVER +APPROVERS +APPROVES +APPROVING +APPROVINGLY +APPROXIMATE +APPROXIMATED +APPROXIMATELY +APPROXIMATES +APPROXIMATING +APPROXIMATION +APPROXIMATIONS +APPURTENANCE +APPURTENANCES +APRICOT +APRICOTS +APRIL +APRILS +APRON +APRONS +APROPOS +APSE +APSIS +APT +APTITUDE +APTITUDES +APTLY +APTNESS +AQUA +AQUARIA +AQUARIUM +AQUARIUS +AQUATIC +AQUEDUCT +AQUEDUCTS +AQUEOUS +AQUIFER +AQUIFERS +AQUILA +AQUINAS +ARAB +ARABESQUE +ARABIA +ARABIAN +ARABIANIZE +ARABIANIZES +ARABIANS +ARABIC +ARABICIZE +ARABICIZES +ARABLE +ARABS +ARABY +ARACHNE +ARACHNID +ARACHNIDS +ARAMCO +ARAPAHO +ARBITER +ARBITERS +ARBITRARILY +ARBITRARINESS +ARBITRARY +ARBITRATE +ARBITRATED +ARBITRATES +ARBITRATING +ARBITRATION +ARBITRATOR +ARBITRATORS +ARBOR +ARBOREAL +ARBORS +ARC +ARCADE +ARCADED +ARCADES +ARCADIA +ARCADIAN +ARCANE +ARCED +ARCH +ARCHAIC +ARCHAICALLY +ARCHAICNESS +ARCHAISM +ARCHAIZE +ARCHANGEL +ARCHANGELS +ARCHBISHOP +ARCHDIOCESE +ARCHDIOCESES +ARCHED +ARCHENEMY +ARCHEOLOGICAL +ARCHEOLOGIST +ARCHEOLOGY +ARCHER +ARCHERS +ARCHERY +ARCHES +ARCHETYPE +ARCHFOOL +ARCHIBALD +ARCHIE +ARCHIMEDES +ARCHING +ARCHIPELAGO +ARCHIPELAGOES +ARCHITECT +ARCHITECTONIC +ARCHITECTS +ARCHITECTURAL +ARCHITECTURALLY +ARCHITECTURE +ARCHITECTURES +ARCHIVAL +ARCHIVE +ARCHIVED +ARCHIVER +ARCHIVERS +ARCHIVES +ARCHIVING +ARCHIVIST +ARCHLY +ARCING +ARCLIKE +ARCO +ARCS +ARCSINE +ARCTANGENT +ARCTIC +ARCTURUS +ARDEN +ARDENT +ARDENTLY +ARDOR +ARDUOUS +ARDUOUSLY +ARDUOUSNESS +ARE +AREA +AREAS +ARENA +ARENAS +AREQUIPA +ARES +ARGENTINA +ARGENTINIAN +ARGIVE +ARGO +ARGON +ARGONAUT +ARGONAUTS +ARGONNE +ARGOS +ARGOT +ARGUABLE +ARGUABLY +ARGUE +ARGUED +ARGUER +ARGUERS +ARGUES +ARGUING +ARGUMENT +ARGUMENTATION +ARGUMENTATIVE +ARGUMENTS +ARGUS +ARIADNE +ARIANISM +ARIANIST +ARIANISTS +ARID +ARIDITY +ARIES +ARIGHT +ARISE +ARISEN +ARISER +ARISES +ARISING +ARISINGS +ARISTOCRACY +ARISTOCRAT +ARISTOCRATIC +ARISTOCRATICALLY +ARISTOCRATS +ARISTOTELIAN +ARISTOTLE +ARITHMETIC +ARITHMETICAL +ARITHMETICALLY +ARITHMETICS +ARITHMETIZE +ARITHMETIZED +ARITHMETIZES +ARIZONA +ARK +ARKANSAN +ARKANSAS +ARLEN +ARLENE +ARLINGTON +ARM +ARMADA +ARMADILLO +ARMADILLOS +ARMAGEDDON +ARMAGNAC +ARMAMENT +ARMAMENTS +ARMATA +ARMCHAIR +ARMCHAIRS +ARMCO +ARMED +ARMENIA +ARMENIAN +ARMER +ARMERS +ARMFUL +ARMHOLE +ARMIES +ARMING +ARMISTICE +ARMLOAD +ARMONK +ARMOR +ARMORED +ARMORER +ARMORY +ARMOUR +ARMPIT +ARMPITS +ARMS +ARMSTRONG +ARMY +ARNOLD +AROMA +AROMAS +AROMATIC +AROSE +AROUND +AROUSAL +AROUSE +AROUSED +AROUSES +AROUSING +ARPA +ARPANET +ARPANET +ARPEGGIO +ARPEGGIOS +ARRACK +ARRAGON +ARRAIGN +ARRAIGNED +ARRAIGNING +ARRAIGNMENT +ARRAIGNMENTS +ARRAIGNS +ARRANGE +ARRANGED +ARRANGEMENT +ARRANGEMENTS +ARRANGER +ARRANGERS +ARRANGES +ARRANGING +ARRANT +ARRAY +ARRAYED +ARRAYS +ARREARS +ARREST +ARRESTED +ARRESTER +ARRESTERS +ARRESTING +ARRESTINGLY +ARRESTOR +ARRESTORS +ARRESTS +ARRHENIUS +ARRIVAL +ARRIVALS +ARRIVE +ARRIVED +ARRIVES +ARRIVING +ARROGANCE +ARROGANT +ARROGANTLY +ARROGATE +ARROGATED +ARROGATES +ARROGATING +ARROGATION +ARROW +ARROWED +ARROWHEAD +ARROWHEADS +ARROWS +ARROYO +ARROYOS +ARSENAL +ARSENALS +ARSENIC +ARSINE +ARSON +ART +ARTEMIA +ARTEMIS +ARTERIAL +ARTERIES +ARTERIOLAR +ARTERIOLE +ARTERIOLES +ARTERIOSCLEROSIS +ARTERY +ARTFUL +ARTFULLY +ARTFULNESS +ARTHRITIS +ARTHROPOD +ARTHROPODS +ARTHUR +ARTICHOKE +ARTICHOKES +ARTICLE +ARTICLES +ARTICULATE +ARTICULATED +ARTICULATELY +ARTICULATENESS +ARTICULATES +ARTICULATING +ARTICULATION +ARTICULATIONS +ARTICULATOR +ARTICULATORS +ARTICULATORY +ARTIE +ARTIFACT +ARTIFACTS +ARTIFICE +ARTIFICER +ARTIFICES +ARTIFICIAL +ARTIFICIALITIES +ARTIFICIALITY +ARTIFICIALLY +ARTIFICIALNESS +ARTILLERIST +ARTILLERY +ARTISAN +ARTISANS +ARTIST +ARTISTIC +ARTISTICALLY +ARTISTRY +ARTISTS +ARTLESS +ARTS +ARTURO +ARTWORK +ARUBA +ARYAN +ARYANS +ASBESTOS +ASCEND +ASCENDANCY +ASCENDANT +ASCENDED +ASCENDENCY +ASCENDENT +ASCENDER +ASCENDERS +ASCENDING +ASCENDS +ASCENSION +ASCENSIONS +ASCENT +ASCERTAIN +ASCERTAINABLE +ASCERTAINED +ASCERTAINING +ASCERTAINS +ASCETIC +ASCETICISM +ASCETICS +ASCII +ASCOT +ASCRIBABLE +ASCRIBE +ASCRIBED +ASCRIBES +ASCRIBING +ASCRIPTION +ASEPTIC +ASH +ASHAMED +ASHAMEDLY +ASHEN +ASHER +ASHES +ASHEVILLE +ASHLAND +ASHLEY +ASHMAN +ASHMOLEAN +ASHORE +ASHTRAY +ASHTRAYS +ASIA +ASIAN +ASIANS +ASIATIC +ASIATICIZATION +ASIATICIZATIONS +ASIATICIZE +ASIATICIZES +ASIATICS +ASIDE +ASILOMAR +ASININE +ASK +ASKANCE +ASKED +ASKER +ASKERS +ASKEW +ASKING +ASKS +ASLEEP +ASOCIAL +ASP +ASPARAGUS +ASPECT +ASPECTS +ASPEN +ASPERSION +ASPERSIONS +ASPHALT +ASPHYXIA +ASPIC +ASPIRANT +ASPIRANTS +ASPIRATE +ASPIRATED +ASPIRATES +ASPIRATING +ASPIRATION +ASPIRATIONS +ASPIRATOR +ASPIRATORS +ASPIRE +ASPIRED +ASPIRES +ASPIRIN +ASPIRING +ASPIRINS +ASS +ASSAIL +ASSAILANT +ASSAILANTS +ASSAILED +ASSAILING +ASSAILS +ASSAM +ASSASSIN +ASSASSINATE +ASSASSINATED +ASSASSINATES +ASSASSINATING +ASSASSINATION +ASSASSINATIONS +ASSASSINS +ASSAULT +ASSAULTED +ASSAULTING +ASSAULTS +ASSAY +ASSAYED +ASSAYING +ASSEMBLAGE +ASSEMBLAGES +ASSEMBLE +ASSEMBLED +ASSEMBLER +ASSEMBLERS +ASSEMBLES +ASSEMBLIES +ASSEMBLING +ASSEMBLY +ASSENT +ASSENTED +ASSENTER +ASSENTING +ASSENTS +ASSERT +ASSERTED +ASSERTER +ASSERTERS +ASSERTING +ASSERTION +ASSERTIONS +ASSERTIVE +ASSERTIVELY +ASSERTIVENESS +ASSERTS +ASSES +ASSESS +ASSESSED +ASSESSES +ASSESSING +ASSESSMENT +ASSESSMENTS +ASSESSOR +ASSESSORS +ASSET +ASSETS +ASSIDUITY +ASSIDUOUS +ASSIDUOUSLY +ASSIGN +ASSIGNABLE +ASSIGNED +ASSIGNEE +ASSIGNEES +ASSIGNER +ASSIGNERS +ASSIGNING +ASSIGNMENT +ASSIGNMENTS +ASSIGNS +ASSIMILATE +ASSIMILATED +ASSIMILATES +ASSIMILATING +ASSIMILATION +ASSIMILATIONS +ASSIST +ASSISTANCE +ASSISTANCES +ASSISTANT +ASSISTANTS +ASSISTANTSHIP +ASSISTANTSHIPS +ASSISTED +ASSISTING +ASSISTS +ASSOCIATE +ASSOCIATED +ASSOCIATES +ASSOCIATING +ASSOCIATION +ASSOCIATIONAL +ASSOCIATIONS +ASSOCIATIVE +ASSOCIATIVELY +ASSOCIATIVITY +ASSOCIATOR +ASSOCIATORS +ASSONANCE +ASSONANT +ASSORT +ASSORTED +ASSORTMENT +ASSORTMENTS +ASSORTS +ASSUAGE +ASSUAGED +ASSUAGES +ASSUME +ASSUMED +ASSUMES +ASSUMING +ASSUMPTION +ASSUMPTIONS +ASSURANCE +ASSURANCES +ASSURE +ASSURED +ASSUREDLY +ASSURER +ASSURERS +ASSURES +ASSURING +ASSURINGLY +ASSYRIA +ASSYRIAN +ASSYRIANIZE +ASSYRIANIZES +ASSYRIOLOGY +ASTAIRE +ASTAIRES +ASTARTE +ASTATINE +ASTER +ASTERISK +ASTERISKS +ASTEROID +ASTEROIDAL +ASTEROIDS +ASTERS +ASTHMA +ASTON +ASTONISH +ASTONISHED +ASTONISHES +ASTONISHING +ASTONISHINGLY +ASTONISHMENT +ASTOR +ASTORIA +ASTOUND +ASTOUNDED +ASTOUNDING +ASTOUNDS +ASTRAL +ASTRAY +ASTRIDE +ASTRINGENCY +ASTRINGENT +ASTROLOGY +ASTRONAUT +ASTRONAUTICS +ASTRONAUTS +ASTRONOMER +ASTRONOMERS +ASTRONOMICAL +ASTRONOMICALLY +ASTRONOMY +ASTROPHYSICAL +ASTROPHYSICS +ASTUTE +ASTUTELY +ASTUTENESS +ASUNCION +ASUNDER +ASYLUM +ASYMMETRIC +ASYMMETRICALLY +ASYMMETRY +ASYMPTOMATICALLY +ASYMPTOTE +ASYMPTOTES +ASYMPTOTIC +ASYMPTOTICALLY +ASYNCHRONISM +ASYNCHRONOUS +ASYNCHRONOUSLY +ASYNCHRONY +ATALANTA +ATARI +ATAVISTIC +ATCHISON +ATE +ATEMPORAL +ATHABASCAN +ATHEISM +ATHEIST +ATHEISTIC +ATHEISTS +ATHENA +ATHENIAN +ATHENIANS +ATHENS +ATHEROSCLEROSIS +ATHLETE +ATHLETES +ATHLETIC +ATHLETICISM +ATHLETICS +ATKINS +ATKINSON +ATLANTA +ATLANTIC +ATLANTICA +ATLANTIS +ATLAS +ATMOSPHERE +ATMOSPHERES +ATMOSPHERIC +ATOLL +ATOLLS +ATOM +ATOMIC +ATOMICALLY +ATOMICS +ATOMIZATION +ATOMIZE +ATOMIZED +ATOMIZES +ATOMIZING +ATOMS +ATONAL +ATONALLY +ATONE +ATONED +ATONEMENT +ATONES +ATOP +ATREUS +ATROCIOUS +ATROCIOUSLY +ATROCITIES +ATROCITY +ATROPHIC +ATROPHIED +ATROPHIES +ATROPHY +ATROPHYING +ATROPOS +ATTACH +ATTACHE +ATTACHED +ATTACHER +ATTACHERS +ATTACHES +ATTACHING +ATTACHMENT +ATTACHMENTS +ATTACK +ATTACKABLE +ATTACKED +ATTACKER +ATTACKERS +ATTACKING +ATTACKS +ATTAIN +ATTAINABLE +ATTAINABLY +ATTAINED +ATTAINER +ATTAINERS +ATTAINING +ATTAINMENT +ATTAINMENTS +ATTAINS +ATTEMPT +ATTEMPTED +ATTEMPTER +ATTEMPTERS +ATTEMPTING +ATTEMPTS +ATTEND +ATTENDANCE +ATTENDANCES +ATTENDANT +ATTENDANTS +ATTENDED +ATTENDEE +ATTENDEES +ATTENDER +ATTENDERS +ATTENDING +ATTENDS +ATTENTION +ATTENTIONAL +ATTENTIONALITY +ATTENTIONS +ATTENTIVE +ATTENTIVELY +ATTENTIVENESS +ATTENUATE +ATTENUATED +ATTENUATES +ATTENUATING +ATTENUATION +ATTENUATOR +ATTENUATORS +ATTEST +ATTESTED +ATTESTING +ATTESTS +ATTIC +ATTICA +ATTICS +ATTIRE +ATTIRED +ATTIRES +ATTIRING +ATTITUDE +ATTITUDES +ATTITUDINAL +ATTLEE +ATTORNEY +ATTORNEYS +ATTRACT +ATTRACTED +ATTRACTING +ATTRACTION +ATTRACTIONS +ATTRACTIVE +ATTRACTIVELY +ATTRACTIVENESS +ATTRACTOR +ATTRACTORS +ATTRACTS +ATTRIBUTABLE +ATTRIBUTE +ATTRIBUTED +ATTRIBUTES +ATTRIBUTING +ATTRIBUTION +ATTRIBUTIONS +ATTRIBUTIVE +ATTRIBUTIVELY +ATTRITION +ATTUNE +ATTUNED +ATTUNES +ATTUNING +ATWATER +ATWOOD +ATYPICAL +ATYPICALLY +AUBERGE +AUBREY +AUBURN +AUCKLAND +AUCTION +AUCTIONEER +AUCTIONEERS +AUDACIOUS +AUDACIOUSLY +AUDACIOUSNESS +AUDACITY +AUDIBLE +AUDIBLY +AUDIENCE +AUDIENCES +AUDIO +AUDIOGRAM +AUDIOGRAMS +AUDIOLOGICAL +AUDIOLOGIST +AUDIOLOGISTS +AUDIOLOGY +AUDIOMETER +AUDIOMETERS +AUDIOMETRIC +AUDIOMETRY +AUDIT +AUDITED +AUDITING +AUDITION +AUDITIONED +AUDITIONING +AUDITIONS +AUDITOR +AUDITORIUM +AUDITORS +AUDITORY +AUDITS +AUDREY +AUDUBON +AUERBACH +AUGEAN +AUGER +AUGERS +AUGHT +AUGMENT +AUGMENTATION +AUGMENTED +AUGMENTING +AUGMENTS +AUGUR +AUGURS +AUGUST +AUGUSTA +AUGUSTAN +AUGUSTINE +AUGUSTLY +AUGUSTNESS +AUGUSTUS +AUNT +AUNTS +AURA +AURAL +AURALLY +AURAS +AURELIUS +AUREOLE +AUREOMYCIN +AURIGA +AURORA +AUSCHWITZ +AUSCULTATE +AUSCULTATED +AUSCULTATES +AUSCULTATING +AUSCULTATION +AUSCULTATIONS +AUSPICE +AUSPICES +AUSPICIOUS +AUSPICIOUSLY +AUSTERE +AUSTERELY +AUSTERITY +AUSTIN +AUSTRALIA +AUSTRALIAN +AUSTRALIANIZE +AUSTRALIANIZES +AUSTRALIS +AUSTRIA +AUSTRIAN +AUSTRIANIZE +AUSTRIANIZES +AUTHENTIC +AUTHENTICALLY +AUTHENTICATE +AUTHENTICATED +AUTHENTICATES +AUTHENTICATING +AUTHENTICATION +AUTHENTICATIONS +AUTHENTICATOR +AUTHENTICATORS +AUTHENTICITY +AUTHOR +AUTHORED +AUTHORING +AUTHORITARIAN +AUTHORITARIANISM +AUTHORITATIVE +AUTHORITATIVELY +AUTHORITIES +AUTHORITY +AUTHORIZATION +AUTHORIZATIONS +AUTHORIZE +AUTHORIZED +AUTHORIZER +AUTHORIZERS +AUTHORIZES +AUTHORIZING +AUTHORS +AUTHORSHIP +AUTISM +AUTISTIC +AUTO +AUTOBIOGRAPHIC +AUTOBIOGRAPHICAL +AUTOBIOGRAPHIES +AUTOBIOGRAPHY +AUTOCOLLIMATOR +AUTOCORRELATE +AUTOCORRELATION +AUTOCRACIES +AUTOCRACY +AUTOCRAT +AUTOCRATIC +AUTOCRATICALLY +AUTOCRATS +AUTODECREMENT +AUTODECREMENTED +AUTODECREMENTS +AUTODIALER +AUTOFLUORESCENCE +AUTOGRAPH +AUTOGRAPHED +AUTOGRAPHING +AUTOGRAPHS +AUTOINCREMENT +AUTOINCREMENTED +AUTOINCREMENTS +AUTOINDEX +AUTOINDEXING +AUTOMATA +AUTOMATE +AUTOMATED +AUTOMATES +AUTOMATIC +AUTOMATICALLY +AUTOMATING +AUTOMATION +AUTOMATON +AUTOMOBILE +AUTOMOBILES +AUTOMOTIVE +AUTONAVIGATOR +AUTONAVIGATORS +AUTONOMIC +AUTONOMOUS +AUTONOMOUSLY +AUTONOMY +AUTOPILOT +AUTOPILOTS +AUTOPSIED +AUTOPSIES +AUTOPSY +AUTOREGRESSIVE +AUTOS +AUTOSUGGESTIBILITY +AUTOTRANSFORMER +AUTUMN +AUTUMNAL +AUTUMNS +AUXILIARIES +AUXILIARY +AVAIL +AVAILABILITIES +AVAILABILITY +AVAILABLE +AVAILABLY +AVAILED +AVAILER +AVAILERS +AVAILING +AVAILS +AVALANCHE +AVALANCHED +AVALANCHES +AVALANCHING +AVANT +AVARICE +AVARICIOUS +AVARICIOUSLY +AVENGE +AVENGED +AVENGER +AVENGES +AVENGING +AVENTINE +AVENTINO +AVENUE +AVENUES +AVER +AVERAGE +AVERAGED +AVERAGES +AVERAGING +AVERNUS +AVERRED +AVERRER +AVERRING +AVERS +AVERSE +AVERSION +AVERSIONS +AVERT +AVERTED +AVERTING +AVERTS +AVERY +AVESTA +AVIAN +AVIARIES +AVIARY +AVIATION +AVIATOR +AVIATORS +AVID +AVIDITY +AVIDLY +AVIGNON +AVIONIC +AVIONICS +AVIS +AVIV +AVOCADO +AVOCADOS +AVOCATION +AVOCATIONS +AVOGADRO +AVOID +AVOIDABLE +AVOIDABLY +AVOIDANCE +AVOIDED +AVOIDER +AVOIDERS +AVOIDING +AVOIDS +AVON +AVOUCH +AVOW +AVOWAL +AVOWED +AVOWS +AWAIT +AWAITED +AWAITING +AWAITS +AWAKE +AWAKEN +AWAKENED +AWAKENING +AWAKENS +AWAKES +AWAKING +AWARD +AWARDED +AWARDER +AWARDERS +AWARDING +AWARDS +AWARE +AWARENESS +AWASH +AWAY +AWE +AWED +AWESOME +AWFUL +AWFULLY +AWFULNESS +AWHILE +AWKWARD +AWKWARDLY +AWKWARDNESS +AWL +AWLS +AWNING +AWNINGS +AWOKE +AWRY +AXED +AXEL +AXER +AXERS +AXES +AXIAL +AXIALLY +AXING +AXIOLOGICAL +AXIOM +AXIOMATIC +AXIOMATICALLY +AXIOMATIZATION +AXIOMATIZATIONS +AXIOMATIZE +AXIOMATIZED +AXIOMATIZES +AXIOMATIZING +AXIOMS +AXIS +AXLE +AXLES +AXOLOTL +AXOLOTLS +AXON +AXONS +AYE +AYERS +AYES +AYLESBURY +AZALEA +AZALEAS +AZERBAIJAN +AZIMUTH +AZIMUTHS +AZORES +AZTEC +AZTECAN +AZURE +BABBAGE +BABBLE +BABBLED +BABBLES +BABBLING +BABCOCK +BABE +BABEL +BABELIZE +BABELIZES +BABES +BABIED +BABIES +BABKA +BABOON +BABOONS +BABUL +BABY +BABYHOOD +BABYING +BABYISH +BABYLON +BABYLONIAN +BABYLONIANS +BABYLONIZE +BABYLONIZES +BABYSIT +BABYSITTING +BACCALAUREATE +BACCHUS +BACH +BACHELOR +BACHELORS +BACILLI +BACILLUS +BACK +BACKACHE +BACKACHES +BACKARROW +BACKBEND +BACKBENDS +BACKBOARD +BACKBONE +BACKBONES +BACKDROP +BACKDROPS +BACKED +BACKER +BACKERS +BACKFILL +BACKFIRING +BACKGROUND +BACKGROUNDS +BACKHAND +BACKING +BACKLASH +BACKLOG +BACKLOGGED +BACKLOGS +BACKORDER +BACKPACK +BACKPACKS +BACKPLANE +BACKPLANES +BACKPLATE +BACKS +BACKSCATTER +BACKSCATTERED +BACKSCATTERING +BACKSCATTERS +BACKSIDE +BACKSLASH +BACKSLASHES +BACKSPACE +BACKSPACED +BACKSPACES +BACKSPACING +BACKSTAGE +BACKSTAIRS +BACKSTITCH +BACKSTITCHED +BACKSTITCHES +BACKSTITCHING +BACKSTOP +BACKTRACK +BACKTRACKED +BACKTRACKER +BACKTRACKERS +BACKTRACKING +BACKTRACKS +BACKUP +BACKUPS +BACKUS +BACKWARD +BACKWARDNESS +BACKWARDS +BACKWATER +BACKWATERS +BACKWOODS +BACKYARD +BACKYARDS +BACON +BACTERIA +BACTERIAL +BACTERIUM +BAD +BADE +BADEN +BADGE +BADGER +BADGERED +BADGERING +BADGERS +BADGES +BADLANDS +BADLY +BADMINTON +BADNESS +BAFFIN +BAFFLE +BAFFLED +BAFFLER +BAFFLERS +BAFFLING +BAG +BAGATELLE +BAGATELLES +BAGEL +BAGELS +BAGGAGE +BAGGED +BAGGER +BAGGERS +BAGGING +BAGGY +BAGHDAD +BAGLEY +BAGPIPE +BAGPIPES +BAGRODIA +BAGRODIAS +BAGS +BAH +BAHAMA +BAHAMAS +BAHREIN +BAIL +BAILEY +BAILEYS +BAILIFF +BAILIFFS +BAILING +BAIRD +BAIRDI +BAIRN +BAIT +BAITED +BAITER +BAITING +BAITS +BAJA +BAKE +BAKED +BAKELITE +BAKER +BAKERIES +BAKERS +BAKERSFIELD +BAKERY +BAKES +BAKHTIARI +BAKING +BAKLAVA +BAKU +BALALAIKA +BALALAIKAS +BALANCE +BALANCED +BALANCER +BALANCERS +BALANCES +BALANCING +BALBOA +BALCONIES +BALCONY +BALD +BALDING +BALDLY +BALDNESS +BALDWIN +BALE +BALEFUL +BALER +BALES +BALFOUR +BALI +BALINESE +BALK +BALKAN +BALKANIZATION +BALKANIZATIONS +BALKANIZE +BALKANIZED +BALKANIZES +BALKANIZING +BALKANS +BALKED +BALKINESS +BALKING +BALKS +BALKY +BALL +BALLAD +BALLADS +BALLARD +BALLARDS +BALLAST +BALLASTS +BALLED +BALLER +BALLERINA +BALLERINAS +BALLERS +BALLET +BALLETS +BALLGOWN +BALLING +BALLISTIC +BALLISTICS +BALLOON +BALLOONED +BALLOONER +BALLOONERS +BALLOONING +BALLOONS +BALLOT +BALLOTS +BALLPARK +BALLPARKS +BALLPLAYER +BALLPLAYERS +BALLROOM +BALLROOMS +BALLS +BALLYHOO +BALM +BALMS +BALMY +BALSA +BALSAM +BALTIC +BALTIMORE +BALTIMOREAN +BALUSTRADE +BALUSTRADES +BALZAC +BAMAKO +BAMBERGER +BAMBI +BAMBOO +BAN +BANACH +BANAL +BANALLY +BANANA +BANANAS +BANBURY +BANCROFT +BAND +BANDAGE +BANDAGED +BANDAGES +BANDAGING +BANDED +BANDIED +BANDIES +BANDING +BANDIT +BANDITS +BANDPASS +BANDS +BANDSTAND +BANDSTANDS +BANDWAGON +BANDWAGONS +BANDWIDTH +BANDWIDTHS +BANDY +BANDYING +BANE +BANEFUL +BANG +BANGED +BANGING +BANGLADESH +BANGLE +BANGLES +BANGOR +BANGS +BANGUI +BANISH +BANISHED +BANISHES +BANISHING +BANISHMENT +BANISTER +BANISTERS +BANJO +BANJOS +BANK +BANKED +BANKER +BANKERS +BANKING +BANKRUPT +BANKRUPTCIES +BANKRUPTCY +BANKRUPTED +BANKRUPTING +BANKRUPTS +BANKS +BANNED +BANNER +BANNERS +BANNING +BANQUET +BANQUETING +BANQUETINGS +BANQUETS +BANS +BANSHEE +BANSHEES +BANTAM +BANTER +BANTERED +BANTERING +BANTERS +BANTU +BANTUS +BAPTISM +BAPTISMAL +BAPTISMS +BAPTIST +BAPTISTE +BAPTISTERY +BAPTISTRIES +BAPTISTRY +BAPTISTS +BAPTIZE +BAPTIZED +BAPTIZES +BAPTIZING +BAR +BARB +BARBADOS +BARBARA +BARBARIAN +BARBARIANS +BARBARIC +BARBARISM +BARBARITIES +BARBARITY +BARBAROUS +BARBAROUSLY +BARBECUE +BARBECUED +BARBECUES +BARBED +BARBELL +BARBELLS +BARBER +BARBITAL +BARBITURATE +BARBITURATES +BARBOUR +BARBS +BARCELONA +BARCLAY +BARD +BARDS +BARE +BARED +BAREFACED +BAREFOOT +BAREFOOTED +BARELY +BARENESS +BARER +BARES +BAREST +BARFLIES +BARFLY +BARGAIN +BARGAINED +BARGAINING +BARGAINS +BARGE +BARGES +BARGING +BARHOP +BARING +BARITONE +BARITONES +BARIUM +BARK +BARKED +BARKER +BARKERS +BARKING +BARKS +BARLEY +BARLOW +BARN +BARNABAS +BARNARD +BARNES +BARNET +BARNETT +BARNEY +BARNHARD +BARNS +BARNSTORM +BARNSTORMED +BARNSTORMING +BARNSTORMS +BARNUM +BARNYARD +BARNYARDS +BAROMETER +BAROMETERS +BAROMETRIC +BARON +BARONESS +BARONIAL +BARONIES +BARONS +BARONY +BAROQUE +BAROQUENESS +BARR +BARRACK +BARRACKS +BARRAGE +BARRAGES +BARRED +BARREL +BARRELLED +BARRELLING +BARRELS +BARREN +BARRENNESS +BARRETT +BARRICADE +BARRICADES +BARRIER +BARRIERS +BARRING +BARRINGER +BARRINGTON +BARRON +BARROW +BARRY +BARRYMORE +BARRYMORES +BARS +BARSTOW +BART +BARTENDER +BARTENDERS +BARTER +BARTERED +BARTERING +BARTERS +BARTH +BARTHOLOMEW +BARTLETT +BARTOK +BARTON +BASAL +BASALT +BASCOM +BASE +BASEBALL +BASEBALLS +BASEBAND +BASEBOARD +BASEBOARDS +BASED +BASEL +BASELESS +BASELINE +BASELINES +BASELY +BASEMAN +BASEMENT +BASEMENTS +BASENESS +BASER +BASES +BASH +BASHED +BASHES +BASHFUL +BASHFULNESS +BASHING +BASIC +BASIC +BASIC +BASICALLY +BASICS +BASIE +BASIL +BASIN +BASING +BASINS +BASIS +BASK +BASKED +BASKET +BASKETBALL +BASKETBALLS +BASKETS +BASKING +BASQUE +BASS +BASSES +BASSET +BASSETT +BASSINET +BASSINETS +BASTARD +BASTARDS +BASTE +BASTED +BASTES +BASTING +BASTION +BASTIONS +BAT +BATAVIA +BATCH +BATCHED +BATCHELDER +BATCHES +BATEMAN +BATES +BATH +BATHE +BATHED +BATHER +BATHERS +BATHES +BATHING +BATHOS +BATHROBE +BATHROBES +BATHROOM +BATHROOMS +BATHS +BATHTUB +BATHTUBS +BATHURST +BATISTA +BATON +BATONS +BATOR +BATS +BATTALION +BATTALIONS +BATTED +BATTELLE +BATTEN +BATTENS +BATTER +BATTERED +BATTERIES +BATTERING +BATTERS +BATTERY +BATTING +BATTLE +BATTLED +BATTLEFIELD +BATTLEFIELDS +BATTLEFRONT +BATTLEFRONTS +BATTLEGROUND +BATTLEGROUNDS +BATTLEMENT +BATTLEMENTS +BATTLER +BATTLERS +BATTLES +BATTLESHIP +BATTLESHIPS +BATTLING +BAUBLE +BAUBLES +BAUD +BAUDELAIRE +BAUER +BAUHAUS +BAUSCH +BAUXITE +BAVARIA +BAVARIAN +BAWDY +BAWL +BAWLED +BAWLING +BAWLS +BAXTER +BAY +BAYDA +BAYED +BAYES +BAYESIAN +BAYING +BAYLOR +BAYONET +BAYONETS +BAYONNE +BAYOU +BAYOUS +BAYPORT +BAYREUTH +BAYS +BAZAAR +BAZAARS +BEACH +BEACHED +BEACHES +BEACHHEAD +BEACHHEADS +BEACHING +BEACON +BEACONS +BEAD +BEADED +BEADING +BEADLE +BEADLES +BEADS +BEADY +BEAGLE +BEAGLES +BEAK +BEAKED +BEAKER +BEAKERS +BEAKS +BEAM +BEAMED +BEAMER +BEAMERS +BEAMING +BEAMS +BEAN +BEANBAG +BEANED +BEANER +BEANERS +BEANING +BEANS +BEAR +BEARABLE +BEARABLY +BEARD +BEARDED +BEARDLESS +BEARDS +BEARDSLEY +BEARER +BEARERS +BEARING +BEARINGS +BEARISH +BEARS +BEAST +BEASTLY +BEASTS +BEAT +BEATABLE +BEATABLY +BEATEN +BEATER +BEATERS +BEATIFIC +BEATIFICATION +BEATIFY +BEATING +BEATINGS +BEATITUDE +BEATITUDES +BEATNIK +BEATNIKS +BEATRICE +BEATS +BEAU +BEAUCHAMPS +BEAUJOLAIS +BEAUMONT +BEAUREGARD +BEAUS +BEAUTEOUS +BEAUTEOUSLY +BEAUTIES +BEAUTIFICATIONS +BEAUTIFIED +BEAUTIFIER +BEAUTIFIERS +BEAUTIFIES +BEAUTIFUL +BEAUTIFULLY +BEAUTIFY +BEAUTIFYING +BEAUTY +BEAVER +BEAVERS +BEAVERTON +BECALM +BECALMED +BECALMING +BECALMS +BECAME +BECAUSE +BECHTEL +BECK +BECKER +BECKMAN +BECKON +BECKONED +BECKONING +BECKONS +BECKY +BECOME +BECOMES +BECOMING +BECOMINGLY +BED +BEDAZZLE +BEDAZZLED +BEDAZZLEMENT +BEDAZZLES +BEDAZZLING +BEDBUG +BEDBUGS +BEDDED +BEDDER +BEDDERS +BEDDING +BEDEVIL +BEDEVILED +BEDEVILING +BEDEVILS +BEDFAST +BEDFORD +BEDLAM +BEDPOST +BEDPOSTS +BEDRAGGLE +BEDRAGGLED +BEDRIDDEN +BEDROCK +BEDROOM +BEDROOMS +BEDS +BEDSIDE +BEDSPREAD +BEDSPREADS +BEDSPRING +BEDSPRINGS +BEDSTEAD +BEDSTEADS +BEDTIME +BEE +BEEBE +BEECH +BEECHAM +BEECHEN +BEECHER +BEEF +BEEFED +BEEFER +BEEFERS +BEEFING +BEEFS +BEEFSTEAK +BEEFY +BEEHIVE +BEEHIVES +BEEN +BEEP +BEEPS +BEER +BEERS +BEES +BEET +BEETHOVEN +BEETLE +BEETLED +BEETLES +BEETLING +BEETS +BEFALL +BEFALLEN +BEFALLING +BEFALLS +BEFELL +BEFIT +BEFITS +BEFITTED +BEFITTING +BEFOG +BEFOGGED +BEFOGGING +BEFORE +BEFOREHAND +BEFOUL +BEFOULED +BEFOULING +BEFOULS +BEFRIEND +BEFRIENDED +BEFRIENDING +BEFRIENDS +BEFUDDLE +BEFUDDLED +BEFUDDLES +BEFUDDLING +BEG +BEGAN +BEGET +BEGETS +BEGETTING +BEGGAR +BEGGARLY +BEGGARS +BEGGARY +BEGGED +BEGGING +BEGIN +BEGINNER +BEGINNERS +BEGINNING +BEGINNINGS +BEGINS +BEGOT +BEGOTTEN +BEGRUDGE +BEGRUDGED +BEGRUDGES +BEGRUDGING +BEGRUDGINGLY +BEGS +BEGUILE +BEGUILED +BEGUILES +BEGUILING +BEGUN +BEHALF +BEHAVE +BEHAVED +BEHAVES +BEHAVING +BEHAVIOR +BEHAVIORAL +BEHAVIORALLY +BEHAVIORISM +BEHAVIORISTIC +BEHAVIORS +BEHEAD +BEHEADING +BEHELD +BEHEMOTH +BEHEMOTHS +BEHEST +BEHIND +BEHOLD +BEHOLDEN +BEHOLDER +BEHOLDERS +BEHOLDING +BEHOLDS +BEHOOVE +BEHOOVES +BEIGE +BEIJING +BEING +BEINGS +BEIRUT +BELA +BELABOR +BELABORED +BELABORING +BELABORS +BELATED +BELATEDLY +BELAY +BELAYED +BELAYING +BELAYS +BELCH +BELCHED +BELCHES +BELCHING +BELFAST +BELFRIES +BELFRY +BELGIAN +BELGIANS +BELGIUM +BELGRADE +BELIE +BELIED +BELIEF +BELIEFS +BELIES +BELIEVABLE +BELIEVABLY +BELIEVE +BELIEVED +BELIEVER +BELIEVERS +BELIEVES +BELIEVING +BELITTLE +BELITTLED +BELITTLES +BELITTLING +BELIZE +BELL +BELLA +BELLAMY +BELLATRIX +BELLBOY +BELLBOYS +BELLE +BELLES +BELLEVILLE +BELLHOP +BELLHOPS +BELLICOSE +BELLICOSITY +BELLIES +BELLIGERENCE +BELLIGERENT +BELLIGERENTLY +BELLIGERENTS +BELLINGHAM +BELLINI +BELLMAN +BELLMEN +BELLOVIN +BELLOW +BELLOWED +BELLOWING +BELLOWS +BELLS +BELLUM +BELLWETHER +BELLWETHERS +BELLWOOD +BELLY +BELLYACHE +BELLYFULL +BELMONT +BELOIT +BELONG +BELONGED +BELONGING +BELONGINGS +BELONGS +BELOVED +BELOW +BELSHAZZAR +BELT +BELTED +BELTING +BELTON +BELTS +BELTSVILLE +BELUSHI +BELY +BELYING +BEMOAN +BEMOANED +BEMOANING +BEMOANS +BEN +BENARES +BENCH +BENCHED +BENCHES +BENCHMARK +BENCHMARKING +BENCHMARKS +BEND +BENDABLE +BENDER +BENDERS +BENDING +BENDIX +BENDS +BENEATH +BENEDICT +BENEDICTINE +BENEDICTION +BENEDICTIONS +BENEDIKT +BENEFACTOR +BENEFACTORS +BENEFICENCE +BENEFICENCES +BENEFICENT +BENEFICIAL +BENEFICIALLY +BENEFICIARIES +BENEFICIARY +BENEFIT +BENEFITED +BENEFITING +BENEFITS +BENEFITTED +BENEFITTING +BENELUX +BENEVOLENCE +BENEVOLENT +BENGAL +BENGALI +BENIGHTED +BENIGN +BENIGNLY +BENJAMIN +BENNETT +BENNINGTON +BENNY +BENSON +BENT +BENTHAM +BENTLEY +BENTLEYS +BENTON +BENZ +BENZEDRINE +BENZENE +BEOGRAD +BEOWULF +BEQUEATH +BEQUEATHAL +BEQUEATHED +BEQUEATHING +BEQUEATHS +BEQUEST +BEQUESTS +BERATE +BERATED +BERATES +BERATING +BEREA +BEREAVE +BEREAVED +BEREAVEMENT +BEREAVEMENTS +BEREAVES +BEREAVING +BEREFT +BERENICES +BERESFORD +BERET +BERETS +BERGEN +BERGLAND +BERGLUND +BERGMAN +BERGSON +BERGSTEN +BERGSTROM +BERIBBONED +BERIBERI +BERINGER +BERKELEY +BERKELIUM +BERKOWITZ +BERKSHIRE +BERKSHIRES +BERLIN +BERLINER +BERLINERS +BERLINIZE +BERLINIZES +BERLIOZ +BERLITZ +BERMAN +BERMUDA +BERN +BERNADINE +BERNARD +BERNARDINE +BERNARDINO +BERNARDO +BERNE +BERNET +BERNHARD +BERNICE +BERNIE +BERNIECE +BERNINI +BERNOULLI +BERNSTEIN +BERRA +BERRIES +BERRY +BERSERK +BERT +BERTH +BERTHA +BERTHS +BERTIE +BERTRAM +BERTRAND +BERWICK +BERYL +BERYLLIUM +BESEECH +BESEECHES +BESEECHING +BESET +BESETS +BESETTING +BESIDE +BESIDES +BESIEGE +BESIEGED +BESIEGER +BESIEGERS +BESIEGING +BESMIRCH +BESMIRCHED +BESMIRCHES +BESMIRCHING +BESOTTED +BESOTTER +BESOTTING +BESOUGHT +BESPEAK +BESPEAKS +BESPECTACLED +BESPOKE +BESS +BESSEL +BESSEMER +BESSEMERIZE +BESSEMERIZES +BESSIE +BEST +BESTED +BESTIAL +BESTING +BESTIR +BESTIRRING +BESTOW +BESTOWAL +BESTOWED +BESTS +BESTSELLER +BESTSELLERS +BESTSELLING +BET +BETA +BETATRON +BETEL +BETELGEUSE +BETHESDA +BETHLEHEM +BETIDE +BETRAY +BETRAYAL +BETRAYED +BETRAYER +BETRAYING +BETRAYS +BETROTH +BETROTHAL +BETROTHED +BETS +BETSEY +BETSY +BETTE +BETTER +BETTERED +BETTERING +BETTERMENT +BETTERMENTS +BETTERS +BETTIES +BETTING +BETTY +BETWEEN +BETWIXT +BEVEL +BEVELED +BEVELING +BEVELS +BEVERAGE +BEVERAGES +BEVERLY +BEVY +BEWAIL +BEWAILED +BEWAILING +BEWAILS +BEWARE +BEWHISKERED +BEWILDER +BEWILDERED +BEWILDERING +BEWILDERINGLY +BEWILDERMENT +BEWILDERS +BEWITCH +BEWITCHED +BEWITCHES +BEWITCHING +BEYOND +BHUTAN +BIALYSTOK +BIANCO +BIANNUAL +BIAS +BIASED +BIASES +BIASING +BIB +BIBBED +BIBBING +BIBLE +BIBLES +BIBLICAL +BIBLICALLY +BIBLIOGRAPHIC +BIBLIOGRAPHICAL +BIBLIOGRAPHIES +BIBLIOGRAPHY +BIBLIOPHILE +BIBS +BICAMERAL +BICARBONATE +BICENTENNIAL +BICEP +BICEPS +BICKER +BICKERED +BICKERING +BICKERS +BICONCAVE +BICONNECTED +BICONVEX +BICYCLE +BICYCLED +BICYCLER +BICYCLERS +BICYCLES +BICYCLING +BID +BIDDABLE +BIDDEN +BIDDER +BIDDERS +BIDDIES +BIDDING +BIDDLE +BIDDY +BIDE +BIDIRECTIONAL +BIDS +BIEN +BIENNIAL +BIENNIUM +BIENVILLE +BIER +BIERCE +BIFOCAL +BIFOCALS +BIFURCATE +BIG +BIGELOW +BIGGER +BIGGEST +BIGGS +BIGHT +BIGHTS +BIGNESS +BIGOT +BIGOTED +BIGOTRY +BIGOTS +BIHARMONIC +BIJECTION +BIJECTIONS +BIJECTIVE +BIJECTIVELY +BIKE +BIKES +BIKING +BIKINI +BIKINIS +BILABIAL +BILATERAL +BILATERALLY +BILBAO +BILBO +BILE +BILGE +BILGES +BILINEAR +BILINGUAL +BILK +BILKED +BILKING +BILKS +BILL +BILLBOARD +BILLBOARDS +BILLED +BILLER +BILLERS +BILLET +BILLETED +BILLETING +BILLETS +BILLIARD +BILLIARDS +BILLIE +BILLIKEN +BILLIKENS +BILLING +BILLINGS +BILLION +BILLIONS +BILLIONTH +BILLOW +BILLOWED +BILLOWS +BILLS +BILTMORE +BIMETALLIC +BIMETALLISM +BIMINI +BIMODAL +BIMOLECULAR +BIMONTHLIES +BIMONTHLY +BIN +BINARIES +BINARY +BINAURAL +BIND +BINDER +BINDERS +BINDING +BINDINGS +BINDS +BING +BINGE +BINGES +BINGHAM +BINGHAMTON +BINGO +BINI +BINOCULAR +BINOCULARS +BINOMIAL +BINS +BINUCLEAR +BIOCHEMICAL +BIOCHEMIST +BIOCHEMISTRY +BIOFEEDBACK +BIOGRAPHER +BIOGRAPHERS +BIOGRAPHIC +BIOGRAPHICAL +BIOGRAPHICALLY +BIOGRAPHIES +BIOGRAPHY +BIOLOGICAL +BIOLOGICALLY +BIOLOGIST +BIOLOGISTS +BIOLOGY +BIOMEDICAL +BIOMEDICINE +BIOPHYSICAL +BIOPHYSICIST +BIOPHYSICS +BIOPSIES +BIOPSY +BIOSCIENCE +BIOSPHERE +BIOSTATISTIC +BIOSYNTHESIZE +BIOTA +BIOTIC +BIPARTISAN +BIPARTITE +BIPED +BIPEDS +BIPLANE +BIPLANES +BIPOLAR +BIRACIAL +BIRCH +BIRCHEN +BIRCHES +BIRD +BIRDBATH +BIRDBATHS +BIRDIE +BIRDIED +BIRDIES +BIRDLIKE +BIRDS +BIREFRINGENCE +BIREFRINGENT +BIRGIT +BIRMINGHAM +BIRMINGHAMIZE +BIRMINGHAMIZES +BIRTH +BIRTHDAY +BIRTHDAYS +BIRTHED +BIRTHPLACE +BIRTHPLACES +BIRTHRIGHT +BIRTHRIGHTS +BIRTHS +BISCAYNE +BISCUIT +BISCUITS +BISECT +BISECTED +BISECTING +BISECTION +BISECTIONS +BISECTOR +BISECTORS +BISECTS +BISHOP +BISHOPS +BISMARCK +BISMARK +BISMUTH +BISON +BISONS +BISQUE +BISQUES +BISSAU +BISTABLE +BISTATE +BIT +BITCH +BITCHES +BITE +BITER +BITERS +BITES +BITING +BITINGLY +BITMAP +BITNET +BITS +BITTEN +BITTER +BITTERER +BITTEREST +BITTERLY +BITTERNESS +BITTERNUT +BITTERROOT +BITTERS +BITTERSWEET +BITUMEN +BITUMINOUS +BITWISE +BIVALVE +BIVALVES +BIVARIATE +BIVOUAC +BIVOUACS +BIWEEKLY +BIZARRE +BIZET +BLAB +BLABBED +BLABBERMOUTH +BLABBERMOUTHS +BLABBING +BLABS +BLACK +BLACKBERRIES +BLACKBERRY +BLACKBIRD +BLACKBIRDS +BLACKBOARD +BLACKBOARDS +BLACKBURN +BLACKED +BLACKEN +BLACKENED +BLACKENING +BLACKENS +BLACKER +BLACKEST +BLACKFEET +BLACKFOOT +BLACKFOOTS +BLACKING +BLACKJACK +BLACKJACKS +BLACKLIST +BLACKLISTED +BLACKLISTING +BLACKLISTS +BLACKLY +BLACKMAIL +BLACKMAILED +BLACKMAILER +BLACKMAILERS +BLACKMAILING +BLACKMAILS +BLACKMAN +BLACKMER +BLACKNESS +BLACKOUT +BLACKOUTS +BLACKS +BLACKSMITH +BLACKSMITHS +BLACKSTONE +BLACKWELL +BLACKWELLS +BLADDER +BLADDERS +BLADE +BLADES +BLAINE +BLAIR +BLAKE +BLAKEY +BLAMABLE +BLAME +BLAMED +BLAMELESS +BLAMELESSNESS +BLAMER +BLAMERS +BLAMES +BLAMEWORTHY +BLAMING +BLANCH +BLANCHARD +BLANCHE +BLANCHED +BLANCHES +BLANCHING +BLAND +BLANDLY +BLANDNESS +BLANK +BLANKED +BLANKER +BLANKEST +BLANKET +BLANKETED +BLANKETER +BLANKETERS +BLANKETING +BLANKETS +BLANKING +BLANKLY +BLANKNESS +BLANKS +BLANTON +BLARE +BLARED +BLARES +BLARING +BLASE +BLASPHEME +BLASPHEMED +BLASPHEMES +BLASPHEMIES +BLASPHEMING +BLASPHEMOUS +BLASPHEMOUSLY +BLASPHEMOUSNESS +BLASPHEMY +BLAST +BLASTED +BLASTER +BLASTERS +BLASTING +BLASTS +BLATANT +BLATANTLY +BLATZ +BLAZE +BLAZED +BLAZER +BLAZERS +BLAZES +BLAZING +BLEACH +BLEACHED +BLEACHER +BLEACHERS +BLEACHES +BLEACHING +BLEAK +BLEAKER +BLEAKLY +BLEAKNESS +BLEAR +BLEARY +BLEAT +BLEATING +BLEATS +BLED +BLEED +BLEEDER +BLEEDING +BLEEDINGS +BLEEDS +BLEEKER +BLEMISH +BLEMISHES +BLEND +BLENDED +BLENDER +BLENDING +BLENDS +BLENHEIM +BLESS +BLESSED +BLESSING +BLESSINGS +BLEW +BLIGHT +BLIGHTED +BLIMP +BLIMPS +BLIND +BLINDED +BLINDER +BLINDERS +BLINDFOLD +BLINDFOLDED +BLINDFOLDING +BLINDFOLDS +BLINDING +BLINDINGLY +BLINDLY +BLINDNESS +BLINDS +BLINK +BLINKED +BLINKER +BLINKERS +BLINKING +BLINKS +BLINN +BLIP +BLIPS +BLISS +BLISSFUL +BLISSFULLY +BLISTER +BLISTERED +BLISTERING +BLISTERS +BLITHE +BLITHELY +BLITZ +BLITZES +BLITZKRIEG +BLIZZARD +BLIZZARDS +BLOAT +BLOATED +BLOATER +BLOATING +BLOATS +BLOB +BLOBS +BLOC +BLOCH +BLOCK +BLOCKADE +BLOCKADED +BLOCKADES +BLOCKADING +BLOCKAGE +BLOCKAGES +BLOCKED +BLOCKER +BLOCKERS +BLOCKHOUSE +BLOCKHOUSES +BLOCKING +BLOCKS +BLOCS +BLOKE +BLOKES +BLOMBERG +BLOMQUIST +BLOND +BLONDE +BLONDES +BLONDS +BLOOD +BLOODBATH +BLOODED +BLOODHOUND +BLOODHOUNDS +BLOODIED +BLOODIEST +BLOODLESS +BLOODS +BLOODSHED +BLOODSHOT +BLOODSTAIN +BLOODSTAINED +BLOODSTAINS +BLOODSTREAM +BLOODY +BLOOM +BLOOMED +BLOOMERS +BLOOMFIELD +BLOOMING +BLOOMINGTON +BLOOMS +BLOOPER +BLOSSOM +BLOSSOMED +BLOSSOMS +BLOT +BLOTS +BLOTTED +BLOTTING +BLOUSE +BLOUSES +BLOW +BLOWER +BLOWERS +BLOWFISH +BLOWING +BLOWN +BLOWOUT +BLOWS +BLOWUP +BLUBBER +BLUDGEON +BLUDGEONED +BLUDGEONING +BLUDGEONS +BLUE +BLUEBERRIES +BLUEBERRY +BLUEBIRD +BLUEBIRDS +BLUEBONNET +BLUEBONNETS +BLUEFISH +BLUENESS +BLUEPRINT +BLUEPRINTS +BLUER +BLUES +BLUEST +BLUESTOCKING +BLUFF +BLUFFING +BLUFFS +BLUING +BLUISH +BLUM +BLUMENTHAL +BLUNDER +BLUNDERBUSS +BLUNDERED +BLUNDERING +BLUNDERINGS +BLUNDERS +BLUNT +BLUNTED +BLUNTER +BLUNTEST +BLUNTING +BLUNTLY +BLUNTNESS +BLUNTS +BLUR +BLURB +BLURRED +BLURRING +BLURRY +BLURS +BLURT +BLURTED +BLURTING +BLURTS +BLUSH +BLUSHED +BLUSHES +BLUSHING +BLUSTER +BLUSTERED +BLUSTERING +BLUSTERS +BLUSTERY +BLYTHE +BOA +BOAR +BOARD +BOARDED +BOARDER +BOARDERS +BOARDING +BOARDINGHOUSE +BOARDINGHOUSES +BOARDS +BOARSH +BOAST +BOASTED +BOASTER +BOASTERS +BOASTFUL +BOASTFULLY +BOASTING +BOASTINGS +BOASTS +BOAT +BOATER +BOATERS +BOATHOUSE +BOATHOUSES +BOATING +BOATLOAD +BOATLOADS +BOATMAN +BOATMEN +BOATS +BOATSMAN +BOATSMEN +BOATSWAIN +BOATSWAINS +BOATYARD +BOATYARDS +BOB +BOBBED +BOBBIE +BOBBIN +BOBBING +BOBBINS +BOBBSEY +BOBBY +BOBOLINK +BOBOLINKS +BOBROW +BOBS +BOBWHITE +BOBWHITES +BOCA +BODE +BODENHEIM +BODES +BODICE +BODIED +BODIES +BODILY +BODLEIAN +BODY +BODYBUILDER +BODYBUILDERS +BODYBUILDING +BODYGUARD +BODYGUARDS +BODYWEIGHT +BOEING +BOEOTIA +BOEOTIAN +BOER +BOERS +BOG +BOGART +BOGARTIAN +BOGEYMEN +BOGGED +BOGGLE +BOGGLED +BOGGLES +BOGGLING +BOGOTA +BOGS +BOGUS +BOHEME +BOHEMIA +BOHEMIAN +BOHEMIANISM +BOHR +BOIL +BOILED +BOILER +BOILERPLATE +BOILERS +BOILING +BOILS +BOIS +BOISE +BOISTEROUS +BOISTEROUSLY +BOLD +BOLDER +BOLDEST +BOLDFACE +BOLDLY +BOLDNESS +BOLIVIA +BOLIVIAN +BOLL +BOLOGNA +BOLSHEVIK +BOLSHEVIKS +BOLSHEVISM +BOLSHEVIST +BOLSHEVISTIC +BOLSHOI +BOLSTER +BOLSTERED +BOLSTERING +BOLSTERS +BOLT +BOLTED +BOLTING +BOLTON +BOLTS +BOLTZMANN +BOMB +BOMBARD +BOMBARDED +BOMBARDING +BOMBARDMENT +BOMBARDS +BOMBAST +BOMBASTIC +BOMBAY +BOMBED +BOMBER +BOMBERS +BOMBING +BOMBINGS +BOMBPROOF +BOMBS +BONANZA +BONANZAS +BONAPARTE +BONAVENTURE +BOND +BONDAGE +BONDED +BONDER +BONDERS +BONDING +BONDS +BONDSMAN +BONDSMEN +BONE +BONED +BONER +BONERS +BONES +BONFIRE +BONFIRES +BONG +BONHAM +BONIFACE +BONING +BONN +BONNET +BONNETED +BONNETS +BONNEVILLE +BONNIE +BONNY +BONTEMPO +BONUS +BONUSES +BONY +BOO +BOOB +BOOBOO +BOOBY +BOOK +BOOKCASE +BOOKCASES +BOOKED +BOOKER +BOOKERS +BOOKIE +BOOKIES +BOOKING +BOOKINGS +BOOKISH +BOOKKEEPER +BOOKKEEPERS +BOOKKEEPING +BOOKLET +BOOKLETS +BOOKMARK +BOOKS +BOOKSELLER +BOOKSELLERS +BOOKSHELF +BOOKSHELVES +BOOKSTORE +BOOKSTORES +BOOKWORM +BOOLEAN +BOOLEANS +BOOM +BOOMED +BOOMERANG +BOOMERANGS +BOOMING +BOOMS +BOON +BOONE +BOONTON +BOOR +BOORISH +BOORS +BOOS +BOOST +BOOSTED +BOOSTER +BOOSTING +BOOSTS +BOOT +BOOTABLE +BOOTED +BOOTES +BOOTH +BOOTHS +BOOTING +BOOTLE +BOOTLEG +BOOTLEGGED +BOOTLEGGER +BOOTLEGGERS +BOOTLEGGING +BOOTLEGS +BOOTS +BOOTSTRAP +BOOTSTRAPPED +BOOTSTRAPPING +BOOTSTRAPS +BOOTY +BOOZE +BORATE +BORATES +BORAX +BORDEAUX +BORDELLO +BORDELLOS +BORDEN +BORDER +BORDERED +BORDERING +BORDERINGS +BORDERLAND +BORDERLANDS +BORDERLINE +BORDERS +BORE +BOREALIS +BOREAS +BORED +BOREDOM +BORER +BORES +BORG +BORIC +BORING +BORIS +BORN +BORNE +BORNEO +BORON +BOROUGH +BOROUGHS +BORROUGHS +BORROW +BORROWED +BORROWER +BORROWERS +BORROWING +BORROWS +BOSCH +BOSE +BOSOM +BOSOMS +BOSPORUS +BOSS +BOSSED +BOSSES +BOSTITCH +BOSTON +BOSTONIAN +BOSTONIANS +BOSUN +BOSWELL +BOSWELLIZE +BOSWELLIZES +BOTANICAL +BOTANIST +BOTANISTS +BOTANY +BOTCH +BOTCHED +BOTCHER +BOTCHERS +BOTCHES +BOTCHING +BOTH +BOTHER +BOTHERED +BOTHERING +BOTHERS +BOTHERSOME +BOTSWANA +BOTTLE +BOTTLED +BOTTLENECK +BOTTLENECKS +BOTTLER +BOTTLERS +BOTTLES +BOTTLING +BOTTOM +BOTTOMED +BOTTOMING +BOTTOMLESS +BOTTOMS +BOTULINUS +BOTULISM +BOUCHER +BOUFFANT +BOUGH +BOUGHS +BOUGHT +BOULDER +BOULDERS +BOULEVARD +BOULEVARDS +BOUNCE +BOUNCED +BOUNCER +BOUNCES +BOUNCING +BOUNCY +BOUND +BOUNDARIES +BOUNDARY +BOUNDED +BOUNDEN +BOUNDING +BOUNDLESS +BOUNDLESSNESS +BOUNDS +BOUNTEOUS +BOUNTEOUSLY +BOUNTIES +BOUNTIFUL +BOUNTY +BOUQUET +BOUQUETS +BOURBAKI +BOURBON +BOURGEOIS +BOURGEOISIE +BOURNE +BOUSTROPHEDON +BOUSTROPHEDONIC +BOUT +BOUTIQUE +BOUTS +BOUVIER +BOVINE +BOVINES +BOW +BOWDITCH +BOWDLERIZE +BOWDLERIZED +BOWDLERIZES +BOWDLERIZING +BOWDOIN +BOWED +BOWEL +BOWELS +BOWEN +BOWER +BOWERS +BOWES +BOWING +BOWL +BOWLED +BOWLER +BOWLERS +BOWLINE +BOWLINES +BOWLING +BOWLS +BOWMAN +BOWS +BOWSTRING +BOWSTRINGS +BOX +BOXCAR +BOXCARS +BOXED +BOXER +BOXERS +BOXES +BOXFORD +BOXING +BOXTOP +BOXTOPS +BOXWOOD +BOY +BOYCE +BOYCOTT +BOYCOTTED +BOYCOTTS +BOYD +BOYFRIEND +BOYFRIENDS +BOYHOOD +BOYISH +BOYISHNESS +BOYLE +BOYLSTON +BOYS +BRA +BRACE +BRACED +BRACELET +BRACELETS +BRACES +BRACING +BRACKET +BRACKETED +BRACKETING +BRACKETS +BRACKISH +BRADBURY +BRADFORD +BRADLEY +BRADSHAW +BRADY +BRAE +BRAES +BRAG +BRAGG +BRAGGED +BRAGGER +BRAGGING +BRAGS +BRAHMAPUTRA +BRAHMS +BRAHMSIAN +BRAID +BRAIDED +BRAIDING +BRAIDS +BRAILLE +BRAIN +BRAINARD +BRAINARDS +BRAINCHILD +BRAINED +BRAINING +BRAINS +BRAINSTEM +BRAINSTEMS +BRAINSTORM +BRAINSTORMS +BRAINWASH +BRAINWASHED +BRAINWASHES +BRAINWASHING +BRAINY +BRAKE +BRAKED +BRAKEMAN +BRAKES +BRAKING +BRAMBLE +BRAMBLES +BRAMBLY +BRAN +BRANCH +BRANCHED +BRANCHES +BRANCHING +BRANCHINGS +BRANCHVILLE +BRAND +BRANDED +BRANDEIS +BRANDEL +BRANDENBURG +BRANDING +BRANDISH +BRANDISHES +BRANDISHING +BRANDON +BRANDS +BRANDT +BRANDY +BRANDYWINE +BRANIFF +BRANNON +BRAS +BRASH +BRASHLY +BRASHNESS +BRASILIA +BRASS +BRASSES +BRASSIERE +BRASSTOWN +BRASSY +BRAT +BRATS +BRAUN +BRAVADO +BRAVE +BRAVED +BRAVELY +BRAVENESS +BRAVER +BRAVERY +BRAVES +BRAVEST +BRAVING +BRAVO +BRAVOS +BRAWL +BRAWLER +BRAWLING +BRAWN +BRAY +BRAYED +BRAYER +BRAYING +BRAYS +BRAZE +BRAZED +BRAZEN +BRAZENLY +BRAZENNESS +BRAZES +BRAZIER +BRAZIERS +BRAZIL +BRAZILIAN +BRAZING +BRAZZAVILLE +BREACH +BREACHED +BREACHER +BREACHERS +BREACHES +BREACHING +BREAD +BREADBOARD +BREADBOARDS +BREADBOX +BREADBOXES +BREADED +BREADING +BREADS +BREADTH +BREADWINNER +BREADWINNERS +BREAK +BREAKABLE +BREAKABLES +BREAKAGE +BREAKAWAY +BREAKDOWN +BREAKDOWNS +BREAKER +BREAKERS +BREAKFAST +BREAKFASTED +BREAKFASTER +BREAKFASTERS +BREAKFASTING +BREAKFASTS +BREAKING +BREAKPOINT +BREAKPOINTS +BREAKS +BREAKTHROUGH +BREAKTHROUGHES +BREAKTHROUGHS +BREAKUP +BREAKWATER +BREAKWATERS +BREAST +BREASTED +BREASTS +BREASTWORK +BREASTWORKS +BREATH +BREATHABLE +BREATHE +BREATHED +BREATHER +BREATHERS +BREATHES +BREATHING +BREATHLESS +BREATHLESSLY +BREATHS +BREATHTAKING +BREATHTAKINGLY +BREATHY +BRED +BREECH +BREECHES +BREED +BREEDER +BREEDING +BREEDS +BREEZE +BREEZES +BREEZILY +BREEZY +BREMEN +BREMSSTRAHLUNG +BRENDA +BRENDAN +BRENNAN +BRENNER +BRENT +BRESENHAM +BREST +BRETHREN +BRETON +BRETONS +BRETT +BREVE +BREVET +BREVETED +BREVETING +BREVETS +BREVITY +BREW +BREWED +BREWER +BREWERIES +BREWERS +BREWERY +BREWING +BREWS +BREWSTER +BRIAN +BRIAR +BRIARS +BRIBE +BRIBED +BRIBER +BRIBERS +BRIBERY +BRIBES +BRIBING +BRICE +BRICK +BRICKBAT +BRICKED +BRICKER +BRICKLAYER +BRICKLAYERS +BRICKLAYING +BRICKS +BRIDAL +BRIDE +BRIDEGROOM +BRIDES +BRIDESMAID +BRIDESMAIDS +BRIDEWELL +BRIDGE +BRIDGEABLE +BRIDGED +BRIDGEHEAD +BRIDGEHEADS +BRIDGEPORT +BRIDGES +BRIDGET +BRIDGETOWN +BRIDGEWATER +BRIDGEWORK +BRIDGING +BRIDLE +BRIDLED +BRIDLES +BRIDLING +BRIE +BRIEF +BRIEFCASE +BRIEFCASES +BRIEFED +BRIEFER +BRIEFEST +BRIEFING +BRIEFINGS +BRIEFLY +BRIEFNESS +BRIEFS +BRIEN +BRIER +BRIG +BRIGADE +BRIGADES +BRIGADIER +BRIGADIERS +BRIGADOON +BRIGANTINE +BRIGGS +BRIGHAM +BRIGHT +BRIGHTEN +BRIGHTENED +BRIGHTENER +BRIGHTENERS +BRIGHTENING +BRIGHTENS +BRIGHTER +BRIGHTEST +BRIGHTLY +BRIGHTNESS +BRIGHTON +BRIGS +BRILLIANCE +BRILLIANCY +BRILLIANT +BRILLIANTLY +BRILLOUIN +BRIM +BRIMFUL +BRIMMED +BRIMMING +BRIMSTONE +BRINDISI +BRINDLE +BRINDLED +BRINE +BRING +BRINGER +BRINGERS +BRINGING +BRINGS +BRINK +BRINKLEY +BRINKMANSHIP +BRINY +BRISBANE +BRISK +BRISKER +BRISKLY +BRISKNESS +BRISTLE +BRISTLED +BRISTLES +BRISTLING +BRISTOL +BRITAIN +BRITANNIC +BRITANNICA +BRITCHES +BRITISH +BRITISHER +BRITISHLY +BRITON +BRITONS +BRITTANY +BRITTEN +BRITTLE +BRITTLENESS +BROACH +BROACHED +BROACHES +BROACHING +BROAD +BROADBAND +BROADCAST +BROADCASTED +BROADCASTER +BROADCASTERS +BROADCASTING +BROADCASTINGS +BROADCASTS +BROADEN +BROADENED +BROADENER +BROADENERS +BROADENING +BROADENINGS +BROADENS +BROADER +BROADEST +BROADLY +BROADNESS +BROADSIDE +BROADWAY +BROCADE +BROCADED +BROCCOLI +BROCHURE +BROCHURES +BROCK +BROGLIE +BROIL +BROILED +BROILER +BROILERS +BROILING +BROILS +BROKE +BROKEN +BROKENLY +BROKENNESS +BROKER +BROKERAGE +BROKERS +BROMFIELD +BROMIDE +BROMIDES +BROMINE +BROMLEY +BRONCHI +BRONCHIAL +BRONCHIOLE +BRONCHIOLES +BRONCHITIS +BRONCHUS +BRONTOSAURUS +BRONX +BRONZE +BRONZED +BRONZES +BROOCH +BROOCHES +BROOD +BROODER +BROODING +BROODS +BROOK +BROOKDALE +BROOKE +BROOKED +BROOKFIELD +BROOKHAVEN +BROOKLINE +BROOKLYN +BROOKMONT +BROOKS +BROOM +BROOMS +BROOMSTICK +BROOMSTICKS +BROTH +BROTHEL +BROTHELS +BROTHER +BROTHERHOOD +BROTHERLINESS +BROTHERLY +BROTHERS +BROUGHT +BROW +BROWBEAT +BROWBEATEN +BROWBEATING +BROWBEATS +BROWN +BROWNE +BROWNED +BROWNELL +BROWNER +BROWNEST +BROWNIAN +BROWNIE +BROWNIES +BROWNING +BROWNISH +BROWNNESS +BROWNS +BROWS +BROWSE +BROWSING +BRUCE +BRUCKNER +BRUEGEL +BRUISE +BRUISED +BRUISES +BRUISING +BRUMIDI +BRUNCH +BRUNCHES +BRUNETTE +BRUNHILDE +BRUNO +BRUNSWICK +BRUNT +BRUSH +BRUSHED +BRUSHES +BRUSHFIRE +BRUSHFIRES +BRUSHING +BRUSHLIKE +BRUSHY +BRUSQUE +BRUSQUELY +BRUSSELS +BRUTAL +BRUTALITIES +BRUTALITY +BRUTALIZE +BRUTALIZED +BRUTALIZES +BRUTALIZING +BRUTALLY +BRUTE +BRUTES +BRUTISH +BRUXELLES +BRYAN +BRYANT +BRYCE +BRYN +BUBBLE +BUBBLED +BUBBLES +BUBBLING +BUBBLY +BUCHANAN +BUCHAREST +BUCHENWALD +BUCHWALD +BUCK +BUCKBOARD +BUCKBOARDS +BUCKED +BUCKET +BUCKETS +BUCKING +BUCKLE +BUCKLED +BUCKLER +BUCKLES +BUCKLEY +BUCKLING +BUCKNELL +BUCKS +BUCKSHOT +BUCKSKIN +BUCKSKINS +BUCKWHEAT +BUCKY +BUCOLIC +BUD +BUDAPEST +BUDD +BUDDED +BUDDHA +BUDDHISM +BUDDHIST +BUDDHISTS +BUDDIES +BUDDING +BUDDY +BUDGE +BUDGED +BUDGES +BUDGET +BUDGETARY +BUDGETED +BUDGETER +BUDGETERS +BUDGETING +BUDGETS +BUDGING +BUDS +BUDWEISER +BUDWEISERS +BUEHRING +BUENA +BUENOS +BUFF +BUFFALO +BUFFALOES +BUFFER +BUFFERED +BUFFERING +BUFFERS +BUFFET +BUFFETED +BUFFETING +BUFFETINGS +BUFFETS +BUFFOON +BUFFOONS +BUFFS +BUG +BUGABOO +BUGATTI +BUGEYED +BUGGED +BUGGER +BUGGERS +BUGGIES +BUGGING +BUGGY +BUGLE +BUGLED +BUGLER +BUGLES +BUGLING +BUGS +BUICK +BUILD +BUILDER +BUILDERS +BUILDING +BUILDINGS +BUILDS +BUILDUP +BUILDUPS +BUILT +BUILTIN +BUJUMBURA +BULB +BULBA +BULBS +BULGARIA +BULGARIAN +BULGE +BULGED +BULGING +BULK +BULKED +BULKHEAD +BULKHEADS +BULKS +BULKY +BULL +BULLDOG +BULLDOGS +BULLDOZE +BULLDOZED +BULLDOZER +BULLDOZES +BULLDOZING +BULLED +BULLET +BULLETIN +BULLETINS +BULLETS +BULLFROG +BULLIED +BULLIES +BULLING +BULLION +BULLISH +BULLOCK +BULLS +BULLSEYE +BULLY +BULLYING +BULWARK +BUM +BUMBLE +BUMBLEBEE +BUMBLEBEES +BUMBLED +BUMBLER +BUMBLERS +BUMBLES +BUMBLING +BUMBRY +BUMMED +BUMMING +BUMP +BUMPED +BUMPER +BUMPERS +BUMPING +BUMPS +BUMPTIOUS +BUMPTIOUSLY +BUMPTIOUSNESS +BUMS +BUN +BUNCH +BUNCHED +BUNCHES +BUNCHING +BUNDESTAG +BUNDLE +BUNDLED +BUNDLES +BUNDLING +BUNDOORA +BUNDY +BUNGALOW +BUNGALOWS +BUNGLE +BUNGLED +BUNGLER +BUNGLERS +BUNGLES +BUNGLING +BUNION +BUNIONS +BUNK +BUNKER +BUNKERED +BUNKERS +BUNKHOUSE +BUNKHOUSES +BUNKMATE +BUNKMATES +BUNKS +BUNNIES +BUNNY +BUNS +BUNSEN +BUNT +BUNTED +BUNTER +BUNTERS +BUNTING +BUNTS +BUNYAN +BUOY +BUOYANCY +BUOYANT +BUOYED +BUOYS +BURBANK +BURCH +BURDEN +BURDENED +BURDENING +BURDENS +BURDENSOME +BUREAU +BUREAUCRACIES +BUREAUCRACY +BUREAUCRAT +BUREAUCRATIC +BUREAUCRATS +BUREAUS +BURGEON +BURGEONED +BURGEONING +BURGESS +BURGESSES +BURGHER +BURGHERS +BURGLAR +BURGLARIES +BURGLARIZE +BURGLARIZED +BURGLARIZES +BURGLARIZING +BURGLARPROOF +BURGLARPROOFED +BURGLARPROOFING +BURGLARPROOFS +BURGLARS +BURGLARY +BURGUNDIAN +BURGUNDIES +BURGUNDY +BURIAL +BURIED +BURIES +BURKE +BURKES +BURL +BURLESQUE +BURLESQUES +BURLINGAME +BURLINGTON +BURLY +BURMA +BURMESE +BURN +BURNE +BURNED +BURNER +BURNERS +BURNES +BURNETT +BURNHAM +BURNING +BURNINGLY +BURNINGS +BURNISH +BURNISHED +BURNISHES +BURNISHING +BURNS +BURNSIDE +BURNSIDES +BURNT +BURNTLY +BURNTNESS +BURP +BURPED +BURPING +BURPS +BURR +BURROUGHS +BURROW +BURROWED +BURROWER +BURROWING +BURROWS +BURRS +BURSA +BURSITIS +BURST +BURSTINESS +BURSTING +BURSTS +BURSTY +BURT +BURTON +BURTT +BURUNDI +BURY +BURYING +BUS +BUSBOY +BUSBOYS +BUSCH +BUSED +BUSES +BUSH +BUSHEL +BUSHELS +BUSHES +BUSHING +BUSHNELL +BUSHWHACK +BUSHWHACKED +BUSHWHACKING +BUSHWHACKS +BUSHY +BUSIED +BUSIER +BUSIEST +BUSILY +BUSINESS +BUSINESSES +BUSINESSLIKE +BUSINESSMAN +BUSINESSMEN +BUSING +BUSS +BUSSED +BUSSES +BUSSING +BUST +BUSTARD +BUSTARDS +BUSTED +BUSTER +BUSTLE +BUSTLING +BUSTS +BUSY +BUT +BUTANE +BUTCHER +BUTCHERED +BUTCHERS +BUTCHERY +BUTLER +BUTLERS +BUTT +BUTTE +BUTTED +BUTTER +BUTTERBALL +BUTTERCUP +BUTTERED +BUTTERER +BUTTERERS +BUTTERFAT +BUTTERFIELD +BUTTERFLIES +BUTTERFLY +BUTTERING +BUTTERMILK +BUTTERNUT +BUTTERS +BUTTERY +BUTTES +BUTTING +BUTTOCK +BUTTOCKS +BUTTON +BUTTONED +BUTTONHOLE +BUTTONHOLES +BUTTONING +BUTTONS +BUTTRESS +BUTTRESSED +BUTTRESSES +BUTTRESSING +BUTTRICK +BUTTS +BUTYL +BUTYRATE +BUXOM +BUXTEHUDE +BUXTON +BUY +BUYER +BUYERS +BUYING +BUYS +BUZZ +BUZZARD +BUZZARDS +BUZZED +BUZZER +BUZZES +BUZZING +BUZZWORD +BUZZWORDS +BUZZY +BYE +BYERS +BYGONE +BYLAW +BYLAWS +BYLINE +BYLINES +BYPASS +BYPASSED +BYPASSES +BYPASSING +BYPRODUCT +BYPRODUCTS +BYRD +BYRNE +BYRON +BYRONIC +BYRONISM +BYRONIZE +BYRONIZES +BYSTANDER +BYSTANDERS +BYTE +BYTES +BYWAY +BYWAYS +BYWORD +BYWORDS +BYZANTINE +BYZANTINIZE +BYZANTINIZES +BYZANTIUM +CAB +CABAL +CABANA +CABARET +CABBAGE +CABBAGES +CABDRIVER +CABIN +CABINET +CABINETS +CABINS +CABLE +CABLED +CABLES +CABLING +CABOOSE +CABOT +CABS +CACHE +CACHED +CACHES +CACHING +CACKLE +CACKLED +CACKLER +CACKLES +CACKLING +CACTI +CACTUS +CADAVER +CADENCE +CADENCED +CADILLAC +CADILLACS +CADRES +CADY +CAESAR +CAESARIAN +CAESARIZE +CAESARIZES +CAFE +CAFES +CAFETERIA +CAGE +CAGED +CAGER +CAGERS +CAGES +CAGING +CAHILL +CAIMAN +CAIN +CAINE +CAIRN +CAIRO +CAJOLE +CAJOLED +CAJOLES +CAJOLING +CAJUN +CAJUNS +CAKE +CAKED +CAKES +CAKING +CALAIS +CALAMITIES +CALAMITOUS +CALAMITY +CALCEOLARIA +CALCIFY +CALCIUM +CALCOMP +CALCOMP +CALCOMP +CALCULATE +CALCULATED +CALCULATES +CALCULATING +CALCULATION +CALCULATIONS +CALCULATIVE +CALCULATOR +CALCULATORS +CALCULI +CALCULUS +CALCUTTA +CALDER +CALDERA +CALDWELL +CALEB +CALENDAR +CALENDARS +CALF +CALFSKIN +CALGARY +CALHOUN +CALIBER +CALIBERS +CALIBRATE +CALIBRATED +CALIBRATES +CALIBRATING +CALIBRATION +CALIBRATIONS +CALICO +CALIFORNIA +CALIFORNIAN +CALIFORNIANS +CALIGULA +CALIPH +CALIPHS +CALKINS +CALL +CALLABLE +CALLAGHAN +CALLAHAN +CALLAN +CALLED +CALLER +CALLERS +CALLING +CALLIOPE +CALLISTO +CALLOUS +CALLOUSED +CALLOUSLY +CALLOUSNESS +CALLS +CALLUS +CALM +CALMED +CALMER +CALMEST +CALMING +CALMINGLY +CALMLY +CALMNESS +CALMS +CALORIC +CALORIE +CALORIES +CALORIMETER +CALORIMETRIC +CALORIMETRY +CALTECH +CALUMNY +CALVARY +CALVE +CALVERT +CALVES +CALVIN +CALVINIST +CALVINIZE +CALVINIZES +CALYPSO +CAM +CAMBODIA +CAMBRIAN +CAMBRIDGE +CAMDEN +CAME +CAMEL +CAMELOT +CAMELS +CAMEMBERT +CAMERA +CAMERAMAN +CAMERAMEN +CAMERAS +CAMERON +CAMEROON +CAMEROUN +CAMILLA +CAMILLE +CAMINO +CAMOUFLAGE +CAMOUFLAGED +CAMOUFLAGES +CAMOUFLAGING +CAMP +CAMPAIGN +CAMPAIGNED +CAMPAIGNER +CAMPAIGNERS +CAMPAIGNING +CAMPAIGNS +CAMPBELL +CAMPBELLSPORT +CAMPED +CAMPER +CAMPERS +CAMPFIRE +CAMPGROUND +CAMPING +CAMPS +CAMPSITE +CAMPUS +CAMPUSES +CAN +CANAAN +CANADA +CANADIAN +CANADIANIZATION +CANADIANIZATIONS +CANADIANIZE +CANADIANIZES +CANADIANS +CANAL +CANALS +CANARIES +CANARY +CANAVERAL +CANBERRA +CANCEL +CANCELED +CANCELING +CANCELLATION +CANCELLATIONS +CANCELS +CANCER +CANCEROUS +CANCERS +CANDACE +CANDID +CANDIDACY +CANDIDATE +CANDIDATES +CANDIDE +CANDIDLY +CANDIDNESS +CANDIED +CANDIES +CANDLE +CANDLELIGHT +CANDLER +CANDLES +CANDLESTICK +CANDLESTICKS +CANDLEWICK +CANDOR +CANDY +CANE +CANER +CANFIELD +CANINE +CANIS +CANISTER +CANKER +CANKERWORM +CANNABIS +CANNED +CANNEL +CANNER +CANNERS +CANNERY +CANNIBAL +CANNIBALIZE +CANNIBALIZED +CANNIBALIZES +CANNIBALIZING +CANNIBALS +CANNING +CANNISTER +CANNISTERS +CANNON +CANNONBALL +CANNONS +CANNOT +CANNY +CANOE +CANOES +CANOGA +CANON +CANONIC +CANONICAL +CANONICALIZATION +CANONICALIZE +CANONICALIZED +CANONICALIZES +CANONICALIZING +CANONICALLY +CANONICALS +CANONS +CANOPUS +CANOPY +CANS +CANT +CANTABRIGIAN +CANTALOUPE +CANTANKEROUS +CANTANKEROUSLY +CANTEEN +CANTERBURY +CANTILEVER +CANTO +CANTON +CANTONESE +CANTONS +CANTOR +CANTORS +CANUTE +CANVAS +CANVASES +CANVASS +CANVASSED +CANVASSER +CANVASSERS +CANVASSES +CANVASSING +CANYON +CANYONS +CAP +CAPABILITIES +CAPABILITY +CAPABLE +CAPABLY +CAPACIOUS +CAPACIOUSLY +CAPACIOUSNESS +CAPACITANCE +CAPACITANCES +CAPACITIES +CAPACITIVE +CAPACITOR +CAPACITORS +CAPACITY +CAPE +CAPER +CAPERS +CAPES +CAPET +CAPETOWN +CAPILLARY +CAPISTRANO +CAPITA +CAPITAL +CAPITALISM +CAPITALIST +CAPITALISTS +CAPITALIZATION +CAPITALIZATIONS +CAPITALIZE +CAPITALIZED +CAPITALIZER +CAPITALIZERS +CAPITALIZES +CAPITALIZING +CAPITALLY +CAPITALS +CAPITAN +CAPITOL +CAPITOLINE +CAPITOLS +CAPPED +CAPPING +CAPPY +CAPRICE +CAPRICIOUS +CAPRICIOUSLY +CAPRICIOUSNESS +CAPRICORN +CAPS +CAPSICUM +CAPSTAN +CAPSTONE +CAPSULE +CAPTAIN +CAPTAINED +CAPTAINING +CAPTAINS +CAPTION +CAPTIONS +CAPTIVATE +CAPTIVATED +CAPTIVATES +CAPTIVATING +CAPTIVATION +CAPTIVE +CAPTIVES +CAPTIVITY +CAPTOR +CAPTORS +CAPTURE +CAPTURED +CAPTURER +CAPTURERS +CAPTURES +CAPTURING +CAPUTO +CAPYBARA +CAR +CARACAS +CARAMEL +CARAVAN +CARAVANS +CARAWAY +CARBOHYDRATE +CARBOLIC +CARBOLOY +CARBON +CARBONATE +CARBONATES +CARBONATION +CARBONDALE +CARBONE +CARBONES +CARBONIC +CARBONIZATION +CARBONIZE +CARBONIZED +CARBONIZER +CARBONIZERS +CARBONIZES +CARBONIZING +CARBONS +CARBORUNDUM +CARBUNCLE +CARCASS +CARCASSES +CARCINOGEN +CARCINOGENIC +CARCINOMA +CARD +CARDBOARD +CARDER +CARDIAC +CARDIFF +CARDINAL +CARDINALITIES +CARDINALITY +CARDINALLY +CARDINALS +CARDIOD +CARDIOLOGY +CARDIOVASCULAR +CARDS +CARE +CARED +CAREEN +CAREER +CAREERS +CAREFREE +CAREFUL +CAREFULLY +CAREFULNESS +CARELESS +CARELESSLY +CARELESSNESS +CARES +CARESS +CARESSED +CARESSER +CARESSES +CARESSING +CARET +CARETAKER +CAREY +CARGILL +CARGO +CARGOES +CARIB +CARIBBEAN +CARIBOU +CARICATURE +CARING +CARL +CARLA +CARLETON +CARLETONIAN +CARLIN +CARLISLE +CARLO +CARLOAD +CARLSBAD +CARLSBADS +CARLSON +CARLTON +CARLYLE +CARMELA +CARMEN +CARMICHAEL +CARNAGE +CARNAL +CARNATION +CARNEGIE +CARNIVAL +CARNIVALS +CARNIVOROUS +CARNIVOROUSLY +CAROL +CAROLINA +CAROLINAS +CAROLINE +CAROLINGIAN +CAROLINIAN +CAROLINIANS +CAROLS +CAROLYN +CARP +CARPATHIA +CARPATHIANS +CARPENTER +CARPENTERS +CARPENTRY +CARPET +CARPETED +CARPETING +CARPETS +CARPORT +CARR +CARRARA +CARRIAGE +CARRIAGES +CARRIE +CARRIED +CARRIER +CARRIERS +CARRIES +CARRION +CARROLL +CARROT +CARROTS +CARRUTHERS +CARRY +CARRYING +CARRYOVER +CARRYOVERS +CARS +CARSON +CART +CARTED +CARTEL +CARTER +CARTERS +CARTESIAN +CARTHAGE +CARTHAGINIAN +CARTILAGE +CARTING +CARTOGRAPHER +CARTOGRAPHIC +CARTOGRAPHY +CARTON +CARTONS +CARTOON +CARTOONS +CARTRIDGE +CARTRIDGES +CARTS +CARTWHEEL +CARTY +CARUSO +CARVE +CARVED +CARVER +CARVES +CARVING +CARVINGS +CASANOVA +CASCADABLE +CASCADE +CASCADED +CASCADES +CASCADING +CASE +CASED +CASEMENT +CASEMENTS +CASES +CASEWORK +CASEY +CASH +CASHED +CASHER +CASHERS +CASHES +CASHEW +CASHIER +CASHIERS +CASHING +CASHMERE +CASING +CASINGS +CASINO +CASK +CASKET +CASKETS +CASKS +CASPIAN +CASSANDRA +CASSEROLE +CASSEROLES +CASSETTE +CASSIOPEIA +CASSITE +CASSITES +CASSIUS +CASSOCK +CAST +CASTE +CASTER +CASTERS +CASTES +CASTIGATE +CASTILLO +CASTING +CASTLE +CASTLED +CASTLES +CASTOR +CASTRO +CASTROISM +CASTS +CASUAL +CASUALLY +CASUALNESS +CASUALS +CASUALTIES +CASUALTY +CAT +CATACLYSMIC +CATALAN +CATALINA +CATALOG +CATALOGED +CATALOGER +CATALOGING +CATALOGS +CATALONIA +CATALYST +CATALYSTS +CATALYTIC +CATAPULT +CATARACT +CATASTROPHE +CATASTROPHES +CATASTROPHIC +CATAWBA +CATCH +CATCHABLE +CATCHER +CATCHERS +CATCHES +CATCHING +CATEGORICAL +CATEGORICALLY +CATEGORIES +CATEGORIZATION +CATEGORIZE +CATEGORIZED +CATEGORIZER +CATEGORIZERS +CATEGORIZES +CATEGORIZING +CATEGORY +CATER +CATERED +CATERER +CATERING +CATERPILLAR +CATERPILLARS +CATERS +CATHEDRAL +CATHEDRALS +CATHERINE +CATHERWOOD +CATHETER +CATHETERS +CATHODE +CATHODES +CATHOLIC +CATHOLICISM +CATHOLICISMS +CATHOLICS +CATHY +CATLIKE +CATNIP +CATS +CATSKILL +CATSKILLS +CATSUP +CATTAIL +CATTLE +CATTLEMAN +CATTLEMEN +CAUCASIAN +CAUCASIANS +CAUCASUS +CAUCHY +CAUCUS +CAUGHT +CAULDRON +CAULDRONS +CAULIFLOWER +CAULK +CAUSAL +CAUSALITY +CAUSALLY +CAUSATION +CAUSATIONS +CAUSE +CAUSED +CAUSER +CAUSES +CAUSEWAY +CAUSEWAYS +CAUSING +CAUSTIC +CAUSTICLY +CAUSTICS +CAUTION +CAUTIONED +CAUTIONER +CAUTIONERS +CAUTIONING +CAUTIONINGS +CAUTIONS +CAUTIOUS +CAUTIOUSLY +CAUTIOUSNESS +CAVALIER +CAVALIERLY +CAVALIERNESS +CAVALRY +CAVE +CAVEAT +CAVEATS +CAVED +CAVEMAN +CAVEMEN +CAVENDISH +CAVERN +CAVERNOUS +CAVERNS +CAVES +CAVIAR +CAVIL +CAVINESS +CAVING +CAVITIES +CAVITY +CAW +CAWING +CAYLEY +CAYUGA +CEASE +CEASED +CEASELESS +CEASELESSLY +CEASELESSNESS +CEASES +CEASING +CECIL +CECILIA +CECROPIA +CEDAR +CEDE +CEDED +CEDING +CEDRIC +CEILING +CEILINGS +CELANESE +CELEBES +CELEBRATE +CELEBRATED +CELEBRATES +CELEBRATING +CELEBRATION +CELEBRATIONS +CELEBRITIES +CELEBRITY +CELERITY +CELERY +CELESTE +CELESTIAL +CELESTIALLY +CELIA +CELL +CELLAR +CELLARS +CELLED +CELLIST +CELLISTS +CELLOPHANE +CELLS +CELLULAR +CELLULOSE +CELSIUS +CELT +CELTIC +CELTICIZE +CELTICIZES +CEMENT +CEMENTED +CEMENTING +CEMENTS +CEMETERIES +CEMETERY +CENOZOIC +CENSOR +CENSORED +CENSORING +CENSORS +CENSORSHIP +CENSURE +CENSURED +CENSURER +CENSURES +CENSUS +CENSUSES +CENT +CENTAUR +CENTENARY +CENTENNIAL +CENTER +CENTERED +CENTERING +CENTERPIECE +CENTERPIECES +CENTERS +CENTIGRADE +CENTIMETER +CENTIMETERS +CENTIPEDE +CENTIPEDES +CENTRAL +CENTRALIA +CENTRALISM +CENTRALIST +CENTRALIZATION +CENTRALIZE +CENTRALIZED +CENTRALIZES +CENTRALIZING +CENTRALLY +CENTREX +CENTREX +CENTRIFUGAL +CENTRIFUGE +CENTRIPETAL +CENTRIST +CENTROID +CENTS +CENTURIES +CENTURY +CEPHEUS +CERAMIC +CERBERUS +CEREAL +CEREALS +CEREBELLUM +CEREBRAL +CEREMONIAL +CEREMONIALLY +CEREMONIALNESS +CEREMONIES +CEREMONY +CERES +CERN +CERTAIN +CERTAINLY +CERTAINTIES +CERTAINTY +CERTIFIABLE +CERTIFICATE +CERTIFICATES +CERTIFICATION +CERTIFICATIONS +CERTIFIED +CERTIFIER +CERTIFIERS +CERTIFIES +CERTIFY +CERTIFYING +CERVANTES +CESARE +CESSATION +CESSATIONS +CESSNA +CETUS +CEYLON +CEZANNE +CEZANNES +CHABLIS +CHABLISES +CHAD +CHADWICK +CHAFE +CHAFER +CHAFF +CHAFFER +CHAFFEY +CHAFFING +CHAFING +CHAGRIN +CHAIN +CHAINED +CHAINING +CHAINS +CHAIR +CHAIRED +CHAIRING +CHAIRLADY +CHAIRMAN +CHAIRMEN +CHAIRPERSON +CHAIRPERSONS +CHAIRS +CHAIRWOMAN +CHAIRWOMEN +CHALICE +CHALICES +CHALK +CHALKED +CHALKING +CHALKS +CHALLENGE +CHALLENGED +CHALLENGER +CHALLENGERS +CHALLENGES +CHALLENGING +CHALMERS +CHAMBER +CHAMBERED +CHAMBERLAIN +CHAMBERLAINS +CHAMBERMAID +CHAMBERS +CHAMELEON +CHAMPAGNE +CHAMPAIGN +CHAMPION +CHAMPIONED +CHAMPIONING +CHAMPIONS +CHAMPIONSHIP +CHAMPIONSHIPS +CHAMPLAIN +CHANCE +CHANCED +CHANCELLOR +CHANCELLORSVILLE +CHANCERY +CHANCES +CHANCING +CHANDELIER +CHANDELIERS +CHANDIGARH +CHANG +CHANGE +CHANGEABILITY +CHANGEABLE +CHANGEABLY +CHANGED +CHANGEOVER +CHANGER +CHANGERS +CHANGES +CHANGING +CHANNEL +CHANNELED +CHANNELING +CHANNELLED +CHANNELLER +CHANNELLERS +CHANNELLING +CHANNELS +CHANNING +CHANT +CHANTED +CHANTER +CHANTICLEER +CHANTICLEERS +CHANTILLY +CHANTING +CHANTS +CHAO +CHAOS +CHAOTIC +CHAP +CHAPEL +CHAPELS +CHAPERON +CHAPERONE +CHAPERONED +CHAPLAIN +CHAPLAINS +CHAPLIN +CHAPMAN +CHAPS +CHAPTER +CHAPTERS +CHAR +CHARACTER +CHARACTERISTIC +CHARACTERISTICALLY +CHARACTERISTICS +CHARACTERIZABLE +CHARACTERIZATION +CHARACTERIZATIONS +CHARACTERIZE +CHARACTERIZED +CHARACTERIZER +CHARACTERIZERS +CHARACTERIZES +CHARACTERIZING +CHARACTERS +CHARCOAL +CHARCOALED +CHARGE +CHARGEABLE +CHARGED +CHARGER +CHARGERS +CHARGES +CHARGING +CHARIOT +CHARIOTS +CHARISMA +CHARISMATIC +CHARITABLE +CHARITABLENESS +CHARITIES +CHARITY +CHARLEMAGNE +CHARLEMAGNES +CHARLES +CHARLESTON +CHARLEY +CHARLIE +CHARLOTTE +CHARLOTTESVILLE +CHARM +CHARMED +CHARMER +CHARMERS +CHARMING +CHARMINGLY +CHARMS +CHARON +CHARS +CHART +CHARTA +CHARTABLE +CHARTED +CHARTER +CHARTERED +CHARTERING +CHARTERS +CHARTING +CHARTINGS +CHARTRES +CHARTREUSE +CHARTS +CHARYBDIS +CHASE +CHASED +CHASER +CHASERS +CHASES +CHASING +CHASM +CHASMS +CHASSIS +CHASTE +CHASTELY +CHASTENESS +CHASTISE +CHASTISED +CHASTISER +CHASTISERS +CHASTISES +CHASTISING +CHASTITY +CHAT +CHATEAU +CHATEAUS +CHATHAM +CHATTAHOOCHEE +CHATTANOOGA +CHATTEL +CHATTER +CHATTERED +CHATTERER +CHATTERING +CHATTERS +CHATTING +CHATTY +CHAUCER +CHAUFFEUR +CHAUFFEURED +CHAUNCEY +CHAUTAUQUA +CHEAP +CHEAPEN +CHEAPENED +CHEAPENING +CHEAPENS +CHEAPER +CHEAPEST +CHEAPLY +CHEAPNESS +CHEAT +CHEATED +CHEATER +CHEATERS +CHEATING +CHEATS +CHECK +CHECKABLE +CHECKBOOK +CHECKBOOKS +CHECKED +CHECKER +CHECKERBOARD +CHECKERBOARDED +CHECKERBOARDING +CHECKERS +CHECKING +CHECKLIST +CHECKOUT +CHECKPOINT +CHECKPOINTS +CHECKS +CHECKSUM +CHECKSUMMED +CHECKSUMMING +CHECKSUMS +CHECKUP +CHEEK +CHEEKBONE +CHEEKS +CHEEKY +CHEER +CHEERED +CHEERER +CHEERFUL +CHEERFULLY +CHEERFULNESS +CHEERILY +CHEERINESS +CHEERING +CHEERLEADER +CHEERLESS +CHEERLESSLY +CHEERLESSNESS +CHEERS +CHEERY +CHEESE +CHEESECLOTH +CHEESES +CHEESY +CHEETAH +CHEF +CHEFS +CHEKHOV +CHELSEA +CHEMICAL +CHEMICALLY +CHEMICALS +CHEMISE +CHEMIST +CHEMISTRIES +CHEMISTRY +CHEMISTS +CHEN +CHENEY +CHENG +CHERISH +CHERISHED +CHERISHES +CHERISHING +CHERITON +CHEROKEE +CHEROKEES +CHERRIES +CHERRY +CHERUB +CHERUBIM +CHERUBS +CHERYL +CHESAPEAKE +CHESHIRE +CHESS +CHEST +CHESTER +CHESTERFIELD +CHESTERTON +CHESTNUT +CHESTNUTS +CHESTS +CHEVROLET +CHEVY +CHEW +CHEWED +CHEWER +CHEWERS +CHEWING +CHEWS +CHEYENNE +CHEYENNES +CHIANG +CHIC +CHICAGO +CHICAGOAN +CHICAGOANS +CHICANA +CHICANAS +CHICANERY +CHICANO +CHICANOS +CHICK +CHICKADEE +CHICKADEES +CHICKASAWS +CHICKEN +CHICKENS +CHICKS +CHIDE +CHIDED +CHIDES +CHIDING +CHIEF +CHIEFLY +CHIEFS +CHIEFTAIN +CHIEFTAINS +CHIFFON +CHILD +CHILDBIRTH +CHILDHOOD +CHILDISH +CHILDISHLY +CHILDISHNESS +CHILDLIKE +CHILDREN +CHILE +CHILEAN +CHILES +CHILI +CHILL +CHILLED +CHILLER +CHILLERS +CHILLIER +CHILLINESS +CHILLING +CHILLINGLY +CHILLS +CHILLY +CHIME +CHIMERA +CHIMES +CHIMNEY +CHIMNEYS +CHIMPANZEE +CHIN +CHINA +CHINAMAN +CHINAMEN +CHINAS +CHINATOWN +CHINESE +CHING +CHINK +CHINKED +CHINKS +CHINNED +CHINNER +CHINNERS +CHINNING +CHINOOK +CHINS +CHINTZ +CHIP +CHIPMUNK +CHIPMUNKS +CHIPPENDALE +CHIPPEWA +CHIPS +CHIROPRACTOR +CHIRP +CHIRPED +CHIRPING +CHIRPS +CHISEL +CHISELED +CHISELER +CHISELS +CHISHOLM +CHIT +CHIVALROUS +CHIVALROUSLY +CHIVALROUSNESS +CHIVALRY +CHLOE +CHLORINE +CHLOROFORM +CHLOROPHYLL +CHLOROPLAST +CHLOROPLASTS +CHOCK +CHOCKS +CHOCOLATE +CHOCOLATES +CHOCTAW +CHOCTAWS +CHOICE +CHOICES +CHOICEST +CHOIR +CHOIRS +CHOKE +CHOKED +CHOKER +CHOKERS +CHOKES +CHOKING +CHOLERA +CHOMSKY +CHOOSE +CHOOSER +CHOOSERS +CHOOSES +CHOOSING +CHOP +CHOPIN +CHOPPED +CHOPPER +CHOPPERS +CHOPPING +CHOPPY +CHOPS +CHORAL +CHORD +CHORDATE +CHORDED +CHORDING +CHORDS +CHORE +CHOREOGRAPH +CHOREOGRAPHY +CHORES +CHORING +CHORTLE +CHORUS +CHORUSED +CHORUSES +CHOSE +CHOSEN +CHOU +CHOWDER +CHRIS +CHRIST +CHRISTEN +CHRISTENDOM +CHRISTENED +CHRISTENING +CHRISTENS +CHRISTENSEN +CHRISTENSON +CHRISTIAN +CHRISTIANA +CHRISTIANITY +CHRISTIANIZATION +CHRISTIANIZATIONS +CHRISTIANIZE +CHRISTIANIZER +CHRISTIANIZERS +CHRISTIANIZES +CHRISTIANIZING +CHRISTIANS +CHRISTIANSEN +CHRISTIANSON +CHRISTIE +CHRISTINA +CHRISTINE +CHRISTLIKE +CHRISTMAS +CHRISTOFFEL +CHRISTOPH +CHRISTOPHER +CHRISTY +CHROMATOGRAM +CHROMATOGRAPH +CHROMATOGRAPHY +CHROME +CHROMIUM +CHROMOSPHERE +CHRONIC +CHRONICLE +CHRONICLED +CHRONICLER +CHRONICLERS +CHRONICLES +CHRONOGRAPH +CHRONOGRAPHY +CHRONOLOGICAL +CHRONOLOGICALLY +CHRONOLOGIES +CHRONOLOGY +CHRYSANTHEMUM +CHRYSLER +CHUBBIER +CHUBBIEST +CHUBBINESS +CHUBBY +CHUCK +CHUCKLE +CHUCKLED +CHUCKLES +CHUCKS +CHUM +CHUNGKING +CHUNK +CHUNKS +CHUNKY +CHURCH +CHURCHES +CHURCHGOER +CHURCHGOING +CHURCHILL +CHURCHILLIAN +CHURCHLY +CHURCHMAN +CHURCHMEN +CHURCHWOMAN +CHURCHWOMEN +CHURCHYARD +CHURCHYARDS +CHURN +CHURNED +CHURNING +CHURNS +CHUTE +CHUTES +CHUTZPAH +CICADA +CICERO +CICERONIAN +CICERONIANIZE +CICERONIANIZES +CIDER +CIGAR +CIGARETTE +CIGARETTES +CIGARS +CILIA +CINCINNATI +CINDER +CINDERELLA +CINDERS +CINDY +CINEMA +CINEMATIC +CINERAMA +CINNAMON +CIPHER +CIPHERS +CIPHERTEXT +CIPHERTEXTS +CIRCA +CIRCE +CIRCLE +CIRCLED +CIRCLES +CIRCLET +CIRCLING +CIRCUIT +CIRCUITOUS +CIRCUITOUSLY +CIRCUITRY +CIRCUITS +CIRCULANT +CIRCULAR +CIRCULARITY +CIRCULARLY +CIRCULATE +CIRCULATED +CIRCULATES +CIRCULATING +CIRCULATION +CIRCUMCISE +CIRCUMCISION +CIRCUMFERENCE +CIRCUMFLEX +CIRCUMLOCUTION +CIRCUMLOCUTIONS +CIRCUMNAVIGATE +CIRCUMNAVIGATED +CIRCUMNAVIGATES +CIRCUMPOLAR +CIRCUMSCRIBE +CIRCUMSCRIBED +CIRCUMSCRIBING +CIRCUMSCRIPTION +CIRCUMSPECT +CIRCUMSPECTION +CIRCUMSPECTLY +CIRCUMSTANCE +CIRCUMSTANCED +CIRCUMSTANCES +CIRCUMSTANTIAL +CIRCUMSTANTIALLY +CIRCUMVENT +CIRCUMVENTABLE +CIRCUMVENTED +CIRCUMVENTING +CIRCUMVENTS +CIRCUS +CIRCUSES +CISTERN +CISTERNS +CITADEL +CITADELS +CITATION +CITATIONS +CITE +CITED +CITES +CITIES +CITING +CITIZEN +CITIZENS +CITIZENSHIP +CITROEN +CITRUS +CITY +CITYSCAPE +CITYWIDE +CIVET +CIVIC +CIVICS +CIVIL +CIVILIAN +CIVILIANS +CIVILITY +CIVILIZATION +CIVILIZATIONS +CIVILIZE +CIVILIZED +CIVILIZES +CIVILIZING +CIVILLY +CLAD +CLADDING +CLAIM +CLAIMABLE +CLAIMANT +CLAIMANTS +CLAIMED +CLAIMING +CLAIMS +CLAIRE +CLAIRVOYANT +CLAIRVOYANTLY +CLAM +CLAMBER +CLAMBERED +CLAMBERING +CLAMBERS +CLAMOR +CLAMORED +CLAMORING +CLAMOROUS +CLAMORS +CLAMP +CLAMPED +CLAMPING +CLAMPS +CLAMS +CLAN +CLANDESTINE +CLANG +CLANGED +CLANGING +CLANGS +CLANK +CLANNISH +CLAP +CLAPBOARD +CLAPEYRON +CLAPPING +CLAPS +CLARA +CLARE +CLAREMONT +CLARENCE +CLARENDON +CLARIFICATION +CLARIFICATIONS +CLARIFIED +CLARIFIES +CLARIFY +CLARIFYING +CLARINET +CLARITY +CLARK +CLARKE +CLARRIDGE +CLASH +CLASHED +CLASHES +CLASHING +CLASP +CLASPED +CLASPING +CLASPS +CLASS +CLASSED +CLASSES +CLASSIC +CLASSICAL +CLASSICALLY +CLASSICS +CLASSIFIABLE +CLASSIFICATION +CLASSIFICATIONS +CLASSIFIED +CLASSIFIER +CLASSIFIERS +CLASSIFIES +CLASSIFY +CLASSIFYING +CLASSMATE +CLASSMATES +CLASSROOM +CLASSROOMS +CLASSY +CLATTER +CLATTERED +CLATTERING +CLAUDE +CLAUDIA +CLAUDIO +CLAUS +CLAUSE +CLAUSEN +CLAUSES +CLAUSIUS +CLAUSTROPHOBIA +CLAUSTROPHOBIC +CLAW +CLAWED +CLAWING +CLAWS +CLAY +CLAYS +CLAYTON +CLEAN +CLEANED +CLEANER +CLEANERS +CLEANEST +CLEANING +CLEANLINESS +CLEANLY +CLEANNESS +CLEANS +CLEANSE +CLEANSED +CLEANSER +CLEANSERS +CLEANSES +CLEANSING +CLEANUP +CLEAR +CLEARANCE +CLEARANCES +CLEARED +CLEARER +CLEAREST +CLEARING +CLEARINGS +CLEARLY +CLEARNESS +CLEARS +CLEARWATER +CLEAVAGE +CLEAVE +CLEAVED +CLEAVER +CLEAVERS +CLEAVES +CLEAVING +CLEFT +CLEFTS +CLEMENCY +CLEMENS +CLEMENT +CLEMENTE +CLEMSON +CLENCH +CLENCHED +CLENCHES +CLERGY +CLERGYMAN +CLERGYMEN +CLERICAL +CLERK +CLERKED +CLERKING +CLERKS +CLEVELAND +CLEVER +CLEVERER +CLEVEREST +CLEVERLY +CLEVERNESS +CLICHE +CLICHES +CLICK +CLICKED +CLICKING +CLICKS +CLIENT +CLIENTELE +CLIENTS +CLIFF +CLIFFORD +CLIFFS +CLIFTON +CLIMATE +CLIMATES +CLIMATIC +CLIMATICALLY +CLIMATOLOGY +CLIMAX +CLIMAXED +CLIMAXES +CLIMB +CLIMBED +CLIMBER +CLIMBERS +CLIMBING +CLIMBS +CLIME +CLIMES +CLINCH +CLINCHED +CLINCHER +CLINCHES +CLING +CLINGING +CLINGS +CLINIC +CLINICAL +CLINICALLY +CLINICIAN +CLINICS +CLINK +CLINKED +CLINKER +CLINT +CLINTON +CLIO +CLIP +CLIPBOARD +CLIPPED +CLIPPER +CLIPPERS +CLIPPING +CLIPPINGS +CLIPS +CLIQUE +CLIQUES +CLITORIS +CLIVE +CLOAK +CLOAKROOM +CLOAKS +CLOBBER +CLOBBERED +CLOBBERING +CLOBBERS +CLOCK +CLOCKED +CLOCKER +CLOCKERS +CLOCKING +CLOCKINGS +CLOCKS +CLOCKWATCHER +CLOCKWISE +CLOCKWORK +CLOD +CLODS +CLOG +CLOGGED +CLOGGING +CLOGS +CLOISTER +CLOISTERS +CLONE +CLONED +CLONES +CLONING +CLOSE +CLOSED +CLOSELY +CLOSENESS +CLOSENESSES +CLOSER +CLOSERS +CLOSES +CLOSEST +CLOSET +CLOSETED +CLOSETS +CLOSEUP +CLOSING +CLOSURE +CLOSURES +CLOT +CLOTH +CLOTHE +CLOTHED +CLOTHES +CLOTHESHORSE +CLOTHESLINE +CLOTHING +CLOTHO +CLOTTING +CLOTURE +CLOUD +CLOUDBURST +CLOUDED +CLOUDIER +CLOUDIEST +CLOUDINESS +CLOUDING +CLOUDLESS +CLOUDS +CLOUDY +CLOUT +CLOVE +CLOVER +CLOVES +CLOWN +CLOWNING +CLOWNS +CLUB +CLUBBED +CLUBBING +CLUBHOUSE +CLUBROOM +CLUBS +CLUCK +CLUCKED +CLUCKING +CLUCKS +CLUE +CLUES +CLUJ +CLUMP +CLUMPED +CLUMPING +CLUMPS +CLUMSILY +CLUMSINESS +CLUMSY +CLUNG +CLUSTER +CLUSTERED +CLUSTERING +CLUSTERINGS +CLUSTERS +CLUTCH +CLUTCHED +CLUTCHES +CLUTCHING +CLUTTER +CLUTTERED +CLUTTERING +CLUTTERS +CLYDE +CLYTEMNESTRA +COACH +COACHED +COACHER +COACHES +COACHING +COACHMAN +COACHMEN +COAGULATE +COAL +COALESCE +COALESCED +COALESCES +COALESCING +COALITION +COALS +COARSE +COARSELY +COARSEN +COARSENED +COARSENESS +COARSER +COARSEST +COAST +COASTAL +COASTED +COASTER +COASTERS +COASTING +COASTLINE +COASTS +COAT +COATED +COATES +COATING +COATINGS +COATS +COATTAIL +COAUTHOR +COAX +COAXED +COAXER +COAXES +COAXIAL +COAXING +COBALT +COBB +COBBLE +COBBLER +COBBLERS +COBBLESTONE +COBOL +COBOL +COBRA +COBWEB +COBWEBS +COCA +COCAINE +COCHISE +COCHRAN +COCHRANE +COCK +COCKED +COCKING +COCKPIT +COCKROACH +COCKS +COCKTAIL +COCKTAILS +COCKY +COCO +COCOA +COCONUT +COCONUTS +COCOON +COCOONS +COD +CODDINGTON +CODDLE +CODE +CODED +CODEINE +CODER +CODERS +CODES +CODEWORD +CODEWORDS +CODFISH +CODICIL +CODIFICATION +CODIFICATIONS +CODIFIED +CODIFIER +CODIFIERS +CODIFIES +CODIFY +CODIFYING +CODING +CODINGS +CODPIECE +CODY +COED +COEDITOR +COEDUCATION +COEFFICIENT +COEFFICIENTS +COEQUAL +COERCE +COERCED +COERCES +COERCIBLE +COERCING +COERCION +COERCIVE +COEXIST +COEXISTED +COEXISTENCE +COEXISTING +COEXISTS +COFACTOR +COFFEE +COFFEECUP +COFFEEPOT +COFFEES +COFFER +COFFERS +COFFEY +COFFIN +COFFINS +COFFMAN +COG +COGENT +COGENTLY +COGITATE +COGITATED +COGITATES +COGITATING +COGITATION +COGNAC +COGNITION +COGNITIVE +COGNITIVELY +COGNIZANCE +COGNIZANT +COGS +COHABITATION +COHABITATIONS +COHEN +COHERE +COHERED +COHERENCE +COHERENT +COHERENTLY +COHERES +COHERING +COHESION +COHESIVE +COHESIVELY +COHESIVENESS +COHN +COHORT +COIL +COILED +COILING +COILS +COIN +COINAGE +COINCIDE +COINCIDED +COINCIDENCE +COINCIDENCES +COINCIDENT +COINCIDENTAL +COINCIDES +COINCIDING +COINED +COINER +COINING +COINS +COKE +COKES +COLANDER +COLBY +COLD +COLDER +COLDEST +COLDLY +COLDNESS +COLDS +COLE +COLEMAN +COLERIDGE +COLETTE +COLGATE +COLICKY +COLIFORM +COLISEUM +COLLABORATE +COLLABORATED +COLLABORATES +COLLABORATING +COLLABORATION +COLLABORATIONS +COLLABORATIVE +COLLABORATOR +COLLABORATORS +COLLAGEN +COLLAPSE +COLLAPSED +COLLAPSES +COLLAPSIBLE +COLLAPSING +COLLAR +COLLARBONE +COLLARED +COLLARING +COLLARS +COLLATE +COLLATERAL +COLLEAGUE +COLLEAGUES +COLLECT +COLLECTED +COLLECTIBLE +COLLECTING +COLLECTION +COLLECTIONS +COLLECTIVE +COLLECTIVELY +COLLECTIVES +COLLECTOR +COLLECTORS +COLLECTS +COLLEGE +COLLEGES +COLLEGIAN +COLLEGIATE +COLLIDE +COLLIDED +COLLIDES +COLLIDING +COLLIE +COLLIER +COLLIES +COLLINS +COLLISION +COLLISIONS +COLLOIDAL +COLLOQUIA +COLLOQUIAL +COLLOQUIUM +COLLOQUY +COLLUSION +COLOGNE +COLOMBIA +COLOMBIAN +COLOMBIANS +COLOMBO +COLON +COLONEL +COLONELS +COLONIAL +COLONIALLY +COLONIALS +COLONIES +COLONIST +COLONISTS +COLONIZATION +COLONIZE +COLONIZED +COLONIZER +COLONIZERS +COLONIZES +COLONIZING +COLONS +COLONY +COLOR +COLORADO +COLORED +COLORER +COLORERS +COLORFUL +COLORING +COLORINGS +COLORLESS +COLORS +COLOSSAL +COLOSSEUM +COLT +COLTS +COLUMBIA +COLUMBIAN +COLUMBUS +COLUMN +COLUMNIZE +COLUMNIZED +COLUMNIZES +COLUMNIZING +COLUMNS +COMANCHE +COMB +COMBAT +COMBATANT +COMBATANTS +COMBATED +COMBATING +COMBATIVE +COMBATS +COMBED +COMBER +COMBERS +COMBINATION +COMBINATIONAL +COMBINATIONS +COMBINATOR +COMBINATORIAL +COMBINATORIALLY +COMBINATORIC +COMBINATORICS +COMBINATORS +COMBINE +COMBINED +COMBINES +COMBING +COMBINGS +COMBINING +COMBS +COMBUSTIBLE +COMBUSTION +COMDEX +COME +COMEBACK +COMEDIAN +COMEDIANS +COMEDIC +COMEDIES +COMEDY +COMELINESS +COMELY +COMER +COMERS +COMES +COMESTIBLE +COMET +COMETARY +COMETS +COMFORT +COMFORTABILITIES +COMFORTABILITY +COMFORTABLE +COMFORTABLY +COMFORTED +COMFORTER +COMFORTERS +COMFORTING +COMFORTINGLY +COMFORTS +COMIC +COMICAL +COMICALLY +COMICS +COMINFORM +COMING +COMINGS +COMMA +COMMAND +COMMANDANT +COMMANDANTS +COMMANDED +COMMANDEER +COMMANDER +COMMANDERS +COMMANDING +COMMANDINGLY +COMMANDMENT +COMMANDMENTS +COMMANDO +COMMANDS +COMMAS +COMMEMORATE +COMMEMORATED +COMMEMORATES +COMMEMORATING +COMMEMORATION +COMMEMORATIVE +COMMENCE +COMMENCED +COMMENCEMENT +COMMENCEMENTS +COMMENCES +COMMENCING +COMMEND +COMMENDATION +COMMENDATIONS +COMMENDED +COMMENDING +COMMENDS +COMMENSURATE +COMMENT +COMMENTARIES +COMMENTARY +COMMENTATOR +COMMENTATORS +COMMENTED +COMMENTING +COMMENTS +COMMERCE +COMMERCIAL +COMMERCIALLY +COMMERCIALNESS +COMMERCIALS +COMMISSION +COMMISSIONED +COMMISSIONER +COMMISSIONERS +COMMISSIONING +COMMISSIONS +COMMIT +COMMITMENT +COMMITMENTS +COMMITS +COMMITTED +COMMITTEE +COMMITTEEMAN +COMMITTEEMEN +COMMITTEES +COMMITTEEWOMAN +COMMITTEEWOMEN +COMMITTING +COMMODITIES +COMMODITY +COMMODORE +COMMODORES +COMMON +COMMONALITIES +COMMONALITY +COMMONER +COMMONERS +COMMONEST +COMMONLY +COMMONNESS +COMMONPLACE +COMMONPLACES +COMMONS +COMMONWEALTH +COMMONWEALTHS +COMMOTION +COMMUNAL +COMMUNALLY +COMMUNE +COMMUNES +COMMUNICANT +COMMUNICANTS +COMMUNICATE +COMMUNICATED +COMMUNICATES +COMMUNICATING +COMMUNICATION +COMMUNICATIONS +COMMUNICATIVE +COMMUNICATOR +COMMUNICATORS +COMMUNION +COMMUNIST +COMMUNISTS +COMMUNITIES +COMMUNITY +COMMUTATIVE +COMMUTATIVITY +COMMUTE +COMMUTED +COMMUTER +COMMUTERS +COMMUTES +COMMUTING +COMPACT +COMPACTED +COMPACTER +COMPACTEST +COMPACTING +COMPACTION +COMPACTLY +COMPACTNESS +COMPACTOR +COMPACTORS +COMPACTS +COMPANIES +COMPANION +COMPANIONABLE +COMPANIONS +COMPANIONSHIP +COMPANY +COMPARABILITY +COMPARABLE +COMPARABLY +COMPARATIVE +COMPARATIVELY +COMPARATIVES +COMPARATOR +COMPARATORS +COMPARE +COMPARED +COMPARES +COMPARING +COMPARISON +COMPARISONS +COMPARTMENT +COMPARTMENTALIZE +COMPARTMENTALIZED +COMPARTMENTALIZES +COMPARTMENTALIZING +COMPARTMENTED +COMPARTMENTS +COMPASS +COMPASSION +COMPASSIONATE +COMPASSIONATELY +COMPATIBILITIES +COMPATIBILITY +COMPATIBLE +COMPATIBLES +COMPATIBLY +COMPEL +COMPELLED +COMPELLING +COMPELLINGLY +COMPELS +COMPENDIUM +COMPENSATE +COMPENSATED +COMPENSATES +COMPENSATING +COMPENSATION +COMPENSATIONS +COMPENSATORY +COMPETE +COMPETED +COMPETENCE +COMPETENCY +COMPETENT +COMPETENTLY +COMPETES +COMPETING +COMPETITION +COMPETITIONS +COMPETITIVE +COMPETITIVELY +COMPETITOR +COMPETITORS +COMPILATION +COMPILATIONS +COMPILE +COMPILED +COMPILER +COMPILERS +COMPILES +COMPILING +COMPLACENCY +COMPLAIN +COMPLAINED +COMPLAINER +COMPLAINERS +COMPLAINING +COMPLAINS +COMPLAINT +COMPLAINTS +COMPLEMENT +COMPLEMENTARY +COMPLEMENTED +COMPLEMENTER +COMPLEMENTERS +COMPLEMENTING +COMPLEMENTS +COMPLETE +COMPLETED +COMPLETELY +COMPLETENESS +COMPLETES +COMPLETING +COMPLETION +COMPLETIONS +COMPLEX +COMPLEXES +COMPLEXION +COMPLEXITIES +COMPLEXITY +COMPLEXLY +COMPLIANCE +COMPLIANT +COMPLICATE +COMPLICATED +COMPLICATES +COMPLICATING +COMPLICATION +COMPLICATIONS +COMPLICATOR +COMPLICATORS +COMPLICITY +COMPLIED +COMPLIMENT +COMPLIMENTARY +COMPLIMENTED +COMPLIMENTER +COMPLIMENTERS +COMPLIMENTING +COMPLIMENTS +COMPLY +COMPLYING +COMPONENT +COMPONENTRY +COMPONENTS +COMPONENTWISE +COMPOSE +COMPOSED +COMPOSEDLY +COMPOSER +COMPOSERS +COMPOSES +COMPOSING +COMPOSITE +COMPOSITES +COMPOSITION +COMPOSITIONAL +COMPOSITIONS +COMPOST +COMPOSURE +COMPOUND +COMPOUNDED +COMPOUNDING +COMPOUNDS +COMPREHEND +COMPREHENDED +COMPREHENDING +COMPREHENDS +COMPREHENSIBILITY +COMPREHENSIBLE +COMPREHENSION +COMPREHENSIVE +COMPREHENSIVELY +COMPRESS +COMPRESSED +COMPRESSES +COMPRESSIBLE +COMPRESSING +COMPRESSION +COMPRESSIVE +COMPRESSOR +COMPRISE +COMPRISED +COMPRISES +COMPRISING +COMPROMISE +COMPROMISED +COMPROMISER +COMPROMISERS +COMPROMISES +COMPROMISING +COMPROMISINGLY +COMPTON +COMPTROLLER +COMPTROLLERS +COMPULSION +COMPULSIONS +COMPULSIVE +COMPULSORY +COMPUNCTION +COMPUSERVE +COMPUTABILITY +COMPUTABLE +COMPUTATION +COMPUTATIONAL +COMPUTATIONALLY +COMPUTATIONS +COMPUTE +COMPUTED +COMPUTER +COMPUTERIZE +COMPUTERIZED +COMPUTERIZES +COMPUTERIZING +COMPUTERS +COMPUTES +COMPUTING +COMRADE +COMRADELY +COMRADES +COMRADESHIP +CON +CONAKRY +CONANT +CONCATENATE +CONCATENATED +CONCATENATES +CONCATENATING +CONCATENATION +CONCATENATIONS +CONCAVE +CONCEAL +CONCEALED +CONCEALER +CONCEALERS +CONCEALING +CONCEALMENT +CONCEALS +CONCEDE +CONCEDED +CONCEDES +CONCEDING +CONCEIT +CONCEITED +CONCEITS +CONCEIVABLE +CONCEIVABLY +CONCEIVE +CONCEIVED +CONCEIVES +CONCEIVING +CONCENTRATE +CONCENTRATED +CONCENTRATES +CONCENTRATING +CONCENTRATION +CONCENTRATIONS +CONCENTRATOR +CONCENTRATORS +CONCENTRIC +CONCEPT +CONCEPTION +CONCEPTIONS +CONCEPTS +CONCEPTUAL +CONCEPTUALIZATION +CONCEPTUALIZATIONS +CONCEPTUALIZE +CONCEPTUALIZED +CONCEPTUALIZES +CONCEPTUALIZING +CONCEPTUALLY +CONCERN +CONCERNED +CONCERNEDLY +CONCERNING +CONCERNS +CONCERT +CONCERTED +CONCERTMASTER +CONCERTO +CONCERTS +CONCESSION +CONCESSIONS +CONCILIATE +CONCILIATORY +CONCISE +CONCISELY +CONCISENESS +CONCLAVE +CONCLUDE +CONCLUDED +CONCLUDES +CONCLUDING +CONCLUSION +CONCLUSIONS +CONCLUSIVE +CONCLUSIVELY +CONCOCT +CONCOMITANT +CONCORD +CONCORDANT +CONCORDE +CONCORDIA +CONCOURSE +CONCRETE +CONCRETELY +CONCRETENESS +CONCRETES +CONCRETION +CONCUBINE +CONCUR +CONCURRED +CONCURRENCE +CONCURRENCIES +CONCURRENCY +CONCURRENT +CONCURRENTLY +CONCURRING +CONCURS +CONCUSSION +CONDEMN +CONDEMNATION +CONDEMNATIONS +CONDEMNED +CONDEMNER +CONDEMNERS +CONDEMNING +CONDEMNS +CONDENSATION +CONDENSE +CONDENSED +CONDENSER +CONDENSES +CONDENSING +CONDESCEND +CONDESCENDING +CONDITION +CONDITIONAL +CONDITIONALLY +CONDITIONALS +CONDITIONED +CONDITIONER +CONDITIONERS +CONDITIONING +CONDITIONS +CONDOM +CONDONE +CONDONED +CONDONES +CONDONING +CONDUCE +CONDUCIVE +CONDUCIVENESS +CONDUCT +CONDUCTANCE +CONDUCTED +CONDUCTING +CONDUCTION +CONDUCTIVE +CONDUCTIVITY +CONDUCTOR +CONDUCTORS +CONDUCTS +CONDUIT +CONE +CONES +CONESTOGA +CONFECTIONERY +CONFEDERACY +CONFEDERATE +CONFEDERATES +CONFEDERATION +CONFEDERATIONS +CONFER +CONFEREE +CONFERENCE +CONFERENCES +CONFERRED +CONFERRER +CONFERRERS +CONFERRING +CONFERS +CONFESS +CONFESSED +CONFESSES +CONFESSING +CONFESSION +CONFESSIONS +CONFESSOR +CONFESSORS +CONFIDANT +CONFIDANTS +CONFIDE +CONFIDED +CONFIDENCE +CONFIDENCES +CONFIDENT +CONFIDENTIAL +CONFIDENTIALITY +CONFIDENTIALLY +CONFIDENTLY +CONFIDES +CONFIDING +CONFIDINGLY +CONFIGURABLE +CONFIGURATION +CONFIGURATIONS +CONFIGURE +CONFIGURED +CONFIGURES +CONFIGURING +CONFINE +CONFINED +CONFINEMENT +CONFINEMENTS +CONFINER +CONFINES +CONFINING +CONFIRM +CONFIRMATION +CONFIRMATIONS +CONFIRMATORY +CONFIRMED +CONFIRMING +CONFIRMS +CONFISCATE +CONFISCATED +CONFISCATES +CONFISCATING +CONFISCATION +CONFISCATIONS +CONFLAGRATION +CONFLICT +CONFLICTED +CONFLICTING +CONFLICTS +CONFLUENT +CONFOCAL +CONFORM +CONFORMAL +CONFORMANCE +CONFORMED +CONFORMING +CONFORMITY +CONFORMS +CONFOUND +CONFOUNDED +CONFOUNDING +CONFOUNDS +CONFRONT +CONFRONTATION +CONFRONTATIONS +CONFRONTED +CONFRONTER +CONFRONTERS +CONFRONTING +CONFRONTS +CONFUCIAN +CONFUCIANISM +CONFUCIUS +CONFUSE +CONFUSED +CONFUSER +CONFUSERS +CONFUSES +CONFUSING +CONFUSINGLY +CONFUSION +CONFUSIONS +CONGENIAL +CONGENIALLY +CONGENITAL +CONGEST +CONGESTED +CONGESTION +CONGESTIVE +CONGLOMERATE +CONGO +CONGOLESE +CONGRATULATE +CONGRATULATED +CONGRATULATION +CONGRATULATIONS +CONGRATULATORY +CONGREGATE +CONGREGATED +CONGREGATES +CONGREGATING +CONGREGATION +CONGREGATIONS +CONGRESS +CONGRESSES +CONGRESSIONAL +CONGRESSIONALLY +CONGRESSMAN +CONGRESSMEN +CONGRESSWOMAN +CONGRESSWOMEN +CONGRUENCE +CONGRUENT +CONIC +CONIFER +CONIFEROUS +CONJECTURE +CONJECTURED +CONJECTURES +CONJECTURING +CONJOINED +CONJUGAL +CONJUGATE +CONJUNCT +CONJUNCTED +CONJUNCTION +CONJUNCTIONS +CONJUNCTIVE +CONJUNCTIVELY +CONJUNCTS +CONJUNCTURE +CONJURE +CONJURED +CONJURER +CONJURES +CONJURING +CONKLIN +CONLEY +CONNALLY +CONNECT +CONNECTED +CONNECTEDNESS +CONNECTICUT +CONNECTING +CONNECTION +CONNECTIONLESS +CONNECTIONS +CONNECTIVE +CONNECTIVES +CONNECTIVITY +CONNECTOR +CONNECTORS +CONNECTS +CONNELLY +CONNER +CONNIE +CONNIVANCE +CONNIVE +CONNOISSEUR +CONNOISSEURS +CONNORS +CONNOTATION +CONNOTATIVE +CONNOTE +CONNOTED +CONNOTES +CONNOTING +CONNUBIAL +CONQUER +CONQUERABLE +CONQUERED +CONQUERER +CONQUERERS +CONQUERING +CONQUEROR +CONQUERORS +CONQUERS +CONQUEST +CONQUESTS +CONRAD +CONRAIL +CONSCIENCE +CONSCIENCES +CONSCIENTIOUS +CONSCIENTIOUSLY +CONSCIOUS +CONSCIOUSLY +CONSCIOUSNESS +CONSCRIPT +CONSCRIPTION +CONSECRATE +CONSECRATION +CONSECUTIVE +CONSECUTIVELY +CONSENSUAL +CONSENSUS +CONSENT +CONSENTED +CONSENTER +CONSENTERS +CONSENTING +CONSENTS +CONSEQUENCE +CONSEQUENCES +CONSEQUENT +CONSEQUENTIAL +CONSEQUENTIALITIES +CONSEQUENTIALITY +CONSEQUENTLY +CONSEQUENTS +CONSERVATION +CONSERVATIONIST +CONSERVATIONISTS +CONSERVATIONS +CONSERVATISM +CONSERVATIVE +CONSERVATIVELY +CONSERVATIVES +CONSERVATOR +CONSERVE +CONSERVED +CONSERVES +CONSERVING +CONSIDER +CONSIDERABLE +CONSIDERABLY +CONSIDERATE +CONSIDERATELY +CONSIDERATION +CONSIDERATIONS +CONSIDERED +CONSIDERING +CONSIDERS +CONSIGN +CONSIGNED +CONSIGNING +CONSIGNS +CONSIST +CONSISTED +CONSISTENCY +CONSISTENT +CONSISTENTLY +CONSISTING +CONSISTS +CONSOLABLE +CONSOLATION +CONSOLATIONS +CONSOLE +CONSOLED +CONSOLER +CONSOLERS +CONSOLES +CONSOLIDATE +CONSOLIDATED +CONSOLIDATES +CONSOLIDATING +CONSOLIDATION +CONSOLING +CONSOLINGLY +CONSONANT +CONSONANTS +CONSORT +CONSORTED +CONSORTING +CONSORTIUM +CONSORTS +CONSPICUOUS +CONSPICUOUSLY +CONSPIRACIES +CONSPIRACY +CONSPIRATOR +CONSPIRATORS +CONSPIRE +CONSPIRED +CONSPIRES +CONSPIRING +CONSTABLE +CONSTABLES +CONSTANCE +CONSTANCY +CONSTANT +CONSTANTINE +CONSTANTINOPLE +CONSTANTLY +CONSTANTS +CONSTELLATION +CONSTELLATIONS +CONSTERNATION +CONSTITUENCIES +CONSTITUENCY +CONSTITUENT +CONSTITUENTS +CONSTITUTE +CONSTITUTED +CONSTITUTES +CONSTITUTING +CONSTITUTION +CONSTITUTIONAL +CONSTITUTIONALITY +CONSTITUTIONALLY +CONSTITUTIONS +CONSTITUTIVE +CONSTRAIN +CONSTRAINED +CONSTRAINING +CONSTRAINS +CONSTRAINT +CONSTRAINTS +CONSTRICT +CONSTRUCT +CONSTRUCTED +CONSTRUCTIBILITY +CONSTRUCTIBLE +CONSTRUCTING +CONSTRUCTION +CONSTRUCTIONS +CONSTRUCTIVE +CONSTRUCTIVELY +CONSTRUCTOR +CONSTRUCTORS +CONSTRUCTS +CONSTRUE +CONSTRUED +CONSTRUING +CONSUL +CONSULAR +CONSULATE +CONSULATES +CONSULS +CONSULT +CONSULTANT +CONSULTANTS +CONSULTATION +CONSULTATIONS +CONSULTATIVE +CONSULTED +CONSULTING +CONSULTS +CONSUMABLE +CONSUME +CONSUMED +CONSUMER +CONSUMERS +CONSUMES +CONSUMING +CONSUMMATE +CONSUMMATED +CONSUMMATELY +CONSUMMATION +CONSUMPTION +CONSUMPTIONS +CONSUMPTIVE +CONSUMPTIVELY +CONTACT +CONTACTED +CONTACTING +CONTACTS +CONTAGION +CONTAGIOUS +CONTAGIOUSLY +CONTAIN +CONTAINABLE +CONTAINED +CONTAINER +CONTAINERS +CONTAINING +CONTAINMENT +CONTAINMENTS +CONTAINS +CONTAMINATE +CONTAMINATED +CONTAMINATES +CONTAMINATING +CONTAMINATION +CONTEMPLATE +CONTEMPLATED +CONTEMPLATES +CONTEMPLATING +CONTEMPLATION +CONTEMPLATIONS +CONTEMPLATIVE +CONTEMPORARIES +CONTEMPORARINESS +CONTEMPORARY +CONTEMPT +CONTEMPTIBLE +CONTEMPTUOUS +CONTEMPTUOUSLY +CONTEND +CONTENDED +CONTENDER +CONTENDERS +CONTENDING +CONTENDS +CONTENT +CONTENTED +CONTENTING +CONTENTION +CONTENTIONS +CONTENTLY +CONTENTMENT +CONTENTS +CONTEST +CONTESTABLE +CONTESTANT +CONTESTED +CONTESTER +CONTESTERS +CONTESTING +CONTESTS +CONTEXT +CONTEXTS +CONTEXTUAL +CONTEXTUALLY +CONTIGUITY +CONTIGUOUS +CONTIGUOUSLY +CONTINENT +CONTINENTAL +CONTINENTALLY +CONTINENTS +CONTINGENCIES +CONTINGENCY +CONTINGENT +CONTINGENTS +CONTINUAL +CONTINUALLY +CONTINUANCE +CONTINUANCES +CONTINUATION +CONTINUATIONS +CONTINUE +CONTINUED +CONTINUES +CONTINUING +CONTINUITIES +CONTINUITY +CONTINUOUS +CONTINUOUSLY +CONTINUUM +CONTORTIONS +CONTOUR +CONTOURED +CONTOURING +CONTOURS +CONTRABAND +CONTRACEPTION +CONTRACEPTIVE +CONTRACT +CONTRACTED +CONTRACTING +CONTRACTION +CONTRACTIONS +CONTRACTOR +CONTRACTORS +CONTRACTS +CONTRACTUAL +CONTRACTUALLY +CONTRADICT +CONTRADICTED +CONTRADICTING +CONTRADICTION +CONTRADICTIONS +CONTRADICTORY +CONTRADICTS +CONTRADISTINCTION +CONTRADISTINCTIONS +CONTRAPOSITIVE +CONTRAPOSITIVES +CONTRAPTION +CONTRAPTIONS +CONTRARINESS +CONTRARY +CONTRAST +CONTRASTED +CONTRASTER +CONTRASTERS +CONTRASTING +CONTRASTINGLY +CONTRASTS +CONTRIBUTE +CONTRIBUTED +CONTRIBUTES +CONTRIBUTING +CONTRIBUTION +CONTRIBUTIONS +CONTRIBUTOR +CONTRIBUTORILY +CONTRIBUTORS +CONTRIBUTORY +CONTRITE +CONTRITION +CONTRIVANCE +CONTRIVANCES +CONTRIVE +CONTRIVED +CONTRIVER +CONTRIVES +CONTRIVING +CONTROL +CONTROLLABILITY +CONTROLLABLE +CONTROLLABLY +CONTROLLED +CONTROLLER +CONTROLLERS +CONTROLLING +CONTROLS +CONTROVERSIAL +CONTROVERSIES +CONTROVERSY +CONTROVERTIBLE +CONTUMACIOUS +CONTUMACY +CONUNDRUM +CONUNDRUMS +CONVAIR +CONVALESCENT +CONVECT +CONVENE +CONVENED +CONVENES +CONVENIENCE +CONVENIENCES +CONVENIENT +CONVENIENTLY +CONVENING +CONVENT +CONVENTION +CONVENTIONAL +CONVENTIONALLY +CONVENTIONS +CONVENTS +CONVERGE +CONVERGED +CONVERGENCE +CONVERGENT +CONVERGES +CONVERGING +CONVERSANT +CONVERSANTLY +CONVERSATION +CONVERSATIONAL +CONVERSATIONALLY +CONVERSATIONS +CONVERSE +CONVERSED +CONVERSELY +CONVERSES +CONVERSING +CONVERSION +CONVERSIONS +CONVERT +CONVERTED +CONVERTER +CONVERTERS +CONVERTIBILITY +CONVERTIBLE +CONVERTING +CONVERTS +CONVEX +CONVEY +CONVEYANCE +CONVEYANCES +CONVEYED +CONVEYER +CONVEYERS +CONVEYING +CONVEYOR +CONVEYS +CONVICT +CONVICTED +CONVICTING +CONVICTION +CONVICTIONS +CONVICTS +CONVINCE +CONVINCED +CONVINCER +CONVINCERS +CONVINCES +CONVINCING +CONVINCINGLY +CONVIVIAL +CONVOKE +CONVOLUTED +CONVOLUTION +CONVOY +CONVOYED +CONVOYING +CONVOYS +CONVULSE +CONVULSION +CONVULSIONS +CONWAY +COO +COOING +COOK +COOKBOOK +COOKE +COOKED +COOKERY +COOKIE +COOKIES +COOKING +COOKS +COOKY +COOL +COOLED +COOLER +COOLERS +COOLEST +COOLEY +COOLIDGE +COOLIE +COOLIES +COOLING +COOLLY +COOLNESS +COOLS +COON +COONS +COOP +COOPED +COOPER +COOPERATE +COOPERATED +COOPERATES +COOPERATING +COOPERATION +COOPERATIONS +COOPERATIVE +COOPERATIVELY +COOPERATIVES +COOPERATOR +COOPERATORS +COOPERS +COOPS +COORDINATE +COORDINATED +COORDINATES +COORDINATING +COORDINATION +COORDINATIONS +COORDINATOR +COORDINATORS +COORS +COP +COPE +COPED +COPELAND +COPENHAGEN +COPERNICAN +COPERNICUS +COPES +COPIED +COPIER +COPIERS +COPIES +COPING +COPINGS +COPIOUS +COPIOUSLY +COPIOUSNESS +COPLANAR +COPPER +COPPERFIELD +COPPERHEAD +COPPERS +COPRA +COPROCESSOR +COPS +COPSE +COPY +COPYING +COPYRIGHT +COPYRIGHTABLE +COPYRIGHTED +COPYRIGHTS +COPYWRITER +COQUETTE +CORAL +CORBETT +CORCORAN +CORD +CORDED +CORDER +CORDIAL +CORDIALITY +CORDIALLY +CORDS +CORE +CORED +CORER +CORERS +CORES +COREY +CORIANDER +CORING +CORINTH +CORINTHIAN +CORINTHIANIZE +CORINTHIANIZES +CORINTHIANS +CORIOLANUS +CORK +CORKED +CORKER +CORKERS +CORKING +CORKS +CORKSCREW +CORMORANT +CORN +CORNEA +CORNELIA +CORNELIAN +CORNELIUS +CORNELL +CORNER +CORNERED +CORNERS +CORNERSTONE +CORNERSTONES +CORNET +CORNFIELD +CORNFIELDS +CORNING +CORNISH +CORNMEAL +CORNS +CORNSTARCH +CORNUCOPIA +CORNWALL +CORNWALLIS +CORNY +COROLLARIES +COROLLARY +CORONADO +CORONARIES +CORONARY +CORONATION +CORONER +CORONET +CORONETS +COROUTINE +COROUTINES +CORPORAL +CORPORALS +CORPORATE +CORPORATELY +CORPORATION +CORPORATIONS +CORPS +CORPSE +CORPSES +CORPULENT +CORPUS +CORPUSCULAR +CORRAL +CORRECT +CORRECTABLE +CORRECTED +CORRECTING +CORRECTION +CORRECTIONS +CORRECTIVE +CORRECTIVELY +CORRECTIVES +CORRECTLY +CORRECTNESS +CORRECTOR +CORRECTS +CORRELATE +CORRELATED +CORRELATES +CORRELATING +CORRELATION +CORRELATIONS +CORRELATIVE +CORRESPOND +CORRESPONDED +CORRESPONDENCE +CORRESPONDENCES +CORRESPONDENT +CORRESPONDENTS +CORRESPONDING +CORRESPONDINGLY +CORRESPONDS +CORRIDOR +CORRIDORS +CORRIGENDA +CORRIGENDUM +CORRIGIBLE +CORROBORATE +CORROBORATED +CORROBORATES +CORROBORATING +CORROBORATION +CORROBORATIONS +CORROBORATIVE +CORRODE +CORROSION +CORROSIVE +CORRUGATE +CORRUPT +CORRUPTED +CORRUPTER +CORRUPTIBLE +CORRUPTING +CORRUPTION +CORRUPTIONS +CORRUPTS +CORSET +CORSICA +CORSICAN +CORTEX +CORTEZ +CORTICAL +CORTLAND +CORVALLIS +CORVUS +CORYDORAS +COSGROVE +COSINE +COSINES +COSMETIC +COSMETICS +COSMIC +COSMOLOGY +COSMOPOLITAN +COSMOS +COSPONSOR +COSSACK +COST +COSTA +COSTED +COSTELLO +COSTING +COSTLY +COSTS +COSTUME +COSTUMED +COSTUMER +COSTUMES +COSTUMING +COSY +COT +COTANGENT +COTILLION +COTS +COTTAGE +COTTAGER +COTTAGES +COTTON +COTTONMOUTH +COTTONS +COTTONSEED +COTTONWOOD +COTTRELL +COTYLEDON +COTYLEDONS +COUCH +COUCHED +COUCHES +COUCHING +COUGAR +COUGH +COUGHED +COUGHING +COUGHS +COULD +COULOMB +COULTER +COUNCIL +COUNCILLOR +COUNCILLORS +COUNCILMAN +COUNCILMEN +COUNCILS +COUNCILWOMAN +COUNCILWOMEN +COUNSEL +COUNSELED +COUNSELING +COUNSELLED +COUNSELLING +COUNSELLOR +COUNSELLORS +COUNSELOR +COUNSELORS +COUNSELS +COUNT +COUNTABLE +COUNTABLY +COUNTED +COUNTENANCE +COUNTER +COUNTERACT +COUNTERACTED +COUNTERACTING +COUNTERACTIVE +COUNTERARGUMENT +COUNTERATTACK +COUNTERBALANCE +COUNTERCLOCKWISE +COUNTERED +COUNTEREXAMPLE +COUNTEREXAMPLES +COUNTERFEIT +COUNTERFEITED +COUNTERFEITER +COUNTERFEITING +COUNTERFLOW +COUNTERING +COUNTERINTUITIVE +COUNTERMAN +COUNTERMEASURE +COUNTERMEASURES +COUNTERMEN +COUNTERPART +COUNTERPARTS +COUNTERPOINT +COUNTERPOINTING +COUNTERPOISE +COUNTERPRODUCTIVE +COUNTERPROPOSAL +COUNTERREVOLUTION +COUNTERS +COUNTERSINK +COUNTERSUNK +COUNTESS +COUNTIES +COUNTING +COUNTLESS +COUNTRIES +COUNTRY +COUNTRYMAN +COUNTRYMEN +COUNTRYSIDE +COUNTRYWIDE +COUNTS +COUNTY +COUNTYWIDE +COUPLE +COUPLED +COUPLER +COUPLERS +COUPLES +COUPLING +COUPLINGS +COUPON +COUPONS +COURAGE +COURAGEOUS +COURAGEOUSLY +COURIER +COURIERS +COURSE +COURSED +COURSER +COURSES +COURSING +COURT +COURTED +COURTEOUS +COURTEOUSLY +COURTER +COURTERS +COURTESAN +COURTESIES +COURTESY +COURTHOUSE +COURTHOUSES +COURTIER +COURTIERS +COURTING +COURTLY +COURTNEY +COURTROOM +COURTROOMS +COURTS +COURTSHIP +COURTYARD +COURTYARDS +COUSIN +COUSINS +COVALENT +COVARIANT +COVE +COVENANT +COVENANTS +COVENT +COVENTRY +COVER +COVERABLE +COVERAGE +COVERED +COVERING +COVERINGS +COVERLET +COVERLETS +COVERS +COVERT +COVERTLY +COVES +COVET +COVETED +COVETING +COVETOUS +COVETOUSNESS +COVETS +COW +COWAN +COWARD +COWARDICE +COWARDLY +COWBOY +COWBOYS +COWED +COWER +COWERED +COWERER +COWERERS +COWERING +COWERINGLY +COWERS +COWHERD +COWHIDE +COWING +COWL +COWLICK +COWLING +COWLS +COWORKER +COWS +COWSLIP +COWSLIPS +COYOTE +COYOTES +COYPU +COZIER +COZINESS +COZY +CRAB +CRABAPPLE +CRABS +CRACK +CRACKED +CRACKER +CRACKERS +CRACKING +CRACKLE +CRACKLED +CRACKLES +CRACKLING +CRACKPOT +CRACKS +CRADLE +CRADLED +CRADLES +CRAFT +CRAFTED +CRAFTER +CRAFTINESS +CRAFTING +CRAFTS +CRAFTSMAN +CRAFTSMEN +CRAFTSPEOPLE +CRAFTSPERSON +CRAFTY +CRAG +CRAGGY +CRAGS +CRAIG +CRAM +CRAMER +CRAMMING +CRAMP +CRAMPS +CRAMS +CRANBERRIES +CRANBERRY +CRANDALL +CRANE +CRANES +CRANFORD +CRANIA +CRANIUM +CRANK +CRANKCASE +CRANKED +CRANKIER +CRANKIEST +CRANKILY +CRANKING +CRANKS +CRANKSHAFT +CRANKY +CRANNY +CRANSTON +CRASH +CRASHED +CRASHER +CRASHERS +CRASHES +CRASHING +CRASS +CRATE +CRATER +CRATERS +CRATES +CRAVAT +CRAVATS +CRAVE +CRAVED +CRAVEN +CRAVES +CRAVING +CRAWFORD +CRAWL +CRAWLED +CRAWLER +CRAWLERS +CRAWLING +CRAWLS +CRAY +CRAYON +CRAYS +CRAZE +CRAZED +CRAZES +CRAZIER +CRAZIEST +CRAZILY +CRAZINESS +CRAZING +CRAZY +CREAK +CREAKED +CREAKING +CREAKS +CREAKY +CREAM +CREAMED +CREAMER +CREAMERS +CREAMERY +CREAMING +CREAMS +CREAMY +CREASE +CREASED +CREASES +CREASING +CREATE +CREATED +CREATES +CREATING +CREATION +CREATIONS +CREATIVE +CREATIVELY +CREATIVENESS +CREATIVITY +CREATOR +CREATORS +CREATURE +CREATURES +CREDENCE +CREDENTIAL +CREDIBILITY +CREDIBLE +CREDIBLY +CREDIT +CREDITABLE +CREDITABLY +CREDITED +CREDITING +CREDITOR +CREDITORS +CREDITS +CREDULITY +CREDULOUS +CREDULOUSNESS +CREE +CREED +CREEDS +CREEK +CREEKS +CREEP +CREEPER +CREEPERS +CREEPING +CREEPS +CREEPY +CREIGHTON +CREMATE +CREMATED +CREMATES +CREMATING +CREMATION +CREMATIONS +CREMATORY +CREOLE +CREON +CREPE +CREPT +CRESCENT +CRESCENTS +CREST +CRESTED +CRESTFALLEN +CRESTS +CRESTVIEW +CRETACEOUS +CRETACEOUSLY +CRETAN +CRETE +CRETIN +CREVICE +CREVICES +CREW +CREWCUT +CREWED +CREWING +CREWS +CRIB +CRIBS +CRICKET +CRICKETS +CRIED +CRIER +CRIERS +CRIES +CRIME +CRIMEA +CRIMEAN +CRIMES +CRIMINAL +CRIMINALLY +CRIMINALS +CRIMINATE +CRIMSON +CRIMSONING +CRINGE +CRINGED +CRINGES +CRINGING +CRIPPLE +CRIPPLED +CRIPPLES +CRIPPLING +CRISES +CRISIS +CRISP +CRISPIN +CRISPLY +CRISPNESS +CRISSCROSS +CRITERIA +CRITERION +CRITIC +CRITICAL +CRITICALLY +CRITICISM +CRITICISMS +CRITICIZE +CRITICIZED +CRITICIZES +CRITICIZING +CRITICS +CRITIQUE +CRITIQUES +CRITIQUING +CRITTER +CROAK +CROAKED +CROAKING +CROAKS +CROATIA +CROATIAN +CROCHET +CROCHETS +CROCK +CROCKERY +CROCKETT +CROCKS +CROCODILE +CROCUS +CROFT +CROIX +CROMWELL +CROMWELLIAN +CROOK +CROOKED +CROOKS +CROP +CROPPED +CROPPER +CROPPERS +CROPPING +CROPS +CROSBY +CROSS +CROSSABLE +CROSSBAR +CROSSBARS +CROSSED +CROSSER +CROSSERS +CROSSES +CROSSING +CROSSINGS +CROSSLY +CROSSOVER +CROSSOVERS +CROSSPOINT +CROSSROAD +CROSSTALK +CROSSWALK +CROSSWORD +CROSSWORDS +CROTCH +CROTCHETY +CROUCH +CROUCHED +CROUCHING +CROW +CROWD +CROWDED +CROWDER +CROWDING +CROWDS +CROWED +CROWING +CROWLEY +CROWN +CROWNED +CROWNING +CROWNS +CROWS +CROYDON +CRUCIAL +CRUCIALLY +CRUCIBLE +CRUCIFIED +CRUCIFIES +CRUCIFIX +CRUCIFIXION +CRUCIFY +CRUCIFYING +CRUD +CRUDDY +CRUDE +CRUDELY +CRUDENESS +CRUDER +CRUDEST +CRUEL +CRUELER +CRUELEST +CRUELLY +CRUELTY +CRUICKSHANK +CRUISE +CRUISER +CRUISERS +CRUISES +CRUISING +CRUMB +CRUMBLE +CRUMBLED +CRUMBLES +CRUMBLING +CRUMBLY +CRUMBS +CRUMMY +CRUMPLE +CRUMPLED +CRUMPLES +CRUMPLING +CRUNCH +CRUNCHED +CRUNCHES +CRUNCHIER +CRUNCHIEST +CRUNCHING +CRUNCHY +CRUSADE +CRUSADER +CRUSADERS +CRUSADES +CRUSADING +CRUSH +CRUSHABLE +CRUSHED +CRUSHER +CRUSHERS +CRUSHES +CRUSHING +CRUSHINGLY +CRUSOE +CRUST +CRUSTACEAN +CRUSTACEANS +CRUSTS +CRUTCH +CRUTCHES +CRUX +CRUXES +CRUZ +CRY +CRYING +CRYOGENIC +CRYPT +CRYPTANALYSIS +CRYPTANALYST +CRYPTANALYTIC +CRYPTIC +CRYPTOGRAM +CRYPTOGRAPHER +CRYPTOGRAPHIC +CRYPTOGRAPHICALLY +CRYPTOGRAPHY +CRYPTOLOGIST +CRYPTOLOGY +CRYSTAL +CRYSTALLINE +CRYSTALLIZE +CRYSTALLIZED +CRYSTALLIZES +CRYSTALLIZING +CRYSTALS +CUB +CUBA +CUBAN +CUBANIZE +CUBANIZES +CUBANS +CUBBYHOLE +CUBE +CUBED +CUBES +CUBIC +CUBS +CUCKOO +CUCKOOS +CUCUMBER +CUCUMBERS +CUDDLE +CUDDLED +CUDDLY +CUDGEL +CUDGELS +CUE +CUED +CUES +CUFF +CUFFLINK +CUFFS +CUISINE +CULBERTSON +CULINARY +CULL +CULLED +CULLER +CULLING +CULLS +CULMINATE +CULMINATED +CULMINATES +CULMINATING +CULMINATION +CULPA +CULPABLE +CULPRIT +CULPRITS +CULT +CULTIVABLE +CULTIVATE +CULTIVATED +CULTIVATES +CULTIVATING +CULTIVATION +CULTIVATIONS +CULTIVATOR +CULTIVATORS +CULTS +CULTURAL +CULTURALLY +CULTURE +CULTURED +CULTURES +CULTURING +CULVER +CULVERS +CUMBERLAND +CUMBERSOME +CUMMINGS +CUMMINS +CUMULATIVE +CUMULATIVELY +CUNARD +CUNNILINGUS +CUNNING +CUNNINGHAM +CUNNINGLY +CUP +CUPBOARD +CUPBOARDS +CUPERTINO +CUPFUL +CUPID +CUPPED +CUPPING +CUPS +CURABLE +CURABLY +CURB +CURBING +CURBS +CURD +CURDLE +CURE +CURED +CURES +CURFEW +CURFEWS +CURING +CURIOSITIES +CURIOSITY +CURIOUS +CURIOUSER +CURIOUSEST +CURIOUSLY +CURL +CURLED +CURLER +CURLERS +CURLICUE +CURLING +CURLS +CURLY +CURRAN +CURRANT +CURRANTS +CURRENCIES +CURRENCY +CURRENT +CURRENTLY +CURRENTNESS +CURRENTS +CURRICULAR +CURRICULUM +CURRICULUMS +CURRIED +CURRIES +CURRY +CURRYING +CURS +CURSE +CURSED +CURSES +CURSING +CURSIVE +CURSOR +CURSORILY +CURSORS +CURSORY +CURT +CURTAIL +CURTAILED +CURTAILS +CURTAIN +CURTAINED +CURTAINS +CURTATE +CURTIS +CURTLY +CURTNESS +CURTSIES +CURTSY +CURVACEOUS +CURVATURE +CURVE +CURVED +CURVES +CURVILINEAR +CURVING +CUSHING +CUSHION +CUSHIONED +CUSHIONING +CUSHIONS +CUSHMAN +CUSP +CUSPS +CUSTARD +CUSTER +CUSTODIAL +CUSTODIAN +CUSTODIANS +CUSTODY +CUSTOM +CUSTOMARILY +CUSTOMARY +CUSTOMER +CUSTOMERS +CUSTOMIZABLE +CUSTOMIZATION +CUSTOMIZATIONS +CUSTOMIZE +CUSTOMIZED +CUSTOMIZER +CUSTOMIZERS +CUSTOMIZES +CUSTOMIZING +CUSTOMS +CUT +CUTANEOUS +CUTBACK +CUTE +CUTEST +CUTLASS +CUTLET +CUTOFF +CUTOUT +CUTOVER +CUTS +CUTTER +CUTTERS +CUTTHROAT +CUTTING +CUTTINGLY +CUTTINGS +CUTTLEFISH +CUVIER +CUZCO +CYANAMID +CYANIDE +CYBERNETIC +CYBERNETICS +CYBERSPACE +CYCLADES +CYCLE +CYCLED +CYCLES +CYCLIC +CYCLICALLY +CYCLING +CYCLOID +CYCLOIDAL +CYCLOIDS +CYCLONE +CYCLONES +CYCLOPS +CYCLOTRON +CYCLOTRONS +CYGNUS +CYLINDER +CYLINDERS +CYLINDRICAL +CYMBAL +CYMBALS +CYNIC +CYNICAL +CYNICALLY +CYNTHIA +CYPRESS +CYPRIAN +CYPRIOT +CYPRUS +CYRIL +CYRILLIC +CYRUS +CYST +CYSTS +CYTOLOGY +CYTOPLASM +CZAR +CZECH +CZECHIZATION +CZECHIZATIONS +CZECHOSLOVAKIA +CZERNIAK +DABBLE +DABBLED +DABBLER +DABBLES +DABBLING +DACCA +DACRON +DACTYL +DACTYLIC +DAD +DADA +DADAISM +DADAIST +DADAISTIC +DADDY +DADE +DADS +DAEDALUS +DAEMON +DAEMONS +DAFFODIL +DAFFODILS +DAGGER +DAHL +DAHLIA +DAHOMEY +DAILEY +DAILIES +DAILY +DAIMLER +DAINTILY +DAINTINESS +DAINTY +DAIRY +DAIRYLEA +DAISIES +DAISY +DAKAR +DAKOTA +DALE +DALES +DALEY +DALHOUSIE +DALI +DALLAS +DALTON +DALY +DALZELL +DAM +DAMAGE +DAMAGED +DAMAGER +DAMAGERS +DAMAGES +DAMAGING +DAMASCUS +DAMASK +DAME +DAMMING +DAMN +DAMNATION +DAMNED +DAMNING +DAMNS +DAMOCLES +DAMON +DAMP +DAMPEN +DAMPENS +DAMPER +DAMPING +DAMPNESS +DAMS +DAMSEL +DAMSELS +DAN +DANA +DANBURY +DANCE +DANCED +DANCER +DANCERS +DANCES +DANCING +DANDELION +DANDELIONS +DANDY +DANE +DANES +DANGER +DANGEROUS +DANGEROUSLY +DANGERS +DANGLE +DANGLED +DANGLES +DANGLING +DANIEL +DANIELS +DANIELSON +DANISH +DANIZATION +DANIZATIONS +DANIZE +DANIZES +DANNY +DANTE +DANUBE +DANUBIAN +DANVILLE +DANZIG +DAPHNE +DAR +DARE +DARED +DARER +DARERS +DARES +DARESAY +DARING +DARINGLY +DARIUS +DARK +DARKEN +DARKER +DARKEST +DARKLY +DARKNESS +DARKROOM +DARLENE +DARLING +DARLINGS +DARLINGTON +DARN +DARNED +DARNER +DARNING +DARNS +DARPA +DARRELL +DARROW +DARRY +DART +DARTED +DARTER +DARTING +DARTMOUTH +DARTS +DARWIN +DARWINIAN +DARWINISM +DARWINISTIC +DARWINIZE +DARWINIZES +DASH +DASHBOARD +DASHED +DASHER +DASHERS +DASHES +DASHING +DASHINGLY +DATA +DATABASE +DATABASES +DATAGRAM +DATAGRAMS +DATAMATION +DATAMEDIA +DATE +DATED +DATELINE +DATER +DATES +DATING +DATIVE +DATSUN +DATUM +DAUGHERTY +DAUGHTER +DAUGHTERLY +DAUGHTERS +DAUNT +DAUNTED +DAUNTLESS +DAVE +DAVID +DAVIDSON +DAVIE +DAVIES +DAVINICH +DAVIS +DAVISON +DAVY +DAWN +DAWNED +DAWNING +DAWNS +DAWSON +DAY +DAYBREAK +DAYDREAM +DAYDREAMING +DAYDREAMS +DAYLIGHT +DAYLIGHTS +DAYS +DAYTIME +DAYTON +DAYTONA +DAZE +DAZED +DAZZLE +DAZZLED +DAZZLER +DAZZLES +DAZZLING +DAZZLINGLY +DEACON +DEACONS +DEACTIVATE +DEAD +DEADEN +DEADLINE +DEADLINES +DEADLOCK +DEADLOCKED +DEADLOCKING +DEADLOCKS +DEADLY +DEADNESS +DEADWOOD +DEAF +DEAFEN +DEAFER +DEAFEST +DEAFNESS +DEAL +DEALER +DEALERS +DEALERSHIP +DEALING +DEALINGS +DEALLOCATE +DEALLOCATED +DEALLOCATING +DEALLOCATION +DEALLOCATIONS +DEALS +DEALT +DEAN +DEANE +DEANNA +DEANS +DEAR +DEARBORN +DEARER +DEAREST +DEARLY +DEARNESS +DEARTH +DEARTHS +DEATH +DEATHBED +DEATHLY +DEATHS +DEBACLE +DEBAR +DEBASE +DEBATABLE +DEBATE +DEBATED +DEBATER +DEBATERS +DEBATES +DEBATING +DEBAUCH +DEBAUCHERY +DEBBIE +DEBBY +DEBILITATE +DEBILITATED +DEBILITATES +DEBILITATING +DEBILITY +DEBIT +DEBITED +DEBORAH +DEBRA +DEBRIEF +DEBRIS +DEBT +DEBTOR +DEBTS +DEBUG +DEBUGGED +DEBUGGER +DEBUGGERS +DEBUGGING +DEBUGS +DEBUNK +DEBUSSY +DEBUTANTE +DEC +DECADE +DECADENCE +DECADENT +DECADENTLY +DECADES +DECAL +DECATHLON +DECATUR +DECAY +DECAYED +DECAYING +DECAYS +DECCA +DECEASE +DECEASED +DECEASES +DECEASING +DECEDENT +DECEIT +DECEITFUL +DECEITFULLY +DECEITFULNESS +DECEIVE +DECEIVED +DECEIVER +DECEIVERS +DECEIVES +DECEIVING +DECELERATE +DECELERATED +DECELERATES +DECELERATING +DECELERATION +DECEMBER +DECEMBERS +DECENCIES +DECENCY +DECENNIAL +DECENT +DECENTLY +DECENTRALIZATION +DECENTRALIZED +DECEPTION +DECEPTIONS +DECEPTIVE +DECEPTIVELY +DECERTIFY +DECIBEL +DECIDABILITY +DECIDABLE +DECIDE +DECIDED +DECIDEDLY +DECIDES +DECIDING +DECIDUOUS +DECIMAL +DECIMALS +DECIMATE +DECIMATED +DECIMATES +DECIMATING +DECIMATION +DECIPHER +DECIPHERED +DECIPHERER +DECIPHERING +DECIPHERS +DECISION +DECISIONS +DECISIVE +DECISIVELY +DECISIVENESS +DECK +DECKED +DECKER +DECKING +DECKINGS +DECKS +DECLARATION +DECLARATIONS +DECLARATIVE +DECLARATIVELY +DECLARATIVES +DECLARATOR +DECLARATORY +DECLARE +DECLARED +DECLARER +DECLARERS +DECLARES +DECLARING +DECLASSIFY +DECLINATION +DECLINATIONS +DECLINE +DECLINED +DECLINER +DECLINERS +DECLINES +DECLINING +DECNET +DECODE +DECODED +DECODER +DECODERS +DECODES +DECODING +DECODINGS +DECOLLETAGE +DECOLLIMATE +DECOMPILE +DECOMPOSABILITY +DECOMPOSABLE +DECOMPOSE +DECOMPOSED +DECOMPOSES +DECOMPOSING +DECOMPOSITION +DECOMPOSITIONS +DECOMPRESS +DECOMPRESSION +DECORATE +DECORATED +DECORATES +DECORATING +DECORATION +DECORATIONS +DECORATIVE +DECORUM +DECOUPLE +DECOUPLED +DECOUPLES +DECOUPLING +DECOY +DECOYS +DECREASE +DECREASED +DECREASES +DECREASING +DECREASINGLY +DECREE +DECREED +DECREEING +DECREES +DECREMENT +DECREMENTED +DECREMENTING +DECREMENTS +DECRYPT +DECRYPTED +DECRYPTING +DECRYPTION +DECRYPTS +DECSTATION +DECSYSTEM +DECTAPE +DEDICATE +DEDICATED +DEDICATES +DEDICATING +DEDICATION +DEDUCE +DEDUCED +DEDUCER +DEDUCES +DEDUCIBLE +DEDUCING +DEDUCT +DEDUCTED +DEDUCTIBLE +DEDUCTING +DEDUCTION +DEDUCTIONS +DEDUCTIVE +DEE +DEED +DEEDED +DEEDING +DEEDS +DEEM +DEEMED +DEEMING +DEEMPHASIZE +DEEMPHASIZED +DEEMPHASIZES +DEEMPHASIZING +DEEMS +DEEP +DEEPEN +DEEPENED +DEEPENING +DEEPENS +DEEPER +DEEPEST +DEEPLY +DEEPS +DEER +DEERE +DEFACE +DEFAULT +DEFAULTED +DEFAULTER +DEFAULTING +DEFAULTS +DEFEAT +DEFEATED +DEFEATING +DEFEATS +DEFECATE +DEFECT +DEFECTED +DEFECTING +DEFECTION +DEFECTIONS +DEFECTIVE +DEFECTS +DEFEND +DEFENDANT +DEFENDANTS +DEFENDED +DEFENDER +DEFENDERS +DEFENDING +DEFENDS +DEFENESTRATE +DEFENESTRATED +DEFENESTRATES +DEFENESTRATING +DEFENESTRATION +DEFENSE +DEFENSELESS +DEFENSES +DEFENSIBLE +DEFENSIVE +DEFER +DEFERENCE +DEFERMENT +DEFERMENTS +DEFERRABLE +DEFERRED +DEFERRER +DEFERRERS +DEFERRING +DEFERS +DEFIANCE +DEFIANT +DEFIANTLY +DEFICIENCIES +DEFICIENCY +DEFICIENT +DEFICIT +DEFICITS +DEFIED +DEFIES +DEFILE +DEFILING +DEFINABLE +DEFINE +DEFINED +DEFINER +DEFINES +DEFINING +DEFINITE +DEFINITELY +DEFINITENESS +DEFINITION +DEFINITIONAL +DEFINITIONS +DEFINITIVE +DEFLATE +DEFLATER +DEFLECT +DEFOCUS +DEFOE +DEFOREST +DEFORESTATION +DEFORM +DEFORMATION +DEFORMATIONS +DEFORMED +DEFORMITIES +DEFORMITY +DEFRAUD +DEFRAY +DEFROST +DEFTLY +DEFUNCT +DEFY +DEFYING +DEGENERACY +DEGENERATE +DEGENERATED +DEGENERATES +DEGENERATING +DEGENERATION +DEGENERATIVE +DEGRADABLE +DEGRADATION +DEGRADATIONS +DEGRADE +DEGRADED +DEGRADES +DEGRADING +DEGREE +DEGREES +DEHUMIDIFY +DEHYDRATE +DEIFY +DEIGN +DEIGNED +DEIGNING +DEIGNS +DEIMOS +DEIRDRE +DEIRDRES +DEITIES +DEITY +DEJECTED +DEJECTEDLY +DEKALB +DEKASTERE +DEL +DELANEY +DELANO +DELAWARE +DELAY +DELAYED +DELAYING +DELAYS +DELEGATE +DELEGATED +DELEGATES +DELEGATING +DELEGATION +DELEGATIONS +DELETE +DELETED +DELETER +DELETERIOUS +DELETES +DELETING +DELETION +DELETIONS +DELFT +DELHI +DELIA +DELIBERATE +DELIBERATED +DELIBERATELY +DELIBERATENESS +DELIBERATES +DELIBERATING +DELIBERATION +DELIBERATIONS +DELIBERATIVE +DELIBERATOR +DELIBERATORS +DELICACIES +DELICACY +DELICATE +DELICATELY +DELICATESSEN +DELICIOUS +DELICIOUSLY +DELIGHT +DELIGHTED +DELIGHTEDLY +DELIGHTFUL +DELIGHTFULLY +DELIGHTING +DELIGHTS +DELILAH +DELIMIT +DELIMITATION +DELIMITED +DELIMITER +DELIMITERS +DELIMITING +DELIMITS +DELINEAMENT +DELINEATE +DELINEATED +DELINEATES +DELINEATING +DELINEATION +DELINQUENCY +DELINQUENT +DELIRIOUS +DELIRIOUSLY +DELIRIUM +DELIVER +DELIVERABLE +DELIVERABLES +DELIVERANCE +DELIVERED +DELIVERER +DELIVERERS +DELIVERIES +DELIVERING +DELIVERS +DELIVERY +DELL +DELLA +DELLS +DELLWOOD +DELMARVA +DELPHI +DELPHIC +DELPHICALLY +DELPHINUS +DELTA +DELTAS +DELUDE +DELUDED +DELUDES +DELUDING +DELUGE +DELUGED +DELUGES +DELUSION +DELUSIONS +DELUXE +DELVE +DELVES +DELVING +DEMAGNIFY +DEMAGOGUE +DEMAND +DEMANDED +DEMANDER +DEMANDING +DEMANDINGLY +DEMANDS +DEMARCATE +DEMEANOR +DEMENTED +DEMERIT +DEMETER +DEMIGOD +DEMISE +DEMO +DEMOCRACIES +DEMOCRACY +DEMOCRAT +DEMOCRATIC +DEMOCRATICALLY +DEMOCRATS +DEMODULATE +DEMODULATOR +DEMOGRAPHIC +DEMOLISH +DEMOLISHED +DEMOLISHES +DEMOLITION +DEMON +DEMONIAC +DEMONIC +DEMONS +DEMONSTRABLE +DEMONSTRATE +DEMONSTRATED +DEMONSTRATES +DEMONSTRATING +DEMONSTRATION +DEMONSTRATIONS +DEMONSTRATIVE +DEMONSTRATIVELY +DEMONSTRATOR +DEMONSTRATORS +DEMORALIZE +DEMORALIZED +DEMORALIZES +DEMORALIZING +DEMORGAN +DEMOTE +DEMOUNTABLE +DEMPSEY +DEMULTIPLEX +DEMULTIPLEXED +DEMULTIPLEXER +DEMULTIPLEXERS +DEMULTIPLEXING +DEMUR +DEMYTHOLOGIZE +DEN +DENATURE +DENEB +DENEBOLA +DENEEN +DENIABLE +DENIAL +DENIALS +DENIED +DENIER +DENIES +DENIGRATE +DENIGRATED +DENIGRATES +DENIGRATING +DENIZEN +DENMARK +DENNIS +DENNY +DENOMINATE +DENOMINATION +DENOMINATIONS +DENOMINATOR +DENOMINATORS +DENOTABLE +DENOTATION +DENOTATIONAL +DENOTATIONALLY +DENOTATIONS +DENOTATIVE +DENOTE +DENOTED +DENOTES +DENOTING +DENOUNCE +DENOUNCED +DENOUNCES +DENOUNCING +DENS +DENSE +DENSELY +DENSENESS +DENSER +DENSEST +DENSITIES +DENSITY +DENT +DENTAL +DENTALLY +DENTED +DENTING +DENTIST +DENTISTRY +DENTISTS +DENTON +DENTS +DENTURE +DENUDE +DENUMERABLE +DENUNCIATE +DENUNCIATION +DENVER +DENY +DENYING +DEODORANT +DEOXYRIBONUCLEIC +DEPART +DEPARTED +DEPARTING +DEPARTMENT +DEPARTMENTAL +DEPARTMENTS +DEPARTS +DEPARTURE +DEPARTURES +DEPEND +DEPENDABILITY +DEPENDABLE +DEPENDABLY +DEPENDED +DEPENDENCE +DEPENDENCIES +DEPENDENCY +DEPENDENT +DEPENDENTLY +DEPENDENTS +DEPENDING +DEPENDS +DEPICT +DEPICTED +DEPICTING +DEPICTS +DEPLETE +DEPLETED +DEPLETES +DEPLETING +DEPLETION +DEPLETIONS +DEPLORABLE +DEPLORE +DEPLORED +DEPLORES +DEPLORING +DEPLOY +DEPLOYED +DEPLOYING +DEPLOYMENT +DEPLOYMENTS +DEPLOYS +DEPORT +DEPORTATION +DEPORTEE +DEPORTMENT +DEPOSE +DEPOSED +DEPOSES +DEPOSIT +DEPOSITARY +DEPOSITED +DEPOSITING +DEPOSITION +DEPOSITIONS +DEPOSITOR +DEPOSITORS +DEPOSITORY +DEPOSITS +DEPOT +DEPOTS +DEPRAVE +DEPRAVED +DEPRAVITY +DEPRECATE +DEPRECIATE +DEPRECIATED +DEPRECIATES +DEPRECIATION +DEPRESS +DEPRESSED +DEPRESSES +DEPRESSING +DEPRESSION +DEPRESSIONS +DEPRIVATION +DEPRIVATIONS +DEPRIVE +DEPRIVED +DEPRIVES +DEPRIVING +DEPTH +DEPTHS +DEPUTIES +DEPUTY +DEQUEUE +DEQUEUED +DEQUEUES +DEQUEUING +DERAIL +DERAILED +DERAILING +DERAILS +DERBY +DERBYSHIRE +DEREFERENCE +DEREGULATE +DEREGULATED +DEREK +DERIDE +DERISION +DERIVABLE +DERIVATION +DERIVATIONS +DERIVATIVE +DERIVATIVES +DERIVE +DERIVED +DERIVES +DERIVING +DEROGATORY +DERRICK +DERRIERE +DERVISH +DES +DESCARTES +DESCEND +DESCENDANT +DESCENDANTS +DESCENDED +DESCENDENT +DESCENDER +DESCENDERS +DESCENDING +DESCENDS +DESCENT +DESCENTS +DESCRIBABLE +DESCRIBE +DESCRIBED +DESCRIBER +DESCRIBES +DESCRIBING +DESCRIPTION +DESCRIPTIONS +DESCRIPTIVE +DESCRIPTIVELY +DESCRIPTIVES +DESCRIPTOR +DESCRIPTORS +DESCRY +DESECRATE +DESEGREGATE +DESERT +DESERTED +DESERTER +DESERTERS +DESERTING +DESERTION +DESERTIONS +DESERTS +DESERVE +DESERVED +DESERVES +DESERVING +DESERVINGLY +DESERVINGS +DESIDERATA +DESIDERATUM +DESIGN +DESIGNATE +DESIGNATED +DESIGNATES +DESIGNATING +DESIGNATION +DESIGNATIONS +DESIGNATOR +DESIGNATORS +DESIGNED +DESIGNER +DESIGNERS +DESIGNING +DESIGNS +DESIRABILITY +DESIRABLE +DESIRABLY +DESIRE +DESIRED +DESIRES +DESIRING +DESIROUS +DESIST +DESK +DESKS +DESKTOP +DESMOND +DESOLATE +DESOLATELY +DESOLATION +DESOLATIONS +DESPAIR +DESPAIRED +DESPAIRING +DESPAIRINGLY +DESPAIRS +DESPATCH +DESPATCHED +DESPERADO +DESPERATE +DESPERATELY +DESPERATION +DESPICABLE +DESPISE +DESPISED +DESPISES +DESPISING +DESPITE +DESPOIL +DESPONDENT +DESPOT +DESPOTIC +DESPOTISM +DESPOTS +DESSERT +DESSERTS +DESSICATE +DESTABILIZE +DESTINATION +DESTINATIONS +DESTINE +DESTINED +DESTINIES +DESTINY +DESTITUTE +DESTITUTION +DESTROY +DESTROYED +DESTROYER +DESTROYERS +DESTROYING +DESTROYS +DESTRUCT +DESTRUCTION +DESTRUCTIONS +DESTRUCTIVE +DESTRUCTIVELY +DESTRUCTIVENESS +DESTRUCTOR +DESTUFF +DESTUFFING +DESTUFFS +DESUETUDE +DESULTORY +DESYNCHRONIZE +DETACH +DETACHED +DETACHER +DETACHES +DETACHING +DETACHMENT +DETACHMENTS +DETAIL +DETAILED +DETAILING +DETAILS +DETAIN +DETAINED +DETAINING +DETAINS +DETECT +DETECTABLE +DETECTABLY +DETECTED +DETECTING +DETECTION +DETECTIONS +DETECTIVE +DETECTIVES +DETECTOR +DETECTORS +DETECTS +DETENTE +DETENTION +DETER +DETERGENT +DETERIORATE +DETERIORATED +DETERIORATES +DETERIORATING +DETERIORATION +DETERMINABLE +DETERMINACY +DETERMINANT +DETERMINANTS +DETERMINATE +DETERMINATELY +DETERMINATION +DETERMINATIONS +DETERMINATIVE +DETERMINE +DETERMINED +DETERMINER +DETERMINERS +DETERMINES +DETERMINING +DETERMINISM +DETERMINISTIC +DETERMINISTICALLY +DETERRED +DETERRENT +DETERRING +DETEST +DETESTABLE +DETESTED +DETOUR +DETRACT +DETRACTOR +DETRACTORS +DETRACTS +DETRIMENT +DETRIMENTAL +DETROIT +DEUCE +DEUS +DEUTERIUM +DEUTSCH +DEVASTATE +DEVASTATED +DEVASTATES +DEVASTATING +DEVASTATION +DEVELOP +DEVELOPED +DEVELOPER +DEVELOPERS +DEVELOPING +DEVELOPMENT +DEVELOPMENTAL +DEVELOPMENTS +DEVELOPS +DEVIANT +DEVIANTS +DEVIATE +DEVIATED +DEVIATES +DEVIATING +DEVIATION +DEVIATIONS +DEVICE +DEVICES +DEVIL +DEVILISH +DEVILISHLY +DEVILS +DEVIOUS +DEVISE +DEVISED +DEVISES +DEVISING +DEVISINGS +DEVOID +DEVOLVE +DEVON +DEVONSHIRE +DEVOTE +DEVOTED +DEVOTEDLY +DEVOTEE +DEVOTEES +DEVOTES +DEVOTING +DEVOTION +DEVOTIONS +DEVOUR +DEVOURED +DEVOURER +DEVOURS +DEVOUT +DEVOUTLY +DEVOUTNESS +DEW +DEWDROP +DEWDROPS +DEWEY +DEWITT +DEWY +DEXEDRINE +DEXTERITY +DHABI +DIABETES +DIABETIC +DIABOLIC +DIACHRONIC +DIACRITICAL +DIADEM +DIAGNOSABLE +DIAGNOSE +DIAGNOSED +DIAGNOSES +DIAGNOSING +DIAGNOSIS +DIAGNOSTIC +DIAGNOSTICIAN +DIAGNOSTICS +DIAGONAL +DIAGONALLY +DIAGONALS +DIAGRAM +DIAGRAMMABLE +DIAGRAMMATIC +DIAGRAMMATICALLY +DIAGRAMMED +DIAGRAMMER +DIAGRAMMERS +DIAGRAMMING +DIAGRAMS +DIAL +DIALECT +DIALECTIC +DIALECTS +DIALED +DIALER +DIALERS +DIALING +DIALOG +DIALOGS +DIALOGUE +DIALOGUES +DIALS +DIALUP +DIALYSIS +DIAMAGNETIC +DIAMETER +DIAMETERS +DIAMETRIC +DIAMETRICALLY +DIAMOND +DIAMONDS +DIANA +DIANE +DIANNE +DIAPER +DIAPERS +DIAPHRAGM +DIAPHRAGMS +DIARIES +DIARRHEA +DIARY +DIATRIBE +DIATRIBES +DIBBLE +DICE +DICHOTOMIZE +DICHOTOMY +DICKENS +DICKERSON +DICKINSON +DICKSON +DICKY +DICTATE +DICTATED +DICTATES +DICTATING +DICTATION +DICTATIONS +DICTATOR +DICTATORIAL +DICTATORS +DICTATORSHIP +DICTION +DICTIONARIES +DICTIONARY +DICTUM +DICTUMS +DID +DIDACTIC +DIDDLE +DIDO +DIE +DIEBOLD +DIED +DIEGO +DIEHARD +DIELECTRIC +DIELECTRICS +DIEM +DIES +DIESEL +DIET +DIETARY +DIETER +DIETERS +DIETETIC +DIETICIAN +DIETITIAN +DIETITIANS +DIETRICH +DIETS +DIETZ +DIFFER +DIFFERED +DIFFERENCE +DIFFERENCES +DIFFERENT +DIFFERENTIABLE +DIFFERENTIAL +DIFFERENTIALS +DIFFERENTIATE +DIFFERENTIATED +DIFFERENTIATES +DIFFERENTIATING +DIFFERENTIATION +DIFFERENTIATIONS +DIFFERENTIATORS +DIFFERENTLY +DIFFERER +DIFFERERS +DIFFERING +DIFFERS +DIFFICULT +DIFFICULTIES +DIFFICULTLY +DIFFICULTY +DIFFRACT +DIFFUSE +DIFFUSED +DIFFUSELY +DIFFUSER +DIFFUSERS +DIFFUSES +DIFFUSIBLE +DIFFUSING +DIFFUSION +DIFFUSIONS +DIFFUSIVE +DIG +DIGEST +DIGESTED +DIGESTIBLE +DIGESTING +DIGESTION +DIGESTIVE +DIGESTS +DIGGER +DIGGERS +DIGGING +DIGGINGS +DIGIT +DIGITAL +DIGITALIS +DIGITALLY +DIGITIZATION +DIGITIZE +DIGITIZED +DIGITIZES +DIGITIZING +DIGITS +DIGNIFIED +DIGNIFY +DIGNITARY +DIGNITIES +DIGNITY +DIGRAM +DIGRESS +DIGRESSED +DIGRESSES +DIGRESSING +DIGRESSION +DIGRESSIONS +DIGRESSIVE +DIGS +DIHEDRAL +DIJKSTRA +DIJON +DIKE +DIKES +DILAPIDATE +DILATATION +DILATE +DILATED +DILATES +DILATING +DILATION +DILDO +DILEMMA +DILEMMAS +DILIGENCE +DILIGENT +DILIGENTLY +DILL +DILLON +DILOGARITHM +DILUTE +DILUTED +DILUTES +DILUTING +DILUTION +DIM +DIMAGGIO +DIME +DIMENSION +DIMENSIONAL +DIMENSIONALITY +DIMENSIONALLY +DIMENSIONED +DIMENSIONING +DIMENSIONS +DIMES +DIMINISH +DIMINISHED +DIMINISHES +DIMINISHING +DIMINUTION +DIMINUTIVE +DIMLY +DIMMED +DIMMER +DIMMERS +DIMMEST +DIMMING +DIMNESS +DIMPLE +DIMS +DIN +DINAH +DINE +DINED +DINER +DINERS +DINES +DING +DINGHY +DINGINESS +DINGO +DINGY +DINING +DINNER +DINNERS +DINNERTIME +DINNERWARE +DINOSAUR +DINT +DIOCLETIAN +DIODE +DIODES +DIOGENES +DION +DIONYSIAN +DIONYSUS +DIOPHANTINE +DIOPTER +DIORAMA +DIOXIDE +DIP +DIPHTHERIA +DIPHTHONG +DIPLOMA +DIPLOMACY +DIPLOMAS +DIPLOMAT +DIPLOMATIC +DIPLOMATS +DIPOLE +DIPPED +DIPPER +DIPPERS +DIPPING +DIPPINGS +DIPS +DIRAC +DIRE +DIRECT +DIRECTED +DIRECTING +DIRECTION +DIRECTIONAL +DIRECTIONALITY +DIRECTIONALLY +DIRECTIONS +DIRECTIVE +DIRECTIVES +DIRECTLY +DIRECTNESS +DIRECTOR +DIRECTORATE +DIRECTORIES +DIRECTORS +DIRECTORY +DIRECTRICES +DIRECTRIX +DIRECTS +DIRGE +DIRGES +DIRICHLET +DIRT +DIRTIER +DIRTIEST +DIRTILY +DIRTINESS +DIRTS +DIRTY +DIS +DISABILITIES +DISABILITY +DISABLE +DISABLED +DISABLER +DISABLERS +DISABLES +DISABLING +DISADVANTAGE +DISADVANTAGEOUS +DISADVANTAGES +DISAFFECTED +DISAFFECTION +DISAGREE +DISAGREEABLE +DISAGREED +DISAGREEING +DISAGREEMENT +DISAGREEMENTS +DISAGREES +DISALLOW +DISALLOWED +DISALLOWING +DISALLOWS +DISAMBIGUATE +DISAMBIGUATED +DISAMBIGUATES +DISAMBIGUATING +DISAMBIGUATION +DISAMBIGUATIONS +DISAPPEAR +DISAPPEARANCE +DISAPPEARANCES +DISAPPEARED +DISAPPEARING +DISAPPEARS +DISAPPOINT +DISAPPOINTED +DISAPPOINTING +DISAPPOINTMENT +DISAPPOINTMENTS +DISAPPROVAL +DISAPPROVE +DISAPPROVED +DISAPPROVES +DISARM +DISARMAMENT +DISARMED +DISARMING +DISARMS +DISASSEMBLE +DISASSEMBLED +DISASSEMBLES +DISASSEMBLING +DISASSEMBLY +DISASTER +DISASTERS +DISASTROUS +DISASTROUSLY +DISBAND +DISBANDED +DISBANDING +DISBANDS +DISBURSE +DISBURSED +DISBURSEMENT +DISBURSEMENTS +DISBURSES +DISBURSING +DISC +DISCARD +DISCARDED +DISCARDING +DISCARDS +DISCERN +DISCERNED +DISCERNIBILITY +DISCERNIBLE +DISCERNIBLY +DISCERNING +DISCERNINGLY +DISCERNMENT +DISCERNS +DISCHARGE +DISCHARGED +DISCHARGES +DISCHARGING +DISCIPLE +DISCIPLES +DISCIPLINARY +DISCIPLINE +DISCIPLINED +DISCIPLINES +DISCIPLINING +DISCLAIM +DISCLAIMED +DISCLAIMER +DISCLAIMS +DISCLOSE +DISCLOSED +DISCLOSES +DISCLOSING +DISCLOSURE +DISCLOSURES +DISCOMFORT +DISCONCERT +DISCONCERTING +DISCONCERTINGLY +DISCONNECT +DISCONNECTED +DISCONNECTING +DISCONNECTION +DISCONNECTS +DISCONTENT +DISCONTENTED +DISCONTINUANCE +DISCONTINUE +DISCONTINUED +DISCONTINUES +DISCONTINUITIES +DISCONTINUITY +DISCONTINUOUS +DISCORD +DISCORDANT +DISCOUNT +DISCOUNTED +DISCOUNTING +DISCOUNTS +DISCOURAGE +DISCOURAGED +DISCOURAGEMENT +DISCOURAGES +DISCOURAGING +DISCOURSE +DISCOURSES +DISCOVER +DISCOVERED +DISCOVERER +DISCOVERERS +DISCOVERIES +DISCOVERING +DISCOVERS +DISCOVERY +DISCREDIT +DISCREDITED +DISCREET +DISCREETLY +DISCREPANCIES +DISCREPANCY +DISCRETE +DISCRETELY +DISCRETENESS +DISCRETION +DISCRETIONARY +DISCRIMINANT +DISCRIMINATE +DISCRIMINATED +DISCRIMINATES +DISCRIMINATING +DISCRIMINATION +DISCRIMINATORY +DISCS +DISCUSS +DISCUSSANT +DISCUSSED +DISCUSSES +DISCUSSING +DISCUSSION +DISCUSSIONS +DISDAIN +DISDAINING +DISDAINS +DISEASE +DISEASED +DISEASES +DISEMBOWEL +DISENGAGE +DISENGAGED +DISENGAGES +DISENGAGING +DISENTANGLE +DISENTANGLING +DISFIGURE +DISFIGURED +DISFIGURES +DISFIGURING +DISGORGE +DISGRACE +DISGRACED +DISGRACEFUL +DISGRACEFULLY +DISGRACES +DISGRUNTLE +DISGRUNTLED +DISGUISE +DISGUISED +DISGUISES +DISGUST +DISGUSTED +DISGUSTEDLY +DISGUSTFUL +DISGUSTING +DISGUSTINGLY +DISGUSTS +DISH +DISHEARTEN +DISHEARTENING +DISHED +DISHES +DISHEVEL +DISHING +DISHONEST +DISHONESTLY +DISHONESTY +DISHONOR +DISHONORABLE +DISHONORED +DISHONORING +DISHONORS +DISHWASHER +DISHWASHERS +DISHWASHING +DISHWATER +DISILLUSION +DISILLUSIONED +DISILLUSIONING +DISILLUSIONMENT +DISILLUSIONMENTS +DISINCLINED +DISINGENUOUS +DISINTERESTED +DISINTERESTEDNESS +DISJOINT +DISJOINTED +DISJOINTLY +DISJOINTNESS +DISJUNCT +DISJUNCTION +DISJUNCTIONS +DISJUNCTIVE +DISJUNCTIVELY +DISJUNCTS +DISK +DISKETTE +DISKETTES +DISKS +DISLIKE +DISLIKED +DISLIKES +DISLIKING +DISLOCATE +DISLOCATED +DISLOCATES +DISLOCATING +DISLOCATION +DISLOCATIONS +DISLODGE +DISLODGED +DISMAL +DISMALLY +DISMAY +DISMAYED +DISMAYING +DISMEMBER +DISMEMBERED +DISMEMBERMENT +DISMEMBERS +DISMISS +DISMISSAL +DISMISSALS +DISMISSED +DISMISSER +DISMISSERS +DISMISSES +DISMISSING +DISMOUNT +DISMOUNTED +DISMOUNTING +DISMOUNTS +DISNEY +DISNEYLAND +DISOBEDIENCE +DISOBEDIENT +DISOBEY +DISOBEYED +DISOBEYING +DISOBEYS +DISORDER +DISORDERED +DISORDERLY +DISORDERS +DISORGANIZED +DISOWN +DISOWNED +DISOWNING +DISOWNS +DISPARAGE +DISPARATE +DISPARITIES +DISPARITY +DISPASSIONATE +DISPATCH +DISPATCHED +DISPATCHER +DISPATCHERS +DISPATCHES +DISPATCHING +DISPEL +DISPELL +DISPELLED +DISPELLING +DISPELS +DISPENSARY +DISPENSATION +DISPENSE +DISPENSED +DISPENSER +DISPENSERS +DISPENSES +DISPENSING +DISPERSAL +DISPERSE +DISPERSED +DISPERSES +DISPERSING +DISPERSION +DISPERSIONS +DISPLACE +DISPLACED +DISPLACEMENT +DISPLACEMENTS +DISPLACES +DISPLACING +DISPLAY +DISPLAYABLE +DISPLAYED +DISPLAYER +DISPLAYING +DISPLAYS +DISPLEASE +DISPLEASED +DISPLEASES +DISPLEASING +DISPLEASURE +DISPOSABLE +DISPOSAL +DISPOSALS +DISPOSE +DISPOSED +DISPOSER +DISPOSES +DISPOSING +DISPOSITION +DISPOSITIONS +DISPOSSESSED +DISPROPORTIONATE +DISPROVE +DISPROVED +DISPROVES +DISPROVING +DISPUTE +DISPUTED +DISPUTER +DISPUTERS +DISPUTES +DISPUTING +DISQUALIFICATION +DISQUALIFIED +DISQUALIFIES +DISQUALIFY +DISQUALIFYING +DISQUIET +DISQUIETING +DISRAELI +DISREGARD +DISREGARDED +DISREGARDING +DISREGARDS +DISRESPECTFUL +DISRUPT +DISRUPTED +DISRUPTING +DISRUPTION +DISRUPTIONS +DISRUPTIVE +DISRUPTS +DISSATISFACTION +DISSATISFACTIONS +DISSATISFACTORY +DISSATISFIED +DISSECT +DISSECTS +DISSEMBLE +DISSEMINATE +DISSEMINATED +DISSEMINATES +DISSEMINATING +DISSEMINATION +DISSENSION +DISSENSIONS +DISSENT +DISSENTED +DISSENTER +DISSENTERS +DISSENTING +DISSENTS +DISSERTATION +DISSERTATIONS +DISSERVICE +DISSIDENT +DISSIDENTS +DISSIMILAR +DISSIMILARITIES +DISSIMILARITY +DISSIPATE +DISSIPATED +DISSIPATES +DISSIPATING +DISSIPATION +DISSOCIATE +DISSOCIATED +DISSOCIATES +DISSOCIATING +DISSOCIATION +DISSOLUTION +DISSOLUTIONS +DISSOLVE +DISSOLVED +DISSOLVES +DISSOLVING +DISSONANT +DISSUADE +DISTAFF +DISTAL +DISTALLY +DISTANCE +DISTANCES +DISTANT +DISTANTLY +DISTASTE +DISTASTEFUL +DISTASTEFULLY +DISTASTES +DISTEMPER +DISTEMPERED +DISTEMPERS +DISTILL +DISTILLATION +DISTILLED +DISTILLER +DISTILLERS +DISTILLERY +DISTILLING +DISTILLS +DISTINCT +DISTINCTION +DISTINCTIONS +DISTINCTIVE +DISTINCTIVELY +DISTINCTIVENESS +DISTINCTLY +DISTINCTNESS +DISTINGUISH +DISTINGUISHABLE +DISTINGUISHED +DISTINGUISHES +DISTINGUISHING +DISTORT +DISTORTED +DISTORTING +DISTORTION +DISTORTIONS +DISTORTS +DISTRACT +DISTRACTED +DISTRACTING +DISTRACTION +DISTRACTIONS +DISTRACTS +DISTRAUGHT +DISTRESS +DISTRESSED +DISTRESSES +DISTRESSING +DISTRIBUTE +DISTRIBUTED +DISTRIBUTES +DISTRIBUTING +DISTRIBUTION +DISTRIBUTIONAL +DISTRIBUTIONS +DISTRIBUTIVE +DISTRIBUTIVITY +DISTRIBUTOR +DISTRIBUTORS +DISTRICT +DISTRICTS +DISTRUST +DISTRUSTED +DISTURB +DISTURBANCE +DISTURBANCES +DISTURBED +DISTURBER +DISTURBING +DISTURBINGLY +DISTURBS +DISUSE +DITCH +DITCHES +DITHER +DITTO +DITTY +DITZEL +DIURNAL +DIVAN +DIVANS +DIVE +DIVED +DIVER +DIVERGE +DIVERGED +DIVERGENCE +DIVERGENCES +DIVERGENT +DIVERGES +DIVERGING +DIVERS +DIVERSE +DIVERSELY +DIVERSIFICATION +DIVERSIFIED +DIVERSIFIES +DIVERSIFY +DIVERSIFYING +DIVERSION +DIVERSIONARY +DIVERSIONS +DIVERSITIES +DIVERSITY +DIVERT +DIVERTED +DIVERTING +DIVERTS +DIVES +DIVEST +DIVESTED +DIVESTING +DIVESTITURE +DIVESTS +DIVIDE +DIVIDED +DIVIDEND +DIVIDENDS +DIVIDER +DIVIDERS +DIVIDES +DIVIDING +DIVINE +DIVINELY +DIVINER +DIVING +DIVINING +DIVINITIES +DIVINITY +DIVISIBILITY +DIVISIBLE +DIVISION +DIVISIONAL +DIVISIONS +DIVISIVE +DIVISOR +DIVISORS +DIVORCE +DIVORCED +DIVORCEE +DIVULGE +DIVULGED +DIVULGES +DIVULGING +DIXIE +DIXIECRATS +DIXIELAND +DIXON +DIZZINESS +DIZZY +DJAKARTA +DMITRI +DNIEPER +DOBBIN +DOBBS +DOBERMAN +DOC +DOCILE +DOCK +DOCKED +DOCKET +DOCKS +DOCKSIDE +DOCKYARD +DOCTOR +DOCTORAL +DOCTORATE +DOCTORATES +DOCTORED +DOCTORS +DOCTRINAIRE +DOCTRINAL +DOCTRINE +DOCTRINES +DOCUMENT +DOCUMENTARIES +DOCUMENTARY +DOCUMENTATION +DOCUMENTATIONS +DOCUMENTED +DOCUMENTER +DOCUMENTERS +DOCUMENTING +DOCUMENTS +DODD +DODECAHEDRA +DODECAHEDRAL +DODECAHEDRON +DODGE +DODGED +DODGER +DODGERS +DODGING +DODINGTON +DODSON +DOE +DOER +DOERS +DOES +DOG +DOGE +DOGGED +DOGGEDLY +DOGGEDNESS +DOGGING +DOGHOUSE +DOGMA +DOGMAS +DOGMATIC +DOGMATISM +DOGS +DOGTOWN +DOHERTY +DOING +DOINGS +DOLAN +DOLDRUM +DOLE +DOLED +DOLEFUL +DOLEFULLY +DOLES +DOLL +DOLLAR +DOLLARS +DOLLIES +DOLLS +DOLLY +DOLORES +DOLPHIN +DOLPHINS +DOMAIN +DOMAINS +DOME +DOMED +DOMENICO +DOMES +DOMESDAY +DOMESTIC +DOMESTICALLY +DOMESTICATE +DOMESTICATED +DOMESTICATES +DOMESTICATING +DOMESTICATION +DOMICILE +DOMINANCE +DOMINANT +DOMINANTLY +DOMINATE +DOMINATED +DOMINATES +DOMINATING +DOMINATION +DOMINEER +DOMINEERING +DOMINGO +DOMINIC +DOMINICAN +DOMINICANS +DOMINICK +DOMINION +DOMINIQUE +DOMINO +DON +DONAHUE +DONALD +DONALDSON +DONATE +DONATED +DONATES +DONATING +DONATION +DONE +DONECK +DONKEY +DONKEYS +DONNA +DONNELLY +DONNER +DONNYBROOK +DONOR +DONOVAN +DONS +DOODLE +DOOLEY +DOOLITTLE +DOOM +DOOMED +DOOMING +DOOMS +DOOMSDAY +DOOR +DOORBELL +DOORKEEPER +DOORMAN +DOORMEN +DOORS +DOORSTEP +DOORSTEPS +DOORWAY +DOORWAYS +DOPE +DOPED +DOPER +DOPERS +DOPES +DOPING +DOPPLER +DORA +DORADO +DORCAS +DORCHESTER +DOREEN +DORIA +DORIC +DORICIZE +DORICIZES +DORIS +DORMANT +DORMITORIES +DORMITORY +DOROTHEA +DOROTHY +DORSET +DORTMUND +DOSAGE +DOSE +DOSED +DOSES +DOSSIER +DOSSIERS +DOSTOEVSKY +DOT +DOTE +DOTED +DOTES +DOTING +DOTINGLY +DOTS +DOTTED +DOTTING +DOUBLE +DOUBLED +DOUBLEDAY +DOUBLEHEADER +DOUBLER +DOUBLERS +DOUBLES +DOUBLET +DOUBLETON +DOUBLETS +DOUBLING +DOUBLOON +DOUBLY +DOUBT +DOUBTABLE +DOUBTED +DOUBTER +DOUBTERS +DOUBTFUL +DOUBTFULLY +DOUBTING +DOUBTLESS +DOUBTLESSLY +DOUBTS +DOUG +DOUGH +DOUGHERTY +DOUGHNUT +DOUGHNUTS +DOUGLAS +DOUGLASS +DOVE +DOVER +DOVES +DOVETAIL +DOW +DOWAGER +DOWEL +DOWLING +DOWN +DOWNCAST +DOWNED +DOWNERS +DOWNEY +DOWNFALL +DOWNFALLEN +DOWNGRADE +DOWNHILL +DOWNING +DOWNLINK +DOWNLINKS +DOWNLOAD +DOWNLOADED +DOWNLOADING +DOWNLOADS +DOWNPLAY +DOWNPLAYED +DOWNPLAYING +DOWNPLAYS +DOWNPOUR +DOWNRIGHT +DOWNS +DOWNSIDE +DOWNSTAIRS +DOWNSTREAM +DOWNTOWN +DOWNTOWNS +DOWNTRODDEN +DOWNTURN +DOWNWARD +DOWNWARDS +DOWNY +DOWRY +DOYLE +DOZE +DOZED +DOZEN +DOZENS +DOZENTH +DOZES +DOZING +DRAB +DRACO +DRACONIAN +DRAFT +DRAFTED +DRAFTEE +DRAFTER +DRAFTERS +DRAFTING +DRAFTS +DRAFTSMAN +DRAFTSMEN +DRAFTY +DRAG +DRAGGED +DRAGGING +DRAGNET +DRAGON +DRAGONFLY +DRAGONHEAD +DRAGONS +DRAGOON +DRAGOONED +DRAGOONS +DRAGS +DRAIN +DRAINAGE +DRAINED +DRAINER +DRAINING +DRAINS +DRAKE +DRAM +DRAMA +DRAMAMINE +DRAMAS +DRAMATIC +DRAMATICALLY +DRAMATICS +DRAMATIST +DRAMATISTS +DRANK +DRAPE +DRAPED +DRAPER +DRAPERIES +DRAPERS +DRAPERY +DRAPES +DRASTIC +DRASTICALLY +DRAUGHT +DRAUGHTS +DRAVIDIAN +DRAW +DRAWBACK +DRAWBACKS +DRAWBRIDGE +DRAWBRIDGES +DRAWER +DRAWERS +DRAWING +DRAWINGS +DRAWL +DRAWLED +DRAWLING +DRAWLS +DRAWN +DRAWNLY +DRAWNNESS +DRAWS +DREAD +DREADED +DREADFUL +DREADFULLY +DREADING +DREADNOUGHT +DREADS +DREAM +DREAMBOAT +DREAMED +DREAMER +DREAMERS +DREAMILY +DREAMING +DREAMLIKE +DREAMS +DREAMT +DREAMY +DREARINESS +DREARY +DREDGE +DREGS +DRENCH +DRENCHED +DRENCHES +DRENCHING +DRESS +DRESSED +DRESSER +DRESSERS +DRESSES +DRESSING +DRESSINGS +DRESSMAKER +DRESSMAKERS +DREW +DREXEL +DREYFUSS +DRIED +DRIER +DRIERS +DRIES +DRIEST +DRIFT +DRIFTED +DRIFTER +DRIFTERS +DRIFTING +DRIFTS +DRILL +DRILLED +DRILLER +DRILLING +DRILLS +DRILY +DRINK +DRINKABLE +DRINKER +DRINKERS +DRINKING +DRINKS +DRIP +DRIPPING +DRIPPY +DRIPS +DRISCOLL +DRIVE +DRIVEN +DRIVER +DRIVERS +DRIVES +DRIVEWAY +DRIVEWAYS +DRIVING +DRIZZLE +DRIZZLY +DROLL +DROMEDARY +DRONE +DRONES +DROOL +DROOP +DROOPED +DROOPING +DROOPS +DROOPY +DROP +DROPLET +DROPOUT +DROPPED +DROPPER +DROPPERS +DROPPING +DROPPINGS +DROPS +DROSOPHILA +DROUGHT +DROUGHTS +DROVE +DROVER +DROVERS +DROVES +DROWN +DROWNED +DROWNING +DROWNINGS +DROWNS +DROWSINESS +DROWSY +DRUBBING +DRUDGE +DRUDGERY +DRUG +DRUGGIST +DRUGGISTS +DRUGS +DRUGSTORE +DRUM +DRUMHEAD +DRUMMED +DRUMMER +DRUMMERS +DRUMMING +DRUMMOND +DRUMS +DRUNK +DRUNKARD +DRUNKARDS +DRUNKEN +DRUNKENNESS +DRUNKER +DRUNKLY +DRUNKS +DRURY +DRY +DRYDEN +DRYING +DRYLY +DUAL +DUALISM +DUALITIES +DUALITY +DUANE +DUB +DUBBED +DUBHE +DUBIOUS +DUBIOUSLY +DUBIOUSNESS +DUBLIN +DUBS +DUBUQUE +DUCHESS +DUCHESSES +DUCHY +DUCK +DUCKED +DUCKING +DUCKLING +DUCKS +DUCT +DUCTS +DUD +DUDLEY +DUE +DUEL +DUELING +DUELS +DUES +DUET +DUFFY +DUG +DUGAN +DUKE +DUKES +DULL +DULLED +DULLER +DULLES +DULLEST +DULLING +DULLNESS +DULLS +DULLY +DULUTH +DULY +DUMB +DUMBBELL +DUMBBELLS +DUMBER +DUMBEST +DUMBLY +DUMBNESS +DUMMIES +DUMMY +DUMP +DUMPED +DUMPER +DUMPING +DUMPS +DUMPTY +DUNBAR +DUNCAN +DUNCE +DUNCES +DUNDEE +DUNE +DUNEDIN +DUNES +DUNG +DUNGEON +DUNGEONS +DUNHAM +DUNK +DUNKIRK +DUNLAP +DUNLOP +DUNN +DUNNE +DUPE +DUPLEX +DUPLICABLE +DUPLICATE +DUPLICATED +DUPLICATES +DUPLICATING +DUPLICATION +DUPLICATIONS +DUPLICATOR +DUPLICATORS +DUPLICITY +DUPONT +DUPONT +DUPONTS +DUPONTS +DUQUESNE +DURABILITIES +DURABILITY +DURABLE +DURABLY +DURANGO +DURATION +DURATIONS +DURER +DURERS +DURESS +DURHAM +DURING +DURKEE +DURKIN +DURRELL +DURWARD +DUSENBERG +DUSENBURY +DUSK +DUSKINESS +DUSKY +DUSSELDORF +DUST +DUSTBIN +DUSTED +DUSTER +DUSTERS +DUSTIER +DUSTIEST +DUSTIN +DUSTING +DUSTS +DUSTY +DUTCH +DUTCHESS +DUTCHMAN +DUTCHMEN +DUTIES +DUTIFUL +DUTIFULLY +DUTIFULNESS +DUTTON +DUTY +DVORAK +DWARF +DWARFED +DWARFS +DWARVES +DWELL +DWELLED +DWELLER +DWELLERS +DWELLING +DWELLINGS +DWELLS +DWELT +DWIGHT +DWINDLE +DWINDLED +DWINDLING +DWYER +DYAD +DYADIC +DYE +DYED +DYEING +DYER +DYERS +DYES +DYING +DYKE +DYLAN +DYNAMIC +DYNAMICALLY +DYNAMICS +DYNAMISM +DYNAMITE +DYNAMITED +DYNAMITES +DYNAMITING +DYNAMO +DYNASTIC +DYNASTIES +DYNASTY +DYNE +DYSENTERY +DYSPEPTIC +DYSTROPHY +EACH +EAGAN +EAGER +EAGERLY +EAGERNESS +EAGLE +EAGLES +EAR +EARDRUM +EARED +EARL +EARLIER +EARLIEST +EARLINESS +EARLS +EARLY +EARMARK +EARMARKED +EARMARKING +EARMARKINGS +EARMARKS +EARN +EARNED +EARNER +EARNERS +EARNEST +EARNESTLY +EARNESTNESS +EARNING +EARNINGS +EARNS +EARP +EARPHONE +EARRING +EARRINGS +EARS +EARSPLITTING +EARTH +EARTHEN +EARTHENWARE +EARTHLINESS +EARTHLING +EARTHLY +EARTHMAN +EARTHMEN +EARTHMOVER +EARTHQUAKE +EARTHQUAKES +EARTHS +EARTHWORM +EARTHWORMS +EARTHY +EASE +EASED +EASEL +EASEMENT +EASEMENTS +EASES +EASIER +EASIEST +EASILY +EASINESS +EASING +EAST +EASTBOUND +EASTER +EASTERN +EASTERNER +EASTERNERS +EASTERNMOST +EASTHAMPTON +EASTLAND +EASTMAN +EASTWARD +EASTWARDS +EASTWICK +EASTWOOD +EASY +EASYGOING +EAT +EATEN +EATER +EATERS +EATING +EATINGS +EATON +EATS +EAVES +EAVESDROP +EAVESDROPPED +EAVESDROPPER +EAVESDROPPERS +EAVESDROPPING +EAVESDROPS +EBB +EBBING +EBBS +EBEN +EBONY +ECCENTRIC +ECCENTRICITIES +ECCENTRICITY +ECCENTRICS +ECCLES +ECCLESIASTICAL +ECHELON +ECHO +ECHOED +ECHOES +ECHOING +ECLECTIC +ECLIPSE +ECLIPSED +ECLIPSES +ECLIPSING +ECLIPTIC +ECOLE +ECOLOGY +ECONOMETRIC +ECONOMETRICA +ECONOMIC +ECONOMICAL +ECONOMICALLY +ECONOMICS +ECONOMIES +ECONOMIST +ECONOMISTS +ECONOMIZE +ECONOMIZED +ECONOMIZER +ECONOMIZERS +ECONOMIZES +ECONOMIZING +ECONOMY +ECOSYSTEM +ECSTASY +ECSTATIC +ECUADOR +ECUADORIAN +EDDIE +EDDIES +EDDY +EDEN +EDENIZATION +EDENIZATIONS +EDENIZE +EDENIZES +EDGAR +EDGE +EDGED +EDGERTON +EDGES +EDGEWATER +EDGEWOOD +EDGING +EDIBLE +EDICT +EDICTS +EDIFICE +EDIFICES +EDINBURGH +EDISON +EDIT +EDITED +EDITH +EDITING +EDITION +EDITIONS +EDITOR +EDITORIAL +EDITORIALLY +EDITORIALS +EDITORS +EDITS +EDMONDS +EDMONDSON +EDMONTON +EDMUND +EDNA +EDSGER +EDUARD +EDUARDO +EDUCABLE +EDUCATE +EDUCATED +EDUCATES +EDUCATING +EDUCATION +EDUCATIONAL +EDUCATIONALLY +EDUCATIONS +EDUCATOR +EDUCATORS +EDWARD +EDWARDIAN +EDWARDINE +EDWARDS +EDWIN +EDWINA +EEL +EELGRASS +EELS +EERIE +EERILY +EFFECT +EFFECTED +EFFECTING +EFFECTIVE +EFFECTIVELY +EFFECTIVENESS +EFFECTOR +EFFECTORS +EFFECTS +EFFECTUALLY +EFFECTUATE +EFFEMINATE +EFFICACY +EFFICIENCIES +EFFICIENCY +EFFICIENT +EFFICIENTLY +EFFIE +EFFIGY +EFFORT +EFFORTLESS +EFFORTLESSLY +EFFORTLESSNESS +EFFORTS +EGALITARIAN +EGAN +EGG +EGGED +EGGHEAD +EGGING +EGGPLANT +EGGS +EGGSHELL +EGO +EGOCENTRIC +EGOS +EGOTISM +EGOTIST +EGYPT +EGYPTIAN +EGYPTIANIZATION +EGYPTIANIZATIONS +EGYPTIANIZE +EGYPTIANIZES +EGYPTIANS +EGYPTIZE +EGYPTIZES +EGYPTOLOGY +EHRLICH +EICHMANN +EIFFEL +EIGENFUNCTION +EIGENSTATE +EIGENVALUE +EIGENVALUES +EIGENVECTOR +EIGHT +EIGHTEEN +EIGHTEENS +EIGHTEENTH +EIGHTFOLD +EIGHTH +EIGHTHES +EIGHTIES +EIGHTIETH +EIGHTS +EIGHTY +EILEEN +EINSTEIN +EINSTEINIAN +EIRE +EISENHOWER +EISNER +EITHER +EJACULATE +EJACULATED +EJACULATES +EJACULATING +EJACULATION +EJACULATIONS +EJECT +EJECTED +EJECTING +EJECTS +EKBERG +EKE +EKED +EKES +EKSTROM +EKTACHROME +ELABORATE +ELABORATED +ELABORATELY +ELABORATENESS +ELABORATES +ELABORATING +ELABORATION +ELABORATIONS +ELABORATORS +ELAINE +ELAPSE +ELAPSED +ELAPSES +ELAPSING +ELASTIC +ELASTICALLY +ELASTICITY +ELBA +ELBOW +ELBOWING +ELBOWS +ELDER +ELDERLY +ELDERS +ELDEST +ELDON +ELEANOR +ELEAZAR +ELECT +ELECTED +ELECTING +ELECTION +ELECTIONS +ELECTIVE +ELECTIVES +ELECTOR +ELECTORAL +ELECTORATE +ELECTORS +ELECTRA +ELECTRIC +ELECTRICAL +ELECTRICALLY +ELECTRICALNESS +ELECTRICIAN +ELECTRICITY +ELECTRIFICATION +ELECTRIFY +ELECTRIFYING +ELECTRO +ELECTROCARDIOGRAM +ELECTROCARDIOGRAPH +ELECTROCUTE +ELECTROCUTED +ELECTROCUTES +ELECTROCUTING +ELECTROCUTION +ELECTROCUTIONS +ELECTRODE +ELECTRODES +ELECTROENCEPHALOGRAM +ELECTROENCEPHALOGRAPH +ELECTROENCEPHALOGRAPHY +ELECTROLYSIS +ELECTROLYTE +ELECTROLYTES +ELECTROLYTIC +ELECTROMAGNETIC +ELECTROMECHANICAL +ELECTRON +ELECTRONIC +ELECTRONICALLY +ELECTRONICS +ELECTRONS +ELECTROPHORESIS +ELECTROPHORUS +ELECTS +ELEGANCE +ELEGANT +ELEGANTLY +ELEGY +ELEMENT +ELEMENTAL +ELEMENTALS +ELEMENTARY +ELEMENTS +ELENA +ELEPHANT +ELEPHANTS +ELEVATE +ELEVATED +ELEVATES +ELEVATION +ELEVATOR +ELEVATORS +ELEVEN +ELEVENS +ELEVENTH +ELF +ELGIN +ELI +ELICIT +ELICITED +ELICITING +ELICITS +ELIDE +ELIGIBILITY +ELIGIBLE +ELIJAH +ELIMINATE +ELIMINATED +ELIMINATES +ELIMINATING +ELIMINATION +ELIMINATIONS +ELIMINATOR +ELIMINATORS +ELINOR +ELIOT +ELISABETH +ELISHA +ELISION +ELITE +ELITIST +ELIZABETH +ELIZABETHAN +ELIZABETHANIZE +ELIZABETHANIZES +ELIZABETHANS +ELK +ELKHART +ELKS +ELLA +ELLEN +ELLIE +ELLIOT +ELLIOTT +ELLIPSE +ELLIPSES +ELLIPSIS +ELLIPSOID +ELLIPSOIDAL +ELLIPSOIDS +ELLIPTIC +ELLIPTICAL +ELLIPTICALLY +ELLIS +ELLISON +ELLSWORTH +ELLWOOD +ELM +ELMER +ELMHURST +ELMIRA +ELMS +ELMSFORD +ELOISE +ELOPE +ELOQUENCE +ELOQUENT +ELOQUENTLY +ELROY +ELSE +ELSEVIER +ELSEWHERE +ELSIE +ELSINORE +ELTON +ELUCIDATE +ELUCIDATED +ELUCIDATES +ELUCIDATING +ELUCIDATION +ELUDE +ELUDED +ELUDES +ELUDING +ELUSIVE +ELUSIVELY +ELUSIVENESS +ELVES +ELVIS +ELY +ELYSEE +ELYSEES +ELYSIUM +EMACIATE +EMACIATED +EMACS +EMANATE +EMANATING +EMANCIPATE +EMANCIPATION +EMANUEL +EMASCULATE +EMBALM +EMBARGO +EMBARGOES +EMBARK +EMBARKED +EMBARKS +EMBARRASS +EMBARRASSED +EMBARRASSES +EMBARRASSING +EMBARRASSMENT +EMBASSIES +EMBASSY +EMBED +EMBEDDED +EMBEDDING +EMBEDS +EMBELLISH +EMBELLISHED +EMBELLISHES +EMBELLISHING +EMBELLISHMENT +EMBELLISHMENTS +EMBER +EMBEZZLE +EMBLEM +EMBODIED +EMBODIES +EMBODIMENT +EMBODIMENTS +EMBODY +EMBODYING +EMBOLDEN +EMBRACE +EMBRACED +EMBRACES +EMBRACING +EMBROIDER +EMBROIDERED +EMBROIDERIES +EMBROIDERS +EMBROIDERY +EMBROIL +EMBRYO +EMBRYOLOGY +EMBRYOS +EMERALD +EMERALDS +EMERGE +EMERGED +EMERGENCE +EMERGENCIES +EMERGENCY +EMERGENT +EMERGES +EMERGING +EMERITUS +EMERSON +EMERY +EMIGRANT +EMIGRANTS +EMIGRATE +EMIGRATED +EMIGRATES +EMIGRATING +EMIGRATION +EMIL +EMILE +EMILIO +EMILY +EMINENCE +EMINENT +EMINENTLY +EMISSARY +EMISSION +EMIT +EMITS +EMITTED +EMITTER +EMITTING +EMMA +EMMANUEL +EMMETT +EMORY +EMOTION +EMOTIONAL +EMOTIONALLY +EMOTIONS +EMPATHY +EMPEROR +EMPERORS +EMPHASES +EMPHASIS +EMPHASIZE +EMPHASIZED +EMPHASIZES +EMPHASIZING +EMPHATIC +EMPHATICALLY +EMPIRE +EMPIRES +EMPIRICAL +EMPIRICALLY +EMPIRICIST +EMPIRICISTS +EMPLOY +EMPLOYABLE +EMPLOYED +EMPLOYEE +EMPLOYEES +EMPLOYER +EMPLOYERS +EMPLOYING +EMPLOYMENT +EMPLOYMENTS +EMPLOYS +EMPORIUM +EMPOWER +EMPOWERED +EMPOWERING +EMPOWERS +EMPRESS +EMPTIED +EMPTIER +EMPTIES +EMPTIEST +EMPTILY +EMPTINESS +EMPTY +EMPTYING +EMULATE +EMULATED +EMULATES +EMULATING +EMULATION +EMULATIONS +EMULATOR +EMULATORS +ENABLE +ENABLED +ENABLER +ENABLERS +ENABLES +ENABLING +ENACT +ENACTED +ENACTING +ENACTMENT +ENACTS +ENAMEL +ENAMELED +ENAMELING +ENAMELS +ENCAMP +ENCAMPED +ENCAMPING +ENCAMPS +ENCAPSULATE +ENCAPSULATED +ENCAPSULATES +ENCAPSULATING +ENCAPSULATION +ENCASED +ENCHANT +ENCHANTED +ENCHANTER +ENCHANTING +ENCHANTMENT +ENCHANTRESS +ENCHANTS +ENCIPHER +ENCIPHERED +ENCIPHERING +ENCIPHERS +ENCIRCLE +ENCIRCLED +ENCIRCLES +ENCLOSE +ENCLOSED +ENCLOSES +ENCLOSING +ENCLOSURE +ENCLOSURES +ENCODE +ENCODED +ENCODER +ENCODERS +ENCODES +ENCODING +ENCODINGS +ENCOMPASS +ENCOMPASSED +ENCOMPASSES +ENCOMPASSING +ENCORE +ENCOUNTER +ENCOUNTERED +ENCOUNTERING +ENCOUNTERS +ENCOURAGE +ENCOURAGED +ENCOURAGEMENT +ENCOURAGEMENTS +ENCOURAGES +ENCOURAGING +ENCOURAGINGLY +ENCROACH +ENCRUST +ENCRYPT +ENCRYPTED +ENCRYPTING +ENCRYPTION +ENCRYPTIONS +ENCRYPTS +ENCUMBER +ENCUMBERED +ENCUMBERING +ENCUMBERS +ENCYCLOPEDIA +ENCYCLOPEDIAS +ENCYCLOPEDIC +END +ENDANGER +ENDANGERED +ENDANGERING +ENDANGERS +ENDEAR +ENDEARED +ENDEARING +ENDEARS +ENDEAVOR +ENDEAVORED +ENDEAVORING +ENDEAVORS +ENDED +ENDEMIC +ENDER +ENDERS +ENDGAME +ENDICOTT +ENDING +ENDINGS +ENDLESS +ENDLESSLY +ENDLESSNESS +ENDORSE +ENDORSED +ENDORSEMENT +ENDORSES +ENDORSING +ENDOW +ENDOWED +ENDOWING +ENDOWMENT +ENDOWMENTS +ENDOWS +ENDPOINT +ENDS +ENDURABLE +ENDURABLY +ENDURANCE +ENDURE +ENDURED +ENDURES +ENDURING +ENDURINGLY +ENEMA +ENEMAS +ENEMIES +ENEMY +ENERGETIC +ENERGIES +ENERGIZE +ENERGY +ENERVATE +ENFEEBLE +ENFIELD +ENFORCE +ENFORCEABLE +ENFORCED +ENFORCEMENT +ENFORCER +ENFORCERS +ENFORCES +ENFORCING +ENFRANCHISE +ENG +ENGAGE +ENGAGED +ENGAGEMENT +ENGAGEMENTS +ENGAGES +ENGAGING +ENGAGINGLY +ENGEL +ENGELS +ENGENDER +ENGENDERED +ENGENDERING +ENGENDERS +ENGINE +ENGINEER +ENGINEERED +ENGINEERING +ENGINEERS +ENGINES +ENGLAND +ENGLANDER +ENGLANDERS +ENGLE +ENGLEWOOD +ENGLISH +ENGLISHIZE +ENGLISHIZES +ENGLISHMAN +ENGLISHMEN +ENGRAVE +ENGRAVED +ENGRAVER +ENGRAVES +ENGRAVING +ENGRAVINGS +ENGROSS +ENGROSSED +ENGROSSING +ENGULF +ENHANCE +ENHANCED +ENHANCEMENT +ENHANCEMENTS +ENHANCES +ENHANCING +ENID +ENIGMA +ENIGMATIC +ENJOIN +ENJOINED +ENJOINING +ENJOINS +ENJOY +ENJOYABLE +ENJOYABLY +ENJOYED +ENJOYING +ENJOYMENT +ENJOYS +ENLARGE +ENLARGED +ENLARGEMENT +ENLARGEMENTS +ENLARGER +ENLARGERS +ENLARGES +ENLARGING +ENLIGHTEN +ENLIGHTENED +ENLIGHTENING +ENLIGHTENMENT +ENLIST +ENLISTED +ENLISTMENT +ENLISTS +ENLIVEN +ENLIVENED +ENLIVENING +ENLIVENS +ENMITIES +ENMITY +ENNOBLE +ENNOBLED +ENNOBLES +ENNOBLING +ENNUI +ENOCH +ENORMITIES +ENORMITY +ENORMOUS +ENORMOUSLY +ENOS +ENOUGH +ENQUEUE +ENQUEUED +ENQUEUES +ENQUIRE +ENQUIRED +ENQUIRER +ENQUIRES +ENQUIRY +ENRAGE +ENRAGED +ENRAGES +ENRAGING +ENRAPTURE +ENRICH +ENRICHED +ENRICHES +ENRICHING +ENRICO +ENROLL +ENROLLED +ENROLLING +ENROLLMENT +ENROLLMENTS +ENROLLS +ENSEMBLE +ENSEMBLES +ENSIGN +ENSIGNS +ENSLAVE +ENSLAVED +ENSLAVES +ENSLAVING +ENSNARE +ENSNARED +ENSNARES +ENSNARING +ENSOLITE +ENSUE +ENSUED +ENSUES +ENSUING +ENSURE +ENSURED +ENSURER +ENSURERS +ENSURES +ENSURING +ENTAIL +ENTAILED +ENTAILING +ENTAILS +ENTANGLE +ENTER +ENTERED +ENTERING +ENTERPRISE +ENTERPRISES +ENTERPRISING +ENTERS +ENTERTAIN +ENTERTAINED +ENTERTAINER +ENTERTAINERS +ENTERTAINING +ENTERTAININGLY +ENTERTAINMENT +ENTERTAINMENTS +ENTERTAINS +ENTHUSIASM +ENTHUSIASMS +ENTHUSIAST +ENTHUSIASTIC +ENTHUSIASTICALLY +ENTHUSIASTS +ENTICE +ENTICED +ENTICER +ENTICERS +ENTICES +ENTICING +ENTIRE +ENTIRELY +ENTIRETIES +ENTIRETY +ENTITIES +ENTITLE +ENTITLED +ENTITLES +ENTITLING +ENTITY +ENTOMB +ENTRANCE +ENTRANCED +ENTRANCES +ENTRAP +ENTREAT +ENTREATED +ENTREATY +ENTREE +ENTRENCH +ENTRENCHED +ENTRENCHES +ENTRENCHING +ENTREPRENEUR +ENTREPRENEURIAL +ENTREPRENEURS +ENTRIES +ENTROPY +ENTRUST +ENTRUSTED +ENTRUSTING +ENTRUSTS +ENTRY +ENUMERABLE +ENUMERATE +ENUMERATED +ENUMERATES +ENUMERATING +ENUMERATION +ENUMERATIVE +ENUMERATOR +ENUMERATORS +ENUNCIATION +ENVELOP +ENVELOPE +ENVELOPED +ENVELOPER +ENVELOPES +ENVELOPING +ENVELOPS +ENVIED +ENVIES +ENVIOUS +ENVIOUSLY +ENVIOUSNESS +ENVIRON +ENVIRONING +ENVIRONMENT +ENVIRONMENTAL +ENVIRONMENTS +ENVIRONS +ENVISAGE +ENVISAGED +ENVISAGES +ENVISION +ENVISIONED +ENVISIONING +ENVISIONS +ENVOY +ENVOYS +ENVY +ENZYME +EOCENE +EPAULET +EPAULETS +EPHEMERAL +EPHESIAN +EPHESIANS +EPHESUS +EPHRAIM +EPIC +EPICENTER +EPICS +EPICUREAN +EPICURIZE +EPICURIZES +EPICURUS +EPIDEMIC +EPIDEMICS +EPIDERMIS +EPIGRAM +EPILEPTIC +EPILOGUE +EPIPHANY +EPISCOPAL +EPISCOPALIAN +EPISCOPALIANIZE +EPISCOPALIANIZES +EPISODE +EPISODES +EPISTEMOLOGICAL +EPISTEMOLOGY +EPISTLE +EPISTLES +EPITAPH +EPITAPHS +EPITAXIAL +EPITAXIALLY +EPITHET +EPITHETS +EPITOMIZE +EPITOMIZED +EPITOMIZES +EPITOMIZING +EPOCH +EPOCHS +EPSILON +EPSOM +EPSTEIN +EQUAL +EQUALED +EQUALING +EQUALITIES +EQUALITY +EQUALIZATION +EQUALIZE +EQUALIZED +EQUALIZER +EQUALIZERS +EQUALIZES +EQUALIZING +EQUALLY +EQUALS +EQUATE +EQUATED +EQUATES +EQUATING +EQUATION +EQUATIONS +EQUATOR +EQUATORIAL +EQUATORS +EQUESTRIAN +EQUIDISTANT +EQUILATERAL +EQUILIBRATE +EQUILIBRIA +EQUILIBRIUM +EQUILIBRIUMS +EQUINOX +EQUIP +EQUIPMENT +EQUIPOISE +EQUIPPED +EQUIPPING +EQUIPS +EQUITABLE +EQUITABLY +EQUITY +EQUIVALENCE +EQUIVALENCES +EQUIVALENT +EQUIVALENTLY +EQUIVALENTS +EQUIVOCAL +EQUIVOCALLY +ERA +ERADICATE +ERADICATED +ERADICATES +ERADICATING +ERADICATION +ERAS +ERASABLE +ERASE +ERASED +ERASER +ERASERS +ERASES +ERASING +ERASMUS +ERASTUS +ERASURE +ERATO +ERATOSTHENES +ERE +ERECT +ERECTED +ERECTING +ERECTION +ERECTIONS +ERECTOR +ERECTORS +ERECTS +ERG +ERGO +ERGODIC +ERIC +ERICH +ERICKSON +ERICSSON +ERIE +ERIK +ERIKSON +ERIS +ERLANG +ERLENMEYER +ERLENMEYERS +ERMINE +ERMINES +ERNE +ERNEST +ERNESTINE +ERNIE +ERNST +ERODE +EROS +EROSION +EROTIC +EROTICA +ERR +ERRAND +ERRANT +ERRATA +ERRATIC +ERRATUM +ERRED +ERRING +ERRINGLY +ERROL +ERRONEOUS +ERRONEOUSLY +ERRONEOUSNESS +ERROR +ERRORS +ERRS +ERSATZ +ERSKINE +ERUDITE +ERUPT +ERUPTION +ERVIN +ERWIN +ESCALATE +ESCALATED +ESCALATES +ESCALATING +ESCALATION +ESCAPABLE +ESCAPADE +ESCAPADES +ESCAPE +ESCAPED +ESCAPEE +ESCAPEES +ESCAPES +ESCAPING +ESCHERICHIA +ESCHEW +ESCHEWED +ESCHEWING +ESCHEWS +ESCORT +ESCORTED +ESCORTING +ESCORTS +ESCROW +ESKIMO +ESKIMOIZED +ESKIMOIZEDS +ESKIMOS +ESMARK +ESOTERIC +ESPAGNOL +ESPECIAL +ESPECIALLY +ESPIONAGE +ESPOSITO +ESPOUSE +ESPOUSED +ESPOUSES +ESPOUSING +ESPRIT +ESPY +ESQUIRE +ESQUIRES +ESSAY +ESSAYED +ESSAYS +ESSEN +ESSENCE +ESSENCES +ESSENIZE +ESSENIZES +ESSENTIAL +ESSENTIALLY +ESSENTIALS +ESSEX +ESTABLISH +ESTABLISHED +ESTABLISHES +ESTABLISHING +ESTABLISHMENT +ESTABLISHMENTS +ESTATE +ESTATES +ESTEEM +ESTEEMED +ESTEEMING +ESTEEMS +ESTELLA +ESTES +ESTHER +ESTHETICS +ESTIMATE +ESTIMATED +ESTIMATES +ESTIMATING +ESTIMATION +ESTIMATIONS +ESTONIA +ESTONIAN +ETCH +ETCHING +ETERNAL +ETERNALLY +ETERNITIES +ETERNITY +ETHAN +ETHEL +ETHER +ETHEREAL +ETHEREALLY +ETHERNET +ETHERNETS +ETHERS +ETHIC +ETHICAL +ETHICALLY +ETHICS +ETHIOPIA +ETHIOPIANS +ETHNIC +ETIQUETTE +ETRURIA +ETRUSCAN +ETYMOLOGY +EUCALYPTUS +EUCHARIST +EUCLID +EUCLIDEAN +EUGENE +EUGENIA +EULER +EULERIAN +EUMENIDES +EUNICE +EUNUCH +EUNUCHS +EUPHEMISM +EUPHEMISMS +EUPHORIA +EUPHORIC +EUPHRATES +EURASIA +EURASIAN +EUREKA +EURIPIDES +EUROPA +EUROPE +EUROPEAN +EUROPEANIZATION +EUROPEANIZATIONS +EUROPEANIZE +EUROPEANIZED +EUROPEANIZES +EUROPEANS +EURYDICE +EUTERPE +EUTHANASIA +EVA +EVACUATE +EVACUATED +EVACUATION +EVADE +EVADED +EVADES +EVADING +EVALUATE +EVALUATED +EVALUATES +EVALUATING +EVALUATION +EVALUATIONS +EVALUATIVE +EVALUATOR +EVALUATORS +EVANGELINE +EVANS +EVANSTON +EVANSVILLE +EVAPORATE +EVAPORATED +EVAPORATING +EVAPORATION +EVAPORATIVE +EVASION +EVASIVE +EVE +EVELYN +EVEN +EVENED +EVENHANDED +EVENHANDEDLY +EVENHANDEDNESS +EVENING +EVENINGS +EVENLY +EVENNESS +EVENS +EVENSEN +EVENT +EVENTFUL +EVENTFULLY +EVENTS +EVENTUAL +EVENTUALITIES +EVENTUALITY +EVENTUALLY +EVER +EVEREADY +EVEREST +EVERETT +EVERGLADE +EVERGLADES +EVERGREEN +EVERHART +EVERLASTING +EVERLASTINGLY +EVERMORE +EVERY +EVERYBODY +EVERYDAY +EVERYONE +EVERYTHING +EVERYWHERE +EVICT +EVICTED +EVICTING +EVICTION +EVICTIONS +EVICTS +EVIDENCE +EVIDENCED +EVIDENCES +EVIDENCING +EVIDENT +EVIDENTLY +EVIL +EVILLER +EVILLY +EVILS +EVINCE +EVINCED +EVINCES +EVOKE +EVOKED +EVOKES +EVOKING +EVOLUTE +EVOLUTES +EVOLUTION +EVOLUTIONARY +EVOLUTIONS +EVOLVE +EVOLVED +EVOLVES +EVOLVING +EWE +EWEN +EWES +EWING +EXACERBATE +EXACERBATED +EXACERBATES +EXACERBATING +EXACERBATION +EXACERBATIONS +EXACT +EXACTED +EXACTING +EXACTINGLY +EXACTION +EXACTIONS +EXACTITUDE +EXACTLY +EXACTNESS +EXACTS +EXAGGERATE +EXAGGERATED +EXAGGERATES +EXAGGERATING +EXAGGERATION +EXAGGERATIONS +EXALT +EXALTATION +EXALTED +EXALTING +EXALTS +EXAM +EXAMINATION +EXAMINATIONS +EXAMINE +EXAMINED +EXAMINER +EXAMINERS +EXAMINES +EXAMINING +EXAMPLE +EXAMPLES +EXAMS +EXASPERATE +EXASPERATED +EXASPERATES +EXASPERATING +EXASPERATION +EXCAVATE +EXCAVATED +EXCAVATES +EXCAVATING +EXCAVATION +EXCAVATIONS +EXCEED +EXCEEDED +EXCEEDING +EXCEEDINGLY +EXCEEDS +EXCEL +EXCELLED +EXCELLENCE +EXCELLENCES +EXCELLENCY +EXCELLENT +EXCELLENTLY +EXCELLING +EXCELS +EXCEPT +EXCEPTED +EXCEPTING +EXCEPTION +EXCEPTIONABLE +EXCEPTIONAL +EXCEPTIONALLY +EXCEPTIONS +EXCEPTS +EXCERPT +EXCERPTED +EXCERPTS +EXCESS +EXCESSES +EXCESSIVE +EXCESSIVELY +EXCHANGE +EXCHANGEABLE +EXCHANGED +EXCHANGES +EXCHANGING +EXCHEQUER +EXCHEQUERS +EXCISE +EXCISED +EXCISES +EXCISING +EXCISION +EXCITABLE +EXCITATION +EXCITATIONS +EXCITE +EXCITED +EXCITEDLY +EXCITEMENT +EXCITES +EXCITING +EXCITINGLY +EXCITON +EXCLAIM +EXCLAIMED +EXCLAIMER +EXCLAIMERS +EXCLAIMING +EXCLAIMS +EXCLAMATION +EXCLAMATIONS +EXCLAMATORY +EXCLUDE +EXCLUDED +EXCLUDES +EXCLUDING +EXCLUSION +EXCLUSIONARY +EXCLUSIONS +EXCLUSIVE +EXCLUSIVELY +EXCLUSIVENESS +EXCLUSIVITY +EXCOMMUNICATE +EXCOMMUNICATED +EXCOMMUNICATES +EXCOMMUNICATING +EXCOMMUNICATION +EXCRETE +EXCRETED +EXCRETES +EXCRETING +EXCRETION +EXCRETIONS +EXCRETORY +EXCRUCIATE +EXCURSION +EXCURSIONS +EXCUSABLE +EXCUSABLY +EXCUSE +EXCUSED +EXCUSES +EXCUSING +EXEC +EXECUTABLE +EXECUTE +EXECUTED +EXECUTES +EXECUTING +EXECUTION +EXECUTIONAL +EXECUTIONER +EXECUTIONS +EXECUTIVE +EXECUTIVES +EXECUTOR +EXECUTORS +EXEMPLAR +EXEMPLARY +EXEMPLIFICATION +EXEMPLIFIED +EXEMPLIFIER +EXEMPLIFIERS +EXEMPLIFIES +EXEMPLIFY +EXEMPLIFYING +EXEMPT +EXEMPTED +EXEMPTING +EXEMPTION +EXEMPTS +EXERCISE +EXERCISED +EXERCISER +EXERCISERS +EXERCISES +EXERCISING +EXERT +EXERTED +EXERTING +EXERTION +EXERTIONS +EXERTS +EXETER +EXHALE +EXHALED +EXHALES +EXHALING +EXHAUST +EXHAUSTED +EXHAUSTEDLY +EXHAUSTING +EXHAUSTION +EXHAUSTIVE +EXHAUSTIVELY +EXHAUSTS +EXHIBIT +EXHIBITED +EXHIBITING +EXHIBITION +EXHIBITIONS +EXHIBITOR +EXHIBITORS +EXHIBITS +EXHILARATE +EXHORT +EXHORTATION +EXHORTATIONS +EXHUME +EXIGENCY +EXILE +EXILED +EXILES +EXILING +EXIST +EXISTED +EXISTENCE +EXISTENT +EXISTENTIAL +EXISTENTIALISM +EXISTENTIALIST +EXISTENTIALISTS +EXISTENTIALLY +EXISTING +EXISTS +EXIT +EXITED +EXITING +EXITS +EXODUS +EXORBITANT +EXORBITANTLY +EXORCISM +EXORCIST +EXOSKELETON +EXOTIC +EXPAND +EXPANDABLE +EXPANDED +EXPANDER +EXPANDERS +EXPANDING +EXPANDS +EXPANSE +EXPANSES +EXPANSIBLE +EXPANSION +EXPANSIONISM +EXPANSIONS +EXPANSIVE +EXPECT +EXPECTANCY +EXPECTANT +EXPECTANTLY +EXPECTATION +EXPECTATIONS +EXPECTED +EXPECTEDLY +EXPECTING +EXPECTINGLY +EXPECTS +EXPEDIENCY +EXPEDIENT +EXPEDIENTLY +EXPEDITE +EXPEDITED +EXPEDITES +EXPEDITING +EXPEDITION +EXPEDITIONS +EXPEDITIOUS +EXPEDITIOUSLY +EXPEL +EXPELLED +EXPELLING +EXPELS +EXPEND +EXPENDABLE +EXPENDED +EXPENDING +EXPENDITURE +EXPENDITURES +EXPENDS +EXPENSE +EXPENSES +EXPENSIVE +EXPENSIVELY +EXPERIENCE +EXPERIENCED +EXPERIENCES +EXPERIENCING +EXPERIMENT +EXPERIMENTAL +EXPERIMENTALLY +EXPERIMENTATION +EXPERIMENTATIONS +EXPERIMENTED +EXPERIMENTER +EXPERIMENTERS +EXPERIMENTING +EXPERIMENTS +EXPERT +EXPERTISE +EXPERTLY +EXPERTNESS +EXPERTS +EXPIRATION +EXPIRATIONS +EXPIRE +EXPIRED +EXPIRES +EXPIRING +EXPLAIN +EXPLAINABLE +EXPLAINED +EXPLAINER +EXPLAINERS +EXPLAINING +EXPLAINS +EXPLANATION +EXPLANATIONS +EXPLANATORY +EXPLETIVE +EXPLICIT +EXPLICITLY +EXPLICITNESS +EXPLODE +EXPLODED +EXPLODES +EXPLODING +EXPLOIT +EXPLOITABLE +EXPLOITATION +EXPLOITATIONS +EXPLOITED +EXPLOITER +EXPLOITERS +EXPLOITING +EXPLOITS +EXPLORATION +EXPLORATIONS +EXPLORATORY +EXPLORE +EXPLORED +EXPLORER +EXPLORERS +EXPLORES +EXPLORING +EXPLOSION +EXPLOSIONS +EXPLOSIVE +EXPLOSIVELY +EXPLOSIVES +EXPONENT +EXPONENTIAL +EXPONENTIALLY +EXPONENTIALS +EXPONENTIATE +EXPONENTIATED +EXPONENTIATES +EXPONENTIATING +EXPONENTIATION +EXPONENTIATIONS +EXPONENTS +EXPORT +EXPORTATION +EXPORTED +EXPORTER +EXPORTERS +EXPORTING +EXPORTS +EXPOSE +EXPOSED +EXPOSER +EXPOSERS +EXPOSES +EXPOSING +EXPOSITION +EXPOSITIONS +EXPOSITORY +EXPOSURE +EXPOSURES +EXPOUND +EXPOUNDED +EXPOUNDER +EXPOUNDING +EXPOUNDS +EXPRESS +EXPRESSED +EXPRESSES +EXPRESSIBILITY +EXPRESSIBLE +EXPRESSIBLY +EXPRESSING +EXPRESSION +EXPRESSIONS +EXPRESSIVE +EXPRESSIVELY +EXPRESSIVENESS +EXPRESSLY +EXPULSION +EXPUNGE +EXPUNGED +EXPUNGES +EXPUNGING +EXPURGATE +EXQUISITE +EXQUISITELY +EXQUISITENESS +EXTANT +EXTEMPORANEOUS +EXTEND +EXTENDABLE +EXTENDED +EXTENDING +EXTENDS +EXTENSIBILITY +EXTENSIBLE +EXTENSION +EXTENSIONS +EXTENSIVE +EXTENSIVELY +EXTENT +EXTENTS +EXTENUATE +EXTENUATED +EXTENUATING +EXTENUATION +EXTERIOR +EXTERIORS +EXTERMINATE +EXTERMINATED +EXTERMINATES +EXTERMINATING +EXTERMINATION +EXTERNAL +EXTERNALLY +EXTINCT +EXTINCTION +EXTINGUISH +EXTINGUISHED +EXTINGUISHER +EXTINGUISHES +EXTINGUISHING +EXTIRPATE +EXTOL +EXTORT +EXTORTED +EXTORTION +EXTRA +EXTRACT +EXTRACTED +EXTRACTING +EXTRACTION +EXTRACTIONS +EXTRACTOR +EXTRACTORS +EXTRACTS +EXTRACURRICULAR +EXTRAMARITAL +EXTRANEOUS +EXTRANEOUSLY +EXTRANEOUSNESS +EXTRAORDINARILY +EXTRAORDINARINESS +EXTRAORDINARY +EXTRAPOLATE +EXTRAPOLATED +EXTRAPOLATES +EXTRAPOLATING +EXTRAPOLATION +EXTRAPOLATIONS +EXTRAS +EXTRATERRESTRIAL +EXTRAVAGANCE +EXTRAVAGANT +EXTRAVAGANTLY +EXTRAVAGANZA +EXTREMAL +EXTREME +EXTREMELY +EXTREMES +EXTREMIST +EXTREMISTS +EXTREMITIES +EXTREMITY +EXTRICATE +EXTRINSIC +EXTROVERT +EXUBERANCE +EXULT +EXULTATION +EXXON +EYE +EYEBALL +EYEBROW +EYEBROWS +EYED +EYEFUL +EYEGLASS +EYEGLASSES +EYEING +EYELASH +EYELID +EYELIDS +EYEPIECE +EYEPIECES +EYER +EYERS +EYES +EYESIGHT +EYEWITNESS +EYEWITNESSES +EYING +EZEKIEL +EZRA +FABER +FABIAN +FABLE +FABLED +FABLES +FABRIC +FABRICATE +FABRICATED +FABRICATES +FABRICATING +FABRICATION +FABRICS +FABULOUS +FABULOUSLY +FACADE +FACADED +FACADES +FACE +FACED +FACES +FACET +FACETED +FACETS +FACIAL +FACILE +FACILELY +FACILITATE +FACILITATED +FACILITATES +FACILITATING +FACILITIES +FACILITY +FACING +FACINGS +FACSIMILE +FACSIMILES +FACT +FACTION +FACTIONS +FACTIOUS +FACTO +FACTOR +FACTORED +FACTORIAL +FACTORIES +FACTORING +FACTORIZATION +FACTORIZATIONS +FACTORS +FACTORY +FACTS +FACTUAL +FACTUALLY +FACULTIES +FACULTY +FADE +FADED +FADEOUT +FADER +FADERS +FADES +FADING +FAFNIR +FAG +FAGIN +FAGS +FAHEY +FAHRENHEIT +FAHRENHEITS +FAIL +FAILED +FAILING +FAILINGS +FAILS +FAILSOFT +FAILURE +FAILURES +FAIN +FAINT +FAINTED +FAINTER +FAINTEST +FAINTING +FAINTLY +FAINTNESS +FAINTS +FAIR +FAIRBANKS +FAIRCHILD +FAIRER +FAIREST +FAIRFAX +FAIRFIELD +FAIRIES +FAIRING +FAIRLY +FAIRMONT +FAIRNESS +FAIRPORT +FAIRS +FAIRVIEW +FAIRY +FAIRYLAND +FAITH +FAITHFUL +FAITHFULLY +FAITHFULNESS +FAITHLESS +FAITHLESSLY +FAITHLESSNESS +FAITHS +FAKE +FAKED +FAKER +FAKES +FAKING +FALCON +FALCONER +FALCONS +FALK +FALKLAND +FALKLANDS +FALL +FALLACIES +FALLACIOUS +FALLACY +FALLEN +FALLIBILITY +FALLIBLE +FALLING +FALLOPIAN +FALLOUT +FALLOW +FALLS +FALMOUTH +FALSE +FALSEHOOD +FALSEHOODS +FALSELY +FALSENESS +FALSIFICATION +FALSIFIED +FALSIFIES +FALSIFY +FALSIFYING +FALSITY +FALSTAFF +FALTER +FALTERED +FALTERS +FAME +FAMED +FAMES +FAMILIAL +FAMILIAR +FAMILIARITIES +FAMILIARITY +FAMILIARIZATION +FAMILIARIZE +FAMILIARIZED +FAMILIARIZES +FAMILIARIZING +FAMILIARLY +FAMILIARNESS +FAMILIES +FAMILISM +FAMILY +FAMINE +FAMINES +FAMISH +FAMOUS +FAMOUSLY +FAN +FANATIC +FANATICISM +FANATICS +FANCIED +FANCIER +FANCIERS +FANCIES +FANCIEST +FANCIFUL +FANCIFULLY +FANCILY +FANCINESS +FANCY +FANCYING +FANFARE +FANFOLD +FANG +FANGLED +FANGS +FANNED +FANNIES +FANNING +FANNY +FANOUT +FANS +FANTASIES +FANTASIZE +FANTASTIC +FANTASY +FAQ +FAR +FARAD +FARADAY +FARAWAY +FARBER +FARCE +FARCES +FARE +FARED +FARES +FAREWELL +FAREWELLS +FARFETCHED +FARGO +FARINA +FARING +FARKAS +FARLEY +FARM +FARMED +FARMER +FARMERS +FARMHOUSE +FARMHOUSES +FARMING +FARMINGTON +FARMLAND +FARMS +FARMYARD +FARMYARDS +FARNSWORTH +FARRELL +FARSIGHTED +FARTHER +FARTHEST +FARTHING +FASCICLE +FASCINATE +FASCINATED +FASCINATES +FASCINATING +FASCINATION +FASCISM +FASCIST +FASHION +FASHIONABLE +FASHIONABLY +FASHIONED +FASHIONING +FASHIONS +FAST +FASTED +FASTEN +FASTENED +FASTENER +FASTENERS +FASTENING +FASTENINGS +FASTENS +FASTER +FASTEST +FASTIDIOUS +FASTING +FASTNESS +FASTS +FAT +FATAL +FATALITIES +FATALITY +FATALLY +FATALS +FATE +FATED +FATEFUL +FATES +FATHER +FATHERED +FATHERLAND +FATHERLY +FATHERS +FATHOM +FATHOMED +FATHOMING +FATHOMS +FATIGUE +FATIGUED +FATIGUES +FATIGUING +FATIMA +FATNESS +FATS +FATTEN +FATTENED +FATTENER +FATTENERS +FATTENING +FATTENS +FATTER +FATTEST +FATTY +FAUCET +FAULKNER +FAULKNERIAN +FAULT +FAULTED +FAULTING +FAULTLESS +FAULTLESSLY +FAULTS +FAULTY +FAUN +FAUNA +FAUNTLEROY +FAUST +FAUSTIAN +FAUSTUS +FAVOR +FAVORABLE +FAVORABLY +FAVORED +FAVORER +FAVORING +FAVORITE +FAVORITES +FAVORITISM +FAVORS +FAWKES +FAWN +FAWNED +FAWNING +FAWNS +FAYETTE +FAYETTEVILLE +FAZE +FEAR +FEARED +FEARFUL +FEARFULLY +FEARING +FEARLESS +FEARLESSLY +FEARLESSNESS +FEARS +FEARSOME +FEASIBILITY +FEASIBLE +FEAST +FEASTED +FEASTING +FEASTS +FEAT +FEATHER +FEATHERBED +FEATHERBEDDING +FEATHERED +FEATHERER +FEATHERERS +FEATHERING +FEATHERMAN +FEATHERS +FEATHERWEIGHT +FEATHERY +FEATS +FEATURE +FEATURED +FEATURES +FEATURING +FEBRUARIES +FEBRUARY +FECUND +FED +FEDDERS +FEDERAL +FEDERALIST +FEDERALLY +FEDERALS +FEDERATION +FEDORA +FEE +FEEBLE +FEEBLENESS +FEEBLER +FEEBLEST +FEEBLY +FEED +FEEDBACK +FEEDER +FEEDERS +FEEDING +FEEDINGS +FEEDS +FEEL +FEELER +FEELERS +FEELING +FEELINGLY +FEELINGS +FEELS +FEENEY +FEES +FEET +FEIGN +FEIGNED +FEIGNING +FELDER +FELDMAN +FELICE +FELICIA +FELICITIES +FELICITY +FELINE +FELIX +FELL +FELLATIO +FELLED +FELLING +FELLINI +FELLOW +FELLOWS +FELLOWSHIP +FELLOWSHIPS +FELON +FELONIOUS +FELONY +FELT +FELTS +FEMALE +FEMALES +FEMININE +FEMININITY +FEMINISM +FEMINIST +FEMUR +FEMURS +FEN +FENCE +FENCED +FENCER +FENCERS +FENCES +FENCING +FEND +FENTON +FENWICK +FERBER +FERDINAND +FERDINANDO +FERGUSON +FERMAT +FERMENT +FERMENTATION +FERMENTATIONS +FERMENTED +FERMENTING +FERMENTS +FERMI +FERN +FERNANDO +FERNS +FEROCIOUS +FEROCIOUSLY +FEROCIOUSNESS +FEROCITY +FERREIRA +FERRER +FERRET +FERRIED +FERRIES +FERRITE +FERRY +FERTILE +FERTILELY +FERTILITY +FERTILIZATION +FERTILIZE +FERTILIZED +FERTILIZER +FERTILIZERS +FERTILIZES +FERTILIZING +FERVENT +FERVENTLY +FERVOR +FERVORS +FESS +FESTIVAL +FESTIVALS +FESTIVE +FESTIVELY +FESTIVITIES +FESTIVITY +FETAL +FETCH +FETCHED +FETCHES +FETCHING +FETCHINGLY +FETID +FETISH +FETTER +FETTERED +FETTERS +FETTLE +FETUS +FEUD +FEUDAL +FEUDALISM +FEUDS +FEVER +FEVERED +FEVERISH +FEVERISHLY +FEVERS +FEW +FEWER +FEWEST +FEWNESS +FIANCE +FIANCEE +FIASCO +FIAT +FIB +FIBBING +FIBER +FIBERGLAS +FIBERS +FIBONACCI +FIBROSITIES +FIBROSITY +FIBROUS +FIBROUSLY +FICKLE +FICKLENESS +FICTION +FICTIONAL +FICTIONALLY +FICTIONS +FICTITIOUS +FICTITIOUSLY +FIDDLE +FIDDLED +FIDDLER +FIDDLES +FIDDLESTICK +FIDDLESTICKS +FIDDLING +FIDEL +FIDELITY +FIDGET +FIDUCIAL +FIEF +FIEFDOM +FIELD +FIELDED +FIELDER +FIELDERS +FIELDING +FIELDS +FIELDWORK +FIEND +FIENDISH +FIERCE +FIERCELY +FIERCENESS +FIERCER +FIERCEST +FIERY +FIFE +FIFTEEN +FIFTEENS +FIFTEENTH +FIFTH +FIFTIES +FIFTIETH +FIFTY +FIG +FIGARO +FIGHT +FIGHTER +FIGHTERS +FIGHTING +FIGHTS +FIGS +FIGURATIVE +FIGURATIVELY +FIGURE +FIGURED +FIGURES +FIGURING +FIGURINGS +FIJI +FIJIAN +FIJIANS +FILAMENT +FILAMENTS +FILE +FILED +FILENAME +FILENAMES +FILER +FILES +FILIAL +FILIBUSTER +FILING +FILINGS +FILIPINO +FILIPINOS +FILIPPO +FILL +FILLABLE +FILLED +FILLER +FILLERS +FILLING +FILLINGS +FILLMORE +FILLS +FILLY +FILM +FILMED +FILMING +FILMS +FILTER +FILTERED +FILTERING +FILTERS +FILTH +FILTHIER +FILTHIEST +FILTHINESS +FILTHY +FIN +FINAL +FINALITY +FINALIZATION +FINALIZE +FINALIZED +FINALIZES +FINALIZING +FINALLY +FINALS +FINANCE +FINANCED +FINANCES +FINANCIAL +FINANCIALLY +FINANCIER +FINANCIERS +FINANCING +FIND +FINDER +FINDERS +FINDING +FINDINGS +FINDS +FINE +FINED +FINELY +FINENESS +FINER +FINES +FINESSE +FINESSED +FINESSING +FINEST +FINGER +FINGERED +FINGERING +FINGERINGS +FINGERNAIL +FINGERPRINT +FINGERPRINTS +FINGERS +FINGERTIP +FINICKY +FINING +FINISH +FINISHED +FINISHER +FINISHERS +FINISHES +FINISHING +FINITE +FINITELY +FINITENESS +FINK +FINLAND +FINLEY +FINN +FINNEGAN +FINNISH +FINNS +FINNY +FINS +FIORELLO +FIORI +FIR +FIRE +FIREARM +FIREARMS +FIREBOAT +FIREBREAK +FIREBUG +FIRECRACKER +FIRED +FIREFLIES +FIREFLY +FIREHOUSE +FIRELIGHT +FIREMAN +FIREMEN +FIREPLACE +FIREPLACES +FIREPOWER +FIREPROOF +FIRER +FIRERS +FIRES +FIRESIDE +FIRESTONE +FIREWALL +FIREWOOD +FIREWORKS +FIRING +FIRINGS +FIRM +FIRMAMENT +FIRMED +FIRMER +FIRMEST +FIRMING +FIRMLY +FIRMNESS +FIRMS +FIRMWARE +FIRST +FIRSTHAND +FIRSTLY +FIRSTS +FISCAL +FISCALLY +FISCHBEIN +FISCHER +FISH +FISHED +FISHER +FISHERMAN +FISHERMEN +FISHERS +FISHERY +FISHES +FISHING +FISHKILL +FISHMONGER +FISHPOND +FISHY +FISK +FISKE +FISSION +FISSURE +FISSURED +FIST +FISTED +FISTICUFF +FISTS +FIT +FITCH +FITCHBURG +FITFUL +FITFULLY +FITLY +FITNESS +FITS +FITTED +FITTER +FITTERS +FITTING +FITTINGLY +FITTINGS +FITZGERALD +FITZPATRICK +FITZROY +FIVE +FIVEFOLD +FIVES +FIX +FIXATE +FIXATED +FIXATES +FIXATING +FIXATION +FIXATIONS +FIXED +FIXEDLY +FIXEDNESS +FIXER +FIXERS +FIXES +FIXING +FIXINGS +FIXTURE +FIXTURES +FIZEAU +FIZZLE +FIZZLED +FLABBERGAST +FLABBERGASTED +FLACK +FLAG +FLAGELLATE +FLAGGED +FLAGGING +FLAGLER +FLAGPOLE +FLAGRANT +FLAGRANTLY +FLAGS +FLAGSTAFF +FLAIL +FLAIR +FLAK +FLAKE +FLAKED +FLAKES +FLAKING +FLAKY +FLAM +FLAMBOYANT +FLAME +FLAMED +FLAMER +FLAMERS +FLAMES +FLAMING +FLAMMABLE +FLANAGAN +FLANDERS +FLANK +FLANKED +FLANKER +FLANKING +FLANKS +FLANNEL +FLANNELS +FLAP +FLAPS +FLARE +FLARED +FLARES +FLARING +FLASH +FLASHBACK +FLASHED +FLASHER +FLASHERS +FLASHES +FLASHING +FLASHLIGHT +FLASHLIGHTS +FLASHY +FLASK +FLAT +FLATBED +FLATLY +FLATNESS +FLATS +FLATTEN +FLATTENED +FLATTENING +FLATTER +FLATTERED +FLATTERER +FLATTERING +FLATTERY +FLATTEST +FLATULENT +FLATUS +FLATWORM +FLAUNT +FLAUNTED +FLAUNTING +FLAUNTS +FLAVOR +FLAVORED +FLAVORING +FLAVORINGS +FLAVORS +FLAW +FLAWED +FLAWLESS +FLAWLESSLY +FLAWS +FLAX +FLAXEN +FLEA +FLEAS +FLED +FLEDERMAUS +FLEDGED +FLEDGLING +FLEDGLINGS +FLEE +FLEECE +FLEECES +FLEECY +FLEEING +FLEES +FLEET +FLEETEST +FLEETING +FLEETLY +FLEETNESS +FLEETS +FLEISCHMAN +FLEISHER +FLEMING +FLEMINGS +FLEMISH +FLEMISHED +FLEMISHES +FLEMISHING +FLESH +FLESHED +FLESHES +FLESHING +FLESHLY +FLESHY +FLETCHER +FLETCHERIZE +FLETCHERIZES +FLEW +FLEX +FLEXIBILITIES +FLEXIBILITY +FLEXIBLE +FLEXIBLY +FLICK +FLICKED +FLICKER +FLICKERING +FLICKING +FLICKS +FLIER +FLIERS +FLIES +FLIGHT +FLIGHTS +FLIMSY +FLINCH +FLINCHED +FLINCHES +FLINCHING +FLING +FLINGS +FLINT +FLINTY +FLIP +FLIPFLOP +FLIPPED +FLIPS +FLIRT +FLIRTATION +FLIRTATIOUS +FLIRTED +FLIRTING +FLIRTS +FLIT +FLITTING +FLO +FLOAT +FLOATED +FLOATER +FLOATING +FLOATS +FLOCK +FLOCKED +FLOCKING +FLOCKS +FLOG +FLOGGING +FLOOD +FLOODED +FLOODING +FLOODLIGHT +FLOODLIT +FLOODS +FLOOR +FLOORED +FLOORING +FLOORINGS +FLOORS +FLOP +FLOPPIES +FLOPPILY +FLOPPING +FLOPPY +FLOPS +FLORA +FLORAL +FLORENCE +FLORENTINE +FLORID +FLORIDA +FLORIDIAN +FLORIDIANS +FLORIN +FLORIST +FLOSS +FLOSSED +FLOSSES +FLOSSING +FLOTATION +FLOTILLA +FLOUNDER +FLOUNDERED +FLOUNDERING +FLOUNDERS +FLOUR +FLOURED +FLOURISH +FLOURISHED +FLOURISHES +FLOURISHING +FLOW +FLOWCHART +FLOWCHARTING +FLOWCHARTS +FLOWED +FLOWER +FLOWERED +FLOWERINESS +FLOWERING +FLOWERPOT +FLOWERS +FLOWERY +FLOWING +FLOWN +FLOWS +FLOYD +FLU +FLUCTUATE +FLUCTUATES +FLUCTUATING +FLUCTUATION +FLUCTUATIONS +FLUE +FLUENCY +FLUENT +FLUENTLY +FLUFF +FLUFFIER +FLUFFIEST +FLUFFY +FLUID +FLUIDITY +FLUIDLY +FLUIDS +FLUKE +FLUNG +FLUNKED +FLUORESCE +FLUORESCENT +FLURRIED +FLURRY +FLUSH +FLUSHED +FLUSHES +FLUSHING +FLUTE +FLUTED +FLUTING +FLUTTER +FLUTTERED +FLUTTERING +FLUTTERS +FLUX +FLY +FLYABLE +FLYER +FLYERS +FLYING +FLYNN +FOAL +FOAM +FOAMED +FOAMING +FOAMS +FOAMY +FOB +FOBBING +FOCAL +FOCALLY +FOCI +FOCUS +FOCUSED +FOCUSES +FOCUSING +FOCUSSED +FODDER +FOE +FOES +FOG +FOGARTY +FOGGED +FOGGIER +FOGGIEST +FOGGILY +FOGGING +FOGGY +FOGS +FOGY +FOIBLE +FOIL +FOILED +FOILING +FOILS +FOIST +FOLD +FOLDED +FOLDER +FOLDERS +FOLDING +FOLDOUT +FOLDS +FOLEY +FOLIAGE +FOLK +FOLKLORE +FOLKS +FOLKSONG +FOLKSY +FOLLIES +FOLLOW +FOLLOWED +FOLLOWER +FOLLOWERS +FOLLOWING +FOLLOWINGS +FOLLOWS +FOLLY +FOLSOM +FOMALHAUT +FOND +FONDER +FONDLE +FONDLED +FONDLES +FONDLING +FONDLY +FONDNESS +FONT +FONTAINE +FONTAINEBLEAU +FONTANA +FONTS +FOOD +FOODS +FOODSTUFF +FOODSTUFFS +FOOL +FOOLED +FOOLHARDY +FOOLING +FOOLISH +FOOLISHLY +FOOLISHNESS +FOOLPROOF +FOOLS +FOOT +FOOTAGE +FOOTBALL +FOOTBALLS +FOOTBRIDGE +FOOTE +FOOTED +FOOTER +FOOTERS +FOOTFALL +FOOTHILL +FOOTHOLD +FOOTING +FOOTMAN +FOOTNOTE +FOOTNOTES +FOOTPATH +FOOTPRINT +FOOTPRINTS +FOOTSTEP +FOOTSTEPS +FOR +FORAGE +FORAGED +FORAGES +FORAGING +FORAY +FORAYS +FORBADE +FORBEAR +FORBEARANCE +FORBEARS +FORBES +FORBID +FORBIDDEN +FORBIDDING +FORBIDS +FORCE +FORCED +FORCEFUL +FORCEFULLY +FORCEFULNESS +FORCER +FORCES +FORCIBLE +FORCIBLY +FORCING +FORD +FORDHAM +FORDS +FORE +FOREARM +FOREARMS +FOREBODING +FORECAST +FORECASTED +FORECASTER +FORECASTERS +FORECASTING +FORECASTLE +FORECASTS +FOREFATHER +FOREFATHERS +FOREFINGER +FOREFINGERS +FOREGO +FOREGOES +FOREGOING +FOREGONE +FOREGROUND +FOREHEAD +FOREHEADS +FOREIGN +FOREIGNER +FOREIGNERS +FOREIGNS +FOREMAN +FOREMOST +FORENOON +FORENSIC +FORERUNNERS +FORESEE +FORESEEABLE +FORESEEN +FORESEES +FORESIGHT +FORESIGHTED +FOREST +FORESTALL +FORESTALLED +FORESTALLING +FORESTALLMENT +FORESTALLS +FORESTED +FORESTER +FORESTERS +FORESTRY +FORESTS +FORETELL +FORETELLING +FORETELLS +FORETOLD +FOREVER +FOREWARN +FOREWARNED +FOREWARNING +FOREWARNINGS +FOREWARNS +FORFEIT +FORFEITED +FORFEITURE +FORGAVE +FORGE +FORGED +FORGER +FORGERIES +FORGERY +FORGES +FORGET +FORGETFUL +FORGETFULNESS +FORGETS +FORGETTABLE +FORGETTABLY +FORGETTING +FORGING +FORGIVABLE +FORGIVABLY +FORGIVE +FORGIVEN +FORGIVENESS +FORGIVES +FORGIVING +FORGIVINGLY +FORGOT +FORGOTTEN +FORK +FORKED +FORKING +FORKLIFT +FORKS +FORLORN +FORLORNLY +FORM +FORMAL +FORMALISM +FORMALISMS +FORMALITIES +FORMALITY +FORMALIZATION +FORMALIZATIONS +FORMALIZE +FORMALIZED +FORMALIZES +FORMALIZING +FORMALLY +FORMANT +FORMANTS +FORMAT +FORMATION +FORMATIONS +FORMATIVE +FORMATIVELY +FORMATS +FORMATTED +FORMATTER +FORMATTERS +FORMATTING +FORMED +FORMER +FORMERLY +FORMICA +FORMICAS +FORMIDABLE +FORMING +FORMOSA +FORMOSAN +FORMS +FORMULA +FORMULAE +FORMULAS +FORMULATE +FORMULATED +FORMULATES +FORMULATING +FORMULATION +FORMULATIONS +FORMULATOR +FORMULATORS +FORNICATION +FORREST +FORSAKE +FORSAKEN +FORSAKES +FORSAKING +FORSYTHE +FORT +FORTE +FORTESCUE +FORTH +FORTHCOMING +FORTHRIGHT +FORTHWITH +FORTIER +FORTIES +FORTIETH +FORTIFICATION +FORTIFICATIONS +FORTIFIED +FORTIFIES +FORTIFY +FORTIFYING +FORTIORI +FORTITUDE +FORTNIGHT +FORTNIGHTLY +FORTRAN +FORTRAN +FORTRESS +FORTRESSES +FORTS +FORTUITOUS +FORTUITOUSLY +FORTUNATE +FORTUNATELY +FORTUNE +FORTUNES +FORTY +FORUM +FORUMS +FORWARD +FORWARDED +FORWARDER +FORWARDING +FORWARDNESS +FORWARDS +FOSS +FOSSIL +FOSTER +FOSTERED +FOSTERING +FOSTERS +FOUGHT +FOUL +FOULED +FOULEST +FOULING +FOULLY +FOULMOUTH +FOULNESS +FOULS +FOUND +FOUNDATION +FOUNDATIONS +FOUNDED +FOUNDER +FOUNDERED +FOUNDERS +FOUNDING +FOUNDLING +FOUNDRIES +FOUNDRY +FOUNDS +FOUNT +FOUNTAIN +FOUNTAINS +FOUNTS +FOUR +FOURFOLD +FOURIER +FOURS +FOURSCORE +FOURSOME +FOURSQUARE +FOURTEEN +FOURTEENS +FOURTEENTH +FOURTH +FOWL +FOWLER +FOWLS +FOX +FOXES +FOXHALL +FRACTION +FRACTIONAL +FRACTIONALLY +FRACTIONS +FRACTURE +FRACTURED +FRACTURES +FRACTURING +FRAGILE +FRAGMENT +FRAGMENTARY +FRAGMENTATION +FRAGMENTED +FRAGMENTING +FRAGMENTS +FRAGRANCE +FRAGRANCES +FRAGRANT +FRAGRANTLY +FRAIL +FRAILEST +FRAILTY +FRAME +FRAMED +FRAMER +FRAMES +FRAMEWORK +FRAMEWORKS +FRAMING +FRAN +FRANC +FRANCAISE +FRANCE +FRANCES +FRANCESCA +FRANCESCO +FRANCHISE +FRANCHISES +FRANCIE +FRANCINE +FRANCIS +FRANCISCAN +FRANCISCANS +FRANCISCO +FRANCIZE +FRANCIZES +FRANCO +FRANCOIS +FRANCOISE +FRANCS +FRANK +FRANKED +FRANKEL +FRANKER +FRANKEST +FRANKFORT +FRANKFURT +FRANKIE +FRANKING +FRANKLINIZATION +FRANKLINIZATIONS +FRANKLY +FRANKNESS +FRANKS +FRANNY +FRANTIC +FRANTICALLY +FRANZ +FRASER +FRATERNAL +FRATERNALLY +FRATERNITIES +FRATERNITY +FRAU +FRAUD +FRAUDS +FRAUDULENT +FRAUGHT +FRAY +FRAYED +FRAYING +FRAYNE +FRAYS +FRAZIER +FRAZZLE +FREAK +FREAKISH +FREAKS +FRECKLE +FRECKLED +FRECKLES +FRED +FREDDIE +FREDDY +FREDERIC +FREDERICK +FREDERICKS +FREDERICKSBURG +FREDERICO +FREDERICTON +FREDHOLM +FREDRICK +FREDRICKSON +FREE +FREED +FREEDMAN +FREEDOM +FREEDOMS +FREEING +FREEINGS +FREELY +FREEMAN +FREEMASON +FREEMASONRY +FREEMASONS +FREENESS +FREEPORT +FREER +FREES +FREEST +FREESTYLE +FREETOWN +FREEWAY +FREEWHEEL +FREEZE +FREEZER +FREEZERS +FREEZES +FREEZING +FREIDA +FREIGHT +FREIGHTED +FREIGHTER +FREIGHTERS +FREIGHTING +FREIGHTS +FRENCH +FRENCHIZE +FRENCHIZES +FRENCHMAN +FRENCHMEN +FRENETIC +FRENZIED +FRENZY +FREON +FREQUENCIES +FREQUENCY +FREQUENT +FREQUENTED +FREQUENTER +FREQUENTERS +FREQUENTING +FREQUENTLY +FREQUENTS +FRESCO +FRESCOES +FRESH +FRESHEN +FRESHENED +FRESHENER +FRESHENERS +FRESHENING +FRESHENS +FRESHER +FRESHEST +FRESHLY +FRESHMAN +FRESHMEN +FRESHNESS +FRESHWATER +FRESNEL +FRESNO +FRET +FRETFUL +FRETFULLY +FRETFULNESS +FREUD +FREUDIAN +FREUDIANISM +FREUDIANISMS +FREUDIANS +FREY +FREYA +FRIAR +FRIARS +FRICATIVE +FRICATIVES +FRICK +FRICTION +FRICTIONLESS +FRICTIONS +FRIDAY +FRIDAYS +FRIED +FRIEDMAN +FRIEDRICH +FRIEND +FRIENDLESS +FRIENDLIER +FRIENDLIEST +FRIENDLINESS +FRIENDLY +FRIENDS +FRIENDSHIP +FRIENDSHIPS +FRIES +FRIESLAND +FRIEZE +FRIEZES +FRIGATE +FRIGATES +FRIGGA +FRIGHT +FRIGHTEN +FRIGHTENED +FRIGHTENING +FRIGHTENINGLY +FRIGHTENS +FRIGHTFUL +FRIGHTFULLY +FRIGHTFULNESS +FRIGID +FRIGIDAIRE +FRILL +FRILLS +FRINGE +FRINGED +FRISBEE +FRISIA +FRISIAN +FRISK +FRISKED +FRISKING +FRISKS +FRISKY +FRITO +FRITTER +FRITZ +FRIVOLITY +FRIVOLOUS +FRIVOLOUSLY +FRO +FROCK +FROCKS +FROG +FROGS +FROLIC +FROLICS +FROM +FRONT +FRONTAGE +FRONTAL +FRONTED +FRONTIER +FRONTIERS +FRONTIERSMAN +FRONTIERSMEN +FRONTING +FRONTS +FROST +FROSTBELT +FROSTBITE +FROSTBITTEN +FROSTED +FROSTING +FROSTS +FROSTY +FROTH +FROTHING +FROTHY +FROWN +FROWNED +FROWNING +FROWNS +FROZE +FROZEN +FROZENLY +FRUEHAUF +FRUGAL +FRUGALLY +FRUIT +FRUITFUL +FRUITFULLY +FRUITFULNESS +FRUITION +FRUITLESS +FRUITLESSLY +FRUITS +FRUSTRATE +FRUSTRATED +FRUSTRATES +FRUSTRATING +FRUSTRATION +FRUSTRATIONS +FRY +FRYE +FUCHS +FUCHSIA +FUDGE +FUEL +FUELED +FUELING +FUELS +FUGITIVE +FUGITIVES +FUGUE +FUJI +FUJITSU +FULBRIGHT +FULBRIGHTS +FULCRUM +FULFILL +FULFILLED +FULFILLING +FULFILLMENT +FULFILLMENTS +FULFILLS +FULL +FULLER +FULLERTON +FULLEST +FULLNESS +FULLY +FULMINATE +FULTON +FUMBLE +FUMBLED +FUMBLING +FUME +FUMED +FUMES +FUMING +FUN +FUNCTION +FUNCTIONAL +FUNCTIONALITIES +FUNCTIONALITY +FUNCTIONALLY +FUNCTIONALS +FUNCTIONARY +FUNCTIONED +FUNCTIONING +FUNCTIONS +FUNCTOR +FUNCTORS +FUND +FUNDAMENTAL +FUNDAMENTALLY +FUNDAMENTALS +FUNDED +FUNDER +FUNDERS +FUNDING +FUNDS +FUNERAL +FUNERALS +FUNEREAL +FUNGAL +FUNGI +FUNGIBLE +FUNGICIDE +FUNGUS +FUNK +FUNNEL +FUNNELED +FUNNELING +FUNNELS +FUNNIER +FUNNIEST +FUNNILY +FUNNINESS +FUNNY +FUR +FURIES +FURIOUS +FURIOUSER +FURIOUSLY +FURLONG +FURLOUGH +FURMAN +FURNACE +FURNACES +FURNISH +FURNISHED +FURNISHES +FURNISHING +FURNISHINGS +FURNITURE +FURRIER +FURROW +FURROWED +FURROWS +FURRY +FURS +FURTHER +FURTHERED +FURTHERING +FURTHERMORE +FURTHERMOST +FURTHERS +FURTHEST +FURTIVE +FURTIVELY +FURTIVENESS +FURY +FUSE +FUSED +FUSES +FUSING +FUSION +FUSS +FUSSING +FUSSY +FUTILE +FUTILITY +FUTURE +FUTURES +FUTURISTIC +FUZZ +FUZZIER +FUZZINESS +FUZZY +GAB +GABARDINE +GABBING +GABERONES +GABLE +GABLED +GABLER +GABLES +GABON +GABORONE +GABRIEL +GABRIELLE +GAD +GADFLY +GADGET +GADGETRY +GADGETS +GAELIC +GAELICIZATION +GAELICIZATIONS +GAELICIZE +GAELICIZES +GAG +GAGGED +GAGGING +GAGING +GAGS +GAIETIES +GAIETY +GAIL +GAILY +GAIN +GAINED +GAINER +GAINERS +GAINES +GAINESVILLE +GAINFUL +GAINING +GAINS +GAIT +GAITED +GAITER +GAITERS +GAITHERSBURG +GALACTIC +GALAHAD +GALAPAGOS +GALATEA +GALATEAN +GALATEANS +GALATIA +GALATIANS +GALAXIES +GALAXY +GALBREATH +GALE +GALEN +GALILEAN +GALILEE +GALILEO +GALL +GALLAGHER +GALLANT +GALLANTLY +GALLANTRY +GALLANTS +GALLED +GALLERIED +GALLERIES +GALLERY +GALLEY +GALLEYS +GALLING +GALLON +GALLONS +GALLOP +GALLOPED +GALLOPER +GALLOPING +GALLOPS +GALLOWAY +GALLOWS +GALLS +GALLSTONE +GALLUP +GALOIS +GALT +GALVESTON +GALVIN +GALWAY +GAMBIA +GAMBIT +GAMBLE +GAMBLED +GAMBLER +GAMBLERS +GAMBLES +GAMBLING +GAMBOL +GAME +GAMED +GAMELY +GAMENESS +GAMES +GAMING +GAMMA +GANDER +GANDHI +GANDHIAN +GANG +GANGES +GANGLAND +GANGLING +GANGPLANK +GANGRENE +GANGS +GANGSTER +GANGSTERS +GANNETT +GANTRY +GANYMEDE +GAP +GAPE +GAPED +GAPES +GAPING +GAPS +GARAGE +GARAGED +GARAGES +GARB +GARBAGE +GARBAGES +GARBED +GARBLE +GARBLED +GARCIA +GARDEN +GARDENED +GARDENER +GARDENERS +GARDENING +GARDENS +GARDNER +GARFIELD +GARFUNKEL +GARGANTUAN +GARGLE +GARGLED +GARGLES +GARGLING +GARIBALDI +GARLAND +GARLANDED +GARLIC +GARMENT +GARMENTS +GARNER +GARNERED +GARNETT +GARNISH +GARRETT +GARRISON +GARRISONED +GARRISONIAN +GARRY +GARTER +GARTERS +GARTH +GARVEY +GARY +GAS +GASCONY +GASEOUS +GASEOUSLY +GASES +GASH +GASHES +GASKET +GASLIGHT +GASOLINE +GASP +GASPED +GASPEE +GASPING +GASPS +GASSED +GASSER +GASSET +GASSING +GASSINGS +GASSY +GASTON +GASTRIC +GASTROINTESTINAL +GASTRONOME +GASTRONOMY +GATE +GATED +GATES +GATEWAY +GATEWAYS +GATHER +GATHERED +GATHERER +GATHERERS +GATHERING +GATHERINGS +GATHERS +GATING +GATLINBURG +GATOR +GATSBY +GAUCHE +GAUDINESS +GAUDY +GAUGE +GAUGED +GAUGES +GAUGUIN +GAUL +GAULLE +GAULS +GAUNT +GAUNTLEY +GAUNTNESS +GAUSSIAN +GAUTAMA +GAUZE +GAVE +GAVEL +GAVIN +GAWK +GAWKY +GAY +GAYER +GAYEST +GAYETY +GAYLOR +GAYLORD +GAYLY +GAYNESS +GAYNOR +GAZE +GAZED +GAZELLE +GAZER +GAZERS +GAZES +GAZETTE +GAZING +GEAR +GEARED +GEARING +GEARS +GEARY +GECKO +GEESE +GEHRIG +GEIGER +GEIGY +GEISHA +GEL +GELATIN +GELATINE +GELATINOUS +GELD +GELLED +GELLING +GELS +GEM +GEMINI +GEMINID +GEMMA +GEMS +GENDER +GENDERS +GENE +GENEALOGY +GENERAL +GENERALIST +GENERALISTS +GENERALITIES +GENERALITY +GENERALIZATION +GENERALIZATIONS +GENERALIZE +GENERALIZED +GENERALIZER +GENERALIZERS +GENERALIZES +GENERALIZING +GENERALLY +GENERALS +GENERATE +GENERATED +GENERATES +GENERATING +GENERATION +GENERATIONS +GENERATIVE +GENERATOR +GENERATORS +GENERIC +GENERICALLY +GENEROSITIES +GENEROSITY +GENEROUS +GENEROUSLY +GENEROUSNESS +GENES +GENESCO +GENESIS +GENETIC +GENETICALLY +GENEVA +GENEVIEVE +GENIAL +GENIALLY +GENIE +GENIUS +GENIUSES +GENOA +GENRE +GENRES +GENT +GENTEEL +GENTILE +GENTLE +GENTLEMAN +GENTLEMANLY +GENTLEMEN +GENTLENESS +GENTLER +GENTLEST +GENTLEWOMAN +GENTLY +GENTRY +GENUINE +GENUINELY +GENUINENESS +GENUS +GEOCENTRIC +GEODESIC +GEODESY +GEODETIC +GEOFF +GEOFFREY +GEOGRAPHER +GEOGRAPHIC +GEOGRAPHICAL +GEOGRAPHICALLY +GEOGRAPHY +GEOLOGICAL +GEOLOGIST +GEOLOGISTS +GEOLOGY +GEOMETRIC +GEOMETRICAL +GEOMETRICALLY +GEOMETRICIAN +GEOMETRIES +GEOMETRY +GEOPHYSICAL +GEOPHYSICS +GEORGE +GEORGES +GEORGETOWN +GEORGIA +GEORGIAN +GEORGIANS +GEOSYNCHRONOUS +GERALD +GERALDINE +GERANIUM +GERARD +GERBER +GERBIL +GERHARD +GERHARDT +GERIATRIC +GERM +GERMAN +GERMANE +GERMANIA +GERMANIC +GERMANS +GERMANTOWN +GERMANY +GERMICIDE +GERMINAL +GERMINATE +GERMINATED +GERMINATES +GERMINATING +GERMINATION +GERMS +GEROME +GERRY +GERSHWIN +GERSHWINS +GERTRUDE +GERUND +GESTAPO +GESTURE +GESTURED +GESTURES +GESTURING +GET +GETAWAY +GETS +GETTER +GETTERS +GETTING +GETTY +GETTYSBURG +GEYSER +GHANA +GHANIAN +GHASTLY +GHENT +GHETTO +GHOST +GHOSTED +GHOSTLY +GHOSTS +GIACOMO +GIANT +GIANTS +GIBBERISH +GIBBONS +GIBBS +GIBBY +GIBRALTAR +GIBSON +GIDDINESS +GIDDINGS +GIDDY +GIDEON +GIFFORD +GIFT +GIFTED +GIFTS +GIG +GIGABIT +GIGABITS +GIGABYTE +GIGABYTES +GIGACYCLE +GIGAHERTZ +GIGANTIC +GIGAVOLT +GIGAWATT +GIGGLE +GIGGLED +GIGGLES +GIGGLING +GIL +GILBERTSON +GILCHRIST +GILD +GILDED +GILDING +GILDS +GILEAD +GILES +GILKSON +GILL +GILLESPIE +GILLETTE +GILLIGAN +GILLS +GILMORE +GILT +GIMBEL +GIMMICK +GIMMICKS +GIN +GINA +GINGER +GINGERBREAD +GINGERLY +GINGHAM +GINGHAMS +GINN +GINO +GINS +GINSBERG +GINSBURG +GIOCONDA +GIORGIO +GIOVANNI +GIPSIES +GIPSY +GIRAFFE +GIRAFFES +GIRD +GIRDER +GIRDERS +GIRDLE +GIRL +GIRLFRIEND +GIRLIE +GIRLISH +GIRLS +GIRT +GIRTH +GIST +GIULIANO +GIUSEPPE +GIVE +GIVEAWAY +GIVEN +GIVER +GIVERS +GIVES +GIVING +GLACIAL +GLACIER +GLACIERS +GLAD +GLADDEN +GLADDER +GLADDEST +GLADE +GLADIATOR +GLADLY +GLADNESS +GLADSTONE +GLADYS +GLAMOR +GLAMOROUS +GLAMOUR +GLANCE +GLANCED +GLANCES +GLANCING +GLAND +GLANDS +GLANDULAR +GLARE +GLARED +GLARES +GLARING +GLARINGLY +GLASGOW +GLASS +GLASSED +GLASSES +GLASSY +GLASWEGIAN +GLAUCOMA +GLAZE +GLAZED +GLAZER +GLAZES +GLAZING +GLEAM +GLEAMED +GLEAMING +GLEAMS +GLEAN +GLEANED +GLEANER +GLEANING +GLEANINGS +GLEANS +GLEASON +GLEE +GLEEFUL +GLEEFULLY +GLEES +GLEN +GLENDA +GLENDALE +GLENN +GLENS +GLIDDEN +GLIDE +GLIDED +GLIDER +GLIDERS +GLIDES +GLIMMER +GLIMMERED +GLIMMERING +GLIMMERS +GLIMPSE +GLIMPSED +GLIMPSES +GLINT +GLINTED +GLINTING +GLINTS +GLISTEN +GLISTENED +GLISTENING +GLISTENS +GLITCH +GLITTER +GLITTERED +GLITTERING +GLITTERS +GLOAT +GLOBAL +GLOBALLY +GLOBE +GLOBES +GLOBULAR +GLOBULARITY +GLOOM +GLOOMILY +GLOOMY +GLORIA +GLORIANA +GLORIES +GLORIFICATION +GLORIFIED +GLORIFIES +GLORIFY +GLORIOUS +GLORIOUSLY +GLORY +GLORYING +GLOSS +GLOSSARIES +GLOSSARY +GLOSSED +GLOSSES +GLOSSING +GLOSSY +GLOTTAL +GLOUCESTER +GLOVE +GLOVED +GLOVER +GLOVERS +GLOVES +GLOVING +GLOW +GLOWED +GLOWER +GLOWERS +GLOWING +GLOWINGLY +GLOWS +GLUE +GLUED +GLUES +GLUING +GLUT +GLUTTON +GLYNN +GNASH +GNAT +GNATS +GNAW +GNAWED +GNAWING +GNAWS +GNOME +GNOMON +GNU +GOA +GOAD +GOADED +GOAL +GOALS +GOAT +GOATEE +GOATEES +GOATS +GOBBLE +GOBBLED +GOBBLER +GOBBLERS +GOBBLES +GOBI +GOBLET +GOBLETS +GOBLIN +GOBLINS +GOD +GODDARD +GODDESS +GODDESSES +GODFATHER +GODFREY +GODHEAD +GODLIKE +GODLY +GODMOTHER +GODMOTHERS +GODOT +GODPARENT +GODS +GODSEND +GODSON +GODWIN +GODZILLA +GOES +GOETHE +GOFF +GOGGLES +GOGH +GOING +GOINGS +GOLD +GOLDA +GOLDBERG +GOLDEN +GOLDENLY +GOLDENNESS +GOLDENROD +GOLDFIELD +GOLDFISH +GOLDING +GOLDMAN +GOLDS +GOLDSMITH +GOLDSTEIN +GOLDSTINE +GOLDWATER +GOLETA +GOLF +GOLFER +GOLFERS +GOLFING +GOLIATH +GOLLY +GOMEZ +GONDOLA +GONE +GONER +GONG +GONGS +GONZALES +GONZALEZ +GOOD +GOODBY +GOODBYE +GOODE +GOODIES +GOODLY +GOODMAN +GOODNESS +GOODRICH +GOODS +GOODWILL +GOODWIN +GOODY +GOODYEAR +GOOF +GOOFED +GOOFS +GOOFY +GOOSE +GOPHER +GORDIAN +GORDON +GORE +GOREN +GORGE +GORGEOUS +GORGEOUSLY +GORGES +GORGING +GORHAM +GORILLA +GORILLAS +GORKY +GORTON +GORY +GOSH +GOSPEL +GOSPELERS +GOSPELS +GOSSIP +GOSSIPED +GOSSIPING +GOSSIPS +GOT +GOTHAM +GOTHIC +GOTHICALLY +GOTHICISM +GOTHICIZE +GOTHICIZED +GOTHICIZER +GOTHICIZERS +GOTHICIZES +GOTHICIZING +GOTO +GOTOS +GOTTEN +GOTTFRIED +GOUCHER +GOUDA +GOUGE +GOUGED +GOUGES +GOUGING +GOULD +GOURD +GOURMET +GOUT +GOVERN +GOVERNANCE +GOVERNED +GOVERNESS +GOVERNING +GOVERNMENT +GOVERNMENTAL +GOVERNMENTALLY +GOVERNMENTS +GOVERNOR +GOVERNORS +GOVERNS +GOWN +GOWNED +GOWNS +GRAB +GRABBED +GRABBER +GRABBERS +GRABBING +GRABBINGS +GRABS +GRACE +GRACED +GRACEFUL +GRACEFULLY +GRACEFULNESS +GRACES +GRACIE +GRACING +GRACIOUS +GRACIOUSLY +GRACIOUSNESS +GRAD +GRADATION +GRADATIONS +GRADE +GRADED +GRADER +GRADERS +GRADES +GRADIENT +GRADIENTS +GRADING +GRADINGS +GRADUAL +GRADUALLY +GRADUATE +GRADUATED +GRADUATES +GRADUATING +GRADUATION +GRADUATIONS +GRADY +GRAFF +GRAFT +GRAFTED +GRAFTER +GRAFTING +GRAFTON +GRAFTS +GRAHAM +GRAHAMS +GRAIL +GRAIN +GRAINED +GRAINING +GRAINS +GRAM +GRAMMAR +GRAMMARIAN +GRAMMARS +GRAMMATIC +GRAMMATICAL +GRAMMATICALLY +GRAMS +GRANARIES +GRANARY +GRAND +GRANDCHILD +GRANDCHILDREN +GRANDDAUGHTER +GRANDER +GRANDEST +GRANDEUR +GRANDFATHER +GRANDFATHERS +GRANDIOSE +GRANDLY +GRANDMA +GRANDMOTHER +GRANDMOTHERS +GRANDNEPHEW +GRANDNESS +GRANDNIECE +GRANDPA +GRANDPARENT +GRANDS +GRANDSON +GRANDSONS +GRANDSTAND +GRANGE +GRANITE +GRANNY +GRANOLA +GRANT +GRANTED +GRANTEE +GRANTER +GRANTING +GRANTOR +GRANTS +GRANULARITY +GRANULATE +GRANULATED +GRANULATES +GRANULATING +GRANVILLE +GRAPE +GRAPEFRUIT +GRAPES +GRAPEVINE +GRAPH +GRAPHED +GRAPHIC +GRAPHICAL +GRAPHICALLY +GRAPHICS +GRAPHING +GRAPHITE +GRAPHS +GRAPPLE +GRAPPLED +GRAPPLING +GRASP +GRASPABLE +GRASPED +GRASPING +GRASPINGLY +GRASPS +GRASS +GRASSED +GRASSERS +GRASSES +GRASSIER +GRASSIEST +GRASSLAND +GRASSY +GRATE +GRATED +GRATEFUL +GRATEFULLY +GRATEFULNESS +GRATER +GRATES +GRATIFICATION +GRATIFIED +GRATIFY +GRATIFYING +GRATING +GRATINGS +GRATIS +GRATITUDE +GRATUITIES +GRATUITOUS +GRATUITOUSLY +GRATUITOUSNESS +GRATUITY +GRAVE +GRAVEL +GRAVELLY +GRAVELY +GRAVEN +GRAVENESS +GRAVER +GRAVES +GRAVEST +GRAVESTONE +GRAVEYARD +GRAVITATE +GRAVITATION +GRAVITATIONAL +GRAVITY +GRAVY +GRAY +GRAYED +GRAYER +GRAYEST +GRAYING +GRAYNESS +GRAYSON +GRAZE +GRAZED +GRAZER +GRAZING +GREASE +GREASED +GREASES +GREASY +GREAT +GREATER +GREATEST +GREATLY +GREATNESS +GRECIAN +GRECIANIZE +GRECIANIZES +GREECE +GREED +GREEDILY +GREEDINESS +GREEDY +GREEK +GREEKIZE +GREEKIZES +GREEKS +GREEN +GREENBELT +GREENBERG +GREENBLATT +GREENBRIAR +GREENE +GREENER +GREENERY +GREENEST +GREENFELD +GREENFIELD +GREENGROCER +GREENHOUSE +GREENHOUSES +GREENING +GREENISH +GREENLAND +GREENLY +GREENNESS +GREENS +GREENSBORO +GREENSVILLE +GREENTREE +GREENVILLE +GREENWARE +GREENWICH +GREER +GREET +GREETED +GREETER +GREETING +GREETINGS +GREETS +GREG +GREGARIOUS +GREGG +GREGORIAN +GREGORY +GRENADE +GRENADES +GRENDEL +GRENIER +GRENOBLE +GRENVILLE +GRESHAM +GRETA +GRETCHEN +GREW +GREY +GREYEST +GREYHOUND +GREYING +GRID +GRIDDLE +GRIDIRON +GRIDS +GRIEF +GRIEFS +GRIEVANCE +GRIEVANCES +GRIEVE +GRIEVED +GRIEVER +GRIEVERS +GRIEVES +GRIEVING +GRIEVINGLY +GRIEVOUS +GRIEVOUSLY +GRIFFITH +GRILL +GRILLED +GRILLING +GRILLS +GRIM +GRIMACE +GRIMALDI +GRIME +GRIMED +GRIMES +GRIMLY +GRIMM +GRIMNESS +GRIN +GRIND +GRINDER +GRINDERS +GRINDING +GRINDINGS +GRINDS +GRINDSTONE +GRINDSTONES +GRINNING +GRINS +GRIP +GRIPE +GRIPED +GRIPES +GRIPING +GRIPPED +GRIPPING +GRIPPINGLY +GRIPS +GRIS +GRISLY +GRIST +GRISWOLD +GRIT +GRITS +GRITTY +GRIZZLY +GROAN +GROANED +GROANER +GROANERS +GROANING +GROANS +GROCER +GROCERIES +GROCERS +GROCERY +GROGGY +GROIN +GROOM +GROOMED +GROOMING +GROOMS +GROOT +GROOVE +GROOVED +GROOVES +GROPE +GROPED +GROPES +GROPING +GROSS +GROSSED +GROSSER +GROSSES +GROSSEST +GROSSET +GROSSING +GROSSLY +GROSSMAN +GROSSNESS +GROSVENOR +GROTESQUE +GROTESQUELY +GROTESQUES +GROTON +GROTTO +GROTTOS +GROUND +GROUNDED +GROUNDER +GROUNDERS +GROUNDING +GROUNDS +GROUNDWORK +GROUP +GROUPED +GROUPING +GROUPINGS +GROUPS +GROUSE +GROVE +GROVEL +GROVELED +GROVELING +GROVELS +GROVER +GROVERS +GROVES +GROW +GROWER +GROWERS +GROWING +GROWL +GROWLED +GROWLING +GROWLS +GROWN +GROWNUP +GROWNUPS +GROWS +GROWTH +GROWTHS +GRUB +GRUBBY +GRUBS +GRUDGE +GRUDGES +GRUDGINGLY +GRUESOME +GRUFF +GRUFFLY +GRUMBLE +GRUMBLED +GRUMBLES +GRUMBLING +GRUMMAN +GRUNT +GRUNTED +GRUNTING +GRUNTS +GRUSKY +GRUYERE +GUADALUPE +GUAM +GUANO +GUARANTEE +GUARANTEED +GUARANTEEING +GUARANTEER +GUARANTEERS +GUARANTEES +GUARANTY +GUARD +GUARDED +GUARDEDLY +GUARDHOUSE +GUARDIA +GUARDIAN +GUARDIANS +GUARDIANSHIP +GUARDING +GUARDS +GUATEMALA +GUATEMALAN +GUBERNATORIAL +GUELPH +GUENTHER +GUERRILLA +GUERRILLAS +GUESS +GUESSED +GUESSES +GUESSING +GUESSWORK +GUEST +GUESTS +GUGGENHEIM +GUHLEMAN +GUIANA +GUIDANCE +GUIDE +GUIDEBOOK +GUIDEBOOKS +GUIDED +GUIDELINE +GUIDELINES +GUIDES +GUIDING +GUILD +GUILDER +GUILDERS +GUILE +GUILFORD +GUILT +GUILTIER +GUILTIEST +GUILTILY +GUILTINESS +GUILTLESS +GUILTLESSLY +GUILTY +GUINEA +GUINEVERE +GUISE +GUISES +GUITAR +GUITARS +GUJARAT +GUJARATI +GULCH +GULCHES +GULF +GULFS +GULL +GULLAH +GULLED +GULLIES +GULLING +GULLS +GULLY +GULP +GULPED +GULPS +GUM +GUMMING +GUMPTION +GUMS +GUN +GUNDERSON +GUNFIRE +GUNMAN +GUNMEN +GUNNAR +GUNNED +GUNNER +GUNNERS +GUNNERY +GUNNING +GUNNY +GUNPLAY +GUNPOWDER +GUNS +GUNSHOT +GUNTHER +GURGLE +GURKHA +GURU +GUS +GUSH +GUSHED +GUSHER +GUSHES +GUSHING +GUST +GUSTAFSON +GUSTAV +GUSTAVE +GUSTAVUS +GUSTO +GUSTS +GUSTY +GUT +GUTENBERG +GUTHRIE +GUTS +GUTSY +GUTTER +GUTTERED +GUTTERS +GUTTING +GUTTURAL +GUY +GUYANA +GUYED +GUYER +GUYERS +GUYING +GUYS +GWEN +GWYN +GYMNASIUM +GYMNASIUMS +GYMNAST +GYMNASTIC +GYMNASTICS +GYMNASTS +GYPSIES +GYPSY +GYRO +GYROCOMPASS +GYROSCOPE +GYROSCOPES +HAAG +HAAS +HABEAS +HABERMAN +HABIB +HABIT +HABITAT +HABITATION +HABITATIONS +HABITATS +HABITS +HABITUAL +HABITUALLY +HABITUALNESS +HACK +HACKED +HACKER +HACKERS +HACKETT +HACKING +HACKNEYED +HACKS +HACKSAW +HAD +HADAMARD +HADDAD +HADDOCK +HADES +HADLEY +HADRIAN +HAFIZ +HAG +HAGEN +HAGER +HAGGARD +HAGGARDLY +HAGGLE +HAGSTROM +HAGUE +HAHN +HAIFA +HAIL +HAILED +HAILING +HAILS +HAILSTONE +HAILSTORM +HAINES +HAIR +HAIRCUT +HAIRCUTS +HAIRIER +HAIRINESS +HAIRLESS +HAIRPIN +HAIRS +HAIRY +HAITI +HAITIAN +HAL +HALCYON +HALE +HALER +HALEY +HALF +HALFHEARTED +HALFWAY +HALIFAX +HALL +HALLEY +HALLINAN +HALLMARK +HALLMARKS +HALLOW +HALLOWED +HALLOWEEN +HALLS +HALLUCINATE +HALLWAY +HALLWAYS +HALOGEN +HALPERN +HALSEY +HALSTEAD +HALT +HALTED +HALTER +HALTERS +HALTING +HALTINGLY +HALTS +HALVE +HALVED +HALVERS +HALVERSON +HALVES +HALVING +HAM +HAMAL +HAMBURG +HAMBURGER +HAMBURGERS +HAMEY +HAMILTON +HAMILTONIAN +HAMILTONIANS +HAMLET +HAMLETS +HAMLIN +HAMMER +HAMMERED +HAMMERING +HAMMERS +HAMMETT +HAMMING +HAMMOCK +HAMMOCKS +HAMMOND +HAMPER +HAMPERED +HAMPERS +HAMPSHIRE +HAMPTON +HAMS +HAMSTER +HAN +HANCOCK +HAND +HANDBAG +HANDBAGS +HANDBOOK +HANDBOOKS +HANDCUFF +HANDCUFFED +HANDCUFFING +HANDCUFFS +HANDED +HANDEL +HANDFUL +HANDFULS +HANDGUN +HANDICAP +HANDICAPPED +HANDICAPS +HANDIER +HANDIEST +HANDILY +HANDINESS +HANDING +HANDIWORK +HANDKERCHIEF +HANDKERCHIEFS +HANDLE +HANDLED +HANDLER +HANDLERS +HANDLES +HANDLING +HANDMAID +HANDOUT +HANDS +HANDSHAKE +HANDSHAKES +HANDSHAKING +HANDSOME +HANDSOMELY +HANDSOMENESS +HANDSOMER +HANDSOMEST +HANDWRITING +HANDWRITTEN +HANDY +HANEY +HANFORD +HANG +HANGAR +HANGARS +HANGED +HANGER +HANGERS +HANGING +HANGMAN +HANGMEN +HANGOUT +HANGOVER +HANGOVERS +HANGS +HANKEL +HANLEY +HANLON +HANNA +HANNAH +HANNIBAL +HANOI +HANOVER +HANOVERIAN +HANOVERIANIZE +HANOVERIANIZES +HANOVERIZE +HANOVERIZES +HANS +HANSEL +HANSEN +HANSON +HANUKKAH +HAP +HAPGOOD +HAPHAZARD +HAPHAZARDLY +HAPHAZARDNESS +HAPLESS +HAPLESSLY +HAPLESSNESS +HAPLY +HAPPEN +HAPPENED +HAPPENING +HAPPENINGS +HAPPENS +HAPPIER +HAPPIEST +HAPPILY +HAPPINESS +HAPPY +HAPSBURG +HARASS +HARASSED +HARASSES +HARASSING +HARASSMENT +HARBIN +HARBINGER +HARBOR +HARBORED +HARBORING +HARBORS +HARCOURT +HARD +HARDBOILED +HARDCOPY +HARDEN +HARDER +HARDEST +HARDHAT +HARDIN +HARDINESS +HARDING +HARDLY +HARDNESS +HARDSCRABBLE +HARDSHIP +HARDSHIPS +HARDWARE +HARDWIRED +HARDWORKING +HARDY +HARE +HARELIP +HAREM +HARES +HARK +HARKEN +HARLAN +HARLEM +HARLEY +HARLOT +HARLOTS +HARM +HARMED +HARMFUL +HARMFULLY +HARMFULNESS +HARMING +HARMLESS +HARMLESSLY +HARMLESSNESS +HARMON +HARMONIC +HARMONICS +HARMONIES +HARMONIOUS +HARMONIOUSLY +HARMONIOUSNESS +HARMONIST +HARMONISTIC +HARMONISTICALLY +HARMONIZE +HARMONY +HARMS +HARNESS +HARNESSED +HARNESSING +HAROLD +HARP +HARPER +HARPERS +HARPING +HARPY +HARRIED +HARRIER +HARRIET +HARRIMAN +HARRINGTON +HARRIS +HARRISBURG +HARRISON +HARRISONBURG +HARROW +HARROWED +HARROWING +HARROWS +HARRY +HARSH +HARSHER +HARSHLY +HARSHNESS +HART +HARTFORD +HARTLEY +HARTMAN +HARVARD +HARVARDIZE +HARVARDIZES +HARVEST +HARVESTED +HARVESTER +HARVESTING +HARVESTS +HARVEY +HARVEYIZE +HARVEYIZES +HARVEYS +HAS +HASH +HASHED +HASHER +HASHES +HASHING +HASHISH +HASKELL +HASKINS +HASSLE +HASTE +HASTEN +HASTENED +HASTENING +HASTENS +HASTILY +HASTINESS +HASTINGS +HASTY +HAT +HATCH +HATCHED +HATCHET +HATCHETS +HATCHING +HATCHURE +HATE +HATED +HATEFUL +HATEFULLY +HATEFULNESS +HATER +HATES +HATFIELD +HATHAWAY +HATING +HATRED +HATS +HATTERAS +HATTIE +HATTIESBURG +HATTIZE +HATTIZES +HAUGEN +HAUGHTILY +HAUGHTINESS +HAUGHTY +HAUL +HAULED +HAULER +HAULING +HAULS +HAUNCH +HAUNCHES +HAUNT +HAUNTED +HAUNTER +HAUNTING +HAUNTS +HAUSA +HAUSDORFF +HAUSER +HAVANA +HAVE +HAVEN +HAVENS +HAVES +HAVILLAND +HAVING +HAVOC +HAWAII +HAWAIIAN +HAWK +HAWKED +HAWKER +HAWKERS +HAWKINS +HAWKS +HAWLEY +HAWTHORNE +HAY +HAYDEN +HAYDN +HAYES +HAYING +HAYNES +HAYS +HAYSTACK +HAYWARD +HAYWOOD +HAZARD +HAZARDOUS +HAZARDS +HAZE +HAZEL +HAZES +HAZINESS +HAZY +HEAD +HEADACHE +HEADACHES +HEADED +HEADER +HEADERS +HEADGEAR +HEADING +HEADINGS +HEADLAND +HEADLANDS +HEADLIGHT +HEADLINE +HEADLINED +HEADLINES +HEADLINING +HEADLONG +HEADMASTER +HEADPHONE +HEADQUARTERS +HEADROOM +HEADS +HEADSET +HEADWAY +HEAL +HEALED +HEALER +HEALERS +HEALEY +HEALING +HEALS +HEALTH +HEALTHFUL +HEALTHFULLY +HEALTHFULNESS +HEALTHIER +HEALTHIEST +HEALTHILY +HEALTHINESS +HEALTHY +HEALY +HEAP +HEAPED +HEAPING +HEAPS +HEAR +HEARD +HEARER +HEARERS +HEARING +HEARINGS +HEARKEN +HEARS +HEARSAY +HEARST +HEART +HEARTBEAT +HEARTBREAK +HEARTEN +HEARTIEST +HEARTILY +HEARTINESS +HEARTLESS +HEARTS +HEARTWOOD +HEARTY +HEAT +HEATABLE +HEATED +HEATEDLY +HEATER +HEATERS +HEATH +HEATHEN +HEATHER +HEATHKIT +HEATHMAN +HEATING +HEATS +HEAVE +HEAVED +HEAVEN +HEAVENLY +HEAVENS +HEAVER +HEAVERS +HEAVES +HEAVIER +HEAVIEST +HEAVILY +HEAVINESS +HEAVING +HEAVY +HEAVYWEIGHT +HEBE +HEBRAIC +HEBRAICIZE +HEBRAICIZES +HEBREW +HEBREWS +HEBRIDES +HECATE +HECK +HECKLE +HECKMAN +HECTIC +HECUBA +HEDDA +HEDGE +HEDGED +HEDGEHOG +HEDGEHOGS +HEDGES +HEDONISM +HEDONIST +HEED +HEEDED +HEEDLESS +HEEDLESSLY +HEEDLESSNESS +HEEDS +HEEL +HEELED +HEELERS +HEELING +HEELS +HEFTY +HEGEL +HEGELIAN +HEGELIANIZE +HEGELIANIZES +HEGEMONY +HEIDEGGER +HEIDELBERG +HEIFER +HEIGHT +HEIGHTEN +HEIGHTENED +HEIGHTENING +HEIGHTENS +HEIGHTS +HEINE +HEINLEIN +HEINOUS +HEINOUSLY +HEINRICH +HEINZ +HEINZE +HEIR +HEIRESS +HEIRESSES +HEIRS +HEISENBERG +HEISER +HELD +HELEN +HELENA +HELENE +HELGA +HELICAL +HELICOPTER +HELIOCENTRIC +HELIOPOLIS +HELIUM +HELIX +HELL +HELLENIC +HELLENIZATION +HELLENIZATIONS +HELLENIZE +HELLENIZED +HELLENIZES +HELLENIZING +HELLESPONT +HELLFIRE +HELLISH +HELLMAN +HELLO +HELLS +HELM +HELMET +HELMETS +HELMHOLTZ +HELMSMAN +HELMUT +HELP +HELPED +HELPER +HELPERS +HELPFUL +HELPFULLY +HELPFULNESS +HELPING +HELPLESS +HELPLESSLY +HELPLESSNESS +HELPMATE +HELPS +HELSINKI +HELVETICA +HEM +HEMINGWAY +HEMISPHERE +HEMISPHERES +HEMLOCK +HEMLOCKS +HEMOGLOBIN +HEMORRHOID +HEMOSTAT +HEMOSTATS +HEMP +HEMPEN +HEMPSTEAD +HEMS +HEN +HENCE +HENCEFORTH +HENCHMAN +HENCHMEN +HENDERSON +HENDRICK +HENDRICKS +HENDRICKSON +HENDRIX +HENLEY +HENNESSEY +HENNESSY +HENNING +HENPECK +HENRI +HENRIETTA +HENS +HEPATITIS +HEPBURN +HER +HERA +HERACLITUS +HERALD +HERALDED +HERALDING +HERALDS +HERB +HERBERT +HERBIVORE +HERBIVOROUS +HERBS +HERCULEAN +HERCULES +HERD +HERDED +HERDER +HERDING +HERDS +HERE +HEREABOUT +HEREABOUTS +HEREAFTER +HEREBY +HEREDITARY +HEREDITY +HEREFORD +HEREIN +HEREINAFTER +HEREOF +HERES +HERESY +HERETIC +HERETICS +HERETO +HERETOFORE +HEREUNDER +HEREWITH +HERITAGE +HERITAGES +HERKIMER +HERMAN +HERMANN +HERMES +HERMETIC +HERMETICALLY +HERMIT +HERMITE +HERMITIAN +HERMITS +HERMOSA +HERNANDEZ +HERO +HERODOTUS +HEROES +HEROIC +HEROICALLY +HEROICS +HEROIN +HEROINE +HEROINES +HEROISM +HERON +HERONS +HERPES +HERR +HERRING +HERRINGS +HERRINGTON +HERS +HERSCHEL +HERSELF +HERSEY +HERSHEL +HERSHEY +HERTZ +HERTZOG +HESITANT +HESITANTLY +HESITATE +HESITATED +HESITATES +HESITATING +HESITATINGLY +HESITATION +HESITATIONS +HESPERUS +HESS +HESSE +HESSIAN +HESSIANS +HESTER +HETEROGENEITY +HETEROGENEOUS +HETEROGENEOUSLY +HETEROGENEOUSNESS +HETEROGENOUS +HETEROSEXUAL +HETMAN +HETTIE +HETTY +HEUBLEIN +HEURISTIC +HEURISTICALLY +HEURISTICS +HEUSEN +HEUSER +HEW +HEWED +HEWER +HEWETT +HEWITT +HEWLETT +HEWS +HEX +HEXADECIMAL +HEXAGON +HEXAGONAL +HEXAGONALLY +HEXAGONS +HEY +HEYWOOD +HIATT +HIAWATHA +HIBBARD +HIBERNATE +HIBERNIA +HICK +HICKEY +HICKEYS +HICKMAN +HICKOK +HICKORY +HICKS +HID +HIDDEN +HIDE +HIDEOUS +HIDEOUSLY +HIDEOUSNESS +HIDEOUT +HIDEOUTS +HIDES +HIDING +HIERARCHAL +HIERARCHIC +HIERARCHICAL +HIERARCHICALLY +HIERARCHIES +HIERARCHY +HIERONYMUS +HIGGINS +HIGH +HIGHER +HIGHEST +HIGHFIELD +HIGHLAND +HIGHLANDER +HIGHLANDS +HIGHLIGHT +HIGHLIGHTED +HIGHLIGHTING +HIGHLIGHTS +HIGHLY +HIGHNESS +HIGHNESSES +HIGHWAY +HIGHWAYMAN +HIGHWAYMEN +HIGHWAYS +HIJACK +HIJACKED +HIKE +HIKED +HIKER +HIKES +HIKING +HILARIOUS +HILARIOUSLY +HILARITY +HILBERT +HILDEBRAND +HILL +HILLARY +HILLBILLY +HILLCREST +HILLEL +HILLOCK +HILLS +HILLSBORO +HILLSDALE +HILLSIDE +HILLSIDES +HILLTOP +HILLTOPS +HILT +HILTON +HILTS +HIM +HIMALAYA +HIMALAYAS +HIMMLER +HIMSELF +HIND +HINDER +HINDERED +HINDERING +HINDERS +HINDI +HINDRANCE +HINDRANCES +HINDSIGHT +HINDU +HINDUISM +HINDUS +HINDUSTAN +HINES +HINGE +HINGED +HINGES +HINKLE +HINMAN +HINSDALE +HINT +HINTED +HINTING +HINTS +HIP +HIPPO +HIPPOCRATES +HIPPOCRATIC +HIPPOPOTAMUS +HIPS +HIRAM +HIRE +HIRED +HIRER +HIRERS +HIRES +HIREY +HIRING +HIRINGS +HIROSHI +HIROSHIMA +HIRSCH +HIS +HISPANIC +HISPANICIZE +HISPANICIZES +HISPANICS +HISS +HISSED +HISSES +HISSING +HISTOGRAM +HISTOGRAMS +HISTORIAN +HISTORIANS +HISTORIC +HISTORICAL +HISTORICALLY +HISTORIES +HISTORY +HIT +HITACHI +HITCH +HITCHCOCK +HITCHED +HITCHHIKE +HITCHHIKED +HITCHHIKER +HITCHHIKERS +HITCHHIKES +HITCHHIKING +HITCHING +HITHER +HITHERTO +HITLER +HITLERIAN +HITLERISM +HITLERITE +HITLERITES +HITS +HITTER +HITTERS +HITTING +HIVE +HOAGLAND +HOAR +HOARD +HOARDER +HOARDING +HOARINESS +HOARSE +HOARSELY +HOARSENESS +HOARY +HOBART +HOBBES +HOBBIES +HOBBLE +HOBBLED +HOBBLES +HOBBLING +HOBBS +HOBBY +HOBBYHORSE +HOBBYIST +HOBBYISTS +HOBDAY +HOBOKEN +HOCKEY +HODGEPODGE +HODGES +HODGKIN +HOE +HOES +HOFF +HOFFMAN +HOG +HOGGING +HOGS +HOIST +HOISTED +HOISTING +HOISTS +HOKAN +HOLBROOK +HOLCOMB +HOLD +HOLDEN +HOLDER +HOLDERS +HOLDING +HOLDINGS +HOLDS +HOLE +HOLED +HOLES +HOLIDAY +HOLIDAYS +HOLIES +HOLINESS +HOLISTIC +HOLLAND +HOLLANDAISE +HOLLANDER +HOLLERITH +HOLLINGSWORTH +HOLLISTER +HOLLOW +HOLLOWAY +HOLLOWED +HOLLOWING +HOLLOWLY +HOLLOWNESS +HOLLOWS +HOLLY +HOLLYWOOD +HOLLYWOODIZE +HOLLYWOODIZES +HOLM +HOLMAN +HOLMDEL +HOLMES +HOLOCAUST +HOLOCENE +HOLOGRAM +HOLOGRAMS +HOLST +HOLSTEIN +HOLY +HOLYOKE +HOLZMAN +HOM +HOMAGE +HOME +HOMED +HOMELESS +HOMELY +HOMEMADE +HOMEMAKER +HOMEMAKERS +HOMEOMORPHIC +HOMEOMORPHISM +HOMEOMORPHISMS +HOMEOPATH +HOMEOWNER +HOMER +HOMERIC +HOMERS +HOMES +HOMESICK +HOMESICKNESS +HOMESPUN +HOMESTEAD +HOMESTEADER +HOMESTEADERS +HOMESTEADS +HOMEWARD +HOMEWARDS +HOMEWORK +HOMICIDAL +HOMICIDE +HOMING +HOMO +HOMOGENEITIES +HOMOGENEITY +HOMOGENEOUS +HOMOGENEOUSLY +HOMOGENEOUSNESS +HOMOMORPHIC +HOMOMORPHISM +HOMOMORPHISMS +HOMOSEXUAL +HONDA +HONDO +HONDURAS +HONE +HONED +HONER +HONES +HONEST +HONESTLY +HONESTY +HONEY +HONEYBEE +HONEYCOMB +HONEYCOMBED +HONEYDEW +HONEYMOON +HONEYMOONED +HONEYMOONER +HONEYMOONERS +HONEYMOONING +HONEYMOONS +HONEYSUCKLE +HONEYWELL +HONING +HONOLULU +HONOR +HONORABLE +HONORABLENESS +HONORABLY +HONORARIES +HONORARIUM +HONORARY +HONORED +HONORER +HONORING +HONORS +HONSHU +HOOD +HOODED +HOODLUM +HOODS +HOODWINK +HOODWINKED +HOODWINKING +HOODWINKS +HOOF +HOOFS +HOOK +HOOKED +HOOKER +HOOKERS +HOOKING +HOOKS +HOOKUP +HOOKUPS +HOOP +HOOPER +HOOPS +HOOSIER +HOOSIERIZE +HOOSIERIZES +HOOT +HOOTED +HOOTER +HOOTING +HOOTS +HOOVER +HOOVERIZE +HOOVERIZES +HOOVES +HOP +HOPE +HOPED +HOPEFUL +HOPEFULLY +HOPEFULNESS +HOPEFULS +HOPELESS +HOPELESSLY +HOPELESSNESS +HOPES +HOPI +HOPING +HOPKINS +HOPKINSIAN +HOPPER +HOPPERS +HOPPING +HOPS +HORACE +HORATIO +HORDE +HORDES +HORIZON +HORIZONS +HORIZONTAL +HORIZONTALLY +HORMONE +HORMONES +HORN +HORNBLOWER +HORNED +HORNET +HORNETS +HORNS +HORNY +HOROWITZ +HORRENDOUS +HORRENDOUSLY +HORRIBLE +HORRIBLENESS +HORRIBLY +HORRID +HORRIDLY +HORRIFIED +HORRIFIES +HORRIFY +HORRIFYING +HORROR +HORRORS +HORSE +HORSEBACK +HORSEFLESH +HORSEFLY +HORSEMAN +HORSEPLAY +HORSEPOWER +HORSES +HORSESHOE +HORSESHOER +HORTICULTURE +HORTON +HORUS +HOSE +HOSES +HOSPITABLE +HOSPITABLY +HOSPITAL +HOSPITALITY +HOSPITALIZE +HOSPITALIZED +HOSPITALIZES +HOSPITALIZING +HOSPITALS +HOST +HOSTAGE +HOSTAGES +HOSTED +HOSTESS +HOSTESSES +HOSTILE +HOSTILELY +HOSTILITIES +HOSTILITY +HOSTING +HOSTS +HOT +HOTEL +HOTELS +HOTLY +HOTNESS +HOTTENTOT +HOTTER +HOTTEST +HOUDAILLE +HOUDINI +HOUGHTON +HOUND +HOUNDED +HOUNDING +HOUNDS +HOUR +HOURGLASS +HOURLY +HOURS +HOUSE +HOUSEBOAT +HOUSEBROKEN +HOUSED +HOUSEFLIES +HOUSEFLY +HOUSEHOLD +HOUSEHOLDER +HOUSEHOLDERS +HOUSEHOLDS +HOUSEKEEPER +HOUSEKEEPERS +HOUSEKEEPING +HOUSES +HOUSETOP +HOUSETOPS +HOUSEWIFE +HOUSEWIFELY +HOUSEWIVES +HOUSEWORK +HOUSING +HOUSTON +HOVEL +HOVELS +HOVER +HOVERED +HOVERING +HOVERS +HOW +HOWARD +HOWE +HOWELL +HOWEVER +HOWL +HOWLED +HOWLER +HOWLING +HOWLS +HOYT +HROTHGAR +HUB +HUBBARD +HUBBELL +HUBER +HUBERT +HUBRIS +HUBS +HUCK +HUDDLE +HUDDLED +HUDDLING +HUDSON +HUE +HUES +HUEY +HUFFMAN +HUG +HUGE +HUGELY +HUGENESS +HUGGING +HUGGINS +HUGH +HUGHES +HUGO +HUH +HULL +HULLS +HUM +HUMAN +HUMANE +HUMANELY +HUMANENESS +HUMANITARIAN +HUMANITIES +HUMANITY +HUMANLY +HUMANNESS +HUMANS +HUMBLE +HUMBLED +HUMBLENESS +HUMBLER +HUMBLEST +HUMBLING +HUMBLY +HUMBOLDT +HUMBUG +HUME +HUMERUS +HUMID +HUMIDIFICATION +HUMIDIFIED +HUMIDIFIER +HUMIDIFIERS +HUMIDIFIES +HUMIDIFY +HUMIDIFYING +HUMIDITY +HUMIDLY +HUMILIATE +HUMILIATED +HUMILIATES +HUMILIATING +HUMILIATION +HUMILIATIONS +HUMILITY +HUMMED +HUMMEL +HUMMING +HUMMINGBIRD +HUMOR +HUMORED +HUMORER +HUMORERS +HUMORING +HUMOROUS +HUMOROUSLY +HUMOROUSNESS +HUMORS +HUMP +HUMPBACK +HUMPED +HUMPHREY +HUMPTY +HUMS +HUN +HUNCH +HUNCHED +HUNCHES +HUNDRED +HUNDREDFOLD +HUNDREDS +HUNDREDTH +HUNG +HUNGARIAN +HUNGARY +HUNGER +HUNGERED +HUNGERING +HUNGERS +HUNGRIER +HUNGRIEST +HUNGRILY +HUNGRY +HUNK +HUNKS +HUNS +HUNT +HUNTED +HUNTER +HUNTERS +HUNTING +HUNTINGTON +HUNTLEY +HUNTS +HUNTSMAN +HUNTSVILLE +HURD +HURDLE +HURL +HURLED +HURLER +HURLERS +HURLING +HURON +HURONS +HURRAH +HURRICANE +HURRICANES +HURRIED +HURRIEDLY +HURRIES +HURRY +HURRYING +HURST +HURT +HURTING +HURTLE +HURTLING +HURTS +HURWITZ +HUSBAND +HUSBANDRY +HUSBANDS +HUSH +HUSHED +HUSHES +HUSHING +HUSK +HUSKED +HUSKER +HUSKINESS +HUSKING +HUSKS +HUSKY +HUSTLE +HUSTLED +HUSTLER +HUSTLES +HUSTLING +HUSTON +HUT +HUTCH +HUTCHINS +HUTCHINSON +HUTCHISON +HUTS +HUXLEY +HUXTABLE +HYACINTH +HYADES +HYANNIS +HYBRID +HYDE +HYDRA +HYDRANT +HYDRAULIC +HYDRO +HYDRODYNAMIC +HYDRODYNAMICS +HYDROGEN +HYDROGENS +HYENA +HYGIENE +HYMAN +HYMEN +HYMN +HYMNS +HYPER +HYPERBOLA +HYPERBOLIC +HYPERTEXT +HYPHEN +HYPHENATE +HYPHENS +HYPNOSIS +HYPNOTIC +HYPOCRISIES +HYPOCRISY +HYPOCRITE +HYPOCRITES +HYPODERMIC +HYPODERMICS +HYPOTHESES +HYPOTHESIS +HYPOTHESIZE +HYPOTHESIZED +HYPOTHESIZER +HYPOTHESIZES +HYPOTHESIZING +HYPOTHETICAL +HYPOTHETICALLY +HYSTERESIS +HYSTERICAL +HYSTERICALLY +IAN +IBERIA +IBERIAN +IBEX +IBID +IBIS +IBN +IBSEN +ICARUS +ICE +ICEBERG +ICEBERGS +ICEBOX +ICED +ICELAND +ICELANDIC +ICES +ICICLE +ICINESS +ICING +ICINGS +ICON +ICONOCLASM +ICONOCLAST +ICONS +ICOSAHEDRA +ICOSAHEDRAL +ICOSAHEDRON +ICY +IDA +IDAHO +IDEA +IDEAL +IDEALISM +IDEALISTIC +IDEALIZATION +IDEALIZATIONS +IDEALIZE +IDEALIZED +IDEALIZES +IDEALIZING +IDEALLY +IDEALS +IDEAS +IDEM +IDEMPOTENCY +IDEMPOTENT +IDENTICAL +IDENTICALLY +IDENTIFIABLE +IDENTIFIABLY +IDENTIFICATION +IDENTIFICATIONS +IDENTIFIED +IDENTIFIER +IDENTIFIERS +IDENTIFIES +IDENTIFY +IDENTIFYING +IDENTITIES +IDENTITY +IDEOLOGICAL +IDEOLOGICALLY +IDEOLOGY +IDIOCY +IDIOM +IDIOSYNCRASIES +IDIOSYNCRASY +IDIOSYNCRATIC +IDIOT +IDIOTIC +IDIOTS +IDLE +IDLED +IDLENESS +IDLER +IDLERS +IDLES +IDLEST +IDLING +IDLY +IDOL +IDOLATRY +IDOLS +IFNI +IGLOO +IGNITE +IGNITION +IGNOBLE +IGNOMINIOUS +IGNORAMUS +IGNORANCE +IGNORANT +IGNORANTLY +IGNORE +IGNORED +IGNORES +IGNORING +IGOR +IKE +ILIAD +ILIADIZE +ILIADIZES +ILL +ILLEGAL +ILLEGALITIES +ILLEGALITY +ILLEGALLY +ILLEGITIMATE +ILLICIT +ILLICITLY +ILLINOIS +ILLITERACY +ILLITERATE +ILLNESS +ILLNESSES +ILLOGICAL +ILLOGICALLY +ILLS +ILLUMINATE +ILLUMINATED +ILLUMINATES +ILLUMINATING +ILLUMINATION +ILLUMINATIONS +ILLUSION +ILLUSIONS +ILLUSIVE +ILLUSIVELY +ILLUSORY +ILLUSTRATE +ILLUSTRATED +ILLUSTRATES +ILLUSTRATING +ILLUSTRATION +ILLUSTRATIONS +ILLUSTRATIVE +ILLUSTRATIVELY +ILLUSTRATOR +ILLUSTRATORS +ILLUSTRIOUS +ILLUSTRIOUSNESS +ILLY +ILONA +ILYUSHIN +IMAGE +IMAGEN +IMAGERY +IMAGES +IMAGINABLE +IMAGINABLY +IMAGINARY +IMAGINATION +IMAGINATIONS +IMAGINATIVE +IMAGINATIVELY +IMAGINE +IMAGINED +IMAGINES +IMAGING +IMAGINING +IMAGININGS +IMBALANCE +IMBALANCES +IMBECILE +IMBIBE +IMBRIUM +IMITATE +IMITATED +IMITATES +IMITATING +IMITATION +IMITATIONS +IMITATIVE +IMMACULATE +IMMACULATELY +IMMATERIAL +IMMATERIALLY +IMMATURE +IMMATURITY +IMMEDIACIES +IMMEDIACY +IMMEDIATE +IMMEDIATELY +IMMEMORIAL +IMMENSE +IMMENSELY +IMMERSE +IMMERSED +IMMERSES +IMMERSION +IMMIGRANT +IMMIGRANTS +IMMIGRATE +IMMIGRATED +IMMIGRATES +IMMIGRATING +IMMIGRATION +IMMINENT +IMMINENTLY +IMMODERATE +IMMODEST +IMMORAL +IMMORTAL +IMMORTALITY +IMMORTALLY +IMMOVABILITY +IMMOVABLE +IMMOVABLY +IMMUNE +IMMUNITIES +IMMUNITY +IMMUNIZATION +IMMUTABLE +IMP +IMPACT +IMPACTED +IMPACTING +IMPACTION +IMPACTOR +IMPACTORS +IMPACTS +IMPAIR +IMPAIRED +IMPAIRING +IMPAIRS +IMPALE +IMPART +IMPARTED +IMPARTIAL +IMPARTIALLY +IMPARTS +IMPASSE +IMPASSIVE +IMPATIENCE +IMPATIENT +IMPATIENTLY +IMPEACH +IMPEACHABLE +IMPEACHED +IMPEACHMENT +IMPECCABLE +IMPEDANCE +IMPEDANCES +IMPEDE +IMPEDED +IMPEDES +IMPEDIMENT +IMPEDIMENTS +IMPEDING +IMPEL +IMPELLED +IMPELLING +IMPEND +IMPENDING +IMPENETRABILITY +IMPENETRABLE +IMPENETRABLY +IMPERATIVE +IMPERATIVELY +IMPERATIVES +IMPERCEIVABLE +IMPERCEPTIBLE +IMPERFECT +IMPERFECTION +IMPERFECTIONS +IMPERFECTLY +IMPERIAL +IMPERIALISM +IMPERIALIST +IMPERIALISTS +IMPERIL +IMPERILED +IMPERIOUS +IMPERIOUSLY +IMPERMANENCE +IMPERMANENT +IMPERMEABLE +IMPERMISSIBLE +IMPERSONAL +IMPERSONALLY +IMPERSONATE +IMPERSONATED +IMPERSONATES +IMPERSONATING +IMPERSONATION +IMPERSONATIONS +IMPERTINENT +IMPERTINENTLY +IMPERVIOUS +IMPERVIOUSLY +IMPETUOUS +IMPETUOUSLY +IMPETUS +IMPINGE +IMPINGED +IMPINGES +IMPINGING +IMPIOUS +IMPLACABLE +IMPLANT +IMPLANTED +IMPLANTING +IMPLANTS +IMPLAUSIBLE +IMPLEMENT +IMPLEMENTABLE +IMPLEMENTATION +IMPLEMENTATIONS +IMPLEMENTED +IMPLEMENTER +IMPLEMENTING +IMPLEMENTOR +IMPLEMENTORS +IMPLEMENTS +IMPLICANT +IMPLICANTS +IMPLICATE +IMPLICATED +IMPLICATES +IMPLICATING +IMPLICATION +IMPLICATIONS +IMPLICIT +IMPLICITLY +IMPLICITNESS +IMPLIED +IMPLIES +IMPLORE +IMPLORED +IMPLORING +IMPLY +IMPLYING +IMPOLITE +IMPORT +IMPORTANCE +IMPORTANT +IMPORTANTLY +IMPORTATION +IMPORTED +IMPORTER +IMPORTERS +IMPORTING +IMPORTS +IMPOSE +IMPOSED +IMPOSES +IMPOSING +IMPOSITION +IMPOSITIONS +IMPOSSIBILITIES +IMPOSSIBILITY +IMPOSSIBLE +IMPOSSIBLY +IMPOSTOR +IMPOSTORS +IMPOTENCE +IMPOTENCY +IMPOTENT +IMPOUND +IMPOVERISH +IMPOVERISHED +IMPOVERISHMENT +IMPRACTICABLE +IMPRACTICAL +IMPRACTICALITY +IMPRACTICALLY +IMPRECISE +IMPRECISELY +IMPRECISION +IMPREGNABLE +IMPREGNATE +IMPRESS +IMPRESSED +IMPRESSER +IMPRESSES +IMPRESSIBLE +IMPRESSING +IMPRESSION +IMPRESSIONABLE +IMPRESSIONIST +IMPRESSIONISTIC +IMPRESSIONS +IMPRESSIVE +IMPRESSIVELY +IMPRESSIVENESS +IMPRESSMENT +IMPRIMATUR +IMPRINT +IMPRINTED +IMPRINTING +IMPRINTS +IMPRISON +IMPRISONED +IMPRISONING +IMPRISONMENT +IMPRISONMENTS +IMPRISONS +IMPROBABILITY +IMPROBABLE +IMPROMPTU +IMPROPER +IMPROPERLY +IMPROPRIETY +IMPROVE +IMPROVED +IMPROVEMENT +IMPROVEMENTS +IMPROVES +IMPROVING +IMPROVISATION +IMPROVISATIONAL +IMPROVISATIONS +IMPROVISE +IMPROVISED +IMPROVISER +IMPROVISERS +IMPROVISES +IMPROVISING +IMPRUDENT +IMPS +IMPUDENT +IMPUDENTLY +IMPUGN +IMPULSE +IMPULSES +IMPULSION +IMPULSIVE +IMPUNITY +IMPURE +IMPURITIES +IMPURITY +IMPUTE +IMPUTED +INABILITY +INACCESSIBLE +INACCURACIES +INACCURACY +INACCURATE +INACTION +INACTIVATE +INACTIVE +INACTIVITY +INADEQUACIES +INADEQUACY +INADEQUATE +INADEQUATELY +INADEQUATENESS +INADMISSIBILITY +INADMISSIBLE +INADVERTENT +INADVERTENTLY +INADVISABLE +INALIENABLE +INALTERABLE +INANE +INANIMATE +INANIMATELY +INANNA +INAPPLICABLE +INAPPROACHABLE +INAPPROPRIATE +INAPPROPRIATENESS +INASMUCH +INATTENTION +INAUDIBLE +INAUGURAL +INAUGURATE +INAUGURATED +INAUGURATING +INAUGURATION +INAUSPICIOUS +INBOARD +INBOUND +INBREED +INCA +INCALCULABLE +INCANDESCENT +INCANTATION +INCAPABLE +INCAPACITATE +INCAPACITATING +INCARCERATE +INCARNATION +INCARNATIONS +INCAS +INCENDIARIES +INCENDIARY +INCENSE +INCENSED +INCENSES +INCENTIVE +INCENTIVES +INCEPTION +INCESSANT +INCESSANTLY +INCEST +INCESTUOUS +INCH +INCHED +INCHES +INCHING +INCIDENCE +INCIDENT +INCIDENTAL +INCIDENTALLY +INCIDENTALS +INCIDENTS +INCINERATE +INCIPIENT +INCISIVE +INCITE +INCITED +INCITEMENT +INCITES +INCITING +INCLEMENT +INCLINATION +INCLINATIONS +INCLINE +INCLINED +INCLINES +INCLINING +INCLOSE +INCLOSED +INCLOSES +INCLOSING +INCLUDE +INCLUDED +INCLUDES +INCLUDING +INCLUSION +INCLUSIONS +INCLUSIVE +INCLUSIVELY +INCLUSIVENESS +INCOHERENCE +INCOHERENT +INCOHERENTLY +INCOME +INCOMES +INCOMING +INCOMMENSURABLE +INCOMMENSURATE +INCOMMUNICABLE +INCOMPARABLE +INCOMPARABLY +INCOMPATIBILITIES +INCOMPATIBILITY +INCOMPATIBLE +INCOMPATIBLY +INCOMPETENCE +INCOMPETENT +INCOMPETENTS +INCOMPLETE +INCOMPLETELY +INCOMPLETENESS +INCOMPREHENSIBILITY +INCOMPREHENSIBLE +INCOMPREHENSIBLY +INCOMPREHENSION +INCOMPRESSIBLE +INCOMPUTABLE +INCONCEIVABLE +INCONCLUSIVE +INCONGRUITY +INCONGRUOUS +INCONSEQUENTIAL +INCONSEQUENTIALLY +INCONSIDERABLE +INCONSIDERATE +INCONSIDERATELY +INCONSIDERATENESS +INCONSISTENCIES +INCONSISTENCY +INCONSISTENT +INCONSISTENTLY +INCONSPICUOUS +INCONTESTABLE +INCONTROVERTIBLE +INCONTROVERTIBLY +INCONVENIENCE +INCONVENIENCED +INCONVENIENCES +INCONVENIENCING +INCONVENIENT +INCONVENIENTLY +INCONVERTIBLE +INCORPORATE +INCORPORATED +INCORPORATES +INCORPORATING +INCORPORATION +INCORRECT +INCORRECTLY +INCORRECTNESS +INCORRIGIBLE +INCREASE +INCREASED +INCREASES +INCREASING +INCREASINGLY +INCREDIBLE +INCREDIBLY +INCREDULITY +INCREDULOUS +INCREDULOUSLY +INCREMENT +INCREMENTAL +INCREMENTALLY +INCREMENTED +INCREMENTER +INCREMENTING +INCREMENTS +INCRIMINATE +INCUBATE +INCUBATED +INCUBATES +INCUBATING +INCUBATION +INCUBATOR +INCUBATORS +INCULCATE +INCUMBENT +INCUR +INCURABLE +INCURRED +INCURRING +INCURS +INCURSION +INDEBTED +INDEBTEDNESS +INDECENT +INDECIPHERABLE +INDECISION +INDECISIVE +INDEED +INDEFATIGABLE +INDEFENSIBLE +INDEFINITE +INDEFINITELY +INDEFINITENESS +INDELIBLE +INDEMNIFY +INDEMNITY +INDENT +INDENTATION +INDENTATIONS +INDENTED +INDENTING +INDENTS +INDENTURE +INDEPENDENCE +INDEPENDENT +INDEPENDENTLY +INDESCRIBABLE +INDESTRUCTIBLE +INDETERMINACIES +INDETERMINACY +INDETERMINATE +INDETERMINATELY +INDEX +INDEXABLE +INDEXED +INDEXES +INDEXING +INDIA +INDIAN +INDIANA +INDIANAPOLIS +INDIANS +INDICATE +INDICATED +INDICATES +INDICATING +INDICATION +INDICATIONS +INDICATIVE +INDICATOR +INDICATORS +INDICES +INDICT +INDICTMENT +INDICTMENTS +INDIES +INDIFFERENCE +INDIFFERENT +INDIFFERENTLY +INDIGENOUS +INDIGENOUSLY +INDIGENOUSNESS +INDIGESTIBLE +INDIGESTION +INDIGNANT +INDIGNANTLY +INDIGNATION +INDIGNITIES +INDIGNITY +INDIGO +INDIRA +INDIRECT +INDIRECTED +INDIRECTING +INDIRECTION +INDIRECTIONS +INDIRECTLY +INDIRECTS +INDISCREET +INDISCRETION +INDISCRIMINATE +INDISCRIMINATELY +INDISPENSABILITY +INDISPENSABLE +INDISPENSABLY +INDISPUTABLE +INDISTINCT +INDISTINGUISHABLE +INDIVIDUAL +INDIVIDUALISM +INDIVIDUALISTIC +INDIVIDUALITY +INDIVIDUALIZE +INDIVIDUALIZED +INDIVIDUALIZES +INDIVIDUALIZING +INDIVIDUALLY +INDIVIDUALS +INDIVISIBILITY +INDIVISIBLE +INDO +INDOCHINA +INDOCHINESE +INDOCTRINATE +INDOCTRINATED +INDOCTRINATES +INDOCTRINATING +INDOCTRINATION +INDOEUROPEAN +INDOLENT +INDOLENTLY +INDOMITABLE +INDONESIA +INDONESIAN +INDOOR +INDOORS +INDUBITABLE +INDUCE +INDUCED +INDUCEMENT +INDUCEMENTS +INDUCER +INDUCES +INDUCING +INDUCT +INDUCTANCE +INDUCTANCES +INDUCTED +INDUCTEE +INDUCTING +INDUCTION +INDUCTIONS +INDUCTIVE +INDUCTIVELY +INDUCTOR +INDUCTORS +INDUCTS +INDULGE +INDULGED +INDULGENCE +INDULGENCES +INDULGENT +INDULGING +INDUS +INDUSTRIAL +INDUSTRIALISM +INDUSTRIALIST +INDUSTRIALISTS +INDUSTRIALIZATION +INDUSTRIALIZED +INDUSTRIALLY +INDUSTRIALS +INDUSTRIES +INDUSTRIOUS +INDUSTRIOUSLY +INDUSTRIOUSNESS +INDUSTRY +INDY +INEFFECTIVE +INEFFECTIVELY +INEFFECTIVENESS +INEFFECTUAL +INEFFICIENCIES +INEFFICIENCY +INEFFICIENT +INEFFICIENTLY +INELEGANT +INELIGIBLE +INEPT +INEQUALITIES +INEQUALITY +INEQUITABLE +INEQUITY +INERT +INERTIA +INERTIAL +INERTLY +INERTNESS +INESCAPABLE +INESCAPABLY +INESSENTIAL +INESTIMABLE +INEVITABILITIES +INEVITABILITY +INEVITABLE +INEVITABLY +INEXACT +INEXCUSABLE +INEXCUSABLY +INEXHAUSTIBLE +INEXORABLE +INEXORABLY +INEXPENSIVE +INEXPENSIVELY +INEXPERIENCE +INEXPERIENCED +INEXPLICABLE +INFALLIBILITY +INFALLIBLE +INFALLIBLY +INFAMOUS +INFAMOUSLY +INFAMY +INFANCY +INFANT +INFANTILE +INFANTRY +INFANTRYMAN +INFANTRYMEN +INFANTS +INFARCT +INFATUATE +INFEASIBLE +INFECT +INFECTED +INFECTING +INFECTION +INFECTIONS +INFECTIOUS +INFECTIOUSLY +INFECTIVE +INFECTS +INFER +INFERENCE +INFERENCES +INFERENTIAL +INFERIOR +INFERIORITY +INFERIORS +INFERNAL +INFERNALLY +INFERNO +INFERNOS +INFERRED +INFERRING +INFERS +INFERTILE +INFEST +INFESTED +INFESTING +INFESTS +INFIDEL +INFIDELITY +INFIDELS +INFIGHTING +INFILTRATE +INFINITE +INFINITELY +INFINITENESS +INFINITESIMAL +INFINITIVE +INFINITIVES +INFINITUDE +INFINITUM +INFINITY +INFIRM +INFIRMARY +INFIRMITY +INFIX +INFLAME +INFLAMED +INFLAMMABLE +INFLAMMATION +INFLAMMATORY +INFLATABLE +INFLATE +INFLATED +INFLATER +INFLATES +INFLATING +INFLATION +INFLATIONARY +INFLEXIBILITY +INFLEXIBLE +INFLICT +INFLICTED +INFLICTING +INFLICTS +INFLOW +INFLUENCE +INFLUENCED +INFLUENCES +INFLUENCING +INFLUENTIAL +INFLUENTIALLY +INFLUENZA +INFORM +INFORMAL +INFORMALITY +INFORMALLY +INFORMANT +INFORMANTS +INFORMATICA +INFORMATION +INFORMATIONAL +INFORMATIVE +INFORMATIVELY +INFORMED +INFORMER +INFORMERS +INFORMING +INFORMS +INFRA +INFRARED +INFRASTRUCTURE +INFREQUENT +INFREQUENTLY +INFRINGE +INFRINGED +INFRINGEMENT +INFRINGEMENTS +INFRINGES +INFRINGING +INFURIATE +INFURIATED +INFURIATES +INFURIATING +INFURIATION +INFUSE +INFUSED +INFUSES +INFUSING +INFUSION +INFUSIONS +INGENIOUS +INGENIOUSLY +INGENIOUSNESS +INGENUITY +INGENUOUS +INGERSOLL +INGEST +INGESTION +INGLORIOUS +INGOT +INGRAM +INGRATE +INGRATIATE +INGRATITUDE +INGREDIENT +INGREDIENTS +INGROWN +INHABIT +INHABITABLE +INHABITANCE +INHABITANT +INHABITANTS +INHABITED +INHABITING +INHABITS +INHALE +INHALED +INHALER +INHALES +INHALING +INHERE +INHERENT +INHERENTLY +INHERES +INHERIT +INHERITABLE +INHERITANCE +INHERITANCES +INHERITED +INHERITING +INHERITOR +INHERITORS +INHERITRESS +INHERITRESSES +INHERITRICES +INHERITRIX +INHERITS +INHIBIT +INHIBITED +INHIBITING +INHIBITION +INHIBITIONS +INHIBITOR +INHIBITORS +INHIBITORY +INHIBITS +INHOMOGENEITIES +INHOMOGENEITY +INHOMOGENEOUS +INHOSPITABLE +INHUMAN +INHUMANE +INIMICAL +INIMITABLE +INIQUITIES +INIQUITY +INITIAL +INITIALED +INITIALING +INITIALIZATION +INITIALIZATIONS +INITIALIZE +INITIALIZED +INITIALIZER +INITIALIZERS +INITIALIZES +INITIALIZING +INITIALLY +INITIALS +INITIATE +INITIATED +INITIATES +INITIATING +INITIATION +INITIATIONS +INITIATIVE +INITIATIVES +INITIATOR +INITIATORS +INJECT +INJECTED +INJECTING +INJECTION +INJECTIONS +INJECTIVE +INJECTS +INJUDICIOUS +INJUN +INJUNCTION +INJUNCTIONS +INJUNS +INJURE +INJURED +INJURES +INJURIES +INJURING +INJURIOUS +INJURY +INJUSTICE +INJUSTICES +INK +INKED +INKER +INKERS +INKING +INKINGS +INKLING +INKLINGS +INKS +INLAID +INLAND +INLAY +INLET +INLETS +INLINE +INMAN +INMATE +INMATES +INN +INNARDS +INNATE +INNATELY +INNER +INNERMOST +INNING +INNINGS +INNOCENCE +INNOCENT +INNOCENTLY +INNOCENTS +INNOCUOUS +INNOCUOUSLY +INNOCUOUSNESS +INNOVATE +INNOVATION +INNOVATIONS +INNOVATIVE +INNS +INNUENDO +INNUMERABILITY +INNUMERABLE +INNUMERABLY +INOCULATE +INOPERABLE +INOPERATIVE +INOPPORTUNE +INORDINATE +INORDINATELY +INORGANIC +INPUT +INPUTS +INQUEST +INQUIRE +INQUIRED +INQUIRER +INQUIRERS +INQUIRES +INQUIRIES +INQUIRING +INQUIRY +INQUISITION +INQUISITIONS +INQUISITIVE +INQUISITIVELY +INQUISITIVENESS +INROAD +INROADS +INSANE +INSANELY +INSANITY +INSATIABLE +INSCRIBE +INSCRIBED +INSCRIBES +INSCRIBING +INSCRIPTION +INSCRIPTIONS +INSCRUTABLE +INSECT +INSECTICIDE +INSECTS +INSECURE +INSECURELY +INSEMINATE +INSENSIBLE +INSENSITIVE +INSENSITIVELY +INSENSITIVITY +INSEPARABLE +INSERT +INSERTED +INSERTING +INSERTION +INSERTIONS +INSERTS +INSET +INSIDE +INSIDER +INSIDERS +INSIDES +INSIDIOUS +INSIDIOUSLY +INSIDIOUSNESS +INSIGHT +INSIGHTFUL +INSIGHTS +INSIGNIA +INSIGNIFICANCE +INSIGNIFICANT +INSINCERE +INSINCERITY +INSINUATE +INSINUATED +INSINUATES +INSINUATING +INSINUATION +INSINUATIONS +INSIPID +INSIST +INSISTED +INSISTENCE +INSISTENT +INSISTENTLY +INSISTING +INSISTS +INSOFAR +INSOLENCE +INSOLENT +INSOLENTLY +INSOLUBLE +INSOLVABLE +INSOLVENT +INSOMNIA +INSOMNIAC +INSPECT +INSPECTED +INSPECTING +INSPECTION +INSPECTIONS +INSPECTOR +INSPECTORS +INSPECTS +INSPIRATION +INSPIRATIONS +INSPIRE +INSPIRED +INSPIRER +INSPIRES +INSPIRING +INSTABILITIES +INSTABILITY +INSTALL +INSTALLATION +INSTALLATIONS +INSTALLED +INSTALLER +INSTALLERS +INSTALLING +INSTALLMENT +INSTALLMENTS +INSTALLS +INSTANCE +INSTANCES +INSTANT +INSTANTANEOUS +INSTANTANEOUSLY +INSTANTER +INSTANTIATE +INSTANTIATED +INSTANTIATES +INSTANTIATING +INSTANTIATION +INSTANTIATIONS +INSTANTLY +INSTANTS +INSTEAD +INSTIGATE +INSTIGATED +INSTIGATES +INSTIGATING +INSTIGATOR +INSTIGATORS +INSTILL +INSTINCT +INSTINCTIVE +INSTINCTIVELY +INSTINCTS +INSTINCTUAL +INSTITUTE +INSTITUTED +INSTITUTER +INSTITUTERS +INSTITUTES +INSTITUTING +INSTITUTION +INSTITUTIONAL +INSTITUTIONALIZE +INSTITUTIONALIZED +INSTITUTIONALIZES +INSTITUTIONALIZING +INSTITUTIONALLY +INSTITUTIONS +INSTRUCT +INSTRUCTED +INSTRUCTING +INSTRUCTION +INSTRUCTIONAL +INSTRUCTIONS +INSTRUCTIVE +INSTRUCTIVELY +INSTRUCTOR +INSTRUCTORS +INSTRUCTS +INSTRUMENT +INSTRUMENTAL +INSTRUMENTALIST +INSTRUMENTALISTS +INSTRUMENTALLY +INSTRUMENTALS +INSTRUMENTATION +INSTRUMENTED +INSTRUMENTING +INSTRUMENTS +INSUBORDINATE +INSUFFERABLE +INSUFFICIENT +INSUFFICIENTLY +INSULAR +INSULATE +INSULATED +INSULATES +INSULATING +INSULATION +INSULATOR +INSULATORS +INSULIN +INSULT +INSULTED +INSULTING +INSULTS +INSUPERABLE +INSUPPORTABLE +INSURANCE +INSURE +INSURED +INSURER +INSURERS +INSURES +INSURGENT +INSURGENTS +INSURING +INSURMOUNTABLE +INSURRECTION +INSURRECTIONS +INTACT +INTANGIBLE +INTANGIBLES +INTEGER +INTEGERS +INTEGRABLE +INTEGRAL +INTEGRALS +INTEGRAND +INTEGRATE +INTEGRATED +INTEGRATES +INTEGRATING +INTEGRATION +INTEGRATIONS +INTEGRATIVE +INTEGRITY +INTEL +INTELLECT +INTELLECTS +INTELLECTUAL +INTELLECTUALLY +INTELLECTUALS +INTELLIGENCE +INTELLIGENT +INTELLIGENTLY +INTELLIGENTSIA +INTELLIGIBILITY +INTELLIGIBLE +INTELLIGIBLY +INTELSAT +INTEMPERATE +INTEND +INTENDED +INTENDING +INTENDS +INTENSE +INTENSELY +INTENSIFICATION +INTENSIFIED +INTENSIFIER +INTENSIFIERS +INTENSIFIES +INTENSIFY +INTENSIFYING +INTENSITIES +INTENSITY +INTENSIVE +INTENSIVELY +INTENT +INTENTION +INTENTIONAL +INTENTIONALLY +INTENTIONED +INTENTIONS +INTENTLY +INTENTNESS +INTENTS +INTER +INTERACT +INTERACTED +INTERACTING +INTERACTION +INTERACTIONS +INTERACTIVE +INTERACTIVELY +INTERACTIVITY +INTERACTS +INTERCEPT +INTERCEPTED +INTERCEPTING +INTERCEPTION +INTERCEPTOR +INTERCEPTS +INTERCHANGE +INTERCHANGEABILITY +INTERCHANGEABLE +INTERCHANGEABLY +INTERCHANGED +INTERCHANGER +INTERCHANGES +INTERCHANGING +INTERCHANGINGS +INTERCHANNEL +INTERCITY +INTERCOM +INTERCOMMUNICATE +INTERCOMMUNICATED +INTERCOMMUNICATES +INTERCOMMUNICATING +INTERCOMMUNICATION +INTERCONNECT +INTERCONNECTED +INTERCONNECTING +INTERCONNECTION +INTERCONNECTIONS +INTERCONNECTS +INTERCONTINENTAL +INTERCOURSE +INTERDATA +INTERDEPENDENCE +INTERDEPENDENCIES +INTERDEPENDENCY +INTERDEPENDENT +INTERDICT +INTERDICTION +INTERDISCIPLINARY +INTEREST +INTERESTED +INTERESTING +INTERESTINGLY +INTERESTS +INTERFACE +INTERFACED +INTERFACER +INTERFACES +INTERFACING +INTERFERE +INTERFERED +INTERFERENCE +INTERFERENCES +INTERFERES +INTERFERING +INTERFERINGLY +INTERFEROMETER +INTERFEROMETRIC +INTERFEROMETRY +INTERFRAME +INTERGROUP +INTERIM +INTERIOR +INTERIORS +INTERJECT +INTERLACE +INTERLACED +INTERLACES +INTERLACING +INTERLEAVE +INTERLEAVED +INTERLEAVES +INTERLEAVING +INTERLINK +INTERLINKED +INTERLINKS +INTERLISP +INTERMEDIARY +INTERMEDIATE +INTERMEDIATES +INTERMINABLE +INTERMINGLE +INTERMINGLED +INTERMINGLES +INTERMINGLING +INTERMISSION +INTERMITTENT +INTERMITTENTLY +INTERMIX +INTERMIXED +INTERMODULE +INTERN +INTERNAL +INTERNALIZE +INTERNALIZED +INTERNALIZES +INTERNALIZING +INTERNALLY +INTERNALS +INTERNATIONAL +INTERNATIONALITY +INTERNATIONALLY +INTERNED +INTERNET +INTERNET +INTERNETWORK +INTERNING +INTERNS +INTERNSHIP +INTEROFFICE +INTERPERSONAL +INTERPLAY +INTERPOL +INTERPOLATE +INTERPOLATED +INTERPOLATES +INTERPOLATING +INTERPOLATION +INTERPOLATIONS +INTERPOSE +INTERPOSED +INTERPOSES +INTERPOSING +INTERPRET +INTERPRETABLE +INTERPRETATION +INTERPRETATIONS +INTERPRETED +INTERPRETER +INTERPRETERS +INTERPRETING +INTERPRETIVE +INTERPRETIVELY +INTERPRETS +INTERPROCESS +INTERRELATE +INTERRELATED +INTERRELATES +INTERRELATING +INTERRELATION +INTERRELATIONS +INTERRELATIONSHIP +INTERRELATIONSHIPS +INTERROGATE +INTERROGATED +INTERROGATES +INTERROGATING +INTERROGATION +INTERROGATIONS +INTERROGATIVE +INTERRUPT +INTERRUPTED +INTERRUPTIBLE +INTERRUPTING +INTERRUPTION +INTERRUPTIONS +INTERRUPTIVE +INTERRUPTS +INTERSECT +INTERSECTED +INTERSECTING +INTERSECTION +INTERSECTIONS +INTERSECTS +INTERSPERSE +INTERSPERSED +INTERSPERSES +INTERSPERSING +INTERSPERSION +INTERSTAGE +INTERSTATE +INTERTWINE +INTERTWINED +INTERTWINES +INTERTWINING +INTERVAL +INTERVALS +INTERVENE +INTERVENED +INTERVENES +INTERVENING +INTERVENTION +INTERVENTIONS +INTERVIEW +INTERVIEWED +INTERVIEWEE +INTERVIEWER +INTERVIEWERS +INTERVIEWING +INTERVIEWS +INTERWOVEN +INTESTATE +INTESTINAL +INTESTINE +INTESTINES +INTIMACY +INTIMATE +INTIMATED +INTIMATELY +INTIMATING +INTIMATION +INTIMATIONS +INTIMIDATE +INTIMIDATED +INTIMIDATES +INTIMIDATING +INTIMIDATION +INTO +INTOLERABLE +INTOLERABLY +INTOLERANCE +INTOLERANT +INTONATION +INTONATIONS +INTONE +INTOXICANT +INTOXICATE +INTOXICATED +INTOXICATING +INTOXICATION +INTRACTABILITY +INTRACTABLE +INTRACTABLY +INTRAGROUP +INTRALINE +INTRAMURAL +INTRAMUSCULAR +INTRANSIGENT +INTRANSITIVE +INTRANSITIVELY +INTRAOFFICE +INTRAPROCESS +INTRASTATE +INTRAVENOUS +INTREPID +INTRICACIES +INTRICACY +INTRICATE +INTRICATELY +INTRIGUE +INTRIGUED +INTRIGUES +INTRIGUING +INTRINSIC +INTRINSICALLY +INTRODUCE +INTRODUCED +INTRODUCES +INTRODUCING +INTRODUCTION +INTRODUCTIONS +INTRODUCTORY +INTROSPECT +INTROSPECTION +INTROSPECTIONS +INTROSPECTIVE +INTROVERT +INTROVERTED +INTRUDE +INTRUDED +INTRUDER +INTRUDERS +INTRUDES +INTRUDING +INTRUSION +INTRUSIONS +INTRUST +INTUBATE +INTUBATED +INTUBATES +INTUBATION +INTUITION +INTUITIONIST +INTUITIONS +INTUITIVE +INTUITIVELY +INUNDATE +INVADE +INVADED +INVADER +INVADERS +INVADES +INVADING +INVALID +INVALIDATE +INVALIDATED +INVALIDATES +INVALIDATING +INVALIDATION +INVALIDATIONS +INVALIDITIES +INVALIDITY +INVALIDLY +INVALIDS +INVALUABLE +INVARIABLE +INVARIABLY +INVARIANCE +INVARIANT +INVARIANTLY +INVARIANTS +INVASION +INVASIONS +INVECTIVE +INVENT +INVENTED +INVENTING +INVENTION +INVENTIONS +INVENTIVE +INVENTIVELY +INVENTIVENESS +INVENTOR +INVENTORIES +INVENTORS +INVENTORY +INVENTS +INVERNESS +INVERSE +INVERSELY +INVERSES +INVERSION +INVERSIONS +INVERT +INVERTEBRATE +INVERTEBRATES +INVERTED +INVERTER +INVERTERS +INVERTIBLE +INVERTING +INVERTS +INVEST +INVESTED +INVESTIGATE +INVESTIGATED +INVESTIGATES +INVESTIGATING +INVESTIGATION +INVESTIGATIONS +INVESTIGATIVE +INVESTIGATOR +INVESTIGATORS +INVESTIGATORY +INVESTING +INVESTMENT +INVESTMENTS +INVESTOR +INVESTORS +INVESTS +INVETERATE +INVIGORATE +INVINCIBLE +INVISIBILITY +INVISIBLE +INVISIBLY +INVITATION +INVITATIONS +INVITE +INVITED +INVITES +INVITING +INVOCABLE +INVOCATION +INVOCATIONS +INVOICE +INVOICED +INVOICES +INVOICING +INVOKE +INVOKED +INVOKER +INVOKES +INVOKING +INVOLUNTARILY +INVOLUNTARY +INVOLVE +INVOLVED +INVOLVEMENT +INVOLVEMENTS +INVOLVES +INVOLVING +INWARD +INWARDLY +INWARDNESS +INWARDS +IODINE +ION +IONIAN +IONIANS +IONICIZATION +IONICIZATIONS +IONICIZE +IONICIZES +IONOSPHERE +IONOSPHERIC +IONS +IOTA +IOWA +IRA +IRAN +IRANIAN +IRANIANS +IRANIZE +IRANIZES +IRAQ +IRAQI +IRAQIS +IRATE +IRATELY +IRATENESS +IRE +IRELAND +IRENE +IRES +IRIS +IRISH +IRISHIZE +IRISHIZES +IRISHMAN +IRISHMEN +IRK +IRKED +IRKING +IRKS +IRKSOME +IRMA +IRON +IRONED +IRONIC +IRONICAL +IRONICALLY +IRONIES +IRONING +IRONINGS +IRONS +IRONY +IROQUOIS +IRRADIATE +IRRATIONAL +IRRATIONALLY +IRRATIONALS +IRRAWADDY +IRRECONCILABLE +IRRECOVERABLE +IRREDUCIBLE +IRREDUCIBLY +IRREFLEXIVE +IRREFUTABLE +IRREGULAR +IRREGULARITIES +IRREGULARITY +IRREGULARLY +IRREGULARS +IRRELEVANCE +IRRELEVANCES +IRRELEVANT +IRRELEVANTLY +IRREPLACEABLE +IRREPRESSIBLE +IRREPRODUCIBILITY +IRREPRODUCIBLE +IRRESISTIBLE +IRRESPECTIVE +IRRESPECTIVELY +IRRESPONSIBLE +IRRESPONSIBLY +IRRETRIEVABLY +IRREVERENT +IRREVERSIBILITY +IRREVERSIBLE +IRREVERSIBLY +IRREVOCABLE +IRREVOCABLY +IRRIGATE +IRRIGATED +IRRIGATES +IRRIGATING +IRRIGATION +IRRITABLE +IRRITANT +IRRITATE +IRRITATED +IRRITATES +IRRITATING +IRRITATION +IRRITATIONS +IRVIN +IRVINE +IRVING +IRWIN +ISAAC +ISAACS +ISAACSON +ISABEL +ISABELLA +ISADORE +ISAIAH +ISFAHAN +ISING +ISIS +ISLAM +ISLAMABAD +ISLAMIC +ISLAMIZATION +ISLAMIZATIONS +ISLAMIZE +ISLAMIZES +ISLAND +ISLANDER +ISLANDERS +ISLANDIA +ISLANDS +ISLE +ISLES +ISLET +ISLETS +ISOLATE +ISOLATED +ISOLATES +ISOLATING +ISOLATION +ISOLATIONS +ISOLDE +ISOMETRIC +ISOMORPHIC +ISOMORPHICALLY +ISOMORPHISM +ISOMORPHISMS +ISOTOPE +ISOTOPES +ISRAEL +ISRAELI +ISRAELIS +ISRAELITE +ISRAELITES +ISRAELITIZE +ISRAELITIZES +ISSUANCE +ISSUE +ISSUED +ISSUER +ISSUERS +ISSUES +ISSUING +ISTANBUL +ISTHMUS +ISTVAN +ITALIAN +ITALIANIZATION +ITALIANIZATIONS +ITALIANIZE +ITALIANIZER +ITALIANIZERS +ITALIANIZES +ITALIANS +ITALIC +ITALICIZE +ITALICIZED +ITALICS +ITALY +ITCH +ITCHES +ITCHING +ITEL +ITEM +ITEMIZATION +ITEMIZATIONS +ITEMIZE +ITEMIZED +ITEMIZES +ITEMIZING +ITEMS +ITERATE +ITERATED +ITERATES +ITERATING +ITERATION +ITERATIONS +ITERATIVE +ITERATIVELY +ITERATOR +ITERATORS +ITHACA +ITHACAN +ITINERARIES +ITINERARY +ITO +ITS +ITSELF +IVAN +IVANHOE +IVERSON +IVIES +IVORY +IVY +IZAAK +IZVESTIA +JAB +JABBED +JABBING +JABLONSKY +JABS +JACK +JACKASS +JACKET +JACKETED +JACKETS +JACKIE +JACKING +JACKKNIFE +JACKMAN +JACKPOT +JACKSON +JACKSONIAN +JACKSONS +JACKSONVILLE +JACKY +JACOB +JACOBEAN +JACOBI +JACOBIAN +JACOBINIZE +JACOBITE +JACOBS +JACOBSEN +JACOBSON +JACOBUS +JACOBY +JACQUELINE +JACQUES +JADE +JADED +JAEGER +JAGUAR +JAIL +JAILED +JAILER +JAILERS +JAILING +JAILS +JAIME +JAKARTA +JAKE +JAKES +JAM +JAMAICA +JAMAICAN +JAMES +JAMESON +JAMESTOWN +JAMMED +JAMMING +JAMS +JANE +JANEIRO +JANESVILLE +JANET +JANICE +JANIS +JANITOR +JANITORS +JANOS +JANSEN +JANSENIST +JANUARIES +JANUARY +JANUS +JAPAN +JAPANESE +JAPANIZATION +JAPANIZATIONS +JAPANIZE +JAPANIZED +JAPANIZES +JAPANIZING +JAR +JARGON +JARRED +JARRING +JARRINGLY +JARS +JARVIN +JASON +JASTROW +JAUNDICE +JAUNT +JAUNTINESS +JAUNTS +JAUNTY +JAVA +JAVANESE +JAVELIN +JAVELINS +JAW +JAWBONE +JAWS +JAY +JAYCEE +JAYCEES +JAZZ +JAZZY +JEALOUS +JEALOUSIES +JEALOUSLY +JEALOUSY +JEAN +JEANNE +JEANNIE +JEANS +JED +JEEP +JEEPS +JEER +JEERS +JEFF +JEFFERSON +JEFFERSONIAN +JEFFERSONIANS +JEFFREY +JEHOVAH +JELLIES +JELLO +JELLY +JELLYFISH +JENKINS +JENNIE +JENNIFER +JENNINGS +JENNY +JENSEN +JEOPARDIZE +JEOPARDIZED +JEOPARDIZES +JEOPARDIZING +JEOPARDY +JEREMIAH +JEREMY +JERES +JERICHO +JERK +JERKED +JERKINESS +JERKING +JERKINGS +JERKS +JERKY +JEROBOAM +JEROME +JERRY +JERSEY +JERSEYS +JERUSALEM +JESSE +JESSICA +JESSIE +JESSY +JEST +JESTED +JESTER +JESTING +JESTS +JESUIT +JESUITISM +JESUITIZE +JESUITIZED +JESUITIZES +JESUITIZING +JESUITS +JESUS +JET +JETLINER +JETS +JETTED +JETTING +JEW +JEWEL +JEWELED +JEWELER +JEWELL +JEWELLED +JEWELRIES +JEWELRY +JEWELS +JEWETT +JEWISH +JEWISHNESS +JEWS +JIFFY +JIG +JIGS +JIGSAW +JILL +JIM +JIMENEZ +JIMMIE +JINGLE +JINGLED +JINGLING +JINNY +JITTER +JITTERBUG +JITTERY +JOAN +JOANNA +JOANNE +JOAQUIN +JOB +JOBREL +JOBS +JOCKEY +JOCKSTRAP +JOCUND +JODY +JOE +JOEL +JOES +JOG +JOGGING +JOGS +JOHANN +JOHANNA +JOHANNES +JOHANNESBURG +JOHANSEN +JOHANSON +JOHN +JOHNNIE +JOHNNY +JOHNS +JOHNSEN +JOHNSON +JOHNSTON +JOHNSTOWN +JOIN +JOINED +JOINER +JOINERS +JOINING +JOINS +JOINT +JOINTLY +JOINTS +JOKE +JOKED +JOKER +JOKERS +JOKES +JOKING +JOKINGLY +JOLIET +JOLLA +JOLLY +JOLT +JOLTED +JOLTING +JOLTS +JON +JONAS +JONATHAN +JONATHANIZATION +JONATHANIZATIONS +JONES +JONESES +JONQUIL +JOPLIN +JORDAN +JORDANIAN +JORGE +JORGENSEN +JORGENSON +JOSE +JOSEF +JOSEPH +JOSEPHINE +JOSEPHSON +JOSEPHUS +JOSHUA +JOSIAH +JOSTLE +JOSTLED +JOSTLES +JOSTLING +JOT +JOTS +JOTTED +JOTTING +JOULE +JOURNAL +JOURNALISM +JOURNALIST +JOURNALISTS +JOURNALIZE +JOURNALIZED +JOURNALIZES +JOURNALIZING +JOURNALS +JOURNEY +JOURNEYED +JOURNEYING +JOURNEYINGS +JOURNEYMAN +JOURNEYMEN +JOURNEYS +JOUST +JOUSTED +JOUSTING +JOUSTS +JOVANOVICH +JOVE +JOVIAL +JOVIAN +JOY +JOYCE +JOYFUL +JOYFULLY +JOYOUS +JOYOUSLY +JOYOUSNESS +JOYRIDE +JOYS +JOYSTICK +JUAN +JUANITA +JUBAL +JUBILEE +JUDAICA +JUDAISM +JUDAS +JUDD +JUDDER +JUDDERED +JUDDERING +JUDDERS +JUDE +JUDEA +JUDGE +JUDGED +JUDGES +JUDGING +JUDGMENT +JUDGMENTS +JUDICIAL +JUDICIARY +JUDICIOUS +JUDICIOUSLY +JUDITH +JUDO +JUDSON +JUDY +JUG +JUGGLE +JUGGLER +JUGGLERS +JUGGLES +JUGGLING +JUGOSLAVIA +JUGS +JUICE +JUICES +JUICIEST +JUICY +JUKES +JULES +JULIA +JULIAN +JULIE +JULIES +JULIET +JULIO +JULIUS +JULY +JUMBLE +JUMBLED +JUMBLES +JUMBO +JUMP +JUMPED +JUMPER +JUMPERS +JUMPING +JUMPS +JUMPY +JUNCTION +JUNCTIONS +JUNCTURE +JUNCTURES +JUNE +JUNEAU +JUNES +JUNG +JUNGIAN +JUNGLE +JUNGLES +JUNIOR +JUNIORS +JUNIPER +JUNK +JUNKER +JUNKERS +JUNKS +JUNKY +JUNO +JUNTA +JUPITER +JURA +JURAS +JURASSIC +JURE +JURIES +JURISDICTION +JURISDICTIONS +JURISPRUDENCE +JURIST +JUROR +JURORS +JURY +JUST +JUSTICE +JUSTICES +JUSTIFIABLE +JUSTIFIABLY +JUSTIFICATION +JUSTIFICATIONS +JUSTIFIED +JUSTIFIER +JUSTIFIERS +JUSTIFIES +JUSTIFY +JUSTIFYING +JUSTINE +JUSTINIAN +JUSTLY +JUSTNESS +JUT +JUTISH +JUTLAND +JUTTING +JUVENILE +JUVENILES +JUXTAPOSE +JUXTAPOSED +JUXTAPOSES +JUXTAPOSING +KABUKI +KABUL +KADDISH +KAFKA +KAFKAESQUE +KAHN +KAJAR +KALAMAZOO +KALI +KALMUK +KAMCHATKA +KAMIKAZE +KAMIKAZES +KAMPALA +KAMPUCHEA +KANARESE +KANE +KANGAROO +KANJI +KANKAKEE +KANNADA +KANSAS +KANT +KANTIAN +KAPLAN +KAPPA +KARACHI +KARAMAZOV +KARATE +KAREN +KARL +KAROL +KARP +KASHMIR +KASKASKIA +KATE +KATHARINE +KATHERINE +KATHLEEN +KATHY +KATIE +KATMANDU +KATOWICE +KATZ +KAUFFMAN +KAUFMAN +KAY +KEATON +KEATS +KEEGAN +KEEL +KEELED +KEELING +KEELS +KEEN +KEENAN +KEENER +KEENEST +KEENLY +KEENNESS +KEEP +KEEPER +KEEPERS +KEEPING +KEEPS +KEITH +KELLER +KELLEY +KELLOGG +KELLY +KELSEY +KELVIN +KEMP +KEN +KENDALL +KENILWORTH +KENNAN +KENNECOTT +KENNEDY +KENNEL +KENNELS +KENNETH +KENNEY +KENNING +KENNY +KENOSHA +KENSINGTON +KENT +KENTON +KENTUCKY +KENYA +KENYON +KEPLER +KEPT +KERCHIEF +KERCHIEFS +KERMIT +KERN +KERNEL +KERNELS +KERNIGHAN +KEROSENE +KEROUAC +KERR +KESSLER +KETCHUP +KETTERING +KETTLE +KETTLES +KEVIN +KEWASKUM +KEWAUNEE +KEY +KEYBOARD +KEYBOARDS +KEYED +KEYES +KEYHOLE +KEYING +KEYNES +KEYNESIAN +KEYNOTE +KEYPAD +KEYPADS +KEYS +KEYSTROKE +KEYSTROKES +KEYWORD +KEYWORDS +KHARTOUM +KHMER +KHRUSHCHEV +KHRUSHCHEVS +KICK +KICKAPOO +KICKED +KICKER +KICKERS +KICKING +KICKOFF +KICKS +KID +KIDDE +KIDDED +KIDDIE +KIDDING +KIDNAP +KIDNAPPER +KIDNAPPERS +KIDNAPPING +KIDNAPPINGS +KIDNAPS +KIDNEY +KIDNEYS +KIDS +KIEFFER +KIEL +KIEV +KIEWIT +KIGALI +KIKUYU +KILGORE +KILIMANJARO +KILL +KILLEBREW +KILLED +KILLER +KILLERS +KILLING +KILLINGLY +KILLINGS +KILLJOY +KILLS +KILOBIT +KILOBITS +KILOBLOCK +KILOBYTE +KILOBYTES +KILOGRAM +KILOGRAMS +KILOHERTZ +KILOHM +KILOJOULE +KILOMETER +KILOMETERS +KILOTON +KILOVOLT +KILOWATT +KILOWORD +KIM +KIMBALL +KIMBERLY +KIMONO +KIN +KIND +KINDER +KINDERGARTEN +KINDEST +KINDHEARTED +KINDLE +KINDLED +KINDLES +KINDLING +KINDLY +KINDNESS +KINDRED +KINDS +KINETIC +KING +KINGDOM +KINGDOMS +KINGLY +KINGPIN +KINGS +KINGSBURY +KINGSLEY +KINGSTON +KINGSTOWN +KINGWOOD +KINK +KINKY +KINNEY +KINNICKINNIC +KINSEY +KINSHASHA +KINSHIP +KINSMAN +KIOSK +KIOWA +KIPLING +KIRBY +KIRCHNER +KIRCHOFF +KIRK +KIRKLAND +KIRKPATRICK +KIRKWOOD +KIROV +KISS +KISSED +KISSER +KISSERS +KISSES +KISSING +KIT +KITAKYUSHU +KITCHEN +KITCHENETTE +KITCHENS +KITE +KITED +KITES +KITING +KITS +KITTEN +KITTENISH +KITTENS +KITTY +KIWANIS +KLAN +KLAUS +KLAXON +KLEIN +KLEINROCK +KLINE +KLUDGE +KLUDGES +KLUX +KLYSTRON +KNACK +KNAPP +KNAPSACK +KNAPSACKS +KNAUER +KNAVE +KNAVES +KNEAD +KNEADS +KNEE +KNEECAP +KNEED +KNEEING +KNEEL +KNEELED +KNEELING +KNEELS +KNEES +KNELL +KNELLS +KNELT +KNEW +KNICKERBOCKER +KNICKERBOCKERS +KNIFE +KNIFED +KNIFES +KNIFING +KNIGHT +KNIGHTED +KNIGHTHOOD +KNIGHTING +KNIGHTLY +KNIGHTS +KNIGHTSBRIDGE +KNIT +KNITS +KNIVES +KNOB +KNOBELOCH +KNOBS +KNOCK +KNOCKDOWN +KNOCKED +KNOCKER +KNOCKERS +KNOCKING +KNOCKOUT +KNOCKS +KNOLL +KNOLLS +KNOSSOS +KNOT +KNOTS +KNOTT +KNOTTED +KNOTTING +KNOW +KNOWABLE +KNOWER +KNOWHOW +KNOWING +KNOWINGLY +KNOWLEDGE +KNOWLEDGEABLE +KNOWLES +KNOWLTON +KNOWN +KNOWS +KNOX +KNOXVILLE +KNUCKLE +KNUCKLED +KNUCKLES +KNUDSEN +KNUDSON +KNUTH +KNUTSEN +KNUTSON +KOALA +KOBAYASHI +KOCH +KOCHAB +KODACHROME +KODAK +KODIAK +KOENIG +KOENIGSBERG +KOHLER +KONG +KONRAD +KOPPERS +KORAN +KOREA +KOREAN +KOREANS +KOSHER +KOVACS +KOWALEWSKI +KOWALSKI +KOWLOON +KOWTOW +KRAEMER +KRAKATOA +KRAKOW +KRAMER +KRAUSE +KREBS +KREMLIN +KRESGE +KRIEGER +KRISHNA +KRISTIN +KRONECKER +KRUEGER +KRUGER +KRUSE +KUALA +KUDO +KUENNING +KUHN +KUMAR +KURD +KURDISH +KURT +KUWAIT +KUWAITI +KYOTO +LAB +LABAN +LABEL +LABELED +LABELING +LABELLED +LABELLER +LABELLERS +LABELLING +LABELS +LABOR +LABORATORIES +LABORATORY +LABORED +LABORER +LABORERS +LABORING +LABORINGS +LABORIOUS +LABORIOUSLY +LABORS +LABRADOR +LABS +LABYRINTH +LABYRINTHS +LAC +LACE +LACED +LACERATE +LACERATED +LACERATES +LACERATING +LACERATION +LACERATIONS +LACERTA +LACES +LACEY +LACHESIS +LACING +LACK +LACKAWANNA +LACKED +LACKEY +LACKING +LACKS +LACQUER +LACQUERED +LACQUERS +LACROSSE +LACY +LAD +LADDER +LADEN +LADIES +LADING +LADLE +LADS +LADY +LADYLIKE +LAFAYETTE +LAG +LAGER +LAGERS +LAGOON +LAGOONS +LAGOS +LAGRANGE +LAGRANGIAN +LAGS +LAGUERRE +LAGUNA +LAHORE +LAID +LAIDLAW +LAIN +LAIR +LAIRS +LAISSEZ +LAKE +LAKEHURST +LAKES +LAKEWOOD +LAMAR +LAMARCK +LAMB +LAMBDA +LAMBDAS +LAMBERT +LAMBS +LAME +LAMED +LAMELY +LAMENESS +LAMENT +LAMENTABLE +LAMENTATION +LAMENTATIONS +LAMENTED +LAMENTING +LAMENTS +LAMES +LAMINAR +LAMING +LAMP +LAMPLIGHT +LAMPOON +LAMPORT +LAMPREY +LAMPS +LANA +LANCASHIRE +LANCASTER +LANCE +LANCED +LANCELOT +LANCER +LANCES +LAND +LANDED +LANDER +LANDERS +LANDFILL +LANDING +LANDINGS +LANDIS +LANDLADIES +LANDLADY +LANDLORD +LANDLORDS +LANDMARK +LANDMARKS +LANDOWNER +LANDOWNERS +LANDS +LANDSCAPE +LANDSCAPED +LANDSCAPES +LANDSCAPING +LANDSLIDE +LANDWEHR +LANE +LANES +LANG +LANGE +LANGELAND +LANGFORD +LANGLEY +LANGMUIR +LANGUAGE +LANGUAGES +LANGUID +LANGUIDLY +LANGUIDNESS +LANGUISH +LANGUISHED +LANGUISHES +LANGUISHING +LANKA +LANSING +LANTERN +LANTERNS +LAO +LAOCOON +LAOS +LAOTIAN +LAOTIANS +LAP +LAPEL +LAPELS +LAPLACE +LAPLACIAN +LAPPING +LAPS +LAPSE +LAPSED +LAPSES +LAPSING +LARAMIE +LARD +LARDER +LAREDO +LARES +LARGE +LARGELY +LARGENESS +LARGER +LARGEST +LARK +LARKIN +LARKS +LARRY +LARS +LARSEN +LARSON +LARVA +LARVAE +LARYNX +LASCIVIOUS +LASER +LASERS +LASH +LASHED +LASHES +LASHING +LASHINGS +LASS +LASSES +LASSO +LAST +LASTED +LASTING +LASTLY +LASTS +LASZLO +LATCH +LATCHED +LATCHES +LATCHING +LATE +LATELY +LATENCY +LATENESS +LATENT +LATER +LATERAL +LATERALLY +LATERAN +LATEST +LATEX +LATHE +LATHROP +LATIN +LATINATE +LATINITY +LATINIZATION +LATINIZATIONS +LATINIZE +LATINIZED +LATINIZER +LATINIZERS +LATINIZES +LATINIZING +LATITUDE +LATITUDES +LATRINE +LATRINES +LATROBE +LATTER +LATTERLY +LATTICE +LATTICES +LATTIMER +LATVIA +LAUDABLE +LAUDERDALE +LAUE +LAUGH +LAUGHABLE +LAUGHABLY +LAUGHED +LAUGHING +LAUGHINGLY +LAUGHINGSTOCK +LAUGHLIN +LAUGHS +LAUGHTER +LAUNCH +LAUNCHED +LAUNCHER +LAUNCHES +LAUNCHING +LAUNCHINGS +LAUNDER +LAUNDERED +LAUNDERER +LAUNDERING +LAUNDERINGS +LAUNDERS +LAUNDROMAT +LAUNDROMATS +LAUNDRY +LAUREATE +LAUREL +LAURELS +LAUREN +LAURENCE +LAURENT +LAURENTIAN +LAURIE +LAUSANNE +LAVA +LAVATORIES +LAVATORY +LAVENDER +LAVISH +LAVISHED +LAVISHING +LAVISHLY +LAVOISIER +LAW +LAWBREAKER +LAWFORD +LAWFUL +LAWFULLY +LAWGIVER +LAWLESS +LAWLESSNESS +LAWN +LAWNS +LAWRENCE +LAWRENCEVILLE +LAWS +LAWSON +LAWSUIT +LAWSUITS +LAWYER +LAWYERS +LAX +LAXATIVE +LAY +LAYER +LAYERED +LAYERING +LAYERS +LAYING +LAYMAN +LAYMEN +LAYOFF +LAYOFFS +LAYOUT +LAYOUTS +LAYS +LAYTON +LAZARUS +LAZED +LAZIER +LAZIEST +LAZILY +LAZINESS +LAZING +LAZY +LAZYBONES +LEAD +LEADED +LEADEN +LEADER +LEADERS +LEADERSHIP +LEADERSHIPS +LEADING +LEADINGS +LEADS +LEAF +LEAFED +LEAFIEST +LEAFING +LEAFLESS +LEAFLET +LEAFLETS +LEAFY +LEAGUE +LEAGUED +LEAGUER +LEAGUERS +LEAGUES +LEAK +LEAKAGE +LEAKAGES +LEAKED +LEAKING +LEAKS +LEAKY +LEAN +LEANDER +LEANED +LEANER +LEANEST +LEANING +LEANNESS +LEANS +LEAP +LEAPED +LEAPFROG +LEAPING +LEAPS +LEAPT +LEAR +LEARN +LEARNED +LEARNER +LEARNERS +LEARNING +LEARNS +LEARY +LEASE +LEASED +LEASES +LEASH +LEASHES +LEASING +LEAST +LEATHER +LEATHERED +LEATHERN +LEATHERNECK +LEATHERS +LEAVE +LEAVED +LEAVEN +LEAVENED +LEAVENING +LEAVENWORTH +LEAVES +LEAVING +LEAVINGS +LEBANESE +LEBANON +LEBESGUE +LECHERY +LECTURE +LECTURED +LECTURER +LECTURERS +LECTURES +LECTURING +LED +LEDGE +LEDGER +LEDGERS +LEDGES +LEE +LEECH +LEECHES +LEEDS +LEEK +LEER +LEERY +LEES +LEEUWENHOEK +LEEWARD +LEEWAY +LEFT +LEFTIST +LEFTISTS +LEFTMOST +LEFTOVER +LEFTOVERS +LEFTWARD +LEG +LEGACIES +LEGACY +LEGAL +LEGALITY +LEGALIZATION +LEGALIZE +LEGALIZED +LEGALIZES +LEGALIZING +LEGALLY +LEGEND +LEGENDARY +LEGENDRE +LEGENDS +LEGER +LEGERS +LEGGED +LEGGINGS +LEGIBILITY +LEGIBLE +LEGIBLY +LEGION +LEGIONS +LEGISLATE +LEGISLATED +LEGISLATES +LEGISLATING +LEGISLATION +LEGISLATIVE +LEGISLATOR +LEGISLATORS +LEGISLATURE +LEGISLATURES +LEGITIMACY +LEGITIMATE +LEGITIMATELY +LEGS +LEGUME +LEHIGH +LEHMAN +LEIBNIZ +LEIDEN +LEIGH +LEIGHTON +LEILA +LEIPZIG +LEISURE +LEISURELY +LELAND +LEMKE +LEMMA +LEMMAS +LEMMING +LEMMINGS +LEMON +LEMONADE +LEMONS +LEMUEL +LEN +LENA +LEND +LENDER +LENDERS +LENDING +LENDS +LENGTH +LENGTHEN +LENGTHENED +LENGTHENING +LENGTHENS +LENGTHLY +LENGTHS +LENGTHWISE +LENGTHY +LENIENCY +LENIENT +LENIENTLY +LENIN +LENINGRAD +LENINISM +LENINIST +LENNOX +LENNY +LENORE +LENS +LENSES +LENT +LENTEN +LENTIL +LENTILS +LEO +LEON +LEONA +LEONARD +LEONARDO +LEONE +LEONID +LEOPARD +LEOPARDS +LEOPOLD +LEOPOLDVILLE +LEPER +LEPROSY +LEROY +LESBIAN +LESBIANS +LESLIE +LESOTHO +LESS +LESSEN +LESSENED +LESSENING +LESSENS +LESSER +LESSON +LESSONS +LESSOR +LEST +LESTER +LET +LETHAL +LETHE +LETITIA +LETS +LETTER +LETTERED +LETTERER +LETTERHEAD +LETTERING +LETTERS +LETTING +LETTUCE +LEUKEMIA +LEV +LEVEE +LEVEES +LEVEL +LEVELED +LEVELER +LEVELING +LEVELLED +LEVELLER +LEVELLEST +LEVELLING +LEVELLY +LEVELNESS +LEVELS +LEVER +LEVERAGE +LEVERS +LEVI +LEVIABLE +LEVIED +LEVIES +LEVIN +LEVINE +LEVIS +LEVITICUS +LEVITT +LEVITY +LEVY +LEVYING +LEW +LEWD +LEWDLY +LEWDNESS +LEWELLYN +LEXICAL +LEXICALLY +LEXICOGRAPHIC +LEXICOGRAPHICAL +LEXICOGRAPHICALLY +LEXICON +LEXICONS +LEXINGTON +LEYDEN +LIABILITIES +LIABILITY +LIABLE +LIAISON +LIAISONS +LIAR +LIARS +LIBEL +LIBELOUS +LIBERACE +LIBERAL +LIBERALIZE +LIBERALIZED +LIBERALIZES +LIBERALIZING +LIBERALLY +LIBERALS +LIBERATE +LIBERATED +LIBERATES +LIBERATING +LIBERATION +LIBERATOR +LIBERATORS +LIBERIA +LIBERTARIAN +LIBERTIES +LIBERTY +LIBIDO +LIBRARIAN +LIBRARIANS +LIBRARIES +LIBRARY +LIBRETTO +LIBREVILLE +LIBYA +LIBYAN +LICE +LICENSE +LICENSED +LICENSEE +LICENSES +LICENSING +LICENSOR +LICENTIOUS +LICHEN +LICHENS +LICHTER +LICK +LICKED +LICKING +LICKS +LICORICE +LID +LIDS +LIE +LIEBERMAN +LIECHTENSTEIN +LIED +LIEGE +LIEN +LIENS +LIES +LIEU +LIEUTENANT +LIEUTENANTS +LIFE +LIFEBLOOD +LIFEBOAT +LIFEGUARD +LIFELESS +LIFELESSNESS +LIFELIKE +LIFELONG +LIFER +LIFESPAN +LIFESTYLE +LIFESTYLES +LIFETIME +LIFETIMES +LIFT +LIFTED +LIFTER +LIFTERS +LIFTING +LIFTS +LIGAMENT +LIGATURE +LIGGET +LIGGETT +LIGHT +LIGHTED +LIGHTEN +LIGHTENS +LIGHTER +LIGHTERS +LIGHTEST +LIGHTFACE +LIGHTHEARTED +LIGHTHOUSE +LIGHTHOUSES +LIGHTING +LIGHTLY +LIGHTNESS +LIGHTNING +LIGHTNINGS +LIGHTS +LIGHTWEIGHT +LIKE +LIKED +LIKELIER +LIKELIEST +LIKELIHOOD +LIKELIHOODS +LIKELINESS +LIKELY +LIKEN +LIKENED +LIKENESS +LIKENESSES +LIKENING +LIKENS +LIKES +LIKEWISE +LIKING +LILA +LILAC +LILACS +LILIAN +LILIES +LILLIAN +LILLIPUT +LILLIPUTIAN +LILLIPUTIANIZE +LILLIPUTIANIZES +LILLY +LILY +LIMA +LIMAN +LIMB +LIMBER +LIMBO +LIMBS +LIME +LIMELIGHT +LIMERICK +LIMES +LIMESTONE +LIMIT +LIMITABILITY +LIMITABLY +LIMITATION +LIMITATIONS +LIMITED +LIMITER +LIMITERS +LIMITING +LIMITLESS +LIMITS +LIMOUSINE +LIMP +LIMPED +LIMPING +LIMPLY +LIMPNESS +LIMPS +LIN +LINCOLN +LIND +LINDA +LINDBERG +LINDBERGH +LINDEN +LINDHOLM +LINDQUIST +LINDSAY +LINDSEY +LINDSTROM +LINDY +LINE +LINEAR +LINEARITIES +LINEARITY +LINEARIZABLE +LINEARIZE +LINEARIZED +LINEARIZES +LINEARIZING +LINEARLY +LINED +LINEN +LINENS +LINER +LINERS +LINES +LINEUP +LINGER +LINGERED +LINGERIE +LINGERING +LINGERS +LINGO +LINGUA +LINGUIST +LINGUISTIC +LINGUISTICALLY +LINGUISTICS +LINGUISTS +LINING +LININGS +LINK +LINKAGE +LINKAGES +LINKED +LINKER +LINKERS +LINKING +LINKS +LINNAEUS +LINOLEUM +LINOTYPE +LINSEED +LINT +LINTON +LINUS +LINUX +LION +LIONEL +LIONESS +LIONESSES +LIONS +LIP +LIPPINCOTT +LIPS +LIPSCHITZ +LIPSCOMB +LIPSTICK +LIPTON +LIQUID +LIQUIDATE +LIQUIDATION +LIQUIDATIONS +LIQUIDITY +LIQUIDS +LIQUOR +LIQUORS +LISA +LISBON +LISE +LISP +LISPED +LISPING +LISPS +LISS +LISSAJOUS +LIST +LISTED +LISTEN +LISTENED +LISTENER +LISTENERS +LISTENING +LISTENS +LISTER +LISTERIZE +LISTERIZES +LISTERS +LISTING +LISTINGS +LISTLESS +LISTON +LISTS +LIT +LITANY +LITER +LITERACY +LITERAL +LITERALLY +LITERALNESS +LITERALS +LITERARY +LITERATE +LITERATURE +LITERATURES +LITERS +LITHE +LITHOGRAPH +LITHOGRAPHY +LITHUANIA +LITHUANIAN +LITIGANT +LITIGATE +LITIGATION +LITIGIOUS +LITMUS +LITTER +LITTERBUG +LITTERED +LITTERING +LITTERS +LITTLE +LITTLENESS +LITTLER +LITTLEST +LITTLETON +LITTON +LIVABLE +LIVABLY +LIVE +LIVED +LIVELIHOOD +LIVELY +LIVENESS +LIVER +LIVERIED +LIVERMORE +LIVERPOOL +LIVERPUDLIAN +LIVERS +LIVERY +LIVES +LIVESTOCK +LIVID +LIVING +LIVINGSTON +LIZ +LIZARD +LIZARDS +LIZZIE +LIZZY +LLOYD +LOAD +LOADED +LOADER +LOADERS +LOADING +LOADINGS +LOADS +LOAF +LOAFED +LOAFER +LOAN +LOANED +LOANING +LOANS +LOATH +LOATHE +LOATHED +LOATHING +LOATHLY +LOATHSOME +LOAVES +LOBBIED +LOBBIES +LOBBY +LOBBYING +LOBE +LOBES +LOBSTER +LOBSTERS +LOCAL +LOCALITIES +LOCALITY +LOCALIZATION +LOCALIZE +LOCALIZED +LOCALIZES +LOCALIZING +LOCALLY +LOCALS +LOCATE +LOCATED +LOCATES +LOCATING +LOCATION +LOCATIONS +LOCATIVE +LOCATIVES +LOCATOR +LOCATORS +LOCI +LOCK +LOCKE +LOCKED +LOCKER +LOCKERS +LOCKHART +LOCKHEED +LOCKIAN +LOCKING +LOCKINGS +LOCKOUT +LOCKOUTS +LOCKS +LOCKSMITH +LOCKSTEP +LOCKUP +LOCKUPS +LOCKWOOD +LOCOMOTION +LOCOMOTIVE +LOCOMOTIVES +LOCUS +LOCUST +LOCUSTS +LODGE +LODGED +LODGER +LODGES +LODGING +LODGINGS +LODOWICK +LOEB +LOFT +LOFTINESS +LOFTS +LOFTY +LOGAN +LOGARITHM +LOGARITHMIC +LOGARITHMICALLY +LOGARITHMS +LOGGED +LOGGER +LOGGERS +LOGGING +LOGIC +LOGICAL +LOGICALLY +LOGICIAN +LOGICIANS +LOGICS +LOGIN +LOGINS +LOGISTIC +LOGISTICS +LOGJAM +LOGO +LOGS +LOIN +LOINCLOTH +LOINS +LOIRE +LOIS +LOITER +LOITERED +LOITERER +LOITERING +LOITERS +LOKI +LOLA +LOMB +LOMBARD +LOMBARDY +LOME +LONDON +LONDONDERRY +LONDONER +LONDONIZATION +LONDONIZATIONS +LONDONIZE +LONDONIZES +LONE +LONELIER +LONELIEST +LONELINESS +LONELY +LONER +LONERS +LONESOME +LONG +LONGED +LONGER +LONGEST +LONGEVITY +LONGFELLOW +LONGHAND +LONGING +LONGINGS +LONGITUDE +LONGITUDES +LONGS +LONGSTANDING +LONGSTREET +LOOK +LOOKAHEAD +LOOKED +LOOKER +LOOKERS +LOOKING +LOOKOUT +LOOKS +LOOKUP +LOOKUPS +LOOM +LOOMED +LOOMING +LOOMIS +LOOMS +LOON +LOOP +LOOPED +LOOPHOLE +LOOPHOLES +LOOPING +LOOPS +LOOSE +LOOSED +LOOSELEAF +LOOSELY +LOOSEN +LOOSENED +LOOSENESS +LOOSENING +LOOSENS +LOOSER +LOOSES +LOOSEST +LOOSING +LOOT +LOOTED +LOOTER +LOOTING +LOOTS +LOPEZ +LOPSIDED +LORD +LORDLY +LORDS +LORDSHIP +LORE +LORELEI +LOREN +LORENTZIAN +LORENZ +LORETTA +LORINDA +LORRAINE +LORRY +LOS +LOSE +LOSER +LOSERS +LOSES +LOSING +LOSS +LOSSES +LOSSIER +LOSSIEST +LOSSY +LOST +LOT +LOTHARIO +LOTION +LOTS +LOTTE +LOTTERY +LOTTIE +LOTUS +LOU +LOUD +LOUDER +LOUDEST +LOUDLY +LOUDNESS +LOUDSPEAKER +LOUDSPEAKERS +LOUIS +LOUISA +LOUISE +LOUISIANA +LOUISIANAN +LOUISVILLE +LOUNGE +LOUNGED +LOUNGES +LOUNGING +LOUNSBURY +LOURDES +LOUSE +LOUSY +LOUT +LOUVRE +LOVABLE +LOVABLY +LOVE +LOVED +LOVEJOY +LOVELACE +LOVELAND +LOVELIER +LOVELIES +LOVELIEST +LOVELINESS +LOVELORN +LOVELY +LOVER +LOVERS +LOVES +LOVING +LOVINGLY +LOW +LOWE +LOWELL +LOWER +LOWERED +LOWERING +LOWERS +LOWEST +LOWLAND +LOWLANDS +LOWLIEST +LOWLY +LOWNESS +LOWRY +LOWS +LOY +LOYAL +LOYALLY +LOYALTIES +LOYALTY +LOYOLA +LUBBOCK +LUBELL +LUBRICANT +LUBRICATE +LUBRICATION +LUCAS +LUCERNE +LUCIA +LUCIAN +LUCID +LUCIEN +LUCIFER +LUCILLE +LUCIUS +LUCK +LUCKED +LUCKIER +LUCKIEST +LUCKILY +LUCKLESS +LUCKS +LUCKY +LUCRATIVE +LUCRETIA +LUCRETIUS +LUCY +LUDICROUS +LUDICROUSLY +LUDICROUSNESS +LUDLOW +LUDMILLA +LUDWIG +LUFTHANSA +LUFTWAFFE +LUGGAGE +LUIS +LUKE +LUKEWARM +LULL +LULLABY +LULLED +LULLS +LUMBER +LUMBERED +LUMBERING +LUMINOUS +LUMINOUSLY +LUMMOX +LUMP +LUMPED +LUMPING +LUMPS +LUMPUR +LUMPY +LUNAR +LUNATIC +LUNCH +LUNCHED +LUNCHEON +LUNCHEONS +LUNCHES +LUNCHING +LUND +LUNDBERG +LUNDQUIST +LUNG +LUNGED +LUNGS +LURA +LURCH +LURCHED +LURCHES +LURCHING +LURE +LURED +LURES +LURING +LURK +LURKED +LURKING +LURKS +LUSAKA +LUSCIOUS +LUSCIOUSLY +LUSCIOUSNESS +LUSH +LUST +LUSTER +LUSTFUL +LUSTILY +LUSTINESS +LUSTROUS +LUSTS +LUSTY +LUTE +LUTES +LUTHER +LUTHERAN +LUTHERANIZE +LUTHERANIZER +LUTHERANIZERS +LUTHERANIZES +LUTZ +LUXEMBOURG +LUXEMBURG +LUXURIANT +LUXURIANTLY +LUXURIES +LUXURIOUS +LUXURIOUSLY +LUXURY +LUZON +LYDIA +LYING +LYKES +LYLE +LYMAN +LYMPH +LYNCH +LYNCHBURG +LYNCHED +LYNCHER +LYNCHES +LYNDON +LYNN +LYNX +LYNXES +LYON +LYONS +LYRA +LYRE +LYRIC +LYRICS +LYSENKO +MABEL +MAC +MACADAMIA +MACARTHUR +MACARTHUR +MACASSAR +MACAULAY +MACAULAYAN +MACAULAYISM +MACAULAYISMS +MACBETH +MACDONALD +MACDONALD +MACDOUGALL +MACDOUGALL +MACDRAW +MACE +MACED +MACEDON +MACEDONIA +MACEDONIAN +MACES +MACGREGOR +MACGREGOR +MACH +MACHIAVELLI +MACHIAVELLIAN +MACHINATION +MACHINE +MACHINED +MACHINELIKE +MACHINERY +MACHINES +MACHINING +MACHO +MACINTOSH +MACINTOSH +MACINTOSH +MACKENZIE +MACKENZIE +MACKEREL +MACKEY +MACKINAC +MACKINAW +MACMAHON +MACMILLAN +MACMILLAN +MACON +MACPAINT +MACRO +MACROECONOMICS +MACROMOLECULE +MACROMOLECULES +MACROPHAGE +MACROS +MACROSCOPIC +MAD +MADAGASCAR +MADAM +MADAME +MADAMES +MADDEN +MADDENING +MADDER +MADDEST +MADDOX +MADE +MADEIRA +MADELEINE +MADELINE +MADHOUSE +MADHYA +MADISON +MADLY +MADMAN +MADMEN +MADNESS +MADONNA +MADONNAS +MADRAS +MADRID +MADSEN +MAE +MAELSTROM +MAESTRO +MAFIA +MAFIOSI +MAGAZINE +MAGAZINES +MAGDALENE +MAGELLAN +MAGELLANIC +MAGENTA +MAGGIE +MAGGOT +MAGGOTS +MAGIC +MAGICAL +MAGICALLY +MAGICIAN +MAGICIANS +MAGILL +MAGISTRATE +MAGISTRATES +MAGNA +MAGNESIUM +MAGNET +MAGNETIC +MAGNETICALLY +MAGNETISM +MAGNETISMS +MAGNETIZABLE +MAGNETIZED +MAGNETO +MAGNIFICATION +MAGNIFICENCE +MAGNIFICENT +MAGNIFICENTLY +MAGNIFIED +MAGNIFIER +MAGNIFIES +MAGNIFY +MAGNIFYING +MAGNITUDE +MAGNITUDES +MAGNOLIA +MAGNUM +MAGNUSON +MAGOG +MAGPIE +MAGRUDER +MAGUIRE +MAGUIRES +MAHARASHTRA +MAHAYANA +MAHAYANIST +MAHOGANY +MAHONEY +MAID +MAIDEN +MAIDENS +MAIDS +MAIER +MAIL +MAILABLE +MAILBOX +MAILBOXES +MAILED +MAILER +MAILING +MAILINGS +MAILMAN +MAILMEN +MAILS +MAIM +MAIMED +MAIMING +MAIMS +MAIN +MAINE +MAINFRAME +MAINFRAMES +MAINLAND +MAINLINE +MAINLY +MAINS +MAINSTAY +MAINSTREAM +MAINTAIN +MAINTAINABILITY +MAINTAINABLE +MAINTAINED +MAINTAINER +MAINTAINERS +MAINTAINING +MAINTAINS +MAINTENANCE +MAINTENANCES +MAIZE +MAJESTIC +MAJESTIES +MAJESTY +MAJOR +MAJORCA +MAJORED +MAJORING +MAJORITIES +MAJORITY +MAJORS +MAKABLE +MAKE +MAKER +MAKERS +MAKES +MAKESHIFT +MAKEUP +MAKEUPS +MAKING +MAKINGS +MALABAR +MALADIES +MALADY +MALAGASY +MALAMUD +MALARIA +MALAWI +MALAY +MALAYIZE +MALAYIZES +MALAYSIA +MALAYSIAN +MALCOLM +MALCONTENT +MALDEN +MALDIVE +MALE +MALEFACTOR +MALEFACTORS +MALENESS +MALES +MALEVOLENT +MALFORMED +MALFUNCTION +MALFUNCTIONED +MALFUNCTIONING +MALFUNCTIONS +MALI +MALIBU +MALICE +MALICIOUS +MALICIOUSLY +MALICIOUSNESS +MALIGN +MALIGNANT +MALIGNANTLY +MALL +MALLARD +MALLET +MALLETS +MALLORY +MALNUTRITION +MALONE +MALONEY +MALPRACTICE +MALRAUX +MALT +MALTA +MALTED +MALTESE +MALTHUS +MALTHUSIAN +MALTON +MALTS +MAMA +MAMMA +MAMMAL +MAMMALIAN +MAMMALS +MAMMAS +MAMMOTH +MAN +MANAGE +MANAGEABLE +MANAGEABLENESS +MANAGED +MANAGEMENT +MANAGEMENTS +MANAGER +MANAGERIAL +MANAGERS +MANAGES +MANAGING +MANAGUA +MANAMA +MANCHESTER +MANCHURIA +MANDARIN +MANDATE +MANDATED +MANDATES +MANDATING +MANDATORY +MANDELBROT +MANDIBLE +MANE +MANES +MANEUVER +MANEUVERED +MANEUVERING +MANEUVERS +MANFRED +MANGER +MANGERS +MANGLE +MANGLED +MANGLER +MANGLES +MANGLING +MANHATTAN +MANHATTANIZE +MANHATTANIZES +MANHOLE +MANHOOD +MANIA +MANIAC +MANIACAL +MANIACS +MANIC +MANICURE +MANICURED +MANICURES +MANICURING +MANIFEST +MANIFESTATION +MANIFESTATIONS +MANIFESTED +MANIFESTING +MANIFESTLY +MANIFESTS +MANIFOLD +MANIFOLDS +MANILA +MANIPULABILITY +MANIPULABLE +MANIPULATABLE +MANIPULATE +MANIPULATED +MANIPULATES +MANIPULATING +MANIPULATION +MANIPULATIONS +MANIPULATIVE +MANIPULATOR +MANIPULATORS +MANIPULATORY +MANITOBA +MANITOWOC +MANKIND +MANKOWSKI +MANLEY +MANLY +MANN +MANNED +MANNER +MANNERED +MANNERLY +MANNERS +MANNING +MANOMETER +MANOMETERS +MANOR +MANORS +MANPOWER +MANS +MANSFIELD +MANSION +MANSIONS +MANSLAUGHTER +MANTEL +MANTELS +MANTIS +MANTISSA +MANTISSAS +MANTLE +MANTLEPIECE +MANTLES +MANUAL +MANUALLY +MANUALS +MANUEL +MANUFACTURE +MANUFACTURED +MANUFACTURER +MANUFACTURERS +MANUFACTURES +MANUFACTURING +MANURE +MANUSCRIPT +MANUSCRIPTS +MANVILLE +MANY +MAO +MAORI +MAP +MAPLE +MAPLECREST +MAPLES +MAPPABLE +MAPPED +MAPPING +MAPPINGS +MAPS +MARATHON +MARBLE +MARBLES +MARBLING +MARC +MARCEAU +MARCEL +MARCELLO +MARCH +MARCHED +MARCHER +MARCHES +MARCHING +MARCIA +MARCO +MARCOTTE +MARCUS +MARCY +MARDI +MARDIS +MARE +MARES +MARGARET +MARGARINE +MARGERY +MARGIN +MARGINAL +MARGINALLY +MARGINS +MARGO +MARGUERITE +MARIANNE +MARIE +MARIETTA +MARIGOLD +MARIJUANA +MARILYN +MARIN +MARINA +MARINADE +MARINATE +MARINE +MARINER +MARINES +MARINO +MARIO +MARION +MARIONETTE +MARITAL +MARITIME +MARJORIE +MARJORY +MARK +MARKABLE +MARKED +MARKEDLY +MARKER +MARKERS +MARKET +MARKETABILITY +MARKETABLE +MARKETED +MARKETING +MARKETINGS +MARKETPLACE +MARKETPLACES +MARKETS +MARKHAM +MARKING +MARKINGS +MARKISM +MARKOV +MARKOVIAN +MARKOVITZ +MARKS +MARLBORO +MARLBOROUGH +MARLENE +MARLOWE +MARMALADE +MARMOT +MAROON +MARQUETTE +MARQUIS +MARRIAGE +MARRIAGEABLE +MARRIAGES +MARRIED +MARRIES +MARRIOTT +MARROW +MARRY +MARRYING +MARS +MARSEILLES +MARSH +MARSHA +MARSHAL +MARSHALED +MARSHALING +MARSHALL +MARSHALLED +MARSHALLING +MARSHALS +MARSHES +MARSHMALLOW +MART +MARTEN +MARTHA +MARTIAL +MARTIAN +MARTIANS +MARTINEZ +MARTINGALE +MARTINI +MARTINIQUE +MARTINSON +MARTS +MARTY +MARTYR +MARTYRDOM +MARTYRS +MARVEL +MARVELED +MARVELLED +MARVELLING +MARVELOUS +MARVELOUSLY +MARVELOUSNESS +MARVELS +MARVIN +MARX +MARXIAN +MARXISM +MARXISMS +MARXIST +MARY +MARYLAND +MARYLANDERS +MASCARA +MASCULINE +MASCULINELY +MASCULINITY +MASERU +MASH +MASHED +MASHES +MASHING +MASK +MASKABLE +MASKED +MASKER +MASKING +MASKINGS +MASKS +MASOCHIST +MASOCHISTS +MASON +MASONIC +MASONITE +MASONRY +MASONS +MASQUERADE +MASQUERADER +MASQUERADES +MASQUERADING +MASS +MASSACHUSETTS +MASSACRE +MASSACRED +MASSACRES +MASSAGE +MASSAGES +MASSAGING +MASSED +MASSES +MASSEY +MASSING +MASSIVE +MAST +MASTED +MASTER +MASTERED +MASTERFUL +MASTERFULLY +MASTERING +MASTERINGS +MASTERLY +MASTERMIND +MASTERPIECE +MASTERPIECES +MASTERS +MASTERY +MASTODON +MASTS +MASTURBATE +MASTURBATED +MASTURBATES +MASTURBATING +MASTURBATION +MAT +MATCH +MATCHABLE +MATCHED +MATCHER +MATCHERS +MATCHES +MATCHING +MATCHINGS +MATCHLESS +MATE +MATED +MATEO +MATER +MATERIAL +MATERIALIST +MATERIALIZE +MATERIALIZED +MATERIALIZES +MATERIALIZING +MATERIALLY +MATERIALS +MATERNAL +MATERNALLY +MATERNITY +MATES +MATH +MATHEMATICA +MATHEMATICAL +MATHEMATICALLY +MATHEMATICIAN +MATHEMATICIANS +MATHEMATICS +MATHEMATIK +MATHEWSON +MATHIAS +MATHIEU +MATILDA +MATING +MATINGS +MATISSE +MATISSES +MATRIARCH +MATRIARCHAL +MATRICES +MATRICULATE +MATRICULATION +MATRIMONIAL +MATRIMONY +MATRIX +MATROID +MATRON +MATRONLY +MATS +MATSON +MATSUMOTO +MATT +MATTED +MATTER +MATTERED +MATTERS +MATTHEW +MATTHEWS +MATTIE +MATTRESS +MATTRESSES +MATTSON +MATURATION +MATURE +MATURED +MATURELY +MATURES +MATURING +MATURITIES +MATURITY +MAUDE +MAUL +MAUREEN +MAURICE +MAURICIO +MAURINE +MAURITANIA +MAURITIUS +MAUSOLEUM +MAVERICK +MAVIS +MAWR +MAX +MAXIM +MAXIMA +MAXIMAL +MAXIMALLY +MAXIMILIAN +MAXIMIZE +MAXIMIZED +MAXIMIZER +MAXIMIZERS +MAXIMIZES +MAXIMIZING +MAXIMS +MAXIMUM +MAXIMUMS +MAXINE +MAXTOR +MAXWELL +MAXWELLIAN +MAY +MAYA +MAYANS +MAYBE +MAYER +MAYFAIR +MAYFLOWER +MAYHAP +MAYHEM +MAYNARD +MAYO +MAYONNAISE +MAYOR +MAYORAL +MAYORS +MAZDA +MAZE +MAZES +MBABANE +MCADAM +MCADAMS +MCALLISTER +MCBRIDE +MCCABE +MCCALL +MCCALLUM +MCCANN +MCCARTHY +MCCARTY +MCCAULEY +MCCLAIN +MCCLELLAN +MCCLURE +MCCLUSKEY +MCCONNEL +MCCONNELL +MCCORMICK +MCCOY +MCCRACKEN +MCCULLOUGH +MCDANIEL +MCDERMOTT +MCDONALD +MCDONNELL +MCDOUGALL +MCDOWELL +MCELHANEY +MCELROY +MCFADDEN +MCFARLAND +MCGEE +MCGILL +MCGINNIS +MCGOVERN +MCGOWAN +MCGRATH +MCGRAW +MCGREGOR +MCGUIRE +MCHUGH +MCINTOSH +MCINTYRE +MCKAY +MCKEE +MCKENNA +MCKENZIE +MCKEON +MCKESSON +MCKINLEY +MCKINNEY +MCKNIGHT +MCLANAHAN +MCLAUGHLIN +MCLEAN +MCLEOD +MCMAHON +MCMARTIN +MCMILLAN +MCMULLEN +MCNALLY +MCNAUGHTON +MCNEIL +MCNULTY +MCPHERSON +MEAD +MEADOW +MEADOWS +MEAGER +MEAGERLY +MEAGERNESS +MEAL +MEALS +MEALTIME +MEALY +MEAN +MEANDER +MEANDERED +MEANDERING +MEANDERS +MEANER +MEANEST +MEANING +MEANINGFUL +MEANINGFULLY +MEANINGFULNESS +MEANINGLESS +MEANINGLESSLY +MEANINGLESSNESS +MEANINGS +MEANLY +MEANNESS +MEANS +MEANT +MEANTIME +MEANWHILE +MEASLE +MEASLES +MEASURABLE +MEASURABLY +MEASURE +MEASURED +MEASUREMENT +MEASUREMENTS +MEASURER +MEASURES +MEASURING +MEAT +MEATS +MEATY +MECCA +MECHANIC +MECHANICAL +MECHANICALLY +MECHANICS +MECHANISM +MECHANISMS +MECHANIZATION +MECHANIZATIONS +MECHANIZE +MECHANIZED +MECHANIZES +MECHANIZING +MEDAL +MEDALLION +MEDALLIONS +MEDALS +MEDDLE +MEDDLED +MEDDLER +MEDDLES +MEDDLING +MEDEA +MEDFIELD +MEDFORD +MEDIA +MEDIAN +MEDIANS +MEDIATE +MEDIATED +MEDIATES +MEDIATING +MEDIATION +MEDIATIONS +MEDIATOR +MEDIC +MEDICAID +MEDICAL +MEDICALLY +MEDICARE +MEDICI +MEDICINAL +MEDICINALLY +MEDICINE +MEDICINES +MEDICIS +MEDICS +MEDIEVAL +MEDIOCRE +MEDIOCRITY +MEDITATE +MEDITATED +MEDITATES +MEDITATING +MEDITATION +MEDITATIONS +MEDITATIVE +MEDITERRANEAN +MEDITERRANEANIZATION +MEDITERRANEANIZATIONS +MEDITERRANEANIZE +MEDITERRANEANIZES +MEDIUM +MEDIUMS +MEDLEY +MEDUSA +MEDUSAN +MEEK +MEEKER +MEEKEST +MEEKLY +MEEKNESS +MEET +MEETING +MEETINGHOUSE +MEETINGS +MEETS +MEG +MEGABAUD +MEGABIT +MEGABITS +MEGABYTE +MEGABYTES +MEGAHERTZ +MEGALOMANIA +MEGATON +MEGAVOLT +MEGAWATT +MEGAWORD +MEGAWORDS +MEGOHM +MEIER +MEIJI +MEISTER +MEISTERSINGER +MEKONG +MEL +MELAMPUS +MELANCHOLY +MELANESIA +MELANESIAN +MELANIE +MELBOURNE +MELCHER +MELINDA +MELISANDE +MELISSA +MELLON +MELLOW +MELLOWED +MELLOWING +MELLOWNESS +MELLOWS +MELODIES +MELODIOUS +MELODIOUSLY +MELODIOUSNESS +MELODRAMA +MELODRAMAS +MELODRAMATIC +MELODY +MELON +MELONS +MELPOMENE +MELT +MELTED +MELTING +MELTINGLY +MELTS +MELVILLE +MELVIN +MEMBER +MEMBERS +MEMBERSHIP +MEMBERSHIPS +MEMBRANE +MEMENTO +MEMO +MEMOIR +MEMOIRS +MEMORABILIA +MEMORABLE +MEMORABLENESS +MEMORANDA +MEMORANDUM +MEMORIAL +MEMORIALLY +MEMORIALS +MEMORIES +MEMORIZATION +MEMORIZE +MEMORIZED +MEMORIZER +MEMORIZES +MEMORIZING +MEMORY +MEMORYLESS +MEMOS +MEMPHIS +MEN +MENACE +MENACED +MENACING +MENAGERIE +MENARCHE +MENCKEN +MEND +MENDACIOUS +MENDACITY +MENDED +MENDEL +MENDELIAN +MENDELIZE +MENDELIZES +MENDELSSOHN +MENDER +MENDING +MENDOZA +MENDS +MENELAUS +MENIAL +MENIALS +MENLO +MENNONITE +MENNONITES +MENOMINEE +MENORCA +MENS +MENSCH +MENSTRUATE +MENSURABLE +MENSURATION +MENTAL +MENTALITIES +MENTALITY +MENTALLY +MENTION +MENTIONABLE +MENTIONED +MENTIONER +MENTIONERS +MENTIONING +MENTIONS +MENTOR +MENTORS +MENU +MENUS +MENZIES +MEPHISTOPHELES +MERCANTILE +MERCATOR +MERCEDES +MERCENARIES +MERCENARINESS +MERCENARY +MERCHANDISE +MERCHANDISER +MERCHANDISING +MERCHANT +MERCHANTS +MERCIFUL +MERCIFULLY +MERCILESS +MERCILESSLY +MERCK +MERCURIAL +MERCURY +MERCY +MERE +MEREDITH +MERELY +MEREST +MERGE +MERGED +MERGER +MERGERS +MERGES +MERGING +MERIDIAN +MERINGUE +MERIT +MERITED +MERITING +MERITORIOUS +MERITORIOUSLY +MERITORIOUSNESS +MERITS +MERIWETHER +MERLE +MERMAID +MERRIAM +MERRICK +MERRIEST +MERRILL +MERRILY +MERRIMAC +MERRIMACK +MERRIMENT +MERRITT +MERRY +MERRYMAKE +MERVIN +MESCALINE +MESH +MESON +MESOPOTAMIA +MESOZOIC +MESQUITE +MESS +MESSAGE +MESSAGES +MESSED +MESSENGER +MESSENGERS +MESSES +MESSIAH +MESSIAHS +MESSIER +MESSIEST +MESSILY +MESSINESS +MESSING +MESSY +MET +META +METABOLIC +METABOLISM +METACIRCULAR +METACIRCULARITY +METAL +METALANGUAGE +METALLIC +METALLIZATION +METALLIZATIONS +METALLURGY +METALS +METAMATHEMATICAL +METAMORPHOSIS +METAPHOR +METAPHORICAL +METAPHORICALLY +METAPHORS +METAPHYSICAL +METAPHYSICALLY +METAPHYSICS +METAVARIABLE +METCALF +METE +METED +METEOR +METEORIC +METEORITE +METEORITIC +METEOROLOGY +METEORS +METER +METERING +METERS +METES +METHANE +METHOD +METHODICAL +METHODICALLY +METHODICALNESS +METHODISM +METHODIST +METHODISTS +METHODOLOGICAL +METHODOLOGICALLY +METHODOLOGIES +METHODOLOGISTS +METHODOLOGY +METHODS +METHUEN +METHUSELAH +METHUSELAHS +METICULOUSLY +METING +METRECAL +METRIC +METRICAL +METRICS +METRO +METRONOME +METROPOLIS +METROPOLITAN +METS +METTLE +METTLESOME +METZLER +MEW +MEWED +MEWS +MEXICAN +MEXICANIZE +MEXICANIZES +MEXICANS +MEXICO +MEYER +MEYERS +MIAMI +MIASMA +MICA +MICE +MICHAEL +MICHAELS +MICHEL +MICHELANGELO +MICHELE +MICHELIN +MICHELSON +MICHIGAN +MICK +MICKEY +MICKIE +MICKY +MICRO +MICROARCHITECTS +MICROARCHITECTURE +MICROARCHITECTURES +MICROBIAL +MICROBICIDAL +MICROBICIDE +MICROCODE +MICROCODED +MICROCODES +MICROCODING +MICROCOMPUTER +MICROCOMPUTERS +MICROCOSM +MICROCYCLE +MICROCYCLES +MICROECONOMICS +MICROELECTRONICS +MICROFILM +MICROFILMS +MICROGRAMMING +MICROINSTRUCTION +MICROINSTRUCTIONS +MICROJUMP +MICROJUMPS +MICROLEVEL +MICRON +MICRONESIA +MICRONESIAN +MICROOPERATIONS +MICROPHONE +MICROPHONES +MICROPHONING +MICROPORT +MICROPROCEDURE +MICROPROCEDURES +MICROPROCESSING +MICROPROCESSOR +MICROPROCESSORS +MICROPROGRAM +MICROPROGRAMMABLE +MICROPROGRAMMED +MICROPROGRAMMER +MICROPROGRAMMING +MICROPROGRAMS +MICROS +MICROSCOPE +MICROSCOPES +MICROSCOPIC +MICROSCOPY +MICROSECOND +MICROSECONDS +MICROSOFT +MICROSTORE +MICROSYSTEMS +MICROVAX +MICROVAXES +MICROWAVE +MICROWAVES +MICROWORD +MICROWORDS +MID +MIDAS +MIDDAY +MIDDLE +MIDDLEBURY +MIDDLEMAN +MIDDLEMEN +MIDDLES +MIDDLESEX +MIDDLETON +MIDDLETOWN +MIDDLING +MIDGET +MIDLANDIZE +MIDLANDIZES +MIDNIGHT +MIDNIGHTS +MIDPOINT +MIDPOINTS +MIDRANGE +MIDSCALE +MIDSECTION +MIDSHIPMAN +MIDSHIPMEN +MIDST +MIDSTREAM +MIDSTS +MIDSUMMER +MIDWAY +MIDWEEK +MIDWEST +MIDWESTERN +MIDWESTERNER +MIDWESTERNERS +MIDWIFE +MIDWINTER +MIDWIVES +MIEN +MIGHT +MIGHTIER +MIGHTIEST +MIGHTILY +MIGHTINESS +MIGHTY +MIGRANT +MIGRATE +MIGRATED +MIGRATES +MIGRATING +MIGRATION +MIGRATIONS +MIGRATORY +MIGUEL +MIKE +MIKHAIL +MIKOYAN +MILAN +MILD +MILDER +MILDEST +MILDEW +MILDLY +MILDNESS +MILDRED +MILE +MILEAGE +MILES +MILESTONE +MILESTONES +MILITANT +MILITANTLY +MILITARILY +MILITARISM +MILITARY +MILITIA +MILK +MILKED +MILKER +MILKERS +MILKINESS +MILKING +MILKMAID +MILKMAIDS +MILKS +MILKY +MILL +MILLARD +MILLED +MILLENNIUM +MILLER +MILLET +MILLIAMMETER +MILLIAMPERE +MILLIE +MILLIJOULE +MILLIKAN +MILLIMETER +MILLIMETERS +MILLINERY +MILLING +MILLINGTON +MILLION +MILLIONAIRE +MILLIONAIRES +MILLIONS +MILLIONTH +MILLIPEDE +MILLIPEDES +MILLISECOND +MILLISECONDS +MILLIVOLT +MILLIVOLTMETER +MILLIWATT +MILLS +MILLSTONE +MILLSTONES +MILNE +MILQUETOAST +MILQUETOASTS +MILTON +MILTONIAN +MILTONIC +MILTONISM +MILTONIST +MILTONIZE +MILTONIZED +MILTONIZES +MILTONIZING +MILWAUKEE +MIMEOGRAPH +MIMI +MIMIC +MIMICKED +MIMICKING +MIMICS +MINARET +MINCE +MINCED +MINCEMEAT +MINCES +MINCING +MIND +MINDANAO +MINDED +MINDFUL +MINDFULLY +MINDFULNESS +MINDING +MINDLESS +MINDLESSLY +MINDS +MINE +MINED +MINEFIELD +MINER +MINERAL +MINERALS +MINERS +MINERVA +MINES +MINESWEEPER +MINGLE +MINGLED +MINGLES +MINGLING +MINI +MINIATURE +MINIATURES +MINIATURIZATION +MINIATURIZE +MINIATURIZED +MINIATURIZES +MINIATURIZING +MINICOMPUTER +MINICOMPUTERS +MINIMA +MINIMAL +MINIMALLY +MINIMAX +MINIMIZATION +MINIMIZATIONS +MINIMIZE +MINIMIZED +MINIMIZER +MINIMIZERS +MINIMIZES +MINIMIZING +MINIMUM +MINING +MINION +MINIS +MINISTER +MINISTERED +MINISTERING +MINISTERS +MINISTRIES +MINISTRY +MINK +MINKS +MINNEAPOLIS +MINNESOTA +MINNIE +MINNOW +MINNOWS +MINOAN +MINOR +MINORING +MINORITIES +MINORITY +MINORS +MINOS +MINOTAUR +MINSK +MINSKY +MINSTREL +MINSTRELS +MINT +MINTED +MINTER +MINTING +MINTS +MINUEND +MINUET +MINUS +MINUSCULE +MINUTE +MINUTELY +MINUTEMAN +MINUTEMEN +MINUTENESS +MINUTER +MINUTES +MIOCENE +MIPS +MIRA +MIRACLE +MIRACLES +MIRACULOUS +MIRACULOUSLY +MIRAGE +MIRANDA +MIRE +MIRED +MIRES +MIRFAK +MIRIAM +MIRROR +MIRRORED +MIRRORING +MIRRORS +MIRTH +MISANTHROPE +MISBEHAVING +MISCALCULATION +MISCALCULATIONS +MISCARRIAGE +MISCARRY +MISCEGENATION +MISCELLANEOUS +MISCELLANEOUSLY +MISCELLANEOUSNESS +MISCHIEF +MISCHIEVOUS +MISCHIEVOUSLY +MISCHIEVOUSNESS +MISCONCEPTION +MISCONCEPTIONS +MISCONDUCT +MISCONSTRUE +MISCONSTRUED +MISCONSTRUES +MISDEMEANORS +MISER +MISERABLE +MISERABLENESS +MISERABLY +MISERIES +MISERLY +MISERS +MISERY +MISFIT +MISFITS +MISFORTUNE +MISFORTUNES +MISGIVING +MISGIVINGS +MISGUIDED +MISHAP +MISHAPS +MISINFORMED +MISJUDGED +MISJUDGMENT +MISLEAD +MISLEADING +MISLEADS +MISLED +MISMANAGEMENT +MISMATCH +MISMATCHED +MISMATCHES +MISMATCHING +MISNOMER +MISPLACE +MISPLACED +MISPLACES +MISPLACING +MISPRONUNCIATION +MISREPRESENTATION +MISREPRESENTATIONS +MISS +MISSED +MISSES +MISSHAPEN +MISSILE +MISSILES +MISSING +MISSION +MISSIONARIES +MISSIONARY +MISSIONER +MISSIONS +MISSISSIPPI +MISSISSIPPIAN +MISSISSIPPIANS +MISSIVE +MISSOULA +MISSOURI +MISSPELL +MISSPELLED +MISSPELLING +MISSPELLINGS +MISSPELLS +MISSY +MIST +MISTAKABLE +MISTAKE +MISTAKEN +MISTAKENLY +MISTAKES +MISTAKING +MISTED +MISTER +MISTERS +MISTINESS +MISTING +MISTLETOE +MISTRESS +MISTRUST +MISTRUSTED +MISTS +MISTY +MISTYPE +MISTYPED +MISTYPES +MISTYPING +MISUNDERSTAND +MISUNDERSTANDER +MISUNDERSTANDERS +MISUNDERSTANDING +MISUNDERSTANDINGS +MISUNDERSTOOD +MISUSE +MISUSED +MISUSES +MISUSING +MITCH +MITCHELL +MITER +MITIGATE +MITIGATED +MITIGATES +MITIGATING +MITIGATION +MITIGATIVE +MITRE +MITRES +MITTEN +MITTENS +MIX +MIXED +MIXER +MIXERS +MIXES +MIXING +MIXTURE +MIXTURES +MIXUP +MIZAR +MNEMONIC +MNEMONICALLY +MNEMONICS +MOAN +MOANED +MOANS +MOAT +MOATS +MOB +MOBIL +MOBILE +MOBILITY +MOBS +MOBSTER +MOCCASIN +MOCCASINS +MOCK +MOCKED +MOCKER +MOCKERY +MOCKING +MOCKINGBIRD +MOCKS +MOCKUP +MODAL +MODALITIES +MODALITY +MODALLY +MODE +MODEL +MODELED +MODELING +MODELINGS +MODELS +MODEM +MODEMS +MODERATE +MODERATED +MODERATELY +MODERATENESS +MODERATES +MODERATING +MODERATION +MODERN +MODERNITY +MODERNIZE +MODERNIZED +MODERNIZER +MODERNIZING +MODERNLY +MODERNNESS +MODERNS +MODES +MODEST +MODESTLY +MODESTO +MODESTY +MODICUM +MODIFIABILITY +MODIFIABLE +MODIFICATION +MODIFICATIONS +MODIFIED +MODIFIER +MODIFIERS +MODIFIES +MODIFY +MODIFYING +MODULA +MODULAR +MODULARITY +MODULARIZATION +MODULARIZE +MODULARIZED +MODULARIZES +MODULARIZING +MODULARLY +MODULATE +MODULATED +MODULATES +MODULATING +MODULATION +MODULATIONS +MODULATOR +MODULATORS +MODULE +MODULES +MODULI +MODULO +MODULUS +MODUS +MOE +MOEN +MOGADISCIO +MOGADISHU +MOGHUL +MOHAMMED +MOHAMMEDAN +MOHAMMEDANISM +MOHAMMEDANIZATION +MOHAMMEDANIZATIONS +MOHAMMEDANIZE +MOHAMMEDANIZES +MOHAWK +MOHR +MOINES +MOISEYEV +MOIST +MOISTEN +MOISTLY +MOISTNESS +MOISTURE +MOLAR +MOLASSES +MOLD +MOLDAVIA +MOLDED +MOLDER +MOLDING +MOLDS +MOLE +MOLECULAR +MOLECULE +MOLECULES +MOLEHILL +MOLES +MOLEST +MOLESTED +MOLESTING +MOLESTS +MOLIERE +MOLINE +MOLL +MOLLIE +MOLLIFY +MOLLUSK +MOLLY +MOLLYCODDLE +MOLOCH +MOLOCHIZE +MOLOCHIZES +MOLOTOV +MOLTEN +MOLUCCAS +MOMENT +MOMENTARILY +MOMENTARINESS +MOMENTARY +MOMENTOUS +MOMENTOUSLY +MOMENTOUSNESS +MOMENTS +MOMENTUM +MOMMY +MONA +MONACO +MONADIC +MONARCH +MONARCHIES +MONARCHS +MONARCHY +MONASH +MONASTERIES +MONASTERY +MONASTIC +MONDAY +MONDAYS +MONET +MONETARISM +MONETARY +MONEY +MONEYED +MONEYS +MONFORT +MONGOLIA +MONGOLIAN +MONGOLIANISM +MONGOOSE +MONICA +MONITOR +MONITORED +MONITORING +MONITORS +MONK +MONKEY +MONKEYED +MONKEYING +MONKEYS +MONKISH +MONKS +MONMOUTH +MONOALPHABETIC +MONOCEROS +MONOCHROMATIC +MONOCHROME +MONOCOTYLEDON +MONOCULAR +MONOGAMOUS +MONOGAMY +MONOGRAM +MONOGRAMS +MONOGRAPH +MONOGRAPHES +MONOGRAPHS +MONOLITH +MONOLITHIC +MONOLOGUE +MONONGAHELA +MONOPOLIES +MONOPOLIZE +MONOPOLIZED +MONOPOLIZING +MONOPOLY +MONOPROGRAMMED +MONOPROGRAMMING +MONOSTABLE +MONOTHEISM +MONOTONE +MONOTONIC +MONOTONICALLY +MONOTONICITY +MONOTONOUS +MONOTONOUSLY +MONOTONOUSNESS +MONOTONY +MONROE +MONROVIA +MONSANTO +MONSOON +MONSTER +MONSTERS +MONSTROSITY +MONSTROUS +MONSTROUSLY +MONT +MONTAGUE +MONTAIGNE +MONTANA +MONTANAN +MONTCLAIR +MONTENEGRIN +MONTENEGRO +MONTEREY +MONTEVERDI +MONTEVIDEO +MONTGOMERY +MONTH +MONTHLY +MONTHS +MONTICELLO +MONTMARTRE +MONTPELIER +MONTRACHET +MONTREAL +MONTY +MONUMENT +MONUMENTAL +MONUMENTALLY +MONUMENTS +MOO +MOOD +MOODINESS +MOODS +MOODY +MOON +MOONED +MOONEY +MOONING +MOONLIGHT +MOONLIGHTER +MOONLIGHTING +MOONLIKE +MOONLIT +MOONS +MOONSHINE +MOOR +MOORE +MOORED +MOORING +MOORINGS +MOORISH +MOORS +MOOSE +MOOT +MOP +MOPED +MOPS +MORAINE +MORAL +MORALE +MORALITIES +MORALITY +MORALLY +MORALS +MORAN +MORASS +MORATORIUM +MORAVIA +MORAVIAN +MORAVIANIZED +MORAVIANIZEDS +MORBID +MORBIDLY +MORBIDNESS +MORE +MOREHOUSE +MORELAND +MOREOVER +MORES +MORESBY +MORGAN +MORIARTY +MORIBUND +MORLEY +MORMON +MORN +MORNING +MORNINGS +MOROCCAN +MOROCCO +MORON +MOROSE +MORPHINE +MORPHISM +MORPHISMS +MORPHOLOGICAL +MORPHOLOGY +MORRILL +MORRIS +MORRISON +MORRISSEY +MORRISTOWN +MORROW +MORSE +MORSEL +MORSELS +MORTAL +MORTALITY +MORTALLY +MORTALS +MORTAR +MORTARED +MORTARING +MORTARS +MORTEM +MORTGAGE +MORTGAGES +MORTICIAN +MORTIFICATION +MORTIFIED +MORTIFIES +MORTIFY +MORTIFYING +MORTIMER +MORTON +MOSAIC +MOSAICS +MOSCONE +MOSCOW +MOSER +MOSES +MOSLEM +MOSLEMIZE +MOSLEMIZES +MOSLEMS +MOSQUE +MOSQUITO +MOSQUITOES +MOSS +MOSSBERG +MOSSES +MOSSY +MOST +MOSTLY +MOTEL +MOTELS +MOTH +MOTHBALL +MOTHBALLS +MOTHER +MOTHERED +MOTHERER +MOTHERERS +MOTHERHOOD +MOTHERING +MOTHERLAND +MOTHERLY +MOTHERS +MOTIF +MOTIFS +MOTION +MOTIONED +MOTIONING +MOTIONLESS +MOTIONLESSLY +MOTIONLESSNESS +MOTIONS +MOTIVATE +MOTIVATED +MOTIVATES +MOTIVATING +MOTIVATION +MOTIVATIONS +MOTIVE +MOTIVES +MOTLEY +MOTOR +MOTORCAR +MOTORCARS +MOTORCYCLE +MOTORCYCLES +MOTORING +MOTORIST +MOTORISTS +MOTORIZE +MOTORIZED +MOTORIZES +MOTORIZING +MOTOROLA +MOTORS +MOTTO +MOTTOES +MOULD +MOULDING +MOULTON +MOUND +MOUNDED +MOUNDS +MOUNT +MOUNTABLE +MOUNTAIN +MOUNTAINEER +MOUNTAINEERING +MOUNTAINEERS +MOUNTAINOUS +MOUNTAINOUSLY +MOUNTAINS +MOUNTED +MOUNTER +MOUNTING +MOUNTINGS +MOUNTS +MOURN +MOURNED +MOURNER +MOURNERS +MOURNFUL +MOURNFULLY +MOURNFULNESS +MOURNING +MOURNS +MOUSE +MOUSER +MOUSES +MOUSETRAP +MOUSY +MOUTH +MOUTHE +MOUTHED +MOUTHES +MOUTHFUL +MOUTHING +MOUTHPIECE +MOUTHS +MOUTON +MOVABLE +MOVE +MOVED +MOVEMENT +MOVEMENTS +MOVER +MOVERS +MOVES +MOVIE +MOVIES +MOVING +MOVINGS +MOW +MOWED +MOWER +MOWS +MOYER +MOZART +MUCH +MUCK +MUCKER +MUCKING +MUCUS +MUD +MUDD +MUDDIED +MUDDINESS +MUDDLE +MUDDLED +MUDDLEHEAD +MUDDLER +MUDDLERS +MUDDLES +MUDDLING +MUDDY +MUELLER +MUENSTER +MUFF +MUFFIN +MUFFINS +MUFFLE +MUFFLED +MUFFLER +MUFFLES +MUFFLING +MUFFS +MUG +MUGGING +MUGS +MUHAMMAD +MUIR +MUKDEN +MULATTO +MULBERRIES +MULBERRY +MULE +MULES +MULL +MULLAH +MULLEN +MULTI +MULTIBIT +MULTIBUS +MULTIBYTE +MULTICAST +MULTICASTING +MULTICASTS +MULTICELLULAR +MULTICOMPUTER +MULTICS +MULTICS +MULTIDIMENSIONAL +MULTILATERAL +MULTILAYER +MULTILAYERED +MULTILEVEL +MULTIMEDIA +MULTINATIONAL +MULTIPLE +MULTIPLES +MULTIPLEX +MULTIPLEXED +MULTIPLEXER +MULTIPLEXERS +MULTIPLEXES +MULTIPLEXING +MULTIPLEXOR +MULTIPLEXORS +MULTIPLICAND +MULTIPLICANDS +MULTIPLICATION +MULTIPLICATIONS +MULTIPLICATIVE +MULTIPLICATIVES +MULTIPLICITY +MULTIPLIED +MULTIPLIER +MULTIPLIERS +MULTIPLIES +MULTIPLY +MULTIPLYING +MULTIPROCESS +MULTIPROCESSING +MULTIPROCESSOR +MULTIPROCESSORS +MULTIPROGRAM +MULTIPROGRAMMED +MULTIPROGRAMMING +MULTISTAGE +MULTITUDE +MULTITUDES +MULTIUSER +MULTIVARIATE +MULTIWORD +MUMBLE +MUMBLED +MUMBLER +MUMBLERS +MUMBLES +MUMBLING +MUMBLINGS +MUMFORD +MUMMIES +MUMMY +MUNCH +MUNCHED +MUNCHING +MUNCIE +MUNDANE +MUNDANELY +MUNDT +MUNG +MUNICH +MUNICIPAL +MUNICIPALITIES +MUNICIPALITY +MUNICIPALLY +MUNITION +MUNITIONS +MUNROE +MUNSEY +MUNSON +MUONG +MURAL +MURDER +MURDERED +MURDERER +MURDERERS +MURDERING +MURDEROUS +MURDEROUSLY +MURDERS +MURIEL +MURKY +MURMUR +MURMURED +MURMURER +MURMURING +MURMURS +MURPHY +MURRAY +MURROW +MUSCAT +MUSCLE +MUSCLED +MUSCLES +MUSCLING +MUSCOVITE +MUSCOVY +MUSCULAR +MUSCULATURE +MUSE +MUSED +MUSES +MUSEUM +MUSEUMS +MUSH +MUSHROOM +MUSHROOMED +MUSHROOMING +MUSHROOMS +MUSHY +MUSIC +MUSICAL +MUSICALLY +MUSICALS +MUSICIAN +MUSICIANLY +MUSICIANS +MUSICOLOGY +MUSING +MUSINGS +MUSK +MUSKEGON +MUSKET +MUSKETS +MUSKOX +MUSKOXEN +MUSKRAT +MUSKRATS +MUSKS +MUSLIM +MUSLIMS +MUSLIN +MUSSEL +MUSSELS +MUSSOLINI +MUSSOLINIS +MUSSORGSKY +MUST +MUSTACHE +MUSTACHED +MUSTACHES +MUSTARD +MUSTER +MUSTINESS +MUSTS +MUSTY +MUTABILITY +MUTABLE +MUTABLENESS +MUTANDIS +MUTANT +MUTATE +MUTATED +MUTATES +MUTATING +MUTATION +MUTATIONS +MUTATIS +MUTATIVE +MUTE +MUTED +MUTELY +MUTENESS +MUTILATE +MUTILATED +MUTILATES +MUTILATING +MUTILATION +MUTINIES +MUTINY +MUTT +MUTTER +MUTTERED +MUTTERER +MUTTERERS +MUTTERING +MUTTERS +MUTTON +MUTUAL +MUTUALLY +MUZAK +MUZO +MUZZLE +MUZZLES +MYCENAE +MYCENAEAN +MYERS +MYNHEER +MYRA +MYRIAD +MYRON +MYRTLE +MYSELF +MYSORE +MYSTERIES +MYSTERIOUS +MYSTERIOUSLY +MYSTERIOUSNESS +MYSTERY +MYSTIC +MYSTICAL +MYSTICS +MYSTIFY +MYTH +MYTHICAL +MYTHOLOGIES +MYTHOLOGY +NAB +NABISCO +NABLA +NABLAS +NADIA +NADINE +NADIR +NAG +NAGASAKI +NAGGED +NAGGING +NAGOYA +NAGS +NAGY +NAIL +NAILED +NAILING +NAILS +NAIR +NAIROBI +NAIVE +NAIVELY +NAIVENESS +NAIVETE +NAKAMURA +NAKAYAMA +NAKED +NAKEDLY +NAKEDNESS +NAKOMA +NAME +NAMEABLE +NAMED +NAMELESS +NAMELESSLY +NAMELY +NAMER +NAMERS +NAMES +NAMESAKE +NAMESAKES +NAMING +NAN +NANCY +NANETTE +NANKING +NANOINSTRUCTION +NANOINSTRUCTIONS +NANOOK +NANOPROGRAM +NANOPROGRAMMING +NANOSECOND +NANOSECONDS +NANOSTORE +NANOSTORES +NANTUCKET +NAOMI +NAP +NAPKIN +NAPKINS +NAPLES +NAPOLEON +NAPOLEONIC +NAPOLEONIZE +NAPOLEONIZES +NAPS +NARBONNE +NARCISSUS +NARCOTIC +NARCOTICS +NARRAGANSETT +NARRATE +NARRATION +NARRATIVE +NARRATIVES +NARROW +NARROWED +NARROWER +NARROWEST +NARROWING +NARROWLY +NARROWNESS +NARROWS +NARY +NASA +NASAL +NASALLY +NASAS +NASH +NASHUA +NASHVILLE +NASSAU +NASTIER +NASTIEST +NASTILY +NASTINESS +NASTY +NAT +NATAL +NATALIE +NATCHEZ +NATE +NATHAN +NATHANIEL +NATION +NATIONAL +NATIONALIST +NATIONALISTS +NATIONALITIES +NATIONALITY +NATIONALIZATION +NATIONALIZE +NATIONALIZED +NATIONALIZES +NATIONALIZING +NATIONALLY +NATIONALS +NATIONHOOD +NATIONS +NATIONWIDE +NATIVE +NATIVELY +NATIVES +NATIVITY +NATO +NATOS +NATURAL +NATURALISM +NATURALIST +NATURALIZATION +NATURALLY +NATURALNESS +NATURALS +NATURE +NATURED +NATURES +NAUGHT +NAUGHTIER +NAUGHTINESS +NAUGHTY +NAUR +NAUSEA +NAUSEATE +NAUSEUM +NAVAHO +NAVAJO +NAVAL +NAVALLY +NAVEL +NAVIES +NAVIGABLE +NAVIGATE +NAVIGATED +NAVIGATES +NAVIGATING +NAVIGATION +NAVIGATOR +NAVIGATORS +NAVONA +NAVY +NAY +NAZARENE +NAZARETH +NAZI +NAZIS +NAZISM +NDJAMENA +NEAL +NEANDERTHAL +NEAPOLITAN +NEAR +NEARBY +NEARED +NEARER +NEAREST +NEARING +NEARLY +NEARNESS +NEARS +NEARSIGHTED +NEAT +NEATER +NEATEST +NEATLY +NEATNESS +NEBRASKA +NEBRASKAN +NEBUCHADNEZZAR +NEBULA +NEBULAR +NEBULOUS +NECESSARIES +NECESSARILY +NECESSARY +NECESSITATE +NECESSITATED +NECESSITATES +NECESSITATING +NECESSITATION +NECESSITIES +NECESSITY +NECK +NECKING +NECKLACE +NECKLACES +NECKLINE +NECKS +NECKTIE +NECKTIES +NECROSIS +NECTAR +NED +NEED +NEEDED +NEEDFUL +NEEDHAM +NEEDING +NEEDLE +NEEDLED +NEEDLER +NEEDLERS +NEEDLES +NEEDLESS +NEEDLESSLY +NEEDLESSNESS +NEEDLEWORK +NEEDLING +NEEDS +NEEDY +NEFF +NEGATE +NEGATED +NEGATES +NEGATING +NEGATION +NEGATIONS +NEGATIVE +NEGATIVELY +NEGATIVES +NEGATOR +NEGATORS +NEGLECT +NEGLECTED +NEGLECTING +NEGLECTS +NEGLIGEE +NEGLIGENCE +NEGLIGENT +NEGLIGIBLE +NEGOTIABLE +NEGOTIATE +NEGOTIATED +NEGOTIATES +NEGOTIATING +NEGOTIATION +NEGOTIATIONS +NEGRO +NEGROES +NEGROID +NEGROIZATION +NEGROIZATIONS +NEGROIZE +NEGROIZES +NEHRU +NEIGH +NEIGHBOR +NEIGHBORHOOD +NEIGHBORHOODS +NEIGHBORING +NEIGHBORLY +NEIGHBORS +NEIL +NEITHER +NELL +NELLIE +NELSEN +NELSON +NEMESIS +NEOCLASSIC +NEON +NEONATAL +NEOPHYTE +NEOPHYTES +NEPAL +NEPALI +NEPHEW +NEPHEWS +NEPTUNE +NERO +NERVE +NERVES +NERVOUS +NERVOUSLY +NERVOUSNESS +NESS +NEST +NESTED +NESTER +NESTING +NESTLE +NESTLED +NESTLES +NESTLING +NESTOR +NESTS +NET +NETHER +NETHERLANDS +NETS +NETTED +NETTING +NETTLE +NETTLED +NETWORK +NETWORKED +NETWORKING +NETWORKS +NEUMANN +NEURAL +NEURITIS +NEUROLOGICAL +NEUROLOGISTS +NEURON +NEURONS +NEUROSES +NEUROSIS +NEUROTIC +NEUTER +NEUTRAL +NEUTRALITIES +NEUTRALITY +NEUTRALIZE +NEUTRALIZED +NEUTRALIZING +NEUTRALLY +NEUTRINO +NEUTRINOS +NEUTRON +NEVA +NEVADA +NEVER +NEVERTHELESS +NEVINS +NEW +NEWARK +NEWBOLD +NEWBORN +NEWBURY +NEWBURYPORT +NEWCASTLE +NEWCOMER +NEWCOMERS +NEWELL +NEWER +NEWEST +NEWFOUNDLAND +NEWLY +NEWLYWED +NEWMAN +NEWMANIZE +NEWMANIZES +NEWNESS +NEWPORT +NEWS +NEWSCAST +NEWSGROUP +NEWSLETTER +NEWSLETTERS +NEWSMAN +NEWSMEN +NEWSPAPER +NEWSPAPERS +NEWSSTAND +NEWSWEEK +NEWSWEEKLY +NEWT +NEWTON +NEWTONIAN +NEXT +NGUYEN +NIAGARA +NIAMEY +NIBBLE +NIBBLED +NIBBLER +NIBBLERS +NIBBLES +NIBBLING +NIBELUNG +NICARAGUA +NICCOLO +NICE +NICELY +NICENESS +NICER +NICEST +NICHE +NICHOLAS +NICHOLLS +NICHOLS +NICHOLSON +NICK +NICKED +NICKEL +NICKELS +NICKER +NICKING +NICKLAUS +NICKNAME +NICKNAMED +NICKNAMES +NICKS +NICODEMUS +NICOSIA +NICOTINE +NIECE +NIECES +NIELSEN +NIELSON +NIETZSCHE +NIFTY +NIGER +NIGERIA +NIGERIAN +NIGH +NIGHT +NIGHTCAP +NIGHTCLUB +NIGHTFALL +NIGHTGOWN +NIGHTINGALE +NIGHTINGALES +NIGHTLY +NIGHTMARE +NIGHTMARES +NIGHTMARISH +NIGHTS +NIGHTTIME +NIHILISM +NIJINSKY +NIKKO +NIKOLAI +NIL +NILE +NILSEN +NILSSON +NIMBLE +NIMBLENESS +NIMBLER +NIMBLY +NIMBUS +NINA +NINE +NINEFOLD +NINES +NINETEEN +NINETEENS +NINETEENTH +NINETIES +NINETIETH +NINETY +NINEVEH +NINTH +NIOBE +NIP +NIPPLE +NIPPON +NIPPONIZE +NIPPONIZES +NIPS +NITRIC +NITROGEN +NITROUS +NITTY +NIXON +NOAH +NOBEL +NOBILITY +NOBLE +NOBLEMAN +NOBLENESS +NOBLER +NOBLES +NOBLEST +NOBLY +NOBODY +NOCTURNAL +NOCTURNALLY +NOD +NODAL +NODDED +NODDING +NODE +NODES +NODS +NODULAR +NODULE +NOEL +NOETHERIAN +NOISE +NOISELESS +NOISELESSLY +NOISES +NOISIER +NOISILY +NOISINESS +NOISY +NOLAN +NOLL +NOMENCLATURE +NOMINAL +NOMINALLY +NOMINATE +NOMINATED +NOMINATING +NOMINATION +NOMINATIVE +NOMINEE +NON +NONADAPTIVE +NONBIODEGRADABLE +NONBLOCKING +NONCE +NONCHALANT +NONCOMMERCIAL +NONCOMMUNICATION +NONCONSECUTIVELY +NONCONSERVATIVE +NONCRITICAL +NONCYCLIC +NONDECREASING +NONDESCRIPT +NONDESCRIPTLY +NONDESTRUCTIVELY +NONDETERMINACY +NONDETERMINATE +NONDETERMINATELY +NONDETERMINISM +NONDETERMINISTIC +NONDETERMINISTICALLY +NONE +NONEMPTY +NONETHELESS +NONEXISTENCE +NONEXISTENT +NONEXTENSIBLE +NONFUNCTIONAL +NONGOVERNMENTAL +NONIDEMPOTENT +NONINTERACTING +NONINTERFERENCE +NONINTERLEAVED +NONINTRUSIVE +NONINTUITIVE +NONINVERTING +NONLINEAR +NONLINEARITIES +NONLINEARITY +NONLINEARLY +NONLOCAL +NONMASKABLE +NONMATHEMATICAL +NONMILITARY +NONNEGATIVE +NONNEGLIGIBLE +NONNUMERICAL +NONOGENARIAN +NONORTHOGONAL +NONORTHOGONALITY +NONPERISHABLE +NONPERSISTENT +NONPORTABLE +NONPROCEDURAL +NONPROCEDURALLY +NONPROFIT +NONPROGRAMMABLE +NONPROGRAMMER +NONSEGMENTED +NONSENSE +NONSENSICAL +NONSEQUENTIAL +NONSPECIALIST +NONSPECIALISTS +NONSTANDARD +NONSYNCHRONOUS +NONTECHNICAL +NONTERMINAL +NONTERMINALS +NONTERMINATING +NONTERMINATION +NONTHERMAL +NONTRANSPARENT +NONTRIVIAL +NONUNIFORM +NONUNIFORMITY +NONZERO +NOODLE +NOOK +NOOKS +NOON +NOONDAY +NOONS +NOONTIDE +NOONTIME +NOOSE +NOR +NORA +NORDHOFF +NORDIC +NORDSTROM +NOREEN +NORFOLK +NORM +NORMA +NORMAL +NORMALCY +NORMALITY +NORMALIZATION +NORMALIZE +NORMALIZED +NORMALIZES +NORMALIZING +NORMALLY +NORMALS +NORMAN +NORMANDY +NORMANIZATION +NORMANIZATIONS +NORMANIZE +NORMANIZER +NORMANIZERS +NORMANIZES +NORMATIVE +NORMS +NORRIS +NORRISTOWN +NORSE +NORTH +NORTHAMPTON +NORTHBOUND +NORTHEAST +NORTHEASTER +NORTHEASTERN +NORTHERLY +NORTHERN +NORTHERNER +NORTHERNERS +NORTHERNLY +NORTHFIELD +NORTHROP +NORTHRUP +NORTHUMBERLAND +NORTHWARD +NORTHWARDS +NORTHWEST +NORTHWESTERN +NORTON +NORWALK +NORWAY +NORWEGIAN +NORWICH +NOSE +NOSED +NOSES +NOSING +NOSTALGIA +NOSTALGIC +NOSTRADAMUS +NOSTRAND +NOSTRIL +NOSTRILS +NOT +NOTABLE +NOTABLES +NOTABLY +NOTARIZE +NOTARIZED +NOTARIZES +NOTARIZING +NOTARY +NOTATION +NOTATIONAL +NOTATIONS +NOTCH +NOTCHED +NOTCHES +NOTCHING +NOTE +NOTEBOOK +NOTEBOOKS +NOTED +NOTES +NOTEWORTHY +NOTHING +NOTHINGNESS +NOTHINGS +NOTICE +NOTICEABLE +NOTICEABLY +NOTICED +NOTICES +NOTICING +NOTIFICATION +NOTIFICATIONS +NOTIFIED +NOTIFIER +NOTIFIERS +NOTIFIES +NOTIFY +NOTIFYING +NOTING +NOTION +NOTIONS +NOTORIETY +NOTORIOUS +NOTORIOUSLY +NOTRE +NOTTINGHAM +NOTWITHSTANDING +NOUAKCHOTT +NOUN +NOUNS +NOURISH +NOURISHED +NOURISHES +NOURISHING +NOURISHMENT +NOVAK +NOVEL +NOVELIST +NOVELISTS +NOVELS +NOVELTIES +NOVELTY +NOVEMBER +NOVEMBERS +NOVICE +NOVICES +NOVOSIBIRSK +NOW +NOWADAYS +NOWHERE +NOXIOUS +NOYES +NOZZLE +NUANCE +NUANCES +NUBIA +NUBIAN +NUBILE +NUCLEAR +NUCLEI +NUCLEIC +NUCLEOTIDE +NUCLEOTIDES +NUCLEUS +NUCLIDE +NUDE +NUDGE +NUDGED +NUDITY +NUGENT +NUGGET +NUISANCE +NUISANCES +NULL +NULLARY +NULLED +NULLIFIED +NULLIFIERS +NULLIFIES +NULLIFY +NULLIFYING +NULLS +NUMB +NUMBED +NUMBER +NUMBERED +NUMBERER +NUMBERING +NUMBERLESS +NUMBERS +NUMBING +NUMBLY +NUMBNESS +NUMBS +NUMERABLE +NUMERAL +NUMERALS +NUMERATOR +NUMERATORS +NUMERIC +NUMERICAL +NUMERICALLY +NUMERICS +NUMEROUS +NUMISMATIC +NUMISMATIST +NUN +NUNS +NUPTIAL +NURSE +NURSED +NURSERIES +NURSERY +NURSES +NURSING +NURTURE +NURTURED +NURTURES +NURTURING +NUT +NUTATE +NUTRIA +NUTRIENT +NUTRITION +NUTRITIOUS +NUTS +NUTSHELL +NUTSHELLS +NUZZLE +NYLON +NYMPH +NYMPHOMANIA +NYMPHOMANIAC +NYMPHS +NYQUIST +OAF +OAK +OAKEN +OAKLAND +OAKLEY +OAKMONT +OAKS +OAR +OARS +OASES +OASIS +OAT +OATEN +OATH +OATHS +OATMEAL +OATS +OBEDIENCE +OBEDIENCES +OBEDIENT +OBEDIENTLY +OBELISK +OBERLIN +OBERON +OBESE +OBEY +OBEYED +OBEYING +OBEYS +OBFUSCATE +OBFUSCATORY +OBITUARY +OBJECT +OBJECTED +OBJECTING +OBJECTION +OBJECTIONABLE +OBJECTIONS +OBJECTIVE +OBJECTIVELY +OBJECTIVES +OBJECTOR +OBJECTORS +OBJECTS +OBLIGATED +OBLIGATION +OBLIGATIONS +OBLIGATORY +OBLIGE +OBLIGED +OBLIGES +OBLIGING +OBLIGINGLY +OBLIQUE +OBLIQUELY +OBLIQUENESS +OBLITERATE +OBLITERATED +OBLITERATES +OBLITERATING +OBLITERATION +OBLIVION +OBLIVIOUS +OBLIVIOUSLY +OBLIVIOUSNESS +OBLONG +OBNOXIOUS +OBOE +OBSCENE +OBSCURE +OBSCURED +OBSCURELY +OBSCURER +OBSCURES +OBSCURING +OBSCURITIES +OBSCURITY +OBSEQUIOUS +OBSERVABLE +OBSERVANCE +OBSERVANCES +OBSERVANT +OBSERVATION +OBSERVATIONS +OBSERVATORY +OBSERVE +OBSERVED +OBSERVER +OBSERVERS +OBSERVES +OBSERVING +OBSESSION +OBSESSIONS +OBSESSIVE +OBSOLESCENCE +OBSOLESCENT +OBSOLETE +OBSOLETED +OBSOLETES +OBSOLETING +OBSTACLE +OBSTACLES +OBSTINACY +OBSTINATE +OBSTINATELY +OBSTRUCT +OBSTRUCTED +OBSTRUCTING +OBSTRUCTION +OBSTRUCTIONS +OBSTRUCTIVE +OBTAIN +OBTAINABLE +OBTAINABLY +OBTAINED +OBTAINING +OBTAINS +OBVIATE +OBVIATED +OBVIATES +OBVIATING +OBVIATION +OBVIATIONS +OBVIOUS +OBVIOUSLY +OBVIOUSNESS +OCCAM +OCCASION +OCCASIONAL +OCCASIONALLY +OCCASIONED +OCCASIONING +OCCASIONINGS +OCCASIONS +OCCIDENT +OCCIDENTAL +OCCIDENTALIZATION +OCCIDENTALIZATIONS +OCCIDENTALIZE +OCCIDENTALIZED +OCCIDENTALIZES +OCCIDENTALIZING +OCCIDENTALS +OCCIPITAL +OCCLUDE +OCCLUDED +OCCLUDES +OCCLUSION +OCCLUSIONS +OCCULT +OCCUPANCIES +OCCUPANCY +OCCUPANT +OCCUPANTS +OCCUPATION +OCCUPATIONAL +OCCUPATIONALLY +OCCUPATIONS +OCCUPIED +OCCUPIER +OCCUPIES +OCCUPY +OCCUPYING +OCCUR +OCCURRED +OCCURRENCE +OCCURRENCES +OCCURRING +OCCURS +OCEAN +OCEANIA +OCEANIC +OCEANOGRAPHY +OCEANS +OCONOMOWOC +OCTAGON +OCTAGONAL +OCTAHEDRA +OCTAHEDRAL +OCTAHEDRON +OCTAL +OCTANE +OCTAVE +OCTAVES +OCTAVIA +OCTET +OCTETS +OCTOBER +OCTOBERS +OCTOGENARIAN +OCTOPUS +ODD +ODDER +ODDEST +ODDITIES +ODDITY +ODDLY +ODDNESS +ODDS +ODE +ODERBERG +ODERBERGS +ODES +ODESSA +ODIN +ODIOUS +ODIOUSLY +ODIOUSNESS +ODIUM +ODOR +ODOROUS +ODOROUSLY +ODOROUSNESS +ODORS +ODYSSEUS +ODYSSEY +OEDIPAL +OEDIPALLY +OEDIPUS +OFF +OFFENBACH +OFFEND +OFFENDED +OFFENDER +OFFENDERS +OFFENDING +OFFENDS +OFFENSE +OFFENSES +OFFENSIVE +OFFENSIVELY +OFFENSIVENESS +OFFER +OFFERED +OFFERER +OFFERERS +OFFERING +OFFERINGS +OFFERS +OFFHAND +OFFICE +OFFICEMATE +OFFICER +OFFICERS +OFFICES +OFFICIAL +OFFICIALDOM +OFFICIALLY +OFFICIALS +OFFICIATE +OFFICIO +OFFICIOUS +OFFICIOUSLY +OFFICIOUSNESS +OFFING +OFFLOAD +OFFS +OFFSET +OFFSETS +OFFSETTING +OFFSHORE +OFFSPRING +OFT +OFTEN +OFTENTIMES +OGDEN +OHIO +OHM +OHMMETER +OIL +OILCLOTH +OILED +OILER +OILERS +OILIER +OILIEST +OILING +OILS +OILY +OINTMENT +OJIBWA +OKAMOTO +OKAY +OKINAWA +OKLAHOMA +OKLAHOMAN +OLAF +OLAV +OLD +OLDEN +OLDENBURG +OLDER +OLDEST +OLDNESS +OLDSMOBILE +OLDUVAI +OLDY +OLEANDER +OLEG +OLEOMARGARINE +OLGA +OLIGARCHY +OLIGOCENE +OLIN +OLIVE +OLIVER +OLIVERS +OLIVES +OLIVETTI +OLIVIA +OLIVIER +OLSEN +OLSON +OLYMPIA +OLYMPIAN +OLYMPIANIZE +OLYMPIANIZES +OLYMPIC +OLYMPICS +OLYMPUS +OMAHA +OMAN +OMEGA +OMELET +OMEN +OMENS +OMICRON +OMINOUS +OMINOUSLY +OMINOUSNESS +OMISSION +OMISSIONS +OMIT +OMITS +OMITTED +OMITTING +OMNIBUS +OMNIDIRECTIONAL +OMNIPOTENT +OMNIPRESENT +OMNISCIENT +OMNISCIENTLY +OMNIVORE +ONANISM +ONCE +ONCOLOGY +ONE +ONEIDA +ONENESS +ONEROUS +ONES +ONESELF +ONETIME +ONGOING +ONION +ONIONS +ONLINE +ONLOOKER +ONLY +ONONDAGA +ONRUSH +ONSET +ONSETS +ONSLAUGHT +ONTARIO +ONTO +ONTOLOGY +ONUS +ONWARD +ONWARDS +ONYX +OOZE +OOZED +OPACITY +OPAL +OPALS +OPAQUE +OPAQUELY +OPAQUENESS +OPCODE +OPEC +OPEL +OPEN +OPENED +OPENER +OPENERS +OPENING +OPENINGS +OPENLY +OPENNESS +OPENS +OPERA +OPERABLE +OPERAND +OPERANDI +OPERANDS +OPERAS +OPERATE +OPERATED +OPERATES +OPERATING +OPERATION +OPERATIONAL +OPERATIONALLY +OPERATIONS +OPERATIVE +OPERATIVES +OPERATOR +OPERATORS +OPERETTA +OPHIUCHUS +OPHIUCUS +OPIATE +OPINION +OPINIONS +OPIUM +OPOSSUM +OPPENHEIMER +OPPONENT +OPPONENTS +OPPORTUNE +OPPORTUNELY +OPPORTUNISM +OPPORTUNISTIC +OPPORTUNITIES +OPPORTUNITY +OPPOSABLE +OPPOSE +OPPOSED +OPPOSES +OPPOSING +OPPOSITE +OPPOSITELY +OPPOSITENESS +OPPOSITES +OPPOSITION +OPPRESS +OPPRESSED +OPPRESSES +OPPRESSING +OPPRESSION +OPPRESSIVE +OPPRESSOR +OPPRESSORS +OPPROBRIUM +OPT +OPTED +OPTHALMIC +OPTIC +OPTICAL +OPTICALLY +OPTICS +OPTIMA +OPTIMAL +OPTIMALITY +OPTIMALLY +OPTIMISM +OPTIMIST +OPTIMISTIC +OPTIMISTICALLY +OPTIMIZATION +OPTIMIZATIONS +OPTIMIZE +OPTIMIZED +OPTIMIZER +OPTIMIZERS +OPTIMIZES +OPTIMIZING +OPTIMUM +OPTING +OPTION +OPTIONAL +OPTIONALLY +OPTIONS +OPTOACOUSTIC +OPTOMETRIST +OPTOMETRY +OPTS +OPULENCE +OPULENT +OPUS +ORACLE +ORACLES +ORAL +ORALLY +ORANGE +ORANGES +ORANGUTAN +ORATION +ORATIONS +ORATOR +ORATORIES +ORATORS +ORATORY +ORB +ORBIT +ORBITAL +ORBITALLY +ORBITED +ORBITER +ORBITERS +ORBITING +ORBITS +ORCHARD +ORCHARDS +ORCHESTRA +ORCHESTRAL +ORCHESTRAS +ORCHESTRATE +ORCHID +ORCHIDS +ORDAIN +ORDAINED +ORDAINING +ORDAINS +ORDEAL +ORDER +ORDERED +ORDERING +ORDERINGS +ORDERLIES +ORDERLY +ORDERS +ORDINAL +ORDINANCE +ORDINANCES +ORDINARILY +ORDINARINESS +ORDINARY +ORDINATE +ORDINATES +ORDINATION +ORE +OREGANO +OREGON +OREGONIANS +ORES +ORESTEIA +ORESTES +ORGAN +ORGANIC +ORGANISM +ORGANISMS +ORGANIST +ORGANISTS +ORGANIZABLE +ORGANIZATION +ORGANIZATIONAL +ORGANIZATIONALLY +ORGANIZATIONS +ORGANIZE +ORGANIZED +ORGANIZER +ORGANIZERS +ORGANIZES +ORGANIZING +ORGANS +ORGASM +ORGIASTIC +ORGIES +ORGY +ORIENT +ORIENTAL +ORIENTALIZATION +ORIENTALIZATIONS +ORIENTALIZE +ORIENTALIZED +ORIENTALIZES +ORIENTALIZING +ORIENTALS +ORIENTATION +ORIENTATIONS +ORIENTED +ORIENTING +ORIENTS +ORIFICE +ORIFICES +ORIGIN +ORIGINAL +ORIGINALITY +ORIGINALLY +ORIGINALS +ORIGINATE +ORIGINATED +ORIGINATES +ORIGINATING +ORIGINATION +ORIGINATOR +ORIGINATORS +ORIGINS +ORIN +ORINOCO +ORIOLE +ORION +ORKNEY +ORLANDO +ORLEANS +ORLICK +ORLY +ORNAMENT +ORNAMENTAL +ORNAMENTALLY +ORNAMENTATION +ORNAMENTED +ORNAMENTING +ORNAMENTS +ORNATE +ORNERY +ORONO +ORPHAN +ORPHANAGE +ORPHANED +ORPHANS +ORPHEUS +ORPHIC +ORPHICALLY +ORR +ORTEGA +ORTHANT +ORTHODONTIST +ORTHODOX +ORTHODOXY +ORTHOGONAL +ORTHOGONALITY +ORTHOGONALLY +ORTHOPEDIC +ORVILLE +ORWELL +ORWELLIAN +OSAKA +OSBERT +OSBORN +OSBORNE +OSCAR +OSCILLATE +OSCILLATED +OSCILLATES +OSCILLATING +OSCILLATION +OSCILLATIONS +OSCILLATOR +OSCILLATORS +OSCILLATORY +OSCILLOSCOPE +OSCILLOSCOPES +OSGOOD +OSHKOSH +OSIRIS +OSLO +OSMOSIS +OSMOTIC +OSSIFY +OSTENSIBLE +OSTENSIBLY +OSTENTATIOUS +OSTEOPATH +OSTEOPATHIC +OSTEOPATHY +OSTEOPOROSIS +OSTRACISM +OSTRANDER +OSTRICH +OSTRICHES +OSWALD +OTHELLO +OTHER +OTHERS +OTHERWISE +OTHERWORLDLY +OTIS +OTT +OTTAWA +OTTER +OTTERS +OTTO +OTTOMAN +OTTOMANIZATION +OTTOMANIZATIONS +OTTOMANIZE +OTTOMANIZES +OUAGADOUGOU +OUCH +OUGHT +OUNCE +OUNCES +OUR +OURS +OURSELF +OURSELVES +OUST +OUT +OUTBOUND +OUTBREAK +OUTBREAKS +OUTBURST +OUTBURSTS +OUTCAST +OUTCASTS +OUTCOME +OUTCOMES +OUTCRIES +OUTCRY +OUTDATED +OUTDO +OUTDOOR +OUTDOORS +OUTER +OUTERMOST +OUTFIT +OUTFITS +OUTFITTED +OUTGOING +OUTGREW +OUTGROW +OUTGROWING +OUTGROWN +OUTGROWS +OUTGROWTH +OUTING +OUTLANDISH +OUTLAST +OUTLASTS +OUTLAW +OUTLAWED +OUTLAWING +OUTLAWS +OUTLAY +OUTLAYS +OUTLET +OUTLETS +OUTLINE +OUTLINED +OUTLINES +OUTLINING +OUTLIVE +OUTLIVED +OUTLIVES +OUTLIVING +OUTLOOK +OUTLYING +OUTNUMBERED +OUTPERFORM +OUTPERFORMED +OUTPERFORMING +OUTPERFORMS +OUTPOST +OUTPOSTS +OUTPUT +OUTPUTS +OUTPUTTING +OUTRAGE +OUTRAGED +OUTRAGEOUS +OUTRAGEOUSLY +OUTRAGES +OUTRIGHT +OUTRUN +OUTRUNS +OUTS +OUTSET +OUTSIDE +OUTSIDER +OUTSIDERS +OUTSKIRTS +OUTSTANDING +OUTSTANDINGLY +OUTSTRETCHED +OUTSTRIP +OUTSTRIPPED +OUTSTRIPPING +OUTSTRIPS +OUTVOTE +OUTVOTED +OUTVOTES +OUTVOTING +OUTWARD +OUTWARDLY +OUTWEIGH +OUTWEIGHED +OUTWEIGHING +OUTWEIGHS +OUTWIT +OUTWITS +OUTWITTED +OUTWITTING +OVAL +OVALS +OVARIES +OVARY +OVEN +OVENS +OVER +OVERALL +OVERALLS +OVERBOARD +OVERCAME +OVERCOAT +OVERCOATS +OVERCOME +OVERCOMES +OVERCOMING +OVERCROWD +OVERCROWDED +OVERCROWDING +OVERCROWDS +OVERDONE +OVERDOSE +OVERDRAFT +OVERDRAFTS +OVERDUE +OVEREMPHASIS +OVEREMPHASIZED +OVERESTIMATE +OVERESTIMATED +OVERESTIMATES +OVERESTIMATING +OVERESTIMATION +OVERFLOW +OVERFLOWED +OVERFLOWING +OVERFLOWS +OVERGROWN +OVERHANG +OVERHANGING +OVERHANGS +OVERHAUL +OVERHAULING +OVERHEAD +OVERHEADS +OVERHEAR +OVERHEARD +OVERHEARING +OVERHEARS +OVERJOY +OVERJOYED +OVERKILL +OVERLAND +OVERLAP +OVERLAPPED +OVERLAPPING +OVERLAPS +OVERLAY +OVERLAYING +OVERLAYS +OVERLOAD +OVERLOADED +OVERLOADING +OVERLOADS +OVERLOOK +OVERLOOKED +OVERLOOKING +OVERLOOKS +OVERLY +OVERNIGHT +OVERNIGHTER +OVERNIGHTERS +OVERPOWER +OVERPOWERED +OVERPOWERING +OVERPOWERS +OVERPRINT +OVERPRINTED +OVERPRINTING +OVERPRINTS +OVERPRODUCTION +OVERRIDDEN +OVERRIDE +OVERRIDES +OVERRIDING +OVERRODE +OVERRULE +OVERRULED +OVERRULES +OVERRUN +OVERRUNNING +OVERRUNS +OVERSEAS +OVERSEE +OVERSEEING +OVERSEER +OVERSEERS +OVERSEES +OVERSHADOW +OVERSHADOWED +OVERSHADOWING +OVERSHADOWS +OVERSHOOT +OVERSHOT +OVERSIGHT +OVERSIGHTS +OVERSIMPLIFIED +OVERSIMPLIFIES +OVERSIMPLIFY +OVERSIMPLIFYING +OVERSIZED +OVERSTATE +OVERSTATED +OVERSTATEMENT +OVERSTATEMENTS +OVERSTATES +OVERSTATING +OVERSTOCKS +OVERSUBSCRIBED +OVERT +OVERTAKE +OVERTAKEN +OVERTAKER +OVERTAKERS +OVERTAKES +OVERTAKING +OVERTHREW +OVERTHROW +OVERTHROWN +OVERTIME +OVERTLY +OVERTONE +OVERTONES +OVERTOOK +OVERTURE +OVERTURES +OVERTURN +OVERTURNED +OVERTURNING +OVERTURNS +OVERUSE +OVERVIEW +OVERVIEWS +OVERWHELM +OVERWHELMED +OVERWHELMING +OVERWHELMINGLY +OVERWHELMS +OVERWORK +OVERWORKED +OVERWORKING +OVERWORKS +OVERWRITE +OVERWRITES +OVERWRITING +OVERWRITTEN +OVERZEALOUS +OVID +OWE +OWED +OWEN +OWENS +OWES +OWING +OWL +OWLS +OWN +OWNED +OWNER +OWNERS +OWNERSHIP +OWNERSHIPS +OWNING +OWNS +OXEN +OXFORD +OXIDE +OXIDES +OXIDIZE +OXIDIZED +OXNARD +OXONIAN +OXYGEN +OYSTER +OYSTERS +OZARK +OZARKS +OZONE +OZZIE +PABLO +PABST +PACE +PACED +PACEMAKER +PACER +PACERS +PACES +PACIFIC +PACIFICATION +PACIFIED +PACIFIER +PACIFIES +PACIFISM +PACIFIST +PACIFY +PACING +PACK +PACKAGE +PACKAGED +PACKAGER +PACKAGERS +PACKAGES +PACKAGING +PACKAGINGS +PACKARD +PACKARDS +PACKED +PACKER +PACKERS +PACKET +PACKETS +PACKING +PACKS +PACKWOOD +PACT +PACTS +PAD +PADDED +PADDING +PADDLE +PADDOCK +PADDY +PADLOCK +PADS +PAGAN +PAGANINI +PAGANS +PAGE +PAGEANT +PAGEANTRY +PAGEANTS +PAGED +PAGER +PAGERS +PAGES +PAGINATE +PAGINATED +PAGINATES +PAGINATING +PAGINATION +PAGING +PAGODA +PAID +PAIL +PAILS +PAIN +PAINE +PAINED +PAINFUL +PAINFULLY +PAINLESS +PAINS +PAINSTAKING +PAINSTAKINGLY +PAINT +PAINTED +PAINTER +PAINTERS +PAINTING +PAINTINGS +PAINTS +PAIR +PAIRED +PAIRING +PAIRINGS +PAIRS +PAIRWISE +PAJAMA +PAJAMAS +PAKISTAN +PAKISTANI +PAKISTANIS +PAL +PALACE +PALACES +PALATE +PALATES +PALATINE +PALE +PALED +PALELY +PALENESS +PALEOLITHIC +PALEOZOIC +PALER +PALERMO +PALES +PALEST +PALESTINE +PALESTINIAN +PALFREY +PALINDROME +PALINDROMIC +PALING +PALL +PALLADIAN +PALLADIUM +PALLIATE +PALLIATIVE +PALLID +PALM +PALMED +PALMER +PALMING +PALMOLIVE +PALMS +PALMYRA +PALO +PALOMAR +PALPABLE +PALS +PALSY +PAM +PAMELA +PAMPER +PAMPHLET +PAMPHLETS +PAN +PANACEA +PANACEAS +PANAMA +PANAMANIAN +PANCAKE +PANCAKES +PANCHO +PANDA +PANDANUS +PANDAS +PANDEMIC +PANDEMONIUM +PANDER +PANDORA +PANE +PANEL +PANELED +PANELING +PANELIST +PANELISTS +PANELS +PANES +PANG +PANGAEA +PANGS +PANIC +PANICKED +PANICKING +PANICKY +PANICS +PANNED +PANNING +PANORAMA +PANORAMIC +PANS +PANSIES +PANSY +PANT +PANTED +PANTHEISM +PANTHEIST +PANTHEON +PANTHER +PANTHERS +PANTIES +PANTING +PANTOMIME +PANTRIES +PANTRY +PANTS +PANTY +PANTYHOSE +PAOLI +PAPA +PAPAL +PAPER +PAPERBACK +PAPERBACKS +PAPERED +PAPERER +PAPERERS +PAPERING +PAPERINGS +PAPERS +PAPERWEIGHT +PAPERWORK +PAPOOSE +PAPPAS +PAPUA +PAPYRUS +PAR +PARABOLA +PARABOLIC +PARABOLOID +PARABOLOIDAL +PARACHUTE +PARACHUTED +PARACHUTES +PARADE +PARADED +PARADES +PARADIGM +PARADIGMS +PARADING +PARADISE +PARADOX +PARADOXES +PARADOXICAL +PARADOXICALLY +PARAFFIN +PARAGON +PARAGONS +PARAGRAPH +PARAGRAPHING +PARAGRAPHS +PARAGUAY +PARAGUAYAN +PARAGUAYANS +PARAKEET +PARALLAX +PARALLEL +PARALLELED +PARALLELING +PARALLELISM +PARALLELIZE +PARALLELIZED +PARALLELIZES +PARALLELIZING +PARALLELOGRAM +PARALLELOGRAMS +PARALLELS +PARALYSIS +PARALYZE +PARALYZED +PARALYZES +PARALYZING +PARAMETER +PARAMETERIZABLE +PARAMETERIZATION +PARAMETERIZATIONS +PARAMETERIZE +PARAMETERIZED +PARAMETERIZES +PARAMETERIZING +PARAMETERLESS +PARAMETERS +PARAMETRIC +PARAMETRIZED +PARAMILITARY +PARAMOUNT +PARAMUS +PARANOIA +PARANOIAC +PARANOID +PARANORMAL +PARAPET +PARAPETS +PARAPHERNALIA +PARAPHRASE +PARAPHRASED +PARAPHRASES +PARAPHRASING +PARAPSYCHOLOGY +PARASITE +PARASITES +PARASITIC +PARASITICS +PARASOL +PARBOIL +PARC +PARCEL +PARCELED +PARCELING +PARCELS +PARCH +PARCHED +PARCHMENT +PARDON +PARDONABLE +PARDONABLY +PARDONED +PARDONER +PARDONERS +PARDONING +PARDONS +PARE +PAREGORIC +PARENT +PARENTAGE +PARENTAL +PARENTHESES +PARENTHESIS +PARENTHESIZED +PARENTHESIZES +PARENTHESIZING +PARENTHETIC +PARENTHETICAL +PARENTHETICALLY +PARENTHOOD +PARENTS +PARES +PARETO +PARIAH +PARIMUTUEL +PARING +PARINGS +PARIS +PARISH +PARISHES +PARISHIONER +PARISIAN +PARISIANIZATION +PARISIANIZATIONS +PARISIANIZE +PARISIANIZES +PARITY +PARK +PARKE +PARKED +PARKER +PARKERS +PARKERSBURG +PARKHOUSE +PARKING +PARKINSON +PARKINSONIAN +PARKLAND +PARKLIKE +PARKS +PARKWAY +PARLAY +PARLEY +PARLIAMENT +PARLIAMENTARIAN +PARLIAMENTARY +PARLIAMENTS +PARLOR +PARLORS +PARMESAN +PAROCHIAL +PARODY +PAROLE +PAROLED +PAROLES +PAROLING +PARR +PARRIED +PARRISH +PARROT +PARROTING +PARROTS +PARRS +PARRY +PARS +PARSE +PARSED +PARSER +PARSERS +PARSES +PARSI +PARSIFAL +PARSIMONY +PARSING +PARSINGS +PARSLEY +PARSON +PARSONS +PART +PARTAKE +PARTAKER +PARTAKES +PARTAKING +PARTED +PARTER +PARTERS +PARTHENON +PARTHIA +PARTIAL +PARTIALITY +PARTIALLY +PARTICIPANT +PARTICIPANTS +PARTICIPATE +PARTICIPATED +PARTICIPATES +PARTICIPATING +PARTICIPATION +PARTICIPLE +PARTICLE +PARTICLES +PARTICULAR +PARTICULARLY +PARTICULARS +PARTICULATE +PARTIES +PARTING +PARTINGS +PARTISAN +PARTISANS +PARTITION +PARTITIONED +PARTITIONING +PARTITIONS +PARTLY +PARTNER +PARTNERED +PARTNERS +PARTNERSHIP +PARTOOK +PARTRIDGE +PARTRIDGES +PARTS +PARTY +PASADENA +PASCAL +PASCAL +PASO +PASS +PASSAGE +PASSAGES +PASSAGEWAY +PASSAIC +PASSE +PASSED +PASSENGER +PASSENGERS +PASSER +PASSERS +PASSES +PASSING +PASSION +PASSIONATE +PASSIONATELY +PASSIONS +PASSIVATE +PASSIVE +PASSIVELY +PASSIVENESS +PASSIVITY +PASSOVER +PASSPORT +PASSPORTS +PASSWORD +PASSWORDS +PAST +PASTE +PASTED +PASTEL +PASTERNAK +PASTES +PASTEUR +PASTIME +PASTIMES +PASTING +PASTNESS +PASTOR +PASTORAL +PASTORS +PASTRY +PASTS +PASTURE +PASTURES +PAT +PATAGONIA +PATAGONIANS +PATCH +PATCHED +PATCHES +PATCHING +PATCHWORK +PATCHY +PATE +PATEN +PATENT +PATENTABLE +PATENTED +PATENTER +PATENTERS +PATENTING +PATENTLY +PATENTS +PATERNAL +PATERNALLY +PATERNOSTER +PATERSON +PATH +PATHETIC +PATHNAME +PATHNAMES +PATHOGEN +PATHOGENESIS +PATHOLOGICAL +PATHOLOGY +PATHOS +PATHS +PATHWAY +PATHWAYS +PATIENCE +PATIENT +PATIENTLY +PATIENTS +PATINA +PATIO +PATRIARCH +PATRIARCHAL +PATRIARCHS +PATRIARCHY +PATRICE +PATRICIA +PATRICIAN +PATRICIANS +PATRICK +PATRIMONIAL +PATRIMONY +PATRIOT +PATRIOTIC +PATRIOTISM +PATRIOTS +PATROL +PATROLLED +PATROLLING +PATROLMAN +PATROLMEN +PATROLS +PATRON +PATRONAGE +PATRONIZE +PATRONIZED +PATRONIZES +PATRONIZING +PATRONS +PATS +PATSIES +PATSY +PATTER +PATTERED +PATTERING +PATTERINGS +PATTERN +PATTERNED +PATTERNING +PATTERNS +PATTERS +PATTERSON +PATTI +PATTIES +PATTON +PATTY +PAUCITY +PAUL +PAULA +PAULETTE +PAULI +PAULINE +PAULING +PAULINIZE +PAULINIZES +PAULO +PAULSEN +PAULSON +PAULUS +PAUNCH +PAUNCHY +PAUPER +PAUSE +PAUSED +PAUSES +PAUSING +PAVE +PAVED +PAVEMENT +PAVEMENTS +PAVES +PAVILION +PAVILIONS +PAVING +PAVLOV +PAVLOVIAN +PAW +PAWING +PAWN +PAWNS +PAWNSHOP +PAWS +PAWTUCKET +PAY +PAYABLE +PAYCHECK +PAYCHECKS +PAYED +PAYER +PAYERS +PAYING +PAYMENT +PAYMENTS +PAYNE +PAYNES +PAYNIZE +PAYNIZES +PAYOFF +PAYOFFS +PAYROLL +PAYS +PAYSON +PAZ +PEA +PEABODY +PEACE +PEACEABLE +PEACEFUL +PEACEFULLY +PEACEFULNESS +PEACETIME +PEACH +PEACHES +PEACHTREE +PEACOCK +PEACOCKS +PEAK +PEAKED +PEAKS +PEAL +PEALE +PEALED +PEALING +PEALS +PEANUT +PEANUTS +PEAR +PEARCE +PEARL +PEARLS +PEARLY +PEARS +PEARSON +PEAS +PEASANT +PEASANTRY +PEASANTS +PEASE +PEAT +PEBBLE +PEBBLES +PECCARY +PECK +PECKED +PECKING +PECKS +PECOS +PECTORAL +PECULIAR +PECULIARITIES +PECULIARITY +PECULIARLY +PECUNIARY +PEDAGOGIC +PEDAGOGICAL +PEDAGOGICALLY +PEDAGOGY +PEDAL +PEDANT +PEDANTIC +PEDANTRY +PEDDLE +PEDDLER +PEDDLERS +PEDESTAL +PEDESTRIAN +PEDESTRIANS +PEDIATRIC +PEDIATRICIAN +PEDIATRICS +PEDIGREE +PEDRO +PEEK +PEEKED +PEEKING +PEEKS +PEEL +PEELED +PEELING +PEELS +PEEP +PEEPED +PEEPER +PEEPHOLE +PEEPING +PEEPS +PEER +PEERED +PEERING +PEERLESS +PEERS +PEG +PEGASUS +PEGBOARD +PEGGY +PEGS +PEIPING +PEJORATIVE +PEKING +PELHAM +PELICAN +PELLAGRA +PELOPONNESE +PELT +PELTING +PELTS +PELVIC +PELVIS +PEMBROKE +PEN +PENAL +PENALIZE +PENALIZED +PENALIZES +PENALIZING +PENALTIES +PENALTY +PENANCE +PENCE +PENCHANT +PENCIL +PENCILED +PENCILS +PEND +PENDANT +PENDED +PENDING +PENDLETON +PENDS +PENDULUM +PENDULUMS +PENELOPE +PENETRABLE +PENETRATE +PENETRATED +PENETRATES +PENETRATING +PENETRATINGLY +PENETRATION +PENETRATIONS +PENETRATIVE +PENETRATOR +PENETRATORS +PENGUIN +PENGUINS +PENH +PENICILLIN +PENINSULA +PENINSULAS +PENIS +PENISES +PENITENT +PENITENTIARY +PENN +PENNED +PENNIES +PENNILESS +PENNING +PENNSYLVANIA +PENNY +PENROSE +PENS +PENSACOLA +PENSION +PENSIONER +PENSIONS +PENSIVE +PENT +PENTAGON +PENTAGONS +PENTATEUCH +PENTECOST +PENTECOSTAL +PENTHOUSE +PENULTIMATE +PENUMBRA +PEONY +PEOPLE +PEOPLED +PEOPLES +PEORIA +PEP +PEPPER +PEPPERED +PEPPERING +PEPPERMINT +PEPPERONI +PEPPERS +PEPPERY +PEPPY +PEPSI +PEPSICO +PEPSICO +PEPTIDE +PER +PERCEIVABLE +PERCEIVABLY +PERCEIVE +PERCEIVED +PERCEIVER +PERCEIVERS +PERCEIVES +PERCEIVING +PERCENT +PERCENTAGE +PERCENTAGES +PERCENTILE +PERCENTILES +PERCENTS +PERCEPTIBLE +PERCEPTIBLY +PERCEPTION +PERCEPTIONS +PERCEPTIVE +PERCEPTIVELY +PERCEPTUAL +PERCEPTUALLY +PERCH +PERCHANCE +PERCHED +PERCHES +PERCHING +PERCIVAL +PERCUSSION +PERCUTANEOUS +PERCY +PEREMPTORY +PERENNIAL +PERENNIALLY +PEREZ +PERFECT +PERFECTED +PERFECTIBLE +PERFECTING +PERFECTION +PERFECTIONIST +PERFECTIONISTS +PERFECTLY +PERFECTNESS +PERFECTS +PERFORCE +PERFORM +PERFORMANCE +PERFORMANCES +PERFORMED +PERFORMER +PERFORMERS +PERFORMING +PERFORMS +PERFUME +PERFUMED +PERFUMES +PERFUMING +PERFUNCTORY +PERGAMON +PERHAPS +PERICLEAN +PERICLES +PERIHELION +PERIL +PERILLA +PERILOUS +PERILOUSLY +PERILS +PERIMETER +PERIOD +PERIODIC +PERIODICAL +PERIODICALLY +PERIODICALS +PERIODS +PERIPHERAL +PERIPHERALLY +PERIPHERALS +PERIPHERIES +PERIPHERY +PERISCOPE +PERISH +PERISHABLE +PERISHABLES +PERISHED +PERISHER +PERISHERS +PERISHES +PERISHING +PERJURE +PERJURY +PERK +PERKINS +PERKY +PERLE +PERMANENCE +PERMANENT +PERMANENTLY +PERMEABLE +PERMEATE +PERMEATED +PERMEATES +PERMEATING +PERMEATION +PERMIAN +PERMISSIBILITY +PERMISSIBLE +PERMISSIBLY +PERMISSION +PERMISSIONS +PERMISSIVE +PERMISSIVELY +PERMIT +PERMITS +PERMITTED +PERMITTING +PERMUTATION +PERMUTATIONS +PERMUTE +PERMUTED +PERMUTES +PERMUTING +PERNICIOUS +PERNOD +PEROXIDE +PERPENDICULAR +PERPENDICULARLY +PERPENDICULARS +PERPETRATE +PERPETRATED +PERPETRATES +PERPETRATING +PERPETRATION +PERPETRATIONS +PERPETRATOR +PERPETRATORS +PERPETUAL +PERPETUALLY +PERPETUATE +PERPETUATED +PERPETUATES +PERPETUATING +PERPETUATION +PERPETUITY +PERPLEX +PERPLEXED +PERPLEXING +PERPLEXITY +PERRY +PERSECUTE +PERSECUTED +PERSECUTES +PERSECUTING +PERSECUTION +PERSECUTOR +PERSECUTORS +PERSEID +PERSEPHONE +PERSEUS +PERSEVERANCE +PERSEVERE +PERSEVERED +PERSEVERES +PERSEVERING +PERSHING +PERSIA +PERSIAN +PERSIANIZATION +PERSIANIZATIONS +PERSIANIZE +PERSIANIZES +PERSIANS +PERSIST +PERSISTED +PERSISTENCE +PERSISTENT +PERSISTENTLY +PERSISTING +PERSISTS +PERSON +PERSONAGE +PERSONAGES +PERSONAL +PERSONALITIES +PERSONALITY +PERSONALIZATION +PERSONALIZE +PERSONALIZED +PERSONALIZES +PERSONALIZING +PERSONALLY +PERSONIFICATION +PERSONIFIED +PERSONIFIES +PERSONIFY +PERSONIFYING +PERSONNEL +PERSONS +PERSPECTIVE +PERSPECTIVES +PERSPICUOUS +PERSPICUOUSLY +PERSPIRATION +PERSPIRE +PERSUADABLE +PERSUADE +PERSUADED +PERSUADER +PERSUADERS +PERSUADES +PERSUADING +PERSUASION +PERSUASIONS +PERSUASIVE +PERSUASIVELY +PERSUASIVENESS +PERTAIN +PERTAINED +PERTAINING +PERTAINS +PERTH +PERTINENT +PERTURB +PERTURBATION +PERTURBATIONS +PERTURBED +PERU +PERUSAL +PERUSE +PERUSED +PERUSER +PERUSERS +PERUSES +PERUSING +PERUVIAN +PERUVIANIZE +PERUVIANIZES +PERUVIANS +PERVADE +PERVADED +PERVADES +PERVADING +PERVASIVE +PERVASIVELY +PERVERSION +PERVERT +PERVERTED +PERVERTS +PESSIMISM +PESSIMIST +PESSIMISTIC +PEST +PESTER +PESTICIDE +PESTILENCE +PESTILENT +PESTS +PET +PETAL +PETALS +PETE +PETER +PETERS +PETERSBURG +PETERSEN +PETERSON +PETITION +PETITIONED +PETITIONER +PETITIONING +PETITIONS +PETKIEWICZ +PETRI +PETROLEUM +PETS +PETTED +PETTER +PETTERS +PETTIBONE +PETTICOAT +PETTICOATS +PETTINESS +PETTING +PETTY +PETULANCE +PETULANT +PEUGEOT +PEW +PEWAUKEE +PEWS +PEWTER +PFIZER +PHAEDRA +PHANTOM +PHANTOMS +PHARMACEUTIC +PHARMACIST +PHARMACOLOGY +PHARMACOPOEIA +PHARMACY +PHASE +PHASED +PHASER +PHASERS +PHASES +PHASING +PHEASANT +PHEASANTS +PHELPS +PHENOMENA +PHENOMENAL +PHENOMENALLY +PHENOMENOLOGICAL +PHENOMENOLOGICALLY +PHENOMENOLOGIES +PHENOMENOLOGY +PHENOMENON +PHI +PHIGS +PHIL +PHILADELPHIA +PHILANTHROPY +PHILCO +PHILHARMONIC +PHILIP +PHILIPPE +PHILIPPIANS +PHILIPPINE +PHILIPPINES +PHILISTINE +PHILISTINES +PHILISTINIZE +PHILISTINIZES +PHILLIES +PHILLIP +PHILLIPS +PHILLY +PHILOSOPHER +PHILOSOPHERS +PHILOSOPHIC +PHILOSOPHICAL +PHILOSOPHICALLY +PHILOSOPHIES +PHILOSOPHIZE +PHILOSOPHIZED +PHILOSOPHIZER +PHILOSOPHIZERS +PHILOSOPHIZES +PHILOSOPHIZING +PHILOSOPHY +PHIPPS +PHOBOS +PHOENICIA +PHOENIX +PHONE +PHONED +PHONEME +PHONEMES +PHONEMIC +PHONES +PHONETIC +PHONETICS +PHONING +PHONOGRAPH +PHONOGRAPHS +PHONY +PHOSGENE +PHOSPHATE +PHOSPHATES +PHOSPHOR +PHOSPHORESCENT +PHOSPHORIC +PHOSPHORUS +PHOTO +PHOTOCOPIED +PHOTOCOPIER +PHOTOCOPIERS +PHOTOCOPIES +PHOTOCOPY +PHOTOCOPYING +PHOTODIODE +PHOTODIODES +PHOTOGENIC +PHOTOGRAPH +PHOTOGRAPHED +PHOTOGRAPHER +PHOTOGRAPHERS +PHOTOGRAPHIC +PHOTOGRAPHING +PHOTOGRAPHS +PHOTOGRAPHY +PHOTON +PHOTOS +PHOTOSENSITIVE +PHOTOTYPESETTER +PHOTOTYPESETTERS +PHRASE +PHRASED +PHRASEOLOGY +PHRASES +PHRASING +PHRASINGS +PHYLA +PHYLLIS +PHYLUM +PHYSIC +PHYSICAL +PHYSICALLY +PHYSICALNESS +PHYSICALS +PHYSICIAN +PHYSICIANS +PHYSICIST +PHYSICISTS +PHYSICS +PHYSIOLOGICAL +PHYSIOLOGICALLY +PHYSIOLOGY +PHYSIOTHERAPIST +PHYSIOTHERAPY +PHYSIQUE +PHYTOPLANKTON +PIANIST +PIANO +PIANOS +PICA +PICAS +PICASSO +PICAYUNE +PICCADILLY +PICCOLO +PICK +PICKAXE +PICKED +PICKER +PICKERING +PICKERS +PICKET +PICKETED +PICKETER +PICKETERS +PICKETING +PICKETS +PICKETT +PICKFORD +PICKING +PICKINGS +PICKLE +PICKLED +PICKLES +PICKLING +PICKMAN +PICKS +PICKUP +PICKUPS +PICKY +PICNIC +PICNICKED +PICNICKING +PICNICS +PICOFARAD +PICOJOULE +PICOSECOND +PICT +PICTORIAL +PICTORIALLY +PICTURE +PICTURED +PICTURES +PICTURESQUE +PICTURESQUENESS +PICTURING +PIDDLE +PIDGIN +PIE +PIECE +PIECED +PIECEMEAL +PIECES +PIECEWISE +PIECING +PIEDFORT +PIEDMONT +PIER +PIERCE +PIERCED +PIERCES +PIERCING +PIERRE +PIERS +PIERSON +PIES +PIETY +PIEZOELECTRIC +PIG +PIGEON +PIGEONHOLE +PIGEONS +PIGGISH +PIGGY +PIGGYBACK +PIGGYBACKED +PIGGYBACKING +PIGGYBACKS +PIGMENT +PIGMENTATION +PIGMENTED +PIGMENTS +PIGPEN +PIGS +PIGSKIN +PIGTAIL +PIKE +PIKER +PIKES +PILATE +PILE +PILED +PILERS +PILES +PILFER +PILFERAGE +PILGRIM +PILGRIMAGE +PILGRIMAGES +PILGRIMS +PILING +PILINGS +PILL +PILLAGE +PILLAGED +PILLAR +PILLARED +PILLARS +PILLORY +PILLOW +PILLOWS +PILLS +PILLSBURY +PILOT +PILOTING +PILOTS +PIMP +PIMPLE +PIN +PINAFORE +PINBALL +PINCH +PINCHED +PINCHES +PINCHING +PINCUSHION +PINE +PINEAPPLE +PINEAPPLES +PINED +PINEHURST +PINES +PING +PINHEAD +PINHOLE +PINING +PINION +PINK +PINKER +PINKEST +PINKIE +PINKISH +PINKLY +PINKNESS +PINKS +PINNACLE +PINNACLES +PINNED +PINNING +PINNINGS +PINOCHLE +PINPOINT +PINPOINTING +PINPOINTS +PINS +PINSCHER +PINSKY +PINT +PINTO +PINTS +PINWHEEL +PION +PIONEER +PIONEERED +PIONEERING +PIONEERS +PIOTR +PIOUS +PIOUSLY +PIP +PIPE +PIPED +PIPELINE +PIPELINED +PIPELINES +PIPELINING +PIPER +PIPERS +PIPES +PIPESTONE +PIPETTE +PIPING +PIQUE +PIRACY +PIRAEUS +PIRATE +PIRATES +PISA +PISCATAWAY +PISCES +PISS +PISTACHIO +PISTIL +PISTILS +PISTOL +PISTOLS +PISTON +PISTONS +PIT +PITCH +PITCHED +PITCHER +PITCHERS +PITCHES +PITCHFORK +PITCHING +PITEOUS +PITEOUSLY +PITFALL +PITFALLS +PITH +PITHED +PITHES +PITHIER +PITHIEST +PITHINESS +PITHING +PITHY +PITIABLE +PITIED +PITIER +PITIERS +PITIES +PITIFUL +PITIFULLY +PITILESS +PITILESSLY +PITNEY +PITS +PITT +PITTED +PITTSBURGH +PITTSBURGHERS +PITTSFIELD +PITTSTON +PITUITARY +PITY +PITYING +PITYINGLY +PIUS +PIVOT +PIVOTAL +PIVOTING +PIVOTS +PIXEL +PIXELS +PIZARRO +PIZZA +PLACARD +PLACARDS +PLACATE +PLACE +PLACEBO +PLACED +PLACEHOLDER +PLACEMENT +PLACEMENTS +PLACENTA +PLACENTAL +PLACER +PLACES +PLACID +PLACIDLY +PLACING +PLAGIARISM +PLAGIARIST +PLAGUE +PLAGUED +PLAGUES +PLAGUING +PLAID +PLAIDS +PLAIN +PLAINER +PLAINEST +PLAINFIELD +PLAINLY +PLAINNESS +PLAINS +PLAINTEXT +PLAINTEXTS +PLAINTIFF +PLAINTIFFS +PLAINTIVE +PLAINTIVELY +PLAINTIVENESS +PLAINVIEW +PLAIT +PLAITS +PLAN +PLANAR +PLANARITY +PLANCK +PLANE +PLANED +PLANELOAD +PLANER +PLANERS +PLANES +PLANET +PLANETARIA +PLANETARIUM +PLANETARY +PLANETESIMAL +PLANETOID +PLANETS +PLANING +PLANK +PLANKING +PLANKS +PLANKTON +PLANNED +PLANNER +PLANNERS +PLANNING +PLANOCONCAVE +PLANOCONVEX +PLANS +PLANT +PLANTATION +PLANTATIONS +PLANTED +PLANTER +PLANTERS +PLANTING +PLANTINGS +PLANTS +PLAQUE +PLASMA +PLASTER +PLASTERED +PLASTERER +PLASTERING +PLASTERS +PLASTIC +PLASTICITY +PLASTICS +PLATE +PLATEAU +PLATEAUS +PLATED +PLATELET +PLATELETS +PLATEN +PLATENS +PLATES +PLATFORM +PLATFORMS +PLATING +PLATINUM +PLATITUDE +PLATO +PLATONIC +PLATONISM +PLATONIST +PLATOON +PLATTE +PLATTER +PLATTERS +PLATTEVILLE +PLAUSIBILITY +PLAUSIBLE +PLAY +PLAYABLE +PLAYBACK +PLAYBOY +PLAYED +PLAYER +PLAYERS +PLAYFUL +PLAYFULLY +PLAYFULNESS +PLAYGROUND +PLAYGROUNDS +PLAYHOUSE +PLAYING +PLAYMATE +PLAYMATES +PLAYOFF +PLAYROOM +PLAYS +PLAYTHING +PLAYTHINGS +PLAYTIME +PLAYWRIGHT +PLAYWRIGHTS +PLAYWRITING +PLAZA +PLEA +PLEAD +PLEADED +PLEADER +PLEADING +PLEADS +PLEAS +PLEASANT +PLEASANTLY +PLEASANTNESS +PLEASE +PLEASED +PLEASES +PLEASING +PLEASINGLY +PLEASURE +PLEASURES +PLEAT +PLEBEIAN +PLEBIAN +PLEBISCITE +PLEBISCITES +PLEDGE +PLEDGED +PLEDGES +PLEIADES +PLEISTOCENE +PLENARY +PLENIPOTENTIARY +PLENTEOUS +PLENTIFUL +PLENTIFULLY +PLENTY +PLETHORA +PLEURISY +PLEXIGLAS +PLIABLE +PLIANT +PLIED +PLIERS +PLIES +PLIGHT +PLINY +PLIOCENE +PLOD +PLODDING +PLOT +PLOTS +PLOTTED +PLOTTER +PLOTTERS +PLOTTING +PLOW +PLOWED +PLOWER +PLOWING +PLOWMAN +PLOWS +PLOWSHARE +PLOY +PLOYS +PLUCK +PLUCKED +PLUCKING +PLUCKS +PLUCKY +PLUG +PLUGGABLE +PLUGGED +PLUGGING +PLUGS +PLUM +PLUMAGE +PLUMB +PLUMBED +PLUMBING +PLUMBS +PLUME +PLUMED +PLUMES +PLUMMET +PLUMMETING +PLUMP +PLUMPED +PLUMPNESS +PLUMS +PLUNDER +PLUNDERED +PLUNDERER +PLUNDERERS +PLUNDERING +PLUNDERS +PLUNGE +PLUNGED +PLUNGER +PLUNGERS +PLUNGES +PLUNGING +PLUNK +PLURAL +PLURALITY +PLURALS +PLUS +PLUSES +PLUSH +PLUTARCH +PLUTO +PLUTONIUM +PLY +PLYMOUTH +PLYWOOD +PNEUMATIC +PNEUMONIA +POACH +POACHER +POACHES +POCAHONTAS +POCKET +POCKETBOOK +POCKETBOOKS +POCKETED +POCKETFUL +POCKETING +POCKETS +POCONO +POCONOS +POD +PODIA +PODIUM +PODS +PODUNK +POE +POEM +POEMS +POET +POETIC +POETICAL +POETICALLY +POETICS +POETRIES +POETRY +POETS +POGO +POGROM +POIGNANCY +POIGNANT +POINCARE +POINDEXTER +POINT +POINTED +POINTEDLY +POINTER +POINTERS +POINTING +POINTLESS +POINTS +POINTY +POISE +POISED +POISES +POISON +POISONED +POISONER +POISONING +POISONOUS +POISONOUSNESS +POISONS +POISSON +POKE +POKED +POKER +POKERFACE +POKES +POKING +POLAND +POLAR +POLARIS +POLARITIES +POLARITY +POLAROID +POLE +POLECAT +POLED +POLEMIC +POLEMICS +POLES +POLICE +POLICED +POLICEMAN +POLICEMEN +POLICES +POLICIES +POLICING +POLICY +POLING +POLIO +POLISH +POLISHED +POLISHER +POLISHERS +POLISHES +POLISHING +POLITBURO +POLITE +POLITELY +POLITENESS +POLITER +POLITEST +POLITIC +POLITICAL +POLITICALLY +POLITICIAN +POLITICIANS +POLITICKING +POLITICS +POLK +POLKA +POLL +POLLARD +POLLED +POLLEN +POLLING +POLLOI +POLLS +POLLUTANT +POLLUTE +POLLUTED +POLLUTES +POLLUTING +POLLUTION +POLLUX +POLO +POLYALPHABETIC +POLYGON +POLYGONS +POLYHYMNIA +POLYMER +POLYMERS +POLYMORPHIC +POLYNESIA +POLYNESIAN +POLYNOMIAL +POLYNOMIALS +POLYPHEMUS +POLYTECHNIC +POLYTHEIST +POMERANIA +POMERANIAN +POMONA +POMP +POMPADOUR +POMPEII +POMPEY +POMPOSITY +POMPOUS +POMPOUSLY +POMPOUSNESS +PONCE +PONCHARTRAIN +PONCHO +POND +PONDER +PONDERED +PONDERING +PONDEROUS +PONDERS +PONDS +PONG +PONIES +PONTIAC +PONTIFF +PONTIFIC +PONTIFICATE +PONY +POOCH +POODLE +POOL +POOLE +POOLED +POOLING +POOLS +POOR +POORER +POOREST +POORLY +POORNESS +POP +POPCORN +POPE +POPEK +POPEKS +POPISH +POPLAR +POPLIN +POPPED +POPPIES +POPPING +POPPY +POPS +POPSICLE +POPSICLES +POPULACE +POPULAR +POPULARITY +POPULARIZATION +POPULARIZE +POPULARIZED +POPULARIZES +POPULARIZING +POPULARLY +POPULATE +POPULATED +POPULATES +POPULATING +POPULATION +POPULATIONS +POPULOUS +POPULOUSNESS +PORCELAIN +PORCH +PORCHES +PORCINE +PORCUPINE +PORCUPINES +PORE +PORED +PORES +PORING +PORK +PORKER +PORNOGRAPHER +PORNOGRAPHIC +PORNOGRAPHY +POROUS +PORPOISE +PORRIDGE +PORT +PORTABILITY +PORTABLE +PORTAGE +PORTAL +PORTALS +PORTE +PORTED +PORTEND +PORTENDED +PORTENDING +PORTENDS +PORTENT +PORTENTOUS +PORTER +PORTERHOUSE +PORTERS +PORTFOLIO +PORTFOLIOS +PORTIA +PORTICO +PORTING +PORTION +PORTIONS +PORTLAND +PORTLY +PORTMANTEAU +PORTO +PORTRAIT +PORTRAITS +PORTRAY +PORTRAYAL +PORTRAYED +PORTRAYING +PORTRAYS +PORTS +PORTSMOUTH +PORTUGAL +PORTUGUESE +POSE +POSED +POSEIDON +POSER +POSERS +POSES +POSH +POSING +POSIT +POSITED +POSITING +POSITION +POSITIONAL +POSITIONED +POSITIONING +POSITIONS +POSITIVE +POSITIVELY +POSITIVENESS +POSITIVES +POSITRON +POSITS +POSNER +POSSE +POSSESS +POSSESSED +POSSESSES +POSSESSING +POSSESSION +POSSESSIONAL +POSSESSIONS +POSSESSIVE +POSSESSIVELY +POSSESSIVENESS +POSSESSOR +POSSESSORS +POSSIBILITIES +POSSIBILITY +POSSIBLE +POSSIBLY +POSSUM +POSSUMS +POST +POSTAGE +POSTAL +POSTCARD +POSTCONDITION +POSTDOCTORAL +POSTED +POSTER +POSTERIOR +POSTERIORI +POSTERITY +POSTERS +POSTFIX +POSTGRADUATE +POSTING +POSTLUDE +POSTMAN +POSTMARK +POSTMASTER +POSTMASTERS +POSTMORTEM +POSTOPERATIVE +POSTORDER +POSTPONE +POSTPONED +POSTPONING +POSTPROCESS +POSTPROCESSOR +POSTS +POSTSCRIPT +POSTSCRIPTS +POSTULATE +POSTULATED +POSTULATES +POSTULATING +POSTULATION +POSTULATIONS +POSTURE +POSTURES +POT +POTABLE +POTASH +POTASSIUM +POTATO +POTATOES +POTBELLY +POTEMKIN +POTENT +POTENTATE +POTENTATES +POTENTIAL +POTENTIALITIES +POTENTIALITY +POTENTIALLY +POTENTIALS +POTENTIATING +POTENTIOMETER +POTENTIOMETERS +POTHOLE +POTION +POTLATCH +POTOMAC +POTPOURRI +POTS +POTSDAM +POTTAWATOMIE +POTTED +POTTER +POTTERS +POTTERY +POTTING +POTTS +POUCH +POUCHES +POUGHKEEPSIE +POULTICE +POULTRY +POUNCE +POUNCED +POUNCES +POUNCING +POUND +POUNDED +POUNDER +POUNDERS +POUNDING +POUNDS +POUR +POURED +POURER +POURERS +POURING +POURS +POUSSIN +POUSSINS +POUT +POUTED +POUTING +POUTS +POVERTY +POWDER +POWDERED +POWDERING +POWDERPUFF +POWDERS +POWDERY +POWELL +POWER +POWERED +POWERFUL +POWERFULLY +POWERFULNESS +POWERING +POWERLESS +POWERLESSLY +POWERLESSNESS +POWERS +POX +POYNTING +PRACTICABLE +PRACTICABLY +PRACTICAL +PRACTICALITY +PRACTICALLY +PRACTICE +PRACTICED +PRACTICES +PRACTICING +PRACTITIONER +PRACTITIONERS +PRADESH +PRADO +PRAGMATIC +PRAGMATICALLY +PRAGMATICS +PRAGMATISM +PRAGMATIST +PRAGUE +PRAIRIE +PRAISE +PRAISED +PRAISER +PRAISERS +PRAISES +PRAISEWORTHY +PRAISING +PRAISINGLY +PRANCE +PRANCED +PRANCER +PRANCING +PRANK +PRANKS +PRATE +PRATT +PRATTVILLE +PRAVDA +PRAY +PRAYED +PRAYER +PRAYERS +PRAYING +PREACH +PREACHED +PREACHER +PREACHERS +PREACHES +PREACHING +PREALLOCATE +PREALLOCATED +PREALLOCATING +PREAMBLE +PREAMBLES +PREASSIGN +PREASSIGNED +PREASSIGNING +PREASSIGNS +PRECAMBRIAN +PRECARIOUS +PRECARIOUSLY +PRECARIOUSNESS +PRECAUTION +PRECAUTIONS +PRECEDE +PRECEDED +PRECEDENCE +PRECEDENCES +PRECEDENT +PRECEDENTED +PRECEDENTS +PRECEDES +PRECEDING +PRECEPT +PRECEPTS +PRECESS +PRECESSION +PRECINCT +PRECINCTS +PRECIOUS +PRECIOUSLY +PRECIOUSNESS +PRECIPICE +PRECIPITABLE +PRECIPITATE +PRECIPITATED +PRECIPITATELY +PRECIPITATENESS +PRECIPITATES +PRECIPITATING +PRECIPITATION +PRECIPITOUS +PRECIPITOUSLY +PRECISE +PRECISELY +PRECISENESS +PRECISION +PRECISIONS +PRECLUDE +PRECLUDED +PRECLUDES +PRECLUDING +PRECOCIOUS +PRECOCIOUSLY +PRECOCITY +PRECOMPUTE +PRECOMPUTED +PRECOMPUTING +PRECONCEIVE +PRECONCEIVED +PRECONCEPTION +PRECONCEPTIONS +PRECONDITION +PRECONDITIONED +PRECONDITIONS +PRECURSOR +PRECURSORS +PREDATE +PREDATED +PREDATES +PREDATING +PREDATORY +PREDECESSOR +PREDECESSORS +PREDEFINE +PREDEFINED +PREDEFINES +PREDEFINING +PREDEFINITION +PREDEFINITIONS +PREDETERMINATION +PREDETERMINE +PREDETERMINED +PREDETERMINES +PREDETERMINING +PREDICAMENT +PREDICATE +PREDICATED +PREDICATES +PREDICATING +PREDICATION +PREDICATIONS +PREDICT +PREDICTABILITY +PREDICTABLE +PREDICTABLY +PREDICTED +PREDICTING +PREDICTION +PREDICTIONS +PREDICTIVE +PREDICTOR +PREDICTS +PREDILECTION +PREDILECTIONS +PREDISPOSITION +PREDOMINANT +PREDOMINANTLY +PREDOMINATE +PREDOMINATED +PREDOMINATELY +PREDOMINATES +PREDOMINATING +PREDOMINATION +PREEMINENCE +PREEMINENT +PREEMPT +PREEMPTED +PREEMPTING +PREEMPTION +PREEMPTIVE +PREEMPTOR +PREEMPTS +PREEN +PREEXISTING +PREFAB +PREFABRICATE +PREFACE +PREFACED +PREFACES +PREFACING +PREFER +PREFERABLE +PREFERABLY +PREFERENCE +PREFERENCES +PREFERENTIAL +PREFERENTIALLY +PREFERRED +PREFERRING +PREFERS +PREFIX +PREFIXED +PREFIXES +PREFIXING +PREGNANCY +PREGNANT +PREHISTORIC +PREINITIALIZE +PREINITIALIZED +PREINITIALIZES +PREINITIALIZING +PREJUDGE +PREJUDGED +PREJUDICE +PREJUDICED +PREJUDICES +PREJUDICIAL +PRELATE +PRELIMINARIES +PRELIMINARY +PRELUDE +PRELUDES +PREMATURE +PREMATURELY +PREMATURITY +PREMEDITATED +PREMEDITATION +PREMIER +PREMIERS +PREMISE +PREMISES +PREMIUM +PREMIUMS +PREMONITION +PRENATAL +PRENTICE +PRENTICED +PRENTICING +PREOCCUPATION +PREOCCUPIED +PREOCCUPIES +PREOCCUPY +PREP +PREPARATION +PREPARATIONS +PREPARATIVE +PREPARATIVES +PREPARATORY +PREPARE +PREPARED +PREPARES +PREPARING +PREPEND +PREPENDED +PREPENDING +PREPOSITION +PREPOSITIONAL +PREPOSITIONS +PREPOSTEROUS +PREPOSTEROUSLY +PREPROCESSED +PREPROCESSING +PREPROCESSOR +PREPROCESSORS +PREPRODUCTION +PREPROGRAMMED +PREREQUISITE +PREREQUISITES +PREROGATIVE +PREROGATIVES +PRESBYTERIAN +PRESBYTERIANISM +PRESBYTERIANIZE +PRESBYTERIANIZES +PRESCOTT +PRESCRIBE +PRESCRIBED +PRESCRIBES +PRESCRIPTION +PRESCRIPTIONS +PRESCRIPTIVE +PRESELECT +PRESELECTED +PRESELECTING +PRESELECTS +PRESENCE +PRESENCES +PRESENT +PRESENTATION +PRESENTATIONS +PRESENTED +PRESENTER +PRESENTING +PRESENTLY +PRESENTNESS +PRESENTS +PRESERVATION +PRESERVATIONS +PRESERVE +PRESERVED +PRESERVER +PRESERVERS +PRESERVES +PRESERVING +PRESET +PRESIDE +PRESIDED +PRESIDENCY +PRESIDENT +PRESIDENTIAL +PRESIDENTS +PRESIDES +PRESIDING +PRESLEY +PRESS +PRESSED +PRESSER +PRESSES +PRESSING +PRESSINGS +PRESSURE +PRESSURED +PRESSURES +PRESSURING +PRESSURIZE +PRESSURIZED +PRESTIDIGITATE +PRESTIGE +PRESTIGIOUS +PRESTON +PRESUMABLY +PRESUME +PRESUMED +PRESUMES +PRESUMING +PRESUMPTION +PRESUMPTIONS +PRESUMPTIVE +PRESUMPTUOUS +PRESUMPTUOUSNESS +PRESUPPOSE +PRESUPPOSED +PRESUPPOSES +PRESUPPOSING +PRESUPPOSITION +PRETEND +PRETENDED +PRETENDER +PRETENDERS +PRETENDING +PRETENDS +PRETENSE +PRETENSES +PRETENSION +PRETENSIONS +PRETENTIOUS +PRETENTIOUSLY +PRETENTIOUSNESS +PRETEXT +PRETEXTS +PRETORIA +PRETORIAN +PRETTIER +PRETTIEST +PRETTILY +PRETTINESS +PRETTY +PREVAIL +PREVAILED +PREVAILING +PREVAILINGLY +PREVAILS +PREVALENCE +PREVALENT +PREVALENTLY +PREVENT +PREVENTABLE +PREVENTABLY +PREVENTED +PREVENTING +PREVENTION +PREVENTIVE +PREVENTIVES +PREVENTS +PREVIEW +PREVIEWED +PREVIEWING +PREVIEWS +PREVIOUS +PREVIOUSLY +PREY +PREYED +PREYING +PREYS +PRIAM +PRICE +PRICED +PRICELESS +PRICER +PRICERS +PRICES +PRICING +PRICK +PRICKED +PRICKING +PRICKLY +PRICKS +PRIDE +PRIDED +PRIDES +PRIDING +PRIEST +PRIESTLEY +PRIGGISH +PRIM +PRIMA +PRIMACY +PRIMAL +PRIMARIES +PRIMARILY +PRIMARY +PRIMATE +PRIME +PRIMED +PRIMENESS +PRIMER +PRIMERS +PRIMES +PRIMEVAL +PRIMING +PRIMITIVE +PRIMITIVELY +PRIMITIVENESS +PRIMITIVES +PRIMROSE +PRINCE +PRINCELY +PRINCES +PRINCESS +PRINCESSES +PRINCETON +PRINCIPAL +PRINCIPALITIES +PRINCIPALITY +PRINCIPALLY +PRINCIPALS +PRINCIPIA +PRINCIPLE +PRINCIPLED +PRINCIPLES +PRINT +PRINTABLE +PRINTABLY +PRINTED +PRINTER +PRINTERS +PRINTING +PRINTOUT +PRINTS +PRIOR +PRIORI +PRIORITIES +PRIORITY +PRIORY +PRISCILLA +PRISM +PRISMS +PRISON +PRISONER +PRISONERS +PRISONS +PRISTINE +PRITCHARD +PRIVACIES +PRIVACY +PRIVATE +PRIVATELY +PRIVATES +PRIVATION +PRIVATIONS +PRIVIES +PRIVILEGE +PRIVILEGED +PRIVILEGES +PRIVY +PRIZE +PRIZED +PRIZER +PRIZERS +PRIZES +PRIZEWINNING +PRIZING +PRO +PROBABILISTIC +PROBABILISTICALLY +PROBABILITIES +PROBABILITY +PROBABLE +PROBABLY +PROBATE +PROBATED +PROBATES +PROBATING +PROBATION +PROBATIVE +PROBE +PROBED +PROBES +PROBING +PROBINGS +PROBITY +PROBLEM +PROBLEMATIC +PROBLEMATICAL +PROBLEMATICALLY +PROBLEMS +PROCAINE +PROCEDURAL +PROCEDURALLY +PROCEDURE +PROCEDURES +PROCEED +PROCEEDED +PROCEEDING +PROCEEDINGS +PROCEEDS +PROCESS +PROCESSED +PROCESSES +PROCESSING +PROCESSION +PROCESSOR +PROCESSORS +PROCLAIM +PROCLAIMED +PROCLAIMER +PROCLAIMERS +PROCLAIMING +PROCLAIMS +PROCLAMATION +PROCLAMATIONS +PROCLIVITIES +PROCLIVITY +PROCOTOLS +PROCRASTINATE +PROCRASTINATED +PROCRASTINATES +PROCRASTINATING +PROCRASTINATION +PROCREATE +PROCRUSTEAN +PROCRUSTEANIZE +PROCRUSTEANIZES +PROCRUSTES +PROCTER +PROCURE +PROCURED +PROCUREMENT +PROCUREMENTS +PROCURER +PROCURERS +PROCURES +PROCURING +PROCYON +PROD +PRODIGAL +PRODIGALLY +PRODIGIOUS +PRODIGY +PRODUCE +PRODUCED +PRODUCER +PRODUCERS +PRODUCES +PRODUCIBLE +PRODUCING +PRODUCT +PRODUCTION +PRODUCTIONS +PRODUCTIVE +PRODUCTIVELY +PRODUCTIVITY +PRODUCTS +PROFANE +PROFANELY +PROFESS +PROFESSED +PROFESSES +PROFESSING +PROFESSION +PROFESSIONAL +PROFESSIONALISM +PROFESSIONALLY +PROFESSIONALS +PROFESSIONS +PROFESSOR +PROFESSORIAL +PROFESSORS +PROFFER +PROFFERED +PROFFERS +PROFICIENCY +PROFICIENT +PROFICIENTLY +PROFILE +PROFILED +PROFILES +PROFILING +PROFIT +PROFITABILITY +PROFITABLE +PROFITABLY +PROFITED +PROFITEER +PROFITEERS +PROFITING +PROFITS +PROFITTED +PROFLIGATE +PROFOUND +PROFOUNDEST +PROFOUNDLY +PROFUNDITY +PROFUSE +PROFUSION +PROGENITOR +PROGENY +PROGNOSIS +PROGNOSTICATE +PROGRAM +PROGRAMMABILITY +PROGRAMMABLE +PROGRAMMED +PROGRAMMER +PROGRAMMERS +PROGRAMMING +PROGRAMS +PROGRESS +PROGRESSED +PROGRESSES +PROGRESSING +PROGRESSION +PROGRESSIONS +PROGRESSIVE +PROGRESSIVELY +PROHIBIT +PROHIBITED +PROHIBITING +PROHIBITION +PROHIBITIONS +PROHIBITIVE +PROHIBITIVELY +PROHIBITORY +PROHIBITS +PROJECT +PROJECTED +PROJECTILE +PROJECTING +PROJECTION +PROJECTIONS +PROJECTIVE +PROJECTIVELY +PROJECTOR +PROJECTORS +PROJECTS +PROKOFIEFF +PROKOFIEV +PROLATE +PROLEGOMENA +PROLETARIAT +PROLIFERATE +PROLIFERATED +PROLIFERATES +PROLIFERATING +PROLIFERATION +PROLIFIC +PROLIX +PROLOG +PROLOGUE +PROLONG +PROLONGATE +PROLONGED +PROLONGING +PROLONGS +PROMENADE +PROMENADES +PROMETHEAN +PROMETHEUS +PROMINENCE +PROMINENT +PROMINENTLY +PROMISCUOUS +PROMISE +PROMISED +PROMISES +PROMISING +PROMONTORY +PROMOTE +PROMOTED +PROMOTER +PROMOTERS +PROMOTES +PROMOTING +PROMOTION +PROMOTIONAL +PROMOTIONS +PROMPT +PROMPTED +PROMPTER +PROMPTEST +PROMPTING +PROMPTINGS +PROMPTLY +PROMPTNESS +PROMPTS +PROMULGATE +PROMULGATED +PROMULGATES +PROMULGATING +PROMULGATION +PRONE +PRONENESS +PRONG +PRONGED +PRONGS +PRONOUN +PRONOUNCE +PRONOUNCEABLE +PRONOUNCED +PRONOUNCEMENT +PRONOUNCEMENTS +PRONOUNCES +PRONOUNCING +PRONOUNS +PRONUNCIATION +PRONUNCIATIONS +PROOF +PROOFREAD +PROOFREADER +PROOFS +PROP +PROPAGANDA +PROPAGANDIST +PROPAGATE +PROPAGATED +PROPAGATES +PROPAGATING +PROPAGATION +PROPAGATIONS +PROPANE +PROPEL +PROPELLANT +PROPELLED +PROPELLER +PROPELLERS +PROPELLING +PROPELS +PROPENSITY +PROPER +PROPERLY +PROPERNESS +PROPERTIED +PROPERTIES +PROPERTY +PROPHECIES +PROPHECY +PROPHESIED +PROPHESIER +PROPHESIES +PROPHESY +PROPHET +PROPHETIC +PROPHETS +PROPITIOUS +PROPONENT +PROPONENTS +PROPORTION +PROPORTIONAL +PROPORTIONALLY +PROPORTIONATELY +PROPORTIONED +PROPORTIONING +PROPORTIONMENT +PROPORTIONS +PROPOS +PROPOSAL +PROPOSALS +PROPOSE +PROPOSED +PROPOSER +PROPOSES +PROPOSING +PROPOSITION +PROPOSITIONAL +PROPOSITIONALLY +PROPOSITIONED +PROPOSITIONING +PROPOSITIONS +PROPOUND +PROPOUNDED +PROPOUNDING +PROPOUNDS +PROPRIETARY +PROPRIETOR +PROPRIETORS +PROPRIETY +PROPS +PROPULSION +PROPULSIONS +PRORATE +PRORATED +PRORATES +PROS +PROSCENIUM +PROSCRIBE +PROSCRIPTION +PROSE +PROSECUTE +PROSECUTED +PROSECUTES +PROSECUTING +PROSECUTION +PROSECUTIONS +PROSECUTOR +PROSELYTIZE +PROSELYTIZED +PROSELYTIZES +PROSELYTIZING +PROSERPINE +PROSODIC +PROSODICS +PROSPECT +PROSPECTED +PROSPECTING +PROSPECTION +PROSPECTIONS +PROSPECTIVE +PROSPECTIVELY +PROSPECTIVES +PROSPECTOR +PROSPECTORS +PROSPECTS +PROSPECTUS +PROSPER +PROSPERED +PROSPERING +PROSPERITY +PROSPEROUS +PROSPERS +PROSTATE +PROSTHETIC +PROSTITUTE +PROSTITUTION +PROSTRATE +PROSTRATION +PROTAGONIST +PROTEAN +PROTECT +PROTECTED +PROTECTING +PROTECTION +PROTECTIONS +PROTECTIVE +PROTECTIVELY +PROTECTIVENESS +PROTECTOR +PROTECTORATE +PROTECTORS +PROTECTS +PROTEGE +PROTEGES +PROTEIN +PROTEINS +PROTEST +PROTESTANT +PROTESTANTISM +PROTESTANTIZE +PROTESTANTIZES +PROTESTATION +PROTESTATIONS +PROTESTED +PROTESTING +PROTESTINGLY +PROTESTOR +PROTESTS +PROTISTA +PROTOCOL +PROTOCOLS +PROTON +PROTONS +PROTOPHYTA +PROTOPLASM +PROTOTYPE +PROTOTYPED +PROTOTYPES +PROTOTYPICAL +PROTOTYPICALLY +PROTOTYPING +PROTOZOA +PROTOZOAN +PROTRACT +PROTRUDE +PROTRUDED +PROTRUDES +PROTRUDING +PROTRUSION +PROTRUSIONS +PROTUBERANT +PROUD +PROUDER +PROUDEST +PROUDLY +PROUST +PROVABILITY +PROVABLE +PROVABLY +PROVE +PROVED +PROVEN +PROVENANCE +PROVENCE +PROVER +PROVERB +PROVERBIAL +PROVERBS +PROVERS +PROVES +PROVIDE +PROVIDED +PROVIDENCE +PROVIDENT +PROVIDER +PROVIDERS +PROVIDES +PROVIDING +PROVINCE +PROVINCES +PROVINCIAL +PROVING +PROVISION +PROVISIONAL +PROVISIONALLY +PROVISIONED +PROVISIONING +PROVISIONS +PROVISO +PROVOCATION +PROVOKE +PROVOKED +PROVOKES +PROVOST +PROW +PROWESS +PROWL +PROWLED +PROWLER +PROWLERS +PROWLING +PROWS +PROXIMAL +PROXIMATE +PROXIMITY +PROXMIRE +PROXY +PRUDENCE +PRUDENT +PRUDENTIAL +PRUDENTLY +PRUNE +PRUNED +PRUNER +PRUNERS +PRUNES +PRUNING +PRURIENT +PRUSSIA +PRUSSIAN +PRUSSIANIZATION +PRUSSIANIZATIONS +PRUSSIANIZE +PRUSSIANIZER +PRUSSIANIZERS +PRUSSIANIZES +PRY +PRYING +PSALM +PSALMS +PSEUDO +PSEUDOFILES +PSEUDOINSTRUCTION +PSEUDOINSTRUCTIONS +PSEUDONYM +PSEUDOPARALLELISM +PSILOCYBIN +PSYCH +PSYCHE +PSYCHEDELIC +PSYCHES +PSYCHIATRIC +PSYCHIATRIST +PSYCHIATRISTS +PSYCHIATRY +PSYCHIC +PSYCHO +PSYCHOANALYSIS +PSYCHOANALYST +PSYCHOANALYTIC +PSYCHOBIOLOGY +PSYCHOLOGICAL +PSYCHOLOGICALLY +PSYCHOLOGIST +PSYCHOLOGISTS +PSYCHOLOGY +PSYCHOPATH +PSYCHOPATHIC +PSYCHOPHYSIC +PSYCHOSES +PSYCHOSIS +PSYCHOSOCIAL +PSYCHOSOMATIC +PSYCHOTHERAPEUTIC +PSYCHOTHERAPIST +PSYCHOTHERAPY +PSYCHOTIC +PTOLEMAIC +PTOLEMAISTS +PTOLEMY +PUB +PUBERTY +PUBLIC +PUBLICATION +PUBLICATIONS +PUBLICITY +PUBLICIZE +PUBLICIZED +PUBLICIZES +PUBLICIZING +PUBLICLY +PUBLISH +PUBLISHED +PUBLISHER +PUBLISHERS +PUBLISHES +PUBLISHING +PUBS +PUCCINI +PUCKER +PUCKERED +PUCKERING +PUCKERS +PUDDING +PUDDINGS +PUDDLE +PUDDLES +PUDDLING +PUERTO +PUFF +PUFFED +PUFFIN +PUFFING +PUFFS +PUGH +PUKE +PULASKI +PULITZER +PULL +PULLED +PULLER +PULLEY +PULLEYS +PULLING +PULLINGS +PULLMAN +PULLMANIZE +PULLMANIZES +PULLMANS +PULLOVER +PULLS +PULMONARY +PULP +PULPING +PULPIT +PULPITS +PULSAR +PULSATE +PULSATION +PULSATIONS +PULSE +PULSED +PULSES +PULSING +PUMA +PUMICE +PUMMEL +PUMP +PUMPED +PUMPING +PUMPKIN +PUMPKINS +PUMPS +PUN +PUNCH +PUNCHED +PUNCHER +PUNCHES +PUNCHING +PUNCTUAL +PUNCTUALLY +PUNCTUATION +PUNCTURE +PUNCTURED +PUNCTURES +PUNCTURING +PUNDIT +PUNGENT +PUNIC +PUNISH +PUNISHABLE +PUNISHED +PUNISHES +PUNISHING +PUNISHMENT +PUNISHMENTS +PUNITIVE +PUNJAB +PUNJABI +PUNS +PUNT +PUNTED +PUNTING +PUNTS +PUNY +PUP +PUPA +PUPIL +PUPILS +PUPPET +PUPPETEER +PUPPETS +PUPPIES +PUPPY +PUPS +PURCELL +PURCHASE +PURCHASED +PURCHASER +PURCHASERS +PURCHASES +PURCHASING +PURDUE +PURE +PURELY +PURER +PUREST +PURGATORY +PURGE +PURGED +PURGES +PURGING +PURIFICATION +PURIFICATIONS +PURIFIED +PURIFIER +PURIFIERS +PURIFIES +PURIFY +PURIFYING +PURINA +PURIST +PURITAN +PURITANIC +PURITANIZE +PURITANIZER +PURITANIZERS +PURITANIZES +PURITY +PURPLE +PURPLER +PURPLEST +PURPORT +PURPORTED +PURPORTEDLY +PURPORTER +PURPORTERS +PURPORTING +PURPORTS +PURPOSE +PURPOSED +PURPOSEFUL +PURPOSEFULLY +PURPOSELY +PURPOSES +PURPOSIVE +PURR +PURRED +PURRING +PURRS +PURSE +PURSED +PURSER +PURSES +PURSUANT +PURSUE +PURSUED +PURSUER +PURSUERS +PURSUES +PURSUING +PURSUIT +PURSUITS +PURVEYOR +PURVIEW +PUS +PUSAN +PUSEY +PUSH +PUSHBUTTON +PUSHDOWN +PUSHED +PUSHER +PUSHERS +PUSHES +PUSHING +PUSS +PUSSY +PUSSYCAT +PUT +PUTNAM +PUTS +PUTT +PUTTER +PUTTERING +PUTTERS +PUTTING +PUTTY +PUZZLE +PUZZLED +PUZZLEMENT +PUZZLER +PUZZLERS +PUZZLES +PUZZLING +PUZZLINGS +PYGMALION +PYGMIES +PYGMY +PYLE +PYONGYANG +PYOTR +PYRAMID +PYRAMIDS +PYRE +PYREX +PYRRHIC +PYTHAGORAS +PYTHAGOREAN +PYTHAGOREANIZE +PYTHAGOREANIZES +PYTHAGOREANS +PYTHON +QATAR +QUA +QUACK +QUACKED +QUACKERY +QUACKS +QUAD +QUADRANGLE +QUADRANGULAR +QUADRANT +QUADRANTS +QUADRATIC +QUADRATICAL +QUADRATICALLY +QUADRATICS +QUADRATURE +QUADRATURES +QUADRENNIAL +QUADRILATERAL +QUADRILLION +QUADRUPLE +QUADRUPLED +QUADRUPLES +QUADRUPLING +QUADRUPOLE +QUAFF +QUAGMIRE +QUAGMIRES +QUAHOG +QUAIL +QUAILS +QUAINT +QUAINTLY +QUAINTNESS +QUAKE +QUAKED +QUAKER +QUAKERESS +QUAKERIZATION +QUAKERIZATIONS +QUAKERIZE +QUAKERIZES +QUAKERS +QUAKES +QUAKING +QUALIFICATION +QUALIFICATIONS +QUALIFIED +QUALIFIER +QUALIFIERS +QUALIFIES +QUALIFY +QUALIFYING +QUALITATIVE +QUALITATIVELY +QUALITIES +QUALITY +QUALM +QUANDARIES +QUANDARY +QUANTA +QUANTICO +QUANTIFIABLE +QUANTIFICATION +QUANTIFICATIONS +QUANTIFIED +QUANTIFIER +QUANTIFIERS +QUANTIFIES +QUANTIFY +QUANTIFYING +QUANTILE +QUANTITATIVE +QUANTITATIVELY +QUANTITIES +QUANTITY +QUANTIZATION +QUANTIZE +QUANTIZED +QUANTIZES +QUANTIZING +QUANTUM +QUARANTINE +QUARANTINES +QUARANTINING +QUARK +QUARREL +QUARRELED +QUARRELING +QUARRELS +QUARRELSOME +QUARRIES +QUARRY +QUART +QUARTER +QUARTERBACK +QUARTERED +QUARTERING +QUARTERLY +QUARTERMASTER +QUARTERS +QUARTET +QUARTETS +QUARTILE +QUARTS +QUARTZ +QUARTZITE +QUASAR +QUASH +QUASHED +QUASHES +QUASHING +QUASI +QUASIMODO +QUATERNARY +QUAVER +QUAVERED +QUAVERING +QUAVERS +QUAY +QUEASY +QUEBEC +QUEEN +QUEENLY +QUEENS +QUEENSLAND +QUEER +QUEERER +QUEEREST +QUEERLY +QUEERNESS +QUELL +QUELLING +QUENCH +QUENCHED +QUENCHES +QUENCHING +QUERIED +QUERIES +QUERY +QUERYING +QUEST +QUESTED +QUESTER +QUESTERS +QUESTING +QUESTION +QUESTIONABLE +QUESTIONABLY +QUESTIONED +QUESTIONER +QUESTIONERS +QUESTIONING +QUESTIONINGLY +QUESTIONINGS +QUESTIONNAIRE +QUESTIONNAIRES +QUESTIONS +QUESTS +QUEUE +QUEUED +QUEUEING +QUEUER +QUEUERS +QUEUES +QUEUING +QUEZON +QUIBBLE +QUICHUA +QUICK +QUICKEN +QUICKENED +QUICKENING +QUICKENS +QUICKER +QUICKEST +QUICKIE +QUICKLIME +QUICKLY +QUICKNESS +QUICKSAND +QUICKSILVER +QUIESCENT +QUIET +QUIETED +QUIETER +QUIETEST +QUIETING +QUIETLY +QUIETNESS +QUIETS +QUIETUDE +QUILL +QUILT +QUILTED +QUILTING +QUILTS +QUINCE +QUININE +QUINN +QUINT +QUINTET +QUINTILLION +QUIP +QUIRINAL +QUIRK +QUIRKY +QUIT +QUITE +QUITO +QUITS +QUITTER +QUITTERS +QUITTING +QUIVER +QUIVERED +QUIVERING +QUIVERS +QUIXOTE +QUIXOTIC +QUIXOTISM +QUIZ +QUIZZED +QUIZZES +QUIZZICAL +QUIZZING +QUO +QUONSET +QUORUM +QUOTA +QUOTAS +QUOTATION +QUOTATIONS +QUOTE +QUOTED +QUOTES +QUOTH +QUOTIENT +QUOTIENTS +QUOTING +RABAT +RABBI +RABBIT +RABBITS +RABBLE +RABID +RABIES +RABIN +RACCOON +RACCOONS +RACE +RACED +RACER +RACERS +RACES +RACETRACK +RACHEL +RACHMANINOFF +RACIAL +RACIALLY +RACINE +RACING +RACK +RACKED +RACKET +RACKETEER +RACKETEERING +RACKETEERS +RACKETS +RACKING +RACKS +RADAR +RADARS +RADCLIFFE +RADIAL +RADIALLY +RADIAN +RADIANCE +RADIANT +RADIANTLY +RADIATE +RADIATED +RADIATES +RADIATING +RADIATION +RADIATIONS +RADIATOR +RADIATORS +RADICAL +RADICALLY +RADICALS +RADICES +RADII +RADIO +RADIOACTIVE +RADIOASTRONOMY +RADIOED +RADIOGRAPHY +RADIOING +RADIOLOGY +RADIOS +RADISH +RADISHES +RADIUM +RADIUS +RADIX +RADON +RAE +RAFAEL +RAFFERTY +RAFT +RAFTER +RAFTERS +RAFTS +RAG +RAGE +RAGED +RAGES +RAGGED +RAGGEDLY +RAGGEDNESS +RAGING +RAGS +RAGUSAN +RAGWEED +RAID +RAIDED +RAIDER +RAIDERS +RAIDING +RAIDS +RAIL +RAILED +RAILER +RAILERS +RAILING +RAILROAD +RAILROADED +RAILROADER +RAILROADERS +RAILROADING +RAILROADS +RAILS +RAILWAY +RAILWAYS +RAIMENT +RAIN +RAINBOW +RAINCOAT +RAINCOATS +RAINDROP +RAINDROPS +RAINED +RAINFALL +RAINIER +RAINIEST +RAINING +RAINS +RAINSTORM +RAINY +RAISE +RAISED +RAISER +RAISERS +RAISES +RAISIN +RAISING +RAKE +RAKED +RAKES +RAKING +RALEIGH +RALLIED +RALLIES +RALLY +RALLYING +RALPH +RALSTON +RAM +RAMADA +RAMAN +RAMBLE +RAMBLER +RAMBLES +RAMBLING +RAMBLINGS +RAMIFICATION +RAMIFICATIONS +RAMIREZ +RAMO +RAMONA +RAMP +RAMPAGE +RAMPANT +RAMPART +RAMPS +RAMROD +RAMS +RAMSEY +RAN +RANCH +RANCHED +RANCHER +RANCHERS +RANCHES +RANCHING +RANCID +RAND +RANDALL +RANDOLPH +RANDOM +RANDOMIZATION +RANDOMIZE +RANDOMIZED +RANDOMIZES +RANDOMLY +RANDOMNESS +RANDY +RANG +RANGE +RANGED +RANGELAND +RANGER +RANGERS +RANGES +RANGING +RANGOON +RANGY +RANIER +RANK +RANKED +RANKER +RANKERS +RANKEST +RANKIN +RANKINE +RANKING +RANKINGS +RANKLE +RANKLY +RANKNESS +RANKS +RANSACK +RANSACKED +RANSACKING +RANSACKS +RANSOM +RANSOMER +RANSOMING +RANSOMS +RANT +RANTED +RANTER +RANTERS +RANTING +RANTS +RAOUL +RAP +RAPACIOUS +RAPE +RAPED +RAPER +RAPES +RAPHAEL +RAPID +RAPIDITY +RAPIDLY +RAPIDS +RAPIER +RAPING +RAPPORT +RAPPROCHEMENT +RAPS +RAPT +RAPTLY +RAPTURE +RAPTURES +RAPTUROUS +RAPUNZEL +RARE +RARELY +RARENESS +RARER +RAREST +RARITAN +RARITY +RASCAL +RASCALLY +RASCALS +RASH +RASHER +RASHLY +RASHNESS +RASMUSSEN +RASP +RASPBERRY +RASPED +RASPING +RASPS +RASTER +RASTUS +RAT +RATE +RATED +RATER +RATERS +RATES +RATFOR +RATHER +RATIFICATION +RATIFIED +RATIFIES +RATIFY +RATIFYING +RATING +RATINGS +RATIO +RATION +RATIONAL +RATIONALE +RATIONALES +RATIONALITIES +RATIONALITY +RATIONALIZATION +RATIONALIZATIONS +RATIONALIZE +RATIONALIZED +RATIONALIZES +RATIONALIZING +RATIONALLY +RATIONALS +RATIONING +RATIONS +RATIOS +RATS +RATTLE +RATTLED +RATTLER +RATTLERS +RATTLES +RATTLESNAKE +RATTLESNAKES +RATTLING +RAUCOUS +RAUL +RAVAGE +RAVAGED +RAVAGER +RAVAGERS +RAVAGES +RAVAGING +RAVE +RAVED +RAVEN +RAVENING +RAVENOUS +RAVENOUSLY +RAVENS +RAVES +RAVINE +RAVINES +RAVING +RAVINGS +RAW +RAWER +RAWEST +RAWLINGS +RAWLINS +RAWLINSON +RAWLY +RAWNESS +RAWSON +RAY +RAYBURN +RAYLEIGH +RAYMOND +RAYMONDVILLE +RAYS +RAYTHEON +RAZE +RAZOR +RAZORS +REABBREVIATE +REABBREVIATED +REABBREVIATES +REABBREVIATING +REACH +REACHABILITY +REACHABLE +REACHABLY +REACHED +REACHER +REACHES +REACHING +REACQUIRED +REACT +REACTED +REACTING +REACTION +REACTIONARIES +REACTIONARY +REACTIONS +REACTIVATE +REACTIVATED +REACTIVATES +REACTIVATING +REACTIVATION +REACTIVE +REACTIVELY +REACTIVITY +REACTOR +REACTORS +REACTS +READ +READABILITY +READABLE +READER +READERS +READIED +READIER +READIES +READIEST +READILY +READINESS +READING +READINGS +READJUSTED +READOUT +READOUTS +READS +READY +READYING +REAGAN +REAL +REALEST +REALIGN +REALIGNED +REALIGNING +REALIGNS +REALISM +REALIST +REALISTIC +REALISTICALLY +REALISTS +REALITIES +REALITY +REALIZABLE +REALIZABLY +REALIZATION +REALIZATIONS +REALIZE +REALIZED +REALIZES +REALIZING +REALLOCATE +REALLY +REALM +REALMS +REALNESS +REALS +REALTOR +REAM +REANALYZE +REANALYZES +REANALYZING +REAP +REAPED +REAPER +REAPING +REAPPEAR +REAPPEARED +REAPPEARING +REAPPEARS +REAPPRAISAL +REAPPRAISALS +REAPS +REAR +REARED +REARING +REARRANGE +REARRANGEABLE +REARRANGED +REARRANGEMENT +REARRANGEMENTS +REARRANGES +REARRANGING +REARREST +REARRESTED +REARS +REASON +REASONABLE +REASONABLENESS +REASONABLY +REASONED +REASONER +REASONING +REASONINGS +REASONS +REASSEMBLE +REASSEMBLED +REASSEMBLES +REASSEMBLING +REASSEMBLY +REASSESSMENT +REASSESSMENTS +REASSIGN +REASSIGNED +REASSIGNING +REASSIGNMENT +REASSIGNMENTS +REASSIGNS +REASSURE +REASSURED +REASSURES +REASSURING +REAWAKEN +REAWAKENED +REAWAKENING +REAWAKENS +REBATE +REBATES +REBECCA +REBEL +REBELLED +REBELLING +REBELLION +REBELLIONS +REBELLIOUS +REBELLIOUSLY +REBELLIOUSNESS +REBELS +REBIND +REBINDING +REBINDS +REBOOT +REBOOTED +REBOOTING +REBOOTS +REBOUND +REBOUNDED +REBOUNDING +REBOUNDS +REBROADCAST +REBROADCASTING +REBROADCASTS +REBUFF +REBUFFED +REBUILD +REBUILDING +REBUILDS +REBUILT +REBUKE +REBUKED +REBUKES +REBUKING +REBUTTAL +REBUTTED +REBUTTING +RECALCITRANT +RECALCULATE +RECALCULATED +RECALCULATES +RECALCULATING +RECALCULATION +RECALCULATIONS +RECALIBRATE +RECALIBRATED +RECALIBRATES +RECALIBRATING +RECALL +RECALLED +RECALLING +RECALLS +RECANT +RECAPITULATE +RECAPITULATED +RECAPITULATES +RECAPITULATION +RECAPTURE +RECAPTURED +RECAPTURES +RECAPTURING +RECAST +RECASTING +RECASTS +RECEDE +RECEDED +RECEDES +RECEDING +RECEIPT +RECEIPTS +RECEIVABLE +RECEIVE +RECEIVED +RECEIVER +RECEIVERS +RECEIVES +RECEIVING +RECENT +RECENTLY +RECENTNESS +RECEPTACLE +RECEPTACLES +RECEPTION +RECEPTIONIST +RECEPTIONS +RECEPTIVE +RECEPTIVELY +RECEPTIVENESS +RECEPTIVITY +RECEPTOR +RECESS +RECESSED +RECESSES +RECESSION +RECESSIVE +RECIFE +RECIPE +RECIPES +RECIPIENT +RECIPIENTS +RECIPROCAL +RECIPROCALLY +RECIPROCATE +RECIPROCATED +RECIPROCATES +RECIPROCATING +RECIPROCATION +RECIPROCITY +RECIRCULATE +RECIRCULATED +RECIRCULATES +RECIRCULATING +RECITAL +RECITALS +RECITATION +RECITATIONS +RECITE +RECITED +RECITER +RECITES +RECITING +RECKLESS +RECKLESSLY +RECKLESSNESS +RECKON +RECKONED +RECKONER +RECKONING +RECKONINGS +RECKONS +RECLAIM +RECLAIMABLE +RECLAIMED +RECLAIMER +RECLAIMERS +RECLAIMING +RECLAIMS +RECLAMATION +RECLAMATIONS +RECLASSIFICATION +RECLASSIFIED +RECLASSIFIES +RECLASSIFY +RECLASSIFYING +RECLINE +RECLINING +RECODE +RECODED +RECODES +RECODING +RECOGNITION +RECOGNITIONS +RECOGNIZABILITY +RECOGNIZABLE +RECOGNIZABLY +RECOGNIZE +RECOGNIZED +RECOGNIZER +RECOGNIZERS +RECOGNIZES +RECOGNIZING +RECOIL +RECOILED +RECOILING +RECOILS +RECOLLECT +RECOLLECTED +RECOLLECTING +RECOLLECTION +RECOLLECTIONS +RECOMBINATION +RECOMBINE +RECOMBINED +RECOMBINES +RECOMBINING +RECOMMEND +RECOMMENDATION +RECOMMENDATIONS +RECOMMENDED +RECOMMENDER +RECOMMENDING +RECOMMENDS +RECOMPENSE +RECOMPILE +RECOMPILED +RECOMPILES +RECOMPILING +RECOMPUTE +RECOMPUTED +RECOMPUTES +RECOMPUTING +RECONCILE +RECONCILED +RECONCILER +RECONCILES +RECONCILIATION +RECONCILING +RECONFIGURABLE +RECONFIGURATION +RECONFIGURATIONS +RECONFIGURE +RECONFIGURED +RECONFIGURER +RECONFIGURES +RECONFIGURING +RECONNECT +RECONNECTED +RECONNECTING +RECONNECTION +RECONNECTS +RECONSIDER +RECONSIDERATION +RECONSIDERED +RECONSIDERING +RECONSIDERS +RECONSTITUTED +RECONSTRUCT +RECONSTRUCTED +RECONSTRUCTING +RECONSTRUCTION +RECONSTRUCTS +RECONVERTED +RECONVERTS +RECORD +RECORDED +RECORDER +RECORDERS +RECORDING +RECORDINGS +RECORDS +RECOUNT +RECOUNTED +RECOUNTING +RECOUNTS +RECOURSE +RECOVER +RECOVERABLE +RECOVERED +RECOVERIES +RECOVERING +RECOVERS +RECOVERY +RECREATE +RECREATED +RECREATES +RECREATING +RECREATION +RECREATIONAL +RECREATIONS +RECREATIVE +RECRUIT +RECRUITED +RECRUITER +RECRUITING +RECRUITS +RECTA +RECTANGLE +RECTANGLES +RECTANGULAR +RECTIFY +RECTOR +RECTORS +RECTUM +RECTUMS +RECUPERATE +RECUR +RECURRENCE +RECURRENCES +RECURRENT +RECURRENTLY +RECURRING +RECURS +RECURSE +RECURSED +RECURSES +RECURSING +RECURSION +RECURSIONS +RECURSIVE +RECURSIVELY +RECYCLABLE +RECYCLE +RECYCLED +RECYCLES +RECYCLING +RED +REDBREAST +REDCOAT +REDDEN +REDDENED +REDDER +REDDEST +REDDISH +REDDISHNESS +REDECLARE +REDECLARED +REDECLARES +REDECLARING +REDEEM +REDEEMED +REDEEMER +REDEEMERS +REDEEMING +REDEEMS +REDEFINE +REDEFINED +REDEFINES +REDEFINING +REDEFINITION +REDEFINITIONS +REDEMPTION +REDESIGN +REDESIGNED +REDESIGNING +REDESIGNS +REDEVELOPMENT +REDFORD +REDHEAD +REDHOOK +REDIRECT +REDIRECTED +REDIRECTING +REDIRECTION +REDIRECTIONS +REDISPLAY +REDISPLAYED +REDISPLAYING +REDISPLAYS +REDISTRIBUTE +REDISTRIBUTED +REDISTRIBUTES +REDISTRIBUTING +REDLY +REDMOND +REDNECK +REDNESS +REDO +REDONE +REDOUBLE +REDOUBLED +REDRAW +REDRAWN +REDRESS +REDRESSED +REDRESSES +REDRESSING +REDS +REDSTONE +REDUCE +REDUCED +REDUCER +REDUCERS +REDUCES +REDUCIBILITY +REDUCIBLE +REDUCIBLY +REDUCING +REDUCTION +REDUCTIONS +REDUNDANCIES +REDUNDANCY +REDUNDANT +REDUNDANTLY +REDWOOD +REED +REEDS +REEDUCATION +REEDVILLE +REEF +REEFER +REEFS +REEL +REELECT +REELECTED +REELECTING +REELECTS +REELED +REELER +REELING +REELS +REEMPHASIZE +REEMPHASIZED +REEMPHASIZES +REEMPHASIZING +REENABLED +REENFORCEMENT +REENTER +REENTERED +REENTERING +REENTERS +REENTRANT +REESE +REESTABLISH +REESTABLISHED +REESTABLISHES +REESTABLISHING +REEVALUATE +REEVALUATED +REEVALUATES +REEVALUATING +REEVALUATION +REEVES +REEXAMINE +REEXAMINED +REEXAMINES +REEXAMINING +REEXECUTED +REFER +REFEREE +REFEREED +REFEREEING +REFEREES +REFERENCE +REFERENCED +REFERENCER +REFERENCES +REFERENCING +REFERENDA +REFERENDUM +REFERENDUMS +REFERENT +REFERENTIAL +REFERENTIALITY +REFERENTIALLY +REFERENTS +REFERRAL +REFERRALS +REFERRED +REFERRING +REFERS +REFILL +REFILLABLE +REFILLED +REFILLING +REFILLS +REFINE +REFINED +REFINEMENT +REFINEMENTS +REFINER +REFINERY +REFINES +REFINING +REFLECT +REFLECTED +REFLECTING +REFLECTION +REFLECTIONS +REFLECTIVE +REFLECTIVELY +REFLECTIVITY +REFLECTOR +REFLECTORS +REFLECTS +REFLEX +REFLEXES +REFLEXIVE +REFLEXIVELY +REFLEXIVENESS +REFLEXIVITY +REFORESTATION +REFORM +REFORMABLE +REFORMAT +REFORMATION +REFORMATORY +REFORMATS +REFORMATTED +REFORMATTING +REFORMED +REFORMER +REFORMERS +REFORMING +REFORMS +REFORMULATE +REFORMULATED +REFORMULATES +REFORMULATING +REFORMULATION +REFRACT +REFRACTED +REFRACTION +REFRACTORY +REFRAGMENT +REFRAIN +REFRAINED +REFRAINING +REFRAINS +REFRESH +REFRESHED +REFRESHER +REFRESHERS +REFRESHES +REFRESHING +REFRESHINGLY +REFRESHMENT +REFRESHMENTS +REFRIGERATE +REFRIGERATOR +REFRIGERATORS +REFUEL +REFUELED +REFUELING +REFUELS +REFUGE +REFUGEE +REFUGEES +REFUSAL +REFUSE +REFUSED +REFUSES +REFUSING +REFUTABLE +REFUTATION +REFUTE +REFUTED +REFUTER +REFUTES +REFUTING +REGAIN +REGAINED +REGAINING +REGAINS +REGAL +REGALED +REGALLY +REGARD +REGARDED +REGARDING +REGARDLESS +REGARDS +REGATTA +REGENERATE +REGENERATED +REGENERATES +REGENERATING +REGENERATION +REGENERATIVE +REGENERATOR +REGENERATORS +REGENT +REGENTS +REGIME +REGIMEN +REGIMENT +REGIMENTATION +REGIMENTED +REGIMENTS +REGIMES +REGINA +REGINALD +REGION +REGIONAL +REGIONALLY +REGIONS +REGIS +REGISTER +REGISTERED +REGISTERING +REGISTERS +REGISTRAR +REGISTRATION +REGISTRATIONS +REGISTRY +REGRESS +REGRESSED +REGRESSES +REGRESSING +REGRESSION +REGRESSIONS +REGRESSIVE +REGRET +REGRETFUL +REGRETFULLY +REGRETS +REGRETTABLE +REGRETTABLY +REGRETTED +REGRETTING +REGROUP +REGROUPED +REGROUPING +REGULAR +REGULARITIES +REGULARITY +REGULARLY +REGULARS +REGULATE +REGULATED +REGULATES +REGULATING +REGULATION +REGULATIONS +REGULATIVE +REGULATOR +REGULATORS +REGULATORY +REGULUS +REHABILITATE +REHEARSAL +REHEARSALS +REHEARSE +REHEARSED +REHEARSER +REHEARSES +REHEARSING +REICH +REICHENBERG +REICHSTAG +REID +REIGN +REIGNED +REIGNING +REIGNS +REILLY +REIMBURSABLE +REIMBURSE +REIMBURSED +REIMBURSEMENT +REIMBURSEMENTS +REIN +REINCARNATE +REINCARNATED +REINCARNATION +REINDEER +REINED +REINFORCE +REINFORCED +REINFORCEMENT +REINFORCEMENTS +REINFORCER +REINFORCES +REINFORCING +REINHARD +REINHARDT +REINHOLD +REINITIALIZE +REINITIALIZED +REINITIALIZING +REINS +REINSERT +REINSERTED +REINSERTING +REINSERTS +REINSTATE +REINSTATED +REINSTATEMENT +REINSTATES +REINSTATING +REINTERPRET +REINTERPRETED +REINTERPRETING +REINTERPRETS +REINTRODUCE +REINTRODUCED +REINTRODUCES +REINTRODUCING +REINVENT +REINVENTED +REINVENTING +REINVENTS +REITERATE +REITERATED +REITERATES +REITERATING +REITERATION +REJECT +REJECTED +REJECTING +REJECTION +REJECTIONS +REJECTOR +REJECTORS +REJECTS +REJOICE +REJOICED +REJOICER +REJOICES +REJOICING +REJOIN +REJOINDER +REJOINED +REJOINING +REJOINS +RELABEL +RELABELED +RELABELING +RELABELLED +RELABELLING +RELABELS +RELAPSE +RELATE +RELATED +RELATER +RELATES +RELATING +RELATION +RELATIONAL +RELATIONALLY +RELATIONS +RELATIONSHIP +RELATIONSHIPS +RELATIVE +RELATIVELY +RELATIVENESS +RELATIVES +RELATIVISM +RELATIVISTIC +RELATIVISTICALLY +RELATIVITY +RELAX +RELAXATION +RELAXATIONS +RELAXED +RELAXER +RELAXES +RELAXING +RELAY +RELAYED +RELAYING +RELAYS +RELEASE +RELEASED +RELEASES +RELEASING +RELEGATE +RELEGATED +RELEGATES +RELEGATING +RELENT +RELENTED +RELENTING +RELENTLESS +RELENTLESSLY +RELENTLESSNESS +RELENTS +RELEVANCE +RELEVANCES +RELEVANT +RELEVANTLY +RELIABILITY +RELIABLE +RELIABLY +RELIANCE +RELIANT +RELIC +RELICS +RELIED +RELIEF +RELIES +RELIEVE +RELIEVED +RELIEVER +RELIEVERS +RELIEVES +RELIEVING +RELIGION +RELIGIONS +RELIGIOUS +RELIGIOUSLY +RELIGIOUSNESS +RELINK +RELINQUISH +RELINQUISHED +RELINQUISHES +RELINQUISHING +RELISH +RELISHED +RELISHES +RELISHING +RELIVE +RELIVES +RELIVING +RELOAD +RELOADED +RELOADER +RELOADING +RELOADS +RELOCATABLE +RELOCATE +RELOCATED +RELOCATES +RELOCATING +RELOCATION +RELOCATIONS +RELUCTANCE +RELUCTANT +RELUCTANTLY +RELY +RELYING +REMAIN +REMAINDER +REMAINDERS +REMAINED +REMAINING +REMAINS +REMARK +REMARKABLE +REMARKABLENESS +REMARKABLY +REMARKED +REMARKING +REMARKS +REMBRANDT +REMEDIAL +REMEDIED +REMEDIES +REMEDY +REMEDYING +REMEMBER +REMEMBERED +REMEMBERING +REMEMBERS +REMEMBRANCE +REMEMBRANCES +REMIND +REMINDED +REMINDER +REMINDERS +REMINDING +REMINDS +REMINGTON +REMINISCENCE +REMINISCENCES +REMINISCENT +REMINISCENTLY +REMISS +REMISSION +REMIT +REMITTANCE +REMNANT +REMNANTS +REMODEL +REMODELED +REMODELING +REMODELS +REMONSTRATE +REMONSTRATED +REMONSTRATES +REMONSTRATING +REMONSTRATION +REMONSTRATIVE +REMORSE +REMORSEFUL +REMOTE +REMOTELY +REMOTENESS +REMOTEST +REMOVABLE +REMOVAL +REMOVALS +REMOVE +REMOVED +REMOVER +REMOVES +REMOVING +REMUNERATE +REMUNERATION +REMUS +REMY +RENA +RENAISSANCE +RENAL +RENAME +RENAMED +RENAMES +RENAMING +RENAULT +RENAULTS +REND +RENDER +RENDERED +RENDERING +RENDERINGS +RENDERS +RENDEZVOUS +RENDING +RENDITION +RENDITIONS +RENDS +RENE +RENEE +RENEGADE +RENEGOTIABLE +RENEW +RENEWABLE +RENEWAL +RENEWED +RENEWER +RENEWING +RENEWS +RENO +RENOIR +RENOUNCE +RENOUNCES +RENOUNCING +RENOVATE +RENOVATED +RENOVATION +RENOWN +RENOWNED +RENSSELAER +RENT +RENTAL +RENTALS +RENTED +RENTING +RENTS +RENUMBER +RENUMBERING +RENUMBERS +RENUNCIATE +RENUNCIATION +RENVILLE +REOCCUR +REOPEN +REOPENED +REOPENING +REOPENS +REORDER +REORDERED +REORDERING +REORDERS +REORGANIZATION +REORGANIZATIONS +REORGANIZE +REORGANIZED +REORGANIZES +REORGANIZING +REPACKAGE +REPAID +REPAIR +REPAIRED +REPAIRER +REPAIRING +REPAIRMAN +REPAIRMEN +REPAIRS +REPARATION +REPARATIONS +REPARTEE +REPARTITION +REPAST +REPASTS +REPAY +REPAYING +REPAYS +REPEAL +REPEALED +REPEALER +REPEALING +REPEALS +REPEAT +REPEATABLE +REPEATED +REPEATEDLY +REPEATER +REPEATERS +REPEATING +REPEATS +REPEL +REPELLED +REPELLENT +REPELS +REPENT +REPENTANCE +REPENTED +REPENTING +REPENTS +REPERCUSSION +REPERCUSSIONS +REPERTOIRE +REPERTORY +REPETITION +REPETITIONS +REPETITIOUS +REPETITIVE +REPETITIVELY +REPETITIVENESS +REPHRASE +REPHRASED +REPHRASES +REPHRASING +REPINE +REPLACE +REPLACEABLE +REPLACED +REPLACEMENT +REPLACEMENTS +REPLACER +REPLACES +REPLACING +REPLAY +REPLAYED +REPLAYING +REPLAYS +REPLENISH +REPLENISHED +REPLENISHES +REPLENISHING +REPLETE +REPLETENESS +REPLETION +REPLICA +REPLICAS +REPLICATE +REPLICATED +REPLICATES +REPLICATING +REPLICATION +REPLICATIONS +REPLIED +REPLIES +REPLY +REPLYING +REPORT +REPORTED +REPORTEDLY +REPORTER +REPORTERS +REPORTING +REPORTS +REPOSE +REPOSED +REPOSES +REPOSING +REPOSITION +REPOSITIONED +REPOSITIONING +REPOSITIONS +REPOSITORIES +REPOSITORY +REPREHENSIBLE +REPRESENT +REPRESENTABLE +REPRESENTABLY +REPRESENTATION +REPRESENTATIONAL +REPRESENTATIONALLY +REPRESENTATIONS +REPRESENTATIVE +REPRESENTATIVELY +REPRESENTATIVENESS +REPRESENTATIVES +REPRESENTED +REPRESENTING +REPRESENTS +REPRESS +REPRESSED +REPRESSES +REPRESSING +REPRESSION +REPRESSIONS +REPRESSIVE +REPRIEVE +REPRIEVED +REPRIEVES +REPRIEVING +REPRIMAND +REPRINT +REPRINTED +REPRINTING +REPRINTS +REPRISAL +REPRISALS +REPROACH +REPROACHED +REPROACHES +REPROACHING +REPROBATE +REPRODUCE +REPRODUCED +REPRODUCER +REPRODUCERS +REPRODUCES +REPRODUCIBILITIES +REPRODUCIBILITY +REPRODUCIBLE +REPRODUCIBLY +REPRODUCING +REPRODUCTION +REPRODUCTIONS +REPROGRAM +REPROGRAMMED +REPROGRAMMING +REPROGRAMS +REPROOF +REPROVE +REPROVER +REPTILE +REPTILES +REPTILIAN +REPUBLIC +REPUBLICAN +REPUBLICANS +REPUBLICS +REPUDIATE +REPUDIATED +REPUDIATES +REPUDIATING +REPUDIATION +REPUDIATIONS +REPUGNANT +REPULSE +REPULSED +REPULSES +REPULSING +REPULSION +REPULSIONS +REPULSIVE +REPUTABLE +REPUTABLY +REPUTATION +REPUTATIONS +REPUTE +REPUTED +REPUTEDLY +REPUTES +REQUEST +REQUESTED +REQUESTER +REQUESTERS +REQUESTING +REQUESTS +REQUIRE +REQUIRED +REQUIREMENT +REQUIREMENTS +REQUIRES +REQUIRING +REQUISITE +REQUISITES +REQUISITION +REQUISITIONED +REQUISITIONING +REQUISITIONS +REREAD +REREGISTER +REROUTE +REROUTED +REROUTES +REROUTING +RERUN +RERUNS +RESCHEDULE +RESCIND +RESCUE +RESCUED +RESCUER +RESCUERS +RESCUES +RESCUING +RESEARCH +RESEARCHED +RESEARCHER +RESEARCHERS +RESEARCHES +RESEARCHING +RESELECT +RESELECTED +RESELECTING +RESELECTS +RESELL +RESELLING +RESEMBLANCE +RESEMBLANCES +RESEMBLE +RESEMBLED +RESEMBLES +RESEMBLING +RESENT +RESENTED +RESENTFUL +RESENTFULLY +RESENTING +RESENTMENT +RESENTS +RESERPINE +RESERVATION +RESERVATIONS +RESERVE +RESERVED +RESERVER +RESERVES +RESERVING +RESERVOIR +RESERVOIRS +RESET +RESETS +RESETTING +RESETTINGS +RESIDE +RESIDED +RESIDENCE +RESIDENCES +RESIDENT +RESIDENTIAL +RESIDENTIALLY +RESIDENTS +RESIDES +RESIDING +RESIDUAL +RESIDUE +RESIDUES +RESIGN +RESIGNATION +RESIGNATIONS +RESIGNED +RESIGNING +RESIGNS +RESILIENT +RESIN +RESINS +RESIST +RESISTABLE +RESISTANCE +RESISTANCES +RESISTANT +RESISTANTLY +RESISTED +RESISTIBLE +RESISTING +RESISTIVE +RESISTIVITY +RESISTOR +RESISTORS +RESISTS +RESOLUTE +RESOLUTELY +RESOLUTENESS +RESOLUTION +RESOLUTIONS +RESOLVABLE +RESOLVE +RESOLVED +RESOLVER +RESOLVERS +RESOLVES +RESOLVING +RESONANCE +RESONANCES +RESONANT +RESONATE +RESORT +RESORTED +RESORTING +RESORTS +RESOUND +RESOUNDING +RESOUNDS +RESOURCE +RESOURCEFUL +RESOURCEFULLY +RESOURCEFULNESS +RESOURCES +RESPECT +RESPECTABILITY +RESPECTABLE +RESPECTABLY +RESPECTED +RESPECTER +RESPECTFUL +RESPECTFULLY +RESPECTFULNESS +RESPECTING +RESPECTIVE +RESPECTIVELY +RESPECTS +RESPIRATION +RESPIRATOR +RESPIRATORY +RESPITE +RESPLENDENT +RESPLENDENTLY +RESPOND +RESPONDED +RESPONDENT +RESPONDENTS +RESPONDER +RESPONDING +RESPONDS +RESPONSE +RESPONSES +RESPONSIBILITIES +RESPONSIBILITY +RESPONSIBLE +RESPONSIBLENESS +RESPONSIBLY +RESPONSIVE +RESPONSIVELY +RESPONSIVENESS +REST +RESTART +RESTARTED +RESTARTING +RESTARTS +RESTATE +RESTATED +RESTATEMENT +RESTATES +RESTATING +RESTAURANT +RESTAURANTS +RESTAURATEUR +RESTED +RESTFUL +RESTFULLY +RESTFULNESS +RESTING +RESTITUTION +RESTIVE +RESTLESS +RESTLESSLY +RESTLESSNESS +RESTORATION +RESTORATIONS +RESTORE +RESTORED +RESTORER +RESTORERS +RESTORES +RESTORING +RESTRAIN +RESTRAINED +RESTRAINER +RESTRAINERS +RESTRAINING +RESTRAINS +RESTRAINT +RESTRAINTS +RESTRICT +RESTRICTED +RESTRICTING +RESTRICTION +RESTRICTIONS +RESTRICTIVE +RESTRICTIVELY +RESTRICTS +RESTROOM +RESTRUCTURE +RESTRUCTURED +RESTRUCTURES +RESTRUCTURING +RESTS +RESULT +RESULTANT +RESULTANTLY +RESULTANTS +RESULTED +RESULTING +RESULTS +RESUMABLE +RESUME +RESUMED +RESUMES +RESUMING +RESUMPTION +RESUMPTIONS +RESURGENT +RESURRECT +RESURRECTED +RESURRECTING +RESURRECTION +RESURRECTIONS +RESURRECTOR +RESURRECTORS +RESURRECTS +RESUSCITATE +RESYNCHRONIZATION +RESYNCHRONIZE +RESYNCHRONIZED +RESYNCHRONIZING +RETAIL +RETAILER +RETAILERS +RETAILING +RETAIN +RETAINED +RETAINER +RETAINERS +RETAINING +RETAINMENT +RETAINS +RETALIATE +RETALIATION +RETALIATORY +RETARD +RETARDED +RETARDER +RETARDING +RETCH +RETENTION +RETENTIONS +RETENTIVE +RETENTIVELY +RETENTIVENESS +RETICLE +RETICLES +RETICULAR +RETICULATE +RETICULATED +RETICULATELY +RETICULATES +RETICULATING +RETICULATION +RETINA +RETINAL +RETINAS +RETINUE +RETIRE +RETIRED +RETIREE +RETIREMENT +RETIREMENTS +RETIRES +RETIRING +RETORT +RETORTED +RETORTS +RETRACE +RETRACED +RETRACES +RETRACING +RETRACT +RETRACTED +RETRACTING +RETRACTION +RETRACTIONS +RETRACTS +RETRAIN +RETRAINED +RETRAINING +RETRAINS +RETRANSLATE +RETRANSLATED +RETRANSMISSION +RETRANSMISSIONS +RETRANSMIT +RETRANSMITS +RETRANSMITTED +RETRANSMITTING +RETREAT +RETREATED +RETREATING +RETREATS +RETRIBUTION +RETRIED +RETRIER +RETRIERS +RETRIES +RETRIEVABLE +RETRIEVAL +RETRIEVALS +RETRIEVE +RETRIEVED +RETRIEVER +RETRIEVERS +RETRIEVES +RETRIEVING +RETROACTIVE +RETROACTIVELY +RETROFIT +RETROFITTING +RETROGRADE +RETROSPECT +RETROSPECTION +RETROSPECTIVE +RETRY +RETRYING +RETURN +RETURNABLE +RETURNED +RETURNER +RETURNING +RETURNS +RETYPE +RETYPED +RETYPES +RETYPING +REUB +REUBEN +REUNION +REUNIONS +REUNITE +REUNITED +REUNITING +REUSABLE +REUSE +REUSED +REUSES +REUSING +REUTERS +REUTHER +REVAMP +REVAMPED +REVAMPING +REVAMPS +REVEAL +REVEALED +REVEALING +REVEALS +REVEL +REVELATION +REVELATIONS +REVELED +REVELER +REVELING +REVELRY +REVELS +REVENGE +REVENGER +REVENUE +REVENUERS +REVENUES +REVERBERATE +REVERE +REVERED +REVERENCE +REVEREND +REVERENDS +REVERENT +REVERENTLY +REVERES +REVERIE +REVERIFIED +REVERIFIES +REVERIFY +REVERIFYING +REVERING +REVERSAL +REVERSALS +REVERSE +REVERSED +REVERSELY +REVERSER +REVERSES +REVERSIBLE +REVERSING +REVERSION +REVERT +REVERTED +REVERTING +REVERTS +REVIEW +REVIEWED +REVIEWER +REVIEWERS +REVIEWING +REVIEWS +REVILE +REVILED +REVILER +REVILING +REVISE +REVISED +REVISER +REVISES +REVISING +REVISION +REVISIONARY +REVISIONS +REVISIT +REVISITED +REVISITING +REVISITS +REVIVAL +REVIVALS +REVIVE +REVIVED +REVIVER +REVIVES +REVIVING +REVOCABLE +REVOCATION +REVOKE +REVOKED +REVOKER +REVOKES +REVOKING +REVOLT +REVOLTED +REVOLTER +REVOLTING +REVOLTINGLY +REVOLTS +REVOLUTION +REVOLUTIONARIES +REVOLUTIONARY +REVOLUTIONIZE +REVOLUTIONIZED +REVOLUTIONIZER +REVOLUTIONS +REVOLVE +REVOLVED +REVOLVER +REVOLVERS +REVOLVES +REVOLVING +REVULSION +REWARD +REWARDED +REWARDING +REWARDINGLY +REWARDS +REWIND +REWINDING +REWINDS +REWIRE +REWORK +REWORKED +REWORKING +REWORKS +REWOUND +REWRITE +REWRITES +REWRITING +REWRITTEN +REX +REYKJAVIK +REYNOLDS +RHAPSODY +RHEA +RHEIMS +RHEINHOLDT +RHENISH +RHESUS +RHETORIC +RHEUMATIC +RHEUMATISM +RHINE +RHINESTONE +RHINO +RHINOCEROS +RHO +RHODA +RHODE +RHODES +RHODESIA +RHODODENDRON +RHOMBIC +RHOMBUS +RHUBARB +RHYME +RHYMED +RHYMES +RHYMING +RHYTHM +RHYTHMIC +RHYTHMICALLY +RHYTHMS +RIB +RIBALD +RIBBED +RIBBING +RIBBON +RIBBONS +RIBOFLAVIN +RIBONUCLEIC +RIBS +RICA +RICAN +RICANISM +RICANS +RICE +RICH +RICHARD +RICHARDS +RICHARDSON +RICHER +RICHES +RICHEST +RICHEY +RICHFIELD +RICHLAND +RICHLY +RICHMOND +RICHNESS +RICHTER +RICK +RICKENBAUGH +RICKETS +RICKETTSIA +RICKETY +RICKSHAW +RICKSHAWS +RICO +RICOCHET +RID +RIDDANCE +RIDDEN +RIDDING +RIDDLE +RIDDLED +RIDDLES +RIDDLING +RIDE +RIDER +RIDERS +RIDES +RIDGE +RIDGEFIELD +RIDGEPOLE +RIDGES +RIDGWAY +RIDICULE +RIDICULED +RIDICULES +RIDICULING +RIDICULOUS +RIDICULOUSLY +RIDICULOUSNESS +RIDING +RIDS +RIEMANN +RIEMANNIAN +RIFLE +RIFLED +RIFLEMAN +RIFLER +RIFLES +RIFLING +RIFT +RIG +RIGA +RIGEL +RIGGING +RIGGS +RIGHT +RIGHTED +RIGHTEOUS +RIGHTEOUSLY +RIGHTEOUSNESS +RIGHTER +RIGHTFUL +RIGHTFULLY +RIGHTFULNESS +RIGHTING +RIGHTLY +RIGHTMOST +RIGHTNESS +RIGHTS +RIGHTWARD +RIGID +RIGIDITY +RIGIDLY +RIGOR +RIGOROUS +RIGOROUSLY +RIGORS +RIGS +RILEY +RILKE +RILL +RIM +RIME +RIMS +RIND +RINDS +RINEHART +RING +RINGED +RINGER +RINGERS +RINGING +RINGINGLY +RINGINGS +RINGS +RINGSIDE +RINK +RINSE +RINSED +RINSER +RINSES +RINSING +RIO +RIORDAN +RIOT +RIOTED +RIOTER +RIOTERS +RIOTING +RIOTOUS +RIOTS +RIP +RIPE +RIPELY +RIPEN +RIPENESS +RIPLEY +RIPOFF +RIPPED +RIPPING +RIPPLE +RIPPLED +RIPPLES +RIPPLING +RIPS +RISC +RISE +RISEN +RISER +RISERS +RISES +RISING +RISINGS +RISK +RISKED +RISKING +RISKS +RISKY +RITCHIE +RITE +RITES +RITTER +RITUAL +RITUALLY +RITUALS +RITZ +RIVAL +RIVALED +RIVALLED +RIVALLING +RIVALRIES +RIVALRY +RIVALS +RIVER +RIVERBANK +RIVERFRONT +RIVERS +RIVERSIDE +RIVERVIEW +RIVET +RIVETER +RIVETS +RIVIERA +RIVULET +RIVULETS +RIYADH +ROACH +ROAD +ROADBED +ROADBLOCK +ROADS +ROADSIDE +ROADSTER +ROADSTERS +ROADWAY +ROADWAYS +ROAM +ROAMED +ROAMING +ROAMS +ROAR +ROARED +ROARER +ROARING +ROARS +ROAST +ROASTED +ROASTER +ROASTING +ROASTS +ROB +ROBBED +ROBBER +ROBBERIES +ROBBERS +ROBBERY +ROBBIE +ROBBIN +ROBBING +ROBBINS +ROBE +ROBED +ROBERT +ROBERTA +ROBERTO +ROBERTS +ROBERTSON +ROBERTSONS +ROBES +ROBIN +ROBING +ROBINS +ROBINSON +ROBINSONVILLE +ROBOT +ROBOTIC +ROBOTICS +ROBOTS +ROBS +ROBUST +ROBUSTLY +ROBUSTNESS +ROCCO +ROCHESTER +ROCHFORD +ROCK +ROCKABYE +ROCKAWAY +ROCKAWAYS +ROCKED +ROCKEFELLER +ROCKER +ROCKERS +ROCKET +ROCKETED +ROCKETING +ROCKETS +ROCKFORD +ROCKIES +ROCKING +ROCKLAND +ROCKS +ROCKVILLE +ROCKWELL +ROCKY +ROD +RODE +RODENT +RODENTS +RODEO +RODGERS +RODNEY +RODRIGUEZ +RODS +ROE +ROENTGEN +ROGER +ROGERS +ROGUE +ROGUES +ROLAND +ROLE +ROLES +ROLL +ROLLBACK +ROLLED +ROLLER +ROLLERS +ROLLIE +ROLLING +ROLLINS +ROLLS +ROMAN +ROMANCE +ROMANCER +ROMANCERS +ROMANCES +ROMANCING +ROMANESQUE +ROMANIA +ROMANIZATIONS +ROMANIZER +ROMANIZERS +ROMANIZES +ROMANO +ROMANS +ROMANTIC +ROMANTICS +ROME +ROMELDALE +ROMEO +ROMP +ROMPED +ROMPER +ROMPING +ROMPS +ROMULUS +RON +RONALD +RONNIE +ROOF +ROOFED +ROOFER +ROOFING +ROOFS +ROOFTOP +ROOK +ROOKIE +ROOM +ROOMED +ROOMER +ROOMERS +ROOMFUL +ROOMING +ROOMMATE +ROOMS +ROOMY +ROONEY +ROOSEVELT +ROOSEVELTIAN +ROOST +ROOSTER +ROOSTERS +ROOT +ROOTED +ROOTER +ROOTING +ROOTS +ROPE +ROPED +ROPER +ROPERS +ROPES +ROPING +ROQUEMORE +RORSCHACH +ROSA +ROSABELLE +ROSALIE +ROSARY +ROSE +ROSEBUD +ROSEBUDS +ROSEBUSH +ROSELAND +ROSELLA +ROSEMARY +ROSEN +ROSENBERG +ROSENBLUM +ROSENTHAL +ROSENZWEIG +ROSES +ROSETTA +ROSETTE +ROSIE +ROSINESS +ROSS +ROSSI +ROSTER +ROSTRUM +ROSWELL +ROSY +ROT +ROTARIAN +ROTARIANS +ROTARY +ROTATE +ROTATED +ROTATES +ROTATING +ROTATION +ROTATIONAL +ROTATIONS +ROTATOR +ROTH +ROTHSCHILD +ROTOR +ROTS +ROTTEN +ROTTENNESS +ROTTERDAM +ROTTING +ROTUND +ROTUNDA +ROUGE +ROUGH +ROUGHED +ROUGHEN +ROUGHER +ROUGHEST +ROUGHLY +ROUGHNECK +ROUGHNESS +ROULETTE +ROUND +ROUNDABOUT +ROUNDED +ROUNDEDNESS +ROUNDER +ROUNDEST +ROUNDHEAD +ROUNDHOUSE +ROUNDING +ROUNDLY +ROUNDNESS +ROUNDOFF +ROUNDS +ROUNDTABLE +ROUNDUP +ROUNDWORM +ROURKE +ROUSE +ROUSED +ROUSES +ROUSING +ROUSSEAU +ROUSTABOUT +ROUT +ROUTE +ROUTED +ROUTER +ROUTERS +ROUTES +ROUTINE +ROUTINELY +ROUTINES +ROUTING +ROUTINGS +ROVE +ROVED +ROVER +ROVES +ROVING +ROW +ROWBOAT +ROWDY +ROWE +ROWED +ROWENA +ROWER +ROWING +ROWLAND +ROWLEY +ROWS +ROXBURY +ROXY +ROY +ROYAL +ROYALIST +ROYALISTS +ROYALLY +ROYALTIES +ROYALTY +ROYCE +ROZELLE +RUANDA +RUB +RUBAIYAT +RUBBED +RUBBER +RUBBERS +RUBBERY +RUBBING +RUBBISH +RUBBLE +RUBDOWN +RUBE +RUBEN +RUBENS +RUBIES +RUBIN +RUBLE +RUBLES +RUBOUT +RUBS +RUBY +RUDDER +RUDDERS +RUDDINESS +RUDDY +RUDE +RUDELY +RUDENESS +RUDIMENT +RUDIMENTARY +RUDIMENTS +RUDOLF +RUDOLPH +RUDY +RUDYARD +RUE +RUEFULLY +RUFFIAN +RUFFIANLY +RUFFIANS +RUFFLE +RUFFLED +RUFFLES +RUFUS +RUG +RUGGED +RUGGEDLY +RUGGEDNESS +RUGS +RUIN +RUINATION +RUINATIONS +RUINED +RUINING +RUINOUS +RUINOUSLY +RUINS +RULE +RULED +RULER +RULERS +RULES +RULING +RULINGS +RUM +RUMANIA +RUMANIAN +RUMANIANS +RUMBLE +RUMBLED +RUMBLER +RUMBLES +RUMBLING +RUMEN +RUMFORD +RUMMAGE +RUMMEL +RUMMY +RUMOR +RUMORED +RUMORS +RUMP +RUMPLE +RUMPLED +RUMPLY +RUMPUS +RUN +RUNAWAY +RUNDOWN +RUNG +RUNGE +RUNGS +RUNNABLE +RUNNER +RUNNERS +RUNNING +RUNNYMEDE +RUNOFF +RUNS +RUNT +RUNTIME +RUNYON +RUPEE +RUPPERT +RUPTURE +RUPTURED +RUPTURES +RUPTURING +RURAL +RURALLY +RUSH +RUSHED +RUSHER +RUSHES +RUSHING +RUSHMORE +RUSS +RUSSELL +RUSSET +RUSSIA +RUSSIAN +RUSSIANIZATIONS +RUSSIANIZES +RUSSIANS +RUSSO +RUST +RUSTED +RUSTIC +RUSTICATE +RUSTICATED +RUSTICATES +RUSTICATING +RUSTICATION +RUSTING +RUSTLE +RUSTLED +RUSTLER +RUSTLERS +RUSTLING +RUSTS +RUSTY +RUT +RUTGERS +RUTH +RUTHERFORD +RUTHLESS +RUTHLESSLY +RUTHLESSNESS +RUTLAND +RUTLEDGE +RUTS +RWANDA +RYAN +RYDBERG +RYDER +RYE +SABBATH +SABBATHIZE +SABBATHIZES +SABBATICAL +SABER +SABERS +SABINA +SABINE +SABLE +SABLES +SABOTAGE +SACHS +SACK +SACKER +SACKING +SACKS +SACRAMENT +SACRAMENTO +SACRED +SACREDLY +SACREDNESS +SACRIFICE +SACRIFICED +SACRIFICER +SACRIFICERS +SACRIFICES +SACRIFICIAL +SACRIFICIALLY +SACRIFICING +SACRILEGE +SACRILEGIOUS +SACROSANCT +SAD +SADDEN +SADDENED +SADDENS +SADDER +SADDEST +SADDLE +SADDLEBAG +SADDLED +SADDLES +SADIE +SADISM +SADIST +SADISTIC +SADISTICALLY +SADISTS +SADLER +SADLY +SADNESS +SAFARI +SAFE +SAFEGUARD +SAFEGUARDED +SAFEGUARDING +SAFEGUARDS +SAFEKEEPING +SAFELY +SAFENESS +SAFER +SAFES +SAFEST +SAFETIES +SAFETY +SAFFRON +SAG +SAGA +SAGACIOUS +SAGACITY +SAGE +SAGEBRUSH +SAGELY +SAGES +SAGGING +SAGINAW +SAGITTAL +SAGITTARIUS +SAGS +SAGUARO +SAHARA +SAID +SAIGON +SAIL +SAILBOAT +SAILED +SAILFISH +SAILING +SAILOR +SAILORLY +SAILORS +SAILS +SAINT +SAINTED +SAINTHOOD +SAINTLY +SAINTS +SAKE +SAKES +SAL +SALAAM +SALABLE +SALAD +SALADS +SALAMANDER +SALAMI +SALARIED +SALARIES +SALARY +SALE +SALEM +SALERNO +SALES +SALESGIRL +SALESIAN +SALESLADY +SALESMAN +SALESMEN +SALESPERSON +SALIENT +SALINA +SALINE +SALISBURY +SALISH +SALIVA +SALIVARY +SALIVATE +SALK +SALLE +SALLIES +SALLOW +SALLY +SALLYING +SALMON +SALON +SALONS +SALOON +SALOONS +SALT +SALTED +SALTER +SALTERS +SALTIER +SALTIEST +SALTINESS +SALTING +SALTON +SALTS +SALTY +SALUTARY +SALUTATION +SALUTATIONS +SALUTE +SALUTED +SALUTES +SALUTING +SALVADOR +SALVADORAN +SALVAGE +SALVAGED +SALVAGER +SALVAGES +SALVAGING +SALVATION +SALVATORE +SALVE +SALVER +SALVES +SALZ +SAM +SAMARITAN +SAME +SAMENESS +SAMMY +SAMOA +SAMOAN +SAMPLE +SAMPLED +SAMPLER +SAMPLERS +SAMPLES +SAMPLING +SAMPLINGS +SAMPSON +SAMSON +SAMUEL +SAMUELS +SAMUELSON +SAN +SANA +SANATORIA +SANATORIUM +SANBORN +SANCHEZ +SANCHO +SANCTIFICATION +SANCTIFIED +SANCTIFY +SANCTIMONIOUS +SANCTION +SANCTIONED +SANCTIONING +SANCTIONS +SANCTITY +SANCTUARIES +SANCTUARY +SANCTUM +SAND +SANDAL +SANDALS +SANDBAG +SANDBURG +SANDED +SANDER +SANDERLING +SANDERS +SANDERSON +SANDIA +SANDING +SANDMAN +SANDPAPER +SANDRA +SANDS +SANDSTONE +SANDUSKY +SANDWICH +SANDWICHES +SANDY +SANE +SANELY +SANER +SANEST +SANFORD +SANG +SANGUINE +SANHEDRIN +SANITARIUM +SANITARY +SANITATION +SANITY +SANK +SANSKRIT +SANSKRITIC +SANSKRITIZE +SANTA +SANTAYANA +SANTIAGO +SANTO +SAO +SAP +SAPIENS +SAPLING +SAPLINGS +SAPPHIRE +SAPPHO +SAPS +SAPSUCKER +SARA +SARACEN +SARACENS +SARAH +SARAN +SARASOTA +SARATOGA +SARCASM +SARCASMS +SARCASTIC +SARDINE +SARDINIA +SARDONIC +SARGENT +SARI +SARTRE +SASH +SASKATCHEWAN +SASKATOON +SAT +SATAN +SATANIC +SATANISM +SATANIST +SATCHEL +SATCHELS +SATE +SATED +SATELLITE +SATELLITES +SATES +SATIN +SATING +SATIRE +SATIRES +SATIRIC +SATISFACTION +SATISFACTIONS +SATISFACTORILY +SATISFACTORY +SATISFIABILITY +SATISFIABLE +SATISFIED +SATISFIES +SATISFY +SATISFYING +SATURATE +SATURATED +SATURATES +SATURATING +SATURATION +SATURDAY +SATURDAYS +SATURN +SATURNALIA +SATURNISM +SATYR +SAUCE +SAUCEPAN +SAUCEPANS +SAUCER +SAUCERS +SAUCES +SAUCY +SAUD +SAUDI +SAUKVILLE +SAUL +SAULT +SAUNDERS +SAUNTER +SAUSAGE +SAUSAGES +SAVAGE +SAVAGED +SAVAGELY +SAVAGENESS +SAVAGER +SAVAGERS +SAVAGES +SAVAGING +SAVANNAH +SAVE +SAVED +SAVER +SAVERS +SAVES +SAVING +SAVINGS +SAVIOR +SAVIORS +SAVIOUR +SAVONAROLA +SAVOR +SAVORED +SAVORING +SAVORS +SAVORY +SAVOY +SAVOYARD +SAVOYARDS +SAW +SAWDUST +SAWED +SAWFISH +SAWING +SAWMILL +SAWMILLS +SAWS +SAWTOOTH +SAX +SAXON +SAXONIZATION +SAXONIZATIONS +SAXONIZE +SAXONIZES +SAXONS +SAXONY +SAXOPHONE +SAXTON +SAY +SAYER +SAYERS +SAYING +SAYINGS +SAYS +SCAB +SCABBARD +SCABBARDS +SCABROUS +SCAFFOLD +SCAFFOLDING +SCAFFOLDINGS +SCAFFOLDS +SCALA +SCALABLE +SCALAR +SCALARS +SCALD +SCALDED +SCALDING +SCALE +SCALED +SCALES +SCALING +SCALINGS +SCALLOP +SCALLOPED +SCALLOPS +SCALP +SCALPS +SCALY +SCAMPER +SCAMPERING +SCAMPERS +SCAN +SCANDAL +SCANDALOUS +SCANDALS +SCANDINAVIA +SCANDINAVIAN +SCANDINAVIANS +SCANNED +SCANNER +SCANNERS +SCANNING +SCANS +SCANT +SCANTIER +SCANTIEST +SCANTILY +SCANTINESS +SCANTLY +SCANTY +SCAPEGOAT +SCAR +SCARBOROUGH +SCARCE +SCARCELY +SCARCENESS +SCARCER +SCARCITY +SCARE +SCARECROW +SCARED +SCARES +SCARF +SCARING +SCARLATTI +SCARLET +SCARS +SCARSDALE +SCARVES +SCARY +SCATTER +SCATTERBRAIN +SCATTERED +SCATTERING +SCATTERS +SCENARIO +SCENARIOS +SCENE +SCENERY +SCENES +SCENIC +SCENT +SCENTED +SCENTS +SCEPTER +SCEPTERS +SCHAEFER +SCHAEFFER +SCHAFER +SCHAFFNER +SCHANTZ +SCHAPIRO +SCHEDULABLE +SCHEDULE +SCHEDULED +SCHEDULER +SCHEDULERS +SCHEDULES +SCHEDULING +SCHEHERAZADE +SCHELLING +SCHEMA +SCHEMAS +SCHEMATA +SCHEMATIC +SCHEMATICALLY +SCHEMATICS +SCHEME +SCHEMED +SCHEMER +SCHEMERS +SCHEMES +SCHEMING +SCHILLER +SCHISM +SCHIZOPHRENIA +SCHLESINGER +SCHLITZ +SCHLOSS +SCHMIDT +SCHMITT +SCHNABEL +SCHNEIDER +SCHOENBERG +SCHOFIELD +SCHOLAR +SCHOLARLY +SCHOLARS +SCHOLARSHIP +SCHOLARSHIPS +SCHOLASTIC +SCHOLASTICALLY +SCHOLASTICS +SCHOOL +SCHOOLBOY +SCHOOLBOYS +SCHOOLED +SCHOOLER +SCHOOLERS +SCHOOLHOUSE +SCHOOLHOUSES +SCHOOLING +SCHOOLMASTER +SCHOOLMASTERS +SCHOOLROOM +SCHOOLROOMS +SCHOOLS +SCHOONER +SCHOPENHAUER +SCHOTTKY +SCHROEDER +SCHROEDINGER +SCHUBERT +SCHULTZ +SCHULZ +SCHUMACHER +SCHUMAN +SCHUMANN +SCHUSTER +SCHUYLER +SCHUYLKILL +SCHWAB +SCHWARTZ +SCHWEITZER +SCIENCE +SCIENCES +SCIENTIFIC +SCIENTIFICALLY +SCIENTIST +SCIENTISTS +SCISSOR +SCISSORED +SCISSORING +SCISSORS +SCLEROSIS +SCLEROTIC +SCOFF +SCOFFED +SCOFFER +SCOFFING +SCOFFS +SCOLD +SCOLDED +SCOLDING +SCOLDS +SCOOP +SCOOPED +SCOOPING +SCOOPS +SCOOT +SCOPE +SCOPED +SCOPES +SCOPING +SCORCH +SCORCHED +SCORCHER +SCORCHES +SCORCHING +SCORE +SCOREBOARD +SCORECARD +SCORED +SCORER +SCORERS +SCORES +SCORING +SCORINGS +SCORN +SCORNED +SCORNER +SCORNFUL +SCORNFULLY +SCORNING +SCORNS +SCORPIO +SCORPION +SCORPIONS +SCOT +SCOTCH +SCOTCHGARD +SCOTCHMAN +SCOTIA +SCOTIAN +SCOTLAND +SCOTS +SCOTSMAN +SCOTSMEN +SCOTT +SCOTTISH +SCOTTSDALE +SCOTTY +SCOUNDREL +SCOUNDRELS +SCOUR +SCOURED +SCOURGE +SCOURING +SCOURS +SCOUT +SCOUTED +SCOUTING +SCOUTS +SCOW +SCOWL +SCOWLED +SCOWLING +SCOWLS +SCRAM +SCRAMBLE +SCRAMBLED +SCRAMBLER +SCRAMBLES +SCRAMBLING +SCRANTON +SCRAP +SCRAPE +SCRAPED +SCRAPER +SCRAPERS +SCRAPES +SCRAPING +SCRAPINGS +SCRAPPED +SCRAPS +SCRATCH +SCRATCHED +SCRATCHER +SCRATCHERS +SCRATCHES +SCRATCHING +SCRATCHY +SCRAWL +SCRAWLED +SCRAWLING +SCRAWLS +SCRAWNY +SCREAM +SCREAMED +SCREAMER +SCREAMERS +SCREAMING +SCREAMS +SCREECH +SCREECHED +SCREECHES +SCREECHING +SCREEN +SCREENED +SCREENING +SCREENINGS +SCREENPLAY +SCREENS +SCREW +SCREWBALL +SCREWDRIVER +SCREWED +SCREWING +SCREWS +SCRIBBLE +SCRIBBLED +SCRIBBLER +SCRIBBLES +SCRIBE +SCRIBES +SCRIBING +SCRIBNERS +SCRIMMAGE +SCRIPPS +SCRIPT +SCRIPTS +SCRIPTURE +SCRIPTURES +SCROLL +SCROLLED +SCROLLING +SCROLLS +SCROOGE +SCROUNGE +SCRUB +SCRUMPTIOUS +SCRUPLE +SCRUPULOUS +SCRUPULOUSLY +SCRUTINIZE +SCRUTINIZED +SCRUTINIZING +SCRUTINY +SCUBA +SCUD +SCUFFLE +SCUFFLED +SCUFFLES +SCUFFLING +SCULPT +SCULPTED +SCULPTOR +SCULPTORS +SCULPTS +SCULPTURE +SCULPTURED +SCULPTURES +SCURRIED +SCURRY +SCURVY +SCUTTLE +SCUTTLED +SCUTTLES +SCUTTLING +SCYLLA +SCYTHE +SCYTHES +SCYTHIA +SEA +SEABOARD +SEABORG +SEABROOK +SEACOAST +SEACOASTS +SEAFOOD +SEAGATE +SEAGRAM +SEAGULL +SEAHORSE +SEAL +SEALED +SEALER +SEALING +SEALS +SEALY +SEAM +SEAMAN +SEAMED +SEAMEN +SEAMING +SEAMS +SEAMY +SEAN +SEAPORT +SEAPORTS +SEAQUARIUM +SEAR +SEARCH +SEARCHED +SEARCHER +SEARCHERS +SEARCHES +SEARCHING +SEARCHINGLY +SEARCHINGS +SEARCHLIGHT +SEARED +SEARING +SEARINGLY +SEARS +SEAS +SEASHORE +SEASHORES +SEASIDE +SEASON +SEASONABLE +SEASONABLY +SEASONAL +SEASONALLY +SEASONED +SEASONER +SEASONERS +SEASONING +SEASONINGS +SEASONS +SEAT +SEATED +SEATING +SEATS +SEATTLE +SEAWARD +SEAWEED +SEBASTIAN +SECANT +SECEDE +SECEDED +SECEDES +SECEDING +SECESSION +SECLUDE +SECLUDED +SECLUSION +SECOND +SECONDARIES +SECONDARILY +SECONDARY +SECONDED +SECONDER +SECONDERS +SECONDHAND +SECONDING +SECONDLY +SECONDS +SECRECY +SECRET +SECRETARIAL +SECRETARIAT +SECRETARIES +SECRETARY +SECRETE +SECRETED +SECRETES +SECRETING +SECRETION +SECRETIONS +SECRETIVE +SECRETIVELY +SECRETLY +SECRETS +SECT +SECTARIAN +SECTION +SECTIONAL +SECTIONED +SECTIONING +SECTIONS +SECTOR +SECTORS +SECTS +SECULAR +SECURE +SECURED +SECURELY +SECURES +SECURING +SECURINGS +SECURITIES +SECURITY +SEDAN +SEDATE +SEDGE +SEDGWICK +SEDIMENT +SEDIMENTARY +SEDIMENTS +SEDITION +SEDITIOUS +SEDUCE +SEDUCED +SEDUCER +SEDUCERS +SEDUCES +SEDUCING +SEDUCTION +SEDUCTIVE +SEE +SEED +SEEDED +SEEDER +SEEDERS +SEEDING +SEEDINGS +SEEDLING +SEEDLINGS +SEEDS +SEEDY +SEEING +SEEK +SEEKER +SEEKERS +SEEKING +SEEKS +SEELEY +SEEM +SEEMED +SEEMING +SEEMINGLY +SEEMLY +SEEMS +SEEN +SEEP +SEEPAGE +SEEPED +SEEPING +SEEPS +SEER +SEERS +SEERSUCKER +SEES +SEETHE +SEETHED +SEETHES +SEETHING +SEGMENT +SEGMENTATION +SEGMENTATIONS +SEGMENTED +SEGMENTING +SEGMENTS +SEGOVIA +SEGREGATE +SEGREGATED +SEGREGATES +SEGREGATING +SEGREGATION +SEGUNDO +SEIDEL +SEISMIC +SEISMOGRAPH +SEISMOLOGY +SEIZE +SEIZED +SEIZES +SEIZING +SEIZURE +SEIZURES +SELDOM +SELECT +SELECTED +SELECTING +SELECTION +SELECTIONS +SELECTIVE +SELECTIVELY +SELECTIVITY +SELECTMAN +SELECTMEN +SELECTOR +SELECTORS +SELECTRIC +SELECTS +SELENA +SELENIUM +SELF +SELFISH +SELFISHLY +SELFISHNESS +SELFRIDGE +SELFSAME +SELKIRK +SELL +SELLER +SELLERS +SELLING +SELLOUT +SELLS +SELMA +SELTZER +SELVES +SELWYN +SEMANTIC +SEMANTICAL +SEMANTICALLY +SEMANTICIST +SEMANTICISTS +SEMANTICS +SEMAPHORE +SEMAPHORES +SEMBLANCE +SEMESTER +SEMESTERS +SEMI +SEMIAUTOMATED +SEMICOLON +SEMICOLONS +SEMICONDUCTOR +SEMICONDUCTORS +SEMINAL +SEMINAR +SEMINARIAN +SEMINARIES +SEMINARS +SEMINARY +SEMINOLE +SEMIPERMANENT +SEMIPERMANENTLY +SEMIRAMIS +SEMITE +SEMITIC +SEMITICIZE +SEMITICIZES +SEMITIZATION +SEMITIZATIONS +SEMITIZE +SEMITIZES +SENATE +SENATES +SENATOR +SENATORIAL +SENATORS +SEND +SENDER +SENDERS +SENDING +SENDS +SENECA +SENEGAL +SENILE +SENIOR +SENIORITY +SENIORS +SENSATION +SENSATIONAL +SENSATIONALLY +SENSATIONS +SENSE +SENSED +SENSELESS +SENSELESSLY +SENSELESSNESS +SENSES +SENSIBILITIES +SENSIBILITY +SENSIBLE +SENSIBLY +SENSING +SENSITIVE +SENSITIVELY +SENSITIVENESS +SENSITIVES +SENSITIVITIES +SENSITIVITY +SENSOR +SENSORS +SENSORY +SENSUAL +SENSUOUS +SENT +SENTENCE +SENTENCED +SENTENCES +SENTENCING +SENTENTIAL +SENTIMENT +SENTIMENTAL +SENTIMENTALLY +SENTIMENTS +SENTINEL +SENTINELS +SENTRIES +SENTRY +SEOUL +SEPARABLE +SEPARATE +SEPARATED +SEPARATELY +SEPARATENESS +SEPARATES +SEPARATING +SEPARATION +SEPARATIONS +SEPARATOR +SEPARATORS +SEPIA +SEPOY +SEPT +SEPTEMBER +SEPTEMBERS +SEPULCHER +SEPULCHERS +SEQUEL +SEQUELS +SEQUENCE +SEQUENCED +SEQUENCER +SEQUENCERS +SEQUENCES +SEQUENCING +SEQUENCINGS +SEQUENTIAL +SEQUENTIALITY +SEQUENTIALIZE +SEQUENTIALIZED +SEQUENTIALIZES +SEQUENTIALIZING +SEQUENTIALLY +SEQUESTER +SEQUOIA +SERAFIN +SERBIA +SERBIAN +SERBIANS +SERENDIPITOUS +SERENDIPITY +SERENE +SERENELY +SERENITY +SERF +SERFS +SERGEANT +SERGEANTS +SERGEI +SERIAL +SERIALIZABILITY +SERIALIZABLE +SERIALIZATION +SERIALIZATIONS +SERIALIZE +SERIALIZED +SERIALIZES +SERIALIZING +SERIALLY +SERIALS +SERIES +SERIF +SERIOUS +SERIOUSLY +SERIOUSNESS +SERMON +SERMONS +SERPENS +SERPENT +SERPENTINE +SERPENTS +SERRA +SERUM +SERUMS +SERVANT +SERVANTS +SERVE +SERVED +SERVER +SERVERS +SERVES +SERVICE +SERVICEABILITY +SERVICEABLE +SERVICED +SERVICEMAN +SERVICEMEN +SERVICES +SERVICING +SERVILE +SERVING +SERVINGS +SERVITUDE +SERVO +SERVOMECHANISM +SESAME +SESSION +SESSIONS +SET +SETBACK +SETH +SETS +SETTABLE +SETTER +SETTERS +SETTING +SETTINGS +SETTLE +SETTLED +SETTLEMENT +SETTLEMENTS +SETTLER +SETTLERS +SETTLES +SETTLING +SETUP +SETUPS +SEVEN +SEVENFOLD +SEVENS +SEVENTEEN +SEVENTEENS +SEVENTEENTH +SEVENTH +SEVENTIES +SEVENTIETH +SEVENTY +SEVER +SEVERAL +SEVERALFOLD +SEVERALLY +SEVERANCE +SEVERE +SEVERED +SEVERELY +SEVERER +SEVEREST +SEVERING +SEVERITIES +SEVERITY +SEVERN +SEVERS +SEVILLE +SEW +SEWAGE +SEWARD +SEWED +SEWER +SEWERS +SEWING +SEWS +SEX +SEXED +SEXES +SEXIST +SEXTANS +SEXTET +SEXTILLION +SEXTON +SEXTUPLE +SEXTUPLET +SEXUAL +SEXUALITY +SEXUALLY +SEXY +SEYCHELLES +SEYMOUR +SHABBY +SHACK +SHACKED +SHACKLE +SHACKLED +SHACKLES +SHACKLING +SHACKS +SHADE +SHADED +SHADES +SHADIER +SHADIEST +SHADILY +SHADINESS +SHADING +SHADINGS +SHADOW +SHADOWED +SHADOWING +SHADOWS +SHADOWY +SHADY +SHAFER +SHAFFER +SHAFT +SHAFTS +SHAGGY +SHAKABLE +SHAKABLY +SHAKE +SHAKEDOWN +SHAKEN +SHAKER +SHAKERS +SHAKES +SHAKESPEARE +SHAKESPEAREAN +SHAKESPEARIAN +SHAKESPEARIZE +SHAKESPEARIZES +SHAKINESS +SHAKING +SHAKY +SHALE +SHALL +SHALLOW +SHALLOWER +SHALLOWLY +SHALLOWNESS +SHAM +SHAMBLES +SHAME +SHAMED +SHAMEFUL +SHAMEFULLY +SHAMELESS +SHAMELESSLY +SHAMES +SHAMING +SHAMPOO +SHAMROCK +SHAMS +SHANGHAI +SHANGHAIED +SHANGHAIING +SHANGHAIINGS +SHANGHAIS +SHANNON +SHANTIES +SHANTUNG +SHANTY +SHAPE +SHAPED +SHAPELESS +SHAPELESSLY +SHAPELESSNESS +SHAPELY +SHAPER +SHAPERS +SHAPES +SHAPING +SHAPIRO +SHARABLE +SHARD +SHARE +SHAREABLE +SHARECROPPER +SHARECROPPERS +SHARED +SHAREHOLDER +SHAREHOLDERS +SHARER +SHARERS +SHARES +SHARI +SHARING +SHARK +SHARKS +SHARON +SHARP +SHARPE +SHARPEN +SHARPENED +SHARPENING +SHARPENS +SHARPER +SHARPEST +SHARPLY +SHARPNESS +SHARPSHOOT +SHASTA +SHATTER +SHATTERED +SHATTERING +SHATTERPROOF +SHATTERS +SHATTUCK +SHAVE +SHAVED +SHAVEN +SHAVES +SHAVING +SHAVINGS +SHAWANO +SHAWL +SHAWLS +SHAWNEE +SHE +SHEA +SHEAF +SHEAR +SHEARED +SHEARER +SHEARING +SHEARS +SHEATH +SHEATHING +SHEATHS +SHEAVES +SHEBOYGAN +SHED +SHEDDING +SHEDIR +SHEDS +SHEEHAN +SHEEN +SHEEP +SHEEPSKIN +SHEER +SHEERED +SHEET +SHEETED +SHEETING +SHEETS +SHEFFIELD +SHEIK +SHEILA +SHELBY +SHELDON +SHELF +SHELL +SHELLED +SHELLER +SHELLEY +SHELLING +SHELLS +SHELTER +SHELTERED +SHELTERING +SHELTERS +SHELTON +SHELVE +SHELVED +SHELVES +SHELVING +SHENANDOAH +SHENANIGAN +SHEPARD +SHEPHERD +SHEPHERDS +SHEPPARD +SHERATON +SHERBET +SHERIDAN +SHERIFF +SHERIFFS +SHERLOCK +SHERMAN +SHERRILL +SHERRY +SHERWIN +SHERWOOD +SHIBBOLETH +SHIED +SHIELD +SHIELDED +SHIELDING +SHIELDS +SHIES +SHIFT +SHIFTED +SHIFTER +SHIFTERS +SHIFTIER +SHIFTIEST +SHIFTILY +SHIFTINESS +SHIFTING +SHIFTS +SHIFTY +SHIITE +SHIITES +SHILL +SHILLING +SHILLINGS +SHILLONG +SHILOH +SHIMMER +SHIMMERING +SHIN +SHINBONE +SHINE +SHINED +SHINER +SHINERS +SHINES +SHINGLE +SHINGLES +SHINING +SHININGLY +SHINTO +SHINTOISM +SHINTOIZE +SHINTOIZES +SHINY +SHIP +SHIPBOARD +SHIPBUILDING +SHIPLEY +SHIPMATE +SHIPMENT +SHIPMENTS +SHIPPED +SHIPPER +SHIPPERS +SHIPPING +SHIPS +SHIPSHAPE +SHIPWRECK +SHIPWRECKED +SHIPWRECKS +SHIPYARD +SHIRE +SHIRK +SHIRKER +SHIRKING +SHIRKS +SHIRLEY +SHIRT +SHIRTING +SHIRTS +SHIT +SHIVA +SHIVER +SHIVERED +SHIVERER +SHIVERING +SHIVERS +SHMUEL +SHOAL +SHOALS +SHOCK +SHOCKED +SHOCKER +SHOCKERS +SHOCKING +SHOCKINGLY +SHOCKLEY +SHOCKS +SHOD +SHODDY +SHOE +SHOED +SHOEHORN +SHOEING +SHOELACE +SHOEMAKER +SHOES +SHOESTRING +SHOJI +SHONE +SHOOK +SHOOT +SHOOTER +SHOOTERS +SHOOTING +SHOOTINGS +SHOOTS +SHOP +SHOPKEEPER +SHOPKEEPERS +SHOPPED +SHOPPER +SHOPPERS +SHOPPING +SHOPS +SHOPWORN +SHORE +SHORELINE +SHORES +SHOREWOOD +SHORN +SHORT +SHORTAGE +SHORTAGES +SHORTCOMING +SHORTCOMINGS +SHORTCUT +SHORTCUTS +SHORTED +SHORTEN +SHORTENED +SHORTENING +SHORTENS +SHORTER +SHORTEST +SHORTFALL +SHORTHAND +SHORTHANDED +SHORTING +SHORTISH +SHORTLY +SHORTNESS +SHORTS +SHORTSIGHTED +SHORTSTOP +SHOSHONE +SHOT +SHOTGUN +SHOTGUNS +SHOTS +SHOULD +SHOULDER +SHOULDERED +SHOULDERING +SHOULDERS +SHOUT +SHOUTED +SHOUTER +SHOUTERS +SHOUTING +SHOUTS +SHOVE +SHOVED +SHOVEL +SHOVELED +SHOVELS +SHOVES +SHOVING +SHOW +SHOWBOAT +SHOWCASE +SHOWDOWN +SHOWED +SHOWER +SHOWERED +SHOWERING +SHOWERS +SHOWING +SHOWINGS +SHOWN +SHOWPIECE +SHOWROOM +SHOWS +SHOWY +SHRANK +SHRAPNEL +SHRED +SHREDDER +SHREDDING +SHREDS +SHREVEPORT +SHREW +SHREWD +SHREWDEST +SHREWDLY +SHREWDNESS +SHREWS +SHRIEK +SHRIEKED +SHRIEKING +SHRIEKS +SHRILL +SHRILLED +SHRILLING +SHRILLNESS +SHRILLY +SHRIMP +SHRINE +SHRINES +SHRINK +SHRINKABLE +SHRINKAGE +SHRINKING +SHRINKS +SHRIVEL +SHRIVELED +SHROUD +SHROUDED +SHRUB +SHRUBBERY +SHRUBS +SHRUG +SHRUGS +SHRUNK +SHRUNKEN +SHU +SHUDDER +SHUDDERED +SHUDDERING +SHUDDERS +SHUFFLE +SHUFFLEBOARD +SHUFFLED +SHUFFLES +SHUFFLING +SHULMAN +SHUN +SHUNS +SHUNT +SHUT +SHUTDOWN +SHUTDOWNS +SHUTOFF +SHUTOUT +SHUTS +SHUTTER +SHUTTERED +SHUTTERS +SHUTTING +SHUTTLE +SHUTTLECOCK +SHUTTLED +SHUTTLES +SHUTTLING +SHY +SHYLOCK +SHYLOCKIAN +SHYLY +SHYNESS +SIAM +SIAMESE +SIAN +SIBERIA +SIBERIAN +SIBLEY +SIBLING +SIBLINGS +SICILIAN +SICILIANA +SICILIANS +SICILY +SICK +SICKEN +SICKER +SICKEST +SICKLE +SICKLY +SICKNESS +SICKNESSES +SICKROOM +SIDE +SIDEARM +SIDEBAND +SIDEBOARD +SIDEBOARDS +SIDEBURNS +SIDECAR +SIDED +SIDELIGHT +SIDELIGHTS +SIDELINE +SIDEREAL +SIDES +SIDESADDLE +SIDESHOW +SIDESTEP +SIDETRACK +SIDEWALK +SIDEWALKS +SIDEWAYS +SIDEWISE +SIDING +SIDINGS +SIDNEY +SIEGE +SIEGEL +SIEGES +SIEGFRIED +SIEGLINDA +SIEGMUND +SIEMENS +SIENA +SIERRA +SIEVE +SIEVES +SIFFORD +SIFT +SIFTED +SIFTER +SIFTING +SIGGRAPH +SIGH +SIGHED +SIGHING +SIGHS +SIGHT +SIGHTED +SIGHTING +SIGHTINGS +SIGHTLY +SIGHTS +SIGHTSEEING +SIGMA +SIGMUND +SIGN +SIGNAL +SIGNALED +SIGNALING +SIGNALLED +SIGNALLING +SIGNALLY +SIGNALS +SIGNATURE +SIGNATURES +SIGNED +SIGNER +SIGNERS +SIGNET +SIGNIFICANCE +SIGNIFICANT +SIGNIFICANTLY +SIGNIFICANTS +SIGNIFICATION +SIGNIFIED +SIGNIFIES +SIGNIFY +SIGNIFYING +SIGNING +SIGNS +SIKH +SIKHES +SIKHS +SIKKIM +SIKKIMESE +SIKORSKY +SILAS +SILENCE +SILENCED +SILENCER +SILENCERS +SILENCES +SILENCING +SILENT +SILENTLY +SILHOUETTE +SILHOUETTED +SILHOUETTES +SILICA +SILICATE +SILICON +SILICONE +SILK +SILKEN +SILKIER +SILKIEST +SILKILY +SILKINE +SILKS +SILKY +SILL +SILLIEST +SILLINESS +SILLS +SILLY +SILO +SILT +SILTED +SILTING +SILTS +SILVER +SILVERED +SILVERING +SILVERMAN +SILVERS +SILVERSMITH +SILVERSTEIN +SILVERWARE +SILVERY +SIMILAR +SIMILARITIES +SIMILARITY +SIMILARLY +SIMILE +SIMILITUDE +SIMLA +SIMMER +SIMMERED +SIMMERING +SIMMERS +SIMMONS +SIMMONSVILLE +SIMMS +SIMON +SIMONS +SIMONSON +SIMPLE +SIMPLEMINDED +SIMPLENESS +SIMPLER +SIMPLEST +SIMPLETON +SIMPLEX +SIMPLICITIES +SIMPLICITY +SIMPLIFICATION +SIMPLIFICATIONS +SIMPLIFIED +SIMPLIFIER +SIMPLIFIERS +SIMPLIFIES +SIMPLIFY +SIMPLIFYING +SIMPLISTIC +SIMPLY +SIMPSON +SIMS +SIMULA +SIMULA +SIMULATE +SIMULATED +SIMULATES +SIMULATING +SIMULATION +SIMULATIONS +SIMULATOR +SIMULATORS +SIMULCAST +SIMULTANEITY +SIMULTANEOUS +SIMULTANEOUSLY +SINAI +SINATRA +SINBAD +SINCE +SINCERE +SINCERELY +SINCEREST +SINCERITY +SINCLAIR +SINE +SINES +SINEW +SINEWS +SINEWY +SINFUL +SINFULLY +SINFULNESS +SING +SINGABLE +SINGAPORE +SINGBORG +SINGE +SINGED +SINGER +SINGERS +SINGING +SINGINGLY +SINGLE +SINGLED +SINGLEHANDED +SINGLENESS +SINGLES +SINGLET +SINGLETON +SINGLETONS +SINGLING +SINGLY +SINGS +SINGSONG +SINGULAR +SINGULARITIES +SINGULARITY +SINGULARLY +SINISTER +SINK +SINKED +SINKER +SINKERS +SINKHOLE +SINKING +SINKS +SINNED +SINNER +SINNERS +SINNING +SINS +SINUOUS +SINUS +SINUSOID +SINUSOIDAL +SINUSOIDS +SIOUX +SIP +SIPHON +SIPHONING +SIPPING +SIPS +SIR +SIRE +SIRED +SIREN +SIRENS +SIRES +SIRIUS +SIRS +SIRUP +SISTER +SISTERLY +SISTERS +SISTINE +SISYPHEAN +SISYPHUS +SIT +SITE +SITED +SITES +SITING +SITS +SITTER +SITTERS +SITTING +SITTINGS +SITU +SITUATE +SITUATED +SITUATES +SITUATING +SITUATION +SITUATIONAL +SITUATIONALLY +SITUATIONS +SIVA +SIX +SIXES +SIXFOLD +SIXGUN +SIXPENCE +SIXTEEN +SIXTEENS +SIXTEENTH +SIXTH +SIXTIES +SIXTIETH +SIXTY +SIZABLE +SIZE +SIZED +SIZES +SIZING +SIZINGS +SIZZLE +SKATE +SKATED +SKATER +SKATERS +SKATES +SKATING +SKELETAL +SKELETON +SKELETONS +SKEPTIC +SKEPTICAL +SKEPTICALLY +SKEPTICISM +SKEPTICS +SKETCH +SKETCHBOOK +SKETCHED +SKETCHES +SKETCHILY +SKETCHING +SKETCHPAD +SKETCHY +SKEW +SKEWED +SKEWER +SKEWERS +SKEWING +SKEWS +SKI +SKID +SKIDDING +SKIED +SKIES +SKIFF +SKIING +SKILL +SKILLED +SKILLET +SKILLFUL +SKILLFULLY +SKILLFULNESS +SKILLS +SKIM +SKIMMED +SKIMMING +SKIMP +SKIMPED +SKIMPING +SKIMPS +SKIMPY +SKIMS +SKIN +SKINDIVE +SKINNED +SKINNER +SKINNERS +SKINNING +SKINNY +SKINS +SKIP +SKIPPED +SKIPPER +SKIPPERS +SKIPPING +SKIPPY +SKIPS +SKIRMISH +SKIRMISHED +SKIRMISHER +SKIRMISHERS +SKIRMISHES +SKIRMISHING +SKIRT +SKIRTED +SKIRTING +SKIRTS +SKIS +SKIT +SKOPJE +SKULK +SKULKED +SKULKER +SKULKING +SKULKS +SKULL +SKULLCAP +SKULLDUGGERY +SKULLS +SKUNK +SKUNKS +SKY +SKYE +SKYHOOK +SKYJACK +SKYLARK +SKYLARKING +SKYLARKS +SKYLIGHT +SKYLIGHTS +SKYLINE +SKYROCKETS +SKYSCRAPER +SKYSCRAPERS +SLAB +SLACK +SLACKEN +SLACKER +SLACKING +SLACKLY +SLACKNESS +SLACKS +SLAIN +SLAM +SLAMMED +SLAMMING +SLAMS +SLANDER +SLANDERER +SLANDEROUS +SLANDERS +SLANG +SLANT +SLANTED +SLANTING +SLANTS +SLAP +SLAPPED +SLAPPING +SLAPS +SLAPSTICK +SLASH +SLASHED +SLASHES +SLASHING +SLAT +SLATE +SLATED +SLATER +SLATES +SLATS +SLAUGHTER +SLAUGHTERED +SLAUGHTERHOUSE +SLAUGHTERING +SLAUGHTERS +SLAV +SLAVE +SLAVER +SLAVERY +SLAVES +SLAVIC +SLAVICIZE +SLAVICIZES +SLAVISH +SLAVIZATION +SLAVIZATIONS +SLAVIZE +SLAVIZES +SLAVONIC +SLAVONICIZE +SLAVONICIZES +SLAVS +SLAY +SLAYER +SLAYERS +SLAYING +SLAYS +SLED +SLEDDING +SLEDGE +SLEDGEHAMMER +SLEDGES +SLEDS +SLEEK +SLEEP +SLEEPER +SLEEPERS +SLEEPILY +SLEEPINESS +SLEEPING +SLEEPLESS +SLEEPLESSLY +SLEEPLESSNESS +SLEEPS +SLEEPWALK +SLEEPY +SLEET +SLEEVE +SLEEVES +SLEIGH +SLEIGHS +SLEIGHT +SLENDER +SLENDERER +SLEPT +SLESINGER +SLEUTH +SLEW +SLEWING +SLICE +SLICED +SLICER +SLICERS +SLICES +SLICING +SLICK +SLICKER +SLICKERS +SLICKS +SLID +SLIDE +SLIDER +SLIDERS +SLIDES +SLIDING +SLIGHT +SLIGHTED +SLIGHTER +SLIGHTEST +SLIGHTING +SLIGHTLY +SLIGHTNESS +SLIGHTS +SLIM +SLIME +SLIMED +SLIMLY +SLIMY +SLING +SLINGING +SLINGS +SLINGSHOT +SLIP +SLIPPAGE +SLIPPED +SLIPPER +SLIPPERINESS +SLIPPERS +SLIPPERY +SLIPPING +SLIPS +SLIT +SLITHER +SLITS +SLIVER +SLOAN +SLOANE +SLOB +SLOCUM +SLOGAN +SLOGANS +SLOOP +SLOP +SLOPE +SLOPED +SLOPER +SLOPERS +SLOPES +SLOPING +SLOPPED +SLOPPINESS +SLOPPING +SLOPPY +SLOPS +SLOT +SLOTH +SLOTHFUL +SLOTHS +SLOTS +SLOTTED +SLOTTING +SLOUCH +SLOUCHED +SLOUCHES +SLOUCHING +SLOVAKIA +SLOVENIA +SLOW +SLOWDOWN +SLOWED +SLOWER +SLOWEST +SLOWING +SLOWLY +SLOWNESS +SLOWS +SLUDGE +SLUG +SLUGGISH +SLUGGISHLY +SLUGGISHNESS +SLUGS +SLUICE +SLUM +SLUMBER +SLUMBERED +SLUMMING +SLUMP +SLUMPED +SLUMPS +SLUMS +SLUNG +SLUR +SLURP +SLURRING +SLURRY +SLURS +SLY +SLYLY +SMACK +SMACKED +SMACKING +SMACKS +SMALL +SMALLER +SMALLEST +SMALLEY +SMALLISH +SMALLNESS +SMALLPOX +SMALLTIME +SMALLWOOD +SMART +SMARTED +SMARTER +SMARTEST +SMARTLY +SMARTNESS +SMASH +SMASHED +SMASHER +SMASHERS +SMASHES +SMASHING +SMASHINGLY +SMATTERING +SMEAR +SMEARED +SMEARING +SMEARS +SMELL +SMELLED +SMELLING +SMELLS +SMELLY +SMELT +SMELTER +SMELTS +SMILE +SMILED +SMILES +SMILING +SMILINGLY +SMIRK +SMITE +SMITH +SMITHEREENS +SMITHFIELD +SMITHS +SMITHSON +SMITHSONIAN +SMITHTOWN +SMITHY +SMITTEN +SMOCK +SMOCKING +SMOCKS +SMOG +SMOKABLE +SMOKE +SMOKED +SMOKER +SMOKERS +SMOKES +SMOKESCREEN +SMOKESTACK +SMOKIES +SMOKING +SMOKY +SMOLDER +SMOLDERED +SMOLDERING +SMOLDERS +SMOOCH +SMOOTH +SMOOTHBORE +SMOOTHED +SMOOTHER +SMOOTHES +SMOOTHEST +SMOOTHING +SMOOTHLY +SMOOTHNESS +SMOTE +SMOTHER +SMOTHERED +SMOTHERING +SMOTHERS +SMUCKER +SMUDGE +SMUG +SMUGGLE +SMUGGLED +SMUGGLER +SMUGGLERS +SMUGGLES +SMUGGLING +SMUT +SMUTTY +SMYRNA +SMYTHE +SNACK +SNAFU +SNAG +SNAIL +SNAILS +SNAKE +SNAKED +SNAKELIKE +SNAKES +SNAP +SNAPDRAGON +SNAPPED +SNAPPER +SNAPPERS +SNAPPILY +SNAPPING +SNAPPY +SNAPS +SNAPSHOT +SNAPSHOTS +SNARE +SNARED +SNARES +SNARING +SNARK +SNARL +SNARLED +SNARLING +SNATCH +SNATCHED +SNATCHES +SNATCHING +SNAZZY +SNEAD +SNEAK +SNEAKED +SNEAKER +SNEAKERS +SNEAKIER +SNEAKIEST +SNEAKILY +SNEAKINESS +SNEAKING +SNEAKS +SNEAKY +SNEED +SNEER +SNEERED +SNEERING +SNEERS +SNEEZE +SNEEZED +SNEEZES +SNEEZING +SNIDER +SNIFF +SNIFFED +SNIFFING +SNIFFLE +SNIFFS +SNIFTER +SNIGGER +SNIP +SNIPE +SNIPPET +SNIVEL +SNOB +SNOBBERY +SNOBBISH +SNODGRASS +SNOOP +SNOOPED +SNOOPING +SNOOPS +SNOOPY +SNORE +SNORED +SNORES +SNORING +SNORKEL +SNORT +SNORTED +SNORTING +SNORTS +SNOTTY +SNOUT +SNOUTS +SNOW +SNOWBALL +SNOWBELT +SNOWED +SNOWFALL +SNOWFLAKE +SNOWIER +SNOWIEST +SNOWILY +SNOWING +SNOWMAN +SNOWMEN +SNOWS +SNOWSHOE +SNOWSHOES +SNOWSTORM +SNOWY +SNUB +SNUFF +SNUFFED +SNUFFER +SNUFFING +SNUFFS +SNUG +SNUGGLE +SNUGGLED +SNUGGLES +SNUGGLING +SNUGLY +SNUGNESS +SNYDER +SOAK +SOAKED +SOAKING +SOAKS +SOAP +SOAPED +SOAPING +SOAPS +SOAPY +SOAR +SOARED +SOARING +SOARS +SOB +SOBBING +SOBER +SOBERED +SOBERING +SOBERLY +SOBERNESS +SOBERS +SOBRIETY +SOBS +SOCCER +SOCIABILITY +SOCIABLE +SOCIABLY +SOCIAL +SOCIALISM +SOCIALIST +SOCIALISTS +SOCIALIZE +SOCIALIZED +SOCIALIZES +SOCIALIZING +SOCIALLY +SOCIETAL +SOCIETIES +SOCIETY +SOCIOECONOMIC +SOCIOLOGICAL +SOCIOLOGICALLY +SOCIOLOGIST +SOCIOLOGISTS +SOCIOLOGY +SOCK +SOCKED +SOCKET +SOCKETS +SOCKING +SOCKS +SOCRATES +SOCRATIC +SOD +SODA +SODDY +SODIUM +SODOMY +SODS +SOFA +SOFAS +SOFIA +SOFT +SOFTBALL +SOFTEN +SOFTENED +SOFTENING +SOFTENS +SOFTER +SOFTEST +SOFTLY +SOFTNESS +SOFTWARE +SOFTWARES +SOGGY +SOIL +SOILED +SOILING +SOILS +SOIREE +SOJOURN +SOJOURNER +SOJOURNERS +SOL +SOLACE +SOLACED +SOLAR +SOLD +SOLDER +SOLDERED +SOLDIER +SOLDIERING +SOLDIERLY +SOLDIERS +SOLE +SOLELY +SOLEMN +SOLEMNITY +SOLEMNLY +SOLEMNNESS +SOLENOID +SOLES +SOLICIT +SOLICITATION +SOLICITED +SOLICITING +SOLICITOR +SOLICITOUS +SOLICITS +SOLICITUDE +SOLID +SOLIDARITY +SOLIDIFICATION +SOLIDIFIED +SOLIDIFIES +SOLIDIFY +SOLIDIFYING +SOLIDITY +SOLIDLY +SOLIDNESS +SOLIDS +SOLILOQUY +SOLITAIRE +SOLITARY +SOLITUDE +SOLITUDES +SOLLY +SOLO +SOLOMON +SOLON +SOLOS +SOLOVIEV +SOLSTICE +SOLUBILITY +SOLUBLE +SOLUTION +SOLUTIONS +SOLVABLE +SOLVE +SOLVED +SOLVENT +SOLVENTS +SOLVER +SOLVERS +SOLVES +SOLVING +SOMALI +SOMALIA +SOMALIS +SOMATIC +SOMBER +SOMBERLY +SOME +SOMEBODY +SOMEDAY +SOMEHOW +SOMEONE +SOMEPLACE +SOMERS +SOMERSAULT +SOMERSET +SOMERVILLE +SOMETHING +SOMETIME +SOMETIMES +SOMEWHAT +SOMEWHERE +SOMMELIER +SOMMERFELD +SOMNOLENT +SON +SONAR +SONATA +SONENBERG +SONG +SONGBOOK +SONGS +SONIC +SONNET +SONNETS +SONNY +SONOMA +SONORA +SONS +SONY +SOON +SOONER +SOONEST +SOOT +SOOTH +SOOTHE +SOOTHED +SOOTHER +SOOTHES +SOOTHING +SOOTHSAYER +SOPHIA +SOPHIAS +SOPHIE +SOPHISTICATED +SOPHISTICATION +SOPHISTRY +SOPHOCLEAN +SOPHOCLES +SOPHOMORE +SOPHOMORES +SOPRANO +SORCERER +SORCERERS +SORCERY +SORDID +SORDIDLY +SORDIDNESS +SORE +SORELY +SORENESS +SORENSEN +SORENSON +SORER +SORES +SOREST +SORGHUM +SORORITY +SORREL +SORRENTINE +SORRIER +SORRIEST +SORROW +SORROWFUL +SORROWFULLY +SORROWS +SORRY +SORT +SORTED +SORTER +SORTERS +SORTIE +SORTING +SORTS +SOUGHT +SOUL +SOULFUL +SOULS +SOUND +SOUNDED +SOUNDER +SOUNDEST +SOUNDING +SOUNDINGS +SOUNDLY +SOUNDNESS +SOUNDPROOF +SOUNDS +SOUP +SOUPED +SOUPS +SOUR +SOURCE +SOURCES +SOURDOUGH +SOURED +SOURER +SOUREST +SOURING +SOURLY +SOURNESS +SOURS +SOUSA +SOUTH +SOUTHAMPTON +SOUTHBOUND +SOUTHEAST +SOUTHEASTERN +SOUTHERN +SOUTHERNER +SOUTHERNERS +SOUTHERNMOST +SOUTHERNWOOD +SOUTHEY +SOUTHFIELD +SOUTHLAND +SOUTHPAW +SOUTHWARD +SOUTHWEST +SOUTHWESTERN +SOUVENIR +SOVEREIGN +SOVEREIGNS +SOVEREIGNTY +SOVIET +SOVIETS +SOW +SOWN +SOY +SOYA +SOYBEAN +SPA +SPACE +SPACECRAFT +SPACED +SPACER +SPACERS +SPACES +SPACESHIP +SPACESHIPS +SPACESUIT +SPACEWAR +SPACING +SPACINGS +SPACIOUS +SPADED +SPADES +SPADING +SPAFFORD +SPAHN +SPAIN +SPALDING +SPAN +SPANDREL +SPANIARD +SPANIARDIZATION +SPANIARDIZATIONS +SPANIARDIZE +SPANIARDIZES +SPANIARDS +SPANIEL +SPANISH +SPANISHIZE +SPANISHIZES +SPANK +SPANKED +SPANKING +SPANKS +SPANNED +SPANNER +SPANNERS +SPANNING +SPANS +SPARC +SPARCSTATION +SPARE +SPARED +SPARELY +SPARENESS +SPARER +SPARES +SPAREST +SPARING +SPARINGLY +SPARK +SPARKED +SPARKING +SPARKLE +SPARKLING +SPARKMAN +SPARKS +SPARRING +SPARROW +SPARROWS +SPARSE +SPARSELY +SPARSENESS +SPARSER +SPARSEST +SPARTA +SPARTAN +SPARTANIZE +SPARTANIZES +SPASM +SPASTIC +SPAT +SPATE +SPATES +SPATIAL +SPATIALLY +SPATTER +SPATTERED +SPATULA +SPAULDING +SPAWN +SPAWNED +SPAWNING +SPAWNS +SPAYED +SPEAK +SPEAKABLE +SPEAKEASY +SPEAKER +SPEAKERPHONE +SPEAKERPHONES +SPEAKERS +SPEAKING +SPEAKS +SPEAR +SPEARED +SPEARMINT +SPEARS +SPEC +SPECIAL +SPECIALIST +SPECIALISTS +SPECIALIZATION +SPECIALIZATIONS +SPECIALIZE +SPECIALIZED +SPECIALIZES +SPECIALIZING +SPECIALLY +SPECIALS +SPECIALTIES +SPECIALTY +SPECIE +SPECIES +SPECIFIABLE +SPECIFIC +SPECIFICALLY +SPECIFICATION +SPECIFICATIONS +SPECIFICITY +SPECIFICS +SPECIFIED +SPECIFIER +SPECIFIERS +SPECIFIES +SPECIFY +SPECIFYING +SPECIMEN +SPECIMENS +SPECIOUS +SPECK +SPECKLE +SPECKLED +SPECKLES +SPECKS +SPECTACLE +SPECTACLED +SPECTACLES +SPECTACULAR +SPECTACULARLY +SPECTATOR +SPECTATORS +SPECTER +SPECTERS +SPECTOR +SPECTRA +SPECTRAL +SPECTROGRAM +SPECTROGRAMS +SPECTROGRAPH +SPECTROGRAPHIC +SPECTROGRAPHY +SPECTROMETER +SPECTROPHOTOMETER +SPECTROPHOTOMETRY +SPECTROSCOPE +SPECTROSCOPIC +SPECTROSCOPY +SPECTRUM +SPECULATE +SPECULATED +SPECULATES +SPECULATING +SPECULATION +SPECULATIONS +SPECULATIVE +SPECULATOR +SPECULATORS +SPED +SPEECH +SPEECHES +SPEECHLESS +SPEECHLESSNESS +SPEED +SPEEDBOAT +SPEEDED +SPEEDER +SPEEDERS +SPEEDILY +SPEEDING +SPEEDOMETER +SPEEDS +SPEEDUP +SPEEDUPS +SPEEDY +SPELL +SPELLBOUND +SPELLED +SPELLER +SPELLERS +SPELLING +SPELLINGS +SPELLS +SPENCER +SPENCERIAN +SPEND +SPENDER +SPENDERS +SPENDING +SPENDS +SPENGLERIAN +SPENT +SPERM +SPERRY +SPHERE +SPHERES +SPHERICAL +SPHERICALLY +SPHEROID +SPHEROIDAL +SPHINX +SPICA +SPICE +SPICED +SPICES +SPICINESS +SPICY +SPIDER +SPIDERS +SPIDERY +SPIEGEL +SPIES +SPIGOT +SPIKE +SPIKED +SPIKES +SPILL +SPILLED +SPILLER +SPILLING +SPILLS +SPILT +SPIN +SPINACH +SPINAL +SPINALLY +SPINDLE +SPINDLED +SPINDLING +SPINE +SPINNAKER +SPINNER +SPINNERS +SPINNING +SPINOFF +SPINS +SPINSTER +SPINY +SPIRAL +SPIRALED +SPIRALING +SPIRALLY +SPIRE +SPIRES +SPIRIT +SPIRITED +SPIRITEDLY +SPIRITING +SPIRITS +SPIRITUAL +SPIRITUALLY +SPIRITUALS +SPIRO +SPIT +SPITE +SPITED +SPITEFUL +SPITEFULLY +SPITEFULNESS +SPITES +SPITFIRE +SPITING +SPITS +SPITTING +SPITTLE +SPITZ +SPLASH +SPLASHED +SPLASHES +SPLASHING +SPLASHY +SPLEEN +SPLENDID +SPLENDIDLY +SPLENDOR +SPLENETIC +SPLICE +SPLICED +SPLICER +SPLICERS +SPLICES +SPLICING +SPLICINGS +SPLINE +SPLINES +SPLINT +SPLINTER +SPLINTERED +SPLINTERS +SPLINTERY +SPLIT +SPLITS +SPLITTER +SPLITTERS +SPLITTING +SPLURGE +SPOIL +SPOILAGE +SPOILED +SPOILER +SPOILERS +SPOILING +SPOILS +SPOKANE +SPOKE +SPOKED +SPOKEN +SPOKES +SPOKESMAN +SPOKESMEN +SPONGE +SPONGED +SPONGER +SPONGERS +SPONGES +SPONGING +SPONGY +SPONSOR +SPONSORED +SPONSORING +SPONSORS +SPONSORSHIP +SPONTANEITY +SPONTANEOUS +SPONTANEOUSLY +SPOOF +SPOOK +SPOOKY +SPOOL +SPOOLED +SPOOLER +SPOOLERS +SPOOLING +SPOOLS +SPOON +SPOONED +SPOONFUL +SPOONING +SPOONS +SPORADIC +SPORE +SPORES +SPORT +SPORTED +SPORTING +SPORTINGLY +SPORTIVE +SPORTS +SPORTSMAN +SPORTSMEN +SPORTSWEAR +SPORTSWRITER +SPORTSWRITING +SPORTY +SPOSATO +SPOT +SPOTLESS +SPOTLESSLY +SPOTLIGHT +SPOTS +SPOTTED +SPOTTER +SPOTTERS +SPOTTING +SPOTTY +SPOUSE +SPOUSES +SPOUT +SPOUTED +SPOUTING +SPOUTS +SPRAGUE +SPRAIN +SPRANG +SPRAWL +SPRAWLED +SPRAWLING +SPRAWLS +SPRAY +SPRAYED +SPRAYER +SPRAYING +SPRAYS +SPREAD +SPREADER +SPREADERS +SPREADING +SPREADINGS +SPREADS +SPREADSHEET +SPREE +SPREES +SPRIG +SPRIGHTLY +SPRING +SPRINGBOARD +SPRINGER +SPRINGERS +SPRINGFIELD +SPRINGIER +SPRINGIEST +SPRINGINESS +SPRINGING +SPRINGS +SPRINGTIME +SPRINGY +SPRINKLE +SPRINKLED +SPRINKLER +SPRINKLES +SPRINKLING +SPRINT +SPRINTED +SPRINTER +SPRINTERS +SPRINTING +SPRINTS +SPRITE +SPROCKET +SPROUL +SPROUT +SPROUTED +SPROUTING +SPRUCE +SPRUCED +SPRUNG +SPUDS +SPUN +SPUNK +SPUR +SPURIOUS +SPURN +SPURNED +SPURNING +SPURNS +SPURS +SPURT +SPURTED +SPURTING +SPURTS +SPUTTER +SPUTTERED +SPY +SPYGLASS +SPYING +SQUABBLE +SQUABBLED +SQUABBLES +SQUABBLING +SQUAD +SQUADRON +SQUADRONS +SQUADS +SQUALID +SQUALL +SQUALLS +SQUANDER +SQUARE +SQUARED +SQUARELY +SQUARENESS +SQUARER +SQUARES +SQUAREST +SQUARESVILLE +SQUARING +SQUASH +SQUASHED +SQUASHING +SQUAT +SQUATS +SQUATTING +SQUAW +SQUAWK +SQUAWKED +SQUAWKING +SQUAWKS +SQUEAK +SQUEAKED +SQUEAKING +SQUEAKS +SQUEAKY +SQUEAL +SQUEALED +SQUEALING +SQUEALS +SQUEAMISH +SQUEEZE +SQUEEZED +SQUEEZER +SQUEEZES +SQUEEZING +SQUELCH +SQUIBB +SQUID +SQUINT +SQUINTED +SQUINTING +SQUIRE +SQUIRES +SQUIRM +SQUIRMED +SQUIRMS +SQUIRMY +SQUIRREL +SQUIRRELED +SQUIRRELING +SQUIRRELS +SQUIRT +SQUISHY +SRI +STAB +STABBED +STABBING +STABILE +STABILITIES +STABILITY +STABILIZE +STABILIZED +STABILIZER +STABILIZERS +STABILIZES +STABILIZING +STABLE +STABLED +STABLER +STABLES +STABLING +STABLY +STABS +STACK +STACKED +STACKING +STACKS +STACY +STADIA +STADIUM +STAFF +STAFFED +STAFFER +STAFFERS +STAFFING +STAFFORD +STAFFORDSHIRE +STAFFS +STAG +STAGE +STAGECOACH +STAGECOACHES +STAGED +STAGER +STAGERS +STAGES +STAGGER +STAGGERED +STAGGERING +STAGGERS +STAGING +STAGNANT +STAGNATE +STAGNATION +STAGS +STAHL +STAID +STAIN +STAINED +STAINING +STAINLESS +STAINS +STAIR +STAIRCASE +STAIRCASES +STAIRS +STAIRWAY +STAIRWAYS +STAIRWELL +STAKE +STAKED +STAKES +STALACTITE +STALE +STALEMATE +STALEY +STALIN +STALINIST +STALINS +STALK +STALKED +STALKING +STALL +STALLED +STALLING +STALLINGS +STALLION +STALLS +STALWART +STALWARTLY +STAMEN +STAMENS +STAMFORD +STAMINA +STAMMER +STAMMERED +STAMMERER +STAMMERING +STAMMERS +STAMP +STAMPED +STAMPEDE +STAMPEDED +STAMPEDES +STAMPEDING +STAMPER +STAMPERS +STAMPING +STAMPS +STAN +STANCH +STANCHEST +STANCHION +STAND +STANDARD +STANDARDIZATION +STANDARDIZE +STANDARDIZED +STANDARDIZES +STANDARDIZING +STANDARDLY +STANDARDS +STANDBY +STANDING +STANDINGS +STANDISH +STANDOFF +STANDPOINT +STANDPOINTS +STANDS +STANDSTILL +STANFORD +STANHOPE +STANLEY +STANS +STANTON +STANZA +STANZAS +STAPHYLOCOCCUS +STAPLE +STAPLER +STAPLES +STAPLETON +STAPLING +STAR +STARBOARD +STARCH +STARCHED +STARDOM +STARE +STARED +STARER +STARES +STARFISH +STARGATE +STARING +STARK +STARKEY +STARKLY +STARLET +STARLIGHT +STARLING +STARR +STARRED +STARRING +STARRY +STARS +START +STARTED +STARTER +STARTERS +STARTING +STARTLE +STARTLED +STARTLES +STARTLING +STARTS +STARTUP +STARTUPS +STARVATION +STARVE +STARVED +STARVES +STARVING +STATE +STATED +STATELY +STATEMENT +STATEMENTS +STATEN +STATES +STATESMAN +STATESMANLIKE +STATESMEN +STATEWIDE +STATIC +STATICALLY +STATING +STATION +STATIONARY +STATIONED +STATIONER +STATIONERY +STATIONING +STATIONMASTER +STATIONS +STATISTIC +STATISTICAL +STATISTICALLY +STATISTICIAN +STATISTICIANS +STATISTICS +STATLER +STATUE +STATUES +STATUESQUE +STATUESQUELY +STATUESQUENESS +STATUETTE +STATURE +STATUS +STATUSES +STATUTE +STATUTES +STATUTORILY +STATUTORINESS +STATUTORY +STAUFFER +STAUNCH +STAUNCHEST +STAUNCHLY +STAUNTON +STAVE +STAVED +STAVES +STAY +STAYED +STAYING +STAYS +STEAD +STEADFAST +STEADFASTLY +STEADFASTNESS +STEADIED +STEADIER +STEADIES +STEADIEST +STEADILY +STEADINESS +STEADY +STEADYING +STEAK +STEAKS +STEAL +STEALER +STEALING +STEALS +STEALTH +STEALTHILY +STEALTHY +STEAM +STEAMBOAT +STEAMBOATS +STEAMED +STEAMER +STEAMERS +STEAMING +STEAMS +STEAMSHIP +STEAMSHIPS +STEAMY +STEARNS +STEED +STEEL +STEELE +STEELED +STEELERS +STEELING +STEELMAKER +STEELS +STEELY +STEEN +STEEP +STEEPED +STEEPER +STEEPEST +STEEPING +STEEPLE +STEEPLES +STEEPLY +STEEPNESS +STEEPS +STEER +STEERABLE +STEERED +STEERING +STEERS +STEFAN +STEGOSAURUS +STEINBECK +STEINBERG +STEINER +STELLA +STELLAR +STEM +STEMMED +STEMMING +STEMS +STENCH +STENCHES +STENCIL +STENCILS +STENDHAL +STENDLER +STENOGRAPHER +STENOGRAPHERS +STENOTYPE +STEP +STEPCHILD +STEPHAN +STEPHANIE +STEPHEN +STEPHENS +STEPHENSON +STEPMOTHER +STEPMOTHERS +STEPPED +STEPPER +STEPPING +STEPS +STEPSON +STEPWISE +STEREO +STEREOS +STEREOSCOPIC +STEREOTYPE +STEREOTYPED +STEREOTYPES +STEREOTYPICAL +STERILE +STERILIZATION +STERILIZATIONS +STERILIZE +STERILIZED +STERILIZER +STERILIZES +STERILIZING +STERLING +STERN +STERNBERG +STERNLY +STERNNESS +STERNO +STERNS +STETHOSCOPE +STETSON +STETSONS +STEUBEN +STEVE +STEVEDORE +STEVEN +STEVENS +STEVENSON +STEVIE +STEW +STEWARD +STEWARDESS +STEWARDS +STEWART +STEWED +STEWS +STICK +STICKER +STICKERS +STICKIER +STICKIEST +STICKILY +STICKINESS +STICKING +STICKLEBACK +STICKS +STICKY +STIFF +STIFFEN +STIFFENS +STIFFER +STIFFEST +STIFFLY +STIFFNESS +STIFFS +STIFLE +STIFLED +STIFLES +STIFLING +STIGMA +STIGMATA +STILE +STILES +STILETTO +STILL +STILLBIRTH +STILLBORN +STILLED +STILLER +STILLEST +STILLING +STILLNESS +STILLS +STILLWELL +STILT +STILTS +STIMSON +STIMULANT +STIMULANTS +STIMULATE +STIMULATED +STIMULATES +STIMULATING +STIMULATION +STIMULATIONS +STIMULATIVE +STIMULI +STIMULUS +STING +STINGING +STINGS +STINGY +STINK +STINKER +STINKERS +STINKING +STINKS +STINT +STIPEND +STIPENDS +STIPULATE +STIPULATED +STIPULATES +STIPULATING +STIPULATION +STIPULATIONS +STIR +STIRLING +STIRRED +STIRRER +STIRRERS +STIRRING +STIRRINGLY +STIRRINGS +STIRRUP +STIRS +STITCH +STITCHED +STITCHES +STITCHING +STOCHASTIC +STOCHASTICALLY +STOCK +STOCKADE +STOCKADES +STOCKBROKER +STOCKED +STOCKER +STOCKERS +STOCKHOLDER +STOCKHOLDERS +STOCKHOLM +STOCKING +STOCKINGS +STOCKPILE +STOCKROOM +STOCKS +STOCKTON +STOCKY +STODGY +STOICHIOMETRY +STOKE +STOKES +STOLE +STOLEN +STOLES +STOLID +STOMACH +STOMACHED +STOMACHER +STOMACHES +STOMACHING +STOMP +STONE +STONED +STONEHENGE +STONES +STONING +STONY +STOOD +STOOGE +STOOL +STOOP +STOOPED +STOOPING +STOOPS +STOP +STOPCOCK +STOPCOCKS +STOPGAP +STOPOVER +STOPPABLE +STOPPAGE +STOPPED +STOPPER +STOPPERS +STOPPING +STOPS +STOPWATCH +STORAGE +STORAGES +STORE +STORED +STOREHOUSE +STOREHOUSES +STOREKEEPER +STOREROOM +STORES +STOREY +STOREYED +STOREYS +STORIED +STORIES +STORING +STORK +STORKS +STORM +STORMED +STORMIER +STORMIEST +STORMINESS +STORMING +STORMS +STORMY +STORY +STORYBOARD +STORYTELLER +STOUFFER +STOUT +STOUTER +STOUTEST +STOUTLY +STOUTNESS +STOVE +STOVES +STOW +STOWE +STOWED +STRADDLE +STRAFE +STRAGGLE +STRAGGLED +STRAGGLER +STRAGGLERS +STRAGGLES +STRAGGLING +STRAIGHT +STRAIGHTAWAY +STRAIGHTEN +STRAIGHTENED +STRAIGHTENS +STRAIGHTER +STRAIGHTEST +STRAIGHTFORWARD +STRAIGHTFORWARDLY +STRAIGHTFORWARDNESS +STRAIGHTNESS +STRAIGHTWAY +STRAIN +STRAINED +STRAINER +STRAINERS +STRAINING +STRAINS +STRAIT +STRAITEN +STRAITS +STRAND +STRANDED +STRANDING +STRANDS +STRANGE +STRANGELY +STRANGENESS +STRANGER +STRANGERS +STRANGEST +STRANGLE +STRANGLED +STRANGLER +STRANGLERS +STRANGLES +STRANGLING +STRANGLINGS +STRANGULATION +STRANGULATIONS +STRAP +STRAPS +STRASBOURG +STRATAGEM +STRATAGEMS +STRATEGIC +STRATEGIES +STRATEGIST +STRATEGY +STRATFORD +STRATIFICATION +STRATIFICATIONS +STRATIFIED +STRATIFIES +STRATIFY +STRATOSPHERE +STRATOSPHERIC +STRATTON +STRATUM +STRAUSS +STRAVINSKY +STRAW +STRAWBERRIES +STRAWBERRY +STRAWS +STRAY +STRAYED +STRAYS +STREAK +STREAKED +STREAKS +STREAM +STREAMED +STREAMER +STREAMERS +STREAMING +STREAMLINE +STREAMLINED +STREAMLINER +STREAMLINES +STREAMLINING +STREAMS +STREET +STREETCAR +STREETCARS +STREETERS +STREETS +STRENGTH +STRENGTHEN +STRENGTHENED +STRENGTHENER +STRENGTHENING +STRENGTHENS +STRENGTHS +STRENUOUS +STRENUOUSLY +STREPTOCOCCUS +STRESS +STRESSED +STRESSES +STRESSFUL +STRESSING +STRETCH +STRETCHED +STRETCHER +STRETCHERS +STRETCHES +STRETCHING +STREW +STREWN +STREWS +STRICKEN +STRICKLAND +STRICT +STRICTER +STRICTEST +STRICTLY +STRICTNESS +STRICTURE +STRIDE +STRIDER +STRIDES +STRIDING +STRIFE +STRIKE +STRIKEBREAKER +STRIKER +STRIKERS +STRIKES +STRIKING +STRIKINGLY +STRINDBERG +STRING +STRINGED +STRINGENT +STRINGENTLY +STRINGER +STRINGERS +STRINGIER +STRINGIEST +STRINGINESS +STRINGING +STRINGS +STRINGY +STRIP +STRIPE +STRIPED +STRIPES +STRIPPED +STRIPPER +STRIPPERS +STRIPPING +STRIPS +STRIPTEASE +STRIVE +STRIVEN +STRIVES +STRIVING +STRIVINGS +STROBE +STROBED +STROBES +STROBOSCOPIC +STRODE +STROKE +STROKED +STROKER +STROKERS +STROKES +STROKING +STROLL +STROLLED +STROLLER +STROLLING +STROLLS +STROM +STROMBERG +STRONG +STRONGER +STRONGEST +STRONGHEART +STRONGHOLD +STRONGLY +STRONTIUM +STROVE +STRUCK +STRUCTURAL +STRUCTURALLY +STRUCTURE +STRUCTURED +STRUCTURER +STRUCTURES +STRUCTURING +STRUGGLE +STRUGGLED +STRUGGLES +STRUGGLING +STRUNG +STRUT +STRUTS +STRUTTING +STRYCHNINE +STU +STUART +STUB +STUBBLE +STUBBLEFIELD +STUBBLEFIELDS +STUBBORN +STUBBORNLY +STUBBORNNESS +STUBBY +STUBS +STUCCO +STUCK +STUD +STUDEBAKER +STUDENT +STUDENTS +STUDIED +STUDIES +STUDIO +STUDIOS +STUDIOUS +STUDIOUSLY +STUDS +STUDY +STUDYING +STUFF +STUFFED +STUFFIER +STUFFIEST +STUFFING +STUFFS +STUFFY +STUMBLE +STUMBLED +STUMBLES +STUMBLING +STUMP +STUMPED +STUMPING +STUMPS +STUN +STUNG +STUNNING +STUNNINGLY +STUNT +STUNTS +STUPEFY +STUPEFYING +STUPENDOUS +STUPENDOUSLY +STUPID +STUPIDEST +STUPIDITIES +STUPIDITY +STUPIDLY +STUPOR +STURBRIDGE +STURDINESS +STURDY +STURGEON +STURM +STUTTER +STUTTGART +STUYVESANT +STYGIAN +STYLE +STYLED +STYLER +STYLERS +STYLES +STYLI +STYLING +STYLISH +STYLISHLY +STYLISHNESS +STYLISTIC +STYLISTICALLY +STYLIZED +STYLUS +STYROFOAM +STYX +SUAVE +SUB +SUBATOMIC +SUBCHANNEL +SUBCHANNELS +SUBCLASS +SUBCLASSES +SUBCOMMITTEES +SUBCOMPONENT +SUBCOMPONENTS +SUBCOMPUTATION +SUBCOMPUTATIONS +SUBCONSCIOUS +SUBCONSCIOUSLY +SUBCULTURE +SUBCULTURES +SUBCYCLE +SUBCYCLES +SUBDIRECTORIES +SUBDIRECTORY +SUBDIVIDE +SUBDIVIDED +SUBDIVIDES +SUBDIVIDING +SUBDIVISION +SUBDIVISIONS +SUBDOMAINS +SUBDUE +SUBDUED +SUBDUES +SUBDUING +SUBEXPRESSION +SUBEXPRESSIONS +SUBFIELD +SUBFIELDS +SUBFILE +SUBFILES +SUBGOAL +SUBGOALS +SUBGRAPH +SUBGRAPHS +SUBGROUP +SUBGROUPS +SUBINTERVAL +SUBINTERVALS +SUBJECT +SUBJECTED +SUBJECTING +SUBJECTION +SUBJECTIVE +SUBJECTIVELY +SUBJECTIVITY +SUBJECTS +SUBLANGUAGE +SUBLANGUAGES +SUBLAYER +SUBLAYERS +SUBLIMATION +SUBLIMATIONS +SUBLIME +SUBLIMED +SUBLIST +SUBLISTS +SUBMARINE +SUBMARINER +SUBMARINERS +SUBMARINES +SUBMERGE +SUBMERGED +SUBMERGES +SUBMERGING +SUBMISSION +SUBMISSIONS +SUBMISSIVE +SUBMIT +SUBMITS +SUBMITTAL +SUBMITTED +SUBMITTING +SUBMODE +SUBMODES +SUBMODULE +SUBMODULES +SUBMULTIPLEXED +SUBNET +SUBNETS +SUBNETWORK +SUBNETWORKS +SUBOPTIMAL +SUBORDINATE +SUBORDINATED +SUBORDINATES +SUBORDINATION +SUBPARTS +SUBPHASES +SUBPOENA +SUBPROBLEM +SUBPROBLEMS +SUBPROCESSES +SUBPROGRAM +SUBPROGRAMS +SUBPROJECT +SUBPROOF +SUBPROOFS +SUBRANGE +SUBRANGES +SUBROUTINE +SUBROUTINES +SUBS +SUBSCHEMA +SUBSCHEMAS +SUBSCRIBE +SUBSCRIBED +SUBSCRIBER +SUBSCRIBERS +SUBSCRIBES +SUBSCRIBING +SUBSCRIPT +SUBSCRIPTED +SUBSCRIPTING +SUBSCRIPTION +SUBSCRIPTIONS +SUBSCRIPTS +SUBSECTION +SUBSECTIONS +SUBSEGMENT +SUBSEGMENTS +SUBSEQUENCE +SUBSEQUENCES +SUBSEQUENT +SUBSEQUENTLY +SUBSERVIENT +SUBSET +SUBSETS +SUBSIDE +SUBSIDED +SUBSIDES +SUBSIDIARIES +SUBSIDIARY +SUBSIDIES +SUBSIDING +SUBSIDIZE +SUBSIDIZED +SUBSIDIZES +SUBSIDIZING +SUBSIDY +SUBSIST +SUBSISTED +SUBSISTENCE +SUBSISTENT +SUBSISTING +SUBSISTS +SUBSLOT +SUBSLOTS +SUBSPACE +SUBSPACES +SUBSTANCE +SUBSTANCES +SUBSTANTIAL +SUBSTANTIALLY +SUBSTANTIATE +SUBSTANTIATED +SUBSTANTIATES +SUBSTANTIATING +SUBSTANTIATION +SUBSTANTIATIONS +SUBSTANTIVE +SUBSTANTIVELY +SUBSTANTIVITY +SUBSTATION +SUBSTATIONS +SUBSTITUTABILITY +SUBSTITUTABLE +SUBSTITUTE +SUBSTITUTED +SUBSTITUTES +SUBSTITUTING +SUBSTITUTION +SUBSTITUTIONS +SUBSTRATE +SUBSTRATES +SUBSTRING +SUBSTRINGS +SUBSTRUCTURE +SUBSTRUCTURES +SUBSUME +SUBSUMED +SUBSUMES +SUBSUMING +SUBSYSTEM +SUBSYSTEMS +SUBTASK +SUBTASKS +SUBTERFUGE +SUBTERRANEAN +SUBTITLE +SUBTITLED +SUBTITLES +SUBTLE +SUBTLENESS +SUBTLER +SUBTLEST +SUBTLETIES +SUBTLETY +SUBTLY +SUBTOTAL +SUBTRACT +SUBTRACTED +SUBTRACTING +SUBTRACTION +SUBTRACTIONS +SUBTRACTOR +SUBTRACTORS +SUBTRACTS +SUBTRAHEND +SUBTRAHENDS +SUBTREE +SUBTREES +SUBUNIT +SUBUNITS +SUBURB +SUBURBAN +SUBURBIA +SUBURBS +SUBVERSION +SUBVERSIVE +SUBVERT +SUBVERTED +SUBVERTER +SUBVERTING +SUBVERTS +SUBWAY +SUBWAYS +SUCCEED +SUCCEEDED +SUCCEEDING +SUCCEEDS +SUCCESS +SUCCESSES +SUCCESSFUL +SUCCESSFULLY +SUCCESSION +SUCCESSIONS +SUCCESSIVE +SUCCESSIVELY +SUCCESSOR +SUCCESSORS +SUCCINCT +SUCCINCTLY +SUCCINCTNESS +SUCCOR +SUCCUMB +SUCCUMBED +SUCCUMBING +SUCCUMBS +SUCH +SUCK +SUCKED +SUCKER +SUCKERS +SUCKING +SUCKLE +SUCKLING +SUCKS +SUCTION +SUDAN +SUDANESE +SUDANIC +SUDDEN +SUDDENLY +SUDDENNESS +SUDS +SUDSING +SUE +SUED +SUES +SUEZ +SUFFER +SUFFERANCE +SUFFERED +SUFFERER +SUFFERERS +SUFFERING +SUFFERINGS +SUFFERS +SUFFICE +SUFFICED +SUFFICES +SUFFICIENCY +SUFFICIENT +SUFFICIENTLY +SUFFICING +SUFFIX +SUFFIXED +SUFFIXER +SUFFIXES +SUFFIXING +SUFFOCATE +SUFFOCATED +SUFFOCATES +SUFFOCATING +SUFFOCATION +SUFFOLK +SUFFRAGE +SUFFRAGETTE +SUGAR +SUGARED +SUGARING +SUGARINGS +SUGARS +SUGGEST +SUGGESTED +SUGGESTIBLE +SUGGESTING +SUGGESTION +SUGGESTIONS +SUGGESTIVE +SUGGESTIVELY +SUGGESTS +SUICIDAL +SUICIDALLY +SUICIDE +SUICIDES +SUING +SUIT +SUITABILITY +SUITABLE +SUITABLENESS +SUITABLY +SUITCASE +SUITCASES +SUITE +SUITED +SUITERS +SUITES +SUITING +SUITOR +SUITORS +SUITS +SUKARNO +SULFA +SULFUR +SULFURIC +SULFUROUS +SULK +SULKED +SULKINESS +SULKING +SULKS +SULKY +SULLEN +SULLENLY +SULLENNESS +SULLIVAN +SULPHATE +SULPHUR +SULPHURED +SULPHURIC +SULTAN +SULTANS +SULTRY +SULZBERGER +SUM +SUMAC +SUMATRA +SUMERIA +SUMERIAN +SUMMAND +SUMMANDS +SUMMARIES +SUMMARILY +SUMMARIZATION +SUMMARIZATIONS +SUMMARIZE +SUMMARIZED +SUMMARIZES +SUMMARIZING +SUMMARY +SUMMATION +SUMMATIONS +SUMMED +SUMMER +SUMMERDALE +SUMMERS +SUMMERTIME +SUMMING +SUMMIT +SUMMITRY +SUMMON +SUMMONED +SUMMONER +SUMMONERS +SUMMONING +SUMMONS +SUMMONSES +SUMNER +SUMPTUOUS +SUMS +SUMTER +SUN +SUNBEAM +SUNBEAMS +SUNBELT +SUNBONNET +SUNBURN +SUNBURNT +SUNDAY +SUNDAYS +SUNDER +SUNDIAL +SUNDOWN +SUNDRIES +SUNDRY +SUNFLOWER +SUNG +SUNGLASS +SUNGLASSES +SUNK +SUNKEN +SUNLIGHT +SUNLIT +SUNNED +SUNNING +SUNNY +SUNNYVALE +SUNRISE +SUNS +SUNSET +SUNSHINE +SUNSPOT +SUNTAN +SUNTANNED +SUNTANNING +SUPER +SUPERB +SUPERBLOCK +SUPERBLY +SUPERCOMPUTER +SUPERCOMPUTERS +SUPEREGO +SUPEREGOS +SUPERFICIAL +SUPERFICIALLY +SUPERFLUITIES +SUPERFLUITY +SUPERFLUOUS +SUPERFLUOUSLY +SUPERGROUP +SUPERGROUPS +SUPERHUMAN +SUPERHUMANLY +SUPERIMPOSE +SUPERIMPOSED +SUPERIMPOSES +SUPERIMPOSING +SUPERINTEND +SUPERINTENDENT +SUPERINTENDENTS +SUPERIOR +SUPERIORITY +SUPERIORS +SUPERLATIVE +SUPERLATIVELY +SUPERLATIVES +SUPERMARKET +SUPERMARKETS +SUPERMINI +SUPERMINIS +SUPERNATURAL +SUPERPOSE +SUPERPOSED +SUPERPOSES +SUPERPOSING +SUPERPOSITION +SUPERSCRIPT +SUPERSCRIPTED +SUPERSCRIPTING +SUPERSCRIPTS +SUPERSEDE +SUPERSEDED +SUPERSEDES +SUPERSEDING +SUPERSET +SUPERSETS +SUPERSTITION +SUPERSTITIONS +SUPERSTITIOUS +SUPERUSER +SUPERVISE +SUPERVISED +SUPERVISES +SUPERVISING +SUPERVISION +SUPERVISOR +SUPERVISORS +SUPERVISORY +SUPINE +SUPPER +SUPPERS +SUPPLANT +SUPPLANTED +SUPPLANTING +SUPPLANTS +SUPPLE +SUPPLEMENT +SUPPLEMENTAL +SUPPLEMENTARY +SUPPLEMENTED +SUPPLEMENTING +SUPPLEMENTS +SUPPLENESS +SUPPLICATION +SUPPLIED +SUPPLIER +SUPPLIERS +SUPPLIES +SUPPLY +SUPPLYING +SUPPORT +SUPPORTABLE +SUPPORTED +SUPPORTER +SUPPORTERS +SUPPORTING +SUPPORTINGLY +SUPPORTIVE +SUPPORTIVELY +SUPPORTS +SUPPOSE +SUPPOSED +SUPPOSEDLY +SUPPOSES +SUPPOSING +SUPPOSITION +SUPPOSITIONS +SUPPRESS +SUPPRESSED +SUPPRESSES +SUPPRESSING +SUPPRESSION +SUPPRESSOR +SUPPRESSORS +SUPRANATIONAL +SUPREMACY +SUPREME +SUPREMELY +SURCHARGE +SURE +SURELY +SURENESS +SURETIES +SURETY +SURF +SURFACE +SURFACED +SURFACENESS +SURFACES +SURFACING +SURGE +SURGED +SURGEON +SURGEONS +SURGERY +SURGES +SURGICAL +SURGICALLY +SURGING +SURLINESS +SURLY +SURMISE +SURMISED +SURMISES +SURMOUNT +SURMOUNTED +SURMOUNTING +SURMOUNTS +SURNAME +SURNAMES +SURPASS +SURPASSED +SURPASSES +SURPASSING +SURPLUS +SURPLUSES +SURPRISE +SURPRISED +SURPRISES +SURPRISING +SURPRISINGLY +SURREAL +SURRENDER +SURRENDERED +SURRENDERING +SURRENDERS +SURREPTITIOUS +SURREY +SURROGATE +SURROGATES +SURROUND +SURROUNDED +SURROUNDING +SURROUNDINGS +SURROUNDS +SURTAX +SURVEY +SURVEYED +SURVEYING +SURVEYOR +SURVEYORS +SURVEYS +SURVIVAL +SURVIVALS +SURVIVE +SURVIVED +SURVIVES +SURVIVING +SURVIVOR +SURVIVORS +SUS +SUSAN +SUSANNE +SUSCEPTIBLE +SUSIE +SUSPECT +SUSPECTED +SUSPECTING +SUSPECTS +SUSPEND +SUSPENDED +SUSPENDER +SUSPENDERS +SUSPENDING +SUSPENDS +SUSPENSE +SUSPENSES +SUSPENSION +SUSPENSIONS +SUSPICION +SUSPICIONS +SUSPICIOUS +SUSPICIOUSLY +SUSQUEHANNA +SUSSEX +SUSTAIN +SUSTAINED +SUSTAINING +SUSTAINS +SUSTENANCE +SUTHERLAND +SUTTON +SUTURE +SUTURES +SUWANEE +SUZANNE +SUZERAINTY +SUZUKI +SVELTE +SVETLANA +SWAB +SWABBING +SWAGGER +SWAGGERED +SWAGGERING +SWAHILI +SWAIN +SWAINS +SWALLOW +SWALLOWED +SWALLOWING +SWALLOWS +SWALLOWTAIL +SWAM +SWAMI +SWAMP +SWAMPED +SWAMPING +SWAMPS +SWAMPY +SWAN +SWANK +SWANKY +SWANLIKE +SWANS +SWANSEA +SWANSON +SWAP +SWAPPED +SWAPPING +SWAPS +SWARM +SWARMED +SWARMING +SWARMS +SWARTHMORE +SWARTHOUT +SWARTHY +SWARTZ +SWASTIKA +SWAT +SWATTED +SWAY +SWAYED +SWAYING +SWAZILAND +SWEAR +SWEARER +SWEARING +SWEARS +SWEAT +SWEATED +SWEATER +SWEATERS +SWEATING +SWEATS +SWEATSHIRT +SWEATY +SWEDE +SWEDEN +SWEDES +SWEDISH +SWEENEY +SWEENEYS +SWEEP +SWEEPER +SWEEPERS +SWEEPING +SWEEPINGS +SWEEPS +SWEEPSTAKES +SWEET +SWEETEN +SWEETENED +SWEETENER +SWEETENERS +SWEETENING +SWEETENINGS +SWEETENS +SWEETER +SWEETEST +SWEETHEART +SWEETHEARTS +SWEETISH +SWEETLY +SWEETNESS +SWEETS +SWELL +SWELLED +SWELLING +SWELLINGS +SWELLS +SWELTER +SWENSON +SWEPT +SWERVE +SWERVED +SWERVES +SWERVING +SWIFT +SWIFTER +SWIFTEST +SWIFTLY +SWIFTNESS +SWIM +SWIMMER +SWIMMERS +SWIMMING +SWIMMINGLY +SWIMS +SWIMSUIT +SWINBURNE +SWINDLE +SWINE +SWING +SWINGER +SWINGERS +SWINGING +SWINGS +SWINK +SWIPE +SWIRL +SWIRLED +SWIRLING +SWISH +SWISHED +SWISS +SWITCH +SWITCHBLADE +SWITCHBOARD +SWITCHBOARDS +SWITCHED +SWITCHER +SWITCHERS +SWITCHES +SWITCHING +SWITCHINGS +SWITCHMAN +SWITZER +SWITZERLAND +SWIVEL +SWIZZLE +SWOLLEN +SWOON +SWOOP +SWOOPED +SWOOPING +SWOOPS +SWORD +SWORDFISH +SWORDS +SWORE +SWORN +SWUM +SWUNG +SYBIL +SYCAMORE +SYCOPHANT +SYCOPHANTIC +SYDNEY +SYKES +SYLLABLE +SYLLABLES +SYLLOGISM +SYLLOGISMS +SYLLOGISTIC +SYLOW +SYLVAN +SYLVANIA +SYLVESTER +SYLVIA +SYLVIE +SYMBIOSIS +SYMBIOTIC +SYMBOL +SYMBOLIC +SYMBOLICALLY +SYMBOLICS +SYMBOLISM +SYMBOLIZATION +SYMBOLIZE +SYMBOLIZED +SYMBOLIZES +SYMBOLIZING +SYMBOLS +SYMINGTON +SYMMETRIC +SYMMETRICAL +SYMMETRICALLY +SYMMETRIES +SYMMETRY +SYMPATHETIC +SYMPATHIES +SYMPATHIZE +SYMPATHIZED +SYMPATHIZER +SYMPATHIZERS +SYMPATHIZES +SYMPATHIZING +SYMPATHIZINGLY +SYMPATHY +SYMPHONIC +SYMPHONIES +SYMPHONY +SYMPOSIA +SYMPOSIUM +SYMPOSIUMS +SYMPTOM +SYMPTOMATIC +SYMPTOMS +SYNAGOGUE +SYNAPSE +SYNAPSES +SYNAPTIC +SYNCHRONISM +SYNCHRONIZATION +SYNCHRONIZE +SYNCHRONIZED +SYNCHRONIZER +SYNCHRONIZERS +SYNCHRONIZES +SYNCHRONIZING +SYNCHRONOUS +SYNCHRONOUSLY +SYNCHRONY +SYNCHROTRON +SYNCOPATE +SYNDICATE +SYNDICATED +SYNDICATES +SYNDICATION +SYNDROME +SYNDROMES +SYNERGISM +SYNERGISTIC +SYNERGY +SYNGE +SYNOD +SYNONYM +SYNONYMOUS +SYNONYMOUSLY +SYNONYMS +SYNOPSES +SYNOPSIS +SYNTACTIC +SYNTACTICAL +SYNTACTICALLY +SYNTAX +SYNTAXES +SYNTHESIS +SYNTHESIZE +SYNTHESIZED +SYNTHESIZER +SYNTHESIZERS +SYNTHESIZES +SYNTHESIZING +SYNTHETIC +SYNTHETICS +SYRACUSE +SYRIA +SYRIAN +SYRIANIZE +SYRIANIZES +SYRIANS +SYRINGE +SYRINGES +SYRUP +SYRUPY +SYSTEM +SYSTEMATIC +SYSTEMATICALLY +SYSTEMATIZE +SYSTEMATIZED +SYSTEMATIZES +SYSTEMATIZING +SYSTEMIC +SYSTEMS +SYSTEMWIDE +SZILARD +TAB +TABERNACLE +TABERNACLES +TABLE +TABLEAU +TABLEAUS +TABLECLOTH +TABLECLOTHS +TABLED +TABLES +TABLESPOON +TABLESPOONFUL +TABLESPOONFULS +TABLESPOONS +TABLET +TABLETS +TABLING +TABOO +TABOOS +TABS +TABULAR +TABULATE +TABULATED +TABULATES +TABULATING +TABULATION +TABULATIONS +TABULATOR +TABULATORS +TACHOMETER +TACHOMETERS +TACIT +TACITLY +TACITUS +TACK +TACKED +TACKING +TACKLE +TACKLES +TACOMA +TACT +TACTIC +TACTICS +TACTILE +TAFT +TAG +TAGGED +TAGGING +TAGS +TAHITI +TAHOE +TAIL +TAILED +TAILING +TAILOR +TAILORED +TAILORING +TAILORS +TAILS +TAINT +TAINTED +TAIPEI +TAIWAN +TAIWANESE +TAKE +TAKEN +TAKER +TAKERS +TAKES +TAKING +TAKINGS +TALE +TALENT +TALENTED +TALENTS +TALES +TALK +TALKATIVE +TALKATIVELY +TALKATIVENESS +TALKED +TALKER +TALKERS +TALKIE +TALKING +TALKS +TALL +TALLADEGA +TALLAHASSEE +TALLAHATCHIE +TALLAHOOSA +TALLCHIEF +TALLER +TALLEST +TALLEYRAND +TALLNESS +TALLOW +TALLY +TALMUD +TALMUDISM +TALMUDIZATION +TALMUDIZATIONS +TALMUDIZE +TALMUDIZES +TAME +TAMED +TAMELY +TAMENESS +TAMER +TAMES +TAMIL +TAMING +TAMMANY +TAMMANYIZE +TAMMANYIZES +TAMPA +TAMPER +TAMPERED +TAMPERING +TAMPERS +TAN +TANAKA +TANANARIVE +TANDEM +TANG +TANGANYIKA +TANGENT +TANGENTIAL +TANGENTS +TANGIBLE +TANGIBLY +TANGLE +TANGLED +TANGY +TANK +TANKER +TANKERS +TANKS +TANNENBAUM +TANNER +TANNERS +TANTALIZING +TANTALIZINGLY +TANTALUS +TANTAMOUNT +TANTRUM +TANTRUMS +TANYA +TANZANIA +TAOISM +TAOIST +TAOS +TAP +TAPE +TAPED +TAPER +TAPERED +TAPERING +TAPERS +TAPES +TAPESTRIES +TAPESTRY +TAPING +TAPINGS +TAPPED +TAPPER +TAPPERS +TAPPING +TAPROOT +TAPROOTS +TAPS +TAR +TARA +TARBELL +TARDINESS +TARDY +TARGET +TARGETED +TARGETING +TARGETS +TARIFF +TARIFFS +TARRY +TARRYTOWN +TART +TARTARY +TARTLY +TARTNESS +TARTUFFE +TARZAN +TASK +TASKED +TASKING +TASKS +TASMANIA +TASS +TASSEL +TASSELS +TASTE +TASTED +TASTEFUL +TASTEFULLY +TASTEFULNESS +TASTELESS +TASTELESSLY +TASTER +TASTERS +TASTES +TASTING +TATE +TATTER +TATTERED +TATTOO +TATTOOED +TATTOOS +TAU +TAUGHT +TAUNT +TAUNTED +TAUNTER +TAUNTING +TAUNTS +TAURUS +TAUT +TAUTLY +TAUTNESS +TAUTOLOGICAL +TAUTOLOGICALLY +TAUTOLOGIES +TAUTOLOGY +TAVERN +TAVERNS +TAWNEY +TAWNY +TAX +TAXABLE +TAXATION +TAXED +TAXES +TAXI +TAXICAB +TAXICABS +TAXIED +TAXIING +TAXING +TAXIS +TAXONOMIC +TAXONOMICALLY +TAXONOMY +TAXPAYER +TAXPAYERS +TAYLOR +TAYLORIZE +TAYLORIZES +TAYLORS +TCHAIKOVSKY +TEA +TEACH +TEACHABLE +TEACHER +TEACHERS +TEACHES +TEACHING +TEACHINGS +TEACUP +TEAM +TEAMED +TEAMING +TEAMS +TEAR +TEARED +TEARFUL +TEARFULLY +TEARING +TEARS +TEAS +TEASE +TEASED +TEASES +TEASING +TEASPOON +TEASPOONFUL +TEASPOONFULS +TEASPOONS +TECHNICAL +TECHNICALITIES +TECHNICALITY +TECHNICALLY +TECHNICIAN +TECHNICIANS +TECHNION +TECHNIQUE +TECHNIQUES +TECHNOLOGICAL +TECHNOLOGICALLY +TECHNOLOGIES +TECHNOLOGIST +TECHNOLOGISTS +TECHNOLOGY +TED +TEDDY +TEDIOUS +TEDIOUSLY +TEDIOUSNESS +TEDIUM +TEEM +TEEMED +TEEMING +TEEMS +TEEN +TEENAGE +TEENAGED +TEENAGER +TEENAGERS +TEENS +TEETH +TEETHE +TEETHED +TEETHES +TEETHING +TEFLON +TEGUCIGALPA +TEHERAN +TEHRAN +TEKTRONIX +TELECOMMUNICATION +TELECOMMUNICATIONS +TELEDYNE +TELEFUNKEN +TELEGRAM +TELEGRAMS +TELEGRAPH +TELEGRAPHED +TELEGRAPHER +TELEGRAPHERS +TELEGRAPHIC +TELEGRAPHING +TELEGRAPHS +TELEMANN +TELEMETRY +TELEOLOGICAL +TELEOLOGICALLY +TELEOLOGY +TELEPATHY +TELEPHONE +TELEPHONED +TELEPHONER +TELEPHONERS +TELEPHONES +TELEPHONIC +TELEPHONING +TELEPHONY +TELEPROCESSING +TELESCOPE +TELESCOPED +TELESCOPES +TELESCOPING +TELETEX +TELETEXT +TELETYPE +TELETYPES +TELEVISE +TELEVISED +TELEVISES +TELEVISING +TELEVISION +TELEVISIONS +TELEVISOR +TELEVISORS +TELEX +TELL +TELLER +TELLERS +TELLING +TELLS +TELNET +TELNET +TEMPER +TEMPERAMENT +TEMPERAMENTAL +TEMPERAMENTS +TEMPERANCE +TEMPERATE +TEMPERATELY +TEMPERATENESS +TEMPERATURE +TEMPERATURES +TEMPERED +TEMPERING +TEMPERS +TEMPEST +TEMPESTUOUS +TEMPESTUOUSLY +TEMPLATE +TEMPLATES +TEMPLE +TEMPLEMAN +TEMPLES +TEMPLETON +TEMPORAL +TEMPORALLY +TEMPORARIES +TEMPORARILY +TEMPORARY +TEMPT +TEMPTATION +TEMPTATIONS +TEMPTED +TEMPTER +TEMPTERS +TEMPTING +TEMPTINGLY +TEMPTS +TEN +TENACIOUS +TENACIOUSLY +TENANT +TENANTS +TEND +TENDED +TENDENCIES +TENDENCY +TENDER +TENDERLY +TENDERNESS +TENDERS +TENDING +TENDS +TENEMENT +TENEMENTS +TENEX +TENEX +TENFOLD +TENNECO +TENNESSEE +TENNEY +TENNIS +TENNYSON +TENOR +TENORS +TENS +TENSE +TENSED +TENSELY +TENSENESS +TENSER +TENSES +TENSEST +TENSING +TENSION +TENSIONS +TENT +TENTACLE +TENTACLED +TENTACLES +TENTATIVE +TENTATIVELY +TENTED +TENTH +TENTING +TENTS +TENURE +TERESA +TERM +TERMED +TERMINAL +TERMINALLY +TERMINALS +TERMINATE +TERMINATED +TERMINATES +TERMINATING +TERMINATION +TERMINATIONS +TERMINATOR +TERMINATORS +TERMING +TERMINOLOGIES +TERMINOLOGY +TERMINUS +TERMS +TERMWISE +TERNARY +TERPSICHORE +TERRA +TERRACE +TERRACED +TERRACES +TERRAIN +TERRAINS +TERRAN +TERRE +TERRESTRIAL +TERRESTRIALS +TERRIBLE +TERRIBLY +TERRIER +TERRIERS +TERRIFIC +TERRIFIED +TERRIFIES +TERRIFY +TERRIFYING +TERRITORIAL +TERRITORIES +TERRITORY +TERROR +TERRORISM +TERRORIST +TERRORISTIC +TERRORISTS +TERRORIZE +TERRORIZED +TERRORIZES +TERRORIZING +TERRORS +TERTIARY +TESS +TESSIE +TEST +TESTABILITY +TESTABLE +TESTAMENT +TESTAMENTS +TESTED +TESTER +TESTERS +TESTICLE +TESTICLES +TESTIFIED +TESTIFIER +TESTIFIERS +TESTIFIES +TESTIFY +TESTIFYING +TESTIMONIES +TESTIMONY +TESTING +TESTINGS +TESTS +TEUTONIC +TEX +TEX +TEXACO +TEXAN +TEXANS +TEXAS +TEXASES +TEXT +TEXTBOOK +TEXTBOOKS +TEXTILE +TEXTILES +TEXTRON +TEXTS +TEXTUAL +TEXTUALLY +TEXTURE +TEXTURED +TEXTURES +THAI +THAILAND +THALIA +THAMES +THAN +THANK +THANKED +THANKFUL +THANKFULLY +THANKFULNESS +THANKING +THANKLESS +THANKLESSLY +THANKLESSNESS +THANKS +THANKSGIVING +THANKSGIVINGS +THAT +THATCH +THATCHES +THATS +THAW +THAWED +THAWING +THAWS +THAYER +THE +THEA +THEATER +THEATERS +THEATRICAL +THEATRICALLY +THEATRICALS +THEBES +THEFT +THEFTS +THEIR +THEIRS +THELMA +THEM +THEMATIC +THEME +THEMES +THEMSELVES +THEN +THENCE +THENCEFORTH +THEODORE +THEODOSIAN +THEODOSIUS +THEOLOGICAL +THEOLOGY +THEOREM +THEOREMS +THEORETIC +THEORETICAL +THEORETICALLY +THEORETICIANS +THEORIES +THEORIST +THEORISTS +THEORIZATION +THEORIZATIONS +THEORIZE +THEORIZED +THEORIZER +THEORIZERS +THEORIZES +THEORIZING +THEORY +THERAPEUTIC +THERAPIES +THERAPIST +THERAPISTS +THERAPY +THERE +THEREABOUTS +THEREAFTER +THEREBY +THEREFORE +THEREIN +THEREOF +THEREON +THERESA +THERETO +THEREUPON +THEREWITH +THERMAL +THERMODYNAMIC +THERMODYNAMICS +THERMOFAX +THERMOMETER +THERMOMETERS +THERMOSTAT +THERMOSTATS +THESE +THESES +THESEUS +THESIS +THESSALONIAN +THESSALY +THETIS +THEY +THICK +THICKEN +THICKENS +THICKER +THICKEST +THICKET +THICKETS +THICKLY +THICKNESS +THIEF +THIENSVILLE +THIEVE +THIEVES +THIEVING +THIGH +THIGHS +THIMBLE +THIMBLES +THIMBU +THIN +THING +THINGS +THINK +THINKABLE +THINKABLY +THINKER +THINKERS +THINKING +THINKS +THINLY +THINNER +THINNESS +THINNEST +THIRD +THIRDLY +THIRDS +THIRST +THIRSTED +THIRSTS +THIRSTY +THIRTEEN +THIRTEENS +THIRTEENTH +THIRTIES +THIRTIETH +THIRTY +THIS +THISTLE +THOMAS +THOMISTIC +THOMPSON +THOMSON +THONG +THOR +THOREAU +THORN +THORNBURG +THORNS +THORNTON +THORNY +THOROUGH +THOROUGHFARE +THOROUGHFARES +THOROUGHLY +THOROUGHNESS +THORPE +THORSTEIN +THOSE +THOUGH +THOUGHT +THOUGHTFUL +THOUGHTFULLY +THOUGHTFULNESS +THOUGHTLESS +THOUGHTLESSLY +THOUGHTLESSNESS +THOUGHTS +THOUSAND +THOUSANDS +THOUSANDTH +THRACE +THRACIAN +THRASH +THRASHED +THRASHER +THRASHES +THRASHING +THREAD +THREADED +THREADER +THREADERS +THREADING +THREADS +THREAT +THREATEN +THREATENED +THREATENING +THREATENS +THREATS +THREE +THREEFOLD +THREES +THREESCORE +THRESHOLD +THRESHOLDS +THREW +THRICE +THRIFT +THRIFTY +THRILL +THRILLED +THRILLER +THRILLERS +THRILLING +THRILLINGLY +THRILLS +THRIVE +THRIVED +THRIVES +THRIVING +THROAT +THROATED +THROATS +THROB +THROBBED +THROBBING +THROBS +THRONE +THRONEBERRY +THRONES +THRONG +THRONGS +THROTTLE +THROTTLED +THROTTLES +THROTTLING +THROUGH +THROUGHOUT +THROUGHPUT +THROW +THROWER +THROWING +THROWN +THROWS +THRUSH +THRUST +THRUSTER +THRUSTERS +THRUSTING +THRUSTS +THUBAN +THUD +THUDS +THUG +THUGS +THULE +THUMB +THUMBED +THUMBING +THUMBS +THUMP +THUMPED +THUMPING +THUNDER +THUNDERBOLT +THUNDERBOLTS +THUNDERED +THUNDERER +THUNDERERS +THUNDERING +THUNDERS +THUNDERSTORM +THUNDERSTORMS +THURBER +THURMAN +THURSDAY +THURSDAYS +THUS +THUSLY +THWART +THWARTED +THWARTING +THWARTS +THYSELF +TIBER +TIBET +TIBETAN +TIBURON +TICK +TICKED +TICKER +TICKERS +TICKET +TICKETS +TICKING +TICKLE +TICKLED +TICKLES +TICKLING +TICKLISH +TICKS +TICONDEROGA +TIDAL +TIDALLY +TIDE +TIDED +TIDES +TIDIED +TIDINESS +TIDING +TIDINGS +TIDY +TIDYING +TIE +TIECK +TIED +TIENTSIN +TIER +TIERS +TIES +TIFFANY +TIGER +TIGERS +TIGHT +TIGHTEN +TIGHTENED +TIGHTENER +TIGHTENERS +TIGHTENING +TIGHTENINGS +TIGHTENS +TIGHTER +TIGHTEST +TIGHTLY +TIGHTNESS +TIGRIS +TIJUANA +TILDE +TILE +TILED +TILES +TILING +TILL +TILLABLE +TILLED +TILLER +TILLERS +TILLICH +TILLIE +TILLING +TILLS +TILT +TILTED +TILTING +TILTS +TIM +TIMBER +TIMBERED +TIMBERING +TIMBERS +TIME +TIMED +TIMELESS +TIMELESSLY +TIMELESSNESS +TIMELY +TIMEOUT +TIMEOUTS +TIMER +TIMERS +TIMES +TIMESHARE +TIMESHARES +TIMESHARING +TIMESTAMP +TIMESTAMPS +TIMETABLE +TIMETABLES +TIMEX +TIMID +TIMIDITY +TIMIDLY +TIMING +TIMINGS +TIMMY +TIMON +TIMONIZE +TIMONIZES +TIMS +TIN +TINA +TINCTURE +TINGE +TINGED +TINGLE +TINGLED +TINGLES +TINGLING +TINIER +TINIEST +TINILY +TININESS +TINKER +TINKERED +TINKERING +TINKERS +TINKLE +TINKLED +TINKLES +TINKLING +TINNIER +TINNIEST +TINNILY +TINNINESS +TINNY +TINS +TINSELTOWN +TINT +TINTED +TINTING +TINTS +TINY +TIOGA +TIP +TIPPECANOE +TIPPED +TIPPER +TIPPERARY +TIPPERS +TIPPING +TIPS +TIPTOE +TIRANA +TIRE +TIRED +TIREDLY +TIRELESS +TIRELESSLY +TIRELESSNESS +TIRES +TIRESOME +TIRESOMELY +TIRESOMENESS +TIRING +TISSUE +TISSUES +TIT +TITAN +TITHE +TITHER +TITHES +TITHING +TITLE +TITLED +TITLES +TITO +TITS +TITTER +TITTERS +TITUS +TOAD +TOADS +TOAST +TOASTED +TOASTER +TOASTING +TOASTS +TOBACCO +TOBAGO +TOBY +TODAY +TODAYS +TODD +TOE +TOES +TOGETHER +TOGETHERNESS +TOGGLE +TOGGLED +TOGGLES +TOGGLING +TOGO +TOIL +TOILED +TOILER +TOILET +TOILETS +TOILING +TOILS +TOKEN +TOKENS +TOKYO +TOLAND +TOLD +TOLEDO +TOLERABILITY +TOLERABLE +TOLERABLY +TOLERANCE +TOLERANCES +TOLERANT +TOLERANTLY +TOLERATE +TOLERATED +TOLERATES +TOLERATING +TOLERATION +TOLL +TOLLED +TOLLEY +TOLLS +TOLSTOY +TOM +TOMAHAWK +TOMAHAWKS +TOMATO +TOMATOES +TOMB +TOMBIGBEE +TOMBS +TOMLINSON +TOMMIE +TOMOGRAPHY +TOMORROW +TOMORROWS +TOMPKINS +TON +TONE +TONED +TONER +TONES +TONGS +TONGUE +TONGUED +TONGUES +TONI +TONIC +TONICS +TONIGHT +TONING +TONIO +TONNAGE +TONS +TONSIL +TOO +TOOK +TOOL +TOOLED +TOOLER +TOOLERS +TOOLING +TOOLS +TOOMEY +TOOTH +TOOTHBRUSH +TOOTHBRUSHES +TOOTHPASTE +TOOTHPICK +TOOTHPICKS +TOP +TOPEKA +TOPER +TOPIC +TOPICAL +TOPICALLY +TOPICS +TOPMOST +TOPOGRAPHY +TOPOLOGICAL +TOPOLOGIES +TOPOLOGY +TOPPLE +TOPPLED +TOPPLES +TOPPLING +TOPS +TOPSY +TORAH +TORCH +TORCHES +TORE +TORIES +TORMENT +TORMENTED +TORMENTER +TORMENTERS +TORMENTING +TORN +TORNADO +TORNADOES +TORONTO +TORPEDO +TORPEDOES +TORQUE +TORQUEMADA +TORRANCE +TORRENT +TORRENTS +TORRID +TORTOISE +TORTOISES +TORTURE +TORTURED +TORTURER +TORTURERS +TORTURES +TORTURING +TORUS +TORUSES +TORY +TORYIZE +TORYIZES +TOSCA +TOSCANINI +TOSHIBA +TOSS +TOSSED +TOSSES +TOSSING +TOTAL +TOTALED +TOTALING +TOTALITIES +TOTALITY +TOTALLED +TOTALLER +TOTALLERS +TOTALLING +TOTALLY +TOTALS +TOTO +TOTTER +TOTTERED +TOTTERING +TOTTERS +TOUCH +TOUCHABLE +TOUCHED +TOUCHES +TOUCHIER +TOUCHIEST +TOUCHILY +TOUCHINESS +TOUCHING +TOUCHINGLY +TOUCHY +TOUGH +TOUGHEN +TOUGHER +TOUGHEST +TOUGHLY +TOUGHNESS +TOULOUSE +TOUR +TOURED +TOURING +TOURIST +TOURISTS +TOURNAMENT +TOURNAMENTS +TOURS +TOW +TOWARD +TOWARDS +TOWED +TOWEL +TOWELING +TOWELLED +TOWELLING +TOWELS +TOWER +TOWERED +TOWERING +TOWERS +TOWN +TOWNLEY +TOWNS +TOWNSEND +TOWNSHIP +TOWNSHIPS +TOWSLEY +TOY +TOYED +TOYING +TOYNBEE +TOYOTA +TOYS +TRACE +TRACEABLE +TRACED +TRACER +TRACERS +TRACES +TRACING +TRACINGS +TRACK +TRACKED +TRACKER +TRACKERS +TRACKING +TRACKS +TRACT +TRACTABILITY +TRACTABLE +TRACTARIANS +TRACTIVE +TRACTOR +TRACTORS +TRACTS +TRACY +TRADE +TRADED +TRADEMARK +TRADEMARKS +TRADEOFF +TRADEOFFS +TRADER +TRADERS +TRADES +TRADESMAN +TRADING +TRADITION +TRADITIONAL +TRADITIONALLY +TRADITIONS +TRAFFIC +TRAFFICKED +TRAFFICKER +TRAFFICKERS +TRAFFICKING +TRAFFICS +TRAGEDIES +TRAGEDY +TRAGIC +TRAGICALLY +TRAIL +TRAILED +TRAILER +TRAILERS +TRAILING +TRAILINGS +TRAILS +TRAIN +TRAINED +TRAINEE +TRAINEES +TRAINER +TRAINERS +TRAINING +TRAINS +TRAIT +TRAITOR +TRAITORS +TRAITS +TRAJECTORIES +TRAJECTORY +TRAMP +TRAMPED +TRAMPING +TRAMPLE +TRAMPLED +TRAMPLER +TRAMPLES +TRAMPLING +TRAMPS +TRANCE +TRANCES +TRANQUIL +TRANQUILITY +TRANQUILLY +TRANSACT +TRANSACTION +TRANSACTIONS +TRANSATLANTIC +TRANSCEIVE +TRANSCEIVER +TRANSCEIVERS +TRANSCEND +TRANSCENDED +TRANSCENDENT +TRANSCENDING +TRANSCENDS +TRANSCONTINENTAL +TRANSCRIBE +TRANSCRIBED +TRANSCRIBER +TRANSCRIBERS +TRANSCRIBES +TRANSCRIBING +TRANSCRIPT +TRANSCRIPTION +TRANSCRIPTIONS +TRANSCRIPTS +TRANSFER +TRANSFERABILITY +TRANSFERABLE +TRANSFERAL +TRANSFERALS +TRANSFERENCE +TRANSFERRED +TRANSFERRER +TRANSFERRERS +TRANSFERRING +TRANSFERS +TRANSFINITE +TRANSFORM +TRANSFORMABLE +TRANSFORMATION +TRANSFORMATIONAL +TRANSFORMATIONS +TRANSFORMED +TRANSFORMER +TRANSFORMERS +TRANSFORMING +TRANSFORMS +TRANSGRESS +TRANSGRESSED +TRANSGRESSION +TRANSGRESSIONS +TRANSIENCE +TRANSIENCY +TRANSIENT +TRANSIENTLY +TRANSIENTS +TRANSISTOR +TRANSISTORIZE +TRANSISTORIZED +TRANSISTORIZING +TRANSISTORS +TRANSIT +TRANSITE +TRANSITION +TRANSITIONAL +TRANSITIONED +TRANSITIONS +TRANSITIVE +TRANSITIVELY +TRANSITIVENESS +TRANSITIVITY +TRANSITORY +TRANSLATABILITY +TRANSLATABLE +TRANSLATE +TRANSLATED +TRANSLATES +TRANSLATING +TRANSLATION +TRANSLATIONAL +TRANSLATIONS +TRANSLATOR +TRANSLATORS +TRANSLUCENT +TRANSMISSION +TRANSMISSIONS +TRANSMIT +TRANSMITS +TRANSMITTAL +TRANSMITTED +TRANSMITTER +TRANSMITTERS +TRANSMITTING +TRANSMOGRIFICATION +TRANSMOGRIFY +TRANSPACIFIC +TRANSPARENCIES +TRANSPARENCY +TRANSPARENT +TRANSPARENTLY +TRANSPIRE +TRANSPIRED +TRANSPIRES +TRANSPIRING +TRANSPLANT +TRANSPLANTED +TRANSPLANTING +TRANSPLANTS +TRANSPONDER +TRANSPONDERS +TRANSPORT +TRANSPORTABILITY +TRANSPORTATION +TRANSPORTED +TRANSPORTER +TRANSPORTERS +TRANSPORTING +TRANSPORTS +TRANSPOSE +TRANSPOSED +TRANSPOSES +TRANSPOSING +TRANSPOSITION +TRANSPUTER +TRANSVAAL +TRANSYLVANIA +TRAP +TRAPEZOID +TRAPEZOIDAL +TRAPEZOIDS +TRAPPED +TRAPPER +TRAPPERS +TRAPPING +TRAPPINGS +TRAPS +TRASH +TRASTEVERE +TRAUMA +TRAUMATIC +TRAVAIL +TRAVEL +TRAVELED +TRAVELER +TRAVELERS +TRAVELING +TRAVELINGS +TRAVELS +TRAVERSAL +TRAVERSALS +TRAVERSE +TRAVERSED +TRAVERSES +TRAVERSING +TRAVESTIES +TRAVESTY +TRAVIS +TRAY +TRAYS +TREACHERIES +TREACHEROUS +TREACHEROUSLY +TREACHERY +TREAD +TREADING +TREADS +TREADWELL +TREASON +TREASURE +TREASURED +TREASURER +TREASURES +TREASURIES +TREASURING +TREASURY +TREAT +TREATED +TREATIES +TREATING +TREATISE +TREATISES +TREATMENT +TREATMENTS +TREATS +TREATY +TREBLE +TREE +TREES +TREETOP +TREETOPS +TREK +TREKS +TREMBLE +TREMBLED +TREMBLES +TREMBLING +TREMENDOUS +TREMENDOUSLY +TREMOR +TREMORS +TRENCH +TRENCHER +TRENCHES +TREND +TRENDING +TRENDS +TRENTON +TRESPASS +TRESPASSED +TRESPASSER +TRESPASSERS +TRESPASSES +TRESS +TRESSES +TREVELYAN +TRIAL +TRIALS +TRIANGLE +TRIANGLES +TRIANGULAR +TRIANGULARLY +TRIANGULUM +TRIANON +TRIASSIC +TRIBAL +TRIBE +TRIBES +TRIBUNAL +TRIBUNALS +TRIBUNE +TRIBUNES +TRIBUTARY +TRIBUTE +TRIBUTES +TRICERATOPS +TRICHINELLA +TRICHOTOMY +TRICK +TRICKED +TRICKIER +TRICKIEST +TRICKINESS +TRICKING +TRICKLE +TRICKLED +TRICKLES +TRICKLING +TRICKS +TRICKY +TRIED +TRIER +TRIERS +TRIES +TRIFLE +TRIFLER +TRIFLES +TRIFLING +TRIGGER +TRIGGERED +TRIGGERING +TRIGGERS +TRIGONOMETRIC +TRIGONOMETRY +TRIGRAM +TRIGRAMS +TRIHEDRAL +TRILATERAL +TRILL +TRILLED +TRILLION +TRILLIONS +TRILLIONTH +TRIM +TRIMBLE +TRIMLY +TRIMMED +TRIMMER +TRIMMEST +TRIMMING +TRIMMINGS +TRIMNESS +TRIMS +TRINIDAD +TRINKET +TRINKETS +TRIO +TRIP +TRIPLE +TRIPLED +TRIPLES +TRIPLET +TRIPLETS +TRIPLETT +TRIPLING +TRIPOD +TRIPS +TRISTAN +TRIUMPH +TRIUMPHAL +TRIUMPHANT +TRIUMPHANTLY +TRIUMPHED +TRIUMPHING +TRIUMPHS +TRIVIA +TRIVIAL +TRIVIALITIES +TRIVIALITY +TRIVIALLY +TROBRIAND +TROD +TROJAN +TROLL +TROLLEY +TROLLEYS +TROLLS +TROOP +TROOPER +TROOPERS +TROOPS +TROPEZ +TROPHIES +TROPHY +TROPIC +TROPICAL +TROPICS +TROT +TROTS +TROTSKY +TROUBLE +TROUBLED +TROUBLEMAKER +TROUBLEMAKERS +TROUBLES +TROUBLESHOOT +TROUBLESHOOTER +TROUBLESHOOTERS +TROUBLESHOOTING +TROUBLESHOOTS +TROUBLESOME +TROUBLESOMELY +TROUBLING +TROUGH +TROUSER +TROUSERS +TROUT +TROUTMAN +TROWEL +TROWELS +TROY +TRUANT +TRUANTS +TRUCE +TRUCK +TRUCKED +TRUCKEE +TRUCKER +TRUCKERS +TRUCKING +TRUCKS +TRUDEAU +TRUDGE +TRUDGED +TRUDY +TRUE +TRUED +TRUER +TRUES +TRUEST +TRUING +TRUISM +TRUISMS +TRUJILLO +TRUK +TRULY +TRUMAN +TRUMBULL +TRUMP +TRUMPED +TRUMPET +TRUMPETER +TRUMPS +TRUNCATE +TRUNCATED +TRUNCATES +TRUNCATING +TRUNCATION +TRUNCATIONS +TRUNK +TRUNKS +TRUST +TRUSTED +TRUSTEE +TRUSTEES +TRUSTFUL +TRUSTFULLY +TRUSTFULNESS +TRUSTING +TRUSTINGLY +TRUSTS +TRUSTWORTHINESS +TRUSTWORTHY +TRUSTY +TRUTH +TRUTHFUL +TRUTHFULLY +TRUTHFULNESS +TRUTHS +TRY +TRYING +TSUNEMATSU +TUB +TUBE +TUBER +TUBERCULOSIS +TUBERS +TUBES +TUBING +TUBS +TUCK +TUCKED +TUCKER +TUCKING +TUCKS +TUCSON +TUDOR +TUESDAY +TUESDAYS +TUFT +TUFTS +TUG +TUGS +TUITION +TULANE +TULIP +TULIPS +TULSA +TUMBLE +TUMBLED +TUMBLER +TUMBLERS +TUMBLES +TUMBLING +TUMOR +TUMORS +TUMULT +TUMULTS +TUMULTUOUS +TUNABLE +TUNE +TUNED +TUNER +TUNERS +TUNES +TUNIC +TUNICS +TUNING +TUNIS +TUNISIA +TUNISIAN +TUNNEL +TUNNELED +TUNNELS +TUPLE +TUPLES +TURBAN +TURBANS +TURBULENCE +TURBULENT +TURBULENTLY +TURF +TURGID +TURGIDLY +TURIN +TURING +TURKEY +TURKEYS +TURKISH +TURKIZE +TURKIZES +TURMOIL +TURMOILS +TURN +TURNABLE +TURNAROUND +TURNED +TURNER +TURNERS +TURNING +TURNINGS +TURNIP +TURNIPS +TURNOVER +TURNS +TURPENTINE +TURQUOISE +TURRET +TURRETS +TURTLE +TURTLENECK +TURTLES +TUSCALOOSA +TUSCAN +TUSCANIZE +TUSCANIZES +TUSCANY +TUSCARORA +TUSKEGEE +TUTANKHAMEN +TUTANKHAMON +TUTANKHAMUN +TUTENKHAMON +TUTOR +TUTORED +TUTORIAL +TUTORIALS +TUTORING +TUTORS +TUTTLE +TWAIN +TWANG +TWAS +TWEED +TWELFTH +TWELVE +TWELVES +TWENTIES +TWENTIETH +TWENTY +TWICE +TWIG +TWIGS +TWILIGHT +TWILIGHTS +TWILL +TWIN +TWINE +TWINED +TWINER +TWINKLE +TWINKLED +TWINKLER +TWINKLES +TWINKLING +TWINS +TWIRL +TWIRLED +TWIRLER +TWIRLING +TWIRLS +TWIST +TWISTED +TWISTER +TWISTERS +TWISTING +TWISTS +TWITCH +TWITCHED +TWITCHING +TWITTER +TWITTERED +TWITTERING +TWO +TWOFOLD +TWOMBLY +TWOS +TYBURN +TYING +TYLER +TYLERIZE +TYLERIZES +TYNDALL +TYPE +TYPED +TYPEOUT +TYPES +TYPESETTER +TYPEWRITER +TYPEWRITERS +TYPHOID +TYPHON +TYPICAL +TYPICALLY +TYPICALNESS +TYPIFIED +TYPIFIES +TYPIFY +TYPIFYING +TYPING +TYPIST +TYPISTS +TYPO +TYPOGRAPHIC +TYPOGRAPHICAL +TYPOGRAPHICALLY +TYPOGRAPHY +TYRANNICAL +TYRANNOSAURUS +TYRANNY +TYRANT +TYRANTS +TYSON +TZELTAL +UBIQUITOUS +UBIQUITOUSLY +UBIQUITY +UDALL +UGANDA +UGH +UGLIER +UGLIEST +UGLINESS +UGLY +UKRAINE +UKRAINIAN +UKRAINIANS +ULAN +ULCER +ULCERS +ULLMAN +ULSTER +ULTIMATE +ULTIMATELY +ULTRA +ULTRASONIC +ULTRIX +ULTRIX +ULYSSES +UMBRAGE +UMBRELLA +UMBRELLAS +UMPIRE +UMPIRES +UNABATED +UNABBREVIATED +UNABLE +UNACCEPTABILITY +UNACCEPTABLE +UNACCEPTABLY +UNACCOUNTABLE +UNACCUSTOMED +UNACHIEVABLE +UNACKNOWLEDGED +UNADULTERATED +UNAESTHETICALLY +UNAFFECTED +UNAFFECTEDLY +UNAFFECTEDNESS +UNAIDED +UNALIENABILITY +UNALIENABLE +UNALTERABLY +UNALTERED +UNAMBIGUOUS +UNAMBIGUOUSLY +UNAMBITIOUS +UNANALYZABLE +UNANIMITY +UNANIMOUS +UNANIMOUSLY +UNANSWERABLE +UNANSWERED +UNANTICIPATED +UNARMED +UNARY +UNASSAILABLE +UNASSIGNED +UNASSISTED +UNATTAINABILITY +UNATTAINABLE +UNATTENDED +UNATTRACTIVE +UNATTRACTIVELY +UNAUTHORIZED +UNAVAILABILITY +UNAVAILABLE +UNAVOIDABLE +UNAVOIDABLY +UNAWARE +UNAWARENESS +UNAWARES +UNBALANCED +UNBEARABLE +UNBECOMING +UNBELIEVABLE +UNBIASED +UNBIND +UNBLOCK +UNBLOCKED +UNBLOCKING +UNBLOCKS +UNBORN +UNBOUND +UNBOUNDED +UNBREAKABLE +UNBRIDLED +UNBROKEN +UNBUFFERED +UNCANCELLED +UNCANNY +UNCAPITALIZED +UNCAUGHT +UNCERTAIN +UNCERTAINLY +UNCERTAINTIES +UNCERTAINTY +UNCHANGEABLE +UNCHANGED +UNCHANGING +UNCLAIMED +UNCLASSIFIED +UNCLE +UNCLEAN +UNCLEANLY +UNCLEANNESS +UNCLEAR +UNCLEARED +UNCLES +UNCLOSED +UNCOMFORTABLE +UNCOMFORTABLY +UNCOMMITTED +UNCOMMON +UNCOMMONLY +UNCOMPROMISING +UNCOMPUTABLE +UNCONCERNED +UNCONCERNEDLY +UNCONDITIONAL +UNCONDITIONALLY +UNCONNECTED +UNCONSCIONABLE +UNCONSCIOUS +UNCONSCIOUSLY +UNCONSCIOUSNESS +UNCONSTITUTIONAL +UNCONSTRAINED +UNCONTROLLABILITY +UNCONTROLLABLE +UNCONTROLLABLY +UNCONTROLLED +UNCONVENTIONAL +UNCONVENTIONALLY +UNCONVINCED +UNCONVINCING +UNCOORDINATED +UNCORRECTABLE +UNCORRECTED +UNCOUNTABLE +UNCOUNTABLY +UNCOUTH +UNCOVER +UNCOVERED +UNCOVERING +UNCOVERS +UNDAMAGED +UNDAUNTED +UNDAUNTEDLY +UNDECIDABLE +UNDECIDED +UNDECLARED +UNDECOMPOSABLE +UNDEFINABILITY +UNDEFINED +UNDELETED +UNDENIABLE +UNDENIABLY +UNDER +UNDERBRUSH +UNDERDONE +UNDERESTIMATE +UNDERESTIMATED +UNDERESTIMATES +UNDERESTIMATING +UNDERESTIMATION +UNDERFLOW +UNDERFLOWED +UNDERFLOWING +UNDERFLOWS +UNDERFOOT +UNDERGO +UNDERGOES +UNDERGOING +UNDERGONE +UNDERGRADUATE +UNDERGRADUATES +UNDERGROUND +UNDERLIE +UNDERLIES +UNDERLINE +UNDERLINED +UNDERLINES +UNDERLING +UNDERLINGS +UNDERLINING +UNDERLININGS +UNDERLOADED +UNDERLYING +UNDERMINE +UNDERMINED +UNDERMINES +UNDERMINING +UNDERNEATH +UNDERPINNING +UNDERPINNINGS +UNDERPLAY +UNDERPLAYED +UNDERPLAYING +UNDERPLAYS +UNDERSCORE +UNDERSCORED +UNDERSCORES +UNDERSTAND +UNDERSTANDABILITY +UNDERSTANDABLE +UNDERSTANDABLY +UNDERSTANDING +UNDERSTANDINGLY +UNDERSTANDINGS +UNDERSTANDS +UNDERSTATED +UNDERSTOOD +UNDERTAKE +UNDERTAKEN +UNDERTAKER +UNDERTAKERS +UNDERTAKES +UNDERTAKING +UNDERTAKINGS +UNDERTOOK +UNDERWATER +UNDERWAY +UNDERWEAR +UNDERWENT +UNDERWORLD +UNDERWRITE +UNDERWRITER +UNDERWRITERS +UNDERWRITES +UNDERWRITING +UNDESIRABILITY +UNDESIRABLE +UNDETECTABLE +UNDETECTED +UNDETERMINED +UNDEVELOPED +UNDID +UNDIMINISHED +UNDIRECTED +UNDISCIPLINED +UNDISCOVERED +UNDISTURBED +UNDIVIDED +UNDO +UNDOCUMENTED +UNDOES +UNDOING +UNDOINGS +UNDONE +UNDOUBTEDLY +UNDRESS +UNDRESSED +UNDRESSES +UNDRESSING +UNDUE +UNDULY +UNEASILY +UNEASINESS +UNEASY +UNECONOMIC +UNECONOMICAL +UNEMBELLISHED +UNEMPLOYED +UNEMPLOYMENT +UNENCRYPTED +UNENDING +UNENLIGHTENING +UNEQUAL +UNEQUALED +UNEQUALLY +UNEQUIVOCAL +UNEQUIVOCALLY +UNESCO +UNESSENTIAL +UNEVALUATED +UNEVEN +UNEVENLY +UNEVENNESS +UNEVENTFUL +UNEXCUSED +UNEXPANDED +UNEXPECTED +UNEXPECTEDLY +UNEXPLAINED +UNEXPLORED +UNEXTENDED +UNFAIR +UNFAIRLY +UNFAIRNESS +UNFAITHFUL +UNFAITHFULLY +UNFAITHFULNESS +UNFAMILIAR +UNFAMILIARITY +UNFAMILIARLY +UNFAVORABLE +UNFETTERED +UNFINISHED +UNFIT +UNFITNESS +UNFLAGGING +UNFOLD +UNFOLDED +UNFOLDING +UNFOLDS +UNFORESEEN +UNFORGEABLE +UNFORGIVING +UNFORMATTED +UNFORTUNATE +UNFORTUNATELY +UNFORTUNATES +UNFOUNDED +UNFRIENDLINESS +UNFRIENDLY +UNFULFILLED +UNGRAMMATICAL +UNGRATEFUL +UNGRATEFULLY +UNGRATEFULNESS +UNGROUNDED +UNGUARDED +UNGUIDED +UNHAPPIER +UNHAPPIEST +UNHAPPILY +UNHAPPINESS +UNHAPPY +UNHARMED +UNHEALTHY +UNHEARD +UNHEEDED +UNIBUS +UNICORN +UNICORNS +UNICYCLE +UNIDENTIFIED +UNIDIRECTIONAL +UNIDIRECTIONALITY +UNIDIRECTIONALLY +UNIFICATION +UNIFICATIONS +UNIFIED +UNIFIER +UNIFIERS +UNIFIES +UNIFORM +UNIFORMED +UNIFORMITY +UNIFORMLY +UNIFORMS +UNIFY +UNIFYING +UNILLUMINATING +UNIMAGINABLE +UNIMPEDED +UNIMPLEMENTED +UNIMPORTANT +UNINDENTED +UNINITIALIZED +UNINSULATED +UNINTELLIGIBLE +UNINTENDED +UNINTENTIONAL +UNINTENTIONALLY +UNINTERESTING +UNINTERESTINGLY +UNINTERPRETED +UNINTERRUPTED +UNINTERRUPTEDLY +UNION +UNIONIZATION +UNIONIZE +UNIONIZED +UNIONIZER +UNIONIZERS +UNIONIZES +UNIONIZING +UNIONS +UNIPLUS +UNIPROCESSOR +UNIQUE +UNIQUELY +UNIQUENESS +UNIROYAL +UNISOFT +UNISON +UNIT +UNITARIAN +UNITARIANIZE +UNITARIANIZES +UNITARIANS +UNITE +UNITED +UNITES +UNITIES +UNITING +UNITS +UNITY +UNIVAC +UNIVALVE +UNIVALVES +UNIVERSAL +UNIVERSALITY +UNIVERSALLY +UNIVERSALS +UNIVERSE +UNIVERSES +UNIVERSITIES +UNIVERSITY +UNIX +UNIX +UNJUST +UNJUSTIFIABLE +UNJUSTIFIED +UNJUSTLY +UNKIND +UNKINDLY +UNKINDNESS +UNKNOWABLE +UNKNOWING +UNKNOWINGLY +UNKNOWN +UNKNOWNS +UNLABELLED +UNLAWFUL +UNLAWFULLY +UNLEASH +UNLEASHED +UNLEASHES +UNLEASHING +UNLESS +UNLIKE +UNLIKELY +UNLIKENESS +UNLIMITED +UNLINK +UNLINKED +UNLINKING +UNLINKS +UNLOAD +UNLOADED +UNLOADING +UNLOADS +UNLOCK +UNLOCKED +UNLOCKING +UNLOCKS +UNLUCKY +UNMANAGEABLE +UNMANAGEABLY +UNMANNED +UNMARKED +UNMARRIED +UNMASK +UNMASKED +UNMATCHED +UNMENTIONABLE +UNMERCIFUL +UNMERCIFULLY +UNMISTAKABLE +UNMISTAKABLY +UNMODIFIED +UNMOVED +UNNAMED +UNNATURAL +UNNATURALLY +UNNATURALNESS +UNNECESSARILY +UNNECESSARY +UNNEEDED +UNNERVE +UNNERVED +UNNERVES +UNNERVING +UNNOTICED +UNOBSERVABLE +UNOBSERVED +UNOBTAINABLE +UNOCCUPIED +UNOFFICIAL +UNOFFICIALLY +UNOPENED +UNORDERED +UNPACK +UNPACKED +UNPACKING +UNPACKS +UNPAID +UNPARALLELED +UNPARSED +UNPLANNED +UNPLEASANT +UNPLEASANTLY +UNPLEASANTNESS +UNPLUG +UNPOPULAR +UNPOPULARITY +UNPRECEDENTED +UNPREDICTABLE +UNPREDICTABLY +UNPRESCRIBED +UNPRESERVED +UNPRIMED +UNPROFITABLE +UNPROJECTED +UNPROTECTED +UNPROVABILITY +UNPROVABLE +UNPROVEN +UNPUBLISHED +UNQUALIFIED +UNQUALIFIEDLY +UNQUESTIONABLY +UNQUESTIONED +UNQUOTED +UNRAVEL +UNRAVELED +UNRAVELING +UNRAVELS +UNREACHABLE +UNREAL +UNREALISTIC +UNREALISTICALLY +UNREASONABLE +UNREASONABLENESS +UNREASONABLY +UNRECOGNIZABLE +UNRECOGNIZED +UNREGULATED +UNRELATED +UNRELIABILITY +UNRELIABLE +UNREPORTED +UNREPRESENTABLE +UNRESOLVED +UNRESPONSIVE +UNREST +UNRESTRAINED +UNRESTRICTED +UNRESTRICTEDLY +UNRESTRICTIVE +UNROLL +UNROLLED +UNROLLING +UNROLLS +UNRULY +UNSAFE +UNSAFELY +UNSANITARY +UNSATISFACTORY +UNSATISFIABILITY +UNSATISFIABLE +UNSATISFIED +UNSATISFYING +UNSCRUPULOUS +UNSEEDED +UNSEEN +UNSELECTED +UNSELFISH +UNSELFISHLY +UNSELFISHNESS +UNSENT +UNSETTLED +UNSETTLING +UNSHAKEN +UNSHARED +UNSIGNED +UNSKILLED +UNSLOTTED +UNSOLVABLE +UNSOLVED +UNSOPHISTICATED +UNSOUND +UNSPEAKABLE +UNSPECIFIED +UNSTABLE +UNSTEADINESS +UNSTEADY +UNSTRUCTURED +UNSUCCESSFUL +UNSUCCESSFULLY +UNSUITABLE +UNSUITED +UNSUPPORTED +UNSURE +UNSURPRISING +UNSURPRISINGLY +UNSYNCHRONIZED +UNTAGGED +UNTAPPED +UNTENABLE +UNTERMINATED +UNTESTED +UNTHINKABLE +UNTHINKING +UNTIDINESS +UNTIDY +UNTIE +UNTIED +UNTIES +UNTIL +UNTIMELY +UNTO +UNTOLD +UNTOUCHABLE +UNTOUCHABLES +UNTOUCHED +UNTOWARD +UNTRAINED +UNTRANSLATED +UNTREATED +UNTRIED +UNTRUE +UNTRUTHFUL +UNTRUTHFULNESS +UNTYING +UNUSABLE +UNUSED +UNUSUAL +UNUSUALLY +UNVARYING +UNVEIL +UNVEILED +UNVEILING +UNVEILS +UNWANTED +UNWELCOME +UNWHOLESOME +UNWIELDINESS +UNWIELDY +UNWILLING +UNWILLINGLY +UNWILLINGNESS +UNWIND +UNWINDER +UNWINDERS +UNWINDING +UNWINDS +UNWISE +UNWISELY +UNWISER +UNWISEST +UNWITTING +UNWITTINGLY +UNWORTHINESS +UNWORTHY +UNWOUND +UNWRAP +UNWRAPPED +UNWRAPPING +UNWRAPS +UNWRITTEN +UPBRAID +UPCOMING +UPDATE +UPDATED +UPDATER +UPDATES +UPDATING +UPGRADE +UPGRADED +UPGRADES +UPGRADING +UPHELD +UPHILL +UPHOLD +UPHOLDER +UPHOLDERS +UPHOLDING +UPHOLDS +UPHOLSTER +UPHOLSTERED +UPHOLSTERER +UPHOLSTERING +UPHOLSTERS +UPKEEP +UPLAND +UPLANDS +UPLIFT +UPLINK +UPLINKS +UPLOAD +UPON +UPPER +UPPERMOST +UPRIGHT +UPRIGHTLY +UPRIGHTNESS +UPRISING +UPRISINGS +UPROAR +UPROOT +UPROOTED +UPROOTING +UPROOTS +UPSET +UPSETS +UPSHOT +UPSHOTS +UPSIDE +UPSTAIRS +UPSTREAM +UPTON +UPTURN +UPTURNED +UPTURNING +UPTURNS +UPWARD +UPWARDS +URANIA +URANUS +URBAN +URBANA +URCHIN +URCHINS +URDU +URGE +URGED +URGENT +URGENTLY +URGES +URGING +URGINGS +URI +URINATE +URINATED +URINATES +URINATING +URINATION +URINE +URIS +URN +URNS +URQUHART +URSA +URSULA +URSULINE +URUGUAY +URUGUAYAN +URUGUAYANS +USABILITY +USABLE +USABLY +USAGE +USAGES +USE +USED +USEFUL +USEFULLY +USEFULNESS +USELESS +USELESSLY +USELESSNESS +USENET +USENIX +USER +USERS +USES +USHER +USHERED +USHERING +USHERS +USING +USUAL +USUALLY +USURP +USURPED +USURPER +UTAH +UTENSIL +UTENSILS +UTICA +UTILITIES +UTILITY +UTILIZATION +UTILIZATIONS +UTILIZE +UTILIZED +UTILIZES +UTILIZING +UTMOST +UTOPIA +UTOPIAN +UTOPIANIZE +UTOPIANIZES +UTOPIANS +UTRECHT +UTTER +UTTERANCE +UTTERANCES +UTTERED +UTTERING +UTTERLY +UTTERMOST +UTTERS +UZI +VACANCIES +VACANCY +VACANT +VACANTLY +VACATE +VACATED +VACATES +VACATING +VACATION +VACATIONED +VACATIONER +VACATIONERS +VACATIONING +VACATIONS +VACUO +VACUOUS +VACUOUSLY +VACUUM +VACUUMED +VACUUMING +VADUZ +VAGABOND +VAGABONDS +VAGARIES +VAGARY +VAGINA +VAGINAS +VAGRANT +VAGRANTLY +VAGUE +VAGUELY +VAGUENESS +VAGUER +VAGUEST +VAIL +VAIN +VAINLY +VALE +VALENCE +VALENCES +VALENTINE +VALENTINES +VALERIE +VALERY +VALES +VALET +VALETS +VALHALLA +VALIANT +VALIANTLY +VALID +VALIDATE +VALIDATED +VALIDATES +VALIDATING +VALIDATION +VALIDITY +VALIDLY +VALIDNESS +VALKYRIE +VALLETTA +VALLEY +VALLEYS +VALOIS +VALOR +VALPARAISO +VALUABLE +VALUABLES +VALUABLY +VALUATION +VALUATIONS +VALUE +VALUED +VALUER +VALUERS +VALUES +VALUING +VALVE +VALVES +VAMPIRE +VAN +VANCE +VANCEMENT +VANCOUVER +VANDALIZE +VANDALIZED +VANDALIZES +VANDALIZING +VANDENBERG +VANDERBILT +VANDERBURGH +VANDERPOEL +VANE +VANES +VANESSA +VANGUARD +VANILLA +VANISH +VANISHED +VANISHER +VANISHES +VANISHING +VANISHINGLY +VANITIES +VANITY +VANQUISH +VANQUISHED +VANQUISHES +VANQUISHING +VANS +VANTAGE +VAPOR +VAPORING +VAPORS +VARIABILITY +VARIABLE +VARIABLENESS +VARIABLES +VARIABLY +VARIAN +VARIANCE +VARIANCES +VARIANT +VARIANTLY +VARIANTS +VARIATION +VARIATIONS +VARIED +VARIES +VARIETIES +VARIETY +VARIOUS +VARIOUSLY +VARITYPE +VARITYPING +VARNISH +VARNISHES +VARY +VARYING +VARYINGS +VASE +VASES +VASQUEZ +VASSAL +VASSAR +VAST +VASTER +VASTEST +VASTLY +VASTNESS +VAT +VATICAN +VATICANIZATION +VATICANIZATIONS +VATICANIZE +VATICANIZES +VATS +VAUDEVILLE +VAUDOIS +VAUGHAN +VAUGHN +VAULT +VAULTED +VAULTER +VAULTING +VAULTS +VAUNT +VAUNTED +VAX +VAXES +VEAL +VECTOR +VECTORIZATION +VECTORIZING +VECTORS +VEDA +VEER +VEERED +VEERING +VEERS +VEGA +VEGANISM +VEGAS +VEGETABLE +VEGETABLES +VEGETARIAN +VEGETARIANS +VEGETATE +VEGETATED +VEGETATES +VEGETATING +VEGETATION +VEGETATIVE +VEHEMENCE +VEHEMENT +VEHEMENTLY +VEHICLE +VEHICLES +VEHICULAR +VEIL +VEILED +VEILING +VEILS +VEIN +VEINED +VEINING +VEINS +VELA +VELASQUEZ +VELLA +VELOCITIES +VELOCITY +VELVET +VENDOR +VENDORS +VENERABLE +VENERATION +VENETIAN +VENETO +VENEZUELA +VENEZUELAN +VENGEANCE +VENIAL +VENICE +VENISON +VENN +VENOM +VENOMOUS +VENOMOUSLY +VENT +VENTED +VENTILATE +VENTILATED +VENTILATES +VENTILATING +VENTILATION +VENTRICLE +VENTRICLES +VENTS +VENTURA +VENTURE +VENTURED +VENTURER +VENTURERS +VENTURES +VENTURING +VENTURINGS +VENUS +VENUSIAN +VENUSIANS +VERA +VERACITY +VERANDA +VERANDAS +VERB +VERBAL +VERBALIZE +VERBALIZED +VERBALIZES +VERBALIZING +VERBALLY +VERBOSE +VERBS +VERDE +VERDERER +VERDI +VERDICT +VERDURE +VERGE +VERGER +VERGES +VERGIL +VERIFIABILITY +VERIFIABLE +VERIFICATION +VERIFICATIONS +VERIFIED +VERIFIER +VERIFIERS +VERIFIES +VERIFY +VERIFYING +VERILY +VERITABLE +VERLAG +VERMIN +VERMONT +VERN +VERNA +VERNACULAR +VERNE +VERNON +VERONA +VERONICA +VERSA +VERSAILLES +VERSATEC +VERSATILE +VERSATILITY +VERSE +VERSED +VERSES +VERSING +VERSION +VERSIONS +VERSUS +VERTEBRATE +VERTEBRATES +VERTEX +VERTICAL +VERTICALLY +VERTICALNESS +VERTICES +VERY +VESSEL +VESSELS +VEST +VESTED +VESTIGE +VESTIGES +VESTIGIAL +VESTS +VESUVIUS +VETERAN +VETERANS +VETERINARIAN +VETERINARIANS +VETERINARY +VETO +VETOED +VETOER +VETOES +VEX +VEXATION +VEXED +VEXES +VEXING +VIA +VIABILITY +VIABLE +VIABLY +VIAL +VIALS +VIBRATE +VIBRATED +VIBRATING +VIBRATION +VIBRATIONS +VIBRATOR +VIC +VICE +VICEROY +VICES +VICHY +VICINITY +VICIOUS +VICIOUSLY +VICIOUSNESS +VICISSITUDE +VICISSITUDES +VICKERS +VICKSBURG +VICKY +VICTIM +VICTIMIZE +VICTIMIZED +VICTIMIZER +VICTIMIZERS +VICTIMIZES +VICTIMIZING +VICTIMS +VICTOR +VICTORIA +VICTORIAN +VICTORIANIZE +VICTORIANIZES +VICTORIANS +VICTORIES +VICTORIOUS +VICTORIOUSLY +VICTORS +VICTORY +VICTROLA +VICTUAL +VICTUALER +VICTUALS +VIDA +VIDAL +VIDEO +VIDEOTAPE +VIDEOTAPES +VIDEOTEX +VIE +VIED +VIENNA +VIENNESE +VIENTIANE +VIER +VIES +VIET +VIETNAM +VIETNAMESE +VIEW +VIEWABLE +VIEWED +VIEWER +VIEWERS +VIEWING +VIEWPOINT +VIEWPOINTS +VIEWS +VIGILANCE +VIGILANT +VIGILANTE +VIGILANTES +VIGILANTLY +VIGNETTE +VIGNETTES +VIGOR +VIGOROUS +VIGOROUSLY +VIKING +VIKINGS +VIKRAM +VILE +VILELY +VILENESS +VILIFICATION +VILIFICATIONS +VILIFIED +VILIFIES +VILIFY +VILIFYING +VILLA +VILLAGE +VILLAGER +VILLAGERS +VILLAGES +VILLAIN +VILLAINOUS +VILLAINOUSLY +VILLAINOUSNESS +VILLAINS +VILLAINY +VILLAS +VINCE +VINCENT +VINCI +VINDICATE +VINDICATED +VINDICATION +VINDICTIVE +VINDICTIVELY +VINDICTIVENESS +VINE +VINEGAR +VINES +VINEYARD +VINEYARDS +VINSON +VINTAGE +VIOLATE +VIOLATED +VIOLATES +VIOLATING +VIOLATION +VIOLATIONS +VIOLATOR +VIOLATORS +VIOLENCE +VIOLENT +VIOLENTLY +VIOLET +VIOLETS +VIOLIN +VIOLINIST +VIOLINISTS +VIOLINS +VIPER +VIPERS +VIRGIL +VIRGIN +VIRGINIA +VIRGINIAN +VIRGINIANS +VIRGINITY +VIRGINS +VIRGO +VIRTUAL +VIRTUALLY +VIRTUE +VIRTUES +VIRTUOSO +VIRTUOSOS +VIRTUOUS +VIRTUOUSLY +VIRULENT +VIRUS +VIRUSES +VISA +VISAGE +VISAS +VISCOUNT +VISCOUNTS +VISCOUS +VISHNU +VISIBILITY +VISIBLE +VISIBLY +VISIGOTH +VISIGOTHS +VISION +VISIONARY +VISIONS +VISIT +VISITATION +VISITATIONS +VISITED +VISITING +VISITOR +VISITORS +VISITS +VISOR +VISORS +VISTA +VISTAS +VISUAL +VISUALIZE +VISUALIZED +VISUALIZER +VISUALIZES +VISUALIZING +VISUALLY +VITA +VITAE +VITAL +VITALITY +VITALLY +VITALS +VITO +VITUS +VIVALDI +VIVIAN +VIVID +VIVIDLY +VIVIDNESS +VIZIER +VLADIMIR +VLADIVOSTOK +VOCABULARIES +VOCABULARY +VOCAL +VOCALLY +VOCALS +VOCATION +VOCATIONAL +VOCATIONALLY +VOCATIONS +VOGEL +VOGUE +VOICE +VOICED +VOICER +VOICERS +VOICES +VOICING +VOID +VOIDED +VOIDER +VOIDING +VOIDS +VOLATILE +VOLATILITIES +VOLATILITY +VOLCANIC +VOLCANO +VOLCANOS +VOLITION +VOLKSWAGEN +VOLKSWAGENS +VOLLEY +VOLLEYBALL +VOLLEYBALLS +VOLSTEAD +VOLT +VOLTA +VOLTAGE +VOLTAGES +VOLTAIRE +VOLTERRA +VOLTS +VOLUME +VOLUMES +VOLUNTARILY +VOLUNTARY +VOLUNTEER +VOLUNTEERED +VOLUNTEERING +VOLUNTEERS +VOLVO +VOMIT +VOMITED +VOMITING +VOMITS +VORTEX +VOSS +VOTE +VOTED +VOTER +VOTERS +VOTES +VOTING +VOTIVE +VOUCH +VOUCHER +VOUCHERS +VOUCHES +VOUCHING +VOUGHT +VOW +VOWED +VOWEL +VOWELS +VOWER +VOWING +VOWS +VOYAGE +VOYAGED +VOYAGER +VOYAGERS +VOYAGES +VOYAGING +VOYAGINGS +VREELAND +VULCAN +VULCANISM +VULGAR +VULGARLY +VULNERABILITIES +VULNERABILITY +VULNERABLE +VULTURE +VULTURES +WAALS +WABASH +WACKE +WACKY +WACO +WADE +WADED +WADER +WADES +WADING +WADSWORTH +WAFER +WAFERS +WAFFLE +WAFFLES +WAFT +WAG +WAGE +WAGED +WAGER +WAGERS +WAGES +WAGING +WAGNER +WAGNERIAN +WAGNERIZE +WAGNERIZES +WAGON +WAGONER +WAGONS +WAGS +WAHL +WAIL +WAILED +WAILING +WAILS +WAINWRIGHT +WAIST +WAISTCOAT +WAISTCOATS +WAISTS +WAIT +WAITE +WAITED +WAITER +WAITERS +WAITING +WAITRESS +WAITRESSES +WAITS +WAIVE +WAIVED +WAIVER +WAIVERABLE +WAIVES +WAIVING +WAKE +WAKED +WAKEFIELD +WAKEN +WAKENED +WAKENING +WAKES +WAKEUP +WAKING +WALBRIDGE +WALCOTT +WALDEN +WALDENSIAN +WALDO +WALDORF +WALDRON +WALES +WALFORD +WALGREEN +WALK +WALKED +WALKER +WALKERS +WALKING +WALKS +WALL +WALLACE +WALLED +WALLENSTEIN +WALLER +WALLET +WALLETS +WALLING +WALLIS +WALLOW +WALLOWED +WALLOWING +WALLOWS +WALLS +WALNUT +WALNUTS +WALPOLE +WALRUS +WALRUSES +WALSH +WALT +WALTER +WALTERS +WALTHAM +WALTON +WALTZ +WALTZED +WALTZES +WALTZING +WALWORTH +WAN +WAND +WANDER +WANDERED +WANDERER +WANDERERS +WANDERING +WANDERINGS +WANDERS +WANE +WANED +WANES +WANG +WANING +WANLY +WANSEE +WANSLEY +WANT +WANTED +WANTING +WANTON +WANTONLY +WANTONNESS +WANTS +WAPATO +WAPPINGER +WAR +WARBLE +WARBLED +WARBLER +WARBLES +WARBLING +WARBURTON +WARD +WARDEN +WARDENS +WARDER +WARDROBE +WARDROBES +WARDS +WARE +WAREHOUSE +WAREHOUSES +WAREHOUSING +WARES +WARFARE +WARFIELD +WARILY +WARINESS +WARING +WARLIKE +WARM +WARMED +WARMER +WARMERS +WARMEST +WARMING +WARMLY +WARMS +WARMTH +WARN +WARNED +WARNER +WARNING +WARNINGLY +WARNINGS +WARNOCK +WARNS +WARP +WARPED +WARPING +WARPS +WARRANT +WARRANTED +WARRANTIES +WARRANTING +WARRANTS +WARRANTY +WARRED +WARRING +WARRIOR +WARRIORS +WARS +WARSAW +WARSHIP +WARSHIPS +WART +WARTIME +WARTS +WARWICK +WARY +WAS +WASH +WASHBURN +WASHED +WASHER +WASHERS +WASHES +WASHING +WASHINGS +WASHINGTON +WASHOE +WASP +WASPS +WASSERMAN +WASTE +WASTED +WASTEFUL +WASTEFULLY +WASTEFULNESS +WASTES +WASTING +WATANABE +WATCH +WATCHED +WATCHER +WATCHERS +WATCHES +WATCHFUL +WATCHFULLY +WATCHFULNESS +WATCHING +WATCHINGS +WATCHMAN +WATCHWORD +WATCHWORDS +WATER +WATERBURY +WATERED +WATERFALL +WATERFALLS +WATERGATE +WATERHOUSE +WATERING +WATERINGS +WATERLOO +WATERMAN +WATERPROOF +WATERPROOFING +WATERS +WATERTOWN +WATERWAY +WATERWAYS +WATERY +WATKINS +WATSON +WATTENBERG +WATTERSON +WATTS +WAUKESHA +WAUNONA +WAUPACA +WAUPUN +WAUSAU +WAUWATOSA +WAVE +WAVED +WAVEFORM +WAVEFORMS +WAVEFRONT +WAVEFRONTS +WAVEGUIDES +WAVELAND +WAVELENGTH +WAVELENGTHS +WAVER +WAVERS +WAVES +WAVING +WAX +WAXED +WAXEN +WAXER +WAXERS +WAXES +WAXING +WAXY +WAY +WAYNE +WAYNESBORO +WAYS +WAYSIDE +WAYWARD +WEAK +WEAKEN +WEAKENED +WEAKENING +WEAKENS +WEAKER +WEAKEST +WEAKLY +WEAKNESS +WEAKNESSES +WEALTH +WEALTHIEST +WEALTHS +WEALTHY +WEAN +WEANED +WEANING +WEAPON +WEAPONS +WEAR +WEARABLE +WEARER +WEARIED +WEARIER +WEARIEST +WEARILY +WEARINESS +WEARING +WEARISOME +WEARISOMELY +WEARS +WEARY +WEARYING +WEASEL +WEASELS +WEATHER +WEATHERCOCK +WEATHERCOCKS +WEATHERED +WEATHERFORD +WEATHERING +WEATHERS +WEAVE +WEAVER +WEAVES +WEAVING +WEB +WEBB +WEBBER +WEBS +WEBSTER +WEBSTERVILLE +WEDDED +WEDDING +WEDDINGS +WEDGE +WEDGED +WEDGES +WEDGING +WEDLOCK +WEDNESDAY +WEDNESDAYS +WEDS +WEE +WEED +WEEDS +WEEK +WEEKEND +WEEKENDS +WEEKLY +WEEKS +WEEP +WEEPER +WEEPING +WEEPS +WEHR +WEI +WEIBULL +WEIDER +WEIDMAN +WEIERSTRASS +WEIGH +WEIGHED +WEIGHING +WEIGHINGS +WEIGHS +WEIGHT +WEIGHTED +WEIGHTING +WEIGHTS +WEIGHTY +WEINBERG +WEINER +WEINSTEIN +WEIRD +WEIRDLY +WEISENHEIMER +WEISS +WEISSMAN +WEISSMULLER +WELCH +WELCHER +WELCHES +WELCOME +WELCOMED +WELCOMES +WELCOMING +WELD +WELDED +WELDER +WELDING +WELDON +WELDS +WELDWOOD +WELFARE +WELL +WELLED +WELLER +WELLES +WELLESLEY +WELLING +WELLINGTON +WELLMAN +WELLS +WELLSVILLE +WELMERS +WELSH +WELTON +WENCH +WENCHES +WENDELL +WENDY +WENT +WENTWORTH +WEPT +WERE +WERNER +WERTHER +WESLEY +WESLEYAN +WESSON +WEST +WESTBOUND +WESTBROOK +WESTCHESTER +WESTERN +WESTERNER +WESTERNERS +WESTFIELD +WESTHAMPTON +WESTINGHOUSE +WESTMINSTER +WESTMORE +WESTON +WESTPHALIA +WESTPORT +WESTWARD +WESTWARDS +WESTWOOD +WET +WETLY +WETNESS +WETS +WETTED +WETTER +WETTEST +WETTING +WEYERHAUSER +WHACK +WHACKED +WHACKING +WHACKS +WHALE +WHALEN +WHALER +WHALES +WHALING +WHARF +WHARTON +WHARVES +WHAT +WHATEVER +WHATLEY +WHATSOEVER +WHEAT +WHEATEN +WHEATLAND +WHEATON +WHEATSTONE +WHEEL +WHEELED +WHEELER +WHEELERS +WHEELING +WHEELINGS +WHEELOCK +WHEELS +WHELAN +WHELLER +WHELP +WHEN +WHENCE +WHENEVER +WHERE +WHEREABOUTS +WHEREAS +WHEREBY +WHEREIN +WHEREUPON +WHEREVER +WHETHER +WHICH +WHICHEVER +WHILE +WHIM +WHIMPER +WHIMPERED +WHIMPERING +WHIMPERS +WHIMS +WHIMSICAL +WHIMSICALLY +WHIMSIES +WHIMSY +WHINE +WHINED +WHINES +WHINING +WHIP +WHIPPANY +WHIPPED +WHIPPER +WHIPPERS +WHIPPING +WHIPPINGS +WHIPPLE +WHIPS +WHIRL +WHIRLED +WHIRLING +WHIRLPOOL +WHIRLPOOLS +WHIRLS +WHIRLWIND +WHIRR +WHIRRING +WHISK +WHISKED +WHISKER +WHISKERS +WHISKEY +WHISKING +WHISKS +WHISPER +WHISPERED +WHISPERING +WHISPERINGS +WHISPERS +WHISTLE +WHISTLED +WHISTLER +WHISTLERS +WHISTLES +WHISTLING +WHIT +WHITAKER +WHITCOMB +WHITE +WHITEHALL +WHITEHORSE +WHITELEAF +WHITELEY +WHITELY +WHITEN +WHITENED +WHITENER +WHITENERS +WHITENESS +WHITENING +WHITENS +WHITER +WHITES +WHITESPACE +WHITEST +WHITEWASH +WHITEWASHED +WHITEWATER +WHITFIELD +WHITING +WHITLOCK +WHITMAN +WHITMANIZE +WHITMANIZES +WHITNEY +WHITTAKER +WHITTIER +WHITTLE +WHITTLED +WHITTLES +WHITTLING +WHIZ +WHIZZED +WHIZZES +WHIZZING +WHO +WHOEVER +WHOLE +WHOLEHEARTED +WHOLEHEARTEDLY +WHOLENESS +WHOLES +WHOLESALE +WHOLESALER +WHOLESALERS +WHOLESOME +WHOLESOMENESS +WHOLLY +WHOM +WHOMEVER +WHOOP +WHOOPED +WHOOPING +WHOOPS +WHORE +WHORES +WHORL +WHORLS +WHOSE +WHY +WICHITA +WICK +WICKED +WICKEDLY +WICKEDNESS +WICKER +WICKS +WIDE +WIDEBAND +WIDELY +WIDEN +WIDENED +WIDENER +WIDENING +WIDENS +WIDER +WIDESPREAD +WIDEST +WIDGET +WIDOW +WIDOWED +WIDOWER +WIDOWERS +WIDOWS +WIDTH +WIDTHS +WIELAND +WIELD +WIELDED +WIELDER +WIELDING +WIELDS +WIER +WIFE +WIFELY +WIG +WIGGINS +WIGHTMAN +WIGS +WIGWAM +WILBUR +WILCOX +WILD +WILDCAT +WILDCATS +WILDER +WILDERNESS +WILDEST +WILDLY +WILDNESS +WILE +WILES +WILEY +WILFRED +WILHELM +WILHELMINA +WILINESS +WILKES +WILKIE +WILKINS +WILKINSON +WILL +WILLA +WILLAMETTE +WILLARD +WILLCOX +WILLED +WILLEM +WILLFUL +WILLFULLY +WILLIAM +WILLIAMS +WILLIAMSBURG +WILLIAMSON +WILLIE +WILLIED +WILLIES +WILLING +WILLINGLY +WILLINGNESS +WILLIS +WILLISSON +WILLOUGHBY +WILLOW +WILLOWS +WILLS +WILLY +WILMA +WILMETTE +WILMINGTON +WILSHIRE +WILSON +WILSONIAN +WILT +WILTED +WILTING +WILTS +WILTSHIRE +WILY +WIN +WINCE +WINCED +WINCES +WINCHELL +WINCHESTER +WINCING +WIND +WINDED +WINDER +WINDERS +WINDING +WINDMILL +WINDMILLS +WINDOW +WINDOWS +WINDS +WINDSOR +WINDY +WINE +WINED +WINEHEAD +WINER +WINERS +WINES +WINFIELD +WING +WINGED +WINGING +WINGS +WINIFRED +WINING +WINK +WINKED +WINKER +WINKING +WINKS +WINNEBAGO +WINNER +WINNERS +WINNETKA +WINNIE +WINNING +WINNINGLY +WINNINGS +WINNIPEG +WINNIPESAUKEE +WINOGRAD +WINOOSKI +WINS +WINSBOROUGH +WINSETT +WINSLOW +WINSTON +WINTER +WINTERED +WINTERING +WINTERS +WINTHROP +WINTRY +WIPE +WIPED +WIPER +WIPERS +WIPES +WIPING +WIRE +WIRED +WIRELESS +WIRES +WIRETAP +WIRETAPPERS +WIRETAPPING +WIRETAPS +WIRINESS +WIRING +WIRY +WISCONSIN +WISDOM +WISDOMS +WISE +WISED +WISELY +WISENHEIMER +WISER +WISEST +WISH +WISHED +WISHER +WISHERS +WISHES +WISHFUL +WISHING +WISP +WISPS +WISTFUL +WISTFULLY +WISTFULNESS +WIT +WITCH +WITCHCRAFT +WITCHES +WITCHING +WITH +WITHAL +WITHDRAW +WITHDRAWAL +WITHDRAWALS +WITHDRAWING +WITHDRAWN +WITHDRAWS +WITHDREW +WITHER +WITHERS +WITHERSPOON +WITHHELD +WITHHOLD +WITHHOLDER +WITHHOLDERS +WITHHOLDING +WITHHOLDINGS +WITHHOLDS +WITHIN +WITHOUT +WITHSTAND +WITHSTANDING +WITHSTANDS +WITHSTOOD +WITNESS +WITNESSED +WITNESSES +WITNESSING +WITS +WITT +WITTGENSTEIN +WITTY +WIVES +WIZARD +WIZARDS +WOE +WOEFUL +WOEFULLY +WOKE +WOLCOTT +WOLF +WOLFE +WOLFF +WOLFGANG +WOLVERTON +WOLVES +WOMAN +WOMANHOOD +WOMANLY +WOMB +WOMBS +WOMEN +WON +WONDER +WONDERED +WONDERFUL +WONDERFULLY +WONDERFULNESS +WONDERING +WONDERINGLY +WONDERMENT +WONDERS +WONDROUS +WONDROUSLY +WONG +WONT +WONTED +WOO +WOOD +WOODARD +WOODBERRY +WOODBURY +WOODCHUCK +WOODCHUCKS +WOODCOCK +WOODCOCKS +WOODED +WOODEN +WOODENLY +WOODENNESS +WOODLAND +WOODLAWN +WOODMAN +WOODPECKER +WOODPECKERS +WOODROW +WOODS +WOODSTOCK +WOODWARD +WOODWARDS +WOODWORK +WOODWORKING +WOODY +WOOED +WOOER +WOOF +WOOFED +WOOFER +WOOFERS +WOOFING +WOOFS +WOOING +WOOL +WOOLEN +WOOLLY +WOOLS +WOOLWORTH +WOONSOCKET +WOOS +WOOSTER +WORCESTER +WORCESTERSHIRE +WORD +WORDED +WORDILY +WORDINESS +WORDING +WORDS +WORDSWORTH +WORDY +WORE +WORK +WORKABLE +WORKABLY +WORKBENCH +WORKBENCHES +WORKBOOK +WORKBOOKS +WORKED +WORKER +WORKERS +WORKHORSE +WORKHORSES +WORKING +WORKINGMAN +WORKINGS +WORKLOAD +WORKMAN +WORKMANSHIP +WORKMEN +WORKS +WORKSHOP +WORKSHOPS +WORKSPACE +WORKSTATION +WORKSTATIONS +WORLD +WORLDLINESS +WORLDLY +WORLDS +WORLDWIDE +WORM +WORMED +WORMING +WORMS +WORN +WORRIED +WORRIER +WORRIERS +WORRIES +WORRISOME +WORRY +WORRYING +WORRYINGLY +WORSE +WORSHIP +WORSHIPED +WORSHIPER +WORSHIPFUL +WORSHIPING +WORSHIPS +WORST +WORSTED +WORTH +WORTHIEST +WORTHINESS +WORTHINGTON +WORTHLESS +WORTHLESSNESS +WORTHS +WORTHWHILE +WORTHWHILENESS +WORTHY +WOTAN +WOULD +WOUND +WOUNDED +WOUNDING +WOUNDS +WOVE +WOVEN +WRANGLE +WRANGLED +WRANGLER +WRAP +WRAPAROUND +WRAPPED +WRAPPER +WRAPPERS +WRAPPING +WRAPPINGS +WRAPS +WRATH +WREAK +WREAKS +WREATH +WREATHED +WREATHES +WRECK +WRECKAGE +WRECKED +WRECKER +WRECKERS +WRECKING +WRECKS +WREN +WRENCH +WRENCHED +WRENCHES +WRENCHING +WRENS +WREST +WRESTLE +WRESTLER +WRESTLES +WRESTLING +WRESTLINGS +WRETCH +WRETCHED +WRETCHEDNESS +WRETCHES +WRIGGLE +WRIGGLED +WRIGGLER +WRIGGLES +WRIGGLING +WRIGLEY +WRING +WRINGER +WRINGS +WRINKLE +WRINKLED +WRINKLES +WRIST +WRISTS +WRISTWATCH +WRISTWATCHES +WRIT +WRITABLE +WRITE +WRITER +WRITERS +WRITES +WRITHE +WRITHED +WRITHES +WRITHING +WRITING +WRITINGS +WRITS +WRITTEN +WRONG +WRONGED +WRONGING +WRONGLY +WRONGS +WRONSKIAN +WROTE +WROUGHT +WRUNG +WUHAN +WYANDOTTE +WYATT +WYETH +WYLIE +WYMAN +WYNER +WYNN +WYOMING +XANTHUS +XAVIER +XEBEC +XENAKIS +XENIA +XENIX +XEROX +XEROXED +XEROXES +XEROXING +XERXES +XHOSA +YAGI +YAKIMA +YALE +YALIES +YALTA +YAMAHA +YANK +YANKED +YANKEE +YANKEES +YANKING +YANKS +YANKTON +YAOUNDE +YAQUI +YARD +YARDS +YARDSTICK +YARDSTICKS +YARMOUTH +YARN +YARNS +YATES +YAUNDE +YAWN +YAWNER +YAWNING +YEA +YEAGER +YEAR +YEARLY +YEARN +YEARNED +YEARNING +YEARNINGS +YEARS +YEAS +YEAST +YEASTS +YEATS +YELL +YELLED +YELLER +YELLING +YELLOW +YELLOWED +YELLOWER +YELLOWEST +YELLOWING +YELLOWISH +YELLOWKNIFE +YELLOWNESS +YELLOWS +YELLOWSTONE +YELP +YELPED +YELPING +YELPS +YEMEN +YENTL +YEOMAN +YEOMEN +YERKES +YES +YESTERDAY +YESTERDAYS +YET +YIDDISH +YIELD +YIELDED +YIELDING +YIELDS +YODER +YOKE +YOKES +YOKNAPATAWPHA +YOKOHAMA +YOKUTS +YON +YONDER +YONKERS +YORICK +YORK +YORKER +YORKERS +YORKSHIRE +YORKTOWN +YOSEMITE +YOST +YOU +YOUNG +YOUNGER +YOUNGEST +YOUNGLY +YOUNGSTER +YOUNGSTERS +YOUNGSTOWN +YOUR +YOURS +YOURSELF +YOURSELVES +YOUTH +YOUTHES +YOUTHFUL +YOUTHFULLY +YOUTHFULNESS +YPSILANTI +YUBA +YUCATAN +YUGOSLAV +YUGOSLAVIA +YUGOSLAVIAN +YUGOSLAVIANS +YUH +YUKI +YUKON +YURI +YVES +YVETTE +ZACHARY +ZAGREB +ZAIRE +ZAMBIA +ZAN +ZANZIBAR +ZEAL +ZEALAND +ZEALOUS +ZEALOUSLY +ZEALOUSNESS +ZEBRA +ZEBRAS +ZEFFIRELLI +ZEISS +ZELLERBACH +ZEN +ZENITH +ZENNIST +ZERO +ZEROED +ZEROES +ZEROING +ZEROS +ZEROTH +ZEST +ZEUS +ZIEGFELD +ZIEGFELDS +ZIEGLER +ZIGGY +ZIGZAG +ZILLIONS +ZIMMERMAN +ZINC +ZION +ZIONISM +ZIONIST +ZIONISTS +ZIONS +ZODIAC +ZOE +ZOMBA +ZONAL +ZONALLY +ZONE +ZONED +ZONES +ZONING +ZOO +ZOOLOGICAL +ZOOLOGICALLY +ZOOM +ZOOMS +ZOOS +ZORN +ZOROASTER +ZOROASTRIAN +ZULU +ZULUS ZURICH \ No newline at end of file diff --git a/other/euclidean_gcd.py b/other/euclidean_gcd.py index fb92dc6b4ecd..6fe269ecdc5e 100644 --- a/other/euclidean_gcd.py +++ b/other/euclidean_gcd.py @@ -1,23 +1,23 @@ -from __future__ import print_function - - -# https://en.wikipedia.org/wiki/Euclidean_algorithm - -def euclidean_gcd(a, b): - while b: - t = b - b = a % b - a = t - return a - - -def main(): - print("GCD(3, 5) = " + str(euclidean_gcd(3, 5))) - print("GCD(5, 3) = " + str(euclidean_gcd(5, 3))) - print("GCD(1, 3) = " + str(euclidean_gcd(1, 3))) - print("GCD(3, 6) = " + str(euclidean_gcd(3, 6))) - print("GCD(6, 3) = " + str(euclidean_gcd(6, 3))) - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +# https://en.wikipedia.org/wiki/Euclidean_algorithm + +def euclidean_gcd(a, b): + while b: + t = b + b = a % b + a = t + return a + + +def main(): + print("GCD(3, 5) = " + str(euclidean_gcd(3, 5))) + print("GCD(5, 3) = " + str(euclidean_gcd(5, 3))) + print("GCD(1, 3) = " + str(euclidean_gcd(1, 3))) + print("GCD(3, 6) = " + str(euclidean_gcd(3, 6))) + print("GCD(6, 3) = " + str(euclidean_gcd(6, 3))) + + +if __name__ == '__main__': + main() diff --git a/other/finding_Primes.py b/other/finding_Primes.py index 0ba7897cf64b..055be67439fc 100644 --- a/other/finding_Primes.py +++ b/other/finding_Primes.py @@ -1,22 +1,22 @@ -''' --The sieve of Eratosthenes is an algorithm used to find prime numbers, less than or equal to a given value. --Illustration: https://upload.wikimedia.org/wikipedia/commons/b/b9/Sieve_of_Eratosthenes_animation.gif -''' -from __future__ import print_function - -from math import sqrt - - -def SOE(n): - check = round(sqrt(n)) # Need not check for multiples past the square root of n - - sieve = [False if i < 2 else True for i in range(n + 1)] # Set every index to False except for index 0 and 1 - - for i in range(2, check): - if (sieve[i] == True): # If i is a prime - for j in range(i + i, n + 1, i): # Step through the list in increments of i(the multiples of the prime) - sieve[j] = False # Sets every multiple of i to False - - for i in range(n + 1): - if (sieve[i] == True): - print(i, end=" ") +''' +-The sieve of Eratosthenes is an algorithm used to find prime numbers, less than or equal to a given value. +-Illustration: https://upload.wikimedia.org/wikipedia/commons/b/b9/Sieve_of_Eratosthenes_animation.gif +''' +from __future__ import print_function + +from math import sqrt + + +def SOE(n): + check = round(sqrt(n)) # Need not check for multiples past the square root of n + + sieve = [False if i < 2 else True for i in range(n + 1)] # Set every index to False except for index 0 and 1 + + for i in range(2, check): + if (sieve[i] == True): # If i is a prime + for j in range(i + i, n + 1, i): # Step through the list in increments of i(the multiples of the prime) + sieve[j] = False # Sets every multiple of i to False + + for i in range(n + 1): + if (sieve[i] == True): + print(i, end=" ") diff --git a/other/fischer_yates_shuffle.py b/other/fischer_yates_shuffle.py index 64e91cd59140..9a6b9f76cc8e 100644 --- a/other/fischer_yates_shuffle.py +++ b/other/fischer_yates_shuffle.py @@ -1,24 +1,24 @@ -#!/usr/bin/python -# encoding=utf8 -""" -The Fisher–Yates shuffle is an algorithm for generating a random permutation of a finite sequence. -For more details visit -wikipedia/Fischer-Yates-Shuffle. -""" -import random - - -def FYshuffle(LIST): - for i in range(len(LIST)): - a = random.randint(0, len(LIST) - 1) - b = random.randint(0, len(LIST) - 1) - LIST[a], LIST[b] = LIST[b], LIST[a] - return LIST - - -if __name__ == '__main__': - integers = [0, 1, 2, 3, 4, 5, 6, 7] - strings = ['python', 'says', 'hello', '!'] - print('Fisher-Yates Shuffle:') - print('List', integers, strings) - print('FY Shuffle', FYshuffle(integers), FYshuffle(strings)) +#!/usr/bin/python +# encoding=utf8 +""" +The Fisher–Yates shuffle is an algorithm for generating a random permutation of a finite sequence. +For more details visit +wikipedia/Fischer-Yates-Shuffle. +""" +import random + + +def FYshuffle(LIST): + for i in range(len(LIST)): + a = random.randint(0, len(LIST) - 1) + b = random.randint(0, len(LIST) - 1) + LIST[a], LIST[b] = LIST[b], LIST[a] + return LIST + + +if __name__ == '__main__': + integers = [0, 1, 2, 3, 4, 5, 6, 7] + strings = ['python', 'says', 'hello', '!'] + print('Fisher-Yates Shuffle:') + print('List', integers, strings) + print('FY Shuffle', FYshuffle(integers), FYshuffle(strings)) diff --git a/other/frequency_finder.py b/other/frequency_finder.py index 40ef24b73b8c..c6f41bd3ef47 100644 --- a/other/frequency_finder.py +++ b/other/frequency_finder.py @@ -1,74 +1,74 @@ -# Frequency Finder - -# frequency taken from http://en.wikipedia.org/wiki/Letter_frequency -englishLetterFreq = {'E': 12.70, 'T': 9.06, 'A': 8.17, 'O': 7.51, 'I': 6.97, - 'N': 6.75, 'S': 6.33, 'H': 6.09, 'R': 5.99, 'D': 4.25, - 'L': 4.03, 'C': 2.78, 'U': 2.76, 'M': 2.41, 'W': 2.36, - 'F': 2.23, 'G': 2.02, 'Y': 1.97, 'P': 1.93, 'B': 1.29, - 'V': 0.98, 'K': 0.77, 'J': 0.15, 'X': 0.15, 'Q': 0.10, - 'Z': 0.07} -ETAOIN = 'ETAOINSHRDLCUMWFGYPBVKJXQZ' -LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' - - -def getLetterCount(message): - letterCount = {'A': 0, 'B': 0, 'C': 0, 'D': 0, 'E': 0, 'F': 0, 'G': 0, 'H': 0, - 'I': 0, 'J': 0, 'K': 0, 'L': 0, 'M': 0, 'N': 0, 'O': 0, 'P': 0, - 'Q': 0, 'R': 0, 'S': 0, 'T': 0, 'U': 0, 'V': 0, 'W': 0, 'X': 0, - 'Y': 0, 'Z': 0} - for letter in message.upper(): - if letter in LETTERS: - letterCount[letter] += 1 - - return letterCount - - -def getItemAtIndexZero(x): - return x[0] - - -def getFrequencyOrder(message): - letterToFreq = getLetterCount(message) - freqToLetter = {} - for letter in LETTERS: - if letterToFreq[letter] not in freqToLetter: - freqToLetter[letterToFreq[letter]] = [letter] - else: - freqToLetter[letterToFreq[letter]].append(letter) - - for freq in freqToLetter: - freqToLetter[freq].sort(key=ETAOIN.find, reverse=True) - freqToLetter[freq] = ''.join(freqToLetter[freq]) - - freqPairs = list(freqToLetter.items()) - freqPairs.sort(key=getItemAtIndexZero, reverse=True) - - freqOrder = [] - for freqPair in freqPairs: - freqOrder.append(freqPair[1]) - - return ''.join(freqOrder) - - -def englishFreqMatchScore(message): - ''' - >>> englishFreqMatchScore('Hello World') - 1 - ''' - freqOrder = getFrequencyOrder(message) - matchScore = 0 - for commonLetter in ETAOIN[:6]: - if commonLetter in freqOrder[:6]: - matchScore += 1 - - for uncommonLetter in ETAOIN[-6:]: - if uncommonLetter in freqOrder[-6:]: - matchScore += 1 - - return matchScore - - -if __name__ == '__main__': - import doctest - - doctest.testmod() +# Frequency Finder + +# frequency taken from http://en.wikipedia.org/wiki/Letter_frequency +englishLetterFreq = {'E': 12.70, 'T': 9.06, 'A': 8.17, 'O': 7.51, 'I': 6.97, + 'N': 6.75, 'S': 6.33, 'H': 6.09, 'R': 5.99, 'D': 4.25, + 'L': 4.03, 'C': 2.78, 'U': 2.76, 'M': 2.41, 'W': 2.36, + 'F': 2.23, 'G': 2.02, 'Y': 1.97, 'P': 1.93, 'B': 1.29, + 'V': 0.98, 'K': 0.77, 'J': 0.15, 'X': 0.15, 'Q': 0.10, + 'Z': 0.07} +ETAOIN = 'ETAOINSHRDLCUMWFGYPBVKJXQZ' +LETTERS = 'ABCDEFGHIJKLMNOPQRSTUVWXYZ' + + +def getLetterCount(message): + letterCount = {'A': 0, 'B': 0, 'C': 0, 'D': 0, 'E': 0, 'F': 0, 'G': 0, 'H': 0, + 'I': 0, 'J': 0, 'K': 0, 'L': 0, 'M': 0, 'N': 0, 'O': 0, 'P': 0, + 'Q': 0, 'R': 0, 'S': 0, 'T': 0, 'U': 0, 'V': 0, 'W': 0, 'X': 0, + 'Y': 0, 'Z': 0} + for letter in message.upper(): + if letter in LETTERS: + letterCount[letter] += 1 + + return letterCount + + +def getItemAtIndexZero(x): + return x[0] + + +def getFrequencyOrder(message): + letterToFreq = getLetterCount(message) + freqToLetter = {} + for letter in LETTERS: + if letterToFreq[letter] not in freqToLetter: + freqToLetter[letterToFreq[letter]] = [letter] + else: + freqToLetter[letterToFreq[letter]].append(letter) + + for freq in freqToLetter: + freqToLetter[freq].sort(key=ETAOIN.find, reverse=True) + freqToLetter[freq] = ''.join(freqToLetter[freq]) + + freqPairs = list(freqToLetter.items()) + freqPairs.sort(key=getItemAtIndexZero, reverse=True) + + freqOrder = [] + for freqPair in freqPairs: + freqOrder.append(freqPair[1]) + + return ''.join(freqOrder) + + +def englishFreqMatchScore(message): + ''' + >>> englishFreqMatchScore('Hello World') + 1 + ''' + freqOrder = getFrequencyOrder(message) + matchScore = 0 + for commonLetter in ETAOIN[:6]: + if commonLetter in freqOrder[:6]: + matchScore += 1 + + for uncommonLetter in ETAOIN[-6:]: + if uncommonLetter in freqOrder[-6:]: + matchScore += 1 + + return matchScore + + +if __name__ == '__main__': + import doctest + + doctest.testmod() diff --git a/other/game_of_life/game_o_life.py b/other/game_of_life/game_o_life.py index ea13fd19e551..cfaef5fc6c2a 100644 --- a/other/game_of_life/game_o_life.py +++ b/other/game_of_life/game_o_life.py @@ -1,127 +1,127 @@ -'''Conway's Game Of Life, Author Anurag Kumar(mailto:anuragkumarak95@gmail.com) - -Requirements: - - numpy - - random - - time - - matplotlib - -Python: - - 3.5 - -Usage: - - $python3 game_o_life - -Game-Of-Life Rules: - - 1. - Any live cell with fewer than two live neighbours - dies, as if caused by under-population. - 2. - Any live cell with two or three live neighbours lives - on to the next generation. - 3. - Any live cell with more than three live neighbours - dies, as if by over-population. - 4. - Any dead cell with exactly three live neighbours be- - comes a live cell, as if by reproduction. - ''' -import random -import sys - -import numpy as np -from matplotlib import pyplot as plt -from matplotlib.colors import ListedColormap - -usage_doc = 'Usage of script: script_nama ' - -choice = [0] * 100 + [1] * 10 -random.shuffle(choice) - - -def create_canvas(size): - canvas = [[False for i in range(size)] for j in range(size)] - return canvas - - -def seed(canvas): - for i, row in enumerate(canvas): - for j, _ in enumerate(row): - canvas[i][j] = bool(random.getrandbits(1)) - - -def run(canvas): - ''' This function runs the rules of game through all points, and changes their status accordingly.(in the same canvas) - @Args: - -- - canvas : canvas of population to run the rules on. - - @returns: - -- - None - ''' - canvas = np.array(canvas) - next_gen_canvas = np.array(create_canvas(canvas.shape[0])) - for r, row in enumerate(canvas): - for c, pt in enumerate(row): - # print(r-1,r+2,c-1,c+2) - next_gen_canvas[r][c] = __judge_point(pt, canvas[r - 1:r + 2, c - 1:c + 2]) - - canvas = next_gen_canvas - del next_gen_canvas # cleaning memory as we move on. - return canvas.tolist() - - -def __judge_point(pt, neighbours): - dead = 0 - alive = 0 - # finding dead or alive neighbours count. - for i in neighbours: - for status in i: - if status: - alive += 1 - else: - dead += 1 - - # handling duplicate entry for focus pt. - if pt: - alive -= 1 - else: - dead -= 1 - - # running the rules of game here. - state = pt - if pt: - if alive < 2: - state = False - elif alive == 2 or alive == 3: - state = True - elif alive > 3: - state = False - else: - if alive == 3: - state = True - - return state - - -if __name__ == '__main__': - if len(sys.argv) != 2: raise Exception(usage_doc) - - canvas_size = int(sys.argv[1]) - # main working structure of this module. - c = create_canvas(canvas_size) - seed(c) - fig, ax = plt.subplots() - fig.show() - cmap = ListedColormap(['w', 'k']) - try: - while True: - c = run(c) - ax.matshow(c, cmap=cmap) - fig.canvas.draw() - ax.cla() - except KeyboardInterrupt: - # do nothing. - pass +'''Conway's Game Of Life, Author Anurag Kumar(mailto:anuragkumarak95@gmail.com) + +Requirements: + - numpy + - random + - time + - matplotlib + +Python: + - 3.5 + +Usage: + - $python3 game_o_life + +Game-Of-Life Rules: + + 1. + Any live cell with fewer than two live neighbours + dies, as if caused by under-population. + 2. + Any live cell with two or three live neighbours lives + on to the next generation. + 3. + Any live cell with more than three live neighbours + dies, as if by over-population. + 4. + Any dead cell with exactly three live neighbours be- + comes a live cell, as if by reproduction. + ''' +import random +import sys + +import numpy as np +from matplotlib import pyplot as plt +from matplotlib.colors import ListedColormap + +usage_doc = 'Usage of script: script_nama ' + +choice = [0] * 100 + [1] * 10 +random.shuffle(choice) + + +def create_canvas(size): + canvas = [[False for i in range(size)] for j in range(size)] + return canvas + + +def seed(canvas): + for i, row in enumerate(canvas): + for j, _ in enumerate(row): + canvas[i][j] = bool(random.getrandbits(1)) + + +def run(canvas): + ''' This function runs the rules of game through all points, and changes their status accordingly.(in the same canvas) + @Args: + -- + canvas : canvas of population to run the rules on. + + @returns: + -- + None + ''' + canvas = np.array(canvas) + next_gen_canvas = np.array(create_canvas(canvas.shape[0])) + for r, row in enumerate(canvas): + for c, pt in enumerate(row): + # print(r-1,r+2,c-1,c+2) + next_gen_canvas[r][c] = __judge_point(pt, canvas[r - 1:r + 2, c - 1:c + 2]) + + canvas = next_gen_canvas + del next_gen_canvas # cleaning memory as we move on. + return canvas.tolist() + + +def __judge_point(pt, neighbours): + dead = 0 + alive = 0 + # finding dead or alive neighbours count. + for i in neighbours: + for status in i: + if status: + alive += 1 + else: + dead += 1 + + # handling duplicate entry for focus pt. + if pt: + alive -= 1 + else: + dead -= 1 + + # running the rules of game here. + state = pt + if pt: + if alive < 2: + state = False + elif alive == 2 or alive == 3: + state = True + elif alive > 3: + state = False + else: + if alive == 3: + state = True + + return state + + +if __name__ == '__main__': + if len(sys.argv) != 2: raise Exception(usage_doc) + + canvas_size = int(sys.argv[1]) + # main working structure of this module. + c = create_canvas(canvas_size) + seed(c) + fig, ax = plt.subplots() + fig.show() + cmap = ListedColormap(['w', 'k']) + try: + while True: + c = run(c) + ax.matshow(c, cmap=cmap) + fig.canvas.draw() + ax.cla() + except KeyboardInterrupt: + # do nothing. + pass diff --git a/other/linear_congruential_generator.py b/other/linear_congruential_generator.py index 166eff7325bd..246f140078bd 100644 --- a/other/linear_congruential_generator.py +++ b/other/linear_congruential_generator.py @@ -1,38 +1,38 @@ -from __future__ import print_function - -__author__ = "Tobias Carryer" - -from time import time - - -class LinearCongruentialGenerator(object): - """ - A pseudorandom number generator. - """ - - def __init__(self, multiplier, increment, modulo, seed=int(time())): - """ - These parameters are saved and used when nextNumber() is called. - - modulo is the largest number that can be generated (exclusive). The most - efficent values are powers of 2. 2^32 is a common value. - """ - self.multiplier = multiplier - self.increment = increment - self.modulo = modulo - self.seed = seed - - def next_number(self): - """ - The smallest number that can be generated is zero. - The largest number that can be generated is modulo-1. modulo is set in the constructor. - """ - self.seed = (self.multiplier * self.seed + self.increment) % self.modulo - return self.seed - - -if __name__ == "__main__": - # Show the LCG in action. - lcg = LinearCongruentialGenerator(1664525, 1013904223, 2 << 31) - while True: - print(lcg.next_number()) +from __future__ import print_function + +__author__ = "Tobias Carryer" + +from time import time + + +class LinearCongruentialGenerator(object): + """ + A pseudorandom number generator. + """ + + def __init__(self, multiplier, increment, modulo, seed=int(time())): + """ + These parameters are saved and used when nextNumber() is called. + + modulo is the largest number that can be generated (exclusive). The most + efficent values are powers of 2. 2^32 is a common value. + """ + self.multiplier = multiplier + self.increment = increment + self.modulo = modulo + self.seed = seed + + def next_number(self): + """ + The smallest number that can be generated is zero. + The largest number that can be generated is modulo-1. modulo is set in the constructor. + """ + self.seed = (self.multiplier * self.seed + self.increment) % self.modulo + return self.seed + + +if __name__ == "__main__": + # Show the LCG in action. + lcg = LinearCongruentialGenerator(1664525, 1013904223, 2 << 31) + while True: + print(lcg.next_number()) diff --git a/other/n_queens.py b/other/n_queens.py index e3f10b9e08d1..86522e5e2eed 100644 --- a/other/n_queens.py +++ b/other/n_queens.py @@ -1,79 +1,79 @@ -#! /usr/bin/python3 -import sys - - -def nqueens(board_width): - board = [0] - current_row = 0 - while True: - conflict = False - - for review_index in range(0, current_row): - left = board[review_index] - (current_row - review_index) - right = board[review_index] + (current_row - review_index); - if (board[current_row] == board[review_index] or (left >= 0 and left == board[current_row]) or (right < board_width and right == board[current_row])): - conflict = True; - break - - if (current_row == 0 and conflict == False): - board.append(0) - current_row = 1 - continue - - if (conflict == True): - board[current_row] += 1 - - if (current_row == 0 and board[current_row] == board_width): - print("No solution exists for specificed board size.") - return None - - while True: - if (board[current_row] == board_width): - board[current_row] = 0 - if (current_row == 0): - print("No solution exists for specificed board size.") - return None - - board.pop() - current_row -= 1 - board[current_row] += 1 - - if board[current_row] != board_width: - break - else: - current_row += 1 - if (current_row == board_width): - break - - board.append(0) - return board - - -def print_board(board): - if (board == None): - return - - board_width = len(board) - for row in range(board_width): - line_print = [] - for column in range(board_width): - if column == board[row]: - line_print.append("Q") - else: - line_print.append(".") - print(line_print) - - -if __name__ == '__main__': - default_width = 8 - for arg in sys.argv: - if (arg.isdecimal() and int(arg) > 3): - default_width = int(arg) - break - - if (default_width == 8): - print("Running algorithm with board size of 8. Specify an alternative Chess board size for N-Queens as a command line argument.") - - board = nqueens(default_width) - print(board) - print_board(board) +#! /usr/bin/python3 +import sys + + +def nqueens(board_width): + board = [0] + current_row = 0 + while True: + conflict = False + + for review_index in range(0, current_row): + left = board[review_index] - (current_row - review_index) + right = board[review_index] + (current_row - review_index); + if (board[current_row] == board[review_index] or (left >= 0 and left == board[current_row]) or (right < board_width and right == board[current_row])): + conflict = True; + break + + if (current_row == 0 and conflict == False): + board.append(0) + current_row = 1 + continue + + if (conflict == True): + board[current_row] += 1 + + if (current_row == 0 and board[current_row] == board_width): + print("No solution exists for specificed board size.") + return None + + while True: + if (board[current_row] == board_width): + board[current_row] = 0 + if (current_row == 0): + print("No solution exists for specificed board size.") + return None + + board.pop() + current_row -= 1 + board[current_row] += 1 + + if board[current_row] != board_width: + break + else: + current_row += 1 + if (current_row == board_width): + break + + board.append(0) + return board + + +def print_board(board): + if (board == None): + return + + board_width = len(board) + for row in range(board_width): + line_print = [] + for column in range(board_width): + if column == board[row]: + line_print.append("Q") + else: + line_print.append(".") + print(line_print) + + +if __name__ == '__main__': + default_width = 8 + for arg in sys.argv: + if (arg.isdecimal() and int(arg) > 3): + default_width = int(arg) + break + + if (default_width == 8): + print("Running algorithm with board size of 8. Specify an alternative Chess board size for N-Queens as a command line argument.") + + board = nqueens(default_width) + print(board) + print_board(board) diff --git a/other/nested_brackets.py b/other/nested_brackets.py index 94f80836f853..1d991424167e 100644 --- a/other/nested_brackets.py +++ b/other/nested_brackets.py @@ -1,48 +1,48 @@ -''' -The nested brackets problem is a problem that determines if a sequence of -brackets are properly nested. A sequence of brackets s is considered properly nested -if any of the following conditions are true: - - - s is empty - - s has the form (U) or [U] or {U} where U is a properly nested string - - s has the form VW where V and W are properly nested strings - -For example, the string "()()[()]" is properly nested but "[(()]" is not. - -The function called is_balanced takes as input a string S which is a sequence of brackets and -returns true if S is nested and false otherwise. - -''' -from __future__ import print_function - - -def is_balanced(S): - stack = [] - open_brackets = set({'(', '[', '{'}) - closed_brackets = set({')', ']', '}'}) - open_to_closed = dict({'{': '}', '[': ']', '(': ')'}) - - for i in range(len(S)): - - if S[i] in open_brackets: - stack.append(S[i]) - - elif S[i] in closed_brackets: - if len(stack) == 0 or (len(stack) > 0 and open_to_closed[stack.pop()] != S[i]): - return False - - return len(stack) == 0 - - -def main(): - S = input("Enter sequence of brackets: ") - - if is_balanced(S): - print((S, "is balanced")) - - else: - print((S, "is not balanced")) - - -if __name__ == "__main__": - main() +''' +The nested brackets problem is a problem that determines if a sequence of +brackets are properly nested. A sequence of brackets s is considered properly nested +if any of the following conditions are true: + + - s is empty + - s has the form (U) or [U] or {U} where U is a properly nested string + - s has the form VW where V and W are properly nested strings + +For example, the string "()()[()]" is properly nested but "[(()]" is not. + +The function called is_balanced takes as input a string S which is a sequence of brackets and +returns true if S is nested and false otherwise. + +''' +from __future__ import print_function + + +def is_balanced(S): + stack = [] + open_brackets = set({'(', '[', '{'}) + closed_brackets = set({')', ']', '}'}) + open_to_closed = dict({'{': '}', '[': ']', '(': ')'}) + + for i in range(len(S)): + + if S[i] in open_brackets: + stack.append(S[i]) + + elif S[i] in closed_brackets: + if len(stack) == 0 or (len(stack) > 0 and open_to_closed[stack.pop()] != S[i]): + return False + + return len(stack) == 0 + + +def main(): + S = input("Enter sequence of brackets: ") + + if is_balanced(S): + print((S, "is balanced")) + + else: + print((S, "is not balanced")) + + +if __name__ == "__main__": + main() diff --git a/other/palindrome.py b/other/palindrome.py index 08ff523605c5..990ec844f9fb 100644 --- a/other/palindrome.py +++ b/other/palindrome.py @@ -1,31 +1,31 @@ -# Program to find whether given string is palindrome or not -def is_palindrome(str): - start_i = 0 - end_i = len(str) - 1 - while start_i < end_i: - if str[start_i] == str[end_i]: - start_i += 1 - end_i -= 1 - else: - return False - return True - - -# Recursive method -def recursive_palindrome(str): - if len(str) <= 1: - return True - if str[0] == str[len(str) - 1]: - return recursive_palindrome(str[1:-1]) - else: - return False - - -def main(): - str = 'ama' - print(recursive_palindrome(str.lower())) - print(is_palindrome(str.lower())) - - -if __name__ == '__main__': - main() +# Program to find whether given string is palindrome or not +def is_palindrome(str): + start_i = 0 + end_i = len(str) - 1 + while start_i < end_i: + if str[start_i] == str[end_i]: + start_i += 1 + end_i -= 1 + else: + return False + return True + + +# Recursive method +def recursive_palindrome(str): + if len(str) <= 1: + return True + if str[0] == str[len(str) - 1]: + return recursive_palindrome(str[1:-1]) + else: + return False + + +def main(): + str = 'ama' + print(recursive_palindrome(str.lower())) + print(is_palindrome(str.lower())) + + +if __name__ == '__main__': + main() diff --git a/other/password_generator.py b/other/password_generator.py index 1db2f7a79792..99a7881911f7 100644 --- a/other/password_generator.py +++ b/other/password_generator.py @@ -1,36 +1,36 @@ -from __future__ import print_function - -import random -import string - -letters = [letter for letter in string.ascii_letters] -digits = [digit for digit in string.digits] -symbols = [symbol for symbol in string.punctuation] -chars = letters + digits + symbols -random.shuffle(chars) - -min_length = 8 -max_length = 16 -password = ''.join(random.choice(chars) for x in range(random.randint(min_length, max_length))) -print('Password: ' + password) -print('[ If you are thinking of using this passsword, You better save it. ]') - - -# ALTERNATIVE METHODS -# ctbi= characters that must be in password -# i= how many letters or characters the password length will be -def password_generator(ctbi, i): - # Password generator = full boot with random_number, random_letters, and random_character FUNCTIONS - pass # Put your code here... - - -def random_number(ctbi, i): - pass # Put your code here... - - -def random_letters(ctbi, i): - pass # Put your code here... - - -def random_characters(ctbi, i): - pass # Put your code here... +from __future__ import print_function + +import random +import string + +letters = [letter for letter in string.ascii_letters] +digits = [digit for digit in string.digits] +symbols = [symbol for symbol in string.punctuation] +chars = letters + digits + symbols +random.shuffle(chars) + +min_length = 8 +max_length = 16 +password = ''.join(random.choice(chars) for x in range(random.randint(min_length, max_length))) +print('Password: ' + password) +print('[ If you are thinking of using this passsword, You better save it. ]') + + +# ALTERNATIVE METHODS +# ctbi= characters that must be in password +# i= how many letters or characters the password length will be +def password_generator(ctbi, i): + # Password generator = full boot with random_number, random_letters, and random_character FUNCTIONS + pass # Put your code here... + + +def random_number(ctbi, i): + pass # Put your code here... + + +def random_letters(ctbi, i): + pass # Put your code here... + + +def random_characters(ctbi, i): + pass # Put your code here... diff --git a/other/primelib.py b/other/primelib.py index 1b8e4b26a5e6..d686a3f404e1 100644 --- a/other/primelib.py +++ b/other/primelib.py @@ -1,605 +1,605 @@ -# -*- coding: utf-8 -*- -""" -Created on Thu Oct 5 16:44:23 2017 - -@author: Christian Bender - -This python library contains some useful functions to deal with -prime numbers and whole numbers. - -Overview: - -isPrime(number) -sieveEr(N) -getPrimeNumbers(N) -primeFactorization(number) -greatestPrimeFactor(number) -smallestPrimeFactor(number) -getPrime(n) -getPrimesBetween(pNumber1, pNumber2) - ----- - -isEven(number) -isOdd(number) -gcd(number1, number2) // greatest common divisor -kgV(number1, number2) // least common multiple -getDivisors(number) // all divisors of 'number' inclusive 1, number -isPerfectNumber(number) - -NEW-FUNCTIONS - -simplifyFraction(numerator, denominator) -factorial (n) // n! -fib (n) // calculate the n-th fibonacci term. - ------ - -goldbach(number) // Goldbach's assumption - -""" - - -def isPrime(number): - """ - input: positive integer 'number' - returns true if 'number' is prime otherwise false. - """ - import math # for function sqrt - - # precondition - assert isinstance(number, int) and (number >= 0), \ - "'number' must been an int and positive" - - status = True - - # 0 and 1 are none primes. - if number <= 1: - status = False - - for divisor in range(2, int(round(math.sqrt(number))) + 1): - - # if 'number' divisible by 'divisor' then sets 'status' - # of false and break up the loop. - if number % divisor == 0: - status = False - break - - # precondition - assert isinstance(status, bool), "'status' must been from type bool" - - return status - - -# ------------------------------------------ - -def sieveEr(N): - """ - input: positive integer 'N' > 2 - returns a list of prime numbers from 2 up to N. - - This function implements the algorithm called - sieve of erathostenes. - - """ - - # precondition - assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" - - # beginList: conatins all natural numbers from 2 upt to N - beginList = [x for x in range(2, N + 1)] - - ans = [] # this list will be returns. - - # actual sieve of erathostenes - for i in range(len(beginList)): - - for j in range(i + 1, len(beginList)): - - if (beginList[i] != 0) and \ - (beginList[j] % beginList[i] == 0): - beginList[j] = 0 - - # filters actual prime numbers. - ans = [x for x in beginList if x != 0] - - # precondition - assert isinstance(ans, list), "'ans' must been from type list" - - return ans - - -# -------------------------------- - -def getPrimeNumbers(N): - """ - input: positive integer 'N' > 2 - returns a list of prime numbers from 2 up to N (inclusive) - This function is more efficient as function 'sieveEr(...)' - """ - - # precondition - assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" - - ans = [] - - # iterates over all numbers between 2 up to N+1 - # if a number is prime then appends to list 'ans' - for number in range(2, N + 1): - - if isPrime(number): - ans.append(number) - - # precondition - assert isinstance(ans, list), "'ans' must been from type list" - - return ans - - -# ----------------------------------------- - -def primeFactorization(number): - """ - input: positive integer 'number' - returns a list of the prime number factors of 'number' - """ - - # precondition - assert isinstance(number, int) and number >= 0, \ - "'number' must been an int and >= 0" - - ans = [] # this list will be returns of the function. - - # potential prime number factors. - - factor = 2 - - quotient = number - - if number == 0 or number == 1: - - ans.append(number) - - # if 'number' not prime then builds the prime factorization of 'number' - elif not isPrime(number): - - while (quotient != 1): - - if isPrime(factor) and (quotient % factor == 0): - ans.append(factor) - quotient /= factor - else: - factor += 1 - - else: - ans.append(number) - - # precondition - assert isinstance(ans, list), "'ans' must been from type list" - - return ans - - -# ----------------------------------------- - -def greatestPrimeFactor(number): - """ - input: positive integer 'number' >= 0 - returns the greatest prime number factor of 'number' - """ - - # precondition - assert isinstance(number, int) and (number >= 0), \ - "'number' bust been an int and >= 0" - - ans = 0 - - # prime factorization of 'number' - primeFactors = primeFactorization(number) - - ans = max(primeFactors) - - # precondition - assert isinstance(ans, int), "'ans' must been from type int" - - return ans - - -# ---------------------------------------------- - - -def smallestPrimeFactor(number): - """ - input: integer 'number' >= 0 - returns the smallest prime number factor of 'number' - """ - - # precondition - assert isinstance(number, int) and (number >= 0), \ - "'number' bust been an int and >= 0" - - ans = 0 - - # prime factorization of 'number' - primeFactors = primeFactorization(number) - - ans = min(primeFactors) - - # precondition - assert isinstance(ans, int), "'ans' must been from type int" - - return ans - - -# ---------------------- - -def isEven(number): - """ - input: integer 'number' - returns true if 'number' is even, otherwise false. - """ - - # precondition - assert isinstance(number, int), "'number' must been an int" - assert isinstance(number % 2 == 0, bool), "compare bust been from type bool" - - return number % 2 == 0 - - -# ------------------------ - -def isOdd(number): - """ - input: integer 'number' - returns true if 'number' is odd, otherwise false. - """ - - # precondition - assert isinstance(number, int), "'number' must been an int" - assert isinstance(number % 2 != 0, bool), "compare bust been from type bool" - - return number % 2 != 0 - - -# ------------------------ - - -def goldbach(number): - """ - Goldbach's assumption - input: a even positive integer 'number' > 2 - returns a list of two prime numbers whose sum is equal to 'number' - """ - - # precondition - assert isinstance(number, int) and (number > 2) and isEven(number), \ - "'number' must been an int, even and > 2" - - ans = [] # this list will returned - - # creates a list of prime numbers between 2 up to 'number' - primeNumbers = getPrimeNumbers(number) - lenPN = len(primeNumbers) - - # run variable for while-loops. - i = 0 - j = 1 - - # exit variable. for break up the loops - loop = True - - while (i < lenPN and loop): - - j = i + 1 - - while (j < lenPN and loop): - - if primeNumbers[i] + primeNumbers[j] == number: - loop = False - ans.append(primeNumbers[i]) - ans.append(primeNumbers[j]) - - j += 1 - - i += 1 - - # precondition - assert isinstance(ans, list) and (len(ans) == 2) and \ - (ans[0] + ans[1] == number) and isPrime(ans[0]) and isPrime(ans[1]), \ - "'ans' must contains two primes. And sum of elements must been eq 'number'" - - return ans - - -# ---------------------------------------------- - -def gcd(number1, number2): - """ - Greatest common divisor - input: two positive integer 'number1' and 'number2' - returns the greatest common divisor of 'number1' and 'number2' - """ - - # precondition - assert isinstance(number1, int) and isinstance(number2, int) \ - and (number1 >= 0) and (number2 >= 0), \ - "'number1' and 'number2' must been positive integer." - - rest = 0 - - while number2 != 0: - rest = number1 % number2 - number1 = number2 - number2 = rest - - # precondition - assert isinstance(number1, int) and (number1 >= 0), \ - "'number' must been from type int and positive" - - return number1 - - -# ---------------------------------------------------- - -def kgV(number1, number2): - """ - Least common multiple - input: two positive integer 'number1' and 'number2' - returns the least common multiple of 'number1' and 'number2' - """ - - # precondition - assert isinstance(number1, int) and isinstance(number2, int) \ - and (number1 >= 1) and (number2 >= 1), \ - "'number1' and 'number2' must been positive integer." - - ans = 1 # actual answer that will be return. - - # for kgV (x,1) - if number1 > 1 and number2 > 1: - - # builds the prime factorization of 'number1' and 'number2' - primeFac1 = primeFactorization(number1) - primeFac2 = primeFactorization(number2) - - elif number1 == 1 or number2 == 1: - - primeFac1 = [] - primeFac2 = [] - ans = max(number1, number2) - - count1 = 0 - count2 = 0 - - done = [] # captured numbers int both 'primeFac1' and 'primeFac2' - - # iterates through primeFac1 - for n in primeFac1: - - if n not in done: - - if n in primeFac2: - - count1 = primeFac1.count(n) - count2 = primeFac2.count(n) - - for i in range(max(count1, count2)): - ans *= n - - else: - - count1 = primeFac1.count(n) - - for i in range(count1): - ans *= n - - done.append(n) - - # iterates through primeFac2 - for n in primeFac2: - - if n not in done: - - count2 = primeFac2.count(n) - - for i in range(count2): - ans *= n - - done.append(n) - - # precondition - assert isinstance(ans, int) and (ans >= 0), \ - "'ans' must been from type int and positive" - - return ans - - -# ---------------------------------- - -def getPrime(n): - """ - Gets the n-th prime number. - input: positive integer 'n' >= 0 - returns the n-th prime number, beginning at index 0 - """ - - # precondition - assert isinstance(n, int) and (n >= 0), "'number' must been a positive int" - - index = 0 - ans = 2 # this variable holds the answer - - while index < n: - - index += 1 - - ans += 1 # counts to the next number - - # if ans not prime then - # runs to the next prime number. - while not isPrime(ans): - ans += 1 - - # precondition - assert isinstance(ans, int) and isPrime(ans), \ - "'ans' must been a prime number and from type int" - - return ans - - -# --------------------------------------------------- - -def getPrimesBetween(pNumber1, pNumber2): - """ - input: prime numbers 'pNumber1' and 'pNumber2' - pNumber1 < pNumber2 - returns a list of all prime numbers between 'pNumber1' (exclusiv) - and 'pNumber2' (exclusiv) - """ - - # precondition - assert isPrime(pNumber1) and isPrime(pNumber2) and (pNumber1 < pNumber2), \ - "The arguments must been prime numbers and 'pNumber1' < 'pNumber2'" - - number = pNumber1 + 1 # jump to the next number - - ans = [] # this list will be returns. - - # if number is not prime then - # fetch the next prime number. - while not isPrime(number): - number += 1 - - while number < pNumber2: - - ans.append(number) - - number += 1 - - # fetch the next prime number. - while not isPrime(number): - number += 1 - - # precondition - assert isinstance(ans, list) and ans[0] != pNumber1 \ - and ans[len(ans) - 1] != pNumber2, \ - "'ans' must been a list without the arguments" - - # 'ans' contains not 'pNumber1' and 'pNumber2' ! - return ans - - -# ---------------------------------------------------- - -def getDivisors(n): - """ - input: positive integer 'n' >= 1 - returns all divisors of n (inclusive 1 and 'n') - """ - - # precondition - assert isinstance(n, int) and (n >= 1), "'n' must been int and >= 1" - - ans = [] # will be returned. - - for divisor in range(1, n + 1): - - if n % divisor == 0: - ans.append(divisor) - - # precondition - assert ans[0] == 1 and ans[len(ans) - 1] == n, \ - "Error in function getDivisiors(...)" - - return ans - - -# ---------------------------------------------------- - - -def isPerfectNumber(number): - """ - input: positive integer 'number' > 1 - returns true if 'number' is a perfect number otherwise false. - """ - - # precondition - assert isinstance(number, int) and (number > 1), \ - "'number' must been an int and >= 1" - - divisors = getDivisors(number) - - # precondition - assert isinstance(divisors, list) and (divisors[0] == 1) and \ - (divisors[len(divisors) - 1] == number), \ - "Error in help-function getDivisiors(...)" - - # summed all divisors up to 'number' (exclusive), hence [:-1] - return sum(divisors[:-1]) == number - - -# ------------------------------------------------------------ - -def simplifyFraction(numerator, denominator): - """ - input: two integer 'numerator' and 'denominator' - assumes: 'denominator' != 0 - returns: a tuple with simplify numerator and denominator. - """ - - # precondition - assert isinstance(numerator, int) and isinstance(denominator, int) \ - and (denominator != 0), \ - "The arguments must been from type int and 'denominator' != 0" - - # build the greatest common divisor of numerator and denominator. - gcdOfFraction = gcd(abs(numerator), abs(denominator)) - - # precondition - assert isinstance(gcdOfFraction, int) and (numerator % gcdOfFraction == 0) \ - and (denominator % gcdOfFraction == 0), \ - "Error in function gcd(...,...)" - - return (numerator // gcdOfFraction, denominator // gcdOfFraction) - - -# ----------------------------------------------------------------- - -def factorial(n): - """ - input: positive integer 'n' - returns the factorial of 'n' (n!) - """ - - # precondition - assert isinstance(n, int) and (n >= 0), "'n' must been a int and >= 0" - - ans = 1 # this will be return. - - for factor in range(1, n + 1): - ans *= factor - - return ans - - -# ------------------------------------------------------------------- - -def fib(n): - """ - input: positive integer 'n' - returns the n-th fibonacci term , indexing by 0 - """ - - # precondition - assert isinstance(n, int) and (n >= 0), "'n' must been an int and >= 0" - - tmp = 0 - fib1 = 1 - ans = 1 # this will be return - - for i in range(n - 1): - tmp = ans - ans += fib1 - fib1 = tmp - - return ans +# -*- coding: utf-8 -*- +""" +Created on Thu Oct 5 16:44:23 2017 + +@author: Christian Bender + +This python library contains some useful functions to deal with +prime numbers and whole numbers. + +Overview: + +isPrime(number) +sieveEr(N) +getPrimeNumbers(N) +primeFactorization(number) +greatestPrimeFactor(number) +smallestPrimeFactor(number) +getPrime(n) +getPrimesBetween(pNumber1, pNumber2) + +---- + +isEven(number) +isOdd(number) +gcd(number1, number2) // greatest common divisor +kgV(number1, number2) // least common multiple +getDivisors(number) // all divisors of 'number' inclusive 1, number +isPerfectNumber(number) + +NEW-FUNCTIONS + +simplifyFraction(numerator, denominator) +factorial (n) // n! +fib (n) // calculate the n-th fibonacci term. + +----- + +goldbach(number) // Goldbach's assumption + +""" + + +def isPrime(number): + """ + input: positive integer 'number' + returns true if 'number' is prime otherwise false. + """ + import math # for function sqrt + + # precondition + assert isinstance(number, int) and (number >= 0), \ + "'number' must been an int and positive" + + status = True + + # 0 and 1 are none primes. + if number <= 1: + status = False + + for divisor in range(2, int(round(math.sqrt(number))) + 1): + + # if 'number' divisible by 'divisor' then sets 'status' + # of false and break up the loop. + if number % divisor == 0: + status = False + break + + # precondition + assert isinstance(status, bool), "'status' must been from type bool" + + return status + + +# ------------------------------------------ + +def sieveEr(N): + """ + input: positive integer 'N' > 2 + returns a list of prime numbers from 2 up to N. + + This function implements the algorithm called + sieve of erathostenes. + + """ + + # precondition + assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" + + # beginList: conatins all natural numbers from 2 upt to N + beginList = [x for x in range(2, N + 1)] + + ans = [] # this list will be returns. + + # actual sieve of erathostenes + for i in range(len(beginList)): + + for j in range(i + 1, len(beginList)): + + if (beginList[i] != 0) and \ + (beginList[j] % beginList[i] == 0): + beginList[j] = 0 + + # filters actual prime numbers. + ans = [x for x in beginList if x != 0] + + # precondition + assert isinstance(ans, list), "'ans' must been from type list" + + return ans + + +# -------------------------------- + +def getPrimeNumbers(N): + """ + input: positive integer 'N' > 2 + returns a list of prime numbers from 2 up to N (inclusive) + This function is more efficient as function 'sieveEr(...)' + """ + + # precondition + assert isinstance(N, int) and (N > 2), "'N' must been an int and > 2" + + ans = [] + + # iterates over all numbers between 2 up to N+1 + # if a number is prime then appends to list 'ans' + for number in range(2, N + 1): + + if isPrime(number): + ans.append(number) + + # precondition + assert isinstance(ans, list), "'ans' must been from type list" + + return ans + + +# ----------------------------------------- + +def primeFactorization(number): + """ + input: positive integer 'number' + returns a list of the prime number factors of 'number' + """ + + # precondition + assert isinstance(number, int) and number >= 0, \ + "'number' must been an int and >= 0" + + ans = [] # this list will be returns of the function. + + # potential prime number factors. + + factor = 2 + + quotient = number + + if number == 0 or number == 1: + + ans.append(number) + + # if 'number' not prime then builds the prime factorization of 'number' + elif not isPrime(number): + + while (quotient != 1): + + if isPrime(factor) and (quotient % factor == 0): + ans.append(factor) + quotient /= factor + else: + factor += 1 + + else: + ans.append(number) + + # precondition + assert isinstance(ans, list), "'ans' must been from type list" + + return ans + + +# ----------------------------------------- + +def greatestPrimeFactor(number): + """ + input: positive integer 'number' >= 0 + returns the greatest prime number factor of 'number' + """ + + # precondition + assert isinstance(number, int) and (number >= 0), \ + "'number' bust been an int and >= 0" + + ans = 0 + + # prime factorization of 'number' + primeFactors = primeFactorization(number) + + ans = max(primeFactors) + + # precondition + assert isinstance(ans, int), "'ans' must been from type int" + + return ans + + +# ---------------------------------------------- + + +def smallestPrimeFactor(number): + """ + input: integer 'number' >= 0 + returns the smallest prime number factor of 'number' + """ + + # precondition + assert isinstance(number, int) and (number >= 0), \ + "'number' bust been an int and >= 0" + + ans = 0 + + # prime factorization of 'number' + primeFactors = primeFactorization(number) + + ans = min(primeFactors) + + # precondition + assert isinstance(ans, int), "'ans' must been from type int" + + return ans + + +# ---------------------- + +def isEven(number): + """ + input: integer 'number' + returns true if 'number' is even, otherwise false. + """ + + # precondition + assert isinstance(number, int), "'number' must been an int" + assert isinstance(number % 2 == 0, bool), "compare bust been from type bool" + + return number % 2 == 0 + + +# ------------------------ + +def isOdd(number): + """ + input: integer 'number' + returns true if 'number' is odd, otherwise false. + """ + + # precondition + assert isinstance(number, int), "'number' must been an int" + assert isinstance(number % 2 != 0, bool), "compare bust been from type bool" + + return number % 2 != 0 + + +# ------------------------ + + +def goldbach(number): + """ + Goldbach's assumption + input: a even positive integer 'number' > 2 + returns a list of two prime numbers whose sum is equal to 'number' + """ + + # precondition + assert isinstance(number, int) and (number > 2) and isEven(number), \ + "'number' must been an int, even and > 2" + + ans = [] # this list will returned + + # creates a list of prime numbers between 2 up to 'number' + primeNumbers = getPrimeNumbers(number) + lenPN = len(primeNumbers) + + # run variable for while-loops. + i = 0 + j = 1 + + # exit variable. for break up the loops + loop = True + + while (i < lenPN and loop): + + j = i + 1 + + while (j < lenPN and loop): + + if primeNumbers[i] + primeNumbers[j] == number: + loop = False + ans.append(primeNumbers[i]) + ans.append(primeNumbers[j]) + + j += 1 + + i += 1 + + # precondition + assert isinstance(ans, list) and (len(ans) == 2) and \ + (ans[0] + ans[1] == number) and isPrime(ans[0]) and isPrime(ans[1]), \ + "'ans' must contains two primes. And sum of elements must been eq 'number'" + + return ans + + +# ---------------------------------------------- + +def gcd(number1, number2): + """ + Greatest common divisor + input: two positive integer 'number1' and 'number2' + returns the greatest common divisor of 'number1' and 'number2' + """ + + # precondition + assert isinstance(number1, int) and isinstance(number2, int) \ + and (number1 >= 0) and (number2 >= 0), \ + "'number1' and 'number2' must been positive integer." + + rest = 0 + + while number2 != 0: + rest = number1 % number2 + number1 = number2 + number2 = rest + + # precondition + assert isinstance(number1, int) and (number1 >= 0), \ + "'number' must been from type int and positive" + + return number1 + + +# ---------------------------------------------------- + +def kgV(number1, number2): + """ + Least common multiple + input: two positive integer 'number1' and 'number2' + returns the least common multiple of 'number1' and 'number2' + """ + + # precondition + assert isinstance(number1, int) and isinstance(number2, int) \ + and (number1 >= 1) and (number2 >= 1), \ + "'number1' and 'number2' must been positive integer." + + ans = 1 # actual answer that will be return. + + # for kgV (x,1) + if number1 > 1 and number2 > 1: + + # builds the prime factorization of 'number1' and 'number2' + primeFac1 = primeFactorization(number1) + primeFac2 = primeFactorization(number2) + + elif number1 == 1 or number2 == 1: + + primeFac1 = [] + primeFac2 = [] + ans = max(number1, number2) + + count1 = 0 + count2 = 0 + + done = [] # captured numbers int both 'primeFac1' and 'primeFac2' + + # iterates through primeFac1 + for n in primeFac1: + + if n not in done: + + if n in primeFac2: + + count1 = primeFac1.count(n) + count2 = primeFac2.count(n) + + for i in range(max(count1, count2)): + ans *= n + + else: + + count1 = primeFac1.count(n) + + for i in range(count1): + ans *= n + + done.append(n) + + # iterates through primeFac2 + for n in primeFac2: + + if n not in done: + + count2 = primeFac2.count(n) + + for i in range(count2): + ans *= n + + done.append(n) + + # precondition + assert isinstance(ans, int) and (ans >= 0), \ + "'ans' must been from type int and positive" + + return ans + + +# ---------------------------------- + +def getPrime(n): + """ + Gets the n-th prime number. + input: positive integer 'n' >= 0 + returns the n-th prime number, beginning at index 0 + """ + + # precondition + assert isinstance(n, int) and (n >= 0), "'number' must been a positive int" + + index = 0 + ans = 2 # this variable holds the answer + + while index < n: + + index += 1 + + ans += 1 # counts to the next number + + # if ans not prime then + # runs to the next prime number. + while not isPrime(ans): + ans += 1 + + # precondition + assert isinstance(ans, int) and isPrime(ans), \ + "'ans' must been a prime number and from type int" + + return ans + + +# --------------------------------------------------- + +def getPrimesBetween(pNumber1, pNumber2): + """ + input: prime numbers 'pNumber1' and 'pNumber2' + pNumber1 < pNumber2 + returns a list of all prime numbers between 'pNumber1' (exclusiv) + and 'pNumber2' (exclusiv) + """ + + # precondition + assert isPrime(pNumber1) and isPrime(pNumber2) and (pNumber1 < pNumber2), \ + "The arguments must been prime numbers and 'pNumber1' < 'pNumber2'" + + number = pNumber1 + 1 # jump to the next number + + ans = [] # this list will be returns. + + # if number is not prime then + # fetch the next prime number. + while not isPrime(number): + number += 1 + + while number < pNumber2: + + ans.append(number) + + number += 1 + + # fetch the next prime number. + while not isPrime(number): + number += 1 + + # precondition + assert isinstance(ans, list) and ans[0] != pNumber1 \ + and ans[len(ans) - 1] != pNumber2, \ + "'ans' must been a list without the arguments" + + # 'ans' contains not 'pNumber1' and 'pNumber2' ! + return ans + + +# ---------------------------------------------------- + +def getDivisors(n): + """ + input: positive integer 'n' >= 1 + returns all divisors of n (inclusive 1 and 'n') + """ + + # precondition + assert isinstance(n, int) and (n >= 1), "'n' must been int and >= 1" + + ans = [] # will be returned. + + for divisor in range(1, n + 1): + + if n % divisor == 0: + ans.append(divisor) + + # precondition + assert ans[0] == 1 and ans[len(ans) - 1] == n, \ + "Error in function getDivisiors(...)" + + return ans + + +# ---------------------------------------------------- + + +def isPerfectNumber(number): + """ + input: positive integer 'number' > 1 + returns true if 'number' is a perfect number otherwise false. + """ + + # precondition + assert isinstance(number, int) and (number > 1), \ + "'number' must been an int and >= 1" + + divisors = getDivisors(number) + + # precondition + assert isinstance(divisors, list) and (divisors[0] == 1) and \ + (divisors[len(divisors) - 1] == number), \ + "Error in help-function getDivisiors(...)" + + # summed all divisors up to 'number' (exclusive), hence [:-1] + return sum(divisors[:-1]) == number + + +# ------------------------------------------------------------ + +def simplifyFraction(numerator, denominator): + """ + input: two integer 'numerator' and 'denominator' + assumes: 'denominator' != 0 + returns: a tuple with simplify numerator and denominator. + """ + + # precondition + assert isinstance(numerator, int) and isinstance(denominator, int) \ + and (denominator != 0), \ + "The arguments must been from type int and 'denominator' != 0" + + # build the greatest common divisor of numerator and denominator. + gcdOfFraction = gcd(abs(numerator), abs(denominator)) + + # precondition + assert isinstance(gcdOfFraction, int) and (numerator % gcdOfFraction == 0) \ + and (denominator % gcdOfFraction == 0), \ + "Error in function gcd(...,...)" + + return (numerator // gcdOfFraction, denominator // gcdOfFraction) + + +# ----------------------------------------------------------------- + +def factorial(n): + """ + input: positive integer 'n' + returns the factorial of 'n' (n!) + """ + + # precondition + assert isinstance(n, int) and (n >= 0), "'n' must been a int and >= 0" + + ans = 1 # this will be return. + + for factor in range(1, n + 1): + ans *= factor + + return ans + + +# ------------------------------------------------------------------- + +def fib(n): + """ + input: positive integer 'n' + returns the n-th fibonacci term , indexing by 0 + """ + + # precondition + assert isinstance(n, int) and (n >= 0), "'n' must been an int and >= 0" + + tmp = 0 + fib1 = 1 + ans = 1 # this will be return + + for i in range(n - 1): + tmp = ans + ans += fib1 + fib1 = tmp + + return ans diff --git a/other/sierpinski_triangle.py b/other/sierpinski_triangle.py index 3cd726dd196a..1af411090806 100644 --- a/other/sierpinski_triangle.py +++ b/other/sierpinski_triangle.py @@ -1,69 +1,69 @@ -#!/usr/bin/python -# encoding=utf8 - -'''Author Anurag Kumar | anuragkumarak95@gmail.com | git/anuragkumarak95 - -Simple example of Fractal generation using recursive function. - -What is Sierpinski Triangle? ->>The Sierpinski triangle (also with the original orthography Sierpinski), also called the Sierpinski gasket or the Sierpinski Sieve, -is a fractal and attractive fixed set with the overall shape of an equilateral triangle, subdivided recursively into smaller -equilateral triangles. Originally constructed as a curve, this is one of the basic examples of self-similar sets, i.e., -it is a mathematically generated pattern that can be reproducible at any magnification or reduction. It is named after -the Polish mathematician Wacław Sierpinski, but appeared as a decorative pattern many centuries prior to the work of Sierpinski. - -Requirements(pip): - - turtle - -Python: - - 2.6 - -Usage: - - $python sierpinski_triangle.py - -Credits: This code was written by editing the code from http://www.riannetrujillo.com/blog/python-fractal/ - -''' -import sys -import turtle - -PROGNAME = 'Sierpinski Triangle' -if len(sys.argv) != 2: - raise Exception('right format for using this script: $python fractals.py ') - -myPen = turtle.Turtle() -myPen.ht() -myPen.speed(5) -myPen.pencolor('red') - -points = [[-175, -125], [0, 175], [175, -125]] # size of triangle - - -def getMid(p1, p2): - return ((p1[0] + p2[0]) / 2, (p1[1] + p2[1]) / 2) # find midpoint - - -def triangle(points, depth): - myPen.up() - myPen.goto(points[0][0], points[0][1]) - myPen.down() - myPen.goto(points[1][0], points[1][1]) - myPen.goto(points[2][0], points[2][1]) - myPen.goto(points[0][0], points[0][1]) - - if depth > 0: - triangle([points[0], - getMid(points[0], points[1]), - getMid(points[0], points[2])], - depth - 1) - triangle([points[1], - getMid(points[0], points[1]), - getMid(points[1], points[2])], - depth - 1) - triangle([points[2], - getMid(points[2], points[1]), - getMid(points[0], points[2])], - depth - 1) - - -triangle(points, int(sys.argv[1])) +#!/usr/bin/python +# encoding=utf8 + +'''Author Anurag Kumar | anuragkumarak95@gmail.com | git/anuragkumarak95 + +Simple example of Fractal generation using recursive function. + +What is Sierpinski Triangle? +>>The Sierpinski triangle (also with the original orthography Sierpinski), also called the Sierpinski gasket or the Sierpinski Sieve, +is a fractal and attractive fixed set with the overall shape of an equilateral triangle, subdivided recursively into smaller +equilateral triangles. Originally constructed as a curve, this is one of the basic examples of self-similar sets, i.e., +it is a mathematically generated pattern that can be reproducible at any magnification or reduction. It is named after +the Polish mathematician Wacław Sierpinski, but appeared as a decorative pattern many centuries prior to the work of Sierpinski. + +Requirements(pip): + - turtle + +Python: + - 2.6 + +Usage: + - $python sierpinski_triangle.py + +Credits: This code was written by editing the code from http://www.riannetrujillo.com/blog/python-fractal/ + +''' +import sys +import turtle + +PROGNAME = 'Sierpinski Triangle' +if len(sys.argv) != 2: + raise Exception('right format for using this script: $python fractals.py ') + +myPen = turtle.Turtle() +myPen.ht() +myPen.speed(5) +myPen.pencolor('red') + +points = [[-175, -125], [0, 175], [175, -125]] # size of triangle + + +def getMid(p1, p2): + return ((p1[0] + p2[0]) / 2, (p1[1] + p2[1]) / 2) # find midpoint + + +def triangle(points, depth): + myPen.up() + myPen.goto(points[0][0], points[0][1]) + myPen.down() + myPen.goto(points[1][0], points[1][1]) + myPen.goto(points[2][0], points[2][1]) + myPen.goto(points[0][0], points[0][1]) + + if depth > 0: + triangle([points[0], + getMid(points[0], points[1]), + getMid(points[0], points[2])], + depth - 1) + triangle([points[1], + getMid(points[0], points[1]), + getMid(points[1], points[2])], + depth - 1) + triangle([points[2], + getMid(points[2], points[1]), + getMid(points[0], points[2])], + depth - 1) + + +triangle(points, int(sys.argv[1])) diff --git a/other/tower_of_hanoi.py b/other/tower_of_hanoi.py index c76e4ad6ecad..a6848b2e4913 100644 --- a/other/tower_of_hanoi.py +++ b/other/tower_of_hanoi.py @@ -1,31 +1,31 @@ -from __future__ import print_function - - -def moveTower(height, fromPole, toPole, withPole): - ''' - >>> moveTower(3, 'A', 'B', 'C') - moving disk from A to B - moving disk from A to C - moving disk from B to C - moving disk from A to B - moving disk from C to A - moving disk from C to B - moving disk from A to B - ''' - if height >= 1: - moveTower(height - 1, fromPole, withPole, toPole) - moveDisk(fromPole, toPole) - moveTower(height - 1, withPole, toPole, fromPole) - - -def moveDisk(fp, tp): - print(('moving disk from', fp, 'to', tp)) - - -def main(): - height = int(input('Height of hanoi: ')) - moveTower(height, 'A', 'B', 'C') - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +def moveTower(height, fromPole, toPole, withPole): + ''' + >>> moveTower(3, 'A', 'B', 'C') + moving disk from A to B + moving disk from A to C + moving disk from B to C + moving disk from A to B + moving disk from C to A + moving disk from C to B + moving disk from A to B + ''' + if height >= 1: + moveTower(height - 1, fromPole, withPole, toPole) + moveDisk(fromPole, toPole) + moveTower(height - 1, withPole, toPole, fromPole) + + +def moveDisk(fp, tp): + print(('moving disk from', fp, 'to', tp)) + + +def main(): + height = int(input('Height of hanoi: ')) + moveTower(height, 'A', 'B', 'C') + + +if __name__ == '__main__': + main() diff --git a/other/two_sum.py b/other/two_sum.py index 9d02f40b44d1..7c67ae97d801 100644 --- a/other/two_sum.py +++ b/other/two_sum.py @@ -1,30 +1,30 @@ -""" -Given an array of integers, return indices of the two numbers such that they add up to a specific target. - -You may assume that each input would have exactly one solution, and you may not use the same element twice. - -Example: -Given nums = [2, 7, 11, 15], target = 9, - -Because nums[0] + nums[1] = 2 + 7 = 9, -return [0, 1]. -""" -from __future__ import print_function - - -def twoSum(nums, target): - """ - :type nums: List[int] - :type target: int - :rtype: List[int] - """ - chk_map = {} - for index, val in enumerate(nums): - compl = target - val - if compl in chk_map: - indices = [chk_map[compl], index] - print(indices) - return [indices] - else: - chk_map[val] = index - return False +""" +Given an array of integers, return indices of the two numbers such that they add up to a specific target. + +You may assume that each input would have exactly one solution, and you may not use the same element twice. + +Example: +Given nums = [2, 7, 11, 15], target = 9, + +Because nums[0] + nums[1] = 2 + 7 = 9, +return [0, 1]. +""" +from __future__ import print_function + + +def twoSum(nums, target): + """ + :type nums: List[int] + :type target: int + :rtype: List[int] + """ + chk_map = {} + for index, val in enumerate(nums): + compl = target - val + if compl in chk_map: + indices = [chk_map[compl], index] + print(indices) + return [indices] + else: + chk_map[val] = index + return False diff --git a/other/word_patterns.py b/other/word_patterns.py index 6a6184588129..87365f210625 100644 --- a/other/word_patterns.py +++ b/other/word_patterns.py @@ -1,44 +1,44 @@ -from __future__ import print_function - -import pprint -import time - - -def getWordPattern(word): - word = word.upper() - nextNum = 0 - letterNums = {} - wordPattern = [] - - for letter in word: - if letter not in letterNums: - letterNums[letter] = str(nextNum) - nextNum += 1 - wordPattern.append(letterNums[letter]) - return '.'.join(wordPattern) - - -def main(): - startTime = time.time() - allPatterns = {} - - with open('Dictionary.txt') as fo: - wordList = fo.read().split('\n') - - for word in wordList: - pattern = getWordPattern(word) - - if pattern not in allPatterns: - allPatterns[pattern] = [word] - else: - allPatterns[pattern].append(word) - - with open('Word Patterns.txt', 'w') as fo: - fo.write(pprint.pformat(allPatterns)) - - totalTime = round(time.time() - startTime, 2) - print(('Done! [', totalTime, 'seconds ]')) - - -if __name__ == '__main__': - main() +from __future__ import print_function + +import pprint +import time + + +def getWordPattern(word): + word = word.upper() + nextNum = 0 + letterNums = {} + wordPattern = [] + + for letter in word: + if letter not in letterNums: + letterNums[letter] = str(nextNum) + nextNum += 1 + wordPattern.append(letterNums[letter]) + return '.'.join(wordPattern) + + +def main(): + startTime = time.time() + allPatterns = {} + + with open('Dictionary.txt') as fo: + wordList = fo.read().split('\n') + + for word in wordList: + pattern = getWordPattern(word) + + if pattern not in allPatterns: + allPatterns[pattern] = [word] + else: + allPatterns[pattern].append(word) + + with open('Word Patterns.txt', 'w') as fo: + fo.write(pprint.pformat(allPatterns)) + + totalTime = round(time.time() - startTime, 2) + print(('Done! [', totalTime, 'seconds ]')) + + +if __name__ == '__main__': + main() diff --git a/other/words b/other/words index cb957d1ef6d6..4be557ed63be 100644 --- a/other/words +++ b/other/words @@ -1,235886 +1,235886 @@ -A -a -aa -aal -aalii -aam -Aani -aardvark -aardwolf -Aaron -Aaronic -Aaronical -Aaronite -Aaronitic -Aaru -Ab -aba -Ababdeh -Ababua -abac -abaca -abacate -abacay -abacinate -abacination -abaciscus -abacist -aback -abactinal -abactinally -abaction -abactor -abaculus -abacus -Abadite -abaff -abaft -abaisance -abaiser -abaissed -abalienate -abalienation -abalone -Abama -abampere -abandon -abandonable -abandoned -abandonedly -abandonee -abandoner -abandonment -Abanic -Abantes -abaptiston -Abarambo -Abaris -abarthrosis -abarticular -abarticulation -abas -abase -abased -abasedly -abasedness -abasement -abaser -Abasgi -abash -abashed -abashedly -abashedness -abashless -abashlessly -abashment -abasia -abasic -abask -Abassin -abastardize -abatable -abate -abatement -abater -abatis -abatised -abaton -abator -abattoir -Abatua -abature -abave -abaxial -abaxile -abaze -abb -Abba -abbacomes -abbacy -Abbadide -abbas -abbasi -abbassi -Abbasside -abbatial -abbatical -abbess -abbey -abbeystede -Abbie -abbot -abbotcy -abbotnullius -abbotship -abbreviate -abbreviately -abbreviation -abbreviator -abbreviatory -abbreviature -Abby -abcoulomb -abdal -abdat -Abderian -Abderite -abdest -abdicable -abdicant -abdicate -abdication -abdicative -abdicator -Abdiel -abditive -abditory -abdomen -abdominal -Abdominales -abdominalian -abdominally -abdominoanterior -abdominocardiac -abdominocentesis -abdominocystic -abdominogenital -abdominohysterectomy -abdominohysterotomy -abdominoposterior -abdominoscope -abdominoscopy -abdominothoracic -abdominous -abdominovaginal -abdominovesical -abduce -abducens -abducent -abduct -abduction -abductor -Abe -abeam -abear -abearance -abecedarian -abecedarium -abecedary -abed -abeigh -Abel -abele -Abelia -Abelian -Abelicea -Abelite -abelite -Abelmoschus -abelmosk -Abelonian -abeltree -Abencerrages -abenteric -abepithymia -Aberdeen -aberdevine -Aberdonian -Aberia -aberrance -aberrancy -aberrant -aberrate -aberration -aberrational -aberrator -aberrometer -aberroscope -aberuncator -abet -abetment -abettal -abettor -abevacuation -abey -abeyance -abeyancy -abeyant -abfarad -abhenry -abhiseka -abhominable -abhor -abhorrence -abhorrency -abhorrent -abhorrently -abhorrer -abhorrible -abhorring -Abhorson -abidal -abidance -abide -abider -abidi -abiding -abidingly -abidingness -Abie -Abies -abietate -abietene -abietic -abietin -Abietineae -abietineous -abietinic -Abiezer -Abigail -abigail -abigailship -abigeat -abigeus -abilao -ability -abilla -abilo -abintestate -abiogenesis -abiogenesist -abiogenetic -abiogenetical -abiogenetically -abiogenist -abiogenous -abiogeny -abiological -abiologically -abiology -abiosis -abiotic -abiotrophic -abiotrophy -Abipon -abir -abirritant -abirritate -abirritation -abirritative -abiston -Abitibi -abiuret -abject -abjectedness -abjection -abjective -abjectly -abjectness -abjoint -abjudge -abjudicate -abjudication -abjunction -abjunctive -abjuration -abjuratory -abjure -abjurement -abjurer -abkar -abkari -Abkhas -Abkhasian -ablach -ablactate -ablactation -ablare -ablastemic -ablastous -ablate -ablation -ablatitious -ablatival -ablative -ablator -ablaut -ablaze -able -ableeze -ablegate -ableness -ablepharia -ablepharon -ablepharous -Ablepharus -ablepsia -ableptical -ableptically -abler -ablest -ablewhackets -ablins -abloom -ablow -ablude -abluent -ablush -ablution -ablutionary -abluvion -ably -abmho -Abnaki -abnegate -abnegation -abnegative -abnegator -Abner -abnerval -abnet -abneural -abnormal -abnormalism -abnormalist -abnormality -abnormalize -abnormally -abnormalness -abnormity -abnormous -abnumerable -Abo -aboard -Abobra -abode -abodement -abody -abohm -aboil -abolish -abolisher -abolishment -abolition -abolitionary -abolitionism -abolitionist -abolitionize -abolla -aboma -abomasum -abomasus -abominable -abominableness -abominably -abominate -abomination -abominator -abomine -Abongo -aboon -aborad -aboral -aborally -abord -aboriginal -aboriginality -aboriginally -aboriginary -aborigine -abort -aborted -aborticide -abortient -abortifacient -abortin -abortion -abortional -abortionist -abortive -abortively -abortiveness -abortus -abouchement -abound -abounder -abounding -aboundingly -about -abouts -above -aboveboard -abovedeck -aboveground -aboveproof -abovestairs -abox -abracadabra -abrachia -abradant -abrade -abrader -Abraham -Abrahamic -Abrahamidae -Abrahamite -Abrahamitic -abraid -Abram -Abramis -abranchial -abranchialism -abranchian -Abranchiata -abranchiate -abranchious -abrasax -abrase -abrash -abrasiometer -abrasion -abrasive -abrastol -abraum -abraxas -abreact -abreaction -abreast -abrenounce -abret -abrico -abridge -abridgeable -abridged -abridgedly -abridger -abridgment -abrim -abrin -abristle -abroach -abroad -Abrocoma -abrocome -abrogable -abrogate -abrogation -abrogative -abrogator -Abroma -Abronia -abrook -abrotanum -abrotine -abrupt -abruptedly -abruption -abruptly -abruptness -Abrus -Absalom -absampere -Absaroka -absarokite -abscess -abscessed -abscession -abscessroot -abscind -abscise -abscision -absciss -abscissa -abscissae -abscisse -abscission -absconce -abscond -absconded -abscondedly -abscondence -absconder -absconsa -abscoulomb -absence -absent -absentation -absentee -absenteeism -absenteeship -absenter -absently -absentment -absentmindedly -absentness -absfarad -abshenry -Absi -absinthe -absinthial -absinthian -absinthiate -absinthic -absinthin -absinthine -absinthism -absinthismic -absinthium -absinthol -absit -absmho -absohm -absolute -absolutely -absoluteness -absolution -absolutism -absolutist -absolutistic -absolutistically -absolutive -absolutization -absolutize -absolutory -absolvable -absolvatory -absolve -absolvent -absolver -absolvitor -absolvitory -absonant -absonous -absorb -absorbability -absorbable -absorbed -absorbedly -absorbedness -absorbefacient -absorbency -absorbent -absorber -absorbing -absorbingly -absorbition -absorpt -absorptance -absorptiometer -absorptiometric -absorption -absorptive -absorptively -absorptiveness -absorptivity -absquatulate -abstain -abstainer -abstainment -abstemious -abstemiously -abstemiousness -abstention -abstentionist -abstentious -absterge -abstergent -abstersion -abstersive -abstersiveness -abstinence -abstinency -abstinent -abstinential -abstinently -abstract -abstracted -abstractedly -abstractedness -abstracter -abstraction -abstractional -abstractionism -abstractionist -abstractitious -abstractive -abstractively -abstractiveness -abstractly -abstractness -abstractor -abstrahent -abstricted -abstriction -abstruse -abstrusely -abstruseness -abstrusion -abstrusity -absume -absumption -absurd -absurdity -absurdly -absurdness -absvolt -Absyrtus -abterminal -abthain -abthainrie -abthainry -abthanage -Abu -abu -abucco -abulia -abulic -abulomania -abuna -abundance -abundancy -abundant -Abundantia -abundantly -abura -aburabozu -aburban -aburst -aburton -abusable -abuse -abusedly -abusee -abuseful -abusefully -abusefulness -abuser -abusion -abusious -abusive -abusively -abusiveness -abut -Abuta -Abutilon -abutment -abuttal -abutter -abutting -abuzz -abvolt -abwab -aby -abysm -abysmal -abysmally -abyss -abyssal -Abyssinian -abyssobenthonic -abyssolith -abyssopelagic -acacatechin -acacatechol -acacetin -Acacia -Acacian -acaciin -acacin -academe -academial -academian -Academic -academic -academical -academically -academicals -academician -academicism -academism -academist -academite -academization -academize -Academus -academy -Acadia -acadialite -Acadian -Acadie -Acaena -acajou -acaleph -Acalepha -Acalephae -acalephan -acalephoid -acalycal -acalycine -acalycinous -acalyculate -Acalypha -Acalypterae -Acalyptrata -Acalyptratae -acalyptrate -Acamar -acampsia -acana -acanaceous -acanonical -acanth -acantha -Acanthaceae -acanthaceous -acanthad -Acantharia -Acanthia -acanthial -acanthin -acanthine -acanthion -acanthite -acanthocarpous -Acanthocephala -acanthocephalan -Acanthocephali -acanthocephalous -Acanthocereus -acanthocladous -Acanthodea -acanthodean -Acanthodei -Acanthodes -acanthodian -Acanthodidae -Acanthodii -Acanthodini -acanthoid -Acantholimon -acanthological -acanthology -acantholysis -acanthoma -Acanthomeridae -acanthon -Acanthopanax -Acanthophis -acanthophorous -acanthopod -acanthopodous -acanthopomatous -acanthopore -acanthopteran -Acanthopteri -acanthopterous -acanthopterygian -Acanthopterygii -acanthosis -acanthous -Acanthuridae -Acanthurus -acanthus -acapnia -acapnial -acapsular -acapu -acapulco -acara -Acarapis -acardia -acardiac -acari -acarian -acariasis -acaricidal -acaricide -acarid -Acarida -Acaridea -acaridean -acaridomatium -acariform -Acarina -acarine -acarinosis -acarocecidium -acarodermatitis -acaroid -acarol -acarologist -acarology -acarophilous -acarophobia -acarotoxic -acarpelous -acarpous -Acarus -Acastus -acatalectic -acatalepsia -acatalepsy -acataleptic -acatallactic -acatamathesia -acataphasia -acataposis -acatastasia -acatastatic -acate -acategorical -acatery -acatharsia -acatharsy -acatholic -acaudal -acaudate -acaulescent -acauline -acaulose -acaulous -acca -accede -accedence -acceder -accelerable -accelerando -accelerant -accelerate -accelerated -acceleratedly -acceleration -accelerative -accelerator -acceleratory -accelerograph -accelerometer -accend -accendibility -accendible -accension -accensor -accent -accentless -accentor -accentuable -accentual -accentuality -accentually -accentuate -accentuation -accentuator -accentus -accept -acceptability -acceptable -acceptableness -acceptably -acceptance -acceptancy -acceptant -acceptation -accepted -acceptedly -accepter -acceptilate -acceptilation -acception -acceptive -acceptor -acceptress -accerse -accersition -accersitor -access -accessarily -accessariness -accessary -accessaryship -accessibility -accessible -accessibly -accession -accessional -accessioner -accessive -accessively -accessless -accessorial -accessorily -accessoriness -accessorius -accessory -accidence -accidency -accident -accidental -accidentalism -accidentalist -accidentality -accidentally -accidentalness -accidented -accidential -accidentiality -accidently -accidia -accidie -accinge -accipient -Accipiter -accipitral -accipitrary -Accipitres -accipitrine -accismus -accite -acclaim -acclaimable -acclaimer -acclamation -acclamator -acclamatory -acclimatable -acclimatation -acclimate -acclimatement -acclimation -acclimatizable -acclimatization -acclimatize -acclimatizer -acclimature -acclinal -acclinate -acclivitous -acclivity -acclivous -accloy -accoast -accoil -accolade -accoladed -accolated -accolent -accolle -accombination -accommodable -accommodableness -accommodate -accommodately -accommodateness -accommodating -accommodatingly -accommodation -accommodational -accommodative -accommodativeness -accommodator -accompanier -accompaniment -accompanimental -accompanist -accompany -accompanyist -accompletive -accomplice -accompliceship -accomplicity -accomplish -accomplishable -accomplished -accomplisher -accomplishment -accomplisht -accompt -accord -accordable -accordance -accordancy -accordant -accordantly -accorder -according -accordingly -accordion -accordionist -accorporate -accorporation -accost -accostable -accosted -accouche -accouchement -accoucheur -accoucheuse -account -accountability -accountable -accountableness -accountably -accountancy -accountant -accountantship -accounting -accountment -accouple -accouplement -accouter -accouterment -accoy -accredit -accreditate -accreditation -accredited -accreditment -accrementitial -accrementition -accresce -accrescence -accrescent -accretal -accrete -accretion -accretionary -accretive -accroach -accroides -accrual -accrue -accruement -accruer -accubation -accubitum -accubitus -accultural -acculturate -acculturation -acculturize -accumbency -accumbent -accumber -accumulable -accumulate -accumulation -accumulativ -accumulative -accumulatively -accumulativeness -accumulator -accuracy -accurate -accurately -accurateness -accurse -accursed -accursedly -accursedness -accusable -accusably -accusal -accusant -accusation -accusatival -accusative -accusatively -accusatorial -accusatorially -accusatory -accusatrix -accuse -accused -accuser -accusingly -accusive -accustom -accustomed -accustomedly -accustomedness -ace -aceacenaphthene -aceanthrene -aceanthrenequinone -acecaffine -aceconitic -acedia -acediamine -acediast -acedy -Aceldama -Acemetae -Acemetic -acenaphthene -acenaphthenyl -acenaphthylene -acentric -acentrous -aceologic -aceology -acephal -Acephala -acephalan -Acephali -acephalia -Acephalina -acephaline -acephalism -acephalist -Acephalite -acephalocyst -acephalous -acephalus -Acer -Aceraceae -aceraceous -Acerae -Acerata -acerate -Acerates -acerathere -Aceratherium -aceratosis -acerb -Acerbas -acerbate -acerbic -acerbity -acerdol -acerin -acerose -acerous -acerra -acertannin -acervate -acervately -acervation -acervative -acervose -acervuline -acervulus -acescence -acescency -acescent -aceship -acesodyne -Acestes -acetabular -Acetabularia -acetabuliferous -acetabuliform -acetabulous -acetabulum -acetacetic -acetal -acetaldehydase -acetaldehyde -acetaldehydrase -acetalization -acetalize -acetamide -acetamidin -acetamidine -acetamido -acetaminol -acetanilid -acetanilide -acetanion -acetaniside -acetanisidide -acetannin -acetarious -acetarsone -acetate -acetated -acetation -acetbromamide -acetenyl -acethydrazide -acetic -acetification -acetifier -acetify -acetimeter -acetimetry -acetin -acetize -acetmethylanilide -acetnaphthalide -acetoacetanilide -acetoacetate -acetoacetic -acetoamidophenol -acetoarsenite -Acetobacter -acetobenzoic -acetobromanilide -acetochloral -acetocinnamene -acetoin -acetol -acetolysis -acetolytic -acetometer -acetometrical -acetometrically -acetometry -acetomorphine -acetonaphthone -acetonate -acetonation -acetone -acetonemia -acetonemic -acetonic -acetonitrile -acetonization -acetonize -acetonuria -acetonurometer -acetonyl -acetonylacetone -acetonylidene -acetophenetide -acetophenin -acetophenine -acetophenone -acetopiperone -acetopyrin -acetosalicylic -acetose -acetosity -acetosoluble -acetothienone -acetotoluide -acetotoluidine -acetous -acetoveratrone -acetoxime -acetoxyl -acetoxyphthalide -acetphenetid -acetphenetidin -acetract -acettoluide -acetum -aceturic -acetyl -acetylacetonates -acetylacetone -acetylamine -acetylate -acetylation -acetylator -acetylbenzene -acetylbenzoate -acetylbenzoic -acetylbiuret -acetylcarbazole -acetylcellulose -acetylcholine -acetylcyanide -acetylenation -acetylene -acetylenediurein -acetylenic -acetylenyl -acetylfluoride -acetylglycine -acetylhydrazine -acetylic -acetylide -acetyliodide -acetylizable -acetylization -acetylize -acetylizer -acetylmethylcarbinol -acetylperoxide -acetylphenol -acetylphenylhydrazine -acetylrosaniline -acetylsalicylate -acetylsalol -acetyltannin -acetylthymol -acetyltropeine -acetylurea -ach -Achaean -Achaemenian -Achaemenid -Achaemenidae -Achaemenidian -Achaenodon -Achaeta -achaetous -achage -Achagua -Achakzai -achalasia -Achamoth -Achango -achar -Achariaceae -Achariaceous -achate -Achates -Achatina -Achatinella -Achatinidae -ache -acheilia -acheilous -acheiria -acheirous -acheirus -Achen -achene -achenial -achenium -achenocarp -achenodium -acher -Achernar -Acheronian -Acherontic -Acherontical -achete -Achetidae -Acheulean -acheweed -achievable -achieve -achievement -achiever -achigan -achilary -achill -Achillea -Achillean -Achilleid -achilleine -Achillize -achillobursitis -achillodynia -achime -Achimenes -Achinese -aching -achingly -achira -Achitophel -achlamydate -Achlamydeae -achlamydeous -achlorhydria -achlorophyllous -achloropsia -Achmetha -acholia -acholic -Acholoe -acholous -acholuria -acholuric -Achomawi -achondrite -achondritic -achondroplasia -achondroplastic -achor -achordal -Achordata -achordate -Achorion -Achras -achree -achroacyte -Achroanthes -achrodextrin -achrodextrinase -achroglobin -achroiocythaemia -achroiocythemia -achroite -achroma -achromacyte -achromasia -achromat -achromate -Achromatiaceae -achromatic -achromatically -achromaticity -achromatin -achromatinic -achromatism -Achromatium -achromatizable -achromatization -achromatize -achromatocyte -achromatolysis -achromatope -achromatophile -achromatopia -achromatopsia -achromatopsy -achromatosis -achromatous -achromaturia -achromia -achromic -Achromobacter -Achromobacterieae -achromoderma -achromophilous -achromotrichia -achromous -achronical -achroodextrin -achroodextrinase -achroous -achropsia -achtehalber -achtel -achtelthaler -Achuas -achy -achylia -achylous -achymia -achymous -Achyranthes -Achyrodes -acichloride -acicula -acicular -acicularly -aciculate -aciculated -aciculum -acid -Acidanthera -Acidaspis -acidemia -acider -acidic -acidiferous -acidifiable -acidifiant -acidific -acidification -acidifier -acidify -acidimeter -acidimetric -acidimetrical -acidimetrically -acidimetry -acidite -acidity -acidize -acidly -acidness -acidoid -acidology -acidometer -acidometry -acidophile -acidophilic -acidophilous -acidoproteolytic -acidosis -acidosteophyte -acidotic -acidproof -acidulate -acidulent -acidulous -aciduric -acidyl -acier -acierage -Acieral -acierate -acieration -aciform -aciliate -aciliated -Acilius -acinaceous -acinaces -acinacifolious -acinaciform -acinar -acinarious -acinary -Acineta -Acinetae -acinetan -Acinetaria -acinetarian -acinetic -acinetiform -Acinetina -acinetinan -acinic -aciniform -acinose -acinotubular -acinous -acinus -Acipenser -Acipenseres -acipenserid -Acipenseridae -acipenserine -acipenseroid -Acipenseroidei -Acis -aciurgy -acker -ackey -ackman -acknow -acknowledge -acknowledgeable -acknowledged -acknowledgedly -acknowledger -aclastic -acle -acleidian -acleistous -Aclemon -aclidian -aclinal -aclinic -acloud -aclys -Acmaea -Acmaeidae -acmatic -acme -acmesthesia -acmic -Acmispon -acmite -acne -acneform -acneiform -acnemia -Acnida -acnodal -acnode -Acocanthera -acocantherin -acock -acockbill -acocotl -Acoela -Acoelomata -acoelomate -acoelomatous -Acoelomi -acoelomous -acoelous -Acoemetae -Acoemeti -Acoemetic -acoin -acoine -Acolapissa -acold -Acolhua -Acolhuan -acologic -acology -acolous -acoluthic -acolyte -acolythate -Acoma -acoma -acomia -acomous -aconative -acondylose -acondylous -acone -aconic -aconin -aconine -aconital -aconite -aconitia -aconitic -aconitin -aconitine -Aconitum -Acontias -acontium -Acontius -aconuresis -acopic -acopon -acopyrin -acopyrine -acor -acorea -acoria -acorn -acorned -Acorus -acosmic -acosmism -acosmist -acosmistic -acotyledon -acotyledonous -acouasm -acouchi -acouchy -acoumeter -acoumetry -acouometer -acouophonia -acoupa -acousmata -acousmatic -acoustic -acoustical -acoustically -acoustician -acousticolateral -Acousticon -acoustics -acquaint -acquaintance -acquaintanceship -acquaintancy -acquaintant -acquainted -acquaintedness -acquest -acquiesce -acquiescement -acquiescence -acquiescency -acquiescent -acquiescently -acquiescer -acquiescingly -acquirability -acquirable -acquire -acquired -acquirement -acquirenda -acquirer -acquisible -acquisite -acquisited -acquisition -acquisitive -acquisitively -acquisitiveness -acquisitor -acquisitum -acquist -acquit -acquitment -acquittal -acquittance -acquitter -Acrab -acracy -acraein -Acraeinae -acraldehyde -Acrania -acranial -acraniate -acrasia -Acrasiaceae -Acrasiales -Acrasida -Acrasieae -Acraspeda -acraspedote -acratia -acraturesis -acrawl -acraze -acre -acreable -acreage -acreak -acream -acred -Acredula -acreman -acrestaff -acrid -acridan -acridian -acridic -Acrididae -Acridiidae -acridine -acridinic -acridinium -acridity -Acridium -acridly -acridness -acridone -acridonium -acridophagus -acridyl -acriflavin -acriflavine -acrimonious -acrimoniously -acrimoniousness -acrimony -acrindoline -acrinyl -acrisia -Acrisius -Acrita -acritan -acrite -acritical -acritol -Acroa -acroaesthesia -acroama -acroamatic -acroamatics -acroanesthesia -acroarthritis -acroasphyxia -acroataxia -acroatic -acrobacy -acrobat -Acrobates -acrobatholithic -acrobatic -acrobatical -acrobatically -acrobatics -acrobatism -acroblast -acrobryous -acrobystitis -Acrocarpi -acrocarpous -acrocephalia -acrocephalic -acrocephalous -acrocephaly -Acrocera -Acroceratidae -Acroceraunian -Acroceridae -Acrochordidae -Acrochordinae -acrochordon -Acroclinium -Acrocomia -acroconidium -acrocontracture -acrocoracoid -acrocyanosis -acrocyst -acrodactylum -acrodermatitis -acrodont -acrodontism -acrodrome -acrodromous -Acrodus -acrodynia -acroesthesia -acrogamous -acrogamy -acrogen -acrogenic -acrogenous -acrogenously -acrography -Acrogynae -acrogynae -acrogynous -acrolein -acrolith -acrolithan -acrolithic -acrologic -acrologically -acrologism -acrologue -acrology -acromania -acromastitis -acromegalia -acromegalic -acromegaly -acromelalgia -acrometer -acromial -acromicria -acromioclavicular -acromiocoracoid -acromiodeltoid -acromiohumeral -acromiohyoid -acromion -acromioscapular -acromiosternal -acromiothoracic -acromonogrammatic -acromphalus -Acromyodi -acromyodian -acromyodic -acromyodous -acromyotonia -acromyotonus -acron -acronarcotic -acroneurosis -acronical -acronically -acronyc -acronych -Acronycta -acronyctous -acronym -acronymic -acronymize -acronymous -acronyx -acrook -acroparalysis -acroparesthesia -acropathology -acropathy -acropetal -acropetally -acrophobia -acrophonetic -acrophonic -acrophony -acropodium -acropoleis -acropolis -acropolitan -Acropora -acrorhagus -acrorrheuma -acrosarc -acrosarcum -acroscleriasis -acroscleroderma -acroscopic -acrose -acrosome -acrosphacelus -acrospire -acrospore -acrosporous -across -acrostic -acrostical -acrostically -acrostichal -Acrosticheae -acrostichic -acrostichoid -Acrostichum -acrosticism -acrostolion -acrostolium -acrotarsial -acrotarsium -acroteleutic -acroterial -acroteric -acroterium -Acrothoracica -acrotic -acrotism -acrotomous -Acrotreta -Acrotretidae -acrotrophic -acrotrophoneurosis -Acrux -Acrydium -acryl -acrylaldehyde -acrylate -acrylic -acrylonitrile -acrylyl -act -acta -actability -actable -Actaea -Actaeaceae -Actaeon -Actaeonidae -Actiad -Actian -actification -actifier -actify -actin -actinal -actinally -actinautographic -actinautography -actine -actinenchyma -acting -Actinia -actinian -Actiniaria -actiniarian -actinic -actinically -Actinidia -Actinidiaceae -actiniferous -actiniform -actinine -actiniochrome -actiniohematin -Actiniomorpha -actinism -Actinistia -actinium -actinobacillosis -Actinobacillus -actinoblast -actinobranch -actinobranchia -actinocarp -actinocarpic -actinocarpous -actinochemistry -actinocrinid -Actinocrinidae -actinocrinite -Actinocrinus -actinocutitis -actinodermatitis -actinodielectric -actinodrome -actinodromous -actinoelectric -actinoelectrically -actinoelectricity -actinogonidiate -actinogram -actinograph -actinography -actinoid -Actinoida -Actinoidea -actinolite -actinolitic -actinologous -actinologue -actinology -actinomere -actinomeric -actinometer -actinometric -actinometrical -actinometry -actinomorphic -actinomorphous -actinomorphy -Actinomyces -Actinomycetaceae -Actinomycetales -actinomycete -actinomycetous -actinomycin -actinomycoma -actinomycosis -actinomycotic -Actinomyxidia -Actinomyxidiida -actinon -Actinonema -actinoneuritis -actinophone -actinophonic -actinophore -actinophorous -actinophryan -Actinophrys -Actinopoda -actinopraxis -actinopteran -Actinopteri -actinopterous -actinopterygian -Actinopterygii -actinopterygious -actinoscopy -actinosoma -actinosome -Actinosphaerium -actinost -actinostereoscopy -actinostomal -actinostome -actinotherapeutic -actinotherapeutics -actinotherapy -actinotoxemia -actinotrichium -actinotrocha -actinouranium -Actinozoa -actinozoal -actinozoan -actinozoon -actinula -action -actionable -actionably -actional -actionary -actioner -actionize -actionless -Actipylea -Actium -activable -activate -activation -activator -active -actively -activeness -activin -activism -activist -activital -activity -activize -actless -actomyosin -acton -actor -actorship -actress -Acts -actu -actual -actualism -actualist -actualistic -actuality -actualization -actualize -actually -actualness -actuarial -actuarially -actuarian -actuary -actuaryship -actuation -actuator -acture -acturience -actutate -acuaesthesia -Acuan -acuate -acuation -Acubens -acuclosure -acuductor -acuesthesia -acuity -aculea -Aculeata -aculeate -aculeated -aculeiform -aculeolate -aculeolus -aculeus -acumen -acuminate -acumination -acuminose -acuminous -acuminulate -acupress -acupressure -acupunctuate -acupunctuation -acupuncturation -acupuncturator -acupuncture -acurative -acushla -acutangular -acutate -acute -acutely -acutenaculum -acuteness -acutiator -acutifoliate -Acutilinguae -acutilingual -acutilobate -acutiplantar -acutish -acutograve -acutonodose -acutorsion -acyanoblepsia -acyanopsia -acyclic -acyesis -acyetic -acyl -acylamido -acylamidobenzene -acylamino -acylate -acylation -acylogen -acyloin -acyloxy -acyloxymethane -acyrological -acyrology -acystia -ad -Ada -adactyl -adactylia -adactylism -adactylous -Adad -adad -adage -adagial -adagietto -adagio -Adai -Adaize -Adam -adamant -adamantean -adamantine -adamantinoma -adamantoblast -adamantoblastoma -adamantoid -adamantoma -adamas -Adamastor -adambulacral -adamellite -Adamhood -Adamic -Adamical -Adamically -adamine -Adamite -adamite -Adamitic -Adamitical -Adamitism -Adamsia -adamsite -adance -adangle -Adansonia -Adapa -adapid -Adapis -adapt -adaptability -adaptable -adaptation -adaptational -adaptationally -adaptative -adaptedness -adapter -adaption -adaptional -adaptionism -adaptitude -adaptive -adaptively -adaptiveness -adaptometer -adaptor -adaptorial -Adar -adarme -adat -adati -adatom -adaunt -adaw -adawe -adawlut -adawn -adaxial -aday -adays -adazzle -adcraft -add -Adda -adda -addability -addable -addax -addebted -added -addedly -addend -addenda -addendum -adder -adderbolt -adderfish -adderspit -adderwort -addibility -addible -addicent -addict -addicted -addictedness -addiction -Addie -addiment -Addisonian -Addisoniana -additament -additamentary -addition -additional -additionally -additionary -additionist -addititious -additive -additively -additivity -additory -addle -addlebrain -addlebrained -addlehead -addleheaded -addleheadedly -addleheadedness -addlement -addleness -addlepate -addlepated -addlepatedness -addleplot -addlings -addlins -addorsed -address -addressee -addresser -addressful -Addressograph -addressor -addrest -Addu -adduce -adducent -adducer -adducible -adduct -adduction -adductive -adductor -Addy -Ade -ade -adead -adeem -adeep -Adela -Adelaide -Adelarthra -Adelarthrosomata -adelarthrosomatous -Adelbert -Adelea -Adeleidae -Adelges -Adelia -Adelina -Adeline -adeling -adelite -Adeliza -adelocerous -Adelochorda -adelocodonic -adelomorphic -adelomorphous -adelopod -Adelops -Adelphi -Adelphian -adelphogamy -Adelphoi -adelpholite -adelphophagy -ademonist -adempted -ademption -adenalgia -adenalgy -Adenanthera -adenase -adenasthenia -adendric -adendritic -adenectomy -adenectopia -adenectopic -adenemphractic -adenemphraxis -adenia -adeniform -adenine -adenitis -adenization -adenoacanthoma -adenoblast -adenocancroid -adenocarcinoma -adenocarcinomatous -adenocele -adenocellulitis -adenochondroma -adenochondrosarcoma -adenochrome -adenocyst -adenocystoma -adenocystomatous -adenodermia -adenodiastasis -adenodynia -adenofibroma -adenofibrosis -adenogenesis -adenogenous -adenographer -adenographic -adenographical -adenography -adenohypersthenia -adenoid -adenoidal -adenoidism -adenoliomyofibroma -adenolipoma -adenolipomatosis -adenologaditis -adenological -adenology -adenolymphocele -adenolymphoma -adenoma -adenomalacia -adenomatome -adenomatous -adenomeningeal -adenometritis -adenomycosis -adenomyofibroma -adenomyoma -adenomyxoma -adenomyxosarcoma -adenoncus -adenoneural -adenoneure -adenopathy -adenopharyngeal -adenopharyngitis -adenophlegmon -Adenophora -adenophore -adenophorous -adenophthalmia -adenophyllous -adenophyma -adenopodous -adenosarcoma -adenosclerosis -adenose -adenosine -adenosis -adenostemonous -Adenostoma -adenotome -adenotomic -adenotomy -adenotyphoid -adenotyphus -adenyl -adenylic -Adeodatus -Adeona -Adephaga -adephagan -adephagia -adephagous -adept -adeptness -adeptship -adequacy -adequate -adequately -adequateness -adequation -adequative -adermia -adermin -Adessenarian -adet -adevism -adfected -adfix -adfluxion -adglutinate -Adhafera -adhaka -adhamant -Adhara -adharma -adhere -adherence -adherency -adherent -adherently -adherer -adherescence -adherescent -adhesion -adhesional -adhesive -adhesively -adhesivemeter -adhesiveness -adhibit -adhibition -adiabatic -adiabatically -adiabolist -adiactinic -adiadochokinesis -adiagnostic -adiantiform -Adiantum -adiaphon -adiaphonon -adiaphoral -adiaphoresis -adiaphoretic -adiaphorism -adiaphorist -adiaphoristic -adiaphorite -adiaphoron -adiaphorous -adiate -adiathermal -adiathermancy -adiathermanous -adiathermic -adiathetic -adiation -Adib -Adicea -adicity -Adiel -adieu -adieux -Adigei -Adighe -Adigranth -adigranth -Adin -Adinida -adinidan -adinole -adion -adipate -adipescent -adipic -adipinic -adipocele -adipocellulose -adipocere -adipoceriform -adipocerous -adipocyte -adipofibroma -adipogenic -adipogenous -adipoid -adipolysis -adipolytic -adipoma -adipomatous -adipometer -adipopexia -adipopexis -adipose -adiposeness -adiposis -adiposity -adiposogenital -adiposuria -adipous -adipsia -adipsic -adipsous -adipsy -adipyl -Adirondack -adit -adital -aditus -adjacency -adjacent -adjacently -adjag -adject -adjection -adjectional -adjectival -adjectivally -adjective -adjectively -adjectivism -adjectivitis -adjiger -adjoin -adjoined -adjoinedly -adjoining -adjoint -adjourn -adjournal -adjournment -adjudge -adjudgeable -adjudger -adjudgment -adjudicate -adjudication -adjudicative -adjudicator -adjudicature -adjunct -adjunction -adjunctive -adjunctively -adjunctly -adjuration -adjuratory -adjure -adjurer -adjust -adjustable -adjustably -adjustage -adjustation -adjuster -adjustive -adjustment -adjutage -adjutancy -adjutant -adjutantship -adjutorious -adjutory -adjutrice -adjuvant -Adlai -adlay -adless -adlet -Adlumia -adlumidine -adlumine -adman -admarginate -admaxillary -admeasure -admeasurement -admeasurer -admedial -admedian -admensuration -admi -adminicle -adminicula -adminicular -adminiculary -adminiculate -adminiculation -adminiculum -administer -administerd -administerial -administrable -administrant -administrate -administration -administrational -administrative -administratively -administrator -administratorship -administratress -administratrices -administratrix -admirability -admirable -admirableness -admirably -admiral -admiralship -admiralty -admiration -admirative -admirator -admire -admired -admiredly -admirer -admiring -admiringly -admissibility -admissible -admissibleness -admissibly -admission -admissive -admissory -admit -admittable -admittance -admitted -admittedly -admittee -admitter -admittible -admix -admixtion -admixture -admonish -admonisher -admonishingly -admonishment -admonition -admonitioner -admonitionist -admonitive -admonitively -admonitor -admonitorial -admonitorily -admonitory -admonitrix -admortization -adnascence -adnascent -adnate -adnation -adnephrine -adnerval -adneural -adnex -adnexal -adnexed -adnexitis -adnexopexy -adnominal -adnominally -adnomination -adnoun -ado -adobe -adolesce -adolescence -adolescency -adolescent -adolescently -Adolph -Adolphus -Adonai -Adonean -Adonia -Adoniad -Adonian -Adonic -adonidin -adonin -Adoniram -Adonis -adonite -adonitol -adonize -adoperate -adoperation -adopt -adoptability -adoptable -adoptant -adoptative -adopted -adoptedly -adoptee -adopter -adoptian -adoptianism -adoptianist -adoption -adoptional -adoptionism -adoptionist -adoptious -adoptive -adoptively -adorability -adorable -adorableness -adorably -adoral -adorally -adorant -Adorantes -adoration -adoratory -adore -adorer -Adoretus -adoringly -adorn -adorner -adorningly -adornment -adosculation -adossed -adoulie -adown -Adoxa -Adoxaceae -adoxaceous -adoxography -adoxy -adoze -adpao -adpress -adpromission -adradial -adradially -adradius -Adramelech -Adrammelech -adread -adream -adreamed -adreamt -adrectal -adrenal -adrenalectomize -adrenalectomy -Adrenalin -adrenaline -adrenalize -adrenalone -adrenergic -adrenin -adrenine -adrenochrome -adrenocortical -adrenocorticotropic -adrenolysis -adrenolytic -adrenotropic -Adrian -Adriana -Adriatic -Adrienne -adrift -adrip -adroit -adroitly -adroitness -adroop -adrop -adrostral -adrowse -adrue -adry -adsbud -adscendent -adscititious -adscititiously -adscript -adscripted -adscription -adscriptitious -adscriptitius -adscriptive -adsessor -adsheart -adsignification -adsignify -adsmith -adsmithing -adsorb -adsorbable -adsorbate -adsorbent -adsorption -adsorptive -adstipulate -adstipulation -adstipulator -adterminal -adtevac -adular -adularescence -adularia -adulate -adulation -adulator -adulatory -adulatress -Adullam -Adullamite -adult -adulter -adulterant -adulterate -adulterately -adulterateness -adulteration -adulterator -adulterer -adulteress -adulterine -adulterize -adulterous -adulterously -adultery -adulthood -adulticidal -adulticide -adultness -adultoid -adumbral -adumbrant -adumbrate -adumbration -adumbrative -adumbratively -adunc -aduncate -aduncated -aduncity -aduncous -adusk -adust -adustion -adustiosis -Advaita -advance -advanceable -advanced -advancedness -advancement -advancer -advancing -advancingly -advancive -advantage -advantageous -advantageously -advantageousness -advection -advectitious -advective -advehent -advene -advenience -advenient -Advent -advential -Adventism -Adventist -adventitia -adventitious -adventitiously -adventitiousness -adventive -adventual -adventure -adventureful -adventurement -adventurer -adventureship -adventuresome -adventuresomely -adventuresomeness -adventuress -adventurish -adventurous -adventurously -adventurousness -adverb -adverbial -adverbiality -adverbialize -adverbially -adverbiation -adversant -adversaria -adversarious -adversary -adversative -adversatively -adverse -adversely -adverseness -adversifoliate -adversifolious -adversity -advert -advertence -advertency -advertent -advertently -advertisable -advertise -advertisee -advertisement -advertiser -advertising -advice -adviceful -advisability -advisable -advisableness -advisably -advisal -advisatory -advise -advised -advisedly -advisedness -advisee -advisement -adviser -advisership -advisive -advisiveness -advisor -advisorily -advisory -advocacy -advocate -advocateship -advocatess -advocation -advocator -advocatory -advocatress -advocatrice -advocatrix -advolution -advowee -advowson -ady -adynamia -adynamic -adynamy -adyta -adyton -adytum -adz -adze -adzer -adzooks -ae -Aeacides -Aeacus -Aeaean -Aechmophorus -aecial -Aecidiaceae -aecidial -aecidioform -Aecidiomycetes -aecidiospore -aecidiostage -aecidium -aeciospore -aeciostage -aecioteliospore -aeciotelium -aecium -aedeagus -Aedes -aedicula -aedile -aedileship -aedilian -aedilic -aedilitian -aedility -aedoeagus -aefald -aefaldness -aefaldy -aefauld -aegagropila -aegagropile -aegagrus -Aegean -aegerian -aegeriid -Aegeriidae -Aegialitis -aegicrania -Aegina -Aeginetan -Aeginetic -Aegipan -aegirine -aegirinolite -aegirite -aegis -Aegisthus -Aegithalos -Aegithognathae -aegithognathism -aegithognathous -Aegle -Aegopodium -aegrotant -aegyptilla -aegyrite -aeluroid -Aeluroidea -aelurophobe -aelurophobia -aeluropodous -aenach -aenean -aeneolithic -aeneous -aenigmatite -aeolharmonica -Aeolia -Aeolian -Aeolic -Aeolicism -aeolid -Aeolidae -Aeolididae -aeolina -aeoline -aeolipile -Aeolis -Aeolism -Aeolist -aeolistic -aeolodicon -aeolodion -aeolomelodicon -aeolopantalon -aeolotropic -aeolotropism -aeolotropy -aeolsklavier -aeon -aeonial -aeonian -aeonist -Aepyceros -Aepyornis -Aepyornithidae -Aepyornithiformes -Aequi -Aequian -Aequiculi -Aequipalpia -aequoreal -aer -aerage -aerarian -aerarium -aerate -aeration -aerator -aerenchyma -aerenterectasia -aerial -aerialist -aeriality -aerially -aerialness -aeric -aerical -Aerides -aerie -aeried -aerifaction -aeriferous -aerification -aeriform -aerify -aero -Aerobacter -aerobate -aerobatic -aerobatics -aerobe -aerobian -aerobic -aerobically -aerobiologic -aerobiological -aerobiologically -aerobiologist -aerobiology -aerobion -aerobiont -aerobioscope -aerobiosis -aerobiotic -aerobiotically -aerobious -aerobium -aeroboat -Aerobranchia -aerobranchiate -aerobus -aerocamera -aerocartograph -Aerocharidae -aerocolpos -aerocraft -aerocurve -aerocyst -aerodermectasia -aerodone -aerodonetic -aerodonetics -aerodrome -aerodromics -aerodynamic -aerodynamical -aerodynamicist -aerodynamics -aerodyne -aeroembolism -aeroenterectasia -aerofoil -aerogel -aerogen -aerogenes -aerogenesis -aerogenic -aerogenically -aerogenous -aerogeologist -aerogeology -aerognosy -aerogram -aerograph -aerographer -aerographic -aerographical -aerographics -aerography -aerogun -aerohydrodynamic -aerohydropathy -aerohydroplane -aerohydrotherapy -aerohydrous -aeroides -aerolite -aerolith -aerolithology -aerolitic -aerolitics -aerologic -aerological -aerologist -aerology -aeromaechanic -aeromancer -aeromancy -aeromantic -aeromarine -aeromechanical -aeromechanics -aerometeorograph -aerometer -aerometric -aerometry -aeromotor -aeronat -aeronaut -aeronautic -aeronautical -aeronautically -aeronautics -aeronautism -aeronef -aeroneurosis -aeropathy -Aerope -aeroperitoneum -aeroperitonia -aerophagia -aerophagist -aerophagy -aerophane -aerophilatelic -aerophilatelist -aerophilately -aerophile -aerophilic -aerophilous -aerophobia -aerophobic -aerophone -aerophor -aerophore -aerophotography -aerophysical -aerophysics -aerophyte -aeroplane -aeroplaner -aeroplanist -aeropleustic -aeroporotomy -aeroscepsis -aeroscepsy -aeroscope -aeroscopic -aeroscopically -aeroscopy -aerose -aerosiderite -aerosiderolite -Aerosol -aerosol -aerosphere -aerosporin -aerostat -aerostatic -aerostatical -aerostatics -aerostation -aerosteam -aerotactic -aerotaxis -aerotechnical -aerotherapeutics -aerotherapy -aerotonometer -aerotonometric -aerotonometry -aerotropic -aerotropism -aeroyacht -aeruginous -aerugo -aery -aes -Aeschylean -Aeschynanthus -Aeschynomene -aeschynomenous -Aesculaceae -aesculaceous -Aesculapian -Aesculapius -Aesculus -Aesopian -Aesopic -aesthete -aesthetic -aesthetical -aesthetically -aesthetician -aestheticism -aestheticist -aestheticize -aesthetics -aesthiology -aesthophysiology -Aestii -aethalioid -aethalium -aetheogam -aetheogamic -aetheogamous -aethered -Aethionema -aethogen -aethrioscope -Aethusa -Aetian -aetiogenic -aetiotropic -aetiotropically -Aetobatidae -Aetobatus -Aetolian -Aetomorphae -aetosaur -aetosaurian -Aetosaurus -aevia -aface -afaint -Afar -afar -afara -afear -afeard -afeared -afebrile -Afenil -afernan -afetal -affa -affability -affable -affableness -affably -affabrous -affair -affaite -affect -affectable -affectate -affectation -affectationist -affected -affectedly -affectedness -affecter -affectibility -affectible -affecting -affectingly -affection -affectional -affectionally -affectionate -affectionately -affectionateness -affectioned -affectious -affective -affectively -affectivity -affeer -affeerer -affeerment -affeir -affenpinscher -affenspalte -afferent -affettuoso -affiance -affiancer -affiant -affidation -affidavit -affidavy -affiliable -affiliate -affiliation -affinal -affination -affine -affined -affinely -affinitative -affinitatively -affinite -affinition -affinitive -affinity -affirm -affirmable -affirmably -affirmance -affirmant -affirmation -affirmative -affirmatively -affirmatory -affirmer -affirmingly -affix -affixal -affixation -affixer -affixion -affixture -afflation -afflatus -afflict -afflicted -afflictedness -afflicter -afflicting -afflictingly -affliction -afflictionless -afflictive -afflictively -affluence -affluent -affluently -affluentness -afflux -affluxion -afforce -afforcement -afford -affordable -afforest -afforestable -afforestation -afforestment -afformative -affranchise -affranchisement -affray -affrayer -affreight -affreighter -affreightment -affricate -affricated -affrication -affricative -affright -affrighted -affrightedly -affrighter -affrightful -affrightfully -affrightingly -affrightment -affront -affronte -affronted -affrontedly -affrontedness -affronter -affronting -affrontingly -affrontingness -affrontive -affrontiveness -affrontment -affuse -affusion -affy -Afghan -afghani -afield -Afifi -afikomen -afire -aflagellar -aflame -aflare -aflat -aflaunt -aflicker -aflight -afloat -aflow -aflower -afluking -aflush -aflutter -afoam -afoot -afore -aforehand -aforenamed -aforesaid -aforethought -aforetime -aforetimes -afortiori -afoul -afraid -afraidness -Aframerican -Afrasia -Afrasian -afreet -afresh -afret -Afric -African -Africana -Africanism -Africanist -Africanization -Africanize -Africanoid -Africanthropus -Afridi -Afrikaans -Afrikander -Afrikanderdom -Afrikanderism -Afrikaner -Afrogaea -Afrogaean -afront -afrown -Afshah -Afshar -aft -aftaba -after -afteract -afterage -afterattack -afterband -afterbeat -afterbirth -afterblow -afterbody -afterbrain -afterbreach -afterbreast -afterburner -afterburning -aftercare -aftercareer -aftercast -aftercataract -aftercause -afterchance -afterchrome -afterchurch -afterclap -afterclause -aftercome -aftercomer -aftercoming -aftercooler -aftercost -aftercourse -aftercrop -aftercure -afterdamp -afterdate -afterdays -afterdeck -afterdinner -afterdrain -afterdrops -aftereffect -afterend -aftereye -afterfall -afterfame -afterfeed -afterfermentation -afterform -afterfriend -afterfruits -afterfuture -aftergame -aftergas -afterglide -afterglow -aftergo -aftergood -aftergrass -aftergrave -aftergrief -aftergrind -aftergrowth -afterguard -afterguns -afterhand -afterharm -afterhatch -afterhelp -afterhend -afterhold -afterhope -afterhours -afterimage -afterimpression -afterings -afterking -afterknowledge -afterlife -afterlifetime -afterlight -afterloss -afterlove -aftermark -aftermarriage -aftermass -aftermast -aftermath -aftermatter -aftermeal -aftermilk -aftermost -afternight -afternoon -afternoons -afternose -afternote -afteroar -afterpain -afterpart -afterpast -afterpeak -afterpiece -afterplanting -afterplay -afterpressure -afterproof -afterrake -afterreckoning -afterrider -afterripening -afterroll -afterschool -aftersend -aftersensation -aftershaft -aftershafted -aftershine -aftership -aftershock -aftersong -aftersound -afterspeech -afterspring -afterstain -afterstate -afterstorm -afterstrain -afterstretch -afterstudy -afterswarm -afterswarming -afterswell -aftertan -aftertask -aftertaste -afterthinker -afterthought -afterthoughted -afterthrift -aftertime -aftertimes -aftertouch -aftertreatment -aftertrial -afterturn -aftervision -afterwale -afterwar -afterward -afterwards -afterwash -afterwhile -afterwisdom -afterwise -afterwit -afterwitted -afterwork -afterworking -afterworld -afterwrath -afterwrist -aftmost -Aftonian -aftosa -aftward -aftwards -afunction -afunctional -afwillite -Afzelia -aga -agabanee -agacante -agacella -Agaces -Agade -Agag -again -against -againstand -agal -agalactia -agalactic -agalactous -agalawood -agalaxia -agalaxy -Agalena -Agalenidae -Agalinis -agalite -agalloch -agallochum -agallop -agalma -agalmatolite -agalwood -Agama -agama -Agamae -Agamemnon -agamete -agami -agamian -agamic -agamically -agamid -Agamidae -agamobium -agamogenesis -agamogenetic -agamogenetically -agamogony -agamoid -agamont -agamospore -agamous -agamy -aganglionic -Aganice -Aganippe -Agao -Agaonidae -Agapanthus -agape -Agapemone -Agapemonian -Agapemonist -Agapemonite -agapetae -agapeti -agapetid -Agapetidae -Agapornis -agar -agaric -agaricaceae -agaricaceous -Agaricales -agaricic -agariciform -agaricin -agaricine -agaricoid -Agaricus -Agaristidae -agarita -Agarum -agarwal -agasp -Agastache -Agastreae -agastric -agastroneuria -agate -agateware -Agatha -Agathaea -Agathaumas -agathin -Agathis -agathism -agathist -agathodaemon -agathodaemonic -agathokakological -agathology -Agathosma -agatiferous -agatiform -agatine -agatize -agatoid -agaty -Agau -Agave -agavose -Agawam -Agaz -agaze -agazed -Agdistis -age -aged -agedly -agedness -agee -Agelacrinites -Agelacrinitidae -Agelaius -Agelaus -ageless -agelessness -agelong -agen -Agena -agency -agenda -agendum -agenesia -agenesic -agenesis -agennetic -agent -agentess -agential -agentival -agentive -agentry -agentship -ageometrical -ager -Ageratum -ageusia -ageusic -ageustia -agger -aggerate -aggeration -aggerose -Aggie -agglomerant -agglomerate -agglomerated -agglomeratic -agglomeration -agglomerative -agglomerator -agglutinability -agglutinable -agglutinant -agglutinate -agglutination -agglutinationist -agglutinative -agglutinator -agglutinin -agglutinize -agglutinogen -agglutinogenic -agglutinoid -agglutinoscope -agglutogenic -aggradation -aggradational -aggrade -aggrandizable -aggrandize -aggrandizement -aggrandizer -aggrate -aggravate -aggravating -aggravatingly -aggravation -aggravative -aggravator -aggregable -aggregant -Aggregata -Aggregatae -aggregate -aggregately -aggregateness -aggregation -aggregative -aggregator -aggregatory -aggress -aggressin -aggression -aggressionist -aggressive -aggressively -aggressiveness -aggressor -aggrievance -aggrieve -aggrieved -aggrievedly -aggrievedness -aggrievement -aggroup -aggroupment -aggry -aggur -agha -Aghan -aghanee -aghast -aghastness -Aghlabite -Aghorapanthi -Aghori -Agialid -Agib -Agiel -agilawood -agile -agilely -agileness -agility -agillawood -aging -agio -agiotage -agist -agistator -agistment -agistor -agitable -agitant -agitate -agitatedly -agitation -agitational -agitationist -agitative -agitator -agitatorial -agitatrix -agitprop -Agkistrodon -agla -Aglaia -aglance -Aglaonema -Aglaos -aglaozonia -aglare -Aglaspis -Aglauros -agleaf -agleam -aglet -aglethead -agley -aglimmer -aglint -Aglipayan -Aglipayano -aglitter -aglobulia -Aglossa -aglossal -aglossate -aglossia -aglow -aglucon -aglutition -aglycosuric -Aglypha -aglyphodont -Aglyphodonta -Aglyphodontia -aglyphous -agmatine -agmatology -agminate -agminated -agnail -agname -agnamed -agnate -Agnatha -agnathia -agnathic -Agnathostomata -agnathostomatous -agnathous -agnatic -agnatically -agnation -agnel -Agnes -agnification -agnize -Agnoetae -Agnoete -Agnoetism -agnoiology -Agnoite -agnomen -agnomical -agnominal -agnomination -agnosia -agnosis -agnostic -agnostically -agnosticism -Agnostus -agnosy -Agnotozoic -agnus -ago -agog -agoge -agogic -agogics -agoho -agoing -agomensin -agomphiasis -agomphious -agomphosis -agon -agonal -agone -agoniada -agoniadin -agoniatite -Agoniatites -agonic -agonied -agonist -Agonista -agonistarch -agonistic -agonistically -agonistics -agonium -agonize -agonizedly -agonizer -agonizingly -Agonostomus -agonothete -agonothetic -agony -agora -agoranome -agoraphobia -agouara -agouta -agouti -agpaite -agpaitic -Agra -agraffee -agrah -agral -agrammatical -agrammatism -Agrania -agranulocyte -agranulocytosis -agranuloplastic -Agrapha -agraphia -agraphic -agrarian -agrarianism -agrarianize -agrarianly -Agrauleum -agre -agree -agreeability -agreeable -agreeableness -agreeably -agreed -agreeing -agreeingly -agreement -agreer -agregation -agrege -agrestal -agrestial -agrestian -agrestic -agria -agricere -agricole -agricolist -agricolite -agricolous -agricultor -agricultural -agriculturalist -agriculturally -agriculture -agriculturer -agriculturist -Agrilus -Agrimonia -agrimony -agrimotor -agrin -Agriochoeridae -Agriochoerus -agriological -agriologist -agriology -Agrionia -agrionid -Agrionidae -Agriotes -Agriotypidae -Agriotypus -agrise -agrito -agroan -agrobiologic -agrobiological -agrobiologically -agrobiologist -agrobiology -agrogeological -agrogeologically -agrogeology -agrologic -agrological -agrologically -agrology -agrom -Agromyza -agromyzid -Agromyzidae -agronome -agronomial -agronomic -agronomical -agronomics -agronomist -agronomy -agroof -agrope -Agropyron -Agrostemma -agrosteral -Agrostis -agrostographer -agrostographic -agrostographical -agrostography -agrostologic -agrostological -agrostologist -agrostology -agrotechny -Agrotis -aground -agrufe -agruif -agrypnia -agrypnotic -agsam -agua -aguacate -Aguacateca -aguavina -Agudist -ague -aguelike -agueproof -agueweed -aguey -aguilarite -aguilawood -aguinaldo -aguirage -aguish -aguishly -aguishness -agunah -agush -agust -agy -Agyieus -agynarious -agynary -agynous -agyrate -agyria -Ah -ah -aha -ahaaina -ahankara -Ahantchuyuk -ahartalav -ahaunch -ahead -aheap -ahem -Ahepatokla -Ahet -ahey -ahimsa -ahind -ahint -Ahir -ahluwalia -ahmadi -Ahmadiya -Ahmed -Ahmet -Ahnfeltia -aho -Ahom -ahong -ahorse -ahorseback -Ahousaht -ahoy -Ahrendahronon -Ahriman -Ahrimanian -ahsan -Aht -Ahtena -ahu -ahuatle -ahuehuete -ahull -ahum -ahungered -ahungry -ahunt -ahura -ahush -ahwal -ahypnia -ai -Aias -Aiawong -aichmophobia -aid -aidable -aidance -aidant -aide -Aidenn -aider -Aides -aidful -aidless -aiel -aigialosaur -Aigialosauridae -Aigialosaurus -aiglet -aigremore -aigrette -aiguille -aiguillesque -aiguillette -aiguilletted -aikinite -ail -ailantery -ailanthic -Ailanthus -ailantine -ailanto -aile -Aileen -aileron -ailette -Ailie -ailing -aillt -ailment -ailsyte -Ailuridae -ailuro -ailuroid -Ailuroidea -Ailuropoda -Ailuropus -Ailurus -ailweed -aim -Aimak -aimara -Aimee -aimer -aimful -aimfully -aiming -aimless -aimlessly -aimlessness -Aimore -aimworthiness -ainaleh -ainhum -ainoi -ainsell -aint -Ainu -aion -aionial -air -Aira -airable -airampo -airan -airbound -airbrained -airbrush -aircraft -aircraftman -aircraftsman -aircraftswoman -aircraftwoman -aircrew -aircrewman -airdock -airdrome -airdrop -aire -Airedale -airedale -airer -airfield -airfoil -airframe -airfreight -airfreighter -airgraphics -airhead -airiferous -airified -airily -airiness -airing -airish -airless -airlift -airlike -airliner -airmail -airman -airmanship -airmark -airmarker -airmonger -airohydrogen -airometer -airpark -airphobia -airplane -airplanist -airport -airproof -airscape -airscrew -airship -airsick -airsickness -airstrip -airt -airtight -airtightly -airtightness -airward -airwards -airway -airwayman -airwoman -airworthiness -airworthy -airy -aischrolatreia -aiseweed -aisle -aisled -aisleless -aisling -Aissaoua -Aissor -aisteoir -Aistopoda -Aistopodes -ait -aitch -aitchbone -aitchless -aitchpiece -aitesis -aithochroi -aition -aitiotropic -Aitkenite -Aitutakian -aiwan -Aix -aizle -Aizoaceae -aizoaceous -Aizoon -Ajaja -ajaja -ajangle -ajar -ajari -Ajatasatru -ajava -ajhar -ajivika -ajog -ajoint -ajowan -Ajuga -ajutment -ak -Aka -aka -Akal -akala -Akali -akalimba -akamatsu -Akamnik -Akan -Akanekunik -Akania -Akaniaceae -akaroa -akasa -Akawai -akazga -akazgine -akcheh -ake -akeake -akebi -Akebia -akee -akeki -akeley -akenobeite -akepiro -akerite -akey -Akha -Akhissar -Akhlame -Akhmimic -akhoond -akhrot -akhyana -akia -Akim -akimbo -akin -akindle -akinesia -akinesic -akinesis -akinete -akinetic -Akiskemikinik -Akiyenik -Akka -Akkad -Akkadian -Akkadist -akmudar -akmuddar -aknee -ako -akoasm -akoasma -akoluthia -akonge -Akontae -Akoulalion -akov -akpek -Akra -akra -Akrabattine -akroasis -akrochordite -akroterion -Aktistetae -Aktistete -Aktivismus -Aktivist -aku -akuammine -akule -akund -Akwapim -Al -al -ala -Alabama -Alabaman -Alabamian -alabamide -alabamine -alabandite -alabarch -alabaster -alabastos -alabastrian -alabastrine -alabastrites -alabastron -alabastrum -alacha -alack -alackaday -alacreatine -alacreatinine -alacrify -alacritous -alacrity -Alactaga -alada -Aladdin -Aladdinize -Aladfar -Aladinist -alaihi -Alain -alaite -Alaki -Alala -alala -alalite -alalonga -alalunga -alalus -Alamanni -Alamannian -Alamannic -alameda -alamo -alamodality -alamonti -alamosite -alamoth -Alan -alan -aland -Alangiaceae -alangin -alangine -Alangium -alani -alanine -alannah -Alans -alantic -alantin -alantol -alantolactone -alantolic -alanyl -alar -Alarbus -alares -Alaria -Alaric -alarm -alarmable -alarmed -alarmedly -alarming -alarmingly -alarmism -alarmist -Alarodian -alarum -alary -alas -Alascan -Alaska -alaskaite -Alaskan -alaskite -Alastair -Alaster -alastrim -alate -alated -alatern -alaternus -alation -Alauda -Alaudidae -alaudine -Alaunian -Alawi -Alb -alb -alba -albacore -albahaca -Albainn -Alban -alban -Albanenses -Albanensian -Albania -Albanian -albanite -Albany -albarco -albardine -albarello -albarium -albaspidin -albata -Albatros -albatross -albe -albedo -albedograph -albee -albeit -Alberene -Albert -Alberta -albertin -Albertina -Albertine -Albertinian -Albertist -albertite -Alberto -albertustaler -albertype -albescence -albescent -albespine -albetad -Albi -Albian -albicans -albicant -albication -albiculi -albification -albificative -albiflorous -albify -Albigenses -Albigensian -Albigensianism -Albin -albinal -albiness -albinic -albinism -albinistic -albino -albinoism -albinotic -albinuria -Albion -Albireo -albite -albitic -albitite -albitization -albitophyre -Albizzia -albocarbon -albocinereous -Albococcus -albocracy -Alboin -albolite -albolith -albopannin -albopruinose -alboranite -Albrecht -Albright -albronze -Albruna -Albuca -Albuginaceae -albuginea -albugineous -albuginitis -albugo -album -albumean -albumen -albumenization -albumenize -albumenizer -albumimeter -albumin -albuminate -albuminaturia -albuminiferous -albuminiform -albuminimeter -albuminimetry -albuminiparous -albuminization -albuminize -albuminocholia -albuminofibrin -albuminogenous -albuminoid -albuminoidal -albuminolysis -albuminometer -albuminometry -albuminone -albuminorrhea -albuminoscope -albuminose -albuminosis -albuminous -albuminousness -albuminuria -albuminuric -albumoid -albumoscope -albumose -albumosuria -alburn -alburnous -alburnum -albus -albutannin -Albyn -Alca -Alcaaba -Alcae -Alcaic -alcaide -alcalde -alcaldeship -alcaldia -Alcaligenes -alcalizate -Alcalzar -alcamine -alcanna -Alcantara -Alcantarines -alcarraza -alcatras -alcazar -Alcedines -Alcedinidae -Alcedininae -Alcedo -alcelaphine -Alcelaphus -Alces -alchemic -alchemical -alchemically -Alchemilla -alchemist -alchemistic -alchemistical -alchemistry -alchemize -alchemy -alchera -alcheringa -alchimy -alchitran -alchochoden -Alchornea -alchymy -Alcibiadean -Alcicornium -Alcidae -alcidine -alcine -Alcippe -alclad -alco -alcoate -alcogel -alcogene -alcohate -alcohol -alcoholate -alcoholature -alcoholdom -alcoholemia -alcoholic -alcoholically -alcoholicity -alcoholimeter -alcoholism -alcoholist -alcoholizable -alcoholization -alcoholize -alcoholmeter -alcoholmetric -alcoholomania -alcoholometer -alcoholometric -alcoholometrical -alcoholometry -alcoholophilia -alcoholuria -alcoholysis -alcoholytic -Alcor -Alcoran -Alcoranic -Alcoranist -alcornoco -alcornoque -alcosol -Alcotate -alcove -alcovinometer -Alcuinian -alcyon -Alcyonacea -alcyonacean -Alcyonaria -alcyonarian -Alcyone -Alcyones -Alcyoniaceae -alcyonic -alcyoniform -Alcyonium -alcyonoid -aldamine -aldane -aldazin -aldazine -aldeament -Aldebaran -aldebaranium -aldehol -aldehydase -aldehyde -aldehydic -aldehydine -aldehydrol -alder -Alderamin -alderman -aldermanate -aldermancy -aldermaness -aldermanic -aldermanical -aldermanity -aldermanlike -aldermanly -aldermanry -aldermanship -aldern -Alderney -alderwoman -Aldhafara -Aldhafera -aldim -aldime -aldimine -Aldine -aldine -aldoheptose -aldohexose -aldoketene -aldol -aldolization -aldolize -aldononose -aldopentose -aldose -aldoside -aldoxime -Aldrovanda -Aldus -ale -Alea -aleak -aleatory -alebench -aleberry -Alebion -alec -alecithal -alecize -Aleck -aleconner -alecost -Alectoria -alectoria -Alectorides -alectoridine -alectorioid -Alectoris -alectoromachy -alectoromancy -Alectoromorphae -alectoromorphous -Alectoropodes -alectoropodous -Alectrion -Alectrionidae -alectryomachy -alectryomancy -Alectryon -alecup -alee -alef -alefnull -aleft -alefzero -alegar -alehoof -alehouse -Alejandro -alem -alemana -Alemanni -Alemannian -Alemannic -Alemannish -alembic -alembicate -alembroth -Alemite -alemite -alemmal -alemonger -alen -Alencon -Aleochara -aleph -alephs -alephzero -alepidote -alepole -alepot -Aleppine -Aleppo -alerce -alerse -alert -alertly -alertness -alesan -alestake -aletap -aletaster -Alethea -alethiology -alethopteis -alethopteroid -alethoscope -aletocyte -Aletris -alette -aleukemic -Aleurites -aleuritic -Aleurobius -Aleurodes -Aleurodidae -aleuromancy -aleurometer -aleuronat -aleurone -aleuronic -aleuroscope -Aleut -Aleutian -Aleutic -aleutite -alevin -alewife -Alex -Alexander -alexanders -Alexandra -Alexandreid -Alexandrian -Alexandrianism -Alexandrina -Alexandrine -alexandrite -Alexas -Alexia -alexia -Alexian -alexic -alexin -alexinic -alexipharmacon -alexipharmacum -alexipharmic -alexipharmical -alexipyretic -Alexis -alexiteric -alexiterical -Alexius -aleyard -Aleyrodes -aleyrodid -Aleyrodidae -Alf -alf -alfa -alfaje -alfalfa -alfaqui -alfaquin -alfenide -alfet -alfilaria -alfileria -alfilerilla -alfilerillo -alfiona -Alfirk -alfonsin -alfonso -alforja -Alfred -Alfreda -alfresco -alfridaric -alfridary -Alfur -Alfurese -Alfuro -alga -algae -algaecide -algaeological -algaeologist -algaeology -algaesthesia -algaesthesis -algal -algalia -Algaroth -algarroba -algarrobilla -algarrobin -Algarsife -Algarsyf -algate -Algebar -algebra -algebraic -algebraical -algebraically -algebraist -algebraization -algebraize -Algedi -algedo -algedonic -algedonics -algefacient -Algenib -Algerian -Algerine -algerine -Algernon -algesia -algesic -algesis -algesthesis -algetic -Algic -algic -algid -algidity -algidness -Algieba -algific -algin -alginate -algine -alginic -alginuresis -algiomuscular -algist -algivorous -algocyan -algodoncillo -algodonite -algoesthesiometer -algogenic -algoid -Algol -algolagnia -algolagnic -algolagnist -algolagny -algological -algologist -algology -Algoman -algometer -algometric -algometrical -algometrically -algometry -Algomian -Algomic -Algonkian -Algonquian -Algonquin -algophilia -algophilist -algophobia -algor -Algorab -Algores -algorism -algorismic -algorist -algoristic -algorithm -algorithmic -algosis -algous -algovite -algraphic -algraphy -alguazil -algum -Algy -Alhagi -Alhambra -Alhambraic -Alhambresque -Alhena -alhenna -alias -Alibamu -alibangbang -alibi -alibility -alible -Alicant -Alice -alichel -Alichino -Alicia -Alick -alicoche -alictisal -alicyclic -Alida -alidade -Alids -alien -alienability -alienable -alienage -alienate -alienation -alienator -aliency -alienee -aliener -alienicola -alienigenate -alienism -alienist -alienize -alienor -alienship -aliethmoid -aliethmoidal -alif -aliferous -aliform -aligerous -alight -align -aligner -alignment -aligreek -aliipoe -alike -alikeness -alikewise -Alikuluf -Alikulufan -alilonghi -alima -aliment -alimental -alimentally -alimentariness -alimentary -alimentation -alimentative -alimentatively -alimentativeness -alimenter -alimentic -alimentive -alimentiveness -alimentotherapy -alimentum -alimonied -alimony -alin -alinasal -Aline -alineation -alintatao -aliofar -Alioth -alipata -aliped -aliphatic -alipterion -aliptes -aliptic -aliquant -aliquot -aliseptal -alish -alisier -Alisma -Alismaceae -alismaceous -alismad -alismal -Alismales -Alismataceae -alismoid -aliso -Alison -alison -alisonite -alisp -alisphenoid -alisphenoidal -alist -Alister -alit -alite -alitrunk -aliturgic -aliturgical -aliunde -alive -aliveness -alivincular -Alix -aliyah -alizarate -alizari -alizarin -aljoba -alk -alkahest -alkahestic -alkahestica -alkahestical -Alkaid -alkalamide -alkalemia -alkalescence -alkalescency -alkalescent -alkali -alkalic -alkaliferous -alkalifiable -alkalify -alkaligen -alkaligenous -alkalimeter -alkalimetric -alkalimetrical -alkalimetrically -alkalimetry -alkaline -alkalinity -alkalinization -alkalinize -alkalinuria -alkalizable -alkalizate -alkalization -alkalize -alkalizer -alkaloid -alkaloidal -alkalometry -alkalosis -alkalous -Alkalurops -alkamin -alkamine -alkane -alkanet -Alkanna -alkannin -Alkaphrah -alkapton -alkaptonuria -alkaptonuric -alkargen -alkarsin -alkekengi -alkene -alkenna -alkenyl -alkermes -Alkes -alkide -alkine -alkool -Alkoran -Alkoranic -alkoxide -alkoxy -alkoxyl -alky -alkyd -alkyl -alkylamine -alkylate -alkylation -alkylene -alkylic -alkylidene -alkylize -alkylogen -alkyloxy -alkyne -all -allabuta -allactite -allaeanthus -allagite -allagophyllous -allagostemonous -Allah -allalinite -Allamanda -allamotti -Allan -allan -allanite -allanitic -allantiasis -allantochorion -allantoic -allantoid -allantoidal -Allantoidea -allantoidean -allantoidian -allantoin -allantoinase -allantoinuria -allantois -allantoxaidin -allanturic -Allasch -allassotonic -allative -allatrate -allay -allayer -allayment -allbone -Alle -allecret -allectory -allegate -allegation -allegator -allege -allegeable -allegedly -allegement -alleger -Alleghenian -Allegheny -allegiance -allegiancy -allegiant -allegoric -allegorical -allegorically -allegoricalness -allegorism -allegorist -allegorister -allegoristic -allegorization -allegorize -allegorizer -allegory -allegretto -allegro -allele -allelic -allelism -allelocatalytic -allelomorph -allelomorphic -allelomorphism -allelotropic -allelotropism -allelotropy -alleluia -alleluiatic -allemand -allemande -allemontite -Allen -allenarly -allene -Allentiac -Allentiacan -aller -allergen -allergenic -allergia -allergic -allergin -allergist -allergy -allerion -allesthesia -alleviate -alleviatingly -alleviation -alleviative -alleviator -alleviatory -alley -alleyed -alleyite -alleyway -allgood -Allhallow -Allhallowtide -allheal -alliable -alliably -Alliaceae -alliaceous -alliance -alliancer -Alliaria -allicampane -allice -allicholly -alliciency -allicient -Allie -allied -Allies -allies -alligate -alligator -alligatored -allineate -allineation -Allionia -Allioniaceae -allision -alliteral -alliterate -alliteration -alliterational -alliterationist -alliterative -alliteratively -alliterativeness -alliterator -Allium -allivalite -allmouth -allness -Allobroges -allocable -allocaffeine -allocatable -allocate -allocatee -allocation -allocator -allochetia -allochetite -allochezia -allochiral -allochirally -allochiria -allochlorophyll -allochroic -allochroite -allochromatic -allochroous -allochthonous -allocinnamic -alloclase -alloclasite -allocochick -allocrotonic -allocryptic -allocute -allocution -allocutive -allocyanine -allodelphite -allodesmism -alloeosis -alloeostropha -alloeotic -alloerotic -alloerotism -allogamous -allogamy -allogene -allogeneity -allogeneous -allogenic -allogenically -allograph -alloiogenesis -alloisomer -alloisomeric -alloisomerism -allokinesis -allokinetic -allokurtic -allomerism -allomerous -allometric -allometry -allomorph -allomorphic -allomorphism -allomorphite -allomucic -allonomous -allonym -allonymous -allopalladium -allopath -allopathetic -allopathetically -allopathic -allopathically -allopathist -allopathy -allopatric -allopatrically -allopatry -allopelagic -allophanamide -allophanates -allophane -allophanic -allophone -allophyle -allophylian -allophylic -Allophylus -allophytoid -alloplasm -alloplasmatic -alloplasmic -alloplast -alloplastic -alloplasty -alloploidy -allopolyploid -allopsychic -alloquial -alloquialism -alloquy -allorhythmia -allorrhyhmia -allorrhythmic -allosaur -Allosaurus -allose -allosematic -allosome -allosyndesis -allosyndetic -allot -allotee -allotelluric -allotheism -Allotheria -allothigene -allothigenetic -allothigenetically -allothigenic -allothigenous -allothimorph -allothimorphic -allothogenic -allothogenous -allotment -allotriodontia -Allotriognathi -allotriomorphic -allotriophagia -allotriophagy -allotriuria -allotrope -allotrophic -allotropic -allotropical -allotropically -allotropicity -allotropism -allotropize -allotropous -allotropy -allotrylic -allottable -allottee -allotter -allotype -allotypical -allover -allow -allowable -allowableness -allowably -allowance -allowedly -allower -alloxan -alloxanate -alloxanic -alloxantin -alloxuraemia -alloxuremia -alloxuric -alloxyproteic -alloy -alloyage -allozooid -allseed -allspice -allthing -allthorn -alltud -allude -allure -allurement -allurer -alluring -alluringly -alluringness -allusion -allusive -allusively -allusiveness -alluvia -alluvial -alluviate -alluviation -alluvion -alluvious -alluvium -allwhere -allwhither -allwork -Allworthy -Ally -ally -allyl -allylamine -allylate -allylation -allylene -allylic -allylthiourea -Alma -alma -Almach -almaciga -almacigo -almadia -almadie -almagest -almagra -Almain -Alman -almanac -almandine -almandite -alme -almeidina -almemar -Almerian -almeriite -Almida -almightily -almightiness -almighty -almique -Almira -almirah -almochoden -Almohad -Almohade -Almohades -almoign -Almon -almon -almond -almondy -almoner -almonership -almonry -Almoravid -Almoravide -Almoravides -almost -almous -alms -almsdeed -almsfolk -almsful -almsgiver -almsgiving -almshouse -almsman -almswoman -almucantar -almuce -almud -almude -almug -Almuredin -almuten -aln -alnage -alnager -alnagership -Alnaschar -Alnascharism -alnein -alnico -Alnilam -alniresinol -Alnitak -Alnitham -alniviridol -alnoite -alnuin -Alnus -alo -Aloadae -Alocasia -alochia -alod -alodial -alodialism -alodialist -alodiality -alodially -alodian -alodiary -alodification -alodium -alody -aloe -aloed -aloelike -aloemodin -aloeroot -aloesol -aloeswood -aloetic -aloetical -aloewood -aloft -alogia -Alogian -alogical -alogically -alogism -alogy -aloid -aloin -Alois -aloisiite -aloma -alomancy -alone -aloneness -along -alongshore -alongshoreman -alongside -alongst -Alonso -Alonsoa -Alonzo -aloof -aloofly -aloofness -aloose -alop -alopecia -Alopecias -alopecist -alopecoid -Alopecurus -alopeke -Alopias -Alopiidae -Alosa -alose -Alouatta -alouatte -aloud -alow -alowe -Aloxite -Aloysia -Aloysius -alp -alpaca -alpasotes -Alpax -alpeen -Alpen -alpenglow -alpenhorn -alpenstock -alpenstocker -alpestral -alpestrian -alpestrine -alpha -alphabet -alphabetarian -alphabetic -alphabetical -alphabetically -alphabetics -alphabetiform -alphabetism -alphabetist -alphabetization -alphabetize -alphabetizer -Alphard -alphatoluic -Alphean -Alphecca -alphenic -Alpheratz -alphitomancy -alphitomorphous -alphol -Alphonist -Alphonse -Alphonsine -Alphonsism -Alphonso -alphorn -alphos -alphosis -alphyl -Alpian -Alpid -alpieu -alpigene -Alpine -alpine -alpinely -alpinery -alpinesque -Alpinia -Alpiniaceae -Alpinism -Alpinist -alpist -Alpujarra -alqueire -alquier -alquifou -alraun -alreadiness -already -alright -alrighty -alroot -alruna -Alsatia -Alsatian -alsbachite -Alshain -Alsinaceae -alsinaceous -Alsine -also -alsoon -Alsophila -Alstonia -alstonidine -alstonine -alstonite -Alstroemeria -alsweill -alt -Altaian -Altaic -Altaid -Altair -altaite -Altamira -altar -altarage -altared -altarist -altarlet -altarpiece -altarwise -altazimuth -alter -alterability -alterable -alterableness -alterably -alterant -alterate -alteration -alterative -altercate -altercation -altercative -alteregoism -alteregoistic -alterer -alterity -altern -alternacy -alternance -alternant -Alternanthera -Alternaria -alternariose -alternate -alternately -alternateness -alternating -alternatingly -alternation -alternationist -alternative -alternatively -alternativeness -alternativity -alternator -alterne -alternifoliate -alternipetalous -alternipinnate -alternisepalous -alternize -alterocentric -Althaea -althaein -Althea -althea -althein -altheine -althionic -altho -althorn -although -Altica -Alticamelus -altigraph -altilik -altiloquence -altiloquent -altimeter -altimetrical -altimetrically -altimetry -altin -altincar -Altingiaceae -altingiaceous -altininck -altiplano -altiscope -altisonant -altisonous -altissimo -altitude -altitudinal -altitudinarian -alto -altogether -altogetherness -altometer -altoun -altrices -altricial -altropathy -altrose -altruism -altruist -altruistic -altruistically -altschin -altun -Aluco -Aluconidae -Aluconinae -aludel -Aludra -alula -alular -alulet -Alulim -alum -alumbloom -Alumel -alumic -alumiferous -alumina -aluminaphone -aluminate -alumine -aluminic -aluminide -aluminiferous -aluminiform -aluminish -aluminite -aluminium -aluminize -aluminoferric -aluminographic -aluminography -aluminose -aluminosilicate -aluminosis -aluminosity -aluminothermic -aluminothermics -aluminothermy -aluminotype -aluminous -aluminum -aluminyl -alumish -alumite -alumium -alumna -alumnae -alumnal -alumni -alumniate -Alumnol -alumnus -alumohydrocalcite -alumroot -Alundum -aluniferous -alunite -alunogen -alupag -Alur -alure -alurgite -alushtite -aluta -alutaceous -Alvah -Alvan -alvar -alvearium -alveary -alveloz -alveola -alveolar -alveolariform -alveolary -alveolate -alveolated -alveolation -alveole -alveolectomy -alveoli -alveoliform -alveolite -Alveolites -alveolitis -alveoloclasia -alveolocondylean -alveolodental -alveololabial -alveololingual -alveolonasal -alveolosubnasal -alveolotomy -alveolus -alveus -alviducous -Alvin -Alvina -alvine -Alvissmal -alvite -alvus -alway -always -aly -Alya -alycompaine -alymphia -alymphopotent -alypin -alysson -Alyssum -alytarch -Alytes -am -ama -amaas -Amabel -amability -amacratic -amacrinal -amacrine -amadavat -amadelphous -Amadi -Amadis -amadou -Amaethon -Amafingo -amaga -amah -Amahuaca -amain -amaister -amakebe -Amakosa -amala -amalaita -amalaka -Amalfian -Amalfitan -amalgam -amalgamable -amalgamate -amalgamation -amalgamationist -amalgamative -amalgamatize -amalgamator -amalgamist -amalgamization -amalgamize -Amalings -Amalrician -amaltas -amamau -Amampondo -Amanda -amandin -Amandus -amang -amani -amania -Amanist -Amanita -amanitin -amanitine -Amanitopsis -amanori -amanous -amantillo -amanuenses -amanuensis -amapa -Amapondo -amar -Amara -Amarantaceae -amarantaceous -amaranth -Amaranthaceae -amaranthaceous -amaranthine -amaranthoid -Amaranthus -amarantite -Amarantus -amarelle -amarevole -amargoso -amarillo -amarin -amarine -amaritude -amarity -amaroid -amaroidal -Amarth -amarthritis -amaryllid -Amaryllidaceae -amaryllidaceous -amaryllideous -Amaryllis -amasesis -amass -amassable -amasser -amassment -Amasta -amasthenic -amastia -amasty -Amatembu -amaterialistic -amateur -amateurish -amateurishly -amateurishness -amateurism -amateurship -Amati -amative -amatively -amativeness -amatol -amatorial -amatorially -amatorian -amatorious -amatory -amatrice -amatungula -amaurosis -amaurotic -amaze -amazed -amazedly -amazedness -amazeful -amazement -amazia -Amazilia -amazing -amazingly -Amazon -Amazona -Amazonian -Amazonism -amazonite -Amazulu -amba -ambage -ambagiosity -ambagious -ambagiously -ambagiousness -ambagitory -ambalam -amban -ambar -ambaree -ambarella -ambary -ambash -ambassade -Ambassadeur -ambassador -ambassadorial -ambassadorially -ambassadorship -ambassadress -ambassage -ambassy -ambatch -ambatoarinite -ambay -ambeer -amber -amberfish -ambergris -amberiferous -amberite -amberoid -amberous -ambery -ambicolorate -ambicoloration -ambidexter -ambidexterity -ambidextral -ambidextrous -ambidextrously -ambidextrousness -ambience -ambiency -ambiens -ambient -ambier -ambigenous -ambiguity -ambiguous -ambiguously -ambiguousness -ambilateral -ambilateralaterally -ambilaterality -ambilevous -ambilian -ambilogy -ambiopia -ambiparous -ambisinister -ambisinistrous -ambisporangiate -ambisyllabic -ambit -ambital -ambitendency -ambition -ambitionist -ambitionless -ambitionlessly -ambitious -ambitiously -ambitiousness -ambitty -ambitus -ambivalence -ambivalency -ambivalent -ambivert -amble -ambler -ambling -amblingly -amblotic -amblyacousia -amblyaphia -Amblycephalidae -Amblycephalus -amblychromatic -Amblydactyla -amblygeusia -amblygon -amblygonal -amblygonite -amblyocarpous -Amblyomma -amblyope -amblyopia -amblyopic -Amblyopsidae -Amblyopsis -amblyoscope -amblypod -Amblypoda -amblypodous -Amblyrhynchus -amblystegite -Amblystoma -ambo -amboceptoid -amboceptor -Ambocoelia -Amboina -Amboinese -ambomalleal -ambon -ambonite -Ambonnay -ambos -ambosexous -ambosexual -ambrain -ambrein -ambrette -Ambrica -ambrite -ambroid -ambrology -Ambrose -ambrose -ambrosia -ambrosiac -Ambrosiaceae -ambrosiaceous -ambrosial -ambrosially -Ambrosian -ambrosian -ambrosiate -ambrosin -ambrosine -Ambrosio -ambrosterol -ambrotype -ambry -ambsace -ambulacral -ambulacriform -ambulacrum -ambulance -ambulancer -ambulant -ambulate -ambulatio -ambulation -ambulative -ambulator -Ambulatoria -ambulatorial -ambulatorium -ambulatory -ambuling -ambulomancy -amburbial -ambury -ambuscade -ambuscader -ambush -ambusher -ambushment -Ambystoma -Ambystomidae -amchoor -ame -amebiform -Amedeo -ameed -ameen -Ameiuridae -Ameiurus -Ameiva -Amelanchier -amelcorn -Amelia -amelia -amelification -ameliorable -ameliorableness -ameliorant -ameliorate -amelioration -ameliorativ -ameliorative -ameliorator -amellus -ameloblast -ameloblastic -amelu -amelus -Amen -amen -amenability -amenable -amenableness -amenably -amend -amendable -amendableness -amendatory -amende -amender -amendment -amends -amene -amenia -Amenism -Amenite -amenity -amenorrhea -amenorrheal -amenorrheic -amenorrhoea -ament -amentaceous -amental -amentia -Amentiferae -amentiferous -amentiform -amentulum -amentum -amerce -amerceable -amercement -amercer -amerciament -America -American -Americana -Americanese -Americanism -Americanist -Americanistic -Americanitis -Americanization -Americanize -Americanizer -Americanly -Americanoid -Americaward -Americawards -americium -Americomania -Americophobe -Amerimnon -Amerind -Amerindian -Amerindic -amerism -ameristic -amesite -Ametabola -ametabole -ametabolia -ametabolian -ametabolic -ametabolism -ametabolous -ametaboly -ametallous -amethodical -amethodically -amethyst -amethystine -ametoecious -ametria -ametrometer -ametrope -ametropia -ametropic -ametrous -Amex -amgarn -amhar -amherstite -amhran -Ami -ami -Amia -amiability -amiable -amiableness -amiably -amianth -amianthiform -amianthine -Amianthium -amianthoid -amianthoidal -amianthus -amic -amicability -amicable -amicableness -amicably -amical -amice -amiced -amicicide -amicrobic -amicron -amicronucleate -amid -amidase -amidate -amidation -amide -amidic -amidid -amidide -amidin -amidine -Amidism -Amidist -amido -amidoacetal -amidoacetic -amidoacetophenone -amidoaldehyde -amidoazo -amidoazobenzene -amidoazobenzol -amidocaffeine -amidocapric -amidofluorid -amidofluoride -amidogen -amidoguaiacol -amidohexose -amidoketone -amidol -amidomyelin -amidon -amidophenol -amidophosphoric -amidoplast -amidoplastid -amidopyrine -amidosuccinamic -amidosulphonal -amidothiazole -amidoxime -amidoxy -amidoxyl -amidrazone -amidship -amidships -amidst -amidstream -amidulin -Amigo -Amiidae -amil -Amiles -Amiloun -amimia -amimide -amin -aminate -amination -amine -amini -aminic -aminity -aminization -aminize -amino -aminoacetal -aminoacetanilide -aminoacetic -aminoacetone -aminoacetophenetidine -aminoacetophenone -aminoacidemia -aminoaciduria -aminoanthraquinone -aminoazobenzene -aminobarbituric -aminobenzaldehyde -aminobenzamide -aminobenzene -aminobenzoic -aminocaproic -aminodiphenyl -aminoethionic -aminoformic -aminogen -aminoglutaric -aminoguanidine -aminoid -aminoketone -aminolipin -aminolysis -aminolytic -aminomalonic -aminomyelin -aminophenol -aminoplast -aminoplastic -aminopropionic -aminopurine -aminopyrine -aminoquinoline -aminosis -aminosuccinamic -aminosulphonic -aminothiophen -aminovaleric -aminoxylol -Aminta -Amintor -Amioidei -Amir -amir -Amiranha -amiray -amirship -Amish -Amishgo -amiss -amissibility -amissible -amissness -Amita -Amitabha -amitosis -amitotic -amitotically -amity -amixia -Amizilis -amla -amli -amlikar -amlong -Amma -amma -amman -Ammanite -ammelide -ammelin -ammeline -ammer -ammeter -Ammi -Ammiaceae -ammiaceous -ammine -amminochloride -amminolysis -amminolytic -ammiolite -ammo -Ammobium -ammochaeta -ammochryse -ammocoete -ammocoetes -ammocoetid -Ammocoetidae -ammocoetiform -ammocoetoid -Ammodytes -Ammodytidae -ammodytoid -ammonal -ammonate -ammonation -Ammonea -ammonia -ammoniacal -ammoniacum -ammoniate -ammoniation -ammonic -ammonical -ammoniemia -ammonification -ammonifier -ammonify -ammoniojarosite -ammonion -ammonionitrate -Ammonite -ammonite -Ammonites -Ammonitess -ammonitic -ammoniticone -ammonitiferous -Ammonitish -ammonitoid -Ammonitoidea -ammonium -ammoniuria -ammonization -ammono -ammonobasic -ammonocarbonic -ammonocarbonous -ammonoid -Ammonoidea -ammonoidean -ammonolysis -ammonolytic -ammonolyze -Ammophila -ammophilous -ammoresinol -ammotherapy -ammu -ammunition -amnemonic -amnesia -amnesic -amnestic -amnesty -amnia -amniac -amniatic -amnic -Amnigenia -amnioallantoic -amniocentesis -amniochorial -amnioclepsis -amniomancy -amnion -Amnionata -amnionate -amnionic -amniorrhea -Amniota -amniote -amniotic -amniotitis -amniotome -amober -amobyr -amoeba -amoebae -Amoebaea -amoebaean -amoebaeum -amoebalike -amoeban -amoebian -amoebiasis -amoebic -amoebicide -amoebid -Amoebida -Amoebidae -amoebiform -Amoebobacter -Amoebobacterieae -amoebocyte -Amoebogeniae -amoeboid -amoeboidism -amoebous -amoebula -amok -amoke -amole -amolilla -amomal -Amomales -Amomis -amomum -among -amongst -amontillado -amor -amorado -amoraic -amoraim -amoral -amoralism -amoralist -amorality -amoralize -Amores -amoret -amoretto -Amoreuxia -amorism -amorist -amoristic -Amorite -Amoritic -Amoritish -amorosity -amoroso -amorous -amorously -amorousness -Amorpha -amorphia -amorphic -amorphinism -amorphism -Amorphophallus -amorphophyte -amorphotae -amorphous -amorphously -amorphousness -amorphus -amorphy -amort -amortisseur -amortizable -amortization -amortize -amortizement -Amorua -Amos -Amoskeag -amotion -amotus -amount -amour -amourette -amovability -amovable -amove -Amoy -Amoyan -Amoyese -ampalaya -ampalea -ampangabeite -ampasimenite -Ampelidaceae -ampelidaceous -Ampelidae -ampelideous -Ampelis -ampelite -ampelitic -ampelographist -ampelography -ampelopsidin -ampelopsin -Ampelopsis -Ampelosicyos -ampelotherapy -amper -amperage -ampere -amperemeter -Amperian -amperometer -ampersand -ampery -amphanthium -ampheclexis -ampherotokous -ampherotoky -amphetamine -amphiarthrodial -amphiarthrosis -amphiaster -amphibalus -Amphibia -amphibial -amphibian -amphibichnite -amphibiety -amphibiological -amphibiology -amphibion -amphibiotic -Amphibiotica -amphibious -amphibiously -amphibiousness -amphibium -amphiblastic -amphiblastula -amphiblestritis -Amphibola -amphibole -amphibolia -amphibolic -amphiboliferous -amphiboline -amphibolite -amphibolitic -amphibological -amphibologically -amphibologism -amphibology -amphibolous -amphiboly -amphibrach -amphibrachic -amphibryous -Amphicarpa -Amphicarpaea -amphicarpic -amphicarpium -amphicarpogenous -amphicarpous -amphicentric -amphichroic -amphichrom -amphichromatic -amphichrome -amphicoelian -amphicoelous -Amphicondyla -amphicondylous -amphicrania -amphicreatinine -amphicribral -amphictyon -amphictyonian -amphictyonic -amphictyony -Amphicyon -Amphicyonidae -amphicyrtic -amphicyrtous -amphicytula -amphid -amphide -amphidesmous -amphidetic -amphidiarthrosis -amphidiploid -amphidiploidy -amphidisc -Amphidiscophora -amphidiscophoran -amphierotic -amphierotism -Amphigaea -amphigam -Amphigamae -amphigamous -amphigastrium -amphigastrula -amphigean -amphigen -amphigene -amphigenesis -amphigenetic -amphigenous -amphigenously -amphigonic -amphigonium -amphigonous -amphigony -amphigoric -amphigory -amphigouri -amphikaryon -amphilogism -amphilogy -amphimacer -amphimictic -amphimictical -amphimictically -amphimixis -amphimorula -Amphinesian -Amphineura -amphineurous -amphinucleus -Amphion -Amphionic -Amphioxi -Amphioxidae -Amphioxides -Amphioxididae -amphioxus -amphipeptone -amphiphloic -amphiplatyan -Amphipleura -amphiploid -amphiploidy -amphipneust -Amphipneusta -amphipneustic -Amphipnous -amphipod -Amphipoda -amphipodal -amphipodan -amphipodiform -amphipodous -amphiprostylar -amphiprostyle -amphiprotic -amphipyrenin -Amphirhina -amphirhinal -amphirhine -amphisarca -amphisbaena -amphisbaenian -amphisbaenic -Amphisbaenidae -amphisbaenoid -amphisbaenous -amphiscians -amphiscii -Amphisile -Amphisilidae -amphispermous -amphisporangiate -amphispore -Amphistoma -amphistomatic -amphistome -amphistomoid -amphistomous -Amphistomum -amphistylar -amphistylic -amphistyly -amphitene -amphitheater -amphitheatered -amphitheatral -amphitheatric -amphitheatrical -amphitheatrically -amphithecial -amphithecium -amphithect -amphithyron -amphitokal -amphitokous -amphitoky -amphitriaene -amphitrichous -Amphitrite -amphitropal -amphitropous -Amphitruo -Amphitryon -Amphiuma -Amphiumidae -amphivasal -amphivorous -Amphizoidae -amphodarch -amphodelite -amphodiplopia -amphogenous -ampholyte -amphopeptone -amphophil -amphophile -amphophilic -amphophilous -amphora -amphoral -amphore -amphorette -amphoric -amphoricity -amphoriloquy -amphorophony -amphorous -amphoteric -Amphrysian -ample -amplectant -ampleness -amplexation -amplexicaudate -amplexicaul -amplexicauline -amplexifoliate -amplexus -ampliate -ampliation -ampliative -amplicative -amplidyne -amplification -amplificative -amplificator -amplificatory -amplifier -amplify -amplitude -amply -ampollosity -ampongue -ampoule -ampul -ampulla -ampullaceous -ampullar -Ampullaria -Ampullariidae -ampullary -ampullate -ampullated -ampulliform -ampullitis -ampullula -amputate -amputation -amputational -amputative -amputator -amputee -ampyx -amra -amreeta -amrita -Amritsar -amsath -amsel -Amsonia -Amsterdamer -amt -amtman -Amuchco -amuck -Amueixa -amuguis -amula -amulet -amuletic -amulla -amunam -amurca -amurcosity -amurcous -Amurru -amusable -amuse -amused -amusedly -amusee -amusement -amuser -amusette -Amusgo -amusia -amusing -amusingly -amusingness -amusive -amusively -amusiveness -amutter -amuyon -amuyong -amuze -amvis -Amy -amy -Amyclaean -Amyclas -amyelencephalia -amyelencephalic -amyelencephalous -amyelia -amyelic -amyelinic -amyelonic -amyelous -amygdal -amygdala -Amygdalaceae -amygdalaceous -amygdalase -amygdalate -amygdalectomy -amygdalic -amygdaliferous -amygdaliform -amygdalin -amygdaline -amygdalinic -amygdalitis -amygdaloid -amygdaloidal -amygdalolith -amygdaloncus -amygdalopathy -amygdalothripsis -amygdalotome -amygdalotomy -Amygdalus -amygdonitrile -amygdophenin -amygdule -amyl -amylaceous -amylamine -amylan -amylase -amylate -amylemia -amylene -amylenol -amylic -amylidene -amyliferous -amylin -amylo -amylocellulose -amyloclastic -amylocoagulase -amylodextrin -amylodyspepsia -amylogen -amylogenesis -amylogenic -amylohydrolysis -amylohydrolytic -amyloid -amyloidal -amyloidosis -amyloleucite -amylolysis -amylolytic -amylom -amylometer -amylon -amylopectin -amylophagia -amylophosphate -amylophosphoric -amyloplast -amyloplastic -amyloplastid -amylopsin -amylose -amylosis -amylosynthesis -amylum -amyluria -Amynodon -amynodont -amyosthenia -amyosthenic -amyotaxia -amyotonia -amyotrophia -amyotrophic -amyotrophy -amyous -Amyraldism -Amyraldist -Amyridaceae -amyrin -Amyris -amyrol -amyroot -Amytal -amyxorrhea -amyxorrhoea -an -Ana -ana -Anabaena -Anabantidae -Anabaptism -Anabaptist -Anabaptistic -Anabaptistical -Anabaptistically -Anabaptistry -anabaptize -Anabas -anabasine -anabasis -anabasse -anabata -anabathmos -anabatic -anaberoga -anabibazon -anabiosis -anabiotic -Anablepidae -Anableps -anabo -anabohitsite -anabolic -anabolin -anabolism -anabolite -anabolize -anabong -anabranch -anabrosis -anabrotic -anacahuita -anacahuite -anacalypsis -anacampsis -anacamptic -anacamptically -anacamptics -anacamptometer -anacanth -anacanthine -Anacanthini -anacanthous -anacara -anacard -Anacardiaceae -anacardiaceous -anacardic -Anacardium -anacatadidymus -anacatharsis -anacathartic -anacephalaeosis -anacephalize -Anaces -Anacharis -anachorism -anachromasis -anachronic -anachronical -anachronically -anachronism -anachronismatical -anachronist -anachronistic -anachronistical -anachronistically -anachronize -anachronous -anachronously -anachueta -anacid -anacidity -anaclasis -anaclastic -anaclastics -Anaclete -anacleticum -anaclinal -anaclisis -anaclitic -anacoenosis -anacoluthia -anacoluthic -anacoluthically -anacoluthon -anaconda -Anacreon -Anacreontic -Anacreontically -anacrisis -Anacrogynae -anacrogynae -anacrogynous -anacromyodian -anacrotic -anacrotism -anacrusis -anacrustic -anacrustically -anaculture -anacusia -anacusic -anacusis -Anacyclus -anadem -anadenia -anadicrotic -anadicrotism -anadidymus -anadiplosis -anadipsia -anadipsic -anadrom -anadromous -Anadyomene -anaematosis -anaemia -anaemic -anaeretic -anaerobation -anaerobe -anaerobia -anaerobian -anaerobic -anaerobically -anaerobies -anaerobion -anaerobiont -anaerobiosis -anaerobiotic -anaerobiotically -anaerobious -anaerobism -anaerobium -anaerophyte -anaeroplastic -anaeroplasty -anaesthesia -anaesthesiant -anaesthetically -anaesthetizer -anaetiological -anagalactic -Anagallis -anagap -anagenesis -anagenetic -anagep -anagignoskomena -anaglyph -anaglyphic -anaglyphical -anaglyphics -anaglyphoscope -anaglyphy -anaglyptic -anaglyptical -anaglyptics -anaglyptograph -anaglyptographic -anaglyptography -anaglypton -anagnorisis -anagnost -anagoge -anagogic -anagogical -anagogically -anagogics -anagogy -anagram -anagrammatic -anagrammatical -anagrammatically -anagrammatism -anagrammatist -anagrammatize -anagrams -anagraph -anagua -anagyrin -anagyrine -Anagyris -anahau -Anahita -Anaitis -Anakes -anakinesis -anakinetic -anakinetomer -anakinetomeric -anakoluthia -anakrousis -anaktoron -anal -analabos -analav -analcime -analcimite -analcite -analcitite -analecta -analectic -analects -analemma -analemmatic -analepsis -analepsy -analeptic -analeptical -analgen -analgesia -analgesic -Analgesidae -analgesis -analgesist -analgetic -analgia -analgic -analgize -analkalinity -anallagmatic -anallantoic -Anallantoidea -anallantoidean -anallergic -anally -analogic -analogical -analogically -analogicalness -analogion -analogism -analogist -analogistic -analogize -analogon -analogous -analogously -analogousness -analogue -analogy -analphabet -analphabete -analphabetic -analphabetical -analphabetism -analysability -analysable -analysand -analysation -analyse -analyser -analyses -analysis -analyst -analytic -analytical -analytically -analytics -analyzability -analyzable -analyzation -analyze -analyzer -Anam -anam -anama -anamesite -anametadromous -Anamirta -anamirtin -Anamite -anamite -anammonid -anammonide -anamnesis -anamnestic -anamnestically -Anamnia -Anamniata -Anamnionata -anamnionic -Anamniota -anamniote -anamniotic -anamorphic -anamorphism -anamorphoscope -anamorphose -anamorphosis -anamorphote -anamorphous -anan -anana -ananaplas -ananaples -ananas -ananda -anandrarious -anandria -anandrous -ananepionic -anangioid -anangular -Ananias -Ananism -Ananite -anankastic -Anansi -Ananta -anantherate -anantherous -ananthous -ananym -anapaest -anapaestic -anapaestical -anapaestically -anapaganize -anapaite -anapanapa -anapeiratic -anaphalantiasis -Anaphalis -anaphase -Anaphe -anaphia -anaphora -anaphoral -anaphoria -anaphoric -anaphorical -anaphrodisia -anaphrodisiac -anaphroditic -anaphroditous -anaphylactic -anaphylactin -anaphylactogen -anaphylactogenic -anaphylactoid -anaphylatoxin -anaphylaxis -anaphyte -anaplasia -anaplasis -anaplasm -Anaplasma -anaplasmosis -anaplastic -anaplasty -anaplerosis -anaplerotic -anapnea -anapneic -anapnoeic -anapnograph -anapnoic -anapnometer -anapodeictic -anapophysial -anapophysis -anapsid -Anapsida -anapsidan -Anapterygota -anapterygote -anapterygotism -anapterygotous -Anaptomorphidae -Anaptomorphus -anaptotic -anaptychus -anaptyctic -anaptyctical -anaptyxis -anaqua -anarcestean -Anarcestes -anarch -anarchal -anarchial -anarchic -anarchical -anarchically -anarchism -anarchist -anarchistic -anarchize -anarchoindividualist -anarchosocialist -anarchosyndicalism -anarchosyndicalist -anarchy -anarcotin -anareta -anaretic -anaretical -anargyros -anarthria -anarthric -anarthropod -Anarthropoda -anarthropodous -anarthrosis -anarthrous -anarthrously -anarthrousness -anartismos -anarya -Anaryan -Anas -Anasa -anasarca -anasarcous -Anasazi -anaschistic -anaseismic -Anasitch -anaspadias -anaspalin -Anaspida -Anaspidacea -Anaspides -anastalsis -anastaltic -Anastasia -Anastasian -anastasimon -anastasimos -anastasis -Anastasius -anastate -anastatic -Anastatica -Anastatus -anastigmat -anastigmatic -anastomose -anastomosis -anastomotic -Anastomus -anastrophe -Anastrophia -Anat -anatase -anatexis -anathema -anathematic -anathematical -anathematically -anathematism -anathematization -anathematize -anathematizer -anatheme -anathemize -Anatherum -Anatidae -anatifa -Anatifae -anatifer -anatiferous -Anatinacea -Anatinae -anatine -anatocism -Anatole -Anatolian -Anatolic -Anatoly -anatomic -anatomical -anatomically -anatomicobiological -anatomicochirurgical -anatomicomedical -anatomicopathologic -anatomicopathological -anatomicophysiologic -anatomicophysiological -anatomicosurgical -anatomism -anatomist -anatomization -anatomize -anatomizer -anatomopathologic -anatomopathological -anatomy -anatopism -anatox -anatoxin -anatreptic -anatripsis -anatripsology -anatriptic -anatron -anatropal -anatropia -anatropous -Anatum -anaudia -anaunter -anaunters -Anax -Anaxagorean -Anaxagorize -anaxial -Anaximandrian -anaxon -anaxone -Anaxonia -anay -anazoturia -anba -anbury -Ancerata -ancestor -ancestorial -ancestorially -ancestral -ancestrally -ancestress -ancestrial -ancestrian -ancestry -Ancha -Anchat -Anchietea -anchietin -anchietine -anchieutectic -anchimonomineral -Anchisaurus -Anchises -Anchistea -Anchistopoda -anchithere -anchitherioid -anchor -anchorable -anchorage -anchorate -anchored -anchorer -anchoress -anchoret -anchoretic -anchoretical -anchoretish -anchoretism -anchorhold -anchorite -anchoritess -anchoritic -anchoritical -anchoritish -anchoritism -anchorless -anchorlike -anchorwise -anchovy -Anchtherium -Anchusa -anchusin -anchusine -anchylose -anchylosis -ancience -anciency -ancient -ancientism -anciently -ancientness -ancientry -ancienty -ancile -ancilla -ancillary -ancipital -ancipitous -Ancistrocladaceae -ancistrocladaceous -Ancistrocladus -ancistroid -ancon -Ancona -anconad -anconagra -anconal -ancone -anconeal -anconeous -anconeus -anconitis -anconoid -ancony -ancora -ancoral -Ancyloceras -Ancylocladus -Ancylodactyla -ancylopod -Ancylopoda -Ancylostoma -ancylostome -ancylostomiasis -Ancylostomum -Ancylus -Ancyrean -Ancyrene -and -anda -andabatarian -Andalusian -andalusite -Andaman -Andamanese -andante -andantino -Andaqui -Andaquian -Andarko -Andaste -Ande -Andean -Anderson -Andesic -andesine -andesinite -andesite -andesitic -Andevo -Andhra -Andi -Andian -Andine -Andira -andirin -andirine -andiroba -andiron -Andoke -andorite -Andorobo -Andorran -andouillet -andradite -andranatomy -andrarchy -Andre -Andrea -Andreaea -Andreaeaceae -Andreaeales -Andreas -Andrena -andrenid -Andrenidae -Andrew -andrewsite -Andria -Andriana -Andrias -andric -Andries -androcentric -androcephalous -androcephalum -androclinium -Androclus -androconium -androcracy -androcratic -androcyte -androdioecious -androdioecism -androdynamous -androecial -androecium -androgametangium -androgametophore -androgen -androgenesis -androgenetic -androgenic -androgenous -androginous -androgone -androgonia -androgonial -androgonidium -androgonium -Andrographis -andrographolide -androgynal -androgynary -androgyne -androgyneity -androgynia -androgynism -androgynous -androgynus -androgyny -android -androidal -androkinin -androl -androlepsia -androlepsy -Andromache -andromania -Andromaque -Andromeda -Andromede -andromedotoxin -andromonoecious -andromonoecism -andromorphous -andron -Andronicus -andronitis -andropetalar -andropetalous -androphagous -androphobia -androphonomania -androphore -androphorous -androphorum -androphyll -Andropogon -Androsace -Androscoggin -androseme -androsin -androsphinx -androsporangium -androspore -androsterone -androtauric -androtomy -Andy -anear -aneath -anecdota -anecdotage -anecdotal -anecdotalism -anecdote -anecdotic -anecdotical -anecdotically -anecdotist -anele -anelectric -anelectrode -anelectrotonic -anelectrotonus -anelytrous -anematosis -Anemia -anemia -anemic -anemobiagraph -anemochord -anemoclastic -anemogram -anemograph -anemographic -anemographically -anemography -anemological -anemology -anemometer -anemometric -anemometrical -anemometrically -anemometrograph -anemometrographic -anemometrographically -anemometry -anemonal -anemone -Anemonella -anemonin -anemonol -anemony -anemopathy -anemophile -anemophilous -anemophily -Anemopsis -anemoscope -anemosis -anemotaxis -anemotropic -anemotropism -anencephalia -anencephalic -anencephalotrophia -anencephalous -anencephalus -anencephaly -anend -anenergia -anenst -anent -anenterous -anepia -anepigraphic -anepigraphous -anepiploic -anepithymia -anerethisia -aneretic -anergia -anergic -anergy -anerly -aneroid -aneroidograph -anerotic -anerythroplasia -anerythroplastic -anes -anesis -anesthesia -anesthesiant -anesthesimeter -anesthesiologist -anesthesiology -anesthesis -anesthetic -anesthetically -anesthetist -anesthetization -anesthetize -anesthetizer -anesthyl -anethole -Anethum -anetiological -aneuploid -aneuploidy -aneuria -aneuric -aneurilemmic -aneurin -aneurism -aneurismally -aneurysm -aneurysmal -aneurysmally -aneurysmatic -anew -Anezeh -anfractuose -anfractuosity -anfractuous -anfractuousness -anfracture -Angami -Angara -angaralite -angaria -angary -Angdistis -angekok -angel -Angela -angelate -angeldom -Angeleno -angelet -angeleyes -angelfish -angelhood -angelic -Angelica -angelica -Angelical -angelical -angelically -angelicalness -Angelican -angelicic -angelicize -angelico -angelin -Angelina -angeline -angelique -angelize -angellike -Angelo -angelocracy -angelographer -angelolater -angelolatry -angelologic -angelological -angelology -angelomachy -Angelonia -angelophany -angelot -angelship -Angelus -anger -angerly -Angerona -Angeronalia -Angers -Angetenar -Angevin -angeyok -angiasthenia -angico -Angie -angiectasis -angiectopia -angiemphraxis -angiitis -angild -angili -angina -anginal -anginiform -anginoid -anginose -anginous -angioasthenia -angioataxia -angioblast -angioblastic -angiocarditis -angiocarp -angiocarpian -angiocarpic -angiocarpous -angiocavernous -angiocholecystitis -angiocholitis -angiochondroma -angioclast -angiocyst -angiodermatitis -angiodiascopy -angioelephantiasis -angiofibroma -angiogenesis -angiogenic -angiogeny -angioglioma -angiograph -angiography -angiohyalinosis -angiohydrotomy -angiohypertonia -angiohypotonia -angioid -angiokeratoma -angiokinesis -angiokinetic -angioleucitis -angiolipoma -angiolith -angiology -angiolymphitis -angiolymphoma -angioma -angiomalacia -angiomatosis -angiomatous -angiomegaly -angiometer -angiomyocardiac -angiomyoma -angiomyosarcoma -angioneoplasm -angioneurosis -angioneurotic -angionoma -angionosis -angioparalysis -angioparalytic -angioparesis -angiopathy -angiophorous -angioplany -angioplasty -angioplerosis -angiopoietic -angiopressure -angiorrhagia -angiorrhaphy -angiorrhea -angiorrhexis -angiosarcoma -angiosclerosis -angiosclerotic -angioscope -angiosis -angiospasm -angiospastic -angiosperm -Angiospermae -angiospermal -angiospermatous -angiospermic -angiospermous -angiosporous -angiostegnosis -angiostenosis -angiosteosis -angiostomize -angiostomy -angiostrophy -angiosymphysis -angiotasis -angiotelectasia -angiothlipsis -angiotome -angiotomy -angiotonic -angiotonin -angiotribe -angiotripsy -angiotrophic -Angka -anglaise -angle -angleberry -angled -anglehook -anglepod -angler -Angles -anglesite -anglesmith -angletouch -angletwitch -anglewing -anglewise -angleworm -Anglian -Anglic -Anglican -Anglicanism -Anglicanize -Anglicanly -Anglicanum -Anglicism -Anglicist -Anglicization -anglicization -Anglicize -anglicize -Anglification -Anglify -anglimaniac -angling -Anglish -Anglist -Anglistics -Anglogaea -Anglogaean -angloid -Angloman -Anglomane -Anglomania -Anglomaniac -Anglophile -Anglophobe -Anglophobia -Anglophobiac -Anglophobic -Anglophobist -ango -Angola -angolar -Angolese -angor -Angora -angostura -Angouleme -Angoumian -Angraecum -angrily -angriness -angrite -angry -angst -angster -Angstrom -angstrom -anguid -Anguidae -anguiform -Anguilla -Anguillaria -Anguillidae -anguilliform -anguilloid -Anguillula -Anguillulidae -Anguimorpha -anguine -anguineal -anguineous -Anguinidae -anguiped -Anguis -anguis -anguish -anguished -anguishful -anguishous -anguishously -angula -angular -angulare -angularity -angularization -angularize -angularly -angularness -angulate -angulated -angulately -angulateness -angulation -angulatogibbous -angulatosinuous -anguliferous -angulinerved -Anguloa -angulodentate -angulometer -angulosity -angulosplenial -angulous -anguria -Angus -angusticlave -angustifoliate -angustifolious -angustirostrate -angustisellate -angustiseptal -angustiseptate -angwantibo -anhalamine -anhaline -anhalonine -Anhalonium -anhalouidine -anhang -Anhanga -anharmonic -anhedonia -anhedral -anhedron -anhelation -anhelous -anhematosis -anhemolytic -anhidrosis -anhidrotic -anhima -Anhimae -Anhimidae -anhinga -anhistic -anhistous -anhungered -anhungry -anhydrate -anhydration -anhydremia -anhydremic -anhydric -anhydride -anhydridization -anhydridize -anhydrite -anhydrization -anhydrize -anhydroglocose -anhydromyelia -anhydrous -anhydroxime -anhysteretic -ani -Aniba -Anice -aniconic -aniconism -anicular -anicut -anidian -anidiomatic -anidiomatical -anidrosis -Aniellidae -aniente -anigh -anight -anights -anil -anilao -anilau -anile -anileness -anilic -anilid -anilide -anilidic -anilidoxime -aniline -anilinism -anilinophile -anilinophilous -anility -anilla -anilopyrin -anilopyrine -anima -animability -animable -animableness -animadversion -animadversional -animadversive -animadversiveness -animadvert -animadverter -animal -animalcula -animalculae -animalcular -animalcule -animalculine -animalculism -animalculist -animalculous -animalculum -animalhood -Animalia -animalian -animalic -animalier -animalish -animalism -animalist -animalistic -animality -Animalivora -animalivore -animalivorous -animalization -animalize -animally -animastic -animastical -animate -animated -animatedly -animately -animateness -animater -animating -animatingly -animation -animatism -animatistic -animative -animatograph -animator -anime -animi -Animikean -animikite -animism -animist -animistic -animize -animosity -animotheism -animous -animus -anion -anionic -aniridia -anis -anisal -anisalcohol -anisaldehyde -anisaldoxime -anisamide -anisandrous -anisanilide -anisate -anischuria -anise -aniseed -aniseikonia -aniseikonic -aniselike -aniseroot -anisette -anisic -anisidin -anisidine -anisil -anisilic -anisobranchiate -anisocarpic -anisocarpous -anisocercal -anisochromatic -anisochromia -anisocoria -anisocotyledonous -anisocotyly -anisocratic -anisocycle -anisocytosis -anisodactyl -Anisodactyla -Anisodactyli -anisodactylic -anisodactylous -anisodont -anisogamete -anisogamous -anisogamy -anisogenous -anisogeny -anisognathism -anisognathous -anisogynous -anisoin -anisole -anisoleucocytosis -Anisomeles -anisomelia -anisomelus -anisomeric -anisomerous -anisometric -anisometrope -anisometropia -anisometropic -anisomyarian -Anisomyodi -anisomyodian -anisomyodous -anisopetalous -anisophyllous -anisophylly -anisopia -anisopleural -anisopleurous -anisopod -Anisopoda -anisopodal -anisopodous -anisopogonous -Anisoptera -anisopterous -anisosepalous -anisospore -anisostaminous -anisostemonous -anisosthenic -anisostichous -Anisostichus -anisostomous -anisotonic -anisotropal -anisotrope -anisotropic -anisotropical -anisotropically -anisotropism -anisotropous -anisotropy -anisoyl -anisum -anisuria -anisyl -anisylidene -Anita -anither -anitrogenous -anjan -Anjou -ankaramite -ankaratrite -ankee -anker -ankerite -ankh -ankle -anklebone -anklejack -anklet -anklong -Ankoli -Ankou -ankus -ankusha -ankylenteron -ankyloblepharon -ankylocheilia -ankylodactylia -ankylodontia -ankyloglossia -ankylomele -ankylomerism -ankylophobia -ankylopodia -ankylopoietic -ankyloproctia -ankylorrhinia -Ankylosaurus -ankylose -ankylosis -ankylostoma -ankylotia -ankylotic -ankylotome -ankylotomy -ankylurethria -ankyroid -anlace -anlaut -Ann -ann -Anna -anna -Annabel -annabergite -annal -annale -annaline -annalism -annalist -annalistic -annalize -annals -Annam -Annamese -Annamite -Annamitic -Annapurna -Annard -annat -annates -annatto -Anne -anneal -annealer -annectent -annection -annelid -Annelida -annelidan -Annelides -annelidian -annelidous -annelism -Annellata -anneloid -annerodite -Anneslia -annet -Annette -annex -annexa -annexable -annexal -annexation -annexational -annexationist -annexer -annexion -annexionist -annexitis -annexive -annexment -annexure -annidalin -Annie -Anniellidae -annihilability -annihilable -annihilate -annihilation -annihilationism -annihilationist -annihilative -annihilator -annihilatory -Annist -annite -anniversarily -anniversariness -anniversary -anniverse -annodated -Annona -annona -Annonaceae -annonaceous -annotate -annotater -annotation -annotative -annotator -annotatory -annotine -annotinous -announce -announceable -announcement -announcer -annoy -annoyance -annoyancer -annoyer -annoyful -annoying -annoyingly -annoyingness -annoyment -annual -annualist -annualize -annually -annuary -annueler -annuent -annuitant -annuity -annul -annular -Annularia -annularity -annularly -annulary -Annulata -annulate -annulated -annulation -annulet -annulettee -annulism -annullable -annullate -annullation -annuller -annulment -annuloid -Annuloida -Annulosa -annulosan -annulose -annulus -annunciable -annunciate -annunciation -annunciative -annunciator -annunciatory -anoa -Anobiidae -anocarpous -anociassociation -anococcygeal -anodal -anode -anodendron -anodic -anodically -anodize -Anodon -Anodonta -anodontia -anodos -anodyne -anodynia -anodynic -anodynous -anoegenetic -anoesia -anoesis -anoestrous -anoestrum -anoestrus -anoetic -anogenic -anogenital -Anogra -anoil -anoine -anoint -anointer -anointment -anole -anoli -anolian -Anolis -Anolympiad -anolyte -Anomala -anomaliflorous -anomaliped -anomalism -anomalist -anomalistic -anomalistical -anomalistically -anomalocephalus -anomaloflorous -Anomalogonatae -anomalogonatous -Anomalon -anomalonomy -Anomalopteryx -anomaloscope -anomalotrophy -anomalous -anomalously -anomalousness -anomalure -Anomaluridae -Anomalurus -anomaly -Anomatheca -Anomia -Anomiacea -Anomiidae -anomite -anomocarpous -anomodont -Anomodontia -Anomoean -Anomoeanism -anomophyllous -anomorhomboid -anomorhomboidal -anomphalous -Anomura -anomural -anomuran -anomurous -anomy -anon -anonang -anoncillo -anonol -anonychia -anonym -anonyma -anonymity -anonymous -anonymously -anonymousness -anonymuncule -anoopsia -anoperineal -anophele -Anopheles -Anophelinae -anopheline -anophoria -anophthalmia -anophthalmos -Anophthalmus -anophyte -anopia -anopisthographic -Anopla -Anoplanthus -anoplocephalic -anoplonemertean -Anoplonemertini -anoplothere -Anoplotheriidae -anoplotherioid -Anoplotherium -anoplotheroid -Anoplura -anopluriform -anopsia -anopubic -anorak -anorchia -anorchism -anorchous -anorchus -anorectal -anorectic -anorectous -anorexia -anorexy -anorgana -anorganic -anorganism -anorganology -anormal -anormality -anorogenic -anorth -anorthic -anorthite -anorthitic -anorthitite -anorthoclase -anorthographic -anorthographical -anorthographically -anorthography -anorthophyre -anorthopia -anorthoscope -anorthose -anorthosite -anoscope -anoscopy -Anosia -anosmatic -anosmia -anosmic -anosphrasia -anosphresia -anospinal -anostosis -Anostraca -anoterite -another -anotherkins -anotia -anotropia -anotta -anotto -anotus -anounou -Anous -anovesical -anoxemia -anoxemic -anoxia -anoxic -anoxidative -anoxybiosis -anoxybiotic -anoxyscope -ansa -ansar -ansarian -Ansarie -ansate -ansation -Anseis -Ansel -Anselm -Anselmian -Anser -anserated -Anseres -Anseriformes -Anserinae -anserine -anserous -anspessade -ansu -ansulate -answer -answerability -answerable -answerableness -answerably -answerer -answeringly -answerless -answerlessly -ant -Anta -anta -antacid -antacrid -antadiform -Antaean -Antaeus -antagonism -antagonist -antagonistic -antagonistical -antagonistically -antagonization -antagonize -antagonizer -antagony -Antaimerina -Antaios -Antaiva -antal -antalgesic -antalgol -antalkali -antalkaline -antambulacral -antanacathartic -antanaclasis -Antanandro -antanemic -antapex -antaphrodisiac -antaphroditic -antapocha -antapodosis -antapology -antapoplectic -Antar -Antara -antarchism -antarchist -antarchistic -antarchistical -antarchy -Antarctalia -Antarctalian -antarctic -Antarctica -antarctica -antarctical -antarctically -Antarctogaea -Antarctogaean -Antares -antarthritic -antasphyctic -antasthenic -antasthmatic -antatrophic -antdom -ante -anteact -anteal -anteambulate -anteambulation -anteater -antebaptismal -antebath -antebrachial -antebrachium -antebridal -antecabinet -antecaecal -antecardium -antecavern -antecedaneous -antecedaneously -antecede -antecedence -antecedency -antecedent -antecedental -antecedently -antecessor -antechamber -antechapel -Antechinomys -antechoir -antechurch -anteclassical -antecloset -antecolic -antecommunion -anteconsonantal -antecornu -antecourt -antecoxal -antecubital -antecurvature -antedate -antedawn -antediluvial -antediluvially -antediluvian -Antedon -antedonin -antedorsal -antefebrile -antefix -antefixal -anteflected -anteflexed -anteflexion -antefurca -antefurcal -antefuture -antegarden -antegrade -antehall -antehistoric -antehuman -antehypophysis -anteinitial -antejentacular -antejudiciary -antejuramentum -antelabium -antelegal -antelocation -antelope -antelopian -antelucan -antelude -anteluminary -antemarginal -antemarital -antemedial -antemeridian -antemetallic -antemetic -antemillennial -antemingent -antemortal -antemundane -antemural -antenarial -antenatal -antenatalitial -antenati -antenave -antenna -antennae -antennal -Antennaria -antennariid -Antennariidae -Antennarius -antennary -Antennata -antennate -antenniferous -antenniform -antennula -antennular -antennulary -antennule -antenodal -antenoon -Antenor -antenumber -anteoccupation -anteocular -anteopercle -anteoperculum -anteorbital -antepagmenta -antepagments -antepalatal -antepaschal -antepast -antepatriarchal -antepectoral -antepectus -antependium -antepenult -antepenultima -antepenultimate -antephialtic -antepileptic -antepirrhema -anteporch -anteportico -anteposition -anteposthumous -anteprandial -antepredicament -antepredicamental -antepreterit -antepretonic -anteprohibition -anteprostate -anteprostatic -antepyretic -antequalm -antereformation -antereformational -anteresurrection -anterethic -anterevolutional -anterevolutionary -anteriad -anterior -anteriority -anteriorly -anteriorness -anteroclusion -anterodorsal -anteroexternal -anterofixation -anteroflexion -anterofrontal -anterograde -anteroinferior -anterointerior -anterointernal -anterolateral -anterolaterally -anteromedial -anteromedian -anteroom -anteroparietal -anteroposterior -anteroposteriorly -anteropygal -anterospinal -anterosuperior -anteroventral -anteroventrally -antes -antescript -antesignanus -antespring -antestature -antesternal -antesternum -antesunrise -antesuperior -antetemple -antetype -Anteva -antevenient -anteversion -antevert -antevocalic -antewar -anthecological -anthecologist -anthecology -Antheia -anthela -anthelion -anthelmintic -anthem -anthema -anthemene -anthemia -Anthemideae -anthemion -Anthemis -anthemwise -anthemy -anther -Antheraea -antheral -Anthericum -antherid -antheridial -antheridiophore -antheridium -antheriferous -antheriform -antherless -antherogenous -antheroid -antherozoid -antherozoidal -antherozooid -antherozooidal -anthesis -Anthesteria -Anthesteriac -anthesterin -Anthesterion -anthesterol -antheximeter -Anthicidae -Anthidium -anthill -Anthinae -anthine -anthobiology -anthocarp -anthocarpous -anthocephalous -Anthoceros -Anthocerotaceae -Anthocerotales -anthocerote -anthochlor -anthochlorine -anthoclinium -anthocyan -anthocyanidin -anthocyanin -anthodium -anthoecological -anthoecologist -anthoecology -anthogenesis -anthogenetic -anthogenous -anthography -anthoid -anthokyan -antholite -anthological -anthologically -anthologion -anthologist -anthologize -anthology -antholysis -Antholyza -anthomania -anthomaniac -Anthomedusae -anthomedusan -Anthomyia -anthomyiid -Anthomyiidae -Anthonin -Anthonomus -Anthony -anthood -anthophagous -Anthophila -anthophile -anthophilian -anthophilous -anthophobia -Anthophora -anthophore -Anthophoridae -anthophorous -anthophyllite -anthophyllitic -Anthophyta -anthophyte -anthorine -anthosiderite -Anthospermum -anthotaxis -anthotaxy -anthotropic -anthotropism -anthoxanthin -Anthoxanthum -Anthozoa -anthozoan -anthozoic -anthozooid -anthozoon -anthracemia -anthracene -anthraceniferous -anthrachrysone -anthracia -anthracic -anthraciferous -anthracin -anthracite -anthracitic -anthracitiferous -anthracitious -anthracitism -anthracitization -anthracnose -anthracnosis -anthracocide -anthracoid -anthracolithic -anthracomancy -Anthracomarti -anthracomartian -Anthracomartus -anthracometer -anthracometric -anthraconecrosis -anthraconite -Anthracosaurus -anthracosis -anthracothere -Anthracotheriidae -Anthracotherium -anthracotic -anthracyl -anthradiol -anthradiquinone -anthraflavic -anthragallol -anthrahydroquinone -anthramine -anthranil -anthranilate -anthranilic -anthranol -anthranone -anthranoyl -anthranyl -anthraphenone -anthrapurpurin -anthrapyridine -anthraquinol -anthraquinone -anthraquinonyl -anthrarufin -anthratetrol -anthrathiophene -anthratriol -anthrax -anthraxolite -anthraxylon -Anthrenus -anthribid -Anthribidae -Anthriscus -anthrohopobiological -anthroic -anthrol -anthrone -anthropic -anthropical -Anthropidae -anthropobiologist -anthropobiology -anthropocentric -anthropocentrism -anthropoclimatologist -anthropoclimatology -anthropocosmic -anthropodeoxycholic -Anthropodus -anthropogenesis -anthropogenetic -anthropogenic -anthropogenist -anthropogenous -anthropogeny -anthropogeographer -anthropogeographical -anthropogeography -anthropoglot -anthropogony -anthropography -anthropoid -anthropoidal -Anthropoidea -anthropoidean -anthropolater -anthropolatric -anthropolatry -anthropolite -anthropolithic -anthropolitic -anthropological -anthropologically -anthropologist -anthropology -anthropomancy -anthropomantic -anthropomantist -anthropometer -anthropometric -anthropometrical -anthropometrically -anthropometrist -anthropometry -anthropomorph -Anthropomorpha -anthropomorphic -anthropomorphical -anthropomorphically -Anthropomorphidae -anthropomorphism -anthropomorphist -anthropomorphite -anthropomorphitic -anthropomorphitical -anthropomorphitism -anthropomorphization -anthropomorphize -anthropomorphological -anthropomorphologically -anthropomorphology -anthropomorphosis -anthropomorphotheist -anthropomorphous -anthropomorphously -anthroponomical -anthroponomics -anthroponomist -anthroponomy -anthropopathia -anthropopathic -anthropopathically -anthropopathism -anthropopathite -anthropopathy -anthropophagi -anthropophagic -anthropophagical -anthropophaginian -anthropophagism -anthropophagist -anthropophagistic -anthropophagite -anthropophagize -anthropophagous -anthropophagously -anthropophagy -anthropophilous -anthropophobia -anthropophuism -anthropophuistic -anthropophysiography -anthropophysite -Anthropopithecus -anthropopsychic -anthropopsychism -Anthropos -anthroposcopy -anthroposociologist -anthroposociology -anthroposomatology -anthroposophical -anthroposophist -anthroposophy -anthropoteleoclogy -anthropoteleological -anthropotheism -anthropotomical -anthropotomist -anthropotomy -anthropotoxin -Anthropozoic -anthropurgic -anthroropolith -anthroxan -anthroxanic -anthryl -anthrylene -Anthurium -Anthus -Anthyllis -anthypophora -anthypophoretic -Anti -anti -antiabolitionist -antiabrasion -antiabrin -antiabsolutist -antiacid -antiadiaphorist -antiaditis -antiadministration -antiae -antiaesthetic -antiager -antiagglutinating -antiagglutinin -antiaggression -antiaggressionist -antiaggressive -antiaircraft -antialbumid -antialbumin -antialbumose -antialcoholic -antialcoholism -antialcoholist -antialdoxime -antialexin -antialien -antiamboceptor -antiamusement -antiamylase -antianaphylactogen -antianaphylaxis -antianarchic -antianarchist -antiangular -antiannexation -antiannexationist -antianopheline -antianthrax -antianthropocentric -antianthropomorphism -antiantibody -antiantidote -antiantienzyme -antiantitoxin -antiaphrodisiac -antiaphthic -antiapoplectic -antiapostle -antiaquatic -antiar -Antiarcha -Antiarchi -antiarin -Antiaris -antiaristocrat -antiarthritic -antiascetic -antiasthmatic -antiastronomical -antiatheism -antiatheist -antiatonement -antiattrition -antiautolysin -antibacchic -antibacchius -antibacterial -antibacteriolytic -antiballooner -antibalm -antibank -antibasilican -antibenzaldoxime -antiberiberin -antibibliolatry -antibigotry -antibilious -antibiont -antibiosis -antibiotic -antibishop -antiblastic -antiblennorrhagic -antiblock -antiblue -antibody -antiboxing -antibreakage -antibridal -antibromic -antibubonic -Antiburgher -antic -anticachectic -antical -anticalcimine -anticalculous -anticalligraphic -anticancer -anticapital -anticapitalism -anticapitalist -anticardiac -anticardium -anticarious -anticarnivorous -anticaste -anticatalase -anticatalyst -anticatalytic -anticatalyzer -anticatarrhal -anticathexis -anticathode -anticaustic -anticensorship -anticentralization -anticephalalgic -anticeremonial -anticeremonialism -anticeremonialist -anticheater -antichlor -antichlorine -antichloristic -antichlorotic -anticholagogue -anticholinergic -antichoromanic -antichorus -antichresis -antichretic -antichrist -antichristian -antichristianity -antichristianly -antichrome -antichronical -antichronically -antichthon -antichurch -antichurchian -antichymosin -anticipant -anticipatable -anticipate -anticipation -anticipative -anticipatively -anticipator -anticipatorily -anticipatory -anticivic -anticivism -anticize -anticker -anticlactic -anticlassical -anticlassicist -Anticlea -anticlergy -anticlerical -anticlericalism -anticlimactic -anticlimax -anticlinal -anticline -anticlinorium -anticlockwise -anticlogging -anticly -anticnemion -anticness -anticoagulant -anticoagulating -anticoagulative -anticoagulin -anticogitative -anticolic -anticombination -anticomet -anticomment -anticommercial -anticommunist -anticomplement -anticomplementary -anticomplex -anticonceptionist -anticonductor -anticonfederationist -anticonformist -anticonscience -anticonscription -anticonscriptive -anticonstitutional -anticonstitutionalist -anticonstitutionally -anticontagion -anticontagionist -anticontagious -anticonventional -anticonventionalism -anticonvulsive -anticor -anticorn -anticorrosion -anticorrosive -anticorset -anticosine -anticosmetic -anticouncil -anticourt -anticourtier -anticous -anticovenanter -anticovenanting -anticreation -anticreative -anticreator -anticreep -anticreeper -anticreeping -anticrepuscular -anticrepuscule -anticrisis -anticritic -anticritique -anticrochet -anticrotalic -anticryptic -anticum -anticyclic -anticyclone -anticyclonic -anticyclonically -anticynic -anticytolysin -anticytotoxin -antidactyl -antidancing -antidecalogue -antideflation -antidemocrat -antidemocratic -antidemocratical -antidemoniac -antidetonant -antidetonating -antidiabetic -antidiastase -Antidicomarian -Antidicomarianite -antidictionary -antidiffuser -antidinic -antidiphtheria -antidiphtheric -antidiphtherin -antidiphtheritic -antidisciplinarian -antidivine -antidivorce -antidogmatic -antidomestic -antidominican -Antidorcas -antidoron -antidotal -antidotally -antidotary -antidote -antidotical -antidotically -antidotism -antidraft -antidrag -antidromal -antidromic -antidromically -antidromous -antidromy -antidrug -antiduke -antidumping -antidynamic -antidynastic -antidyscratic -antidysenteric -antidysuric -antiecclesiastic -antiecclesiastical -antiedemic -antieducation -antieducational -antiegotism -antiejaculation -antiemetic -antiemperor -antiempirical -antiendotoxin -antiendowment -antienergistic -antienthusiastic -antienzyme -antienzymic -antiepicenter -antiepileptic -antiepiscopal -antiepiscopist -antiepithelial -antierosion -antierysipelas -Antietam -antiethnic -antieugenic -antievangelical -antievolution -antievolutionist -antiexpansionist -antiexporting -antiextreme -antieyestrain -antiface -antifaction -antifame -antifanatic -antifat -antifatigue -antifebrile -antifederal -antifederalism -antifederalist -antifelon -antifelony -antifeminism -antifeminist -antiferment -antifermentative -antifertilizer -antifeudal -antifeudalism -antifibrinolysin -antifibrinolysis -antifideism -antifire -antiflash -antiflattering -antiflatulent -antiflux -antifoam -antifoaming -antifogmatic -antiforeign -antiforeignism -antiformin -antifouler -antifouling -antifowl -antifreeze -antifreezing -antifriction -antifrictional -antifrost -antifundamentalist -antifungin -antigalactagogue -antigalactic -antigambling -antiganting -antigen -antigenic -antigenicity -antighostism -antigigmanic -antiglare -antiglyoxalase -antigod -Antigone -antigonococcic -Antigonon -antigonorrheic -Antigonus -antigorite -antigovernment -antigraft -antigrammatical -antigraph -antigravitate -antigravitational -antigropelos -antigrowth -Antiguan -antiguggler -antigyrous -antihalation -antiharmonist -antihectic -antihelix -antihelminthic -antihemagglutinin -antihemisphere -antihemoglobin -antihemolysin -antihemolytic -antihemorrhagic -antihemorrheidal -antihero -antiheroic -antiheroism -antiheterolysin -antihidrotic -antihierarchical -antihierarchist -antihistamine -antihistaminic -antiholiday -antihormone -antihuff -antihum -antihuman -antihumbuggist -antihunting -antihydrophobic -antihydropic -antihydropin -antihygienic -antihylist -antihypnotic -antihypochondriac -antihypophora -antihysteric -Antikamnia -antikathode -antikenotoxin -antiketogen -antiketogenesis -antiketogenic -antikinase -antiking -antiknock -antilabor -antilaborist -antilacrosse -antilacrosser -antilactase -antilapsarian -antileague -antilegalist -antilegomena -antilemic -antilens -antilepsis -antileptic -antilethargic -antileveling -Antilia -antiliberal -antilibration -antilift -antilipase -antilipoid -antiliquor -antilithic -antiliturgical -antiliturgist -Antillean -antilobium -Antilocapra -Antilocapridae -Antilochus -antiloemic -antilogarithm -antilogic -antilogical -antilogism -antilogous -antilogy -antiloimic -Antilope -Antilopinae -antilottery -antiluetin -antilynching -antilysin -antilysis -antilyssic -antilytic -antimacassar -antimachine -antimachinery -antimagistratical -antimalaria -antimalarial -antimallein -antimaniac -antimaniacal -Antimarian -antimark -antimartyr -antimask -antimasker -Antimason -Antimasonic -Antimasonry -antimasque -antimasquer -antimasquerade -antimaterialist -antimaterialistic -antimatrimonial -antimatrimonialist -antimedical -antimedieval -antimelancholic -antimellin -antimeningococcic -antimension -antimensium -antimephitic -antimere -antimerger -antimeric -Antimerina -antimerism -antimeristem -antimetabole -antimetathesis -antimetathetic -antimeter -antimethod -antimetrical -antimetropia -antimetropic -antimiasmatic -antimicrobic -antimilitarism -antimilitarist -antimilitary -antiministerial -antiministerialist -antiminsion -antimiscegenation -antimission -antimissionary -antimissioner -antimixing -antimnemonic -antimodel -antimodern -antimonarchial -antimonarchic -antimonarchical -antimonarchically -antimonarchicalness -antimonarchist -antimonate -antimonial -antimoniate -antimoniated -antimonic -antimonid -antimonide -antimoniferous -antimonious -antimonite -antimonium -antimoniuret -antimoniureted -antimoniuretted -antimonopolist -antimonopoly -antimonsoon -antimony -antimonyl -antimoral -antimoralism -antimoralist -antimosquito -antimusical -antimycotic -antimythic -antimythical -antinarcotic -antinarrative -antinational -antinationalist -antinationalistic -antinatural -antinegro -antinegroism -antineologian -antinephritic -antinepotic -antineuralgic -antineuritic -antineurotoxin -antineutral -antinial -antinicotine -antinion -antinode -antinoise -antinome -antinomian -antinomianism -antinomic -antinomical -antinomist -antinomy -antinormal -antinosarian -Antinous -Antiochene -Antiochian -Antiochianism -antiodont -antiodontalgic -Antiope -antiopelmous -antiophthalmic -antiopium -antiopiumist -antiopiumite -antioptimist -antioptionist -antiorgastic -antiorthodox -antioxidant -antioxidase -antioxidizer -antioxidizing -antioxygen -antioxygenation -antioxygenator -antioxygenic -antipacifist -antipapacy -antipapal -antipapalist -antipapism -antipapist -antipapistical -antiparabema -antiparagraphe -antiparagraphic -antiparallel -antiparallelogram -antiparalytic -antiparalytical -antiparasitic -antiparastatitis -antiparliament -antiparliamental -antiparliamentarist -antiparliamentary -antipart -Antipasch -Antipascha -antipass -antipastic -Antipatharia -antipatharian -antipathetic -antipathetical -antipathetically -antipatheticalness -antipathic -Antipathida -antipathist -antipathize -antipathogen -antipathy -antipatriarch -antipatriarchal -antipatriot -antipatriotic -antipatriotism -antipedal -Antipedobaptism -Antipedobaptist -antipeduncular -antipellagric -antipepsin -antipeptone -antiperiodic -antiperistalsis -antiperistaltic -antiperistasis -antiperistatic -antiperistatical -antiperistatically -antipersonnel -antiperthite -antipestilential -antipetalous -antipewism -antiphagocytic -antipharisaic -antipharmic -antiphase -antiphilosophic -antiphilosophical -antiphlogistian -antiphlogistic -antiphon -antiphonal -antiphonally -antiphonary -antiphoner -antiphonetic -antiphonic -antiphonical -antiphonically -antiphonon -antiphony -antiphrasis -antiphrastic -antiphrastical -antiphrastically -antiphthisic -antiphthisical -antiphylloxeric -antiphysic -antiphysical -antiphysician -antiplague -antiplanet -antiplastic -antiplatelet -antipleion -antiplenist -antiplethoric -antipleuritic -antiplurality -antipneumococcic -antipodagric -antipodagron -antipodal -antipode -antipodean -antipodes -antipodic -antipodism -antipodist -antipoetic -antipoints -antipolar -antipole -antipolemist -antipolitical -antipollution -antipolo -antipolygamy -antipolyneuritic -antipool -antipooling -antipope -antipopery -antipopular -antipopulationist -antiportable -antiposition -antipoverty -antipragmatic -antipragmatist -antiprecipitin -antipredeterminant -antiprelate -antiprelatic -antiprelatist -antipreparedness -antiprestidigitation -antipriest -antipriestcraft -antiprime -antiprimer -antipriming -antiprinciple -antiprism -antiproductionist -antiprofiteering -antiprohibition -antiprohibitionist -antiprojectivity -antiprophet -antiprostate -antiprostatic -antiprotease -antiproteolysis -antiprotozoal -antiprudential -antipruritic -antipsalmist -antipsoric -antiptosis -antipudic -antipuritan -antiputrefaction -antiputrefactive -antiputrescent -antiputrid -antipyic -antipyonin -antipyresis -antipyretic -Antipyrine -antipyrotic -antipyryl -antiqua -antiquarian -antiquarianism -antiquarianize -antiquarianly -antiquarism -antiquartan -antiquary -antiquate -antiquated -antiquatedness -antiquation -antique -antiquely -antiqueness -antiquer -antiquing -antiquist -antiquitarian -antiquity -antirabic -antirabies -antiracemate -antiracer -antirachitic -antirachitically -antiracing -antiradiating -antiradiation -antiradical -antirailwayist -antirational -antirationalism -antirationalist -antirationalistic -antirattler -antireactive -antirealism -antirealistic -antirebating -antirecruiting -antired -antireducer -antireform -antireformer -antireforming -antireformist -antireligion -antireligious -antiremonstrant -antirennet -antirennin -antirent -antirenter -antirentism -antirepublican -antireservationist -antirestoration -antireticular -antirevisionist -antirevolutionary -antirevolutionist -antirheumatic -antiricin -antirickets -antiritual -antiritualistic -antirobin -antiromance -antiromantic -antiromanticism -antiroyal -antiroyalist -Antirrhinum -antirumor -antirun -antirust -antisacerdotal -antisacerdotalist -antisaloon -antisalooner -antisavage -antiscabious -antiscale -antischolastic -antischool -antiscians -antiscientific -antiscion -antiscolic -antiscorbutic -antiscorbutical -antiscrofulous -antiseismic -antiselene -antisensitizer -antisensuous -antisensuousness -antisepalous -antisepsin -antisepsis -antiseptic -antiseptical -antiseptically -antisepticism -antisepticist -antisepticize -antiseption -antiseptize -antiserum -antishipping -Antisi -antisialagogue -antisialic -antisiccative -antisideric -antisilverite -antisimoniacal -antisine -antisiphon -antisiphonal -antiskeptical -antiskid -antiskidding -antislavery -antislaveryism -antislickens -antislip -antismoking -antisnapper -antisocial -antisocialist -antisocialistic -antisocialistically -antisociality -antisolar -antisophist -antisoporific -antispace -antispadix -antispasis -antispasmodic -antispast -antispastic -antispectroscopic -antispermotoxin -antispiritual -antispirochetic -antisplasher -antisplenetic -antisplitting -antispreader -antispreading -antisquama -antisquatting -antistadholder -antistadholderian -antistalling -antistaphylococcic -antistate -antistatism -antistatist -antisteapsin -antisterility -antistes -antistimulant -antistock -antistreptococcal -antistreptococcic -antistreptococcin -antistreptococcus -antistrike -antistrophal -antistrophe -antistrophic -antistrophically -antistrophize -antistrophon -antistrumatic -antistrumous -antisubmarine -antisubstance -antisudoral -antisudorific -antisuffrage -antisuffragist -antisun -antisupernaturalism -antisupernaturalist -antisurplician -antisymmetrical -antisyndicalism -antisyndicalist -antisynod -antisyphilitic -antitabetic -antitabloid -antitangent -antitank -antitarnish -antitartaric -antitax -antiteetotalism -antitegula -antitemperance -antitetanic -antitetanolysin -antithalian -antitheft -antitheism -antitheist -antitheistic -antitheistical -antitheistically -antithenar -antitheologian -antitheological -antithermic -antithermin -antitheses -antithesis -antithesism -antithesize -antithet -antithetic -antithetical -antithetically -antithetics -antithrombic -antithrombin -antitintinnabularian -antitobacco -antitobacconal -antitobacconist -antitonic -antitorpedo -antitoxic -antitoxin -antitrade -antitrades -antitraditional -antitragal -antitragic -antitragicus -antitragus -antitrismus -antitrochanter -antitropal -antitrope -antitropic -antitropical -antitropous -antitropy -antitrust -antitrypsin -antitryptic -antituberculin -antituberculosis -antituberculotic -antituberculous -antiturnpikeism -antitwilight -antitypal -antitype -antityphoid -antitypic -antitypical -antitypically -antitypy -antityrosinase -antiunion -antiunionist -antiuratic -antiurease -antiusurious -antiutilitarian -antivaccination -antivaccinationist -antivaccinator -antivaccinist -antivariolous -antivenefic -antivenereal -antivenin -antivenom -antivenomous -antivermicular -antivibrating -antivibrator -antivibratory -antivice -antiviral -antivirus -antivitalist -antivitalistic -antivitamin -antivivisection -antivivisectionist -antivolition -antiwar -antiwarlike -antiwaste -antiwedge -antiweed -antiwit -antixerophthalmic -antizealot -antizymic -antizymotic -antler -antlered -antlerite -antlerless -antlia -antliate -Antlid -antling -antluetic -antodontalgic -antoeci -antoecian -antoecians -Antoinette -Anton -Antonella -Antonia -Antonina -antoninianus -Antonio -antonomasia -antonomastic -antonomastical -antonomastically -antonomasy -Antony -antonym -antonymous -antonymy -antorbital -antproof -antra -antral -antralgia -antre -antrectomy -antrin -antritis -antrocele -antronasal -antrophore -antrophose -antrorse -antrorsely -antroscope -antroscopy -Antrostomus -antrotome -antrotomy -antrotympanic -antrotympanitis -antrum -antrustion -antrustionship -antship -Antu -antu -Antum -Antwerp -antwise -anubing -Anubis -anucleate -anukabiet -Anukit -anuloma -Anura -anuran -anuresis -anuretic -anuria -anuric -anurous -anury -anus -anusim -anusvara -anutraminosa -anvasser -anvil -anvilsmith -anxietude -anxiety -anxious -anxiously -anxiousness -any -anybody -Anychia -anyhow -anyone -anyplace -Anystidae -anything -anythingarian -anythingarianism -anyway -anyways -anywhen -anywhere -anywhereness -anywheres -anywhy -anywise -anywither -Anzac -Anzanian -Ao -aogiri -Aoife -aonach -Aonian -aorist -aoristic -aoristically -aorta -aortal -aortarctia -aortectasia -aortectasis -aortic -aorticorenal -aortism -aortitis -aortoclasia -aortoclasis -aortolith -aortomalacia -aortomalaxis -aortopathy -aortoptosia -aortoptosis -aortorrhaphy -aortosclerosis -aortostenosis -aortotomy -aosmic -Aotea -Aotearoa -Aotes -Aotus -aoudad -Aouellimiden -Aoul -apa -apabhramsa -apace -Apache -apache -Apachette -apachism -apachite -apadana -apagoge -apagogic -apagogical -apagogically -apaid -Apalachee -apalit -Apama -apandry -Apanteles -Apantesis -apanthropia -apanthropy -apar -Aparai -aparaphysate -aparejo -Apargia -aparithmesis -apart -apartheid -aparthrosis -apartment -apartmental -apartness -apasote -apastron -apatan -Apatela -apatetic -apathetic -apathetical -apathetically -apathic -apathism -apathist -apathistical -apathogenic -Apathus -apathy -apatite -Apatornis -Apatosaurus -Apaturia -Apayao -ape -apeak -apectomy -apedom -apehood -apeiron -apelet -apelike -apeling -apellous -Apemantus -Apennine -apenteric -apepsia -apepsinia -apepsy -apeptic -aper -aperch -aperea -aperient -aperiodic -aperiodically -aperiodicity -aperispermic -aperistalsis -aperitive -apert -apertly -apertness -apertometer -apertural -aperture -apertured -Aperu -apery -apesthesia -apesthetic -apesthetize -Apetalae -apetaloid -apetalose -apetalous -apetalousness -apetaly -apex -apexed -aphaeresis -aphaeretic -aphagia -aphakia -aphakial -aphakic -Aphanapteryx -Aphanes -aphanesite -Aphaniptera -aphanipterous -aphanite -aphanitic -aphanitism -Aphanomyces -aphanophyre -aphanozygous -Apharsathacites -aphasia -aphasiac -aphasic -Aphelandra -Aphelenchus -aphelian -Aphelinus -aphelion -apheliotropic -apheliotropically -apheliotropism -Aphelops -aphemia -aphemic -aphengescope -aphengoscope -aphenoscope -apheresis -apheretic -aphesis -apheta -aphetic -aphetically -aphetism -aphetize -aphicidal -aphicide -aphid -aphides -aphidian -aphidicide -aphidicolous -aphidid -Aphididae -Aphidiinae -aphidious -Aphidius -aphidivorous -aphidolysin -aphidophagous -aphidozer -aphilanthropy -Aphis -aphlaston -aphlebia -aphlogistic -aphnology -aphodal -aphodian -Aphodius -aphodus -aphonia -aphonic -aphonous -aphony -aphoria -aphorism -aphorismatic -aphorismer -aphorismic -aphorismical -aphorismos -aphorist -aphoristic -aphoristically -aphorize -aphorizer -Aphoruridae -aphotic -aphototactic -aphototaxis -aphototropic -aphototropism -Aphra -aphrasia -aphrite -aphrizite -aphrodisia -aphrodisiac -aphrodisiacal -aphrodisian -Aphrodision -Aphrodistic -Aphrodite -Aphroditeum -aphroditic -Aphroditidae -aphroditous -aphrolite -aphronia -aphrosiderite -aphtha -Aphthartodocetae -Aphthartodocetic -Aphthartodocetism -aphthic -aphthitalite -aphthoid -aphthong -aphthongal -aphthongia -aphthous -aphydrotropic -aphydrotropism -aphyllose -aphyllous -aphylly -aphyric -Apiaca -Apiaceae -apiaceous -Apiales -apian -apiarian -apiarist -apiary -apiator -apicad -apical -apically -apices -Apician -apicifixed -apicilar -apicillary -apicitis -apickaback -apicoectomy -apicolysis -apicula -apicular -apiculate -apiculated -apiculation -apicultural -apiculture -apiculturist -apiculus -Apidae -apiece -apieces -apigenin -apii -apiin -apikoros -apilary -Apina -Apinae -Apinage -apinch -aping -apinoid -apio -Apioceridae -apioid -apioidal -apiole -apiolin -apiologist -apiology -apionol -Apios -apiose -Apiosoma -apiphobia -Apis -apish -apishamore -apishly -apishness -apism -apitong -apitpat -Apium -apivorous -apjohnite -aplacental -Aplacentalia -Aplacentaria -Aplacophora -aplacophoran -aplacophorous -aplanat -aplanatic -aplanatically -aplanatism -Aplanobacter -aplanogamete -aplanospore -aplasia -aplastic -Aplectrum -aplenty -aplite -aplitic -aplobasalt -aplodiorite -Aplodontia -Aplodontiidae -aplomb -aplome -Aplopappus -aploperistomatous -aplostemonous -aplotaxene -aplotomy -Apluda -aplustre -Aplysia -apnea -apneal -apneic -apneumatic -apneumatosis -Apneumona -apneumonous -apneustic -apoaconitine -apoatropine -apobiotic -apoblast -apocaffeine -apocalypse -apocalypst -apocalypt -apocalyptic -apocalyptical -apocalyptically -apocalypticism -apocalyptism -apocalyptist -apocamphoric -apocarp -apocarpous -apocarpy -apocatastasis -apocatastatic -apocatharsis -apocenter -apocentric -apocentricity -apocha -apocholic -apochromat -apochromatic -apochromatism -apocinchonine -apocodeine -apocopate -apocopated -apocopation -apocope -apocopic -apocrenic -apocrisiary -Apocrita -apocrustic -apocryph -Apocrypha -apocryphal -apocryphalist -apocryphally -apocryphalness -apocryphate -apocryphon -Apocynaceae -apocynaceous -apocyneous -Apocynum -apod -Apoda -apodal -apodan -apodeipnon -apodeixis -apodema -apodemal -apodematal -apodeme -Apodes -Apodia -apodia -apodictic -apodictical -apodictically -apodictive -Apodidae -apodixis -apodosis -apodous -apodyterium -apoembryony -apofenchene -apogaeic -apogalacteum -apogamic -apogamically -apogamous -apogamously -apogamy -apogeal -apogean -apogee -apogeic -apogenous -apogeny -apogeotropic -apogeotropically -apogeotropism -Apogon -Apogonidae -apograph -apographal -apoharmine -apohyal -Apoidea -apoise -apojove -apokrea -apokreos -apolar -apolarity -apolaustic -apolegamic -Apolista -Apolistan -Apollinarian -Apollinarianism -Apolline -Apollo -Apollonia -Apollonian -Apollonic -apollonicon -Apollonistic -Apolloship -Apollyon -apologal -apologete -apologetic -apologetical -apologetically -apologetics -apologia -apologist -apologize -apologizer -apologue -apology -apolousis -Apolysin -apolysis -apolytikion -apomecometer -apomecometry -apometabolic -apometabolism -apometabolous -apometaboly -apomictic -apomictical -apomixis -apomorphia -apomorphine -aponeurology -aponeurorrhaphy -aponeurosis -aponeurositis -aponeurotic -aponeurotome -aponeurotomy -aponia -aponic -Aponogeton -Aponogetonaceae -aponogetonaceous -apoop -apopenptic -apopetalous -apophantic -apophasis -apophatic -Apophis -apophlegmatic -apophonia -apophony -apophorometer -apophthegm -apophthegmatist -apophyge -apophylactic -apophylaxis -apophyllite -apophyllous -apophysary -apophysate -apophyseal -apophysis -apophysitis -apoplasmodial -apoplastogamous -apoplectic -apoplectical -apoplectically -apoplectiform -apoplectoid -apoplex -apoplexy -apopyle -apoquinamine -apoquinine -aporetic -aporetical -aporhyolite -aporia -Aporobranchia -aporobranchian -Aporobranchiata -Aporocactus -Aporosa -aporose -aporphin -aporphine -Aporrhaidae -Aporrhais -aporrhaoid -aporrhegma -aport -aportoise -aposafranine -aposaturn -aposaturnium -aposematic -aposematically -aposepalous -aposia -aposiopesis -aposiopetic -apositia -apositic -aposoro -aposporogony -aposporous -apospory -apostasis -apostasy -apostate -apostatic -apostatical -apostatically -apostatism -apostatize -apostaxis -apostemate -apostematic -apostemation -apostematous -aposteme -aposteriori -aposthia -apostil -apostle -apostlehood -apostleship -apostolate -apostoless -apostoli -Apostolian -Apostolic -apostolic -apostolical -apostolically -apostolicalness -Apostolici -apostolicism -apostolicity -apostolize -Apostolos -apostrophal -apostrophation -apostrophe -apostrophic -apostrophied -apostrophize -apostrophus -Apotactic -Apotactici -apotelesm -apotelesmatic -apotelesmatical -apothecal -apothecary -apothecaryship -apothece -apothecial -apothecium -apothegm -apothegmatic -apothegmatical -apothegmatically -apothegmatist -apothegmatize -apothem -apotheose -apotheoses -apotheosis -apotheosize -apothesine -apothesis -apotome -apotracheal -apotropaic -apotropaion -apotropaism -apotropous -apoturmeric -apotype -apotypic -apout -apoxesis -Apoxyomenos -apozem -apozema -apozemical -apozymase -Appalachia -Appalachian -appall -appalling -appallingly -appallment -appalment -appanage -appanagist -apparatus -apparel -apparelment -apparence -apparency -apparent -apparently -apparentness -apparition -apparitional -apparitor -appassionata -appassionato -appay -appeal -appealability -appealable -appealer -appealing -appealingly -appealingness -appear -appearance -appearanced -appearer -appeasable -appeasableness -appeasably -appease -appeasement -appeaser -appeasing -appeasingly -appeasive -appellability -appellable -appellancy -appellant -appellate -appellation -appellational -appellative -appellatived -appellatively -appellativeness -appellatory -appellee -appellor -append -appendage -appendaged -appendalgia -appendance -appendancy -appendant -appendectomy -appendical -appendicalgia -appendice -appendicectasis -appendicectomy -appendices -appendicial -appendicious -appendicitis -appendicle -appendicocaecostomy -appendicostomy -appendicular -Appendicularia -appendicularian -Appendiculariidae -Appendiculata -appendiculate -appendiculated -appenditious -appendix -appendorontgenography -appendotome -appentice -apperceive -apperception -apperceptionism -apperceptionist -apperceptionistic -apperceptive -apperceptively -appercipient -appersonation -appertain -appertainment -appertinent -appet -appete -appetence -appetency -appetent -appetently -appetibility -appetible -appetibleness -appetite -appetition -appetitional -appetitious -appetitive -appetize -appetizement -appetizer -appetizingly -appinite -Appius -applanate -applanation -applaud -applaudable -applaudably -applauder -applaudingly -applause -applausive -applausively -apple -appleberry -appleblossom -applecart -appledrane -applegrower -applejack -applejohn -applemonger -applenut -appleringy -appleroot -applesauce -applewife -applewoman -appliable -appliableness -appliably -appliance -appliant -applicability -applicable -applicableness -applicably -applicancy -applicant -applicate -application -applicative -applicatively -applicator -applicatorily -applicatory -applied -appliedly -applier -applique -applosion -applosive -applot -applotment -apply -applyingly -applyment -appoggiatura -appoint -appointable -appointe -appointee -appointer -appointive -appointment -appointor -Appomatox -Appomattoc -apport -apportion -apportionable -apportioner -apportionment -apposability -apposable -appose -apposer -apposiopestic -apposite -appositely -appositeness -apposition -appositional -appositionally -appositive -appositively -appraisable -appraisal -appraise -appraisement -appraiser -appraising -appraisingly -appraisive -appreciable -appreciably -appreciant -appreciate -appreciatingly -appreciation -appreciational -appreciativ -appreciative -appreciatively -appreciativeness -appreciator -appreciatorily -appreciatory -appredicate -apprehend -apprehender -apprehendingly -apprehensibility -apprehensible -apprehensibly -apprehension -apprehensive -apprehensively -apprehensiveness -apprend -apprense -apprentice -apprenticehood -apprenticement -apprenticeship -appressed -appressor -appressorial -appressorium -appreteur -apprise -apprize -apprizement -apprizer -approach -approachability -approachabl -approachable -approachableness -approacher -approaching -approachless -approachment -approbate -approbation -approbative -approbativeness -approbator -approbatory -approof -appropinquate -appropinquation -appropinquity -appropre -appropriable -appropriate -appropriately -appropriateness -appropriation -appropriative -appropriativeness -appropriator -approvable -approvableness -approval -approvance -approve -approvedly -approvedness -approvement -approver -approvingly -approximal -approximate -approximately -approximation -approximative -approximatively -approximativeness -approximator -appulse -appulsion -appulsive -appulsively -appurtenance -appurtenant -apractic -apraxia -apraxic -apricate -aprication -aprickle -apricot -April -Aprilesque -Apriline -Aprilis -apriori -apriorism -apriorist -aprioristic -apriority -Aprocta -aproctia -aproctous -apron -aproneer -apronful -apronless -apronlike -apropos -aprosexia -aprosopia -aprosopous -aproterodont -apse -apselaphesia -apselaphesis -apsidal -apsidally -apsides -apsidiole -apsis -apsychia -apsychical -apt -Aptal -Aptenodytes -Aptera -apteral -apteran -apterial -apterium -apteroid -apterous -Apteryges -apterygial -Apterygidae -Apterygiformes -Apterygogenea -Apterygota -apterygote -apterygotous -Apteryx -Aptian -Aptiana -aptitude -aptitudinal -aptitudinally -aptly -aptness -aptote -aptotic -aptyalia -aptyalism -aptychus -Apulian -apulmonic -apulse -apurpose -Apus -apyonin -apyrene -apyretic -apyrexia -apyrexial -apyrexy -apyrotype -apyrous -aqua -aquabelle -aquabib -aquacade -aquacultural -aquaculture -aquaemanale -aquafortist -aquage -aquagreen -aquamarine -aquameter -aquaplane -aquapuncture -aquarelle -aquarellist -aquaria -aquarial -Aquarian -aquarian -Aquarid -Aquarii -aquariist -aquarium -Aquarius -aquarter -aquascutum -aquatic -aquatical -aquatically -aquatile -aquatint -aquatinta -aquatinter -aquation -aquativeness -aquatone -aquavalent -aquavit -aqueduct -aqueoglacial -aqueoigneous -aqueomercurial -aqueous -aqueously -aqueousness -aquicolous -aquicultural -aquiculture -aquiculturist -aquifer -aquiferous -Aquifoliaceae -aquifoliaceous -aquiform -Aquila -Aquilaria -aquilawood -aquilege -Aquilegia -Aquilian -Aquilid -aquiline -aquilino -aquincubital -aquincubitalism -Aquinist -aquintocubital -aquintocubitalism -aquiparous -Aquitanian -aquiver -aquo -aquocapsulitis -aquocarbonic -aquocellolitis -aquopentamminecobaltic -aquose -aquosity -aquotization -aquotize -ar -ara -Arab -araba -araban -arabana -Arabella -arabesque -arabesquely -arabesquerie -Arabian -Arabianize -Arabic -Arabicism -Arabicize -Arabidopsis -arability -arabin -arabinic -arabinose -arabinosic -Arabis -Arabism -Arabist -arabit -arabitol -arabiyeh -Arabize -arable -Arabophil -Araby -araca -Aracana -aracanga -aracari -Araceae -araceous -arachic -arachidonic -arachin -Arachis -arachnactis -Arachne -arachnean -arachnid -Arachnida -arachnidan -arachnidial -arachnidism -arachnidium -arachnism -Arachnites -arachnitis -arachnoid -arachnoidal -Arachnoidea -arachnoidea -arachnoidean -arachnoiditis -arachnological -arachnologist -arachnology -Arachnomorphae -arachnophagous -arachnopia -arad -Aradidae -arado -araeostyle -araeosystyle -Aragallus -Aragonese -Aragonian -aragonite -araguato -arain -Arains -Arakanese -arakawaite -arake -Arales -Aralia -Araliaceae -araliaceous -araliad -Araliaephyllum -aralie -Araliophyllum -aralkyl -aralkylated -Aramaean -Aramaic -Aramaicize -Aramaism -aramayoite -Aramidae -aramina -Araminta -Aramis -Aramitess -Aramu -Aramus -Aranea -Araneae -araneid -Araneida -araneidan -araneiform -Araneiformes -Araneiformia -aranein -Araneina -Araneoidea -araneologist -araneology -araneous -aranga -arango -Aranyaka -aranzada -arapahite -Arapaho -arapaima -araphorostic -arapunga -Araquaju -arar -Arara -arara -araracanga -ararao -ararauna -arariba -araroba -arati -aration -aratory -Araua -Arauan -Araucan -Araucanian -Araucano -Araucaria -Araucariaceae -araucarian -Araucarioxylon -Araujia -Arauna -Arawa -Arawak -Arawakan -Arawakian -arba -Arbacia -arbacin -arbalest -arbalester -arbalestre -arbalestrier -arbalist -arbalister -arbalo -Arbela -arbiter -arbitrable -arbitrager -arbitragist -arbitral -arbitrament -arbitrarily -arbitrariness -arbitrary -arbitrate -arbitration -arbitrational -arbitrationist -arbitrative -arbitrator -arbitratorship -arbitratrix -arbitrement -arbitrer -arbitress -arboloco -arbor -arboraceous -arboral -arborary -arborator -arboreal -arboreally -arborean -arbored -arboreous -arborescence -arborescent -arborescently -arboresque -arboret -arboreta -arboretum -arborical -arboricole -arboricoline -arboricolous -arboricultural -arboriculture -arboriculturist -arboriform -arborist -arborization -arborize -arboroid -arborolatry -arborous -arborvitae -arborway -arbuscle -arbuscula -arbuscular -arbuscule -arbusterol -arbustum -arbutase -arbute -arbutean -arbutin -arbutinase -arbutus -arc -arca -Arcacea -arcade -Arcadia -Arcadian -arcadian -Arcadianism -Arcadianly -Arcadic -Arcady -arcana -arcanal -arcane -arcanite -arcanum -arcate -arcature -Arcella -Arceuthobium -arch -archabomination -archae -archaecraniate -Archaeoceti -Archaeocyathidae -Archaeocyathus -archaeogeology -archaeographic -archaeographical -archaeography -archaeolatry -archaeolith -archaeolithic -archaeologer -archaeologian -archaeologic -archaeological -archaeologically -archaeologist -archaeology -Archaeopithecus -Archaeopteris -Archaeopterygiformes -Archaeopteryx -Archaeornis -Archaeornithes -archaeostoma -Archaeostomata -archaeostomatous -archagitator -archaic -archaical -archaically -archaicism -archaism -archaist -archaistic -archaize -archaizer -archangel -archangelic -Archangelica -archangelical -archangelship -archantagonist -archantiquary -archapostate -archapostle -archarchitect -archarios -archartist -archband -archbeacon -archbeadle -archbishop -archbishopess -archbishopric -archbishopry -archbotcher -archboutefeu -archbuffoon -archbuilder -archchampion -archchaplain -archcharlatan -archcheater -archchemic -archchief -archchronicler -archcity -archconfraternity -archconsoler -archconspirator -archcorrupter -archcorsair -archcount -archcozener -archcriminal -archcritic -archcrown -archcupbearer -archdapifer -archdapifership -archdeacon -archdeaconate -archdeaconess -archdeaconry -archdeaconship -archdean -archdeanery -archdeceiver -archdefender -archdemon -archdepredator -archdespot -archdetective -archdevil -archdiocesan -archdiocese -archdiplomatist -archdissembler -archdisturber -archdivine -archdogmatist -archdolt -archdruid -archducal -archduchess -archduchy -archduke -archdukedom -arche -archeal -Archean -archearl -archebiosis -archecclesiastic -archecentric -arched -archegone -archegonial -Archegoniata -Archegoniatae -archegoniate -archegoniophore -archegonium -archegony -Archegosaurus -archeion -Archelaus -Archelenis -archelogy -Archelon -archemperor -Archencephala -archencephalic -archenemy -archengineer -archenteric -archenteron -archeocyte -Archeozoic -Archer -archer -archeress -archerfish -archership -archery -arches -archespore -archesporial -archesporium -archetypal -archetypally -archetype -archetypic -archetypical -archetypically -archetypist -archeunuch -archeus -archexorcist -archfelon -archfiend -archfire -archflamen -archflatterer -archfoe -archfool -archform -archfounder -archfriend -archgenethliac -archgod -archgomeral -archgovernor -archgunner -archhead -archheart -archheresy -archheretic -archhost -archhouse -archhumbug -archhypocrisy -archhypocrite -Archiannelida -archiater -Archibald -archibenthal -archibenthic -archibenthos -archiblast -archiblastic -archiblastoma -archiblastula -Archibuteo -archicantor -archicarp -archicerebrum -Archichlamydeae -archichlamydeous -archicleistogamous -archicleistogamy -archicoele -archicontinent -archicyte -archicytula -Archidamus -Archidiaceae -archidiaconal -archidiaconate -archididascalian -archididascalos -Archidiskodon -Archidium -archidome -Archie -archiepiscopacy -archiepiscopal -archiepiscopally -archiepiscopate -archiereus -archigaster -archigastrula -archigenesis -archigonic -archigonocyte -archigony -archiheretical -archikaryon -archil -archilithic -Archilochian -archilowe -archimage -Archimago -archimagus -archimandrite -Archimedean -Archimedes -archimime -archimorphic -archimorula -archimperial -archimperialism -archimperialist -archimperialistic -archimpressionist -Archimycetes -archineuron -archinfamy -archinformer -arching -archipallial -archipallium -archipelagian -archipelagic -archipelago -archipin -archiplasm -archiplasmic -Archiplata -archiprelatical -archipresbyter -archipterygial -archipterygium -archisperm -Archispermae -archisphere -archispore -archistome -archisupreme -archisymbolical -architect -architective -architectonic -Architectonica -architectonically -architectonics -architectress -architectural -architecturalist -architecturally -architecture -architecturesque -Architeuthis -architis -architraval -architrave -architraved -architypographer -archival -archive -archivist -archivolt -archizoic -archjockey -archking -archknave -archleader -archlecher -archleveler -archlexicographer -archliar -archlute -archly -archmachine -archmagician -archmagirist -archmarshal -archmediocrity -archmessenger -archmilitarist -archmime -archminister -archmock -archmocker -archmockery -archmonarch -archmonarchist -archmonarchy -archmugwump -archmurderer -archmystagogue -archness -archocele -archocystosyrinx -archology -archon -archonship -archont -archontate -Archontia -archontic -archoplasm -archoplasmic -archoptoma -archoptosis -archorrhagia -archorrhea -archostegnosis -archostenosis -archosyrinx -archoverseer -archpall -archpapist -archpastor -archpatriarch -archpatron -archphilosopher -archphylarch -archpiece -archpilferer -archpillar -archpirate -archplagiarist -archplagiary -archplayer -archplotter -archplunderer -archplutocrat -archpoet -archpolitician -archpontiff -archpractice -archprelate -archprelatic -archprelatical -archpresbyter -archpresbyterate -archpresbytery -archpretender -archpriest -archpriesthood -archpriestship -archprimate -archprince -archprophet -archprotopope -archprototype -archpublican -archpuritan -archradical -archrascal -archreactionary -archrebel -archregent -archrepresentative -archrobber -archrogue -archruler -archsacrificator -archsacrificer -archsaint -archsatrap -archscoundrel -archseducer -archsee -archsewer -archshepherd -archsin -archsnob -archspirit -archspy -archsteward -archswindler -archsynagogue -archtempter -archthief -archtraitor -archtreasurer -archtreasurership -archturncoat -archtyrant -archurger -archvagabond -archvampire -archvestryman -archvillain -archvillainy -archvisitor -archwag -archway -archwench -archwise -archworker -archworkmaster -Archy -archy -Arcidae -Arcifera -arciferous -arcifinious -arciform -arcing -Arcite -arcked -arcking -arcocentrous -arcocentrum -arcograph -Arcos -Arctalia -Arctalian -Arctamerican -arctation -Arctia -arctian -arctic -arctically -arctician -arcticize -arcticward -arcticwards -arctiid -Arctiidae -Arctisca -Arctium -Arctocephalus -Arctogaea -Arctogaeal -Arctogaean -arctoid -Arctoidea -arctoidean -Arctomys -Arctos -Arctosis -Arctostaphylos -Arcturia -Arcturus -arcual -arcuale -arcuate -arcuated -arcuately -arcuation -arcubalist -arcubalister -arcula -arculite -ardassine -Ardea -Ardeae -ardeb -Ardeidae -Ardelia -ardella -ardency -ardennite -ardent -ardently -ardentness -Ardhamagadhi -Ardhanari -ardish -Ardisia -Ardisiaceae -ardoise -ardor -ardri -ardu -arduinite -arduous -arduously -arduousness -ardurous -are -area -areach -aread -areal -areality -Arean -arear -areasoner -areaway -Areca -Arecaceae -arecaceous -arecaidin -arecaidine -arecain -arecaine -Arecales -arecolidin -arecolidine -arecolin -arecoline -Arecuna -ared -areek -areel -arefact -arefaction -aregenerative -aregeneratory -areito -arena -arenaceous -arenae -Arenaria -arenariae -arenarious -arenation -arend -arendalite -areng -Arenga -Arenicola -arenicole -arenicolite -arenicolous -Arenig -arenilitic -arenoid -arenose -arenosity -arent -areocentric -areographer -areographic -areographical -areographically -areography -areola -areolar -areolate -areolated -areolation -areole -areolet -areologic -areological -areologically -areologist -areology -areometer -areometric -areometrical -areometry -Areopagist -Areopagite -Areopagitic -Areopagitica -Areopagus -areotectonics -areroscope -aretaics -arete -Arethusa -Arethuse -Aretinian -arfvedsonite -argal -argala -argali -argans -Argante -Argas -argasid -Argasidae -Argean -argeers -argel -Argemone -argemony -argenol -argent -argental -argentamid -argentamide -argentamin -argentamine -argentate -argentation -argenteous -argenter -argenteum -argentic -argenticyanide -argentide -argentiferous -Argentina -Argentine -argentine -Argentinean -Argentinian -Argentinidae -argentinitrate -Argentinize -Argentino -argention -argentite -argentojarosite -argentol -argentometric -argentometrically -argentometry -argenton -argentoproteinum -argentose -argentous -argentum -Argestes -arghan -arghel -arghool -Argid -argil -argillaceous -argilliferous -argillite -argillitic -argilloarenaceous -argillocalcareous -argillocalcite -argilloferruginous -argilloid -argillomagnesian -argillous -arginine -argininephosphoric -Argiope -Argiopidae -Argiopoidea -Argive -Argo -argo -Argoan -argol -argolet -Argolian -Argolic -Argolid -argon -Argonaut -Argonauta -Argonautic -Argonne -argosy -argot -argotic -Argovian -arguable -argue -arguer -argufier -argufy -Argulus -argument -argumental -argumentation -argumentatious -argumentative -argumentatively -argumentativeness -argumentator -argumentatory -Argus -argusfish -Argusianus -Arguslike -argute -argutely -arguteness -Argyle -Argyll -Argynnis -argyranthemous -argyranthous -Argyraspides -argyria -argyric -argyrite -argyrocephalous -argyrodite -Argyrol -Argyroneta -Argyropelecus -argyrose -argyrosis -Argyrosomus -argyrythrose -arhar -arhat -arhatship -Arhauaco -arhythmic -aria -Ariadne -Arian -Ariana -Arianism -Arianistic -Arianistical -Arianize -Arianizer -Arianrhod -aribine -Arician -aricine -arid -Arided -aridge -aridian -aridity -aridly -aridness -ariegite -Ariel -ariel -arienzo -Aries -arietation -Arietid -arietinous -arietta -aright -arightly -arigue -Ariidae -Arikara -aril -ariled -arillary -arillate -arillated -arilliform -arillode -arillodium -arilloid -arillus -Arimasp -Arimaspian -Arimathaean -Ariocarpus -Arioi -Arioian -Arion -ariose -arioso -ariot -aripple -Arisaema -arisard -arise -arisen -arist -arista -Aristarch -Aristarchian -aristarchy -aristate -Aristeas -Aristida -Aristides -Aristippus -aristocracy -aristocrat -aristocratic -aristocratical -aristocratically -aristocraticalness -aristocraticism -aristocraticness -aristocratism -aristodemocracy -aristodemocratical -aristogenesis -aristogenetic -aristogenic -aristogenics -Aristol -Aristolochia -Aristolochiaceae -aristolochiaceous -Aristolochiales -aristolochin -aristolochine -aristological -aristologist -aristology -aristomonarchy -Aristophanic -aristorepublicanism -Aristotelian -Aristotelianism -Aristotelic -Aristotelism -aristotype -aristulate -arite -arithmetic -arithmetical -arithmetically -arithmetician -arithmetization -arithmetize -arithmic -arithmocracy -arithmocratic -arithmogram -arithmograph -arithmography -arithmomania -arithmometer -Arius -Arivaipa -Arizona -Arizonan -Arizonian -arizonite -arjun -ark -Arkab -Arkansan -Arkansas -Arkansawyer -arkansite -Arkite -arkite -arkose -arkosic -arksutite -Arlene -Arleng -arles -Arline -arm -armada -armadilla -Armadillididae -Armadillidium -armadillo -Armado -Armageddon -Armageddonist -armagnac -armament -armamentarium -armamentary -armangite -armariolum -armarium -Armata -Armatoles -Armatoli -armature -armbone -armchair -armchaired -armed -armeniaceous -Armenian -Armenic -Armenize -Armenoid -armer -Armeria -Armeriaceae -armet -armful -armgaunt -armhole -armhoop -Armida -armied -armiferous -armiger -armigeral -armigerous -armil -armilla -Armillaria -armillary -armillate -armillated -arming -Arminian -Arminianism -Arminianize -Arminianizer -armipotence -armipotent -armisonant -armisonous -armistice -armless -armlet -armload -armoire -armonica -armor -Armoracia -armored -armorer -armorial -Armoric -Armorican -Armorician -armoried -armorist -armorproof -armorwise -armory -Armouchiquois -armozeen -armpiece -armpit -armplate -armrack -armrest -arms -armscye -armure -army -arn -arna -Arnaut -arnberry -Arne -Arneb -Arnebia -arnee -arni -arnica -Arnold -Arnoldist -Arnoseris -arnotta -arnotto -Arnusian -arnut -Aro -aroar -aroast -arock -aroeira -aroid -aroideous -Aroides -aroint -arolium -arolla -aroma -aromacity -aromadendrin -aromatic -aromatically -aromaticness -aromatite -aromatites -aromatization -aromatize -aromatizer -aromatophor -aromatophore -Aronia -aroon -Aroras -Arosaguntacook -arose -around -arousal -arouse -arousement -arouser -arow -aroxyl -arpeggiando -arpeggiated -arpeggiation -arpeggio -arpeggioed -arpen -arpent -arquerite -arquifoux -arracach -arracacha -Arracacia -arrack -arrah -arraign -arraigner -arraignment -arrame -arrange -arrangeable -arrangement -arranger -arrant -arrantly -Arras -arras -arrased -arrasene -arrastra -arrastre -arratel -arrau -array -arrayal -arrayer -arrayment -arrear -arrearage -arrect -arrector -arrendation -arrenotokous -arrenotoky -arrent -arrentable -arrentation -arreptitious -arrest -arrestable -arrestation -arrestee -arrester -arresting -arrestingly -arrestive -arrestment -arrestor -Arretine -arrhenal -Arrhenatherum -arrhenoid -arrhenotokous -arrhenotoky -arrhinia -arrhizal -arrhizous -arrhythmia -arrhythmic -arrhythmical -arrhythmically -arrhythmous -arrhythmy -arriage -arriba -arride -arridge -arrie -arriere -Arriet -arrimby -arris -arrish -arrisways -arriswise -arrival -arrive -arriver -arroba -arrogance -arrogancy -arrogant -arrogantly -arrogantness -arrogate -arrogatingly -arrogation -arrogative -arrogator -arrojadite -arrope -arrosive -arrow -arrowbush -arrowed -arrowhead -arrowheaded -arrowleaf -arrowless -arrowlet -arrowlike -arrowplate -arrowroot -arrowsmith -arrowstone -arrowweed -arrowwood -arrowworm -arrowy -arroyo -Arruague -Arry -Arryish -Arsacid -Arsacidan -arsanilic -arse -arsedine -arsenal -arsenate -arsenation -arseneted -arsenetted -arsenfast -arsenferratose -arsenhemol -arseniasis -arseniate -arsenic -arsenical -arsenicalism -arsenicate -arsenicism -arsenicize -arsenicophagy -arsenide -arseniferous -arsenillo -arseniopleite -arseniosiderite -arsenious -arsenism -arsenite -arsenium -arseniuret -arseniureted -arsenization -arseno -arsenobenzene -arsenobenzol -arsenobismite -arsenoferratin -arsenofuran -arsenohemol -arsenolite -arsenophagy -arsenophen -arsenophenol -arsenophenylglycin -arsenopyrite -arsenostyracol -arsenotherapy -arsenotungstates -arsenotungstic -arsenous -arsenoxide -arsenyl -arses -arsesmart -arsheen -arshin -arshine -arsine -arsinic -arsino -Arsinoitherium -arsis -arsle -arsmetrik -arsmetrike -arsnicker -arsoite -arson -arsonate -arsonation -arsonic -arsonist -arsonite -arsonium -arsono -arsonvalization -arsphenamine -arsyl -arsylene -Art -art -artaba -artabe -artal -Artamidae -Artamus -artar -artarine -artcraft -artefact -artel -Artemas -Artemia -Artemis -Artemisia -artemisic -artemisin -Artemision -Artemisium -arteriagra -arterial -arterialization -arterialize -arterially -arteriarctia -arteriasis -arteriectasia -arteriectasis -arteriectopia -arterin -arterioarctia -arteriocapillary -arteriococcygeal -arteriodialysis -arteriodiastasis -arteriofibrosis -arteriogenesis -arteriogram -arteriograph -arteriography -arteriole -arteriolith -arteriology -arteriolosclerosis -arteriomalacia -arteriometer -arteriomotor -arterionecrosis -arteriopalmus -arteriopathy -arteriophlebotomy -arterioplania -arterioplasty -arteriopressor -arteriorenal -arteriorrhagia -arteriorrhaphy -arteriorrhexis -arteriosclerosis -arteriosclerotic -arteriospasm -arteriostenosis -arteriostosis -arteriostrepsis -arteriosympathectomy -arteriotome -arteriotomy -arteriotrepsis -arterious -arteriovenous -arterioversion -arterioverter -arteritis -artery -Artesian -artesian -artful -artfully -artfulness -Artgum -artha -arthel -arthemis -arthragra -arthral -arthralgia -arthralgic -arthrectomy -arthredema -arthrempyesis -arthresthesia -arthritic -arthritical -arthriticine -arthritis -arthritism -arthrobacterium -arthrobranch -arthrobranchia -arthrocace -arthrocarcinoma -arthrocele -arthrochondritis -arthroclasia -arthrocleisis -arthroclisis -arthroderm -arthrodesis -arthrodia -arthrodial -arthrodic -Arthrodira -arthrodiran -arthrodire -arthrodirous -Arthrodonteae -arthrodynia -arthrodynic -arthroempyema -arthroempyesis -arthroendoscopy -Arthrogastra -arthrogastran -arthrogenous -arthrography -arthrogryposis -arthrolite -arthrolith -arthrolithiasis -arthrology -arthromeningitis -arthromere -arthromeric -arthrometer -arthrometry -arthroncus -arthroneuralgia -arthropathic -arthropathology -arthropathy -arthrophlogosis -arthrophyma -arthroplastic -arthroplasty -arthropleura -arthropleure -arthropod -Arthropoda -arthropodal -arthropodan -arthropodous -Arthropomata -arthropomatous -arthropterous -arthropyosis -arthrorheumatism -arthrorrhagia -arthrosclerosis -arthrosia -arthrosis -arthrospore -arthrosporic -arthrosporous -arthrosteitis -arthrosterigma -arthrostome -arthrostomy -Arthrostraca -arthrosynovitis -arthrosyrinx -arthrotome -arthrotomy -arthrotrauma -arthrotropic -arthrotyphoid -arthrous -arthroxerosis -Arthrozoa -arthrozoan -arthrozoic -Arthur -Arthurian -Arthuriana -artiad -artichoke -article -articled -articulability -articulable -articulacy -articulant -articular -articulare -articularly -articulary -Articulata -articulate -articulated -articulately -articulateness -articulation -articulationist -articulative -articulator -articulatory -articulite -articulus -Artie -artifact -artifactitious -artifice -artificer -artificership -artificial -artificialism -artificiality -artificialize -artificially -artificialness -artiller -artillerist -artillery -artilleryman -artilleryship -artiness -artinite -Artinskian -artiodactyl -Artiodactyla -artiodactylous -artiphyllous -artisan -artisanship -artist -artistdom -artiste -artistic -artistical -artistically -artistry -artless -artlessly -artlessness -artlet -artlike -Artocarpaceae -artocarpad -artocarpeous -artocarpous -Artocarpus -artolater -artophagous -artophorion -artotype -artotypy -Artotyrite -artware -arty -aru -Aruac -arui -aruke -Arulo -Arum -arumin -Aruncus -arundiferous -arundinaceous -Arundinaria -arundineous -Arundo -Arunta -arupa -arusa -arusha -arustle -arval -arvel -Arverni -Arvicola -arvicole -Arvicolinae -arvicoline -arvicolous -arviculture -arx -ary -Arya -Aryan -Aryanism -Aryanization -Aryanize -aryballoid -aryballus -aryepiglottic -aryl -arylamine -arylamino -arylate -arytenoid -arytenoidal -arzan -Arzava -Arzawa -arzrunite -arzun -As -as -Asa -asaddle -asafetida -Asahel -asak -asale -asana -Asaph -asaphia -Asaphic -asaphid -Asaphidae -Asaphus -asaprol -asarabacca -Asaraceae -Asarh -asarite -asaron -asarone -asarotum -Asarum -asbest -asbestic -asbestiform -asbestine -asbestinize -asbestoid -asbestoidal -asbestos -asbestosis -asbestous -asbestus -asbolin -asbolite -Ascabart -Ascalabota -ascan -Ascanian -Ascanius -ascare -ascariasis -ascaricidal -ascaricide -ascarid -Ascaridae -ascarides -Ascaridia -ascaridiasis -ascaridole -Ascaris -ascaron -Ascella -ascellus -ascend -ascendable -ascendance -ascendancy -ascendant -ascendence -ascendency -ascendent -ascender -ascendible -ascending -ascendingly -ascension -ascensional -ascensionist -Ascensiontide -ascensive -ascent -ascertain -ascertainable -ascertainableness -ascertainably -ascertainer -ascertainment -ascescency -ascescent -ascetic -ascetical -ascetically -asceticism -Ascetta -aschaffite -ascham -aschistic -asci -ascian -Ascidia -Ascidiacea -Ascidiae -ascidian -ascidiate -ascidicolous -ascidiferous -ascidiform -ascidioid -Ascidioida -Ascidioidea -Ascidiozoa -ascidiozooid -ascidium -asciferous -ascigerous -ascii -ascites -ascitic -ascitical -ascititious -asclent -Asclepiad -asclepiad -Asclepiadaceae -asclepiadaceous -Asclepiadae -Asclepiadean -asclepiadeous -Asclepiadic -Asclepian -Asclepias -asclepidin -asclepidoid -Asclepieion -asclepin -Asclepius -ascocarp -ascocarpous -Ascochyta -ascogenous -ascogone -ascogonial -ascogonidium -ascogonium -ascolichen -Ascolichenes -ascoma -ascomycetal -ascomycete -Ascomycetes -ascomycetous -ascon -Ascones -ascophore -ascophorous -Ascophyllum -ascorbic -ascospore -ascosporic -ascosporous -Ascot -ascot -Ascothoracica -ascribable -ascribe -ascript -ascription -ascriptitii -ascriptitious -ascriptitius -ascry -ascula -Ascupart -ascus -ascyphous -Ascyrum -asdic -ase -asearch -asecretory -aseethe -aseismatic -aseismic -aseismicity -aseity -aselgeia -asellate -Aselli -Asellidae -Aselline -Asellus -asem -asemasia -asemia -asepsis -aseptate -aseptic -aseptically -asepticism -asepticize -aseptify -aseptol -aseptolin -asexual -asexuality -asexualization -asexualize -asexually -asfetida -ash -Asha -ashake -ashame -ashamed -ashamedly -ashamedness -ashamnu -Ashangos -Ashantee -Ashanti -Asharasi -ashberry -ashcake -ashen -Asher -asherah -Asherites -ashery -ashes -ashet -ashily -ashimmer -ashine -ashiness -ashipboard -Ashir -ashiver -Ashkenazic -Ashkenazim -ashkoko -ashlar -ashlared -ashlaring -ashless -ashling -Ashluslay -ashman -Ashmolean -Ashochimi -ashore -ashpan -ashpit -ashplant -ashraf -ashrafi -ashthroat -Ashur -ashur -ashweed -ashwort -ashy -asialia -Asian -Asianic -Asianism -Asiarch -Asiarchate -Asiatic -Asiatical -Asiatically -Asiatican -Asiaticism -Asiaticization -Asiaticize -Asiatize -aside -asidehand -asideness -asiderite -asideu -asiento -asilid -Asilidae -Asilus -asimen -Asimina -asimmer -asinego -asinine -asininely -asininity -asiphonate -asiphonogama -asitia -ask -askable -askance -askant -askar -askari -asker -askew -askingly -askip -asklent -Asklepios -askos -Askr -aslant -aslantwise -aslaver -asleep -aslop -aslope -aslumber -asmack -asmalte -asmear -asmile -asmoke -asmolder -asniffle -asnort -asoak -asocial -asok -asoka -asomatophyte -asomatous -asonant -asonia -asop -asor -asouth -asp -aspace -aspalathus -Aspalax -asparagic -asparagine -asparaginic -asparaginous -asparagus -asparagyl -asparkle -aspartate -aspartic -aspartyl -Aspasia -Aspatia -aspect -aspectable -aspectant -aspection -aspectual -aspen -asper -asperate -asperation -aspergation -asperge -asperger -Asperges -aspergil -aspergill -Aspergillaceae -Aspergillales -aspergilliform -aspergillin -aspergillosis -aspergillum -aspergillus -Asperifoliae -asperifoliate -asperifolious -asperite -asperity -aspermatic -aspermatism -aspermatous -aspermia -aspermic -aspermous -asperous -asperously -asperse -aspersed -asperser -aspersion -aspersive -aspersively -aspersor -aspersorium -aspersory -Asperugo -Asperula -asperuloside -asperulous -asphalt -asphaltene -asphalter -asphaltic -asphaltite -asphaltum -aspheterism -aspheterize -asphodel -Asphodelaceae -Asphodeline -Asphodelus -asphyctic -asphyctous -asphyxia -asphyxial -asphyxiant -asphyxiate -asphyxiation -asphyxiative -asphyxiator -asphyxied -asphyxy -aspic -aspiculate -aspiculous -aspidate -aspidiaria -aspidinol -Aspidiotus -Aspidiske -Aspidistra -aspidium -Aspidobranchia -Aspidobranchiata -aspidobranchiate -Aspidocephali -Aspidochirota -Aspidoganoidei -aspidomancy -Aspidosperma -aspidospermine -aspirant -aspirata -aspirate -aspiration -aspirator -aspiratory -aspire -aspirer -aspirin -aspiring -aspiringly -aspiringness -aspish -asplanchnic -Asplenieae -asplenioid -Asplenium -asporogenic -asporogenous -asporous -asport -asportation -asporulate -aspout -asprawl -aspread -Aspredinidae -Aspredo -aspring -asprout -asquare -asquat -asqueal -asquint -asquirm -ass -assacu -assagai -assai -assail -assailable -assailableness -assailant -assailer -assailment -Assam -Assamese -Assamites -assapan -assapanic -assarion -assart -assary -assassin -assassinate -assassination -assassinative -assassinator -assassinatress -assassinist -assate -assation -assault -assaultable -assaulter -assaut -assay -assayable -assayer -assaying -assbaa -asse -assecuration -assecurator -assedation -assegai -asself -assemblable -assemblage -assemble -assembler -assembly -assemblyman -assent -assentaneous -assentation -assentatious -assentator -assentatorily -assentatory -assented -assenter -assentient -assenting -assentingly -assentive -assentiveness -assentor -assert -assertable -assertative -asserter -assertible -assertion -assertional -assertive -assertively -assertiveness -assertor -assertorial -assertorially -assertoric -assertorical -assertorically -assertorily -assertory -assertress -assertrix -assertum -assess -assessable -assessably -assessed -assessee -assession -assessionary -assessment -assessor -assessorial -assessorship -assessory -asset -assets -assever -asseverate -asseveratingly -asseveration -asseverative -asseveratively -asseveratory -asshead -assi -assibilate -assibilation -Assidean -assident -assidual -assidually -assiduity -assiduous -assiduously -assiduousness -assientist -assiento -assify -assign -assignability -assignable -assignably -assignat -assignation -assigned -assignee -assigneeship -assigner -assignment -assignor -assilag -assimilability -assimilable -assimilate -assimilation -assimilationist -assimilative -assimilativeness -assimilator -assimilatory -Assiniboin -assis -Assisan -assise -assish -assishly -assishness -assist -assistance -assistant -assistanted -assistantship -assistency -assister -assistful -assistive -assistless -assistor -assize -assizement -assizer -assizes -asslike -assman -Assmannshauser -assmanship -associability -associable -associableness -associate -associated -associatedness -associateship -association -associational -associationalism -associationalist -associationism -associationist -associationistic -associative -associatively -associativeness -associator -associatory -assoil -assoilment -assoilzie -assonance -assonanced -assonant -assonantal -assonantic -assonate -Assonia -assort -assortative -assorted -assortedness -assorter -assortive -assortment -assuade -assuage -assuagement -assuager -assuasive -assubjugate -assuetude -assumable -assumably -assume -assumed -assumedly -assumer -assuming -assumingly -assumingness -assumpsit -assumption -Assumptionist -assumptious -assumptiousness -assumptive -assumptively -assurable -assurance -assurant -assure -assured -assuredly -assuredness -assurer -assurge -assurgency -assurgent -assuring -assuringly -assyntite -Assyrian -Assyrianize -Assyriological -Assyriologist -Assyriologue -Assyriology -Assyroid -assythment -ast -asta -Astacidae -Astacus -Astakiwi -astalk -astarboard -astare -astart -Astarte -Astartian -Astartidae -astasia -astatic -astatically -astaticism -astatine -astatize -astatizer -astay -asteam -asteatosis -asteep -asteer -asteism -astelic -astely -aster -Asteraceae -asteraceous -Asterales -Asterella -astereognosis -asteria -asterial -Asterias -asteriated -Asteriidae -asterikos -asterin -Asterina -Asterinidae -asterioid -Asterion -asterion -Asterionella -asterisk -asterism -asterismal -astern -asternal -Asternata -asternia -Asterochiton -asteroid -asteroidal -Asteroidea -asteroidean -Asterolepidae -Asterolepis -Asterope -asterophyllite -Asterophyllites -Asterospondyli -asterospondylic -asterospondylous -Asteroxylaceae -Asteroxylon -Asterozoa -asterwort -asthenia -asthenic -asthenical -asthenobiosis -asthenobiotic -asthenolith -asthenology -asthenopia -asthenopic -asthenosphere -astheny -asthma -asthmatic -asthmatical -asthmatically -asthmatoid -asthmogenic -asthore -asthorin -Astian -astichous -astigmatic -astigmatical -astigmatically -astigmatism -astigmatizer -astigmatometer -astigmatoscope -astigmatoscopy -astigmia -astigmism -astigmometer -astigmometry -Astilbe -astilbe -astint -astipulate -astir -astite -astomatal -astomatous -astomia -astomous -astonied -astonish -astonishedly -astonisher -astonishing -astonishingly -astonishingness -astonishment -astony -astoop -astor -astound -astoundable -astounding -astoundingly -astoundment -Astrachan -astraddle -Astraea -Astraean -astraean -astraeid -Astraeidae -astraeiform -astragal -astragalar -astragalectomy -astragali -astragalocalcaneal -astragalocentral -astragalomancy -astragalonavicular -astragaloscaphoid -astragalotibial -Astragalus -astragalus -astrain -astrakanite -astrakhan -astral -astrally -astrand -Astrantia -astraphobia -astrapophobia -astray -astream -astrer -astrict -astriction -astrictive -astrictively -astrictiveness -Astrid -astride -astrier -astriferous -astrild -astringe -astringency -astringent -astringently -astringer -astroalchemist -astroblast -Astrocaryum -astrochemist -astrochemistry -astrochronological -astrocyte -astrocytoma -astrocytomata -astrodiagnosis -astrodome -astrofel -astrogeny -astroglia -astrognosy -astrogonic -astrogony -astrograph -astrographic -astrography -astroid -astroite -astrolabe -astrolabical -astrolater -astrolatry -astrolithology -astrologaster -astrologer -astrologian -astrologic -astrological -astrologically -astrologistic -astrologize -astrologous -astrology -astromancer -astromancy -astromantic -astrometeorological -astrometeorologist -astrometeorology -astrometer -astrometrical -astrometry -astronaut -astronautics -astronomer -astronomic -astronomical -astronomically -astronomics -astronomize -astronomy -Astropecten -Astropectinidae -astrophil -astrophobia -astrophotographic -astrophotography -astrophotometer -astrophotometrical -astrophotometry -astrophyllite -astrophysical -astrophysicist -astrophysics -Astrophyton -astroscope -Astroscopus -astroscopy -astrospectral -astrospectroscopic -astrosphere -astrotheology -astrut -astucious -astuciously -astucity -Astur -Asturian -astute -astutely -astuteness -astylar -Astylospongia -Astylosternus -asudden -asunder -Asuri -aswail -aswarm -asway -asweat -aswell -aswim -aswing -aswirl -aswoon -aswooned -asyla -asyllabia -asyllabic -asyllabical -asylum -asymbiotic -asymbolia -asymbolic -asymbolical -asymmetric -asymmetrical -asymmetrically -Asymmetron -asymmetry -asymptomatic -asymptote -asymptotic -asymptotical -asymptotically -asynapsis -asynaptic -asynartete -asynartetic -asynchronism -asynchronous -asyndesis -asyndetic -asyndetically -asyndeton -asynergia -asynergy -asyngamic -asyngamy -asyntactic -asyntrophy -asystole -asystolic -asystolism -asyzygetic -at -Ata -atabal -atabeg -atabek -Atabrine -Atacaman -Atacamenan -Atacamenian -Atacameno -atacamite -atactic -atactiform -Ataentsic -atafter -Ataigal -Ataiyal -Atalan -ataman -atamasco -Atamosco -atangle -atap -ataraxia -ataraxy -atatschite -ataunt -atavi -atavic -atavism -atavist -atavistic -atavistically -atavus -ataxaphasia -ataxia -ataxiagram -ataxiagraph -ataxiameter -ataxiaphasia -ataxic -ataxinomic -ataxite -ataxonomic -ataxophemia -ataxy -atazir -atbash -atchison -ate -Ateba -atebrin -atechnic -atechnical -atechny -ateeter -atef -atelectasis -atelectatic -ateleological -Ateles -atelestite -atelets -atelier -ateliosis -Atellan -atelo -atelocardia -atelocephalous -ateloglossia -atelognathia -atelomitic -atelomyelia -atelopodia -ateloprosopia -atelorachidia -atelostomia -atemporal -Aten -Atenism -Atenist -Aterian -ates -Atestine -ateuchi -ateuchus -Atfalati -Athabasca -Athabascan -athalamous -athalline -Athamantid -athanasia -Athanasian -Athanasianism -Athanasianist -athanasy -athanor -Athapascan -athar -Atharvan -Athecae -Athecata -athecate -atheism -atheist -atheistic -atheistical -atheistically -atheisticalness -atheize -atheizer -athelia -atheling -athematic -Athena -Athenaea -athenaeum -athenee -Athenian -Athenianly -athenor -Athens -atheological -atheologically -atheology -atheous -Athericera -athericeran -athericerous -atherine -Atherinidae -Atheriogaea -Atheriogaean -Atheris -athermancy -athermanous -athermic -athermous -atheroma -atheromasia -atheromata -atheromatosis -atheromatous -atherosclerosis -Atherosperma -Atherurus -athetesis -athetize -athetoid -athetosic -athetosis -athing -athirst -athlete -athletehood -athletic -athletical -athletically -athleticism -athletics -athletism -athletocracy -athlothete -athlothetes -athodyd -athort -athrepsia -athreptic -athrill -athrive -athrob -athrocyte -athrocytosis -athrogenic -athrong -athrough -athwart -athwarthawse -athwartship -athwartships -athwartwise -athymia -athymic -athymy -athyreosis -athyria -athyrid -Athyridae -Athyris -Athyrium -athyroid -athyroidism -athyrosis -Ati -Atik -Atikokania -atilt -atimon -atinga -atingle -atinkle -atip -atis -Atka -Atlanta -atlantad -atlantal -Atlantean -atlantes -Atlantic -atlantic -Atlantica -Atlantid -Atlantides -atlantite -atlantoaxial -atlantodidymus -atlantomastoid -atlantoodontoid -Atlantosaurus -Atlas -atlas -Atlaslike -atlatl -atle -atlee -atloaxoid -atloid -atloidean -atloidoaxoid -atma -atman -atmiatrics -atmiatry -atmid -atmidalbumin -atmidometer -atmidometry -atmo -atmocausis -atmocautery -atmoclastic -atmogenic -atmograph -atmologic -atmological -atmologist -atmology -atmolysis -atmolyzation -atmolyze -atmolyzer -atmometer -atmometric -atmometry -atmos -atmosphere -atmosphereful -atmosphereless -atmospheric -atmospherical -atmospherically -atmospherics -atmospherology -atmostea -atmosteal -atmosteon -Atnah -atocha -atocia -atokal -atoke -atokous -atoll -atom -atomatic -atomechanics -atomerg -atomic -atomical -atomically -atomician -atomicism -atomicity -atomics -atomiferous -atomism -atomist -atomistic -atomistical -atomistically -atomistics -atomity -atomization -atomize -atomizer -atomology -atomy -atonable -atonal -atonalism -atonalistic -atonality -atonally -atone -atonement -atoneness -atoner -atonia -atonic -atonicity -atoningly -atony -atop -Atophan -atophan -atopic -atopite -atopy -Atorai -Atossa -atour -atoxic -Atoxyl -atoxyl -atrabilarian -atrabilarious -atrabiliar -atrabiliarious -atrabiliary -atrabilious -atrabiliousness -atracheate -Atractaspis -Atragene -atragene -atrail -atrament -atramental -atramentary -atramentous -atraumatic -Atrebates -Atremata -atrematous -atremble -atrepsy -atreptic -atresia -atresic -atresy -atretic -atria -atrial -atrichia -atrichosis -atrichous -atrickle -Atridean -atrienses -atriensis -atriocoelomic -atrioporal -atriopore -atrioventricular -atrip -Atriplex -atrium -atrocha -atrochal -atrochous -atrocious -atrociously -atrociousness -atrocity -atrolactic -Atropa -atropaceous -atropal -atropamine -atrophia -atrophiated -atrophic -atrophied -atrophoderma -atrophy -atropia -atropic -Atropidae -atropine -atropinism -atropinization -atropinize -atropism -atropous -atrorubent -atrosanguineous -atroscine -atrous -atry -Atrypa -Atta -atta -Attacapan -attacco -attach -attachable -attachableness -attache -attached -attachedly -attacher -attacheship -attachment -attack -attackable -attacker -attacolite -Attacus -attacus -attagen -attaghan -attain -attainability -attainable -attainableness -attainder -attainer -attainment -attaint -attaintment -attainture -Attalea -attaleh -Attalid -attar -attargul -attask -attemper -attemperament -attemperance -attemperate -attemperately -attemperation -attemperator -attempt -attemptability -attemptable -attempter -attemptless -attend -attendance -attendancy -attendant -attendantly -attender -attendingly -attendment -attendress -attensity -attent -attention -attentional -attentive -attentively -attentiveness -attently -attenuable -attenuant -attenuate -attenuation -attenuative -attenuator -atter -attercop -attercrop -atterminal -attermine -atterminement -attern -attery -attest -attestable -attestant -attestation -attestative -attestator -attester -attestive -Attic -attic -Attical -Atticism -atticism -Atticist -Atticize -atticize -atticomastoid -attid -Attidae -attinge -attingence -attingency -attingent -attire -attired -attirement -attirer -attitude -attitudinal -attitudinarian -attitudinarianism -attitudinize -attitudinizer -Attiwendaronk -attorn -attorney -attorneydom -attorneyism -attorneyship -attornment -attract -attractability -attractable -attractableness -attractant -attracter -attractile -attractingly -attraction -attractionally -attractive -attractively -attractiveness -attractivity -attractor -attrahent -attrap -attributable -attributal -attribute -attributer -attribution -attributive -attributively -attributiveness -attrist -attrite -attrited -attriteness -attrition -attritive -attritus -attune -attunely -attunement -Atuami -atule -atumble -atune -atwain -atweel -atween -atwin -atwirl -atwist -atwitch -atwitter -atwixt -atwo -atypic -atypical -atypically -atypy -auantic -aube -aubepine -Aubrey -Aubrietia -aubrietia -aubrite -auburn -aubusson -Auca -auca -Aucan -Aucaner -Aucanian -Auchenia -auchenia -auchenium -auchlet -auction -auctionary -auctioneer -auctorial -Aucuba -aucuba -aucupate -audacious -audaciously -audaciousness -audacity -Audaean -Audian -Audibertia -audibility -audible -audibleness -audibly -audience -audiencier -audient -audile -audio -audiogenic -audiogram -audiologist -audiology -audiometer -audiometric -audiometry -Audion -audion -audiophile -audiphone -audit -audition -auditive -auditor -auditoria -auditorial -auditorially -auditorily -auditorium -auditorship -auditory -auditress -auditual -audivise -audiviser -audivision -Audrey -Audubonistic -Aueto -auganite -auge -Augean -augelite -augen -augend -auger -augerer -augh -aught -aughtlins -augite -augitic -augitite -augitophyre -augment -augmentable -augmentation -augmentationer -augmentative -augmentatively -augmented -augmentedly -augmenter -augmentive -augur -augural -augurate -augurial -augurous -augurship -augury -August -august -Augusta -augustal -Augustan -Augusti -Augustin -Augustinian -Augustinianism -Augustinism -augustly -augustness -Augustus -auh -auhuhu -Auk -auk -auklet -aula -aulacocarpous -Aulacodus -Aulacomniaceae -Aulacomnium -aulae -aularian -auld -auldfarrantlike -auletai -aulete -auletes -auletic -auletrides -auletris -aulic -aulicism -auloi -aulophyte -aulos -Aulostoma -Aulostomatidae -Aulostomi -aulostomid -Aulostomidae -Aulostomus -aulu -aum -aumaga -aumail -aumbry -aumery -aumil -aumildar -aumous -aumrie -auncel -aune -Aunjetitz -aunt -aunthood -auntie -auntish -auntlike -auntly -auntsary -auntship -aupaka -aura -aurae -aural -aurally -auramine -Aurantiaceae -aurantiaceous -Aurantium -aurantium -aurar -aurate -aurated -aureate -aureately -aureateness -aureation -aureity -Aurelia -aurelia -aurelian -Aurelius -Aureocasidium -aureola -aureole -aureolin -aureoline -aureomycin -aureous -aureously -auresca -aureus -auribromide -auric -aurichalcite -aurichalcum -aurichloride -aurichlorohydric -auricle -auricled -auricomous -Auricula -auricula -auriculae -auricular -auriculare -auriculares -Auricularia -auricularia -Auriculariaceae -auriculariae -Auriculariales -auricularian -auricularis -auricularly -auriculate -auriculated -auriculately -Auriculidae -auriculocranial -auriculoparietal -auriculotemporal -auriculoventricular -auriculovertical -auricyanhydric -auricyanic -auricyanide -auride -auriferous -aurific -aurification -auriform -aurify -Auriga -aurigal -aurigation -aurigerous -Aurigid -Aurignacian -aurilave -aurin -aurinasal -auriphone -auriphrygia -auriphrygiate -auripuncture -aurir -auriscalp -auriscalpia -auriscalpium -auriscope -auriscopy -aurist -aurite -aurivorous -auroauric -aurobromide -aurochloride -aurochs -aurocyanide -aurodiamine -auronal -aurophobia -aurophore -aurora -aurorae -auroral -aurorally -aurore -aurorean -Aurorian -aurorium -aurotellurite -aurothiosulphate -aurothiosulphuric -aurous -aurrescu -aurulent -aurum -aurure -auryl -Aus -auscult -auscultascope -auscultate -auscultation -auscultative -auscultator -auscultatory -Auscultoscope -auscultoscope -Aushar -auslaut -auslaute -Ausones -Ausonian -auspex -auspicate -auspice -auspices -auspicial -auspicious -auspiciously -auspiciousness -auspicy -Aussie -Austafrican -austenite -austenitic -Auster -austere -austerely -austereness -austerity -Austerlitz -Austin -Austral -austral -Australasian -australene -Australia -Australian -Australianism -Australianize -Australic -Australioid -australite -Australoid -Australopithecinae -australopithecine -Australopithecus -Australorp -Austrasian -Austrian -Austrianize -Austric -austrium -Austroasiatic -Austrogaea -Austrogaean -austromancy -Austronesian -Austrophil -Austrophile -Austrophilism -Austroriparian -ausu -ausubo -autacoid -autacoidal -autallotriomorphic -autantitypy -autarch -autarchic -autarchical -Autarchoglossa -autarchy -autarkic -autarkical -autarkist -autarky -aute -autechoscope -autecious -auteciously -auteciousness -autecism -autecologic -autecological -autecologically -autecologist -autecology -autecy -autem -authentic -authentical -authentically -authenticalness -authenticate -authentication -authenticator -authenticity -authenticly -authenticness -authigene -authigenetic -authigenic -authigenous -author -authorcraft -authoress -authorhood -authorial -authorially -authorish -authorism -authoritarian -authoritarianism -authoritative -authoritatively -authoritativeness -authority -authorizable -authorization -authorize -authorized -authorizer -authorless -authorling -authorly -authorship -authotype -autism -autist -autistic -auto -autoabstract -autoactivation -autoactive -autoaddress -autoagglutinating -autoagglutination -autoagglutinin -autoalarm -autoalkylation -autoallogamous -autoallogamy -autoanalysis -autoanalytic -autoantibody -autoanticomplement -autoantitoxin -autoasphyxiation -autoaspiration -autoassimilation -autobahn -autobasidia -Autobasidiomycetes -autobasidiomycetous -autobasidium -Autobasisii -autobiographal -autobiographer -autobiographic -autobiographical -autobiographically -autobiographist -autobiography -autobiology -autoblast -autoboat -autoboating -autobolide -autobus -autocab -autocade -autocall -autocamp -autocamper -autocamping -autocar -autocarist -autocarpian -autocarpic -autocarpous -autocatalepsy -autocatalysis -autocatalytic -autocatalytically -autocatalyze -autocatheterism -autocephalia -autocephality -autocephalous -autocephaly -autoceptive -autochemical -autocholecystectomy -autochrome -autochromy -autochronograph -autochthon -autochthonal -autochthonic -autochthonism -autochthonous -autochthonously -autochthonousness -autochthony -autocide -autocinesis -autoclasis -autoclastic -autoclave -autocoenobium -autocoherer -autocoid -autocollimation -autocollimator -autocolony -autocombustible -autocombustion -autocomplexes -autocondensation -autoconduction -autoconvection -autoconverter -autocopist -autocoprophagous -autocorrosion -autocracy -autocrat -autocratic -autocratical -autocratically -autocrator -autocratoric -autocratorical -autocratrix -autocratship -autocremation -autocriticism -autocystoplasty -autocytolysis -autocytolytic -autodecomposition -autodepolymerization -autodermic -autodestruction -autodetector -autodiagnosis -autodiagnostic -autodiagrammatic -autodidact -autodidactic -autodifferentiation -autodiffusion -autodigestion -autodigestive -autodrainage -autodrome -autodynamic -autodyne -autoecholalia -autoecic -autoecious -autoeciously -autoeciousness -autoecism -autoecous -autoecy -autoeducation -autoeducative -autoelectrolysis -autoelectrolytic -autoelectronic -autoelevation -autoepigraph -autoepilation -autoerotic -autoerotically -autoeroticism -autoerotism -autoexcitation -autofecundation -autofermentation -autoformation -autofrettage -autogamic -autogamous -autogamy -autogauge -autogeneal -autogenesis -autogenetic -autogenetically -autogenic -autogenous -autogenously -autogeny -Autogiro -autogiro -autognosis -autognostic -autograft -autografting -autogram -autograph -autographal -autographer -autographic -autographical -autographically -autographism -autographist -autographometer -autography -autogravure -Autoharp -autoharp -autoheader -autohemic -autohemolysin -autohemolysis -autohemolytic -autohemorrhage -autohemotherapy -autoheterodyne -autoheterosis -autohexaploid -autohybridization -autohypnosis -autohypnotic -autohypnotism -autohypnotization -autoicous -autoignition -autoimmunity -autoimmunization -autoinduction -autoinductive -autoinfection -autoinfusion -autoinhibited -autoinoculable -autoinoculation -autointellectual -autointoxicant -autointoxication -autoirrigation -autoist -autojigger -autojuggernaut -autokinesis -autokinetic -autokrator -autolaryngoscope -autolaryngoscopic -autolaryngoscopy -autolater -autolatry -autolavage -autolesion -autolimnetic -autolith -autoloading -autological -autologist -autologous -autology -autoluminescence -autoluminescent -autolysate -autolysin -autolysis -autolytic -Autolytus -autolyzate -autolyze -automa -automacy -automanual -automat -automata -automatic -automatical -automatically -automaticity -automatin -automatism -automatist -automatization -automatize -automatograph -automaton -automatonlike -automatous -automechanical -automelon -autometamorphosis -autometric -autometry -automobile -automobilism -automobilist -automobilistic -automobility -automolite -automonstration -automorph -automorphic -automorphically -automorphism -automotive -automotor -automower -automysophobia -autonegation -autonephrectomy -autonephrotoxin -autoneurotoxin -autonitridation -autonoetic -autonomasy -autonomic -autonomical -autonomically -autonomist -autonomize -autonomous -autonomously -autonomy -autonym -autoparasitism -autopathic -autopathography -autopathy -autopelagic -autopepsia -autophagi -autophagia -autophagous -autophagy -autophobia -autophoby -autophon -autophone -autophonoscope -autophonous -autophony -autophotoelectric -autophotograph -autophotometry -autophthalmoscope -autophyllogeny -autophyte -autophytic -autophytically -autophytograph -autophytography -autopilot -autoplagiarism -autoplasmotherapy -autoplast -autoplastic -autoplasty -autopneumatic -autopoint -autopoisonous -autopolar -autopolo -autopoloist -autopolyploid -autopore -autoportrait -autoportraiture -autopositive -autopotent -autoprogressive -autoproteolysis -autoprothesis -autopsic -autopsical -autopsy -autopsychic -autopsychoanalysis -autopsychology -autopsychorhythmia -autopsychosis -autoptic -autoptical -autoptically -autopticity -autopyotherapy -autoracemization -autoradiograph -autoradiographic -autoradiography -autoreduction -autoregenerator -autoregulation -autoreinfusion -autoretardation -autorhythmic -autorhythmus -autoriser -autorotation -autorrhaphy -Autosauri -Autosauria -autoschediasm -autoschediastic -autoschediastical -autoschediastically -autoschediaze -autoscience -autoscope -autoscopic -autoscopy -autosender -autosensitization -autosensitized -autosepticemia -autoserotherapy -autoserum -autosexing -autosight -autosign -autosite -autositic -autoskeleton -autosled -autoslip -autosomal -autosomatognosis -autosomatognostic -autosome -autosoteric -autosoterism -autospore -autosporic -autospray -autostability -autostage -autostandardization -autostarter -autostethoscope -autostylic -autostylism -autostyly -autosuggestibility -autosuggestible -autosuggestion -autosuggestionist -autosuggestive -autosuppression -autosymbiontic -autosymbolic -autosymbolical -autosymbolically -autosymnoia -Autosyn -autosyndesis -autotelegraph -autotelic -autotetraploid -autotetraploidy -autothaumaturgist -autotheater -autotheism -autotheist -autotherapeutic -autotherapy -autothermy -autotomic -autotomize -autotomous -autotomy -autotoxaemia -autotoxic -autotoxication -autotoxicity -autotoxicosis -autotoxin -autotoxis -autotractor -autotransformer -autotransfusion -autotransplant -autotransplantation -autotrepanation -autotriploid -autotriploidy -autotroph -autotrophic -autotrophy -autotropic -autotropically -autotropism -autotruck -autotuberculin -autoturning -autotype -autotyphization -autotypic -autotypography -autotypy -autourine -autovaccination -autovaccine -autovalet -autovalve -autovivisection -autoxeny -autoxidation -autoxidator -autoxidizability -autoxidizable -autoxidize -autoxidizer -autozooid -autrefois -autumn -autumnal -autumnally -autumnian -autumnity -Autunian -autunite -auxamylase -auxanogram -auxanology -auxanometer -auxesis -auxetic -auxetical -auxetically -auxiliar -auxiliarly -auxiliary -auxiliate -auxiliation -auxiliator -auxiliatory -auxilium -auximone -auxin -auxinic -auxinically -auxoaction -auxoamylase -auxoblast -auxobody -auxocardia -auxochrome -auxochromic -auxochromism -auxochromous -auxocyte -auxoflore -auxofluor -auxograph -auxographic -auxohormone -auxology -auxometer -auxospore -auxosubstance -auxotonic -auxotox -ava -avadana -avadavat -avadhuta -avahi -avail -availability -available -availableness -availably -availingly -availment -aval -avalanche -avalent -avalvular -Avanguardisti -avania -avanious -Avanti -avanturine -Avar -Avaradrano -avaremotemo -Avarian -avarice -avaricious -avariciously -avariciousness -Avarish -Avars -avascular -avast -avaunt -Ave -ave -avellan -avellane -avellaneous -avellano -avelonge -aveloz -Avena -avenaceous -avenage -avenalin -avener -avenge -avengeful -avengement -avenger -avengeress -avenging -avengingly -avenin -avenolith -avenous -avens -aventail -Aventine -aventurine -avenue -aver -avera -average -averagely -averager -averah -averil -averin -averment -Avernal -Avernus -averrable -averral -Averrhoa -Averroism -Averroist -Averroistic -averruncate -averruncation -averruncator -aversant -aversation -averse -aversely -averseness -aversion -aversive -avert -avertable -averted -avertedly -averter -avertible -Avertin -Avery -Aves -Avesta -Avestan -avian -avianization -avianize -aviarist -aviary -aviate -aviatic -aviation -aviator -aviatorial -aviatoriality -aviatory -aviatress -aviatrices -aviatrix -Avicennia -Avicenniaceae -Avicennism -avichi -avicide -avick -avicolous -Avicula -avicular -Avicularia -avicularia -avicularian -Aviculariidae -Avicularimorphae -avicularium -Aviculidae -aviculture -aviculturist -avid -avidious -avidiously -avidity -avidly -avidous -avidya -avifauna -avifaunal -avigate -avigation -avigator -Avignonese -avijja -Avikom -avine -aviolite -avirulence -avirulent -Avis -aviso -avital -avitaminosis -avitaminotic -avitic -avives -avizandum -avo -avocado -avocate -avocation -avocative -avocatory -avocet -avodire -avogadrite -avoid -avoidable -avoidably -avoidance -avoider -avoidless -avoidment -avoirdupois -avolate -avolation -avolitional -avondbloem -avouch -avouchable -avoucher -avouchment -avourneen -avow -avowable -avowableness -avowably -avowal -avowance -avowant -avowed -avowedly -avowedness -avower -avowry -avoyer -avoyership -Avshar -avulse -avulsion -avuncular -avunculate -aw -awa -Awabakal -awabi -Awadhi -awaft -awag -await -awaiter -Awaitlala -awakable -awake -awaken -awakenable -awakener -awakening -awakeningly -awakenment -awald -awalim -awalt -Awan -awane -awanting -awapuhi -award -awardable -awarder -awardment -aware -awaredom -awareness -awaruite -awash -awaste -awat -awatch -awater -awave -away -awayness -awber -awd -awe -awearied -aweary -aweather -aweband -awedness -awee -aweek -aweel -aweigh -Awellimiden -awesome -awesomely -awesomeness -awest -aweto -awfu -awful -awfully -awfulness -awheel -awheft -awhet -awhile -awhir -awhirl -awide -awiggle -awikiwiki -awin -awing -awink -awiwi -awkward -awkwardish -awkwardly -awkwardness -awl -awless -awlessness -awlwort -awmous -awn -awned -awner -awning -awninged -awnless -awnlike -awny -awoke -Awol -awork -awreck -awrist -awrong -awry -Awshar -ax -axal -axbreaker -axe -axed -Axel -axenic -axes -axfetch -axhammer -axhammered -axhead -axial -axiality -axially -axiate -axiation -Axifera -axiform -axifugal -axil -axile -axilemma -axilemmata -axilla -axillae -axillant -axillar -axillary -axine -axinite -axinomancy -axiolite -axiolitic -axiological -axiologically -axiologist -axiology -axiom -axiomatic -axiomatical -axiomatically -axiomatization -axiomatize -axion -axiopisty -Axis -axis -axised -axisymmetric -axisymmetrical -axite -axle -axled -axlesmith -axletree -axmaker -axmaking -axman -axmanship -axmaster -Axminster -axodendrite -axofugal -axogamy -axoid -axoidean -axolemma -axolotl -axolysis -axometer -axometric -axometry -axon -axonal -axoneure -axoneuron -Axonia -Axonolipa -axonolipous -axonometric -axonometry -Axonophora -axonophorous -Axonopus -axonost -axopetal -axophyte -axoplasm -axopodia -axopodium -axospermous -axostyle -axseed -axstone -axtree -Axumite -axunge -axweed -axwise -axwort -Ay -ay -ayacahuite -ayah -Ayahuca -Aydendron -aye -ayegreen -ayelp -ayenbite -ayin -Aylesbury -ayless -aylet -ayllu -Aymara -Aymaran -Aymoro -ayond -ayont -ayous -Ayrshire -Aythya -ayu -Ayubite -Ayyubid -azadrachta -azafrin -Azalea -azalea -Azande -azarole -azedarach -azelaic -azelate -Azelfafage -azeotrope -azeotropic -azeotropism -azeotropy -Azerbaijanese -Azerbaijani -Azerbaijanian -Azha -azide -aziethane -Azilian -azilut -Azimech -azimene -azimethylene -azimide -azimine -azimino -aziminobenzene -azimuth -azimuthal -azimuthally -azine -aziola -azlactone -azo -azobacter -azobenzene -azobenzil -azobenzoic -azobenzol -azoblack -azoch -azocochineal -azocoralline -azocorinth -azocyanide -azocyclic -azodicarboxylic -azodiphenyl -azodisulphonic -azoeosin -azoerythrin -azofication -azofier -azoflavine -azoformamide -azoformic -azofy -azogallein -azogreen -azogrenadine -azohumic -azoic -azoimide -azoisobutyronitrile -azole -azolitmin -Azolla -azomethine -azon -azonal -azonaphthalene -azonic -azonium -azoospermia -azoparaffin -azophen -azophenetole -azophenine -azophenol -azophenyl -azophenylene -azophosphin -azophosphore -azoprotein -Azorian -azorite -azorubine -azosulphine -azosulphonic -azotate -azote -azoted -azotemia -azotenesis -azotetrazole -azoth -azothionium -azotic -azotine -azotite -azotize -Azotobacter -Azotobacterieae -azotoluene -azotometer -azotorrhoea -azotous -azoturia -azovernine -azox -azoxazole -azoxime -azoxine -azoxonium -azoxy -azoxyanisole -azoxybenzene -azoxybenzoic -azoxynaphthalene -azoxyphenetole -azoxytoluidine -Aztec -Azteca -azteca -Aztecan -azthionium -azulene -azulite -azulmic -azumbre -azure -azurean -azured -azureous -azurine -azurite -azurmalachite -azurous -azury -Azygobranchia -Azygobranchiata -azygobranchiate -azygomatous -azygos -azygosperm -azygospore -azygous -azyme -azymite -azymous -B -b -ba -baa -baahling -Baal -baal -Baalath -Baalish -Baalism -Baalist -Baalite -Baalitical -Baalize -Baalshem -baar -Bab -baba -babacoote -babai -babasco -babassu -babaylan -Babbie -Babbitt -babbitt -babbitter -Babbittess -Babbittian -Babbittism -Babbittry -babblative -babble -babblement -babbler -babblesome -babbling -babblingly -babblish -babblishly -babbly -babby -Babcock -babe -babehood -Babel -Babeldom -babelet -Babelic -babelike -Babelish -Babelism -Babelize -babery -babeship -Babesia -babesiasis -Babhan -Babi -Babiana -babiche -babied -Babiism -babillard -Babine -babingtonite -babirusa -babish -babished -babishly -babishness -Babism -Babist -Babite -bablah -babloh -baboen -Babongo -baboo -baboodom -babooism -baboon -baboonery -baboonish -baboonroot -baboot -babouche -Babouvism -Babouvist -babroot -Babs -babu -Babua -babudom -babuina -babuism -babul -Babuma -Babungera -babushka -baby -babydom -babyfied -babyhood -babyhouse -babyish -babyishly -babyishness -babyism -babylike -Babylon -Babylonian -Babylonic -Babylonish -Babylonism -Babylonite -Babylonize -babyolatry -babyship -bac -bacaba -bacach -bacalao -bacao -bacbakiri -bacca -baccaceous -baccae -baccalaurean -baccalaureate -baccara -baccarat -baccate -baccated -Bacchae -bacchanal -Bacchanalia -bacchanalian -bacchanalianism -bacchanalianly -bacchanalism -bacchanalization -bacchanalize -bacchant -bacchante -bacchantes -bacchantic -bacchar -baccharis -baccharoid -baccheion -bacchiac -bacchian -Bacchic -bacchic -Bacchical -Bacchides -bacchii -bacchius -Bacchus -Bacchuslike -bacciferous -bacciform -baccivorous -bach -Bacharach -bache -bachel -bachelor -bachelordom -bachelorhood -bachelorism -bachelorize -bachelorlike -bachelorly -bachelorship -bachelorwise -bachelry -Bachichi -Bacillaceae -bacillar -Bacillariaceae -bacillariaceous -Bacillariales -Bacillarieae -Bacillariophyta -bacillary -bacillemia -bacilli -bacillian -bacillicidal -bacillicide -bacillicidic -bacilliculture -bacilliform -bacilligenic -bacilliparous -bacillite -bacillogenic -bacillogenous -bacillophobia -bacillosis -bacilluria -bacillus -Bacis -bacitracin -back -backache -backaching -backachy -backage -backband -backbearing -backbencher -backbite -backbiter -backbitingly -backblow -backboard -backbone -backboned -backboneless -backbonelessness -backbrand -backbreaker -backbreaking -backcap -backcast -backchain -backchat -backcourt -backcross -backdoor -backdown -backdrop -backed -backen -backer -backet -backfall -backfatter -backfield -backfill -backfiller -backfilling -backfire -backfiring -backflap -backflash -backflow -backfold -backframe -backfriend -backfurrow -backgame -backgammon -background -backhand -backhanded -backhandedly -backhandedness -backhander -backhatch -backheel -backhooker -backhouse -backie -backiebird -backing -backjaw -backjoint -backlands -backlash -backlashing -backless -backlet -backlings -backlog -backlotter -backmost -backpedal -backpiece -backplate -backrope -backrun -backsaw -backscraper -backset -backsetting -backsettler -backshift -backside -backsight -backslap -backslapper -backslapping -backslide -backslider -backslidingness -backspace -backspacer -backspang -backspier -backspierer -backspin -backspread -backspringing -backstaff -backstage -backstamp -backstay -backster -backstick -backstitch -backstone -backstop -backstrap -backstretch -backstring -backstrip -backstroke -backstromite -backswept -backswing -backsword -backswording -backswordman -backswordsman -backtack -backtender -backtenter -backtrack -backtracker -backtrick -backup -backveld -backvelder -backwall -backward -backwardation -backwardly -backwardness -backwards -backwash -backwasher -backwashing -backwater -backwatered -backway -backwood -backwoods -backwoodsiness -backwoodsman -backwoodsy -backword -backworm -backwort -backyarder -baclin -bacon -baconer -Baconian -Baconianism -Baconic -Baconism -Baconist -baconize -baconweed -bacony -Bacopa -bacteremia -bacteria -Bacteriaceae -bacteriaceous -bacterial -bacterially -bacterian -bacteric -bactericholia -bactericidal -bactericide -bactericidin -bacterid -bacteriemia -bacteriform -bacterin -bacterioagglutinin -bacterioblast -bacteriocyte -bacteriodiagnosis -bacteriofluorescin -bacteriogenic -bacteriogenous -bacteriohemolysin -bacterioid -bacterioidal -bacteriologic -bacteriological -bacteriologically -bacteriologist -bacteriology -bacteriolysin -bacteriolysis -bacteriolytic -bacteriolyze -bacteriopathology -bacteriophage -bacteriophagia -bacteriophagic -bacteriophagous -bacteriophagy -bacteriophobia -bacterioprecipitin -bacterioprotein -bacteriopsonic -bacteriopsonin -bacteriopurpurin -bacterioscopic -bacterioscopical -bacterioscopically -bacterioscopist -bacterioscopy -bacteriosis -bacteriosolvent -bacteriostasis -bacteriostat -bacteriostatic -bacteriotherapeutic -bacteriotherapy -bacteriotoxic -bacteriotoxin -bacteriotropic -bacteriotropin -bacteriotrypsin -bacterious -bacteritic -bacterium -bacteriuria -bacterization -bacterize -bacteroid -bacteroidal -Bacteroideae -Bacteroides -Bactrian -Bactris -Bactrites -bactriticone -bactritoid -bacula -bacule -baculi -baculiferous -baculiform -baculine -baculite -Baculites -baculitic -baculiticone -baculoid -baculum -baculus -bacury -bad -Badaga -badan -Badarian -badarrah -Badawi -baddeleyite -badderlocks -baddish -baddishly -baddishness -baddock -bade -badenite -badge -badgeless -badgeman -badger -badgerbrush -badgerer -badgeringly -badgerlike -badgerly -badgerweed -badiaga -badian -badigeon -badinage -badious -badland -badlands -badly -badminton -badness -Badon -Baduhenna -bae -Baedeker -Baedekerian -Baeria -baetuli -baetulus -baetyl -baetylic -baetylus -baetzner -bafaro -baff -baffeta -baffle -bafflement -baffler -baffling -bafflingly -bafflingness -baffy -baft -bafta -Bafyot -bag -baga -Baganda -bagani -bagasse -bagataway -bagatelle -bagatine -bagattini -bagattino -Bagaudae -Bagdad -Bagdi -bagel -bagful -baggage -baggageman -baggagemaster -baggager -baggala -bagganet -Baggara -bagged -bagger -baggie -baggily -bagginess -bagging -baggit -baggy -Bagheli -baghouse -Baginda -Bagirmi -bagleaves -baglike -bagmaker -bagmaking -bagman -bagnio -bagnut -bago -Bagobo -bagonet -bagpipe -bagpiper -bagpipes -bagplant -bagrationite -bagre -bagreef -bagroom -baguette -bagwig -bagwigged -bagworm -bagwyn -bah -Bahai -Bahaism -Bahaist -Baham -Bahama -Bahamian -bahan -bahar -Bahaullah -bahawder -bahay -bahera -bahiaite -Bahima -bahisti -Bahmani -Bahmanid -bahnung -baho -bahoe -bahoo -baht -Bahuma -bahur -bahut -Bahutu -bahuvrihi -Baianism -baidarka -Baidya -Baiera -baiginet -baignet -baikalite -baikerinite -baikerite -baikie -bail -bailable -bailage -bailee -bailer -bailey -bailie -bailiery -bailieship -bailiff -bailiffry -bailiffship -bailiwick -bailliage -baillone -Baillonella -bailment -bailor -bailpiece -bailsman -bailwood -bain -bainie -Baining -baioc -baiocchi -baiocco -bairagi -Bairam -bairn -bairnie -bairnish -bairnishness -bairnliness -bairnly -bairnteam -bairntime -bairnwort -Bais -Baisakh -baister -bait -baiter -baith -baittle -baitylos -baize -bajada -bajan -Bajardo -bajarigar -Bajau -Bajocian -bajra -bajree -bajri -bajury -baka -Bakairi -bakal -Bakalai -Bakalei -Bakatan -bake -bakeboard -baked -bakehouse -Bakelite -bakelite -bakelize -baken -bakeoven -bakepan -baker -bakerdom -bakeress -bakerite -bakerless -bakerly -bakership -bakery -bakeshop -bakestone -Bakhtiari -bakie -baking -bakingly -bakli -Bakongo -Bakshaish -baksheesh -baktun -Baku -baku -Bakuba -bakula -Bakunda -Bakuninism -Bakuninist -bakupari -Bakutu -Bakwiri -Bal -bal -Bala -Balaam -Balaamite -Balaamitical -balachong -balaclava -baladine -Balaena -Balaenicipites -balaenid -Balaenidae -balaenoid -Balaenoidea -balaenoidean -Balaenoptera -Balaenopteridae -balafo -balagan -balaghat -balai -Balaic -Balak -Balaklava -balalaika -Balan -balance -balanceable -balanced -balancedness -balancelle -balanceman -balancement -balancer -balancewise -balancing -balander -balandra -balandrana -balaneutics -balangay -balanic -balanid -Balanidae -balaniferous -balanism -balanite -Balanites -balanitis -balanoblennorrhea -balanocele -Balanoglossida -Balanoglossus -balanoid -Balanophora -Balanophoraceae -balanophoraceous -balanophore -balanophorin -balanoplasty -balanoposthitis -balanopreputial -Balanops -Balanopsidaceae -Balanopsidales -balanorrhagia -Balanta -Balante -balantidial -balantidiasis -balantidic -balantidiosis -Balantidium -Balanus -Balao -balao -Balarama -balas -balata -balatong -balatron -balatronic -balausta -balaustine -balaustre -Balawa -Balawu -balboa -balbriggan -balbutiate -balbutient -balbuties -balconet -balconied -balcony -bald -baldachin -baldachined -baldachini -baldachino -baldberry -baldcrown -balden -balder -balderdash -baldhead -baldicoot -Baldie -baldish -baldling -baldly -baldmoney -baldness -baldpate -baldrib -baldric -baldricked -baldricwise -balductum -Baldwin -baldy -bale -Balearian -Balearic -Balearica -baleen -balefire -baleful -balefully -balefulness -balei -baleise -baleless -baler -balete -Bali -bali -balibago -Balija -Balilla -baline -Balinese -balinger -balinghasay -balisaur -balistarius -Balistes -balistid -Balistidae -balistraria -balita -balk -Balkan -Balkanic -Balkanization -Balkanize -Balkar -balker -balkingly -Balkis -balky -ball -ballad -ballade -balladeer -ballader -balladeroyal -balladic -balladical -balladier -balladism -balladist -balladize -balladlike -balladling -balladmonger -balladmongering -balladry -balladwise -ballahoo -ballam -ballan -ballant -ballast -ballastage -ballaster -ballasting -ballata -ballate -ballatoon -balldom -balled -baller -ballerina -ballet -balletic -balletomane -Ballhausplatz -balli -ballist -ballista -ballistae -ballistic -ballistically -ballistician -ballistics -Ballistite -ballistocardiograph -ballium -ballmine -ballogan -ballonet -balloon -balloonation -ballooner -balloonery -balloonet -balloonfish -balloonflower -balloonful -ballooning -balloonish -balloonist -balloonlike -ballot -Ballota -ballotade -ballotage -balloter -balloting -ballotist -ballottement -ballow -Ballplatz -ballplayer -ballproof -ballroom -ballstock -ballup -ballweed -bally -ballyhack -ballyhoo -ballyhooer -ballywack -ballywrack -balm -balmacaan -Balmarcodes -Balmawhapple -balmily -balminess -balmlike -balmony -Balmoral -balmy -balneal -balneary -balneation -balneatory -balneographer -balneography -balneologic -balneological -balneologist -balneology -balneophysiology -balneotechnics -balneotherapeutics -balneotherapia -balneotherapy -Balnibarbi -Baloch -Baloghia -Balolo -balonea -baloney -baloo -Balopticon -Balor -Baloskion -Baloskionaceae -balow -balsa -balsam -balsamation -Balsamea -Balsameaceae -balsameaceous -balsamer -balsamic -balsamical -balsamically -balsamiferous -balsamina -Balsaminaceae -balsaminaceous -balsamine -balsamitic -balsamiticness -balsamize -balsamo -Balsamodendron -Balsamorrhiza -balsamous -balsamroot -balsamum -balsamweed -balsamy -Balt -baltei -balter -balteus -Balthasar -Balti -Baltic -Baltimore -Baltimorean -baltimorite -Baltis -balu -Baluba -Baluch -Baluchi -Baluchistan -baluchithere -baluchitheria -Baluchitherium -baluchitherium -Baluga -Balunda -balushai -baluster -balustered -balustrade -balustraded -balustrading -balut -balwarra -balza -Balzacian -balzarine -bam -Bamalip -Bamangwato -bamban -Bambara -bambini -bambino -bambocciade -bamboo -bamboozle -bamboozlement -bamboozler -Bambos -bamboula -Bambuba -Bambusa -Bambuseae -Bambute -bamoth -Ban -ban -Bana -banaba -banago -banak -banakite -banal -banality -banally -banana -Bananaland -Bananalander -Banande -bananist -bananivorous -banat -Banate -banatite -banausic -Banba -Banbury -banc -banca -bancal -banchi -banco -bancus -band -Banda -banda -bandage -bandager -bandagist -bandaite -bandaka -bandala -bandalore -bandanna -bandannaed -bandar -bandarlog -bandbox -bandboxical -bandboxy -bandcase -bandcutter -bande -bandeau -banded -bandelet -bander -Banderma -banderole -bandersnatch -bandfish -bandhava -bandhook -Bandhor -bandhu -bandi -bandicoot -bandicoy -bandie -bandikai -bandiness -banding -bandit -banditism -banditry -banditti -bandle -bandless -bandlessly -bandlessness -bandlet -bandman -bandmaster -bando -bandog -bandoleer -bandoleered -bandoline -bandonion -Bandor -bandore -bandrol -bandsman -bandstand -bandster -bandstring -Bandusia -Bandusian -bandwork -bandy -bandyball -bandyman -bane -baneberry -baneful -banefully -banefulness -banewort -Banff -bang -banga -Bangala -bangalay -bangalow -Bangash -bangboard -bange -banger -banghy -Bangia -Bangiaceae -bangiaceous -Bangiales -banging -bangkok -bangle -bangled -bangling -bangster -bangtail -Bangwaketsi -bani -banian -banig -banilad -banish -banisher -banishment -banister -Baniva -baniwa -baniya -banjo -banjoist -banjore -banjorine -banjuke -bank -bankable -Bankalachi -bankbook -banked -banker -bankera -bankerdom -bankeress -banket -bankfull -banking -bankman -bankrider -bankrupt -bankruptcy -bankruptism -bankruptlike -bankruptly -bankruptship -bankrupture -bankshall -Banksia -Banksian -bankside -banksman -bankweed -banky -banner -bannered -bannerer -banneret -bannerfish -bannerless -bannerlike -bannerman -bannerol -bannerwise -bannet -banning -bannister -Bannock -bannock -Bannockburn -banns -bannut -banovina -banquet -banqueteer -banqueteering -banqueter -banquette -bansalague -banshee -banstickle -bant -Bantam -bantam -bantamize -bantamweight -bantay -bantayan -banteng -banter -banterer -banteringly -bantery -Bantingism -bantingize -bantling -Bantoid -Bantu -banty -banuyo -banxring -banya -Banyai -banyan -Banyoro -Banyuls -banzai -baobab -bap -Baphia -Baphomet -Baphometic -Baptanodon -Baptisia -baptisin -baptism -baptismal -baptismally -Baptist -baptistery -baptistic -baptizable -baptize -baptizee -baptizement -baptizer -Baptornis -bar -bara -barabara -barabora -Barabra -Baraca -barad -baragnosis -baragouin -baragouinish -Baraithas -barajillo -Baralipton -Baramika -barandos -barangay -barasingha -barathea -barathra -barathrum -barauna -barb -Barbacoa -Barbacoan -barbacou -Barbadian -Barbados -barbal -barbaloin -Barbara -barbaralalia -Barbarea -barbaresque -Barbarian -barbarian -barbarianism -barbarianize -barbaric -barbarical -barbarically -barbarious -barbariousness -barbarism -barbarity -barbarization -barbarize -barbarous -barbarously -barbarousness -Barbary -barbary -barbas -barbasco -barbastel -barbate -barbated -barbatimao -barbe -barbecue -barbed -barbeiro -barbel -barbellate -barbellula -barbellulate -barber -barberess -barberfish -barberish -barberry -barbershop -barbet -barbette -Barbeyaceae -barbican -barbicel -barbigerous -barbion -barbital -barbitalism -barbiton -barbitone -barbitos -barbiturate -barbituric -barbless -barblet -barbone -barbotine -Barbra -barbudo -Barbula -barbulate -barbule -barbulyie -barbwire -Barcan -barcarole -barcella -barcelona -Barcoo -bard -bardane -bardash -bardcraft -bardel -Bardesanism -Bardesanist -Bardesanite -bardess -bardic -bardie -bardiglio -bardily -bardiness -barding -bardish -bardism -bardlet -bardlike -bardling -bardo -Bardolater -Bardolatry -Bardolph -Bardolphian -bardship -Bardulph -bardy -Bare -bare -bareback -barebacked -bareboat -barebone -bareboned -bareca -barefaced -barefacedly -barefacedness -barefit -barefoot -barefooted -barehanded -barehead -bareheaded -bareheadedness -barelegged -barely -barenecked -bareness -barer -baresark -baresma -baretta -barff -barfish -barfly -barful -bargain -bargainee -bargainer -bargainor -bargainwise -bargander -barge -bargeboard -bargee -bargeer -bargeese -bargehouse -bargelike -bargeload -bargeman -bargemaster -barger -bargh -bargham -barghest -bargoose -Bari -bari -baria -baric -barid -barie -barile -barilla -baring -baris -barish -barit -barite -baritone -barium -bark -barkbound -barkcutter -barkeeper -barken -barkentine -barker -barkery -barkevikite -barkevikitic -barkey -barkhan -barking -barkingly -Barkinji -barkle -barkless -barklyite -barkometer -barkpeel -barkpeeler -barkpeeling -barksome -barky -barlafumble -barlafummil -barless -barley -barleybird -barleybreak -barleycorn -barleyhood -barleymow -barleysick -barling -barlock -barlow -barm -barmaid -barman -barmaster -barmbrack -barmcloth -Barmecidal -Barmecide -barmkin -barmote -barmskin -barmy -barmybrained -barn -Barnabas -Barnabite -Barnaby -barnacle -Barnard -barnard -barnbrack -Barnburner -Barney -barney -barnful -barnhardtite -barnman -barnstorm -barnstormer -barnstorming -Barnumism -Barnumize -barny -barnyard -Baroco -barocyclonometer -barodynamic -barodynamics -barognosis -barogram -barograph -barographic -baroi -barolo -barology -Barolong -barometer -barometric -barometrical -barometrically -barometrograph -barometrography -barometry -barometz -baromotor -baron -baronage -baroness -baronet -baronetage -baronetcy -baronethood -baronetical -baronetship -barong -Baronga -baronial -baronize -baronry -baronship -barony -Baroque -baroque -baroscope -baroscopic -baroscopical -Barosma -barosmin -barotactic -barotaxis -barotaxy -barothermograph -barothermohygrograph -baroto -Barotse -barouche -barouchet -Barouni -baroxyton -barpost -barquantine -barra -barrabkie -barrable -barrabora -barracan -barrack -barracker -barraclade -barracoon -barracouta -barracuda -barrad -barragan -barrage -barragon -barramunda -barramundi -barranca -barrandite -barras -barrator -barratrous -barratrously -barratry -barred -barrel -barrelage -barreled -barreler -barrelet -barrelful -barrelhead -barrelmaker -barrelmaking -barrelwise -barren -barrenly -barrenness -barrenwort -barrer -barret -Barrett -barrette -barretter -barricade -barricader -barricado -barrico -barrier -barriguda -barrigudo -barrikin -barriness -barring -Barrington -Barringtonia -Barrio -barrio -barrister -barristerial -barristership -barristress -barroom -barrow -barrowful -Barrowist -barrowman -barrulee -barrulet -barrulety -barruly -Barry -barry -Barsac -barse -barsom -Bart -bartender -bartending -barter -barterer -barth -barthite -bartholinitis -Bartholomean -Bartholomew -Bartholomewtide -Bartholomite -bartizan -bartizaned -Bartlemy -Bartlett -Barton -barton -Bartonella -Bartonia -Bartram -Bartramia -Bartramiaceae -Bartramian -Bartsia -baru -Baruch -Barundi -baruria -barvel -barwal -barway -barways -barwise -barwood -barycenter -barycentric -barye -baryecoia -baryglossia -barylalia -barylite -baryphonia -baryphonic -baryphony -barysilite -barysphere -baryta -barytes -barythymia -barytic -barytine -barytocalcite -barytocelestine -barytocelestite -baryton -barytone -barytophyllite -barytostrontianite -barytosulphate -bas -basal -basale -basalia -basally -basalt -basaltes -basaltic -basaltiform -basaltine -basaltoid -basanite -basaree -Bascology -bascule -base -baseball -baseballdom -baseballer -baseboard -baseborn -basebred -based -basehearted -baseheartedness -baselard -baseless -baselessly -baselessness -baselike -baseliner -Basella -Basellaceae -basellaceous -basely -baseman -basement -basementward -baseness -basenji -bases -bash -bashaw -bashawdom -bashawism -bashawship -bashful -bashfully -bashfulness -Bashilange -Bashkir -bashlyk -Bashmuric -basial -basialveolar -basiarachnitis -basiarachnoiditis -basiate -basiation -Basibracteolate -basibranchial -basibranchiate -basibregmatic -basic -basically -basichromatic -basichromatin -basichromatinic -basichromiole -basicity -basicranial -basicytoparaplastin -basidia -basidial -basidigital -basidigitale -basidiogenetic -basidiolichen -Basidiolichenes -basidiomycete -Basidiomycetes -basidiomycetous -basidiophore -basidiospore -basidiosporous -basidium -basidorsal -basifacial -basification -basifier -basifixed -basifugal -basify -basigamous -basigamy -basigenic -basigenous -basiglandular -basigynium -basihyal -basihyoid -Basil -basil -basilar -Basilarchia -basilary -basilateral -basilemma -basileus -Basilian -basilic -Basilica -basilica -Basilicae -basilical -basilican -basilicate -basilicon -Basilics -Basilidian -Basilidianism -basilinna -basiliscan -basiliscine -Basiliscus -basilisk -basilissa -Basilosauridae -Basilosaurus -basilweed -basilysis -basilyst -basimesostasis -basin -basinasal -basinasial -basined -basinerved -basinet -basinlike -basioccipital -basion -basiophitic -basiophthalmite -basiophthalmous -basiotribe -basiotripsy -basiparachromatin -basiparaplastin -basipetal -basiphobia -basipodite -basipoditic -basipterygial -basipterygium -basipterygoid -basiradial -basirhinal -basirostral -basis -basiscopic -basisphenoid -basisphenoidal -basitemporal -basiventral -basivertebral -bask -basker -Baskerville -basket -basketball -basketballer -basketful -basketing -basketmaker -basketmaking -basketry -basketware -basketwoman -basketwood -basketwork -basketworm -Baskish -Baskonize -Basoche -Basoga -basoid -Basoko -Basommatophora -basommatophorous -bason -Basongo -basophile -basophilia -basophilic -basophilous -basophobia -basos -basote -Basque -basque -basqued -basquine -bass -Bassa -Bassalia -Bassalian -bassan -bassanello -bassanite -bassara -bassarid -Bassaris -Bassariscus -bassarisk -basset -bassetite -bassetta -Bassia -bassie -bassine -bassinet -bassist -bassness -basso -bassoon -bassoonist -bassorin -bassus -basswood -Bast -bast -basta -Bastaard -Bastard -bastard -bastardism -bastardization -bastardize -bastardliness -bastardly -bastardy -baste -basten -baster -bastide -bastille -bastinade -bastinado -basting -bastion -bastionary -bastioned -bastionet -bastite -bastnasite -basto -baston -basurale -Basuto -Bat -bat -bataan -batad -Batak -batakan -bataleur -Batan -batara -batata -Batatas -batatilla -Batavi -Batavian -batch -batcher -bate -batea -bateau -bateaux -bated -Batekes -batel -bateman -batement -bater -Batetela -batfish -batfowl -batfowler -batfowling -Bath -bath -Bathala -bathe -batheable -bather -bathetic -bathflower -bathhouse -bathic -bathing -bathless -bathman -bathmic -bathmism -bathmotropic -bathmotropism -bathochromatic -bathochromatism -bathochrome -bathochromic -bathochromy -bathoflore -bathofloric -batholite -batholith -batholithic -batholitic -bathometer -Bathonian -bathophobia -bathorse -bathos -bathrobe -bathroom -bathroomed -bathroot -bathtub -bathukolpian -bathukolpic -bathvillite -bathwort -bathyal -bathyanesthesia -bathybian -bathybic -bathybius -bathycentesis -bathychrome -bathycolpian -bathycolpic -bathycurrent -bathyesthesia -bathygraphic -bathyhyperesthesia -bathyhypesthesia -bathylimnetic -bathylite -bathylith -bathylithic -bathylitic -bathymeter -bathymetric -bathymetrical -bathymetrically -bathymetry -bathyorographical -bathypelagic -bathyplankton -bathyseism -bathysmal -bathysophic -bathysophical -bathysphere -bathythermograph -Batidaceae -batidaceous -batik -batiker -batikulin -batikuling -bating -batino -Batis -batiste -batitinan -batlan -batlike -batling -batlon -batman -Batocrinidae -Batocrinus -Batodendron -batoid -Batoidei -Batoka -baton -Batonga -batonistic -batonne -batophobia -Batrachia -batrachian -batrachiate -Batrachidae -Batrachium -batrachoid -Batrachoididae -batrachophagous -Batrachophidia -batrachophobia -batrachoplasty -Batrachospermum -bats -batsman -batsmanship -batster -batswing -batt -Batta -batta -battailous -Battak -Battakhin -battalia -battalion -battarism -battarismus -battel -batteler -batten -battener -battening -batter -batterable -battercake -batterdock -battered -batterer -batterfang -batteried -batterman -battery -batteryman -battik -batting -battish -battle -battled -battledore -battlefield -battleful -battleground -battlement -battlemented -battleplane -battler -battleship -battlesome -battlestead -battlewagon -battleward -battlewise -battological -battologist -battologize -battology -battue -batty -batukite -batule -Batussi -Batwa -batwing -batyphone -batz -batzen -bauble -baublery -baubling -Baubo -bauch -bauchle -bauckie -bauckiebird -baud -baudekin -baudrons -Bauera -Bauhinia -baul -bauleah -Baume -baumhauerite -baun -bauno -Baure -bauson -bausond -bauta -bauxite -bauxitite -Bavarian -bavaroy -bavary -bavenite -baviaantje -Bavian -bavian -baviere -bavin -Bavius -bavoso -baw -bawarchi -bawbee -bawcock -bawd -bawdily -bawdiness -bawdry -bawdship -bawdyhouse -bawl -bawler -bawley -bawn -Bawra -bawtie -baxter -Baxterian -Baxterianism -baxtone -bay -Baya -baya -bayadere -bayal -bayamo -Bayard -bayard -bayardly -bayberry -baybolt -baybush -baycuru -bayed -bayeta -baygall -bayhead -bayish -bayldonite -baylet -baylike -bayman -bayness -Bayogoula -bayok -bayonet -bayoneted -bayoneteer -bayou -baywood -bazaar -baze -Bazigar -bazoo -bazooka -bazzite -bdellid -Bdellidae -bdellium -bdelloid -Bdelloida -Bdellostoma -Bdellostomatidae -Bdellostomidae -bdellotomy -Bdelloura -Bdellouridae -be -Bea -beach -beachcomb -beachcomber -beachcombing -beached -beachhead -beachlamar -beachless -beachman -beachmaster -beachward -beachy -beacon -beaconage -beaconless -beaconwise -bead -beaded -beader -beadflush -beadhouse -beadily -beadiness -beading -beadle -beadledom -beadlehood -beadleism -beadlery -beadleship -beadlet -beadlike -beadman -beadroll -beadrow -beadsman -beadswoman -beadwork -beady -Beagle -beagle -beagling -beak -beaked -beaker -beakerful -beakerman -beakermen -beakful -beakhead -beakiron -beaklike -beaky -beal -beala -bealing -beallach -bealtared -Bealtine -Bealtuinn -beam -beamage -beambird -beamed -beamer -beamfilling -beamful -beamhouse -beamily -beaminess -beaming -beamingly -beamish -beamless -beamlet -beamlike -beamman -beamsman -beamster -beamwork -beamy -bean -beanbag -beanbags -beancod -beanery -beanfeast -beanfeaster -beanfield -beanie -beano -beansetter -beanshooter -beanstalk -beant -beanweed -beany -beaproned -bear -bearable -bearableness -bearably -bearance -bearbaiter -bearbaiting -bearbane -bearberry -bearbind -bearbine -bearcoot -beard -bearded -bearder -beardie -bearding -beardless -beardlessness -beardom -beardtongue -beardy -bearer -bearess -bearfoot -bearherd -bearhide -bearhound -bearing -bearish -bearishly -bearishness -bearlet -bearlike -bearm -bearship -bearskin -beartongue -bearward -bearwood -bearwort -beast -beastbane -beastdom -beasthood -beastie -beastily -beastish -beastishness -beastlike -beastlily -beastliness -beastling -beastlings -beastly -beastman -beastship -beat -Beata -beata -beatable -beatae -beatee -beaten -beater -beaterman -beath -beatific -beatifical -beatifically -beatificate -beatification -beatify -beatinest -beating -beatitude -Beatrice -Beatrix -beatster -beatus -beau -Beauclerc -beaufin -Beaufort -beauish -beauism -Beaujolais -Beaumontia -Beaune -beaupere -beauseant -beauship -beauteous -beauteously -beauteousness -beauti -beautician -beautied -beautification -beautifier -beautiful -beautifully -beautifulness -beautify -beautihood -beauty -beautydom -beautyship -beaux -beaver -Beaverboard -beaverboard -beavered -beaverette -beaverish -beaverism -beaverite -beaverize -Beaverkill -beaverkin -beaverlike -beaverpelt -beaverroot -beaverteen -beaverwood -beavery -beback -bebait -beballed -bebang -bebannered -bebar -bebaron -bebaste -bebat -bebathe -bebatter -bebay -bebeast -bebed -bebeerine -bebeeru -bebelted -bebilya -bebite -bebization -beblain -beblear -bebled -bebless -beblister -beblood -bebloom -beblotch -beblubber -bebog -bebop -beboss -bebotch -bebothered -bebouldered -bebrave -bebreech -bebrine -bebrother -bebrush -bebump -bebusy -bebuttoned -becall -becalm -becalmment -becap -becard -becarpet -becarve -becassocked -becater -because -beccafico -becense -bechained -bechalk -bechance -becharm -bechase -bechatter -bechauffeur -becheck -becher -bechern -bechignoned -bechirp -Bechtler -Bechuana -becircled -becivet -Beck -beck -beckelite -becker -becket -Beckie -beckiron -beckon -beckoner -beckoning -beckoningly -Becky -beclad -beclamor -beclamour -beclang -beclart -beclasp -beclatter -beclaw -becloak -beclog -beclothe -becloud -beclout -beclown -becluster -becobweb -becoiffed -becollier -becolme -becolor -becombed -become -becomes -becoming -becomingly -becomingness -becomma -becompass -becompliment -becoom -becoresh -becost -becousined -becovet -becoward -becquerelite -becram -becramp -becrampon -becrawl -becreep -becrime -becrimson -becrinolined -becripple -becroak -becross -becrowd -becrown -becrush -becrust -becry -becudgel -becuffed -becuiba -becumber -becuna -becurl -becurry -becurse -becurtained -becushioned -becut -bed -bedabble -bedad -bedaggered -bedamn -bedamp -bedangled -bedare -bedark -bedarken -bedash -bedaub -bedawn -beday -bedaze -bedazement -bedazzle -bedazzlement -bedazzling -bedazzlingly -bedboard -bedbug -bedcap -bedcase -bedchair -bedchamber -bedclothes -bedcord -bedcover -bedded -bedder -bedding -bedead -bedeaf -bedeafen -bedebt -bedeck -bedecorate -bedeguar -bedel -beden -bedene -bedesman -bedevil -bedevilment -bedew -bedewer -bedewoman -bedfast -bedfellow -bedfellowship -bedflower -bedfoot -Bedford -bedframe -bedgery -bedgoer -bedgown -bediademed -bediamonded -bediaper -bedight -bedikah -bedim -bedimple -bedin -bedip -bedirt -bedirter -bedirty -bedismal -bedizen -bedizenment -bedkey -bedlam -bedlamer -Bedlamic -bedlamism -bedlamite -bedlamitish -bedlamize -bedlar -bedless -bedlids -bedmaker -bedmaking -bedman -bedmate -bedoctor -bedog -bedolt -bedot -bedote -Bedouin -Bedouinism -bedouse -bedown -bedoyo -bedpan -bedplate -bedpost -bedquilt -bedrabble -bedraggle -bedragglement -bedrail -bedral -bedrape -bedravel -bedrench -bedress -bedribble -bedrid -bedridden -bedriddenness -bedrift -bedright -bedrip -bedrivel -bedrizzle -bedrock -bedroll -bedroom -bedrop -bedrown -bedrowse -bedrug -bedscrew -bedsick -bedside -bedsite -bedsock -bedsore -bedspread -bedspring -bedstaff -bedstand -bedstaves -bedstead -bedstock -bedstraw -bedstring -bedtick -bedticking -bedtime -bedub -beduchess -beduck -beduke -bedull -bedumb -bedunce -bedunch -bedung -bedur -bedusk -bedust -bedwarf -bedway -bedways -bedwell -bedye -Bee -bee -beearn -beebread -beech -beechdrops -beechen -beechnut -beechwood -beechwoods -beechy -beedged -beedom -beef -beefeater -beefer -beefhead -beefheaded -beefily -beefin -beefiness -beefish -beefishness -beefless -beeflower -beefsteak -beeftongue -beefwood -beefy -beegerite -beehead -beeheaded -beeherd -beehive -beehouse -beeish -beeishness -beek -beekeeper -beekeeping -beekite -Beekmantown -beelbow -beelike -beeline -beelol -Beelzebub -Beelzebubian -Beelzebul -beeman -beemaster -been -beennut -beer -beerage -beerbachite -beerbibber -beerhouse -beerily -beeriness -beerish -beerishly -beermaker -beermaking -beermonger -beerocracy -Beerothite -beerpull -beery -bees -beest -beestings -beeswax -beeswing -beeswinged -beet -beeth -Beethovenian -Beethovenish -Beethovian -beetle -beetled -beetlehead -beetleheaded -beetler -beetlestock -beetlestone -beetleweed -beetmister -beetrave -beetroot -beetrooty -beety -beeve -beevish -beeware -beeway -beeweed -beewise -beewort -befall -befame -befamilied -befamine -befan -befancy -befanned -befathered -befavor -befavour -befeather -beferned -befetished -befetter -befezzed -befiddle -befilch -befile -befilleted -befilmed -befilth -befinger -befire -befist -befit -befitting -befittingly -befittingness -beflag -beflannel -beflap -beflatter -beflea -befleck -beflounce -beflour -beflout -beflower -beflum -befluster -befoam -befog -befool -befoolment -befop -before -beforehand -beforeness -beforested -beforetime -beforetimes -befortune -befoul -befouler -befoulment -befountained -befraught -befreckle -befreeze -befreight -befret -befriend -befriender -befriendment -befrill -befringe -befriz -befrocked -befrogged -befrounce -befrumple -befuddle -befuddlement -befuddler -befume -befurbelowed -befurred -beg -begabled -begad -begall -begani -begar -begari -begarlanded -begarnish -begartered -begash -begat -begaud -begaudy -begay -begaze -begeck -begem -beget -begettal -begetter -beggable -beggar -beggardom -beggarer -beggaress -beggarhood -beggarism -beggarlike -beggarliness -beggarly -beggarman -beggarweed -beggarwise -beggarwoman -beggary -Beggiatoa -Beggiatoaceae -beggiatoaceous -begging -beggingly -beggingwise -Beghard -begift -begiggle -begild -begin -beginger -beginner -beginning -begird -begirdle -beglad -beglamour -beglare -beglerbeg -beglerbeglic -beglerbegluc -beglerbegship -beglerbey -beglic -beglide -beglitter -beglobed -begloom -begloze -begluc -beglue -begnaw -bego -begob -begobs -begoggled -begohm -begone -begonia -Begoniaceae -begoniaceous -Begoniales -begorra -begorry -begotten -begottenness -begoud -begowk -begowned -begrace -begrain -begrave -begray -begrease -begreen -begrett -begrim -begrime -begrimer -begroan -begrown -begrudge -begrudgingly -begruntle -begrutch -begrutten -beguard -beguess -beguile -beguileful -beguilement -beguiler -beguiling -beguilingly -Beguin -Beguine -beguine -begulf -begum -begun -begunk -begut -behale -behalf -behallow -behammer -behap -behatted -behave -behavior -behavioral -behaviored -behaviorism -behaviorist -behavioristic -behavioristically -behead -beheadal -beheader -beheadlined -behear -behears -behearse -behedge -beheld -behelp -behemoth -behen -behenate -behenic -behest -behind -behinder -behindhand -behindsight -behint -behn -behold -beholdable -beholden -beholder -beholding -beholdingness -behoney -behoof -behooped -behoot -behoove -behooveful -behoovefully -behoovefulness -behooves -behooving -behoovingly -behorn -behorror -behowl -behung -behusband -behymn -behypocrite -beice -Beid -beige -being -beingless -beingness -beinked -beira -beisa -Beja -bejabers -bejade -bejan -bejant -bejaundice -bejazz -bejel -bejewel -bejezebel -bejig -bejuggle -bejumble -bekah -bekerchief -bekick -bekilted -beking -bekinkinite -bekiss -bekko -beknave -beknight -beknit -beknived -beknotted -beknottedly -beknottedness -beknow -beknown -Bel -bel -bela -belabor -belaced -beladle -belady -belage -belah -Belait -Belaites -belam -Belamcanda -belanda -belar -belard -belash -belate -belated -belatedly -belatedness -belatticed -belaud -belauder -belavendered -belay -belayer -belch -belcher -beld -beldam -beldamship -belderroot -belduque -beleaf -beleaguer -beleaguerer -beleaguerment -beleap -beleave -belecture -beledgered -belee -belemnid -belemnite -Belemnites -belemnitic -Belemnitidae -belemnoid -Belemnoidea -beletter -belfried -belfry -belga -Belgae -Belgian -Belgic -Belgophile -Belgrade -Belgravia -Belgravian -Belial -Belialic -Belialist -belibel -belick -belie -belief -beliefful -belieffulness -beliefless -belier -believability -believable -believableness -believe -believer -believing -believingly -belight -beliked -Belili -belimousined -Belinda -Belinuridae -Belinurus -belion -beliquor -Belis -belite -belitter -belittle -belittlement -belittler -belive -bell -Bella -Bellabella -Bellacoola -belladonna -bellarmine -Bellatrix -bellbind -bellbird -bellbottle -bellboy -belle -belled -belledom -Belleek -bellehood -belleric -Bellerophon -Bellerophontidae -belletrist -belletristic -bellflower -bellhanger -bellhanging -bellhop -bellhouse -bellicism -bellicose -bellicosely -bellicoseness -bellicosity -bellied -belliferous -belligerence -belligerency -belligerent -belligerently -belling -bellipotent -Bellis -bellite -bellmaker -bellmaking -bellman -bellmanship -bellmaster -bellmouth -bellmouthed -Bellona -Bellonian -bellonion -bellote -Bellovaci -bellow -bellower -bellows -bellowsful -bellowslike -bellowsmaker -bellowsmaking -bellowsman -bellpull -belltail -belltopper -belltopperdom -bellware -bellwaver -bellweed -bellwether -bellwind -bellwine -bellwood -bellwort -belly -bellyache -bellyband -bellyer -bellyfish -bellyflaught -bellyful -bellying -bellyland -bellylike -bellyman -bellypiece -bellypinch -beloam -beloeilite -beloid -belomancy -Belone -belonesite -belong -belonger -belonging -belonid -Belonidae -belonite -belonoid -belonosphaerite -belord -Belostoma -Belostomatidae -Belostomidae -belout -belove -beloved -below -belowstairs -belozenged -Belshazzar -Belshazzaresque -belsire -belt -Beltane -belted -Beltene -belter -Beltian -beltie -beltine -belting -Beltir -Beltis -beltmaker -beltmaking -beltman -belton -beltwise -Beluchi -Belucki -beluga -belugite -belute -belve -belvedere -Belverdian -bely -belying -belyingly -belzebuth -bema -bemad -bemadam -bemaddening -bemail -bemaim -bemajesty -beman -bemangle -bemantle -bemar -bemartyr -bemask -bemaster -bemat -bemata -bemaul -bemazed -Bemba -Bembecidae -Bembex -bemeal -bemean -bemedaled -bemedalled -bementite -bemercy -bemingle -beminstrel -bemire -bemirement -bemirror -bemirrorment -bemist -bemistress -bemitered -bemitred -bemix -bemoan -bemoanable -bemoaner -bemoaning -bemoaningly -bemoat -bemock -bemoil -bemoisten -bemole -bemolt -bemonster -bemoon -bemotto -bemoult -bemouth -bemuck -bemud -bemuddle -bemuddlement -bemuddy -bemuffle -bemurmur -bemuse -bemused -bemusedly -bemusement -bemusk -bemuslined -bemuzzle -Ben -ben -bena -benab -Benacus -bename -benami -benamidar -benasty -benben -bench -benchboard -bencher -benchership -benchfellow -benchful -benching -benchland -benchlet -benchman -benchwork -benchy -bencite -bend -benda -bendability -bendable -bended -bender -bending -bendingly -bendlet -bendsome -bendwise -bendy -bene -beneaped -beneath -beneception -beneceptive -beneceptor -benedicite -Benedict -benedict -Benedicta -Benedictine -Benedictinism -benediction -benedictional -benedictionary -benedictive -benedictively -benedictory -Benedictus -benedight -benefaction -benefactive -benefactor -benefactorship -benefactory -benefactress -benefic -benefice -beneficed -beneficeless -beneficence -beneficent -beneficential -beneficently -beneficial -beneficially -beneficialness -beneficiary -beneficiaryship -beneficiate -beneficiation -benefit -benefiter -beneighbored -Benelux -benempt -benempted -beneplacito -benet -Benetnasch -benettle -Beneventan -Beneventana -benevolence -benevolent -benevolently -benevolentness -benevolist -beng -Bengal -Bengalese -Bengali -Bengalic -bengaline -Bengola -Beni -beni -benight -benighted -benightedness -benighten -benighter -benightmare -benightment -benign -benignancy -benignant -benignantly -benignity -benignly -Benin -Benincasa -benison -benitoite -benj -Benjamin -benjamin -benjaminite -Benjamite -Benjy -benjy -Benkulen -benmost -benn -benne -bennel -Bennet -bennet -Bennettitaceae -bennettitaceous -Bennettitales -Bennettites -bennetweed -Benny -benny -beno -benorth -benote -bensel -bensh -benshea -benshee -benshi -Benson -bent -bentang -benthal -Benthamic -Benthamism -Benthamite -benthic -benthon -benthonic -benthos -Bentincks -bentiness -benting -Benton -bentonite -bentstar -bentwood -benty -Benu -benumb -benumbed -benumbedness -benumbing -benumbingly -benumbment -benward -benweed -benzacridine -benzal -benzalacetone -benzalacetophenone -benzalaniline -benzalazine -benzalcohol -benzalcyanhydrin -benzaldehyde -benzaldiphenyl -benzaldoxime -benzalethylamine -benzalhydrazine -benzalphenylhydrazone -benzalphthalide -benzamide -benzamido -benzamine -benzaminic -benzamino -benzanalgen -benzanilide -benzanthrone -benzantialdoxime -benzazide -benzazimide -benzazine -benzazole -benzbitriazole -benzdiazine -benzdifuran -benzdioxazine -benzdioxdiazine -benzdioxtriazine -Benzedrine -benzein -benzene -benzenediazonium -benzenoid -benzenyl -benzhydrol -benzhydroxamic -benzidine -benzidino -benzil -benzilic -benzimidazole -benziminazole -benzinduline -benzine -benzo -benzoate -benzoated -benzoazurine -benzobis -benzocaine -benzocoumaran -benzodiazine -benzodiazole -benzoflavine -benzofluorene -benzofulvene -benzofuran -benzofuroquinoxaline -benzofuryl -benzoglycolic -benzoglyoxaline -benzohydrol -benzoic -benzoid -benzoin -benzoinated -benzoiodohydrin -benzol -benzolate -benzole -benzolize -benzomorpholine -benzonaphthol -benzonitrile -benzonitrol -benzoperoxide -benzophenanthrazine -benzophenanthroline -benzophenazine -benzophenol -benzophenone -benzophenothiazine -benzophenoxazine -benzophloroglucinol -benzophosphinic -benzophthalazine -benzopinacone -benzopyran -benzopyranyl -benzopyrazolone -benzopyrylium -benzoquinoline -benzoquinone -benzoquinoxaline -benzosulphimide -benzotetrazine -benzotetrazole -benzothiazine -benzothiazole -benzothiazoline -benzothiodiazole -benzothiofuran -benzothiophene -benzothiopyran -benzotoluide -benzotriazine -benzotriazole -benzotrichloride -benzotrifuran -benzoxate -benzoxy -benzoxyacetic -benzoxycamphor -benzoxyphenanthrene -benzoyl -benzoylate -benzoylation -benzoylformic -benzoylglycine -benzpinacone -benzthiophen -benztrioxazine -benzyl -benzylamine -benzylic -benzylidene -benzylpenicillin -beode -Beothuk -Beothukan -Beowulf -bepaid -Bepaint -bepale -bepaper -beparch -beparody -beparse -bepart -bepaste -bepastured -bepat -bepatched -bepaw -bepearl -bepelt -bepen -bepepper -beperiwigged -bepester -bepewed -bephilter -bephrase -bepicture -bepiece -bepierce -bepile -bepill -bepillared -bepimple -bepinch -bepistoled -bepity -beplague -beplaided -beplaster -beplumed -bepommel -bepowder -bepraise -bepraisement -bepraiser -beprank -bepray -bepreach -bepress -bepretty -bepride -beprose -bepuddle -bepuff -bepun -bepurple -bepuzzle -bepuzzlement -bequalm -bequeath -bequeathable -bequeathal -bequeather -bequeathment -bequest -bequirtle -bequote -ber -berain -berairou -berakah -berake -berakoth -berapt -berascal -berat -berate -berattle -beraunite -beray -berbamine -Berber -Berberi -Berberian -berberid -Berberidaceae -berberidaceous -berberine -Berberis -berberry -Berchemia -Berchta -berdache -bere -Berean -bereason -bereave -bereavement -bereaven -bereaver -bereft -berend -Berengaria -Berengarian -Berengarianism -berengelite -Berenice -Bereshith -beresite -beret -berewick -berg -bergalith -Bergama -Bergamask -bergamiol -Bergamo -Bergamot -bergamot -bergander -bergaptene -berger -berghaan -berginization -berginize -berglet -bergschrund -Bergsonian -Bergsonism -bergut -bergy -bergylt -berhyme -Beri -beribanded -beribboned -beriberi -beriberic -beride -berigora -beringed -beringite -beringleted -berinse -berith -Berkeleian -Berkeleianism -Berkeleyism -Berkeleyite -berkelium -berkovets -berkowitz -Berkshire -berley -berlin -berline -Berliner -berlinite -Berlinize -berm -Bermuda -Bermudian -bermudite -Bern -Bernard -Bernardina -Bernardine -berne -Bernese -Bernice -Bernicia -bernicle -Bernie -Berninesque -Bernoullian -berobed -Beroe -Beroida -Beroidae -beroll -Berossos -berouged -beround -berrendo -berret -berri -berried -berrier -berrigan -berrugate -berry -berrybush -berryless -berrylike -berrypicker -berrypicking -berseem -berserk -berserker -Bersiamite -Bersil -Bert -Bertat -Berteroa -berth -Bertha -berthage -berthed -berther -berthierite -berthing -Berthold -Bertholletia -Bertie -Bertolonia -Bertram -bertram -Bertrand -bertrandite -bertrum -beruffed -beruffled -berust -bervie -berycid -Berycidae -beryciform -berycine -berycoid -Berycoidea -berycoidean -Berycoidei -Berycomorphi -beryl -berylate -beryllia -berylline -berylliosis -beryllium -berylloid -beryllonate -beryllonite -beryllosis -Berytidae -Beryx -berzelianite -berzeliite -bes -besa -besagne -besaiel -besaint -besan -besanctify -besauce -bescab -bescarf -bescatter -bescent -bescorch -bescorn -bescoundrel -bescour -bescourge -bescramble -bescrape -bescratch -bescrawl -bescreen -bescribble -bescurf -bescurvy -bescutcheon -beseam -besee -beseech -beseecher -beseeching -beseechingly -beseechingness -beseechment -beseem -beseeming -beseemingly -beseemingness -beseemliness -beseemly -beseen -beset -besetment -besetter -besetting -beshackle -beshade -beshadow -beshag -beshake -beshame -beshawled -beshear -beshell -beshield -beshine -beshiver -beshlik -beshod -beshout -beshow -beshower -beshrew -beshriek -beshrivel -beshroud -besiclometer -beside -besides -besiege -besieged -besiegement -besieger -besieging -besiegingly -besigh -besilver -besin -besing -besiren -besit -beslab -beslap -beslash -beslave -beslaver -besleeve -beslime -beslimer -beslings -beslipper -beslobber -beslow -beslubber -beslur -beslushed -besmear -besmearer -besmell -besmile -besmirch -besmircher -besmirchment -besmoke -besmooth -besmother -besmouch -besmudge -besmut -besmutch -besnare -besneer -besnivel -besnow -besnuff -besodden -besogne -besognier -besoil -besom -besomer -besonnet -besoot -besoothe -besoothement -besot -besotment -besotted -besottedly -besottedness -besotting -besottingly -besought -besoul -besour -bespangle -bespate -bespatter -bespatterer -bespatterment -bespawl -bespeak -bespeakable -bespeaker -bespecked -bespeckle -bespecklement -bespectacled -besped -bespeech -bespeed -bespell -bespelled -bespend -bespete -bespew -bespice -bespill -bespin -bespirit -bespit -besplash -besplatter -besplit -bespoke -bespoken -bespot -bespottedness -bespouse -bespout -bespray -bespread -besprent -besprinkle -besprinkler -bespurred -besputter -bespy -besqueeze -besquib -besra -Bess -Bessarabian -Besselian -Bessemer -bessemer -Bessemerize -bessemerize -Bessera -Bessi -Bessie -Bessy -best -bestab -bestain -bestamp -bestar -bestare -bestarve -bestatued -bestay -bestayed -bestead -besteer -bestench -bester -bestial -bestialism -bestialist -bestiality -bestialize -bestially -bestiarian -bestiarianism -bestiary -bestick -bestill -bestink -bestir -bestness -bestock -bestore -bestorm -bestove -bestow -bestowable -bestowage -bestowal -bestower -bestowing -bestowment -bestraddle -bestrapped -bestraught -bestraw -bestreak -bestream -bestrew -bestrewment -bestride -bestripe -bestrode -bestubbled -bestuck -bestud -besugar -besuit -besully -beswarm -besweatered -besweeten -beswelter -beswim -beswinge -beswitch -bet -Beta -beta -betacism -betacismus -betafite -betag -betail -betailor -betaine -betainogen -betalk -betallow -betangle -betanglement -betask -betassel -betatron -betattered -betaxed -betear -beteela -beteem -betel -Betelgeuse -Beth -beth -bethabara -bethankit -bethel -Bethesda -bethflower -bethink -Bethlehem -Bethlehemite -bethought -bethrall -bethreaten -bethroot -Bethuel -bethumb -bethump -bethunder -bethwack -Bethylidae -betide -betimber -betimes -betinge -betipple -betire -betis -betitle -betocsin -betoil -betoken -betokener -betone -betongue -Betonica -betony -betorcin -betorcinol -betoss -betowel -betowered -Betoya -Betoyan -betrace -betrail -betrample -betrap -betravel -betray -betrayal -betrayer -betrayment -betread -betrend -betrim -betrinket -betroth -betrothal -betrothed -betrothment -betrough -betrousered -betrumpet -betrunk -Betsey -Betsileos -Betsimisaraka -betso -Betsy -Betta -betted -better -betterer -bettergates -bettering -betterly -betterment -bettermost -betterness -betters -Bettina -Bettine -betting -bettong -bettonga -Bettongia -bettor -Betty -betty -betuckered -Betula -Betulaceae -betulaceous -betulin -betulinamaric -betulinic -betulinol -Betulites -beturbaned -betusked -betutor -betutored -betwattled -between -betweenbrain -betweenity -betweenmaid -betweenness -betweenwhiles -betwine -betwit -betwixen -betwixt -beudantite -Beulah -beuniformed -bevatron -beveil -bevel -beveled -beveler -bevelled -bevelment -bevenom -bever -beverage -Beverly -beverse -bevesseled -bevesselled -beveto -bevillain -bevined -bevoiled -bevomit -bevue -bevy -bewail -bewailable -bewailer -bewailing -bewailingly -bewailment -bewaitered -bewall -beware -bewash -bewaste -bewater -beweary -beweep -beweeper -bewelcome -bewelter -bewept -bewest -bewet -bewhig -bewhiskered -bewhisper -bewhistle -bewhite -bewhiten -bewidow -bewig -bewigged -bewilder -bewildered -bewilderedly -bewilderedness -bewildering -bewilderingly -bewilderment -bewimple -bewinged -bewinter -bewired -bewitch -bewitchedness -bewitcher -bewitchery -bewitchful -bewitching -bewitchingly -bewitchingness -bewitchment -bewith -bewizard -bework -beworm -beworn -beworry -beworship -bewrap -bewrathed -bewray -bewrayer -bewrayingly -bewrayment -bewreath -bewreck -bewrite -bey -beydom -beylic -beylical -beyond -beyrichite -beyship -Bezaleel -Bezaleelian -bezant -bezantee -bezanty -bezel -bezesteen -bezetta -bezique -bezoar -bezoardic -bezonian -Bezpopovets -bezzi -bezzle -bezzo -bhabar -Bhadon -Bhaga -bhagavat -bhagavata -bhaiachari -bhaiyachara -bhakta -bhakti -bhalu -bhandar -bhandari -bhang -bhangi -Bhar -bhara -bharal -Bharata -bhat -bhava -Bhavani -bheesty -bhikku -bhikshu -Bhil -Bhili -Bhima -Bhojpuri -bhoosa -Bhotia -Bhotiya -Bhowani -bhoy -Bhumij -bhungi -bhungini -bhut -Bhutanese -Bhutani -bhutatathata -Bhutia -biabo -biacetyl -biacetylene -biacid -biacromial -biacuminate -biacuru -bialate -biallyl -bialveolar -Bianca -Bianchi -bianchite -bianco -biangular -biangulate -biangulated -biangulous -bianisidine -biannual -biannually -biannulate -biarchy -biarcuate -biarcuated -biarticular -biarticulate -biarticulated -bias -biasness -biasteric -biaswise -biatomic -biauricular -biauriculate -biaxal -biaxial -biaxiality -biaxially -biaxillary -bib -bibacious -bibacity -bibasic -bibation -bibb -bibber -bibble -bibbler -bibbons -bibcock -bibenzyl -bibi -Bibio -bibionid -Bibionidae -bibiri -bibitory -Bible -bibless -Biblic -Biblical -Biblicality -Biblically -Biblicism -Biblicist -Biblicistic -Biblicolegal -Biblicoliterary -Biblicopsychological -biblioclasm -biblioclast -bibliofilm -bibliogenesis -bibliognost -bibliognostic -bibliogony -bibliograph -bibliographer -bibliographic -bibliographical -bibliographically -bibliographize -bibliography -biblioklept -bibliokleptomania -bibliokleptomaniac -bibliolater -bibliolatrous -bibliolatry -bibliological -bibliologist -bibliology -bibliomancy -bibliomane -bibliomania -bibliomaniac -bibliomaniacal -bibliomanian -bibliomanianism -bibliomanism -bibliomanist -bibliopegic -bibliopegist -bibliopegistic -bibliopegy -bibliophage -bibliophagic -bibliophagist -bibliophagous -bibliophile -bibliophilic -bibliophilism -bibliophilist -bibliophilistic -bibliophily -bibliophobia -bibliopolar -bibliopole -bibliopolery -bibliopolic -bibliopolical -bibliopolically -bibliopolism -bibliopolist -bibliopolistic -bibliopoly -bibliosoph -bibliotaph -bibliotaphic -bibliothec -bibliotheca -bibliothecal -bibliothecarial -bibliothecarian -bibliothecary -bibliotherapeutic -bibliotherapist -bibliotherapy -bibliothetic -bibliotic -bibliotics -bibliotist -Biblism -Biblist -biblus -biborate -bibracteate -bibracteolate -bibulosity -bibulous -bibulously -bibulousness -Bibulus -bicalcarate -bicameral -bicameralism -bicamerist -bicapitate -bicapsular -bicarbonate -bicarbureted -bicarinate -bicarpellary -bicarpellate -bicaudal -bicaudate -Bice -bice -bicellular -bicentenary -bicentennial -bicephalic -bicephalous -biceps -bicetyl -bichir -bichloride -bichord -bichromate -bichromatic -bichromatize -bichrome -bichromic -bichy -biciliate -biciliated -bicipital -bicipitous -bicircular -bicirrose -bick -bicker -bickerer -bickern -biclavate -biclinium -bicollateral -bicollaterality -bicolligate -bicolor -bicolored -bicolorous -biconcave -biconcavity -bicondylar -bicone -biconic -biconical -biconically -biconjugate -biconsonantal -biconvex -bicorn -bicornate -bicorne -bicorned -bicornous -bicornuate -bicornuous -bicornute -bicorporal -bicorporate -bicorporeal -bicostate -bicrenate -bicrescentic -bicrofarad -bicron -bicrural -bicursal -bicuspid -bicuspidate -bicyanide -bicycle -bicycler -bicyclic -bicyclism -bicyclist -bicyclo -bicycloheptane -bicylindrical -bid -bidactyl -bidactyle -bidactylous -bidar -bidarka -bidcock -biddable -biddableness -biddably -biddance -Biddelian -bidder -bidding -Biddulphia -Biddulphiaceae -Biddy -biddy -bide -Bidens -bident -bidental -bidentate -bidented -bidential -bidenticulate -bider -bidet -bidigitate -bidimensional -biding -bidirectional -bidiurnal -Bidpai -bidri -biduous -bieberite -Biedermeier -bield -bieldy -bielectrolysis -bielenite -Bielid -Bielorouss -bien -bienly -bienness -biennia -biennial -biennially -biennium -bier -bierbalk -biethnic -bietle -bifacial -bifanged -bifara -bifarious -bifariously -bifer -biferous -biff -biffin -bifid -bifidate -bifidated -bifidity -bifidly -bifilar -bifilarly -bifistular -biflabellate -biflagellate -biflecnode -biflected -biflex -biflorate -biflorous -bifluoride -bifocal -bifoil -bifold -bifolia -bifoliate -bifoliolate -bifolium -biforked -biform -biformed -biformity -biforous -bifront -bifrontal -bifronted -bifurcal -bifurcate -bifurcated -bifurcately -bifurcation -big -biga -bigamic -bigamist -bigamistic -bigamize -bigamous -bigamously -bigamy -bigarade -bigaroon -bigarreau -bigbloom -bigemina -bigeminal -bigeminate -bigeminated -bigeminum -bigener -bigeneric -bigential -bigeye -bigg -biggah -biggen -bigger -biggest -biggin -biggish -biggonet -bigha -bighead -bighearted -bigheartedness -bighorn -bight -biglandular -biglenoid -biglot -bigmouth -bigmouthed -bigness -Bignonia -Bignoniaceae -bignoniaceous -bignoniad -bignou -bigoniac -bigonial -bigot -bigoted -bigotedly -bigotish -bigotry -bigotty -bigroot -bigthatch -biguanide -biguttate -biguttulate -bigwig -bigwigged -bigwiggedness -bigwiggery -bigwiggism -Bihai -Biham -bihamate -Bihari -biharmonic -bihourly -bihydrazine -bija -bijasal -bijou -bijouterie -bijoux -bijugate -bijugular -bike -bikh -bikhaconitine -bikini -Bikol -Bikram -Bikukulla -Bilaan -bilabe -bilabial -bilabiate -bilalo -bilamellar -bilamellate -bilamellated -bilaminar -bilaminate -bilaminated -bilander -bilateral -bilateralism -bilaterality -bilaterally -bilateralness -Bilati -bilberry -bilbie -bilbo -bilboquet -bilby -bilch -bilcock -bildar -bilders -bile -bilestone -bilge -bilgy -Bilharzia -bilharzial -bilharziasis -bilharzic -bilharziosis -bilianic -biliary -biliate -biliation -bilic -bilicyanin -bilifaction -biliferous -bilification -bilifuscin -bilify -bilihumin -bilimbi -bilimbing -biliment -Bilin -bilinear -bilineate -bilingual -bilingualism -bilingually -bilinguar -bilinguist -bilinigrin -bilinite -bilio -bilious -biliously -biliousness -biliprasin -bilipurpurin -bilipyrrhin -bilirubin -bilirubinemia -bilirubinic -bilirubinuria -biliteral -biliteralism -bilith -bilithon -biliverdic -biliverdin -bilixanthin -bilk -bilker -Bill -bill -billa -billable -billabong -billback -billbeetle -Billbergia -billboard -billbroking -billbug -billed -biller -billet -billeter -billethead -billeting -billetwood -billety -billfish -billfold -billhead -billheading -billholder -billhook -billian -billiard -billiardist -billiardly -billiards -Billie -Billiken -billikin -billing -billingsgate -billion -billionaire -billionism -billionth -billitonite -Billjim -billman -billon -billot -billow -billowiness -billowy -billposter -billposting -billsticker -billsticking -Billy -billy -billyboy -billycan -billycock -billyer -billyhood -billywix -bilo -bilobated -bilobe -bilobed -bilobiate -bilobular -bilocation -bilocellate -bilocular -biloculate -Biloculina -biloculine -bilophodont -Biloxi -bilsh -Bilskirnir -bilsted -biltong -biltongue -Bim -bimaculate -bimaculated -bimalar -Bimana -bimanal -bimane -bimanous -bimanual -bimanually -bimarginate -bimarine -bimastic -bimastism -bimastoid -bimasty -bimaxillary -bimbil -Bimbisara -bimeby -bimensal -bimester -bimestrial -bimetalic -bimetallism -bimetallist -bimetallistic -bimillenary -bimillennium -bimillionaire -Bimini -Bimmeler -bimodal -bimodality -bimolecular -bimonthly -bimotored -bimotors -bimucronate -bimuscular -bin -binal -binaphthyl -binarium -binary -binate -binately -bination -binational -binaural -binauricular -binbashi -bind -binder -bindery -bindheimite -binding -bindingly -bindingness -bindle -bindlet -bindoree -bindweb -bindweed -bindwith -bindwood -bine -binervate -bineweed -bing -binge -bingey -binghi -bingle -bingo -bingy -binh -Bini -biniodide -Binitarian -Binitarianism -bink -binman -binna -binnacle -binning -binnite -binnogue -bino -binocle -binocular -binocularity -binocularly -binoculate -binodal -binode -binodose -binodous -binomenclature -binomial -binomialism -binomially -binominal -binominated -binominous -binormal -binotic -binotonous -binous -binoxalate -binoxide -bint -bintangor -binturong -binuclear -binucleate -binucleated -binucleolate -binukau -Binzuru -biobibliographical -biobibliography -bioblast -bioblastic -biocatalyst -biocellate -biocentric -biochemic -biochemical -biochemically -biochemics -biochemist -biochemistry -biochemy -biochore -bioclimatic -bioclimatology -biocoenose -biocoenosis -biocoenotic -biocycle -biod -biodynamic -biodynamical -biodynamics -biodyne -bioecologic -bioecological -bioecologically -bioecologist -bioecology -biogen -biogenase -biogenesis -biogenesist -biogenetic -biogenetical -biogenetically -biogenetics -biogenous -biogeny -biogeochemistry -biogeographic -biogeographical -biogeographically -biogeography -biognosis -biograph -biographee -biographer -biographic -biographical -biographically -biographist -biographize -biography -bioherm -biokinetics -biolinguistics -biolith -biologese -biologic -biological -biologically -biologicohumanistic -biologism -biologist -biologize -biology -bioluminescence -bioluminescent -biolysis -biolytic -biomagnetic -biomagnetism -biomathematics -biome -biomechanical -biomechanics -biometeorology -biometer -biometric -biometrical -biometrically -biometrician -biometricist -biometrics -biometry -biomicroscopy -bion -bionergy -bionomic -bionomical -bionomically -bionomics -bionomist -bionomy -biophagism -biophagous -biophagy -biophilous -biophore -biophotophone -biophysical -biophysicochemical -biophysics -biophysiography -biophysiological -biophysiologist -biophysiology -biophyte -bioplasm -bioplasmic -bioplast -bioplastic -bioprecipitation -biopsic -biopsy -biopsychic -biopsychical -biopsychological -biopsychologist -biopsychology -biopyribole -bioral -biorbital -biordinal -bioreaction -biorgan -bios -bioscope -bioscopic -bioscopy -biose -biosis -biosocial -biosociological -biosphere -biostatic -biostatical -biostatics -biostatistics -biosterin -biosterol -biostratigraphy -biosynthesis -biosynthetic -biosystematic -biosystematics -biosystematist -biosystematy -Biota -biota -biotaxy -biotechnics -biotic -biotical -biotics -biotin -biotite -biotitic -biotome -biotomy -biotope -biotype -biotypic -biovular -biovulate -bioxalate -bioxide -bipack -bipaleolate -Bipaliidae -Bipalium -bipalmate -biparasitic -biparental -biparietal -biparous -biparted -bipartible -bipartient -bipartile -bipartisan -bipartisanship -bipartite -bipartitely -bipartition -biparty -bipaschal -bipectinate -bipectinated -biped -bipedal -bipedality -bipedism -bipeltate -bipennate -bipennated -bipenniform -biperforate -bipersonal -bipetalous -biphase -biphasic -biphenol -biphenyl -biphenylene -bipinnaria -bipinnate -bipinnated -bipinnately -bipinnatifid -bipinnatiparted -bipinnatipartite -bipinnatisect -bipinnatisected -biplanal -biplanar -biplane -biplicate -biplicity -biplosion -biplosive -bipod -bipolar -bipolarity -bipolarize -Bipont -Bipontine -biporose -biporous -biprism -biprong -bipunctal -bipunctate -bipunctual -bipupillate -bipyramid -bipyramidal -bipyridine -bipyridyl -biquadrantal -biquadrate -biquadratic -biquarterly -biquartz -biquintile -biracial -biracialism -biradial -biradiate -biradiated -biramous -birational -birch -birchbark -birchen -birching -birchman -birchwood -bird -birdbander -birdbanding -birdbath -birdberry -birdcall -birdcatcher -birdcatching -birdclapper -birdcraft -birddom -birdeen -birder -birdglue -birdhood -birdhouse -birdie -birdikin -birding -birdland -birdless -birdlet -birdlike -birdlime -birdling -birdlore -birdman -birdmouthed -birdnest -birdnester -birdseed -birdstone -birdweed -birdwise -birdwoman -birdy -birectangular -birefracting -birefraction -birefractive -birefringence -birefringent -bireme -biretta -Birgus -biri -biriba -birimose -birk -birken -Birkenhead -Birkenia -Birkeniidae -birkie -birkremite -birl -birle -birler -birlie -birlieman -birlinn -birma -Birmingham -Birminghamize -birn -birny -Biron -birostrate -birostrated -birotation -birotatory -birr -birse -birsle -birsy -birth -birthbed -birthday -birthland -birthless -birthmark -birthmate -birthnight -birthplace -birthright -birthroot -birthstone -birthstool -birthwort -birthy -bis -bisabol -bisaccate -bisacromial -bisalt -Bisaltae -bisantler -bisaxillary -bisbeeite -biscacha -Biscanism -Biscayan -Biscayanism -biscayen -Biscayner -bischofite -biscotin -biscuit -biscuiting -biscuitlike -biscuitmaker -biscuitmaking -biscuitroot -biscuitry -bisdiapason -bisdimethylamino -bisect -bisection -bisectional -bisectionally -bisector -bisectrices -bisectrix -bisegment -biseptate -biserial -biserially -biseriate -biseriately -biserrate -bisetose -bisetous -bisexed -bisext -bisexual -bisexualism -bisexuality -bisexually -bisexuous -bisglyoxaline -Bishareen -Bishari -Bisharin -bishop -bishopdom -bishopess -bishopful -bishophood -bishopless -bishoplet -bishoplike -bishopling -bishopric -bishopship -bishopweed -bisiliac -bisilicate -bisiliquous -bisimine -bisinuate -bisinuation -bisischiadic -bisischiatic -Bisley -bislings -bismar -Bismarck -Bismarckian -Bismarckianism -bismarine -bismerpund -bismillah -bismite -Bismosol -bismuth -bismuthal -bismuthate -bismuthic -bismuthide -bismuthiferous -bismuthine -bismuthinite -bismuthite -bismuthous -bismuthyl -bismutite -bismutoplagionite -bismutosmaltite -bismutosphaerite -bisnaga -bison -bisonant -bisontine -bisphenoid -bispinose -bispinous -bispore -bisporous -bisque -bisquette -bissext -bissextile -bisson -bistate -bistephanic -bister -bistered -bistetrazole -bisti -bistipular -bistipulate -bistipuled -bistort -Bistorta -bistournage -bistoury -bistratal -bistratose -bistriate -bistriazole -bistro -bisubstituted -bisubstitution -bisulcate -bisulfid -bisulphate -bisulphide -bisulphite -bisyllabic -bisyllabism -bisymmetric -bisymmetrical -bisymmetrically -bisymmetry -bit -bitable -bitangent -bitangential -bitanhol -bitartrate -bitbrace -bitch -bite -bitemporal -bitentaculate -biter -biternate -biternately -bitesheep -bitewing -bitheism -Bithynian -biti -biting -bitingly -bitingness -Bitis -bitless -bito -bitolyl -bitonality -bitreadle -bitripartite -bitripinnatifid -bitriseptate -bitrochanteric -bitstock -bitstone -bitt -bitted -bitten -bitter -bitterbark -bitterblain -bitterbloom -bitterbur -bitterbush -bitterful -bitterhead -bitterhearted -bitterheartedness -bittering -bitterish -bitterishness -bitterless -bitterling -bitterly -bittern -bitterness -bitternut -bitterroot -bitters -bittersweet -bitterweed -bitterwood -bitterworm -bitterwort -bitthead -bittie -Bittium -bittock -bitty -bitubercular -bituberculate -bituberculated -Bitulithic -bitulithic -bitume -bitumed -bitumen -bituminate -bituminiferous -bituminization -bituminize -bituminoid -bituminous -bitwise -bityite -bitypic -biune -biunial -biunity -biunivocal -biurate -biurea -biuret -bivalence -bivalency -bivalent -bivalve -bivalved -Bivalvia -bivalvian -bivalvous -bivalvular -bivariant -bivariate -bivascular -bivaulted -bivector -biventer -biventral -biverbal -bivinyl -bivious -bivittate -bivocal -bivocalized -bivoltine -bivoluminous -bivouac -biwa -biweekly -biwinter -Bixa -Bixaceae -bixaceous -bixbyite -bixin -biyearly -biz -bizardite -bizarre -bizarrely -bizarreness -Bizen -bizet -bizonal -bizone -Bizonia -bizygomatic -bizz -Bjorne -blab -blabber -blabberer -blachong -black -blackacre -blackamoor -blackback -blackball -blackballer -blackband -Blackbeard -blackbelly -blackberry -blackbine -blackbird -blackbirder -blackbirding -blackboard -blackboy -blackbreast -blackbush -blackbutt -blackcap -blackcoat -blackcock -blackdamp -blacken -blackener -blackening -blacker -blacketeer -blackey -blackeyes -blackface -Blackfeet -blackfellow -blackfellows -blackfin -blackfire -blackfish -blackfisher -blackfishing -Blackfoot -blackfoot -Blackfriars -blackguard -blackguardism -blackguardize -blackguardly -blackguardry -Blackhander -blackhead -blackheads -blackheart -blackhearted -blackheartedness -blackie -blacking -blackish -blackishly -blackishness -blackit -blackjack -blackland -blackleg -blackleggery -blacklegism -blacklegs -blackly -blackmail -blackmailer -blackneb -blackneck -blackness -blacknob -blackout -blackpoll -blackroot -blackseed -blackshirted -blacksmith -blacksmithing -blackstick -blackstrap -blacktail -blackthorn -blacktongue -blacktree -blackwash -blackwasher -blackwater -blackwood -blackwork -blackwort -blacky -blad -bladder -bladderet -bladderless -bladderlike -bladdernose -bladdernut -bladderpod -bladderseed -bladderweed -bladderwort -bladdery -blade -bladebone -bladed -bladelet -bladelike -blader -bladesmith -bladewise -blading -bladish -blady -bladygrass -blae -blaeberry -blaeness -blaewort -blaff -blaffert -blaflum -blah -blahlaut -blain -Blaine -Blair -blair -blairmorite -Blake -blake -blakeberyed -blamable -blamableness -blamably -blame -blamed -blameful -blamefully -blamefulness -blameless -blamelessly -blamelessness -blamer -blameworthiness -blameworthy -blaming -blamingly -blan -blanc -blanca -blancard -Blanch -blanch -blancher -blanching -blanchingly -blancmange -blancmanger -blanco -bland -blanda -Blandfordia -blandiloquence -blandiloquious -blandiloquous -blandish -blandisher -blandishing -blandishingly -blandishment -blandly -blandness -blank -blankard -blankbook -blanked -blankeel -blanket -blanketed -blanketeer -blanketflower -blanketing -blanketless -blanketmaker -blanketmaking -blanketry -blanketweed -blankety -blanking -blankish -Blankit -blankite -blankly -blankness -blanky -blanque -blanquillo -blare -Blarina -blarney -blarneyer -blarnid -blarny -blart -blas -blase -blash -blashy -Blasia -blaspheme -blasphemer -blasphemous -blasphemously -blasphemousness -blasphemy -blast -blasted -blastema -blastemal -blastematic -blastemic -blaster -blastful -blasthole -blastid -blastie -blasting -blastment -blastocarpous -blastocheme -blastochyle -blastocoele -blastocolla -blastocyst -blastocyte -blastoderm -blastodermatic -blastodermic -blastodisk -blastogenesis -blastogenetic -blastogenic -blastogeny -blastogranitic -blastoid -Blastoidea -blastoma -blastomata -blastomere -blastomeric -Blastomyces -blastomycete -Blastomycetes -blastomycetic -blastomycetous -blastomycosis -blastomycotic -blastoneuropore -Blastophaga -blastophitic -blastophoral -blastophore -blastophoric -blastophthoria -blastophthoric -blastophyllum -blastoporal -blastopore -blastoporic -blastoporphyritic -blastosphere -blastospheric -blastostylar -blastostyle -blastozooid -blastplate -blastula -blastulae -blastular -blastulation -blastule -blasty -blat -blatancy -blatant -blatantly -blate -blately -blateness -blather -blatherer -blatherskite -blathery -blatjang -Blatta -blatta -Blattariae -blatter -blatterer -blatti -blattid -Blattidae -blattiform -Blattodea -blattoid -Blattoidea -blaubok -Blaugas -blauwbok -blaver -blaw -blawort -blay -Blayne -blaze -blazer -blazing -blazingly -blazon -blazoner -blazoning -blazonment -blazonry -blazy -bleaberry -bleach -bleachability -bleachable -bleached -bleacher -bleacherite -bleacherman -bleachery -bleachfield -bleachground -bleachhouse -bleaching -bleachman -bleachworks -bleachyard -bleak -bleakish -bleakly -bleakness -bleaky -blear -bleared -blearedness -bleareye -bleariness -blearness -bleary -bleat -bleater -bleating -bleatingly -bleaty -bleb -blebby -blechnoid -Blechnum -bleck -blee -bleed -bleeder -bleeding -bleekbok -bleery -bleeze -bleezy -blellum -blemish -blemisher -blemishment -Blemmyes -blench -blencher -blenching -blenchingly -blencorn -blend -blendcorn -blende -blended -blender -blending -blendor -blendure -blendwater -blennadenitis -blennemesis -blennenteria -blennenteritis -blenniid -Blenniidae -blenniiform -Blenniiformes -blennioid -Blennioidea -blennocele -blennocystitis -blennoemesis -blennogenic -blennogenous -blennoid -blennoma -blennometritis -blennophlogisma -blennophlogosis -blennophthalmia -blennoptysis -blennorrhagia -blennorrhagic -blennorrhea -blennorrheal -blennorrhinia -blennosis -blennostasis -blennostatic -blennothorax -blennotorrhea -blennuria -blenny -blennymenitis -blent -bleo -blephara -blepharadenitis -blepharal -blepharanthracosis -blepharedema -blepharelcosis -blepharemphysema -Blephariglottis -blepharism -blepharitic -blepharitis -blepharoadenitis -blepharoadenoma -blepharoatheroma -blepharoblennorrhea -blepharocarcinoma -Blepharocera -Blepharoceridae -blepharochalasis -blepharochromidrosis -blepharoclonus -blepharocoloboma -blepharoconjunctivitis -blepharodiastasis -blepharodyschroia -blepharohematidrosis -blepharolithiasis -blepharomelasma -blepharoncosis -blepharoncus -blepharophimosis -blepharophryplasty -blepharophthalmia -blepharophyma -blepharoplast -blepharoplastic -blepharoplasty -blepharoplegia -blepharoptosis -blepharopyorrhea -blepharorrhaphy -blepharospasm -blepharospath -blepharosphincterectomy -blepharostat -blepharostenosis -blepharosymphysis -blepharosyndesmitis -blepharosynechia -blepharotomy -blepharydatis -Blephillia -blesbok -blesbuck -bless -blessed -blessedly -blessedness -blesser -blessing -blessingly -blest -blet -bletheration -Bletia -Bletilla -blewits -blibe -blick -blickey -Blighia -blight -blightbird -blighted -blighter -blighting -blightingly -blighty -blimbing -blimp -blimy -blind -blindage -blindball -blinded -blindedly -blinder -blindeyes -blindfast -blindfish -blindfold -blindfolded -blindfoldedness -blindfolder -blindfoldly -blinding -blindingly -blindish -blindless -blindling -blindly -blindness -blindstory -blindweed -blindworm -blink -blinkard -blinked -blinker -blinkered -blinking -blinkingly -blinks -blinky -blinter -blintze -blip -bliss -blissful -blissfully -blissfulness -blissless -blissom -blister -blistered -blistering -blisteringly -blisterweed -blisterwort -blistery -blite -blithe -blithebread -blitheful -blithefully -blithehearted -blithelike -blithely -blithemeat -blithen -blitheness -blither -blithering -blithesome -blithesomely -blithesomeness -blitter -Blitum -blitz -blitzbuggy -blitzkrieg -blizz -blizzard -blizzardly -blizzardous -blizzardy -blo -bloat -bloated -bloatedness -bloater -bloating -blob -blobbed -blobber -blobby -bloc -block -blockade -blockader -blockage -blockbuster -blocked -blocker -blockhead -blockheaded -blockheadedly -blockheadedness -blockheadish -blockheadishness -blockheadism -blockholer -blockhouse -blockiness -blocking -blockish -blockishly -blockishness -blocklayer -blocklike -blockmaker -blockmaking -blockman -blockpate -blockship -blocky -blodite -bloke -blolly -blomstrandine -blonde -blondeness -blondine -blood -bloodalley -bloodalp -bloodbeat -bloodberry -bloodbird -bloodcurdler -bloodcurdling -blooddrop -blooddrops -blooded -bloodfin -bloodflower -bloodguilt -bloodguiltiness -bloodguiltless -bloodguilty -bloodhound -bloodied -bloodily -bloodiness -bloodleaf -bloodless -bloodlessly -bloodlessness -bloodletter -bloodletting -bloodline -bloodmobile -bloodmonger -bloodnoun -bloodripe -bloodripeness -bloodroot -bloodshed -bloodshedder -bloodshedding -bloodshot -bloodshotten -bloodspiller -bloodspilling -bloodstain -bloodstained -bloodstainedness -bloodstanch -bloodstock -bloodstone -bloodstroke -bloodsuck -bloodsucker -bloodsucking -bloodthirst -bloodthirster -bloodthirstily -bloodthirstiness -bloodthirsting -bloodthirsty -bloodweed -bloodwite -bloodwood -bloodworm -bloodwort -bloodworthy -bloody -bloodybones -blooey -bloom -bloomage -bloomer -Bloomeria -bloomerism -bloomers -bloomery -bloomfell -blooming -bloomingly -bloomingness -bloomkin -bloomless -Bloomsburian -Bloomsbury -bloomy -bloop -blooper -blooping -blore -blosmy -blossom -blossombill -blossomed -blossomhead -blossomless -blossomry -blossomtime -blossomy -blot -blotch -blotched -blotchy -blotless -blotter -blottesque -blottesquely -blotting -blottingly -blotto -blotty -bloubiskop -blouse -bloused -blousing -blout -blow -blowback -blowball -blowcock -blowdown -blowen -blower -blowfish -blowfly -blowgun -blowhard -blowhole -blowiness -blowing -blowings -blowiron -blowlamp -blowline -blown -blowoff -blowout -blowpipe -blowpoint -blowproof -blowspray -blowth -blowtorch -blowtube -blowup -blowy -blowze -blowzed -blowzing -blowzy -blub -blubber -blubberer -blubbering -blubberingly -blubberman -blubberous -blubbery -blucher -bludgeon -bludgeoned -bludgeoneer -bludgeoner -blue -blueback -bluebead -Bluebeard -bluebeard -Bluebeardism -bluebell -bluebelled -blueberry -bluebill -bluebird -blueblaw -bluebonnet -bluebook -bluebottle -bluebreast -bluebuck -bluebush -bluebutton -bluecap -bluecoat -bluecup -bluefish -bluegill -bluegown -bluegrass -bluehearted -bluehearts -blueing -bluejack -bluejacket -bluejoint -blueleg -bluelegs -bluely -blueness -bluenose -Bluenoser -blueprint -blueprinter -bluer -blues -bluesides -bluestem -bluestocking -bluestockingish -bluestockingism -bluestone -bluestoner -bluet -bluethroat -bluetongue -bluetop -blueweed -bluewing -bluewood -bluey -bluff -bluffable -bluffer -bluffly -bluffness -bluffy -bluggy -bluing -bluish -bluishness -bluism -Blumea -blunder -blunderbuss -blunderer -blunderful -blunderhead -blunderheaded -blunderheadedness -blundering -blunderingly -blundersome -blunge -blunger -blunk -blunker -blunks -blunnen -blunt -blunter -blunthead -blunthearted -bluntie -bluntish -bluntly -bluntness -blup -blur -blurb -blurbist -blurred -blurredness -blurrer -blurry -blurt -blush -blusher -blushful -blushfully -blushfulness -blushiness -blushing -blushingly -blushless -blushwort -blushy -bluster -blusteration -blusterer -blustering -blusteringly -blusterous -blusterously -blustery -blype -bo -boa -Boaedon -boagane -Boanbura -Boanerges -boanergism -boar -boarcite -board -boardable -boarder -boarding -boardinghouse -boardlike -boardly -boardman -boardwalk -boardy -boarfish -boarhound -boarish -boarishly -boarishness -boarship -boarskin -boarspear -boarstaff -boarwood -boast -boaster -boastful -boastfully -boastfulness -boasting -boastive -boastless -boat -boatable -boatage -boatbill -boatbuilder -boatbuilding -boater -boatfalls -boatful -boathead -boatheader -boathouse -boatie -boating -boatkeeper -boatless -boatlike -boatlip -boatload -boatloader -boatloading -boatly -boatman -boatmanship -boatmaster -boatowner -boatsetter -boatshop -boatside -boatsman -boatswain -boattail -boatward -boatwise -boatwoman -boatwright -Bob -bob -boba -bobac -Bobadil -Bobadilian -Bobadilish -Bobadilism -bobbed -bobber -bobbery -Bobbie -bobbin -bobbiner -bobbinet -bobbing -Bobbinite -bobbinwork -bobbish -bobbishly -bobble -Bobby -bobby -bobcat -bobcoat -bobeche -bobfly -bobierrite -bobization -bobjerom -bobo -bobolink -bobotie -bobsled -bobsleigh -bobstay -bobtail -bobtailed -bobwhite -bobwood -bocaccio -bocal -bocardo -bocasine -bocca -boccale -boccarella -boccaro -bocce -Bocconia -boce -bocedization -Boche -bocher -Bochism -bock -bockerel -bockeret -bocking -bocoy -bod -bodach -bodacious -bodaciously -bode -bodeful -bodega -bodement -boden -bodenbenderite -boder -bodewash -bodge -bodger -bodgery -bodhi -bodhisattva -bodice -bodiced -bodicemaker -bodicemaking -bodied -bodier -bodieron -bodikin -bodiless -bodilessness -bodiliness -bodily -bodiment -boding -bodingly -bodkin -bodkinwise -bodle -Bodleian -Bodo -bodock -Bodoni -body -bodybending -bodybuilder -bodyguard -bodyhood -bodyless -bodymaker -bodymaking -bodyplate -bodywise -bodywood -bodywork -Boebera -Boedromion -Boehmenism -Boehmenist -Boehmenite -Boehmeria -boeotarch -Boeotian -Boeotic -Boer -Boerdom -Boerhavia -Boethian -Boethusian -bog -boga -bogan -bogard -bogart -bogberry -bogey -bogeyman -boggart -boggin -bogginess -boggish -boggle -bogglebo -boggler -boggy -boghole -bogie -bogieman -bogier -Bogijiab -bogland -boglander -bogle -bogledom -boglet -bogman -bogmire -Bogo -bogo -Bogomil -Bogomile -Bogomilian -bogong -Bogota -bogsucker -bogtrot -bogtrotter -bogtrotting -bogue -bogum -bogus -bogusness -bogway -bogwood -bogwort -bogy -bogydom -bogyism -bogyland -Bohairic -bohawn -bohea -Bohemia -Bohemian -Bohemianism -bohemium -bohereen -bohireen -boho -bohor -bohunk -boid -Boidae -Boii -Boiko -boil -boilable -boildown -boiled -boiler -boilerful -boilerhouse -boilerless -boilermaker -boilermaking -boilerman -boilersmith -boilerworks -boilery -boiling -boilinglike -boilingly -boilover -boily -Bois -boist -boisterous -boisterously -boisterousness -bojite -bojo -bokadam -bokard -bokark -boke -Bokhara -Bokharan -bokom -bola -Bolag -bolar -Bolboxalis -bold -bolden -Bolderian -boldhearted -boldine -boldly -boldness -boldo -Boldu -bole -bolection -bolectioned -boled -boleite -Bolelia -bolelike -bolero -Boletaceae -boletaceous -bolete -Boletus -boleweed -bolewort -bolide -bolimba -bolis -bolivar -bolivarite -bolivia -Bolivian -boliviano -bolk -boll -Bollandist -bollard -bolled -boller -bolling -bollock -bollworm -bolly -Bolo -bolo -Bologna -Bolognan -Bolognese -bolograph -bolographic -bolographically -bolography -Boloism -boloman -bolometer -bolometric -boloney -boloroot -Bolshevik -Bolsheviki -Bolshevikian -Bolshevism -Bolshevist -Bolshevistic -Bolshevistically -Bolshevize -Bolshie -bolson -bolster -bolsterer -bolsterwork -bolt -boltage -boltant -boltcutter -boltel -bolter -bolthead -boltheader -boltheading -bolthole -bolti -bolting -boltless -boltlike -boltmaker -boltmaking -Boltonia -boltonite -boltrope -boltsmith -boltstrake -boltuprightness -boltwork -bolus -Bolyaian -bom -boma -Bomarea -bomb -bombable -Bombacaceae -bombacaceous -bombard -bombarde -bombardelle -bombarder -bombardier -bombardment -bombardon -bombast -bombaster -bombastic -bombastically -bombastry -Bombax -Bombay -bombazet -bombazine -bombed -bomber -bombiccite -Bombidae -bombilate -bombilation -Bombinae -bombinate -bombination -bombo -bombola -bombonne -bombous -bombproof -bombshell -bombsight -Bombus -bombycid -Bombycidae -bombyciform -Bombycilla -Bombycillidae -Bombycina -bombycine -Bombyliidae -Bombyx -Bon -bon -bonaci -bonagh -bonaght -bonair -bonairly -bonairness -bonally -bonang -bonanza -Bonapartean -Bonapartism -Bonapartist -Bonasa -bonasus -bonaventure -Bonaveria -bonavist -Bonbo -bonbon -bonce -bond -bondage -bondager -bondar -bonded -Bondelswarts -bonder -bonderman -bondfolk -bondholder -bondholding -bonding -bondless -bondman -bondmanship -bondsman -bondstone -bondswoman -bonduc -bondwoman -bone -boneache -bonebinder -boneblack -bonebreaker -boned -bonedog -bonefish -boneflower -bonehead -boneheaded -boneless -bonelessly -bonelessness -bonelet -bonelike -Bonellia -boner -boneset -bonesetter -bonesetting -boneshaker -boneshaw -bonetail -bonewood -bonework -bonewort -Boney -bonfire -bong -Bongo -bongo -bonhomie -Boni -boniata -Boniface -bonification -boniform -bonify -boniness -boninite -bonitarian -bonitary -bonito -bonk -bonnaz -bonnet -bonneted -bonneter -bonnethead -bonnetless -bonnetlike -bonnetman -bonnibel -Bonnie -bonnily -bonniness -Bonny -bonny -bonnyclabber -bonnyish -bonnyvis -Bononian -bonsai -bonspiel -bontebok -bontebuck -bontequagga -Bontok -bonus -bonxie -bony -bonyfish -bonze -bonzer -bonzery -bonzian -boo -boob -boobery -boobily -boobook -booby -boobyalla -boobyish -boobyism -bood -boodie -boodle -boodledom -boodleism -boodleize -boodler -boody -boof -booger -boogiewoogie -boohoo -boojum -book -bookable -bookbinder -bookbindery -bookbinding -bookboard -bookcase -bookcraft -bookdealer -bookdom -booked -booker -bookery -bookfold -bookful -bookholder -bookhood -bookie -bookiness -booking -bookish -bookishly -bookishness -bookism -bookkeeper -bookkeeping -bookland -bookless -booklet -booklike -bookling -booklore -booklover -bookmaker -bookmaking -Bookman -bookman -bookmark -bookmarker -bookmate -bookmobile -bookmonger -bookplate -bookpress -bookrack -bookrest -bookroom -bookseller -booksellerish -booksellerism -bookselling -bookshelf -bookshop -bookstack -bookstall -bookstand -bookstore -bookward -bookwards -bookways -bookwise -bookwork -bookworm -bookwright -booky -bool -Boolian -booly -boolya -boom -boomable -boomage -boomah -boomboat -boomdas -boomer -boomerang -booming -boomingly -boomless -boomlet -boomorah -boomslang -boomslange -boomster -boomy -boon -boondock -boondocks -boondoggle -boondoggler -Boone -boonfellow -boongary -boonk -boonless -Boophilus -boopis -boor -boorish -boorishly -boorishness -boort -boose -boost -booster -boosterism -boosy -boot -bootblack -bootboy -booted -bootee -booter -bootery -Bootes -bootful -booth -boother -Boothian -boothite -bootholder -boothose -Bootid -bootied -bootikin -booting -bootjack -bootlace -bootleg -bootlegger -bootlegging -bootless -bootlessly -bootlessness -bootlick -bootlicker -bootmaker -bootmaking -boots -bootstrap -booty -bootyless -booze -boozed -boozer -boozily -booziness -boozy -bop -bopeep -boppist -bopyrid -Bopyridae -bopyridian -Bopyrus -bor -bora -borable -borachio -boracic -boraciferous -boracous -borage -Boraginaceae -boraginaceous -Borago -Borak -borak -boral -Boran -Borana -Borani -borasca -borasque -Borassus -borate -borax -Borboridae -Borborus -borborygmic -borborygmus -bord -bordage -bordar -bordarius -Bordeaux -bordel -bordello -border -bordered -borderer -Borderies -bordering -borderism -borderland -borderlander -borderless -borderline -bordermark -Borderside -bordroom -bordure -bordured -bore -boreable -boread -Boreades -boreal -borealis -borean -Boreas -borecole -boredom -boree -boreen -boregat -borehole -Boreiad -boreism -borele -borer -boresome -Boreus -borg -borgh -borghalpenny -Borghese -borh -boric -borickite -boride -borine -boring -boringly -boringness -Borinqueno -Boris -borish -borism -bority -borize -borlase -born -borne -Bornean -Borneo -borneol -borning -bornite -bornitic -bornyl -Boro -boro -Borocaine -borocalcite -borocarbide -borocitrate -borofluohydric -borofluoric -borofluoride -borofluorin -boroglycerate -boroglyceride -boroglycerine -borolanite -boron -boronatrocalcite -Boronia -boronic -borophenol -borophenylic -Bororo -Bororoan -borosalicylate -borosalicylic -borosilicate -borosilicic -borotungstate -borotungstic -borough -boroughlet -boroughmaster -boroughmonger -boroughmongering -boroughmongery -boroughship -borowolframic -borracha -borrel -Borrelia -Borrelomycetaceae -Borreria -Borrichia -Borromean -Borrovian -borrow -borrowable -borrower -borrowing -borsch -borscht -borsholder -borsht -borstall -bort -bortsch -borty -bortz -Boruca -Borussian -borwort -boryl -Borzicactus -borzoi -Bos -Bosc -boscage -bosch -boschbok -Boschneger -boschvark -boschveld -bose -Boselaphus -boser -bosh -Boshas -bosher -Bosjesman -bosjesman -bosk -bosker -bosket -boskiness -bosky -bosn -Bosniac -Bosniak -Bosnian -Bosnisch -bosom -bosomed -bosomer -bosomy -Bosporan -Bosporanic -Bosporian -bosporus -boss -bossage -bossdom -bossed -bosselated -bosselation -bosser -bosset -bossiness -bossing -bossism -bosslet -bossship -bossy -bostangi -bostanji -bosthoon -Boston -boston -Bostonese -Bostonian -bostonite -bostrychid -Bostrychidae -bostrychoid -bostrychoidal -bostryx -bosun -Boswellia -Boswellian -Boswelliana -Boswellism -Boswellize -bot -bota -botanic -botanical -botanically -botanist -botanize -botanizer -botanomancy -botanophile -botanophilist -botany -botargo -Botaurinae -Botaurus -botch -botched -botchedly -botcher -botcherly -botchery -botchily -botchiness -botchka -botchy -bote -Botein -botella -boterol -botfly -both -bother -botheration -botherer -botherheaded -botherment -bothersome -bothlike -Bothnian -Bothnic -bothrenchyma -Bothriocephalus -Bothriocidaris -Bothriolepis -bothrium -Bothrodendron -bothropic -Bothrops -bothros -bothsided -bothsidedness -bothway -bothy -Botocudo -botonee -botong -Botrychium -Botrydium -Botryllidae -Botryllus -botryogen -botryoid -botryoidal -botryoidally -botryolite -Botryomyces -botryomycoma -botryomycosis -botryomycotic -Botryopteriaceae -botryopterid -Botryopteris -botryose -botryotherapy -Botrytis -bott -bottekin -Botticellian -bottine -bottle -bottlebird -bottled -bottleflower -bottleful -bottlehead -bottleholder -bottlelike -bottlemaker -bottlemaking -bottleman -bottleneck -bottlenest -bottlenose -bottler -bottling -bottom -bottomchrome -bottomed -bottomer -bottoming -bottomless -bottomlessly -bottomlessness -bottommost -bottomry -bottstick -botuliform -botulin -botulinum -botulism -botulismus -bouchal -bouchaleen -boucharde -bouche -boucher -boucherism -boucherize -bouchette -boud -boudoir -bouffancy -bouffant -Bougainvillaea -Bougainvillea -Bougainvillia -Bougainvilliidae -bougar -bouge -bouget -bough -boughed -boughless -boughpot -bought -boughten -boughy -bougie -bouillabaisse -bouillon -bouk -boukit -boulangerite -Boulangism -Boulangist -boulder -boulderhead -bouldering -bouldery -boule -boulevard -boulevardize -boultel -boulter -boulterer -boun -bounce -bounceable -bounceably -bouncer -bouncing -bouncingly -bound -boundable -boundary -bounded -boundedly -boundedness -bounden -bounder -bounding -boundingly -boundless -boundlessly -boundlessness -boundly -boundness -bounteous -bounteously -bounteousness -bountied -bountiful -bountifully -bountifulness -bountith -bountree -bounty -bountyless -bouquet -bourasque -Bourbon -bourbon -Bourbonesque -Bourbonian -Bourbonism -Bourbonist -bourbonize -bourd -bourder -bourdon -bourette -bourg -bourgeois -bourgeoise -bourgeoisie -bourgeoisitic -Bourignian -Bourignianism -Bourignianist -Bourignonism -Bourignonist -bourn -bournless -bournonite -bourock -Bourout -bourse -bourtree -bouse -bouser -Boussingaultia -boussingaultite -boustrophedon -boustrophedonic -bousy -bout -boutade -Bouteloua -bouto -boutonniere -boutylka -Bouvardia -bouw -bovarism -bovarysm -bovate -bovenland -bovicide -boviculture -bovid -Bovidae -boviform -bovine -bovinely -bovinity -Bovista -bovoid -bovovaccination -bovovaccine -bow -bowable -bowback -bowbells -bowbent -bowboy -Bowdichia -bowdlerism -bowdlerization -bowdlerize -bowed -bowedness -bowel -boweled -bowelless -bowellike -bowels -bowenite -bower -bowerbird -bowerlet -bowermaiden -bowermay -bowerwoman -Bowery -bowery -Boweryish -bowet -bowfin -bowgrace -bowhead -bowie -bowieful -bowing -bowingly -bowk -bowkail -bowker -bowknot -bowl -bowla -bowleg -bowlegged -bowleggedness -bowler -bowless -bowlful -bowlike -bowline -bowling -bowllike -bowlmaker -bowls -bowly -bowmaker -bowmaking -bowman -bowpin -bowralite -bowshot -bowsprit -bowstave -bowstring -bowstringed -bowwoman -bowwood -bowwort -bowwow -bowyer -boxberry -boxboard -boxbush -boxcar -boxen -Boxer -boxer -Boxerism -boxfish -boxful -boxhaul -boxhead -boxing -boxkeeper -boxlike -boxmaker -boxmaking -boxman -boxthorn -boxty -boxwallah -boxwood -boxwork -boxy -boy -boyang -boyar -boyard -boyardism -boyardom -boyarism -Boyce -boycott -boycottage -boycotter -boycottism -Boyd -boydom -boyer -boyhood -boyish -boyishly -boyishness -boyism -boyla -boylike -boyology -boysenberry -boyship -boza -bozal -bozo -bozze -bra -brab -brabagious -brabant -Brabanter -Brabantine -brabble -brabblement -brabbler -brabblingly -Brabejum -braca -braccate -braccia -bracciale -braccianite -braccio -brace -braced -bracelet -braceleted -bracer -bracero -braces -brach -Brachelytra -brachelytrous -bracherer -brachering -brachet -brachial -brachialgia -brachialis -Brachiata -brachiate -brachiation -brachiator -brachiferous -brachigerous -Brachinus -brachiocephalic -brachiocrural -brachiocubital -brachiocyllosis -brachiofacial -brachiofaciolingual -brachioganoid -Brachioganoidei -brachiolaria -brachiolarian -brachiopod -Brachiopoda -brachiopode -brachiopodist -brachiopodous -brachioradial -brachioradialis -brachiorrhachidian -brachiorrheuma -brachiosaur -Brachiosaurus -brachiostrophosis -brachiotomy -brachistocephali -brachistocephalic -brachistocephalous -brachistocephaly -brachistochrone -brachistochronic -brachistochronous -brachium -brachtmema -brachyaxis -brachycardia -brachycatalectic -brachycephal -brachycephalic -brachycephalism -brachycephalization -brachycephalize -brachycephalous -brachycephaly -Brachycera -brachyceral -brachyceric -brachycerous -brachychronic -brachycnemic -Brachycome -brachycranial -brachydactyl -brachydactylic -brachydactylism -brachydactylous -brachydactyly -brachydiagonal -brachydodrome -brachydodromous -brachydomal -brachydomatic -brachydome -brachydont -brachydontism -brachyfacial -brachyglossal -brachygnathia -brachygnathism -brachygnathous -brachygrapher -brachygraphic -brachygraphical -brachygraphy -brachyhieric -brachylogy -brachymetropia -brachymetropic -Brachyoura -brachyphalangia -Brachyphyllum -brachypinacoid -brachypinacoidal -brachypleural -brachypnea -brachypodine -brachypodous -brachyprism -brachyprosopic -brachypterous -brachypyramid -brachyrrhinia -brachysclereid -brachyskelic -brachysm -brachystaphylic -Brachystegia -brachystochrone -Brachystomata -brachystomatous -brachystomous -brachytic -brachytypous -Brachyura -brachyural -brachyuran -brachyuranic -brachyure -brachyurous -Brachyurus -bracing -bracingly -bracingness -brack -brackebuschite -bracken -brackened -bracker -bracket -bracketing -bracketwise -brackish -brackishness -brackmard -bracky -Bracon -braconid -Braconidae -bract -bractea -bracteal -bracteate -bracted -bracteiform -bracteolate -bracteole -bracteose -bractless -bractlet -Brad -brad -bradawl -Bradbury -Bradburya -bradenhead -Bradford -Bradley -bradmaker -Bradshaw -bradsot -bradyacousia -bradycardia -bradycauma -bradycinesia -bradycrotic -bradydactylia -bradyesthesia -bradyglossia -bradykinesia -bradykinetic -bradylalia -bradylexia -bradylogia -bradynosus -bradypepsia -bradypeptic -bradyphagia -bradyphasia -bradyphemia -bradyphrasia -bradyphrenia -bradypnea -bradypnoea -bradypod -bradypode -Bradypodidae -bradypodoid -Bradypus -bradyseism -bradyseismal -bradyseismic -bradyseismical -bradyseismism -bradyspermatism -bradysphygmia -bradystalsis -bradyteleocinesia -bradyteleokinesis -bradytocia -bradytrophic -bradyuria -brae -braeface -braehead -braeman -braeside -brag -braggardism -braggart -braggartism -braggartly -braggartry -braggat -bragger -braggery -bragget -bragging -braggingly -braggish -braggishly -Bragi -bragite -bragless -braguette -Brahm -Brahma -brahmachari -Brahmahood -Brahmaic -Brahman -Brahmana -Brahmanaspati -Brahmanda -Brahmaness -Brahmanhood -Brahmani -Brahmanic -Brahmanical -Brahmanism -Brahmanist -Brahmanistic -Brahmanize -Brahmany -Brahmi -Brahmic -Brahmin -Brahminic -Brahminism -Brahmoism -Brahmsian -Brahmsite -Brahui -braid -braided -braider -braiding -Braidism -Braidist -brail -Braille -Braillist -brain -brainache -braincap -braincraft -brainer -brainfag -brainge -braininess -brainless -brainlessly -brainlessness -brainlike -brainpan -brains -brainsick -brainsickly -brainsickness -brainstone -brainward -brainwash -brainwasher -brainwashing -brainwater -brainwood -brainwork -brainworker -brainy -braird -braireau -brairo -braise -brake -brakeage -brakehand -brakehead -brakeless -brakeload -brakemaker -brakemaking -brakeman -braker -brakeroot -brakesman -brakie -braky -Bram -Bramantesque -Bramantip -bramble -brambleberry -bramblebush -brambled -brambling -brambly -brambrack -Bramia -bran -brancard -branch -branchage -branched -Branchellion -brancher -branchery -branchful -branchi -branchia -branchiae -branchial -Branchiata -branchiate -branchicolous -branchiferous -branchiform -branchihyal -branchiness -branching -Branchiobdella -branchiocardiac -branchiogenous -branchiomere -branchiomeric -branchiomerism -branchiopallial -branchiopod -Branchiopoda -branchiopodan -branchiopodous -Branchiopulmonata -branchiopulmonate -branchiosaur -Branchiosauria -branchiosaurian -Branchiosaurus -branchiostegal -Branchiostegidae -branchiostegite -branchiostegous -Branchiostoma -branchiostomid -Branchiostomidae -Branchipodidae -Branchipus -branchireme -Branchiura -branchiurous -branchless -branchlet -branchlike -branchling -branchman -branchstand -branchway -branchy -brand -branded -Brandenburg -Brandenburger -brander -brandering -Brandi -brandied -brandify -brandise -brandish -brandisher -brandisite -brandless -brandling -Brandon -brandreth -Brandy -brandy -brandyball -brandyman -brandywine -brangle -brangled -branglement -brangler -brangling -branial -brank -brankie -brankursine -branle -branner -brannerite -branny -bransle -bransolder -brant -Branta -brantail -brantness -Brasenia -brash -brashiness -brashness -brashy -brasiletto -brasque -brass -brassage -brassard -brassart -Brassavola -brassbound -brassbounder -brasse -brasser -brasset -Brassia -brassic -Brassica -Brassicaceae -brassicaceous -brassidic -brassie -brassiere -brassily -brassiness -brassish -brasslike -brassware -brasswork -brassworker -brassworks -brassy -brassylic -brat -bratling -bratstvo -brattach -brattice -bratticer -bratticing -brattie -brattish -brattishing -brattle -brauna -Brauneberger -Brauneria -braunite -Brauronia -Brauronian -Brava -bravade -bravado -bravadoism -brave -bravehearted -bravely -braveness -braver -bravery -braving -bravish -bravo -bravoite -bravura -bravuraish -braw -brawl -brawler -brawling -brawlingly -brawlsome -brawly -brawlys -brawn -brawned -brawnedness -brawner -brawnily -brawniness -brawny -braws -braxy -bray -brayer -brayera -brayerin -braystone -braza -braze -brazen -brazenface -brazenfaced -brazenfacedly -brazenly -brazenness -brazer -brazera -brazier -braziery -brazil -brazilein -brazilette -Brazilian -brazilin -brazilite -brazilwood -breach -breacher -breachful -breachy -bread -breadbasket -breadberry -breadboard -breadbox -breadearner -breadearning -breaden -breadfruit -breadless -breadlessness -breadmaker -breadmaking -breadman -breadnut -breadroot -breadseller -breadstuff -breadth -breadthen -breadthless -breadthriders -breadthways -breadthwise -breadwinner -breadwinning -breaghe -break -breakable -breakableness -breakably -breakage -breakaway -breakax -breakback -breakbones -breakdown -breaker -breakerman -breakfast -breakfaster -breakfastless -breaking -breakless -breakneck -breakoff -breakout -breakover -breakshugh -breakstone -breakthrough -breakup -breakwater -breakwind -bream -breards -breast -breastband -breastbeam -breastbone -breasted -breaster -breastfeeding -breastful -breastheight -breasthook -breastie -breasting -breastless -breastmark -breastpiece -breastpin -breastplate -breastplow -breastrail -breastrope -breastsummer -breastweed -breastwise -breastwood -breastwork -breath -breathable -breathableness -breathe -breathed -breather -breathful -breathiness -breathing -breathingly -breathless -breathlessly -breathlessness -breathseller -breathy -breba -breccia -breccial -brecciated -brecciation -brecham -Brechites -breck -brecken -bred -bredbergite -brede -bredi -bree -breech -breechblock -breechcloth -breechclout -breeched -breeches -breechesflower -breechesless -breeching -breechless -breechloader -breed -breedable -breedbate -breeder -breediness -breeding -breedy -breek -breekless -breekums -breeze -breezeful -breezeless -breezelike -breezeway -breezily -breeziness -breezy -bregma -bregmata -bregmate -bregmatic -brehon -brehonship -brei -breislakite -breithauptite -brekkle -brelaw -breloque -breme -bremely -bremeness -Bremia -bremsstrahlung -Brenda -Brendan -Brender -brennage -Brent -brent -Brenthis -brephic -Brescian -Bret -bret -bretelle -bretesse -breth -brethren -Breton -Bretonian -Bretschneideraceae -Brett -brett -brettice -Bretwalda -Bretwaldadom -Bretwaldaship -breunnerite -breva -breve -brevet -brevetcy -breviary -breviate -breviature -brevicaudate -brevicipitid -Brevicipitidae -breviconic -brevier -brevifoliate -breviger -brevilingual -breviloquence -breviloquent -breviped -brevipen -brevipennate -breviradiate -brevirostral -brevirostrate -Brevirostrines -brevit -brevity -brew -brewage -brewer -brewership -brewery -brewhouse -brewing -brewis -brewmaster -brewst -brewster -brewsterite -brey -Brian -briar -briarberry -Briard -Briarean -Briareus -briarroot -bribe -bribee -bribegiver -bribegiving -bribemonger -briber -bribery -bribetaker -bribetaking -bribeworthy -Bribri -brichen -brichette -brick -brickbat -brickcroft -brickel -bricken -brickfield -brickfielder -brickhood -bricking -brickish -brickkiln -bricklayer -bricklaying -brickle -brickleness -bricklike -brickliner -bricklining -brickly -brickmaker -brickmaking -brickmason -brickset -bricksetter -bricktimber -brickwise -brickwork -bricky -brickyard -bricole -bridal -bridale -bridaler -bridally -Bride -bride -bridebed -bridebowl -bridecake -bridechamber -bridecup -bridegod -bridegroom -bridegroomship -bridehead -bridehood -brideknot -bridelace -brideless -bridelike -bridely -bridemaid -bridemaiden -bridemaidship -brideship -bridesmaid -bridesmaiding -bridesman -bridestake -bridewain -brideweed -bridewell -bridewort -bridge -bridgeable -bridgeboard -bridgebote -bridgebuilder -bridgebuilding -bridged -bridgehead -bridgekeeper -bridgeless -bridgelike -bridgemaker -bridgemaking -bridgeman -bridgemaster -bridgepot -Bridger -bridger -Bridget -bridgetree -bridgeward -bridgewards -bridgeway -bridgework -bridging -bridle -bridled -bridleless -bridleman -bridler -bridling -bridoon -brief -briefing -briefless -brieflessly -brieflessness -briefly -briefness -briefs -brier -brierberry -briered -brierroot -brierwood -briery -brieve -brig -brigade -brigadier -brigadiership -brigalow -brigand -brigandage -brigander -brigandine -brigandish -brigandishly -brigandism -Brigantes -Brigantia -brigantine -brigatry -brigbote -brigetty -Briggs -Briggsian -Brighella -Brighid -bright -brighten -brightener -brightening -Brighteyes -brighteyes -brightish -brightly -brightness -brightsmith -brightsome -brightsomeness -brightwork -Brigid -Brigittine -brill -brilliance -brilliancy -brilliandeer -brilliant -brilliantine -brilliantly -brilliantness -brilliantwise -brilliolette -brillolette -brills -brim -brimborion -brimborium -brimful -brimfully -brimfulness -briming -brimless -brimmed -brimmer -brimming -brimmingly -brimstone -brimstonewort -brimstony -brin -brindlish -brine -brinehouse -brineless -brineman -briner -bring -bringal -bringall -bringer -brininess -brinish -brinishness -brinjal -brinjarry -brink -brinkless -briny -brioche -briolette -brique -briquette -brisk -brisken -brisket -briskish -briskly -briskness -brisling -brisque -briss -Brissotin -Brissotine -bristle -bristlebird -bristlecone -bristled -bristleless -bristlelike -bristler -bristletail -bristlewort -bristliness -bristly -Bristol -brisure -brit -Britain -Britannia -Britannian -Britannic -Britannically -britchka -brith -brither -Briticism -British -Britisher -Britishhood -Britishism -Britishly -Britishness -Briton -Britoness -britska -Brittany -britten -brittle -brittlebush -brittlely -brittleness -brittlestem -brittlewood -brittlewort -brittling -Briza -brizz -broach -broacher -broad -broadacre -broadax -broadbill -Broadbrim -broadbrim -broadcast -broadcaster -broadcloth -broaden -broadhead -broadhearted -broadhorn -broadish -broadleaf -broadloom -broadly -broadmouth -broadness -broadpiece -broadshare -broadsheet -broadside -broadspread -broadsword -broadtail -broadthroat -Broadway -broadway -Broadwayite -broadways -broadwife -broadwise -brob -Brobdingnag -Brobdingnagian -brocade -brocaded -brocard -brocardic -brocatel -brocatello -broccoli -broch -brochan -brochant -brochantite -broche -brochette -brochidodromous -brocho -brochure -brock -brockage -brocked -brocket -brockle -brod -brodder -brodeglass -brodequin -broderer -Brodiaea -Brodie -brog -brogan -brogger -broggerite -broggle -brogue -brogueful -brogueneer -broguer -broguery -broguish -broider -broiderer -broideress -broidery -broigne -broil -broiler -broiling -broilingly -brokage -broke -broken -brokenhearted -brokenheartedly -brokenheartedness -brokenly -brokenness -broker -brokerage -brokeress -brokership -broking -brolga -broll -brolly -broma -bromacetanilide -bromacetate -bromacetic -bromacetone -bromal -bromalbumin -bromamide -bromargyrite -bromate -bromaurate -bromauric -brombenzamide -brombenzene -brombenzyl -bromcamphor -bromcresol -brome -bromeigon -Bromeikon -bromeikon -Bromelia -Bromeliaceae -bromeliaceous -bromeliad -bromelin -bromellite -bromethyl -bromethylene -bromgelatin -bromhidrosis -bromhydrate -bromhydric -Bromian -bromic -bromide -bromidic -bromidically -bromidrosis -brominate -bromination -bromindigo -bromine -brominism -brominize -bromiodide -Bromios -bromism -bromite -Bromius -bromization -bromize -bromizer -bromlite -bromoacetone -bromoaurate -bromoauric -bromobenzene -bromobenzyl -bromocamphor -bromochlorophenol -bromocresol -bromocyanidation -bromocyanide -bromocyanogen -bromoethylene -bromoform -bromogelatin -bromohydrate -bromohydrin -bromoil -bromoiodide -bromoiodism -bromoiodized -bromoketone -bromol -bromomania -bromomenorrhea -bromomethane -bromometric -bromometrical -bromometrically -bromometry -bromonaphthalene -bromophenol -bromopicrin -bromopnea -bromoprotein -bromothymol -bromous -bromphenol -brompicrin -bromthymol -bromuret -Bromus -bromvogel -bromyrite -bronc -bronchadenitis -bronchi -bronchia -bronchial -bronchially -bronchiarctia -bronchiectasis -bronchiectatic -bronchiloquy -bronchiocele -bronchiocrisis -bronchiogenic -bronchiolar -bronchiole -bronchioli -bronchiolitis -bronchiolus -bronchiospasm -bronchiostenosis -bronchitic -bronchitis -bronchium -bronchoadenitis -bronchoalveolar -bronchoaspergillosis -bronchoblennorrhea -bronchocavernous -bronchocele -bronchocephalitis -bronchoconstriction -bronchoconstrictor -bronchodilatation -bronchodilator -bronchoegophony -bronchoesophagoscopy -bronchogenic -bronchohemorrhagia -broncholemmitis -broncholith -broncholithiasis -bronchomotor -bronchomucormycosis -bronchomycosis -bronchopathy -bronchophonic -bronchophony -bronchophthisis -bronchoplasty -bronchoplegia -bronchopleurisy -bronchopneumonia -bronchopneumonic -bronchopulmonary -bronchorrhagia -bronchorrhaphy -bronchorrhea -bronchoscope -bronchoscopic -bronchoscopist -bronchoscopy -bronchospasm -bronchostenosis -bronchostomy -bronchotetany -bronchotome -bronchotomist -bronchotomy -bronchotracheal -bronchotyphoid -bronchotyphus -bronchovesicular -bronchus -bronco -broncobuster -brongniardite -bronk -Bronteana -bronteon -brontephobia -Brontesque -bronteum -brontide -brontogram -brontograph -brontolite -brontology -brontometer -brontophobia -Brontops -Brontosaurus -brontoscopy -Brontotherium -Brontozoum -Bronx -bronze -bronzed -bronzelike -bronzen -bronzer -bronzesmith -bronzewing -bronzify -bronzine -bronzing -bronzite -bronzitite -bronzy -broo -brooch -brood -brooder -broodiness -brooding -broodingly -broodless -broodlet -broodling -broody -brook -brookable -Brooke -brooked -brookflower -brookie -brookite -brookless -brooklet -brooklike -brooklime -Brooklynite -brookside -brookweed -brooky -brool -broom -broombush -broomcorn -broomer -broommaker -broommaking -broomrape -broomroot -broomshank -broomstaff -broomstick -broomstraw -broomtail -broomweed -broomwood -broomwort -broomy -broon -broose -broozled -brose -Brosimum -brosot -brosy -brot -brotan -brotany -broth -brothel -brotheler -brothellike -brothelry -brother -brotherhood -brotherless -brotherlike -brotherliness -brotherly -brothership -Brotherton -brotherwort -brothy -brotocrystal -Brotula -brotulid -Brotulidae -brotuliform -brough -brougham -brought -Broussonetia -brow -browache -Browallia -browallia -browband -browbeat -browbeater -browbound -browden -browed -browis -browless -browman -brown -brownback -browner -Brownian -brownie -browniness -browning -Browningesque -brownish -Brownism -Brownist -Brownistic -Brownistical -brownly -brownness -brownout -brownstone -browntail -browntop -brownweed -brownwort -browny -browpiece -browpost -browse -browser -browsick -browsing -browst -bruang -Bruce -Brucella -brucellosis -Bruchidae -Bruchus -brucia -brucina -brucine -brucite -bruckle -bruckled -bruckleness -Bructeri -brugh -brugnatellite -bruin -bruise -bruiser -bruisewort -bruising -bruit -bruiter -bruke -Brule -brulee -brulyie -brulyiement -brumal -Brumalia -brumby -brume -Brummagem -brummagem -brumous -brumstane -brumstone -brunch -Brunella -Brunellia -Brunelliaceae -brunelliaceous -brunet -brunetness -brunette -brunetteness -Brunfelsia -brunissure -Brunistic -brunneous -Brunnichia -Bruno -Brunonia -Brunoniaceae -Brunonian -Brunonism -Brunswick -brunswick -brunt -bruscus -brush -brushable -brushball -brushbird -brushbush -brushed -brusher -brushes -brushet -brushful -brushiness -brushing -brushite -brushland -brushless -brushlessness -brushlet -brushlike -brushmaker -brushmaking -brushman -brushoff -brushproof -brushwood -brushwork -brushy -brusque -brusquely -brusqueness -Brussels -brustle -brut -Bruta -brutage -brutal -brutalism -brutalist -brutalitarian -brutality -brutalization -brutalize -brutally -brute -brutedom -brutelike -brutely -bruteness -brutification -brutify -bruting -brutish -brutishly -brutishness -brutism -brutter -Brutus -bruzz -Bryaceae -bryaceous -Bryales -Bryan -Bryanism -Bryanite -Bryanthus -Bryce -bryogenin -bryological -bryologist -bryology -Bryonia -bryonidin -bryonin -bryony -Bryophyllum -Bryophyta -bryophyte -bryophytic -Bryozoa -bryozoan -bryozoon -bryozoum -Brython -Brythonic -Bryum -Bu -bu -bual -buaze -bub -buba -bubal -bubaline -Bubalis -bubalis -Bubastid -Bubastite -bubble -bubbleless -bubblement -bubbler -bubbling -bubblingly -bubblish -bubbly -bubby -bubbybush -Bube -bubinga -Bubo -bubo -buboed -bubonalgia -bubonic -Bubonidae -bubonocele -bubukle -bucare -bucca -buccal -buccally -buccan -buccaneer -buccaneerish -buccate -Buccellarius -buccina -buccinal -buccinator -buccinatory -Buccinidae -bucciniform -buccinoid -Buccinum -Bucco -buccobranchial -buccocervical -buccogingival -buccolabial -buccolingual -bucconasal -Bucconidae -Bucconinae -buccopharyngeal -buccula -Bucculatrix -bucentaur -Bucephala -Bucephalus -Buceros -Bucerotes -Bucerotidae -Bucerotinae -Buchanan -Buchanite -buchite -Buchloe -Buchmanism -Buchmanite -Buchnera -buchnerite -buchonite -buchu -buck -buckaroo -buckberry -buckboard -buckbrush -buckbush -bucked -buckeen -bucker -bucket -bucketer -bucketful -bucketing -bucketmaker -bucketmaking -bucketman -buckety -buckeye -buckhorn -buckhound -buckie -bucking -buckish -buckishly -buckishness -buckjump -buckjumper -bucklandite -buckle -buckled -buckleless -buckler -Buckleya -buckling -bucklum -bucko -buckplate -buckpot -buckra -buckram -bucksaw -buckshee -buckshot -buckskin -buckskinned -buckstall -buckstay -buckstone -bucktail -buckthorn -bucktooth -buckwagon -buckwash -buckwasher -buckwashing -buckwheat -buckwheater -buckwheatlike -Bucky -bucky -bucoliast -bucolic -bucolical -bucolically -bucolicism -Bucorvinae -Bucorvus -bucrane -bucranium -Bud -bud -buda -buddage -budder -Buddh -Buddha -Buddhahood -Buddhaship -buddhi -Buddhic -Buddhism -Buddhist -Buddhistic -Buddhistical -Buddhology -budding -buddle -Buddleia -buddleman -buddler -buddy -budge -budger -budgeree -budgereegah -budgerigar -budgerow -budget -budgetary -budgeteer -budgeter -budgetful -Budh -budless -budlet -budlike -budmash -Budorcas -budtime -Budukha -Buduma -budwood -budworm -budzat -Buettneria -Buettneriaceae -bufagin -buff -buffable -buffalo -buffaloback -buffball -buffcoat -buffed -buffer -buffet -buffeter -buffing -buffle -bufflehead -bufflehorn -buffont -buffoon -buffoonery -buffoonesque -buffoonish -buffoonism -buffware -buffy -bufidin -bufo -Bufonidae -bufonite -bufotalin -bug -bugaboo -bugan -bugbane -bugbear -bugbeardom -bugbearish -bugbite -bugdom -bugfish -bugger -buggery -bugginess -buggy -buggyman -bughead -bughouse -Bugi -Buginese -Buginvillaea -bugle -bugled -bugler -buglet -bugleweed -buglewort -bugloss -bugologist -bugology -bugproof -bugre -bugseed -bugweed -bugwort -buhl -buhr -buhrstone -build -buildable -builder -building -buildingless -buildress -buildup -built -buirdly -buisson -buist -Bukat -Bukeyef -bukh -Bukidnon -bukshi -bulak -Bulanda -bulb -bulbaceous -bulbar -bulbed -bulbiferous -bulbiform -bulbil -Bulbilis -bulbilla -bulbless -bulblet -bulblike -bulbocapnin -bulbocapnine -bulbocavernosus -bulbocavernous -Bulbochaete -Bulbocodium -bulbomedullary -bulbomembranous -bulbonuclear -Bulbophyllum -bulborectal -bulbose -bulbospinal -bulbotuber -bulbous -bulbul -bulbule -bulby -bulchin -Bulgar -Bulgari -Bulgarian -Bulgaric -Bulgarophil -bulge -bulger -bulginess -bulgy -bulimia -bulimiac -bulimic -bulimiform -bulimoid -Bulimulidae -Bulimus -bulimy -bulk -bulked -bulker -bulkhead -bulkheaded -bulkily -bulkiness -bulkish -bulky -bull -bulla -bullace -bullamacow -bullan -bullary -bullate -bullated -bullation -bullback -bullbaiting -bullbat -bullbeggar -bullberry -bullbird -bullboat -bullcart -bullcomber -bulldog -bulldogged -bulldoggedness -bulldoggy -bulldogism -bulldoze -bulldozer -buller -bullet -bulleted -bullethead -bulletheaded -bulletheadedness -bulletin -bulletless -bulletlike -bulletmaker -bulletmaking -bulletproof -bulletwood -bullety -bullfeast -bullfight -bullfighter -bullfighting -bullfinch -bullfist -bullflower -bullfoot -bullfrog -bullhead -bullheaded -bullheadedly -bullheadedness -bullhide -bullhoof -bullhorn -Bullidae -bulliform -bullimong -bulling -bullion -bullionism -bullionist -bullionless -bullish -bullishly -bullishness -bullism -bullit -bullneck -bullnose -bullnut -bullock -bullocker -Bullockite -bullockman -bullocky -Bullom -bullous -bullpates -bullpoll -bullpout -bullskin -bullsticker -bullsucker -bullswool -bulltoad -bullule -bullweed -bullwhack -bullwhacker -bullwhip -bullwort -bully -bullyable -bullydom -bullyhuff -bullying -bullyism -bullyrag -bullyragger -bullyragging -bullyrook -bulrush -bulrushlike -bulrushy -bulse -bult -bulter -bultey -bultong -bultow -bulwand -bulwark -bum -bumbailiff -bumbailiffship -bumbarge -bumbaste -bumbaze -bumbee -bumbershoot -bumble -bumblebee -bumbleberry -Bumbledom -bumblefoot -bumblekite -bumblepuppy -bumbler -bumbo -bumboat -bumboatman -bumboatwoman -bumclock -Bumelia -bumicky -bummalo -bummaree -bummed -bummer -bummerish -bummie -bumming -bummler -bummock -bump -bumpee -bumper -bumperette -bumpily -bumpiness -bumping -bumpingly -bumpkin -bumpkinet -bumpkinish -bumpkinly -bumpology -bumptious -bumptiously -bumptiousness -bumpy -bumtrap -bumwood -bun -Buna -buna -buncal -bunce -bunch -bunchberry -buncher -bunchflower -bunchily -bunchiness -bunchy -buncombe -bund -Bunda -Bundahish -Bundeli -bunder -Bundestag -bundle -bundler -bundlerooted -bundlet -bundobust -bundook -Bundu -bundweed -bundy -bunemost -bung -Bunga -bungaloid -bungalow -bungarum -Bungarus -bungee -bungerly -bungey -bungfu -bungfull -bunghole -bungle -bungler -bunglesome -bungling -bunglingly -bungmaker -bungo -bungwall -bungy -Buninahua -bunion -bunk -bunker -bunkerman -bunkery -bunkhouse -bunkie -bunkload -bunko -bunkum -bunnell -bunny -bunnymouth -bunodont -Bunodonta -bunolophodont -Bunomastodontidae -bunoselenodont -bunsenite -bunt -buntal -bunted -Bunter -bunter -bunting -buntline -bunton -bunty -bunya -bunyah -bunyip -Bunyoro -buoy -buoyage -buoyance -buoyancy -buoyant -buoyantly -buoyantness -Buphaga -buphthalmia -buphthalmic -Buphthalmum -bupleurol -Bupleurum -buplever -buprestid -Buprestidae -buprestidan -Buprestis -bur -buran -burao -Burbank -burbank -burbankian -Burbankism -burbark -Burberry -burble -burbler -burbly -burbot -burbush -burd -burdalone -burden -burdener -burdenless -burdenous -burdensome -burdensomely -burdensomeness -burdie -Burdigalian -burdock -burdon -bure -bureau -bureaucracy -bureaucrat -bureaucratic -bureaucratical -bureaucratically -bureaucratism -bureaucratist -bureaucratization -bureaucratize -bureaux -burel -burele -buret -burette -burfish -burg -burgage -burgality -burgall -burgee -burgensic -burgeon -burgess -burgessdom -burggrave -burgh -burghal -burghalpenny -burghbote -burghemot -burgher -burgherage -burgherdom -burgheress -burgherhood -burghermaster -burghership -burghmaster -burghmoot -burglar -burglarious -burglariously -burglarize -burglarproof -burglary -burgle -burgomaster -burgomastership -burgonet -burgoo -burgoyne -burgrave -burgraviate -burgul -Burgundian -Burgundy -burgus -burgware -burhead -Burhinidae -Burhinus -Buri -buri -burial -burian -Buriat -buried -burier -burin -burinist -burion -buriti -burka -burke -burker -burkundaz -burl -burlap -burled -burler -burlesque -burlesquely -burlesquer -burlet -burletta -Burley -burlily -burliness -Burlington -burly -Burman -Burmannia -Burmanniaceae -burmanniaceous -Burmese -burmite -burn -burnable -burnbeat -burned -burner -burnet -burnetize -burnfire -burnie -burniebee -burning -burningly -burnish -burnishable -burnisher -burnishing -burnishment -burnoose -burnoosed -burnous -burnout -burnover -Burnsian -burnside -burnsides -burnt -burntweed -burnut -burnwood -burny -buro -burp -burr -burrah -burrawang -burred -burrel -burrer -burrgrailer -burring -burrish -burrito -burrknot -burro -burrobrush -burrow -burroweed -burrower -burrowstown -burry -bursa -bursal -bursar -bursarial -bursarship -bursary -bursate -bursattee -bursautee -burse -burseed -Bursera -Burseraceae -Burseraceous -bursicle -bursiculate -bursiform -bursitis -burst -burster -burstwort -burt -burthenman -burton -burtonization -burtonize -burucha -Burushaski -Burut -burweed -bury -burying -bus -Busaos -busby -buscarl -buscarle -bush -bushbeater -bushbuck -bushcraft -bushed -bushel -busheler -bushelful -bushelman -bushelwoman -busher -bushfighter -bushfighting -bushful -bushhammer -bushi -bushily -bushiness -bushing -bushland -bushless -bushlet -bushlike -bushmaker -bushmaking -Bushman -bushmanship -bushmaster -bushment -Bushongo -bushranger -bushranging -bushrope -bushveld -bushwa -bushwhack -bushwhacker -bushwhacking -bushwife -bushwoman -bushwood -bushy -busied -busily -busine -business -businesslike -businesslikeness -businessman -businesswoman -busk -busked -busker -busket -buskin -buskined -buskle -busky -busman -buss -busser -bussock -bussu -bust -bustard -busted -bustee -buster -busthead -bustic -busticate -bustle -bustled -bustler -bustling -bustlingly -busy -busybodied -busybody -busybodyish -busybodyism -busybodyness -Busycon -busyhead -busying -busyish -busyness -busywork -but -butadiene -butadiyne -butanal -butane -butanoic -butanol -butanolid -butanolide -butanone -butch -butcher -butcherbird -butcherdom -butcherer -butcheress -butchering -butcherless -butcherliness -butcherly -butcherous -butchery -Bute -Butea -butein -butene -butenyl -Buteo -buteonine -butic -butine -Butler -butler -butlerage -butlerdom -butleress -butlerism -butlerlike -butlership -butlery -butment -Butomaceae -butomaceous -Butomus -butoxy -butoxyl -Butsu -butt -butte -butter -butteraceous -butterback -butterball -butterbill -butterbird -butterbox -butterbump -butterbur -butterbush -buttercup -buttered -butterfat -butterfingered -butterfingers -butterfish -butterflower -butterfly -butterflylike -butterhead -butterine -butteriness -butteris -butterjags -butterless -butterlike -buttermaker -buttermaking -butterman -buttermilk -buttermonger -buttermouth -butternose -butternut -butterroot -butterscotch -butterweed -butterwife -butterwoman -butterworker -butterwort -butterwright -buttery -butteryfingered -buttgenbachite -butting -buttinsky -buttle -buttock -buttocked -buttocker -button -buttonball -buttonbur -buttonbush -buttoned -buttoner -buttonhold -buttonholder -buttonhole -buttonholer -buttonhook -buttonless -buttonlike -buttonmold -buttons -buttonweed -buttonwood -buttony -buttress -buttressless -buttresslike -buttstock -buttwoman -buttwood -butty -buttyman -butyl -butylamine -butylation -butylene -butylic -Butyn -butyne -butyr -butyraceous -butyral -butyraldehyde -butyrate -butyric -butyrically -butyrin -butyrinase -butyrochloral -butyrolactone -butyrometer -butyrometric -butyrone -butyrous -butyrousness -butyryl -Buxaceae -buxaceous -Buxbaumia -Buxbaumiaceae -buxerry -buxom -buxomly -buxomness -Buxus -buy -buyable -buyer -Buyides -buzane -buzylene -buzz -buzzard -buzzardlike -buzzardly -buzzer -buzzerphone -buzzgloak -buzzies -buzzing -buzzingly -buzzle -buzzwig -buzzy -by -Byblidaceae -Byblis -bycoket -bye -byee -byegaein -byeman -byepath -byerite -byerlite -byestreet -byeworker -byeworkman -bygane -byganging -bygo -bygoing -bygone -byhand -bylaw -bylawman -byname -bynedestin -Bynin -byon -byordinar -byordinary -byous -byously -bypass -bypasser -bypast -bypath -byplay -byre -byreman -byrewards -byrewoman -byrlaw -byrlawman -byrnie -byroad -Byron -Byronesque -Byronian -Byroniana -Byronic -Byronically -Byronics -Byronish -Byronism -Byronist -Byronite -Byronize -byrrus -Byrsonima -byrthynsak -Bysacki -bysen -bysmalith -byspell -byssaceous -byssal -byssiferous -byssin -byssine -byssinosis -byssogenous -byssoid -byssolite -byssus -bystander -bystreet -byth -bytime -bytownite -bytownitite -bywalk -bywalker -byway -bywoner -byword -bywork -Byzantian -Byzantine -Byzantinesque -Byzantinism -Byzantinize -C -c -ca -caam -caama -caaming -caapeba -caatinga -cab -caba -cabaan -caback -cabaho -cabal -cabala -cabalassou -cabaletta -cabalic -cabalism -cabalist -cabalistic -cabalistical -cabalistically -caballer -caballine -caban -cabana -cabaret -cabas -cabasset -cabassou -cabbage -cabbagehead -cabbagewood -cabbagy -cabber -cabble -cabbler -cabby -cabda -cabdriver -cabdriving -cabellerote -caber -cabernet -cabestro -cabezon -cabilliau -cabin -Cabinda -cabinet -cabinetmaker -cabinetmaking -cabinetry -cabinetwork -cabinetworker -cabinetworking -cabio -Cabirean -Cabiri -Cabiria -Cabirian -Cabiric -Cabiritic -cable -cabled -cablegram -cableless -cablelike -cableman -cabler -cablet -cableway -cabling -cabman -cabob -caboceer -cabochon -cabocle -Cabomba -Cabombaceae -caboodle -cabook -caboose -caboshed -cabot -cabotage -cabree -cabrerite -cabreuva -cabrilla -cabriole -cabriolet -cabrit -cabstand -cabureiba -cabuya -Caca -Cacajao -Cacalia -cacam -Cacan -Cacana -cacanthrax -cacao -Cacara -Cacatua -Cacatuidae -Cacatuinae -Caccabis -cacesthesia -cacesthesis -cachalot -cachaza -cache -cachectic -cachemia -cachemic -cachet -cachexia -cachexic -cachexy -cachibou -cachinnate -cachinnation -cachinnator -cachinnatory -cacholong -cachou -cachrys -cachucha -cachunde -Cacicus -cacidrosis -caciocavallo -cacique -caciqueship -caciquism -cack -cackerel -cackle -cackler -cacocholia -cacochroia -cacochylia -cacochymia -cacochymic -cacochymical -cacochymy -cacocnemia -cacodaemoniac -cacodaemonial -cacodaemonic -cacodemon -cacodemonia -cacodemoniac -cacodemonial -cacodemonic -cacodemonize -cacodemonomania -cacodontia -cacodorous -cacodoxian -cacodoxical -cacodoxy -cacodyl -cacodylate -cacodylic -cacoeconomy -cacoepist -cacoepistic -cacoepy -cacoethes -cacoethic -cacogalactia -cacogastric -cacogenesis -cacogenic -cacogenics -cacogeusia -cacoglossia -cacographer -cacographic -cacographical -cacography -cacology -cacomagician -cacomelia -cacomistle -cacomixl -cacomixle -cacomorphia -cacomorphosis -caconychia -caconym -caconymic -cacoon -cacopathy -cacopharyngia -cacophonia -cacophonic -cacophonical -cacophonically -cacophonist -cacophonize -cacophonous -cacophonously -cacophony -cacophthalmia -cacoplasia -cacoplastic -cacoproctia -cacorhythmic -cacorrhachis -cacorrhinia -cacosmia -cacospermia -cacosplanchnia -cacostomia -cacothansia -cacotheline -cacothesis -cacothymia -cacotrichia -cacotrophia -cacotrophic -cacotrophy -cacotype -cacoxene -cacoxenite -cacozeal -cacozealous -cacozyme -Cactaceae -cactaceous -Cactales -cacti -cactiform -cactoid -Cactus -cacuminal -cacuminate -cacumination -cacuminous -cacur -cad -cadalene -cadamba -cadastral -cadastration -cadastre -cadaver -cadaveric -cadaverine -cadaverize -cadaverous -cadaverously -cadaverousness -cadbait -cadbit -cadbote -caddice -caddiced -Caddie -caddie -caddis -caddised -caddish -caddishly -caddishness -caddle -Caddo -Caddoan -caddow -caddy -cade -cadelle -cadence -cadenced -cadency -cadent -cadential -cadenza -cader -caderas -Cadet -cadet -cadetcy -cadetship -cadette -cadew -cadge -cadger -cadgily -cadginess -cadgy -cadi -cadilesker -cadinene -cadism -cadiueio -cadjan -cadlock -Cadmean -cadmia -cadmic -cadmide -cadmiferous -cadmium -cadmiumize -Cadmopone -Cadmus -cados -cadrans -cadre -cadua -caduac -caduca -caducary -caducean -caduceus -caduciary -caducibranch -Caducibranchiata -caducibranchiate -caducicorn -caducity -caducous -cadus -Cadwal -Cadwallader -cadweed -caeca -caecal -caecally -caecectomy -caeciform -Caecilia -Caeciliae -caecilian -Caeciliidae -caecitis -caecocolic -caecostomy -caecotomy -caecum -Caedmonian -Caedmonic -Caelian -caelometer -Caelum -Caelus -Caenogaea -Caenogaean -Caenolestes -caenostylic -caenostyly -caeoma -caeremoniarius -Caerphilly -Caesalpinia -Caesalpiniaceae -caesalpiniaceous -Caesar -Caesardom -Caesarean -Caesareanize -Caesarian -Caesarism -Caesarist -Caesarize -caesaropapacy -caesaropapism -caesaropopism -Caesarotomy -Caesarship -caesious -caesura -caesural -caesuric -cafeneh -cafenet -cafeteria -caffa -caffeate -caffeic -caffeina -caffeine -caffeinic -caffeinism -caffeism -caffeol -caffeone -caffetannic -caffetannin -caffiso -caffle -caffoline -caffoy -cafh -cafiz -caftan -caftaned -cag -Cagayan -cage -caged -cageful -cageless -cagelike -cageling -cageman -cager -cagester -cagework -cagey -caggy -cagily -cagit -cagmag -Cagn -Cahenslyism -Cahill -cahincic -Cahita -cahiz -Cahnite -Cahokia -cahoot -cahot -cahow -Cahuapana -Cahuilla -caickle -caid -cailcedra -cailleach -caimacam -caimakam -caiman -caimitillo -caimito -Cain -cain -Caingang -Caingua -Cainian -Cainish -Cainism -Cainite -Cainitic -caique -caiquejee -Cairba -caird -Cairene -cairn -cairned -cairngorm -cairngorum -cairny -Cairo -caisson -caissoned -Caitanyas -Caite -caitiff -Cajan -Cajanus -cajeput -cajole -cajolement -cajoler -cajolery -cajoling -cajolingly -cajuela -Cajun -cajun -cajuput -cajuputene -cajuputol -Cakavci -Cakchikel -cake -cakebox -cakebread -cakehouse -cakemaker -cakemaking -caker -cakette -cakewalk -cakewalker -cakey -Cakile -caky -cal -calaba -Calabar -Calabari -calabash -calabaza -calabazilla -calaber -calaboose -calabrasella -Calabrese -calabrese -Calabrian -calade -Caladium -calais -calalu -Calamagrostis -calamanco -calamansi -Calamariaceae -calamariaceous -Calamariales -calamarian -calamarioid -calamaroid -calamary -calambac -calambour -calamiferous -calamiform -calaminary -calamine -calamint -Calamintha -calamistral -calamistrum -calamite -calamitean -Calamites -calamitoid -calamitous -calamitously -calamitousness -calamity -Calamodendron -calamondin -Calamopitys -Calamospermae -Calamostachys -calamus -calander -Calandra -calandria -Calandridae -Calandrinae -Calandrinia -calangay -calantas -Calanthe -calapite -Calappa -Calappidae -Calas -calascione -calash -Calathea -calathian -calathidium -calathiform -calathiscus -calathus -Calatrava -calaverite -calbroben -calcaneal -calcaneoastragalar -calcaneoastragaloid -calcaneocuboid -calcaneofibular -calcaneonavicular -calcaneoplantar -calcaneoscaphoid -calcaneotibial -calcaneum -calcaneus -calcar -calcarate -Calcarea -calcareoargillaceous -calcareobituminous -calcareocorneous -calcareosiliceous -calcareosulphurous -calcareous -calcareously -calcareousness -calcariferous -calcariform -calcarine -calced -calceiform -calcemia -Calceolaria -calceolate -Calchaqui -Calchaquian -calcic -calciclase -calcicole -calcicolous -calcicosis -calciferol -Calciferous -calciferous -calcific -calcification -calcified -calciform -calcifugal -calcifuge -calcifugous -calcify -calcigenous -calcigerous -calcimeter -calcimine -calciminer -calcinable -calcination -calcinatory -calcine -calcined -calciner -calcinize -calciobiotite -calciocarnotite -calcioferrite -calcioscheelite -calciovolborthite -calcipexy -calciphile -calciphilia -calciphilous -calciphobe -calciphobous -calciphyre -calciprivic -calcisponge -Calcispongiae -calcite -calcitestaceous -calcitic -calcitrant -calcitrate -calcitreation -calcium -calcivorous -calcographer -calcographic -calcography -calcrete -calculability -calculable -Calculagraph -calculary -calculate -calculated -calculatedly -calculating -calculatingly -calculation -calculational -calculative -calculator -calculatory -calculi -calculiform -calculist -calculous -calculus -Calcydon -calden -caldron -calean -Caleb -Caledonia -Caledonian -caledonite -calefacient -calefaction -calefactive -calefactor -calefactory -calelectric -calelectrical -calelectricity -Calemes -calendal -calendar -calendarer -calendarial -calendarian -calendaric -calender -calenderer -calendric -calendrical -calendry -calends -Calendula -calendulin -calentural -calenture -calenturist -calepin -calescence -calescent -calf -calfbound -calfhood -calfish -calfkill -calfless -calflike -calfling -calfskin -Caliban -Calibanism -caliber -calibered -calibogus -calibrate -calibration -calibrator -calibre -Caliburn -Caliburno -calicate -calices -caliciform -calicle -calico -calicoback -calicoed -calicular -caliculate -Calicut -calid -calidity -caliduct -California -Californian -californite -californium -caliga -caligated -caliginous -caliginously -caligo -Calimeris -Calinago -calinda -calinut -caliological -caliologist -caliology -calipash -calipee -caliper -caliperer -calipers -caliph -caliphal -caliphate -caliphship -Calista -calistheneum -calisthenic -calisthenical -calisthenics -Calite -caliver -calix -Calixtin -Calixtus -calk -calkage -calker -calkin -calking -call -Calla -callable -callainite -callant -callboy -caller -callet -calli -Callianassa -Callianassidae -Calliandra -Callicarpa -Callicebus -callid -callidity -callidness -calligraph -calligrapha -calligrapher -calligraphic -calligraphical -calligraphically -calligraphist -calligraphy -calling -Callionymidae -Callionymus -Calliope -calliophone -Calliopsis -calliper -calliperer -Calliphora -calliphorid -Calliphoridae -calliphorine -callipygian -callipygous -Callirrhoe -Callisaurus -callisection -callisteia -Callistemon -Callistephus -Callithrix -callithump -callithumpian -Callitrichaceae -callitrichaceous -Callitriche -Callitrichidae -Callitris -callitype -callo -Callorhynchidae -Callorhynchus -callosal -callose -callosity -callosomarginal -callosum -callous -callously -callousness -Callovian -callow -callower -callowman -callowness -Calluna -callus -Callynteria -calm -calmant -calmative -calmer -calmierer -calmingly -calmly -calmness -calmy -Calocarpum -Calochortaceae -Calochortus -calodemon -calography -calomba -calomel -calomorphic -Calonectria -Calonyction -calool -Calophyllum -Calopogon -calor -calorescence -calorescent -caloric -caloricity -calorie -calorifacient -calorific -calorifical -calorifically -calorification -calorifics -calorifier -calorify -calorigenic -calorimeter -calorimetric -calorimetrical -calorimetrically -calorimetry -calorimotor -caloris -calorisator -calorist -Calorite -calorize -calorizer -Calosoma -Calotermes -calotermitid -Calotermitidae -Calothrix -calotte -calotype -calotypic -calotypist -caloyer -calp -calpac -calpack -calpacked -calpulli -Caltha -caltrap -caltrop -calumba -calumet -calumniate -calumniation -calumniative -calumniator -calumniatory -calumnious -calumniously -calumniousness -calumny -Calusa -calutron -Calvados -calvaria -calvarium -Calvary -Calvatia -calve -calved -calver -calves -Calvin -Calvinian -Calvinism -Calvinist -Calvinistic -Calvinistical -Calvinistically -Calvinize -calvish -calvities -calvity -calvous -calx -calycanth -Calycanthaceae -calycanthaceous -calycanthemous -calycanthemy -calycanthine -Calycanthus -calycate -Calyceraceae -calyceraceous -calyces -calyciferous -calycifloral -calyciflorate -calyciflorous -calyciform -calycinal -calycine -calycle -calycled -Calycocarpum -calycoid -calycoideous -Calycophora -Calycophorae -calycophoran -Calycozoa -calycozoan -calycozoic -calycozoon -calycular -calyculate -calyculated -calycule -calyculus -Calydon -Calydonian -Calymene -calymma -calyphyomy -calypsist -Calypso -calypso -calypsonian -calypter -Calypterae -Calyptoblastea -calyptoblastic -Calyptorhynchus -calyptra -Calyptraea -Calyptranthes -Calyptrata -Calyptratae -calyptrate -calyptriform -calyptrimorphous -calyptro -calyptrogen -Calyptrogyne -Calystegia -calyx -cam -camaca -Camacan -camagon -camail -camailed -Camaldolensian -Camaldolese -Camaldolesian -Camaldolite -Camaldule -Camaldulian -camalote -caman -camansi -camara -camaraderie -Camarasaurus -camarilla -camass -Camassia -camata -camatina -Camaxtli -camb -Camball -Cambalo -Cambarus -cambaye -camber -Cambeva -cambial -cambiform -cambiogenetic -cambism -cambist -cambistry -cambium -Cambodian -cambogia -cambrel -cambresine -Cambrian -Cambric -cambricleaf -cambuca -Cambuscan -Cambyuskan -Came -came -cameist -camel -camelback -cameleer -Camelid -Camelidae -Camelina -cameline -camelish -camelishness -camelkeeper -Camellia -Camelliaceae -camellike -camellin -Camellus -camelman -cameloid -Cameloidea -camelopard -Camelopardalis -Camelopardid -Camelopardidae -Camelopardus -camelry -Camelus -Camembert -Camenae -Camenes -cameo -cameograph -cameography -camera -cameral -cameralism -cameralist -cameralistic -cameralistics -cameraman -Camerata -camerate -camerated -cameration -camerier -Camerina -Camerinidae -camerist -camerlingo -Cameronian -Camestres -camilla -camillus -camion -camisado -Camisard -camise -camisia -camisole -camlet -camleteen -Cammarum -cammed -cammock -cammocky -camomile -camoodi -camoodie -Camorra -Camorrism -Camorrist -Camorrista -camouflage -camouflager -camp -Campa -campagna -campagnol -campaign -campaigner -campana -campane -campanero -Campanian -campaniform -campanile -campaniliform -campanilla -campanini -campanist -campanistic -campanologer -campanological -campanologically -campanologist -campanology -Campanula -Campanulaceae -campanulaceous -Campanulales -campanular -Campanularia -Campanulariae -campanularian -Campanularidae -Campanulatae -campanulate -campanulated -campanulous -Campaspe -Campbellism -Campbellite -campbellite -campcraft -Campe -Campephagidae -campephagine -Campephilus -camper -campestral -campfight -campfire -campground -camphane -camphanic -camphanone -camphanyl -camphene -camphine -camphire -campho -camphocarboxylic -camphoid -camphol -campholic -campholide -campholytic -camphor -camphoraceous -camphorate -camphoric -camphorize -camphorone -camphoronic -camphoroyl -camphorphorone -camphorwood -camphory -camphoryl -camphylene -Campignian -campimeter -campimetrical -campimetry -Campine -campion -cample -campmaster -campo -Campodea -campodeid -Campodeidae -campodeiform -campodeoid -campody -Camponotus -campoo -camporee -campshed -campshedding -campsheeting -campshot -campstool -camptodrome -camptonite -Camptosorus -campulitropal -campulitropous -campus -campward -campylite -campylodrome -campylometer -Campyloneuron -campylospermous -campylotropal -campylotropous -camshach -camshachle -camshaft -camstane -camstone -camuning -camus -camused -camwood -can -Cana -Canaan -Canaanite -Canaanitess -Canaanitic -Canaanitish -canaba -Canacee -Canada -canada -Canadian -Canadianism -Canadianization -Canadianize -canadine -canadite -canadol -canaigre -canaille -canajong -canal -canalage -canalboat -canalicular -canaliculate -canaliculated -canaliculation -canaliculi -canaliculization -canaliculus -canaliferous -canaliform -canalization -canalize -canaller -canalling -canalman -canalside -Canamary -canamo -Cananaean -Cananga -Canangium -canape -canapina -canard -Canari -canari -Canarian -canarin -Canariote -Canarium -Canarsee -canary -canasta -canaster -canaut -Canavali -Canavalia -canavalin -Canberra -cancan -cancel -cancelable -cancelation -canceleer -canceler -cancellarian -cancellate -cancellated -cancellation -cancelli -cancellous -cancellus -cancelment -cancer -cancerate -canceration -cancerdrops -cancered -cancerigenic -cancerism -cancerophobe -cancerophobia -cancerous -cancerously -cancerousness -cancerroot -cancerweed -cancerwort -canch -canchalagua -Canchi -Cancri -Cancrid -cancriform -cancrinite -cancrisocial -cancrivorous -cancrizans -cancroid -cancrophagous -cancrum -cand -Candace -candareen -candela -candelabra -candelabrum -candelilla -candent -candescence -candescent -candescently -candid -candidacy -candidate -candidateship -candidature -candidly -candidness -candied -candier -candify -Candiot -candiru -candle -candleball -candlebeam -candleberry -candlebomb -candlebox -candlefish -candleholder -candlelight -candlelighted -candlelighter -candlelighting -candlelit -candlemaker -candlemaking -Candlemas -candlenut -candlepin -candler -candlerent -candleshine -candleshrift -candlestand -candlestick -candlesticked -candlestickward -candlewaster -candlewasting -candlewick -candlewood -candlewright -candock -Candollea -Candolleaceae -candolleaceous -candor -candroy -candy -candymaker -candymaking -candys -candystick -candytuft -candyweed -cane -canebrake -canel -canelike -canella -Canellaceae -canellaceous -Canelo -canelo -caneology -canephor -canephore -canephoros -canephroi -caner -canescence -canescent -canette -canewise -canework -Canfield -canfieldite -canful -cangan -cangia -cangle -cangler -cangue -canhoop -Canichana -Canichanan -canicola -Canicula -canicular -canicule -canid -Canidae -Canidia -canille -caninal -canine -caniniform -caninity -caninus -canioned -canions -Canis -Canisiana -canistel -canister -canities -canjac -cank -canker -cankerberry -cankerbird -cankereat -cankered -cankeredly -cankeredness -cankerflower -cankerous -cankerroot -cankerweed -cankerworm -cankerwort -cankery -canmaker -canmaking -canman -Canna -canna -cannabic -Cannabinaceae -cannabinaceous -cannabine -cannabinol -Cannabis -cannabism -Cannaceae -cannaceous -cannach -canned -cannel -cannelated -cannelure -cannelured -cannequin -canner -cannery -cannet -cannibal -cannibalean -cannibalic -cannibalish -cannibalism -cannibalistic -cannibalistically -cannibality -cannibalization -cannibalize -cannibally -cannikin -cannily -canniness -canning -cannon -cannonade -cannoned -cannoneer -cannoneering -Cannonism -cannonproof -cannonry -cannot -Cannstatt -cannula -cannular -cannulate -cannulated -canny -canoe -canoeing -Canoeiro -canoeist -canoeload -canoeman -canoewood -canon -canoncito -canoness -canonic -canonical -canonically -canonicalness -canonicals -canonicate -canonicity -canonics -canonist -canonistic -canonistical -canonizant -canonization -canonize -canonizer -canonlike -canonry -canonship -canoodle -canoodler -Canopic -canopic -Canopus -canopy -canorous -canorously -canorousness -Canossa -canroy -canroyer -canso -cant -Cantab -cantabank -cantabile -Cantabri -Cantabrian -Cantabrigian -Cantabrize -cantala -cantalite -cantaloupe -cantankerous -cantankerously -cantankerousness -cantar -cantara -cantaro -cantata -Cantate -cantation -cantative -cantatory -cantboard -canted -canteen -cantefable -canter -Canterburian -Canterburianism -Canterbury -canterer -canthal -Cantharellus -Cantharidae -cantharidal -cantharidate -cantharides -cantharidian -cantharidin -cantharidism -cantharidize -cantharis -cantharophilous -cantharus -canthectomy -canthitis -cantholysis -canthoplasty -canthorrhaphy -canthotomy -canthus -cantic -canticle -cantico -cantilena -cantilene -cantilever -cantilevered -cantillate -cantillation -cantily -cantina -cantiness -canting -cantingly -cantingness -cantion -cantish -cantle -cantlet -canto -Canton -canton -cantonal -cantonalism -cantoned -cantoner -Cantonese -cantonment -cantoon -cantor -cantoral -Cantorian -cantoris -cantorous -cantorship -cantred -cantref -cantrip -cantus -cantwise -canty -Canuck -canun -canvas -canvasback -canvasman -canvass -canvassy -cany -canyon -canzon -canzonet -caoba -Caodaism -Caodaist -caoutchouc -caoutchoucin -cap -capability -capable -capableness -capably -capacious -capaciously -capaciousness -capacitance -capacitate -capacitation -capacitative -capacitativly -capacitive -capacitor -capacity -capanna -capanne -caparison -capax -capcase -Cape -cape -caped -capel -capelet -capelin -capeline -Capella -capellet -caper -caperbush -capercaillie -capercally -capercut -caperer -capering -caperingly -Capernaism -Capernaite -Capernaitic -Capernaitical -Capernaitically -Capernaitish -capernoited -capernoitie -capernoity -capersome -caperwort -capes -capeskin -Capetian -Capetonian -capeweed -capewise -capful -Caph -caph -caphar -caphite -Caphtor -Caphtorim -capias -capicha -capillaceous -capillaire -capillament -capillarectasia -capillarily -capillarimeter -capillariness -capillariomotor -capillarity -capillary -capillation -capilliculture -capilliform -capillitial -capillitium -capillose -capistrate -capital -capitaldom -capitaled -capitalism -capitalist -capitalistic -capitalistically -capitalizable -capitalization -capitalize -capitally -capitalness -capitan -capitate -capitated -capitatim -capitation -capitative -capitatum -capitellar -capitellate -capitelliform -capitellum -Capito -Capitol -Capitolian -Capitoline -Capitolium -Capitonidae -Capitoninae -capitoul -capitoulate -capitulant -capitular -capitularly -capitulary -capitulate -capitulation -capitulator -capitulatory -capituliform -capitulum -capivi -capkin -capless -caplin -capmaker -capmaking -capman -capmint -Capnodium -Capnoides -capnomancy -capocchia -capomo -capon -caponier -caponize -caponizer -caporal -capot -capote -cappadine -Cappadocian -Capparidaceae -capparidaceous -Capparis -capped -cappelenite -capper -cappie -capping -capple -cappy -Capra -caprate -Caprella -Caprellidae -caprelline -capreol -capreolar -capreolary -capreolate -capreoline -Capreolus -Capri -capric -capriccetto -capricci -capriccio -caprice -capricious -capriciously -capriciousness -Capricorn -Capricornid -Capricornus -caprid -caprificate -caprification -caprificator -caprifig -Caprifoliaceae -caprifoliaceous -Caprifolium -caprifolium -capriform -caprigenous -Caprimulgi -Caprimulgidae -Caprimulgiformes -caprimulgine -Caprimulgus -caprin -caprine -caprinic -Capriola -capriole -Capriote -capriped -capripede -caprizant -caproate -caproic -caproin -Capromys -caprone -capronic -capronyl -caproyl -capryl -caprylate -caprylene -caprylic -caprylin -caprylone -caprylyl -capsa -capsaicin -Capsella -capsheaf -capshore -Capsian -capsicin -Capsicum -capsicum -capsid -Capsidae -capsizal -capsize -capstan -capstone -capsula -capsulae -capsular -capsulate -capsulated -capsulation -capsule -capsulectomy -capsuler -capsuliferous -capsuliform -capsuligerous -capsulitis -capsulociliary -capsulogenous -capsulolenticular -capsulopupillary -capsulorrhaphy -capsulotome -capsulotomy -capsumin -captaculum -captain -captaincy -captainess -captainly -captainry -captainship -captance -captation -caption -captious -captiously -captiousness -captivate -captivately -captivating -captivatingly -captivation -captivative -captivator -captivatrix -captive -captivity -captor -captress -capturable -capture -capturer -Capuan -capuche -capuched -Capuchin -capuchin -capucine -capulet -capulin -capybara -Caquetio -car -Cara -carabao -carabeen -carabid -Carabidae -carabidan -carabideous -carabidoid -carabin -carabineer -Carabini -caraboid -Carabus -carabus -caracal -caracara -caracol -caracole -caracoler -caracoli -caracolite -caracoller -caracore -caract -Caractacus -caracter -Caradoc -carafe -Caragana -Caraguata -caraguata -Caraho -caraibe -Caraipa -caraipi -Caraja -Carajas -carajura -caramba -carambola -carambole -caramel -caramelan -caramelen -caramelin -caramelization -caramelize -caramoussal -carancha -caranda -Carandas -caranday -carane -Caranga -carangid -Carangidae -carangoid -Carangus -caranna -Caranx -Carapa -carapace -carapaced -Carapache -Carapacho -carapacic -carapato -carapax -Carapidae -carapine -carapo -Carapus -Carara -carat -caratch -caraunda -caravan -caravaneer -caravanist -caravanner -caravansary -caravanserai -caravanserial -caravel -caraway -Carayan -carbacidometer -carbamate -carbamic -carbamide -carbamido -carbamine -carbamino -carbamyl -carbanil -carbanilic -carbanilide -carbarn -carbasus -carbazic -carbazide -carbazine -carbazole -carbazylic -carbeen -carbene -carberry -carbethoxy -carbethoxyl -carbide -carbimide -carbine -carbinol -carbinyl -carbo -carboazotine -carbocinchomeronic -carbodiimide -carbodynamite -carbogelatin -carbohemoglobin -carbohydrase -carbohydrate -carbohydraturia -carbohydrazide -carbohydride -carbohydrogen -carbolate -carbolated -carbolfuchsin -carbolic -carbolineate -Carbolineum -carbolize -Carboloy -carboluria -carbolxylol -carbomethene -carbomethoxy -carbomethoxyl -carbon -carbona -carbonaceous -carbonade -carbonado -Carbonari -Carbonarism -Carbonarist -carbonatation -carbonate -carbonation -carbonatization -carbonator -carbonemia -carbonero -carbonic -carbonide -Carboniferous -carboniferous -carbonification -carbonify -carbonigenous -carbonimeter -carbonimide -carbonite -carbonitride -carbonium -carbonizable -carbonization -carbonize -carbonizer -carbonless -Carbonnieux -carbonometer -carbonometry -carbonous -carbonuria -carbonyl -carbonylene -carbonylic -carbophilous -carbora -Carborundum -carborundum -carbosilicate -carbostyril -carboxide -carboxy -Carboxydomonas -carboxyhemoglobin -carboxyl -carboxylase -carboxylate -carboxylation -carboxylic -carboy -carboyed -carbro -carbromal -carbuilder -carbuncle -carbuncled -carbuncular -carbungi -carburant -carburate -carburation -carburator -carbure -carburet -carburetant -carburetor -carburization -carburize -carburizer -carburometer -carbyl -carbylamine -carcajou -carcake -carcanet -carcaneted -carcass -Carcavelhos -carceag -carcel -carceral -carcerate -carceration -Carcharhinus -Carcharias -carchariid -Carchariidae -carcharioid -Carcharodon -carcharodont -carcinemia -carcinogen -carcinogenesis -carcinogenic -carcinoid -carcinological -carcinologist -carcinology -carcinolysin -carcinolytic -carcinoma -carcinomata -carcinomatoid -carcinomatosis -carcinomatous -carcinomorphic -carcinophagous -carcinopolypus -carcinosarcoma -carcinosarcomata -Carcinoscorpius -carcinosis -carcoon -card -cardaissin -Cardamine -cardamom -Cardanic -cardboard -cardcase -cardecu -carded -cardel -carder -cardholder -cardia -cardiac -cardiacal -Cardiacea -cardiacean -cardiagra -cardiagram -cardiagraph -cardiagraphy -cardial -cardialgia -cardialgy -cardiameter -cardiamorphia -cardianesthesia -cardianeuria -cardiant -cardiaplegia -cardiarctia -cardiasthenia -cardiasthma -cardiataxia -cardiatomy -cardiatrophia -cardiauxe -Cardiazol -cardicentesis -cardiectasis -cardiectomize -cardiectomy -cardielcosis -cardiemphraxia -cardiform -Cardigan -cardigan -Cardiidae -cardin -cardinal -cardinalate -cardinalic -Cardinalis -cardinalism -cardinalist -cardinalitial -cardinalitian -cardinally -cardinalship -cardines -carding -cardioaccelerator -cardioarterial -cardioblast -cardiocarpum -cardiocele -cardiocentesis -cardiocirrhosis -cardioclasia -cardioclasis -cardiodilator -cardiodynamics -cardiodynia -cardiodysesthesia -cardiodysneuria -cardiogenesis -cardiogenic -cardiogram -cardiograph -cardiographic -cardiography -cardiohepatic -cardioid -cardiokinetic -cardiolith -cardiological -cardiologist -cardiology -cardiolysis -cardiomalacia -cardiomegaly -cardiomelanosis -cardiometer -cardiometric -cardiometry -cardiomotility -cardiomyoliposis -cardiomyomalacia -cardioncus -cardionecrosis -cardionephric -cardioneural -cardioneurosis -cardionosus -cardioparplasis -cardiopathic -cardiopathy -cardiopericarditis -cardiophobe -cardiophobia -cardiophrenia -cardioplasty -cardioplegia -cardiopneumatic -cardiopneumograph -cardioptosis -cardiopulmonary -cardiopuncture -cardiopyloric -cardiorenal -cardiorespiratory -cardiorrhaphy -cardiorrheuma -cardiorrhexis -cardioschisis -cardiosclerosis -cardioscope -cardiospasm -Cardiospermum -cardiosphygmogram -cardiosphygmograph -cardiosymphysis -cardiotherapy -cardiotomy -cardiotonic -cardiotoxic -cardiotrophia -cardiotrophotherapy -cardiovascular -cardiovisceral -cardipaludism -cardipericarditis -cardisophistical -carditic -carditis -Cardium -cardlike -cardmaker -cardmaking -cardo -cardol -cardon -cardona -cardoncillo -cardooer -cardoon -cardophagus -cardplayer -cardroom -cardsharp -cardsharping -cardstock -Carduaceae -carduaceous -Carduelis -Carduus -care -carecloth -careen -careenage -careener -career -careerer -careering -careeringly -careerist -carefree -careful -carefully -carefulness -careless -carelessly -carelessness -carene -carer -caress -caressant -caresser -caressing -caressingly -caressive -caressively -carest -caret -caretaker -caretaking -Caretta -Carettochelydidae -careworn -Carex -carfare -carfax -carfuffle -carful -carga -cargo -cargoose -carhop -carhouse -cariacine -Cariacus -cariama -Cariamae -Carian -Carib -Caribal -Cariban -Caribbean -Caribbee -Caribi -Caribisi -caribou -Carica -Caricaceae -caricaceous -caricatura -caricaturable -caricatural -caricature -caricaturist -caricetum -caricographer -caricography -caricologist -caricology -caricous -carid -Carida -Caridea -caridean -caridoid -Caridomorpha -caries -Carijona -carillon -carillonneur -carina -carinal -Carinaria -Carinatae -carinate -carinated -carination -Cariniana -cariniform -Carinthian -cariole -carioling -cariosity -carious -cariousness -Caripuna -Cariri -Caririan -Carisa -Carissa -caritative -caritive -Cariyo -cark -carking -carkingly -carkled -Carl -carl -carless -carlet -carlie -carlin -Carlina -carline -carling -carlings -carlish -carlishness -Carlisle -Carlism -Carlist -Carlo -carload -carloading -carloadings -Carlos -carlot -Carlovingian -carls -Carludovica -Carlylean -Carlyleian -Carlylese -Carlylesque -Carlylian -Carlylism -carmagnole -carmalum -Carman -carman -Carmanians -Carmel -Carmela -carmele -Carmelite -Carmelitess -carmeloite -Carmen -carminative -Carmine -carmine -carminette -carminic -carminite -carminophilous -carmoisin -carmot -Carnacian -carnage -carnaged -carnal -carnalism -carnalite -carnality -carnalize -carnallite -carnally -carnalness -carnaptious -Carnaria -carnassial -carnate -carnation -carnationed -carnationist -carnauba -carnaubic -carnaubyl -Carnegie -Carnegiea -carnelian -carneol -carneole -carneous -carney -carnic -carniferous -carniferrin -carnifex -carnification -carnifices -carnificial -carniform -carnify -Carniolan -carnival -carnivaler -carnivalesque -Carnivora -carnivoracity -carnivoral -carnivore -carnivorism -carnivorous -carnivorously -carnivorousness -carnose -carnosine -carnosity -carnotite -carnous -Caro -caroa -carob -caroba -caroche -Caroid -Carol -carol -Carolan -Carole -Carolean -caroler -caroli -carolin -Carolina -Caroline -caroline -Caroling -Carolingian -Carolinian -carolus -Carolyn -carom -carombolette -carone -caronic -caroome -caroon -carotene -carotenoid -carotic -carotid -carotidal -carotidean -carotin -carotinemia -carotinoid -caroubier -carousal -carouse -carouser -carousing -carousingly -carp -carpaine -carpal -carpale -carpalia -Carpathian -carpel -carpellary -carpellate -carpent -carpenter -Carpenteria -carpentering -carpentership -carpentry -carper -carpet -carpetbag -carpetbagger -carpetbaggery -carpetbaggism -carpetbagism -carpetbeater -carpeting -carpetlayer -carpetless -carpetmaker -carpetmaking -carpetmonger -carpetweb -carpetweed -carpetwork -carpetwoven -Carphiophiops -carpholite -Carphophis -carphosiderite -carpid -carpidium -carpincho -carping -carpingly -carpintero -Carpinus -Carpiodes -carpitis -carpium -carpocace -Carpocapsa -carpocarpal -carpocephala -carpocephalum -carpocerite -carpocervical -Carpocratian -Carpodacus -Carpodetus -carpogam -carpogamy -carpogenic -carpogenous -carpogone -carpogonial -carpogonium -Carpoidea -carpolite -carpolith -carpological -carpologically -carpologist -carpology -carpomania -carpometacarpal -carpometacarpus -carpopedal -Carpophaga -carpophagous -carpophalangeal -carpophore -carpophyll -carpophyte -carpopodite -carpopoditic -carpoptosia -carpoptosis -carport -carpos -carposperm -carposporangia -carposporangial -carposporangium -carpospore -carposporic -carposporous -carpostome -carpus -carquaise -carr -carrack -carrageen -carrageenin -Carrara -Carraran -carrel -carriable -carriage -carriageable -carriageful -carriageless -carriagesmith -carriageway -Carrick -carrick -Carrie -carried -carrier -carrion -carritch -carritches -carriwitchet -Carrizo -carrizo -carroch -carrollite -carronade -carrot -carrotage -carroter -carrotiness -carrottop -carrotweed -carrotwood -carroty -carrousel -carrow -Carry -carry -carryall -carrying -carrytale -carse -carshop -carsick -carsmith -Carsten -cart -cartable -cartaceous -cartage -cartboot -cartbote -carte -cartel -cartelism -cartelist -cartelization -cartelize -Carter -carter -Cartesian -Cartesianism -cartful -Carthaginian -carthame -carthamic -carthamin -Carthamus -Carthusian -Cartier -cartilage -cartilaginean -Cartilaginei -cartilagineous -Cartilagines -cartilaginification -cartilaginoid -cartilaginous -cartisane -Cartist -cartload -cartmaker -cartmaking -cartman -cartobibliography -cartogram -cartograph -cartographer -cartographic -cartographical -cartographically -cartography -cartomancy -carton -cartonnage -cartoon -cartoonist -cartouche -cartridge -cartsale -cartulary -cartway -cartwright -cartwrighting -carty -carua -carucage -carucal -carucate -carucated -Carum -caruncle -caruncula -carunculae -caruncular -carunculate -carunculated -carunculous -carvacrol -carvacryl -carval -carve -carvel -carven -carvene -carver -carvership -carvestrene -carving -carvoepra -carvol -carvomenthene -carvone -carvyl -carwitchet -Cary -Carya -caryatic -caryatid -caryatidal -caryatidean -caryatidic -caryl -Caryocar -Caryocaraceae -caryocaraceous -Caryophyllaceae -caryophyllaceous -caryophyllene -caryophylleous -caryophyllin -caryophyllous -Caryophyllus -caryopilite -caryopses -caryopsides -caryopsis -Caryopteris -Caryota -casaba -casabe -casal -casalty -Casamarca -Casanovanic -Casasia -casate -casaun -casava -casave -casavi -casbah -cascabel -cascade -Cascadia -Cascadian -cascadite -cascado -cascalho -cascalote -cascara -cascarilla -cascaron -casco -cascol -Case -case -Casearia -casease -caseate -caseation -casebook -casebox -cased -caseful -casefy -caseharden -caseic -casein -caseinate -caseinogen -casekeeper -Casel -caseless -caselessly -casemaker -casemaking -casemate -casemated -casement -casemented -caseolysis -caseose -caseous -caser -casern -caseum -caseweed -casewood -casework -caseworker -caseworm -Casey -cash -casha -cashable -cashableness -cashaw -cashbook -cashbox -cashboy -cashcuttee -cashel -cashew -cashgirl -Cashibo -cashier -cashierer -cashierment -cashkeeper -cashment -Cashmere -cashmere -cashmerette -Cashmirian -Casimir -Casimiroa -casing -casino -casiri -cask -casket -casking -casklike -Caslon -Caspar -Casparian -Casper -Caspian -casque -casqued -casquet -casquetel -casquette -cass -cassabanana -cassabully -cassady -Cassandra -cassareep -cassation -casse -Cassegrain -Cassegrainian -casselty -cassena -casserole -Cassia -cassia -Cassiaceae -Cassian -cassican -Cassicus -Cassida -cassideous -cassidid -Cassididae -Cassidinae -cassidony -Cassidulina -cassiduloid -Cassiduloidea -Cassie -cassie -Cassiepeia -cassimere -cassina -cassine -Cassinese -cassinette -Cassinian -cassino -cassinoid -cassioberry -Cassiope -Cassiopeia -Cassiopeian -Cassiopeid -cassiopeium -Cassis -cassis -cassiterite -Cassius -cassock -cassolette -casson -cassonade -cassoon -cassowary -cassumunar -Cassytha -Cassythaceae -cast -castable -castagnole -Castalia -Castalian -Castalides -Castalio -Castanea -castanean -castaneous -castanet -Castanopsis -Castanospermum -castaway -caste -casteless -castelet -castellan -castellano -castellanship -castellany -castellar -castellate -castellated -castellation -caster -casterless -casthouse -castice -castigable -castigate -castigation -castigative -castigator -castigatory -Castilian -Castilla -Castilleja -Castilloa -casting -castle -castled -castlelike -castlet -castlewards -castlewise -castling -castock -castoff -Castor -castor -Castores -castoreum -castorial -Castoridae -castorin -castorite -castorized -Castoroides -castory -castra -castral -castrametation -castrate -castrater -castration -castrator -castrensial -castrensian -castrum -castuli -casual -casualism -casualist -casuality -casually -casualness -casualty -Casuariidae -Casuariiformes -Casuarina -Casuarinaceae -casuarinaceous -Casuarinales -Casuarius -casuary -casuist -casuistess -casuistic -casuistical -casuistically -casuistry -casula -caswellite -Casziel -Cat -cat -catabaptist -catabases -catabasis -catabatic -catabibazon -catabiotic -catabolic -catabolically -catabolin -catabolism -catabolite -catabolize -catacaustic -catachreses -catachresis -catachrestic -catachrestical -catachrestically -catachthonian -cataclasm -cataclasmic -cataclastic -cataclinal -cataclysm -cataclysmal -cataclysmatic -cataclysmatist -cataclysmic -cataclysmically -cataclysmist -catacomb -catacorolla -catacoustics -catacromyodian -catacrotic -catacrotism -catacumbal -catadicrotic -catadicrotism -catadioptric -catadioptrical -catadioptrics -catadromous -catafalco -catafalque -catagenesis -catagenetic -catagmatic -Cataian -catakinesis -catakinetic -catakinetomer -catakinomeric -Catalan -Catalanganes -Catalanist -catalase -Catalaunian -catalecta -catalectic -catalecticant -catalepsis -catalepsy -cataleptic -cataleptiform -cataleptize -cataleptoid -catalexis -catalina -catalineta -catalinite -catallactic -catallactically -catallactics -catallum -catalogia -catalogic -catalogical -catalogist -catalogistic -catalogue -cataloguer -cataloguish -cataloguist -cataloguize -Catalonian -catalowne -Catalpa -catalpa -catalufa -catalyses -catalysis -catalyst -catalyte -catalytic -catalytical -catalytically -catalyzator -catalyze -catalyzer -catamaran -Catamarcan -Catamarenan -catamenia -catamenial -catamite -catamited -catamiting -catamount -catamountain -catan -Catananche -catapan -catapasm -catapetalous -cataphasia -cataphatic -cataphora -cataphoresis -cataphoretic -cataphoria -cataphoric -cataphract -Cataphracta -Cataphracti -cataphrenia -cataphrenic -Cataphrygian -cataphrygianism -cataphyll -cataphylla -cataphyllary -cataphyllum -cataphysical -cataplasia -cataplasis -cataplasm -catapleiite -cataplexy -catapult -catapultic -catapultier -cataract -cataractal -cataracted -cataractine -cataractous -cataractwise -cataria -catarinite -catarrh -catarrhal -catarrhally -catarrhed -Catarrhina -catarrhine -catarrhinian -catarrhous -catasarka -Catasetum -catasta -catastaltic -catastasis -catastate -catastatic -catasterism -catastrophal -catastrophe -catastrophic -catastrophical -catastrophically -catastrophism -catastrophist -catathymic -catatonia -catatoniac -catatonic -catawampous -catawampously -catawamptious -catawamptiously -catawampus -Catawba -catberry -catbird -catboat -catcall -catch -catchable -catchall -catchcry -catcher -catchfly -catchiness -catching -catchingly -catchingness -catchland -catchment -catchpenny -catchplate -catchpole -catchpolery -catchpoleship -catchpoll -catchpollery -catchup -catchwater -catchweed -catchweight -catchword -catchwork -catchy -catclaw -catdom -cate -catechesis -catechetic -catechetical -catechetically -catechin -catechism -catechismal -catechist -catechistic -catechistical -catechistically -catechizable -catechization -catechize -catechizer -catechol -catechu -catechumen -catechumenal -catechumenate -catechumenical -catechumenically -catechumenism -catechumenship -catechutannic -categorem -categorematic -categorematical -categorematically -categorial -categoric -categorical -categorically -categoricalness -categorist -categorization -categorize -category -catelectrotonic -catelectrotonus -catella -catena -catenae -catenarian -catenary -catenate -catenated -catenation -catenoid -catenulate -catepuce -cater -cateran -catercap -catercorner -caterer -caterership -cateress -caterpillar -caterpillared -caterpillarlike -caterva -caterwaul -caterwauler -caterwauling -Catesbaea -cateye -catface -catfaced -catfacing -catfall -catfish -catfoot -catfooted -catgut -Catha -Cathari -Catharina -Catharine -Catharism -Catharist -Catharistic -catharization -catharize -catharpin -catharping -Cathars -catharsis -Cathartae -Cathartes -cathartic -cathartical -cathartically -catharticalness -Cathartidae -Cathartides -Cathartolinum -Cathay -Cathayan -cathead -cathect -cathectic -cathection -cathedra -cathedral -cathedraled -cathedralesque -cathedralic -cathedrallike -cathedralwise -cathedratic -cathedratica -cathedratical -cathedratically -cathedraticum -cathepsin -Catherine -catheter -catheterism -catheterization -catheterize -catheti -cathetometer -cathetometric -cathetus -cathexion -cathexis -cathidine -cathin -cathine -cathinine -cathion -cathisma -cathodal -cathode -cathodic -cathodical -cathodically -cathodofluorescence -cathodograph -cathodography -cathodoluminescence -cathograph -cathography -cathole -catholic -catholical -catholically -catholicalness -catholicate -catholicism -catholicist -catholicity -catholicize -catholicizer -catholicly -catholicness -catholicon -catholicos -catholicus -catholyte -cathood -cathop -Cathrin -cathro -Cathryn -Cathy -Catilinarian -cation -cationic -cativo -catjang -catkin -catkinate -catlap -catlike -catlin -catling -catlinite -catmalison -catmint -catnip -catoblepas -Catocala -catocalid -catocathartic -catoctin -Catodon -catodont -catogene -catogenic -Catoism -Catonian -Catonic -Catonically -Catonism -catoptric -catoptrical -catoptrically -catoptrics -catoptrite -catoptromancy -catoptromantic -Catoquina -catostomid -Catostomidae -catostomoid -Catostomus -catpiece -catpipe -catproof -Catskill -catskin -catstep -catstick -catstitch -catstitcher -catstone -catsup -cattabu -cattail -cattalo -cattery -Catti -cattily -cattimandoo -cattiness -catting -cattish -cattishly -cattishness -cattle -cattlebush -cattlegate -cattleless -cattleman -Cattleya -cattleya -cattleyak -Catty -catty -cattyman -Catullian -catvine -catwalk -catwise -catwood -catwort -caubeen -cauboge -Caucasian -Caucasic -Caucasoid -cauch -cauchillo -caucho -caucus -cauda -caudad -caudae -caudal -caudally -caudalward -Caudata -caudata -caudate -caudated -caudation -caudatolenticular -caudatory -caudatum -caudex -caudices -caudicle -caudiform -caudillism -caudle -caudocephalad -caudodorsal -caudofemoral -caudolateral -caudotibial -caudotibialis -Caughnawaga -caught -cauk -caul -cauld -cauldrife -cauldrifeness -Caulerpa -Caulerpaceae -caulerpaceous -caules -caulescent -caulicle -caulicole -caulicolous -caulicule -cauliculus -cauliferous -cauliflorous -cauliflory -cauliflower -cauliform -cauligenous -caulinar -caulinary -cauline -caulis -Caulite -caulivorous -caulocarpic -caulocarpous -caulome -caulomer -caulomic -caulophylline -Caulophyllum -Caulopteris -caulopteris -caulosarc -caulotaxis -caulotaxy -caulote -caum -cauma -caumatic -caunch -Caunos -Caunus -caup -caupo -caupones -Cauqui -caurale -Caurus -causability -causable -causal -causalgia -causality -causally -causate -causation -causational -causationism -causationist -causative -causatively -causativeness -causativity -cause -causeful -causeless -causelessly -causelessness -causer -causerie -causeway -causewayman -causey -causidical -causing -causingness -causse -causson -caustic -caustical -caustically -causticiser -causticism -causticity -causticization -causticize -causticizer -causticly -causticness -caustification -caustify -Causus -cautel -cautelous -cautelously -cautelousness -cauter -cauterant -cauterization -cauterize -cautery -caution -cautionary -cautioner -cautionry -cautious -cautiously -cautiousness -cautivo -cava -cavae -caval -cavalcade -cavalero -cavalier -cavalierish -cavalierishness -cavalierism -cavalierly -cavalierness -cavaliero -cavaliership -cavalla -cavalry -cavalryman -cavascope -cavate -cavatina -cave -caveat -caveator -cavekeeper -cavel -cavelet -cavelike -cavendish -cavern -cavernal -caverned -cavernicolous -cavernitis -cavernlike -cavernoma -cavernous -cavernously -cavernulous -cavesson -cavetto -Cavia -caviar -cavicorn -Cavicornia -Cavidae -cavie -cavil -caviler -caviling -cavilingly -cavilingness -cavillation -Cavina -caving -cavings -cavish -cavitary -cavitate -cavitation -cavitied -cavity -caviya -cavort -cavus -cavy -caw -cawk -cawky -cawney -cawquaw -caxiri -caxon -Caxton -Caxtonian -cay -Cayapa -Cayapo -Cayenne -cayenne -cayenned -Cayleyan -cayman -Cayubaba -Cayubaban -Cayuga -Cayugan -Cayuse -Cayuvava -caza -cazimi -Ccoya -ce -Ceanothus -cearin -cease -ceaseless -ceaselessly -ceaselessness -ceasmic -Cebalrai -Cebatha -cebell -cebian -cebid -Cebidae -cebil -cebine -ceboid -cebollite -cebur -Cebus -cecidiologist -cecidiology -cecidium -cecidogenous -cecidologist -cecidology -cecidomyian -cecidomyiid -Cecidomyiidae -cecidomyiidous -Cecil -Cecile -Cecilia -cecilite -cecils -Cecily -cecity -cecograph -Cecomorphae -cecomorphic -cecostomy -Cecropia -Cecrops -cecutiency -cedar -cedarbird -cedared -cedarn -cedarware -cedarwood -cedary -cede -cedent -ceder -cedilla -cedrat -cedrate -cedre -Cedrela -cedrene -Cedric -cedrin -cedrine -cedriret -cedrium -cedrol -cedron -Cedrus -cedry -cedula -cee -Ceiba -ceibo -ceil -ceile -ceiler -ceilidh -ceiling -ceilinged -ceilingward -ceilingwards -ceilometer -Celadon -celadon -celadonite -Celaeno -celandine -Celanese -Celarent -Celastraceae -celastraceous -Celastrus -celation -celative -celature -Celebesian -celebrant -celebrate -celebrated -celebratedness -celebrater -celebration -celebrative -celebrator -celebratory -celebrity -celemin -celemines -celeomorph -Celeomorphae -celeomorphic -celeriac -celerity -celery -celesta -Celeste -celeste -celestial -celestiality -celestialize -celestially -celestialness -celestina -Celestine -celestine -Celestinian -celestite -celestitude -Celia -celiac -celiadelphus -celiagra -celialgia -celibacy -celibatarian -celibate -celibatic -celibatist -celibatory -celidographer -celidography -celiectasia -celiectomy -celiemia -celiitis -celiocele -celiocentesis -celiocolpotomy -celiocyesis -celiodynia -celioelytrotomy -celioenterotomy -celiogastrotomy -celiohysterotomy -celiolymph -celiomyalgia -celiomyodynia -celiomyomectomy -celiomyomotomy -celiomyositis -celioncus -celioparacentesis -celiopyosis -celiorrhaphy -celiorrhea -celiosalpingectomy -celiosalpingotomy -celioschisis -celioscope -celioscopy -celiotomy -celite -cell -cella -cellae -cellar -cellarage -cellarer -cellaress -cellaret -cellaring -cellarless -cellarman -cellarous -cellarway -cellarwoman -cellated -celled -Cellepora -cellepore -Cellfalcicula -celliferous -celliform -cellifugal -cellipetal -cellist -Cellite -cello -cellobiose -celloid -celloidin -celloist -cellophane -cellose -Cellucotton -cellular -cellularity -cellularly -cellulase -cellulate -cellulated -cellulation -cellule -cellulicidal -celluliferous -cellulifugal -cellulifugally -cellulin -cellulipetal -cellulipetally -cellulitis -cellulocutaneous -cellulofibrous -Celluloid -celluloid -celluloided -Cellulomonadeae -Cellulomonas -cellulose -cellulosic -cellulosity -cellulotoxic -cellulous -Cellvibrio -Celosia -Celotex -celotomy -Celsia -celsian -Celsius -Celt -celt -Celtdom -Celtiberi -Celtiberian -Celtic -Celtically -Celticism -Celticist -Celticize -Celtidaceae -celtiform -Celtillyrians -Celtis -Celtish -Celtism -Celtist -celtium -Celtization -Celtologist -Celtologue -Celtomaniac -Celtophil -Celtophobe -Celtophobia -celtuce -cembalist -cembalo -cement -cemental -cementation -cementatory -cementer -cementification -cementin -cementite -cementitious -cementless -cementmaker -cementmaking -cementoblast -cementoma -cementum -cemeterial -cemetery -cenacle -cenaculum -cenanthous -cenanthy -cencerro -Cenchrus -cendre -cenobian -cenobite -cenobitic -cenobitical -cenobitically -cenobitism -cenobium -cenoby -cenogenesis -cenogenetic -cenogenetically -cenogonous -Cenomanian -cenosite -cenosity -cenospecies -cenospecific -cenospecifically -cenotaph -cenotaphic -cenotaphy -Cenozoic -cenozoology -cense -censer -censerless -censive -censor -censorable -censorate -censorial -censorious -censoriously -censoriousness -censorship -censual -censurability -censurable -censurableness -censurably -censure -censureless -censurer -censureship -census -cent -centage -cental -centare -centaur -centaurdom -Centaurea -centauress -centauri -centaurial -centaurian -centauric -Centaurid -Centauridium -Centaurium -centauromachia -centauromachy -Centaurus -centaurus -centaury -centavo -centena -centenar -centenarian -centenarianism -centenary -centenier -centenionalis -centennial -centennially -center -centerable -centerboard -centered -centerer -centering -centerless -centermost -centerpiece -centervelic -centerward -centerwise -centesimal -centesimally -centesimate -centesimation -centesimi -centesimo -centesis -Centetes -centetid -Centetidae -centgener -centiar -centiare -centibar -centifolious -centigrade -centigram -centile -centiliter -centillion -centillionth -Centiloquy -centime -centimeter -centimo -centimolar -centinormal -centipedal -centipede -centiplume -centipoise -centistere -centistoke -centner -cento -centonical -centonism -centrad -central -centrale -Centrales -centralism -centralist -centralistic -centrality -centralization -centralize -centralizer -centrally -centralness -centranth -Centranthus -centrarchid -Centrarchidae -centrarchoid -Centraxonia -centraxonial -Centrechinoida -centric -Centricae -centrical -centricality -centrically -centricalness -centricipital -centriciput -centricity -centriffed -centrifugal -centrifugalization -centrifugalize -centrifugaller -centrifugally -centrifugate -centrifugation -centrifuge -centrifugence -centriole -centripetal -centripetalism -centripetally -centripetence -centripetency -centriscid -Centriscidae -centrisciform -centriscoid -Centriscus -centrist -centroacinar -centrobaric -centrobarical -centroclinal -centrode -centrodesmose -centrodesmus -centrodorsal -centrodorsally -centroid -centroidal -centrolecithal -Centrolepidaceae -centrolepidaceous -centrolinead -centrolineal -centromere -centronucleus -centroplasm -Centropomidae -Centropomus -Centrosema -centrosome -centrosomic -Centrosoyus -Centrospermae -centrosphere -centrosymmetric -centrosymmetry -Centrotus -centrum -centry -centum -centumvir -centumviral -centumvirate -Centunculus -centuple -centuplicate -centuplication -centuply -centuria -centurial -centuriate -centuriation -centuriator -centuried -centurion -century -ceorl -ceorlish -cep -cepa -cepaceous -cepe -cephaeline -Cephaelis -Cephalacanthidae -Cephalacanthus -cephalad -cephalagra -cephalalgia -cephalalgic -cephalalgy -cephalanthium -cephalanthous -Cephalanthus -Cephalaspis -Cephalata -cephalate -cephaldemae -cephalemia -cephaletron -Cephaleuros -cephalhematoma -cephalhydrocele -cephalic -cephalin -Cephalina -cephaline -cephalism -cephalitis -cephalization -cephaloauricular -Cephalobranchiata -cephalobranchiate -cephalocathartic -cephalocaudal -cephalocele -cephalocentesis -cephalocercal -Cephalocereus -cephalochord -Cephalochorda -cephalochordal -Cephalochordata -cephalochordate -cephaloclasia -cephaloclast -cephalocone -cephaloconic -cephalocyst -cephalodiscid -Cephalodiscida -Cephalodiscus -cephalodymia -cephalodymus -cephalodynia -cephalofacial -cephalogenesis -cephalogram -cephalograph -cephalohumeral -cephalohumeralis -cephaloid -cephalology -cephalomancy -cephalomant -cephalomelus -cephalomenia -cephalomeningitis -cephalomere -cephalometer -cephalometric -cephalometry -cephalomotor -cephalomyitis -cephalon -cephalonasal -cephalopagus -cephalopathy -cephalopharyngeal -cephalophine -cephalophorous -Cephalophus -cephalophyma -cephaloplegia -cephaloplegic -cephalopod -Cephalopoda -cephalopodan -cephalopodic -cephalopodous -Cephalopterus -cephalorachidian -cephalorhachidian -cephalosome -cephalospinal -Cephalosporium -cephalostyle -Cephalotaceae -cephalotaceous -Cephalotaxus -cephalotheca -cephalothecal -cephalothoracic -cephalothoracopagus -cephalothorax -cephalotome -cephalotomy -cephalotractor -cephalotribe -cephalotripsy -cephalotrocha -Cephalotus -cephalous -Cephas -Cepheid -cephid -Cephidae -Cephus -Cepolidae -ceps -ceptor -cequi -ceraceous -cerago -ceral -ceramal -cerambycid -Cerambycidae -Ceramiaceae -ceramiaceous -ceramic -ceramicite -ceramics -ceramidium -ceramist -Ceramium -ceramographic -ceramography -cerargyrite -ceras -cerasein -cerasin -cerastes -Cerastium -Cerasus -cerata -cerate -ceratectomy -cerated -ceratiasis -ceratiid -Ceratiidae -ceratioid -ceration -ceratite -Ceratites -ceratitic -Ceratitidae -Ceratitis -ceratitoid -Ceratitoidea -Ceratium -Ceratobatrachinae -ceratoblast -ceratobranchial -ceratocricoid -Ceratodidae -Ceratodontidae -Ceratodus -ceratofibrous -ceratoglossal -ceratoglossus -ceratohyal -ceratohyoid -ceratoid -ceratomandibular -ceratomania -Ceratonia -Ceratophrys -Ceratophyllaceae -ceratophyllaceous -Ceratophyllum -Ceratophyta -ceratophyte -Ceratops -Ceratopsia -ceratopsian -ceratopsid -Ceratopsidae -Ceratopteridaceae -ceratopteridaceous -Ceratopteris -ceratorhine -Ceratosa -Ceratosaurus -Ceratospongiae -ceratospongian -Ceratostomataceae -Ceratostomella -ceratotheca -ceratothecal -Ceratozamia -ceraunia -ceraunics -ceraunogram -ceraunograph -ceraunomancy -ceraunophone -ceraunoscope -ceraunoscopy -Cerberean -Cerberic -Cerberus -cercal -cercaria -cercarial -cercarian -cercariform -cercelee -cerci -Cercidiphyllaceae -Cercis -Cercocebus -Cercolabes -Cercolabidae -cercomonad -Cercomonadidae -Cercomonas -cercopid -Cercopidae -cercopithecid -Cercopithecidae -cercopithecoid -Cercopithecus -cercopod -Cercospora -Cercosporella -cercus -Cerdonian -cere -cereal -cerealian -cerealin -cerealism -cerealist -cerealose -cerebella -cerebellar -cerebellifugal -cerebellipetal -cerebellocortex -cerebellopontile -cerebellopontine -cerebellorubral -cerebellospinal -cerebellum -cerebra -cerebral -cerebralgia -cerebralism -cerebralist -cerebralization -cerebralize -cerebrally -cerebrasthenia -cerebrasthenic -cerebrate -cerebration -cerebrational -Cerebratulus -cerebric -cerebricity -cerebriform -cerebriformly -cerebrifugal -cerebrin -cerebripetal -cerebritis -cerebrize -cerebrocardiac -cerebrogalactose -cerebroganglion -cerebroganglionic -cerebroid -cerebrology -cerebroma -cerebromalacia -cerebromedullary -cerebromeningeal -cerebromeningitis -cerebrometer -cerebron -cerebronic -cerebroparietal -cerebropathy -cerebropedal -cerebrophysiology -cerebropontile -cerebropsychosis -cerebrorachidian -cerebrosclerosis -cerebroscope -cerebroscopy -cerebrose -cerebrosensorial -cerebroside -cerebrosis -cerebrospinal -cerebrospinant -cerebrosuria -cerebrotomy -cerebrotonia -cerebrotonic -cerebrovisceral -cerebrum -cerecloth -cered -cereless -cerement -ceremonial -ceremonialism -ceremonialist -ceremonialize -ceremonially -ceremonious -ceremoniously -ceremoniousness -ceremony -cereous -cerer -ceresin -Cereus -cerevis -ceria -Cerialia -cerianthid -Cerianthidae -cerianthoid -Cerianthus -ceric -ceride -ceriferous -cerigerous -cerillo -ceriman -cerin -cerine -Cerinthe -Cerinthian -Ceriomyces -Cerion -Cerionidae -ceriops -Ceriornis -cerise -cerite -Cerithiidae -cerithioid -Cerithium -cerium -cermet -cern -cerniture -cernuous -cero -cerograph -cerographic -cerographist -cerography -ceroline -cerolite -ceroma -ceromancy -cerophilous -ceroplast -ceroplastic -ceroplastics -ceroplasty -cerotate -cerote -cerotene -cerotic -cerotin -cerotype -cerous -ceroxyle -Ceroxylon -cerrero -cerrial -cerris -certain -certainly -certainty -Certhia -Certhiidae -certie -certifiable -certifiableness -certifiably -certificate -certification -certificative -certificator -certificatory -certified -certifier -certify -certiorari -certiorate -certioration -certis -certitude -certosina -certosino -certy -cerule -cerulean -cerulein -ceruleite -ceruleolactite -ceruleous -cerulescent -ceruleum -cerulignol -cerulignone -cerumen -ceruminal -ceruminiferous -ceruminous -cerumniparous -ceruse -cerussite -Cervantist -cervantite -cervical -Cervicapra -cervicaprine -cervicectomy -cervicicardiac -cervicide -cerviciplex -cervicispinal -cervicitis -cervicoauricular -cervicoaxillary -cervicobasilar -cervicobrachial -cervicobregmatic -cervicobuccal -cervicodorsal -cervicodynia -cervicofacial -cervicohumeral -cervicolabial -cervicolingual -cervicolumbar -cervicomuscular -cerviconasal -cervicorn -cervicoscapular -cervicothoracic -cervicovaginal -cervicovesical -cervid -Cervidae -Cervinae -cervine -cervisia -cervisial -cervix -cervoid -cervuline -Cervulus -Cervus -ceryl -Cerynean -Cesare -cesarevitch -cesarolite -cesious -cesium -cespititous -cespitose -cespitosely -cespitulose -cess -cessantly -cessation -cessative -cessavit -cesser -cession -cessionaire -cessionary -cessor -cesspipe -cesspit -cesspool -cest -Cestida -Cestidae -Cestoda -Cestodaria -cestode -cestoid -Cestoidea -cestoidean -Cestracion -cestraciont -Cestraciontes -Cestraciontidae -Cestrian -Cestrum -cestrum -cestus -Cetacea -cetacean -cetaceous -cetaceum -cetane -Cete -cetene -ceterach -ceti -cetic -ceticide -Cetid -cetin -Cetiosauria -cetiosaurian -Cetiosaurus -cetological -cetologist -cetology -Cetomorpha -cetomorphic -Cetonia -cetonian -Cetoniides -Cetoniinae -cetorhinid -Cetorhinidae -cetorhinoid -Cetorhinus -cetotolite -Cetraria -cetraric -cetrarin -Cetus -cetyl -cetylene -cetylic -cevadilla -cevadilline -cevadine -Cevennian -Cevenol -Cevenole -cevine -cevitamic -ceylanite -Ceylon -Ceylonese -ceylonite -ceyssatite -Ceyx -Cezannesque -cha -chaa -chab -chabasie -chabazite -Chablis -chabot -chabouk -chabuk -chabutra -Chac -chacate -chachalaca -Chachapuya -chack -Chackchiuma -chacker -chackle -chackler -chacma -Chaco -chacona -chacte -chad -chadacryst -Chaenactis -Chaenolobus -Chaenomeles -chaeta -Chaetangiaceae -Chaetangium -Chaetetes -Chaetetidae -Chaetifera -chaetiferous -Chaetites -Chaetitidae -Chaetochloa -Chaetodon -chaetodont -chaetodontid -Chaetodontidae -chaetognath -Chaetognatha -chaetognathan -chaetognathous -Chaetophora -Chaetophoraceae -chaetophoraceous -Chaetophorales -chaetophorous -chaetopod -Chaetopoda -chaetopodan -chaetopodous -chaetopterin -Chaetopterus -chaetosema -Chaetosoma -Chaetosomatidae -Chaetosomidae -chaetotactic -chaetotaxy -Chaetura -chafe -chafer -chafery -chafewax -chafeweed -chaff -chaffcutter -chaffer -chafferer -chaffinch -chaffiness -chaffing -chaffingly -chaffless -chafflike -chaffman -chaffseed -chaffwax -chaffweed -chaffy -chaft -chafted -Chaga -chagan -Chagga -chagrin -chaguar -chagul -chahar -chai -Chailletiaceae -chain -chainage -chained -chainer -chainette -chainless -chainlet -chainmaker -chainmaking -chainman -chainon -chainsmith -chainwale -chainwork -chair -chairer -chairless -chairmaker -chairmaking -chairman -chairmanship -chairmender -chairmending -chairwarmer -chairwoman -chais -chaise -chaiseless -Chait -chaitya -chaja -chaka -chakar -chakari -Chakavski -chakazi -chakdar -chakobu -chakra -chakram -chakravartin -chaksi -chal -chalaco -chalana -chalastic -Chalastogastra -chalaza -chalazal -chalaze -chalazian -chalaziferous -chalazion -chalazogam -chalazogamic -chalazogamy -chalazoidite -chalcanthite -Chalcedonian -chalcedonic -chalcedonous -chalcedony -chalcedonyx -chalchuite -chalcid -Chalcidian -Chalcidic -chalcidicum -chalcidid -Chalcididae -chalcidiform -chalcidoid -Chalcidoidea -Chalcioecus -Chalcis -chalcites -chalcocite -chalcograph -chalcographer -chalcographic -chalcographical -chalcographist -chalcography -chalcolite -chalcolithic -chalcomancy -chalcomenite -chalcon -chalcone -chalcophanite -chalcophyllite -chalcopyrite -chalcosiderite -chalcosine -chalcostibite -chalcotrichite -chalcotript -chalcus -Chaldaei -Chaldaic -Chaldaical -Chaldaism -Chaldean -Chaldee -chalder -chaldron -chalet -chalice -chaliced -chalicosis -chalicothere -chalicotheriid -Chalicotheriidae -chalicotherioid -Chalicotherium -Chalina -Chalinidae -chalinine -Chalinitis -chalk -chalkcutter -chalker -chalkiness -chalklike -chalkography -chalkosideric -chalkstone -chalkstony -chalkworker -chalky -challah -challenge -challengeable -challengee -challengeful -challenger -challengingly -challie -challis -challote -chalmer -chalon -chalone -Chalons -chalque -chalta -Chalukya -Chalukyan -chalumeau -chalutz -chalutzim -Chalybean -chalybeate -chalybeous -Chalybes -chalybite -Cham -cham -Chama -Chamacea -Chamacoco -Chamaebatia -Chamaecistus -chamaecranial -Chamaecrista -Chamaecyparis -Chamaedaphne -Chamaeleo -Chamaeleon -Chamaeleontidae -Chamaelirium -Chamaenerion -Chamaepericlymenum -chamaeprosopic -Chamaerops -chamaerrhine -Chamaesaura -Chamaesiphon -Chamaesiphonaceae -Chamaesiphonaceous -Chamaesiphonales -Chamaesyce -chamal -Chamar -chamar -chamber -chamberdeacon -chambered -chamberer -chambering -chamberlain -chamberlainry -chamberlainship -chamberlet -chamberleted -chamberletted -chambermaid -Chambertin -chamberwoman -Chambioa -chambray -chambrel -chambul -chamecephalic -chamecephalous -chamecephalus -chamecephaly -chameleon -chameleonic -chameleonize -chameleonlike -chamfer -chamferer -chamfron -Chamian -Chamicuro -Chamidae -chamisal -chamiso -Chamite -chamite -Chamkanni -chamma -chamois -Chamoisette -chamoisite -chamoline -Chamomilla -Chamorro -Chamos -champ -Champa -champac -champaca -champacol -champagne -champagneless -champagnize -champaign -champain -champaka -champer -champertor -champertous -champerty -champignon -champion -championess -championize -championless -championlike -championship -Champlain -Champlainic -champleve -champy -Chanabal -Chanca -chance -chanceful -chancefully -chancefulness -chancel -chanceled -chanceless -chancellery -chancellor -chancellorate -chancelloress -chancellorism -chancellorship -chancer -chancery -chancewise -chanche -chanchito -chanco -chancre -chancriform -chancroid -chancroidal -chancrous -chancy -chandala -chandam -chandelier -Chandi -chandi -chandler -chandleress -chandlering -chandlery -chandoo -chandu -chandul -Chane -chanfrin -Chang -chang -changa -changar -change -changeability -changeable -changeableness -changeably -changedale -changedness -changeful -changefully -changefulness -changeless -changelessly -changelessness -changeling -changement -changer -Changoan -Changos -Changuina -Changuinan -Chanidae -chank -chankings -channel -channelbill -channeled -channeler -channeling -channelization -channelize -channelled -channeller -channelling -channelwards -channer -chanson -chansonnette -chanst -chant -chantable -chanter -chanterelle -chantership -chantey -chanteyman -chanticleer -chanting -chantingly -chantlate -chantress -chantry -chao -chaogenous -chaology -chaos -chaotic -chaotical -chaotically -chaoticness -Chaouia -chap -Chapacura -Chapacuran -chapah -Chapanec -chaparral -chaparro -chapatty -chapbook -chape -chapeau -chapeaux -chaped -chapel -chapeless -chapelet -chapelgoer -chapelgoing -chapellage -chapellany -chapelman -chapelmaster -chapelry -chapelward -chaperno -chaperon -chaperonage -chaperone -chaperonless -chapfallen -chapin -chapiter -chapitral -chaplain -chaplaincy -chaplainry -chaplainship -chapless -chaplet -chapleted -chapman -chapmanship -chapournet -chapournetted -chappaul -chapped -chapper -chappie -chappin -chapping -chappow -chappy -chaps -chapt -chaptalization -chaptalize -chapter -chapteral -chapterful -chapwoman -char -Chara -charabanc -charabancer -charac -Characeae -characeous -characetum -characin -characine -characinid -Characinidae -characinoid -character -characterful -characterial -characterical -characterism -characterist -characteristic -characteristical -characteristically -characteristicalness -characteristicness -characterizable -characterization -characterize -characterizer -characterless -characterlessness -characterological -characterologist -characterology -charactery -charade -Charadrii -Charadriidae -charadriiform -Charadriiformes -charadrine -charadrioid -Charadriomorphae -Charadrius -Charales -charas -charbon -Charca -charcoal -charcoaly -charcutier -chard -chardock -chare -charer -charet -charette -charge -chargeability -chargeable -chargeableness -chargeably -chargee -chargeless -chargeling -chargeman -charger -chargeship -charging -Charicleia -charier -charily -chariness -chariot -charioted -chariotee -charioteer -charioteership -chariotlike -chariotman -chariotry -chariotway -charism -charisma -charismatic -Charissa -charisticary -charitable -charitableness -charitably -Charites -charity -charityless -charivari -chark -charka -charkha -charkhana -charlady -charlatan -charlatanic -charlatanical -charlatanically -charlatanish -charlatanism -charlatanistic -charlatanry -charlatanship -Charleen -Charlene -Charles -Charleston -Charley -Charlie -charlock -Charlotte -charm -charmedly -charmel -charmer -charmful -charmfully -charmfulness -charming -charmingly -charmingness -charmless -charmlessly -charmwise -charnel -charnockite -Charon -Charonian -Charonic -Charontas -Charophyta -charpit -charpoy -charqued -charqui -charr -Charruan -Charruas -charry -charshaf -charsingha -chart -chartaceous -charter -charterable -charterage -chartered -charterer -charterhouse -Charterist -charterless -chartermaster -charthouse -charting -Chartism -Chartist -chartist -chartless -chartographist -chartology -chartometer -chartophylax -chartreuse -Chartreux -chartroom -chartula -chartulary -charuk -charwoman -chary -Charybdian -Charybdis -chasable -chase -chaseable -chaser -Chasidim -chasing -chasm -chasma -chasmal -chasmed -chasmic -chasmogamic -chasmogamous -chasmogamy -chasmophyte -chasmy -chasse -Chasselas -chassepot -chasseur -chassignite -chassis -Chastacosta -chaste -chastely -chasten -chastener -chasteness -chasteningly -chastenment -chasteweed -chastisable -chastise -chastisement -chastiser -chastity -chasuble -chasubled -chat -chataka -Chateau -chateau -chateaux -chatelain -chatelaine -chatelainry -chatellany -chathamite -chati -Chatillon -Chatino -Chatot -chatoyance -chatoyancy -chatoyant -chatsome -chatta -chattable -Chattanooga -Chattanoogan -chattation -chattel -chattelhood -chattelism -chattelization -chattelize -chattelship -chatter -chatteration -chatterbag -chatterbox -chatterer -chattering -chatteringly -chattermag -chattermagging -Chattertonian -chattery -Chatti -chattily -chattiness -chatting -chattingly -chatty -chatwood -Chaucerian -Chauceriana -Chaucerianism -Chaucerism -Chauchat -chaudron -chauffer -chauffeur -chauffeurship -Chaui -chauk -chaukidari -Chauliodes -chaulmoogra -chaulmoograte -chaulmoogric -Chauna -chaus -chausseemeile -Chautauqua -Chautauquan -chaute -chauth -chauvinism -chauvinist -chauvinistic -chauvinistically -Chavante -Chavantean -chavender -chavibetol -chavicin -chavicine -chavicol -chavish -chaw -chawan -chawbacon -chawer -Chawia -chawk -chawl -chawstick -chay -chaya -chayaroot -Chayma -Chayota -chayote -chayroot -chazan -Chazy -che -cheap -cheapen -cheapener -cheapery -cheaping -cheapish -cheaply -cheapness -Cheapside -cheat -cheatable -cheatableness -cheatee -cheater -cheatery -cheating -cheatingly -cheatrie -Chebacco -chebec -chebel -chebog -chebule -chebulinic -Chechehet -Chechen -check -checkable -checkage -checkbird -checkbite -checkbook -checked -checker -checkerbelly -checkerberry -checkerbloom -checkerboard -checkerbreast -checkered -checkerist -checkers -checkerwise -checkerwork -checkhook -checkless -checkman -checkmate -checkoff -checkrack -checkrein -checkroll -checkroom -checkrope -checkrow -checkrowed -checkrower -checkstone -checkstrap -checkstring -checkup -checkweigher -checkwork -checky -cheddaring -cheddite -cheder -chedlock -chee -cheecha -cheechako -cheek -cheekbone -cheeker -cheekily -cheekiness -cheekish -cheekless -cheekpiece -cheeky -cheep -cheeper -cheepily -cheepiness -cheepy -cheer -cheered -cheerer -cheerful -cheerfulize -cheerfully -cheerfulness -cheerfulsome -cheerily -cheeriness -cheering -cheeringly -cheerio -cheerleader -cheerless -cheerlessly -cheerlessness -cheerly -cheery -cheese -cheeseboard -cheesebox -cheeseburger -cheesecake -cheesecloth -cheesecurd -cheesecutter -cheeseflower -cheeselip -cheesemonger -cheesemongering -cheesemongerly -cheesemongery -cheeseparer -cheeseparing -cheeser -cheesery -cheesewood -cheesiness -cheesy -cheet -cheetah -cheeter -cheetie -chef -Chefrinia -chegoe -chegre -Chehalis -Cheilanthes -cheilitis -Cheilodipteridae -Cheilodipterus -Cheilostomata -cheilostomatous -cheir -cheiragra -Cheiranthus -Cheirogaleus -Cheiroglossa -cheirognomy -cheirography -cheirolin -cheirology -cheiromancy -cheiromegaly -cheiropatagium -cheiropodist -cheiropody -cheiropompholyx -Cheiroptera -cheiropterygium -cheirosophy -cheirospasm -Cheirotherium -Cheka -chekan -cheke -cheki -Chekist -chekmak -chela -chelaship -chelate -chelation -chelem -chelerythrine -chelicer -chelicera -cheliceral -chelicerate -chelicere -chelide -chelidon -chelidonate -chelidonian -chelidonic -chelidonine -Chelidonium -Chelidosaurus -Cheliferidea -cheliferous -cheliform -chelingo -cheliped -Chellean -chello -Chelodina -chelodine -chelone -Chelonia -chelonian -chelonid -Chelonidae -cheloniid -Cheloniidae -chelonin -chelophore -chelp -Cheltenham -Chelura -Chelydidae -Chelydra -Chelydridae -chelydroid -chelys -Chemakuan -chemasthenia -chemawinite -Chemehuevi -chemesthesis -chemiatric -chemiatrist -chemiatry -chemic -chemical -chemicalization -chemicalize -chemically -chemicker -chemicoastrological -chemicobiologic -chemicobiology -chemicocautery -chemicodynamic -chemicoengineering -chemicoluminescence -chemicomechanical -chemicomineralogical -chemicopharmaceutical -chemicophysical -chemicophysics -chemicophysiological -chemicovital -chemigraph -chemigraphic -chemigraphy -chemiloon -chemiluminescence -chemiotactic -chemiotaxic -chemiotaxis -chemiotropic -chemiotropism -chemiphotic -chemis -chemise -chemisette -chemism -chemisorb -chemisorption -chemist -chemistry -chemitype -chemitypy -chemoceptor -chemokinesis -chemokinetic -chemolysis -chemolytic -chemolyze -chemoreception -chemoreceptor -chemoreflex -chemoresistance -chemoserotherapy -chemosis -chemosmosis -chemosmotic -chemosynthesis -chemosynthetic -chemotactic -chemotactically -chemotaxis -chemotaxy -chemotherapeutic -chemotherapeutics -chemotherapist -chemotherapy -chemotic -chemotropic -chemotropically -chemotropism -Chemung -chemurgic -chemurgical -chemurgy -Chen -chena -chende -chenevixite -Cheney -cheng -chenica -chenille -cheniller -chenopod -Chenopodiaceae -chenopodiaceous -Chenopodiales -Chenopodium -cheoplastic -chepster -cheque -Chequers -Chera -chercock -cherem -Cheremiss -Cheremissian -cherimoya -cherish -cherishable -cherisher -cherishing -cherishingly -cherishment -Cherkess -Cherkesser -Chermes -Chermidae -Chermish -Chernomorish -chernozem -Cherokee -cheroot -cherried -cherry -cherryblossom -cherrylike -chersonese -Chersydridae -chert -cherte -cherty -cherub -cherubic -cherubical -cherubically -cherubim -cherubimic -cherubimical -cherubin -Cherusci -Chervante -chervil -chervonets -Chesapeake -Cheshire -cheson -chess -chessboard -chessdom -chessel -chesser -chessist -chessman -chessmen -chesstree -chessylite -chest -Chester -chester -chesterfield -Chesterfieldian -chesterlite -chestful -chestily -chestiness -chestnut -chestnutty -chesty -Chet -cheth -chettik -chetty -chetverik -chetvert -chevage -cheval -chevalier -chevaline -chevance -cheve -cheven -chevener -chevesaile -chevin -Cheviot -chevisance -chevise -chevon -chevrette -chevron -chevrone -chevronel -chevronelly -chevronwise -chevrony -chevrotain -chevy -chew -chewbark -chewer -chewink -chewstick -chewy -Cheyenne -cheyney -chhatri -chi -chia -Chiam -Chian -Chianti -Chiapanec -Chiapanecan -chiaroscurist -chiaroscuro -chiasm -chiasma -chiasmal -chiasmatype -chiasmatypy -chiasmic -Chiasmodon -chiasmodontid -Chiasmodontidae -chiasmus -chiastic -chiastolite -chiastoneural -chiastoneurous -chiastoneury -chiaus -Chibcha -Chibchan -chibinite -chibouk -chibrit -chic -chicane -chicaner -chicanery -chicaric -chicayote -Chicha -chichi -chichicaste -Chichimec -chichimecan -chichipate -chichipe -chichituna -chick -chickabiddy -chickadee -Chickahominy -Chickamauga -chickaree -Chickasaw -chickasaw -chickell -chicken -chickenberry -chickenbill -chickenbreasted -chickenhearted -chickenheartedly -chickenheartedness -chickenhood -chickenweed -chickenwort -chicker -chickhood -chickling -chickstone -chickweed -chickwit -chicky -chicle -chicness -Chico -chico -Chicomecoatl -chicory -chicot -chicote -chicqued -chicquer -chicquest -chicquing -chid -chidden -chide -chider -chiding -chidingly -chidingness -chidra -chief -chiefdom -chiefery -chiefess -chiefest -chiefish -chiefless -chiefling -chiefly -chiefship -chieftain -chieftaincy -chieftainess -chieftainry -chieftainship -chieftess -chield -Chien -chien -chiffer -chiffon -chiffonade -chiffonier -chiffony -chifforobe -chigetai -chiggak -chigger -chiggerweed -chignon -chignoned -chigoe -chih -chihfu -Chihuahua -chikara -chil -chilacavote -chilalgia -chilarium -chilblain -Chilcat -child -childbearing -childbed -childbirth -childcrowing -childe -childed -Childermas -childhood -childing -childish -childishly -childishness -childkind -childless -childlessness -childlike -childlikeness -childly -childness -childrenite -childridden -childship -childward -chile -Chilean -Chileanization -Chileanize -chilectropion -chilenite -chili -chiliad -chiliadal -chiliadic -chiliagon -chiliahedron -chiliarch -chiliarchia -chiliarchy -chiliasm -chiliast -chiliastic -chilicote -chilicothe -chilidium -Chilina -Chilinidae -chiliomb -Chilion -chilitis -Chilkat -chill -chilla -chillagite -chilled -chiller -chillily -chilliness -chilling -chillingly -chillish -Chilliwack -chillness -chillo -chillroom -chillsome -chillum -chillumchee -chilly -chilognath -Chilognatha -chilognathan -chilognathous -chilogrammo -chiloma -Chilomastix -chiloncus -chiloplasty -chilopod -Chilopoda -chilopodan -chilopodous -Chilopsis -Chilostoma -Chilostomata -chilostomatous -chilostome -chilotomy -Chiltern -chilver -chimaera -chimaerid -Chimaeridae -chimaeroid -Chimaeroidei -Chimakuan -Chimakum -Chimalakwe -Chimalapa -Chimane -chimango -Chimaphila -Chimarikan -Chimariko -chimble -chime -chimer -chimera -chimeric -chimerical -chimerically -chimericalness -chimesmaster -chiminage -Chimmesyan -chimney -chimneyhead -chimneyless -chimneyman -Chimonanthus -chimopeelagic -chimpanzee -Chimu -Chin -chin -china -chinaberry -chinalike -Chinaman -chinamania -chinamaniac -chinampa -chinanta -Chinantecan -Chinantecs -chinaphthol -chinar -chinaroot -Chinatown -chinaware -chinawoman -chinband -chinch -chincha -Chinchasuyu -chinchayote -chinche -chincherinchee -chinchilla -chinching -chincloth -chincough -chine -chined -Chinee -Chinese -Chinesery -ching -chingma -Chingpaw -Chinhwan -chinik -chinin -Chink -chink -chinkara -chinker -chinkerinchee -chinking -chinkle -chinks -chinky -chinless -chinnam -chinned -chinny -chino -chinoa -chinol -Chinook -Chinookan -chinotoxine -chinotti -chinpiece -chinquapin -chinse -chint -chintz -chinwood -Chiococca -chiococcine -Chiogenes -chiolite -chionablepsia -Chionanthus -Chionaspis -Chionididae -Chionis -Chionodoxa -Chiot -chiotilla -Chip -chip -chipchap -chipchop -Chipewyan -chiplet -chipling -chipmunk -chippable -chippage -chipped -Chippendale -chipper -chipping -chippy -chips -chipwood -Chiquitan -Chiquito -chiragra -chiral -chiralgia -chirality -chirapsia -chirarthritis -chirata -Chiriana -Chiricahua -Chiriguano -chirimen -Chirino -chirinola -chiripa -chirivita -chirk -chirm -chiro -chirocosmetics -chirogale -chirognomic -chirognomically -chirognomist -chirognomy -chirognostic -chirograph -chirographary -chirographer -chirographic -chirographical -chirography -chirogymnast -chirological -chirologically -chirologist -chirology -chiromance -chiromancer -chiromancist -chiromancy -chiromant -chiromantic -chiromantical -Chiromantis -chiromegaly -chirometer -Chiromyidae -Chiromys -Chiron -chironomic -chironomid -Chironomidae -Chironomus -chironomy -chironym -chiropatagium -chiroplasty -chiropod -chiropodial -chiropodic -chiropodical -chiropodist -chiropodistry -chiropodous -chiropody -chiropompholyx -chiropractic -chiropractor -chiropraxis -chiropter -Chiroptera -chiropteran -chiropterite -chiropterophilous -chiropterous -chiropterygian -chiropterygious -chiropterygium -chirosophist -chirospasm -Chirotes -chirotherian -Chirotherium -chirothesia -chirotonsor -chirotonsory -chirotony -chirotype -chirp -chirper -chirpily -chirpiness -chirping -chirpingly -chirpling -chirpy -chirr -chirrup -chirruper -chirrupy -chirurgeon -chirurgery -Chisedec -chisel -chiseled -chiseler -chisellike -chiselly -chiselmouth -chit -Chita -chitak -chital -chitchat -chitchatty -Chitimacha -Chitimachan -chitin -chitinization -chitinized -chitinocalcareous -chitinogenous -chitinoid -chitinous -chiton -chitosamine -chitosan -chitose -chitra -Chitrali -chittamwood -chitter -chitterling -chitty -chivalresque -chivalric -chivalrous -chivalrously -chivalrousness -chivalry -chive -chivey -chiviatite -Chiwere -chkalik -chladnite -chlamyd -chlamydate -chlamydeous -Chlamydobacteriaceae -chlamydobacteriaceous -Chlamydobacteriales -Chlamydomonadaceae -Chlamydomonadidae -Chlamydomonas -Chlamydosaurus -Chlamydoselachidae -Chlamydoselachus -chlamydospore -Chlamydozoa -chlamydozoan -chlamyphore -Chlamyphorus -chlamys -Chleuh -chloanthite -chloasma -Chloe -chlor -chloracetate -chloragogen -chloral -chloralformamide -chloralide -chloralism -chloralization -chloralize -chloralose -chloralum -chloramide -chloramine -chloramphenicol -chloranemia -chloranemic -chloranhydride -chloranil -Chloranthaceae -chloranthaceous -Chloranthus -chloranthy -chlorapatite -chlorastrolite -chlorate -chlorazide -chlorcosane -chlordan -chlordane -chlore -Chlorella -Chlorellaceae -chlorellaceous -chloremia -chlorenchyma -chlorhydrate -chlorhydric -chloric -chloridate -chloridation -chloride -Chloridella -Chloridellidae -chlorider -chloridize -chlorimeter -chlorimetric -chlorimetry -chlorinate -chlorination -chlorinator -chlorine -chlorinize -chlorinous -chloriodide -Chlorion -Chlorioninae -chlorite -chloritic -chloritization -chloritize -chloritoid -chlorize -chlormethane -chlormethylic -chloroacetate -chloroacetic -chloroacetone -chloroacetophenone -chloroamide -chloroamine -chloroanaemia -chloroanemia -chloroaurate -chloroauric -chloroaurite -chlorobenzene -chlorobromide -chlorocalcite -chlorocarbonate -chlorochromates -chlorochromic -chlorochrous -Chlorococcaceae -Chlorococcales -Chlorococcum -Chlorococcus -chlorocresol -chlorocruorin -chlorodize -chloroform -chloroformate -chloroformic -chloroformism -chloroformist -chloroformization -chloroformize -chlorogenic -chlorogenine -chlorohydrin -chlorohydrocarbon -chloroiodide -chloroleucite -chloroma -chloromelanite -chlorometer -chloromethane -chlorometric -chlorometry -Chloromycetin -chloronitrate -chloropal -chloropalladates -chloropalladic -chlorophane -chlorophenol -chlorophoenicite -Chlorophora -Chlorophyceae -chlorophyceous -chlorophyl -chlorophyll -chlorophyllaceous -chlorophyllan -chlorophyllase -chlorophyllian -chlorophyllide -chlorophylliferous -chlorophylligenous -chlorophylligerous -chlorophyllin -chlorophyllite -chlorophylloid -chlorophyllose -chlorophyllous -chloropia -chloropicrin -chloroplast -chloroplastic -chloroplastid -chloroplatinate -chloroplatinic -chloroplatinite -chloroplatinous -chloroprene -chloropsia -chloroquine -chlorosilicate -chlorosis -chlorospinel -chlorosulphonic -chlorotic -chlorous -chlorozincate -chlorsalol -chloryl -Chnuphis -cho -choachyte -choana -choanate -Choanephora -choanocytal -choanocyte -Choanoflagellata -choanoflagellate -Choanoflagellida -Choanoflagellidae -choanoid -choanophorous -choanosomal -choanosome -choate -choaty -chob -choca -chocard -Chocho -chocho -chock -chockablock -chocker -chockler -chockman -Choco -Chocoan -chocolate -Choctaw -choel -choenix -Choeropsis -Choes -choffer -choga -chogak -chogset -Choiak -choice -choiceful -choiceless -choicelessness -choicely -choiceness -choicy -choil -choiler -choir -choirboy -choirlike -choirman -choirmaster -choirwise -Choisya -chokage -choke -chokeberry -chokebore -chokecherry -chokedamp -choker -chokered -chokerman -chokestrap -chokeweed -chokidar -choking -chokingly -chokra -choky -Chol -chol -Chola -chola -cholagogic -cholagogue -cholalic -cholane -cholangioitis -cholangitis -cholanic -cholanthrene -cholate -chold -choleate -cholecyanine -cholecyst -cholecystalgia -cholecystectasia -cholecystectomy -cholecystenterorrhaphy -cholecystenterostomy -cholecystgastrostomy -cholecystic -cholecystitis -cholecystnephrostomy -cholecystocolostomy -cholecystocolotomy -cholecystoduodenostomy -cholecystogastrostomy -cholecystogram -cholecystography -cholecystoileostomy -cholecystojejunostomy -cholecystokinin -cholecystolithiasis -cholecystolithotripsy -cholecystonephrostomy -cholecystopexy -cholecystorrhaphy -cholecystostomy -cholecystotomy -choledoch -choledochal -choledochectomy -choledochitis -choledochoduodenostomy -choledochoenterostomy -choledocholithiasis -choledocholithotomy -choledocholithotripsy -choledochoplasty -choledochorrhaphy -choledochostomy -choledochotomy -cholehematin -choleic -choleine -choleinic -cholelith -cholelithiasis -cholelithic -cholelithotomy -cholelithotripsy -cholelithotrity -cholemia -choleokinase -cholepoietic -choler -cholera -choleraic -choleric -cholericly -cholericness -choleriform -cholerigenous -cholerine -choleroid -choleromania -cholerophobia -cholerrhagia -cholestane -cholestanol -cholesteatoma -cholesteatomatous -cholestene -cholesterate -cholesteremia -cholesteric -cholesterin -cholesterinemia -cholesterinic -cholesterinuria -cholesterol -cholesterolemia -cholesteroluria -cholesterosis -cholesteryl -choletelin -choletherapy -choleuria -choli -choliamb -choliambic -choliambist -cholic -choline -cholinergic -cholinesterase -cholinic -cholla -choller -Cholo -cholochrome -cholocyanine -Choloepus -chologenetic -choloidic -choloidinic -chololith -chololithic -Cholonan -Cholones -cholophein -cholorrhea -choloscopy -cholterheaded -cholum -choluria -Choluteca -chomp -chondral -chondralgia -chondrarsenite -chondre -chondrectomy -chondrenchyma -chondric -chondrification -chondrify -chondrigen -chondrigenous -Chondrilla -chondrin -chondrinous -chondriocont -chondriome -chondriomere -chondriomite -chondriosomal -chondriosome -chondriosphere -chondrite -chondritic -chondritis -chondroadenoma -chondroalbuminoid -chondroangioma -chondroarthritis -chondroblast -chondroblastoma -chondrocarcinoma -chondrocele -chondroclasis -chondroclast -chondrocoracoid -chondrocostal -chondrocranial -chondrocranium -chondrocyte -chondrodite -chondroditic -chondrodynia -chondrodystrophia -chondrodystrophy -chondroendothelioma -chondroepiphysis -chondrofetal -chondrofibroma -chondrofibromatous -Chondroganoidei -chondrogen -chondrogenesis -chondrogenetic -chondrogenous -chondrogeny -chondroglossal -chondroglossus -chondrography -chondroid -chondroitic -chondroitin -chondrolipoma -chondrology -chondroma -chondromalacia -chondromatous -chondromucoid -Chondromyces -chondromyoma -chondromyxoma -chondromyxosarcoma -chondropharyngeal -chondropharyngeus -chondrophore -chondrophyte -chondroplast -chondroplastic -chondroplasty -chondroprotein -chondropterygian -Chondropterygii -chondropterygious -chondrosamine -chondrosarcoma -chondrosarcomatous -chondroseptum -chondrosin -chondrosis -chondroskeleton -chondrostean -Chondrostei -chondrosteoma -chondrosteous -chondrosternal -chondrotome -chondrotomy -chondroxiphoid -chondrule -chondrus -chonolith -chonta -Chontal -Chontalan -Chontaquiro -chontawood -choop -choosable -choosableness -choose -chooser -choosing -choosingly -choosy -chop -chopa -chopboat -chopfallen -chophouse -chopin -chopine -choplogic -chopped -chopper -choppered -chopping -choppy -chopstick -Chopunnish -Chora -choragic -choragion -choragium -choragus -choragy -Chorai -choral -choralcelo -choraleon -choralist -chorally -Chorasmian -chord -chorda -Chordaceae -chordacentrous -chordacentrum -chordaceous -chordal -chordally -chordamesoderm -Chordata -chordate -chorded -Chordeiles -chorditis -chordoid -chordomesoderm -chordotomy -chordotonal -chore -chorea -choreal -choreatic -choree -choregic -choregus -choregy -choreic -choreiform -choreograph -choreographer -choreographic -choreographical -choreography -choreoid -choreomania -chorepiscopal -chorepiscopus -choreus -choreutic -chorial -choriamb -choriambic -choriambize -choriambus -choric -chorine -chorioadenoma -chorioallantoic -chorioallantoid -chorioallantois -choriocapillaris -choriocapillary -choriocarcinoma -choriocele -chorioepithelioma -chorioid -chorioidal -chorioiditis -chorioidocyclitis -chorioidoiritis -chorioidoretinitis -chorioma -chorion -chorionepithelioma -chorionic -Chorioptes -chorioptic -chorioretinal -chorioretinitis -Choripetalae -choripetalous -choriphyllous -chorisepalous -chorisis -chorism -chorist -choristate -chorister -choristership -choristic -choristoblastoma -choristoma -choristry -chorization -chorizont -chorizontal -chorizontes -chorizontic -chorizontist -chorogi -chorograph -chorographer -chorographic -chorographical -chorographically -chorography -choroid -choroidal -choroidea -choroiditis -choroidocyclitis -choroidoiritis -choroidoretinitis -chorological -chorologist -chorology -choromania -choromanic -chorometry -chorook -Chorotega -Choroti -chort -chorten -Chorti -chortle -chortler -chortosterol -chorus -choruser -choruslike -Chorwat -choryos -chose -chosen -chott -Chou -Chouan -Chouanize -chouette -chough -chouka -choultry -choup -chouquette -chous -chouse -chouser -chousingha -chow -Chowanoc -chowchow -chowder -chowderhead -chowderheaded -chowk -chowry -choya -choyroot -Chozar -chrematheism -chrematist -chrematistic -chrematistics -chreotechnics -chresmology -chrestomathic -chrestomathics -chrestomathy -chria -chrimsel -Chris -chrism -chrisma -chrismal -chrismary -chrismatine -chrismation -chrismatite -chrismatize -chrismatory -chrismon -chrisom -chrisomloosing -chrisroot -Chrissie -Christ -Christabel -Christadelphian -Christadelphianism -christcross -Christdom -Christed -christen -Christendie -Christendom -christened -christener -christening -Christenmas -Christhood -Christiad -Christian -Christiana -Christiania -Christianiadeal -Christianism -christianite -Christianity -Christianization -Christianize -Christianizer -Christianlike -Christianly -Christianness -Christianogentilism -Christianography -Christianomastix -Christianopaganism -Christicide -Christie -Christiform -Christina -Christine -Christless -Christlessness -Christlike -Christlikeness -Christliness -Christly -Christmas -Christmasberry -Christmasing -Christmastide -Christmasy -Christocentric -Christofer -Christogram -Christolatry -Christological -Christologist -Christology -Christophany -Christophe -Christopher -Christos -chroatol -Chrobat -chroma -chromaffin -chromaffinic -chromammine -chromaphil -chromaphore -chromascope -chromate -chromatic -chromatical -chromatically -chromatician -chromaticism -chromaticity -chromatics -chromatid -chromatin -chromatinic -Chromatioideae -chromatism -chromatist -Chromatium -chromatize -chromatocyte -chromatodysopia -chromatogenous -chromatogram -chromatograph -chromatographic -chromatography -chromatoid -chromatology -chromatolysis -chromatolytic -chromatometer -chromatone -chromatopathia -chromatopathic -chromatopathy -chromatophil -chromatophile -chromatophilia -chromatophilic -chromatophilous -chromatophobia -chromatophore -chromatophoric -chromatophorous -chromatoplasm -chromatopsia -chromatoptometer -chromatoptometry -chromatoscope -chromatoscopy -chromatosis -chromatosphere -chromatospheric -chromatrope -chromaturia -chromatype -chromazurine -chromdiagnosis -chrome -chromene -chromesthesia -chromic -chromicize -chromid -Chromidae -Chromides -chromidial -Chromididae -chromidiogamy -chromidiosome -chromidium -chromidrosis -chromiferous -chromiole -chromism -chromite -chromitite -chromium -chromo -Chromobacterieae -Chromobacterium -chromoblast -chromocenter -chromocentral -chromochalcographic -chromochalcography -chromocollograph -chromocollographic -chromocollography -chromocollotype -chromocollotypy -chromocratic -chromocyte -chromocytometer -chromodermatosis -chromodiascope -chromogen -chromogene -chromogenesis -chromogenetic -chromogenic -chromogenous -chromogram -chromograph -chromoisomer -chromoisomeric -chromoisomerism -chromoleucite -chromolipoid -chromolith -chromolithic -chromolithograph -chromolithographer -chromolithographic -chromolithography -chromolysis -chromomere -chromometer -chromone -chromonema -chromoparous -chromophage -chromophane -chromophile -chromophilic -chromophilous -chromophobic -chromophore -chromophoric -chromophorous -chromophotograph -chromophotographic -chromophotography -chromophotolithograph -chromophyll -chromoplasm -chromoplasmic -chromoplast -chromoplastid -chromoprotein -chromopsia -chromoptometer -chromoptometrical -chromosantonin -chromoscope -chromoscopic -chromoscopy -chromosomal -chromosome -chromosphere -chromospheric -chromotherapist -chromotherapy -chromotrope -chromotropic -chromotropism -chromotropy -chromotype -chromotypic -chromotypographic -chromotypography -chromotypy -chromous -chromoxylograph -chromoxylography -chromule -chromy -chromyl -chronal -chronanagram -chronaxia -chronaxie -chronaxy -chronic -chronical -chronically -chronicity -chronicle -chronicler -chronicon -chronisotherm -chronist -chronobarometer -chronocinematography -chronocrator -chronocyclegraph -chronodeik -chronogeneous -chronogenesis -chronogenetic -chronogram -chronogrammatic -chronogrammatical -chronogrammatically -chronogrammatist -chronogrammic -chronograph -chronographer -chronographic -chronographical -chronographically -chronography -chronoisothermal -chronologer -chronologic -chronological -chronologically -chronologist -chronologize -chronology -chronomancy -chronomantic -chronometer -chronometric -chronometrical -chronometrically -chronometry -chrononomy -chronopher -chronophotograph -chronophotographic -chronophotography -Chronos -chronoscope -chronoscopic -chronoscopically -chronoscopy -chronosemic -chronostichon -chronothermal -chronothermometer -chronotropic -chronotropism -Chroococcaceae -chroococcaceous -Chroococcales -chroococcoid -Chroococcus -Chrosperma -chrotta -chrysal -chrysalid -chrysalidal -chrysalides -chrysalidian -chrysaline -chrysalis -chrysaloid -chrysamine -chrysammic -chrysamminic -Chrysamphora -chrysaniline -chrysanisic -chrysanthemin -chrysanthemum -chrysanthous -Chrysaor -chrysarobin -chrysatropic -chrysazin -chrysazol -chryselectrum -chryselephantine -Chrysemys -chrysene -chrysenic -chrysid -Chrysidella -chrysidid -Chrysididae -chrysin -Chrysippus -Chrysis -chrysoaristocracy -Chrysobalanaceae -Chrysobalanus -chrysoberyl -chrysobull -chrysocarpous -chrysochlore -Chrysochloridae -Chrysochloris -chrysochlorous -chrysochrous -chrysocolla -chrysocracy -chrysoeriol -chrysogen -chrysograph -chrysographer -chrysography -chrysohermidin -chrysoidine -chrysolite -chrysolitic -chrysology -Chrysolophus -chrysomelid -Chrysomelidae -chrysomonad -Chrysomonadales -Chrysomonadina -chrysomonadine -Chrysomyia -Chrysopa -chrysopal -chrysopee -chrysophan -chrysophanic -Chrysophanus -chrysophenine -chrysophilist -chrysophilite -Chrysophlyctis -chrysophyll -Chrysophyllum -chrysopid -Chrysopidae -chrysopoeia -chrysopoetic -chrysopoetics -chrysoprase -Chrysops -Chrysopsis -chrysorin -chrysosperm -Chrysosplenium -Chrysothamnus -Chrysothrix -chrysotile -Chrysotis -chrystocrene -chthonian -chthonic -chthonophagia -chthonophagy -chub -chubbed -chubbedness -chubbily -chubbiness -chubby -Chuchona -Chuck -chuck -chucker -chuckhole -chuckies -chucking -chuckingly -chuckle -chucklehead -chuckleheaded -chuckler -chucklingly -chuckrum -chuckstone -chuckwalla -chucky -Chud -chuddar -Chude -Chudic -Chueta -chufa -chuff -chuffy -chug -chugger -chuhra -Chuje -chukar -Chukchi -chukker -chukor -chulan -chullpa -chum -Chumashan -Chumawi -chummage -chummer -chummery -chummily -chummy -chump -chumpaka -chumpish -chumpishness -Chumpivilca -chumpy -chumship -Chumulu -Chun -chun -chunari -Chuncho -chunga -chunk -chunkhead -chunkily -chunkiness -chunky -chunner -chunnia -chunter -chupak -chupon -chuprassie -chuprassy -church -churchanity -churchcraft -churchdom -churchful -churchgoer -churchgoing -churchgrith -churchianity -churchified -churchiness -churching -churchish -churchism -churchite -churchless -churchlet -churchlike -churchliness -churchly -churchman -churchmanly -churchmanship -churchmaster -churchscot -churchward -churchwarden -churchwardenism -churchwardenize -churchwardenship -churchwards -churchway -churchwise -churchwoman -churchy -churchyard -churel -churinga -churl -churled -churlhood -churlish -churlishly -churlishness -churly -churm -churn -churnability -churnful -churning -churnmilk -churnstaff -Churoya -Churoyan -churr -Churrigueresque -churruck -churrus -churrworm -chut -chute -chuter -chutney -Chuvash -Chwana -chyack -chyak -chylaceous -chylangioma -chylaqueous -chyle -chylemia -chylidrosis -chylifaction -chylifactive -chylifactory -chyliferous -chylific -chylification -chylificatory -chyliform -chylify -chylocaulous -chylocauly -chylocele -chylocyst -chyloid -chylomicron -chylopericardium -chylophyllous -chylophylly -chylopoiesis -chylopoietic -chylosis -chylothorax -chylous -chyluria -chymaqueous -chymase -chyme -chymia -chymic -chymiferous -chymification -chymify -chymosin -chymosinogen -chymotrypsin -chymotrypsinogen -chymous -chypre -chytra -chytrid -Chytridiaceae -chytridiaceous -chytridial -Chytridiales -chytridiose -chytridiosis -Chytridium -Chytroi -cibarial -cibarian -cibarious -cibation -cibol -Cibola -Cibolan -Ciboney -cibophobia -ciborium -cibory -ciboule -cicad -cicada -Cicadellidae -cicadid -Cicadidae -cicala -cicatrice -cicatrices -cicatricial -cicatricle -cicatricose -cicatricula -cicatricule -cicatrisive -cicatrix -cicatrizant -cicatrizate -cicatrization -cicatrize -cicatrizer -cicatrose -Cicely -cicely -cicer -ciceronage -cicerone -ciceroni -Ciceronian -Ciceronianism -Ciceronianize -Ciceronic -Ciceronically -ciceronism -ciceronize -cichlid -Cichlidae -cichloid -cichoraceous -Cichoriaceae -cichoriaceous -Cichorium -Cicindela -cicindelid -cicindelidae -cicisbeism -ciclatoun -Ciconia -Ciconiae -ciconian -ciconiid -Ciconiidae -ciconiiform -Ciconiiformes -ciconine -ciconioid -Cicuta -cicutoxin -Cid -cidarid -Cidaridae -cidaris -Cidaroida -cider -ciderish -ciderist -ciderkin -cig -cigala -cigar -cigaresque -cigarette -cigarfish -cigarillo -cigarito -cigarless -cigua -ciguatera -cilectomy -cilia -ciliary -Ciliata -ciliate -ciliated -ciliately -ciliation -cilice -Cilician -cilicious -Cilicism -ciliella -ciliferous -ciliform -ciliiferous -ciliiform -Cilioflagellata -cilioflagellate -ciliograde -ciliolate -ciliolum -Ciliophora -cilioretinal -cilioscleral -ciliospinal -ciliotomy -cilium -cillosis -cimbia -Cimbri -Cimbrian -Cimbric -cimelia -cimex -cimicid -Cimicidae -cimicide -cimiciform -Cimicifuga -cimicifugin -cimicoid -ciminite -cimline -Cimmeria -Cimmerian -Cimmerianism -cimolite -cinch -cincher -cincholoipon -cincholoiponic -cinchomeronic -Cinchona -Cinchonaceae -cinchonaceous -cinchonamine -cinchonate -cinchonia -cinchonic -cinchonicine -cinchonidia -cinchonidine -cinchonine -cinchoninic -cinchonism -cinchonization -cinchonize -cinchonology -cinchophen -cinchotine -cinchotoxine -cincinnal -Cincinnati -Cincinnatia -Cincinnatian -cincinnus -Cinclidae -Cinclidotus -cinclis -Cinclus -cinct -cincture -cinder -Cinderella -cinderlike -cinderman -cinderous -cindery -Cindie -Cindy -cine -cinecamera -cinefilm -cinel -cinema -Cinemascope -cinematic -cinematical -cinematically -cinematize -cinematograph -cinematographer -cinematographic -cinematographical -cinematographically -cinematographist -cinematography -cinemelodrama -cinemize -cinemograph -cinenchyma -cinenchymatous -cinene -cinenegative -cineole -cineolic -cinephone -cinephotomicrography -cineplastics -cineplasty -cineraceous -Cinerama -Cineraria -cinerarium -cinerary -cineration -cinerator -cinerea -cinereal -cinereous -cineritious -cinevariety -cingle -cingular -cingulate -cingulated -cingulum -cinnabar -cinnabaric -cinnabarine -cinnamal -cinnamaldehyde -cinnamate -cinnamein -cinnamene -cinnamenyl -cinnamic -Cinnamodendron -cinnamol -cinnamomic -Cinnamomum -cinnamon -cinnamoned -cinnamonic -cinnamonlike -cinnamonroot -cinnamonwood -cinnamyl -cinnamylidene -cinnoline -cinnyl -cinquain -cinque -cinquecentism -cinquecentist -cinquecento -cinquefoil -cinquefoiled -cinquepace -cinter -Cinura -cinuran -cinurous -cion -cionectomy -cionitis -cionocranial -cionocranian -cionoptosis -cionorrhaphia -cionotome -cionotomy -Cipango -cipher -cipherable -cipherdom -cipherer -cipherhood -cipo -cipolin -cippus -circa -Circaea -Circaeaceae -Circaetus -Circassian -Circassic -Circe -Circean -Circensian -circinal -circinate -circinately -circination -Circinus -circiter -circle -circled -circler -circlet -circlewise -circling -circovarian -circuit -circuitable -circuital -circuiteer -circuiter -circuition -circuitman -circuitor -circuitous -circuitously -circuitousness -circuity -circulable -circulant -circular -circularism -circularity -circularization -circularize -circularizer -circularly -circularness -circularwise -circulate -circulation -circulative -circulator -circulatory -circumagitate -circumagitation -circumambages -circumambagious -circumambience -circumambiency -circumambient -circumambulate -circumambulation -circumambulator -circumambulatory -circumanal -circumantarctic -circumarctic -circumarticular -circumaviate -circumaviation -circumaviator -circumaxial -circumaxile -circumaxillary -circumbasal -circumbendibus -circumboreal -circumbuccal -circumbulbar -circumcallosal -Circumcellion -circumcenter -circumcentral -circumcinct -circumcincture -circumcircle -circumcise -circumciser -circumcision -circumclude -circumclusion -circumcolumnar -circumcone -circumconic -circumcorneal -circumcrescence -circumcrescent -circumdenudation -circumdiction -circumduce -circumduct -circumduction -circumesophagal -circumesophageal -circumference -circumferential -circumferentially -circumferentor -circumflant -circumflect -circumflex -circumflexion -circumfluence -circumfluent -circumfluous -circumforaneous -circumfulgent -circumfuse -circumfusile -circumfusion -circumgenital -circumgyrate -circumgyration -circumgyratory -circumhorizontal -circumincession -circuminsession -circuminsular -circumintestinal -circumitineration -circumjacence -circumjacency -circumjacent -circumlental -circumlitio -circumlittoral -circumlocute -circumlocution -circumlocutional -circumlocutionary -circumlocutionist -circumlocutory -circummeridian -circummeridional -circummigration -circummundane -circummure -circumnatant -circumnavigable -circumnavigate -circumnavigation -circumnavigator -circumnavigatory -circumneutral -circumnuclear -circumnutate -circumnutation -circumnutatory -circumocular -circumoesophagal -circumoral -circumorbital -circumpacific -circumpallial -circumparallelogram -circumpentagon -circumplicate -circumplication -circumpolar -circumpolygon -circumpose -circumposition -circumradius -circumrenal -circumrotate -circumrotation -circumrotatory -circumsail -circumscissile -circumscribable -circumscribe -circumscribed -circumscriber -circumscript -circumscription -circumscriptive -circumscriptively -circumscriptly -circumsinous -circumspangle -circumspatial -circumspect -circumspection -circumspective -circumspectively -circumspectly -circumspectness -circumspheral -circumstance -circumstanced -circumstantiability -circumstantiable -circumstantial -circumstantiality -circumstantially -circumstantialness -circumstantiate -circumstantiation -circumtabular -circumterraneous -circumterrestrial -circumtonsillar -circumtropical -circumumbilical -circumundulate -circumundulation -circumvallate -circumvallation -circumvascular -circumvent -circumventer -circumvention -circumventive -circumventor -circumviate -circumvolant -circumvolute -circumvolution -circumvolutory -circumvolve -circumzenithal -circus -circusy -cirque -cirrate -cirrated -Cirratulidae -Cirratulus -Cirrhopetalum -cirrhosed -cirrhosis -cirrhotic -cirrhous -cirri -cirribranch -cirriferous -cirriform -cirrigerous -cirrigrade -cirriped -Cirripedia -cirripedial -cirrolite -cirropodous -cirrose -Cirrostomi -cirrous -cirrus -cirsectomy -Cirsium -cirsocele -cirsoid -cirsomphalos -cirsophthalmia -cirsotome -cirsotomy -ciruela -cirurgian -Cisalpine -cisalpine -Cisalpinism -cisandine -cisatlantic -cisco -cise -cisele -cisgangetic -cisjurane -cisleithan -cismarine -Cismontane -cismontane -Cismontanism -cisoceanic -cispadane -cisplatine -cispontine -cisrhenane -Cissampelos -cissing -cissoid -cissoidal -Cissus -cist -cista -Cistaceae -cistaceous -cistae -cisted -Cistercian -Cistercianism -cistern -cisterna -cisternal -cistic -cistophoric -cistophorus -Cistudo -Cistus -cistvaen -cit -citable -citadel -citation -citator -citatory -cite -citee -Citellus -citer -citess -cithara -Citharexylum -citharist -citharista -citharoedi -citharoedic -citharoedus -cither -citied -citification -citified -citify -Citigradae -citigrade -citizen -citizendom -citizeness -citizenhood -citizenish -citizenism -citizenize -citizenly -citizenry -citizenship -citole -citraconate -citraconic -citral -citramide -citramontane -citrange -citrangeade -citrate -citrated -citrean -citrene -citreous -citric -citriculture -citriculturist -citril -citrin -citrination -citrine -citrinin -citrinous -citrometer -Citromyces -citron -citronade -citronella -citronellal -citronelle -citronellic -citronellol -citronin -citronwood -Citropsis -citropten -citrous -citrullin -Citrullus -Citrus -citrus -citrylidene -cittern -citua -city -citycism -citydom -cityfolk -cityful -cityish -cityless -cityness -cityscape -cityward -citywards -cive -civet -civetlike -civetone -civic -civically -civicism -civics -civil -civilian -civility -civilizable -civilization -civilizational -civilizatory -civilize -civilized -civilizedness -civilizee -civilizer -civilly -civilness -civism -Civitan -civvy -cixiid -Cixiidae -Cixo -clabber -clabbery -clachan -clack -Clackama -clackdish -clacker -clacket -clackety -clad -cladanthous -cladautoicous -cladding -cladine -cladocarpous -Cladocera -cladoceran -cladocerous -cladode -cladodial -cladodont -cladodontid -Cladodontidae -Cladodus -cladogenous -Cladonia -Cladoniaceae -cladoniaceous -cladonioid -Cladophora -Cladophoraceae -cladophoraceous -Cladophorales -cladophyll -cladophyllum -cladoptosis -cladose -Cladoselache -Cladoselachea -cladoselachian -Cladoselachidae -cladosiphonic -Cladosporium -Cladothrix -Cladrastis -cladus -clag -claggum -claggy -Claiborne -Claibornian -claim -claimable -claimant -claimer -claimless -clairaudience -clairaudient -clairaudiently -clairce -Claire -clairecole -clairecolle -clairschach -clairschacher -clairsentience -clairsentient -clairvoyance -clairvoyancy -clairvoyant -clairvoyantly -claith -claithes -claiver -Clallam -clam -clamant -clamantly -clamative -Clamatores -clamatorial -clamatory -clamb -clambake -clamber -clamberer -clamcracker -clame -clamer -clammed -clammer -clammily -clamminess -clamming -clammish -clammy -clammyweed -clamor -clamorer -clamorist -clamorous -clamorously -clamorousness -clamorsome -clamp -clamper -clamshell -clamworm -clan -clancular -clancularly -clandestine -clandestinely -clandestineness -clandestinity -clanfellow -clang -clangful -clangingly -clangor -clangorous -clangorously -Clangula -clanjamfray -clanjamfrey -clanjamfrie -clanjamphrey -clank -clankety -clanking -clankingly -clankingness -clankless -clanless -clanned -clanning -clannishly -clannishness -clansfolk -clanship -clansman -clansmanship -clanswoman -Claosaurus -clap -clapboard -clapbread -clapmatch -clapnet -clapped -clapper -clapperclaw -clapperclawer -clapperdudgeon -clappermaclaw -clapping -clapt -claptrap -clapwort -claque -claquer -Clara -clarabella -clarain -Clare -Clarence -Clarenceux -Clarenceuxship -Clarencieux -clarendon -claret -Claretian -Claribel -claribella -Clarice -clarifiant -clarification -clarifier -clarify -clarigation -clarin -Clarinda -clarinet -clarinetist -clarinettist -clarion -clarionet -Clarissa -Clarisse -Clarist -clarity -Clark -clark -clarkeite -Clarkia -claro -Claromontane -clarshech -clart -clarty -clary -clash -clasher -clashingly -clashy -clasmatocyte -clasmatosis -clasp -clasper -clasping -claspt -class -classable -classbook -classed -classer -classes -classfellow -classic -classical -classicalism -classicalist -classicality -classicalize -classically -classicalness -classicism -classicist -classicistic -classicize -classicolatry -classifiable -classific -classifically -classification -classificational -classificator -classificatory -classified -classifier -classis -classism -classman -classmanship -classmate -classroom -classwise -classwork -classy -clastic -clat -clatch -Clathraceae -clathraceous -Clathraria -clathrarian -clathrate -Clathrina -Clathrinidae -clathroid -clathrose -clathrulate -Clathrus -Clatsop -clatter -clatterer -clatteringly -clattertrap -clattery -clatty -Claude -claudent -claudetite -Claudia -Claudian -claudicant -claudicate -claudication -Claudio -Claudius -claught -clausal -clause -Clausilia -Clausiliidae -clausthalite -claustra -claustral -claustration -claustrophobia -claustrum -clausula -clausular -clausule -clausure -claut -clava -clavacin -claval -Clavaria -Clavariaceae -clavariaceous -clavate -clavated -clavately -clavation -clave -clavecin -clavecinist -clavel -clavelization -clavelize -clavellate -clavellated -claver -clavial -claviature -clavicembalo -Claviceps -clavichord -clavichordist -clavicithern -clavicle -clavicorn -clavicornate -Clavicornes -Clavicornia -clavicotomy -clavicular -clavicularium -claviculate -claviculus -clavicylinder -clavicymbal -clavicytherium -clavier -clavierist -claviform -claviger -clavigerous -claviharp -clavilux -claviol -clavipectoral -clavis -clavodeltoid -clavodeltoideus -clavola -clavolae -clavolet -clavus -clavy -claw -clawed -clawer -clawk -clawker -clawless -Clay -clay -claybank -claybrained -clayen -clayer -clayey -clayiness -clayish -claylike -clayman -claymore -Clayoquot -claypan -Clayton -Claytonia -clayware -clayweed -cleach -clead -cleaded -cleading -cleam -cleamer -clean -cleanable -cleaner -cleanhanded -cleanhandedness -cleanhearted -cleaning -cleanish -cleanlily -cleanliness -cleanly -cleanness -cleanout -cleansable -cleanse -cleanser -cleansing -cleanskins -cleanup -clear -clearable -clearage -clearance -clearcole -clearedness -clearer -clearheaded -clearheadedly -clearheadedness -clearhearted -clearing -clearinghouse -clearish -clearly -clearness -clearskins -clearstarch -clearweed -clearwing -cleat -cleavability -cleavable -cleavage -cleave -cleaveful -cleavelandite -cleaver -cleavers -cleaverwort -cleaving -cleavingly -cleche -cleck -cled -cledge -cledgy -cledonism -clee -cleek -cleeked -cleeky -clef -cleft -clefted -cleg -cleidagra -cleidarthritis -cleidocostal -cleidocranial -cleidohyoid -cleidomancy -cleidomastoid -cleidorrhexis -cleidoscapular -cleidosternal -cleidotomy -cleidotripsy -cleistocarp -cleistocarpous -cleistogamic -cleistogamically -cleistogamous -cleistogamously -cleistogamy -cleistogene -cleistogenous -cleistogeny -cleistothecium -Cleistothecopsis -cleithral -cleithrum -Clem -clem -Clematis -clematite -Clemclemalats -clemence -clemency -Clement -clement -Clementina -Clementine -clemently -clench -cleoid -Cleome -Cleopatra -clep -Clepsine -clepsydra -cleptobiosis -cleptobiotic -clerestoried -clerestory -clergy -clergyable -clergylike -clergyman -clergywoman -cleric -clerical -clericalism -clericalist -clericality -clericalize -clerically -clericate -clericature -clericism -clericity -clerid -Cleridae -clerihew -clerisy -clerk -clerkage -clerkdom -clerkery -clerkess -clerkhood -clerking -clerkish -clerkless -clerklike -clerkliness -clerkly -clerkship -Clerodendron -cleromancy -cleronomy -cleruch -cleruchial -cleruchic -cleruchy -Clerus -cletch -Clethra -Clethraceae -clethraceous -cleuch -cleve -cleveite -clever -cleverality -cleverish -cleverishly -cleverly -cleverness -clevis -clew -cliack -clianthus -cliche -click -clicker -clicket -clickless -clicky -Clidastes -cliency -client -clientage -cliental -cliented -clientelage -clientele -clientless -clientry -clientship -Cliff -cliff -cliffed -cliffless -clifflet -clifflike -Clifford -cliffside -cliffsman -cliffweed -cliffy -clift -Cliftonia -cliftonite -clifty -clima -Climaciaceae -climaciaceous -Climacium -climacteric -climacterical -climacterically -climactic -climactical -climactically -climacus -climata -climatal -climate -climath -climatic -climatical -climatically -Climatius -climatize -climatographical -climatography -climatologic -climatological -climatologically -climatologist -climatology -climatometer -climatotherapeutics -climatotherapy -climature -climax -climb -climbable -climber -climbing -clime -climograph -clinal -clinamen -clinamina -clinandria -clinandrium -clinanthia -clinanthium -clinch -clincher -clinchingly -clinchingness -cline -cling -clinger -clingfish -clinging -clingingly -clingingness -clingstone -clingy -clinia -clinic -clinical -clinically -clinician -clinicist -clinicopathological -clinium -clink -clinker -clinkerer -clinkery -clinking -clinkstone -clinkum -clinoaxis -clinocephalic -clinocephalism -clinocephalous -clinocephalus -clinocephaly -clinochlore -clinoclase -clinoclasite -clinodiagonal -clinodomatic -clinodome -clinograph -clinographic -clinohedral -clinohedrite -clinohumite -clinoid -clinologic -clinology -clinometer -clinometric -clinometrical -clinometry -clinopinacoid -clinopinacoidal -Clinopodium -clinoprism -clinopyramid -clinopyroxene -clinorhombic -clinospore -clinostat -clinquant -clint -clinting -Clinton -Clintonia -clintonite -clinty -Clio -Cliona -Clione -clip -clipei -clipeus -clippable -clipped -clipper -clipperman -clipping -clips -clipse -clipsheet -clipsome -clipt -clique -cliquedom -cliqueless -cliquish -cliquishly -cliquishness -cliquism -cliquy -cliseometer -clisere -clishmaclaver -Clisiocampa -Clistogastra -clit -clitch -clite -clitella -clitellar -clitelliferous -clitelline -clitellum -clitellus -clites -clithe -clithral -clithridiate -clitia -clition -Clitocybe -Clitoria -clitoridauxe -clitoridean -clitoridectomy -clitoriditis -clitoridotomy -clitoris -clitorism -clitoritis -clitter -clitterclatter -clival -clive -clivers -Clivia -clivis -clivus -cloaca -cloacal -cloacaline -cloacean -cloacinal -cloacinean -cloacitis -cloak -cloakage -cloaked -cloakedly -cloaking -cloakless -cloaklet -cloakmaker -cloakmaking -cloakroom -cloakwise -cloam -cloamen -cloamer -clobber -clobberer -clochan -cloche -clocher -clochette -clock -clockbird -clockcase -clocked -clocker -clockface -clockhouse -clockkeeper -clockless -clocklike -clockmaker -clockmaking -clockmutch -clockroom -clocksmith -clockwise -clockwork -clod -clodbreaker -clodder -cloddily -cloddiness -cloddish -cloddishly -cloddishness -cloddy -clodhead -clodhopper -clodhopping -clodlet -clodpate -clodpated -clodpoll -cloff -clog -clogdogdo -clogger -cloggily -clogginess -cloggy -cloghad -cloglike -clogmaker -clogmaking -clogwood -clogwyn -cloiochoanitic -cloisonless -cloisonne -cloister -cloisteral -cloistered -cloisterer -cloisterless -cloisterlike -cloisterliness -cloisterly -cloisterwise -cloistral -cloistress -cloit -clomb -clomben -clonal -clone -clonic -clonicity -clonicotonic -clonism -clonorchiasis -Clonorchis -Clonothrix -clonus -cloof -cloop -cloot -clootie -clop -cloragen -clorargyrite -cloriodid -closable -close -closecross -closed -closefisted -closefistedly -closefistedness -closehanded -closehearted -closely -closemouth -closemouthed -closen -closeness -closer -closestool -closet -closewing -closh -closish -closter -Closterium -clostridial -Clostridium -closure -clot -clotbur -clote -cloth -clothbound -clothe -clothes -clothesbag -clothesbasket -clothesbrush -clotheshorse -clothesline -clothesman -clothesmonger -clothespin -clothespress -clothesyard -clothier -clothify -Clothilda -clothing -clothmaker -clothmaking -Clotho -clothworker -clothy -clottage -clottedness -clotter -clotty -cloture -clotweed -cloud -cloudage -cloudberry -cloudburst -cloudcap -clouded -cloudful -cloudily -cloudiness -clouding -cloudland -cloudless -cloudlessly -cloudlessness -cloudlet -cloudlike -cloudling -cloudology -cloudscape -cloudship -cloudward -cloudwards -cloudy -clough -clour -clout -clouted -clouter -clouterly -clouty -clove -cloven -clovene -clover -clovered -cloverlay -cloverleaf -cloveroot -cloverroot -clovery -clow -clown -clownade -clownage -clownery -clownheal -clownish -clownishly -clownishness -clownship -clowring -cloy -cloyedness -cloyer -cloying -cloyingly -cloyingness -cloyless -cloysome -club -clubbability -clubbable -clubbed -clubber -clubbily -clubbing -clubbish -clubbism -clubbist -clubby -clubdom -clubfellow -clubfisted -clubfoot -clubfooted -clubhand -clubhaul -clubhouse -clubionid -Clubionidae -clubland -clubman -clubmate -clubmobile -clubmonger -clubridden -clubroom -clubroot -clubstart -clubster -clubweed -clubwoman -clubwood -cluck -clue -cluff -clump -clumpish -clumproot -clumpy -clumse -clumsily -clumsiness -clumsy -clunch -clung -Cluniac -Cluniacensian -Clunisian -Clunist -clunk -clupanodonic -Clupea -clupeid -Clupeidae -clupeiform -clupeine -Clupeodei -clupeoid -cluricaune -Clusia -Clusiaceae -clusiaceous -cluster -clusterberry -clustered -clusterfist -clustering -clusteringly -clustery -clutch -clutchman -cluther -clutter -clutterer -clutterment -cluttery -cly -Clyde -Clydesdale -Clydeside -Clydesider -clyer -clyfaker -clyfaking -Clymenia -clype -clypeal -Clypeaster -Clypeastridea -Clypeastrina -clypeastroid -Clypeastroida -Clypeastroidea -clypeate -clypeiform -clypeolar -clypeolate -clypeole -clypeus -clysis -clysma -clysmian -clysmic -clyster -clysterize -Clytemnestra -cnemapophysis -cnemial -cnemidium -Cnemidophorus -cnemis -Cneoraceae -cneoraceous -Cneorum -cnicin -Cnicus -cnida -Cnidaria -cnidarian -Cnidian -cnidoblast -cnidocell -cnidocil -cnidocyst -cnidophore -cnidophorous -cnidopod -cnidosac -Cnidoscolus -cnidosis -coabode -coabound -coabsume -coacceptor -coacervate -coacervation -coach -coachability -coachable -coachbuilder -coachbuilding -coachee -coacher -coachfellow -coachful -coaching -coachlet -coachmaker -coachmaking -coachman -coachmanship -coachmaster -coachsmith -coachsmithing -coachway -coachwhip -coachwise -coachwoman -coachwork -coachwright -coachy -coact -coaction -coactive -coactively -coactivity -coactor -coadamite -coadapt -coadaptation -coadequate -coadjacence -coadjacency -coadjacent -coadjacently -coadjudicator -coadjust -coadjustment -coadjutant -coadjutator -coadjute -coadjutement -coadjutive -coadjutor -coadjutorship -coadjutress -coadjutrix -coadjuvancy -coadjuvant -coadjuvate -coadminister -coadministration -coadministrator -coadministratrix -coadmiration -coadmire -coadmit -coadnate -coadore -coadsorbent -coadunate -coadunation -coadunative -coadunatively -coadunite -coadventure -coadventurer -coadvice -coaffirmation -coafforest -coaged -coagency -coagent -coaggregate -coaggregated -coaggregation -coagitate -coagitator -coagment -coagonize -coagriculturist -coagula -coagulability -coagulable -coagulant -coagulase -coagulate -coagulation -coagulative -coagulator -coagulatory -coagulin -coagulometer -coagulose -coagulum -Coahuiltecan -coaid -coaita -coak -coakum -coal -coalbag -coalbagger -coalbin -coalbox -coaldealer -coaler -coalesce -coalescence -coalescency -coalescent -coalfish -coalfitter -coalhole -coalification -coalify -Coalite -coalition -coalitional -coalitioner -coalitionist -coalize -coalizer -coalless -coalmonger -coalmouse -coalpit -coalrake -coalsack -coalternate -coalternation -coalternative -coaltitude -coaly -coalyard -coambassador -coambulant -coamiable -coaming -Coan -coanimate -coannex -coannihilate -coapostate -coapparition -coappear -coappearance -coapprehend -coapprentice -coappriser -coapprover -coapt -coaptate -coaptation -coaration -coarb -coarbiter -coarbitrator -coarctate -coarctation -coardent -coarrange -coarrangement -coarse -coarsely -coarsen -coarseness -coarsish -coascend -coassert -coasserter -coassession -coassessor -coassignee -coassist -coassistance -coassistant -coassume -coast -coastal -coastally -coaster -Coastguard -coastguardman -coasting -coastland -coastman -coastside -coastwaiter -coastward -coastwards -coastways -coastwise -coat -coated -coatee -coater -coati -coatie -coatimondie -coatimundi -coating -coatless -coatroom -coattail -coattailed -coattend -coattest -coattestation -coattestator -coaudience -coauditor -coaugment -coauthor -coauthority -coauthorship -coawareness -coax -coaxal -coaxation -coaxer -coaxial -coaxially -coaxing -coaxingly -coaxy -cob -cobaea -cobalt -cobaltammine -cobaltic -cobalticyanic -cobalticyanides -cobaltiferous -cobaltinitrite -cobaltite -cobaltocyanic -cobaltocyanide -cobaltous -cobang -cobbed -cobber -cobberer -cobbing -cobble -cobbler -cobblerfish -cobblerism -cobblerless -cobblership -cobblery -cobblestone -cobbling -cobbly -cobbra -cobby -cobcab -Cobdenism -Cobdenite -cobego -cobelief -cobeliever -cobelligerent -cobenignity -coberger -cobewail -cobhead -cobia -cobiron -cobishop -Cobitidae -Cobitis -coble -cobleman -Coblentzian -Cobleskill -cobless -cobloaf -cobnut -cobola -coboundless -cobourg -cobra -cobreathe -cobridgehead -cobriform -cobrother -cobstone -coburg -coburgess -coburgher -coburghership -Cobus -cobweb -cobwebbery -cobwebbing -cobwebby -cobwork -coca -cocaceous -cocaine -cocainism -cocainist -cocainization -cocainize -cocainomania -cocainomaniac -Cocama -Cocamama -cocamine -Cocanucos -cocarboxylase -cocash -cocashweed -cocause -cocautioner -Coccaceae -coccagee -coccal -Cocceian -Cocceianism -coccerin -cocci -coccid -Coccidae -coccidia -coccidial -coccidian -Coccidiidea -coccidioidal -Coccidioides -Coccidiomorpha -coccidiosis -coccidium -coccidology -cocciferous -cocciform -coccigenic -coccinella -coccinellid -Coccinellidae -coccionella -cocco -coccobacillus -coccochromatic -Coccogonales -coccogone -Coccogoneae -coccogonium -coccoid -coccolite -coccolith -coccolithophorid -Coccolithophoridae -Coccoloba -Coccolobis -Coccomyces -coccosphere -coccostean -coccosteid -Coccosteidae -Coccosteus -Coccothraustes -coccothraustine -Coccothrinax -coccous -coccule -cocculiferous -Cocculus -cocculus -coccus -coccydynia -coccygalgia -coccygeal -coccygean -coccygectomy -coccygerector -coccyges -coccygeus -coccygine -coccygodynia -coccygomorph -Coccygomorphae -coccygomorphic -coccygotomy -coccyodynia -coccyx -Coccyzus -cocentric -cochairman -cochal -cochief -Cochin -cochineal -cochlea -cochlear -cochleare -Cochlearia -cochlearifoliate -cochleariform -cochleate -cochleated -cochleiform -cochleitis -cochleous -cochlidiid -Cochlidiidae -cochliodont -Cochliodontidae -Cochliodus -Cochlospermaceae -cochlospermaceous -Cochlospermum -Cochranea -cochurchwarden -cocillana -cocircular -cocircularity -cocitizen -cocitizenship -cock -cockade -cockaded -Cockaigne -cockal -cockalorum -cockamaroo -cockarouse -cockateel -cockatoo -cockatrice -cockawee -cockbell -cockbill -cockbird -cockboat -cockbrain -cockchafer -cockcrow -cockcrower -cockcrowing -cocked -Cocker -cocker -cockerel -cockermeg -cockernony -cocket -cockeye -cockeyed -cockfight -cockfighting -cockhead -cockhorse -cockieleekie -cockily -cockiness -cocking -cockish -cockle -cockleboat -cocklebur -cockled -cockler -cockleshell -cocklet -cocklewife -cocklight -cockling -cockloft -cockly -cockmaster -cockmatch -cockmate -cockneian -cockneity -cockney -cockneybred -cockneydom -cockneyese -cockneyess -cockneyfication -cockneyfy -cockneyish -cockneyishly -cockneyism -cockneyize -cockneyland -cockneyship -cockpit -cockroach -cockscomb -cockscombed -cocksfoot -cockshead -cockshot -cockshut -cockshy -cockshying -cockspur -cockstone -cocksure -cocksuredom -cocksureism -cocksurely -cocksureness -cocksurety -cocktail -cockthrowing -cockup -cockweed -cocky -Cocle -coco -cocoa -cocoach -cocobolo -Coconino -coconnection -coconqueror -coconscious -coconsciously -coconsciousness -coconsecrator -coconspirator -coconstituent -cocontractor -Coconucan -Coconuco -coconut -cocoon -cocoonery -cocorico -cocoroot -Cocos -cocotte -cocovenantor -cocowood -cocowort -cocozelle -cocreate -cocreator -cocreatorship -cocreditor -cocrucify -coctile -coction -coctoantigen -coctoprecipitin -cocuisa -cocullo -cocurator -cocurrent -cocuswood -cocuyo -Cocytean -Cocytus -cod -coda -codamine -codbank -codder -codding -coddle -coddler -code -codebtor -codeclination -codecree -codefendant -codeine -codeless -codelight -codelinquency -codelinquent -codenization -codeposit -coder -coderive -codescendant -codespairer -codex -codfish -codfisher -codfishery -codger -codhead -codheaded -Codiaceae -codiaceous -Codiaeum -Codiales -codical -codices -codicil -codicilic -codicillary -codictatorship -codification -codifier -codify -codilla -codille -codiniac -codirectional -codirector -codiscoverer -codisjunct -codist -Codium -codivine -codling -codman -codo -codol -codomestication -codominant -codon -codpiece -codpitchings -Codrus -codshead -codworm -coe -coecal -coecum -coed -coeditor -coeditorship -coeducate -coeducation -coeducational -coeducationalism -coeducationalize -coeducationally -coeffect -coefficacy -coefficient -coefficiently -coeffluent -coeffluential -coelacanth -coelacanthid -Coelacanthidae -coelacanthine -Coelacanthini -coelacanthoid -coelacanthous -coelanaglyphic -coelar -coelarium -Coelastraceae -coelastraceous -Coelastrum -Coelata -coelder -coeldership -Coelebogyne -coelect -coelection -coelector -coelectron -coelelminth -Coelelminthes -coelelminthic -Coelentera -Coelenterata -coelenterate -coelenteric -coelenteron -coelestine -coelevate -coelho -coelia -coeliac -coelialgia -coelian -Coelicolae -Coelicolist -coeligenous -coelin -coeline -coeliomyalgia -coeliorrhea -coeliorrhoea -coelioscopy -coeliotomy -coeloblastic -coeloblastula -Coelococcus -coelodont -coelogastrula -Coeloglossum -Coelogyne -coelom -coeloma -Coelomata -coelomate -coelomatic -coelomatous -coelomesoblast -coelomic -Coelomocoela -coelomopore -coelonavigation -coelongated -coeloplanula -coelosperm -coelospermous -coelostat -coelozoic -coemanate -coembedded -coembody -coembrace -coeminency -coemperor -coemploy -coemployee -coemployment -coempt -coemption -coemptional -coemptionator -coemptive -coemptor -coenact -coenactor -coenaculous -coenamor -coenamorment -coenamourment -coenanthium -coendear -Coendidae -Coendou -coendure -coenenchym -coenenchyma -coenenchymal -coenenchymatous -coenenchyme -coenesthesia -coenesthesis -coenflame -coengage -coengager -coenjoy -coenobe -coenobiar -coenobic -coenobioid -coenobium -coenoblast -coenoblastic -coenocentrum -coenocyte -coenocytic -coenodioecism -coenoecial -coenoecic -coenoecium -coenogamete -coenomonoecism -coenosarc -coenosarcal -coenosarcous -coenosite -coenospecies -coenospecific -coenospecifically -coenosteal -coenosteum -coenotrope -coenotype -coenotypic -coenthrone -coenurus -coenzyme -coequal -coequality -coequalize -coequally -coequalness -coequate -coequated -coequation -coerce -coercement -coercer -coercibility -coercible -coercibleness -coercibly -coercion -coercionary -coercionist -coercitive -coercive -coercively -coerciveness -coercivity -Coerebidae -coeruleolactite -coessential -coessentiality -coessentially -coessentialness -coestablishment -coestate -coetaneity -coetaneous -coetaneously -coetaneousness -coeternal -coeternally -coeternity -coetus -coeval -coevality -coevally -coexchangeable -coexclusive -coexecutant -coexecutor -coexecutrix -coexert -coexertion -coexist -coexistence -coexistency -coexistent -coexpand -coexpanded -coexperiencer -coexpire -coexplosion -coextend -coextension -coextensive -coextensively -coextensiveness -coextent -cofactor -Cofane -cofaster -cofather -cofathership -cofeature -cofeoffee -coferment -cofermentation -coff -Coffea -coffee -coffeebush -coffeecake -coffeegrower -coffeegrowing -coffeehouse -coffeeleaf -coffeepot -coffeeroom -coffeetime -coffeeweed -coffeewood -coffer -cofferdam -cofferer -cofferfish -coffering -cofferlike -cofferwork -coffin -coffinless -coffinmaker -coffinmaking -coffle -coffret -cofighter -coforeknown -coformulator -cofounder -cofoundress -cofreighter -coft -cofunction -cog -cogence -cogency -cogener -cogeneric -cogent -cogently -cogged -cogger -coggie -cogging -coggle -coggledy -cogglety -coggly -coghle -cogitability -cogitable -cogitabund -cogitabundity -cogitabundly -cogitabundous -cogitant -cogitantly -cogitate -cogitatingly -cogitation -cogitative -cogitatively -cogitativeness -cogitativity -cogitator -coglorify -coglorious -cogman -cognac -cognate -cognateness -cognatic -cognatical -cognation -cognisable -cognisance -cognition -cognitional -cognitive -cognitively -cognitum -cognizability -cognizable -cognizableness -cognizably -cognizance -cognizant -cognize -cognizee -cognizer -cognizor -cognomen -cognominal -cognominate -cognomination -cognosce -cognoscent -cognoscibility -cognoscible -cognoscitive -cognoscitively -cogon -cogonal -cogovernment -cogovernor -cogracious -cograil -cogrediency -cogredient -cogroad -Cogswellia -coguarantor -coguardian -cogue -cogway -cogwheel -cogwood -cohabit -cohabitancy -cohabitant -cohabitation -coharmonious -coharmoniously -coharmonize -coheartedness -coheir -coheiress -coheirship -cohelper -cohelpership -Cohen -cohenite -coherald -cohere -coherence -coherency -coherent -coherently -coherer -coheretic -coheritage -coheritor -cohesibility -cohesible -cohesion -cohesive -cohesively -cohesiveness -cohibit -cohibition -cohibitive -cohibitor -coho -cohoba -cohobate -cohobation -cohobator -cohol -cohort -cohortation -cohortative -cohosh -cohune -cohusband -coidentity -coif -coifed -coiffure -coign -coigue -coil -coiled -coiler -coiling -coilsmith -coimmense -coimplicant -coimplicate -coimplore -coin -coinable -coinage -coincide -coincidence -coincidency -coincident -coincidental -coincidentally -coincidently -coincider -coinclination -coincline -coinclude -coincorporate -coindicant -coindicate -coindication -coindwelling -coiner -coinfeftment -coinfer -coinfinite -coinfinity -coinhabit -coinhabitant -coinhabitor -coinhere -coinherence -coinherent -coinheritance -coinheritor -coining -coinitial -coinmaker -coinmaking -coinmate -coinspire -coinstantaneity -coinstantaneous -coinstantaneously -coinstantaneousness -coinsurance -coinsure -cointense -cointension -cointensity -cointer -cointerest -cointersecting -cointise -Cointreau -coinventor -coinvolve -coiny -coir -coislander -coistrel -coistril -coital -coition -coiture -coitus -Coix -cojudge -cojuror -cojusticiar -coke -cokelike -cokeman -coker -cokernut -cokery -coking -coky -col -Cola -cola -colaborer -Colada -colalgia -Colan -colander -colane -colarin -colate -colation -colatitude -colatorium -colature -colauxe -colback -colberter -colbertine -Colbertism -colcannon -Colchian -Colchicaceae -colchicine -Colchicum -Colchis -colchyte -Colcine -colcothar -cold -colder -coldfinch -coldhearted -coldheartedly -coldheartedness -coldish -coldly -coldness -coldproof -coldslaw -Cole -cole -coleader -colecannon -colectomy -Coleen -colegatee -colegislator -colemanite -colemouse -Coleochaetaceae -coleochaetaceous -Coleochaete -Coleophora -Coleophoridae -coleopter -Coleoptera -coleopteral -coleopteran -coleopterist -coleopteroid -coleopterological -coleopterology -coleopteron -coleopterous -coleoptile -coleoptilum -coleorhiza -Coleosporiaceae -Coleosporium -coleplant -coleseed -coleslaw -colessee -colessor -coletit -coleur -Coleus -colewort -coli -Colias -colibacillosis -colibacterin -colibri -colic -colical -colichemarde -colicky -colicolitis -colicroot -colicweed -colicwort -colicystitis -colicystopyelitis -coliform -Coliidae -Coliiformes -colilysin -Colima -colima -Colin -colin -colinear -colinephritis -coling -Colinus -coliplication -colipuncture -colipyelitis -colipyuria -colisepsis -Coliseum -coliseum -colitic -colitis -colitoxemia -coliuria -Colius -colk -coll -Colla -collaborate -collaboration -collaborationism -collaborationist -collaborative -collaboratively -collaborator -collage -collagen -collagenic -collagenous -collapse -collapsibility -collapsible -collar -collarband -collarbird -collarbone -collard -collare -collared -collaret -collarino -collarless -collarman -collatable -collate -collatee -collateral -collaterality -collaterally -collateralness -collation -collationer -collatitious -collative -collator -collatress -collaud -collaudation -colleague -colleagueship -collect -collectability -collectable -collectanea -collectarium -collected -collectedly -collectedness -collectibility -collectible -collection -collectional -collectioner -collective -collectively -collectiveness -collectivism -collectivist -collectivistic -collectivistically -collectivity -collectivization -collectivize -collector -collectorate -collectorship -collectress -colleen -collegatary -college -colleger -collegial -collegialism -collegiality -collegian -collegianer -Collegiant -collegiate -collegiately -collegiateness -collegiation -collegium -Collembola -collembolan -collembole -collembolic -collembolous -collenchyma -collenchymatic -collenchymatous -collenchyme -collencytal -collencyte -Colleri -Colleries -Collery -collery -collet -colleter -colleterial -colleterium -Colletes -Colletia -colletic -Colletidae -colletin -Colletotrichum -colletside -colley -collibert -colliculate -colliculus -collide -collidine -collie -collied -collier -colliery -collieshangie -colliform -colligate -colligation -colligative -colligible -collimate -collimation -collimator -Collin -collin -collinal -colline -collinear -collinearity -collinearly -collineate -collineation -colling -collingly -collingual -Collins -collins -Collinsia -collinsite -Collinsonia -colliquate -colliquation -colliquative -colliquativeness -collision -collisional -collisive -colloblast -collobrierite -collocal -Collocalia -collocate -collocation -collocationable -collocative -collocatory -collochemistry -collochromate -collock -collocution -collocutor -collocutory -collodiochloride -collodion -collodionization -collodionize -collodiotype -collodium -collogue -colloid -colloidal -colloidality -colloidize -colloidochemical -Collomia -collop -colloped -collophanite -collophore -colloque -colloquia -colloquial -colloquialism -colloquialist -colloquiality -colloquialize -colloquially -colloquialness -colloquist -colloquium -colloquize -colloquy -collothun -collotype -collotypic -collotypy -colloxylin -colluctation -collude -colluder -collum -collumelliaceous -collusion -collusive -collusively -collusiveness -collutorium -collutory -colluvial -colluvies -colly -collyba -Collybia -Collyridian -collyrite -collyrium -collywest -collyweston -collywobbles -colmar -colobin -colobium -coloboma -Colobus -Colocasia -colocentesis -Colocephali -colocephalous -coloclysis -colocola -colocolic -colocynth -colocynthin -colodyspepsia -coloenteritis -cologarithm -Cologne -cololite -Colombian -colombier -colombin -Colombina -colometric -colometrically -colometry -colon -colonalgia -colonate -colonel -colonelcy -colonelship -colongitude -colonial -colonialism -colonialist -colonialize -colonially -colonialness -colonic -colonist -colonitis -colonizability -colonizable -colonization -colonizationist -colonize -colonizer -colonnade -colonnaded -colonnette -colonopathy -colonopexy -colonoscope -colonoscopy -colony -colopexia -colopexotomy -colopexy -colophane -colophany -colophene -colophenic -colophon -colophonate -Colophonian -colophonic -colophonist -colophonite -colophonium -colophony -coloplication -coloproctitis -coloptosis -colopuncture -coloquintid -coloquintida -color -colorability -colorable -colorableness -colorably -Coloradan -Colorado -colorado -coloradoite -colorant -colorate -coloration -colorational -colorationally -colorative -coloratura -colorature -colorcast -colorectitis -colorectostomy -colored -colorer -colorfast -colorful -colorfully -colorfulness -colorific -colorifics -colorimeter -colorimetric -colorimetrical -colorimetrically -colorimetrics -colorimetrist -colorimetry -colorin -coloring -colorist -coloristic -colorization -colorize -colorless -colorlessly -colorlessness -colormaker -colormaking -colorman -colorrhaphy -colors -colortype -Colorum -colory -coloss -colossal -colossality -colossally -colossean -Colosseum -colossi -Colossian -Colossochelys -colossus -Colossuswise -colostomy -colostral -colostration -colostric -colostrous -colostrum -colotomy -colotyphoid -colove -colp -colpenchyma -colpeo -colpeurynter -colpeurysis -colpindach -colpitis -colpocele -colpocystocele -colpohyperplasia -colpohysterotomy -colpoperineoplasty -colpoperineorrhaphy -colpoplastic -colpoplasty -colpoptosis -colporrhagia -colporrhaphy -colporrhea -colporrhexis -colport -colportage -colporter -colporteur -colposcope -colposcopy -colpotomy -colpus -Colt -colt -colter -colthood -coltish -coltishly -coltishness -coltpixie -coltpixy -coltsfoot -coltskin -Coluber -colubrid -Colubridae -colubriform -Colubriformes -Colubriformia -Colubrina -Colubrinae -colubrine -colubroid -colugo -Columba -columbaceous -Columbae -Columban -Columbanian -columbarium -columbary -columbate -columbeion -Columbella -Columbia -columbiad -Columbian -columbic -Columbid -Columbidae -columbier -columbiferous -Columbiformes -columbin -Columbine -columbine -columbite -columbium -columbo -columboid -columbotantalate -columbotitanate -columella -columellar -columellate -Columellia -Columelliaceae -columelliform -column -columnal -columnar -columnarian -columnarity -columnated -columned -columner -columniation -columniferous -columniform -columning -columnist -columnization -columnwise -colunar -colure -Colutea -Colville -coly -Colymbidae -colymbiform -colymbion -Colymbriformes -Colymbus -colyone -colyonic -colytic -colyum -colyumist -colza -coma -comacine -comagistracy -comagmatic -comaker -comal -comamie -Coman -Comanche -Comanchean -Comandra -comanic -comart -Comarum -comate -comatose -comatosely -comatoseness -comatosity -comatous -comatula -comatulid -comb -combaron -combat -combatable -combatant -combater -combative -combatively -combativeness -combativity -combed -comber -combfish -combflower -combinable -combinableness -combinant -combinantive -combinate -combination -combinational -combinative -combinator -combinatorial -combinatory -combine -combined -combinedly -combinedness -combinement -combiner -combing -combining -comble -combless -comblessness -combmaker -combmaking -comboloio -comboy -Combretaceae -combretaceous -Combretum -combure -comburendo -comburent -comburgess -comburimeter -comburimetry -comburivorous -combust -combustibility -combustible -combustibleness -combustibly -combustion -combustive -combustor -combwise -combwright -comby -come -comeback -Comecrudo -comedial -comedian -comediant -comedic -comedical -comedienne -comedietta -comedist -comedo -comedown -comedy -comelily -comeliness -comeling -comely -comendite -comenic -comephorous -comer -comes -comestible -comet -cometarium -cometary -comether -cometic -cometical -cometlike -cometographer -cometographical -cometography -cometoid -cometology -cometwise -comeuppance -comfit -comfiture -comfort -comfortable -comfortableness -comfortably -comforter -comfortful -comforting -comfortingly -comfortless -comfortlessly -comfortlessness -comfortress -comfortroot -comfrey -comfy -Comiakin -comic -comical -comicality -comically -comicalness -comicocratic -comicocynical -comicodidactic -comicography -comicoprosaic -comicotragedy -comicotragic -comicotragical -comicry -Comid -comiferous -Cominform -coming -comingle -comino -Comintern -comism -comital -comitant -comitatensian -comitative -comitatus -comitia -comitial -Comitium -comitragedy -comity -comma -command -commandable -commandant -commandedness -commandeer -commander -commandership -commandery -commanding -commandingly -commandingness -commandless -commandment -commando -commandoman -commandress -commassation -commassee -commatic -commation -commatism -commeasurable -commeasure -commeddle -Commelina -Commelinaceae -commelinaceous -commemorable -commemorate -commemoration -commemorational -commemorative -commemoratively -commemorativeness -commemorator -commemoratory -commemorize -commence -commenceable -commencement -commencer -commend -commendable -commendableness -commendably -commendador -commendam -commendatary -commendation -commendator -commendatory -commender -commendingly -commendment -commensal -commensalism -commensalist -commensalistic -commensality -commensally -commensurability -commensurable -commensurableness -commensurably -commensurate -commensurately -commensurateness -commensuration -comment -commentarial -commentarialism -commentary -commentate -commentation -commentator -commentatorial -commentatorially -commentatorship -commenter -commerce -commerceless -commercer -commerciable -commercial -commercialism -commercialist -commercialistic -commerciality -commercialization -commercialize -commercially -commercium -commerge -commie -comminate -commination -comminative -comminator -comminatory -commingle -comminglement -commingler -comminister -comminuate -comminute -comminution -comminutor -Commiphora -commiserable -commiserate -commiseratingly -commiseration -commiserative -commiseratively -commiserator -commissar -commissarial -commissariat -commissary -commissaryship -commission -commissionaire -commissional -commissionate -commissioner -commissionership -commissionship -commissive -commissively -commissural -commissure -commissurotomy -commit -commitment -committable -committal -committee -committeeism -committeeman -committeeship -committeewoman -committent -committer -committible -committor -commix -commixt -commixtion -commixture -commodatary -commodate -commodation -commodatum -commode -commodious -commodiously -commodiousness -commoditable -commodity -commodore -common -commonable -commonage -commonality -commonalty -commoner -commonership -commoney -commonish -commonition -commonize -commonly -commonness -commonplace -commonplaceism -commonplacely -commonplaceness -commonplacer -commons -commonsensible -commonsensibly -commonsensical -commonsensically -commonty -commonweal -commonwealth -commonwealthism -commorancy -commorant -commorient -commorth -commot -commotion -commotional -commotive -commove -communa -communal -communalism -communalist -communalistic -communality -communalization -communalize -communalizer -communally -communard -commune -communer -communicability -communicable -communicableness -communicably -communicant -communicate -communicatee -communicating -communication -communicative -communicatively -communicativeness -communicator -communicatory -communion -communionist -communique -communism -communist -communistery -communistic -communistically -communital -communitarian -communitary -communitive -communitorium -community -communization -communize -commutability -commutable -commutableness -commutant -commutate -commutation -commutative -commutatively -commutator -commute -commuter -commuting -commutual -commutuality -Comnenian -comoid -comolecule -comortgagee -comose -comourn -comourner -comournful -comous -Comox -compact -compacted -compactedly -compactedness -compacter -compactible -compaction -compactly -compactness -compactor -compacture -compages -compaginate -compagination -companator -companion -companionability -companionable -companionableness -companionably -companionage -companionate -companionize -companionless -companionship -companionway -company -comparability -comparable -comparableness -comparably -comparascope -comparate -comparatival -comparative -comparatively -comparativeness -comparativist -comparator -compare -comparer -comparison -comparition -comparograph -compart -compartition -compartment -compartmental -compartmentalization -compartmentalize -compartmentally -compartmentize -compass -compassable -compasser -compasses -compassing -compassion -compassionable -compassionate -compassionately -compassionateness -compassionless -compassive -compassivity -compassless -compaternity -compatibility -compatible -compatibleness -compatibly -compatriot -compatriotic -compatriotism -compear -compearance -compearant -compeer -compel -compellable -compellably -compellation -compellative -compellent -compeller -compelling -compellingly -compend -compendency -compendent -compendia -compendiary -compendiate -compendious -compendiously -compendiousness -compendium -compenetrate -compenetration -compensable -compensate -compensating -compensatingly -compensation -compensational -compensative -compensativeness -compensator -compensatory -compense -compenser -compesce -compete -competence -competency -competent -competently -competentness -competition -competitioner -competitive -competitively -competitiveness -competitor -competitorship -competitory -competitress -competitrix -compilation -compilator -compilatory -compile -compilement -compiler -compital -Compitalia -compitum -complacence -complacency -complacent -complacential -complacentially -complacently -complain -complainable -complainant -complainer -complainingly -complainingness -complaint -complaintive -complaintiveness -complaisance -complaisant -complaisantly -complaisantness -complanar -complanate -complanation -complect -complected -complement -complemental -complementally -complementalness -complementariness -complementarism -complementary -complementation -complementative -complementer -complementoid -complete -completedness -completely -completement -completeness -completer -completion -completive -completively -completory -complex -complexedness -complexification -complexify -complexion -complexionably -complexional -complexionally -complexioned -complexionist -complexionless -complexity -complexively -complexly -complexness -complexus -compliable -compliableness -compliably -compliance -compliancy -compliant -compliantly -complicacy -complicant -complicate -complicated -complicatedly -complicatedness -complication -complicative -complice -complicitous -complicity -complier -compliment -complimentable -complimental -complimentally -complimentalness -complimentarily -complimentariness -complimentary -complimentation -complimentative -complimenter -complimentingly -complin -complot -complotter -Complutensian -compluvium -comply -compo -compoer -compole -compone -componed -componency -componendo -component -componental -componented -compony -comport -comportment -compos -compose -composed -composedly -composedness -composer -composita -Compositae -composite -compositely -compositeness -composition -compositional -compositionally -compositive -compositively -compositor -compositorial -compositous -composograph -compossibility -compossible -compost -composture -composure -compotation -compotationship -compotator -compotatory -compote -compotor -compound -compoundable -compoundedness -compounder -compounding -compoundness -comprachico -comprador -comprecation -compreg -compregnate -comprehend -comprehender -comprehendible -comprehendingly -comprehense -comprehensibility -comprehensible -comprehensibleness -comprehensibly -comprehension -comprehensive -comprehensively -comprehensiveness -comprehensor -compresbyter -compresbyterial -compresence -compresent -compress -compressed -compressedly -compressibility -compressible -compressibleness -compressingly -compression -compressional -compressive -compressively -compressometer -compressor -compressure -comprest -compriest -comprisable -comprisal -comprise -comprised -compromise -compromiser -compromising -compromisingly -compromissary -compromission -compromissorial -compromit -compromitment -comprovincial -Compsilura -Compsoa -Compsognathus -Compsothlypidae -compter -Comptometer -Comptonia -comptroller -comptrollership -compulsative -compulsatively -compulsatorily -compulsatory -compulsed -compulsion -compulsitor -compulsive -compulsively -compulsiveness -compulsorily -compulsoriness -compulsory -compunction -compunctionary -compunctionless -compunctious -compunctiously -compunctive -compurgation -compurgator -compurgatorial -compurgatory -compursion -computability -computable -computably -computation -computational -computative -computativeness -compute -computer -computist -computus -comrade -comradely -comradery -comradeship -Comsomol -comstockery -Comtian -Comtism -Comtist -comurmurer -Comus -con -conacaste -conacre -conal -conalbumin -conamed -Conant -conarial -conarium -conation -conational -conationalistic -conative -conatus -conaxial -concamerate -concamerated -concameration -concanavalin -concaptive -concassation -concatenary -concatenate -concatenation -concatenator -concausal -concause -concavation -concave -concavely -concaveness -concaver -concavity -conceal -concealable -concealed -concealedly -concealedness -concealer -concealment -concede -conceded -concededly -conceder -conceit -conceited -conceitedly -conceitedness -conceitless -conceity -conceivability -conceivable -conceivableness -conceivably -conceive -conceiver -concelebrate -concelebration -concent -concenter -concentive -concentralization -concentrate -concentrated -concentration -concentrative -concentrativeness -concentrator -concentric -concentrically -concentricity -concentual -concentus -concept -conceptacle -conceptacular -conceptaculum -conception -conceptional -conceptionist -conceptism -conceptive -conceptiveness -conceptual -conceptualism -conceptualist -conceptualistic -conceptuality -conceptualization -conceptualize -conceptually -conceptus -concern -concerned -concernedly -concernedness -concerning -concerningly -concerningness -concernment -concert -concerted -concertedly -concertgoer -concertina -concertinist -concertist -concertize -concertizer -concertmaster -concertmeister -concertment -concerto -concertstuck -concessible -concession -concessionaire -concessional -concessionary -concessioner -concessionist -concessive -concessively -concessiveness -concessor -concettism -concettist -conch -concha -conchal -conchate -conche -conched -concher -Conchifera -conchiferous -conchiform -conchinine -conchiolin -conchitic -conchitis -Conchobor -conchoid -conchoidal -conchoidally -conchological -conchologically -conchologist -conchologize -conchology -conchometer -conchometry -Conchostraca -conchotome -Conchubar -Conchucu -conchuela -conchy -conchyliated -conchyliferous -conchylium -concierge -concile -conciliable -conciliabule -conciliabulum -conciliar -conciliate -conciliating -conciliatingly -conciliation -conciliationist -conciliative -conciliator -conciliatorily -conciliatoriness -conciliatory -concilium -concinnity -concinnous -concionator -concipiency -concipient -concise -concisely -conciseness -concision -conclamant -conclamation -conclave -conclavist -concludable -conclude -concluder -concluding -concludingly -conclusion -conclusional -conclusionally -conclusive -conclusively -conclusiveness -conclusory -concoagulate -concoagulation -concoct -concocter -concoction -concoctive -concoctor -concolor -concolorous -concomitance -concomitancy -concomitant -concomitantly -conconscious -Concord -concord -concordal -concordance -concordancer -concordant -concordantial -concordantly -concordat -concordatory -concorder -concordial -concordist -concordity -concorporate -Concorrezanes -concourse -concreate -concremation -concrement -concresce -concrescence -concrescible -concrescive -concrete -concretely -concreteness -concreter -concretion -concretional -concretionary -concretism -concretive -concretively -concretize -concretor -concubinage -concubinal -concubinarian -concubinary -concubinate -concubine -concubinehood -concubitancy -concubitant -concubitous -concubitus -concupiscence -concupiscent -concupiscible -concupiscibleness -concupy -concur -concurrence -concurrency -concurrent -concurrently -concurrentness -concurring -concurringly -concursion -concurso -concursus -concuss -concussant -concussion -concussional -concussive -concutient -concyclic -concyclically -cond -Condalia -condemn -condemnable -condemnably -condemnate -condemnation -condemnatory -condemned -condemner -condemning -condemningly -condensability -condensable -condensance -condensary -condensate -condensation -condensational -condensative -condensator -condense -condensed -condensedly -condensedness -condenser -condensery -condensity -condescend -condescendence -condescendent -condescender -condescending -condescendingly -condescendingness -condescension -condescensive -condescensively -condescensiveness -condiction -condictious -condiddle -condiddlement -condign -condigness -condignity -condignly -condiment -condimental -condimentary -condisciple -condistillation -condite -condition -conditional -conditionalism -conditionalist -conditionality -conditionalize -conditionally -conditionate -conditioned -conditioner -condivision -condolatory -condole -condolement -condolence -condolent -condoler -condoling -condolingly -condominate -condominium -condonable -condonance -condonation -condonative -condone -condonement -condoner -condor -conduce -conducer -conducing -conducingly -conducive -conduciveness -conduct -conductance -conductibility -conductible -conductility -conductimeter -conductio -conduction -conductional -conductitious -conductive -conductively -conductivity -conductometer -conductometric -conductor -conductorial -conductorless -conductorship -conductory -conductress -conductus -conduit -conduplicate -conduplicated -conduplication -condurangin -condurango -condylar -condylarth -Condylarthra -condylarthrosis -condylarthrous -condyle -condylectomy -condylion -condyloid -condyloma -condylomatous -condylome -condylopod -Condylopoda -condylopodous -condylos -condylotomy -Condylura -condylure -cone -coned -coneen -coneflower -conehead -coneighboring -coneine -conelet -conemaker -conemaking -Conemaugh -conenose -conepate -coner -cones -conessine -Conestoga -confab -confabular -confabulate -confabulation -confabulator -confabulatory -confact -confarreate -confarreation -confated -confect -confection -confectionary -confectioner -confectionery -Confed -confederacy -confederal -confederalist -confederate -confederater -confederatio -confederation -confederationist -confederatism -confederative -confederatize -confederator -confelicity -conferee -conference -conferential -conferment -conferrable -conferral -conferrer -conferruminate -conferted -Conferva -Confervaceae -confervaceous -conferval -Confervales -confervoid -Confervoideae -confervous -confess -confessable -confessant -confessarius -confessary -confessedly -confesser -confessing -confessingly -confession -confessional -confessionalian -confessionalism -confessionalist -confessionary -confessionist -confessor -confessorship -confessory -confidant -confide -confidence -confidency -confident -confidential -confidentiality -confidentially -confidentialness -confidentiary -confidently -confidentness -confider -confiding -confidingly -confidingness -configural -configurate -configuration -configurational -configurationally -configurationism -configurationist -configurative -configure -confinable -confine -confineable -confined -confinedly -confinedness -confineless -confinement -confiner -confining -confinity -confirm -confirmable -confirmand -confirmation -confirmative -confirmatively -confirmatorily -confirmatory -confirmed -confirmedly -confirmedness -confirmee -confirmer -confirming -confirmingly -confirmity -confirmment -confirmor -confiscable -confiscatable -confiscate -confiscation -confiscator -confiscatory -confitent -confiteor -confiture -confix -conflagrant -conflagrate -conflagration -conflagrative -conflagrator -conflagratory -conflate -conflated -conflation -conflict -conflicting -conflictingly -confliction -conflictive -conflictory -conflow -confluence -confluent -confluently -conflux -confluxibility -confluxible -confluxibleness -confocal -conform -conformability -conformable -conformableness -conformably -conformal -conformance -conformant -conformate -conformation -conformator -conformer -conformist -conformity -confound -confoundable -confounded -confoundedly -confoundedness -confounder -confounding -confoundingly -confrater -confraternal -confraternity -confraternization -confrere -confriar -confrication -confront -confrontal -confrontation -confronte -confronter -confrontment -Confucian -Confucianism -Confucianist -confusability -confusable -confusably -confuse -confused -confusedly -confusedness -confusingly -confusion -confusional -confusticate -confustication -confutable -confutation -confutative -confutator -confute -confuter -conga -congeable -congeal -congealability -congealable -congealableness -congealedness -congealer -congealment -congee -congelation -congelative -congelifraction -congeliturbate -congeliturbation -congener -congeneracy -congeneric -congenerical -congenerous -congenerousness -congenetic -congenial -congeniality -congenialize -congenially -congenialness -congenital -congenitally -congenitalness -conger -congeree -congest -congested -congestible -congestion -congestive -congiary -congius -conglobate -conglobately -conglobation -conglobe -conglobulate -conglomerate -conglomeratic -conglomeration -conglutin -conglutinant -conglutinate -conglutination -conglutinative -Congo -Congoese -Congolese -Congoleum -congou -congratulable -congratulant -congratulate -congratulation -congratulational -congratulator -congratulatory -congredient -congreet -congregable -congreganist -congregant -congregate -congregation -congregational -congregationalism -Congregationalist -congregationalize -congregationally -Congregationer -congregationist -congregative -congregativeness -congregator -Congreso -congress -congresser -congressional -congressionalist -congressionally -congressionist -congressist -congressive -congressman -Congresso -congresswoman -Congreve -Congridae -congroid -congruence -congruency -congruent -congruential -congruently -congruism -congruist -congruistic -congruity -congruous -congruously -congruousness -conhydrine -Coniacian -conic -conical -conicality -conically -conicalness -coniceine -conichalcite -conicine -conicity -conicle -conicoid -conicopoly -conics -Conidae -conidia -conidial -conidian -conidiiferous -conidioid -conidiophore -conidiophorous -conidiospore -conidium -conifer -Coniferae -coniferin -coniferophyte -coniferous -conification -coniform -Conilurus -conima -conimene -conin -conine -Coniogramme -Coniophora -Coniopterygidae -Conioselinum -coniosis -Coniothyrium -coniroster -conirostral -Conirostres -Conium -conject -conjective -conjecturable -conjecturably -conjectural -conjecturalist -conjecturality -conjecturally -conjecture -conjecturer -conjobble -conjoin -conjoined -conjoinedly -conjoiner -conjoint -conjointly -conjointment -conjointness -conjubilant -conjugable -conjugacy -conjugal -Conjugales -conjugality -conjugally -conjugant -conjugata -Conjugatae -conjugate -conjugated -conjugately -conjugateness -conjugation -conjugational -conjugationally -conjugative -conjugator -conjugial -conjugium -conjunct -conjunction -conjunctional -conjunctionally -conjunctiva -conjunctival -conjunctive -conjunctively -conjunctiveness -conjunctivitis -conjunctly -conjunctur -conjunctural -conjuncture -conjuration -conjurator -conjure -conjurement -conjurer -conjurership -conjuror -conjury -conk -conkanee -conker -conkers -conky -conn -connach -Connaraceae -connaraceous -connarite -Connarus -connascency -connascent -connatal -connate -connately -connateness -connation -connatural -connaturality -connaturalize -connaturally -connaturalness -connature -connaught -connect -connectable -connectant -connected -connectedly -connectedness -connectible -connection -connectional -connectival -connective -connectively -connectivity -connector -connellite -conner -connex -connexion -connexionalism -connexity -connexive -connexivum -connexus -Connie -conning -conniption -connivance -connivancy -connivant -connivantly -connive -connivent -conniver -Connochaetes -connoissance -connoisseur -connoisseurship -connotation -connotative -connotatively -connote -connotive -connotively -connubial -connubiality -connubially -connubiate -connubium -connumerate -connumeration -Conocarpus -Conocephalum -Conocephalus -conoclinium -conocuneus -conodont -conoid -conoidal -conoidally -conoidic -conoidical -conoidically -Conolophus -conominee -cononintelligent -Conopholis -conopid -Conopidae -conoplain -conopodium -Conopophaga -Conopophagidae -Conor -Conorhinus -conormal -conoscope -conourish -Conoy -conphaseolin -conplane -conquedle -conquer -conquerable -conquerableness -conqueress -conquering -conqueringly -conquerment -conqueror -conquest -conquian -conquinamine -conquinine -conquistador -Conrad -conrector -conrectorship -conred -Conringia -consanguine -consanguineal -consanguinean -consanguineous -consanguineously -consanguinity -conscience -conscienceless -consciencelessly -consciencelessness -consciencewise -conscient -conscientious -conscientiously -conscientiousness -conscionable -conscionableness -conscionably -conscious -consciously -consciousness -conscribe -conscript -conscription -conscriptional -conscriptionist -conscriptive -consecrate -consecrated -consecratedness -consecrater -consecration -consecrative -consecrator -consecratory -consectary -consecute -consecution -consecutive -consecutively -consecutiveness -consecutives -consenescence -consenescency -consension -consensual -consensually -consensus -consent -consentable -consentaneity -consentaneous -consentaneously -consentaneousness -consentant -consenter -consentful -consentfully -consentience -consentient -consentiently -consenting -consentingly -consentingness -consentive -consentively -consentment -consequence -consequency -consequent -consequential -consequentiality -consequentially -consequentialness -consequently -consertal -conservable -conservacy -conservancy -conservant -conservate -conservation -conservational -conservationist -conservatism -conservatist -conservative -conservatively -conservativeness -conservatize -conservatoire -conservator -conservatorio -conservatorium -conservatorship -conservatory -conservatrix -conserve -conserver -consider -considerability -considerable -considerableness -considerably -considerance -considerate -considerately -considerateness -consideration -considerative -consideratively -considerativeness -considerator -considered -considerer -considering -consideringly -consign -consignable -consignatary -consignation -consignatory -consignee -consigneeship -consigner -consignificant -consignificate -consignification -consignificative -consignificator -consignify -consignment -consignor -consiliary -consilience -consilient -consimilar -consimilarity -consimilate -consist -consistence -consistency -consistent -consistently -consistorial -consistorian -consistory -consociate -consociation -consociational -consociationism -consociative -consocies -consol -consolable -consolableness -consolably -Consolamentum -consolation -Consolato -consolatorily -consolatoriness -consolatory -consolatrix -console -consolement -consoler -consolidant -consolidate -consolidated -consolidation -consolidationist -consolidative -consolidator -consoling -consolingly -consolute -consomme -consonance -consonancy -consonant -consonantal -consonantic -consonantism -consonantize -consonantly -consonantness -consonate -consonous -consort -consortable -consorter -consortial -consortion -consortism -consortium -consortship -consound -conspecies -conspecific -conspectus -consperse -conspersion -conspicuity -conspicuous -conspicuously -conspicuousness -conspiracy -conspirant -conspiration -conspirative -conspirator -conspiratorial -conspiratorially -conspiratory -conspiratress -conspire -conspirer -conspiring -conspiringly -conspue -constable -constablery -constableship -constabless -constablewick -constabular -constabulary -Constance -constancy -constant -constantan -Constantine -Constantinian -Constantinopolitan -constantly -constantness -constat -constatation -constate -constatory -constellate -constellation -constellatory -consternate -consternation -constipate -constipation -constituency -constituent -constituently -constitute -constituter -constitution -constitutional -constitutionalism -constitutionalist -constitutionality -constitutionalization -constitutionalize -constitutionally -constitutionary -constitutioner -constitutionist -constitutive -constitutively -constitutiveness -constitutor -constrain -constrainable -constrained -constrainedly -constrainedness -constrainer -constraining -constrainingly -constrainment -constraint -constrict -constricted -constriction -constrictive -constrictor -constringe -constringency -constringent -construability -construable -construct -constructer -constructible -construction -constructional -constructionally -constructionism -constructionist -constructive -constructively -constructiveness -constructivism -constructivist -constructor -constructorship -constructure -construe -construer -constuprate -constupration -consubsist -consubsistency -consubstantial -consubstantialism -consubstantialist -consubstantiality -consubstantially -consubstantiate -consubstantiation -consubstantiationist -consubstantive -consuete -consuetitude -consuetude -consuetudinal -consuetudinary -consul -consulage -consular -consularity -consulary -consulate -consulship -consult -consultable -consultant -consultary -consultation -consultative -consultatory -consultee -consulter -consulting -consultive -consultively -consultor -consultory -consumable -consume -consumedly -consumeless -consumer -consuming -consumingly -consumingness -consummate -consummately -consummation -consummative -consummatively -consummativeness -consummator -consummatory -consumpt -consumpted -consumptible -consumption -consumptional -consumptive -consumptively -consumptiveness -consumptivity -consute -contabescence -contabescent -contact -contactor -contactual -contactually -contagion -contagioned -contagionist -contagiosity -contagious -contagiously -contagiousness -contagium -contain -containable -container -containment -contakion -contaminable -contaminant -contaminate -contamination -contaminative -contaminator -contaminous -contangential -contango -conte -contect -contection -contemn -contemner -contemnible -contemnibly -contemning -contemningly -contemnor -contemper -contemperate -contemperature -contemplable -contemplamen -contemplant -contemplate -contemplatingly -contemplation -contemplatist -contemplative -contemplatively -contemplativeness -contemplator -contemplature -contemporanean -contemporaneity -contemporaneous -contemporaneously -contemporaneousness -contemporarily -contemporariness -contemporary -contemporize -contempt -contemptful -contemptibility -contemptible -contemptibleness -contemptibly -contemptuous -contemptuously -contemptuousness -contendent -contender -contending -contendingly -contendress -content -contentable -contented -contentedly -contentedness -contentful -contention -contentional -contentious -contentiously -contentiousness -contentless -contently -contentment -contentness -contents -conter -conterminal -conterminant -contermine -conterminous -conterminously -conterminousness -contest -contestable -contestableness -contestably -contestant -contestation -contestee -contester -contestingly -contestless -context -contextive -contextual -contextually -contextural -contexture -contextured -conticent -contignation -contiguity -contiguous -contiguously -contiguousness -continence -continency -continent -continental -Continentaler -continentalism -continentalist -continentality -Continentalize -continentally -continently -contingence -contingency -contingent -contingential -contingentialness -contingently -contingentness -continuable -continual -continuality -continually -continualness -continuance -continuancy -continuando -continuant -continuantly -continuate -continuately -continuateness -continuation -continuative -continuatively -continuativeness -continuator -continue -continued -continuedly -continuedness -continuer -continuingly -continuist -continuity -continuous -continuously -continuousness -continuum -contise -contline -conto -contorniate -contorsive -contort -Contortae -contorted -contortedly -contortedness -contortion -contortional -contortionate -contortioned -contortionist -contortionistic -contortive -contour -contourne -contra -contraband -contrabandage -contrabandery -contrabandism -contrabandist -contrabandista -contrabass -contrabassist -contrabasso -contracapitalist -contraception -contraceptionist -contraceptive -contracivil -contraclockwise -contract -contractable -contractant -contractation -contracted -contractedly -contractedness -contractee -contracter -contractibility -contractible -contractibleness -contractibly -contractile -contractility -contraction -contractional -contractionist -contractive -contractively -contractiveness -contractor -contractual -contractually -contracture -contractured -contradebt -contradict -contradictable -contradictedness -contradicter -contradiction -contradictional -contradictious -contradictiously -contradictiousness -contradictive -contradictively -contradictiveness -contradictor -contradictorily -contradictoriness -contradictory -contradiscriminate -contradistinct -contradistinction -contradistinctive -contradistinctively -contradistinctly -contradistinguish -contradivide -contrafacture -contrafagotto -contrafissura -contraflexure -contraflow -contrafocal -contragredience -contragredient -contrahent -contrail -contraindicate -contraindication -contraindicative -contralateral -contralto -contramarque -contranatural -contrantiscion -contraoctave -contraparallelogram -contraplex -contrapolarization -contrapone -contraponend -Contraposaune -contrapose -contraposit -contraposita -contraposition -contrapositive -contraprogressist -contraprop -contraproposal -contraption -contraptious -contrapuntal -contrapuntalist -contrapuntally -contrapuntist -contrapunto -contrarational -contraregular -contraregularity -contraremonstrance -contraremonstrant -contrarevolutionary -contrariant -contrariantly -contrariety -contrarily -contrariness -contrarious -contrariously -contrariousness -contrariwise -contrarotation -contrary -contrascriptural -contrast -contrastable -contrastably -contrastedly -contrastimulant -contrastimulation -contrastimulus -contrastingly -contrastive -contrastively -contrastment -contrasty -contrasuggestible -contratabular -contrate -contratempo -contratenor -contravalence -contravallation -contravariant -contravene -contravener -contravention -contraversion -contravindicate -contravindication -contrawise -contrayerva -contrectation -contreface -contrefort -contretemps -contributable -contribute -contribution -contributional -contributive -contributively -contributiveness -contributor -contributorial -contributorship -contributory -contrite -contritely -contriteness -contrition -contriturate -contrivance -contrivancy -contrive -contrivement -contriver -control -controllability -controllable -controllableness -controllably -controller -controllership -controlless -controllingly -controlment -controversial -controversialism -controversialist -controversialize -controversially -controversion -controversional -controversionalism -controversionalist -controversy -controvert -controverter -controvertible -controvertibly -controvertist -contubernal -contubernial -contubernium -contumacious -contumaciously -contumaciousness -contumacity -contumacy -contumelious -contumeliously -contumeliousness -contumely -contund -conturbation -contuse -contusion -contusioned -contusive -conubium -Conularia -conumerary -conumerous -conundrum -conundrumize -conurbation -conure -Conuropsis -Conurus -conus -conusable -conusance -conusant -conusee -conusor -conutrition -conuzee -conuzor -convalesce -convalescence -convalescency -convalescent -convalescently -convallamarin -Convallaria -Convallariaceae -convallariaceous -convallarin -convect -convection -convectional -convective -convectively -convector -convenable -convenably -convene -convenee -convener -convenership -convenience -conveniency -convenient -conveniently -convenientness -convent -conventical -conventically -conventicle -conventicler -conventicular -convention -conventional -conventionalism -conventionalist -conventionality -conventionalization -conventionalize -conventionally -conventionary -conventioner -conventionism -conventionist -conventionize -conventual -conventually -converge -convergement -convergence -convergency -convergent -convergescence -converging -conversable -conversableness -conversably -conversance -conversancy -conversant -conversantly -conversation -conversationable -conversational -conversationalist -conversationally -conversationism -conversationist -conversationize -conversative -converse -conversely -converser -conversibility -conversible -conversion -conversional -conversionism -conversionist -conversive -convert -converted -convertend -converter -convertibility -convertible -convertibleness -convertibly -converting -convertingness -convertise -convertism -convertite -convertive -convertor -conveth -convex -convexed -convexedly -convexedness -convexity -convexly -convexness -convey -conveyable -conveyal -conveyance -conveyancer -conveyancing -conveyer -convict -convictable -conviction -convictional -convictism -convictive -convictively -convictiveness -convictment -convictor -convince -convinced -convincedly -convincedness -convincement -convincer -convincibility -convincible -convincing -convincingly -convincingness -convival -convive -convivial -convivialist -conviviality -convivialize -convivially -convocant -convocate -convocation -convocational -convocationally -convocationist -convocative -convocator -convoke -convoker -Convoluta -convolute -convoluted -convolutely -convolution -convolutional -convolutionary -convolutive -convolve -convolvement -Convolvulaceae -convolvulaceous -convolvulad -convolvuli -convolvulic -convolvulin -convolvulinic -convolvulinolic -Convolvulus -convoy -convulsant -convulse -convulsedly -convulsibility -convulsible -convulsion -convulsional -convulsionary -convulsionism -convulsionist -convulsive -convulsively -convulsiveness -cony -conycatcher -conyrine -coo -cooba -coodle -cooee -cooer -coof -Coohee -cooing -cooingly -cooja -cook -cookable -cookbook -cookdom -cookee -cookeite -cooker -cookery -cookhouse -cooking -cookish -cookishly -cookless -cookmaid -cookout -cookroom -cookshack -cookshop -cookstove -cooky -cool -coolant -coolen -cooler -coolerman -coolheaded -coolheadedly -coolheadedness -coolhouse -coolibah -coolie -cooling -coolingly -coolingness -coolish -coolly -coolness -coolth -coolung -coolweed -coolwort -cooly -coom -coomb -coomy -coon -cooncan -coonily -cooniness -coonroot -coonskin -coontail -coontie -coony -coop -cooper -cooperage -Cooperia -coopering -coopery -cooree -Coorg -coorie -cooruptibly -Coos -cooser -coost -Coosuc -coot -cooter -cootfoot -coothay -cootie -cop -copa -copable -copacetic -copaene -copaiba -copaibic -Copaifera -Copaiva -copaivic -copaiye -copal -copalche -copalcocote -copaliferous -copalite -copalm -coparallel -coparcenary -coparcener -coparceny -coparent -copart -copartaker -copartner -copartnership -copartnery -coparty -copassionate -copastor -copastorate -copatain -copatentee -copatriot -copatron -copatroness -cope -Copehan -copei -Copelata -Copelatae -copelate -copellidine -copeman -copemate -copen -copending -copenetrate -Copeognatha -copepod -Copepoda -copepodan -copepodous -coper -coperception -coperiodic -Copernican -Copernicanism -Copernicia -coperta -copesman -copesmate -copestone -copetitioner -cophasal -Cophetua -cophosis -copiability -copiable -copiapite -copied -copier -copilot -coping -copiopia -copiopsia -copiosity -copious -copiously -copiousness -copis -copist -copita -coplaintiff -coplanar -coplanarity -copleased -coplotter -coploughing -coplowing -copolar -copolymer -copolymerization -copolymerize -coppaelite -copped -copper -copperas -copperbottom -copperer -copperhead -copperheadism -coppering -copperish -copperization -copperize -copperleaf -coppernose -coppernosed -copperplate -copperproof -coppersidesman -copperskin -coppersmith -coppersmithing -copperware -copperwing -copperworks -coppery -copperytailed -coppet -coppice -coppiced -coppicing -coppin -copping -copple -copplecrown -coppled -coppy -copr -copra -coprecipitate -coprecipitation -copremia -copremic -copresbyter -copresence -copresent -Coprides -Coprinae -coprincipal -coprincipate -Coprinus -coprisoner -coprodaeum -coproduce -coproducer -coprojector -coprolagnia -coprolagnist -coprolalia -coprolaliac -coprolite -coprolith -coprolitic -coprology -copromisor -copromoter -coprophagan -coprophagia -coprophagist -coprophagous -coprophagy -coprophilia -coprophiliac -coprophilic -coprophilism -coprophilous -coprophyte -coproprietor -coproprietorship -coprose -Coprosma -coprostasis -coprosterol -coprozoic -copse -copsewood -copsewooded -copsing -copsy -Copt -copter -Coptic -Coptis -copula -copulable -copular -copularium -copulate -copulation -copulative -copulatively -copulatory -copunctal -copurchaser -copus -copy -copybook -copycat -copygraph -copygraphed -copyhold -copyholder -copyholding -copyism -copyist -copyman -copyreader -copyright -copyrightable -copyrighter -copywise -coque -coquecigrue -coquelicot -coqueluche -coquet -coquetoon -coquetry -coquette -coquettish -coquettishly -coquettishness -coquicken -coquilla -Coquille -coquille -coquimbite -coquina -coquita -Coquitlam -coquito -cor -Cora -cora -Corabeca -Corabecan -corach -Coraciae -coracial -Coracias -Coracii -Coraciidae -coraciiform -Coraciiformes -coracine -coracle -coracler -coracoacromial -coracobrachial -coracobrachialis -coracoclavicular -coracocostal -coracohumeral -coracohyoid -coracoid -coracoidal -coracomandibular -coracomorph -Coracomorphae -coracomorphic -coracopectoral -coracoprocoracoid -coracoradialis -coracoscapular -coracovertebral -coradical -coradicate -corah -coraise -coral -coralberry -coralbush -coraled -coralflower -coralist -corallet -Corallian -corallic -Corallidae -corallidomous -coralliferous -coralliform -Coralligena -coralligenous -coralligerous -corallike -Corallina -Corallinaceae -corallinaceous -coralline -corallite -Corallium -coralloid -coralloidal -Corallorhiza -corallum -Corallus -coralroot -coralwort -coram -Corambis -coranto -corban -corbeau -corbeil -corbel -corbeling -corbicula -corbiculate -corbiculum -corbie -corbiestep -corbovinum -corbula -corcass -Corchorus -corcir -corcopali -Corcyraean -cord -cordage -Cordaitaceae -cordaitaceous -cordaitalean -Cordaitales -cordaitean -Cordaites -cordant -cordate -cordately -cordax -Cordeau -corded -cordel -Cordelia -Cordelier -cordeliere -cordelle -corder -Cordery -cordewane -Cordia -cordial -cordiality -cordialize -cordially -cordialness -cordiceps -cordicole -cordierite -cordies -cordiform -cordigeri -cordillera -cordilleran -cordiner -cording -cordite -corditis -cordleaf -cordmaker -cordoba -cordon -cordonnet -Cordovan -Cordula -corduroy -corduroyed -cordwain -cordwainer -cordwainery -cordwood -cordy -Cordyceps -cordyl -Cordylanthus -Cordyline -core -corebel -coreceiver -coreciprocal -corectome -corectomy -corector -cored -coredeem -coredeemer -coredemptress -coreductase -Coree -coreflexed -coregence -coregency -coregent -coregnancy -coregnant -coregonid -Coregonidae -coregonine -coregonoid -Coregonus -coreid -Coreidae -coreign -coreigner -corejoice -coreless -coreligionist -corella -corelysis -Corema -coremaker -coremaking -coremium -coremorphosis -corenounce -coreometer -Coreopsis -coreplastic -coreplasty -corer -coresidence -coresidual -coresign -coresonant -coresort -corespect -corespondency -corespondent -coretomy -coreveler -coreveller -corevolve -Corey -corf -Corfiote -Corflambo -corge -corgi -coriaceous -corial -coriamyrtin -coriander -coriandrol -Coriandrum -Coriaria -Coriariaceae -coriariaceous -coriin -Corimelaena -Corimelaenidae -Corin -corindon -Corineus -coring -Corinna -corinne -Corinth -Corinthian -Corinthianesque -Corinthianism -Corinthianize -Coriolanus -coriparian -corium -Corixa -Corixidae -cork -corkage -corkboard -corke -corked -corker -corkiness -corking -corkish -corkite -corkmaker -corkmaking -corkscrew -corkscrewy -corkwing -corkwood -corky -corm -Cormac -cormel -cormidium -cormoid -Cormophyta -cormophyte -cormophytic -cormorant -cormous -cormus -corn -Cornaceae -cornaceous -cornage -cornbell -cornberry -cornbin -cornbinks -cornbird -cornbole -cornbottle -cornbrash -corncake -corncob -corncracker -corncrib -corncrusher -corndodger -cornea -corneagen -corneal -cornein -corneitis -cornel -Cornelia -cornelian -Cornelius -cornemuse -corneocalcareous -corneosclerotic -corneosiliceous -corneous -corner -cornerbind -cornered -cornerer -cornerpiece -cornerstone -cornerways -cornerwise -cornet -cornetcy -cornettino -cornettist -corneule -corneum -cornfield -cornfloor -cornflower -corngrower -cornhouse -cornhusk -cornhusker -cornhusking -cornic -cornice -cornicle -corniculate -corniculer -corniculum -Corniferous -cornific -cornification -cornified -corniform -cornigerous -cornin -corning -corniplume -Cornish -Cornishman -cornland -cornless -cornloft -cornmaster -cornmonger -cornopean -cornpipe -cornrick -cornroot -cornstalk -cornstarch -cornstook -cornu -cornual -cornuate -cornuated -cornubianite -cornucopia -Cornucopiae -cornucopian -cornucopiate -cornule -cornulite -Cornulites -cornupete -Cornus -cornute -cornuted -cornutine -cornuto -cornwallis -cornwallite -corny -coroa -Coroado -corocleisis -corodiary -corodiastasis -corodiastole -corody -corol -corolla -corollaceous -corollarial -corollarially -corollary -corollate -corollated -corolliferous -corolliform -corollike -corolline -corollitic -corometer -corona -coronach -coronad -coronadite -coronae -coronagraph -coronagraphic -coronal -coronale -coronaled -coronally -coronamen -coronary -coronate -coronated -coronation -coronatorial -coroner -coronership -coronet -coroneted -coronetted -coronetty -coroniform -Coronilla -coronillin -coronion -coronitis -coronium -coronize -coronobasilar -coronofacial -coronofrontal -coronoid -Coronopus -coronule -coroparelcysis -coroplast -coroplasta -coroplastic -Coropo -coroscopy -corotomy -corozo -corp -corpora -corporal -corporalism -corporality -corporally -corporalship -corporas -corporate -corporately -corporateness -corporation -corporational -corporationer -corporationism -corporative -corporator -corporature -corporeal -corporealist -corporeality -corporealization -corporealize -corporeally -corporealness -corporeals -corporeity -corporeous -corporification -corporify -corporosity -corposant -corps -corpsbruder -corpse -corpsman -corpulence -corpulency -corpulent -corpulently -corpulentness -corpus -corpuscle -corpuscular -corpuscularian -corpuscularity -corpusculated -corpuscule -corpusculous -corpusculum -corrade -corradial -corradiate -corradiation -corral -corrasion -corrasive -Correa -correal -correality -correct -correctable -correctant -corrected -correctedness -correctible -correcting -correctingly -correction -correctional -correctionalist -correctioner -correctitude -corrective -correctively -correctiveness -correctly -correctness -corrector -correctorship -correctress -correctrice -corregidor -correlatable -correlate -correlated -correlation -correlational -correlative -correlatively -correlativeness -correlativism -correlativity -correligionist -corrente -correption -corresol -correspond -correspondence -correspondency -correspondent -correspondential -correspondentially -correspondently -correspondentship -corresponder -corresponding -correspondingly -corresponsion -corresponsive -corresponsively -corridor -corridored -corrie -Corriedale -corrige -corrigenda -corrigendum -corrigent -corrigibility -corrigible -corrigibleness -corrigibly -Corrigiola -Corrigiolaceae -corrival -corrivality -corrivalry -corrivalship -corrivate -corrivation -corrobboree -corroborant -corroborate -corroboration -corroborative -corroboratively -corroborator -corroboratorily -corroboratory -corroboree -corrode -corrodent -Corrodentia -corroder -corrodiary -corrodibility -corrodible -corrodier -corroding -corrosibility -corrosible -corrosibleness -corrosion -corrosional -corrosive -corrosively -corrosiveness -corrosivity -corrugate -corrugated -corrugation -corrugator -corrupt -corrupted -corruptedly -corruptedness -corrupter -corruptful -corruptibility -corruptible -corruptibleness -corrupting -corruptingly -corruption -corruptionist -corruptive -corruptively -corruptly -corruptness -corruptor -corruptress -corsac -corsage -corsaint -corsair -corse -corselet -corsepresent -corsesque -corset -corseting -corsetless -corsetry -Corsican -corsie -corsite -corta -Cortaderia -cortege -Cortes -cortex -cortez -cortical -cortically -corticate -corticated -corticating -cortication -cortices -corticiferous -corticiform -corticifugal -corticifugally -corticipetal -corticipetally -Corticium -corticoafferent -corticoefferent -corticoline -corticopeduncular -corticose -corticospinal -corticosterone -corticostriate -corticous -cortin -cortina -cortinarious -Cortinarius -cortinate -cortisone -cortlandtite -Corton -coruco -coruler -Coruminacan -corundophilite -corundum -corupay -coruscant -coruscate -coruscation -corver -corvette -corvetto -Corvidae -corviform -corvillosum -corvina -Corvinae -corvine -corvoid -Corvus -Cory -Corybant -Corybantian -corybantiasm -Corybantic -corybantic -Corybantine -corybantish -corybulbin -corybulbine -corycavamine -corycavidin -corycavidine -corycavine -Corycia -Corycian -corydalin -corydaline -Corydalis -corydine -Corydon -coryl -Corylaceae -corylaceous -corylin -Corylopsis -Corylus -corymb -corymbed -corymbiate -corymbiated -corymbiferous -corymbiform -corymbose -corymbous -corynebacterial -Corynebacterium -Coryneum -corynine -Corynocarpaceae -corynocarpaceous -Corynocarpus -Corypha -Coryphaena -coryphaenid -Coryphaenidae -coryphaenoid -Coryphaenoididae -coryphaeus -coryphee -coryphene -Coryphodon -coryphodont -coryphylly -corytuberine -coryza -cos -cosalite -cosaque -cosavior -coscet -Coscinodiscaceae -Coscinodiscus -coscinomancy -coscoroba -coseasonal -coseat -cosec -cosecant -cosech -cosectarian -cosectional -cosegment -coseism -coseismal -coseismic -cosenator -cosentiency -cosentient -coservant -cosession -coset -cosettler -cosh -cosharer -cosheath -cosher -cosherer -coshering -coshery -cosignatory -cosigner -cosignitary -cosily -cosinage -cosine -cosiness -cosingular -cosinusoid -Cosmati -cosmecology -cosmesis -cosmetic -cosmetical -cosmetically -cosmetician -cosmetiste -cosmetological -cosmetologist -cosmetology -cosmic -cosmical -cosmicality -cosmically -cosmism -cosmist -cosmocracy -cosmocrat -cosmocratic -cosmogenesis -cosmogenetic -cosmogenic -cosmogeny -cosmogonal -cosmogoner -cosmogonic -cosmogonical -cosmogonist -cosmogonize -cosmogony -cosmographer -cosmographic -cosmographical -cosmographically -cosmographist -cosmography -cosmolabe -cosmolatry -cosmologic -cosmological -cosmologically -cosmologist -cosmology -cosmometry -cosmopathic -cosmoplastic -cosmopoietic -cosmopolicy -cosmopolis -cosmopolitan -cosmopolitanism -cosmopolitanization -cosmopolitanize -cosmopolitanly -cosmopolite -cosmopolitic -cosmopolitical -cosmopolitics -cosmopolitism -cosmorama -cosmoramic -cosmorganic -cosmos -cosmoscope -cosmosophy -cosmosphere -cosmotellurian -cosmotheism -cosmotheist -cosmotheistic -cosmothetic -cosmotron -cosmozoan -cosmozoic -cosmozoism -cosonant -cosounding -cosovereign -cosovereignty -cospecies -cospecific -cosphered -cosplendor -cosplendour -coss -Cossack -Cossaean -cossas -cosse -cosset -cossette -cossid -Cossidae -cossnent -cossyrite -cost -costa -Costaea -costal -costalgia -costally -costander -Costanoan -costar -costard -Costata -costate -costated -costean -costeaning -costectomy -costellate -coster -costerdom -costermonger -costicartilage -costicartilaginous -costicervical -costiferous -costiform -costing -costipulator -costispinal -costive -costively -costiveness -costless -costlessness -costliness -costly -costmary -costoabdominal -costoapical -costocentral -costochondral -costoclavicular -costocolic -costocoracoid -costodiaphragmatic -costogenic -costoinferior -costophrenic -costopleural -costopneumopexy -costopulmonary -costoscapular -costosternal -costosuperior -costothoracic -costotome -costotomy -costotrachelian -costotransversal -costotransverse -costovertebral -costoxiphoid -costraight -costrel -costula -costulation -costume -costumer -costumery -costumic -costumier -costumiere -costuming -costumist -costusroot -cosubject -cosubordinate -cosuffer -cosufferer -cosuggestion -cosuitor -cosurety -cosustain -coswearer -cosy -cosymmedian -cot -cotangent -cotangential -cotarius -cotarnine -cotch -cote -coteful -coteline -coteller -cotemporane -cotemporanean -cotemporaneous -cotemporaneously -cotemporary -cotenancy -cotenant -cotenure -coterell -coterie -coterminous -Cotesian -coth -cothamore -cothe -cotheorist -cothish -cothon -cothurn -cothurnal -cothurnate -cothurned -cothurnian -cothurnus -cothy -cotidal -cotillage -cotillion -Cotinga -cotingid -Cotingidae -cotingoid -Cotinus -cotise -cotitular -cotland -cotman -coto -cotoin -Cotonam -Cotoneaster -cotonier -cotorment -cotoro -cotorture -Cotoxo -cotquean -cotraitor -cotransfuse -cotranslator -cotranspire -cotransubstantiate -cotrine -cotripper -cotrustee -cotset -cotsetla -cotsetle -cotta -cottabus -cottage -cottaged -cottager -cottagers -cottagey -cotte -cotted -cotter -cotterel -cotterite -cotterway -cottid -Cottidae -cottier -cottierism -cottiform -cottoid -cotton -cottonade -cottonbush -cottonee -cottoneer -cottoner -Cottonian -cottonization -cottonize -cottonless -cottonmouth -cottonocracy -Cottonopolis -cottonseed -cottontail -cottontop -cottonweed -cottonwood -cottony -Cottus -cotty -cotuit -cotula -cotunnite -Coturnix -cotutor -cotwin -cotwinned -cotwist -cotyla -cotylar -cotyledon -cotyledonal -cotyledonar -cotyledonary -cotyledonous -cotyliform -cotyligerous -cotyliscus -cotyloid -Cotylophora -cotylophorous -cotylopubic -cotylosacral -cotylosaur -Cotylosauria -cotylosaurian -cotype -Cotys -Cotyttia -couac -coucal -couch -couchancy -couchant -couched -couchee -coucher -couching -couchmaker -couchmaking -couchmate -couchy -coude -coudee -coue -Coueism -cougar -cough -cougher -coughroot -coughweed -coughwort -cougnar -coul -could -couldron -coulee -coulisse -coulomb -coulometer -coulterneb -coulure -couma -coumalic -coumalin -coumara -coumaran -coumarate -coumaric -coumarilic -coumarin -coumarinic -coumarone -coumarou -Coumarouna -council -councilist -councilman -councilmanic -councilor -councilorship -councilwoman -counderstand -counite -couniversal -counsel -counselable -counselee -counselful -counselor -counselorship -count -countable -countableness -countably -countdom -countenance -countenancer -counter -counterabut -counteraccusation -counteracquittance -counteract -counteractant -counteracter -counteracting -counteractingly -counteraction -counteractive -counteractively -counteractivity -counteractor -counteraddress -counteradvance -counteradvantage -counteradvice -counteradvise -counteraffirm -counteraffirmation -counteragency -counteragent -counteragitate -counteragitation -counteralliance -counterambush -counterannouncement -counteranswer -counterappeal -counterappellant -counterapproach -counterapse -counterarch -counterargue -counterargument -counterartillery -counterassertion -counterassociation -counterassurance -counterattack -counterattestation -counterattired -counterattraction -counterattractive -counterattractively -counteraverment -counteravouch -counteravouchment -counterbalance -counterbarrage -counterbase -counterbattery -counterbeating -counterbend -counterbewitch -counterbid -counterblast -counterblow -counterbond -counterborder -counterbore -counterboycott -counterbrace -counterbranch -counterbrand -counterbreastwork -counterbuff -counterbuilding -countercampaign -countercarte -countercause -counterchange -counterchanged -countercharge -countercharm -countercheck -countercheer -counterclaim -counterclaimant -counterclockwise -countercolored -countercommand -countercompetition -countercomplaint -countercompony -countercondemnation -counterconquest -counterconversion -countercouchant -countercoupe -countercourant -countercraft -countercriticism -countercross -countercry -countercurrent -countercurrently -countercurrentwise -counterdance -counterdash -counterdecision -counterdeclaration -counterdecree -counterdefender -counterdemand -counterdemonstration -counterdeputation -counterdesire -counterdevelopment -counterdifficulty -counterdigged -counterdike -counterdiscipline -counterdisengage -counterdisengagement -counterdistinction -counterdistinguish -counterdoctrine -counterdogmatism -counterdraft -counterdrain -counterdrive -counterearth -counterefficiency -countereffort -counterembattled -counterembowed -counterenamel -counterend -counterenergy -counterengagement -counterengine -counterenthusiasm -counterentry -counterequivalent -counterermine -counterespionage -counterestablishment -counterevidence -counterexaggeration -counterexcitement -counterexcommunication -counterexercise -counterexplanation -counterexposition -counterexpostulation -counterextend -counterextension -counterfact -counterfallacy -counterfaller -counterfeit -counterfeiter -counterfeitly -counterfeitment -counterfeitness -counterferment -counterfessed -counterfire -counterfix -counterflange -counterflashing -counterflight -counterflory -counterflow -counterflux -counterfoil -counterforce -counterformula -counterfort -counterfugue -countergabble -countergabion -countergambit -countergarrison -countergauge -countergauger -countergift -countergirded -counterglow -counterguard -counterhaft -counterhammering -counterhypothesis -counteridea -counterideal -counterimagination -counterimitate -counterimitation -counterimpulse -counterindentation -counterindented -counterindicate -counterindication -counterinfluence -counterinsult -counterintelligence -counterinterest -counterinterpretation -counterintrigue -counterinvective -counterirritant -counterirritate -counterirritation -counterjudging -counterjumper -counterlath -counterlathing -counterlatration -counterlaw -counterleague -counterlegislation -counterlife -counterlocking -counterlode -counterlove -counterly -countermachination -counterman -countermand -countermandable -countermaneuver -countermanifesto -countermarch -countermark -countermarriage -countermeasure -countermeet -countermessage -countermigration -countermine -countermission -countermotion -countermount -countermove -countermovement -countermure -countermutiny -counternaiant -counternarrative -counternatural -counternecromancy -counternoise -counternotice -counterobjection -counterobligation -counteroffensive -counteroffer -counteropening -counteropponent -counteropposite -counterorator -counterorder -counterorganization -counterpaled -counterpaly -counterpane -counterpaned -counterparadox -counterparallel -counterparole -counterparry -counterpart -counterpassant -counterpassion -counterpenalty -counterpendent -counterpetition -counterpicture -counterpillar -counterplan -counterplay -counterplayer -counterplea -counterplead -counterpleading -counterplease -counterplot -counterpoint -counterpointe -counterpointed -counterpoise -counterpoison -counterpole -counterponderate -counterpose -counterposition -counterposting -counterpotence -counterpotency -counterpotent -counterpractice -counterpray -counterpreach -counterpreparation -counterpressure -counterprick -counterprinciple -counterprocess -counterproject -counterpronunciamento -counterproof -counterpropaganda -counterpropagandize -counterprophet -counterproposal -counterproposition -counterprotection -counterprotest -counterprove -counterpull -counterpunch -counterpuncture -counterpush -counterquartered -counterquarterly -counterquery -counterquestion -counterquip -counterradiation -counterraid -counterraising -counterrampant -counterrate -counterreaction -counterreason -counterreckoning -counterrecoil -counterreconnaissance -counterrefer -counterreflected -counterreform -counterreformation -counterreligion -counterremonstrant -counterreply -counterreprisal -counterresolution -counterrestoration -counterretreat -counterrevolution -counterrevolutionary -counterrevolutionist -counterrevolutionize -counterriposte -counterroll -counterround -counterruin -countersale -countersalient -counterscale -counterscalloped -counterscarp -counterscoff -countersconce -counterscrutiny -countersea -counterseal -countersecure -countersecurity -counterselection -countersense -counterservice -countershade -countershaft -countershafting -countershear -countershine -countershout -counterside -countersiege -countersign -countersignal -countersignature -countersink -countersleight -counterslope -countersmile -countersnarl -counterspying -counterstain -counterstamp -counterstand -counterstatant -counterstatement -counterstatute -counterstep -counterstimulate -counterstimulation -counterstimulus -counterstock -counterstratagem -counterstream -counterstrike -counterstroke -counterstruggle -countersubject -countersuggestion -countersuit -countersun -countersunk -countersurprise -counterswing -countersworn -countersympathy -countersynod -countertack -countertail -countertally -countertaste -countertechnicality -countertendency -countertenor -counterterm -counterterror -countertheme -countertheory -counterthought -counterthreat -counterthrust -counterthwarting -countertierce -countertime -countertouch -countertraction -countertrades -countertransference -countertranslation -countertraverse -countertreason -countertree -countertrench -countertrespass -countertrippant -countertripping -countertruth -countertug -counterturn -counterturned -countertype -countervail -countervair -countervairy -countervallation -countervaunt -countervene -countervengeance -countervenom -countervibration -counterview -countervindication -countervolition -countervolley -countervote -counterwager -counterwall -counterwarmth -counterwave -counterweigh -counterweight -counterweighted -counterwheel -counterwill -counterwilling -counterwind -counterwitness -counterword -counterwork -counterworker -counterwrite -countess -countfish -counting -countinghouse -countless -countor -countrified -countrifiedness -country -countryfolk -countryman -countrypeople -countryseat -countryside -countryward -countrywoman -countship -county -coup -coupage -coupe -couped -coupee -coupelet -couper -couple -coupled -couplement -coupler -coupleress -couplet -coupleteer -coupling -coupon -couponed -couponless -coupstick -coupure -courage -courageous -courageously -courageousness -courager -courant -courante -courap -couratari -courb -courbache -courbaril -courbash -courge -courida -courier -couril -courlan -Cours -course -coursed -courser -coursing -court -courtbred -courtcraft -courteous -courteously -courteousness -courtepy -courter -courtesan -courtesanry -courtesanship -courtesy -courtezanry -courtezanship -courthouse -courtier -courtierism -courtierly -courtiership -courtin -courtless -courtlet -courtlike -courtliness -courtling -courtly -courtman -Courtney -courtroom -courtship -courtyard -courtzilite -couscous -couscousou -couseranite -cousin -cousinage -cousiness -cousinhood -cousinly -cousinry -cousinship -cousiny -coussinet -coustumier -coutel -coutelle -couter -Coutet -couth -couthie -couthily -couthiness -couthless -coutil -coutumier -couvade -couxia -covado -covalence -covalent -Covarecan -Covarecas -covariable -covariance -covariant -covariation -covassal -cove -coved -covelline -covellite -covenant -covenantal -covenanted -covenantee -Covenanter -covenanter -covenanting -covenantor -covent -coventrate -coventrize -Coventry -cover -coverage -coveralls -coverchief -covercle -covered -coverer -covering -coverless -coverlet -coverlid -coversed -coverside -coversine -coverslut -covert -covertical -covertly -covertness -coverture -covet -covetable -coveter -coveting -covetingly -covetiveness -covetous -covetously -covetousness -covey -covibrate -covibration -covid -Coviello -covillager -Covillea -covin -coving -covinous -covinously -covisit -covisitor -covite -covolume -covotary -cow -cowal -Cowan -coward -cowardice -cowardliness -cowardly -cowardness -cowardy -cowbane -cowbell -cowberry -cowbind -cowbird -cowboy -cowcatcher -cowdie -coween -cower -cowfish -cowgate -cowgram -cowhage -cowheart -cowhearted -cowheel -cowherb -cowherd -cowhide -cowhiding -cowhorn -Cowichan -cowish -cowitch -cowkeeper -cowl -cowle -cowled -cowleech -cowleeching -cowlick -cowlicks -cowlike -cowling -Cowlitz -cowlstaff -cowman -cowpath -cowpea -cowpen -Cowperian -cowperitis -cowpock -cowpox -cowpuncher -cowquake -cowrie -cowroid -cowshed -cowskin -cowslip -cowslipped -cowsucker -cowtail -cowthwort -cowtongue -cowweed -cowwheat -cowy -cowyard -cox -coxa -coxal -coxalgia -coxalgic -coxankylometer -coxarthritis -coxarthrocace -coxarthropathy -coxbones -coxcomb -coxcombess -coxcombhood -coxcombic -coxcombical -coxcombicality -coxcombically -coxcombity -coxcombry -coxcomby -coxcomical -coxcomically -coxite -coxitis -coxocerite -coxoceritic -coxodynia -coxofemoral -coxopodite -coxswain -coxy -coy -coyan -coydog -coyish -coyishness -coyly -coyness -coynye -coyo -coyol -coyote -Coyotero -coyotillo -coyoting -coypu -coyure -coz -coze -cozen -cozenage -cozener -cozening -cozeningly -cozier -cozily -coziness -cozy -crab -crabbed -crabbedly -crabbedness -crabber -crabbery -crabbing -crabby -crabcatcher -crabeater -craber -crabhole -crablet -crablike -crabman -crabmill -crabsidle -crabstick -crabweed -crabwise -crabwood -Cracca -Cracidae -Cracinae -crack -crackable -crackajack -crackbrain -crackbrained -crackbrainedness -crackdown -cracked -crackedness -cracker -crackerberry -crackerjack -crackers -crackhemp -crackiness -cracking -crackjaw -crackle -crackled -crackless -crackleware -crackling -crackly -crackmans -cracknel -crackpot -crackskull -cracksman -cracky -cracovienne -craddy -cradge -cradle -cradleboard -cradlechild -cradlefellow -cradleland -cradlelike -cradlemaker -cradlemaking -cradleman -cradlemate -cradler -cradleside -cradlesong -cradletime -cradling -Cradock -craft -craftily -craftiness -craftless -craftsman -craftsmanship -craftsmaster -craftswoman -craftwork -craftworker -crafty -crag -craggan -cragged -craggedness -craggily -cragginess -craggy -craglike -cragsman -cragwork -craichy -Craig -craigmontite -crain -craisey -craizey -crajuru -crake -crakefeet -crakow -cram -cramasie -crambambulee -crambambuli -Crambe -crambe -cramberry -crambid -Crambidae -Crambinae -cramble -crambly -crambo -Crambus -crammer -cramp -cramped -crampedness -cramper -crampet -crampfish -cramping -crampingly -crampon -cramponnee -crampy -cran -cranage -cranberry -crance -crandall -crandallite -crane -cranelike -craneman -craner -cranesman -craneway -craney -Crania -crania -craniacromial -craniad -cranial -cranially -cranian -Craniata -craniate -cranic -craniectomy -craniocele -craniocerebral -cranioclasis -cranioclasm -cranioclast -cranioclasty -craniodidymus -craniofacial -craniognomic -craniognomy -craniognosy -craniograph -craniographer -craniography -craniological -craniologically -craniologist -craniology -craniomalacia -craniomaxillary -craniometer -craniometric -craniometrical -craniometrically -craniometrist -craniometry -craniopagus -craniopathic -craniopathy -craniopharyngeal -craniophore -cranioplasty -craniopuncture -craniorhachischisis -craniosacral -cranioschisis -cranioscopical -cranioscopist -cranioscopy -craniospinal -craniostenosis -craniostosis -Craniota -craniotabes -craniotome -craniotomy -craniotopography -craniotympanic -craniovertebral -cranium -crank -crankbird -crankcase -cranked -cranker -crankery -crankily -crankiness -crankle -crankless -crankly -crankman -crankous -crankpin -crankshaft -crankum -cranky -crannage -crannied -crannock -crannog -crannoger -cranny -cranreuch -crantara -crants -crap -crapaud -crapaudine -crape -crapefish -crapehanger -crapelike -crappie -crappin -crapple -crappo -craps -crapshooter -crapulate -crapulence -crapulent -crapulous -crapulously -crapulousness -crapy -craquelure -crare -crash -crasher -crasis -craspedal -craspedodromous -craspedon -Craspedota -craspedotal -craspedote -crass -crassamentum -crassier -crassilingual -Crassina -crassitude -crassly -crassness -Crassula -Crassulaceae -crassulaceous -Crataegus -Crataeva -cratch -cratchens -cratches -crate -crateful -cratemaker -cratemaking -crateman -crater -crateral -cratered -Craterellus -Craterid -crateriform -crateris -craterkin -craterless -craterlet -craterlike -craterous -craticular -Cratinean -cratometer -cratometric -cratometry -craunch -craunching -craunchingly -cravat -crave -craven -Cravenette -cravenette -cravenhearted -cravenly -cravenness -craver -craving -cravingly -cravingness -cravo -craw -crawberry -crawdad -crawfish -crawfoot -crawful -crawl -crawler -crawlerize -crawley -crawleyroot -crawling -crawlingly -crawlsome -crawly -crawm -crawtae -Crawthumper -Crax -crayer -crayfish -crayon -crayonist -crayonstone -craze -crazed -crazedly -crazedness -crazily -craziness -crazingmill -crazy -crazycat -crazyweed -crea -creagh -creaght -creak -creaker -creakily -creakiness -creakingly -creaky -cream -creambush -creamcake -creamcup -creamer -creamery -creameryman -creamfruit -creamily -creaminess -creamless -creamlike -creammaker -creammaking -creamometer -creamsacs -creamware -creamy -creance -creancer -creant -crease -creaseless -creaser -creashaks -creasing -creasy -creat -creatable -create -createdness -creatic -creatine -creatinephosphoric -creatinine -creatininemia -creatinuria -creation -creational -creationary -creationism -creationist -creationistic -creative -creatively -creativeness -creativity -creatophagous -creator -creatorhood -creatorrhea -creatorship -creatotoxism -creatress -creatrix -creatural -creature -creaturehood -creatureless -creatureliness -creatureling -creaturely -creatureship -creaturize -crebricostate -crebrisulcate -crebrity -crebrous -creche -creddock -credence -credencive -credenciveness -credenda -credensive -credensiveness -credent -credential -credently -credenza -credibility -credible -credibleness -credibly -credit -creditability -creditable -creditableness -creditably -creditive -creditless -creditor -creditorship -creditress -creditrix -crednerite -Credo -credulity -credulous -credulously -credulousness -Cree -cree -creed -creedal -creedalism -creedalist -creeded -creedist -creedite -creedless -creedlessness -creedmore -creedsman -Creek -creek -creeker -creekfish -creekside -creekstuff -creeky -creel -creeler -creem -creen -creep -creepage -creeper -creepered -creeperless -creephole -creepie -creepiness -creeping -creepingly -creepmouse -creepmousy -creepy -creese -creesh -creeshie -creeshy -creirgist -cremaster -cremasterial -cremasteric -cremate -cremation -cremationism -cremationist -cremator -crematorial -crematorium -crematory -crembalum -cremnophobia -cremocarp -cremometer -cremone -cremor -cremorne -cremule -crena -crenate -crenated -crenately -crenation -crenature -crenel -crenelate -crenelated -crenelation -crenele -creneled -crenelet -crenellate -crenellation -crenic -crenitic -crenology -crenotherapy -Crenothrix -crenula -crenulate -crenulated -crenulation -creodont -Creodonta -creole -creoleize -creolian -Creolin -creolism -creolization -creolize -creophagia -creophagism -creophagist -creophagous -creophagy -creosol -creosote -creosoter -creosotic -crepance -crepe -crepehanger -Crepidula -crepine -crepiness -Crepis -crepitaculum -crepitant -crepitate -crepitation -crepitous -crepitus -crepon -crept -crepuscle -crepuscular -crepuscule -crepusculine -crepusculum -crepy -cresamine -crescendo -crescent -crescentade -crescentader -Crescentia -crescentic -crescentiform -crescentlike -crescentoid -crescentwise -crescive -crescograph -crescographic -cresegol -cresol -cresolin -cresorcinol -cresotate -cresotic -cresotinic -cresoxide -cresoxy -cresphontes -cress -cressed -cresselle -cresset -Cressida -cresson -cressweed -cresswort -cressy -crest -crested -crestfallen -crestfallenly -crestfallenness -cresting -crestless -crestline -crestmoreite -cresyl -cresylate -cresylene -cresylic -cresylite -creta -Cretaceous -cretaceous -cretaceously -Cretacic -Cretan -Crete -cretefaction -Cretic -cretic -cretification -cretify -cretin -cretinic -cretinism -cretinization -cretinize -cretinoid -cretinous -cretion -cretionary -Cretism -cretonne -crevalle -crevasse -crevice -creviced -crew -crewel -crewelist -crewellery -crewelwork -crewer -crewless -crewman -Crex -crib -cribbage -cribber -cribbing -cribble -cribellum -cribo -cribral -cribrate -cribrately -cribration -cribriform -cribrose -cribwork -cric -Cricetidae -cricetine -Cricetus -crick -cricket -cricketer -cricketing -crickety -crickey -crickle -cricoarytenoid -cricoid -cricopharyngeal -cricothyreoid -cricothyreotomy -cricothyroid -cricothyroidean -cricotomy -cricotracheotomy -Cricotus -cried -crier -criey -crig -crile -crime -Crimean -crimeful -crimeless -crimelessness -crimeproof -criminal -criminaldom -criminalese -criminalism -criminalist -criminalistic -criminalistician -criminalistics -criminality -criminally -criminalness -criminaloid -criminate -crimination -criminative -criminator -criminatory -crimine -criminogenesis -criminogenic -criminologic -criminological -criminologist -criminology -criminosis -criminous -criminously -criminousness -crimogenic -crimp -crimpage -crimper -crimping -crimple -crimpness -crimpy -crimson -crimsonly -crimsonness -crimsony -crin -crinal -crinanite -crinated -crinatory -crine -crined -crinet -cringe -cringeling -cringer -cringing -cringingly -cringingness -cringle -crinicultural -criniculture -criniferous -Criniger -crinigerous -criniparous -crinite -crinitory -crinivorous -crink -crinkle -crinkleroot -crinkly -crinoid -crinoidal -Crinoidea -crinoidean -crinoline -crinose -crinosity -crinula -Crinum -criobolium -criocephalus -Crioceras -crioceratite -crioceratitic -Crioceris -criophore -Criophoros -criosphinx -cripes -crippingly -cripple -crippledom -crippleness -crippler -crippling -cripply -Cris -crises -crisic -crisis -crisp -crispate -crispated -crispation -crispature -crisped -crisper -crispily -Crispin -crispine -crispiness -crisping -crisply -crispness -crispy -criss -crissal -crisscross -crissum -crista -cristate -Cristatella -Cristi -cristiform -Cristina -Cristineaux -Cristino -Cristispira -Cristivomer -cristobalite -Cristopher -critch -criteria -criteriology -criterion -criterional -criterium -crith -Crithidia -crithmene -crithomancy -critic -critical -criticality -critically -criticalness -criticaster -criticasterism -criticastry -criticisable -criticism -criticist -criticizable -criticize -criticizer -criticizingly -critickin -criticship -criticule -critique -critling -crizzle -cro -croak -Croaker -croaker -croakily -croakiness -croaky -Croat -Croatan -Croatian -croc -Crocanthemum -crocard -croceic -crocein -croceine -croceous -crocetin -croche -crochet -crocheter -crocheting -croci -crocidolite -Crocidura -crocin -crock -crocker -crockery -crockeryware -crocket -crocketed -crocky -crocodile -Crocodilia -crocodilian -Crocodilidae -crocodiline -crocodilite -crocodiloid -Crocodilus -Crocodylidae -Crocodylus -crocoisite -crocoite -croconate -croconic -Crocosmia -Crocus -crocus -crocused -croft -crofter -crofterization -crofterize -crofting -croftland -croisette -croissante -Crokinole -Crom -cromaltite -crome -Cromer -Cromerian -cromfordite -cromlech -cromorna -cromorne -Cromwell -Cromwellian -Cronartium -crone -croneberry -cronet -Cronian -cronish -cronk -cronkness -cronstedtite -crony -crood -croodle -crook -crookback -crookbacked -crookbill -crookbilled -crooked -crookedly -crookedness -crooken -crookesite -crookfingered -crookheaded -crookkneed -crookle -crooklegged -crookneck -crooknecked -crooknosed -crookshouldered -crooksided -crooksterned -crooktoothed -crool -Croomia -croon -crooner -crooning -crooningly -crop -crophead -cropland -cropman -croppa -cropper -croppie -cropplecrown -croppy -cropshin -cropsick -cropsickness -cropweed -croquet -croquette -crore -crosa -Crosby -crosier -crosiered -crosnes -cross -crossability -crossable -crossarm -crossband -crossbar -crossbeak -crossbeam -crossbelt -crossbill -crossbolt -crossbolted -crossbones -crossbow -crossbowman -crossbred -crossbreed -crosscurrent -crosscurrented -crosscut -crosscutter -crosscutting -crosse -crossed -crosser -crossette -crossfall -crossfish -crossflow -crossflower -crossfoot -crosshackle -crosshand -crosshatch -crosshaul -crosshauling -crosshead -crossing -crossite -crossjack -crosslegs -crosslet -crossleted -crosslight -crosslighted -crossline -crossly -crossness -crossopodia -crossopterygian -Crossopterygii -Crossosoma -Crossosomataceae -crossosomataceous -crossover -crosspatch -crosspath -crosspiece -crosspoint -crossrail -crossroad -crossroads -crossrow -crossruff -crosstail -crosstie -crosstied -crosstoes -crosstrack -crosstree -crosswalk -crossway -crossways -crossweb -crossweed -crosswise -crossword -crosswort -crostarie -crotal -Crotalaria -crotalic -Crotalidae -crotaliform -Crotalinae -crotaline -crotalism -crotalo -crotaloid -crotalum -Crotalus -crotaphic -crotaphion -crotaphite -crotaphitic -Crotaphytus -crotch -crotched -crotchet -crotcheteer -crotchetiness -crotchety -crotchy -crotin -Croton -crotonaldehyde -crotonate -crotonic -crotonization -crotonyl -crotonylene -Crotophaga -crottels -crottle -crotyl -crouch -crouchant -crouched -croucher -crouching -crouchingly -crounotherapy -croup -croupade -croupal -croupe -crouperbush -croupier -croupily -croupiness -croupous -croupy -crouse -crousely -crout -croute -crouton -crow -crowbait -crowbar -crowberry -crowbill -crowd -crowded -crowdedly -crowdedness -crowder -crowdweed -crowdy -crower -crowflower -crowfoot -crowfooted -crowhop -crowing -crowingly -crowkeeper -crowl -crown -crownbeard -crowned -crowner -crownless -crownlet -crownling -crownmaker -crownwork -crownwort -crowshay -crowstep -crowstepped -crowstick -crowstone -crowtoe -croy -croyden -croydon -croze -crozer -crozzle -crozzly -crubeen -cruce -cruces -crucethouse -cruche -crucial -cruciality -crucially -crucian -Crucianella -cruciate -cruciately -cruciation -crucible -Crucibulum -crucifer -Cruciferae -cruciferous -crucificial -crucified -crucifier -crucifix -crucifixion -cruciform -cruciformity -cruciformly -crucify -crucigerous -crucilly -crucily -cruck -crude -crudely -crudeness -crudity -crudwort -cruel -cruelhearted -cruelize -cruelly -cruelness -cruels -cruelty -cruent -cruentation -cruet -cruety -cruise -cruiser -cruisken -cruive -cruller -crum -crumb -crumbable -crumbcloth -crumber -crumble -crumblement -crumblet -crumbliness -crumblingness -crumblings -crumbly -crumby -crumen -crumenal -crumlet -crummie -crummier -crummiest -crummock -crummy -crump -crumper -crumpet -crumple -crumpled -crumpler -crumpling -crumply -crumpy -crunch -crunchable -crunchiness -crunching -crunchingly -crunchingness -crunchweed -crunchy -crunk -crunkle -crunodal -crunode -crunt -cruor -crupper -crural -crureus -crurogenital -cruroinguinal -crurotarsal -crus -crusade -crusader -crusado -Crusca -cruse -crush -crushability -crushable -crushed -crusher -crushing -crushingly -crusie -crusily -crust -crusta -Crustacea -crustaceal -crustacean -crustaceological -crustaceologist -crustaceology -crustaceous -crustade -crustal -crustalogical -crustalogist -crustalogy -crustate -crustated -crustation -crusted -crustedly -cruster -crustific -crustification -crustily -crustiness -crustless -crustose -crustosis -crusty -crutch -crutched -crutcher -crutching -crutchlike -cruth -crutter -crux -cruzeiro -cry -cryable -cryaesthesia -cryalgesia -cryanesthesia -crybaby -cryesthesia -crying -cryingly -crymodynia -crymotherapy -cryoconite -cryogen -cryogenic -cryogenics -cryogeny -cryohydrate -cryohydric -cryolite -cryometer -cryophile -cryophilic -cryophoric -cryophorus -cryophyllite -cryophyte -cryoplankton -cryoscope -cryoscopic -cryoscopy -cryosel -cryostase -cryostat -crypt -crypta -cryptal -cryptamnesia -cryptamnesic -cryptanalysis -cryptanalyst -cryptarch -cryptarchy -crypted -Crypteronia -Crypteroniaceae -cryptesthesia -cryptesthetic -cryptic -cryptical -cryptically -cryptoagnostic -cryptobatholithic -cryptobranch -Cryptobranchia -Cryptobranchiata -cryptobranchiate -Cryptobranchidae -Cryptobranchus -cryptocarp -cryptocarpic -cryptocarpous -Cryptocarya -Cryptocephala -cryptocephalous -Cryptocerata -cryptocerous -cryptoclastic -Cryptocleidus -cryptococci -cryptococcic -Cryptococcus -cryptococcus -cryptocommercial -cryptocrystalline -cryptocrystallization -cryptodeist -Cryptodira -cryptodiran -cryptodire -cryptodirous -cryptodouble -cryptodynamic -cryptogam -Cryptogamia -cryptogamian -cryptogamic -cryptogamical -cryptogamist -cryptogamous -cryptogamy -cryptogenetic -cryptogenic -cryptogenous -Cryptoglaux -cryptoglioma -cryptogram -Cryptogramma -cryptogrammatic -cryptogrammatical -cryptogrammatist -cryptogrammic -cryptograph -cryptographal -cryptographer -cryptographic -cryptographical -cryptographically -cryptographist -cryptography -cryptoheresy -cryptoheretic -cryptoinflationist -cryptolite -cryptologist -cryptology -cryptolunatic -cryptomere -Cryptomeria -cryptomerous -cryptomnesia -cryptomnesic -cryptomonad -Cryptomonadales -Cryptomonadina -cryptonema -Cryptonemiales -cryptoneurous -cryptonym -cryptonymous -cryptopapist -cryptoperthite -Cryptophagidae -cryptophthalmos -Cryptophyceae -cryptophyte -cryptopine -cryptoporticus -Cryptoprocta -cryptoproselyte -cryptoproselytism -cryptopyic -cryptopyrrole -cryptorchid -cryptorchidism -cryptorchis -Cryptorhynchus -cryptorrhesis -cryptorrhetic -cryptoscope -cryptoscopy -cryptosplenetic -Cryptostegia -cryptostoma -Cryptostomata -cryptostomate -cryptostome -Cryptotaenia -cryptous -cryptovalence -cryptovalency -cryptozonate -Cryptozonia -cryptozygosity -cryptozygous -Crypturi -Crypturidae -crystal -crystallic -crystalliferous -crystalliform -crystalligerous -crystallin -crystalline -crystallinity -crystallite -crystallitic -crystallitis -crystallizability -crystallizable -crystallization -crystallize -crystallized -crystallizer -crystalloblastic -crystallochemical -crystallochemistry -crystallogenesis -crystallogenetic -crystallogenic -crystallogenical -crystallogeny -crystallogram -crystallographer -crystallographic -crystallographical -crystallographically -crystallography -crystalloid -crystalloidal -crystallology -crystalloluminescence -crystallomagnetic -crystallomancy -crystallometric -crystallometry -crystallophyllian -crystallose -crystallurgy -crystalwort -crystic -crystograph -crystoleum -Crystolon -crystosphene -csardas -Ctenacanthus -ctene -ctenidial -ctenidium -cteniform -Ctenocephalus -ctenocyst -ctenodactyl -Ctenodipterini -ctenodont -Ctenodontidae -Ctenodus -ctenoid -ctenoidean -Ctenoidei -ctenoidian -ctenolium -Ctenophora -ctenophoral -ctenophoran -ctenophore -ctenophoric -ctenophorous -Ctenoplana -Ctenostomata -ctenostomatous -ctenostome -ctetology -cuadra -Cuailnge -cuapinole -cuarenta -cuarta -cuarteron -cuartilla -cuartillo -cub -Cuba -cubage -Cuban -cubangle -cubanite -Cubanize -cubatory -cubature -cubbing -cubbish -cubbishly -cubbishness -cubby -cubbyhole -cubbyhouse -cubbyyew -cubdom -cube -cubeb -cubelet -Cubelium -cuber -cubhood -cubi -cubic -cubica -cubical -cubically -cubicalness -cubicity -cubicle -cubicly -cubicone -cubicontravariant -cubicovariant -cubicular -cubiculum -cubiform -cubism -cubist -cubit -cubital -cubitale -cubited -cubitiere -cubito -cubitocarpal -cubitocutaneous -cubitodigital -cubitometacarpal -cubitopalmar -cubitoplantar -cubitoradial -cubitus -cubmaster -cubocalcaneal -cuboctahedron -cubocube -cubocuneiform -cubododecahedral -cuboid -cuboidal -cuboides -cubomancy -Cubomedusae -cubomedusan -cubometatarsal -cubonavicular -Cuchan -Cuchulainn -cuck -cuckhold -cuckold -cuckoldom -cuckoldry -cuckoldy -cuckoo -cuckooflower -cuckoomaid -cuckoopint -cuckoopintle -cuckstool -cucoline -Cucujid -Cucujidae -Cucujus -Cuculi -Cuculidae -cuculiform -Cuculiformes -cuculine -cuculla -cucullaris -cucullate -cucullately -cuculliform -cucullus -cuculoid -Cuculus -Cucumaria -Cucumariidae -cucumber -cucumiform -Cucumis -cucurbit -Cucurbita -Cucurbitaceae -cucurbitaceous -cucurbite -cucurbitine -cud -cudava -cudbear -cudden -cuddle -cuddleable -cuddlesome -cuddly -Cuddy -cuddy -cuddyhole -cudgel -cudgeler -cudgerie -cudweed -cue -cueball -cueca -cueist -cueman -cuemanship -cuerda -cuesta -Cueva -cuff -cuffer -cuffin -cuffy -cuffyism -cuggermugger -cuichunchulli -cuinage -cuir -cuirass -cuirassed -cuirassier -cuisinary -cuisine -cuissard -cuissart -cuisse -cuissen -cuisten -Cuitlateco -cuittikin -Cujam -cuke -Culavamsa -culbut -Culdee -culebra -culet -culeus -Culex -culgee -culicid -Culicidae -culicidal -culicide -culiciform -culicifugal -culicifuge -Culicinae -culicine -Culicoides -culilawan -culinarily -culinary -cull -culla -cullage -Cullen -culler -cullet -culling -cullion -cullis -cully -culm -culmen -culmicolous -culmiferous -culmigenous -culminal -culminant -culminate -culmination -culmy -culotte -culottes -culottic -culottism -culpa -culpability -culpable -culpableness -culpably -culpatory -culpose -culprit -cult -cultch -cultellation -cultellus -culteranismo -cultic -cultigen -cultirostral -Cultirostres -cultish -cultism -cultismo -cultist -cultivability -cultivable -cultivably -cultivar -cultivatability -cultivatable -cultivate -cultivated -cultivation -cultivator -cultrate -cultrated -cultriform -cultrirostral -Cultrirostres -cultual -culturable -cultural -culturally -culture -cultured -culturine -culturist -culturization -culturize -culturological -culturologically -culturologist -culturology -cultus -culver -culverfoot -culverhouse -culverin -culverineer -culverkey -culvert -culvertage -culverwort -cum -Cumacea -cumacean -cumaceous -Cumaean -cumal -cumaldehyde -Cumanagoto -cumaphyte -cumaphytic -cumaphytism -Cumar -cumay -cumbent -cumber -cumberer -cumberlandite -cumberless -cumberment -cumbersome -cumbersomely -cumbersomeness -cumberworld -cumbha -cumbly -cumbraite -cumbrance -cumbre -Cumbrian -cumbrous -cumbrously -cumbrousness -cumbu -cumene -cumengite -cumenyl -cumflutter -cumhal -cumic -cumidin -cumidine -cumin -cuminal -cuminic -cuminoin -cuminol -cuminole -cuminseed -cuminyl -cummer -cummerbund -cummin -cummingtonite -cumol -cump -cumshaw -cumulant -cumular -cumulate -cumulately -cumulation -cumulatist -cumulative -cumulatively -cumulativeness -cumuli -cumuliform -cumulite -cumulophyric -cumulose -cumulous -cumulus -cumyl -Cuna -cunabular -Cunan -Cunarder -Cunas -cunctation -cunctatious -cunctative -cunctator -cunctatorship -cunctatury -cunctipotent -cundeamor -cuneal -cuneate -cuneately -cuneatic -cuneator -cuneiform -cuneiformist -cuneocuboid -cuneonavicular -cuneoscaphoid -cunette -cuneus -cungeboi -cunicular -cuniculus -cunila -cunjah -cunjer -cunjevoi -cunner -cunnilinctus -cunnilingus -cunning -Cunninghamia -cunningly -cunningness -Cunonia -Cunoniaceae -cunoniaceous -cunye -Cunza -Cuon -cuorin -cup -Cupania -cupay -cupbearer -cupboard -cupcake -cupel -cupeler -cupellation -cupflower -cupful -Cuphea -cuphead -cupholder -Cupid -cupidinous -cupidity -cupidon -cupidone -cupless -cupmaker -cupmaking -cupman -cupmate -cupola -cupolaman -cupolar -cupolated -cupped -cupper -cupping -cuppy -cuprammonia -cuprammonium -cupreine -cuprene -cupreous -Cupressaceae -cupressineous -Cupressinoxylon -Cupressus -cupric -cupride -cupriferous -cuprite -cuproammonium -cuprobismutite -cuprocyanide -cuprodescloizite -cuproid -cuproiodargyrite -cupromanganese -cupronickel -cuproplumbite -cuproscheelite -cuprose -cuprosilicon -cuprotungstite -cuprous -cuprum -cupseed -cupstone -cupula -cupulate -cupule -Cupuliferae -cupuliferous -cupuliform -cur -curability -curable -curableness -curably -curacao -curacy -curare -curarine -curarization -curarize -curassow -curatage -curate -curatel -curateship -curatess -curatial -curatic -curation -curative -curatively -curativeness -curatize -curatolatry -curator -curatorial -curatorium -curatorship -curatory -curatrix -Curavecan -curb -curbable -curber -curbing -curbless -curblike -curbstone -curbstoner -curby -curcas -curch -curcuddoch -Curculio -curculionid -Curculionidae -curculionist -Curcuma -curcumin -curd -curdiness -curdle -curdler -curdly -curdwort -curdy -cure -cureless -curelessly -curemaster -curer -curettage -curette -curettement -curfew -curial -curialism -curialist -curialistic -curiality -curiate -Curiatii -curiboca -curie -curiescopy -curietherapy -curin -curine -curing -curio -curiologic -curiologically -curiologics -curiology -curiomaniac -curiosa -curiosity -curioso -curious -curiously -curiousness -curite -Curitis -curium -curl -curled -curledly -curledness -curler -curlew -curlewberry -curlicue -curliewurly -curlike -curlily -curliness -curling -curlingly -curlpaper -curly -curlycue -curlyhead -curlylocks -curmudgeon -curmudgeonery -curmudgeonish -curmudgeonly -curmurring -curn -curney -curnock -curple -curr -currach -currack -curragh -currant -curratow -currawang -currency -current -currently -currentness -currentwise -curricle -curricula -curricular -curricularization -curricularize -curriculum -curried -currier -curriery -currish -currishly -currishness -curry -currycomb -curryfavel -Cursa -cursal -curse -cursed -cursedly -cursedness -curser -curship -cursitor -cursive -cursively -cursiveness -cursor -cursorary -Cursores -Cursoria -cursorial -Cursoriidae -cursorily -cursoriness -cursorious -Cursorius -cursory -curst -curstful -curstfully -curstly -curstness -cursus -Curt -curt -curtail -curtailed -curtailedly -curtailer -curtailment -curtain -curtaining -curtainless -curtainwise -curtal -Curtana -curtate -curtation -curtesy -curtilage -Curtis -Curtise -curtly -curtness -curtsy -curua -curuba -Curucaneca -Curucanecan -curucucu -curule -Curuminaca -Curuminacan -Curupira -cururo -curvaceous -curvaceousness -curvacious -curvant -curvate -curvation -curvature -curve -curved -curvedly -curvedness -curver -curvesome -curvesomeness -curvet -curvicaudate -curvicostate -curvidentate -curvifoliate -curviform -curvilineal -curvilinear -curvilinearity -curvilinearly -curvimeter -curvinervate -curvinerved -curvirostral -Curvirostres -curviserial -curvital -curvity -curvograph -curvometer -curvous -curvulate -curvy -curwhibble -curwillet -cuscohygrine -cusconine -Cuscus -cuscus -Cuscuta -Cuscutaceae -cuscutaceous -cusec -cuselite -cush -cushag -cushat -cushaw -cushewbird -cushion -cushioned -cushionflower -cushionless -cushionlike -cushiony -Cushite -Cushitic -cushlamochree -cushy -cusie -cusinero -cusk -cusp -cuspal -cusparidine -cusparine -cuspate -cusped -cuspid -cuspidal -cuspidate -cuspidation -cuspidine -cuspidor -cuspule -cuss -cussed -cussedly -cussedness -cusser -cusso -custard -custerite -custodee -custodes -custodial -custodiam -custodian -custodianship -custodier -custody -custom -customable -customarily -customariness -customary -customer -customhouse -customs -custumal -cut -cutaneal -cutaneous -cutaneously -cutaway -cutback -cutch -cutcher -cutcherry -cute -cutely -cuteness -Cuterebra -Cuthbert -cutheal -cuticle -cuticolor -cuticula -cuticular -cuticularization -cuticularize -cuticulate -cutidure -cutie -cutification -cutigeral -cutin -cutinization -cutinize -cutireaction -cutis -cutisector -Cutiterebra -cutitis -cutization -cutlass -cutler -cutleress -Cutleria -Cutleriaceae -cutleriaceous -Cutleriales -cutlery -cutlet -cutling -cutlips -cutocellulose -cutoff -cutout -cutover -cutpurse -cuttable -cuttage -cuttail -cuttanee -cutted -cutter -cutterhead -cutterman -cutthroat -cutting -cuttingly -cuttingness -cuttle -cuttlebone -cuttlefish -cuttler -cuttoo -cutty -cuttyhunk -cutup -cutwater -cutweed -cutwork -cutworm -cuvette -Cuvierian -cuvy -cuya -Cuzceno -cwierc -cwm -cyamelide -Cyamus -cyan -cyanacetic -cyanamide -cyananthrol -Cyanastraceae -Cyanastrum -cyanate -cyanaurate -cyanauric -cyanbenzyl -cyancarbonic -Cyanea -cyanean -cyanemia -cyaneous -cyanephidrosis -cyanformate -cyanformic -cyanhidrosis -cyanhydrate -cyanhydric -cyanhydrin -cyanic -cyanicide -cyanidation -cyanide -cyanidin -cyanidine -cyanidrosis -cyanimide -cyanin -cyanine -cyanite -cyanize -cyanmethemoglobin -cyanoacetate -cyanoacetic -cyanoaurate -cyanoauric -cyanobenzene -cyanocarbonic -cyanochlorous -cyanochroia -cyanochroic -Cyanocitta -cyanocrystallin -cyanoderma -cyanogen -cyanogenesis -cyanogenetic -cyanogenic -cyanoguanidine -cyanohermidin -cyanohydrin -cyanol -cyanole -cyanomaclurin -cyanometer -cyanomethaemoglobin -cyanomethemoglobin -cyanometric -cyanometry -cyanopathic -cyanopathy -cyanophile -cyanophilous -cyanophoric -cyanophose -Cyanophyceae -cyanophycean -cyanophyceous -cyanophycin -cyanopia -cyanoplastid -cyanoplatinite -cyanoplatinous -cyanopsia -cyanose -cyanosed -cyanosis -Cyanospiza -cyanotic -cyanotrichite -cyanotype -cyanuramide -cyanurate -cyanuret -cyanuric -cyanurine -cyanus -cyaphenine -cyath -Cyathaspis -Cyathea -Cyatheaceae -cyatheaceous -cyathiform -cyathium -cyathoid -cyatholith -Cyathophyllidae -cyathophylline -cyathophylloid -Cyathophyllum -cyathos -cyathozooid -cyathus -cybernetic -cyberneticist -cybernetics -Cybister -cycad -Cycadaceae -cycadaceous -Cycadales -cycadean -cycadeoid -Cycadeoidea -cycadeous -cycadiform -cycadlike -cycadofilicale -Cycadofilicales -Cycadofilices -cycadofilicinean -Cycadophyta -Cycas -Cycladic -cyclamen -cyclamin -cyclamine -cyclammonium -cyclane -Cyclanthaceae -cyclanthaceous -Cyclanthales -Cyclanthus -cyclar -cyclarthrodial -cyclarthrsis -cyclas -cycle -cyclecar -cycledom -cyclene -cycler -cyclesmith -Cycliae -cyclian -cyclic -cyclical -cyclically -cyclicism -cyclide -cycling -cyclism -cyclist -cyclistic -cyclitic -cyclitis -cyclization -cyclize -cycloalkane -Cyclobothra -cyclobutane -cyclocoelic -cyclocoelous -Cycloconium -cyclodiolefin -cycloganoid -Cycloganoidei -cyclogram -cyclograph -cyclographer -cycloheptane -cycloheptanone -cyclohexane -cyclohexanol -cyclohexanone -cyclohexene -cyclohexyl -cycloid -cycloidal -cycloidally -cycloidean -Cycloidei -cycloidian -cycloidotrope -cyclolith -Cycloloma -cyclomania -cyclometer -cyclometric -cyclometrical -cyclometry -Cyclomyaria -cyclomyarian -cyclonal -cyclone -cyclonic -cyclonical -cyclonically -cyclonist -cyclonite -cyclonologist -cyclonology -cyclonometer -cyclonoscope -cycloolefin -cycloparaffin -cyclope -Cyclopean -cyclopean -cyclopedia -cyclopedic -cyclopedical -cyclopedically -cyclopedist -cyclopentadiene -cyclopentane -cyclopentanone -cyclopentene -Cyclopes -cyclopes -cyclophoria -cyclophoric -Cyclophorus -cyclophrenia -cyclopia -Cyclopic -cyclopism -cyclopite -cycloplegia -cycloplegic -cyclopoid -cyclopropane -Cyclops -Cyclopteridae -cyclopteroid -cyclopterous -cyclopy -cyclorama -cycloramic -Cyclorrhapha -cyclorrhaphous -cycloscope -cyclose -cyclosis -cyclospermous -Cyclospondyli -cyclospondylic -cyclospondylous -Cyclosporales -Cyclosporeae -Cyclosporinae -cyclosporous -Cyclostoma -Cyclostomata -cyclostomate -Cyclostomatidae -cyclostomatous -cyclostome -Cyclostomes -Cyclostomi -Cyclostomidae -cyclostomous -cyclostrophic -cyclostyle -Cyclotella -cyclothem -cyclothure -cyclothurine -Cyclothurus -cyclothyme -cyclothymia -cyclothymiac -cyclothymic -cyclotome -cyclotomic -cyclotomy -Cyclotosaurus -cyclotron -cyclovertebral -cyclus -Cydippe -cydippian -cydippid -Cydippida -Cydonia -Cydonian -cydonium -cyesiology -cyesis -cygneous -cygnet -Cygnid -Cygninae -cygnine -Cygnus -cyke -cylinder -cylindered -cylinderer -cylinderlike -cylindraceous -cylindrarthrosis -Cylindrella -cylindrelloid -cylindrenchyma -cylindric -cylindrical -cylindricality -cylindrically -cylindricalness -cylindricity -cylindricule -cylindriform -cylindrite -cylindrocellular -cylindrocephalic -cylindroconical -cylindroconoidal -cylindrocylindric -cylindrodendrite -cylindrograph -cylindroid -cylindroidal -cylindroma -cylindromatous -cylindrometric -cylindroogival -Cylindrophis -Cylindrosporium -cylindruria -cylix -Cyllenian -Cyllenius -cyllosis -cyma -cymagraph -cymaphen -cymaphyte -cymaphytic -cymaphytism -cymar -cymation -cymatium -cymba -cymbaeform -cymbal -Cymbalaria -cymbaleer -cymbaler -cymbaline -cymbalist -cymballike -cymbalo -cymbalon -cymbate -Cymbella -cymbiform -Cymbium -cymbling -cymbocephalic -cymbocephalous -cymbocephaly -Cymbopogon -cyme -cymelet -cymene -cymiferous -cymling -Cymodoceaceae -cymogene -cymograph -cymographic -cymoid -Cymoidium -cymometer -cymophane -cymophanous -cymophenol -cymoscope -cymose -cymosely -cymotrichous -cymotrichy -cymous -Cymraeg -Cymric -Cymry -cymule -cymulose -cynanche -Cynanchum -cynanthropy -Cynara -cynaraceous -cynarctomachy -cynareous -cynaroid -cynebot -cynegetic -cynegetics -cynegild -cynhyena -Cynias -cyniatria -cyniatrics -cynic -cynical -cynically -cynicalness -cynicism -cynicist -cynipid -Cynipidae -cynipidous -cynipoid -Cynipoidea -Cynips -cynism -cynocephalic -cynocephalous -cynocephalus -cynoclept -Cynocrambaceae -cynocrambaceous -Cynocrambe -Cynodon -cynodont -Cynodontia -Cynogale -cynogenealogist -cynogenealogy -Cynoglossum -Cynognathus -cynography -cynoid -Cynoidea -cynology -Cynomoriaceae -cynomoriaceous -Cynomorium -Cynomorpha -cynomorphic -cynomorphous -Cynomys -cynophile -cynophilic -cynophilist -cynophobe -cynophobia -Cynopithecidae -cynopithecoid -cynopodous -cynorrhodon -Cynosarges -Cynoscion -Cynosura -cynosural -cynosure -Cynosurus -cynotherapy -Cynoxylon -Cynthia -Cynthian -Cynthiidae -Cynthius -cyp -Cyperaceae -cyperaceous -Cyperus -cyphella -cyphellate -Cyphomandra -cyphonautes -cyphonism -Cypraea -cypraeid -Cypraeidae -cypraeiform -cypraeoid -cypre -cypres -cypress -cypressed -cypressroot -Cypria -Cyprian -Cyprididae -Cypridina -Cypridinidae -cypridinoid -Cyprina -cyprine -cyprinid -Cyprinidae -cypriniform -cyprinine -cyprinodont -Cyprinodontes -Cyprinodontidae -cyprinodontoid -cyprinoid -Cyprinoidea -cyprinoidean -Cyprinus -Cypriote -Cypripedium -Cypris -cypsela -Cypseli -Cypselid -Cypselidae -cypseliform -Cypseliformes -cypseline -cypseloid -cypselomorph -Cypselomorphae -cypselomorphic -cypselous -Cypselus -cyptozoic -Cyrano -Cyrenaic -Cyrenaicism -Cyrenian -Cyril -Cyrilla -Cyrillaceae -cyrillaceous -Cyrillian -Cyrillianism -Cyrillic -cyriologic -cyriological -Cyrtandraceae -Cyrtidae -cyrtoceracone -Cyrtoceras -cyrtoceratite -cyrtoceratitic -cyrtograph -cyrtolite -cyrtometer -Cyrtomium -cyrtopia -cyrtosis -Cyrus -cyrus -cyst -cystadenoma -cystadenosarcoma -cystal -cystalgia -cystamine -cystaster -cystatrophia -cystatrophy -cystectasia -cystectasy -cystectomy -cysted -cysteine -cysteinic -cystelcosis -cystenchyma -cystenchymatous -cystencyte -cysterethism -cystic -cysticarpic -cysticarpium -cysticercoid -cysticercoidal -cysticercosis -cysticercus -cysticolous -cystid -Cystidea -cystidean -cystidicolous -cystidium -cystiferous -cystiform -cystigerous -Cystignathidae -cystignathine -cystine -cystinuria -cystirrhea -cystis -cystitis -cystitome -cystoadenoma -cystocarcinoma -cystocarp -cystocarpic -cystocele -cystocolostomy -cystocyte -cystodynia -cystoelytroplasty -cystoenterocele -cystoepiplocele -cystoepithelioma -cystofibroma -Cystoflagellata -cystoflagellate -cystogenesis -cystogenous -cystogram -cystoid -Cystoidea -cystoidean -cystolith -cystolithectomy -cystolithiasis -cystolithic -cystoma -cystomatous -cystomorphous -cystomyoma -cystomyxoma -Cystonectae -cystonectous -cystonephrosis -cystoneuralgia -cystoparalysis -Cystophora -cystophore -cystophotography -cystophthisis -cystoplasty -cystoplegia -cystoproctostomy -Cystopteris -cystoptosis -Cystopus -cystopyelitis -cystopyelography -cystopyelonephritis -cystoradiography -cystorrhagia -cystorrhaphy -cystorrhea -cystosarcoma -cystoschisis -cystoscope -cystoscopic -cystoscopy -cystose -cystospasm -cystospastic -cystospore -cystostomy -cystosyrinx -cystotome -cystotomy -cystotrachelotomy -cystoureteritis -cystourethritis -cystous -cytase -cytasic -Cytherea -Cytherean -Cytherella -Cytherellidae -Cytinaceae -cytinaceous -Cytinus -cytioderm -cytisine -Cytisus -cytitis -cytoblast -cytoblastema -cytoblastemal -cytoblastematous -cytoblastemic -cytoblastemous -cytochemistry -cytochrome -cytochylema -cytocide -cytoclasis -cytoclastic -cytococcus -cytocyst -cytode -cytodendrite -cytoderm -cytodiagnosis -cytodieresis -cytodieretic -cytogamy -cytogene -cytogenesis -cytogenetic -cytogenetical -cytogenetically -cytogeneticist -cytogenetics -cytogenic -cytogenous -cytogeny -cytoglobin -cytohyaloplasm -cytoid -cytokinesis -cytolist -cytologic -cytological -cytologically -cytologist -cytology -cytolymph -cytolysin -cytolysis -cytolytic -cytoma -cytomere -cytometer -cytomicrosome -cytomitome -cytomorphosis -cyton -cytoparaplastin -cytopathologic -cytopathological -cytopathologically -cytopathology -Cytophaga -cytophagous -cytophagy -cytopharynx -cytophil -cytophysics -cytophysiology -cytoplasm -cytoplasmic -cytoplast -cytoplastic -cytoproct -cytopyge -cytoreticulum -cytoryctes -cytosine -cytosome -Cytospora -Cytosporina -cytost -cytostomal -cytostome -cytostroma -cytostromatic -cytotactic -cytotaxis -cytotoxic -cytotoxin -cytotrophoblast -cytotrophy -cytotropic -cytotropism -cytozoic -cytozoon -cytozymase -cytozyme -cytula -Cyzicene -cyzicene -czar -czardas -czardom -czarevitch -czarevna -czarian -czaric -czarina -czarinian -czarish -czarism -czarist -czaristic -czaritza -czarowitch -czarowitz -czarship -Czech -Czechic -Czechish -Czechization -Czechoslovak -Czechoslovakian -D -d -da -daalder -dab -dabb -dabba -dabber -dabble -dabbler -dabbling -dabblingly -dabblingness -dabby -dabchick -Dabih -Dabitis -dablet -daboia -daboya -dabster -dace -Dacelo -Daceloninae -dacelonine -dachshound -dachshund -Dacian -dacite -dacitic -dacker -dacoit -dacoitage -dacoity -dacryadenalgia -dacryadenitis -dacryagogue -dacrycystalgia -Dacrydium -dacryelcosis -dacryoadenalgia -dacryoadenitis -dacryoblenorrhea -dacryocele -dacryocyst -dacryocystalgia -dacryocystitis -dacryocystoblennorrhea -dacryocystocele -dacryocystoptosis -dacryocystorhinostomy -dacryocystosyringotomy -dacryocystotome -dacryocystotomy -dacryohelcosis -dacryohemorrhea -dacryolite -dacryolith -dacryolithiasis -dacryoma -dacryon -dacryops -dacryopyorrhea -dacryopyosis -dacryosolenitis -dacryostenosis -dacryosyrinx -dacryuria -Dactyl -dactyl -dactylar -dactylate -dactylic -dactylically -dactylioglyph -dactylioglyphic -dactylioglyphist -dactylioglyphtic -dactylioglyphy -dactyliographer -dactyliographic -dactyliography -dactyliology -dactyliomancy -dactylion -dactyliotheca -Dactylis -dactylist -dactylitic -dactylitis -dactylogram -dactylograph -dactylographic -dactylography -dactyloid -dactylology -dactylomegaly -dactylonomy -dactylopatagium -Dactylopius -dactylopodite -dactylopore -Dactylopteridae -Dactylopterus -dactylorhiza -dactyloscopic -dactyloscopy -dactylose -dactylosternal -dactylosymphysis -dactylotheca -dactylous -dactylozooid -dactylus -Dacus -dacyorrhea -dad -Dada -dada -Dadaism -Dadaist -dadap -Dadayag -dadder -daddle -daddock -daddocky -daddy -daddynut -dade -dadenhudd -dado -Dadoxylon -Dadu -daduchus -Dadupanthi -dae -Daedal -daedal -Daedalea -Daedalean -Daedalian -Daedalic -Daedalidae -Daedalist -daedaloid -Daedalus -daemon -Daemonelix -daemonic -daemonurgist -daemonurgy -daemony -daer -daff -daffery -daffing -daffish -daffle -daffodil -daffodilly -daffy -daffydowndilly -Dafla -daft -daftberry -daftlike -daftly -daftness -dag -dagaba -dagame -dagassa -Dagbamba -Dagbane -dagesh -Dagestan -dagga -dagger -daggerbush -daggered -daggerlike -daggerproof -daggers -daggle -daggletail -daggletailed -daggly -daggy -daghesh -daglock -Dagmar -Dago -dagoba -Dagomba -dags -Daguerrean -daguerreotype -daguerreotyper -daguerreotypic -daguerreotypist -daguerreotypy -dah -dahabeah -Dahlia -Dahoman -Dahomeyan -dahoon -Daibutsu -daidle -daidly -Daijo -daiker -daikon -Dail -Dailamite -dailiness -daily -daimen -daimiate -daimio -daimon -daimonic -daimonion -daimonistic -daimonology -dain -daincha -dainteth -daintify -daintihood -daintily -daintiness -daintith -dainty -Daira -daira -dairi -dairy -dairying -dairymaid -dairyman -dairywoman -dais -daisied -daisy -daisybush -daitya -daiva -dak -daker -Dakhini -dakir -Dakota -daktylon -daktylos -dal -dalar -Dalarnian -Dalbergia -Dalcassian -Dale -dale -Dalea -Dalecarlian -daleman -daler -dalesfolk -dalesman -dalespeople -daleswoman -daleth -dali -Dalibarda -dalk -dallack -dalle -dalles -dalliance -dallier -dally -dallying -dallyingly -Dalmania -Dalmanites -Dalmatian -Dalmatic -dalmatic -Dalradian -dalt -dalteen -Dalton -dalton -Daltonian -Daltonic -Daltonism -Daltonist -dam -dama -damage -damageability -damageable -damageableness -damageably -damagement -damager -damages -damagingly -daman -Damara -Damascene -damascene -damascened -damascener -damascenine -Damascus -damask -damaskeen -damasse -damassin -Damayanti -dambonitol -dambose -dambrod -dame -damenization -damewort -Damgalnunna -Damia -damiana -Damianist -damie -damier -damine -damkjernite -damlike -dammar -Dammara -damme -dammer -dammish -damn -damnability -damnable -damnableness -damnably -damnation -damnatory -damned -damner -damnification -damnify -Damnii -damning -damningly -damningness -damnonians -Damnonii -damnous -damnously -Damoclean -Damocles -Damoetas -damoiseau -Damon -Damone -damonico -damourite -damp -dampang -damped -dampen -dampener -damper -damping -dampish -dampishly -dampishness -damply -dampness -dampproof -dampproofer -dampproofing -dampy -damsel -damselfish -damselhood -damson -Dan -dan -Dana -Danaan -Danagla -Danai -Danaid -danaid -Danaidae -danaide -Danaidean -Danainae -danaine -Danais -danaite -Danakil -danalite -danburite -dancalite -dance -dancer -danceress -dancery -dancette -dancing -dancingly -dand -danda -dandelion -dander -dandiacal -dandiacally -dandically -dandification -dandify -dandilly -dandily -dandiprat -dandizette -dandle -dandler -dandling -dandlingly -dandruff -dandruffy -dandy -dandydom -dandyish -dandyism -dandyize -dandyling -Dane -Daneball -Daneflower -Danegeld -Danelaw -Daneweed -Danewort -dang -danger -dangerful -dangerfully -dangerless -dangerous -dangerously -dangerousness -dangersome -dangle -dangleberry -danglement -dangler -danglin -dangling -danglingly -Dani -Danian -Danic -danicism -Daniel -Daniele -Danielic -Danielle -Daniglacial -danio -Danish -Danism -Danite -Danization -Danize -dank -Dankali -dankish -dankishness -dankly -dankness -danli -Dannebrog -dannemorite -danner -Dannie -dannock -Danny -danoranja -dansant -danseuse -danta -Dantean -Dantesque -Danthonia -Dantist -Dantology -Dantomania -danton -Dantonesque -Dantonist -Dantophilist -Dantophily -Danube -Danubian -Danuri -Danzig -Danziger -dao -daoine -dap -Dapedium -Dapedius -Daphnaceae -Daphne -Daphnean -Daphnephoria -daphnetin -Daphnia -daphnin -daphnioid -Daphnis -daphnoid -dapicho -dapico -dapifer -dapper -dapperling -dapperly -dapperness -dapple -dappled -dar -darabukka -darac -daraf -Darapti -darat -darbha -darby -Darbyism -Darbyite -Darci -Dard -Dardan -dardanarius -Dardani -dardanium -dardaol -Dardic -Dardistan -dare -dareall -daredevil -daredevilism -daredevilry -daredeviltry -dareful -Daren -darer -Dares -daresay -darg -dargah -darger -Darghin -Dargo -dargsman -dargue -dari -daribah -daric -Darien -Darii -Darin -daring -daringly -daringness -dariole -Darius -Darjeeling -dark -darken -darkener -darkening -darkful -darkhearted -darkheartedness -darkish -darkishness -darkle -darkling -darklings -darkly -darkmans -darkness -darkroom -darkskin -darksome -darksomeness -darky -darling -darlingly -darlingness -Darlingtonia -darn -darnation -darned -darnel -darner -darnex -darning -daroga -daroo -darr -darrein -Darrell -Darren -Darryl -darshana -Darsonval -Darsonvalism -darst -dart -Dartagnan -dartars -dartboard -darter -darting -dartingly -dartingness -dartle -dartlike -dartman -Dartmoor -dartoic -dartoid -dartos -dartre -dartrose -dartrous -darts -dartsman -Darwinian -Darwinical -Darwinically -Darwinism -Darwinist -Darwinistic -Darwinite -Darwinize -Daryl -darzee -das -Daschagga -dash -dashboard -dashed -dashedly -dashee -dasheen -dasher -dashing -dashingly -dashmaker -Dashnak -Dashnakist -Dashnaktzutiun -dashplate -dashpot -dashwheel -dashy -dasi -Dasiphora -dasnt -dassie -dassy -dastard -dastardize -dastardliness -dastardly -dastur -dasturi -Dasya -Dasyatidae -Dasyatis -Dasycladaceae -dasycladaceous -Dasylirion -dasymeter -dasypaedal -dasypaedes -dasypaedic -Dasypeltis -dasyphyllous -Dasypodidae -dasypodoid -Dasyprocta -Dasyproctidae -dasyproctine -Dasypus -Dasystephana -dasyure -Dasyuridae -dasyurine -dasyuroid -Dasyurus -Dasyus -data -datable -datableness -datably -dataria -datary -datch -datcha -date -dateless -datemark -dater -datil -dating -dation -Datisca -Datiscaceae -datiscaceous -datiscetin -datiscin -datiscoside -Datisi -Datism -datival -dative -datively -dativogerundial -datolite -datolitic -dattock -datum -Datura -daturic -daturism -daub -daube -Daubentonia -Daubentoniidae -dauber -daubery -daubing -daubingly -daubreeite -daubreelite -daubster -dauby -Daucus -daud -daughter -daughterhood -daughterkin -daughterless -daughterlike -daughterliness -daughterling -daughterly -daughtership -Daulias -daunch -dauncy -Daunii -daunt -daunter -daunting -dauntingly -dauntingness -dauntless -dauntlessly -dauntlessness -daunton -dauphin -dauphine -dauphiness -Daur -Dauri -daut -dautie -dauw -davach -Davallia -Dave -daven -davenport -daver -daverdy -David -Davidian -Davidic -Davidical -Davidist -davidsonite -Daviesia -daviesite -davit -davoch -Davy -davy -davyne -daw -dawdle -dawdler -dawdling -dawdlingly -dawdy -dawish -dawkin -Dawn -dawn -dawning -dawnlight -dawnlike -dawnstreak -dawnward -dawny -Dawson -Dawsonia -Dawsoniaceae -dawsoniaceous -dawsonite -dawtet -dawtit -dawut -day -dayabhaga -Dayakker -dayal -daybeam -dayberry -dayblush -daybook -daybreak -daydawn -daydream -daydreamer -daydreamy -daydrudge -dayflower -dayfly -daygoing -dayless -daylight -daylit -daylong -dayman -daymare -daymark -dayroom -days -dayshine -daysman -dayspring -daystar -daystreak -daytale -daytide -daytime -daytimes -dayward -daywork -dayworker -daywrit -Daza -daze -dazed -dazedly -dazedness -dazement -dazingly -dazy -dazzle -dazzlement -dazzler -dazzlingly -de -deacetylate -deacetylation -deacidification -deacidify -deacon -deaconal -deaconate -deaconess -deaconhood -deaconize -deaconry -deaconship -deactivate -deactivation -dead -deadbeat -deadborn -deadcenter -deaden -deadener -deadening -deader -deadeye -deadfall -deadhead -deadheadism -deadhearted -deadheartedly -deadheartedness -deadhouse -deading -deadish -deadishly -deadishness -deadlatch -deadlight -deadlily -deadline -deadliness -deadlock -deadly -deadman -deadmelt -deadness -deadpan -deadpay -deadtongue -deadwood -deadwort -deaerate -deaeration -deaerator -deaf -deafen -deafening -deafeningly -deafforest -deafforestation -deafish -deafly -deafness -deair -deal -dealable -dealate -dealated -dealation -dealbate -dealbation -dealbuminize -dealcoholist -dealcoholization -dealcoholize -dealer -dealerdom -dealership -dealfish -dealing -dealkalize -dealkylate -dealkylation -dealt -deambulation -deambulatory -deamidase -deamidate -deamidation -deamidization -deamidize -deaminase -deaminate -deamination -deaminization -deaminize -deammonation -Dean -dean -deanathematize -deaner -deanery -deaness -deanimalize -deanship -deanthropomorphic -deanthropomorphism -deanthropomorphization -deanthropomorphize -deappetizing -deaquation -dear -dearborn -dearie -dearly -dearness -dearomatize -dearsenicate -dearsenicator -dearsenicize -dearth -dearthfu -dearticulation -dearworth -dearworthily -dearworthiness -deary -deash -deasil -deaspirate -deaspiration -deassimilation -death -deathbed -deathblow -deathday -deathful -deathfully -deathfulness -deathify -deathin -deathiness -deathless -deathlessly -deathlessness -deathlike -deathliness -deathling -deathly -deathroot -deathshot -deathsman -deathtrap -deathward -deathwards -deathwatch -deathweed -deathworm -deathy -deave -deavely -Deb -deb -debacle -debadge -debamboozle -debar -debarbarization -debarbarize -debark -debarkation -debarkment -debarment -debarrance -debarrass -debarration -debase -debasedness -debasement -debaser -debasingly -debatable -debate -debateful -debatefully -debatement -debater -debating -debatingly -debauch -debauched -debauchedly -debauchedness -debauchee -debaucher -debauchery -debauchment -Debbie -Debby -debby -debeige -debellate -debellation -debellator -deben -debenture -debentured -debenzolize -Debi -debile -debilissima -debilitant -debilitate -debilitated -debilitation -debilitative -debility -debind -debit -debiteuse -debituminization -debituminize -deblaterate -deblateration -deboistly -deboistness -debonair -debonaire -debonairity -debonairly -debonairness -debonnaire -Deborah -debord -debordment -debosh -deboshed -debouch -debouchment -debride -debrief -debris -debrominate -debromination -debruise -debt -debtee -debtful -debtless -debtor -debtorship -debullition -debunk -debunker -debunkment -debus -Debussyan -Debussyanize -debut -debutant -debutante -decachord -decad -decadactylous -decadal -decadally -decadarch -decadarchy -decadary -decadation -decade -decadence -decadency -decadent -decadentism -decadently -decadescent -decadianome -decadic -decadist -decadrachm -decadrachma -decaesarize -decaffeinate -decaffeinize -decafid -decagon -decagonal -decagram -decagramme -decahedral -decahedron -decahydrate -decahydrated -decahydronaphthalene -Decaisnea -decal -decalcification -decalcifier -decalcify -decalcomania -decalcomaniac -decalescence -decalescent -Decalin -decaliter -decalitre -decalobate -Decalogist -Decalogue -decalvant -decalvation -decameral -Decameron -Decameronic -decamerous -decameter -decametre -decamp -decampment -decan -decanal -decanally -decanate -decane -decangular -decani -decanically -decannulation -decanonization -decanonize -decant -decantate -decantation -decanter -decantherous -decap -decapetalous -decaphyllous -decapitable -decapitalization -decapitalize -decapitate -decapitation -decapitator -decapod -Decapoda -decapodal -decapodan -decapodiform -decapodous -decapper -decapsulate -decapsulation -decarbonate -decarbonator -decarbonization -decarbonize -decarbonized -decarbonizer -decarboxylate -decarboxylation -decarboxylization -decarboxylize -decarburation -decarburization -decarburize -decarch -decarchy -decardinalize -decare -decarhinus -decarnate -decarnated -decart -decasemic -decasepalous -decaspermal -decaspermous -decast -decastellate -decastere -decastich -decastyle -decasualization -decasualize -decasyllabic -decasyllable -decasyllabon -decate -decathlon -decatholicize -decatize -decatizer -decatoic -decator -decatyl -decaudate -decaudation -decay -decayable -decayed -decayedness -decayer -decayless -decease -deceased -decedent -deceit -deceitful -deceitfully -deceitfulness -deceivability -deceivable -deceivableness -deceivably -deceive -deceiver -deceiving -deceivingly -decelerate -deceleration -decelerator -decelerometer -December -Decemberish -Decemberly -Decembrist -decemcostate -decemdentate -decemfid -decemflorous -decemfoliate -decemfoliolate -decemjugate -decemlocular -decempartite -decempeda -decempedal -decempedate -decempennate -decemplex -decemplicate -decempunctate -decemstriate -decemuiri -decemvir -decemviral -decemvirate -decemvirship -decenary -decence -decency -decene -decennal -decennary -decennia -decenniad -decennial -decennially -decennium -decennoval -decent -decenter -decently -decentness -decentralism -decentralist -decentralization -decentralize -decentration -decentre -decenyl -decephalization -deceptibility -deceptible -deception -deceptious -deceptiously -deceptitious -deceptive -deceptively -deceptiveness -deceptivity -decerebrate -decerebration -decerebrize -decern -decerniture -decernment -decess -decession -dechemicalization -dechemicalize -dechenite -Dechlog -dechlore -dechlorination -dechoralize -dechristianization -dechristianize -Decian -deciare -deciatine -decibel -deciceronize -decidable -decide -decided -decidedly -decidedness -decider -decidingly -decidua -decidual -deciduary -Deciduata -deciduate -deciduitis -deciduoma -deciduous -deciduously -deciduousness -decigram -decigramme -decil -decile -deciliter -decillion -decillionth -decima -decimal -decimalism -decimalist -decimalization -decimalize -decimally -decimate -decimation -decimator -decimestrial -decimeter -decimolar -decimole -decimosexto -Decimus -decinormal -decipher -decipherability -decipherable -decipherably -decipherer -decipherment -decipium -decipolar -decision -decisional -decisive -decisively -decisiveness -decistere -decitizenize -Decius -decivilization -decivilize -deck -decke -decked -deckel -decker -deckhead -deckhouse -deckie -decking -deckle -deckload -deckswabber -declaim -declaimant -declaimer -declamation -declamatoriness -declamatory -declarable -declarant -declaration -declarative -declaratively -declarator -declaratorily -declaratory -declare -declared -declaredly -declaredness -declarer -declass -declassicize -declassify -declension -declensional -declensionally -declericalize -declimatize -declinable -declinal -declinate -declination -declinational -declinatory -declinature -decline -declined -declinedness -decliner -declinograph -declinometer -declivate -declive -declivitous -declivity -declivous -declutch -decoagulate -decoagulation -decoat -decocainize -decoct -decoctible -decoction -decoctive -decoctum -decode -Decodon -decohere -decoherence -decoherer -decohesion -decoic -decoke -decollate -decollated -decollation -decollator -decolletage -decollete -decolor -decolorant -decolorate -decoloration -decolorimeter -decolorization -decolorize -decolorizer -decolour -decommission -decompensate -decompensation -decomplex -decomponible -decomposability -decomposable -decompose -decomposed -decomposer -decomposite -decomposition -decomposure -decompound -decompoundable -decompoundly -decompress -decompressing -decompression -decompressive -deconcatenate -deconcentrate -deconcentration -deconcentrator -decongestive -deconsecrate -deconsecration -deconsider -deconsideration -decontaminate -decontamination -decontrol -deconventionalize -decopperization -decopperize -decorability -decorable -decorably -decorament -decorate -decorated -decoration -decorationist -decorative -decoratively -decorativeness -decorator -decoratory -decorist -decorous -decorously -decorousness -decorrugative -decorticate -decortication -decorticator -decorticosis -decorum -decostate -decoy -decoyer -decoyman -decrassify -decream -decrease -decreaseless -decreasing -decreasingly -decreation -decreative -decree -decreeable -decreement -decreer -decreet -decrement -decrementless -decremeter -decrepit -decrepitate -decrepitation -decrepitly -decrepitness -decrepitude -decrescence -decrescendo -decrescent -decretal -decretalist -decrete -decretist -decretive -decretively -decretorial -decretorily -decretory -decretum -decrew -decrial -decried -decrier -decrown -decrudescence -decrustation -decry -decrystallization -decubital -decubitus -decultivate -deculturate -decuman -decumana -decumanus -Decumaria -decumary -decumbence -decumbency -decumbent -decumbently -decumbiture -decuple -decuplet -decuria -decurion -decurionate -decurrence -decurrency -decurrent -decurrently -decurring -decursion -decursive -decursively -decurtate -decurvation -decurvature -decurve -decury -decus -decussate -decussated -decussately -decussation -decussis -decussorium -decyl -decylene -decylenic -decylic -decyne -Dedan -Dedanim -Dedanite -dedecorate -dedecoration -dedecorous -dedendum -dedentition -dedicant -dedicate -dedicatee -dedication -dedicational -dedicative -dedicator -dedicatorial -dedicatorily -dedicatory -dedicature -dedifferentiate -dedifferentiation -dedimus -deditician -dediticiancy -dedition -dedo -dedoggerelize -dedogmatize -dedolation -deduce -deducement -deducibility -deducible -deducibleness -deducibly -deducive -deduct -deductible -deduction -deductive -deductively -deductory -deduplication -dee -deed -deedbox -deedeed -deedful -deedfully -deedily -deediness -deedless -deedy -deem -deemer -deemie -deemster -deemstership -deep -deepen -deepener -deepening -deepeningly -Deepfreeze -deeping -deepish -deeplier -deeply -deepmost -deepmouthed -deepness -deepsome -deepwater -deepwaterman -deer -deerberry -deerdog -deerdrive -deerfood -deerhair -deerherd -deerhorn -deerhound -deerlet -deermeat -deerskin -deerstalker -deerstalking -deerstand -deerstealer -deertongue -deerweed -deerwood -deeryard -deevey -deevilick -deface -defaceable -defacement -defacer -defacing -defacingly -defalcate -defalcation -defalcator -defalk -defamation -defamatory -defame -defamed -defamer -defamingly -defassa -defat -default -defaultant -defaulter -defaultless -defaulture -defeasance -defeasanced -defease -defeasibility -defeasible -defeasibleness -defeat -defeater -defeatism -defeatist -defeatment -defeature -defecant -defecate -defecation -defecator -defect -defectibility -defectible -defection -defectionist -defectious -defective -defectively -defectiveness -defectless -defectology -defector -defectoscope -defedation -defeminize -defence -defend -defendable -defendant -defender -defendress -defenestration -defensative -defense -defenseless -defenselessly -defenselessness -defensibility -defensible -defensibleness -defensibly -defension -defensive -defensively -defensiveness -defensor -defensorship -defensory -defer -deferable -deference -deferent -deferentectomy -deferential -deferentiality -deferentially -deferentitis -deferment -deferrable -deferral -deferred -deferrer -deferrization -deferrize -defervesce -defervescence -defervescent -defeudalize -defiable -defial -defiance -defiant -defiantly -defiantness -defiber -defibrinate -defibrination -defibrinize -deficience -deficiency -deficient -deficiently -deficit -defier -defiguration -defilade -defile -defiled -defiledness -defilement -defiler -defiliation -defiling -defilingly -definability -definable -definably -define -defined -definedly -definement -definer -definiendum -definiens -definite -definitely -definiteness -definition -definitional -definitiones -definitive -definitively -definitiveness -definitization -definitize -definitor -definitude -deflagrability -deflagrable -deflagrate -deflagration -deflagrator -deflate -deflation -deflationary -deflationist -deflator -deflect -deflectable -deflected -deflection -deflectionization -deflectionize -deflective -deflectometer -deflector -deflesh -deflex -deflexibility -deflexible -deflexion -deflexure -deflocculant -deflocculate -deflocculation -deflocculator -deflorate -defloration -deflorescence -deflower -deflowerer -defluent -defluous -defluvium -defluxion -defoedation -defog -defoliage -defoliate -defoliated -defoliation -defoliator -deforce -deforcement -deforceor -deforcer -deforciant -deforest -deforestation -deforester -deform -deformability -deformable -deformalize -deformation -deformational -deformative -deformed -deformedly -deformedness -deformer -deformeter -deformism -deformity -defortify -defoul -defraud -defraudation -defrauder -defraudment -defray -defrayable -defrayal -defrayer -defrayment -defreeze -defrication -defrock -defrost -defroster -deft -defterdar -deftly -deftness -defunct -defunction -defunctionalization -defunctionalize -defunctness -defuse -defusion -defy -defyingly -deg -deganglionate -degarnish -degas -degasification -degasifier -degasify -degasser -degauss -degelatinize -degelation -degeneracy -degeneralize -degenerate -degenerately -degenerateness -degeneration -degenerationist -degenerative -degenerescence -degenerescent -degentilize -degerm -degerminate -degerminator -degged -degger -deglaciation -deglaze -deglutinate -deglutination -deglutition -deglutitious -deglutitive -deglutitory -deglycerin -deglycerine -degorge -degradable -degradand -degradation -degradational -degradative -degrade -degraded -degradedly -degradedness -degradement -degrader -degrading -degradingly -degradingness -degraduate -degraduation -degrain -degrease -degreaser -degree -degreeless -degreewise -degression -degressive -degressively -degu -Deguelia -deguelin -degum -degummer -degust -degustation -dehair -dehairer -Dehaites -deheathenize -dehematize -dehepatize -Dehgan -dehisce -dehiscence -dehiscent -dehistoricize -Dehkan -dehnstufe -dehonestate -dehonestation -dehorn -dehorner -dehors -dehort -dehortation -dehortative -dehortatory -dehorter -dehull -dehumanization -dehumanize -dehumidification -dehumidifier -dehumidify -dehusk -Dehwar -dehydrant -dehydrase -dehydrate -dehydration -dehydrator -dehydroascorbic -dehydrocorydaline -dehydrofreezing -dehydrogenase -dehydrogenate -dehydrogenation -dehydrogenization -dehydrogenize -dehydromucic -dehydrosparteine -dehypnotize -deice -deicer -deicidal -deicide -deictic -deictical -deictically -deidealize -Deidesheimer -deific -deifical -deification -deificatory -deifier -deiform -deiformity -deify -deign -Deimos -deincrustant -deindividualization -deindividualize -deindividuate -deindustrialization -deindustrialize -deink -Deino -Deinocephalia -Deinoceras -Deinodon -Deinodontidae -deinos -Deinosauria -Deinotherium -deinsularize -deintellectualization -deintellectualize -deionize -Deipara -deiparous -Deiphobus -deipnodiplomatic -deipnophobia -deipnosophism -deipnosophist -deipnosophistic -deipotent -Deirdre -deiseal -deisidaimonia -deism -deist -deistic -deistical -deistically -deisticalness -deity -deityship -deject -dejecta -dejected -dejectedly -dejectedness -dejectile -dejection -dejectly -dejectory -dejecture -dejerate -dejeration -dejerator -dejeune -dejeuner -dejunkerize -Dekabrist -dekaparsec -dekapode -dekko -dekle -deknight -Del -delabialization -delabialize -delacrimation -delactation -delaine -delaminate -delamination -delapse -delapsion -delate -delater -delatinization -delatinize -delation -delator -delatorian -Delaware -Delawarean -delawn -delay -delayable -delayage -delayer -delayful -delaying -delayingly -Delbert -dele -delead -delectability -delectable -delectableness -delectably -delectate -delectation -delectus -delegable -delegacy -delegalize -delegant -delegate -delegatee -delegateship -delegation -delegative -delegator -delegatory -delenda -Delesseria -Delesseriaceae -delesseriaceous -delete -deleterious -deleteriously -deleteriousness -deletion -deletive -deletory -delf -delft -delftware -Delhi -Delia -Delian -deliberalization -deliberalize -deliberant -deliberate -deliberately -deliberateness -deliberation -deliberative -deliberatively -deliberativeness -deliberator -delible -delicacy -delicate -delicately -delicateness -delicatesse -delicatessen -delicense -Delichon -delicioso -Delicious -delicious -deliciously -deliciousness -delict -delictum -deligated -deligation -delight -delightable -delighted -delightedly -delightedness -delighter -delightful -delightfully -delightfulness -delighting -delightingly -delightless -delightsome -delightsomely -delightsomeness -delignate -delignification -Delilah -delime -delimit -delimitate -delimitation -delimitative -delimiter -delimitize -delineable -delineament -delineate -delineation -delineative -delineator -delineatory -delineature -delinquence -delinquency -delinquent -delinquently -delint -delinter -deliquesce -deliquescence -deliquescent -deliquium -deliracy -delirament -deliration -deliriant -delirifacient -delirious -deliriously -deliriousness -delirium -delitescence -delitescency -delitescent -deliver -deliverable -deliverance -deliverer -deliveress -deliveror -delivery -deliveryman -dell -Della -dellenite -Delobranchiata -delocalization -delocalize -delomorphic -delomorphous -deloul -delouse -delphacid -Delphacidae -Delphian -Delphin -Delphinapterus -delphine -delphinic -Delphinid -Delphinidae -delphinin -delphinine -delphinite -Delphinium -Delphinius -delphinoid -Delphinoidea -delphinoidine -Delphinus -delphocurarine -Delsarte -Delsartean -Delsartian -Delta -delta -deltafication -deltaic -deltal -deltarium -deltation -delthyrial -delthyrium -deltic -deltidial -deltidium -deltiology -deltohedron -deltoid -deltoidal -delubrum -deludable -delude -deluder -deludher -deluding -deludingly -deluge -deluminize -delundung -delusion -delusional -delusionist -delusive -delusively -delusiveness -delusory -deluster -deluxe -delve -delver -demagnetizable -demagnetization -demagnetize -demagnetizer -demagog -demagogic -demagogical -demagogically -demagogism -demagogue -demagoguery -demagogy -demal -demand -demandable -demandant -demander -demanding -demandingly -demanganization -demanganize -demantoid -demarcate -demarcation -demarcator -demarch -demarchy -demargarinate -demark -demarkation -demast -dematerialization -dematerialize -Dematiaceae -dematiaceous -deme -demean -demeanor -demegoric -demency -dement -dementate -dementation -demented -dementedly -dementedness -dementholize -dementia -demephitize -demerit -demeritorious -demeritoriously -Demerol -demersal -demersed -demersion -demesman -demesmerize -demesne -demesnial -demetallize -demethylate -demethylation -Demetrian -demetricize -demi -demiadult -demiangel -demiassignation -demiatheism -demiatheist -demibarrel -demibastion -demibastioned -demibath -demibeast -demibelt -demibob -demibombard -demibrassart -demibrigade -demibrute -demibuckram -demicadence -demicannon -demicanon -demicanton -demicaponier -demichamfron -demicircle -demicircular -demicivilized -demicolumn -demicoronal -demicritic -demicuirass -demiculverin -demicylinder -demicylindrical -demidandiprat -demideify -demideity -demidevil -demidigested -demidistance -demiditone -demidoctor -demidog -demidolmen -demidome -demieagle -demifarthing -demifigure -demiflouncing -demifusion -demigardebras -demigauntlet -demigentleman -demiglobe -demigod -demigoddess -demigoddessship -demigorge -demigriffin -demigroat -demihag -demihearse -demiheavenly -demihigh -demihogshead -demihorse -demihuman -demijambe -demijohn -demikindred -demiking -demilance -demilancer -demilawyer -demilegato -demilion -demilitarization -demilitarize -demiliterate -demilune -demiluster -demilustre -demiman -demimark -demimentoniere -demimetope -demimillionaire -demimondaine -demimonde -demimonk -deminatured -demineralization -demineralize -deminude -deminudity -demioctagonal -demioctangular -demiofficial -demiorbit -demiourgoi -demiowl -demiox -demipagan -demiparallel -demipauldron -demipectinate -demipesade -demipike -demipillar -demipique -demiplacate -demiplate -demipomada -demipremise -demipremiss -demipriest -demipronation -demipuppet -demiquaver -demiracle -demiram -demirelief -demirep -demirevetment -demirhumb -demirilievo -demirobe -demisability -demisable -demisacrilege -demisang -demisangue -demisavage -demise -demiseason -demisecond -demisemiquaver -demisemitone -demisheath -demishirt -demisovereign -demisphere -demiss -demission -demissionary -demissly -demissness -demissory -demisuit -demit -demitasse -demitint -demitoilet -demitone -demitrain -demitranslucence -demitube -demiturned -demiurge -demiurgeous -demiurgic -demiurgical -demiurgically -demiurgism -demivambrace -demivirgin -demivoice -demivol -demivolt -demivotary -demiwivern -demiwolf -demnition -demob -demobilization -demobilize -democracy -democrat -democratian -democratic -democratical -democratically -democratifiable -democratism -democratist -democratization -democratize -demodectic -demoded -Demodex -Demodicidae -Demodocus -demodulation -demodulator -demogenic -Demogorgon -demographer -demographic -demographical -demographically -demographist -demography -demoid -demoiselle -demolish -demolisher -demolishment -demolition -demolitionary -demolitionist -demological -demology -Demon -demon -demonastery -demoness -demonetization -demonetize -demoniac -demoniacal -demoniacally -demoniacism -demonial -demonian -demonianism -demoniast -demonic -demonical -demonifuge -demonish -demonism -demonist -demonize -demonkind -demonland -demonlike -demonocracy -demonograph -demonographer -demonography -demonolater -demonolatrous -demonolatrously -demonolatry -demonologer -demonologic -demonological -demonologically -demonologist -demonology -demonomancy -demonophobia -demonry -demonship -demonstrability -demonstrable -demonstrableness -demonstrably -demonstrant -demonstratable -demonstrate -demonstratedly -demonstrater -demonstration -demonstrational -demonstrationist -demonstrative -demonstratively -demonstrativeness -demonstrator -demonstratorship -demonstratory -demophil -demophilism -demophobe -Demophon -Demophoon -demoralization -demoralize -demoralizer -demorphinization -demorphism -demos -Demospongiae -Demosthenean -Demosthenic -demote -demotic -demotics -demotion -demotist -demount -demountability -demountable -dempster -demulce -demulcent -demulsibility -demulsify -demulsion -demure -demurely -demureness -demurity -demurrable -demurrage -demurral -demurrant -demurrer -demurring -demurringly -demutization -demy -demyship -den -denarcotization -denarcotize -denarius -denaro -denary -denat -denationalization -denationalize -denaturalization -denaturalize -denaturant -denaturate -denaturation -denature -denaturization -denaturize -denaturizer -denazify -denda -dendrachate -dendral -Dendraspis -dendraxon -dendric -dendriform -dendrite -Dendrites -dendritic -dendritical -dendritically -dendritiform -Dendrium -Dendrobates -Dendrobatinae -dendrobe -Dendrobium -Dendrocalamus -Dendroceratina -dendroceratine -Dendrochirota -dendrochronological -dendrochronologist -dendrochronology -dendroclastic -Dendrocoela -dendrocoelan -dendrocoele -dendrocoelous -Dendrocolaptidae -dendrocolaptine -Dendroctonus -Dendrocygna -dendrodont -Dendrodus -Dendroeca -Dendrogaea -Dendrogaean -dendrograph -dendrography -Dendrohyrax -Dendroica -dendroid -dendroidal -Dendroidea -Dendrolagus -dendrolatry -Dendrolene -dendrolite -dendrologic -dendrological -dendrologist -dendrologous -dendrology -Dendromecon -dendrometer -dendron -dendrophil -dendrophile -dendrophilous -Dendropogon -Dene -dene -Deneb -Denebola -denegate -denegation -denehole -denervate -denervation -deneutralization -dengue -deniable -denial -denicotinize -denier -denierage -denierer -denigrate -denigration -denigrator -denim -Denis -denitrate -denitration -denitrator -denitrificant -denitrification -denitrificator -denitrifier -denitrify -denitrize -denization -denizen -denizenation -denizenize -denizenship -Denmark -dennet -Dennis -Dennstaedtia -denominable -denominate -denomination -denominational -denominationalism -denominationalist -denominationalize -denominationally -denominative -denominatively -denominator -denotable -denotation -denotative -denotatively -denotativeness -denotatum -denote -denotement -denotive -denouement -denounce -denouncement -denouncer -dense -densely -densen -denseness -denshare -densher -denshire -densification -densifier -densify -densimeter -densimetric -densimetrically -densimetry -densitometer -density -dent -dentagra -dental -dentale -dentalgia -Dentaliidae -dentalism -dentality -Dentalium -dentalization -dentalize -dentally -dentaphone -Dentaria -dentary -dentata -dentate -dentated -dentately -dentation -dentatoangulate -dentatocillitate -dentatocostate -dentatocrenate -dentatoserrate -dentatosetaceous -dentatosinuate -dentel -dentelated -dentelle -dentelure -denter -dentex -dentical -denticate -Denticeti -denticle -denticular -denticulate -denticulately -denticulation -denticule -dentiferous -dentification -dentiform -dentifrice -dentigerous -dentil -dentilabial -dentilated -dentilation -dentile -dentilingual -dentiloquist -dentiloquy -dentimeter -dentin -dentinal -dentinalgia -dentinasal -dentine -dentinitis -dentinoblast -dentinocemental -dentinoid -dentinoma -dentiparous -dentiphone -dentiroster -dentirostral -dentirostrate -Dentirostres -dentiscalp -dentist -dentistic -dentistical -dentistry -dentition -dentoid -dentolabial -dentolingual -dentonasal -dentosurgical -dentural -denture -denty -denucleate -denudant -denudate -denudation -denudative -denude -denuder -denumerable -denumerably -denumeral -denumerant -denumerantive -denumeration -denumerative -denunciable -denunciant -denunciate -denunciation -denunciative -denunciatively -denunciator -denunciatory -denutrition -deny -denyingly -deobstruct -deobstruent -deoccidentalize -deoculate -deodand -deodara -deodorant -deodorization -deodorize -deodorizer -deontological -deontologist -deontology -deoperculate -deoppilant -deoppilate -deoppilation -deoppilative -deordination -deorganization -deorganize -deorientalize -deorsumvergence -deorsumversion -deorusumduction -deossification -deossify -deota -deoxidant -deoxidate -deoxidation -deoxidative -deoxidator -deoxidization -deoxidize -deoxidizer -deoxygenate -deoxygenation -deoxygenization -deozonization -deozonize -deozonizer -depa -depaganize -depaint -depancreatization -depancreatize -depark -deparliament -depart -departed -departer -departisanize -departition -department -departmental -departmentalism -departmentalization -departmentalize -departmentally -departmentization -departmentize -departure -depas -depascent -depass -depasturable -depasturage -depasturation -depasture -depatriate -depauperate -depauperation -depauperization -depauperize -depencil -depend -dependability -dependable -dependableness -dependably -dependence -dependency -dependent -dependently -depender -depending -dependingly -depeople -deperdite -deperditely -deperition -depersonalization -depersonalize -depersonize -depetalize -depeter -depetticoat -dephase -dephilosophize -dephlegmate -dephlegmation -dephlegmatize -dephlegmator -dephlegmatory -dephlegmedness -dephlogisticate -dephlogisticated -dephlogistication -dephosphorization -dephosphorize -dephysicalization -dephysicalize -depickle -depict -depicter -depiction -depictive -depicture -depiedmontize -depigment -depigmentate -depigmentation -depigmentize -depilate -depilation -depilator -depilatory -depilitant -depilous -deplaceable -deplane -deplasmolysis -deplaster -deplenish -deplete -deplethoric -depletion -depletive -depletory -deploitation -deplorability -deplorable -deplorableness -deplorably -deploration -deplore -deplored -deploredly -deploredness -deplorer -deploringly -deploy -deployment -deplumate -deplumated -deplumation -deplume -deplump -depoetize -depoh -depolarization -depolarize -depolarizer -depolish -depolishing -depolymerization -depolymerize -depone -deponent -depopularize -depopulate -depopulation -depopulative -depopulator -deport -deportable -deportation -deportee -deporter -deportment -deposable -deposal -depose -deposer -deposit -depositary -depositation -depositee -deposition -depositional -depositive -depositor -depository -depositum -depositure -depot -depotentiate -depotentiation -depravation -deprave -depraved -depravedly -depravedness -depraver -depravingly -depravity -deprecable -deprecate -deprecatingly -deprecation -deprecative -deprecator -deprecatorily -deprecatoriness -deprecatory -depreciable -depreciant -depreciate -depreciatingly -depreciation -depreciative -depreciatively -depreciator -depreciatoriness -depreciatory -depredate -depredation -depredationist -depredator -depredatory -depress -depressant -depressed -depressibility -depressible -depressing -depressingly -depressingness -depression -depressive -depressively -depressiveness -depressomotor -depressor -depreter -deprint -depriorize -deprivable -deprival -deprivate -deprivation -deprivative -deprive -deprivement -depriver -deprovincialize -depside -depth -depthen -depthing -depthless -depthometer -depthwise -depullulation -depurant -depurate -depuration -depurative -depurator -depuratory -depursement -deputable -deputation -deputational -deputationist -deputationize -deputative -deputatively -deputator -depute -deputize -deputy -deputyship -dequeen -derabbinize -deracialize -deracinate -deracination -deradelphus -deradenitis -deradenoncus -derah -deraign -derail -derailer -derailment -derange -derangeable -deranged -derangement -deranger -derat -derate -derater -derationalization -derationalize -deratization -deray -Derbend -Derby -derby -derbylite -dere -deregister -deregulationize -dereism -dereistic -dereistically -Derek -derelict -dereliction -derelictly -derelictness -dereligion -dereligionize -derencephalocele -derencephalus -deresinate -deresinize -deric -deride -derider -deridingly -Deringa -Deripia -derisible -derision -derisive -derisively -derisiveness -derisory -derivability -derivable -derivably -derival -derivant -derivate -derivately -derivation -derivational -derivationally -derivationist -derivatist -derivative -derivatively -derivativeness -derive -derived -derivedly -derivedness -deriver -derm -derma -Dermacentor -dermad -dermahemia -dermal -dermalgia -dermalith -dermamyiasis -dermanaplasty -dermapostasis -Dermaptera -dermapteran -dermapterous -dermaskeleton -dermasurgery -dermatagra -dermatalgia -dermataneuria -dermatatrophia -dermatauxe -dermathemia -dermatic -dermatine -dermatitis -Dermatobia -dermatocele -dermatocellulitis -dermatoconiosis -Dermatocoptes -dermatocoptic -dermatocyst -dermatodynia -dermatogen -dermatoglyphics -dermatograph -dermatographia -dermatography -dermatoheteroplasty -dermatoid -dermatological -dermatologist -dermatology -dermatolysis -dermatoma -dermatome -dermatomere -dermatomic -dermatomuscular -dermatomyces -dermatomycosis -dermatomyoma -dermatoneural -dermatoneurology -dermatoneurosis -dermatonosus -dermatopathia -dermatopathic -dermatopathology -dermatopathophobia -Dermatophagus -dermatophobia -dermatophone -dermatophony -dermatophyte -dermatophytic -dermatophytosis -dermatoplasm -dermatoplast -dermatoplastic -dermatoplasty -dermatopnagic -dermatopsy -Dermatoptera -dermatoptic -dermatorrhagia -dermatorrhea -dermatorrhoea -dermatosclerosis -dermatoscopy -dermatosis -dermatoskeleton -dermatotherapy -dermatotome -dermatotomy -dermatotropic -dermatoxerasia -dermatozoon -dermatozoonosis -dermatrophia -dermatrophy -dermenchysis -Dermestes -dermestid -Dermestidae -dermestoid -dermic -dermis -dermitis -dermoblast -Dermobranchia -dermobranchiata -dermobranchiate -Dermochelys -dermochrome -dermococcus -dermogastric -dermographia -dermographic -dermographism -dermography -dermohemal -dermohemia -dermohumeral -dermoid -dermoidal -dermoidectomy -dermol -dermolysis -dermomuscular -dermomycosis -dermoneural -dermoneurosis -dermonosology -dermoosseous -dermoossification -dermopathic -dermopathy -dermophlebitis -dermophobe -dermophyte -dermophytic -dermoplasty -Dermoptera -dermopteran -dermopterous -dermoreaction -Dermorhynchi -dermorhynchous -dermosclerite -dermoskeletal -dermoskeleton -dermostenosis -dermostosis -dermosynovitis -dermotropic -dermovaccine -dermutation -dern -dernier -derodidymus -derogate -derogately -derogation -derogative -derogatively -derogator -derogatorily -derogatoriness -derogatory -Derotrema -Derotremata -derotremate -derotrematous -derotreme -derout -Derrick -derrick -derricking -derrickman -derride -derries -derringer -Derris -derry -dertrotheca -dertrum -deruinate -deruralize -derust -dervish -dervishhood -dervishism -dervishlike -desaccharification -desacralization -desacralize -desalt -desamidization -desand -desaturate -desaturation -desaurin -descale -descant -descanter -descantist -descend -descendable -descendance -descendant -descendence -descendent -descendental -descendentalism -descendentalist -descendentalistic -descender -descendibility -descendible -descending -descendingly -descension -descensional -descensionist -descensive -descent -Deschampsia -descloizite -descort -describability -describable -describably -describe -describer -descrier -descript -description -descriptionist -descriptionless -descriptive -descriptively -descriptiveness -descriptory -descrive -descry -deseasonalize -desecrate -desecrater -desecration -desectionalize -deseed -desegmentation -desegmented -desensitization -desensitize -desensitizer -desentimentalize -deseret -desert -deserted -desertedly -desertedness -deserter -desertful -desertfully -desertic -deserticolous -desertion -desertism -desertless -desertlessly -desertlike -desertness -desertress -desertrice -desertward -deserve -deserved -deservedly -deservedness -deserveless -deserver -deserving -deservingly -deservingness -desex -desexualization -desexualize -deshabille -desi -desiccant -desiccate -desiccation -desiccative -desiccator -desiccatory -desiderant -desiderata -desiderate -desideration -desiderative -desideratum -desight -desightment -design -designable -designate -designation -designative -designator -designatory -designatum -designed -designedly -designedness -designee -designer -designful -designfully -designfulness -designing -designingly -designless -designlessly -designlessness -desilicate -desilicification -desilicify -desiliconization -desiliconize -desilver -desilverization -desilverize -desilverizer -desinence -desinent -desiodothyroxine -desipience -desipiency -desipient -desirability -desirable -desirableness -desirably -desire -desired -desiredly -desiredness -desireful -desirefulness -desireless -desirer -desiringly -desirous -desirously -desirousness -desist -desistance -desistive -desition -desize -desk -desklike -deslime -desma -desmachymatous -desmachyme -desmacyte -desman -Desmanthus -Desmarestia -Desmarestiaceae -desmarestiaceous -Desmatippus -desmectasia -desmepithelium -desmic -desmid -Desmidiaceae -desmidiaceous -Desmidiales -desmidiologist -desmidiology -desmine -desmitis -desmocyte -desmocytoma -Desmodactyli -Desmodium -desmodont -Desmodontidae -Desmodus -desmodynia -desmogen -desmogenous -Desmognathae -desmognathism -desmognathous -desmography -desmohemoblast -desmoid -desmology -desmoma -Desmomyaria -desmon -Desmoncus -desmoneoplasm -desmonosology -desmopathologist -desmopathology -desmopathy -desmopelmous -desmopexia -desmopyknosis -desmorrhexis -Desmoscolecidae -Desmoscolex -desmosis -desmosite -Desmothoraca -desmotomy -desmotrope -desmotropic -desmotropism -desocialization -desocialize -desolate -desolately -desolateness -desolater -desolating -desolatingly -desolation -desolative -desonation -desophisticate -desophistication -desorption -desoxalate -desoxyanisoin -desoxybenzoin -desoxycinchonine -desoxycorticosterone -desoxymorphine -desoxyribonucleic -despair -despairer -despairful -despairfully -despairfulness -despairing -despairingly -despairingness -despecialization -despecialize -despecificate -despecification -despect -desperacy -desperado -desperadoism -desperate -desperately -desperateness -desperation -despicability -despicable -despicableness -despicably -despiritualization -despiritualize -despisable -despisableness -despisal -despise -despisedness -despisement -despiser -despisingly -despite -despiteful -despitefully -despitefulness -despiteous -despiteously -despoil -despoiler -despoilment -despoliation -despond -despondence -despondency -despondent -despondently -desponder -desponding -despondingly -despot -despotat -Despotes -despotic -despotically -despoticalness -despoticly -despotism -despotist -despotize -despumate -despumation -desquamate -desquamation -desquamative -desquamatory -dess -dessa -dessert -dessertspoon -dessertspoonful -dessiatine -dessil -destabilize -destain -destandardize -desterilization -desterilize -destinate -destination -destine -destinezite -destinism -destinist -destiny -destitute -destitutely -destituteness -destitution -destour -destress -destrier -destroy -destroyable -destroyer -destroyingly -destructibility -destructible -destructibleness -destruction -destructional -destructionism -destructionist -destructive -destructively -destructiveness -destructivism -destructivity -destructor -destructuralize -desubstantiate -desucration -desuete -desuetude -desugar -desugarize -Desulfovibrio -desulphur -desulphurate -desulphuration -desulphurization -desulphurize -desulphurizer -desultor -desultorily -desultoriness -desultorious -desultory -desuperheater -desyatin -desyl -desynapsis -desynaptic -desynonymization -desynonymize -detach -detachability -detachable -detachableness -detachably -detached -detachedly -detachedness -detacher -detachment -detail -detailed -detailedly -detailedness -detailer -detailism -detailist -detain -detainable -detainal -detainer -detainingly -detainment -detar -detassel -detax -detect -detectability -detectable -detectably -detectaphone -detecter -detectible -detection -detective -detectivism -detector -detenant -detent -detention -detentive -deter -deterge -detergence -detergency -detergent -detergible -deteriorate -deterioration -deteriorationist -deteriorative -deteriorator -deteriorism -deteriority -determent -determinability -determinable -determinableness -determinably -determinacy -determinant -determinantal -determinate -determinately -determinateness -determination -determinative -determinatively -determinativeness -determinator -determine -determined -determinedly -determinedness -determiner -determinism -determinist -deterministic -determinoid -deterrence -deterrent -detersion -detersive -detersively -detersiveness -detest -detestability -detestable -detestableness -detestably -detestation -detester -dethronable -dethrone -dethronement -dethroner -dethyroidism -detin -detinet -detinue -detonable -detonate -detonation -detonative -detonator -detorsion -detour -detoxicant -detoxicate -detoxication -detoxicator -detoxification -detoxify -detract -detracter -detractingly -detraction -detractive -detractively -detractiveness -detractor -detractory -detractress -detrain -detrainment -detribalization -detribalize -detriment -detrimental -detrimentality -detrimentally -detrimentalness -detrital -detrited -detrition -detritus -Detroiter -detrude -detruncate -detruncation -detrusion -detrusive -detrusor -detubation -detumescence -detune -detur -deuce -deuced -deucedly -deul -deurbanize -deutencephalic -deutencephalon -deuteragonist -deuteranomal -deuteranomalous -deuteranope -deuteranopia -deuteranopic -deuteric -deuteride -deuterium -deuteroalbumose -deuterocanonical -deuterocasease -deuterocone -deuteroconid -deuterodome -deuteroelastose -deuterofibrinose -deuterogamist -deuterogamy -deuterogelatose -deuterogenic -deuteroglobulose -deuteromorphic -Deuteromycetes -deuteromyosinose -deuteron -Deuteronomic -Deuteronomical -Deuteronomist -Deuteronomistic -Deuteronomy -deuteropathic -deuteropathy -deuteroplasm -deuteroprism -deuteroproteose -deuteroscopic -deuteroscopy -deuterostoma -Deuterostomata -deuterostomatous -deuterotokous -deuterotoky -deuterotype -deuterovitellose -deuterozooid -deutobromide -deutocarbonate -deutochloride -deutomala -deutomalal -deutomalar -deutomerite -deuton -deutonephron -deutonymph -deutonymphal -deutoplasm -deutoplasmic -deutoplastic -deutoscolex -deutoxide -Deutzia -dev -deva -devachan -devadasi -devall -devaloka -devalorize -devaluate -devaluation -devalue -devance -devaporate -devaporation -devast -devastate -devastating -devastatingly -devastation -devastative -devastator -devastavit -devaster -devata -develin -develop -developability -developable -developedness -developer -developist -development -developmental -developmentalist -developmentally -developmentarian -developmentary -developmentist -developoid -devertebrated -devest -deviability -deviable -deviancy -deviant -deviate -deviation -deviationism -deviationist -deviative -deviator -deviatory -device -deviceful -devicefully -devicefulness -devil -devilbird -devildom -deviled -deviler -deviless -devilet -devilfish -devilhood -deviling -devilish -devilishly -devilishness -devilism -devilize -devilkin -devillike -devilman -devilment -devilmonger -devilry -devilship -deviltry -devilward -devilwise -devilwood -devily -devious -deviously -deviousness -devirginate -devirgination -devirginator -devirilize -devisable -devisal -deviscerate -devisceration -devise -devisee -deviser -devisor -devitalization -devitalize -devitalized -devitaminize -devitrification -devitrify -devocalization -devocalize -devoice -devoid -devoir -devolatilize -devolute -devolution -devolutionary -devolutionist -devolve -devolvement -Devon -Devonian -Devonic -devonite -devonport -devonshire -devorative -devote -devoted -devotedly -devotedness -devotee -devoteeism -devotement -devoter -devotion -devotional -devotionalism -devotionalist -devotionality -devotionally -devotionalness -devotionate -devotionist -devour -devourable -devourer -devouress -devouring -devouringly -devouringness -devourment -devout -devoutless -devoutlessly -devoutlessness -devoutly -devoutness -devow -devulcanization -devulcanize -devulgarize -devvel -dew -dewan -dewanee -dewanship -dewater -dewaterer -dewax -dewbeam -dewberry -dewclaw -dewclawed -dewcup -dewdamp -dewdrop -dewdropper -dewer -Dewey -deweylite -dewfall -dewflower -dewily -dewiness -dewlap -dewlapped -dewless -dewlight -dewlike -dewool -deworm -dewret -dewtry -dewworm -dewy -dexiocardia -dexiotrope -dexiotropic -dexiotropism -dexiotropous -Dexter -dexter -dexterical -dexterity -dexterous -dexterously -dexterousness -dextrad -dextral -dextrality -dextrally -dextran -dextraural -dextrin -dextrinase -dextrinate -dextrinize -dextrinous -dextro -dextroaural -dextrocardia -dextrocardial -dextrocerebral -dextrocular -dextrocularity -dextroduction -dextroglucose -dextrogyrate -dextrogyration -dextrogyratory -dextrogyrous -dextrolactic -dextrolimonene -dextropinene -dextrorotary -dextrorotatary -dextrorotation -dextrorsal -dextrorse -dextrorsely -dextrosazone -dextrose -dextrosinistral -dextrosinistrally -dextrosuria -dextrotartaric -dextrotropic -dextrotropous -dextrous -dextrously -dextrousness -dextroversion -dey -deyhouse -deyship -deywoman -Dezaley -dezinc -dezincation -dezincification -dezincify -dezymotize -dha -dhabb -dhai -dhak -dhamnoo -dhan -dhangar -dhanuk -dhanush -Dhanvantari -dharana -dharani -dharma -dharmakaya -dharmashastra -dharmasmriti -dharmasutra -dharmsala -dharna -dhaura -dhauri -dhava -dhaw -Dheneb -dheri -dhobi -dhole -dhoni -dhoon -dhoti -dhoul -dhow -Dhritarashtra -dhu -dhunchee -dhunchi -Dhundia -dhurra -dhyal -dhyana -di -diabase -diabasic -diabetes -diabetic -diabetogenic -diabetogenous -diabetometer -diablerie -diabolarch -diabolarchy -diabolatry -diabolepsy -diaboleptic -diabolic -diabolical -diabolically -diabolicalness -diabolification -diabolify -diabolism -diabolist -diabolization -diabolize -diabological -diabology -diabolology -diabrosis -diabrotic -Diabrotica -diacanthous -diacaustic -diacetamide -diacetate -diacetic -diacetin -diacetine -diacetonuria -diaceturia -diacetyl -diacetylene -diachoretic -diachronic -diachylon -diachylum -diacid -diacipiperazine -diaclase -diaclasis -diaclastic -diacle -diaclinal -diacodion -diacoele -diacoelia -diaconal -diaconate -diaconia -diaconicon -diaconicum -diacope -diacranterian -diacranteric -diacrisis -diacritic -diacritical -diacritically -Diacromyodi -diacromyodian -diact -diactin -diactinal -diactinic -diactinism -Diadelphia -diadelphian -diadelphic -diadelphous -diadem -Diadema -Diadematoida -diaderm -diadermic -diadoche -Diadochi -Diadochian -diadochite -diadochokinesia -diadochokinetic -diadromous -diadumenus -diaene -diaereses -diaeresis -diaeretic -diaetetae -diagenesis -diagenetic -diageotropic -diageotropism -diaglyph -diaglyphic -diagnosable -diagnose -diagnoseable -diagnoses -diagnosis -diagnostic -diagnostically -diagnosticate -diagnostication -diagnostician -diagnostics -diagometer -diagonal -diagonality -diagonalize -diagonally -diagonalwise -diagonic -diagram -diagrammatic -diagrammatical -diagrammatician -diagrammatize -diagrammeter -diagrammitically -diagraph -diagraphic -diagraphical -diagraphics -diagredium -diagrydium -Diaguitas -Diaguite -diaheliotropic -diaheliotropically -diaheliotropism -diakinesis -dial -dialcohol -dialdehyde -dialect -dialectal -dialectalize -dialectally -dialectic -dialectical -dialectically -dialectician -dialecticism -dialecticize -dialectics -dialectologer -dialectological -dialectologist -dialectology -dialector -dialer -dialin -dialing -dialist -Dialister -dialkyl -dialkylamine -diallage -diallagic -diallagite -diallagoid -diallel -diallelon -diallelus -diallyl -dialogic -dialogical -dialogically -dialogism -dialogist -dialogistic -dialogistical -dialogistically -dialogite -dialogize -dialogue -dialoguer -Dialonian -dialuric -dialycarpous -Dialypetalae -dialypetalous -dialyphyllous -dialysepalous -dialysis -dialystaminous -dialystelic -dialystely -dialytic -dialytically -dialyzability -dialyzable -dialyzate -dialyzation -dialyzator -dialyze -dialyzer -diamagnet -diamagnetic -diamagnetically -diamagnetism -diamantiferous -diamantine -diamantoid -diamb -diambic -diamesogamous -diameter -diametral -diametrally -diametric -diametrical -diametrically -diamicton -diamide -diamidogen -diamine -diaminogen -diaminogene -diammine -diamminobromide -diamminonitrate -diammonium -diamond -diamondback -diamonded -diamondiferous -diamondize -diamondlike -diamondwise -diamondwork -diamorphine -diamylose -Dian -dian -Diana -Diancecht -diander -Diandria -diandrian -diandrous -Diane -dianetics -Dianil -dianilid -dianilide -dianisidin -dianisidine -dianite -dianodal -dianoetic -dianoetical -dianoetically -Dianthaceae -Dianthera -Dianthus -diapalma -diapase -diapasm -diapason -diapasonal -diapause -diapedesis -diapedetic -Diapensia -Diapensiaceae -diapensiaceous -diapente -diaper -diapering -diaphane -diaphaneity -diaphanie -diaphanometer -diaphanometric -diaphanometry -diaphanoscope -diaphanoscopy -diaphanotype -diaphanous -diaphanously -diaphanousness -diaphany -diaphone -diaphonia -diaphonic -diaphonical -diaphony -diaphoresis -diaphoretic -diaphoretical -diaphorite -diaphote -diaphototropic -diaphototropism -diaphragm -diaphragmal -diaphragmatic -diaphragmatically -diaphtherin -diaphysial -diaphysis -diaplasma -diaplex -diaplexal -diaplexus -diapnoic -diapnotic -diapophysial -diapophysis -Diaporthe -diapositive -diapsid -Diapsida -diapsidan -diapyesis -diapyetic -diarch -diarchial -diarchic -diarchy -diarhemia -diarial -diarian -diarist -diaristic -diarize -diarrhea -diarrheal -diarrheic -diarrhetic -diarsenide -diarthric -diarthrodial -diarthrosis -diarticular -diary -diaschisis -diaschisma -diaschistic -Diascia -diascope -diascopy -diascord -diascordium -diaskeuasis -diaskeuast -Diaspidinae -diaspidine -Diaspinae -diaspine -diaspirin -Diaspora -diaspore -diastaltic -diastase -diastasic -diastasimetry -diastasis -diastataxic -diastataxy -diastatic -diastatically -diastem -diastema -diastematic -diastematomyelia -diaster -diastole -diastolic -diastomatic -diastral -diastrophe -diastrophic -diastrophism -diastrophy -diasynthesis -diasyrm -diatessaron -diathermacy -diathermal -diathermancy -diathermaneity -diathermanous -diathermic -diathermize -diathermometer -diathermotherapy -diathermous -diathermy -diathesic -diathesis -diathetic -diatom -Diatoma -Diatomaceae -diatomacean -diatomaceoid -diatomaceous -Diatomales -Diatomeae -diatomean -diatomic -diatomicity -diatomiferous -diatomin -diatomist -diatomite -diatomous -diatonic -diatonical -diatonically -diatonous -diatoric -diatreme -diatribe -diatribist -diatropic -diatropism -Diatryma -Diatrymiformes -Diau -diaulic -diaulos -diaxial -diaxon -diazenithal -diazeuctic -diazeuxis -diazide -diazine -diazoamine -diazoamino -diazoaminobenzene -diazoanhydride -diazoate -diazobenzene -diazohydroxide -diazoic -diazoimide -diazoimido -diazole -diazoma -diazomethane -diazonium -diazotate -diazotic -diazotizability -diazotizable -diazotization -diazotize -diazotype -dib -dibase -dibasic -dibasicity -dibatag -Dibatis -dibber -dibble -dibbler -dibbuk -dibenzophenazine -dibenzopyrrole -dibenzoyl -dibenzyl -dibhole -diblastula -diborate -Dibothriocephalus -dibrach -dibranch -Dibranchia -Dibranchiata -dibranchiate -dibranchious -dibrom -dibromid -dibromide -dibromoacetaldehyde -dibromobenzene -dibs -dibstone -dibutyrate -dibutyrin -dicacodyl -Dicaeidae -dicaeology -dicalcic -dicalcium -dicarbonate -dicarbonic -dicarboxylate -dicarboxylic -dicarpellary -dicaryon -dicaryophase -dicaryophyte -dicaryotic -dicast -dicastery -dicastic -dicatalectic -dicatalexis -Diccon -dice -diceboard -dicebox -dicecup -dicellate -diceman -Dicentra -dicentrine -dicephalism -dicephalous -dicephalus -diceplay -dicer -Diceras -Diceratidae -dicerion -dicerous -dicetyl -dich -Dichapetalaceae -Dichapetalum -dichas -dichasial -dichasium -dichastic -Dichelyma -dichlamydeous -dichloramine -dichlorhydrin -dichloride -dichloroacetic -dichlorohydrin -dichloromethane -dichocarpism -dichocarpous -dichogamous -dichogamy -Dichondra -Dichondraceae -dichopodial -dichoptic -dichord -dichoree -Dichorisandra -dichotic -dichotomal -dichotomic -dichotomically -dichotomist -dichotomistic -dichotomization -dichotomize -dichotomous -dichotomously -dichotomy -dichroic -dichroiscope -dichroism -dichroite -dichroitic -dichromasy -dichromat -dichromate -dichromatic -dichromatism -dichromic -dichromism -dichronous -dichrooscope -dichroous -dichroscope -dichroscopic -Dichter -dicing -Dick -dick -dickcissel -dickens -Dickensian -Dickensiana -dicker -dickey -dickeybird -dickinsonite -Dicksonia -dicky -Diclidantheraceae -diclinic -diclinism -diclinous -Diclytra -dicoccous -dicodeine -dicoelious -dicolic -dicolon -dicondylian -dicot -dicotyl -dicotyledon -dicotyledonary -Dicotyledones -dicotyledonous -Dicotyles -Dicotylidae -dicotylous -dicoumarin -Dicranaceae -dicranaceous -dicranoid -dicranterian -Dicranum -Dicrostonyx -dicrotal -dicrotic -dicrotism -dicrotous -Dicruridae -dicta -Dictaen -Dictamnus -Dictaphone -dictate -dictatingly -dictation -dictational -dictative -dictator -dictatorial -dictatorialism -dictatorially -dictatorialness -dictatorship -dictatory -dictatress -dictatrix -dictature -dictic -diction -dictionary -Dictograph -dictum -dictynid -Dictynidae -Dictyoceratina -dictyoceratine -dictyodromous -dictyogen -dictyogenous -Dictyograptus -dictyoid -Dictyonema -Dictyonina -dictyonine -Dictyophora -dictyopteran -Dictyopteris -Dictyosiphon -Dictyosiphonaceae -dictyosiphonaceous -dictyosome -dictyostele -dictyostelic -Dictyota -Dictyotaceae -dictyotaceous -Dictyotales -dictyotic -Dictyoxylon -dicyanide -dicyanine -dicyanodiamide -dicyanogen -dicycle -dicyclic -Dicyclica -dicyclist -Dicyema -Dicyemata -dicyemid -Dicyemida -Dicyemidae -Dicynodon -dicynodont -Dicynodontia -Dicynodontidae -did -Didache -Didachist -didactic -didactical -didacticality -didactically -didactician -didacticism -didacticity -didactics -didactive -didactyl -didactylism -didactylous -didapper -didascalar -didascaliae -didascalic -didascalos -didascaly -didder -diddle -diddler -diddy -didelph -Didelphia -didelphian -didelphic -didelphid -Didelphidae -didelphine -Didelphis -didelphoid -didelphous -Didelphyidae -didepsid -didepside -Dididae -didie -didine -Didinium -didle -didna -didnt -Dido -didodecahedral -didodecahedron -didrachma -didrachmal -didromy -didst -diductor -Didunculidae -Didunculinae -Didunculus -Didus -didym -didymate -didymia -didymitis -didymium -didymoid -didymolite -didymous -didymus -Didynamia -didynamian -didynamic -didynamous -didynamy -die -dieb -dieback -diectasis -diedral -diedric -Dieffenbachia -Diego -Diegueno -diehard -dielectric -dielectrically -dielike -Dielytra -diem -diemaker -diemaking -diencephalic -diencephalon -diene -dier -Dieri -Diervilla -diesel -dieselization -dieselize -diesinker -diesinking -diesis -diestock -diet -dietal -dietarian -dietary -Dieter -dieter -dietetic -dietetically -dietetics -dietetist -diethanolamine -diethyl -diethylamine -diethylenediamine -diethylstilbestrol -dietic -dietician -dietics -dietine -dietist -dietitian -dietotherapeutics -dietotherapy -dietotoxic -dietotoxicity -dietrichite -dietzeite -diewise -Dieyerie -diezeugmenon -Difda -diferrion -diffame -diffarreation -differ -difference -differencingly -different -differentia -differentiable -differential -differentialize -differentially -differentiant -differentiate -differentiation -differentiator -differently -differentness -differingly -difficile -difficileness -difficult -difficultly -difficultness -difficulty -diffidation -diffide -diffidence -diffident -diffidently -diffidentness -diffinity -diffluence -diffluent -Difflugia -difform -difformed -difformity -diffract -diffraction -diffractive -diffractively -diffractiveness -diffractometer -diffrangibility -diffrangible -diffugient -diffusate -diffuse -diffused -diffusedly -diffusely -diffuseness -diffuser -diffusibility -diffusible -diffusibleness -diffusibly -diffusimeter -diffusiometer -diffusion -diffusionism -diffusionist -diffusive -diffusively -diffusiveness -diffusivity -diffusor -diformin -dig -digallate -digallic -digametic -digamist -digamma -digammated -digammic -digamous -digamy -digastric -Digenea -digeneous -digenesis -digenetic -Digenetica -digenic -digenous -digeny -digerent -digest -digestant -digested -digestedly -digestedness -digester -digestibility -digestible -digestibleness -digestibly -digestion -digestional -digestive -digestively -digestiveness -digestment -diggable -digger -digging -diggings -dight -dighter -digit -digital -digitalein -digitalin -digitalis -digitalism -digitalization -digitalize -digitally -Digitaria -digitate -digitated -digitately -digitation -digitiform -Digitigrada -digitigrade -digitigradism -digitinervate -digitinerved -digitipinnate -digitize -digitizer -digitogenin -digitonin -digitoplantar -digitorium -digitoxin -digitoxose -digitule -digitus -digladiate -digladiation -digladiator -diglossia -diglot -diglottic -diglottism -diglottist -diglucoside -diglyceride -diglyph -diglyphic -digmeat -dignification -dignified -dignifiedly -dignifiedness -dignify -dignitarial -dignitarian -dignitary -dignity -digoneutic -digoneutism -digonoporous -digonous -Digor -digram -digraph -digraphic -digredience -digrediency -digredient -digress -digressingly -digression -digressional -digressionary -digressive -digressively -digressiveness -digressory -digs -diguanide -Digynia -digynian -digynous -dihalide -dihalo -dihalogen -dihedral -dihedron -dihexagonal -dihexahedral -dihexahedron -dihybrid -dihybridism -dihydrate -dihydrated -dihydrazone -dihydric -dihydride -dihydrite -dihydrocupreine -dihydrocuprin -dihydrogen -dihydrol -dihydronaphthalene -dihydronicotine -dihydrotachysterol -dihydroxy -dihydroxysuccinic -dihydroxytoluene -dihysteria -diiamb -diiambus -diiodide -diiodo -diiodoform -diipenates -Diipolia -diisatogen -dijudicate -dijudication -dika -dikage -dikamali -dikaryon -dikaryophase -dikaryophasic -dikaryophyte -dikaryophytic -dikaryotic -Dike -dike -dikegrave -dikelocephalid -Dikelocephalus -diker -dikereeve -dikeside -diketo -diketone -dikkop -diktyonite -dilacerate -dilaceration -dilambdodont -dilamination -Dilantin -dilapidate -dilapidated -dilapidation -dilapidator -dilatability -dilatable -dilatableness -dilatably -dilatancy -dilatant -dilatate -dilatation -dilatative -dilatator -dilatatory -dilate -dilated -dilatedly -dilatedness -dilater -dilatingly -dilation -dilative -dilatometer -dilatometric -dilatometry -dilator -dilatorily -dilatoriness -dilatory -dildo -dilection -Dilemi -Dilemite -dilemma -dilemmatic -dilemmatical -dilemmatically -dilettant -dilettante -dilettanteish -dilettanteism -dilettanteship -dilettanti -dilettantish -dilettantism -dilettantist -diligence -diligency -diligent -diligentia -diligently -diligentness -dilker -dill -Dillenia -Dilleniaceae -dilleniaceous -dilleniad -dilli -dillier -dilligrout -dilling -dillseed -dillue -dilluer -dillweed -dilly -dillydallier -dillydally -dillyman -dilo -dilogy -diluent -dilute -diluted -dilutedly -dilutedness -dilutee -dilutely -diluteness -dilutent -diluter -dilution -dilutive -dilutor -diluvia -diluvial -diluvialist -diluvian -diluvianism -diluvion -diluvium -dim -dimagnesic -dimanganion -dimanganous -Dimaris -dimastigate -Dimatis -dimber -dimberdamber -dimble -dime -dimensible -dimension -dimensional -dimensionality -dimensionally -dimensioned -dimensionless -dimensive -dimer -Dimera -dimeran -dimercuric -dimercurion -dimercury -dimeric -dimeride -dimerism -dimerization -dimerlie -dimerous -dimetallic -dimeter -dimethoxy -dimethyl -dimethylamine -dimethylamino -dimethylaniline -dimethylbenzene -dimetria -dimetric -Dimetry -dimication -dimidiate -dimidiation -diminish -diminishable -diminishableness -diminisher -diminishingly -diminishment -diminuendo -diminutal -diminute -diminution -diminutival -diminutive -diminutively -diminutiveness -diminutivize -dimiss -dimission -dimissorial -dimissory -dimit -Dimitry -Dimittis -dimity -dimly -dimmed -dimmedness -dimmer -dimmest -dimmet -dimmish -Dimna -dimness -dimolecular -dimoric -dimorph -dimorphic -dimorphism -Dimorphotheca -dimorphous -dimple -dimplement -dimply -dimps -dimpsy -Dimyaria -dimyarian -dimyaric -din -Dinah -dinamode -Dinantian -dinaphthyl -dinar -Dinaric -Dinarzade -dinder -dindle -Dindymene -Dindymus -dine -diner -dinergate -dineric -dinero -dinette -dineuric -ding -dingar -dingbat -dingdong -dinge -dingee -dinghee -dinghy -dingily -dinginess -dingle -dingleberry -dinglebird -dingledangle -dingly -dingmaul -dingo -dingus -Dingwall -dingy -dinheiro -dinic -dinical -Dinichthys -dining -dinitrate -dinitril -dinitrile -dinitro -dinitrobenzene -dinitrocellulose -dinitrophenol -dinitrotoluene -dink -Dinka -dinkey -dinkum -dinky -dinmont -dinner -dinnerless -dinnerly -dinnertime -dinnerware -dinnery -Dinobryon -Dinoceras -Dinocerata -dinoceratan -dinoceratid -Dinoceratidae -Dinoflagellata -Dinoflagellatae -dinoflagellate -Dinoflagellida -dinomic -Dinomys -Dinophilea -Dinophilus -Dinophyceae -Dinornis -Dinornithes -dinornithic -dinornithid -Dinornithidae -Dinornithiformes -dinornithine -dinornithoid -dinosaur -Dinosauria -dinosaurian -dinothere -Dinotheres -dinotherian -Dinotheriidae -Dinotherium -dinsome -dint -dintless -dinus -diobely -diobol -diocesan -diocese -Diocletian -dioctahedral -Dioctophyme -diode -Diodia -Diodon -diodont -Diodontidae -Dioecia -dioecian -dioeciodimorphous -dioeciopolygamous -dioecious -dioeciously -dioeciousness -dioecism -dioecy -dioestrous -dioestrum -dioestrus -Diogenean -Diogenic -diogenite -dioicous -diol -diolefin -diolefinic -Diomedea -Diomedeidae -Dion -Dionaea -Dionaeaceae -Dione -dionise -dionym -dionymal -Dionysia -Dionysiac -Dionysiacal -Dionysiacally -Dioon -Diophantine -Diopsidae -diopside -Diopsis -dioptase -diopter -Dioptidae -dioptograph -dioptometer -dioptometry -dioptoscopy -dioptra -dioptral -dioptrate -dioptric -dioptrical -dioptrically -dioptrics -dioptrometer -dioptrometry -dioptroscopy -dioptry -diorama -dioramic -diordinal -diorite -dioritic -diorthosis -diorthotic -Dioscorea -Dioscoreaceae -dioscoreaceous -dioscorein -dioscorine -Dioscuri -Dioscurian -diose -Diosma -diosmin -diosmose -diosmosis -diosmotic -diosphenol -Diospyraceae -diospyraceous -Diospyros -diota -diotic -Diotocardia -diovular -dioxane -dioxide -dioxime -dioxindole -dioxy -dip -Dipala -diparentum -dipartite -dipartition -dipaschal -dipentene -dipeptid -dipeptide -dipetalous -dipetto -diphase -diphaser -diphasic -diphead -diphenol -diphenyl -diphenylamine -diphenylchloroarsine -diphenylene -diphenylenimide -diphenylguanidine -diphenylmethane -diphenylquinomethane -diphenylthiourea -diphosgene -diphosphate -diphosphide -diphosphoric -diphosphothiamine -diphrelatic -diphtheria -diphtherial -diphtherian -diphtheric -diphtheritic -diphtheritically -diphtheritis -diphtheroid -diphtheroidal -diphtherotoxin -diphthong -diphthongal -diphthongalize -diphthongally -diphthongation -diphthongic -diphthongization -diphthongize -diphycercal -diphycercy -Diphyes -diphygenic -diphyletic -Diphylla -Diphylleia -Diphyllobothrium -diphyllous -diphyodont -diphyozooid -Diphysite -Diphysitism -diphyzooid -dipicrate -dipicrylamin -dipicrylamine -Diplacanthidae -Diplacanthus -diplacusis -Dipladenia -diplanar -diplanetic -diplanetism -diplantidian -diplarthrism -diplarthrous -diplasiasmus -diplasic -diplasion -diplegia -dipleidoscope -dipleura -dipleural -dipleurogenesis -dipleurogenetic -diplex -diplobacillus -diplobacterium -diploblastic -diplocardia -diplocardiac -Diplocarpon -diplocaulescent -diplocephalous -diplocephalus -diplocephaly -diplochlamydeous -diplococcal -diplococcemia -diplococcic -diplococcoid -diplococcus -diploconical -diplocoria -Diplodia -Diplodocus -Diplodus -diploe -diploetic -diplogangliate -diplogenesis -diplogenetic -diplogenic -Diploglossata -diploglossate -diplograph -diplographic -diplographical -diplography -diplohedral -diplohedron -diploic -diploid -diploidic -diploidion -diploidy -diplois -diplokaryon -diploma -diplomacy -diplomat -diplomate -diplomatic -diplomatical -diplomatically -diplomatics -diplomatism -diplomatist -diplomatize -diplomatology -diplomyelia -diplonema -diplonephridia -diploneural -diplont -diploperistomic -diplophase -diplophyte -diplopia -diplopic -diploplacula -diploplacular -diploplaculate -diplopod -Diplopoda -diplopodic -Diploptera -diplopterous -Diplopteryga -diplopy -diplosis -diplosome -diplosphenal -diplosphene -Diplospondyli -diplospondylic -diplospondylism -diplostemonous -diplostemony -diplostichous -Diplotaxis -diplotegia -diplotene -Diplozoon -diplumbic -Dipneumona -Dipneumones -dipneumonous -dipneustal -Dipneusti -dipnoan -Dipnoi -dipnoid -dipnoous -dipode -dipodic -Dipodidae -Dipodomyinae -Dipodomys -dipody -dipolar -dipolarization -dipolarize -dipole -diporpa -dipotassic -dipotassium -dipped -dipper -dipperful -dipping -diprimary -diprismatic -dipropargyl -dipropyl -Diprotodon -diprotodont -Diprotodontia -Dipsacaceae -dipsacaceous -Dipsaceae -dipsaceous -Dipsacus -Dipsadinae -dipsas -dipsetic -dipsey -dipsomania -dipsomaniac -dipsomaniacal -Dipsosaurus -dipsosis -dipter -Diptera -Dipteraceae -dipteraceous -dipterad -dipteral -dipteran -dipterist -dipterocarp -Dipterocarpaceae -dipterocarpaceous -dipterocarpous -Dipterocarpus -dipterocecidium -dipterological -dipterologist -dipterology -dipteron -dipteros -dipterous -Dipteryx -diptote -diptych -Dipus -dipware -dipygus -dipylon -dipyre -dipyrenous -dipyridyl -Dirca -Dircaean -dird -dirdum -dire -direct -directable -directed -directer -direction -directional -directionally -directionless -directitude -directive -directively -directiveness -directivity -directly -directness -Directoire -director -directoral -directorate -directorial -directorially -directorship -directory -directress -directrices -directrix -direful -direfully -direfulness -direly -dirempt -diremption -direness -direption -dirge -dirgeful -dirgelike -dirgeman -dirgler -dirhem -Dirian -Dirichletian -dirigent -dirigibility -dirigible -dirigomotor -diriment -Dirk -dirk -dirl -dirndl -dirt -dirtbird -dirtboard -dirten -dirtily -dirtiness -dirtplate -dirty -dis -Disa -disability -disable -disabled -disablement -disabusal -disabuse -disacceptance -disaccharide -disaccharose -disaccommodate -disaccommodation -disaccord -disaccordance -disaccordant -disaccustom -disaccustomed -disaccustomedness -disacidify -disacknowledge -disacknowledgement -disacquaint -disacquaintance -disadjust -disadorn -disadvance -disadvantage -disadvantageous -disadvantageously -disadvantageousness -disadventure -disadventurous -disadvise -disaffect -disaffectation -disaffected -disaffectedly -disaffectedness -disaffection -disaffectionate -disaffiliate -disaffiliation -disaffirm -disaffirmance -disaffirmation -disaffirmative -disafforest -disafforestation -disafforestment -disagglomeration -disaggregate -disaggregation -disaggregative -disagio -disagree -disagreeability -disagreeable -disagreeableness -disagreeably -disagreed -disagreement -disagreer -disalicylide -disalign -disalignment -disalike -disallow -disallowable -disallowableness -disallowance -disally -disamenity -Disamis -disanagrammatize -disanalogous -disangularize -disanimal -disanimate -disanimation -disannex -disannexation -disannul -disannuller -disannulment -disanoint -disanswerable -disapostle -disapparel -disappear -disappearance -disappearer -disappearing -disappoint -disappointed -disappointedly -disappointer -disappointing -disappointingly -disappointingness -disappointment -disappreciate -disappreciation -disapprobation -disapprobative -disapprobatory -disappropriate -disappropriation -disapprovable -disapproval -disapprove -disapprover -disapprovingly -disaproned -disarchbishop -disarm -disarmament -disarmature -disarmed -disarmer -disarming -disarmingly -disarrange -disarrangement -disarray -disarticulate -disarticulation -disarticulator -disasinate -disasinize -disassemble -disassembly -disassimilate -disassimilation -disassimilative -disassociate -disassociation -disaster -disastimeter -disastrous -disastrously -disastrousness -disattaint -disattire -disattune -disauthenticate -disauthorize -disavow -disavowable -disavowal -disavowedly -disavower -disavowment -disawa -disazo -disbalance -disbalancement -disband -disbandment -disbar -disbark -disbarment -disbelief -disbelieve -disbeliever -disbelieving -disbelievingly -disbench -disbenchment -disbloom -disbody -disbosom -disbowel -disbrain -disbranch -disbud -disbudder -disburden -disburdenment -disbursable -disburse -disbursement -disburser -disburthen -disbury -disbutton -disc -discage -discal -discalceate -discalced -discanonization -discanonize -discanter -discantus -discapacitate -discard -discardable -discarder -discardment -discarnate -discarnation -discase -discastle -discept -disceptation -disceptator -discern -discerner -discernible -discernibleness -discernibly -discerning -discerningly -discernment -discerp -discerpibility -discerpible -discerpibleness -discerptibility -discerptible -discerptibleness -discerption -discharacter -discharge -dischargeable -dischargee -discharger -discharging -discharity -discharm -dischase -Disciflorae -discifloral -disciform -discigerous -Discina -discinct -discinoid -disciple -disciplelike -discipleship -disciplinability -disciplinable -disciplinableness -disciplinal -disciplinant -disciplinarian -disciplinarianism -disciplinarily -disciplinary -disciplinative -disciplinatory -discipline -discipliner -discipular -discircumspection -discission -discitis -disclaim -disclaimant -disclaimer -disclamation -disclamatory -disclass -disclassify -disclike -disclimax -discloister -disclose -disclosed -discloser -disclosive -disclosure -discloud -discoach -discoactine -discoblastic -discoblastula -discobolus -discocarp -discocarpium -discocarpous -discocephalous -discodactyl -discodactylous -discogastrula -discoglossid -Discoglossidae -discoglossoid -discographical -discography -discohexaster -discoid -discoidal -Discoidea -Discoideae -discolichen -discolith -discolor -discolorate -discoloration -discolored -discoloredness -discolorization -discolorment -discolourization -Discomedusae -discomedusan -discomedusoid -discomfit -discomfiter -discomfiture -discomfort -discomfortable -discomfortableness -discomforting -discomfortingly -discommend -discommendable -discommendableness -discommendably -discommendation -discommender -discommode -discommodious -discommodiously -discommodiousness -discommodity -discommon -discommons -discommunity -discomorula -discompliance -discompose -discomposed -discomposedly -discomposedness -discomposing -discomposingly -discomposure -discomycete -Discomycetes -discomycetous -Disconanthae -disconanthous -disconcert -disconcerted -disconcertedly -disconcertedness -disconcerting -disconcertingly -disconcertingness -disconcertion -disconcertment -disconcord -disconduce -disconducive -Disconectae -disconform -disconformable -disconformity -discongruity -disconjure -disconnect -disconnected -disconnectedly -disconnectedness -disconnecter -disconnection -disconnective -disconnectiveness -disconnector -disconsider -disconsideration -disconsolate -disconsolately -disconsolateness -disconsolation -disconsonancy -disconsonant -discontent -discontented -discontentedly -discontentedness -discontentful -discontenting -discontentive -discontentment -discontiguity -discontiguous -discontiguousness -discontinuable -discontinuance -discontinuation -discontinue -discontinuee -discontinuer -discontinuity -discontinuor -discontinuous -discontinuously -discontinuousness -disconula -disconvenience -disconvenient -disconventicle -discophile -Discophora -discophoran -discophore -discophorous -discoplacenta -discoplacental -Discoplacentalia -discoplacentalian -discoplasm -discopodous -discord -discordance -discordancy -discordant -discordantly -discordantness -discordful -Discordia -discording -discorporate -discorrespondency -discorrespondent -discount -discountable -discountenance -discountenancer -discounter -discouple -discourage -discourageable -discouragement -discourager -discouraging -discouragingly -discouragingness -discourse -discourseless -discourser -discoursive -discoursively -discoursiveness -discourteous -discourteously -discourteousness -discourtesy -discous -discovenant -discover -discoverability -discoverable -discoverably -discovered -discoverer -discovert -discoverture -discovery -discreate -discreation -discredence -discredit -discreditability -discreditable -discreet -discreetly -discreetness -discrepance -discrepancy -discrepant -discrepantly -discrepate -discrepation -discrested -discrete -discretely -discreteness -discretion -discretional -discretionally -discretionarily -discretionary -discretive -discretively -discretiveness -discriminability -discriminable -discriminal -discriminant -discriminantal -discriminate -discriminately -discriminateness -discriminating -discriminatingly -discrimination -discriminational -discriminative -discriminatively -discriminator -discriminatory -discrown -disculpate -disculpation -disculpatory -discumber -discursative -discursativeness -discursify -discursion -discursive -discursively -discursiveness -discursory -discursus -discurtain -discus -discuss -discussable -discussant -discusser -discussible -discussion -discussional -discussionism -discussionist -discussive -discussment -discutable -discutient -disdain -disdainable -disdainer -disdainful -disdainfully -disdainfulness -disdainly -disdeceive -disdenominationalize -disdiaclast -disdiaclastic -disdiapason -disdiazo -disdiplomatize -disdodecahedroid -disdub -disease -diseased -diseasedly -diseasedness -diseaseful -diseasefulness -disecondary -disedge -disedification -disedify -diseducate -diselder -diselectrification -diselectrify -diselenide -disematism -disembargo -disembark -disembarkation -disembarkment -disembarrass -disembarrassment -disembattle -disembed -disembellish -disembitter -disembocation -disembodiment -disembody -disembogue -disemboguement -disembosom -disembowel -disembowelment -disembower -disembroil -disemburden -diseme -disemic -disemplane -disemploy -disemployment -disempower -disenable -disenablement -disenact -disenactment -disenamor -disenamour -disenchain -disenchant -disenchanter -disenchantingly -disenchantment -disenchantress -disencharm -disenclose -disencumber -disencumberment -disencumbrance -disendow -disendower -disendowment -disenfranchise -disenfranchisement -disengage -disengaged -disengagedness -disengagement -disengirdle -disenjoy -disenjoyment -disenmesh -disennoble -disennui -disenshroud -disenslave -disensoul -disensure -disentail -disentailment -disentangle -disentanglement -disentangler -disenthral -disenthrall -disenthrallment -disenthralment -disenthrone -disenthronement -disentitle -disentomb -disentombment -disentrain -disentrainment -disentrammel -disentrance -disentrancement -disentwine -disenvelop -disepalous -disequalize -disequalizer -disequilibrate -disequilibration -disequilibrium -disestablish -disestablisher -disestablishment -disestablishmentarian -disesteem -disesteemer -disestimation -disexcommunicate -disfaith -disfame -disfashion -disfavor -disfavorer -disfeature -disfeaturement -disfellowship -disfen -disfiguration -disfigurative -disfigure -disfigurement -disfigurer -disfiguringly -disflesh -disfoliage -disforest -disforestation -disfranchise -disfranchisement -disfranchiser -disfrequent -disfriar -disfrock -disfurnish -disfurnishment -disgarland -disgarnish -disgarrison -disgavel -disgeneric -disgenius -disgig -disglorify -disglut -disgood -disgorge -disgorgement -disgorger -disgospel -disgown -disgrace -disgraceful -disgracefully -disgracefulness -disgracement -disgracer -disgracious -disgradation -disgrade -disgregate -disgregation -disgruntle -disgruntlement -disguisable -disguisal -disguise -disguised -disguisedly -disguisedness -disguiseless -disguisement -disguiser -disguising -disgulf -disgust -disgusted -disgustedly -disgustedness -disguster -disgustful -disgustfully -disgustfulness -disgusting -disgustingly -disgustingness -dish -dishabilitate -dishabilitation -dishabille -dishabituate -dishallow -dishallucination -disharmonic -disharmonical -disharmonious -disharmonism -disharmonize -disharmony -dishboard -dishcloth -dishclout -disheart -dishearten -disheartener -disheartening -dishearteningly -disheartenment -disheaven -dished -dishellenize -dishelm -disher -disherent -disherison -disherit -disheritment -dishevel -disheveled -dishevelment -dishexecontahedroid -dishful -Dishley -dishlike -dishling -dishmaker -dishmaking -dishmonger -dishome -dishonest -dishonestly -dishonor -dishonorable -dishonorableness -dishonorably -dishonorary -dishonorer -dishorn -dishorner -dishorse -dishouse -dishpan -dishpanful -dishrag -dishumanize -dishwasher -dishwashing -dishwashings -dishwater -dishwatery -dishwiper -dishwiping -disidentify -disilane -disilicane -disilicate -disilicic -disilicid -disilicide -disillude -disilluminate -disillusion -disillusionist -disillusionize -disillusionizer -disillusionment -disillusive -disimagine -disimbitter -disimitate -disimitation -disimmure -disimpark -disimpassioned -disimprison -disimprisonment -disimprove -disimprovement -disincarcerate -disincarceration -disincarnate -disincarnation -disinclination -disincline -disincorporate -disincorporation -disincrust -disincrustant -disincrustion -disindividualize -disinfect -disinfectant -disinfecter -disinfection -disinfective -disinfector -disinfest -disinfestation -disinfeudation -disinflame -disinflate -disinflation -disingenuity -disingenuous -disingenuously -disingenuousness -disinherison -disinherit -disinheritable -disinheritance -disinhume -disinsulation -disinsure -disintegrable -disintegrant -disintegrate -disintegration -disintegrationist -disintegrative -disintegrator -disintegratory -disintegrity -disintegrous -disintensify -disinter -disinterest -disinterested -disinterestedly -disinterestedness -disinteresting -disinterment -disintertwine -disintrench -disintricate -disinvagination -disinvest -disinvestiture -disinvigorate -disinvite -disinvolve -disjasked -disject -disjection -disjoin -disjoinable -disjoint -disjointed -disjointedly -disjointedness -disjointly -disjointure -disjunct -disjunction -disjunctive -disjunctively -disjunctor -disjuncture -disjune -disk -diskelion -diskless -disklike -dislaurel -disleaf -dislegitimate -dislevelment -dislicense -dislikable -dislike -dislikelihood -disliker -disliking -dislimn -dislink -dislip -disload -dislocability -dislocable -dislocate -dislocated -dislocatedly -dislocatedness -dislocation -dislocator -dislocatory -dislodge -dislodgeable -dislodgement -dislove -disloyal -disloyalist -disloyally -disloyalty -disluster -dismain -dismal -dismality -dismalize -dismally -dismalness -disman -dismantle -dismantlement -dismantler -dismarble -dismark -dismarket -dismask -dismast -dismastment -dismay -dismayable -dismayed -dismayedness -dismayful -dismayfully -dismayingly -disme -dismember -dismembered -dismemberer -dismemberment -dismembrate -dismembrator -disminion -disminister -dismiss -dismissable -dismissal -dismissible -dismissingly -dismission -dismissive -dismissory -dismoded -dismount -dismountable -dismutation -disna -disnaturalization -disnaturalize -disnature -disnest -disnew -disniche -disnosed -disnumber -disobedience -disobedient -disobediently -disobey -disobeyal -disobeyer -disobligation -disoblige -disobliger -disobliging -disobligingly -disobligingness -disoccupation -disoccupy -disodic -disodium -disomatic -disomatous -disomic -disomus -disoperculate -disorb -disorchard -disordained -disorder -disordered -disorderedly -disorderedness -disorderer -disorderliness -disorderly -disordinated -disordination -disorganic -disorganization -disorganize -disorganizer -disorient -disorientate -disorientation -disown -disownable -disownment -disoxygenate -disoxygenation -disozonize -dispapalize -disparage -disparageable -disparagement -disparager -disparaging -disparagingly -disparate -disparately -disparateness -disparation -disparity -dispark -dispart -dispartment -dispassionate -dispassionately -dispassionateness -dispassioned -dispatch -dispatcher -dispatchful -dispatriated -dispauper -dispauperize -dispeace -dispeaceful -dispel -dispeller -dispend -dispender -dispendious -dispendiously -dispenditure -dispensability -dispensable -dispensableness -dispensary -dispensate -dispensation -dispensational -dispensative -dispensatively -dispensator -dispensatorily -dispensatory -dispensatress -dispensatrix -dispense -dispenser -dispensingly -dispeople -dispeoplement -dispeopler -dispergate -dispergation -dispergator -dispericraniate -disperiwig -dispermic -dispermous -dispermy -dispersal -dispersant -disperse -dispersed -dispersedly -dispersedness -dispersement -disperser -dispersibility -dispersible -dispersion -dispersity -dispersive -dispersively -dispersiveness -dispersoid -dispersoidological -dispersoidology -dispersonalize -dispersonate -dispersonification -dispersonify -dispetal -disphenoid -dispiece -dispireme -dispirit -dispirited -dispiritedly -dispiritedness -dispiritingly -dispiritment -dispiteous -dispiteously -dispiteousness -displace -displaceability -displaceable -displacement -displacency -displacer -displant -display -displayable -displayed -displayer -displease -displeased -displeasedly -displeaser -displeasing -displeasingly -displeasingness -displeasurable -displeasurably -displeasure -displeasurement -displenish -displicency -displume -displuviate -dispondaic -dispondee -dispone -disponee -disponent -disponer -dispope -dispopularize -disporous -disport -disportive -disportment -Disporum -disposability -disposable -disposableness -disposal -dispose -disposed -disposedly -disposedness -disposer -disposingly -disposition -dispositional -dispositioned -dispositive -dispositively -dispossess -dispossession -dispossessor -dispossessory -dispost -disposure -dispowder -dispractice -dispraise -dispraiser -dispraisingly -dispread -dispreader -disprejudice -disprepare -disprince -disprison -disprivacied -disprivilege -disprize -disprobabilization -disprobabilize -disprobative -dispromise -disproof -disproportion -disproportionable -disproportionableness -disproportionably -disproportional -disproportionality -disproportionally -disproportionalness -disproportionate -disproportionately -disproportionateness -disproportionation -disprovable -disproval -disprove -disprovement -disproven -disprover -dispulp -dispunct -dispunishable -dispunitive -disputability -disputable -disputableness -disputably -disputant -disputation -disputatious -disputatiously -disputatiousness -disputative -disputatively -disputativeness -disputator -dispute -disputeless -disputer -disqualification -disqualify -disquantity -disquiet -disquieted -disquietedly -disquietedness -disquieten -disquieter -disquieting -disquietingly -disquietly -disquietness -disquietude -disquiparancy -disquiparant -disquiparation -disquisite -disquisition -disquisitional -disquisitionary -disquisitive -disquisitively -disquisitor -disquisitorial -disquisitory -disquixote -disrank -disrate -disrealize -disrecommendation -disregard -disregardable -disregardance -disregardant -disregarder -disregardful -disregardfully -disregardfulness -disrelated -disrelation -disrelish -disrelishable -disremember -disrepair -disreputability -disreputable -disreputableness -disreputably -disreputation -disrepute -disrespect -disrespecter -disrespectful -disrespectfully -disrespectfulness -disrestore -disring -disrobe -disrobement -disrober -disroof -disroost -disroot -disrudder -disrump -disrupt -disruptability -disruptable -disrupter -disruption -disruptionist -disruptive -disruptively -disruptiveness -disruptment -disruptor -disrupture -diss -dissatisfaction -dissatisfactoriness -dissatisfactory -dissatisfied -dissatisfiedly -dissatisfiedness -dissatisfy -dissaturate -disscepter -disseat -dissect -dissected -dissectible -dissecting -dissection -dissectional -dissective -dissector -disseize -disseizee -disseizin -disseizor -disseizoress -disselboom -dissemblance -dissemble -dissembler -dissemblingly -dissembly -dissemilative -disseminate -dissemination -disseminative -disseminator -disseminule -dissension -dissensualize -dissent -dissentaneous -dissentaneousness -dissenter -dissenterism -dissentience -dissentiency -dissentient -dissenting -dissentingly -dissentious -dissentiously -dissentism -dissentment -dissepiment -dissepimental -dissert -dissertate -dissertation -dissertational -dissertationist -dissertative -dissertator -disserve -disservice -disserviceable -disserviceableness -disserviceably -dissettlement -dissever -disseverance -disseverment -disshadow -dissheathe -disshroud -dissidence -dissident -dissidently -dissight -dissightly -dissiliency -dissilient -dissimilar -dissimilarity -dissimilarly -dissimilars -dissimilate -dissimilation -dissimilatory -dissimile -dissimilitude -dissimulate -dissimulation -dissimulative -dissimulator -dissimule -dissimuler -dissipable -dissipate -dissipated -dissipatedly -dissipatedness -dissipater -dissipation -dissipative -dissipativity -dissipator -dissociability -dissociable -dissociableness -dissocial -dissociality -dissocialize -dissociant -dissociate -dissociation -dissociative -dissoconch -dissogeny -dissogony -dissolubility -dissoluble -dissolubleness -dissolute -dissolutely -dissoluteness -dissolution -dissolutional -dissolutionism -dissolutionist -dissolutive -dissolvable -dissolvableness -dissolve -dissolveability -dissolvent -dissolver -dissolving -dissolvingly -dissonance -dissonancy -dissonant -dissonantly -dissonous -dissoul -dissuade -dissuader -dissuasion -dissuasive -dissuasively -dissuasiveness -dissuasory -dissuit -dissuitable -dissuited -dissyllabic -dissyllabification -dissyllabify -dissyllabism -dissyllabize -dissyllable -dissymmetric -dissymmetrical -dissymmetrically -dissymmetry -dissympathize -dissympathy -distad -distaff -distain -distal -distale -distally -distalwards -distance -distanceless -distancy -distannic -distant -distantly -distantness -distaste -distasted -distasteful -distastefully -distastefulness -distater -distemonous -distemper -distemperature -distempered -distemperedly -distemperedness -distemperer -distenant -distend -distendedly -distender -distensibility -distensible -distensive -distent -distention -disthene -disthrall -disthrone -distich -Distichlis -distichous -distichously -distill -distillable -distillage -distilland -distillate -distillation -distillatory -distilled -distiller -distillery -distilling -distillmint -distinct -distinctify -distinction -distinctional -distinctionless -distinctive -distinctively -distinctiveness -distinctly -distinctness -distingue -distinguish -distinguishability -distinguishable -distinguishableness -distinguishably -distinguished -distinguishedly -distinguisher -distinguishing -distinguishingly -distinguishment -distoclusion -Distoma -Distomatidae -distomatosis -distomatous -distome -distomian -distomiasis -Distomidae -Distomum -distort -distorted -distortedly -distortedness -distorter -distortion -distortional -distortionist -distortionless -distortive -distract -distracted -distractedly -distractedness -distracter -distractibility -distractible -distractingly -distraction -distractive -distractively -distrain -distrainable -distrainee -distrainer -distrainment -distrainor -distraint -distrait -distraite -distraught -distress -distressed -distressedly -distressedness -distressful -distressfully -distressfulness -distressing -distressingly -distributable -distributary -distribute -distributed -distributedly -distributee -distributer -distribution -distributional -distributionist -distributival -distributive -distributively -distributiveness -distributor -distributress -district -distrouser -distrust -distruster -distrustful -distrustfully -distrustfulness -distrustingly -distune -disturb -disturbance -disturbative -disturbed -disturbedly -disturber -disturbing -disturbingly -disturn -disturnpike -disubstituted -disubstitution -disulfonic -disulfuric -disulphate -disulphide -disulphonate -disulphone -disulphonic -disulphoxide -disulphuret -disulphuric -disuniform -disuniformity -disunify -disunion -disunionism -disunionist -disunite -disuniter -disunity -disusage -disusance -disuse -disutility -disutilize -disvaluation -disvalue -disvertebrate -disvisage -disvoice -disvulnerability -diswarren -diswench -diswood -disworth -disyllabic -disyllable -disyoke -dit -dita -dital -ditch -ditchbank -ditchbur -ditchdigger -ditchdown -ditcher -ditchless -ditchside -ditchwater -dite -diter -diterpene -ditertiary -ditetragonal -dithalous -dithecal -ditheism -ditheist -ditheistic -ditheistical -dithematic -dither -dithery -dithiobenzoic -dithioglycol -dithioic -dithion -dithionate -dithionic -dithionite -dithionous -dithymol -dithyramb -dithyrambic -dithyrambically -Dithyrambos -Dithyrambus -ditokous -ditolyl -ditone -ditrematous -ditremid -Ditremidae -ditrichotomous -ditriglyph -ditriglyphic -ditrigonal -ditrigonally -Ditrocha -ditrochean -ditrochee -ditrochous -ditroite -dittamy -dittander -dittany -dittay -dittied -ditto -dittogram -dittograph -dittographic -dittography -dittology -ditty -diumvirate -diuranate -diureide -diuresis -diuretic -diuretically -diureticalness -Diurna -diurnal -diurnally -diurnalness -diurnation -diurne -diurnule -diuturnal -diuturnity -div -diva -divagate -divagation -divalence -divalent -divan -divariant -divaricate -divaricately -divaricating -divaricatingly -divarication -divaricator -divata -dive -divekeeper -divel -divellent -divellicate -diver -diverge -divergement -divergence -divergency -divergent -divergently -diverging -divergingly -divers -diverse -diversely -diverseness -diversicolored -diversifiability -diversifiable -diversification -diversified -diversifier -diversiflorate -diversiflorous -diversifoliate -diversifolious -diversiform -diversify -diversion -diversional -diversionary -diversipedate -diversisporous -diversity -diversly -diversory -divert -divertedly -diverter -divertibility -divertible -diverticle -diverticular -diverticulate -diverticulitis -diverticulosis -diverticulum -diverting -divertingly -divertingness -divertisement -divertive -divertor -divest -divestible -divestitive -divestiture -divestment -divesture -dividable -dividableness -divide -divided -dividedly -dividedness -dividend -divider -dividing -dividingly -dividual -dividualism -dividually -dividuity -dividuous -divinable -divinail -divination -divinator -divinatory -divine -divinely -divineness -diviner -divineress -diving -divinify -divining -diviningly -divinity -divinityship -divinization -divinize -divinyl -divisibility -divisible -divisibleness -divisibly -division -divisional -divisionally -divisionary -divisionism -divisionist -divisionistic -divisive -divisively -divisiveness -divisor -divisorial -divisory -divisural -divorce -divorceable -divorcee -divorcement -divorcer -divorcible -divorcive -divot -divoto -divulgate -divulgater -divulgation -divulgatory -divulge -divulgement -divulgence -divulger -divulse -divulsion -divulsive -divulsor -divus -Divvers -divvy -diwata -dixenite -Dixie -dixie -Dixiecrat -dixit -dixy -dizain -dizen -dizenment -dizoic -dizygotic -dizzard -dizzily -dizziness -dizzy -Djagatay -djasakid -djave -djehad -djerib -djersa -Djuka -do -doab -doable -doarium -doat -doated -doater -doating -doatish -Dob -dob -dobbed -dobber -dobbin -dobbing -dobby -dobe -dobla -doblon -dobra -dobrao -dobson -doby -doc -docent -docentship -Docetae -Docetic -Docetically -Docetism -Docetist -Docetistic -Docetize -dochmiac -dochmiacal -dochmiasis -dochmius -docibility -docible -docibleness -docile -docilely -docility -docimasia -docimastic -docimastical -docimasy -docimology -docity -dock -dockage -docken -docker -docket -dockhead -dockhouse -dockization -dockize -dockland -dockmackie -dockman -dockmaster -dockside -dockyard -dockyardman -docmac -Docoglossa -docoglossan -docoglossate -docosane -doctor -doctoral -doctorally -doctorate -doctorbird -doctordom -doctoress -doctorfish -doctorhood -doctorial -doctorially -doctorization -doctorize -doctorless -doctorlike -doctorly -doctorship -doctress -doctrinaire -doctrinairism -doctrinal -doctrinalism -doctrinalist -doctrinality -doctrinally -doctrinarian -doctrinarianism -doctrinarily -doctrinarity -doctrinary -doctrinate -doctrine -doctrinism -doctrinist -doctrinization -doctrinize -doctrix -document -documental -documentalist -documentarily -documentary -documentation -documentize -dod -dodd -doddart -dodded -dodder -doddered -dodderer -doddering -doddery -doddie -dodding -doddle -doddy -doddypoll -Dode -dodecade -dodecadrachm -dodecafid -dodecagon -dodecagonal -dodecahedral -dodecahedric -dodecahedron -dodecahydrate -dodecahydrated -dodecamerous -dodecane -Dodecanesian -dodecanoic -dodecant -dodecapartite -dodecapetalous -dodecarch -dodecarchy -dodecasemic -dodecastyle -dodecastylos -dodecasyllabic -dodecasyllable -dodecatemory -Dodecatheon -dodecatoic -dodecatyl -dodecatylic -dodecuplet -dodecyl -dodecylene -dodecylic -dodge -dodgeful -dodger -dodgery -dodgily -dodginess -dodgy -dodkin -dodlet -dodman -dodo -dodoism -Dodona -Dodonaea -Dodonaeaceae -Dodonaean -Dodonean -Dodonian -dodrans -doe -doebird -Doedicurus -Doeg -doeglic -doegling -doer -does -doeskin -doesnt -doest -doff -doffer -doftberry -dog -dogal -dogate -dogbane -Dogberry -dogberry -Dogberrydom -Dogberryism -dogbite -dogblow -dogboat -dogbolt -dogbush -dogcart -dogcatcher -dogdom -doge -dogedom -dogeless -dogeship -dogface -dogfall -dogfight -dogfish -dogfoot -dogged -doggedly -doggedness -dogger -doggerel -doggereler -doggerelism -doggerelist -doggerelize -doggerelizer -doggery -doggess -doggish -doggishly -doggishness -doggo -doggone -doggoned -doggrel -doggrelize -doggy -doghead -doghearted -doghole -doghood -doghouse -dogie -dogless -doglike -dogly -dogma -dogman -dogmata -dogmatic -dogmatical -dogmatically -dogmaticalness -dogmatician -dogmatics -dogmatism -dogmatist -dogmatization -dogmatize -dogmatizer -dogmouth -dogplate -dogproof -Dogra -Dogrib -dogs -dogship -dogshore -dogskin -dogsleep -dogstone -dogtail -dogtie -dogtooth -dogtoothing -dogtrick -dogtrot -dogvane -dogwatch -dogwood -dogy -doigt -doiled -doily -doina -doing -doings -doit -doited -doitkin -doitrified -doke -Doketic -Doketism -dokhma -dokimastic -Dokmarok -Doko -Dol -dola -dolabra -dolabrate -dolabriform -dolcan -dolcian -dolciano -dolcino -doldrum -doldrums -dole -dolefish -doleful -dolefully -dolefulness -dolefuls -dolent -dolently -dolerite -doleritic -dolerophanite -dolesman -dolesome -dolesomely -dolesomeness -doless -doli -dolia -dolichoblond -dolichocephal -dolichocephali -dolichocephalic -dolichocephalism -dolichocephalize -dolichocephalous -dolichocephaly -dolichocercic -dolichocnemic -dolichocranial -dolichofacial -Dolichoglossus -dolichohieric -Dolicholus -dolichopellic -dolichopodous -dolichoprosopic -Dolichopsyllidae -Dolichos -dolichos -dolichosaur -Dolichosauri -Dolichosauria -Dolichosaurus -Dolichosoma -dolichostylous -dolichotmema -dolichuric -dolichurus -Doliidae -dolina -doline -dolioform -Doliolidae -Doliolum -dolium -doll -dollar -dollarbird -dollardee -dollardom -dollarfish -dollarleaf -dollbeer -dolldom -dollface -dollfish -dollhood -dollhouse -dollier -dolliness -dollish -dollishly -dollishness -dollmaker -dollmaking -dollop -dollship -dolly -dollyman -dollyway -dolman -dolmen -dolmenic -Dolomedes -dolomite -dolomitic -dolomitization -dolomitize -dolomization -dolomize -dolor -Dolores -doloriferous -dolorific -dolorifuge -dolorous -dolorously -dolorousness -dolose -dolous -Dolph -dolphin -dolphinlike -Dolphus -dolt -dolthead -doltish -doltishly -doltishness -dom -domain -domainal -domal -domanial -domatium -domatophobia -domba -Dombeya -Domdaniel -dome -domelike -doment -domer -domesday -domestic -domesticable -domesticality -domestically -domesticate -domestication -domesticative -domesticator -domesticity -domesticize -domett -domeykite -domic -domical -domically -Domicella -domicile -domicilement -domiciliar -domiciliary -domiciliate -domiciliation -dominance -dominancy -dominant -dominantly -dominate -dominated -dominatingly -domination -dominative -dominator -domine -domineer -domineerer -domineering -domineeringly -domineeringness -dominial -Dominic -dominical -dominicale -Dominican -Dominick -dominie -dominion -dominionism -dominionist -Dominique -dominium -domino -dominus -domitable -domite -Domitian -domitic -domn -domnei -domoid -dompt -domy -Don -don -donable -Donacidae -donaciform -Donal -Donald -Donar -donary -donatary -donate -donated -donatee -Donatiaceae -donation -Donatism -Donatist -Donatistic -Donatistical -donative -donatively -donator -donatory -donatress -donax -doncella -Dondia -done -donee -Donet -doney -dong -donga -Dongola -Dongolese -dongon -Donia -donjon -donkey -donkeyback -donkeyish -donkeyism -donkeyman -donkeywork -Donmeh -Donn -Donna -donna -Donne -donnered -donnert -Donnie -donnish -donnishness -donnism -donnot -donor -donorship -donought -Donovan -donship -donsie -dont -donum -doob -doocot -doodab -doodad -Doodia -doodle -doodlebug -doodler -doodlesack -doohickey -doohickus -doohinkey -doohinkus -dooja -dook -dooket -dookit -dool -doolee -dooley -dooli -doolie -dooly -doom -doomage -doombook -doomer -doomful -dooms -doomsday -doomsman -doomstead -doon -door -doorba -doorbell -doorboy -doorbrand -doorcase -doorcheek -doored -doorframe -doorhead -doorjamb -doorkeeper -doorknob -doorless -doorlike -doormaid -doormaker -doormaking -doorman -doornail -doorplate -doorpost -doorsill -doorstead -doorstep -doorstone -doorstop -doorward -doorway -doorweed -doorwise -dooryard -dop -dopa -dopamelanin -dopaoxidase -dopatta -dope -dopebook -doper -dopester -dopey -doppelkummel -Dopper -dopper -doppia -Doppler -dopplerite -Dor -dor -Dora -dorab -dorad -Doradidae -dorado -doraphobia -Dorask -Doraskean -dorbeetle -Dorcas -dorcastry -Dorcatherium -Dorcopsis -doree -dorestane -dorhawk -Dori -doria -Dorian -Doric -Dorical -Doricism -Doricize -Dorididae -Dorine -Doris -Dorism -Dorize -dorje -Dorking -dorlach -dorlot -dorm -dormancy -dormant -dormer -dormered -dormie -dormient -dormilona -dormition -dormitive -dormitory -dormouse -dormy -dorn -dorneck -dornic -dornick -dornock -Dorobo -Doronicum -Dorosoma -Dorothea -Dorothy -dorp -dorsabdominal -dorsabdominally -dorsad -dorsal -dorsale -dorsalgia -dorsalis -dorsally -dorsalmost -dorsalward -dorsalwards -dorsel -dorser -dorsibranch -Dorsibranchiata -dorsibranchiate -dorsicollar -dorsicolumn -dorsicommissure -dorsicornu -dorsiduct -dorsiferous -dorsifixed -dorsiflex -dorsiflexion -dorsiflexor -dorsigrade -dorsilateral -dorsilumbar -dorsimedian -dorsimesal -dorsimeson -dorsiparous -dorsispinal -dorsiventral -dorsiventrality -dorsiventrally -dorsoabdominal -dorsoanterior -dorsoapical -Dorsobranchiata -dorsocaudad -dorsocaudal -dorsocentral -dorsocephalad -dorsocephalic -dorsocervical -dorsocervically -dorsodynia -dorsoepitrochlear -dorsointercostal -dorsointestinal -dorsolateral -dorsolumbar -dorsomedial -dorsomedian -dorsomesal -dorsonasal -dorsonuchal -dorsopleural -dorsoposteriad -dorsoposterior -dorsoradial -dorsosacral -dorsoscapular -dorsosternal -dorsothoracic -dorsoventrad -dorsoventral -dorsoventrally -Dorstenia -dorsulum -dorsum -dorsumbonal -dorter -dortiness -dortiship -dorts -dorty -doruck -Dory -dory -Doryanthes -Dorylinae -doryphorus -dos -dosa -dosadh -dosage -dose -doser -dosimeter -dosimetric -dosimetrician -dosimetrist -dosimetry -Dosinia -dosiology -dosis -Dositheans -dosology -doss -dossal -dossel -dosser -dosseret -dossier -dossil -dossman -Dot -dot -dotage -dotal -dotard -dotardism -dotardly -dotardy -dotate -dotation -dotchin -dote -doted -doter -Dothideacea -dothideaceous -Dothideales -Dothidella -dothienenteritis -Dothiorella -dotiness -doting -dotingly -dotingness -dotish -dotishness -dotkin -dotless -dotlike -Doto -Dotonidae -dotriacontane -dotted -dotter -dotterel -dottily -dottiness -dotting -dottle -dottler -Dottore -Dotty -dotty -doty -douar -double -doubled -doubledamn -doubleganger -doublegear -doublehanded -doublehandedly -doublehandedness -doublehatching -doublehearted -doubleheartedness -doublehorned -doubleleaf -doublelunged -doubleness -doubler -doublet -doubleted -doubleton -doubletone -doubletree -doublets -doubling -doubloon -doubly -doubt -doubtable -doubtably -doubtedly -doubter -doubtful -doubtfully -doubtfulness -doubting -doubtingly -doubtingness -doubtless -doubtlessly -doubtlessness -doubtmonger -doubtous -doubtsome -douc -douce -doucely -douceness -doucet -douche -doucin -doucine -doudle -Doug -dough -doughbird -doughboy -doughface -doughfaceism -doughfoot -doughhead -doughiness -doughlike -doughmaker -doughmaking -doughman -doughnut -dought -doughtily -doughtiness -doughty -doughy -Douglas -doulocracy -doum -doundake -doup -douping -dour -dourine -dourly -dourness -douse -douser -dout -douter -doutous -douzepers -douzieme -dove -dovecot -doveflower -dovefoot -dovehouse -dovekey -dovekie -dovelet -dovelike -doveling -dover -dovetail -dovetailed -dovetailer -dovetailwise -doveweed -dovewood -dovish -Dovyalis -dow -dowable -dowager -dowagerism -dowcet -dowd -dowdily -dowdiness -dowdy -dowdyish -dowdyism -dowed -dowel -dower -doweral -doweress -dowerless -dowery -dowf -dowie -Dowieism -Dowieite -dowily -dowiness -dowitch -dowitcher -dowl -dowlas -dowless -down -downbear -downbeard -downbeat -downby -downcast -downcastly -downcastness -downcome -downcomer -downcoming -downcry -downcurved -downcut -downdale -downdraft -downer -downface -downfall -downfallen -downfalling -downfeed -downflow -downfold -downfolded -downgate -downgone -downgrade -downgrowth -downhanging -downhaul -downheaded -downhearted -downheartedly -downheartedness -downhill -downily -downiness -Downing -Downingia -downland -downless -downlie -downlier -downligging -downlike -downline -downlooked -downlooker -downlying -downmost -downness -downpour -downpouring -downright -downrightly -downrightness -downrush -downrushing -downset -downshare -downshore -downside -downsinking -downsitting -downsliding -downslip -downslope -downsman -downspout -downstage -downstairs -downstate -downstater -downstream -downstreet -downstroke -downswing -downtake -downthrow -downthrown -downthrust -Downton -downtown -downtrampling -downtreading -downtrend -downtrodden -downtroddenness -downturn -downward -downwardly -downwardness -downway -downweed -downweigh -downweight -downweighted -downwind -downwith -downy -dowp -dowry -dowsabel -dowse -dowser -dowset -doxa -Doxantha -doxastic -doxasticon -doxographer -doxographical -doxography -doxological -doxologically -doxologize -doxology -doxy -Doyle -doze -dozed -dozen -dozener -dozenth -dozer -dozily -doziness -dozy -dozzled -drab -Draba -drabbet -drabbish -drabble -drabbler -drabbletail -drabbletailed -drabby -drably -drabness -Dracaena -Dracaenaceae -drachm -drachma -drachmae -drachmai -drachmal -dracma -Draco -Dracocephalum -Draconian -Draconianism -Draconic -draconic -Draconically -Draconid -Draconis -Draconism -draconites -draconitic -dracontian -dracontiasis -dracontic -dracontine -dracontites -Dracontium -dracunculus -draegerman -draff -draffman -draffy -draft -draftage -draftee -drafter -draftily -draftiness -drafting -draftman -draftmanship -draftproof -draftsman -draftsmanship -draftswoman -draftswomanship -draftwoman -drafty -drag -dragade -dragbar -dragbolt -dragged -dragger -draggily -dragginess -dragging -draggingly -draggle -draggletail -draggletailed -draggletailedly -draggletailedness -draggly -draggy -draghound -dragline -dragman -dragnet -drago -dragoman -dragomanate -dragomanic -dragomanish -dragon -dragonesque -dragoness -dragonet -dragonfish -dragonfly -dragonhead -dragonhood -dragonish -dragonism -dragonize -dragonkind -dragonlike -dragonnade -dragonroot -dragontail -dragonwort -dragoon -dragoonable -dragoonade -dragoonage -dragooner -dragrope -dragsaw -dragsawing -dragsman -dragstaff -drail -drain -drainable -drainage -drainboard -draine -drained -drainer -drainerman -drainless -drainman -drainpipe -draintile -draisine -drake -drakestone -drakonite -dram -drama -dramalogue -Dramamine -dramatic -dramatical -dramatically -dramaticism -dramatics -dramaticule -dramatism -dramatist -dramatizable -dramatization -dramatize -dramatizer -dramaturge -dramaturgic -dramaturgical -dramaturgist -dramaturgy -dramm -drammage -dramme -drammed -drammer -dramming -drammock -dramseller -dramshop -drang -drank -drant -drapable -Draparnaldia -drape -drapeable -draper -draperess -draperied -drapery -drapetomania -drapping -drassid -Drassidae -drastic -drastically -drat -dratchell -drate -dratted -dratting -draught -draughtboard -draughthouse -draughtman -draughtmanship -draughts -draughtsman -draughtsmanship -draughtswoman -draughtswomanship -Dravida -Dravidian -Dravidic -dravya -draw -drawable -drawarm -drawback -drawbar -drawbeam -drawbench -drawboard -drawbolt -drawbore -drawboy -drawbridge -Drawcansir -drawcut -drawdown -drawee -drawer -drawers -drawfile -drawfiling -drawgate -drawgear -drawglove -drawhead -drawhorse -drawing -drawk -drawknife -drawknot -drawl -drawlatch -drawler -drawling -drawlingly -drawlingness -drawlink -drawloom -drawly -drawn -drawnet -drawoff -drawout -drawplate -drawpoint -drawrod -drawshave -drawsheet -drawspan -drawspring -drawstop -drawstring -drawtongs -drawtube -dray -drayage -drayman -drazel -dread -dreadable -dreader -dreadful -dreadfully -dreadfulness -dreadingly -dreadless -dreadlessly -dreadlessness -dreadly -dreadness -dreadnought -dream -dreamage -dreamer -dreamery -dreamful -dreamfully -dreamfulness -dreamhole -dreamily -dreaminess -dreamingly -dreamish -dreamland -dreamless -dreamlessly -dreamlessness -dreamlet -dreamlike -dreamlit -dreamlore -dreamsily -dreamsiness -dreamsy -dreamt -dreamtide -dreamwhile -dreamwise -dreamworld -dreamy -drear -drearfully -drearily -dreariment -dreariness -drearisome -drearly -drearness -dreary -dredge -dredgeful -dredger -dredging -dree -dreep -dreepiness -dreepy -dreg -dreggily -dregginess -dreggish -dreggy -dregless -dregs -dreiling -Dreissensia -dreissiger -drench -drencher -drenching -drenchingly -dreng -drengage -Drepanaspis -Drepanidae -Drepanididae -drepaniform -Drepanis -drepanium -drepanoid -Dreparnaudia -dress -dressage -dressed -dresser -dressership -dressily -dressiness -dressing -dressline -dressmaker -dressmakership -dressmakery -dressmaking -dressy -drest -Drew -drew -drewite -Dreyfusism -Dreyfusist -drias -drib -dribble -dribblement -dribbler -driblet -driddle -dried -drier -drierman -driest -drift -driftage -driftbolt -drifter -drifting -driftingly -driftland -driftless -driftlessness -driftlet -driftman -driftpiece -driftpin -driftway -driftweed -driftwind -driftwood -drifty -drightin -drill -driller -drillet -drilling -drillman -drillmaster -drillstock -Drimys -dringle -drink -drinkability -drinkable -drinkableness -drinkably -drinker -drinking -drinkless -drinkproof -drinn -drip -dripper -dripping -dripple -dripproof -drippy -dripstick -dripstone -drisheen -drisk -drivable -drivage -drive -driveaway -driveboat -drivebolt -drivehead -drivel -driveler -drivelingly -driven -drivepipe -driver -driverless -drivership -drivescrew -driveway -drivewell -driving -drivingly -drizzle -drizzly -drochuil -droddum -drofland -drogh -drogher -drogherman -drogue -droit -droitsman -droitural -droiturel -Drokpa -droll -drollery -drollingly -drollish -drollishness -drollist -drollness -drolly -Dromaeognathae -dromaeognathism -dromaeognathous -Dromaeus -drome -dromedarian -dromedarist -dromedary -drometer -Dromiacea -dromic -Dromiceiidae -Dromiceius -Dromicia -dromograph -dromomania -dromometer -dromond -Dromornis -dromos -dromotropic -drona -dronage -drone -dronepipe -droner -drongo -droningly -dronish -dronishly -dronishness -dronkgrass -drony -drool -droop -drooper -drooping -droopingly -droopingness -droopt -droopy -drop -dropberry -dropcloth -dropflower -drophead -droplet -droplight -droplike -dropling -dropman -dropout -dropper -dropping -droppingly -droppy -dropseed -dropsical -dropsically -dropsicalness -dropsied -dropsy -dropsywort -dropt -dropwise -dropworm -dropwort -Droschken -Drosera -Droseraceae -droseraceous -droshky -drosky -drosograph -drosometer -Drosophila -Drosophilidae -Drosophyllum -dross -drossel -drosser -drossiness -drossless -drossy -drostdy -droud -drought -droughtiness -droughty -drouk -drove -drover -drovy -drow -drown -drowner -drowningly -drowse -drowsily -drowsiness -drowsy -drub -drubber -drubbing -drubbly -drucken -drudge -drudger -drudgery -drudgingly -drudgism -druery -drug -drugeteria -drugger -druggery -drugget -druggeting -druggist -druggister -druggy -drugless -drugman -drugshop -drugstore -druid -druidess -druidic -druidical -druidism -druidry -druith -Drukpa -drum -drumbeat -drumble -drumbledore -drumbler -drumfire -drumfish -drumhead -drumheads -drumlike -drumlin -drumline -drumlinoid -drumloid -drumloidal -drumly -drummer -drumming -drummy -drumskin -drumstick -drumwood -drung -drungar -drunk -drunkard -drunken -drunkenly -drunkenness -drunkensome -drunkenwise -drunkery -Drupa -Drupaceae -drupaceous -drupal -drupe -drupel -drupelet -drupeole -drupetum -drupiferous -Druse -druse -Drusean -Drusedom -drusy -druxiness -druxy -dry -dryad -dryadetum -dryadic -dryas -dryasdust -drybeard -drybrained -drycoal -Drydenian -Drydenism -dryfoot -drygoodsman -dryhouse -drying -dryish -dryly -Drynaria -dryness -Dryobalanops -Dryope -Dryopes -Dryophyllum -Dryopians -dryopithecid -Dryopithecinae -dryopithecine -Dryopithecus -Dryops -Dryopteris -dryopteroid -drysalter -drysaltery -dryster -dryth -dryworker -Dschubba -duad -duadic -dual -Duala -duali -dualin -dualism -dualist -dualistic -dualistically -duality -dualization -dualize -dually -Dualmutef -dualogue -Duane -duarch -duarchy -dub -dubash -dubb -dubba -dubbah -dubbeltje -dubber -dubbing -dubby -Dubhe -Dubhgall -dubiety -dubiocrystalline -dubiosity -dubious -dubiously -dubiousness -dubitable -dubitably -dubitancy -dubitant -dubitate -dubitatingly -dubitation -dubitative -dubitatively -Duboisia -duboisin -duboisine -Dubonnet -dubs -ducal -ducally -ducamara -ducape -ducat -ducato -ducatoon -ducdame -duces -Duchesnea -Duchess -duchess -duchesse -duchesslike -duchy -duck -duckbill -duckblind -duckboard -duckboat -ducker -duckery -duckfoot -duckhearted -duckhood -duckhouse -duckhunting -duckie -ducking -duckling -ducklingship -duckmeat -duckpin -duckpond -duckstone -duckweed -duckwife -duckwing -Duco -duct -ducted -ductibility -ductible -ductile -ductilely -ductileness -ductilimeter -ductility -ductilize -duction -ductless -ductor -ductule -Ducula -Duculinae -dud -dudaim -dudder -duddery -duddies -dude -dudeen -dudgeon -dudine -dudish -dudishness -dudism -dudler -dudley -Dudleya -dudleyite -dudman -due -duel -dueler -dueling -duelist -duelistic -duello -dueness -duenna -duennadom -duennaship -duer -Duessa -duet -duettist -duff -duffadar -duffel -duffer -dufferdom -duffing -dufoil -dufrenite -dufrenoysite -dufter -dufterdar -duftery -dug -dugal -dugdug -duggler -dugong -Dugongidae -dugout -dugway -duhat -Duhr -duiker -duikerbok -duim -Duit -duit -dujan -Duke -duke -dukedom -dukeling -dukely -dukery -dukeship -dukhn -dukker -dukkeripen -Dulanganes -Dulat -dulbert -dulcet -dulcetly -dulcetness -dulcian -dulciana -dulcification -dulcifluous -dulcify -dulcigenic -dulcimer -Dulcin -Dulcinea -Dulcinist -dulcitol -dulcitude -dulcose -duledge -duler -dulia -dull -dullard -dullardism -dullardness -dullbrained -duller -dullery -dullhead -dullhearted -dullification -dullify -dullish -dullity -dullness -dullpate -dullsome -dully -dulosis -dulotic -dulse -dulseman -dult -dultie -dulwilly -duly -dum -duma -dumaist -dumb -dumba -dumbbell -dumbbeller -dumbcow -dumbfounder -dumbfounderment -dumbhead -dumbledore -dumbly -dumbness -dumdum -dumetose -dumfound -dumfounder -dumfounderment -dummel -dummered -dumminess -dummy -dummyism -dummyweed -Dumontia -Dumontiaceae -dumontite -dumortierite -dumose -dumosity -dump -dumpage -dumpcart -dumper -dumpily -dumpiness -dumping -dumpish -dumpishly -dumpishness -dumple -dumpling -dumpoke -dumpy -dumsola -dun -dunair -dunal -dunbird -Duncan -dunce -duncedom -duncehood -duncery -dunch -Dunciad -duncical -duncify -duncish -duncishly -duncishness -dundasite -dunder -dunderhead -dunderheaded -dunderheadedness -dunderpate -dune -dunelike -dunfish -dung -Dungan -dungannonite -dungaree -dungbeck -dungbird -dungbred -dungeon -dungeoner -dungeonlike -dunger -dunghill -dunghilly -dungol -dungon -dungy -dungyard -dunite -dunk -dunkadoo -Dunkard -Dunker -dunker -Dunkirk -Dunkirker -Dunlap -dunlin -Dunlop -dunnage -dunne -dunner -dunness -dunnish -dunnite -dunnock -dunny -dunpickle -Duns -dunst -dunstable -dunt -duntle -duny -dunziekte -duo -duocosane -duodecahedral -duodecahedron -duodecane -duodecennial -duodecillion -duodecimal -duodecimality -duodecimally -duodecimfid -duodecimo -duodecimole -duodecuple -duodena -duodenal -duodenary -duodenate -duodenation -duodene -duodenectomy -duodenitis -duodenocholangitis -duodenocholecystostomy -duodenocholedochotomy -duodenocystostomy -duodenoenterostomy -duodenogram -duodenojejunal -duodenojejunostomy -duodenopancreatectomy -duodenoscopy -duodenostomy -duodenotomy -duodenum -duodrama -duograph -duogravure -duole -duoliteral -duologue -duomachy -duopod -duopolistic -duopoly -duopsonistic -duopsony -duosecant -duotone -duotriacontane -duotype -dup -dupability -dupable -dupe -dupedom -duper -dupery -dupion -dupla -duplation -duple -duplet -duplex -duplexity -duplicability -duplicable -duplicand -duplicate -duplication -duplicative -duplicator -duplicature -duplicia -duplicident -Duplicidentata -duplicidentate -duplicipennate -duplicitas -duplicity -duplification -duplify -duplone -dupondius -duppy -dura -durability -durable -durableness -durably -durain -dural -Duralumin -duramatral -duramen -durance -Durandarte -durangite -Durango -Durani -durant -Duranta -duraplasty -duraquara -duraspinalis -duration -durational -durationless -durative -durax -durbachite -Durban -durbar -durdenite -dure -durene -durenol -duress -duressor -durgan -Durham -durian -duridine -Durindana -during -duringly -Durio -durity -durmast -durn -duro -Duroc -durometer -duroquinone -durra -durrie -durrin -durry -durst -durukuli -durwaun -duryl -Duryodhana -Durzada -dusack -duscle -dush -dusio -dusk -dusken -duskily -duskiness -duskingtide -duskish -duskishly -duskishness -duskly -duskness -dusky -dust -dustbin -dustbox -dustcloth -dustee -duster -dusterman -dustfall -dustily -Dustin -dustiness -dusting -dustless -dustlessness -dustman -dustpan -dustproof -dustuck -dustwoman -dusty -dustyfoot -Dusun -Dutch -dutch -Dutcher -Dutchify -Dutchman -Dutchy -duteous -duteously -duteousness -dutiability -dutiable -dutied -dutiful -dutifully -dutifulness -dutra -duty -dutymonger -duumvir -duumviral -duumvirate -duvet -duvetyn -dux -duyker -dvaita -dvandva -dwale -dwalm -Dwamish -dwang -dwarf -dwarfish -dwarfishly -dwarfishness -dwarfism -dwarfling -dwarfness -dwarfy -dwayberry -Dwayne -dwell -dwelled -dweller -dwelling -dwelt -Dwight -dwindle -dwindlement -dwine -Dwyka -dyad -dyadic -Dyak -dyakisdodecahedron -Dyakish -dyarchic -dyarchical -dyarchy -Dyas -Dyassic -dyaster -Dyaus -dyce -dye -dyeable -dyehouse -dyeing -dyeleaves -dyemaker -dyemaking -dyer -dyester -dyestuff -dyeware -dyeweed -dyewood -dygogram -dying -dyingly -dyingness -dyke -dykehopper -dyker -dykereeve -Dylan -dynagraph -dynameter -dynametric -dynametrical -dynamic -dynamical -dynamically -dynamics -dynamis -dynamism -dynamist -dynamistic -dynamitard -dynamite -dynamiter -dynamitic -dynamitical -dynamitically -dynamiting -dynamitish -dynamitism -dynamitist -dynamization -dynamize -dynamo -dynamoelectric -dynamoelectrical -dynamogenesis -dynamogenic -dynamogenous -dynamogenously -dynamogeny -dynamometamorphic -dynamometamorphism -dynamometamorphosed -dynamometer -dynamometric -dynamometrical -dynamometry -dynamomorphic -dynamoneure -dynamophone -dynamostatic -dynamotor -dynast -Dynastes -dynastical -dynastically -dynasticism -dynastid -dynastidan -Dynastides -Dynastinae -dynasty -dynatron -dyne -dyophone -Dyophysite -Dyophysitic -Dyophysitical -Dyophysitism -dyotheism -Dyothelete -Dyotheletian -Dyotheletic -Dyotheletical -Dyotheletism -Dyothelism -dyphone -dysacousia -dysacousis -dysanalyte -dysaphia -dysarthria -dysarthric -dysarthrosis -dysbulia -dysbulic -dyschiria -dyschroa -dyschroia -dyschromatopsia -dyschromatoptic -dyschronous -dyscrasia -dyscrasial -dyscrasic -dyscrasite -dyscratic -dyscrystalline -dysenteric -dysenterical -dysentery -dysepulotic -dysepulotical -dyserethisia -dysergasia -dysergia -dysesthesia -dysesthetic -dysfunction -dysgenesic -dysgenesis -dysgenetic -dysgenic -dysgenical -dysgenics -dysgeogenous -dysgnosia -dysgraphia -dysidrosis -dyskeratosis -dyskinesia -dyskinetic -dyslalia -dyslexia -dyslogia -dyslogistic -dyslogistically -dyslogy -dysluite -dyslysin -dysmenorrhea -dysmenorrheal -dysmerism -dysmeristic -dysmerogenesis -dysmerogenetic -dysmeromorph -dysmeromorphic -dysmetria -dysmnesia -dysmorphism -dysmorphophobia -dysneuria -dysnomy -dysodile -dysodontiasis -dysorexia -dysorexy -dysoxidation -dysoxidizable -dysoxidize -dyspathetic -dyspathy -dyspepsia -dyspepsy -dyspeptic -dyspeptical -dyspeptically -dysphagia -dysphagic -dysphasia -dysphasic -dysphemia -dysphonia -dysphonic -dysphoria -dysphoric -dysphotic -dysphrasia -dysphrenia -dyspituitarism -dysplasia -dysplastic -dyspnea -dyspneal -dyspneic -dyspnoic -dysprosia -dysprosium -dysraphia -dyssnite -Dyssodia -dysspermatism -dyssynergia -dyssystole -dystaxia -dystectic -dysteleological -dysteleologist -dysteleology -dysthyroidism -dystocia -dystocial -dystome -dystomic -dystomous -dystrophia -dystrophic -dystrophy -dysuria -dysuric -dysyntribite -dytiscid -Dytiscidae -Dytiscus -dzeren -Dzungar -E -e -ea -each -eachwhere -eager -eagerly -eagerness -eagle -eaglelike -eagless -eaglestone -eaglet -eaglewood -eagre -ean -ear -earache -earbob -earcap -earcockle -eardrop -eardropper -eardrum -eared -earflower -earful -earhole -earing -earjewel -Earl -earl -earlap -earldom -Earle -earless -earlet -earlike -earliness -earlish -earlock -earlship -early -earmark -earn -earner -earnest -earnestly -earnestness -earnful -Earnie -earning -earnings -earphone -earpick -earpiece -earplug -earreach -earring -earringed -earscrew -earshot -earsore -earsplitting -eartab -earth -earthboard -earthborn -earthbred -earthdrake -earthed -earthen -earthenhearted -earthenware -earthfall -earthfast -earthgall -earthgrubber -earthian -earthiness -earthkin -earthless -earthlight -earthlike -earthliness -earthling -earthly -earthmaker -earthmaking -earthnut -earthpea -earthquake -earthquaked -earthquaken -earthquaking -Earthshaker -earthshine -earthshock -earthslide -earthsmoke -earthstar -earthtongue -earthwall -earthward -earthwards -earthwork -earthworm -earthy -earwax -earwig -earwigginess -earwiggy -earwitness -earworm -earwort -ease -easeful -easefully -easefulness -easel -easeless -easement -easer -easier -easiest -easily -easiness -easing -east -eastabout -eastbound -Easter -easter -easterling -easterly -Eastern -eastern -easterner -Easternism -Easternly -easternmost -Eastertide -easting -Eastlake -eastland -eastmost -Eastre -eastward -eastwardly -easy -easygoing -easygoingness -eat -eatability -eatable -eatableness -eatage -Eatanswill -eatberry -eaten -eater -eatery -eating -eats -eave -eaved -eavedrop -eaver -eaves -eavesdrop -eavesdropper -eavesdropping -ebb -ebbman -Eben -Ebenaceae -ebenaceous -Ebenales -ebeneous -Ebenezer -Eberthella -Ebionism -Ebionite -Ebionitic -Ebionitism -Ebionize -Eboe -eboe -ebon -ebonist -ebonite -ebonize -ebony -ebracteate -ebracteolate -ebriate -ebriety -ebriosity -ebrious -ebriously -ebullate -ebullience -ebulliency -ebullient -ebulliently -ebulliometer -ebullioscope -ebullioscopic -ebullioscopy -ebullition -ebullitive -ebulus -eburated -eburine -Eburna -eburnated -eburnation -eburnean -eburneoid -eburneous -eburnian -eburnification -ecad -ecalcarate -ecanda -ecardinal -Ecardines -ecarinate -ecarte -Ecaudata -ecaudate -Ecballium -ecbatic -ecblastesis -ecbole -ecbolic -Ecca -eccaleobion -eccentrate -eccentric -eccentrical -eccentrically -eccentricity -eccentring -eccentrometer -ecchondroma -ecchondrosis -ecchondrotome -ecchymoma -ecchymose -ecchymosis -ecclesia -ecclesial -ecclesiarch -ecclesiarchy -ecclesiast -Ecclesiastes -ecclesiastic -ecclesiastical -ecclesiastically -ecclesiasticism -ecclesiasticize -ecclesiastics -Ecclesiasticus -ecclesiastry -ecclesioclastic -ecclesiography -ecclesiolater -ecclesiolatry -ecclesiologic -ecclesiological -ecclesiologically -ecclesiologist -ecclesiology -ecclesiophobia -eccoprotic -eccoproticophoric -eccrinology -eccrisis -eccritic -eccyclema -eccyesis -ecdemic -ecdemite -ecderon -ecderonic -ecdysiast -ecdysis -ecesic -ecesis -ecgonine -eche -echea -echelette -echelon -echelonment -Echeloot -Echeneidae -echeneidid -Echeneididae -echeneidoid -Echeneis -Echeveria -echidna -Echidnidae -Echimys -Echinacea -echinal -echinate -echinid -Echinidea -echinital -echinite -Echinocactus -Echinocaris -Echinocereus -Echinochloa -echinochrome -echinococcus -Echinoderes -Echinoderidae -echinoderm -Echinoderma -echinodermal -Echinodermata -echinodermatous -echinodermic -Echinodorus -echinoid -Echinoidea -echinologist -echinology -Echinomys -Echinopanax -Echinops -echinopsine -Echinorhinidae -Echinorhinus -Echinorhynchus -Echinospermum -Echinosphaerites -Echinosphaeritidae -Echinostoma -Echinostomatidae -echinostome -echinostomiasis -Echinozoa -echinulate -echinulated -echinulation -echinuliform -echinus -Echis -echitamine -Echites -Echium -echiurid -Echiurida -echiuroid -Echiuroidea -Echiurus -echo -echoer -echoic -echoingly -echoism -echoist -echoize -echolalia -echolalic -echoless -echometer -echopractic -echopraxia -echowise -Echuca -eciliate -Eciton -ecize -Eckehart -ecklein -eclair -eclampsia -eclamptic -eclat -eclectic -eclectical -eclectically -eclecticism -eclecticize -Eclectics -eclectism -eclectist -eclegm -eclegma -eclipsable -eclipsareon -eclipsation -eclipse -eclipser -eclipsis -ecliptic -ecliptical -ecliptically -eclogite -eclogue -eclosion -ecmnesia -ecoid -ecole -ecologic -ecological -ecologically -ecologist -ecology -econometer -econometric -econometrician -econometrics -economic -economical -economically -economics -economism -economist -Economite -economization -economize -economizer -economy -ecophene -ecophobia -ecorticate -ecospecies -ecospecific -ecospecifically -ecostate -ecosystem -ecotonal -ecotone -ecotype -ecotypic -ecotypically -ecphonesis -ecphorable -ecphore -ecphoria -ecphorization -ecphorize -ecphrasis -ecrasite -ecru -ecrustaceous -ecstasis -ecstasize -ecstasy -ecstatic -ecstatica -ecstatical -ecstatically -ecstaticize -ecstrophy -ectad -ectadenia -ectal -ectally -ectasia -ectasis -ectatic -ectene -ectental -ectepicondylar -ectethmoid -ectethmoidal -Ecthesis -ecthetically -ecthlipsis -ecthyma -ectiris -ectobatic -ectoblast -ectoblastic -ectobronchium -ectocardia -Ectocarpaceae -ectocarpaceous -Ectocarpales -ectocarpic -ectocarpous -Ectocarpus -ectocinerea -ectocinereal -ectocoelic -ectocondylar -ectocondyle -ectocondyloid -ectocornea -ectocranial -ectocuneiform -ectocuniform -ectocyst -ectodactylism -ectoderm -ectodermal -ectodermic -ectodermoidal -ectodermosis -ectodynamomorphic -ectoentad -ectoenzyme -ectoethmoid -ectogenesis -ectogenic -ectogenous -ectoglia -Ectognatha -ectolecithal -ectoloph -ectomere -ectomeric -ectomesoblast -ectomorph -ectomorphic -ectomorphy -ectonephridium -ectoparasite -ectoparasitic -Ectoparasitica -ectopatagium -ectophloic -ectophyte -ectophytic -ectopia -ectopic -Ectopistes -ectoplacenta -ectoplasm -ectoplasmatic -ectoplasmic -ectoplastic -ectoplasy -Ectoprocta -ectoproctan -ectoproctous -ectopterygoid -ectopy -ectoretina -ectorganism -ectorhinal -ectosarc -ectosarcous -ectoskeleton -ectosomal -ectosome -ectosphenoid -ectosphenotic -ectosphere -ectosteal -ectosteally -ectostosis -ectotheca -ectotoxin -Ectotrophi -ectotrophic -ectozoa -ectozoan -ectozoic -ectozoon -ectrodactylia -ectrodactylism -ectrodactyly -ectrogenic -ectrogeny -ectromelia -ectromelian -ectromelic -ectromelus -ectropion -ectropium -ectropometer -ectrosyndactyly -ectypal -ectype -ectypography -Ecuadoran -Ecuadorian -ecuelling -ecumenic -ecumenical -ecumenicalism -ecumenicality -ecumenically -ecumenicity -ecyphellate -eczema -eczematization -eczematoid -eczematosis -eczematous -Ed -edacious -edaciously -edaciousness -edacity -Edana -edaphic -edaphology -edaphon -Edaphosauria -Edaphosaurus -Edda -Eddaic -edder -Eddic -Eddie -eddish -eddo -Eddy -eddy -eddyroot -edea -edeagra -edeitis -edelweiss -edema -edematous -edemic -Eden -Edenic -edenite -Edenization -Edenize -edental -edentalous -Edentata -edentate -edentulate -edentulous -edeodynia -edeology -edeomania -edeoscopy -edeotomy -Edessan -edestan -edestin -Edestosaurus -Edgar -edge -edgebone -edged -edgeless -edgemaker -edgemaking -edgeman -edger -edgerman -edgeshot -edgestone -edgeways -edgeweed -edgewise -edginess -edging -edgingly -edgrew -edgy -edh -edibility -edible -edibleness -edict -edictal -edictally -edicule -edificable -edification -edificator -edificatory -edifice -edificial -edifier -edify -edifying -edifyingly -edifyingness -edingtonite -edit -edital -Edith -edition -editor -editorial -editorialize -editorially -editorship -editress -Ediya -Edmond -Edmund -Edna -Edo -Edomite -Edomitish -Edoni -Edriasteroidea -Edrioasteroid -Edrioasteroidea -Edriophthalma -edriophthalmatous -edriophthalmian -edriophthalmic -edriophthalmous -Eduardo -Educabilia -educabilian -educability -educable -educand -educatable -educate -educated -educatee -education -educationable -educational -educationalism -educationalist -educationally -educationary -educationist -educative -educator -educatory -educatress -educe -educement -educible -educive -educt -eduction -eductive -eductor -edulcorate -edulcoration -edulcorative -edulcorator -Eduskunta -Edward -Edwardean -Edwardeanism -Edwardian -Edwardine -Edwardsia -Edwardsiidae -Edwin -Edwina -eegrass -eel -eelboat -eelbob -eelbobber -eelcake -eelcatcher -eeler -eelery -eelfare -eelfish -eelgrass -eellike -eelpot -eelpout -eelshop -eelskin -eelspear -eelware -eelworm -eely -eer -eerie -eerily -eeriness -eerisome -effable -efface -effaceable -effacement -effacer -effect -effecter -effectful -effectible -effective -effectively -effectiveness -effectivity -effectless -effector -effects -effectual -effectuality -effectualize -effectually -effectualness -effectuate -effectuation -effeminacy -effeminate -effeminately -effeminateness -effemination -effeminatize -effeminization -effeminize -effendi -efferent -effervesce -effervescence -effervescency -effervescent -effervescible -effervescingly -effervescive -effete -effeteness -effetman -efficacious -efficaciously -efficaciousness -efficacity -efficacy -efficience -efficiency -efficient -efficiently -Effie -effigial -effigiate -effigiation -effigurate -effiguration -effigy -efflate -efflation -effloresce -efflorescence -efflorescency -efflorescent -efflower -effluence -effluency -effluent -effluvia -effluvial -effluviate -effluviography -effluvious -effluvium -efflux -effluxion -effodient -Effodientia -efform -efformation -efformative -effort -effortful -effortless -effortlessly -effossion -effraction -effranchise -effranchisement -effrontery -effulge -effulgence -effulgent -effulgently -effund -effuse -effusiometer -effusion -effusive -effusively -effusiveness -Efik -eflagelliferous -efoliolate -efoliose -efoveolate -eft -eftest -eftsoons -egad -egalitarian -egalitarianism -egality -Egba -Egbert -Egbo -egence -egeran -Egeria -egest -egesta -egestion -egestive -egg -eggberry -eggcup -eggcupful -eggeater -egger -eggfish -eggfruit -egghead -egghot -egging -eggler -eggless -egglike -eggnog -eggplant -eggshell -eggy -egilops -egipto -Eglamore -eglandular -eglandulose -eglantine -eglatere -eglestonite -egma -ego -egocentric -egocentricity -egocentrism -Egocerus -egohood -egoism -egoist -egoistic -egoistical -egoistically -egoity -egoize -egoizer -egol -egolatrous -egomania -egomaniac -egomaniacal -egomism -egophonic -egophony -egosyntonic -egotheism -egotism -egotist -egotistic -egotistical -egotistically -egotize -egregious -egregiously -egregiousness -egress -egression -egressive -egressor -egret -Egretta -egrimony -egueiite -egurgitate -eguttulate -Egypt -Egyptian -Egyptianism -Egyptianization -Egyptianize -Egyptize -Egyptologer -Egyptologic -Egyptological -Egyptologist -Egyptology -eh -Ehatisaht -eheu -ehlite -Ehretia -Ehretiaceae -ehrwaldite -ehuawa -eichbergite -Eichhornia -eichwaldite -eicosane -eident -eidently -eider -eidetic -eidograph -eidolic -eidolism -eidology -eidolology -eidolon -eidoptometry -eidouranion -eigenfunction -eigenvalue -eight -eighteen -eighteenfold -eighteenmo -eighteenth -eighteenthly -eightfoil -eightfold -eighth -eighthly -eightieth -eightling -eightpenny -eightscore -eightsman -eightsome -eighty -eightyfold -eigne -Eikonogen -eikonology -Eileen -Eimak -eimer -Eimeria -einkorn -Einsteinian -Eireannach -Eirene -eiresione -eisegesis -eisegetical -eisodic -eisteddfod -eisteddfodic -eisteddfodism -either -ejaculate -ejaculation -ejaculative -ejaculator -ejaculatory -Ejam -eject -ejecta -ejectable -ejection -ejective -ejectively -ejectivity -ejectment -ejector -ejicient -ejoo -ekaboron -ekacaesium -ekaha -ekamanganese -ekasilicon -ekatantalum -eke -ekebergite -eker -ekerite -eking -ekka -Ekoi -ekphore -Ekron -Ekronite -ektene -ektenes -ektodynamorphic -el -elaborate -elaborately -elaborateness -elaboration -elaborative -elaborator -elaboratory -elabrate -Elachista -Elachistaceae -elachistaceous -Elaeagnaceae -elaeagnaceous -Elaeagnus -Elaeis -elaeoblast -elaeoblastic -Elaeocarpaceae -elaeocarpaceous -Elaeocarpus -Elaeococca -Elaeodendron -elaeodochon -elaeomargaric -elaeometer -elaeoptene -elaeosaccharum -elaeothesium -elaidate -elaidic -elaidin -elaidinic -elain -Elaine -elaine -elaioleucite -elaioplast -elaiosome -Elamite -Elamitic -Elamitish -elance -eland -elanet -Elanus -Elaphe -Elaphebolion -elaphine -Elaphodus -Elaphoglossum -Elaphomyces -Elaphomycetaceae -Elaphrium -elaphure -elaphurine -Elaphurus -elapid -Elapidae -Elapinae -elapine -elapoid -Elaps -elapse -Elapsoidea -elasmobranch -elasmobranchian -elasmobranchiate -Elasmobranchii -elasmosaur -Elasmosaurus -elasmothere -Elasmotherium -elastance -elastic -elastica -elastically -elastician -elasticin -elasticity -elasticize -elasticizer -elasticness -elastin -elastivity -elastomer -elastomeric -elastometer -elastometry -elastose -elatcha -elate -elated -elatedly -elatedness -elater -elaterid -Elateridae -elaterin -elaterite -elaterium -elateroid -Elatha -Elatinaceae -elatinaceous -Elatine -elation -elative -elator -elatrometer -elb -Elbert -Elberta -elbow -elbowboard -elbowbush -elbowchair -elbowed -elbower -elbowpiece -elbowroom -elbowy -elcaja -elchee -eld -elder -elderberry -elderbrotherhood -elderbrotherish -elderbrotherly -elderbush -elderhood -elderliness -elderly -elderman -eldership -eldersisterly -elderwoman -elderwood -elderwort -eldest -eldin -elding -Eldred -eldress -eldritch -Elean -Eleanor -Eleatic -Eleaticism -Eleazar -elecampane -elect -electable -electee -electicism -election -electionary -electioneer -electioneerer -elective -electively -electiveness -electivism -electivity -electly -elector -electoral -electorally -electorate -electorial -electorship -Electra -electragist -electragy -electralize -electrepeter -electress -electret -electric -electrical -electricalize -electrically -electricalness -electrician -electricity -electricize -electrics -electriferous -electrifiable -electrification -electrifier -electrify -electrion -electrionic -electrizable -electrization -electrize -electrizer -electro -electroacoustic -electroaffinity -electroamalgamation -electroanalysis -electroanalytic -electroanalytical -electroanesthesia -electroballistic -electroballistics -electrobath -electrobiological -electrobiologist -electrobiology -electrobioscopy -electroblasting -electrobrasser -electrobus -electrocapillarity -electrocapillary -electrocardiogram -electrocardiograph -electrocardiographic -electrocardiography -electrocatalysis -electrocatalytic -electrocataphoresis -electrocataphoretic -electrocauterization -electrocautery -electroceramic -electrochemical -electrochemically -electrochemist -electrochemistry -electrochronograph -electrochronographic -electrochronometer -electrochronometric -electrocoagulation -electrocoating -electrocolloidal -electrocontractility -electrocorticogram -electroculture -electrocute -electrocution -electrocutional -electrocutioner -electrocystoscope -electrode -electrodeless -electrodentistry -electrodeposit -electrodepositable -electrodeposition -electrodepositor -electrodesiccate -electrodesiccation -electrodiagnosis -electrodialysis -electrodialyze -electrodialyzer -electrodiplomatic -electrodispersive -electrodissolution -electrodynamic -electrodynamical -electrodynamics -electrodynamism -electrodynamometer -electroencephalogram -electroencephalograph -electroencephalography -electroendosmose -electroendosmosis -electroendosmotic -electroengrave -electroengraving -electroergometer -electroetching -electroethereal -electroextraction -electroform -electroforming -electrofuse -electrofused -electrofusion -electrogalvanic -electrogalvanize -electrogenesis -electrogenetic -electrogild -electrogilding -electrogilt -electrograph -electrographic -electrographite -electrography -electroharmonic -electrohemostasis -electrohomeopathy -electrohorticulture -electrohydraulic -electroimpulse -electroindustrial -electroionic -electroirrigation -electrokinematics -electrokinetic -electrokinetics -electrolier -electrolithotrity -electrologic -electrological -electrologist -electrology -electroluminescence -electroluminescent -electrolysis -electrolyte -electrolytic -electrolytical -electrolytically -electrolyzability -electrolyzable -electrolyzation -electrolyze -electrolyzer -electromagnet -electromagnetic -electromagnetical -electromagnetically -electromagnetics -electromagnetism -electromagnetist -electromassage -electromechanical -electromechanics -electromedical -electromer -electromeric -electromerism -electrometallurgical -electrometallurgist -electrometallurgy -electrometer -electrometric -electrometrical -electrometrically -electrometry -electromobile -electromobilism -electromotion -electromotive -electromotivity -electromotograph -electromotor -electromuscular -electromyographic -electron -electronarcosis -electronegative -electronervous -electronic -electronics -electronographic -electrooptic -electrooptical -electrooptically -electrooptics -electroosmosis -electroosmotic -electroosmotically -electrootiatrics -electropathic -electropathology -electropathy -electropercussive -electrophobia -electrophone -electrophore -electrophoresis -electrophoretic -electrophoric -Electrophoridae -electrophorus -electrophotometer -electrophotometry -electrophototherapy -electrophrenic -electrophysics -electrophysiological -electrophysiologist -electrophysiology -electropism -electroplate -electroplater -electroplating -electroplax -electropneumatic -electropneumatically -electropoion -electropolar -electropositive -electropotential -electropower -electropsychrometer -electropult -electropuncturation -electropuncture -electropuncturing -electropyrometer -electroreceptive -electroreduction -electrorefine -electroscission -electroscope -electroscopic -electrosherardizing -electroshock -electrosmosis -electrostatic -electrostatical -electrostatically -electrostatics -electrosteel -electrostenolysis -electrostenolytic -electrostereotype -electrostriction -electrosurgery -electrosurgical -electrosynthesis -electrosynthetic -electrosynthetically -electrotactic -electrotautomerism -electrotaxis -electrotechnic -electrotechnical -electrotechnician -electrotechnics -electrotechnology -electrotelegraphic -electrotelegraphy -electrotelethermometer -electrotellurograph -electrotest -electrothanasia -electrothanatosis -electrotherapeutic -electrotherapeutical -electrotherapeutics -electrotherapeutist -electrotherapist -electrotherapy -electrothermal -electrothermancy -electrothermic -electrothermics -electrothermometer -electrothermostat -electrothermostatic -electrothermotic -electrotitration -electrotonic -electrotonicity -electrotonize -electrotonus -electrotrephine -electrotropic -electrotropism -electrotype -electrotyper -electrotypic -electrotyping -electrotypist -electrotypy -electrovalence -electrovalency -electrovection -electroviscous -electrovital -electrowin -electrum -electuary -eleemosynarily -eleemosynariness -eleemosynary -elegance -elegancy -elegant -elegantly -elegiac -elegiacal -elegiambic -elegiambus -elegiast -elegist -elegit -elegize -elegy -eleidin -element -elemental -elementalism -elementalist -elementalistic -elementalistically -elementality -elementalize -elementally -elementarily -elementariness -elementary -elementoid -elemi -elemicin -elemin -elench -elenchi -elenchic -elenchical -elenchically -elenchize -elenchtic -elenchtical -elenctic -elenge -eleoblast -Eleocharis -eleolite -eleomargaric -eleometer -eleonorite -eleoptene -eleostearate -eleostearic -elephant -elephanta -elephantiac -elephantiasic -elephantiasis -elephantic -elephanticide -Elephantidae -elephantine -elephantlike -elephantoid -elephantoidal -Elephantopus -elephantous -elephantry -Elephas -Elettaria -Eleusine -Eleusinia -Eleusinian -Eleusinion -Eleut -eleutherarch -Eleutheri -Eleutheria -Eleutherian -Eleutherios -eleutherism -eleutherodactyl -Eleutherodactyli -Eleutherodactylus -eleutheromania -eleutheromaniac -eleutheromorph -eleutheropetalous -eleutherophyllous -eleutherosepalous -Eleutherozoa -eleutherozoan -elevate -elevated -elevatedly -elevatedness -elevating -elevatingly -elevation -elevational -elevator -elevatory -eleven -elevener -elevenfold -eleventh -eleventhly -elevon -elf -elfenfolk -elfhood -elfic -elfin -elfinwood -elfish -elfishly -elfishness -elfkin -elfland -elflike -elflock -elfship -elfwife -elfwort -Eli -Elia -Elian -Elianic -Elias -eliasite -elicit -elicitable -elicitate -elicitation -elicitor -elicitory -elide -elidible -eligibility -eligible -eligibleness -eligibly -Elihu -Elijah -eliminable -eliminand -eliminant -eliminate -elimination -eliminative -eliminator -eliminatory -Elinor -Elinvar -Eliot -Eliphalet -eliquate -eliquation -Elisabeth -Elisha -Elishah -elision -elisor -Elissa -elite -elixir -Eliza -Elizabeth -Elizabethan -Elizabethanism -Elizabethanize -elk -Elkanah -Elkdom -Elkesaite -elkhorn -elkhound -Elkoshite -elkslip -Elkuma -elkwood -ell -Ella -ellachick -ellagate -ellagic -ellagitannin -Ellasar -elle -elleck -Ellen -ellenyard -Ellerian -ellfish -Ellice -Ellick -Elliot -Elliott -ellipse -ellipses -ellipsis -ellipsograph -ellipsoid -ellipsoidal -ellipsone -ellipsonic -elliptic -elliptical -elliptically -ellipticalness -ellipticity -elliptograph -elliptoid -ellops -ellwand -elm -Elmer -elmy -Eloah -elocular -elocute -elocution -elocutionary -elocutioner -elocutionist -elocutionize -elod -Elodea -Elodeaceae -Elodes -eloge -elogium -Elohim -Elohimic -Elohism -Elohist -Elohistic -eloign -eloigner -eloignment -Eloise -Elon -elongate -elongated -elongation -elongative -Elonite -elope -elopement -eloper -Elopidae -elops -eloquence -eloquent -eloquential -eloquently -eloquentness -Elotherium -elotillo -elpasolite -elpidite -Elric -els -Elsa -else -elsehow -elsewards -elseways -elsewhen -elsewhere -elsewheres -elsewhither -elsewise -Elsholtzia -elsin -elt -eluate -elucidate -elucidation -elucidative -elucidator -elucidatory -elucubrate -elucubration -elude -eluder -elusion -elusive -elusively -elusiveness -elusoriness -elusory -elute -elution -elutor -elutriate -elutriation -elutriator -eluvial -eluviate -eluviation -eluvium -elvan -elvanite -elvanitic -elver -elves -elvet -Elvira -Elvis -elvish -elvishly -Elwood -elydoric -Elymi -Elymus -Elysee -Elysia -elysia -Elysian -Elysiidae -Elysium -elytral -elytriferous -elytriform -elytrigerous -elytrin -elytrocele -elytroclasia -elytroid -elytron -elytroplastic -elytropolypus -elytroposis -elytrorhagia -elytrorrhagia -elytrorrhaphy -elytrostenosis -elytrotomy -elytrous -elytrum -Elzevir -Elzevirian -Em -em -emaciate -emaciation -emajagua -emanant -emanate -emanation -emanational -emanationism -emanationist -emanatism -emanatist -emanatistic -emanativ -emanative -emanatively -emanator -emanatory -emancipate -emancipation -emancipationist -emancipatist -emancipative -emancipator -emancipatory -emancipatress -emancipist -emandibulate -emanium -emarcid -emarginate -emarginately -emargination -Emarginula -emasculate -emasculation -emasculative -emasculator -emasculatory -Embadomonas -emball -emballonurid -Emballonuridae -emballonurine -embalm -embalmer -embalmment -embank -embankment -embannered -embar -embargo -embargoist -embark -embarkation -embarkment -embarras -embarrass -embarrassed -embarrassedly -embarrassing -embarrassingly -embarrassment -embarrel -embassage -embassy -embastioned -embathe -embatholithic -embattle -embattled -embattlement -embay -embayment -Embden -embed -embedment -embeggar -Embelia -embelic -embellish -embellisher -embellishment -ember -embergoose -Emberiza -emberizidae -Emberizinae -emberizine -embezzle -embezzlement -embezzler -Embiidae -Embiidina -embind -Embiodea -Embioptera -embiotocid -Embiotocidae -embiotocoid -embira -embitter -embitterer -embitterment -emblaze -emblazer -emblazon -emblazoner -emblazonment -emblazonry -emblem -emblema -emblematic -emblematical -emblematically -emblematicalness -emblematicize -emblematist -emblematize -emblematology -emblement -emblemist -emblemize -emblemology -emblic -emblossom -embodier -embodiment -embody -embog -emboitement -embolden -emboldener -embole -embolectomy -embolemia -embolic -emboliform -embolism -embolismic -embolismus -embolite -embolium -embolize -embolo -embololalia -Embolomeri -embolomerism -embolomerous -embolomycotic -embolum -embolus -emboly -emborder -emboscata -embosom -emboss -embossage -embosser -embossing -embossman -embossment -embosture -embottle -embouchure -embound -embow -embowed -embowel -emboweler -embowelment -embower -embowerment -embowment -embox -embrace -embraceable -embraceably -embracement -embraceor -embracer -embracery -embracing -embracingly -embracingness -embracive -embrail -embranchment -embrangle -embranglement -embrasure -embreathe -embreathement -Embrica -embright -embrittle -embrittlement -embroaden -embrocate -embrocation -embroider -embroiderer -embroideress -embroidery -embroil -embroiler -embroilment -embronze -embrown -embryectomy -embryo -embryocardia -embryoctonic -embryoctony -embryoferous -embryogenesis -embryogenetic -embryogenic -embryogeny -embryogony -embryographer -embryographic -embryography -embryoid -embryoism -embryologic -embryological -embryologically -embryologist -embryology -embryoma -embryon -embryonal -embryonary -embryonate -embryonated -embryonic -embryonically -embryoniferous -embryoniform -embryony -embryopathology -embryophagous -embryophore -Embryophyta -embryophyte -embryoplastic -embryoscope -embryoscopic -embryotega -embryotic -embryotome -embryotomy -embryotrophic -embryotrophy -embryous -embryulcia -embryulcus -embubble -embuia -embus -embusk -embuskin -emcee -eme -emeer -emeership -Emeline -emend -emendable -emendandum -emendate -emendation -emendator -emendatory -emender -emerald -emeraldine -emeraude -emerge -emergence -emergency -emergent -emergently -emergentness -Emerita -emerited -emeritus -emerize -emerse -emersed -emersion -Emersonian -Emersonianism -Emery -emery -Emesa -Emesidae -emesis -emetatrophia -emetic -emetically -emetine -emetocathartic -emetology -emetomorphine -emgalla -emication -emiction -emictory -emigrant -emigrate -emigration -emigrational -emigrationist -emigrative -emigrator -emigratory -emigree -Emil -Emilia -Emily -Emim -eminence -eminency -eminent -eminently -emir -emirate -emirship -emissarium -emissary -emissaryship -emissile -emission -emissive -emissivity -emit -emittent -emitter -Emm -Emma -emma -Emmanuel -emmarble -emmarvel -emmenagogic -emmenagogue -emmenic -emmeniopathy -emmenology -emmensite -Emmental -emmer -emmergoose -emmet -emmetrope -emmetropia -emmetropic -emmetropism -emmetropy -Emmett -emodin -emollescence -emolliate -emollient -emoloa -emolument -emolumental -emolumentary -emote -emotion -emotionable -emotional -emotionalism -emotionalist -emotionality -emotionalization -emotionalize -emotionally -emotioned -emotionist -emotionize -emotionless -emotionlessness -emotive -emotively -emotiveness -emotivity -empacket -empaistic -empall -empanel -empanelment -empanoply -empaper -emparadise -emparchment -empark -empasm -empathic -empathically -empathize -empathy -Empedoclean -empeirema -Empeo -emperor -emperorship -empery -Empetraceae -empetraceous -Empetrum -emphases -emphasis -emphasize -emphatic -emphatical -emphatically -emphaticalness -emphlysis -emphractic -emphraxis -emphysema -emphysematous -emphyteusis -emphyteuta -emphyteutic -empicture -Empididae -Empidonax -empiecement -Empire -empire -empirema -empiric -empirical -empiricalness -empiricism -empiricist -empirics -empiriocritcism -empiriocritical -empiriological -empirism -empiristic -emplace -emplacement -emplane -emplastic -emplastration -emplastrum -emplectite -empleomania -employ -employability -employable -employed -employee -employer -employless -employment -emplume -empocket -empodium -empoison -empoisonment -emporetic -emporeutic -emporia -emporial -emporium -empower -empowerment -empress -emprise -emprosthotonic -emprosthotonos -emprosthotonus -empt -emptier -emptily -emptiness -emptings -emptins -emption -emptional -emptor -empty -emptyhearted -emptysis -empurple -Empusa -empyema -empyemic -empyesis -empyocele -empyreal -empyrean -empyreuma -empyreumatic -empyreumatical -empyreumatize -empyromancy -emu -emulable -emulant -emulate -emulation -emulative -emulatively -emulator -emulatory -emulatress -emulgence -emulgent -emulous -emulously -emulousness -emulsibility -emulsible -emulsifiability -emulsifiable -emulsification -emulsifier -emulsify -emulsin -emulsion -emulsionize -emulsive -emulsoid -emulsor -emunctory -emundation -emyd -Emydea -emydian -Emydidae -Emydinae -Emydosauria -emydosaurian -Emys -en -enable -enablement -enabler -enact -enactable -enaction -enactive -enactment -enactor -enactory -enaena -enage -Enajim -enalid -Enaliornis -enaliosaur -Enaliosauria -enaliosaurian -enallachrome -enallage -enaluron -enam -enamber -enambush -enamdar -enamel -enameler -enameling -enamelist -enamelless -enamellist -enameloma -enamelware -enamor -enamorato -enamored -enamoredness -enamorment -enamourment -enanguish -enanthem -enanthema -enanthematous -enanthesis -enantiobiosis -enantioblastic -enantioblastous -enantiomer -enantiomeride -enantiomorph -enantiomorphic -enantiomorphism -enantiomorphous -enantiomorphously -enantiomorphy -enantiopathia -enantiopathic -enantiopathy -enantiosis -enantiotropic -enantiotropy -enantobiosis -enapt -enarbor -enarbour -enarch -enarched -enargite -enarm -enarme -enarthrodia -enarthrodial -enarthrosis -enate -enatic -enation -enbrave -encaenia -encage -encake -encalendar -encallow -encamp -encampment -encanker -encanthis -encapsulate -encapsulation -encapsule -encarditis -encarnadine -encarnalize -encarpium -encarpus -encase -encasement -encash -encashable -encashment -encasserole -encastage -encatarrhaphy -encauma -encaustes -encaustic -encaustically -encave -encefalon -Encelia -encell -encenter -encephala -encephalalgia -Encephalartos -encephalasthenia -encephalic -encephalin -encephalitic -encephalitis -encephalocele -encephalocoele -encephalodialysis -encephalogram -encephalograph -encephalography -encephaloid -encephalolith -encephalology -encephaloma -encephalomalacia -encephalomalacosis -encephalomalaxis -encephalomeningitis -encephalomeningocele -encephalomere -encephalomeric -encephalometer -encephalometric -encephalomyelitis -encephalomyelopathy -encephalon -encephalonarcosis -encephalopathia -encephalopathic -encephalopathy -encephalophyma -encephalopsychesis -encephalopyosis -encephalorrhagia -encephalosclerosis -encephaloscope -encephaloscopy -encephalosepsis -encephalospinal -encephalothlipsis -encephalotome -encephalotomy -encephalous -enchain -enchainment -enchair -enchalice -enchannel -enchant -enchanter -enchanting -enchantingly -enchantingness -enchantment -enchantress -encharge -encharnel -enchase -enchaser -enchasten -Enchelycephali -enchequer -enchest -enchilada -enchiridion -Enchodontid -Enchodontidae -Enchodontoid -Enchodus -enchondroma -enchondromatous -enchondrosis -enchorial -enchurch -enchylema -enchylematous -enchymatous -enchytrae -enchytraeid -Enchytraeidae -Enchytraeus -encina -encinal -encincture -encinder -encinillo -encipher -encircle -encirclement -encircler -encist -encitadel -enclaret -enclasp -enclave -enclavement -enclisis -enclitic -enclitical -enclitically -encloak -encloister -enclose -encloser -enclosure -enclothe -encloud -encoach -encode -encoffin -encoignure -encoil -encolden -encollar -encolor -encolpion -encolumn -encomendero -encomia -encomiast -encomiastic -encomiastical -encomiastically -encomic -encomienda -encomiologic -encomium -encommon -encompass -encompasser -encompassment -encoop -encorbelment -encore -encoronal -encoronate -encoronet -encounter -encounterable -encounterer -encourage -encouragement -encourager -encouraging -encouragingly -encowl -encraal -encradle -encranial -encratic -Encratism -Encratite -encraty -encreel -encrimson -encrinal -encrinic -Encrinidae -encrinidae -encrinital -encrinite -encrinitic -encrinitical -encrinoid -Encrinoidea -Encrinus -encrisp -encroach -encroacher -encroachingly -encroachment -encrotchet -encrown -encrownment -encrust -encrustment -encrypt -encryption -encuirassed -encumber -encumberer -encumberingly -encumberment -encumbrance -encumbrancer -encup -encurl -encurtain -encushion -encyclic -encyclical -encyclopedia -encyclopediac -encyclopediacal -encyclopedial -encyclopedian -encyclopediast -encyclopedic -encyclopedically -encyclopedism -encyclopedist -encyclopedize -encyrtid -Encyrtidae -encyst -encystation -encystment -end -endable -endamage -endamageable -endamagement -endamask -endameba -endamebic -Endamoeba -endamoebiasis -endamoebic -Endamoebidae -endanger -endangerer -endangerment -endangium -endaortic -endaortitis -endarch -endarchy -endarterial -endarteritis -endarterium -endaspidean -endaze -endboard -endbrain -endear -endearance -endeared -endearedly -endearedness -endearing -endearingly -endearingness -endearment -endeavor -endeavorer -ended -endeictic -endellionite -endemial -endemic -endemically -endemicity -endemiological -endemiology -endemism -endenizen -ender -endere -endermatic -endermic -endermically -enderon -enderonic -endevil -endew -endgate -endiadem -endiaper -ending -endite -endive -endless -endlessly -endlessness -endlichite -endlong -endmatcher -endmost -endoabdominal -endoangiitis -endoaortitis -endoappendicitis -endoarteritis -endoauscultation -endobatholithic -endobiotic -endoblast -endoblastic -endobronchial -endobronchially -endobronchitis -endocannibalism -endocardiac -endocardial -endocarditic -endocarditis -endocardium -endocarp -endocarpal -endocarpic -endocarpoid -endocellular -endocentric -Endoceras -Endoceratidae -endoceratite -endoceratitic -endocervical -endocervicitis -endochondral -endochorion -endochorionic -endochrome -endochylous -endoclinal -endocline -endocoelar -endocoele -endocoeliac -endocolitis -endocolpitis -endocondensation -endocone -endoconidium -endocorpuscular -endocortex -endocranial -endocranium -endocrinal -endocrine -endocrinic -endocrinism -endocrinological -endocrinologist -endocrinology -endocrinopathic -endocrinopathy -endocrinotherapy -endocrinous -endocritic -endocycle -endocyclic -endocyemate -endocyst -endocystitis -endoderm -endodermal -endodermic -endodermis -endodontia -endodontic -endodontist -endodynamomorphic -endoenteritis -endoenzyme -endoesophagitis -endofaradism -endogalvanism -endogamic -endogamous -endogamy -endogastric -endogastrically -endogastritis -endogen -Endogenae -endogenesis -endogenetic -endogenic -endogenous -endogenously -endogeny -endoglobular -endognath -endognathal -endognathion -endogonidium -endointoxication -endokaryogamy -endolabyrinthitis -endolaryngeal -endolemma -endolumbar -endolymph -endolymphangial -endolymphatic -endolymphic -endolysin -endomastoiditis -endome -endomesoderm -endometrial -endometritis -endometrium -endometry -endomitosis -endomitotic -endomixis -endomorph -endomorphic -endomorphism -endomorphy -Endomyces -Endomycetaceae -endomysial -endomysium -endoneurial -endoneurium -endonuclear -endonucleolus -endoparasite -endoparasitic -Endoparasitica -endopathic -endopelvic -endopericarditis -endoperidial -endoperidium -endoperitonitis -endophagous -endophagy -endophasia -endophasic -endophlebitis -endophragm -endophragmal -Endophyllaceae -endophyllous -Endophyllum -endophytal -endophyte -endophytic -endophytically -endophytous -endoplasm -endoplasma -endoplasmic -endoplast -endoplastron -endoplastular -endoplastule -endopleura -endopleural -endopleurite -endopleuritic -endopod -endopodite -endopoditic -endoproct -Endoprocta -endoproctous -endopsychic -Endopterygota -endopterygote -endopterygotic -endopterygotism -endopterygotous -endorachis -endoral -endore -endorhinitis -endorsable -endorsation -endorse -endorsed -endorsee -endorsement -endorser -endorsingly -endosalpingitis -endosarc -endosarcode -endosarcous -endosclerite -endoscope -endoscopic -endoscopy -endosecretory -endosepsis -endosiphon -endosiphonal -endosiphonate -endosiphuncle -endoskeletal -endoskeleton -endosmometer -endosmometric -endosmosic -endosmosis -endosmotic -endosmotically -endosome -endosperm -endospermic -endospore -endosporium -endosporous -endoss -endosteal -endosteally -endosteitis -endosteoma -endosternite -endosternum -endosteum -endostitis -endostoma -endostome -endostosis -endostracal -endostracum -endostylar -endostyle -endostylic -endotheca -endothecal -endothecate -endothecial -endothecium -endothelia -endothelial -endothelioblastoma -endotheliocyte -endothelioid -endotheliolysin -endotheliolytic -endothelioma -endotheliomyoma -endotheliomyxoma -endotheliotoxin -endothelium -endothermal -endothermic -endothermous -endothermy -Endothia -endothoracic -endothorax -Endothrix -endothys -endotoxic -endotoxin -endotoxoid -endotracheitis -endotrachelitis -Endotrophi -endotrophic -endotys -endovaccination -endovasculitis -endovenous -endow -endower -endowment -endozoa -endpiece -Endromididae -Endromis -endue -enduement -endungeon -endura -endurability -endurable -endurableness -endurably -endurance -endurant -endure -endurer -enduring -enduringly -enduringness -endways -endwise -endyma -endymal -Endymion -endysis -Eneas -eneclann -enema -enemy -enemylike -enemyship -enepidermic -energeia -energesis -energetic -energetical -energetically -energeticalness -energeticist -energetics -energetistic -energic -energical -energid -energism -energist -energize -energizer -energumen -energumenon -energy -enervate -enervation -enervative -enervator -eneuch -eneugh -enface -enfacement -enfamous -enfasten -enfatico -enfeature -enfeeble -enfeeblement -enfeebler -enfelon -enfeoff -enfeoffment -enfester -enfetter -enfever -enfigure -enfilade -enfilading -enfile -enfiled -enflagellate -enflagellation -enflesh -enfleurage -enflower -enfoil -enfold -enfolden -enfolder -enfoldment -enfonced -enforce -enforceability -enforceable -enforced -enforcedly -enforcement -enforcer -enforcibility -enforcible -enforcingly -enfork -enfoul -enframe -enframement -enfranchisable -enfranchise -enfranchisement -enfranchiser -enfree -enfrenzy -enfuddle -enfurrow -engage -engaged -engagedly -engagedness -engagement -engager -engaging -engagingly -engagingness -engaol -engarb -engarble -engarland -engarment -engarrison -engastrimyth -engastrimythic -engaud -engaze -Engelmannia -engem -engender -engenderer -engenderment -engerminate -enghosted -engild -engine -engineer -engineering -engineership -enginehouse -engineless -enginelike -engineman -enginery -enginous -engird -engirdle -engirt -engjateigur -englacial -englacially -englad -engladden -Englander -Engler -Englerophoenix -Englifier -Englify -English -Englishable -Englisher -Englishhood -Englishism -Englishize -Englishly -Englishman -Englishness -Englishry -Englishwoman -englobe -englobement -engloom -englory -englut -englyn -engnessang -engobe -engold -engolden -engore -engorge -engorgement -engouled -engrace -engraff -engraft -engraftation -engrafter -engraftment -engrail -engrailed -engrailment -engrain -engrained -engrainedly -engrainer -engram -engramma -engrammatic -engrammic -engrandize -engrandizement -engraphia -engraphic -engraphically -engraphy -engrapple -engrasp -Engraulidae -Engraulis -engrave -engraved -engravement -engraver -engraving -engreen -engrieve -engroove -engross -engrossed -engrossedly -engrosser -engrossing -engrossingly -engrossingness -engrossment -enguard -engulf -engulfment -engyscope -engysseismology -Engystomatidae -enhallow -enhalo -enhamper -enhance -enhanced -enhancement -enhancer -enhancive -enharmonic -enharmonical -enharmonically -enhat -enhaunt -enhearse -enheart -enhearten -enhedge -enhelm -enhemospore -enherit -enheritage -enheritance -enhorror -enhunger -enhusk -Enhydra -Enhydrinae -Enhydris -enhydrite -enhydritic -enhydros -enhydrous -enhypostasia -enhypostasis -enhypostatic -enhypostatize -eniac -Enicuridae -Enid -Enif -enigma -enigmatic -enigmatical -enigmatically -enigmaticalness -enigmatist -enigmatization -enigmatize -enigmatographer -enigmatography -enigmatology -enisle -enjail -enjamb -enjambed -enjambment -enjelly -enjeopard -enjeopardy -enjewel -enjoin -enjoinder -enjoiner -enjoinment -enjoy -enjoyable -enjoyableness -enjoyably -enjoyer -enjoying -enjoyingly -enjoyment -enkerchief -enkernel -Enki -Enkidu -enkindle -enkindler -enkraal -enlace -enlacement -enlard -enlarge -enlargeable -enlargeableness -enlarged -enlargedly -enlargedness -enlargement -enlarger -enlarging -enlargingly -enlaurel -enleaf -enleague -enlevement -enlief -enlife -enlight -enlighten -enlightened -enlightenedly -enlightenedness -enlightener -enlightening -enlighteningly -enlightenment -enlink -enlinkment -enlist -enlisted -enlister -enlistment -enliven -enlivener -enlivening -enliveningly -enlivenment -enlock -enlodge -enlodgement -enmarble -enmask -enmass -enmesh -enmeshment -enmist -enmity -enmoss -enmuffle -enneacontahedral -enneacontahedron -ennead -enneadianome -enneadic -enneagon -enneagynous -enneahedral -enneahedria -enneahedron -enneapetalous -enneaphyllous -enneasemic -enneasepalous -enneaspermous -enneastyle -enneastylos -enneasyllabic -enneateric -enneatic -enneatical -ennerve -enniche -ennoble -ennoblement -ennobler -ennobling -ennoblingly -ennoic -ennomic -ennui -Enoch -Enochic -enocyte -enodal -enodally -enoil -enol -enolate -enolic -enolizable -enolization -enolize -enomania -enomaniac -enomotarch -enomoty -enophthalmos -enophthalmus -Enopla -enoplan -enoptromancy -enorganic -enorm -enormity -enormous -enormously -enormousness -Enos -enostosis -enough -enounce -enouncement -enow -enphytotic -enplane -enquicken -enquire -enquirer -enquiry -enrace -enrage -enraged -enragedly -enragement -enrange -enrank -enrapt -enrapture -enrapturer -enravish -enravishingly -enravishment -enray -enregiment -enregister -enregistration -enregistry -enrib -enrich -enricher -enriching -enrichingly -enrichment -enring -enrive -enrobe -enrobement -enrober -enrockment -enrol -enroll -enrolled -enrollee -enroller -enrollment -enrolment -enroot -enrough -enruin -enrut -ens -ensaffron -ensaint -ensample -ensand -ensandal -ensanguine -ensate -enscene -ensconce -enscroll -ensculpture -ense -enseam -enseat -enseem -ensellure -ensemble -ensepulcher -ensepulchre -enseraph -enserf -ensete -enshade -enshadow -enshawl -ensheathe -enshell -enshelter -enshield -enshrine -enshrinement -enshroud -Ensiferi -ensiform -ensign -ensigncy -ensignhood -ensignment -ensignry -ensignship -ensilage -ensilate -ensilation -ensile -ensilist -ensilver -ensisternum -ensky -enslave -enslavedness -enslavement -enslaver -ensmall -ensnare -ensnarement -ensnarer -ensnaring -ensnaringly -ensnarl -ensnow -ensorcelize -ensorcell -ensoul -enspell -ensphere -enspirit -enstamp -enstar -enstate -enstatite -enstatitic -enstatolite -ensteel -enstool -enstore -enstrengthen -ensuable -ensuance -ensuant -ensue -ensuer -ensuingly -ensulphur -ensure -ensurer -enswathe -enswathement -ensweep -entablature -entablatured -entablement -entach -entad -Entada -entail -entailable -entailer -entailment -ental -entame -Entamoeba -entamoebiasis -entamoebic -entangle -entangled -entangledly -entangledness -entanglement -entangler -entangling -entanglingly -entapophysial -entapophysis -entarthrotic -entasia -entasis -entelam -entelechy -entellus -Entelodon -entelodont -entempest -entemple -entente -Ententophil -entepicondylar -enter -enterable -enteraden -enteradenographic -enteradenography -enteradenological -enteradenology -enteral -enteralgia -enterate -enterauxe -enterclose -enterectomy -enterer -entergogenic -enteria -enteric -entericoid -entering -enteritidis -enteritis -entermete -enteroanastomosis -enterobiliary -enterocele -enterocentesis -enterochirurgia -enterochlorophyll -enterocholecystostomy -enterocinesia -enterocinetic -enterocleisis -enteroclisis -enteroclysis -Enterocoela -enterocoele -enterocoelic -enterocoelous -enterocolitis -enterocolostomy -enterocrinin -enterocyst -enterocystoma -enterodynia -enteroepiplocele -enterogastritis -enterogastrone -enterogenous -enterogram -enterograph -enterography -enterohelcosis -enterohemorrhage -enterohepatitis -enterohydrocele -enteroid -enterointestinal -enteroischiocele -enterokinase -enterokinesia -enterokinetic -enterolith -enterolithiasis -Enterolobium -enterology -enteromegalia -enteromegaly -enteromere -enteromesenteric -Enteromorpha -enteromycosis -enteromyiasis -enteron -enteroneuritis -enteroparalysis -enteroparesis -enteropathy -enteropexia -enteropexy -enterophthisis -enteroplasty -enteroplegia -enteropneust -Enteropneusta -enteropneustan -enteroptosis -enteroptotic -enterorrhagia -enterorrhaphy -enterorrhea -enteroscope -enterosepsis -enterospasm -enterostasis -enterostenosis -enterostomy -enterosyphilis -enterotome -enterotomy -enterotoxemia -enterotoxication -enterozoa -enterozoan -enterozoic -enterprise -enterpriseless -enterpriser -enterprising -enterprisingly -enterritoriality -entertain -entertainable -entertainer -entertaining -entertainingly -entertainingness -entertainment -enthalpy -entheal -enthelmintha -enthelminthes -enthelminthic -enthetic -enthral -enthraldom -enthrall -enthralldom -enthraller -enthralling -enthrallingly -enthrallment -enthralment -enthrone -enthronement -enthronization -enthronize -enthuse -enthusiasm -enthusiast -enthusiastic -enthusiastical -enthusiastically -enthusiastly -enthymematic -enthymematical -enthymeme -entia -entice -enticeable -enticeful -enticement -enticer -enticing -enticingly -enticingness -entifical -entification -entify -entincture -entire -entirely -entireness -entirety -entiris -entitative -entitatively -entitle -entitlement -entity -entoblast -entoblastic -entobranchiate -entobronchium -entocalcaneal -entocarotid -entocele -entocnemial -entocoele -entocoelic -entocondylar -entocondyle -entocondyloid -entocone -entoconid -entocornea -entocranial -entocuneiform -entocuniform -entocyemate -entocyst -entoderm -entodermal -entodermic -entogastric -entogenous -entoglossal -entohyal -entoil -entoilment -Entoloma -entomb -entombment -entomere -entomeric -entomic -entomical -entomion -entomogenous -entomoid -entomologic -entomological -entomologically -entomologist -entomologize -entomology -Entomophaga -entomophagan -entomophagous -Entomophila -entomophilous -entomophily -Entomophthora -Entomophthoraceae -entomophthoraceous -Entomophthorales -entomophthorous -entomophytous -Entomosporium -Entomostraca -entomostracan -entomostracous -entomotaxy -entomotomist -entomotomy -entone -entonement -entoolitic -entoparasite -entoparasitic -entoperipheral -entophytal -entophyte -entophytic -entophytically -entophytous -entopic -entopical -entoplasm -entoplastic -entoplastral -entoplastron -entopopliteal -Entoprocta -entoproctous -entopterygoid -entoptic -entoptical -entoptically -entoptics -entoptoscope -entoptoscopic -entoptoscopy -entoretina -entorganism -entosarc -entosclerite -entosphenal -entosphenoid -entosphere -entosternal -entosternite -entosternum -entothorax -entotic -Entotrophi -entotympanic -entourage -entozoa -entozoal -entozoan -entozoarian -entozoic -entozoological -entozoologically -entozoologist -entozoology -entozoon -entracte -entrail -entrails -entrain -entrainer -entrainment -entrammel -entrance -entrancedly -entrancement -entranceway -entrancing -entrancingly -entrant -entrap -entrapment -entrapper -entrappingly -entreasure -entreat -entreating -entreatingly -entreatment -entreaty -entree -entremets -entrench -entrenchment -entrepas -entrepot -entrepreneur -entrepreneurial -entrepreneurship -entresol -entrochite -entrochus -entropion -entropionize -entropium -entropy -entrough -entrust -entrustment -entry -entryman -entryway -enturret -entwine -entwinement -entwist -Entyloma -enucleate -enucleation -enucleator -Enukki -enumerable -enumerate -enumeration -enumerative -enumerator -enunciability -enunciable -enunciate -enunciation -enunciative -enunciatively -enunciator -enunciatory -enure -enuresis -enuretic -enurny -envapor -envapour -envassal -envassalage -envault -enveil -envelop -envelope -enveloper -envelopment -envenom -envenomation -enverdure -envermeil -enviable -enviableness -enviably -envied -envier -envineyard -envious -enviously -enviousness -environ -environage -environal -environic -environment -environmental -environmentalism -environmentalist -environmentally -environs -envisage -envisagement -envision -envolume -envoy -envoyship -envy -envying -envyingly -enwallow -enwiden -enwind -enwisen -enwoman -enwomb -enwood -enworthed -enwound -enwrap -enwrapment -enwreathe -enwrite -enwrought -enzone -enzootic -enzooty -enzym -enzymatic -enzyme -enzymic -enzymically -enzymologist -enzymology -enzymolysis -enzymolytic -enzymosis -enzymotic -eoan -Eoanthropus -Eocarboniferous -Eocene -Eodevonian -Eogaea -Eogaean -Eoghanacht -Eohippus -eolation -eolith -eolithic -Eomecon -eon -eonism -Eopalaeozoic -Eopaleozoic -eophyte -eophytic -eophyton -eorhyolite -eosate -Eosaurus -eoside -eosin -eosinate -eosinic -eosinoblast -eosinophile -eosinophilia -eosinophilic -eosinophilous -eosphorite -Eozoic -eozoon -eozoonal -epacmaic -epacme -epacrid -Epacridaceae -epacridaceous -Epacris -epact -epactal -epagoge -epagogic -epagomenae -epagomenal -epagomenic -epagomenous -epaleaceous -epalpate -epanadiplosis -Epanagoge -epanalepsis -epanaleptic -epanaphora -epanaphoral -epanastrophe -epanisognathism -epanisognathous -epanodos -epanody -Epanorthidae -epanorthosis -epanorthotic -epanthous -epapillate -epappose -eparch -eparchate -Eparchean -eparchial -eparchy -eparcuale -eparterial -epaule -epaulement -epaulet -epauleted -epauletted -epauliere -epaxial -epaxially -epedaphic -epee -epeeist -Epeira -epeiric -epeirid -Epeiridae -epeirogenesis -epeirogenetic -epeirogenic -epeirogeny -epeisodion -epembryonic -epencephal -epencephalic -epencephalon -ependyma -ependymal -ependyme -ependymitis -ependymoma -ependytes -epenthesis -epenthesize -epenthetic -epephragmal -epepophysial -epepophysis -epergne -eperotesis -Eperua -epexegesis -epexegetic -epexegetical -epexegetically -epha -ephah -epharmonic -epharmony -ephebe -ephebeion -ephebeum -ephebic -ephebos -ephebus -ephectic -Ephedra -Ephedraceae -ephedrine -ephelcystic -ephelis -Ephemera -ephemera -ephemerae -ephemeral -ephemerality -ephemerally -ephemeralness -ephemeran -ephemerid -Ephemerida -Ephemeridae -ephemerides -ephemeris -ephemerist -ephemeromorph -ephemeromorphic -ephemeron -Ephemeroptera -ephemerous -Ephesian -Ephesine -ephetae -ephete -ephetic -ephialtes -ephidrosis -ephippial -ephippium -ephod -ephor -ephoral -ephoralty -ephorate -ephoric -ephorship -ephorus -ephphatha -Ephraim -Ephraimite -Ephraimitic -Ephraimitish -Ephraitic -Ephrathite -Ephthalite -Ephthianura -ephthianure -Ephydra -ephydriad -ephydrid -Ephydridae -ephymnium -ephyra -ephyrula -epibasal -Epibaterium -epibatholithic -epibenthic -epibenthos -epiblast -epiblastema -epiblastic -epiblema -epibole -epibolic -epibolism -epiboly -epiboulangerite -epibranchial -epic -epical -epically -epicalyx -epicanthic -epicanthus -epicardia -epicardiac -epicardial -epicardium -epicarid -epicaridan -Epicaridea -Epicarides -epicarp -Epicauta -epicede -epicedial -epicedian -epicedium -epicele -epicene -epicenism -epicenity -epicenter -epicentral -epicentrum -Epiceratodus -epicerebral -epicheirema -epichil -epichile -epichilium -epichindrotic -epichirema -epichondrosis -epichordal -epichorial -epichoric -epichorion -epichoristic -Epichristian -epicism -epicist -epiclastic -epicleidian -epicleidium -epiclesis -epiclidal -epiclinal -epicly -epicnemial -Epicoela -epicoelar -epicoele -epicoelia -epicoeliac -epicoelian -epicoeloma -epicoelous -epicolic -epicondylar -epicondyle -epicondylian -epicondylic -epicontinental -epicoracohumeral -epicoracoid -epicoracoidal -epicormic -epicorolline -epicortical -epicostal -epicotyl -epicotyleal -epicotyledonary -epicranial -epicranium -epicranius -Epicrates -epicrisis -epicritic -epicrystalline -Epictetian -epicure -Epicurean -Epicureanism -epicurish -epicurishly -Epicurism -Epicurize -epicycle -epicyclic -epicyclical -epicycloid -epicycloidal -epicyemate -epicyesis -epicystotomy -epicyte -epideictic -epideictical -epideistic -epidemic -epidemical -epidemically -epidemicalness -epidemicity -epidemiographist -epidemiography -epidemiological -epidemiologist -epidemiology -epidemy -epidendral -epidendric -Epidendron -Epidendrum -epiderm -epiderma -epidermal -epidermatic -epidermatoid -epidermatous -epidermic -epidermical -epidermically -epidermidalization -epidermis -epidermization -epidermoid -epidermoidal -epidermolysis -epidermomycosis -Epidermophyton -epidermophytosis -epidermose -epidermous -epidesmine -epidialogue -epidiascope -epidiascopic -epidictic -epidictical -epididymal -epididymectomy -epididymis -epididymite -epididymitis -epididymodeferentectomy -epididymodeferential -epididymovasostomy -epidiorite -epidiorthosis -epidosite -epidote -epidotic -epidotiferous -epidotization -epidural -epidymides -epifascial -epifocal -epifolliculitis -Epigaea -epigamic -epigaster -epigastraeum -epigastral -epigastrial -epigastric -epigastrical -epigastriocele -epigastrium -epigastrocele -epigeal -epigean -epigeic -epigene -epigenesis -epigenesist -epigenetic -epigenetically -epigenic -epigenist -epigenous -epigeous -epiglottal -epiglottic -epiglottidean -epiglottiditis -epiglottis -epiglottitis -epignathous -epigonal -epigonation -epigone -Epigoni -epigonic -Epigonichthyidae -Epigonichthys -epigonium -epigonos -epigonous -Epigonus -epigram -epigrammatic -epigrammatical -epigrammatically -epigrammatism -epigrammatist -epigrammatize -epigrammatizer -epigraph -epigrapher -epigraphic -epigraphical -epigraphically -epigraphist -epigraphy -epiguanine -epigyne -epigynous -epigynum -epigyny -Epihippus -epihyal -epihydric -epihydrinic -epikeia -epiklesis -Epikouros -epilabrum -Epilachna -Epilachnides -epilamellar -epilaryngeal -epilate -epilation -epilatory -epilegomenon -epilemma -epilemmal -epilepsy -epileptic -epileptically -epileptiform -epileptogenic -epileptogenous -epileptoid -epileptologist -epileptology -epilimnion -epilobe -Epilobiaceae -Epilobium -epilogation -epilogic -epilogical -epilogist -epilogistic -epilogize -epilogue -Epimachinae -epimacus -epimandibular -epimanikia -Epimedium -Epimenidean -epimer -epimeral -epimere -epimeric -epimeride -epimerite -epimeritic -epimeron -epimerum -epimorphic -epimorphosis -epimysium -epimyth -epinaos -epinastic -epinastically -epinasty -epineolithic -Epinephelidae -Epinephelus -epinephrine -epinette -epineural -epineurial -epineurium -epinglette -epinicial -epinician -epinicion -epinine -epiopticon -epiotic -Epipactis -epipaleolithic -epiparasite -epiparodos -epipastic -epiperipheral -epipetalous -epiphanous -Epiphany -epipharyngeal -epipharynx -Epiphegus -epiphenomenal -epiphenomenalism -epiphenomenalist -epiphenomenon -epiphloedal -epiphloedic -epiphloeum -epiphonema -epiphora -epiphragm -epiphylline -epiphyllous -Epiphyllum -epiphysary -epiphyseal -epiphyseolysis -epiphysial -epiphysis -epiphysitis -epiphytal -epiphyte -epiphytic -epiphytical -epiphytically -epiphytism -epiphytology -epiphytotic -epiphytous -epipial -epiplankton -epiplanktonic -epiplasm -epiplasmic -epiplastral -epiplastron -epiplectic -epipleura -epipleural -epiplexis -epiploce -epiplocele -epiploic -epiploitis -epiploon -epiplopexy -epipodial -epipodiale -epipodite -epipoditic -epipodium -epipolic -epipolism -epipolize -epiprecoracoid -Epipsychidion -epipteric -epipterous -epipterygoid -epipubic -epipubis -epirhizous -epirogenic -epirogeny -Epirote -Epirotic -epirotulian -epirrhema -epirrhematic -epirrheme -episarcine -episcenium -episclera -episcleral -episcleritis -episcopable -episcopacy -Episcopal -episcopal -episcopalian -Episcopalianism -Episcopalianize -episcopalism -episcopality -Episcopally -episcopally -episcopate -episcopature -episcope -episcopicide -episcopization -episcopize -episcopolatry -episcotister -episematic -episepalous -episiocele -episiohematoma -episioplasty -episiorrhagia -episiorrhaphy -episiostenosis -episiotomy -episkeletal -episkotister -episodal -episode -episodial -episodic -episodical -episodically -epispadiac -epispadias -epispastic -episperm -epispermic -epispinal -episplenitis -episporangium -epispore -episporium -epistapedial -epistasis -epistatic -epistaxis -epistemic -epistemolog -epistemological -epistemologically -epistemologist -epistemology -epistemonic -epistemonical -epistemophilia -epistemophiliac -epistemophilic -episternal -episternalia -episternite -episternum -epistilbite -epistlar -epistle -epistler -epistolarian -epistolarily -epistolary -epistolatory -epistoler -epistolet -epistolic -epistolical -epistolist -epistolizable -epistolization -epistolize -epistolizer -epistolographer -epistolographic -epistolographist -epistolography -epistoma -epistomal -epistome -epistomian -epistroma -epistrophe -epistropheal -epistropheus -epistrophic -epistrophy -epistylar -epistyle -Epistylis -episyllogism -episynaloephe -episynthetic -episyntheton -epitactic -epitaph -epitapher -epitaphial -epitaphian -epitaphic -epitaphical -epitaphist -epitaphize -epitaphless -epitasis -epitela -epitendineum -epitenon -epithalamia -epithalamial -epithalamiast -epithalamic -epithalamion -epithalamium -epithalamize -epithalamus -epithalamy -epithalline -epitheca -epithecal -epithecate -epithecium -epithelia -epithelial -epithelioblastoma -epithelioceptor -epitheliogenetic -epithelioglandular -epithelioid -epitheliolysin -epitheliolysis -epitheliolytic -epithelioma -epitheliomatous -epitheliomuscular -epitheliosis -epitheliotoxin -epithelium -epithelization -epithelize -epitheloid -epithem -epithesis -epithet -epithetic -epithetical -epithetically -epithetician -epithetize -epitheton -epithumetic -epithyme -epithymetic -epithymetical -epitimesis -epitoke -epitomator -epitomatory -epitome -epitomic -epitomical -epitomically -epitomist -epitomization -epitomize -epitomizer -epitonic -Epitoniidae -epitonion -Epitonium -epitoxoid -epitrachelion -epitrichial -epitrichium -epitrite -epitritic -epitrochlea -epitrochlear -epitrochoid -epitrochoidal -epitrope -epitrophic -epitrophy -epituberculosis -epituberculous -epitympanic -epitympanum -epityphlitis -epityphlon -epiural -epivalve -epixylous -epizeuxis -Epizoa -epizoa -epizoal -epizoan -epizoarian -epizoic -epizoicide -epizoon -epizootic -epizootiology -epoch -epocha -epochal -epochally -epochism -epochist -epode -epodic -epollicate -Epomophorus -eponychium -eponym -eponymic -eponymism -eponymist -eponymize -eponymous -eponymus -eponymy -epoophoron -epopee -epopoean -epopoeia -epopoeist -epopt -epoptes -epoptic -epoptist -epornitic -epornitically -epos -Eppie -Eppy -Eproboscidea -epruinose -epsilon -Epsom -epsomite -Eptatretidae -Eptatretus -epulary -epulation -epulis -epulo -epuloid -epulosis -epulotic -epupillate -epural -epurate -epuration -epyllion -equability -equable -equableness -equably -equaeval -equal -equalable -equaling -equalist -equalitarian -equalitarianism -equality -equalization -equalize -equalizer -equalizing -equalling -equally -equalness -equangular -equanimity -equanimous -equanimously -equanimousness -equant -equatable -equate -equation -equational -equationally -equationism -equationist -equator -equatorial -equatorially -equatorward -equatorwards -equerry -equerryship -equestrial -equestrian -equestrianism -equestrianize -equestrianship -equestrienne -equianchorate -equiangle -equiangular -equiangularity -equianharmonic -equiarticulate -equiatomic -equiaxed -equiaxial -equibalance -equibiradiate -equicellular -equichangeable -equicohesive -equiconvex -equicostate -equicrural -equicurve -equid -equidense -equidensity -equidiagonal -equidifferent -equidimensional -equidistance -equidistant -equidistantial -equidistantly -equidistribution -equidiurnal -equidivision -equidominant -equidurable -equielliptical -equiexcellency -equiform -equiformal -equiformity -equiglacial -equigranular -equijacent -equilateral -equilaterally -equilibrant -equilibrate -equilibration -equilibrative -equilibrator -equilibratory -equilibria -equilibrial -equilibriate -equilibrio -equilibrious -equilibrist -equilibristat -equilibristic -equilibrity -equilibrium -equilibrize -equilobate -equilobed -equilocation -equilucent -equimodal -equimolar -equimolecular -equimomental -equimultiple -equinate -equine -equinecessary -equinely -equinia -equinity -equinoctial -equinoctially -equinovarus -equinox -equinumerally -equinus -equiomnipotent -equip -equipaga -equipage -equiparant -equiparate -equiparation -equipartile -equipartisan -equipartition -equiped -equipedal -equiperiodic -equipluve -equipment -equipoise -equipollence -equipollency -equipollent -equipollently -equipollentness -equiponderance -equiponderancy -equiponderant -equiponderate -equiponderation -equipostile -equipotent -equipotential -equipotentiality -equipper -equiprobabilism -equiprobabilist -equiprobability -equiproducing -equiproportional -equiproportionality -equiradial -equiradiate -equiradical -equirotal -equisegmented -Equisetaceae -equisetaceous -Equisetales -equisetic -Equisetum -equisided -equisignal -equisized -equison -equisonance -equisonant -equispaced -equispatial -equisufficiency -equisurface -equitable -equitableness -equitably -equitangential -equitant -equitation -equitative -equitemporal -equitemporaneous -equites -equitist -equitriangular -equity -equivalence -equivalenced -equivalency -equivalent -equivalently -equivaliant -equivalue -equivaluer -equivalve -equivalved -equivalvular -equivelocity -equivocacy -equivocal -equivocality -equivocally -equivocalness -equivocate -equivocatingly -equivocation -equivocator -equivocatory -equivoluminal -equivoque -equivorous -equivote -equoid -equoidean -equuleus -Equus -er -era -erade -eradiate -eradiation -eradicable -eradicant -eradicate -eradication -eradicative -eradicator -eradicatory -eradiculose -Eragrostis -eral -eranist -Eranthemum -Eranthis -erasable -erase -erased -erasement -eraser -erasion -Erasmian -Erasmus -Erastian -Erastianism -Erastianize -Erastus -erasure -Erava -erbia -erbium -erd -erdvark -ere -Erechtheum -Erechtheus -Erechtites -erect -erectable -erecter -erectile -erectility -erecting -erection -erective -erectly -erectness -erectopatent -erector -erelong -eremacausis -Eremian -eremic -eremital -eremite -eremiteship -eremitic -eremitical -eremitish -eremitism -Eremochaeta -eremochaetous -eremology -eremophyte -Eremopteris -Eremurus -erenach -erenow -erepsin -erept -ereptase -ereptic -ereption -erethic -erethisia -erethism -erethismic -erethistic -erethitic -Erethizon -Erethizontidae -Eretrian -erewhile -erewhiles -erg -ergal -ergamine -Ergane -ergasia -ergasterion -ergastic -ergastoplasm -ergastoplasmic -ergastulum -ergatandromorph -ergatandromorphic -ergatandrous -ergatandry -ergates -ergatocracy -ergatocrat -ergatogyne -ergatogynous -ergatogyny -ergatoid -ergatomorph -ergatomorphic -ergatomorphism -ergmeter -ergodic -ergogram -ergograph -ergographic -ergoism -ergology -ergomaniac -ergometer -ergometric -ergometrine -ergon -ergonovine -ergophile -ergophobia -ergophobiac -ergoplasm -ergostat -ergosterin -ergosterol -ergot -ergotamine -ergotaminine -ergoted -ergothioneine -ergotic -ergotin -ergotinine -ergotism -ergotist -ergotization -ergotize -ergotoxin -ergotoxine -ergusia -eria -Erian -Erianthus -Eric -eric -Erica -Ericaceae -ericaceous -ericad -erical -Ericales -ericetal -ericeticolous -ericetum -erichthus -erichtoid -ericineous -ericius -Erick -ericoid -ericolin -ericophyte -Eridanid -Erie -Erigenia -Erigeron -erigible -Eriglossa -eriglossate -Erik -erika -erikite -Erinaceidae -erinaceous -Erinaceus -erineum -erinite -Erinize -erinose -Eriobotrya -Eriocaulaceae -eriocaulaceous -Eriocaulon -Eriocomi -Eriodendron -Eriodictyon -erioglaucine -Eriogonum -eriometer -erionite -Eriophorum -Eriophyes -Eriophyidae -eriophyllous -Eriosoma -Eriphyle -Eristalis -eristic -eristical -eristically -Erithacus -Eritrean -erizo -erlking -Erma -Ermanaric -Ermani -Ermanrich -ermelin -ermine -ermined -erminee -ermines -erminites -erminois -erne -Ernest -Ernestine -Ernie -Ernst -erode -eroded -erodent -erodible -Erodium -erogeneity -erogenesis -erogenetic -erogenic -erogenous -erogeny -Eros -eros -erose -erosely -erosible -erosion -erosional -erosionist -erosive -erostrate -eroteme -erotesis -erotetic -erotic -erotica -erotical -erotically -eroticism -eroticize -eroticomania -erotism -erotogenesis -erotogenetic -erotogenic -erotogenicity -erotomania -erotomaniac -erotopath -erotopathic -erotopathy -Erotylidae -Erpetoichthys -erpetologist -err -errability -errable -errableness -errabund -errancy -errand -errant -Errantia -errantly -errantness -errantry -errata -erratic -erratical -erratically -erraticalness -erraticism -erraticness -erratum -errhine -erring -erringly -errite -erroneous -erroneously -erroneousness -error -errorful -errorist -errorless -ers -Ersar -ersatz -Erse -Ertebolle -erth -erthen -erthling -erthly -erubescence -erubescent -erubescite -eruc -Eruca -eruca -erucic -eruciform -erucin -erucivorous -eruct -eructance -eructation -eructative -eruction -erudit -erudite -eruditely -eruditeness -eruditical -erudition -eruditional -eruditionist -erugate -erugation -erugatory -erumpent -erupt -eruption -eruptional -eruptive -eruptively -eruptiveness -eruptivity -ervenholder -Ervipiame -Ervum -Erwin -Erwinia -eryhtrism -Erymanthian -Eryngium -eryngo -Eryon -Eryops -Erysibe -Erysimum -erysipelas -erysipelatoid -erysipelatous -erysipeloid -Erysipelothrix -erysipelous -Erysiphaceae -Erysiphe -Erythea -erythema -erythematic -erythematous -erythemic -Erythraea -Erythraean -Erythraeidae -erythrasma -erythrean -erythremia -erythremomelalgia -erythrene -erythrin -Erythrina -erythrine -Erythrinidae -Erythrinus -erythrismal -erythristic -erythrite -erythritic -erythritol -erythroblast -erythroblastic -erythroblastosis -erythrocarpous -erythrocatalysis -Erythrochaete -erythrochroic -erythrochroism -erythroclasis -erythroclastic -erythrocyte -erythrocytic -erythrocytoblast -erythrocytolysin -erythrocytolysis -erythrocytolytic -erythrocytometer -erythrocytorrhexis -erythrocytoschisis -erythrocytosis -erythrodegenerative -erythrodermia -erythrodextrin -erythrogenesis -erythrogenic -erythroglucin -erythrogonium -erythroid -erythrol -erythrolein -erythrolitmin -erythrolysin -erythrolysis -erythrolytic -erythromelalgia -erythron -erythroneocytosis -Erythronium -erythronium -erythropenia -erythrophage -erythrophagous -erythrophilous -erythrophleine -erythrophobia -erythrophore -erythrophyll -erythrophyllin -erythropia -erythroplastid -erythropoiesis -erythropoietic -erythropsia -erythropsin -erythrorrhexis -erythroscope -erythrose -erythrosiderite -erythrosin -erythrosinophile -erythrosis -Erythroxylaceae -erythroxylaceous -erythroxyline -Erythroxylon -Erythroxylum -erythrozincite -erythrozyme -erythrulose -Eryx -es -esca -escadrille -escalade -escalader -escalado -escalan -escalate -Escalator -escalator -escalin -Escallonia -Escalloniaceae -escalloniaceous -escalop -escaloped -escambio -escambron -escapable -escapade -escapage -escape -escapee -escapeful -escapeless -escapement -escaper -escapingly -escapism -escapist -escarbuncle -escargatoire -escarole -escarp -escarpment -eschalot -eschar -eschara -escharine -escharoid -escharotic -eschatocol -eschatological -eschatologist -eschatology -escheat -escheatable -escheatage -escheatment -escheator -escheatorship -Escherichia -eschew -eschewal -eschewance -eschewer -Eschscholtzia -eschynite -esclavage -escoba -escobadura -escobilla -escobita -escolar -esconson -escopette -Escorial -escort -escortage -escortee -escortment -escribe -escritoire -escritorial -escrol -escropulo -escrow -escruage -escudo -Esculapian -esculent -esculetin -esculin -escutcheon -escutcheoned -escutellate -esdragol -Esdras -Esebrias -esemplastic -esemplasy -eseptate -esere -eserine -esexual -eshin -esiphonal -esker -Eskimauan -Eskimo -Eskimoic -Eskimoid -Eskimoized -Eskualdun -Eskuara -Esmeralda -Esmeraldan -esmeraldite -esne -esoanhydride -esocataphoria -Esocidae -esociform -esocyclic -esodic -esoenteritis -esoethmoiditis -esogastritis -esonarthex -esoneural -esophagal -esophagalgia -esophageal -esophagean -esophagectasia -esophagectomy -esophagi -esophagism -esophagismus -esophagitis -esophago -esophagocele -esophagodynia -esophagogastroscopy -esophagogastrostomy -esophagomalacia -esophagometer -esophagomycosis -esophagopathy -esophagoplasty -esophagoplegia -esophagoplication -esophagoptosis -esophagorrhagia -esophagoscope -esophagoscopy -esophagospasm -esophagostenosis -esophagostomy -esophagotome -esophagotomy -esophagus -esophoria -esophoric -Esopus -esoteric -esoterica -esoterical -esoterically -esotericism -esotericist -esoterics -esoterism -esoterist -esoterize -esotery -esothyropexy -esotrope -esotropia -esotropic -Esox -espacement -espadon -espalier -espantoon -esparcet -esparsette -esparto -espathate -espave -especial -especially -especialness -esperance -Esperantic -Esperantidist -Esperantido -Esperantism -Esperantist -Esperanto -espial -espichellite -espier -espinal -espingole -espinillo -espino -espionage -esplanade -esplees -esponton -espousal -espouse -espousement -espouser -Espriella -espringal -espundia -espy -esquamate -esquamulose -Esquiline -esquire -esquirearchy -esquiredom -esquireship -ess -essang -essay -essayer -essayette -essayical -essayish -essayism -essayist -essayistic -essayistical -essaylet -essed -Essedones -Esselen -Esselenian -essence -essency -Essene -Essenian -Essenianism -Essenic -Essenical -Essenis -Essenism -Essenize -essentia -essential -essentialism -essentialist -essentiality -essentialize -essentially -essentialness -essenwood -Essex -essexite -Essie -essling -essoin -essoinee -essoiner -essoinment -essonite -essorant -establish -establishable -established -establisher -establishment -establishmentarian -establishmentarianism -establishmentism -estacade -estadal -estadio -estado -estafette -estafetted -estamene -estamp -estampage -estampede -estampedero -estate -estatesman -esteem -esteemable -esteemer -Estella -ester -esterase -esterellite -esteriferous -esterification -esterify -esterization -esterize -esterlin -esterling -estevin -Esth -Esthacyte -esthematology -Esther -Estheria -estherian -Estheriidae -esthesia -esthesio -esthesioblast -esthesiogen -esthesiogenic -esthesiogeny -esthesiography -esthesiology -esthesiometer -esthesiometric -esthesiometry -esthesioneurosis -esthesiophysiology -esthesis -esthetology -esthetophore -esthiomene -estimable -estimableness -estimably -estimate -estimatingly -estimation -estimative -estimator -estipulate -estivage -estival -estivate -estivation -estivator -estmark -estoc -estoile -Estonian -estop -estoppage -estoppel -Estotiland -estovers -estrade -estradiol -estradiot -estragole -estrange -estrangedness -estrangement -estranger -estrapade -estray -estre -estreat -estrepe -estrepement -estriate -estriche -estrin -estriol -estrogen -estrogenic -estrone -estrous -estrual -estruate -estruation -estuarial -estuarine -estuary -estufa -estuous -estus -esugarization -esurience -esurient -esuriently -eta -etaballi -etacism -etacist -etalon -Etamin -etamine -etch -Etchareottine -etcher -Etchimin -etching -Eteoclus -Eteocretes -Eteocreton -eternal -eternalism -eternalist -eternalization -eternalize -eternally -eternalness -eternity -eternization -eternize -etesian -ethal -ethaldehyde -Ethan -ethanal -ethanamide -ethane -ethanedial -ethanediol -ethanedithiol -ethanethial -ethanethiol -Ethanim -ethanol -ethanolamine -ethanolysis -ethanoyl -Ethel -ethel -ethene -Etheneldeli -ethenic -ethenoid -ethenoidal -ethenol -ethenyl -Etheostoma -Etheostomidae -Etheostominae -etheostomoid -ether -etherate -ethereal -etherealism -ethereality -etherealization -etherealize -ethereally -etherealness -etherean -ethered -ethereous -Etheria -etheric -etherification -etheriform -etherify -Etheriidae -etherin -etherion -etherism -etherization -etherize -etherizer -etherolate -etherous -ethic -ethical -ethicalism -ethicality -ethically -ethicalness -ethician -ethicism -ethicist -ethicize -ethicoaesthetic -ethicophysical -ethicopolitical -ethicoreligious -ethicosocial -ethics -ethid -ethide -ethidene -ethine -ethiodide -ethionic -Ethiop -Ethiopia -Ethiopian -Ethiopic -ethiops -ethmofrontal -ethmoid -ethmoidal -ethmoiditis -ethmolachrymal -ethmolith -ethmomaxillary -ethmonasal -ethmopalatal -ethmopalatine -ethmophysal -ethmopresphenoidal -ethmosphenoid -ethmosphenoidal -ethmoturbinal -ethmoturbinate -ethmovomer -ethmovomerine -ethmyphitis -ethnal -ethnarch -ethnarchy -ethnic -ethnical -ethnically -ethnicism -ethnicist -ethnicize -ethnicon -ethnize -ethnobiological -ethnobiology -ethnobotanic -ethnobotanical -ethnobotanist -ethnobotany -ethnocentric -ethnocentrism -ethnocracy -ethnodicy -ethnoflora -ethnogenic -ethnogeny -ethnogeographer -ethnogeographic -ethnogeographical -ethnogeographically -ethnogeography -ethnographer -ethnographic -ethnographical -ethnographically -ethnographist -ethnography -ethnologer -ethnologic -ethnological -ethnologically -ethnologist -ethnology -ethnomaniac -ethnopsychic -ethnopsychological -ethnopsychology -ethnos -ethnotechnics -ethnotechnography -ethnozoological -ethnozoology -ethography -etholide -ethologic -ethological -ethology -ethonomic -ethonomics -ethopoeia -ethos -ethoxide -ethoxycaffeine -ethoxyl -ethrog -ethyl -ethylamide -ethylamine -ethylate -ethylation -ethylene -ethylenediamine -ethylenic -ethylenimine -ethylenoid -ethylhydrocupreine -ethylic -ethylidene -ethylidyne -ethylin -ethylmorphine -ethylsulphuric -ethyne -ethynyl -etiogenic -etiolate -etiolation -etiolin -etiolize -etiological -etiologically -etiologist -etiologue -etiology -etiophyllin -etioporphyrin -etiotropic -etiotropically -etiquette -etiquettical -etna -Etnean -Etonian -Etrurian -Etruscan -Etruscologist -Etruscology -Etta -Ettarre -ettle -etua -etude -etui -etym -etymic -etymography -etymologer -etymologic -etymological -etymologically -etymologicon -etymologist -etymologization -etymologize -etymology -etymon -etymonic -etypic -etypical -etypically -eu -Euahlayi -euangiotic -Euascomycetes -euaster -Eubacteriales -eubacterium -Eubasidii -Euboean -Euboic -Eubranchipus -eucaine -eucairite -eucalypt -eucalypteol -eucalyptian -eucalyptic -eucalyptography -eucalyptol -eucalyptole -Eucalyptus -eucalyptus -Eucarida -eucatropine -eucephalous -Eucharis -Eucharist -eucharistial -eucharistic -eucharistical -Eucharistically -eucharistically -eucharistize -Eucharitidae -Euchite -Euchlaena -euchlorhydria -euchloric -euchlorine -Euchlorophyceae -euchological -euchologion -euchology -Euchorda -euchre -euchred -euchroic -euchroite -euchromatic -euchromatin -euchrome -euchromosome -euchrone -Eucirripedia -euclase -Euclea -Eucleidae -Euclid -Euclidean -Euclideanism -Eucnemidae -eucolite -Eucommia -Eucommiaceae -eucone -euconic -Euconjugatae -Eucopepoda -Eucosia -eucosmid -Eucosmidae -eucrasia -eucrasite -eucrasy -eucrite -Eucryphia -Eucryphiaceae -eucryphiaceous -eucryptite -eucrystalline -euctical -eucyclic -eudaemon -eudaemonia -eudaemonic -eudaemonical -eudaemonics -eudaemonism -eudaemonist -eudaemonistic -eudaemonistical -eudaemonistically -eudaemonize -eudaemony -eudaimonia -eudaimonism -eudaimonist -Eudemian -Eudendrium -Eudeve -eudiagnostic -eudialyte -eudiaphoresis -eudidymite -eudiometer -eudiometric -eudiometrical -eudiometrically -eudiometry -eudipleural -Eudist -Eudora -Eudorina -Eudoxian -Eudromias -Eudyptes -Euergetes -euge -Eugene -eugenesic -eugenesis -eugenetic -Eugenia -eugenic -eugenical -eugenically -eugenicist -eugenics -Eugenie -eugenism -eugenist -eugenol -eugenolate -eugeny -Euglandina -Euglena -Euglenaceae -Euglenales -Euglenida -Euglenidae -Euglenineae -euglenoid -Euglenoidina -euglobulin -eugranitic -Eugregarinida -Eugubine -Eugubium -euharmonic -euhedral -euhemerism -euhemerist -euhemeristic -euhemeristically -euhemerize -euhyostylic -euhyostyly -euktolite -eulachon -Eulalia -eulalia -eulamellibranch -Eulamellibranchia -Eulamellibranchiata -Eulima -Eulimidae -eulogia -eulogic -eulogical -eulogically -eulogious -eulogism -eulogist -eulogistic -eulogistical -eulogistically -eulogium -eulogization -eulogize -eulogizer -eulogy -eulysite -eulytine -eulytite -Eumenes -eumenid -Eumenidae -Eumenidean -Eumenides -eumenorrhea -eumerism -eumeristic -eumerogenesis -eumerogenetic -eumeromorph -eumeromorphic -eumitosis -eumitotic -eumoiriety -eumoirous -Eumolpides -Eumolpus -eumorphous -eumycete -Eumycetes -eumycetic -Eunectes -Eunice -eunicid -Eunicidae -Eunomia -Eunomian -Eunomianism -eunomy -eunuch -eunuchal -eunuchism -eunuchize -eunuchoid -eunuchoidism -eunuchry -euomphalid -Euomphalus -euonym -euonymin -euonymous -Euonymus -euonymy -Euornithes -euornithic -Euorthoptera -euosmite -euouae -eupad -Eupanorthidae -Eupanorthus -eupathy -eupatoriaceous -eupatorin -Eupatorium -eupatory -eupatrid -eupatridae -eupepsia -eupepsy -eupeptic -eupepticism -eupepticity -Euphausia -Euphausiacea -euphausiid -Euphausiidae -Euphemia -euphemian -euphemious -euphemiously -euphemism -euphemist -euphemistic -euphemistical -euphemistically -euphemize -euphemizer -euphemous -euphemy -euphon -euphone -euphonetic -euphonetics -euphonia -euphonic -euphonical -euphonically -euphonicalness -euphonious -euphoniously -euphoniousness -euphonism -euphonium -euphonize -euphonon -euphonous -euphony -euphonym -Euphorbia -Euphorbiaceae -euphorbiaceous -euphorbium -euphoria -euphoric -euphory -Euphrasia -euphrasy -Euphratean -euphroe -Euphrosyne -Euphues -euphuism -euphuist -euphuistic -euphuistical -euphuistically -euphuize -Euphyllopoda -eupione -eupittonic -euplastic -Euplectella -Euplexoptera -Euplocomi -Euploeinae -euploid -euploidy -eupnea -Eupolidean -Eupolyzoa -eupolyzoan -Eupomatia -Eupomatiaceae -eupractic -eupraxia -Euprepia -Euproctis -eupsychics -Euptelea -Eupterotidae -eupyrchroite -eupyrene -eupyrion -Eurafric -Eurafrican -Euraquilo -Eurasian -Eurasianism -Eurasiatic -eureka -eurhodine -eurhodol -Eurindic -Euripidean -euripus -eurite -Euroaquilo -eurobin -Euroclydon -Europa -Europasian -European -Europeanism -Europeanization -Europeanize -Europeanly -Europeward -europium -Europocentric -Eurus -Euryalae -Euryale -Euryaleae -euryalean -Euryalida -euryalidan -Euryalus -eurybathic -eurybenthic -eurycephalic -eurycephalous -Eurycerotidae -Euryclea -Eurydice -Eurygaea -Eurygaean -eurygnathic -eurygnathism -eurygnathous -euryhaline -Eurylaimi -Eurylaimidae -eurylaimoid -Eurylaimus -Eurymus -euryon -Eurypelma -Eurypharyngidae -Eurypharynx -euryprognathous -euryprosopic -eurypterid -Eurypterida -eurypteroid -Eurypteroidea -Eurypterus -Eurypyga -Eurypygae -Eurypygidae -eurypylous -euryscope -Eurystheus -eurystomatous -eurythermal -eurythermic -eurythmic -eurythmical -eurythmics -eurythmy -eurytomid -Eurytomidae -Eurytus -euryzygous -Euscaro -Eusebian -Euselachii -Euskaldun -Euskara -Euskarian -Euskaric -Euskera -eusol -Euspongia -eusporangiate -Eustace -Eustachian -eustachium -Eustathian -eustatic -Eusthenopteron -eustomatous -eustyle -Eusuchia -eusuchian -eusynchite -Eutaenia -eutannin -eutaxic -eutaxite -eutaxitic -eutaxy -eutechnic -eutechnics -eutectic -eutectoid -Euterpe -Euterpean -eutexia -Euthamia -euthanasia -euthanasy -euthenics -euthenist -Eutheria -eutherian -euthermic -Euthycomi -euthycomic -Euthyneura -euthyneural -euthyneurous -euthytatic -euthytropic -eutomous -eutony -Eutopia -Eutopian -eutrophic -eutrophy -eutropic -eutropous -Eutychian -Eutychianism -euxanthate -euxanthic -euxanthone -euxenite -Euxine -Eva -evacuant -evacuate -evacuation -evacuative -evacuator -evacue -evacuee -evadable -evade -evader -evadingly -Evadne -evagation -evaginable -evaginate -evagination -evaluable -evaluate -evaluation -evaluative -evalue -Evan -evanesce -evanescence -evanescency -evanescent -evanescently -evanescible -evangel -evangelary -evangelian -evangeliarium -evangeliary -evangelical -evangelicalism -evangelicality -evangelically -evangelicalness -evangelican -evangelicism -evangelicity -Evangeline -evangelion -evangelism -evangelist -evangelistarion -evangelistarium -evangelistary -evangelistic -evangelistically -evangelistics -evangelistship -evangelium -evangelization -evangelize -evangelizer -Evaniidae -evanish -evanishment -evanition -evansite -evaporability -evaporable -evaporate -evaporation -evaporative -evaporativity -evaporator -evaporimeter -evaporize -evaporometer -evase -evasible -evasion -evasional -evasive -evasively -evasiveness -Eve -eve -Evea -evechurr -evection -evectional -Evehood -evejar -Eveless -evelight -Evelina -Eveline -evelong -Evelyn -even -evenblush -evendown -evener -evenfall -evenforth -evenglow -evenhanded -evenhandedly -evenhandedness -evening -evenlight -evenlong -evenly -evenmete -evenminded -evenmindedness -evenness -evens -evensong -event -eventful -eventfully -eventfulness -eventide -eventime -eventless -eventlessly -eventlessness -eventognath -Eventognathi -eventognathous -eventration -eventual -eventuality -eventualize -eventually -eventuate -eventuation -evenwise -evenworthy -eveque -ever -Everard -everbearer -everbearing -everbloomer -everblooming -everduring -Everett -everglade -evergreen -evergreenery -evergreenite -everlasting -everlastingly -everlastingness -everliving -evermore -Evernia -evernioid -eversible -eversion -eversive -eversporting -evert -evertebral -Evertebrata -evertebrate -evertile -evertor -everwhich -everwho -every -everybody -everyday -everydayness -everyhow -everylike -Everyman -everyman -everyness -everyone -everything -everywhen -everywhence -everywhere -everywhereness -everywheres -everywhither -evestar -evetide -eveweed -evict -eviction -evictor -evidence -evidencive -evident -evidential -evidentially -evidentiary -evidently -evidentness -evil -evildoer -evilhearted -evilly -evilmouthed -evilness -evilproof -evilsayer -evilspeaker -evilspeaking -evilwishing -evince -evincement -evincible -evincibly -evincingly -evincive -evirate -eviration -eviscerate -evisceration -evisite -evitable -evitate -evitation -evittate -evocable -evocate -evocation -evocative -evocatively -evocator -evocatory -evocatrix -Evodia -evoe -evoke -evoker -evolute -evolution -evolutional -evolutionally -evolutionary -evolutionism -evolutionist -evolutionize -evolutive -evolutoid -evolvable -evolve -evolvement -evolvent -evolver -Evonymus -evovae -evulgate -evulgation -evulse -evulsion -evzone -ewder -Ewe -ewe -ewelease -ewer -ewerer -ewery -ewry -ex -exacerbate -exacerbation -exacerbescence -exacerbescent -exact -exactable -exacter -exacting -exactingly -exactingness -exaction -exactitude -exactive -exactiveness -exactly -exactment -exactness -exactor -exactress -exadversum -exaggerate -exaggerated -exaggeratedly -exaggerating -exaggeratingly -exaggeration -exaggerative -exaggeratively -exaggerativeness -exaggerator -exaggeratory -exagitate -exagitation -exairesis -exalate -exalbuminose -exalbuminous -exallotriote -exalt -exaltation -exaltative -exalted -exaltedly -exaltedness -exalter -exam -examen -examinability -examinable -examinant -examinate -examination -examinational -examinationism -examinationist -examinative -examinator -examinatorial -examinatory -examine -examinee -examiner -examinership -examining -examiningly -example -exampleless -exampleship -exanimate -exanimation -exanthem -exanthema -exanthematic -exanthematous -exappendiculate -exarate -exaration -exarch -exarchal -exarchate -exarchateship -Exarchic -Exarchist -exarchist -exarchy -exareolate -exarillate -exaristate -exarteritis -exarticulate -exarticulation -exasperate -exasperated -exasperatedly -exasperater -exasperating -exasperatingly -exasperation -exasperative -exaspidean -Exaudi -exaugurate -exauguration -excalate -excalation -excalcarate -excalceate -excalceation -Excalibur -excamb -excamber -excambion -excandescence -excandescency -excandescent -excantation -excarnate -excarnation -excathedral -excaudate -excavate -excavation -excavationist -excavator -excavatorial -excavatory -excave -excecate -excecation -excedent -exceed -exceeder -exceeding -exceedingly -exceedingness -excel -excelente -excellence -excellency -excellent -excellently -excelsin -Excelsior -excelsior -excelsitude -excentral -excentric -excentrical -excentricity -except -exceptant -excepting -exception -exceptionable -exceptionableness -exceptionably -exceptional -exceptionality -exceptionally -exceptionalness -exceptionary -exceptionless -exceptious -exceptiousness -exceptive -exceptively -exceptiveness -exceptor -excerebration -excerpt -excerptible -excerption -excerptive -excerptor -excess -excessive -excessively -excessiveness -excessman -exchange -exchangeability -exchangeable -exchangeably -exchanger -Exchangite -Exchequer -exchequer -excide -excipient -exciple -Excipulaceae -excipular -excipule -excipuliform -excipulum -excircle -excisable -excise -exciseman -excisemanship -excision -excisor -excitability -excitable -excitableness -excitancy -excitant -excitation -excitative -excitator -excitatory -excite -excited -excitedly -excitedness -excitement -exciter -exciting -excitingly -excitive -excitoglandular -excitometabolic -excitomotion -excitomotor -excitomotory -excitomuscular -excitonutrient -excitor -excitory -excitosecretory -excitovascular -exclaim -exclaimer -exclaiming -exclaimingly -exclamation -exclamational -exclamative -exclamatively -exclamatorily -exclamatory -exclave -exclosure -excludable -exclude -excluder -excluding -excludingly -exclusion -exclusionary -exclusioner -exclusionism -exclusionist -exclusive -exclusively -exclusiveness -exclusivism -exclusivist -exclusivity -exclusory -Excoecaria -excogitable -excogitate -excogitation -excogitative -excogitator -excommunicable -excommunicant -excommunicate -excommunication -excommunicative -excommunicator -excommunicatory -exconjugant -excoriable -excoriate -excoriation -excoriator -excorticate -excortication -excrement -excremental -excrementary -excrementitial -excrementitious -excrementitiously -excrementitiousness -excrementive -excresce -excrescence -excrescency -excrescent -excrescential -excreta -excretal -excrete -excreter -excretes -excretion -excretionary -excretitious -excretive -excretory -excriminate -excruciable -excruciate -excruciating -excruciatingly -excruciation -excruciator -excubant -excudate -exculpable -exculpate -exculpation -exculpative -exculpatorily -exculpatory -excurrent -excurse -excursion -excursional -excursionary -excursioner -excursionism -excursionist -excursionize -excursive -excursively -excursiveness -excursory -excursus -excurvate -excurvated -excurvation -excurvature -excurved -excusability -excusable -excusableness -excusably -excusal -excusative -excusator -excusatory -excuse -excuseful -excusefully -excuseless -excuser -excusing -excusingly -excusive -excuss -excyst -excystation -excysted -excystment -exdelicto -exdie -exeat -execrable -execrableness -execrably -execrate -execration -execrative -execratively -execrator -execratory -executable -executancy -executant -execute -executed -executer -execution -executional -executioneering -executioner -executioneress -executionist -executive -executively -executiveness -executiveship -executor -executorial -executorship -executory -executress -executrices -executrix -executrixship -executry -exedent -exedra -exegeses -exegesis -exegesist -exegete -exegetic -exegetical -exegetically -exegetics -exegetist -exemplar -exemplaric -exemplarily -exemplariness -exemplarism -exemplarity -exemplary -exemplifiable -exemplification -exemplificational -exemplificative -exemplificator -exemplifier -exemplify -exempt -exemptible -exemptile -exemption -exemptionist -exemptive -exencephalia -exencephalic -exencephalous -exencephalus -exendospermic -exendospermous -exenterate -exenteration -exequatur -exequial -exequy -exercisable -exercise -exerciser -exercitant -exercitation -exercitor -exercitorial -exercitorian -exeresis -exergual -exergue -exert -exertion -exertionless -exertive -exes -exeunt -exfiguration -exfigure -exfiltration -exflagellate -exflagellation -exflect -exfodiate -exfodiation -exfoliate -exfoliation -exfoliative -exfoliatory -exgorgitation -exhalable -exhalant -exhalation -exhalatory -exhale -exhaust -exhausted -exhaustedly -exhaustedness -exhauster -exhaustibility -exhaustible -exhausting -exhaustingly -exhaustion -exhaustive -exhaustively -exhaustiveness -exhaustless -exhaustlessly -exhaustlessness -exheredate -exheredation -exhibit -exhibitable -exhibitant -exhibiter -exhibition -exhibitional -exhibitioner -exhibitionism -exhibitionist -exhibitionistic -exhibitionize -exhibitive -exhibitively -exhibitor -exhibitorial -exhibitorship -exhibitory -exhilarant -exhilarate -exhilarating -exhilaratingly -exhilaration -exhilarative -exhilarator -exhilaratory -exhort -exhortation -exhortative -exhortatively -exhortator -exhortatory -exhorter -exhortingly -exhumate -exhumation -exhumator -exhumatory -exhume -exhumer -exigence -exigency -exigent -exigenter -exigently -exigible -exiguity -exiguous -exiguously -exiguousness -exilarch -exilarchate -exile -exiledom -exilement -exiler -exilian -exilic -exility -eximious -eximiously -eximiousness -exinanite -exinanition -exindusiate -exinguinal -exist -existability -existence -existent -existential -existentialism -existentialist -existentialistic -existentialize -existentially -existently -exister -existibility -existible -existlessness -exit -exite -exition -exitus -exlex -exmeridian -Exmoor -exoarteritis -Exoascaceae -exoascaceous -Exoascales -Exoascus -Exobasidiaceae -Exobasidiales -Exobasidium -exocannibalism -exocardia -exocardiac -exocardial -exocarp -exocataphoria -exoccipital -exocentric -Exochorda -exochorion -exoclinal -exocline -exocoelar -exocoele -exocoelic -exocoelom -Exocoetidae -Exocoetus -exocolitis -exocone -exocrine -exoculate -exoculation -exocyclic -Exocyclica -Exocycloida -exode -exoderm -exodermis -exodic -exodist -exodontia -exodontist -exodos -exodromic -exodromy -exodus -exody -exoenzyme -exoenzymic -exoerythrocytic -exogamic -exogamous -exogamy -exogastric -exogastrically -exogastritis -exogen -Exogenae -exogenetic -exogenic -exogenous -exogenously -exogeny -exognathion -exognathite -Exogonium -Exogyra -exolemma -exometritis -exomion -exomis -exomologesis -exomorphic -exomorphism -exomphalos -exomphalous -exomphalus -Exon -exon -exonarthex -exoner -exonerate -exoneration -exonerative -exonerator -exoneural -Exonian -exonship -exopathic -exoperidium -exophagous -exophagy -exophasia -exophasic -exophoria -exophoric -exophthalmic -exophthalmos -exoplasm -exopod -exopodite -exopoditic -Exopterygota -exopterygotic -exopterygotism -exopterygotous -exorability -exorable -exorableness -exorbital -exorbitance -exorbitancy -exorbitant -exorbitantly -exorbitate -exorbitation -exorcisation -exorcise -exorcisement -exorciser -exorcism -exorcismal -exorcisory -exorcist -exorcistic -exorcistical -exordia -exordial -exordium -exordize -exorganic -exorhason -exormia -exornation -exosepsis -exoskeletal -exoskeleton -exosmic -exosmose -exosmosis -exosmotic -exosperm -exosporal -exospore -exosporium -exosporous -Exostema -exostome -exostosed -exostosis -exostotic -exostra -exostracism -exostracize -exoteric -exoterical -exoterically -exotericism -exoterics -exotheca -exothecal -exothecate -exothecium -exothermal -exothermic -exothermous -exotic -exotically -exoticalness -exoticism -exoticist -exoticity -exoticness -exotism -exotospore -exotoxic -exotoxin -exotropia -exotropic -exotropism -expalpate -expand -expanded -expandedly -expandedness -expander -expanding -expandingly -expanse -expansibility -expansible -expansibleness -expansibly -expansile -expansion -expansional -expansionary -expansionism -expansionist -expansive -expansively -expansiveness -expansivity -expansometer -expansure -expatiate -expatiater -expatiatingly -expatiation -expatiative -expatiator -expatiatory -expatriate -expatriation -expect -expectable -expectance -expectancy -expectant -expectantly -expectation -expectative -expectedly -expecter -expectingly -expective -expectorant -expectorate -expectoration -expectorative -expectorator -expede -expediate -expedience -expediency -expedient -expediential -expedientially -expedientist -expediently -expeditate -expeditation -expedite -expedited -expeditely -expediteness -expediter -expedition -expeditionary -expeditionist -expeditious -expeditiously -expeditiousness -expel -expellable -expellant -expellee -expeller -expend -expendability -expendable -expender -expendible -expenditor -expenditrix -expenditure -expense -expenseful -expensefully -expensefulness -expenseless -expensilation -expensive -expensively -expensiveness -expenthesis -expergefacient -expergefaction -experience -experienceable -experienced -experienceless -experiencer -experiencible -experient -experiential -experientialism -experientialist -experientially -experiment -experimental -experimentalism -experimentalist -experimentalize -experimentally -experimentarian -experimentation -experimentative -experimentator -experimented -experimentee -experimenter -experimentist -experimentize -experimently -expert -expertism -expertize -expertly -expertness -expertship -expiable -expiate -expiation -expiational -expiatist -expiative -expiator -expiatoriness -expiatory -expilate -expilation -expilator -expirable -expirant -expirate -expiration -expirator -expiratory -expire -expiree -expirer -expiring -expiringly -expiry -expiscate -expiscation -expiscator -expiscatory -explain -explainable -explainer -explaining -explainingly -explanate -explanation -explanative -explanatively -explanator -explanatorily -explanatoriness -explanatory -explant -explantation -explement -explemental -expletive -expletively -expletiveness -expletory -explicable -explicableness -explicate -explication -explicative -explicatively -explicator -explicatory -explicit -explicitly -explicitness -explodable -explode -exploded -explodent -exploder -exploit -exploitable -exploitage -exploitation -exploitationist -exploitative -exploiter -exploitive -exploiture -explorable -exploration -explorational -explorative -exploratively -explorativeness -explorator -exploratory -explore -explorement -explorer -exploring -exploringly -explosibility -explosible -explosion -explosionist -explosive -explosively -explosiveness -expone -exponence -exponency -exponent -exponential -exponentially -exponentiation -exponible -export -exportability -exportable -exportation -exporter -exposal -expose -exposed -exposedness -exposer -exposit -exposition -expositional -expositionary -expositive -expositively -expositor -expositorial -expositorially -expositorily -expositoriness -expository -expositress -expostulate -expostulating -expostulatingly -expostulation -expostulative -expostulatively -expostulator -expostulatory -exposure -expound -expoundable -expounder -express -expressable -expressage -expressed -expresser -expressibility -expressible -expressibly -expression -expressionable -expressional -expressionful -expressionism -expressionist -expressionistic -expressionless -expressionlessly -expressionlessness -expressive -expressively -expressiveness -expressivism -expressivity -expressless -expressly -expressman -expressness -expressway -exprimable -exprobrate -exprobration -exprobratory -expromission -expromissor -expropriable -expropriate -expropriation -expropriator -expugn -expugnable -expuition -expulsatory -expulse -expulser -expulsion -expulsionist -expulsive -expulsory -expunction -expunge -expungeable -expungement -expunger -expurgate -expurgation -expurgative -expurgator -expurgatorial -expurgatory -expurge -exquisite -exquisitely -exquisiteness -exquisitism -exquisitively -exradio -exradius -exrupeal -exsanguinate -exsanguination -exsanguine -exsanguineous -exsanguinity -exsanguinous -exsanguious -exscind -exscissor -exscriptural -exsculptate -exscutellate -exsect -exsectile -exsection -exsector -exsequatur -exsert -exserted -exsertile -exsertion -exship -exsibilate -exsibilation -exsiccant -exsiccatae -exsiccate -exsiccation -exsiccative -exsiccator -exsiliency -exsomatic -exspuition -exsputory -exstipulate -exstrophy -exsuccous -exsuction -exsufflate -exsufflation -exsufflicate -exsurge -exsurgent -extant -extemporal -extemporally -extemporalness -extemporaneity -extemporaneous -extemporaneously -extemporaneousness -extemporarily -extemporariness -extemporary -extempore -extemporization -extemporize -extemporizer -extend -extended -extendedly -extendedness -extender -extendibility -extendible -extending -extense -extensibility -extensible -extensibleness -extensile -extensimeter -extension -extensional -extensionist -extensity -extensive -extensively -extensiveness -extensometer -extensor -extensory -extensum -extent -extenuate -extenuating -extenuatingly -extenuation -extenuative -extenuator -extenuatory -exter -exterior -exteriorate -exterioration -exteriority -exteriorization -exteriorize -exteriorly -exteriorness -exterminable -exterminate -extermination -exterminative -exterminator -exterminatory -exterminatress -exterminatrix -exterminist -extern -external -externalism -externalist -externalistic -externality -externalization -externalize -externally -externals -externate -externation -externe -externity -externization -externize -externomedian -externum -exteroceptist -exteroceptive -exteroceptor -exterraneous -exterrestrial -exterritorial -exterritoriality -exterritorialize -exterritorially -extima -extinct -extinction -extinctionist -extinctive -extinctor -extine -extinguish -extinguishable -extinguishant -extinguished -extinguisher -extinguishment -extipulate -extirpate -extirpation -extirpationist -extirpative -extirpator -extirpatory -extispex -extispicious -extispicy -extogenous -extol -extoll -extollation -extoller -extollingly -extollment -extolment -extoolitic -extorsive -extorsively -extort -extorter -extortion -extortionary -extortionate -extortionately -extortioner -extortionist -extortive -extra -extrabold -extrabranchial -extrabronchial -extrabuccal -extrabulbar -extrabureau -extraburghal -extracalendar -extracalicular -extracanonical -extracapsular -extracardial -extracarpal -extracathedral -extracellular -extracellularly -extracerebral -extracivic -extracivically -extraclassroom -extraclaustral -extracloacal -extracollegiate -extracolumella -extraconscious -extraconstellated -extraconstitutional -extracorporeal -extracorpuscular -extracosmic -extracosmical -extracostal -extracranial -extract -extractable -extractant -extracted -extractible -extractiform -extraction -extractive -extractor -extractorship -extracultural -extracurial -extracurricular -extracurriculum -extracutaneous -extracystic -extradecretal -extradialectal -extraditable -extradite -extradition -extradomestic -extrados -extradosed -extradotal -extraduction -extradural -extraembryonic -extraenteric -extraepiphyseal -extraequilibrium -extraessential -extraessentially -extrafascicular -extrafloral -extrafocal -extrafoliaceous -extraforaneous -extraformal -extragalactic -extragastric -extrait -extrajudicial -extrajudicially -extralateral -extralite -extrality -extramarginal -extramatrical -extramedullary -extramental -extrameridian -extrameridional -extrametaphysical -extrametrical -extrametropolitan -extramodal -extramolecular -extramorainal -extramorainic -extramoral -extramoralist -extramundane -extramural -extramurally -extramusical -extranational -extranatural -extranean -extraneity -extraneous -extraneously -extraneousness -extranidal -extranormal -extranuclear -extraocular -extraofficial -extraoral -extraorbital -extraorbitally -extraordinarily -extraordinariness -extraordinary -extraorganismal -extraovate -extraovular -extraparenchymal -extraparental -extraparietal -extraparliamentary -extraparochial -extraparochially -extrapatriarchal -extrapelvic -extraperineal -extraperiodic -extraperiosteal -extraperitoneal -extraphenomenal -extraphysical -extraphysiological -extrapituitary -extraplacental -extraplanetary -extrapleural -extrapoetical -extrapolar -extrapolate -extrapolation -extrapolative -extrapolator -extrapopular -extraprofessional -extraprostatic -extraprovincial -extrapulmonary -extrapyramidal -extraquiz -extrared -extraregarding -extraregular -extraregularly -extrarenal -extraretinal -extrarhythmical -extrasacerdotal -extrascholastic -extraschool -extrascientific -extrascriptural -extrascripturality -extrasensible -extrasensory -extrasensuous -extraserous -extrasocial -extrasolar -extrasomatic -extraspectral -extraspherical -extraspinal -extrastapedial -extrastate -extrasterile -extrastomachal -extrasyllabic -extrasyllogistic -extrasyphilitic -extrasystole -extrasystolic -extratabular -extratarsal -extratellurian -extratelluric -extratemporal -extratension -extratensive -extraterrene -extraterrestrial -extraterritorial -extraterritoriality -extraterritorially -extrathecal -extratheistic -extrathermodynamic -extrathoracic -extratorrid -extratracheal -extratribal -extratropical -extratubal -extratympanic -extrauterine -extravagance -extravagancy -extravagant -Extravagantes -extravagantly -extravagantness -extravaganza -extravagate -extravaginal -extravasate -extravasation -extravascular -extraventricular -extraversion -extravert -extravillar -extraviolet -extravisceral -extrazodiacal -extreme -extremeless -extremely -extremeness -extremism -extremist -extremistic -extremital -extremity -extricable -extricably -extricate -extricated -extrication -extrinsic -extrinsical -extrinsicality -extrinsically -extrinsicalness -extrinsicate -extrinsication -extroitive -extropical -extrorsal -extrorse -extrorsely -extrospect -extrospection -extrospective -extroversion -extroversive -extrovert -extrovertish -extrude -extruder -extruding -extrusile -extrusion -extrusive -extrusory -extubate -extubation -extumescence -extund -extusion -exuberance -exuberancy -exuberant -exuberantly -exuberantness -exuberate -exuberation -exudate -exudation -exudative -exude -exudence -exulcerate -exulceration -exulcerative -exulceratory -exult -exultance -exultancy -exultant -exultantly -exultation -exultet -exultingly -exululate -exumbral -exumbrella -exumbrellar -exundance -exundancy -exundate -exundation -exuviability -exuviable -exuviae -exuvial -exuviate -exuviation -exzodiacal -ey -eyah -eyalet -eyas -eye -eyeball -eyebalm -eyebar -eyebeam -eyeberry -eyeblink -eyebolt -eyebree -eyebridled -eyebright -eyebrow -eyecup -eyed -eyedness -eyedot -eyedrop -eyeflap -eyeful -eyeglance -eyeglass -eyehole -Eyeish -eyelash -eyeless -eyelessness -eyelet -eyeleteer -eyeletter -eyelid -eyelight -eyelike -eyeline -eyemark -eyen -eyepiece -eyepit -eyepoint -eyer -eyereach -eyeroot -eyesalve -eyeseed -eyeservant -eyeserver -eyeservice -eyeshade -eyeshield -eyeshot -eyesight -eyesome -eyesore -eyespot -eyestalk -eyestone -eyestrain -eyestring -eyetooth -eyewaiter -eyewash -eyewater -eyewear -eyewink -eyewinker -eyewitness -eyewort -eyey -eying -eyn -eyne -eyot -eyoty -eyra -eyre -eyrie -eyrir -ezba -Ezekiel -Ezra -F -f -fa -Faba -Fabaceae -fabaceous -fabella -fabes -Fabian -Fabianism -Fabianist -fabiform -fable -fabled -fabledom -fableist -fableland -fablemaker -fablemonger -fablemongering -fabler -fabliau -fabling -Fabraea -fabric -fabricant -fabricate -fabrication -fabricative -fabricator -fabricatress -Fabrikoid -fabrikoid -Fabronia -Fabroniaceae -fabular -fabulist -fabulosity -fabulous -fabulously -fabulousness -faburden -facadal -facade -face -faceable -facebread -facecloth -faced -faceless -facellite -facemaker -facemaking -faceman -facemark -facepiece -faceplate -facer -facet -facete -faceted -facetely -faceteness -facetiae -facetiation -facetious -facetiously -facetiousness -facewise -facework -facia -facial -facially -faciation -faciend -facient -facies -facile -facilely -facileness -facilitate -facilitation -facilitative -facilitator -facility -facing -facingly -facinorous -facinorousness -faciobrachial -faciocervical -faciolingual -facioplegia -facioscapulohumeral -fack -fackeltanz -fackings -fackins -facks -facsimile -facsimilist -facsimilize -fact -factable -factabling -factful -Factice -facticide -faction -factional -factionalism -factionary -factioneer -factionist -factionistism -factious -factiously -factiousness -factish -factitial -factitious -factitiously -factitive -factitively -factitude -factive -factor -factorability -factorable -factorage -factordom -factoress -factorial -factorially -factorist -factorization -factorize -factorship -factory -factoryship -factotum -factrix -factual -factuality -factually -factualness -factum -facture -facty -facula -facular -faculous -facultate -facultative -facultatively -facultied -facultize -faculty -facund -facy -fad -fadable -faddiness -faddish -faddishness -faddism -faddist -faddle -faddy -fade -fadeaway -faded -fadedly -fadedness -fadeless -faden -fader -fadge -fading -fadingly -fadingness -fadmonger -fadmongering -fadmongery -fadridden -fady -fae -faerie -Faeroe -faery -faeryland -faff -faffle -faffy -fag -Fagaceae -fagaceous -fagald -Fagales -Fagara -fage -Fagelia -fager -fagger -faggery -fagging -faggingly -fagine -fagopyrism -fagopyrismus -Fagopyrum -fagot -fagoter -fagoting -fagottino -fagottist -fagoty -Fagus -faham -fahlerz -fahlore -fahlunite -Fahrenheit -faience -fail -failing -failingly -failingness -faille -failure -fain -fainaigue -fainaiguer -faineance -faineancy -faineant -faineantism -fainly -fainness -fains -faint -fainter -faintful -faintheart -fainthearted -faintheartedly -faintheartedness -fainting -faintingly -faintish -faintishness -faintly -faintness -faints -fainty -faipule -fair -fairer -fairfieldite -fairgoer -fairgoing -fairgrass -fairground -fairily -fairing -fairish -fairishly -fairkeeper -fairlike -fairling -fairly -fairm -fairness -fairstead -fairtime -fairwater -fairway -fairy -fairydom -fairyfolk -fairyhood -fairyish -fairyism -fairyland -fairylike -fairyologist -fairyology -fairyship -faith -faithbreach -faithbreaker -faithful -faithfully -faithfulness -faithless -faithlessly -faithlessness -faithwise -faithworthiness -faithworthy -faitour -fake -fakement -faker -fakery -fakiness -fakir -fakirism -Fakofo -faky -falanaka -Falange -Falangism -Falangist -Falasha -falbala -falcade -Falcata -falcate -falcated -falcation -falcer -falces -falchion -falcial -Falcidian -falciform -Falcinellus -falciparum -Falco -falcon -falconbill -falconelle -falconer -Falcones -falconet -Falconidae -Falconiformes -Falconinae -falconine -falconlike -falconoid -falconry -falcopern -falcula -falcular -falculate -Falcunculus -faldage -falderal -faldfee -faldstool -Falerian -Falernian -Falerno -Faliscan -Falisci -Falkland -fall -fallace -fallacious -fallaciously -fallaciousness -fallacy -fallage -fallation -fallaway -fallback -fallectomy -fallen -fallenness -faller -fallfish -fallibility -fallible -fallibleness -fallibly -falling -Fallopian -fallostomy -fallotomy -fallow -fallowist -fallowness -falltime -fallway -fally -falsary -false -falsehearted -falseheartedly -falseheartedness -falsehood -falsely -falsen -falseness -falser -falsettist -falsetto -falsework -falsidical -falsie -falsifiable -falsificate -falsification -falsificator -falsifier -falsify -falsism -Falstaffian -faltboat -faltche -falter -falterer -faltering -falteringly -Falunian -Faluns -falutin -falx -fam -Fama -famatinite -famble -fame -fameflower -fameful -fameless -famelessly -famelessness -Fameuse -fameworthy -familia -familial -familiar -familiarism -familiarity -familiarization -familiarize -familiarizer -familiarizingly -familiarly -familiarness -familism -familist -familistery -familistic -familistical -family -familyish -famine -famish -famishment -famous -famously -famousness -famulary -famulus -Fan -fan -fana -fanal -fanam -fanatic -fanatical -fanatically -fanaticalness -fanaticism -fanaticize -fanback -fanbearer -fanciable -fancical -fancied -fancier -fanciful -fancifully -fancifulness -fancify -fanciless -fancy -fancymonger -fancysick -fancywork -fand -fandangle -fandango -fandom -fanega -fanegada -fanfarade -Fanfare -fanfare -fanfaron -fanfaronade -fanfaronading -fanflower -fanfoot -fang -fanged -fangle -fangled -fanglement -fangless -fanglet -fanglomerate -fangot -fangy -fanhouse -faniente -fanion -fanioned -fanlight -fanlike -fanmaker -fanmaking -fanman -fannel -fanner -Fannia -fannier -fanning -Fanny -fanon -fant -fantail -fantasia -fantasie -fantasied -fantasist -fantasque -fantassin -fantast -fantastic -fantastical -fantasticality -fantastically -fantasticalness -fantasticate -fantastication -fantasticism -fantasticly -fantasticness -fantastico -fantastry -fantasy -Fanti -fantigue -fantoccini -fantocine -fantod -fantoddish -Fanwe -fanweed -fanwise -fanwork -fanwort -fanwright -Fany -faon -Fapesmo -far -farad -faradaic -faraday -faradic -faradism -faradization -faradize -faradizer -faradmeter -faradocontractility -faradomuscular -faradonervous -faradopalpation -farandole -farasula -faraway -farawayness -farce -farcelike -farcer -farcetta -farcial -farcialize -farcical -farcicality -farcically -farcicalness -farcied -farcify -farcing -farcinoma -farcist -farctate -farcy -farde -fardel -fardelet -fardh -fardo -fare -farer -farewell -farfara -farfel -farfetched -farfetchedness -Farfugium -fargoing -fargood -farina -farinaceous -farinaceously -faring -farinometer -farinose -farinosely -farinulent -Farish -farish -farkleberry -farl -farleu -farm -farmable -farmage -farmer -farmeress -farmerette -farmerlike -farmership -farmery -farmhold -farmhouse -farmhousey -farming -farmost -farmplace -farmstead -farmsteading -farmtown -farmy -farmyard -farmyardy -farnesol -farness -Farnovian -faro -Faroeish -Faroese -farolito -Farouk -farraginous -farrago -farrand -farrandly -farrantly -farreate -farreation -farrier -farrierlike -farriery -farrisite -farrow -farruca -farsalah -farse -farseeing -farseeingness -farseer -farset -Farsi -farsighted -farsightedly -farsightedness -farther -farthermost -farthest -farthing -farthingale -farthingless -farweltered -fasces -fascet -fascia -fascial -fasciate -fasciated -fasciately -fasciation -fascicle -fascicled -fascicular -fascicularly -fasciculate -fasciculated -fasciculately -fasciculation -fascicule -fasciculus -fascinate -fascinated -fascinatedly -fascinating -fascinatingly -fascination -fascinative -fascinator -fascinatress -fascine -fascinery -Fascio -fasciodesis -fasciola -fasciolar -Fasciolaria -Fasciolariidae -fasciole -fasciolet -fascioliasis -Fasciolidae -fascioloid -fascioplasty -fasciotomy -fascis -fascism -fascist -Fascista -Fascisti -fascisticization -fascisticize -fascistization -fascistize -fash -fasher -fashery -fashion -fashionability -fashionable -fashionableness -fashionably -fashioned -fashioner -fashionist -fashionize -fashionless -fashionmonger -fashionmonging -fashious -fashiousness -fasibitikite -fasinite -fass -fassalite -fast -fasten -fastener -fastening -faster -fastgoing -fasthold -fastidiosity -fastidious -fastidiously -fastidiousness -fastidium -fastigate -fastigated -fastigiate -fastigium -fasting -fastingly -fastish -fastland -fastness -fastuous -fastuously -fastuousness -fastus -fat -Fatagaga -fatal -fatalism -fatalist -fatalistic -fatalistically -fatality -fatalize -fatally -fatalness -fatbird -fatbrained -fate -fated -fateful -fatefully -fatefulness -fatelike -fathead -fatheaded -fatheadedness -fathearted -father -fathercraft -fathered -fatherhood -fatherland -fatherlandish -fatherless -fatherlessness -fatherlike -fatherliness -fatherling -fatherly -fathership -fathmur -fathom -fathomable -fathomage -fathomer -Fathometer -fathomless -fathomlessly -fathomlessness -fatidic -fatidical -fatidically -fatiferous -fatigability -fatigable -fatigableness -fatigue -fatigueless -fatiguesome -fatiguing -fatiguingly -fatiha -fatil -fatiloquent -Fatima -Fatimid -fatiscence -fatiscent -fatless -fatling -fatly -fatness -fatsia -fattable -fatten -fattenable -fattener -fatter -fattily -fattiness -fattish -fattishness -fattrels -fatty -fatuism -fatuitous -fatuitousness -fatuity -fatuoid -fatuous -fatuously -fatuousness -fatwood -faucal -faucalize -fauces -faucet -fauchard -faucial -faucitis -faucre -faugh -faujasite -fauld -Faulkland -fault -faultage -faulter -faultfind -faultfinder -faultfinding -faultful -faultfully -faultily -faultiness -faulting -faultless -faultlessly -faultlessness -faultsman -faulty -faun -Fauna -faunal -faunally -faunated -faunish -faunist -faunistic -faunistical -faunistically -faunlike -faunological -faunology -faunule -fause -faussebraie -faussebrayed -faust -Faustian -fauterer -fautor -fautorship -fauve -Fauvism -Fauvist -favaginous -favella -favellidium -favelloid -Faventine -faveolate -faveolus -faviform -favilla -favillous -favism -favissa -favn -favonian -Favonius -favor -favorable -favorableness -favorably -favored -favoredly -favoredness -favorer -favoress -favoring -favoringly -favorite -favoritism -favorless -favose -favosely -favosite -Favosites -Favositidae -favositoid -favous -favus -fawn -fawner -fawnery -fawning -fawningly -fawningness -fawnlike -fawnskin -fawny -Fay -fay -Fayal -fayalite -Fayettism -fayles -Fayumic -faze -fazenda -fe -feaberry -feague -feak -feal -fealty -fear -fearable -feared -fearedly -fearedness -fearer -fearful -fearfully -fearfulness -fearingly -fearless -fearlessly -fearlessness -fearnought -fearsome -fearsomely -fearsomeness -feasance -feasibility -feasible -feasibleness -feasibly -feasor -feast -feasten -feaster -feastful -feastfully -feastless -feat -feather -featherback -featherbed -featherbedding -featherbird -featherbone -featherbrain -featherbrained -featherdom -feathered -featheredge -featheredged -featherer -featherfew -featherfoil -featherhead -featherheaded -featheriness -feathering -featherleaf -featherless -featherlessness -featherlet -featherlike -featherman -feathermonger -featherpate -featherpated -featherstitch -featherstitching -feathertop -featherway -featherweed -featherweight -featherwing -featherwise -featherwood -featherwork -featherworker -feathery -featliness -featly -featness -featous -featural -featurally -feature -featured -featureful -featureless -featureliness -featurely -featy -feaze -feazings -febricant -febricide -febricity -febricula -febrifacient -febriferous -febrific -febrifugal -febrifuge -febrile -febrility -Febronian -Febronianism -Februarius -February -februation -fecal -fecalith -fecaloid -feces -Fechnerian -feck -feckful -feckfully -feckless -fecklessly -fecklessness -feckly -fecula -feculence -feculency -feculent -fecund -fecundate -fecundation -fecundative -fecundator -fecundatory -fecundify -fecundity -fecundize -fed -feddan -federacy -Federal -federal -federalism -federalist -federalization -federalize -federally -federalness -federate -federation -federationist -federatist -federative -federatively -federator -Fedia -Fedora -fee -feeable -feeble -feeblebrained -feeblehearted -feebleheartedly -feebleheartedness -feebleness -feebling -feeblish -feebly -feed -feedable -feedback -feedbin -feedboard -feedbox -feeder -feedhead -feeding -feedman -feedsman -feedstuff -feedway -feedy -feel -feelable -feeler -feeless -feeling -feelingful -feelingless -feelinglessly -feelingly -feelingness -feer -feere -feering -feetage -feetless -feeze -fefnicute -fegary -Fegatella -Fehmic -fei -feif -feigher -feign -feigned -feignedly -feignedness -feigner -feigning -feigningly -Feijoa -feil -feint -feis -feist -feisty -Felapton -feldsher -feldspar -feldsparphyre -feldspathic -feldspathization -feldspathoid -Felichthys -felicide -felicific -felicitate -felicitation -felicitator -felicitous -felicitously -felicitousness -felicity -felid -Felidae -feliform -Felinae -feline -felinely -felineness -felinity -felinophile -felinophobe -Felis -Felix -fell -fellable -fellage -fellah -fellaheen -fellahin -Fellani -Fellata -Fellatah -fellatio -fellation -fellen -feller -fellic -felliducous -fellifluous -felling -fellingbird -fellinic -fellmonger -fellmongering -fellmongery -fellness -felloe -fellow -fellowcraft -fellowess -fellowheirship -fellowless -fellowlike -fellowship -fellside -fellsman -felly -feloid -felon -feloness -felonious -feloniously -feloniousness -felonry -felonsetter -felonsetting -felonweed -felonwood -felonwort -felony -fels -felsite -felsitic -felsobanyite -felsophyre -felsophyric -felsosphaerite -felstone -felt -felted -felter -felting -feltlike -feltmaker -feltmaking -feltmonger -feltness -feltwork -feltwort -felty -feltyfare -felucca -Felup -felwort -female -femalely -femaleness -femality -femalize -Feme -feme -femerell -femic -femicide -feminacy -feminal -feminality -feminate -femineity -feminie -feminility -feminin -feminine -femininely -feminineness -femininism -femininity -feminism -feminist -feministic -feministics -feminity -feminization -feminize -feminologist -feminology -feminophobe -femora -femoral -femorocaudal -femorocele -femorococcygeal -femorofibular -femoropopliteal -femororotulian -femorotibial -femur -fen -fenbank -fenberry -fence -fenceful -fenceless -fencelessness -fencelet -fenceplay -fencer -fenceress -fenchene -fenchone -fenchyl -fencible -fencing -fend -fendable -fender -fendering -fenderless -fendillate -fendillation -fendy -feneration -fenestella -Fenestellidae -fenestra -fenestral -fenestrate -fenestrated -fenestration -fenestrato -fenestrule -Fenian -Fenianism -fenite -fenks -fenland -fenlander -fenman -fennec -fennel -fennelflower -fennig -fennish -Fennoman -fenny -fenouillet -Fenrir -fensive -fent -fenter -fenugreek -Fenzelia -feod -feodal -feodality -feodary -feodatory -feoff -feoffee -feoffeeship -feoffment -feoffor -feower -feracious -feracity -Ferae -Ferahan -feral -feralin -Feramorz -ferash -ferberite -Ferdiad -ferdwit -feretory -feretrum -ferfathmur -ferfet -ferganite -Fergus -fergusite -Ferguson -fergusonite -feria -ferial -feridgi -ferie -ferine -ferinely -ferineness -Feringi -Ferio -Ferison -ferity -ferk -ferling -ferly -fermail -Fermatian -ferme -ferment -fermentability -fermentable -fermentarian -fermentation -fermentative -fermentatively -fermentativeness -fermentatory -fermenter -fermentescible -fermentitious -fermentive -fermentology -fermentor -fermentum -fermerer -fermery -fermila -fermorite -fern -fernandinite -Fernando -fernbird -fernbrake -ferned -fernery -ferngale -ferngrower -fernland -fernleaf -fernless -fernlike -fernshaw -fernsick -ferntickle -ferntickled -fernwort -ferny -Ferocactus -ferocious -ferociously -ferociousness -ferocity -feroher -Feronia -ferrado -ferrament -Ferrara -Ferrarese -ferrate -ferrated -ferrateen -ferratin -ferrean -ferreous -ferret -ferreter -ferreting -ferretto -ferrety -ferri -ferriage -ferric -ferrichloride -ferricyanate -ferricyanhydric -ferricyanic -ferricyanide -ferricyanogen -ferrier -ferriferous -ferrihydrocyanic -ferriprussiate -ferriprussic -ferrite -ferritization -ferritungstite -ferrivorous -ferroalloy -ferroaluminum -ferroboron -ferrocalcite -ferrocerium -ferrochrome -ferrochromium -ferroconcrete -ferroconcretor -ferrocyanate -ferrocyanhydric -ferrocyanic -ferrocyanide -ferrocyanogen -ferroglass -ferrogoslarite -ferrohydrocyanic -ferroinclave -ferromagnesian -ferromagnetic -ferromagnetism -ferromanganese -ferromolybdenum -ferronatrite -ferronickel -ferrophosphorus -ferroprint -ferroprussiate -ferroprussic -ferrosilicon -ferrotitanium -ferrotungsten -ferrotype -ferrotyper -ferrous -ferrovanadium -ferrozirconium -ferruginate -ferrugination -ferruginean -ferruginous -ferrule -ferruler -ferrum -ferruminate -ferrumination -ferry -ferryboat -ferryhouse -ferryman -ferryway -ferthumlungur -Fertil -fertile -fertilely -fertileness -fertility -fertilizable -fertilization -fertilizational -fertilize -fertilizer -feru -ferula -ferulaceous -ferule -ferulic -fervanite -fervency -fervent -fervently -ferventness -fervescence -fervescent -fervid -fervidity -fervidly -fervidness -Fervidor -fervor -fervorless -Fesapo -Fescennine -fescenninity -fescue -fess -fessely -fesswise -fest -festal -festally -Feste -fester -festerment -festilogy -festinance -festinate -festinately -festination -festine -Festino -festival -festivally -festive -festively -festiveness -festivity -festivous -festology -festoon -festoonery -festoony -festuca -festucine -fet -fetal -fetalism -fetalization -fetation -fetch -fetched -fetcher -fetching -fetchingly -feteless -feterita -fetial -fetiales -fetichmonger -feticidal -feticide -fetid -fetidity -fetidly -fetidness -fetiferous -fetiparous -fetish -fetisheer -fetishic -fetishism -fetishist -fetishistic -fetishization -fetishize -fetishmonger -fetishry -fetlock -fetlocked -fetlow -fetography -fetometry -fetoplacental -fetor -fetter -fetterbush -fetterer -fetterless -fetterlock -fetticus -fettle -fettler -fettling -fetus -feu -feuage -feuar -feucht -feud -feudal -feudalism -feudalist -feudalistic -feudality -feudalizable -feudalization -feudalize -feudally -feudatorial -feudatory -feudee -feudist -feudovassalism -feued -Feuillants -feuille -feuilletonism -feuilletonist -feuilletonistic -feulamort -fever -feverberry -feverbush -fevercup -feveret -feverfew -fevergum -feverish -feverishly -feverishness -feverless -feverlike -feverous -feverously -feverroot -fevertrap -fevertwig -fevertwitch -feverweed -feverwort -few -fewness -fewsome -fewter -fewterer -fewtrils -fey -feyness -fez -Fezzan -fezzed -Fezziwig -fezzy -fi -fiacre -fiance -fiancee -fianchetto -Fianna -fiar -fiard -fiasco -fiat -fiatconfirmatio -fib -fibber -fibbery -fibdom -Fiber -fiber -fiberboard -fibered -Fiberglas -fiberize -fiberizer -fiberless -fiberware -fibration -fibreless -fibreware -fibriform -fibril -fibrilla -fibrillar -fibrillary -fibrillate -fibrillated -fibrillation -fibrilled -fibrilliferous -fibrilliform -fibrillose -fibrillous -fibrin -fibrinate -fibrination -fibrine -fibrinemia -fibrinoalbuminous -fibrinocellular -fibrinogen -fibrinogenetic -fibrinogenic -fibrinogenous -fibrinolysin -fibrinolysis -fibrinolytic -fibrinoplastic -fibrinoplastin -fibrinopurulent -fibrinose -fibrinosis -fibrinous -fibrinuria -fibroadenia -fibroadenoma -fibroadipose -fibroangioma -fibroareolar -fibroblast -fibroblastic -fibrobronchitis -fibrocalcareous -fibrocarcinoma -fibrocartilage -fibrocartilaginous -fibrocaseose -fibrocaseous -fibrocellular -fibrochondritis -fibrochondroma -fibrochondrosteal -fibrocrystalline -fibrocyst -fibrocystic -fibrocystoma -fibrocyte -fibroelastic -fibroenchondroma -fibrofatty -fibroferrite -fibroglia -fibroglioma -fibrohemorrhagic -fibroid -fibroin -fibrointestinal -fibroligamentous -fibrolipoma -fibrolipomatous -fibrolite -fibrolitic -fibroma -fibromata -fibromatoid -fibromatosis -fibromatous -fibromembrane -fibromembranous -fibromucous -fibromuscular -fibromyectomy -fibromyitis -fibromyoma -fibromyomatous -fibromyomectomy -fibromyositis -fibromyotomy -fibromyxoma -fibromyxosarcoma -fibroneuroma -fibronuclear -fibronucleated -fibropapilloma -fibropericarditis -fibroplastic -fibropolypus -fibropsammoma -fibropurulent -fibroreticulate -fibrosarcoma -fibrose -fibroserous -fibrosis -fibrositis -Fibrospongiae -fibrotic -fibrotuberculosis -fibrous -fibrously -fibrousness -fibrovasal -fibrovascular -fibry -fibster -fibula -fibulae -fibular -fibulare -fibulocalcaneal -Ficaria -ficary -fice -ficelle -fiche -Fichtean -Fichteanism -fichtelite -fichu -ficiform -fickle -ficklehearted -fickleness -ficklety -ficklewise -fickly -fico -ficoid -Ficoidaceae -Ficoideae -ficoides -fictation -fictile -fictileness -fictility -fiction -fictional -fictionalize -fictionally -fictionary -fictioneer -fictioner -fictionist -fictionistic -fictionization -fictionize -fictionmonger -fictious -fictitious -fictitiously -fictitiousness -fictive -fictively -Ficula -Ficus -fid -Fidac -fidalgo -fidate -fidation -fiddle -fiddleback -fiddlebrained -fiddlecome -fiddledeedee -fiddlefaced -fiddlehead -fiddleheaded -fiddler -fiddlerfish -fiddlery -fiddlestick -fiddlestring -fiddlewood -fiddley -fiddling -fide -fideicommiss -fideicommissary -fideicommission -fideicommissioner -fideicommissor -fideicommissum -fideism -fideist -fidejussion -fidejussionary -fidejussor -fidejussory -Fidele -Fidelia -Fidelio -fidelity -fidepromission -fidepromissor -Fides -Fidessa -fidfad -fidge -fidget -fidgeter -fidgetily -fidgetiness -fidgeting -fidgetingly -fidgety -Fidia -fidicinal -fidicinales -fidicula -Fido -fiducia -fiducial -fiducially -fiduciarily -fiduciary -fiducinales -fie -fiedlerite -fiefdom -field -fieldball -fieldbird -fielded -fielder -fieldfare -fieldish -fieldman -fieldpiece -fieldsman -fieldward -fieldwards -fieldwork -fieldworker -fieldwort -fieldy -fiend -fiendful -fiendfully -fiendhead -fiendish -fiendishly -fiendishness -fiendism -fiendlike -fiendliness -fiendly -fiendship -fient -Fierabras -Fierasfer -fierasferid -Fierasferidae -fierasferoid -fierce -fiercehearted -fiercely -fiercen -fierceness -fierding -fierily -fieriness -fiery -fiesta -fieulamort -Fife -fife -fifer -fifie -fifish -fifo -fifteen -fifteener -fifteenfold -fifteenth -fifteenthly -fifth -fifthly -fiftieth -fifty -fiftyfold -fig -figaro -figbird -figeater -figent -figged -figgery -figging -figgle -figgy -fight -fightable -fighter -fighteress -fighting -fightingly -fightwite -Figitidae -figless -figlike -figment -figmental -figpecker -figshell -figulate -figulated -figuline -figurability -figurable -figural -figurant -figurante -figurate -figurately -figuration -figurative -figuratively -figurativeness -figure -figured -figuredly -figurehead -figureheadless -figureheadship -figureless -figurer -figuresome -figurette -figurial -figurine -figurism -figurist -figurize -figury -figworm -figwort -Fiji -Fijian -fike -fikie -filace -filaceous -filacer -Filago -filament -filamentar -filamentary -filamented -filamentiferous -filamentoid -filamentose -filamentous -filamentule -filander -filanders -filao -filar -Filaria -filaria -filarial -filarian -filariasis -filaricidal -filariform -filariid -Filariidae -filarious -filasse -filate -filator -filature -filbert -filch -filcher -filchery -filching -filchingly -file -filefish -filelike -filemaker -filemaking -filemot -filer -filesmith -filet -filial -filiality -filially -filialness -filiate -filiation -filibeg -filibranch -Filibranchia -filibranchiate -filibuster -filibusterer -filibusterism -filibusterous -filical -Filicales -filicauline -Filices -filicic -filicidal -filicide -filiciform -filicin -Filicineae -filicinean -filicite -Filicites -filicologist -filicology -Filicornia -filiety -filiferous -filiform -filiformed -Filigera -filigerous -filigree -filing -filings -filionymic -filiopietistic -filioque -Filipendula -filipendulous -Filipina -Filipiniana -Filipinization -Filipinize -Filipino -filippo -filipuncture -filite -Filix -fill -fillable -filled -fillemot -filler -fillercap -fillet -filleter -filleting -filletlike -filletster -filleul -filling -fillingly -fillingness -fillip -fillipeen -fillister -fillmass -fillock -fillowite -filly -film -filmable -filmdom -filmet -filmgoer -filmgoing -filmic -filmiform -filmily -filminess -filmish -filmist -filmize -filmland -filmlike -filmogen -filmslide -filmstrip -filmy -filo -filoplumaceous -filoplume -filopodium -Filosa -filose -filoselle -fils -filter -filterability -filterable -filterableness -filterer -filtering -filterman -filth -filthify -filthily -filthiness -filthless -filthy -filtrability -filtrable -filtratable -filtrate -filtration -fimble -fimbria -fimbrial -fimbriate -fimbriated -fimbriation -fimbriatum -fimbricate -fimbricated -fimbrilla -fimbrillate -fimbrilliferous -fimbrillose -fimbriodentate -Fimbristylis -fimetarious -fimicolous -Fin -fin -finable -finableness -finagle -finagler -final -finale -finalism -finalist -finality -finalize -finally -finance -financial -financialist -financially -financier -financiery -financist -finback -finch -finchbacked -finched -finchery -find -findability -findable -findal -finder -findfault -finding -findjan -fine -fineable -finebent -fineish -fineleaf -fineless -finely -finement -fineness -finer -finery -finespun -finesse -finesser -finestill -finestiller -finetop -finfish -finfoot -Fingal -Fingall -Fingallian -fingent -finger -fingerable -fingerberry -fingerbreadth -fingered -fingerer -fingerfish -fingerflower -fingerhold -fingerhook -fingering -fingerleaf -fingerless -fingerlet -fingerlike -fingerling -fingernail -fingerparted -fingerprint -fingerprinting -fingerroot -fingersmith -fingerspin -fingerstall -fingerstone -fingertip -fingerwise -fingerwork -fingery -fingrigo -Fingu -finial -finialed -finical -finicality -finically -finicalness -finicism -finick -finickily -finickiness -finicking -finickingly -finickingness -finific -finify -Finiglacial -finikin -finiking -fining -finis -finish -finishable -finished -finisher -finishing -finite -finitely -finiteness -finitesimal -finitive -finitude -finity -finjan -fink -finkel -finland -Finlander -finless -finlet -finlike -Finmark -Finn -finnac -finned -finner -finnesko -Finnic -Finnicize -finnip -Finnish -finny -finochio -Fionnuala -fiord -fiorded -Fioretti -fiorin -fiorite -Fiot -fip -fipenny -fipple -fique -fir -Firbolg -firca -fire -fireable -firearm -firearmed -fireback -fireball -firebird -fireblende -fireboard -fireboat -firebolt -firebolted -firebote -firebox -fireboy -firebrand -firebrat -firebreak -firebrick -firebug -fireburn -firecoat -firecracker -firecrest -fired -firedamp -firedog -firedrake -firefall -firefang -firefanged -fireflaught -fireflirt -fireflower -firefly -fireguard -firehouse -fireless -firelight -firelike -fireling -firelit -firelock -fireman -firemanship -firemaster -fireplace -fireplug -firepower -fireproof -fireproofing -fireproofness -firer -fireroom -firesafe -firesafeness -firesafety -fireshaft -fireshine -fireside -firesider -firesideship -firespout -firestone -firestopping -firetail -firetop -firetrap -firewarden -firewater -fireweed -firewood -firework -fireworkless -fireworky -fireworm -firing -firk -firker -firkin -firlot -firm -firmament -firmamental -firman -firmance -firmer -firmhearted -firmisternal -Firmisternia -firmisternial -firmisternous -firmly -firmness -firn -Firnismalerei -Firoloida -firring -firry -first -firstcomer -firsthand -firstling -firstly -firstness -firstship -firth -fisc -fiscal -fiscalify -fiscalism -fiscalization -fiscalize -fiscally -fischerite -fise -fisetin -fish -fishable -fishback -fishbed -fishberry -fishbolt -fishbone -fisheater -fished -fisher -fisherboat -fisherboy -fisheress -fisherfolk -fishergirl -fisherman -fisherpeople -fisherwoman -fishery -fishet -fisheye -fishfall -fishful -fishgarth -fishgig -fishhood -fishhook -fishhooks -fishhouse -fishify -fishily -fishiness -fishing -fishingly -fishless -fishlet -fishlike -fishline -fishling -fishman -fishmonger -fishmouth -fishplate -fishpond -fishpool -fishpot -fishpotter -fishpound -fishskin -fishtail -fishway -fishweed -fishweir -fishwife -fishwoman -fishwood -fishworker -fishworks -fishworm -fishy -fishyard -fisnoga -fissate -fissicostate -fissidactyl -Fissidens -Fissidentaceae -fissidentaceous -fissile -fissileness -fissilingual -Fissilinguia -fissility -fission -fissionable -fissipalmate -fissipalmation -fissiparation -fissiparism -fissiparity -fissiparous -fissiparously -fissiparousness -fissiped -Fissipeda -fissipedal -fissipedate -Fissipedia -fissipedial -Fissipes -fissirostral -fissirostrate -Fissirostres -fissive -fissural -fissuration -fissure -fissureless -Fissurella -Fissurellidae -fissuriform -fissury -fist -fisted -fister -fistful -fistiana -fistic -fistical -fisticuff -fisticuffer -fisticuffery -fistify -fistiness -fisting -fistlike -fistmele -fistnote -fistuca -fistula -Fistulana -fistular -Fistularia -Fistulariidae -fistularioid -fistulate -fistulated -fistulatome -fistulatous -fistule -fistuliform -Fistulina -fistulize -fistulose -fistulous -fistwise -fisty -fit -fitch -fitched -fitchee -fitcher -fitchery -fitchet -fitchew -fitful -fitfully -fitfulness -fitly -fitment -fitness -fitout -fitroot -fittable -fittage -fitted -fittedness -fitten -fitter -fitters -fittily -fittiness -fitting -fittingly -fittingness -Fittonia -fitty -fittyfied -fittyways -fittywise -fitweed -Fitzclarence -Fitzroy -Fitzroya -Fiuman -five -fivebar -fivefold -fivefoldness -fiveling -fivepence -fivepenny -fivepins -fiver -fives -fivescore -fivesome -fivestones -fix -fixable -fixage -fixate -fixatif -fixation -fixative -fixator -fixature -fixed -fixedly -fixedness -fixer -fixidity -fixing -fixity -fixture -fixtureless -fixure -fizelyite -fizgig -fizz -fizzer -fizzle -fizzy -fjarding -fjeld -fjerding -Fjorgyn -flabbergast -flabbergastation -flabbily -flabbiness -flabby -flabellarium -flabellate -flabellation -flabellifoliate -flabelliform -flabellinerved -flabellum -flabrum -flaccid -flaccidity -flaccidly -flaccidness -flacherie -Flacian -Flacianism -Flacianist -flack -flacked -flacker -flacket -Flacourtia -Flacourtiaceae -flacourtiaceous -flaff -flaffer -flag -flagboat -flagellant -flagellantism -flagellar -Flagellaria -Flagellariaceae -flagellariaceous -Flagellata -Flagellatae -flagellate -flagellated -flagellation -flagellative -flagellator -flagellatory -flagelliferous -flagelliform -flagellist -flagellosis -flagellula -flagellum -flageolet -flagfall -flagger -flaggery -flaggily -flagginess -flagging -flaggingly -flaggish -flaggy -flagitate -flagitation -flagitious -flagitiously -flagitiousness -flagleaf -flagless -flaglet -flaglike -flagmaker -flagmaking -flagman -flagon -flagonet -flagonless -flagpole -flagrance -flagrancy -flagrant -flagrantly -flagrantness -flagroot -flagship -flagstaff -flagstick -flagstone -flagworm -flail -flaillike -flair -flaith -flaithship -flajolotite -flak -flakage -flake -flakeless -flakelet -flaker -flakily -flakiness -flaky -flam -Flamandization -Flamandize -flamant -flamb -flambeau -flambeaux -flamberg -flamboyance -flamboyancy -flamboyant -flamboyantism -flamboyantize -flamboyantly -flamboyer -flame -flamed -flameflower -flameless -flamelet -flamelike -flamen -flamenco -flamenship -flameproof -flamer -flamfew -flamineous -flaming -Flamingant -flamingly -flamingo -Flaminian -flaminica -flaminical -flammability -flammable -flammeous -flammiferous -flammulated -flammulation -flammule -flamy -flan -flancard -flanch -flanched -flanconade -flandan -flandowser -flane -flange -flangeless -flanger -flangeway -flank -flankard -flanked -flanker -flanking -flankwise -flanky -flannel -flannelbush -flanneled -flannelette -flannelflower -flannelleaf -flannelly -flannelmouth -flannelmouthed -flannels -flanque -flap -flapcake -flapdock -flapdoodle -flapdragon -flapjack -flapmouthed -flapper -flapperdom -flapperhood -flapperish -flapperism -flare -flareback -flareboard -flareless -flaring -flaringly -flary -flaser -flash -flashboard -flasher -flashet -flashily -flashiness -flashing -flashingly -flashlight -flashlike -flashly -flashness -flashover -flashpan -flashproof -flashtester -flashy -flask -flasker -flasket -flasklet -flasque -flat -flatboat -flatbottom -flatcap -flatcar -flatdom -flated -flatfish -flatfoot -flathat -flathead -flatiron -flatland -flatlet -flatling -flatly -flatman -flatness -flatnose -flatten -flattener -flattening -flatter -flatterable -flattercap -flatterdock -flatterer -flattering -flatteringly -flatteringness -flattery -flattie -flatting -flattish -flattop -flatulence -flatulency -flatulent -flatulently -flatulentness -flatus -flatware -flatway -flatways -flatweed -flatwise -flatwoods -flatwork -flatworm -Flaubertian -flaught -flaughter -flaunt -flaunter -flauntily -flauntiness -flaunting -flauntingly -flaunty -flautino -flautist -flavanilin -flavaniline -flavanthrene -flavanthrone -flavedo -Flaveria -flavescence -flavescent -Flavia -Flavian -flavic -flavicant -flavid -flavin -flavine -Flavius -flavo -Flavobacterium -flavone -flavoprotein -flavopurpurin -flavor -flavored -flavorer -flavorful -flavoring -flavorless -flavorous -flavorsome -flavory -flavour -flaw -flawed -flawflower -flawful -flawless -flawlessly -flawlessness -flawn -flawy -flax -flaxboard -flaxbush -flaxdrop -flaxen -flaxlike -flaxman -flaxseed -flaxtail -flaxweed -flaxwench -flaxwife -flaxwoman -flaxwort -flaxy -flay -flayer -flayflint -flea -fleabane -fleabite -fleadock -fleam -fleaseed -fleaweed -fleawood -fleawort -fleay -flebile -fleche -flechette -fleck -flecken -flecker -fleckiness -fleckled -fleckless -flecklessly -flecky -flecnodal -flecnode -flection -flectional -flectionless -flector -fled -fledge -fledgeless -fledgling -fledgy -flee -fleece -fleeceable -fleeced -fleeceflower -fleeceless -fleecelike -fleecer -fleech -fleechment -fleecily -fleeciness -fleecy -fleer -fleerer -fleering -fleeringly -fleet -fleeter -fleetful -fleeting -fleetingly -fleetingness -fleetings -fleetly -fleetness -fleetwing -Flem -Fleming -Flemish -flemish -flench -flense -flenser -flerry -flesh -fleshbrush -fleshed -fleshen -flesher -fleshful -fleshhood -fleshhook -fleshiness -fleshing -fleshings -fleshless -fleshlike -fleshlily -fleshliness -fleshly -fleshment -fleshmonger -fleshpot -fleshy -flet -Fleta -fletch -Fletcher -fletcher -Fletcherism -Fletcherite -Fletcherize -flether -fleuret -fleurettee -fleuronnee -fleury -flew -flewed -flewit -flews -flex -flexanimous -flexed -flexibility -flexible -flexibleness -flexibly -flexile -flexility -flexion -flexionless -flexor -flexuose -flexuosity -flexuous -flexuously -flexuousness -flexural -flexure -flexured -fley -fleyedly -fleyedness -fleyland -fleysome -flibbertigibbet -flicflac -flick -flicker -flickering -flickeringly -flickerproof -flickertail -flickery -flicky -flidder -flier -fligger -flight -flighted -flighter -flightful -flightily -flightiness -flighting -flightless -flightshot -flighty -flimflam -flimflammer -flimflammery -flimmer -flimp -flimsily -flimsiness -flimsy -flinch -flincher -flinching -flinchingly -flinder -Flindersia -flindosa -flindosy -fling -flinger -flingy -flinkite -flint -flinter -flinthearted -flintify -flintily -flintiness -flintless -flintlike -flintlock -flintwood -flintwork -flintworker -flinty -flioma -flip -flipe -flipjack -flippancy -flippant -flippantly -flippantness -flipper -flipperling -flippery -flirt -flirtable -flirtation -flirtational -flirtationless -flirtatious -flirtatiously -flirtatiousness -flirter -flirtigig -flirting -flirtingly -flirtish -flirtishness -flirtling -flirty -flisk -flisky -flit -flitch -flitchen -flite -flitfold -fliting -flitter -flitterbat -flittermouse -flittern -flitting -flittingly -flitwite -flivver -flix -flixweed -Flo -float -floatability -floatable -floatage -floatation -floatative -floatboard -floater -floatiness -floating -floatingly -floative -floatless -floatmaker -floatman -floatplane -floatsman -floatstone -floaty -flob -flobby -floc -floccillation -floccipend -floccose -floccosely -flocculable -flocculant -floccular -flocculate -flocculation -flocculator -floccule -flocculence -flocculency -flocculent -flocculently -flocculose -flocculus -floccus -flock -flocker -flocking -flockless -flocklike -flockman -flockmaster -flockowner -flockwise -flocky -flocoon -flodge -floe -floeberg -Floerkea -floey -flog -floggable -flogger -flogging -floggingly -flogmaster -flogster -flokite -flong -flood -floodable -floodage -floodboard -floodcock -flooded -flooder -floodgate -flooding -floodless -floodlet -floodlight -floodlighting -floodlike -floodmark -floodometer -floodproof -floodtime -floodwater -floodway -floodwood -floody -floor -floorage -floorcloth -floorer -floorhead -flooring -floorless -floorman -floorwalker -floorward -floorway -floorwise -floozy -flop -flophouse -flopover -flopper -floppers -floppily -floppiness -floppy -flopwing -Flora -flora -floral -Floralia -floralize -florally -floramor -floran -florate -floreal -floreate -Florence -florence -florent -Florentine -Florentinism -florentium -flores -florescence -florescent -floressence -floret -floreted -floretum -Floria -Florian -floriate -floriated -floriation -florican -floricin -floricultural -floriculturally -floriculture -floriculturist -florid -Florida -Floridan -Florideae -floridean -florideous -Floridian -floridity -floridly -floridness -floriferous -floriferously -floriferousness -florification -floriform -florigen -florigenic -florigraphy -florikan -floriken -florilegium -florimania -florimanist -florin -Florinda -floriparous -floripondio -floriscope -Florissant -florist -floristic -floristically -floristics -floristry -florisugent -florivorous -floroon -floroscope -florula -florulent -flory -floscular -Floscularia -floscularian -Flosculariidae -floscule -flosculose -flosculous -flosh -floss -flosser -flossflower -Flossie -flossification -flossing -flossy -flot -flota -flotage -flotant -flotation -flotative -flotilla -flotorial -flotsam -flounce -flouncey -flouncing -flounder -floundering -flounderingly -flour -flourish -flourishable -flourisher -flourishing -flourishingly -flourishment -flourishy -flourlike -floury -flouse -flout -flouter -flouting -floutingly -flow -flowable -flowage -flower -flowerage -flowered -flowerer -floweret -flowerful -flowerily -floweriness -flowering -flowerist -flowerless -flowerlessness -flowerlet -flowerlike -flowerpecker -flowerpot -flowerwork -flowery -flowing -flowingly -flowingness -flowmanostat -flowmeter -flown -flowoff -Floyd -flu -fluate -fluavil -flub -flubdub -flubdubbery -flucan -fluctiferous -fluctigerous -fluctisonant -fluctisonous -fluctuability -fluctuable -fluctuant -fluctuate -fluctuation -fluctuosity -fluctuous -flue -flued -flueless -fluellen -fluellite -flueman -fluency -fluent -fluently -fluentness -fluer -fluework -fluey -fluff -fluffer -fluffily -fluffiness -fluffy -Flugelhorn -flugelman -fluible -fluid -fluidacetextract -fluidal -fluidally -fluidextract -fluidglycerate -fluidible -fluidic -fluidification -fluidifier -fluidify -fluidimeter -fluidism -fluidist -fluidity -fluidization -fluidize -fluidly -fluidness -fluidram -fluigram -fluitant -fluke -fluked -flukeless -flukeworm -flukewort -flukily -flukiness -fluking -fluky -flumdiddle -flume -flumerin -fluminose -flummadiddle -flummer -flummery -flummox -flummydiddle -flump -flung -flunk -flunker -flunkeydom -flunkeyhood -flunkeyish -flunkeyize -flunky -flunkydom -flunkyhood -flunkyish -flunkyism -flunkyistic -flunkyite -flunkyize -fluoaluminate -fluoaluminic -fluoarsenate -fluoborate -fluoboric -fluoborid -fluoboride -fluoborite -fluobromide -fluocarbonate -fluocerine -fluocerite -fluochloride -fluohydric -fluophosphate -fluor -fluoran -fluoranthene -fluorapatite -fluorate -fluorbenzene -fluorene -fluorenyl -fluoresage -fluoresce -fluorescein -fluorescence -fluorescent -fluorescigenic -fluorescigenous -fluorescin -fluorhydric -fluoric -fluoridate -fluoridation -fluoride -fluoridization -fluoridize -fluorimeter -fluorinate -fluorination -fluorindine -fluorine -fluorite -fluormeter -fluorobenzene -fluoroborate -fluoroform -fluoroformol -fluorogen -fluorogenic -fluorography -fluoroid -fluorometer -fluoroscope -fluoroscopic -fluoroscopy -fluorosis -fluorotype -fluorspar -fluoryl -fluosilicate -fluosilicic -fluotantalate -fluotantalic -fluotitanate -fluotitanic -fluozirconic -flurn -flurr -flurried -flurriedly -flurriment -flurry -flush -flushboard -flusher -flusherman -flushgate -flushing -flushingly -flushness -flushy -flusk -flusker -fluster -flusterate -flusteration -flusterer -flusterment -flustery -Flustra -flustrine -flustroid -flustrum -flute -flutebird -fluted -flutelike -flutemouth -fluter -flutework -Flutidae -flutina -fluting -flutist -flutter -flutterable -flutteration -flutterer -fluttering -flutteringly -flutterless -flutterment -fluttersome -fluttery -fluty -fluvial -fluvialist -fluviatic -fluviatile -fluvicoline -fluvioglacial -fluviograph -fluviolacustrine -fluviology -fluviomarine -fluviometer -fluviose -fluvioterrestrial -fluviovolcanic -flux -fluxation -fluxer -fluxibility -fluxible -fluxibleness -fluxibly -fluxile -fluxility -fluxion -fluxional -fluxionally -fluxionary -fluxionist -fluxmeter -fluxroot -fluxweed -fly -flyable -flyaway -flyback -flyball -flybane -flybelt -flyblow -flyblown -flyboat -flyboy -flycatcher -flyeater -flyer -flyflap -flyflapper -flyflower -flying -flyingly -flyleaf -flyless -flyman -flyness -flypaper -flype -flyproof -Flysch -flyspeck -flytail -flytier -flytrap -flyway -flyweight -flywheel -flywinch -flywort -Fo -foal -foalfoot -foalhood -foaly -foam -foambow -foamer -foamflower -foamily -foaminess -foaming -foamingly -foamless -foamlike -foamy -fob -focal -focalization -focalize -focally -focaloid -foci -focimeter -focimetry -focoids -focometer -focometry -focsle -focus -focusable -focuser -focusless -fod -fodda -fodder -fodderer -foddering -fodderless -foder -fodge -fodgel -fodient -Fodientia -foe -foehn -foehnlike -foeish -foeless -foelike -foeman -foemanship -Foeniculum -foenngreek -foeship -foetalization -fog -fogbound -fogbow -fogdog -fogdom -fogeater -fogey -fogfruit -foggage -fogged -fogger -foggily -fogginess -foggish -foggy -foghorn -fogle -fogless -fogman -fogo -fogon -fogou -fogproof -fogram -fogramite -fogramity -fogscoffer -fogus -fogy -fogydom -fogyish -fogyism -fohat -foible -foil -foilable -foiler -foiling -foilsman -foining -foiningly -Foism -foison -foisonless -Foist -foist -foister -foistiness -foisty -foiter -Fokker -fold -foldable -foldage -foldboat -foldcourse -folded -foldedly -folden -folder -folding -foldless -foldskirt -foldure -foldwards -foldy -fole -folgerite -folia -foliaceous -foliaceousness -foliage -foliaged -foliageous -folial -foliar -foliary -foliate -foliated -foliation -foliature -folie -foliicolous -foliiferous -foliiform -folio -foliobranch -foliobranchiate -foliocellosis -foliolate -foliole -folioliferous -foliolose -foliose -foliosity -foliot -folious -foliously -folium -folk -folkcraft -folkfree -folkland -folklore -folkloric -folklorish -folklorism -folklorist -folkloristic -folkmoot -folkmooter -folkmot -folkmote -folkmoter -folkright -folksiness -folksy -Folkvang -Folkvangr -folkway -folky -folles -folletage -follicle -follicular -folliculate -folliculated -follicule -folliculin -Folliculina -folliculitis -folliculose -folliculosis -folliculous -folliful -follis -follow -followable -follower -followership -following -followingly -folly -follyproof -Fomalhaut -foment -fomentation -fomenter -fomes -fomites -Fon -fondak -fondant -fondish -fondle -fondler -fondlesome -fondlike -fondling -fondlingly -fondly -fondness -fondu -fondue -fonduk -fonly -fonnish -fono -fons -font -Fontainea -fontal -fontally -fontanel -fontange -fonted -fontful -fonticulus -fontinal -Fontinalaceae -fontinalaceous -Fontinalis -fontlet -foo -Foochow -Foochowese -food -fooder -foodful -foodless -foodlessness -foodstuff -foody -foofaraw -fool -fooldom -foolery -fooless -foolfish -foolhardihood -foolhardily -foolhardiness -foolhardiship -foolhardy -fooling -foolish -foolishly -foolishness -foollike -foolocracy -foolproof -foolproofness -foolscap -foolship -fooner -fooster -foosterer -foot -footage -footback -football -footballer -footballist -footband -footblower -footboard -footboy -footbreadth -footbridge -footcloth -footed -footeite -footer -footfall -footfarer -footfault -footfolk -footful -footganger -footgear -footgeld -foothalt -foothill -foothold -foothook -foothot -footing -footingly -footings -footle -footler -footless -footlicker -footlight -footlights -footling -footlining -footlock -footmaker -footman -footmanhood -footmanry -footmanship -footmark -footnote -footnoted -footpace -footpad -footpaddery -footpath -footpick -footplate -footprint -footrail -footrest -footrill -footroom -footrope -foots -footscald -footslog -footslogger -footsore -footsoreness -footstalk -footstall -footstep -footstick -footstock -footstone -footstool -footwalk -footwall -footway -footwear -footwork -footworn -footy -fooyoung -foozle -foozler -fop -fopling -foppery -foppish -foppishly -foppishness -foppy -fopship -For -for -fora -forage -foragement -forager -foralite -foramen -foraminated -foramination -foraminifer -Foraminifera -foraminiferal -foraminiferan -foraminiferous -foraminose -foraminous -foraminulate -foraminule -foraminulose -foraminulous -forane -foraneen -foraneous -forasmuch -foray -forayer -forb -forbade -forbar -forbathe -forbear -forbearable -forbearance -forbearant -forbearantly -forbearer -forbearing -forbearingly -forbearingness -forbesite -forbid -forbiddable -forbiddal -forbiddance -forbidden -forbiddenly -forbiddenness -forbidder -forbidding -forbiddingly -forbiddingness -forbit -forbled -forblow -forbore -forborne -forbow -forby -force -forceable -forced -forcedly -forcedness -forceful -forcefully -forcefulness -forceless -forcemeat -forcement -forceps -forcepslike -forcer -forchase -forche -forcibility -forcible -forcibleness -forcibly -forcing -forcingly -forcipate -forcipated -forcipes -forcipiform -forcipressure -Forcipulata -forcipulate -forcleave -forconceit -ford -fordable -fordableness -fordays -Fordicidia -fording -fordless -fordo -fordone -fordwine -fordy -fore -foreaccounting -foreaccustom -foreacquaint -foreact -foreadapt -foreadmonish -foreadvertise -foreadvice -foreadvise -foreallege -foreallot -foreannounce -foreannouncement -foreanswer -foreappoint -foreappointment -forearm -foreassign -foreassurance -forebackwardly -forebay -forebear -forebemoan -forebemoaned -forebespeak -forebitt -forebitten -forebitter -forebless -foreboard -forebode -forebodement -foreboder -foreboding -forebodingly -forebodingness -forebody -foreboot -forebowels -forebowline -forebrace -forebrain -forebreast -forebridge -foreburton -forebush -forecar -forecarriage -forecast -forecaster -forecasting -forecastingly -forecastle -forecastlehead -forecastleman -forecatching -forecatharping -forechamber -forechase -forechoice -forechoose -forechurch -forecited -foreclaw -foreclosable -foreclose -foreclosure -forecome -forecomingness -forecommend -foreconceive -foreconclude -forecondemn -foreconscious -foreconsent -foreconsider -forecontrive -forecool -forecooler -forecounsel -forecount -forecourse -forecourt -forecover -forecovert -foredate -foredawn -foreday -foredeck -foredeclare -foredecree -foredeep -foredefeated -foredefine -foredenounce -foredescribe -foredeserved -foredesign -foredesignment -foredesk -foredestine -foredestiny -foredetermination -foredetermine -foredevised -foredevote -forediscern -foredispose -foredivine -foredone -foredoom -foredoomer -foredoor -foreface -forefather -forefatherly -forefault -forefeel -forefeeling -forefeelingly -forefelt -forefield -forefigure -forefin -forefinger -forefit -foreflank -foreflap -foreflipper -forefoot -forefront -foregallery -foregame -foreganger -foregate -foregift -foregirth -foreglance -foregleam -foreglimpse -foreglow -forego -foregoer -foregoing -foregone -foregoneness -foreground -foreguess -foreguidance -forehalf -forehall -forehammer -forehand -forehanded -forehandedness -forehandsel -forehard -forehatch -forehatchway -forehead -foreheaded -forehear -forehearth -foreheater -forehill -forehinting -forehold -forehood -forehoof -forehook -foreign -foreigneering -foreigner -foreignership -foreignism -foreignization -foreignize -foreignly -foreignness -foreimagination -foreimagine -foreimpressed -foreimpression -foreinclined -foreinstruct -foreintend -foreiron -forejudge -forejudgment -forekeel -foreking -foreknee -foreknow -foreknowable -foreknower -foreknowing -foreknowingly -foreknowledge -forel -forelady -foreland -forelay -foreleech -foreleg -forelimb -forelive -forellenstein -forelock -forelook -foreloop -forelooper -foreloper -foremade -foreman -foremanship -foremarch -foremark -foremartyr -foremast -foremasthand -foremastman -foremean -foremeant -foremelt -foremention -forementioned -foremessenger -foremilk -foremisgiving -foremistress -foremost -foremostly -foremother -forename -forenamed -forenews -forenight -forenoon -forenote -forenoted -forenotice -forenotion -forensal -forensic -forensical -forensicality -forensically -foreordain -foreordainment -foreorder -foreordinate -foreordination -foreorlop -forepad -forepale -foreparents -forepart -forepassed -forepast -forepaw -forepayment -forepeak -foreperiod -forepiece -foreplace -foreplan -foreplanting -forepole -foreporch -forepossessed -forepost -forepredicament -forepreparation -foreprepare -forepretended -foreproduct -foreproffer -forepromise -forepromised -foreprovided -foreprovision -forepurpose -forequarter -forequoted -foreran -forerank -forereach -forereaching -foreread -forereading -forerecited -forereckon -forerehearsed -foreremembered -forereport -forerequest -forerevelation -forerib -forerigging -foreright -foreroom -foreroyal -forerun -forerunner -forerunnership -forerunnings -foresaddle -foresaid -foresail -foresay -forescene -forescent -foreschool -foreschooling -forescript -foreseason -foreseat -foresee -foreseeability -foreseeable -foreseeingly -foreseer -foreseize -foresend -foresense -foresentence -foreset -foresettle -foresettled -foreshadow -foreshadower -foreshaft -foreshank -foreshape -foresheet -foreshift -foreship -foreshock -foreshoe -foreshop -foreshore -foreshorten -foreshortening -foreshot -foreshoulder -foreshow -foreshower -foreshroud -foreside -foresight -foresighted -foresightedness -foresightful -foresightless -foresign -foresignify -foresin -foresing -foresinger -foreskin -foreskirt -foresleeve -foresound -forespeak -forespecified -forespeed -forespencer -forest -forestaff -forestage -forestair -forestal -forestall -forestaller -forestallment -forestarling -forestate -forestation -forestay -forestaysail -forestcraft -forested -foresteep -forestem -forestep -forester -forestership -forestful -forestial -Forestian -forestick -Forestiera -forestine -forestish -forestless -forestlike -forestology -forestral -forestress -forestry -forestside -forestudy -forestwards -foresty -foresummer -foresummon -foresweat -foretack -foretackle -foretalk -foretalking -foretaste -foretaster -foretell -foretellable -foreteller -forethink -forethinker -forethought -forethoughted -forethoughtful -forethoughtfully -forethoughtfulness -forethoughtless -forethrift -foretime -foretimed -foretoken -foretold -foretop -foretopman -foretrace -foretrysail -foreturn -foretype -foretypified -foreuse -foreutter -forevalue -forever -forevermore -foreview -forevision -forevouch -forevouched -forevow -forewarm -forewarmer -forewarn -forewarner -forewarning -forewarningly -forewaters -foreween -foreweep -foreweigh -forewing -forewinning -forewisdom -forewish -forewoman -forewonted -foreword -foreworld -foreworn -forewritten -forewrought -foreyard -foreyear -forfairn -forfar -forfare -forfars -forfault -forfaulture -forfeit -forfeiter -forfeits -forfeiture -forfend -forficate -forficated -forfication -forficiform -Forficula -forficulate -Forficulidae -forfouchten -forfoughen -forfoughten -forgainst -forgather -forge -forgeability -forgeable -forged -forgedly -forgeful -forgeman -forger -forgery -forget -forgetful -forgetfully -forgetfulness -forgetive -forgetness -forgettable -forgetter -forgetting -forgettingly -forgie -forging -forgivable -forgivableness -forgivably -forgive -forgiveless -forgiveness -forgiver -forgiving -forgivingly -forgivingness -forgo -forgoer -forgot -forgotten -forgottenness -forgrow -forgrown -forhoo -forhooy -forhow -forinsec -forint -forisfamiliate -forisfamiliation -forjesket -forjudge -forjudger -fork -forkable -forkbeard -forked -forkedly -forkedness -forker -forkful -forkhead -forkiness -forkless -forklike -forkman -forksmith -forktail -forkwise -forky -forleft -forlet -forlorn -forlornity -forlornly -forlornness -form -formability -formable -formably -formagen -formagenic -formal -formalazine -formaldehyde -formaldehydesulphoxylate -formaldehydesulphoxylic -formaldoxime -formalesque -Formalin -formalism -formalist -formalistic -formalith -formality -formalization -formalize -formalizer -formally -formalness -formamide -formamidine -formamido -formamidoxime -formanilide -formant -format -formate -formation -formational -formative -formatively -formativeness -formature -formazyl -forme -formed -formedon -formee -formel -formene -formenic -former -formeret -formerly -formerness -formful -formiate -formic -Formica -formican -Formicariae -formicarian -Formicariidae -formicarioid -formicarium -formicaroid -formicary -formicate -formication -formicative -formicicide -formicid -Formicidae -formicide -Formicina -Formicinae -formicine -Formicivora -formicivorous -Formicoidea -formidability -formidable -formidableness -formidably -formin -forminate -forming -formless -formlessly -formlessness -Formol -formolite -formonitrile -Formosan -formose -formoxime -formula -formulable -formulae -formulaic -formular -formularism -formularist -formularistic -formularization -formularize -formulary -formulate -formulation -formulator -formulatory -formule -formulism -formulist -formulistic -formulization -formulize -formulizer -formwork -formy -formyl -formylal -formylate -formylation -fornacic -Fornax -fornaxid -fornenst -fornent -fornical -fornicate -fornicated -fornication -fornicator -fornicatress -fornicatrix -forniciform -forninst -fornix -forpet -forpine -forpit -forprise -forrad -forrard -forride -forrit -forritsome -forrue -forsake -forsaken -forsakenly -forsakenness -forsaker -forset -forslow -forsooth -forspeak -forspend -forspread -Forst -forsterite -forswear -forswearer -forsworn -forswornness -Forsythia -fort -fortalice -forte -fortescue -fortescure -forth -forthbring -forthbringer -forthcome -forthcomer -forthcoming -forthcomingness -forthcut -forthfare -forthfigured -forthgaze -forthgo -forthgoing -forthink -forthputting -forthright -forthrightly -forthrightness -forthrights -forthtell -forthteller -forthwith -forthy -forties -fortieth -fortifiable -fortification -fortifier -fortify -fortifying -fortifyingly -fortin -fortis -fortissimo -fortitude -fortitudinous -fortlet -fortnight -fortnightly -fortravail -fortread -fortress -fortuitism -fortuitist -fortuitous -fortuitously -fortuitousness -fortuity -fortunate -fortunately -fortunateness -fortune -fortuned -fortuneless -Fortunella -fortunetell -fortuneteller -fortunetelling -fortunite -forty -fortyfold -forum -forumize -forwander -forward -forwardal -forwardation -forwarder -forwarding -forwardly -forwardness -forwards -forwean -forweend -forwent -forwoden -forworden -fosh -fosie -Fosite -fossa -fossage -fossane -fossarian -fosse -fossed -fossette -fossick -fossicker -fossiform -fossil -fossilage -fossilated -fossilation -fossildom -fossiled -fossiliferous -fossilification -fossilify -fossilism -fossilist -fossilizable -fossilization -fossilize -fossillike -fossilogist -fossilogy -fossilological -fossilologist -fossilology -fossor -Fossores -Fossoria -fossorial -fossorious -fossula -fossulate -fossule -fossulet -fostell -Foster -foster -fosterable -fosterage -fosterer -fosterhood -fostering -fosteringly -fosterite -fosterland -fosterling -fostership -fostress -fot -fotch -fother -Fothergilla -fotmal -fotui -fou -foud -foudroyant -fouette -fougade -fougasse -fought -foughten -foughty -foujdar -foujdary -foul -foulage -foulard -fouler -fouling -foulish -foully -foulmouthed -foulmouthedly -foulmouthedness -foulness -foulsome -foumart -foun -found -foundation -foundational -foundationally -foundationary -foundationed -foundationer -foundationless -foundationlessness -founder -founderous -foundership -foundery -founding -foundling -foundress -foundry -foundryman -fount -fountain -fountained -fountaineer -fountainhead -fountainless -fountainlet -fountainous -fountainously -fountainwise -fountful -Fouquieria -Fouquieriaceae -fouquieriaceous -four -fourble -fourche -fourchee -fourcher -fourchette -fourchite -fourer -fourflusher -fourfold -Fourierian -Fourierism -Fourierist -Fourieristic -Fourierite -fourling -fourpence -fourpenny -fourpounder -fourre -fourrier -fourscore -foursome -foursquare -foursquarely -foursquareness -fourstrand -fourteen -fourteener -fourteenfold -fourteenth -fourteenthly -fourth -fourther -fourthly -foussa -foute -fouter -fouth -fovea -foveal -foveate -foveated -foveation -foveiform -foveola -foveolarious -foveolate -foveolated -foveole -foveolet -fow -fowk -fowl -fowler -fowlerite -fowlery -fowlfoot -fowling -fox -foxbane -foxberry -foxchop -foxer -foxery -foxfeet -foxfinger -foxfish -foxglove -foxhole -foxhound -foxily -foxiness -foxing -foxish -foxlike -foxproof -foxship -foxskin -foxtail -foxtailed -foxtongue -foxwood -foxy -foy -foyaite -foyaitic -foyboat -foyer -foziness -fozy -fra -frab -frabbit -frabjous -frabjously -frabous -fracas -fracedinous -frache -frack -fractable -fractabling -fracted -Fracticipita -fractile -fraction -fractional -fractionalism -fractionalize -fractionally -fractionary -fractionate -fractionating -fractionation -fractionator -fractionization -fractionize -fractionlet -fractious -fractiously -fractiousness -fractocumulus -fractonimbus -fractostratus -fractuosity -fracturable -fractural -fracture -fractureproof -frae -Fragaria -fraghan -Fragilaria -Fragilariaceae -fragile -fragilely -fragileness -fragility -fragment -fragmental -fragmentally -fragmentarily -fragmentariness -fragmentary -fragmentation -fragmented -fragmentist -fragmentitious -fragmentize -fragrance -fragrancy -fragrant -fragrantly -fragrantness -fraid -fraik -frail -frailejon -frailish -frailly -frailness -frailty -fraise -fraiser -Fram -framable -framableness -frambesia -frame -framea -frameable -frameableness -framed -frameless -framer -framesmith -framework -framing -frammit -frampler -frampold -franc -Frances -franchisal -franchise -franchisement -franchiser -Francic -Francis -francisc -francisca -Franciscan -Franciscanism -Francisco -francium -Francize -franco -Francois -francolin -francolite -Francomania -Franconian -Francophile -Francophilism -Francophobe -Francophobia -frangent -Frangi -frangibility -frangible -frangibleness -frangipane -frangipani -frangula -Frangulaceae -frangulic -frangulin -frangulinic -Frank -frank -frankability -frankable -frankalmoign -Frankenia -Frankeniaceae -frankeniaceous -Frankenstein -franker -frankfurter -frankhearted -frankheartedly -frankheartedness -Frankify -frankincense -frankincensed -franking -Frankish -Frankist -franklandite -Franklin -franklin -Franklinia -Franklinian -Frankliniana -Franklinic -Franklinism -Franklinist -franklinite -Franklinization -frankly -frankmarriage -frankness -frankpledge -frantic -frantically -franticly -franticness -franzy -frap -frappe -frapping -frasco -frase -Frasera -frasier -frass -frat -fratch -fratched -fratcheous -fratcher -fratchety -fratchy -frater -Fratercula -fraternal -fraternalism -fraternalist -fraternality -fraternally -fraternate -fraternation -fraternism -fraternity -fraternization -fraternize -fraternizer -fratery -Fraticelli -Fraticellian -fratority -Fratricelli -fratricidal -fratricide -fratry -fraud -fraudful -fraudfully -fraudless -fraudlessly -fraudlessness -fraudproof -fraudulence -fraudulency -fraudulent -fraudulently -fraudulentness -fraughan -fraught -frawn -fraxetin -fraxin -fraxinella -Fraxinus -fray -frayed -frayedly -frayedness -fraying -frayn -frayproof -fraze -frazer -frazil -frazzle -frazzling -freak -freakdom -freakery -freakful -freakily -freakiness -freakish -freakishly -freakishness -freaky -fream -freath -freck -frecken -freckened -frecket -freckle -freckled -freckledness -freckleproof -freckling -frecklish -freckly -Fred -Freddie -Freddy -Frederic -Frederica -Frederick -frederik -fredricite -free -freeboard -freeboot -freebooter -freebootery -freebooting -freeborn -Freechurchism -freed -freedman -freedom -freedwoman -freehand -freehanded -freehandedly -freehandedness -freehearted -freeheartedly -freeheartedness -freehold -freeholder -freeholdership -freeholding -freeing -freeish -Freekirker -freelage -freeloving -freelovism -freely -freeman -freemanship -freemartin -freemason -freemasonic -freemasonical -freemasonism -freemasonry -freeness -freer -Freesia -freesilverism -freesilverite -freestanding -freestone -freet -freethinker -freethinking -freetrader -freety -freeward -freeway -freewheel -freewheeler -freewheeling -freewill -freewoman -freezable -freeze -freezer -freezing -freezingly -Fregata -Fregatae -Fregatidae -freibergite -freieslebenite -freight -freightage -freighter -freightless -freightment -freir -freit -freity -fremd -fremdly -fremdness -fremescence -fremescent -fremitus -Fremontia -Fremontodendron -frenal -Frenatae -frenate -French -frenched -Frenchification -frenchification -Frenchify -frenchify -Frenchily -Frenchiness -frenching -Frenchism -Frenchize -Frenchless -Frenchly -Frenchman -Frenchness -Frenchwise -Frenchwoman -Frenchy -frenetic -frenetical -frenetically -Frenghi -frenular -frenulum -frenum -frenzelite -frenzied -frenziedly -frenzy -Freon -frequence -frequency -frequent -frequentable -frequentage -frequentation -frequentative -frequenter -frequently -frequentness -frescade -fresco -frescoer -frescoist -fresh -freshen -freshener -freshet -freshhearted -freshish -freshly -freshman -freshmanhood -freshmanic -freshmanship -freshness -freshwoman -Fresison -fresnel -fresno -fret -fretful -fretfully -fretfulness -fretless -fretsome -frett -frettage -frettation -frette -fretted -fretter -fretting -frettingly -fretty -fretum -fretways -fretwise -fretwork -fretworked -Freudian -Freudianism -Freudism -Freudist -Freya -freyalite -Freycinetia -Freyja -Freyr -friability -friable -friableness -friand -friandise -friar -friarbird -friarhood -friarling -friarly -friary -frib -fribble -fribbleism -fribbler -fribblery -fribbling -fribblish -fribby -fricandeau -fricandel -fricassee -frication -fricative -fricatrice -friction -frictionable -frictional -frictionally -frictionize -frictionless -frictionlessly -frictionproof -Friday -Fridila -fridstool -fried -Frieda -friedcake -friedelite -friedrichsdor -friend -friended -friendless -friendlessness -friendlike -friendlily -friendliness -friendliwise -friendly -friendship -frier -frieseite -Friesian -Friesic -Friesish -frieze -friezer -friezy -frig -frigate -frigatoon -friggle -fright -frightable -frighten -frightenable -frightened -frightenedly -frightenedness -frightener -frightening -frighteningly -frighter -frightful -frightfully -frightfulness -frightless -frightment -frighty -frigid -Frigidaire -frigidarium -frigidity -frigidly -frigidness -frigiferous -frigolabile -frigoric -frigorific -frigorifical -frigorify -frigorimeter -frigostable -frigotherapy -Frija -frijol -frijolillo -frijolito -frike -frill -frillback -frilled -friller -frillery -frillily -frilliness -frilling -frilly -frim -Frimaire -fringe -fringed -fringeflower -fringeless -fringelet -fringent -fringepod -Fringetail -Fringilla -fringillaceous -Fringillidae -fringilliform -Fringilliformes -fringilline -fringilloid -fringing -fringy -fripperer -frippery -frisca -Frisesomorum -frisette -Frisian -Frisii -frisk -frisker -frisket -friskful -friskily -friskiness -frisking -friskingly -frisky -frisolee -frison -frist -frisure -frit -frith -frithborh -frithbot -frithles -frithsoken -frithstool -frithwork -Fritillaria -fritillary -fritt -fritter -fritterer -Fritz -Friulian -frivol -frivoler -frivolism -frivolist -frivolity -frivolize -frivolous -frivolously -frivolousness -frixion -friz -frize -frizer -frizz -frizzer -frizzily -frizziness -frizzing -frizzle -frizzler -frizzly -frizzy -fro -frock -frocking -frockless -frocklike -frockmaker -froe -Froebelian -Froebelism -Froebelist -frog -frogbit -frogeater -frogeye -frogface -frogfish -frogflower -frogfoot -frogged -froggery -frogginess -frogging -froggish -froggy -froghood -froghopper -frogland -frogleaf -frogleg -froglet -froglike -frogling -frogman -frogmouth -frognose -frogskin -frogstool -frogtongue -frogwort -froise -frolic -frolicful -frolicker -frolicky -frolicly -frolicness -frolicsome -frolicsomely -frolicsomeness -from -fromward -fromwards -frond -frondage -fronded -frondent -frondesce -frondescence -frondescent -frondiferous -frondiform -frondigerous -frondivorous -frondlet -frondose -frondosely -frondous -front -frontad -frontage -frontager -frontal -frontalis -frontality -frontally -frontbencher -fronted -fronter -frontier -frontierlike -frontierman -frontiersman -Frontignan -fronting -frontingly -Frontirostria -frontispiece -frontless -frontlessly -frontlessness -frontlet -frontoauricular -frontoethmoid -frontogenesis -frontolysis -frontomallar -frontomaxillary -frontomental -frontonasal -frontooccipital -frontoorbital -frontoparietal -frontopontine -frontosphenoidal -frontosquamosal -frontotemporal -frontozygomatic -frontpiece -frontsman -frontstall -frontward -frontways -frontwise -froom -frore -frory -frosh -frost -frostation -frostbird -frostbite -frostbow -frosted -froster -frostfish -frostflower -frostily -frostiness -frosting -frostless -frostlike -frostproof -frostproofing -frostroot -frostweed -frostwork -frostwort -frosty -frot -froth -frother -Frothi -frothily -frothiness -frothing -frothless -frothsome -frothy -frotton -froufrou -frough -froughy -frounce -frounceless -frow -froward -frowardly -frowardness -frower -frowl -frown -frowner -frownful -frowning -frowningly -frownless -frowny -frowst -frowstily -frowstiness -frowsty -frowy -frowze -frowzily -frowziness -frowzled -frowzly -frowzy -froze -frozen -frozenhearted -frozenly -frozenness -fruchtschiefer -fructed -fructescence -fructescent -fructicultural -fructiculture -Fructidor -fructiferous -fructiferously -fructification -fructificative -fructifier -fructiform -fructify -fructiparous -fructivorous -fructose -fructoside -fructuary -fructuosity -fructuous -fructuously -fructuousness -frugal -frugalism -frugalist -frugality -frugally -frugalness -fruggan -Frugivora -frugivorous -fruit -fruitade -fruitage -fruitarian -fruitarianism -fruitcake -fruited -fruiter -fruiterer -fruiteress -fruitery -fruitful -fruitfullness -fruitfully -fruitgrower -fruitgrowing -fruitiness -fruiting -fruition -fruitist -fruitive -fruitless -fruitlessly -fruitlessness -fruitlet -fruitling -fruitstalk -fruittime -fruitwise -fruitwoman -fruitwood -fruitworm -fruity -frumentaceous -frumentarious -frumentation -frumenty -frump -frumpery -frumpily -frumpiness -frumpish -frumpishly -frumpishness -frumple -frumpy -frush -frustrate -frustrately -frustrater -frustration -frustrative -frustratory -frustule -frustulent -frustulose -frustum -frutescence -frutescent -fruticetum -fruticose -fruticous -fruticulose -frutify -fry -fryer -fu -fub -fubby -fubsy -Fucaceae -fucaceous -Fucales -fucate -fucation -fucatious -Fuchsia -Fuchsian -fuchsin -fuchsine -fuchsinophil -fuchsinophilous -fuchsite -fuchsone -fuci -fucinita -fuciphagous -fucoid -fucoidal -Fucoideae -fucosan -fucose -fucous -fucoxanthin -fucus -fud -fuddle -fuddler -fuder -fudge -fudger -fudgy -Fuegian -fuel -fueler -fuelizer -fuerte -fuff -fuffy -fugacious -fugaciously -fugaciousness -fugacity -fugal -fugally -fuggy -fugient -fugitate -fugitation -fugitive -fugitively -fugitiveness -fugitivism -fugitivity -fugle -fugleman -fuglemanship -fugler -fugu -fugue -fuguist -fuidhir -fuirdays -Fuirena -fuji -Fulah -fulciform -fulcral -fulcrate -fulcrum -fulcrumage -fulfill -fulfiller -fulfillment -Fulfulde -fulgent -fulgently -fulgentness -fulgid -fulgide -fulgidity -fulgor -Fulgora -fulgorid -Fulgoridae -Fulgoroidea -fulgorous -Fulgur -fulgural -fulgurant -fulgurantly -fulgurata -fulgurate -fulgurating -fulguration -fulgurator -fulgurite -fulgurous -fulham -Fulica -Fulicinae -fulicine -fuliginosity -fuliginous -fuliginously -fuliginousness -Fuligula -Fuligulinae -fuliguline -fulk -full -fullam -fullback -fuller -fullering -fullery -fullface -fullhearted -fulling -fullish -fullmouth -fullmouthed -fullmouthedly -fullness -fullom -Fullonian -fully -fulmar -Fulmarus -fulmicotton -fulminancy -fulminant -fulminate -fulminating -fulmination -fulminator -fulminatory -fulmine -fulmineous -fulminic -fulminous -fulminurate -fulminuric -fulsome -fulsomely -fulsomeness -fulth -Fultz -Fulup -fulvene -fulvescent -fulvid -fulvidness -fulvous -fulwa -fulyie -fulzie -fum -fumacious -fumado -fumage -fumagine -Fumago -fumarate -Fumaria -Fumariaceae -fumariaceous -fumaric -fumarine -fumarium -fumaroid -fumaroidal -fumarole -fumarolic -fumaryl -fumatorium -fumatory -fumble -fumbler -fumbling -fume -fumeless -fumer -fumeroot -fumet -fumette -fumewort -fumiduct -fumiferous -fumigant -fumigate -fumigation -fumigator -fumigatorium -fumigatory -fumily -fuminess -fuming -fumingly -fumistery -fumitory -fumose -fumosity -fumous -fumously -fumy -fun -funambulate -funambulation -funambulator -funambulatory -funambulic -funambulism -funambulist -funambulo -Funaria -Funariaceae -funariaceous -function -functional -functionalism -functionalist -functionality -functionalize -functionally -functionarism -functionary -functionate -functionation -functionize -functionless -fund -fundable -fundal -fundament -fundamental -fundamentalism -fundamentalist -fundamentality -fundamentally -fundamentalness -fundatorial -fundatrix -funded -funder -fundholder -fundi -fundic -fundiform -funditor -fundless -fundmonger -fundmongering -funds -Fundulinae -funduline -Fundulus -fundungi -fundus -funebrial -funeral -funeralize -funerary -funereal -funereally -funest -fungaceous -fungal -Fungales -fungate -fungation -fungi -Fungia -fungian -fungibility -fungible -fungic -fungicidal -fungicide -fungicolous -fungiferous -fungiform -fungilliform -fungin -fungistatic -fungivorous -fungo -fungoid -fungoidal -fungological -fungologist -fungology -fungose -fungosity -fungous -fungus -fungused -funguslike -fungusy -funicle -funicular -funiculate -funicule -funiculitis -funiculus -funiform -funipendulous -funis -Funje -funk -funker -Funkia -funkiness -funky -funmaker -funmaking -funnel -funneled -funnelform -funnellike -funnelwise -funnily -funniment -funniness -funny -funnyman -funori -funt -Funtumia -Fur -fur -furacious -furaciousness -furacity -fural -furaldehyde -furan -furanoid -furazan -furazane -furbelow -furbish -furbishable -furbisher -furbishment -furca -furcal -furcate -furcately -furcation -Furcellaria -furcellate -furciferine -furciferous -furciform -Furcraea -furcula -furcular -furculum -furdel -Furfooz -furfur -furfuraceous -furfuraceously -furfural -furfuralcohol -furfuraldehyde -furfuramide -furfuran -furfuration -furfurine -furfuroid -furfurole -furfurous -furfuryl -furfurylidene -furiant -furibund -furied -Furies -furify -furil -furilic -furiosa -furiosity -furioso -furious -furiously -furiousness -furison -furl -furlable -Furlan -furler -furless -furlong -furlough -furnace -furnacelike -furnaceman -furnacer -furnacite -furnage -Furnariidae -Furnariides -Furnarius -furner -furnish -furnishable -furnished -furnisher -furnishing -furnishment -furniture -furnitureless -furodiazole -furoic -furoid -furoin -furole -furomethyl -furomonazole -furor -furore -furphy -furred -furrier -furriered -furriery -furrily -furriness -furring -furrow -furrower -furrowless -furrowlike -furrowy -furry -furstone -further -furtherance -furtherer -furtherest -furtherly -furthermore -furthermost -furthersome -furthest -furtive -furtively -furtiveness -Furud -furuncle -furuncular -furunculoid -furunculosis -furunculous -fury -furyl -furze -furzechat -furzed -furzeling -furzery -furzetop -furzy -fusain -fusarial -fusariose -fusariosis -Fusarium -fusarole -fusate -fusc -fuscescent -fuscin -fuscohyaline -fuscous -fuse -fuseboard -fused -fusee -fuselage -fuseplug -fusht -fusibility -fusible -fusibleness -fusibly -Fusicladium -Fusicoccum -fusiform -Fusiformis -fusil -fusilier -fusillade -fusilly -fusinist -fusion -fusional -fusionism -fusionist -fusionless -fusoid -fuss -fusser -fussification -fussify -fussily -fussiness -fussock -fussy -fust -fustanella -fustee -fusteric -fustet -fustian -fustianish -fustianist -fustianize -fustic -fustigate -fustigation -fustigator -fustigatory -fustilugs -fustily -fustin -fustiness -fustle -fusty -Fusulina -fusuma -fusure -Fusus -fut -futchel -fute -futhorc -futile -futilely -futileness -futilitarian -futilitarianism -futility -futilize -futtermassel -futtock -futural -future -futureless -futureness -futuric -futurism -futurist -futuristic -futurition -futurity -futurize -futwa -fuye -fuze -fuzz -fuzzball -fuzzily -fuzziness -fuzzy -fyke -fylfot -fyrd -G -g -Ga -ga -gab -gabardine -gabbard -gabber -gabble -gabblement -gabbler -gabbro -gabbroic -gabbroid -gabbroitic -gabby -Gabe -gabelle -gabelled -gabelleman -gabeller -gaberdine -gaberlunzie -gabgab -gabi -gabion -gabionade -gabionage -gabioned -gablatores -gable -gableboard -gablelike -gablet -gablewise -gablock -Gaboon -Gabriel -Gabriella -Gabrielrache -Gabunese -gaby -Gad -gad -Gadaba -gadabout -Gadarene -Gadaria -gadbee -gadbush -Gaddang -gadded -gadder -Gaddi -gaddi -gadding -gaddingly -gaddish -gaddishness -gade -gadfly -gadge -gadger -gadget -gadid -Gadidae -gadinine -Gaditan -gadling -gadman -gadoid -Gadoidea -gadolinia -gadolinic -gadolinite -gadolinium -gadroon -gadroonage -Gadsbodikins -Gadsbud -Gadslid -gadsman -Gadswoons -gaduin -Gadus -gadwall -Gadzooks -Gael -Gaeldom -Gaelic -Gaelicism -Gaelicist -Gaelicization -Gaelicize -Gaeltacht -gaen -Gaertnerian -gaet -Gaetulan -Gaetuli -Gaetulian -gaff -gaffe -gaffer -Gaffkya -gaffle -gaffsman -gag -gagate -gage -gageable -gagee -gageite -gagelike -gager -gagership -gagger -gaggery -gaggle -gaggler -gagman -gagor -gagroot -gagtooth -gahnite -Gahrwali -Gaia -gaiassa -Gaidropsaridae -gaiety -Gail -Gaillardia -gaily -gain -gainable -gainage -gainbirth -gaincall -gaincome -gaine -gainer -gainful -gainfully -gainfulness -gaining -gainless -gainlessness -gainliness -gainly -gains -gainsay -gainsayer -gainset -gainsome -gainspeaker -gainspeaking -gainst -gainstrive -gainturn -gaintwist -gainyield -gair -gairfish -gaisling -gait -gaited -gaiter -gaiterless -gaiting -gaize -gaj -gal -gala -Galacaceae -galactagogue -galactagoguic -galactan -galactase -galactemia -galacthidrosis -Galactia -galactic -galactidrosis -galactite -galactocele -galactodendron -galactodensimeter -galactogenetic -galactohemia -galactoid -galactolipide -galactolipin -galactolysis -galactolytic -galactoma -galactometer -galactometry -galactonic -galactopathy -galactophagist -galactophagous -galactophlebitis -galactophlysis -galactophore -galactophoritis -galactophorous -galactophthysis -galactophygous -galactopoiesis -galactopoietic -galactopyra -galactorrhea -galactorrhoea -galactoscope -galactose -galactoside -galactosis -galactostasis -galactosuria -galactotherapy -galactotrophy -galacturia -galagala -Galaginae -Galago -galah -galanas -galanga -galangin -galant -Galanthus -galantine -galany -galapago -Galatae -galatea -Galatian -Galatic -galatotrophic -Galax -galaxian -Galaxias -Galaxiidae -galaxy -galban -galbanum -Galbula -Galbulae -Galbulidae -Galbulinae -galbulus -Galcha -Galchic -Gale -gale -galea -galeage -galeate -galeated -galee -galeeny -Galega -galegine -Galei -galeid -Galeidae -galeiform -galempung -Galen -galena -Galenian -Galenic -galenic -Galenical -galenical -Galenism -Galenist -galenite -galenobismutite -galenoid -Galeodes -Galeodidae -galeoid -Galeopithecus -Galeopsis -Galeorchis -Galeorhinidae -Galeorhinus -galeproof -galera -galericulate -galerum -galerus -Galesaurus -galet -Galeus -galewort -galey -Galga -galgal -Galgulidae -gali -Galibi -Galician -Galictis -Galidia -Galidictis -Galik -Galilean -galilee -galimatias -galingale -Galinsoga -galiongee -galiot -galipidine -galipine -galipoidin -galipoidine -galipoipin -galipot -Galium -gall -Galla -galla -gallacetophenone -gallah -gallanilide -gallant -gallantize -gallantly -gallantness -gallantry -gallate -gallature -gallberry -gallbush -galleass -galled -Gallegan -gallein -galleon -galler -Galleria -gallerian -galleried -Galleriidae -gallery -gallerylike -gallet -galley -galleylike -galleyman -galleyworm -gallflower -gallfly -Galli -galliambic -galliambus -Gallian -galliard -galliardise -galliardly -galliardness -Gallic -gallic -Gallican -Gallicanism -Gallicism -Gallicization -Gallicize -Gallicizer -gallicola -Gallicolae -gallicole -gallicolous -galliferous -Gallification -gallification -galliform -Galliformes -Gallify -galligaskin -gallimaufry -Gallinaceae -gallinacean -Gallinacei -gallinaceous -Gallinae -Gallinago -gallinazo -galline -galling -gallingly -gallingness -gallinipper -Gallinula -gallinule -Gallinulinae -gallinuline -gallipot -Gallirallus -gallisin -gallium -gallivant -gallivanter -gallivat -gallivorous -galliwasp -gallnut -gallocyanin -gallocyanine -galloflavine -galloglass -Galloman -Gallomania -Gallomaniac -gallon -gallonage -galloner -galloon -gallooned -gallop -gallopade -galloper -Galloperdix -Gallophile -Gallophilism -Gallophobe -Gallophobia -galloping -galloptious -gallotannate -gallotannic -gallotannin -gallous -Gallovidian -Galloway -galloway -gallowglass -gallows -gallowsmaker -gallowsness -gallowsward -gallstone -Gallus -galluses -gallweed -gallwort -gally -gallybagger -gallybeggar -gallycrow -Galoisian -galoot -galop -galore -galosh -galp -galravage -galravitch -galt -Galtonia -Galtonian -galuchat -galumph -galumptious -Galusha -galuth -galvanic -galvanical -galvanically -galvanism -galvanist -galvanization -galvanize -galvanized -galvanizer -galvanocauterization -galvanocautery -galvanocontractility -galvanofaradization -galvanoglyph -galvanoglyphy -galvanograph -galvanographic -galvanography -galvanologist -galvanology -galvanolysis -galvanomagnet -galvanomagnetic -galvanomagnetism -galvanometer -galvanometric -galvanometrical -galvanometrically -galvanometry -galvanoplastic -galvanoplastical -galvanoplastically -galvanoplastics -galvanoplasty -galvanopsychic -galvanopuncture -galvanoscope -galvanoscopic -galvanoscopy -galvanosurgery -galvanotactic -galvanotaxis -galvanotherapy -galvanothermometer -galvanothermy -galvanotonic -galvanotropic -galvanotropism -galvayne -galvayning -Galways -Galwegian -galyac -galyak -galziekte -gam -gamahe -Gamaliel -gamashes -gamasid -Gamasidae -Gamasoidea -gamb -gamba -gambade -gambado -gambang -gambeer -gambeson -gambet -gambette -gambia -gambier -gambist -gambit -gamble -gambler -gamblesome -gamblesomeness -gambling -gambodic -gamboge -gambogian -gambogic -gamboised -gambol -gambrel -gambreled -gambroon -Gambusia -gamdeboo -game -gamebag -gameball -gamecock -gamecraft -gameful -gamekeeper -gamekeeping -gamelang -gameless -gamelike -Gamelion -gamelotte -gamely -gamene -gameness -gamesome -gamesomely -gamesomeness -gamester -gamestress -gametal -gametange -gametangium -gamete -gametic -gametically -gametocyst -gametocyte -gametogenesis -gametogenic -gametogenous -gametogeny -gametogonium -gametogony -gametoid -gametophagia -gametophore -gametophyll -gametophyte -gametophytic -gamic -gamily -gamin -gaminesque -gaminess -gaming -gaminish -gamma -gammacism -gammacismus -gammadion -gammarid -Gammaridae -gammarine -gammaroid -Gammarus -gammation -gammelost -gammer -gammerel -gammerstang -Gammexane -gammick -gammock -gammon -gammoner -gammoning -gammy -gamobium -gamodesmic -gamodesmy -gamogenesis -gamogenetic -gamogenetical -gamogenetically -gamogony -Gamolepis -gamomania -gamont -Gamopetalae -gamopetalous -gamophagia -gamophagy -gamophyllous -gamori -gamosepalous -gamostele -gamostelic -gamostely -gamotropic -gamotropism -gamp -gamphrel -gamut -gamy -gan -ganam -ganancial -Ganapati -ganch -Ganda -gander -ganderess -gandergoose -gandermooner -ganderteeth -Gandhara -Gandharva -Gandhiism -Gandhism -Gandhist -gandul -gandum -gandurah -gane -ganef -gang -Ganga -ganga -Gangamopteris -gangan -gangava -gangboard -gangdom -gange -ganger -Gangetic -ganggang -ganging -gangism -gangland -ganglander -ganglia -gangliac -ganglial -gangliar -gangliasthenia -gangliate -gangliated -gangliectomy -gangliform -gangliitis -gangling -ganglioblast -gangliocyte -ganglioform -ganglioid -ganglioma -ganglion -ganglionary -ganglionate -ganglionectomy -ganglioneural -ganglioneure -ganglioneuroma -ganglioneuron -ganglionic -ganglionitis -ganglionless -ganglioplexus -gangly -gangman -gangmaster -gangplank -gangrel -gangrene -gangrenescent -gangrenous -gangsman -gangster -gangsterism -gangtide -gangue -Ganguela -gangway -gangwayman -ganister -ganja -ganner -gannet -Ganocephala -ganocephalan -ganocephalous -ganodont -Ganodonta -Ganodus -ganoid -ganoidal -ganoidean -Ganoidei -ganoidian -ganoin -ganomalite -ganophyllite -ganosis -Ganowanian -gansel -gansey -gansy -gant -ganta -gantang -gantlet -gantline -ganton -gantries -gantry -gantryman -gantsl -Ganymede -Ganymedes -ganza -ganzie -gaol -gaolbird -gaoler -Gaon -Gaonate -Gaonic -gap -Gapa -gapa -gape -gaper -gapes -gapeseed -gapeworm -gaping -gapingly -gapingstock -gapo -gappy -gapy -gar -gara -garabato -garad -garage -garageman -Garamond -garance -garancine -garapata -garava -garavance -garawi -garb -garbage -garbardine -garbel -garbell -garbill -garble -garbleable -garbler -garbless -garbling -garboard -garboil -garbure -garce -Garcinia -gardant -gardeen -garden -gardenable -gardencraft -gardened -gardener -gardenership -gardenesque -gardenful -gardenhood -Gardenia -gardenin -gardening -gardenize -gardenless -gardenlike -gardenly -gardenmaker -gardenmaking -gardenwards -gardenwise -gardeny -garderobe -gardevin -gardy -gardyloo -gare -garefowl -gareh -garetta -garewaite -garfish -garganey -Gargantua -Gargantuan -garget -gargety -gargle -gargol -gargoyle -gargoyled -gargoyley -gargoylish -gargoylishly -gargoylism -Garhwali -garial -gariba -garibaldi -Garibaldian -garish -garishly -garishness -garland -garlandage -garlandless -garlandlike -garlandry -garlandwise -garle -garlic -garlicky -garliclike -garlicmonger -garlicwort -garment -garmentless -garmentmaker -garmenture -garmentworker -garn -garnel -garner -garnerage -garnet -garnetberry -garneter -garnetiferous -garnets -garnett -garnetter -garnetwork -garnetz -garnice -garniec -garnierite -garnish -garnishable -garnished -garnishee -garnisheement -garnisher -garnishment -garnishry -garniture -Garo -garoo -garookuh -garrafa -garran -Garret -garret -garreted -garreteer -garretmaster -garrison -Garrisonian -Garrisonism -garrot -garrote -garroter -Garrulinae -garruline -garrulity -garrulous -garrulously -garrulousness -Garrulus -garrupa -Garrya -Garryaceae -garse -Garshuni -garsil -garston -garten -garter -gartered -gartering -garterless -garth -garthman -Garuda -garum -garvanzo -garvey -garvock -Gary -gas -Gasan -gasbag -gascoigny -Gascon -gasconade -gasconader -Gasconism -gascromh -gaseity -gaselier -gaseosity -gaseous -gaseousness -gasfiring -gash -gashes -gashful -gashliness -gashly -gasholder -gashouse -gashy -gasifiable -gasification -gasifier -gasiform -gasify -gasket -gaskin -gasking -gaskins -gasless -gaslight -gaslighted -gaslighting -gaslit -gaslock -gasmaker -gasman -gasogenic -gasoliery -gasoline -gasolineless -gasoliner -gasometer -gasometric -gasometrical -gasometry -gasp -Gaspar -gasparillo -gasper -gaspereau -gaspergou -gaspiness -gasping -gaspingly -gasproof -gaspy -gasser -Gasserian -gassiness -gassing -gassy -gast -gastaldite -gastaldo -gaster -gasteralgia -Gasterolichenes -gasteromycete -Gasteromycetes -gasteromycetous -Gasterophilus -gasteropod -Gasteropoda -gasterosteid -Gasterosteidae -gasterosteiform -gasterosteoid -Gasterosteus -gasterotheca -gasterothecal -Gasterotricha -gasterotrichan -gasterozooid -gastight -gastightness -Gastornis -Gastornithidae -gastradenitis -gastraea -gastraead -Gastraeadae -gastraeal -gastraeum -gastral -gastralgia -gastralgic -gastralgy -gastraneuria -gastrasthenia -gastratrophia -gastrectasia -gastrectasis -gastrectomy -gastrelcosis -gastric -gastricism -gastrilegous -gastriloquial -gastriloquism -gastriloquist -gastriloquous -gastriloquy -gastrin -gastritic -gastritis -gastroadenitis -gastroadynamic -gastroalbuminorrhea -gastroanastomosis -gastroarthritis -gastroatonia -gastroatrophia -gastroblennorrhea -gastrocatarrhal -gastrocele -gastrocentrous -Gastrochaena -Gastrochaenidae -gastrocnemial -gastrocnemian -gastrocnemius -gastrocoel -gastrocolic -gastrocoloptosis -gastrocolostomy -gastrocolotomy -gastrocolpotomy -gastrocystic -gastrocystis -gastrodialysis -gastrodiaphanoscopy -gastrodidymus -gastrodisk -gastroduodenal -gastroduodenitis -gastroduodenoscopy -gastroduodenotomy -gastrodynia -gastroelytrotomy -gastroenteralgia -gastroenteric -gastroenteritic -gastroenteritis -gastroenteroanastomosis -gastroenterocolitis -gastroenterocolostomy -gastroenterological -gastroenterologist -gastroenterology -gastroenteroptosis -gastroenterostomy -gastroenterotomy -gastroepiploic -gastroesophageal -gastroesophagostomy -gastrogastrotomy -gastrogenital -gastrograph -gastrohelcosis -gastrohepatic -gastrohepatitis -gastrohydrorrhea -gastrohyperneuria -gastrohypertonic -gastrohysterectomy -gastrohysteropexy -gastrohysterorrhaphy -gastrohysterotomy -gastroid -gastrointestinal -gastrojejunal -gastrojejunostomy -gastrolater -gastrolatrous -gastrolienal -gastrolith -Gastrolobium -gastrologer -gastrological -gastrologist -gastrology -gastrolysis -gastrolytic -gastromalacia -gastromancy -gastromelus -gastromenia -gastromyces -gastromycosis -gastromyxorrhea -gastronephritis -gastronome -gastronomer -gastronomic -gastronomical -gastronomically -gastronomist -gastronomy -gastronosus -gastropancreatic -gastropancreatitis -gastroparalysis -gastroparesis -gastroparietal -gastropathic -gastropathy -gastroperiodynia -gastropexy -gastrophile -gastrophilism -gastrophilist -gastrophilite -Gastrophilus -gastrophrenic -gastrophthisis -gastroplasty -gastroplenic -gastropleuritis -gastroplication -gastropneumatic -gastropneumonic -gastropod -Gastropoda -gastropodan -gastropodous -gastropore -gastroptosia -gastroptosis -gastropulmonary -gastropulmonic -gastropyloric -gastrorrhagia -gastrorrhaphy -gastrorrhea -gastroschisis -gastroscope -gastroscopic -gastroscopy -gastrosoph -gastrosopher -gastrosophy -gastrospasm -gastrosplenic -gastrostaxis -gastrostegal -gastrostege -gastrostenosis -gastrostomize -Gastrostomus -gastrostomy -gastrosuccorrhea -gastrotheca -gastrothecal -gastrotome -gastrotomic -gastrotomy -Gastrotricha -gastrotrichan -gastrotubotomy -gastrotympanites -gastrovascular -gastroxynsis -gastrozooid -gastrula -gastrular -gastrulate -gastrulation -gasworker -gasworks -gat -gata -gatch -gatchwork -gate -gateado -gateage -gated -gatehouse -gatekeeper -gateless -gatelike -gatemaker -gateman -gatepost -gater -gatetender -gateward -gatewards -gateway -gatewayman -gatewise -gatewoman -gateworks -gatewright -Gatha -gather -gatherable -gatherer -gathering -Gathic -gating -gator -gatter -gatteridge -gau -gaub -gauby -gauche -gauchely -gaucheness -gaucherie -Gaucho -gaud -gaudery -Gaudete -gaudful -gaudily -gaudiness -gaudless -gaudsman -gaudy -gaufer -gauffer -gauffered -gauffre -gaufre -gaufrette -gauge -gaugeable -gauger -gaugership -gauging -Gaul -gaulding -gauleiter -Gaulic -gaulin -Gaulish -Gaullism -Gaullist -Gault -gault -gaulter -gaultherase -Gaultheria -gaultherin -gaum -gaumish -gaumless -gaumlike -gaumy -gaun -gaunt -gaunted -gauntlet -gauntleted -gauntly -gauntness -gauntry -gaunty -gaup -gaupus -gaur -Gaura -Gaurian -gaus -gauss -gaussage -gaussbergite -Gaussian -gauster -gausterer -gaut -gauteite -gauze -gauzelike -gauzewing -gauzily -gauziness -gauzy -gavall -gave -gavel -gaveler -gavelkind -gavelkinder -gavelman -gavelock -Gavia -Gaviae -gavial -Gavialis -gavialoid -Gaviiformes -gavotte -gavyuti -gaw -gawby -gawcie -gawk -gawkhammer -gawkihood -gawkily -gawkiness -gawkish -gawkishly -gawkishness -gawky -gawm -gawn -gawney -gawsie -gay -gayal -gayatri -gaybine -gaycat -gaydiang -gayish -Gaylussacia -gaylussite -gayment -gayness -Gaypoo -gaysome -gaywings -gayyou -gaz -gazabo -gazangabin -Gazania -gaze -gazebo -gazee -gazehound -gazel -gazeless -Gazella -gazelle -gazelline -gazement -gazer -gazettal -gazette -gazetteer -gazetteerage -gazetteerish -gazetteership -gazi -gazing -gazingly -gazingstock -gazogene -gazon -gazophylacium -gazy -gazzetta -Ge -ge -Geadephaga -geadephagous -geal -gean -geanticlinal -geanticline -gear -gearbox -geared -gearing -gearksutite -gearless -gearman -gearset -gearshift -gearwheel -gease -geason -Geaster -Geat -geat -Geatas -gebang -gebanga -gebbie -gebur -Gecarcinidae -Gecarcinus -geck -gecko -geckoid -geckotian -geckotid -Geckotidae -geckotoid -Ged -ged -gedackt -gedanite -gedder -gedeckt -gedecktwork -Gederathite -Gederite -gedrite -Gee -gee -geebong -geebung -Geechee -geejee -geek -geelbec -geeldikkop -geelhout -geepound -geerah -geest -geet -Geez -geezer -Gegenschein -gegg -geggee -gegger -geggery -Geheimrat -Gehenna -gehlenite -Geikia -geikielite -gein -geira -Geisenheimer -geisha -geison -geisotherm -geisothermal -Geissoloma -Geissolomataceae -Geissolomataceous -Geissorhiza -geissospermin -geissospermine -geitjie -geitonogamous -geitonogamy -Gekko -Gekkones -gekkonid -Gekkonidae -gekkonoid -Gekkota -gel -gelable -gelada -gelandejump -gelandelaufer -gelandesprung -Gelasian -Gelasimus -gelastic -Gelastocoridae -gelatification -gelatigenous -gelatin -gelatinate -gelatination -gelatined -gelatiniferous -gelatiniform -gelatinify -gelatinigerous -gelatinity -gelatinizability -gelatinizable -gelatinization -gelatinize -gelatinizer -gelatinobromide -gelatinochloride -gelatinoid -gelatinotype -gelatinous -gelatinously -gelatinousness -gelation -gelatose -geld -geldability -geldable -geldant -gelder -gelding -Gelechia -gelechiid -Gelechiidae -Gelfomino -gelid -Gelidiaceae -gelidity -Gelidium -gelidly -gelidness -gelignite -gelilah -gelinotte -gell -Gellert -gelly -gelogenic -gelong -geloscopy -gelose -gelosin -gelotherapy -gelotometer -gelotoscopy -gelototherapy -gelsemic -gelsemine -gelseminic -gelseminine -Gelsemium -gelt -gem -Gemara -Gemaric -Gemarist -gematria -gematrical -gemauve -gemel -gemeled -gemellione -gemellus -geminate -geminated -geminately -gemination -geminative -Gemini -Geminid -geminiflorous -geminiform -geminous -Gemitores -gemitorial -gemless -gemlike -Gemma -gemma -gemmaceous -gemmae -gemmate -gemmation -gemmative -gemmeous -gemmer -gemmiferous -gemmiferousness -gemmification -gemmiform -gemmily -gemminess -Gemmingia -gemmipara -gemmipares -gemmiparity -gemmiparous -gemmiparously -gemmoid -gemmology -gemmula -gemmulation -gemmule -gemmuliferous -gemmy -gemot -gemsbok -gemsbuck -gemshorn -gemul -gemuti -gemwork -gen -gena -genal -genapp -genapper -genarch -genarcha -genarchaship -genarchship -gendarme -gendarmery -gender -genderer -genderless -Gene -gene -genealogic -genealogical -genealogically -genealogist -genealogize -genealogizer -genealogy -genear -geneat -genecologic -genecological -genecologically -genecologist -genecology -geneki -genep -genera -generability -generable -generableness -general -generalate -generalcy -generale -generalia -Generalidad -generalific -generalism -generalissima -generalissimo -generalist -generalistic -generality -generalizable -generalization -generalize -generalized -generalizer -generall -generally -generalness -generalship -generalty -generant -generate -generating -generation -generational -generationism -generative -generatively -generativeness -generator -generatrix -generic -generical -generically -genericalness -generification -generosity -generous -generously -generousness -Genesee -geneserine -Genesiac -Genesiacal -genesial -genesic -genesiology -genesis -Genesitic -genesiurgic -genet -genethliac -genethliacal -genethliacally -genethliacon -genethliacs -genethlialogic -genethlialogical -genethlialogy -genethlic -genetic -genetical -genetically -geneticism -geneticist -genetics -genetmoil -genetous -Genetrix -genetrix -Genetta -Geneura -Geneva -geneva -Genevan -Genevese -Genevieve -Genevois -genevoise -genial -geniality -genialize -genially -genialness -genian -genic -genicular -geniculate -geniculated -geniculately -geniculation -geniculum -genie -genii -genin -genioglossal -genioglossi -genioglossus -geniohyoglossal -geniohyoglossus -geniohyoid -geniolatry -genion -genioplasty -genip -Genipa -genipa -genipap -genipapada -genisaro -Genista -genista -genistein -genital -genitalia -genitals -genitival -genitivally -genitive -genitocrural -genitofemoral -genitor -genitorial -genitory -genitourinary -geniture -genius -genizah -genizero -Genny -Genoa -genoblast -genoblastic -genocidal -genocide -Genoese -genoese -genom -genome -genomic -genonema -genos -genotype -genotypic -genotypical -genotypically -Genoveva -genovino -genre -genro -gens -genson -gent -genteel -genteelish -genteelism -genteelize -genteelly -genteelness -gentes -genthite -gentian -Gentiana -Gentianaceae -gentianaceous -Gentianales -gentianella -gentianic -gentianin -gentianose -gentianwort -gentile -gentiledom -gentilesse -gentilic -gentilism -gentilitial -gentilitian -gentilitious -gentility -gentilization -gentilize -gentiobiose -gentiopicrin -gentisein -gentisic -gentisin -gentle -gentlefolk -gentlehearted -gentleheartedly -gentleheartedness -gentlehood -gentleman -gentlemanhood -gentlemanism -gentlemanize -gentlemanlike -gentlemanlikeness -gentlemanliness -gentlemanly -gentlemanship -gentlemens -gentlemouthed -gentleness -gentlepeople -gentleship -gentlewoman -gentlewomanhood -gentlewomanish -gentlewomanlike -gentlewomanliness -gentlewomanly -gently -gentman -Gentoo -gentrice -gentry -genty -genu -genua -genual -genuclast -genuflect -genuflection -genuflector -genuflectory -genuflex -genuflexuous -genuine -genuinely -genuineness -genus -genyantrum -Genyophrynidae -genyoplasty -genys -geo -geoaesthesia -geoagronomic -geobiologic -geobiology -geobiont -geobios -geoblast -geobotanic -geobotanical -geobotanist -geobotany -geocarpic -geocentric -geocentrical -geocentrically -geocentricism -geocerite -geochemical -geochemist -geochemistry -geochronic -geochronology -geochrony -Geococcyx -geocoronium -geocratic -geocronite -geocyclic -geodaesia -geodal -geode -geodesic -geodesical -geodesist -geodesy -geodete -geodetic -geodetical -geodetically -geodetician -geodetics -geodiatropism -geodic -geodiferous -geodist -geoduck -geodynamic -geodynamical -geodynamics -geoethnic -Geoff -Geoffrey -geoffroyin -geoffroyine -geoform -geogenesis -geogenetic -geogenic -geogenous -geogeny -Geoglossaceae -Geoglossum -geoglyphic -geognosis -geognosist -geognost -geognostic -geognostical -geognostically -geognosy -geogonic -geogonical -geogony -geographer -geographic -geographical -geographically -geographics -geographism -geographize -geography -geohydrologist -geohydrology -geoid -geoidal -geoisotherm -geolatry -geologer -geologian -geologic -geological -geologically -geologician -geologist -geologize -geology -geomagnetic -geomagnetician -geomagnetics -geomagnetist -geomalic -geomalism -geomaly -geomance -geomancer -geomancy -geomant -geomantic -geomantical -geomantically -geometer -geometric -geometrical -geometrically -geometrician -geometricize -geometrid -Geometridae -geometriform -Geometrina -geometrine -geometrize -geometroid -Geometroidea -geometry -geomoroi -geomorphic -geomorphist -geomorphogenic -geomorphogenist -geomorphogeny -geomorphological -geomorphology -geomorphy -geomyid -Geomyidae -Geomys -Geon -geonavigation -geonegative -Geonic -Geonim -Geonoma -geonoma -geonyctinastic -geonyctitropic -geoparallelotropic -geophagia -geophagism -geophagist -geophagous -geophagy -Geophila -geophilid -Geophilidae -geophilous -Geophilus -Geophone -geophone -geophysical -geophysicist -geophysics -geophyte -geophytic -geoplagiotropism -Geoplana -Geoplanidae -geopolar -geopolitic -geopolitical -geopolitically -geopolitician -geopolitics -Geopolitik -geoponic -geoponical -geoponics -geopony -geopositive -Geoprumnon -georama -Geordie -George -Georgemas -Georgette -Georgia -georgiadesite -Georgian -Georgiana -georgic -Georgie -geoscopic -geoscopy -geoselenic -geosid -geoside -geosphere -Geospiza -geostatic -geostatics -geostrategic -geostrategist -geostrategy -geostrophic -geosynclinal -geosyncline -geotactic -geotactically -geotaxis -geotaxy -geotechnic -geotechnics -geotectology -geotectonic -geotectonics -Geoteuthis -geotherm -geothermal -geothermic -geothermometer -Geothlypis -geotic -geotical -geotilla -geotonic -geotonus -geotropic -geotropically -geotropism -geotropy -geoty -Gepeoo -Gephyrea -gephyrean -gephyrocercal -gephyrocercy -Gepidae -ger -gerah -Gerald -Geraldine -Geraniaceae -geraniaceous -geranial -Geraniales -geranic -geraniol -Geranium -geranium -geranomorph -Geranomorphae -geranomorphic -geranyl -Gerard -gerardia -Gerasene -gerastian -gerate -gerated -geratic -geratologic -geratologous -geratology -geraty -gerb -gerbe -Gerbera -Gerberia -gerbil -Gerbillinae -Gerbillus -gercrow -gereagle -gerefa -gerenda -gerendum -gerent -gerenuk -gerfalcon -gerhardtite -geriatric -geriatrician -geriatrics -gerim -gerip -germ -germal -German -german -germander -germane -germanely -germaneness -Germanesque -Germanhood -Germania -Germanic -germanic -Germanical -Germanically -Germanics -Germanification -Germanify -germanious -Germanish -Germanism -Germanist -Germanistic -germanite -Germanity -germanity -germanium -Germanization -germanization -Germanize -germanize -Germanizer -Germanly -Germanness -Germanocentric -Germanomania -Germanomaniac -Germanophile -Germanophilist -Germanophobe -Germanophobia -Germanophobic -Germanophobist -germanous -Germantown -germanyl -germarium -germen -germfree -germicidal -germicide -germifuge -germigenous -germin -germina -germinability -germinable -Germinal -germinal -germinally -germinance -germinancy -germinant -germinate -germination -germinative -germinatively -germinator -germing -germinogony -germiparity -germless -germlike -germling -germon -germproof -germule -germy -gernitz -gerocomia -gerocomical -gerocomy -geromorphism -Geronomite -geront -gerontal -gerontes -gerontic -gerontine -gerontism -geronto -gerontocracy -gerontocrat -gerontocratic -gerontogeous -gerontology -gerontophilia -gerontoxon -Gerres -gerrhosaurid -Gerrhosauridae -Gerridae -gerrymander -gerrymanderer -gers -gersdorffite -Gershom -Gershon -Gershonite -gersum -Gertie -Gertrude -gerund -gerundial -gerundially -gerundival -gerundive -gerundively -gerusia -Gervais -gervao -Gervas -Gervase -Gerygone -gerygone -Geryonia -geryonid -Geryonidae -Geryoniidae -Ges -Gesan -Geshurites -gesith -gesithcund -gesithcundman -Gesnera -Gesneraceae -gesneraceous -Gesneria -gesneria -Gesneriaceae -gesneriaceous -Gesnerian -gesning -gessamine -gesso -gest -Gestalt -gestalter -gestaltist -gestant -Gestapo -gestate -gestation -gestational -gestative -gestatorial -gestatorium -gestatory -geste -gested -gesten -gestening -gestic -gestical -gesticulacious -gesticulant -gesticular -gesticularious -gesticulate -gesticulation -gesticulative -gesticulatively -gesticulator -gesticulatory -gestion -gestning -gestural -gesture -gestureless -gesturer -get -geta -Getae -getah -getaway -gether -Gethsemane -gethsemane -Gethsemanic -gethsemanic -Getic -getling -getpenny -Getsul -gettable -getter -getting -getup -Geullah -Geum -geum -gewgaw -gewgawed -gewgawish -gewgawry -gewgawy -gey -geyan -geyerite -geyser -geyseral -geyseric -geyserine -geyserish -geyserite -gez -ghafir -ghaist -ghalva -Ghan -gharial -gharnao -gharry -Ghassanid -ghastily -ghastlily -ghastliness -ghastly -ghat -ghatti -ghatwal -ghatwazi -ghazi -ghazism -Ghaznevid -Gheber -ghebeta -Ghedda -ghee -Gheg -Ghegish -gheleem -Ghent -gherkin -ghetchoo -ghetti -ghetto -ghettoization -ghettoize -Ghibelline -Ghibellinism -Ghilzai -Ghiordes -ghizite -ghoom -ghost -ghostcraft -ghostdom -ghoster -ghostess -ghostfish -ghostflower -ghosthood -ghostified -ghostily -ghostish -ghostism -ghostland -ghostless -ghostlet -ghostlify -ghostlike -ghostlily -ghostliness -ghostly -ghostmonger -ghostology -ghostship -ghostweed -ghostwrite -ghosty -ghoul -ghoulery -ghoulish -ghoulishly -ghoulishness -ghrush -ghurry -Ghuz -Gi -Giansar -giant -giantesque -giantess -gianthood -giantish -giantism -giantize -giantkind -giantlike -giantly -giantry -giantship -Giardia -giardia -giardiasis -giarra -giarre -Gib -gib -gibaro -gibbals -gibbed -gibber -Gibberella -gibbergunyah -gibberish -gibberose -gibberosity -gibbet -gibbetwise -Gibbi -gibblegabble -gibblegabbler -gibbles -gibbon -gibbose -gibbosity -gibbous -gibbously -gibbousness -gibbsite -gibbus -gibby -gibe -gibel -gibelite -Gibeonite -giber -gibing -gibingly -gibleh -giblet -giblets -Gibraltar -Gibson -gibstaff -gibus -gid -giddap -giddea -giddify -giddily -giddiness -giddy -giddyberry -giddybrain -giddyhead -giddyish -Gideon -Gideonite -gidgee -gie -gied -gien -Gienah -gieseckite -gif -giffgaff -Gifola -gift -gifted -giftedly -giftedness -giftie -giftless -giftling -giftware -gig -gigantean -gigantesque -gigantic -gigantical -gigantically -giganticidal -giganticide -giganticness -gigantism -gigantize -gigantoblast -gigantocyte -gigantolite -gigantological -gigantology -gigantomachy -Gigantopithecus -Gigantosaurus -Gigantostraca -gigantostracan -gigantostracous -Gigartina -Gigartinaceae -gigartinaceous -Gigartinales -gigback -gigelira -gigeria -gigerium -gigful -gigger -giggish -giggit -giggle -giggledom -gigglement -giggler -gigglesome -giggling -gigglingly -gigglish -giggly -Gigi -giglet -gigliato -giglot -gigman -gigmaness -gigmanhood -gigmania -gigmanic -gigmanically -gigmanism -gigmanity -gignate -gignitive -gigolo -gigot -gigsman -gigster -gigtree -gigunu -Gil -Gila -Gilaki -Gilbert -gilbert -gilbertage -Gilbertese -Gilbertian -Gilbertianism -gilbertite -gild -gildable -gilded -gilden -gilder -gilding -Gileadite -Gileno -Giles -gilguy -Gilia -gilia -Giliak -gilim -Gill -gill -gillaroo -gillbird -gilled -Gillenia -giller -Gilles -gillflirt -gillhooter -Gillian -gillie -gilliflirt -gilling -gilliver -gillotage -gillotype -gillstoup -gilly -gillyflower -gillygaupus -gilo -gilpy -gilravage -gilravager -gilse -gilsonite -gilt -giltcup -gilthead -gilttail -gim -gimbal -gimbaled -gimbaljawed -gimberjawed -gimble -gimcrack -gimcrackery -gimcrackiness -gimcracky -gimel -Gimirrai -gimlet -gimleteyed -gimlety -gimmal -gimmer -gimmerpet -gimmick -gimp -gimped -gimper -gimping -gin -ging -ginger -gingerade -gingerberry -gingerbread -gingerbready -gingerin -gingerleaf -gingerline -gingerliness -gingerly -gingerness -gingernut -gingerol -gingerous -gingerroot -gingersnap -gingerspice -gingerwork -gingerwort -gingery -gingham -ginghamed -gingili -gingiva -gingivae -gingival -gingivalgia -gingivectomy -gingivitis -gingivoglossitis -gingivolabial -ginglyform -ginglymoarthrodia -ginglymoarthrodial -Ginglymodi -ginglymodian -ginglymoid -ginglymoidal -Ginglymostoma -ginglymostomoid -ginglymus -ginglyni -ginhouse -gink -Ginkgo -ginkgo -Ginkgoaceae -ginkgoaceous -Ginkgoales -ginned -ginner -ginners -ginnery -ginney -ginning -ginnle -Ginny -ginny -ginseng -ginward -gio -giobertite -giornata -giornatate -Giottesque -Giovanni -gip -gipon -gipper -Gippy -gipser -gipsire -gipsyweed -Giraffa -giraffe -giraffesque -Giraffidae -giraffine -giraffoid -girandola -girandole -girasol -girasole -girba -gird -girder -girderage -girderless -girding -girdingly -girdle -girdlecake -girdlelike -girdler -girdlestead -girdling -girdlingly -Girella -Girellidae -Girgashite -Girgasite -girl -girleen -girlery -girlfully -girlhood -girlie -girliness -girling -girlish -girlishly -girlishness -girlism -girllike -girly -girn -girny -giro -giroflore -Girondin -Girondism -Girondist -girouette -girouettism -girr -girse -girsh -girsle -girt -girth -girtline -gisarme -gish -gisla -gisler -gismondine -gismondite -gist -git -gitaligenin -gitalin -Gitanemuck -gith -Gitksan -gitonin -gitoxigenin -gitoxin -gittern -Gittite -gittith -Giuseppe -giustina -give -giveable -giveaway -given -givenness -giver -givey -giving -gizz -gizzard -gizzen -gizzern -glabella -glabellae -glabellar -glabellous -glabellum -glabrate -glabrescent -glabrous -glace -glaceed -glaceing -glaciable -glacial -glacialism -glacialist -glacialize -glacially -glaciaria -glaciarium -glaciate -glaciation -glacier -glaciered -glacieret -glacierist -glacification -glacioaqueous -glaciolacustrine -glaciological -glaciologist -glaciology -glaciomarine -glaciometer -glacionatant -glacis -glack -glad -gladden -gladdener -gladdon -gladdy -glade -gladelike -gladeye -gladful -gladfully -gladfulness -gladhearted -gladiate -gladiator -gladiatorial -gladiatorism -gladiatorship -gladiatrix -gladify -gladii -gladiola -gladiolar -gladiole -gladioli -gladiolus -gladius -gladkaite -gladless -gladly -gladness -gladsome -gladsomely -gladsomeness -Gladstone -Gladstonian -Gladstonianism -glady -Gladys -glaga -Glagol -Glagolic -Glagolitic -Glagolitsa -glaieul -glaik -glaiket -glaiketness -glair -glaireous -glairiness -glairy -glaister -glaive -glaived -glaked -glaky -glam -glamberry -glamorize -glamorous -glamorously -glamour -glamoury -glance -glancer -glancing -glancingly -gland -glandaceous -glandarious -glandered -glanderous -glanders -glandes -glandiferous -glandiform -glandless -glandlike -glandular -glandularly -glandule -glanduliferous -glanduliform -glanduligerous -glandulose -glandulosity -glandulous -glandulousness -Glaniostomi -glans -glar -glare -glareless -Glareola -glareole -Glareolidae -glareous -glareproof -glareworm -glarily -glariness -glaring -glaringly -glaringness -glarry -glary -Glaserian -glaserite -glashan -glass -glassen -glasser -glasses -glassfish -glassful -glasshouse -glassie -glassily -glassine -glassiness -Glassite -glassless -glasslike -glassmaker -glassmaking -glassman -glassophone -glassrope -glassteel -glassware -glassweed -glasswork -glassworker -glassworking -glassworks -glasswort -glassy -Glaswegian -Glathsheim -Glathsheimr -glauberite -glaucescence -glaucescent -Glaucidium -glaucin -glaucine -Glaucionetta -Glaucium -glaucochroite -glaucodot -glaucolite -glaucoma -glaucomatous -Glaucomys -Glauconia -glauconiferous -Glauconiidae -glauconite -glauconitic -glauconitization -glaucophane -glaucophanite -glaucophanization -glaucophanize -glaucophyllous -Glaucopis -glaucosuria -glaucous -glaucously -Glauke -glaum -glaumrie -glaur -glaury -Glaux -glaver -glaze -glazed -glazen -glazer -glazework -glazier -glaziery -glazily -glaziness -glazing -glazy -gleam -gleamily -gleaminess -gleaming -gleamingly -gleamless -gleamy -glean -gleanable -gleaner -gleaning -gleary -gleba -glebal -glebe -glebeless -glebous -Glecoma -glede -Gleditsia -gledy -glee -gleed -gleeful -gleefully -gleefulness -gleeishly -gleek -gleemaiden -gleeman -gleesome -gleesomely -gleesomeness -gleet -gleety -gleewoman -gleg -glegly -glegness -Glen -glen -Glengarry -Glenn -glenohumeral -glenoid -glenoidal -glent -glessite -gleyde -glia -gliadin -glial -glib -glibbery -glibly -glibness -glidder -gliddery -glide -glideless -glideness -glider -gliderport -glidewort -gliding -glidingly -gliff -gliffing -glime -glimmer -glimmering -glimmeringly -glimmerite -glimmerous -glimmery -glimpse -glimpser -glink -glint -glioma -gliomatous -gliosa -gliosis -Glires -Gliridae -gliriform -Gliriformia -glirine -Glis -glisk -glisky -glissade -glissader -glissando -glissette -glisten -glistening -glisteningly -glister -glisteringly -Glitnir -glitter -glitterance -glittering -glitteringly -glittersome -glittery -gloam -gloaming -gloat -gloater -gloating -gloatingly -global -globally -globate -globated -globe -globed -globefish -globeflower -globeholder -globelet -Globicephala -globiferous -Globigerina -globigerine -Globigerinidae -globin -Globiocephalus -globoid -globose -globosely -globoseness -globosite -globosity -globosphaerite -globous -globously -globousness -globular -Globularia -Globulariaceae -globulariaceous -globularity -globularly -globularness -globule -globulet -globulicidal -globulicide -globuliferous -globuliform -globulimeter -globulin -globulinuria -globulite -globulitic -globuloid -globulolysis -globulose -globulous -globulousness -globulysis -globy -glochid -glochideous -glochidia -glochidial -glochidian -glochidiate -glochidium -glochis -glockenspiel -gloea -gloeal -Gloeocapsa -gloeocapsoid -gloeosporiose -Gloeosporium -Gloiopeltis -Gloiosiphonia -Gloiosiphoniaceae -glom -glome -glomerate -glomeration -Glomerella -glomeroporphyritic -glomerular -glomerulate -glomerule -glomerulitis -glomerulonephritis -glomerulose -glomerulus -glommox -glomus -glonoin -glonoine -gloom -gloomful -gloomfully -gloomily -gloominess -glooming -gloomingly -gloomless -gloomth -gloomy -glop -gloppen -glor -glore -Gloria -Gloriana -gloriation -gloriette -glorifiable -glorification -glorifier -glorify -gloriole -Gloriosa -gloriosity -glorious -gloriously -gloriousness -glory -gloryful -glorying -gloryingly -gloryless -gloss -glossa -glossagra -glossal -glossalgia -glossalgy -glossanthrax -glossarial -glossarially -glossarian -glossarist -glossarize -glossary -Glossata -glossate -glossator -glossatorial -glossectomy -glossed -glosser -glossic -glossily -Glossina -glossiness -glossing -glossingly -Glossiphonia -Glossiphonidae -glossist -glossitic -glossitis -glossless -glossmeter -glossocarcinoma -glossocele -glossocoma -glossocomon -glossodynamometer -glossodynia -glossoepiglottic -glossoepiglottidean -glossograph -glossographer -glossographical -glossography -glossohyal -glossoid -glossokinesthetic -glossolabial -glossolabiolaryngeal -glossolabiopharyngeal -glossolalia -glossolalist -glossolaly -glossolaryngeal -glossological -glossologist -glossology -glossolysis -glossoncus -glossopalatine -glossopalatinus -glossopathy -glossopetra -Glossophaga -glossophagine -glossopharyngeal -glossopharyngeus -Glossophora -glossophorous -glossophytia -glossoplasty -glossoplegia -glossopode -glossopodium -Glossopteris -glossoptosis -glossopyrosis -glossorrhaphy -glossoscopia -glossoscopy -glossospasm -glossosteresis -Glossotherium -glossotomy -glossotype -glossy -glost -glottal -glottalite -glottalize -glottic -glottid -glottidean -glottis -glottiscope -glottogonic -glottogonist -glottogony -glottologic -glottological -glottologist -glottology -Gloucester -glout -glove -gloveless -glovelike -glovemaker -glovemaking -glover -gloveress -glovey -gloving -glow -glower -glowerer -glowering -gloweringly -glowfly -glowing -glowingly -glowworm -Gloxinia -gloy -gloze -glozing -glozingly -glub -glucase -glucemia -glucid -glucide -glucidic -glucina -glucine -glucinic -glucinium -glucinum -gluck -glucofrangulin -glucokinin -glucolipid -glucolipide -glucolipin -glucolipine -glucolysis -glucosaemia -glucosamine -glucosan -glucosane -glucosazone -glucose -glucosemia -glucosic -glucosid -glucosidal -glucosidase -glucoside -glucosidic -glucosidically -glucosin -glucosine -glucosone -glucosuria -glucuronic -glue -glued -gluemaker -gluemaking -gluepot -gluer -gluey -glueyness -glug -gluish -gluishness -glum -gluma -Glumaceae -glumaceous -glumal -Glumales -glume -glumiferous -Glumiflorae -glumly -glummy -glumness -glumose -glumosity -glump -glumpily -glumpiness -glumpish -glumpy -glunch -Gluneamie -glusid -gluside -glut -glutamic -glutamine -glutaminic -glutaric -glutathione -glutch -gluteal -glutelin -gluten -glutenin -glutenous -gluteofemoral -gluteoinguinal -gluteoperineal -gluteus -glutin -glutinate -glutination -glutinative -glutinize -glutinose -glutinosity -glutinous -glutinously -glutinousness -glutition -glutoid -glutose -glutter -gluttery -glutting -gluttingly -glutton -gluttoness -gluttonish -gluttonism -gluttonize -gluttonous -gluttonously -gluttonousness -gluttony -glyceraldehyde -glycerate -Glyceria -glyceric -glyceride -glycerin -glycerinate -glycerination -glycerine -glycerinize -glycerite -glycerize -glycerizin -glycerizine -glycerogel -glycerogelatin -glycerol -glycerolate -glycerole -glycerolize -glycerophosphate -glycerophosphoric -glycerose -glyceroxide -glyceryl -glycid -glycide -glycidic -glycidol -Glycine -glycine -glycinin -glycocholate -glycocholic -glycocin -glycocoll -glycogelatin -glycogen -glycogenesis -glycogenetic -glycogenic -glycogenize -glycogenolysis -glycogenous -glycogeny -glycohaemia -glycohemia -glycol -glycolaldehyde -glycolate -glycolic -glycolide -glycolipid -glycolipide -glycolipin -glycolipine -glycoluric -glycoluril -glycolyl -glycolylurea -glycolysis -glycolytic -glycolytically -Glyconian -Glyconic -glyconic -glyconin -glycoproteid -glycoprotein -glycosaemia -glycose -glycosemia -glycosin -glycosine -glycosuria -glycosuric -glycuresis -glycuronic -glycyl -glycyphyllin -Glycyrrhiza -glycyrrhizin -Glynn -glyoxal -glyoxalase -glyoxalic -glyoxalin -glyoxaline -glyoxim -glyoxime -glyoxyl -glyoxylic -glyph -glyphic -glyphograph -glyphographer -glyphographic -glyphography -glyptic -glyptical -glyptician -Glyptodon -glyptodont -Glyptodontidae -glyptodontoid -glyptograph -glyptographer -glyptographic -glyptography -glyptolith -glyptological -glyptologist -glyptology -glyptotheca -Glyptotherium -glyster -Gmelina -gmelinite -gnabble -Gnaeus -gnaphalioid -Gnaphalium -gnar -gnarl -gnarled -gnarliness -gnarly -gnash -gnashingly -gnat -gnatcatcher -gnatflower -gnathal -gnathalgia -gnathic -gnathidium -gnathion -gnathism -gnathite -gnathitis -Gnatho -gnathobase -gnathobasic -Gnathobdellae -Gnathobdellida -gnathometer -gnathonic -gnathonical -gnathonically -gnathonism -gnathonize -gnathophorous -gnathoplasty -gnathopod -Gnathopoda -gnathopodite -gnathopodous -gnathostegite -Gnathostoma -Gnathostomata -gnathostomatous -gnathostome -Gnathostomi -gnathostomous -gnathotheca -gnatling -gnatproof -gnatsnap -gnatsnapper -gnatter -gnatty -gnatworm -gnaw -gnawable -gnawer -gnawing -gnawingly -gnawn -gneiss -gneissic -gneissitic -gneissoid -gneissose -gneissy -Gnetaceae -gnetaceous -Gnetales -Gnetum -gnocchetti -gnome -gnomed -gnomesque -gnomic -gnomical -gnomically -gnomide -gnomish -gnomist -gnomologic -gnomological -gnomologist -gnomology -gnomon -Gnomonia -Gnomoniaceae -gnomonic -gnomonical -gnomonics -gnomonological -gnomonologically -gnomonology -gnosiological -gnosiology -gnosis -Gnostic -gnostic -gnostical -gnostically -Gnosticism -gnosticity -gnosticize -gnosticizer -gnostology -gnu -go -goa -goad -goadsman -goadster -goaf -Goajiro -goal -Goala -goalage -goalee -goalie -goalkeeper -goalkeeping -goalless -goalmouth -Goan -Goanese -goanna -Goasila -goat -goatbeard -goatbrush -goatbush -goatee -goateed -goatfish -goatherd -goatherdess -goatish -goatishly -goatishness -goatland -goatlike -goatling -goatly -goatroot -goatsbane -goatsbeard -goatsfoot -goatskin -goatstone -goatsucker -goatweed -goaty -goave -gob -goback -goban -gobang -gobbe -gobber -gobbet -gobbin -gobbing -gobble -gobbledygook -gobbler -gobby -Gobelin -gobelin -gobernadora -gobi -Gobia -Gobian -gobiesocid -Gobiesocidae -gobiesociform -Gobiesox -gobiid -Gobiidae -gobiiform -Gobiiformes -Gobinism -Gobinist -Gobio -gobioid -Gobioidea -Gobioidei -goblet -gobleted -gobletful -goblin -gobline -goblinesque -goblinish -goblinism -goblinize -goblinry -gobmouthed -gobo -gobonated -gobony -gobstick -goburra -goby -gobylike -gocart -Goclenian -God -god -godchild -Goddam -Goddard -goddard -goddaughter -godded -goddess -goddesshood -goddessship -goddikin -goddize -gode -godet -Godetia -godfather -godfatherhood -godfathership -Godforsaken -Godfrey -Godful -godhead -godhood -Godiva -godkin -godless -godlessly -godlessness -godlet -godlike -godlikeness -godlily -godliness -godling -godly -godmaker -godmaking -godmamma -godmother -godmotherhood -godmothership -godown -godpapa -godparent -Godsake -godsend -godship -godson -godsonship -Godspeed -Godward -Godwin -Godwinian -godwit -goeduck -goel -goelism -Goemagot -Goemot -goer -goes -Goetae -Goethian -goetia -goetic -goetical -goety -goff -goffer -goffered -gofferer -goffering -goffle -gog -gogga -goggan -goggle -goggled -goggler -gogglers -goggly -goglet -Gogo -gogo -Gohila -goi -goiabada -Goidel -Goidelic -going -goitcho -goiter -goitered -goitral -goitrogen -goitrogenic -goitrous -Gokuraku -gol -gola -golach -goladar -golandaas -golandause -Golaseccan -Golconda -Gold -gold -goldbeater -goldbeating -Goldbird -goldbrick -goldbricker -goldbug -goldcrest -goldcup -golden -goldenback -goldeneye -goldenfleece -goldenhair -goldenknop -goldenlocks -goldenly -Goldenmouth -goldenmouthed -goldenness -goldenpert -goldenrod -goldenseal -goldentop -goldenwing -golder -goldfielder -goldfinch -goldfinny -goldfish -goldflower -goldhammer -goldhead -Goldi -Goldic -goldie -goldilocks -goldin -goldish -goldless -goldlike -Goldonian -goldseed -goldsinny -goldsmith -goldsmithery -goldsmithing -goldspink -goldstone -goldtail -goldtit -goldwater -goldweed -goldwork -goldworker -Goldy -goldy -golee -golem -golf -golfdom -golfer -Golgi -Golgotha -goli -goliard -goliardery -goliardic -Goliath -goliath -goliathize -golkakra -Goll -golland -gollar -golliwogg -golly -Golo -goloe -golpe -Goma -gomari -Gomarian -Gomarist -Gomarite -gomart -gomashta -gomavel -gombay -gombeen -gombeenism -gombroon -Gomeisa -gomer -gomeral -gomlah -gommelin -Gomontia -Gomorrhean -Gomphocarpus -gomphodont -Gompholobium -gomphosis -Gomphrena -gomuti -gon -Gona -gonad -gonadal -gonadial -gonadic -gonadotropic -gonadotropin -gonaduct -gonagra -gonakie -gonal -gonalgia -gonangial -gonangium -gonapod -gonapophysal -gonapophysial -gonapophysis -gonarthritis -Gond -gondang -Gondi -gondite -gondola -gondolet -gondolier -gone -goneness -goneoclinic -gonepoiesis -gonepoietic -goner -Goneril -gonesome -gonfalcon -gonfalonier -gonfalonierate -gonfaloniership -gonfanon -gong -gongman -Gongoresque -Gongorism -Gongorist -gongoristic -gonia -goniac -gonial -goniale -Goniaster -goniatite -Goniatites -goniatitic -goniatitid -Goniatitidae -goniatitoid -gonid -gonidangium -gonidia -gonidial -gonidic -gonidiferous -gonidiogenous -gonidioid -gonidiophore -gonidiose -gonidiospore -gonidium -gonimic -gonimium -gonimolobe -gonimous -goniocraniometry -Goniodoridae -Goniodorididae -Goniodoris -goniometer -goniometric -goniometrical -goniometrically -goniometry -gonion -Goniopholidae -Goniopholis -goniostat -goniotropous -gonitis -Gonium -gonium -gonnardite -gonne -gonoblast -gonoblastic -gonoblastidial -gonoblastidium -gonocalycine -gonocalyx -gonocheme -gonochorism -gonochorismal -gonochorismus -gonochoristic -gonococcal -gonococcic -gonococcoid -gonococcus -gonocoel -gonocyte -gonoecium -Gonolobus -gonomere -gonomery -gonophore -gonophoric -gonophorous -gonoplasm -gonopoietic -gonorrhea -gonorrheal -gonorrheic -gonosomal -gonosome -gonosphere -gonostyle -gonotheca -gonothecal -gonotokont -gonotome -gonotype -gonozooid -gony -gonyalgia -gonydeal -gonydial -gonyocele -gonyoncus -gonys -Gonystylaceae -gonystylaceous -Gonystylus -gonytheca -Gonzalo -goo -goober -good -Goodenia -Goodeniaceae -goodeniaceous -Goodenoviaceae -goodhearted -goodheartedly -goodheartedness -gooding -goodish -goodishness -goodlihead -goodlike -goodliness -goodly -goodman -goodmanship -goodness -goods -goodsome -goodwife -goodwill -goodwillit -goodwilly -goody -goodyear -Goodyera -goodyish -goodyism -goodyness -goodyship -goof -goofer -goofily -goofiness -goofy -googly -googol -googolplex -googul -gook -gool -goolah -gools -gooma -goon -goondie -goonie -Goop -goosander -goose -goosebeak -gooseberry -goosebill -goosebird -goosebone -gooseboy -goosecap -goosefish -gooseflower -goosefoot -goosegirl -goosegog -gooseherd -goosehouse -gooselike -goosemouth -gooseneck -goosenecked -gooserumped -goosery -goosetongue -gooseweed -goosewing -goosewinged -goosish -goosishly -goosishness -goosy -gopher -gopherberry -gopherroot -gopherwood -gopura -Gor -gor -gora -goracco -goral -goran -gorb -gorbal -gorbellied -gorbelly -gorbet -gorble -gorblimy -gorce -gorcock -gorcrow -Gordiacea -gordiacean -gordiaceous -Gordian -Gordiidae -Gordioidea -Gordius -gordolobo -Gordon -Gordonia -gordunite -Gordyaean -gore -gorer -gorevan -gorfly -gorge -gorgeable -gorged -gorgedly -gorgelet -gorgeous -gorgeously -gorgeousness -gorger -gorgerin -gorget -gorgeted -gorglin -Gorgon -Gorgonacea -gorgonacean -gorgonaceous -gorgonesque -gorgoneum -Gorgonia -Gorgoniacea -gorgoniacean -gorgoniaceous -Gorgonian -gorgonian -gorgonin -gorgonize -gorgonlike -Gorgonzola -Gorgosaurus -gorhen -goric -gorilla -gorillaship -gorillian -gorilline -gorilloid -gorily -goriness -goring -Gorkhali -Gorkiesque -gorlin -gorlois -gormandize -gormandizer -gormaw -gormed -gorra -gorraf -gorry -gorse -gorsebird -gorsechat -gorsedd -gorsehatch -gorsy -Gortonian -Gortonite -gory -gos -gosain -goschen -gosh -goshawk -Goshen -goshenite -goslarite -goslet -gosling -gosmore -gospel -gospeler -gospelist -gospelize -gospellike -gospelly -gospelmonger -gospelwards -Gosplan -gospodar -gosport -gossamer -gossamered -gossamery -gossampine -gossan -gossaniferous -gossard -gossip -gossipdom -gossipee -gossiper -gossiphood -gossipiness -gossiping -gossipingly -gossipmonger -gossipred -gossipry -gossipy -gossoon -gossy -gossypine -Gossypium -gossypol -gossypose -got -gotch -gote -Goth -Gotha -Gotham -Gothamite -Gothic -Gothically -Gothicism -Gothicist -Gothicity -Gothicize -Gothicizer -Gothicness -Gothish -Gothism -gothite -Gothlander -Gothonic -Gotiglacial -gotra -gotraja -gotten -Gottfried -Gottlieb -gouaree -Gouda -Goudy -gouge -gouger -goujon -goulash -goumi -goup -Goura -gourami -gourd -gourde -gourdful -gourdhead -gourdiness -gourdlike -gourdworm -gourdy -Gourinae -gourmand -gourmander -gourmanderie -gourmandism -gourmet -gourmetism -gourounut -goustrous -gousty -gout -goutify -goutily -goutiness -goutish -goutte -goutweed -goutwort -gouty -gove -govern -governability -governable -governableness -governably -governail -governance -governess -governessdom -governesshood -governessy -governing -governingly -government -governmental -governmentalism -governmentalist -governmentalize -governmentally -governmentish -governor -governorate -governorship -gowan -gowdnie -gowf -gowfer -gowiddie -gowk -gowked -gowkedly -gowkedness -gowkit -gowl -gown -gownlet -gownsman -gowpen -goy -Goyana -goyazite -Goyetian -goyim -goyin -goyle -gozell -gozzard -gra -Graafian -grab -grabbable -grabber -grabble -grabbler -grabbling -grabbots -graben -grabhook -grabouche -Grace -grace -graceful -gracefully -gracefulness -graceless -gracelessly -gracelessness -gracelike -gracer -Gracilaria -gracilariid -Gracilariidae -gracile -gracileness -gracilescent -gracilis -gracility -graciosity -gracioso -gracious -graciously -graciousness -grackle -Graculus -grad -gradable -gradal -gradate -gradation -gradational -gradationally -gradationately -gradative -gradatively -gradatory -graddan -grade -graded -gradefinder -gradely -grader -Gradgrind -gradgrind -Gradgrindian -Gradgrindish -Gradgrindism -gradient -gradienter -Gradientia -gradin -gradine -grading -gradiometer -gradiometric -gradometer -gradual -gradualism -gradualist -gradualistic -graduality -gradually -gradualness -graduand -graduate -graduated -graduateship -graduatical -graduating -graduation -graduator -gradus -Graeae -Graeculus -Graeme -graff -graffage -graffer -Graffias -graffito -grafship -graft -graftage -graftdom -grafted -grafter -grafting -graftonite -graftproof -Graham -graham -grahamite -Graian -grail -grailer -grailing -grain -grainage -grained -grainedness -grainer -grainering -grainery -grainfield -graininess -graining -grainland -grainless -grainman -grainsick -grainsickness -grainsman -grainways -grainy -graip -graisse -graith -Grallae -Grallatores -grallatorial -grallatory -grallic -Grallina -gralline -gralloch -gram -grama -gramarye -gramashes -grame -gramenite -gramicidin -Graminaceae -graminaceous -Gramineae -gramineal -gramineous -gramineousness -graminicolous -graminiferous -graminifolious -graminiform -graminin -graminivore -graminivorous -graminological -graminology -graminous -grammalogue -grammar -grammarian -grammarianism -grammarless -grammatic -grammatical -grammatically -grammaticalness -grammaticaster -grammaticism -grammaticize -grammatics -grammatist -grammatistical -grammatite -grammatolator -grammatolatry -Grammatophyllum -gramme -Grammontine -gramoches -Gramophone -gramophone -gramophonic -gramophonical -gramophonically -gramophonist -gramp -grampa -grampus -granada -granadilla -granadillo -Granadine -granage -granary -granate -granatum -granch -grand -grandam -grandame -grandaunt -grandchild -granddad -granddaddy -granddaughter -granddaughterly -grandee -grandeeism -grandeeship -grandesque -grandeur -grandeval -grandfather -grandfatherhood -grandfatherish -grandfatherless -grandfatherly -grandfathership -grandfer -grandfilial -grandiloquence -grandiloquent -grandiloquently -grandiloquous -grandiose -grandiosely -grandiosity -grandisonant -Grandisonian -Grandisonianism -grandisonous -grandly -grandma -grandmaternal -Grandmontine -grandmother -grandmotherhood -grandmotherism -grandmotherliness -grandmotherly -grandnephew -grandness -grandniece -grandpa -grandparent -grandparentage -grandparental -grandpaternal -grandsire -grandson -grandsonship -grandstand -grandstander -granduncle -grane -grange -granger -grangerism -grangerite -grangerization -grangerize -grangerizer -Grangousier -graniform -granilla -granite -granitelike -graniteware -granitic -granitical -graniticoline -granitiferous -granitification -granitiform -granitite -granitization -granitize -granitoid -granivore -granivorous -granjeno -grank -grannom -granny -grannybush -grano -granoblastic -granodiorite -granogabbro -granolite -granolith -granolithic -granomerite -granophyre -granophyric -granose -granospherite -Grant -grant -grantable -grantedly -grantee -granter -Granth -Grantha -Grantia -Grantiidae -grantor -granula -granular -granularity -granularly -granulary -granulate -granulated -granulater -granulation -granulative -granulator -granule -granulet -granuliferous -granuliform -granulite -granulitic -granulitis -granulitization -granulitize -granulize -granuloadipose -granulocyte -granuloma -granulomatous -granulometric -granulosa -granulose -granulous -Granville -granza -granzita -grape -graped -grapeflower -grapefruit -grapeful -grapeless -grapelet -grapelike -grapenuts -graperoot -grapery -grapeshot -grapeskin -grapestalk -grapestone -grapevine -grapewise -grapewort -graph -graphalloy -graphic -graphical -graphically -graphicalness -graphicly -graphicness -graphics -Graphidiaceae -Graphiola -graphiological -graphiologist -graphiology -Graphis -graphite -graphiter -graphitic -graphitization -graphitize -graphitoid -graphitoidal -Graphium -graphologic -graphological -graphologist -graphology -graphomania -graphomaniac -graphometer -graphometric -graphometrical -graphometry -graphomotor -Graphophone -graphophone -graphophonic -graphorrhea -graphoscope -graphospasm -graphostatic -graphostatical -graphostatics -graphotype -graphotypic -graphy -graping -grapnel -grappa -grapple -grappler -grappling -Grapsidae -grapsoid -Grapsus -Grapta -graptolite -Graptolitha -Graptolithida -Graptolithina -graptolitic -Graptolitoidea -Graptoloidea -graptomancy -grapy -grasp -graspable -grasper -grasping -graspingly -graspingness -graspless -grass -grassant -grassation -grassbird -grasschat -grasscut -grasscutter -grassed -grasser -grasset -grassflat -grassflower -grasshop -grasshopper -grasshopperdom -grasshopperish -grasshouse -grassiness -grassing -grassland -grassless -grasslike -grassman -grassnut -grassplot -grassquit -grasswards -grassweed -grasswidowhood -grasswork -grassworm -grassy -grat -grate -grateful -gratefully -gratefulness -grateless -grateman -grater -gratewise -grather -Gratia -Gratiano -graticulate -graticulation -graticule -gratification -gratified -gratifiedly -gratifier -gratify -gratifying -gratifyingly -gratility -gratillity -gratinate -grating -Gratiola -gratiolin -gratiosolin -gratis -gratitude -gratten -grattoir -gratuitant -gratuitous -gratuitously -gratuitousness -gratuity -gratulant -gratulate -gratulation -gratulatorily -gratulatory -graupel -gravamen -gravamina -grave -graveclod -gravecloth -graveclothes -graved -gravedigger -gravegarth -gravel -graveless -gravelike -graveling -gravelish -gravelliness -gravelly -gravelroot -gravelstone -gravelweed -gravely -gravemaker -gravemaking -graveman -gravemaster -graven -graveness -Gravenstein -graveolence -graveolency -graveolent -graver -Graves -graveship -graveside -gravestead -gravestone -graveward -gravewards -graveyard -gravic -gravicembalo -gravid -gravidity -gravidly -gravidness -Gravigrada -gravigrade -gravimeter -gravimetric -gravimetrical -gravimetrically -gravimetry -graving -gravitate -gravitater -gravitation -gravitational -gravitationally -gravitative -gravitometer -gravity -gravure -gravy -grawls -gray -grayback -graybeard -graycoat -grayfish -grayfly -grayhead -grayish -graylag -grayling -grayly -graymalkin -graymill -grayness -graypate -graywacke -grayware -graywether -grazable -graze -grazeable -grazer -grazier -grazierdom -graziery -grazing -grazingly -grease -greasebush -greasehorn -greaseless -greaselessness -greaseproof -greaseproofness -greaser -greasewood -greasily -greasiness -greasy -great -greatcoat -greatcoated -greaten -greater -greathead -greatheart -greathearted -greatheartedness -greatish -greatly -greatmouthed -greatness -greave -greaved -greaves -grebe -Grebo -grece -Grecian -Grecianize -Grecism -Grecize -Grecomania -Grecomaniac -Grecophil -gree -greed -greedily -greediness -greedless -greedsome -greedy -greedygut -greedyguts -Greek -Greekdom -Greekery -Greekess -Greekish -Greekism -Greekist -Greekize -Greekless -Greekling -green -greenable -greenage -greenalite -greenback -Greenbacker -Greenbackism -greenbark -greenbone -greenbrier -Greencloth -greencoat -greener -greenery -greeney -greenfinch -greenfish -greengage -greengill -greengrocer -greengrocery -greenhead -greenheaded -greenheart -greenhearted -greenhew -greenhide -greenhood -greenhorn -greenhornism -greenhouse -greening -greenish -greenishness -greenkeeper -greenkeeping -Greenland -Greenlander -Greenlandic -Greenlandish -greenlandite -Greenlandman -greenleek -greenless -greenlet -greenling -greenly -greenness -greenockite -greenovite -greenroom -greensand -greensauce -greenshank -greensick -greensickness -greenside -greenstone -greenstuff -greensward -greenswarded -greentail -greenth -greenuk -greenweed -Greenwich -greenwing -greenwithe -greenwood -greenwort -greeny -greenyard -greet -greeter -greeting -greetingless -greetingly -greffier -greffotome -Greg -gregal -gregale -gregaloid -gregarian -gregarianism -Gregarina -Gregarinae -Gregarinaria -gregarine -Gregarinida -gregarinidal -gregariniform -Gregarinina -Gregarinoidea -gregarinosis -gregarinous -gregarious -gregariously -gregariousness -gregaritic -grege -Gregg -Gregge -greggle -grego -Gregor -Gregorian -Gregorianist -Gregorianize -Gregorianizer -Gregory -greige -grein -greisen -gremial -gremlin -grenade -Grenadian -grenadier -grenadierial -grenadierly -grenadiership -grenadin -grenadine -Grendel -Grenelle -Gressoria -gressorial -gressorious -Greta -Gretchen -Gretel -greund -Grevillea -grew -grewhound -Grewia -grey -greyhound -Greyiaceae -greyly -greyness -gribble -grice -grid -griddle -griddlecake -griddler -gride -gridelin -gridiron -griece -grieced -grief -griefful -grieffully -griefless -grieflessness -grieshoch -grievance -grieve -grieved -grievedly -griever -grieveship -grieving -grievingly -grievous -grievously -grievousness -Griff -griff -griffade -griffado -griffaun -griffe -griffin -griffinage -griffinesque -griffinhood -griffinish -griffinism -Griffith -griffithite -Griffon -griffon -griffonage -griffonne -grift -grifter -grig -griggles -grignet -grigri -grihastha -grihyasutra -grike -grill -grillade -grillage -grille -grilled -griller -grillroom -grillwork -grilse -grim -grimace -grimacer -grimacier -grimacing -grimacingly -grimalkin -grime -grimful -grimgribber -grimily -griminess -grimliness -grimly -grimme -Grimmia -Grimmiaceae -grimmiaceous -grimmish -grimness -grimp -grimy -grin -grinagog -grinch -grind -grindable -Grindelia -grinder -grinderman -grindery -grinding -grindingly -grindle -grindstone -gringo -gringolee -gringophobia -Grinnellia -grinner -grinning -grinningly -grinny -grintern -grip -gripe -gripeful -griper -gripgrass -griphite -Griphosaurus -griping -gripingly -gripless -gripman -gripment -grippal -grippe -gripper -grippiness -gripping -grippingly -grippingness -gripple -grippleness -grippotoxin -grippy -gripsack -gripy -Griqua -griquaite -Griqualander -gris -grisaille -grisard -Griselda -griseous -grisette -grisettish -grisgris -griskin -grisliness -grisly -Grison -grison -grisounite -grisoutine -Grissel -grissens -grissons -grist -gristbite -grister -Gristhorbia -gristle -gristliness -gristly -gristmill -gristmiller -gristmilling -gristy -grit -grith -grithbreach -grithman -gritless -gritrock -grits -gritstone -gritten -gritter -grittily -grittiness -grittle -gritty -grivet -grivna -Grizel -Grizzel -grizzle -grizzled -grizzler -grizzly -grizzlyman -groan -groaner -groanful -groaning -groaningly -groat -groats -groatsworth -grobian -grobianism -grocer -grocerdom -groceress -grocerly -grocerwise -grocery -groceryman -Groenendael -groff -grog -groggery -groggily -grogginess -groggy -grogram -grogshop -groin -groined -groinery -groining -Grolier -Grolieresque -gromatic -gromatics -Gromia -grommet -gromwell -groom -groomer -groomish -groomishly -groomlet -groomling -groomsman -groomy -groop -groose -groot -grooty -groove -grooveless -groovelike -groover -grooverhead -grooviness -grooving -groovy -grope -groper -groping -gropingly -gropple -grorudite -gros -grosbeak -groschen -groser -groset -grosgrain -grosgrained -gross -grossart -grossen -grosser -grossification -grossify -grossly -grossness -grosso -grossulaceous -grossular -Grossularia -grossularia -Grossulariaceae -grossulariaceous -grossularious -grossularite -grosz -groszy -grot -grotesque -grotesquely -grotesqueness -grotesquerie -grothine -grothite -Grotian -Grotianism -grottesco -grotto -grottoed -grottolike -grottowork -grouch -grouchily -grouchiness -grouchingly -grouchy -grouf -grough -ground -groundable -groundably -groundage -groundberry -groundbird -grounded -groundedly -groundedness -groundenell -grounder -groundflower -grounding -groundless -groundlessly -groundlessness -groundliness -groundling -groundly -groundman -groundmass -groundneedle -groundnut -groundplot -grounds -groundsel -groundsill -groundsman -groundward -groundwood -groundwork -groundy -group -groupage -groupageness -grouped -grouper -grouping -groupist -grouplet -groupment -groupwise -grouse -grouseberry -grouseless -grouser -grouseward -grousewards -grousy -grout -grouter -grouthead -grouts -grouty -grouze -grove -groved -grovel -groveler -groveless -groveling -grovelingly -grovelings -grovy -grow -growable -growan -growed -grower -growing -growingly -growingupness -growl -growler -growlery -growling -growlingly -growly -grown -grownup -growse -growsome -growth -growthful -growthiness -growthless -growthy -grozart -grozet -grr -grub -grubbed -grubber -grubbery -grubbily -grubbiness -grubby -grubhood -grubless -grubroot -grubs -grubstake -grubstaker -Grubstreet -grubstreet -grubworm -grudge -grudgeful -grudgefully -grudgekin -grudgeless -grudger -grudgery -grudging -grudgingly -grudgingness -grudgment -grue -gruel -grueler -grueling -gruelly -Grues -gruesome -gruesomely -gruesomeness -gruff -gruffily -gruffiness -gruffish -gruffly -gruffness -gruffs -gruffy -grufted -grugru -Gruidae -gruiform -Gruiformes -gruine -Gruis -grum -grumble -grumbler -grumblesome -Grumbletonian -grumbling -grumblingly -grumbly -grume -Grumium -grumly -grummel -grummels -grummet -grummeter -grumness -grumose -grumous -grumousness -grump -grumph -grumphie -grumphy -grumpily -grumpiness -grumpish -grumpy -grun -Grundified -Grundlov -grundy -Grundyism -Grundyist -Grundyite -grunerite -gruneritization -grunion -grunt -grunter -Grunth -grunting -gruntingly -gruntle -gruntled -gruntling -Grus -grush -grushie -Grusian -Grusinian -gruss -grutch -grutten -gryde -grylli -gryllid -Gryllidae -gryllos -Gryllotalpa -Gryllus -gryllus -grypanian -Gryphaea -Gryphosaurus -gryposis -Grypotherium -grysbok -guaba -guacacoa -guachamaca -guacharo -guachipilin -Guacho -Guacico -guacimo -guacin -guaco -guaconize -Guadagnini -guadalcazarite -Guaharibo -Guahiban -Guahibo -Guahivo -guaiac -guaiacol -guaiacolize -guaiaconic -guaiacum -guaiaretic -guaiasanol -guaiol -guaka -Gualaca -guama -guan -Guana -guana -guanabana -guanabano -guanaco -guanajuatite -guanamine -guanase -guanay -Guanche -guaneide -guango -guanidine -guanidopropionic -guaniferous -guanine -guanize -guano -guanophore -guanosine -guanyl -guanylic -guao -guapena -guapilla -guapinol -Guaque -guar -guara -guarabu -guaracha -guaraguao -guarana -Guarani -guarani -Guaranian -guaranine -guarantee -guaranteeship -guarantor -guarantorship -guaranty -guarapucu -Guaraunan -Guarauno -guard -guardable -guardant -guarded -guardedly -guardedness -guardeen -guarder -guardfish -guardful -guardfully -guardhouse -guardian -guardiancy -guardianess -guardianless -guardianly -guardianship -guarding -guardingly -guardless -guardlike -guardo -guardrail -guardroom -guardship -guardsman -guardstone -Guarea -guariba -guarinite -guarneri -Guarnerius -Guarnieri -Guarrau -guarri -Guaruan -guasa -Guastalline -guatambu -Guatemalan -Guatemaltecan -guativere -Guato -Guatoan -Guatusan -Guatuso -Guauaenok -guava -guavaberry -guavina -guayaba -guayabi -guayabo -guayacan -Guayaqui -Guaycuru -Guaycuruan -Guaymie -guayroto -guayule -guaza -Guazuma -gubbertush -Gubbin -gubbo -gubernacula -gubernacular -gubernaculum -gubernative -gubernator -gubernatorial -gubernatrix -guberniya -gucki -gud -gudame -guddle -gude -gudebrother -gudefather -gudemother -gudesake -gudesakes -gudesire -gudewife -gudge -gudgeon -gudget -gudok -gue -guebucu -guejarite -Guelph -Guelphic -Guelphish -Guelphism -guemal -guenepe -guenon -guepard -guerdon -guerdonable -guerdoner -guerdonless -guereza -Guerickian -Guerinet -Guernsey -guernsey -guernseyed -guerrilla -guerrillaism -guerrillaship -Guesdism -Guesdist -guess -guessable -guesser -guessing -guessingly -guesswork -guessworker -guest -guestchamber -guesten -guester -guesthouse -guesting -guestive -guestless -Guestling -guestling -guestmaster -guestship -guestwise -Guetar -Guetare -gufa -guff -guffaw -guffer -guffin -guffy -gugal -guggle -gugglet -guglet -guglia -guglio -gugu -Guha -Guhayna -guhr -Guiana -Guianan -Guianese -guib -guiba -guidable -guidage -guidance -guide -guideboard -guidebook -guidebookish -guidecraft -guideless -guideline -guidepost -guider -guideress -guidership -guideship -guideway -guidman -Guido -guidon -Guidonian -guidwilly -guige -Guignardia -guignol -guijo -Guilandina -guild -guilder -guildhall -guildic -guildry -guildship -guildsman -guile -guileful -guilefully -guilefulness -guileless -guilelessly -guilelessness -guilery -guillemet -guillemot -Guillermo -guillevat -guilloche -guillochee -guillotinade -guillotine -guillotinement -guillotiner -guillotinism -guillotinist -guilt -guiltily -guiltiness -guiltless -guiltlessly -guiltlessness -guiltsick -guilty -guily -guimbard -guimpe -Guinea -guinea -Guineaman -Guinean -Guinevere -guipure -Guisard -guisard -guise -guiser -Guisian -guising -guitar -guitarfish -guitarist -guitermanite -guitguit -Guittonian -Gujar -Gujarati -Gujrati -gul -gula -gulae -gulaman -gulancha -Gulanganes -gular -gularis -gulch -gulden -guldengroschen -gule -gules -Gulf -gulf -gulflike -gulfside -gulfwards -gulfweed -gulfy -gulgul -gulinula -gulinulae -gulinular -gulix -gull -Gullah -gullery -gullet -gulleting -gullibility -gullible -gullibly -gullion -gullish -gullishly -gullishness -gully -gullyhole -Gulo -gulonic -gulose -gulosity -gulp -gulper -gulpin -gulping -gulpingly -gulpy -gulravage -gulsach -Gum -gum -gumbo -gumboil -gumbotil -gumby -gumchewer -gumdigger -gumdigging -gumdrop -gumfield -gumflower -gumihan -gumless -gumlike -gumly -gumma -gummage -gummaker -gummaking -gummata -gummatous -gummed -gummer -gummiferous -gumminess -gumming -gummite -gummose -gummosis -gummosity -gummous -gummy -gump -gumphion -gumption -gumptionless -gumptious -gumpus -gumshoe -gumweed -gumwood -gun -guna -gunate -gunation -gunbearer -gunboat -gunbright -gunbuilder -guncotton -gundi -gundy -gunebo -gunfire -gunflint -gunge -gunhouse -Gunite -gunite -gunj -gunk -gunl -gunless -gunlock -gunmaker -gunmaking -gunman -gunmanship -gunnage -Gunnar -gunne -gunnel -gunner -Gunnera -Gunneraceae -gunneress -gunnership -gunnery -gunnies -gunning -gunnung -gunny -gunocracy -gunong -gunpaper -gunplay -gunpowder -gunpowderous -gunpowdery -gunpower -gunrack -gunreach -gunrunner -gunrunning -gunsel -gunshop -gunshot -gunsman -gunsmith -gunsmithery -gunsmithing -gunster -gunstick -gunstock -gunstocker -gunstocking -gunstone -Gunter -gunter -Gunther -gunwale -gunyah -gunyang -gunyeh -Gunz -Gunzian -gup -guppy -guptavidya -gur -Guran -gurdfish -gurdle -gurdwara -gurge -gurgeon -gurgeons -gurges -gurgitation -gurgle -gurglet -gurgling -gurglingly -gurgly -gurgoyle -gurgulation -Gurian -Guric -Gurish -Gurjara -gurjun -gurk -Gurkha -gurl -gurly -Gurmukhi -gurnard -gurnet -gurnetty -Gurneyite -gurniad -gurr -gurrah -gurry -gurt -guru -guruship -Gus -gush -gusher -gushet -gushily -gushiness -gushing -gushingly -gushingness -gushy -gusla -gusle -guss -gusset -Gussie -gussie -gust -gustable -gustation -gustative -gustativeness -gustatory -Gustavus -gustful -gustfully -gustfulness -gustily -gustiness -gustless -gusto -gustoish -Gustus -gusty -gut -Guti -Gutium -gutless -gutlike -gutling -Gutnic -Gutnish -gutt -gutta -guttable -guttate -guttated -guttatim -guttation -gutte -gutter -Guttera -gutterblood -guttering -gutterlike -gutterling -gutterman -guttersnipe -guttersnipish -gutterspout -gutterwise -guttery -gutti -guttide -guttie -Guttiferae -guttiferal -Guttiferales -guttiferous -guttiform -guttiness -guttle -guttler -guttula -guttulae -guttular -guttulate -guttule -guttural -gutturalism -gutturality -gutturalization -gutturalize -gutturally -gutturalness -gutturize -gutturonasal -gutturopalatal -gutturopalatine -gutturotetany -guttus -gutty -gutweed -gutwise -gutwort -guvacine -guvacoline -Guy -guy -Guyandot -guydom -guyer -guytrash -guz -guze -Guzmania -guzmania -Guzul -guzzle -guzzledom -guzzler -gwag -gweduc -gweed -gweeon -gwely -Gwen -Gwendolen -gwine -gwyniad -Gyarung -gyascutus -Gyges -Gygis -gyle -gym -gymel -gymkhana -Gymnadenia -Gymnadeniopsis -Gymnanthes -gymnanthous -Gymnarchidae -Gymnarchus -gymnasia -gymnasial -gymnasiarch -gymnasiarchy -gymnasiast -gymnasic -gymnasium -gymnast -gymnastic -gymnastically -gymnastics -gymnemic -gymnetrous -gymnic -gymnical -gymnics -gymnite -Gymnoblastea -gymnoblastic -Gymnocalycium -gymnocarpic -gymnocarpous -Gymnocerata -gymnoceratous -gymnocidium -Gymnocladus -Gymnoconia -Gymnoderinae -Gymnodiniaceae -gymnodiniaceous -Gymnodiniidae -Gymnodinium -gymnodont -Gymnodontes -gymnogen -gymnogenous -Gymnoglossa -gymnoglossate -gymnogynous -Gymnogyps -Gymnolaema -Gymnolaemata -gymnolaematous -Gymnonoti -Gymnopaedes -gymnopaedic -gymnophiona -gymnoplast -Gymnorhina -gymnorhinal -Gymnorhininae -gymnosoph -gymnosophist -gymnosophy -gymnosperm -Gymnospermae -gymnospermal -gymnospermic -gymnospermism -Gymnospermous -gymnospermy -Gymnosporangium -gymnospore -gymnosporous -Gymnostomata -Gymnostomina -gymnostomous -Gymnothorax -gymnotid -Gymnotidae -Gymnotoka -gymnotokous -Gymnotus -Gymnura -gymnure -Gymnurinae -gymnurine -gympie -gyn -gynaecea -gynaeceum -gynaecocoenic -gynander -gynandrarchic -gynandrarchy -Gynandria -gynandria -gynandrian -gynandrism -gynandroid -gynandromorph -gynandromorphic -gynandromorphism -gynandromorphous -gynandromorphy -gynandrophore -gynandrosporous -gynandrous -gynandry -gynantherous -gynarchic -gynarchy -gyne -gynecic -gynecidal -gynecide -gynecocentric -gynecocracy -gynecocrat -gynecocratic -gynecocratical -gynecoid -gynecolatry -gynecologic -gynecological -gynecologist -gynecology -gynecomania -gynecomastia -gynecomastism -gynecomasty -gynecomazia -gynecomorphous -gyneconitis -gynecopathic -gynecopathy -gynecophore -gynecophoric -gynecophorous -gynecotelic -gynecratic -gyneocracy -gyneolater -gyneolatry -gynephobia -Gynerium -gynethusia -gyniatrics -gyniatry -gynic -gynics -gynobase -gynobaseous -gynobasic -gynocardia -gynocardic -gynocracy -gynocratic -gynodioecious -gynodioeciously -gynodioecism -gynoecia -gynoecium -gynogenesis -gynomonecious -gynomonoeciously -gynomonoecism -gynophagite -gynophore -gynophoric -gynosporangium -gynospore -gynostegia -gynostegium -gynostemium -Gynura -gyp -Gypaetus -gype -gypper -Gyppo -Gyps -gyps -gypseian -gypseous -gypsiferous -gypsine -gypsiologist -gypsite -gypsography -gypsologist -gypsology -Gypsophila -gypsophila -gypsophilous -gypsophily -gypsoplast -gypsous -gypster -gypsum -Gypsy -gypsy -gypsydom -gypsyesque -gypsyfy -gypsyhead -gypsyhood -gypsyish -gypsyism -gypsylike -gypsyry -gypsyweed -gypsywise -gypsywort -Gyracanthus -gyral -gyrally -gyrant -gyrate -gyration -gyrational -gyrator -gyratory -gyre -Gyrencephala -gyrencephalate -gyrencephalic -gyrencephalous -gyrene -gyrfalcon -gyri -gyric -gyrinid -Gyrinidae -Gyrinus -gyro -gyrocar -gyroceracone -gyroceran -Gyroceras -gyrochrome -gyrocompass -Gyrodactylidae -Gyrodactylus -gyrogonite -gyrograph -gyroidal -gyroidally -gyrolite -gyrolith -gyroma -gyromagnetic -gyromancy -gyromele -gyrometer -Gyromitra -gyron -gyronny -Gyrophora -Gyrophoraceae -Gyrophoraceous -gyrophoric -gyropigeon -gyroplane -gyroscope -gyroscopic -gyroscopically -gyroscopics -gyrose -gyrostabilizer -Gyrostachys -gyrostat -gyrostatic -gyrostatically -gyrostatics -Gyrotheca -gyrous -gyrovagi -gyrovagues -gyrowheel -gyrus -gyte -gytling -gyve -H -h -ha -haab -haaf -Habab -habanera -Habbe -habble -habdalah -Habe -habeas -habena -habenal -habenar -Habenaria -habendum -habenula -habenular -haberdash -haberdasher -haberdasheress -haberdashery -haberdine -habergeon -habilable -habilatory -habile -habiliment -habilimentation -habilimented -habilitate -habilitation -habilitator -hability -habille -Habiri -Habiru -habit -habitability -habitable -habitableness -habitably -habitacle -habitacule -habitally -habitan -habitance -habitancy -habitant -habitat -habitate -habitation -habitational -habitative -habited -habitual -habituality -habitualize -habitually -habitualness -habituate -habituation -habitude -habitudinal -habitue -habitus -habnab -haboob -Habronema -habronemiasis -habronemic -habu -habutai -habutaye -hache -Hachiman -hachure -hacienda -hack -hackamatak -hackamore -hackbarrow -hackberry -hackbolt -hackbush -hackbut -hackbuteer -hacked -hackee -hacker -hackery -hackin -hacking -hackingly -hackle -hackleback -hackler -hacklog -hackly -hackmack -hackman -hackmatack -hackney -hackneyed -hackneyer -hackneyism -hackneyman -hacksaw -hacksilber -hackster -hackthorn -hacktree -hackwood -hacky -had -Hadassah -hadbot -hadden -haddie -haddo -haddock -haddocker -hade -Hadean -Hadendoa -Hadendowa -hadentomoid -Hadentomoidea -Hades -Hadhramautian -hading -Hadith -hadj -Hadjemi -hadji -hadland -Hadramautian -hadrome -Hadromerina -hadromycosis -hadrosaur -Hadrosaurus -haec -haecceity -Haeckelian -Haeckelism -haem -Haemamoeba -Haemanthus -Haemaphysalis -haemaspectroscope -haematherm -haemathermal -haemathermous -haematinon -haematinum -haematite -Haematobranchia -haematobranchiate -Haematocrya -haematocryal -Haematophilina -haematophiline -Haematopus -haematorrhachis -haematosepsis -Haematotherma -haematothermal -haematoxylic -haematoxylin -Haematoxylon -haemoconcentration -haemodilution -Haemodoraceae -haemodoraceous -haemoglobin -haemogram -Haemogregarina -Haemogregarinidae -haemonchiasis -haemonchosis -Haemonchus -haemony -haemophile -Haemoproteus -haemorrhage -haemorrhagia -haemorrhagic -haemorrhoid -haemorrhoidal -haemosporid -Haemosporidia -haemosporidian -Haemosporidium -Haemulidae -haemuloid -haeremai -haet -haff -haffet -haffkinize -haffle -Hafgan -hafiz -hafnium -hafnyl -haft -hafter -hag -Haganah -Hagarite -hagberry -hagboat -hagborn -hagbush -hagdon -hageen -Hagenia -hagfish -haggada -haggaday -haggadic -haggadical -haggadist -haggadistic -haggard -haggardly -haggardness -hagged -hagger -haggis -haggish -haggishly -haggishness -haggister -haggle -haggler -haggly -haggy -hagi -hagia -hagiarchy -hagiocracy -Hagiographa -hagiographal -hagiographer -hagiographic -hagiographical -hagiographist -hagiography -hagiolater -hagiolatrous -hagiolatry -hagiologic -hagiological -hagiologist -hagiology -hagiophobia -hagioscope -hagioscopic -haglet -haglike -haglin -hagride -hagrope -hagseed -hagship -hagstone -hagtaper -hagweed -hagworm -hah -Hahnemannian -Hahnemannism -Haiathalah -Haida -Haidan -Haidee -haidingerite -Haiduk -haik -haikai -haikal -Haikh -haikwan -hail -hailer -hailproof -hailse -hailshot -hailstone -hailstorm -hailweed -haily -Haimavati -hain -Hainai -Hainan -Hainanese -hainberry -haine -hair -hairband -hairbeard -hairbird -hairbrain -hairbreadth -hairbrush -haircloth -haircut -haircutter -haircutting -hairdo -hairdress -hairdresser -hairdressing -haire -haired -hairen -hairhoof -hairhound -hairif -hairiness -hairlace -hairless -hairlessness -hairlet -hairline -hairlock -hairmeal -hairmonger -hairpin -hairsplitter -hairsplitting -hairspring -hairstone -hairstreak -hairtail -hairup -hairweed -hairwood -hairwork -hairworm -hairy -Haisla -Haithal -Haitian -haje -hajib -hajilij -hak -hakam -hakdar -hake -Hakea -hakeem -hakenkreuz -Hakenkreuzler -hakim -Hakka -hako -haku -Hal -hala -halakah -halakic -halakist -halakistic -halal -halalcor -halation -Halawi -halazone -halberd -halberdier -halberdman -halberdsman -halbert -halch -halcyon -halcyonian -halcyonic -Halcyonidae -Halcyoninae -halcyonine -Haldanite -hale -halebi -Halecomorphi -haleness -Halenia -haler -halerz -Halesia -halesome -half -halfback -halfbeak -halfer -halfheaded -halfhearted -halfheartedly -halfheartedness -halfling -halfman -halfness -halfpace -halfpaced -halfpenny -halfpennyworth -halfway -halfwise -Haliaeetus -halibios -halibiotic -halibiu -halibut -halibuter -Halicarnassean -Halicarnassian -Halichondriae -halichondrine -halichondroid -Halicore -Halicoridae -halide -halidom -halieutic -halieutically -halieutics -Haligonian -Halimeda -halimous -halinous -haliographer -haliography -Haliotidae -Haliotis -haliotoid -haliplankton -haliplid -Haliplidae -Haliserites -halisteresis -halisteretic -halite -Halitheriidae -Halitherium -halitosis -halituosity -halituous -halitus -hall -hallabaloo -hallage -hallah -hallan -hallanshaker -hallebardier -hallecret -halleflinta -halleflintoid -hallel -hallelujah -hallelujatic -hallex -Halleyan -halliblash -halling -hallman -hallmark -hallmarked -hallmarker -hallmoot -halloo -Hallopididae -hallopodous -Hallopus -hallow -Hallowday -hallowed -hallowedly -hallowedness -Halloween -hallower -Hallowmas -Hallowtide -halloysite -Hallstatt -Hallstattian -hallucal -hallucinate -hallucination -hallucinational -hallucinative -hallucinator -hallucinatory -hallucined -hallucinosis -hallux -hallway -halma -halmalille -halmawise -halo -Haloa -Halobates -halobios -halobiotic -halochromism -halochromy -Halocynthiidae -haloesque -halogen -halogenate -halogenation -halogenoid -halogenous -Halogeton -halohydrin -haloid -halolike -halolimnic -halomancy -halometer -halomorphic -halophile -halophilism -halophilous -halophyte -halophytic -halophytism -Halopsyche -Halopsychidae -Haloragidaceae -haloragidaceous -Halosauridae -Halosaurus -haloscope -Halosphaera -halotrichite -haloxene -hals -halse -halsen -halsfang -halt -halter -halterbreak -halteres -Halteridium -halterproof -Haltica -halting -haltingly -haltingness -haltless -halucket -halukkah -halurgist -halurgy -halutz -halvaner -halvans -halve -halved -halvelings -halver -halves -halyard -Halysites -ham -hamacratic -Hamadan -hamadryad -Hamal -hamal -hamald -Hamamelidaceae -hamamelidaceous -Hamamelidanthemum -hamamelidin -Hamamelidoxylon -hamamelin -Hamamelis -Hamamelites -hamartiologist -hamartiology -hamartite -hamate -hamated -Hamathite -hamatum -hambergite -hamble -hambroline -hamburger -hame -hameil -hamel -Hamelia -hamesucken -hamewith -hamfat -hamfatter -hami -Hamidian -Hamidieh -hamiform -Hamilton -Hamiltonian -Hamiltonianism -Hamiltonism -hamingja -hamirostrate -Hamital -Hamite -Hamites -Hamitic -Hamiticized -Hamitism -Hamitoid -hamlah -hamlet -hamleted -hamleteer -hamletization -hamletize -hamlinite -hammada -hammam -hammer -hammerable -hammerbird -hammercloth -hammerdress -hammerer -hammerfish -hammerhead -hammerheaded -hammering -hammeringly -hammerkop -hammerless -hammerlike -hammerman -hammersmith -hammerstone -hammertoe -hammerwise -hammerwork -hammerwort -hammochrysos -hammock -hammy -hamose -hamous -hamper -hamperedly -hamperedness -hamperer -hamperman -Hampshire -hamrongite -hamsa -hamshackle -hamster -hamstring -hamular -hamulate -hamule -Hamulites -hamulose -hamulus -hamus -hamza -han -Hanafi -Hanafite -hanaper -hanaster -Hanbalite -hanbury -hance -hanced -hanch -hancockite -hand -handbag -handball -handballer -handbank -handbanker -handbarrow -handbill -handblow -handbolt -handbook -handbow -handbreadth -handcar -handcart -handclap -handclasp -handcloth -handcraft -handcraftman -handcraftsman -handcuff -handed -handedness -Handelian -hander -handersome -handfast -handfasting -handfastly -handfastness -handflower -handful -handgrasp -handgravure -handgrip -handgriping -handgun -handhaving -handhold -handhole -handicap -handicapped -handicapper -handicraft -handicraftship -handicraftsman -handicraftsmanship -handicraftswoman -handicuff -handily -handiness -handistroke -handiwork -handkercher -handkerchief -handkerchiefful -handlaid -handle -handleable -handled -handleless -handler -handless -handlike -handling -handmade -handmaid -handmaiden -handmaidenly -handout -handpost -handprint -handrail -handrailing -handreader -handreading -handsale -handsaw -handsbreadth -handscrape -handsel -handseller -handset -handshake -handshaker -handshaking -handsmooth -handsome -handsomeish -handsomely -handsomeness -handspade -handspike -handspoke -handspring -handstaff -handstand -handstone -handstroke -handwear -handwheel -handwhile -handwork -handworkman -handwrist -handwrite -handwriting -handy -handyblow -handybook -handygrip -hangability -hangable -hangalai -hangar -hangbird -hangby -hangdog -hange -hangee -hanger -hangfire -hangie -hanging -hangingly -hangkang -hangle -hangman -hangmanship -hangment -hangnail -hangnest -hangout -hangul -hangwoman -hangworm -hangworthy -hanif -hanifism -hanifite -hanifiya -Hank -hank -hanker -hankerer -hankering -hankeringly -hankie -hankle -hanksite -hanky -hanna -hannayite -Hannibal -Hannibalian -Hannibalic -Hano -Hanoverian -Hanoverianize -Hanoverize -Hans -hansa -Hansard -Hansardization -Hansardize -Hanse -hanse -Hanseatic -hansel -hansgrave -hansom -hant -hantle -Hanukkah -Hanuman -hao -haole -haoma -haori -hap -Hapale -Hapalidae -hapalote -Hapalotis -hapaxanthous -haphazard -haphazardly -haphazardness -haphtarah -Hapi -hapless -haplessly -haplessness -haplite -haplocaulescent -haplochlamydeous -Haplodoci -Haplodon -haplodont -haplodonty -haplography -haploid -haploidic -haploidy -haplolaly -haplologic -haplology -haploma -Haplomi -haplomid -haplomous -haplont -haploperistomic -haploperistomous -haplopetalous -haplophase -haplophyte -haploscope -haploscopic -haplosis -haplostemonous -haplotype -haply -happen -happening -happenstance -happier -happiest -happify -happiless -happily -happiness -happing -happy -hapten -haptene -haptenic -haptere -hapteron -haptic -haptics -haptometer -haptophor -haptophoric -haptophorous -haptotropic -haptotropically -haptotropism -hapu -hapuku -haqueton -harakeke -harangue -harangueful -haranguer -Hararese -Harari -harass -harassable -harassedly -harasser -harassingly -harassment -haratch -Haratin -Haraya -Harb -harbergage -harbi -harbinge -harbinger -harbingership -harbingery -harbor -harborage -harborer -harborless -harborous -harborside -harborward -hard -hardanger -hardback -hardbake -hardbeam -hardberry -harden -hardenable -Hardenbergia -hardener -hardening -hardenite -harder -Harderian -hardfern -hardfist -hardfisted -hardfistedness -hardhack -hardhanded -hardhandedness -hardhead -hardheaded -hardheadedly -hardheadedness -hardhearted -hardheartedly -hardheartedness -hardihood -hardily -hardim -hardiment -hardiness -hardish -hardishrew -hardly -hardmouth -hardmouthed -hardness -hardock -hardpan -hardship -hardstand -hardstanding -hardtack -hardtail -hardware -hardwareman -Hardwickia -hardwood -hardy -hardystonite -hare -harebell -harebottle -harebrain -harebrained -harebrainedly -harebrainedness -harebur -harefoot -harefooted -harehearted -harehound -Harelda -harelike -harelip -harelipped -harem -haremism -haremlik -harengiform -harfang -haricot -harigalds -hariolate -hariolation -hariolize -harish -hark -harka -harl -Harleian -Harlemese -Harlemite -harlequin -harlequina -harlequinade -harlequinery -harlequinesque -harlequinic -harlequinism -harlequinize -harling -harlock -harlot -harlotry -harm -Harmachis -harmal -harmala -harmaline -harman -harmattan -harmel -harmer -harmful -harmfully -harmfulness -harmine -harminic -harmless -harmlessly -harmlessness -Harmon -harmonia -harmoniacal -harmonial -harmonic -harmonica -harmonical -harmonically -harmonicalness -harmonichord -harmonici -harmonicism -harmonicon -harmonics -harmonious -harmoniously -harmoniousness -harmoniphon -harmoniphone -harmonist -harmonistic -harmonistically -Harmonite -harmonium -harmonizable -harmonization -harmonize -harmonizer -harmonogram -harmonograph -harmonometer -harmony -harmost -harmotome -harmotomic -harmproof -harn -harness -harnesser -harnessry -harnpan -Harold -harp -Harpa -harpago -harpagon -Harpagornis -Harpalides -Harpalinae -Harpalus -harper -harperess -Harpidae -harpier -harpings -harpist -harpless -harplike -Harpocrates -harpoon -harpooner -Harporhynchus -harpress -harpsichord -harpsichordist -harpula -Harpullia -harpwaytuning -harpwise -Harpy -Harpyia -harpylike -harquebus -harquebusade -harquebusier -harr -harrateen -harridan -harrier -Harris -Harrisia -harrisite -Harrovian -harrow -harrower -harrowing -harrowingly -harrowingness -harrowment -Harry -harry -harsh -harshen -harshish -harshly -harshness -harshweed -harstigite -hart -hartal -hartberry -hartebeest -hartin -hartite -Hartleian -Hartleyan -Hartmann -Hartmannia -Hartogia -hartshorn -hartstongue -harttite -Hartungen -haruspex -haruspical -haruspicate -haruspication -haruspice -haruspices -haruspicy -Harv -Harvard -Harvardian -Harvardize -Harveian -harvest -harvestbug -harvester -harvestless -harvestman -harvestry -harvesttime -Harvey -Harveyize -harzburgite -hasan -hasenpfeffer -hash -hashab -hasher -Hashimite -hashish -Hashiya -hashy -Hasidean -Hasidic -Hasidim -Hasidism -Hasinai -hask -Haskalah -haskness -hasky -haslet -haslock -Hasmonaean -hasp -hassar -hassel -hassle -hassock -hassocky -hasta -hastate -hastately -hastati -hastatolanceolate -hastatosagittate -haste -hasteful -hastefully -hasteless -hastelessness -hasten -hastener -hasteproof -haster -hastilude -hastily -hastiness -hastings -hastingsite -hastish -hastler -hasty -hat -hatable -hatband -hatbox -hatbrim -hatbrush -hatch -hatchability -hatchable -hatchel -hatcheler -hatcher -hatchery -hatcheryman -hatchet -hatchetback -hatchetfish -hatchetlike -hatchetman -hatchettine -hatchettolite -hatchety -hatchgate -hatching -hatchling -hatchman -hatchment -hatchminder -hatchway -hatchwayman -hate -hateable -hateful -hatefully -hatefulness -hateless -hatelessness -hater -hatful -hath -hatherlite -hathi -Hathor -Hathoric -Hati -Hatikvah -hatless -hatlessness -hatlike -hatmaker -hatmaking -hatpin -hatrack -hatrail -hatred -hatress -hatstand -hatt -hatted -Hattemist -hatter -Hatteria -hattery -Hatti -Hattic -Hattie -hatting -Hattism -Hattize -hattock -Hatty -hatty -hau -hauberget -hauberk -hauchecornite -hauerite -haugh -haughland -haught -haughtily -haughtiness -haughtly -haughtness -haughtonite -haughty -haul -haulabout -haulage -haulageway -haulback -hauld -hauler -haulier -haulm -haulmy -haulster -haunch -haunched -hauncher -haunching -haunchless -haunchy -haunt -haunter -hauntingly -haunty -Hauranitic -hauriant -haurient -Hausa -hause -hausen -hausmannite -hausse -Haussmannization -Haussmannize -haustellate -haustellated -haustellous -haustellum -haustement -haustorial -haustorium -haustral -haustrum -hautboy -hautboyist -hauteur -hauynite -hauynophyre -havage -Havaiki -Havaikian -Havana -Havanese -have -haveable -haveage -havel -haveless -havelock -haven -havenage -havener -havenership -havenet -havenful -havenless -havent -havenward -haver -havercake -haverel -haverer -havergrass -havermeal -havers -haversack -Haversian -haversine -havier -havildar -havingness -havoc -havocker -haw -Hawaiian -hawaiite -hawbuck -hawcubite -hawer -hawfinch -Hawiya -hawk -hawkbill -hawkbit -hawked -hawker -hawkery -Hawkeye -hawkie -hawking -hawkish -hawklike -hawknut -hawkweed -hawkwise -hawky -hawm -hawok -Haworthia -hawse -hawsehole -hawseman -hawsepiece -hawsepipe -hawser -hawserwise -hawthorn -hawthorned -hawthorny -hay -haya -hayband -haybird -haybote -haycap -haycart -haycock -haydenite -hayey -hayfield -hayfork -haygrower -haylift -hayloft -haymaker -haymaking -haymarket -haymow -hayrack -hayrake -hayraker -hayrick -hayseed -haysel -haystack -haysuck -haytime -hayward -hayweed -haywire -hayz -Hazara -hazard -hazardable -hazarder -hazardful -hazardize -hazardless -hazardous -hazardously -hazardousness -hazardry -haze -Hazel -hazel -hazeled -hazeless -hazelly -hazelnut -hazelwood -hazelwort -hazen -hazer -hazily -haziness -hazing -hazle -haznadar -hazy -hazzan -he -head -headache -headachy -headband -headbander -headboard -headborough -headcap -headchair -headcheese -headchute -headcloth -headdress -headed -headender -header -headfirst -headforemost -headframe -headful -headgear -headily -headiness -heading -headkerchief -headland -headledge -headless -headlessness -headlight -headlighting -headlike -headline -headliner -headlock -headlong -headlongly -headlongs -headlongwise -headman -headmark -headmaster -headmasterly -headmastership -headmistress -headmistressship -headmold -headmost -headnote -headpenny -headphone -headpiece -headplate -headpost -headquarter -headquarters -headrace -headrail -headreach -headrent -headrest -headright -headring -headroom -headrope -headsail -headset -headshake -headship -headsill -headskin -headsman -headspring -headstall -headstand -headstick -headstock -headstone -headstream -headstrong -headstrongly -headstrongness -headwaiter -headwall -headward -headwark -headwater -headway -headwear -headwork -headworker -headworking -heady -heaf -heal -healable -heald -healder -healer -healful -healing -healingly -healless -healsome -healsomeness -health -healthcraft -healthful -healthfully -healthfulness -healthguard -healthily -healthiness -healthless -healthlessness -healthsome -healthsomely -healthsomeness -healthward -healthy -heap -heaper -heaps -heapstead -heapy -hear -hearable -hearer -hearing -hearingless -hearken -hearkener -hearsay -hearse -hearsecloth -hearselike -hearst -heart -heartache -heartaching -heartbeat -heartbird -heartblood -heartbreak -heartbreaker -heartbreaking -heartbreakingly -heartbroken -heartbrokenly -heartbrokenness -heartburn -heartburning -heartdeep -heartease -hearted -heartedly -heartedness -hearten -heartener -heartening -hearteningly -heartfelt -heartful -heartfully -heartfulness -heartgrief -hearth -hearthless -hearthman -hearthpenny -hearthrug -hearthstead -hearthstone -hearthward -hearthwarming -heartikin -heartily -heartiness -hearting -heartland -heartleaf -heartless -heartlessly -heartlessness -heartlet -heartling -heartly -heartnut -heartpea -heartquake -heartroot -hearts -heartscald -heartsease -heartseed -heartsette -heartsick -heartsickening -heartsickness -heartsome -heartsomely -heartsomeness -heartsore -heartstring -heartthrob -heartward -heartwater -heartweed -heartwise -heartwood -heartwort -hearty -heat -heatable -heatdrop -heatedly -heater -heaterman -heatful -heath -heathberry -heathbird -heathen -heathendom -heatheness -heathenesse -heathenhood -heathenish -heathenishly -heathenishness -heathenism -heathenize -heathenness -heathenry -heathenship -Heather -heather -heathered -heatheriness -heathery -heathless -heathlike -heathwort -heathy -heating -heatingly -heatless -heatlike -heatmaker -heatmaking -heatproof -heatronic -heatsman -heatstroke -heaume -heaumer -heautarit -heautomorphism -Heautontimorumenos -heautophany -heave -heaveless -heaven -Heavenese -heavenful -heavenhood -heavenish -heavenishly -heavenize -heavenless -heavenlike -heavenliness -heavenly -heavens -heavenward -heavenwardly -heavenwardness -heavenwards -heaver -heavies -heavily -heaviness -heaving -heavisome -heavity -heavy -heavyback -heavyhanded -heavyhandedness -heavyheaded -heavyhearted -heavyheartedness -heavyweight -hebamic -hebdomad -hebdomadal -hebdomadally -hebdomadary -hebdomader -hebdomarian -hebdomary -hebeanthous -hebecarpous -hebecladous -hebegynous -hebenon -hebeosteotomy -hebepetalous -hebephrenia -hebephrenic -hebetate -hebetation -hebetative -hebete -hebetic -hebetomy -hebetude -hebetudinous -Hebraean -Hebraic -Hebraica -Hebraical -Hebraically -Hebraicize -Hebraism -Hebraist -Hebraistic -Hebraistical -Hebraistically -Hebraization -Hebraize -Hebraizer -Hebrew -Hebrewdom -Hebrewess -Hebrewism -Hebrician -Hebridean -Hebronite -hebronite -hecastotheism -Hecate -Hecatean -Hecatic -Hecatine -hecatomb -Hecatombaeon -hecatomped -hecatompedon -hecatonstylon -hecatontarchy -hecatontome -hecatophyllous -hech -Hechtia -heck -heckelphone -Heckerism -heckimal -heckle -heckler -hectare -hecte -hectic -hectical -hectically -hecticly -hecticness -hectocotyl -hectocotyle -hectocotyliferous -hectocotylization -hectocotylize -hectocotylus -hectogram -hectograph -hectographic -hectography -hectoliter -hectometer -Hector -hector -Hectorean -Hectorian -hectoringly -hectorism -hectorly -hectorship -hectostere -hectowatt -heddle -heddlemaker -heddler -hedebo -hedenbergite -Hedeoma -heder -Hedera -hederaceous -hederaceously -hederated -hederic -hederiferous -hederiform -hederigerent -hederin -hederose -hedge -hedgeberry -hedgeborn -hedgebote -hedgebreaker -hedgehog -hedgehoggy -hedgehop -hedgehopper -hedgeless -hedgemaker -hedgemaking -hedger -hedgerow -hedgesmith -hedgeweed -hedgewise -hedgewood -hedging -hedgingly -hedgy -hedonic -hedonical -hedonically -hedonics -hedonism -hedonist -hedonistic -hedonistically -hedonology -hedriophthalmous -hedrocele -hedrumite -Hedychium -hedyphane -Hedysarum -heed -heeder -heedful -heedfully -heedfulness -heedily -heediness -heedless -heedlessly -heedlessness -heedy -heehaw -heel -heelball -heelband -heelcap -heeled -heeler -heelgrip -heelless -heelmaker -heelmaking -heelpath -heelpiece -heelplate -heelpost -heelprint -heelstrap -heeltap -heeltree -heemraad -heer -heeze -heezie -heezy -heft -hefter -heftily -heftiness -hefty -hegari -Hegelian -Hegelianism -Hegelianize -Hegelizer -hegemon -hegemonic -hegemonical -hegemonist -hegemonizer -hegemony -hegira -hegumen -hegumene -Hehe -hei -heiau -Heidi -heifer -heiferhood -heigh -heighday -height -heighten -heightener -heii -Heikum -Heiltsuk -heimin -Hein -Heinesque -Heinie -heinous -heinously -heinousness -Heinrich -heintzite -Heinz -heir -heirdom -heiress -heiressdom -heiresshood -heirless -heirloom -heirship -heirskip -heitiki -Hejazi -Hejazian -hekteus -helbeh -helcoid -helcology -helcoplasty -helcosis -helcotic -heldentenor -helder -Helderbergian -hele -Helen -Helena -helenin -helenioid -Helenium -Helenus -helepole -Helge -heliacal -heliacally -Heliaea -heliaean -Heliamphora -Heliand -helianthaceous -Helianthemum -helianthic -helianthin -Helianthium -Helianthoidea -Helianthoidean -Helianthus -heliast -heliastic -heliazophyte -helical -helically -heliced -helices -helichryse -helichrysum -Helicidae -heliciform -helicin -Helicina -helicine -Helicinidae -helicitic -helicline -helicograph -helicogyrate -helicogyre -helicoid -helicoidal -helicoidally -helicometry -helicon -Heliconia -Heliconian -Heliconiidae -Heliconiinae -heliconist -Heliconius -helicoprotein -helicopter -helicorubin -helicotrema -Helicteres -helictite -helide -Heligmus -heling -helio -heliocentric -heliocentrical -heliocentrically -heliocentricism -heliocentricity -heliochrome -heliochromic -heliochromoscope -heliochromotype -heliochromy -helioculture -heliodon -heliodor -helioelectric -helioengraving -heliofugal -Heliogabalize -Heliogabalus -heliogram -heliograph -heliographer -heliographic -heliographical -heliographically -heliography -heliogravure -helioid -heliolater -heliolatrous -heliolatry -heliolite -Heliolites -heliolithic -Heliolitidae -heliologist -heliology -heliometer -heliometric -heliometrical -heliometrically -heliometry -heliomicrometer -Helion -heliophilia -heliophiliac -heliophilous -heliophobe -heliophobia -heliophobic -heliophobous -heliophotography -heliophyllite -heliophyte -Heliopora -Helioporidae -Heliopsis -heliopticon -Heliornis -Heliornithes -Heliornithidae -Helios -helioscope -helioscopic -helioscopy -heliosis -heliostat -heliostatic -heliotactic -heliotaxis -heliotherapy -heliothermometer -Heliothis -heliotrope -heliotroper -Heliotropiaceae -heliotropian -heliotropic -heliotropical -heliotropically -heliotropine -heliotropism -Heliotropium -heliotropy -heliotype -heliotypic -heliotypically -heliotypography -heliotypy -Heliozoa -heliozoan -heliozoic -heliport -Helipterum -helispheric -helispherical -helium -helix -helizitic -hell -Helladian -Helladic -Helladotherium -hellandite -hellanodic -hellbender -hellborn -hellbox -hellbred -hellbroth -hellcat -helldog -helleboraceous -helleboraster -hellebore -helleborein -helleboric -helleborin -Helleborine -helleborism -Helleborus -Hellelt -Hellen -Hellene -Hellenian -Hellenic -Hellenically -Hellenicism -Hellenism -Hellenist -Hellenistic -Hellenistical -Hellenistically -Hellenisticism -Hellenization -Hellenize -Hellenizer -Hellenocentric -Hellenophile -heller -helleri -Hellespont -Hellespontine -hellgrammite -hellhag -hellhole -hellhound -hellicat -hellier -hellion -hellish -hellishly -hellishness -hellkite -hellness -hello -hellroot -hellship -helluo -hellward -hellweed -helly -helm -helmage -helmed -helmet -helmeted -helmetlike -helmetmaker -helmetmaking -Helmholtzian -helminth -helminthagogic -helminthagogue -Helminthes -helminthiasis -helminthic -helminthism -helminthite -Helminthocladiaceae -helminthoid -helminthologic -helminthological -helminthologist -helminthology -helminthosporiose -Helminthosporium -helminthosporoid -helminthous -helmless -helmsman -helmsmanship -helobious -heloderm -Heloderma -Helodermatidae -helodermatoid -helodermatous -helodes -heloe -heloma -Helonias -helonin -helosis -Helot -helotage -helotism -helotize -helotomy -helotry -help -helpable -helper -helpful -helpfully -helpfulness -helping -helpingly -helpless -helplessly -helplessness -helply -helpmate -helpmeet -helpsome -helpworthy -helsingkite -helve -helvell -Helvella -Helvellaceae -helvellaceous -Helvellales -helvellic -helver -Helvetia -Helvetian -Helvetic -Helvetii -Helvidian -helvite -hem -hemabarometer -hemachate -hemachrome -hemachrosis -hemacite -hemad -hemadrometer -hemadrometry -hemadromograph -hemadromometer -hemadynameter -hemadynamic -hemadynamics -hemadynamometer -hemafibrite -hemagglutinate -hemagglutination -hemagglutinative -hemagglutinin -hemagogic -hemagogue -hemal -hemalbumen -hemamoeba -hemangioma -hemangiomatosis -hemangiosarcoma -hemaphein -hemapod -hemapodous -hemapoiesis -hemapoietic -hemapophyseal -hemapophysial -hemapophysis -hemarthrosis -hemase -hemaspectroscope -hemastatics -hematachometer -hematachometry -hematal -hematein -hematemesis -hematemetic -hematencephalon -hematherapy -hematherm -hemathermal -hemathermous -hemathidrosis -hematic -hematid -hematidrosis -hematimeter -hematin -hematinic -hematinometer -hematinometric -hematinuria -hematite -hematitic -hematobic -hematobious -hematobium -hematoblast -hematobranchiate -hematocatharsis -hematocathartic -hematocele -hematochezia -hematochrome -hematochyluria -hematoclasia -hematoclasis -hematocolpus -hematocrit -hematocryal -hematocrystallin -hematocyanin -hematocyst -hematocystis -hematocyte -hematocytoblast -hematocytogenesis -hematocytometer -hematocytotripsis -hematocytozoon -hematocyturia -hematodynamics -hematodynamometer -hematodystrophy -hematogen -hematogenesis -hematogenetic -hematogenic -hematogenous -hematoglobulin -hematography -hematohidrosis -hematoid -hematoidin -hematolin -hematolite -hematological -hematologist -hematology -hematolymphangioma -hematolysis -hematolytic -hematoma -hematomancy -hematometer -hematometra -hematometry -hematomphalocele -hematomyelia -hematomyelitis -hematonephrosis -hematonic -hematopathology -hematopericardium -hematopexis -hematophobia -hematophyte -hematoplast -hematoplastic -hematopoiesis -hematopoietic -hematoporphyrin -hematoporphyrinuria -hematorrhachis -hematorrhea -hematosalpinx -hematoscope -hematoscopy -hematose -hematosepsis -hematosin -hematosis -hematospectrophotometer -hematospectroscope -hematospermatocele -hematospermia -hematostibiite -hematotherapy -hematothermal -hematothorax -hematoxic -hematozoal -hematozoan -hematozoic -hematozoon -hematozymosis -hematozymotic -hematuresis -hematuria -hematuric -hemautogram -hemautograph -hemautographic -hemautography -heme -hemellitene -hemellitic -hemelytral -hemelytron -hemen -hemera -hemeralope -hemeralopia -hemeralopic -Hemerobaptism -Hemerobaptist -Hemerobian -Hemerobiid -Hemerobiidae -Hemerobius -Hemerocallis -hemerologium -hemerology -hemerythrin -hemiablepsia -hemiacetal -hemiachromatopsia -hemiageusia -hemiageustia -hemialbumin -hemialbumose -hemialbumosuria -hemialgia -hemiamaurosis -hemiamb -hemiamblyopia -hemiamyosthenia -hemianacusia -hemianalgesia -hemianatropous -hemianesthesia -hemianopia -hemianopic -hemianopsia -hemianoptic -hemianosmia -hemiapraxia -Hemiascales -Hemiasci -Hemiascomycetes -hemiasynergia -hemiataxia -hemiataxy -hemiathetosis -hemiatrophy -hemiazygous -Hemibasidiales -Hemibasidii -Hemibasidiomycetes -hemibasidium -hemibathybian -hemibenthic -hemibenthonic -hemibranch -hemibranchiate -Hemibranchii -hemic -hemicanities -hemicardia -hemicardiac -hemicarp -hemicatalepsy -hemicataleptic -hemicellulose -hemicentrum -hemicephalous -hemicerebrum -Hemichorda -hemichordate -hemichorea -hemichromatopsia -hemicircle -hemicircular -hemiclastic -hemicollin -hemicrane -hemicrania -hemicranic -hemicrany -hemicrystalline -hemicycle -hemicyclic -hemicyclium -hemicylindrical -hemidactylous -Hemidactylus -hemidemisemiquaver -hemidiapente -hemidiaphoresis -hemiditone -hemidomatic -hemidome -hemidrachm -hemidysergia -hemidysesthesia -hemidystrophy -hemiekton -hemielliptic -hemiepilepsy -hemifacial -hemiform -Hemigale -Hemigalus -Hemiganus -hemigastrectomy -hemigeusia -hemiglossal -hemiglossitis -hemiglyph -hemignathous -hemihdry -hemihedral -hemihedrally -hemihedric -hemihedrism -hemihedron -hemiholohedral -hemihydrate -hemihydrated -hemihydrosis -hemihypalgesia -hemihyperesthesia -hemihyperidrosis -hemihypertonia -hemihypertrophy -hemihypesthesia -hemihypoesthesia -hemihypotonia -hemikaryon -hemikaryotic -hemilaminectomy -hemilaryngectomy -Hemileia -hemilethargy -hemiligulate -hemilingual -hemimellitene -hemimellitic -hemimelus -Hemimeridae -Hemimerus -Hemimetabola -hemimetabole -hemimetabolic -hemimetabolism -hemimetabolous -hemimetaboly -hemimetamorphic -hemimetamorphosis -hemimetamorphous -hemimorph -hemimorphic -hemimorphism -hemimorphite -hemimorphy -Hemimyaria -hemin -hemina -hemine -heminee -hemineurasthenia -hemiobol -hemiolia -hemiolic -hemionus -hemiope -hemiopia -hemiopic -hemiorthotype -hemiparalysis -hemiparanesthesia -hemiparaplegia -hemiparasite -hemiparasitic -hemiparasitism -hemiparesis -hemiparesthesia -hemiparetic -hemipenis -hemipeptone -hemiphrase -hemipic -hemipinnate -hemiplane -hemiplankton -hemiplegia -hemiplegic -hemiplegy -hemipodan -hemipode -Hemipodii -Hemipodius -hemiprism -hemiprismatic -hemiprotein -hemipter -Hemiptera -hemipteral -hemipteran -hemipteroid -hemipterological -hemipterology -hemipteron -hemipterous -hemipyramid -hemiquinonoid -hemiramph -Hemiramphidae -Hemiramphinae -hemiramphine -Hemiramphus -hemisaprophyte -hemisaprophytic -hemiscotosis -hemisect -hemisection -hemispasm -hemispheral -hemisphere -hemisphered -hemispherical -hemispherically -hemispheroid -hemispheroidal -hemispherule -hemistater -hemistich -hemistichal -hemistrumectomy -hemisymmetrical -hemisymmetry -hemisystole -hemiterata -hemiteratic -hemiteratics -hemiteria -hemiterpene -hemitery -hemithyroidectomy -hemitone -hemitremor -hemitrichous -hemitriglyph -hemitropal -hemitrope -hemitropic -hemitropism -hemitropous -hemitropy -hemitype -hemitypic -hemivagotony -heml -hemlock -hemmel -hemmer -hemoalkalimeter -hemoblast -hemochromatosis -hemochrome -hemochromogen -hemochromometer -hemochromometry -hemoclasia -hemoclasis -hemoclastic -hemocoel -hemocoele -hemocoelic -hemocoelom -hemoconcentration -hemoconia -hemoconiosis -hemocry -hemocrystallin -hemoculture -hemocyanin -hemocyte -hemocytoblast -hemocytogenesis -hemocytolysis -hemocytometer -hemocytotripsis -hemocytozoon -hemocyturia -hemodiagnosis -hemodilution -hemodrometer -hemodrometry -hemodromograph -hemodromometer -hemodynameter -hemodynamic -hemodynamics -hemodystrophy -hemoerythrin -hemoflagellate -hemofuscin -hemogastric -hemogenesis -hemogenetic -hemogenic -hemogenous -hemoglobic -hemoglobin -hemoglobinemia -hemoglobiniferous -hemoglobinocholia -hemoglobinometer -hemoglobinophilic -hemoglobinous -hemoglobinuria -hemoglobinuric -hemoglobulin -hemogram -hemogregarine -hemoid -hemokonia -hemokoniosis -hemol -hemoleucocyte -hemoleucocytic -hemologist -hemology -hemolymph -hemolymphatic -hemolysin -hemolysis -hemolytic -hemolyze -hemomanometer -hemometer -hemometry -hemonephrosis -hemopathology -hemopathy -hemopericardium -hemoperitoneum -hemopexis -hemophage -hemophagia -hemophagocyte -hemophagocytosis -hemophagous -hemophagy -hemophile -Hemophileae -hemophilia -hemophiliac -hemophilic -Hemophilus -hemophobia -hemophthalmia -hemophthisis -hemopiezometer -hemoplasmodium -hemoplastic -hemopneumothorax -hemopod -hemopoiesis -hemopoietic -hemoproctia -hemoptoe -hemoptysis -hemopyrrole -hemorrhage -hemorrhagic -hemorrhagin -hemorrhea -hemorrhodin -hemorrhoid -hemorrhoidal -hemorrhoidectomy -hemosalpinx -hemoscope -hemoscopy -hemosiderin -hemosiderosis -hemospasia -hemospastic -hemospermia -hemosporid -hemosporidian -hemostasia -hemostasis -hemostat -hemostatic -hemotachometer -hemotherapeutics -hemotherapy -hemothorax -hemotoxic -hemotoxin -hemotrophe -hemotropic -hemozoon -hemp -hempbush -hempen -hemplike -hempseed -hempstring -hempweed -hempwort -hempy -hemstitch -hemstitcher -hen -henad -henbane -henbill -henbit -hence -henceforth -henceforward -henceforwards -henchboy -henchman -henchmanship -hencoop -hencote -hend -hendecacolic -hendecagon -hendecagonal -hendecahedron -hendecane -hendecasemic -hendecasyllabic -hendecasyllable -hendecatoic -hendecoic -hendecyl -hendiadys -hendly -hendness -heneicosane -henequen -henfish -henhearted -henhouse -henhussy -henism -henlike -henmoldy -henna -Hennebique -hennery -hennin -hennish -henny -henogeny -henotheism -henotheist -henotheistic -henotic -henpeck -henpen -Henrician -Henrietta -henroost -Henry -henry -hent -Hentenian -henter -hentriacontane -henware -henwife -henwise -henwoodite -henyard -heortological -heortologion -heortology -hep -hepar -heparin -heparinize -hepatalgia -hepatatrophia -hepatatrophy -hepatauxe -hepatectomy -hepatic -Hepatica -hepatica -Hepaticae -hepatical -hepaticoduodenostomy -hepaticoenterostomy -hepaticogastrostomy -hepaticologist -hepaticology -hepaticopulmonary -hepaticostomy -hepaticotomy -hepatite -hepatitis -hepatization -hepatize -hepatocele -hepatocirrhosis -hepatocolic -hepatocystic -hepatoduodenal -hepatoduodenostomy -hepatodynia -hepatodysentery -hepatoenteric -hepatoflavin -hepatogastric -hepatogenic -hepatogenous -hepatography -hepatoid -hepatolenticular -hepatolith -hepatolithiasis -hepatolithic -hepatological -hepatologist -hepatology -hepatolysis -hepatolytic -hepatoma -hepatomalacia -hepatomegalia -hepatomegaly -hepatomelanosis -hepatonephric -hepatopathy -hepatoperitonitis -hepatopexia -hepatopexy -hepatophlebitis -hepatophlebotomy -hepatophyma -hepatopneumonic -hepatoportal -hepatoptosia -hepatoptosis -hepatopulmonary -hepatorenal -hepatorrhagia -hepatorrhaphy -hepatorrhea -hepatorrhexis -hepatorrhoea -hepatoscopy -hepatostomy -hepatotherapy -hepatotomy -hepatotoxemia -hepatoumbilical -hepcat -Hephaesteum -Hephaestian -Hephaestic -Hephaestus -hephthemimer -hephthemimeral -hepialid -Hepialidae -Hepialus -heppen -hepper -heptacapsular -heptace -heptachord -heptachronous -heptacolic -heptacosane -heptad -heptadecane -heptadecyl -heptaglot -heptagon -heptagonal -heptagynous -heptahedral -heptahedrical -heptahedron -heptahexahedral -heptahydrate -heptahydrated -heptahydric -heptahydroxy -heptal -heptameride -Heptameron -heptamerous -heptameter -heptamethylene -heptametrical -heptanaphthene -Heptanchus -heptandrous -heptane -Heptanesian -heptangular -heptanoic -heptanone -heptapetalous -heptaphyllous -heptaploid -heptaploidy -heptapodic -heptapody -heptarch -heptarchal -heptarchic -heptarchical -heptarchist -heptarchy -heptasemic -heptasepalous -heptaspermous -heptastich -heptastrophic -heptastylar -heptastyle -heptasulphide -heptasyllabic -Heptateuch -heptatomic -heptatonic -Heptatrema -heptavalent -heptene -hepteris -heptine -heptite -heptitol -heptoic -heptorite -heptose -heptoxide -Heptranchias -heptyl -heptylene -heptylic -heptyne -her -Heraclean -Heracleidan -Heracleonite -Heracleopolitan -Heracleopolite -Heracleum -Heraclid -Heraclidae -Heraclidan -Heraclitean -Heracliteanism -Heraclitic -Heraclitical -Heraclitism -Herakles -herald -heraldess -heraldic -heraldical -heraldically -heraldist -heraldize -heraldress -heraldry -heraldship -herapathite -Herat -Herb -herb -herbaceous -herbaceously -herbage -herbaged -herbager -herbagious -herbal -herbalism -herbalist -herbalize -herbane -herbaria -herbarial -herbarian -herbarism -herbarist -herbarium -herbarize -Herbartian -Herbartianism -herbary -Herbert -herbescent -herbicidal -herbicide -herbicolous -herbiferous -herbish -herbist -Herbivora -herbivore -herbivority -herbivorous -herbless -herblet -herblike -herbman -herborist -herborization -herborize -herborizer -herbose -herbosity -herbous -herbwife -herbwoman -herby -hercogamous -hercogamy -Herculanean -Herculanensian -Herculanian -Herculean -Hercules -Herculid -Hercynian -hercynite -herd -herdbook -herdboy -herder -herderite -herdic -herding -herdship -herdsman -herdswoman -herdwick -here -hereabout -hereadays -hereafter -hereafterward -hereamong -hereat -hereaway -hereaways -herebefore -hereby -heredipetous -heredipety -hereditability -hereditable -hereditably -hereditament -hereditarian -hereditarianism -hereditarily -hereditariness -hereditarist -hereditary -hereditation -hereditative -hereditism -hereditist -hereditivity -heredity -heredium -heredofamilial -heredolues -heredoluetic -heredosyphilis -heredosyphilitic -heredosyphilogy -heredotuberculosis -Hereford -herefrom -heregeld -herein -hereinabove -hereinafter -hereinbefore -hereinto -herem -hereness -hereniging -hereof -hereon -hereright -Herero -heresiarch -heresimach -heresiographer -heresiography -heresiologer -heresiologist -heresiology -heresy -heresyphobia -heresyproof -heretic -heretical -heretically -hereticalness -hereticate -heretication -hereticator -hereticide -hereticize -hereto -heretoch -heretofore -heretoforetime -heretoga -heretrix -hereunder -hereunto -hereupon -hereward -herewith -herewithal -herile -heriot -heriotable -herisson -heritability -heritable -heritably -heritage -heritance -Heritiera -heritor -heritress -heritrix -herl -herling -herma -hermaean -hermaic -Herman -hermaphrodite -hermaphroditic -hermaphroditical -hermaphroditically -hermaphroditish -hermaphroditism -hermaphroditize -Hermaphroditus -hermeneut -hermeneutic -hermeneutical -hermeneutically -hermeneutics -hermeneutist -Hermes -Hermesian -Hermesianism -Hermetic -hermetic -hermetical -hermetically -hermeticism -Hermetics -Hermetism -Hermetist -hermidin -Herminone -Hermione -Hermit -hermit -hermitage -hermitary -hermitess -hermitic -hermitical -hermitically -hermitish -hermitism -hermitize -hermitry -hermitship -Hermo -hermodact -hermodactyl -Hermogenian -hermoglyphic -hermoglyphist -hermokopid -hern -Hernandia -Hernandiaceae -hernandiaceous -hernanesell -hernani -hernant -herne -hernia -hernial -Herniaria -herniarin -herniary -herniate -herniated -herniation -hernioenterotomy -hernioid -herniology -herniopuncture -herniorrhaphy -herniotome -herniotomist -herniotomy -hero -heroarchy -Herodian -herodian -Herodianic -Herodii -Herodiones -herodionine -heroess -herohead -herohood -heroic -heroical -heroically -heroicalness -heroicity -heroicly -heroicness -heroicomic -heroicomical -heroid -Heroides -heroify -Heroin -heroin -heroine -heroineship -heroinism -heroinize -heroism -heroistic -heroization -heroize -herolike -heromonger -heron -heroner -heronite -heronry -heroogony -heroologist -heroology -Herophile -Herophilist -heroship -herotheism -herpes -Herpestes -Herpestinae -herpestine -herpetic -herpetiform -herpetism -herpetography -herpetoid -herpetologic -herpetological -herpetologically -herpetologist -herpetology -herpetomonad -Herpetomonas -herpetophobia -herpetotomist -herpetotomy -herpolhode -Herpotrichia -herrengrundite -Herrenvolk -herring -herringbone -herringer -Herrnhuter -hers -Herschelian -herschelite -herse -hersed -herself -hership -hersir -hertz -hertzian -Heruli -Herulian -Hervati -Herve -Herzegovinian -Hesiodic -Hesione -Hesionidae -hesitance -hesitancy -hesitant -hesitantly -hesitate -hesitater -hesitating -hesitatingly -hesitatingness -hesitation -hesitative -hesitatively -hesitatory -Hesper -Hespera -Hesperia -Hesperian -Hesperic -Hesperid -hesperid -hesperidate -hesperidene -hesperideous -Hesperides -Hesperidian -hesperidin -hesperidium -hesperiid -Hesperiidae -hesperinon -Hesperis -hesperitin -Hesperornis -Hesperornithes -hesperornithid -Hesperornithiformes -hesperornithoid -Hesperus -Hessian -hessite -hessonite -hest -Hester -hestern -hesternal -Hesther -hesthogenous -Hesychasm -Hesychast -hesychastic -het -hetaera -hetaeria -hetaeric -hetaerism -Hetaerist -hetaerist -hetaeristic -hetaerocracy -hetaerolite -hetaery -heteradenia -heteradenic -heterakid -Heterakis -Heteralocha -heterandrous -heterandry -heteratomic -heterauxesis -heteraxial -heteric -heterically -hetericism -hetericist -heterism -heterization -heterize -hetero -heteroagglutinin -heteroalbumose -heteroauxin -heteroblastic -heteroblastically -heteroblasty -heterocarpism -heterocarpous -Heterocarpus -heterocaseose -heterocellular -heterocentric -heterocephalous -Heterocera -heterocerc -heterocercal -heterocercality -heterocercy -heterocerous -heterochiral -heterochlamydeous -Heterochloridales -heterochromatic -heterochromatin -heterochromatism -heterochromatization -heterochromatized -heterochrome -heterochromia -heterochromic -heterochromosome -heterochromous -heterochromy -heterochronic -heterochronism -heterochronistic -heterochronous -heterochrony -heterochrosis -heterochthon -heterochthonous -heterocline -heteroclinous -heteroclital -heteroclite -heteroclitica -heteroclitous -Heterocoela -heterocoelous -Heterocotylea -heterocycle -heterocyclic -heterocyst -heterocystous -heterodactyl -Heterodactylae -heterodactylous -Heterodera -Heterodon -heterodont -Heterodonta -Heterodontidae -heterodontism -heterodontoid -Heterodontus -heterodox -heterodoxal -heterodoxical -heterodoxly -heterodoxness -heterodoxy -heterodromous -heterodromy -heterodyne -heteroecious -heteroeciously -heteroeciousness -heteroecism -heteroecismal -heteroecy -heteroepic -heteroepy -heteroerotic -heteroerotism -heterofermentative -heterofertilization -heterogalactic -heterogamete -heterogametic -heterogametism -heterogamety -heterogamic -heterogamous -heterogamy -heterogangliate -heterogen -heterogene -heterogeneal -heterogenean -heterogeneity -heterogeneous -heterogeneously -heterogeneousness -heterogenesis -heterogenetic -heterogenic -heterogenicity -heterogenist -heterogenous -heterogeny -heteroglobulose -heterognath -Heterognathi -heterogone -heterogonism -heterogonous -heterogonously -heterogony -heterograft -heterographic -heterographical -heterography -Heterogyna -heterogynal -heterogynous -heteroicous -heteroimmune -heteroinfection -heteroinoculable -heteroinoculation -heterointoxication -heterokaryon -heterokaryosis -heterokaryotic -heterokinesis -heterokinetic -Heterokontae -heterokontan -heterolalia -heterolateral -heterolecithal -heterolith -heterolobous -heterologic -heterological -heterologically -heterologous -heterology -heterolysin -heterolysis -heterolytic -heteromallous -heteromastigate -heteromastigote -Heteromeles -Heteromera -heteromeral -Heteromeran -Heteromeri -heteromeric -heteromerous -Heterometabola -heterometabole -heterometabolic -heterometabolism -heterometabolous -heterometaboly -heterometric -Heteromi -Heteromita -Heteromorpha -Heteromorphae -heteromorphic -heteromorphism -heteromorphite -heteromorphosis -heteromorphous -heteromorphy -Heteromya -Heteromyaria -heteromyarian -Heteromyidae -Heteromys -heteronereid -heteronereis -Heteroneura -heteronomous -heteronomously -heteronomy -heteronuclear -heteronym -heteronymic -heteronymous -heteronymously -heteronymy -heteroousia -Heteroousian -heteroousian -Heteroousiast -heteroousious -heteropathic -heteropathy -heteropelmous -heteropetalous -Heterophaga -Heterophagi -heterophagous -heterophasia -heterophemism -heterophemist -heterophemistic -heterophemize -heterophemy -heterophile -heterophoria -heterophoric -heterophylesis -heterophyletic -heterophyllous -heterophylly -heterophyly -heterophyte -heterophytic -Heteropia -Heteropidae -heteroplasia -heteroplasm -heteroplastic -heteroplasty -heteroploid -heteroploidy -heteropod -Heteropoda -heteropodal -heteropodous -heteropolar -heteropolarity -heteropoly -heteroproteide -heteroproteose -heteropter -Heteroptera -heteropterous -heteroptics -heteropycnosis -Heterorhachis -heteroscope -heteroscopy -heterosexual -heterosexuality -heteroside -Heterosiphonales -heterosis -Heterosomata -Heterosomati -heterosomatous -heterosome -Heterosomi -heterosomous -Heterosporeae -heterosporic -Heterosporium -heterosporous -heterospory -heterostatic -heterostemonous -Heterostraca -heterostracan -Heterostraci -heterostrophic -heterostrophous -heterostrophy -heterostyled -heterostylism -heterostylous -heterostyly -heterosuggestion -heterosyllabic -heterotactic -heterotactous -heterotaxia -heterotaxic -heterotaxis -heterotaxy -heterotelic -heterothallic -heterothallism -heterothermal -heterothermic -heterotic -heterotopia -heterotopic -heterotopism -heterotopous -heterotopy -heterotransplant -heterotransplantation -heterotrich -Heterotricha -Heterotrichales -Heterotrichida -heterotrichosis -heterotrichous -heterotropal -heterotroph -heterotrophic -heterotrophy -heterotropia -heterotropic -heterotropous -heterotype -heterotypic -heterotypical -heteroxanthine -heteroxenous -heterozetesis -heterozygosis -heterozygosity -heterozygote -heterozygotic -heterozygous -heterozygousness -hething -hetman -hetmanate -hetmanship -hetter -hetterly -Hettie -Hetty -heuau -Heuchera -heugh -heulandite -heumite -heuretic -heuristic -heuristically -Hevea -hevi -hew -hewable -hewel -hewer -hewettite -hewhall -hewn -hewt -hex -hexa -hexabasic -Hexabiblos -hexabiose -hexabromide -hexacanth -hexacanthous -hexacapsular -hexacarbon -hexace -hexachloride -hexachlorocyclohexane -hexachloroethane -hexachord -hexachronous -hexacid -hexacolic -Hexacoralla -hexacorallan -Hexacorallia -hexacosane -hexacosihedroid -hexact -hexactinal -hexactine -hexactinellid -Hexactinellida -hexactinellidan -hexactinelline -hexactinian -hexacyclic -hexad -hexadactyle -hexadactylic -hexadactylism -hexadactylous -hexadactyly -hexadecahedroid -hexadecane -hexadecanoic -hexadecene -hexadecyl -hexadic -hexadiene -hexadiyne -hexafoil -hexaglot -hexagon -hexagonal -hexagonally -hexagonial -hexagonical -hexagonous -hexagram -Hexagrammidae -hexagrammoid -Hexagrammos -hexagyn -Hexagynia -hexagynian -hexagynous -hexahedral -hexahedron -hexahydrate -hexahydrated -hexahydric -hexahydride -hexahydrite -hexahydrobenzene -hexahydroxy -hexakisoctahedron -hexakistetrahedron -hexameral -hexameric -hexamerism -hexameron -hexamerous -hexameter -hexamethylenamine -hexamethylene -hexamethylenetetramine -hexametral -hexametric -hexametrical -hexametrist -hexametrize -hexametrographer -Hexamita -hexamitiasis -hexammine -hexammino -hexanaphthene -Hexanchidae -Hexanchus -Hexandria -hexandric -hexandrous -hexandry -hexane -hexanedione -hexangular -hexangularly -hexanitrate -hexanitrodiphenylamine -hexapartite -hexaped -hexapetaloid -hexapetaloideous -hexapetalous -hexaphyllous -hexapla -hexaplar -hexaplarian -hexaplaric -hexaploid -hexaploidy -hexapod -Hexapoda -hexapodal -hexapodan -hexapodous -hexapody -hexapterous -hexaradial -hexarch -hexarchy -hexaseme -hexasemic -hexasepalous -hexaspermous -hexastemonous -hexaster -hexastich -hexastichic -hexastichon -hexastichous -hexastichy -hexastigm -hexastylar -hexastyle -hexastylos -hexasulphide -hexasyllabic -hexatetrahedron -Hexateuch -Hexateuchal -hexathlon -hexatomic -hexatriacontane -hexatriose -hexavalent -hexecontane -hexenbesen -hexene -hexer -hexerei -hexeris -hexestrol -hexicological -hexicology -hexine -hexiological -hexiology -hexis -hexitol -hexoctahedral -hexoctahedron -hexode -hexoestrol -hexogen -hexoic -hexokinase -hexone -hexonic -hexosamine -hexosaminic -hexosan -hexose -hexosediphosphoric -hexosemonophosphoric -hexosephosphatase -hexosephosphoric -hexoylene -hexpartite -hexyl -hexylene -hexylic -hexylresorcinol -hexyne -hey -heyday -Hezron -Hezronites -hi -hia -Hianakoto -hiant -hiatal -hiate -hiation -hiatus -Hibbertia -hibbin -hibernacle -hibernacular -hibernaculum -hibernal -hibernate -hibernation -hibernator -Hibernia -Hibernian -Hibernianism -Hibernic -Hibernical -Hibernically -Hibernicism -Hibernicize -Hibernization -Hibernize -Hibernologist -Hibernology -Hibiscus -Hibito -Hibitos -Hibunci -hic -hicatee -hiccup -hick -hickey -hickory -Hicksite -hickwall -Hicoria -hidable -hidage -hidalgism -hidalgo -hidalgoism -hidated -hidation -Hidatsa -hidden -hiddenite -hiddenly -hiddenmost -hiddenness -hide -hideaway -hidebind -hidebound -hideboundness -hided -hideland -hideless -hideling -hideosity -hideous -hideously -hideousness -hider -hidling -hidlings -hidradenitis -hidrocystoma -hidromancy -hidropoiesis -hidrosis -hidrotic -hie -hieder -hielaman -hield -hielmite -hiemal -hiemation -Hienz -Hieracian -Hieracium -hieracosphinx -hierapicra -hierarch -hierarchal -hierarchic -hierarchical -hierarchically -hierarchism -hierarchist -hierarchize -hierarchy -hieratic -hieratical -hieratically -hieraticism -hieratite -Hierochloe -hierocracy -hierocratic -hierocratical -hierodule -hierodulic -Hierofalco -hierogamy -hieroglyph -hieroglypher -hieroglyphic -hieroglyphical -hieroglyphically -hieroglyphist -hieroglyphize -hieroglyphology -hieroglyphy -hierogram -hierogrammat -hierogrammate -hierogrammateus -hierogrammatic -hierogrammatical -hierogrammatist -hierograph -hierographer -hierographic -hierographical -hierography -hierolatry -hierologic -hierological -hierologist -hierology -hieromachy -hieromancy -hieromnemon -hieromonach -hieron -Hieronymic -Hieronymite -hieropathic -hierophancy -hierophant -hierophantes -hierophantic -hierophantically -hierophanticly -hieros -hieroscopy -Hierosolymitan -Hierosolymite -hierurgical -hierurgy -hifalutin -higdon -higgaion -higginsite -higgle -higglehaggle -higgler -higglery -high -highball -highbelia -highbinder -highborn -highboy -highbred -higher -highermost -highest -highfalutin -highfaluting -highfalutinism -highflying -highhanded -highhandedly -highhandedness -highhearted -highheartedly -highheartedness -highish -highjack -highjacker -highland -highlander -highlandish -Highlandman -Highlandry -highlight -highliving -highly -highman -highmoor -highmost -highness -highroad -hight -hightoby -hightop -highway -highwayman -higuero -hijack -hike -hiker -Hilaria -hilarious -hilariously -hilariousness -hilarity -Hilary -Hilarymas -Hilarytide -hilasmic -hilch -Hilda -Hildebrand -Hildebrandian -Hildebrandic -Hildebrandine -Hildebrandism -Hildebrandist -Hildebrandslied -Hildegarde -hilding -hiliferous -hill -Hillary -hillberry -hillbilly -hillculture -hillebrandite -Hillel -hiller -hillet -Hillhousia -hilliness -hillman -hillock -hillocked -hillocky -hillsale -hillsalesman -hillside -hillsman -hilltop -hilltrot -hillward -hillwoman -hilly -hilsa -hilt -hiltless -hilum -hilus -him -Hima -Himalaya -Himalayan -Himantopus -himation -Himawan -himp -himself -himward -himwards -Himyaric -Himyarite -Himyaritic -hin -hinau -Hinayana -hinch -hind -hindberry -hindbrain -hindcast -hinddeck -hinder -hinderance -hinderer -hinderest -hinderful -hinderfully -hinderingly -hinderlands -hinderlings -hinderlins -hinderly -hinderment -hindermost -hindersome -hindhand -hindhead -Hindi -hindmost -hindquarter -hindrance -hindsaddle -hindsight -Hindu -Hinduism -Hinduize -Hindustani -hindward -hing -hinge -hingecorner -hingeflower -hingeless -hingelike -hinger -hingeways -hingle -hinney -hinnible -Hinnites -hinny -hinoid -hinoideous -hinoki -hinsdalite -hint -hintedly -hinter -hinterland -hintingly -hintproof -hintzeite -Hiodon -hiodont -Hiodontidae -hiortdahlite -hip -hipbone -hipe -hiper -hiphalt -hipless -hipmold -Hippa -hippalectryon -hipparch -Hipparion -Hippeastrum -hipped -Hippelates -hippen -Hippia -hippian -hippiater -hippiatric -hippiatrical -hippiatrics -hippiatrist -hippiatry -hippic -Hippidae -Hippidion -Hippidium -hipping -hippish -hipple -hippo -Hippobosca -hippoboscid -Hippoboscidae -hippocamp -hippocampal -hippocampi -hippocampine -hippocampus -Hippocastanaceae -hippocastanaceous -hippocaust -hippocentaur -hippocentauric -hippocerf -hippocoprosterol -hippocras -Hippocratea -Hippocrateaceae -hippocrateaceous -Hippocratian -Hippocratic -Hippocratical -Hippocratism -Hippocrene -Hippocrenian -hippocrepian -hippocrepiform -Hippodamia -hippodamous -hippodrome -hippodromic -hippodromist -hippogastronomy -Hippoglosinae -Hippoglossidae -Hippoglossus -hippogriff -hippogriffin -hippoid -hippolite -hippolith -hippological -hippologist -hippology -Hippolytan -Hippolyte -Hippolytidae -Hippolytus -hippomachy -hippomancy -hippomanes -Hippomedon -hippomelanin -Hippomenes -hippometer -hippometric -hippometry -Hipponactean -hipponosological -hipponosology -hippopathological -hippopathology -hippophagi -hippophagism -hippophagist -hippophagistical -hippophagous -hippophagy -hippophile -hippophobia -hippopod -hippopotami -hippopotamian -hippopotamic -Hippopotamidae -hippopotamine -hippopotamoid -hippopotamus -Hipposelinum -hippotigrine -Hippotigris -hippotomical -hippotomist -hippotomy -hippotragine -Hippotragus -hippurate -hippuric -hippurid -Hippuridaceae -Hippuris -hippurite -Hippurites -hippuritic -Hippuritidae -hippuritoid -hippus -hippy -hipshot -hipwort -hirable -hiragana -Hiram -Hiramite -hircarra -hircine -hircinous -hircocerf -hircocervus -hircosity -hire -hired -hireless -hireling -hireman -Hiren -hirer -hirmologion -hirmos -Hirneola -hiro -Hirofumi -hirondelle -Hirotoshi -Hiroyuki -hirple -hirrient -hirse -hirsel -hirsle -hirsute -hirsuteness -hirsuties -hirsutism -hirsutulous -Hirtella -hirtellous -Hirudin -hirudine -Hirudinea -hirudinean -hirudiniculture -Hirudinidae -hirudinize -hirudinoid -Hirudo -hirundine -Hirundinidae -hirundinous -Hirundo -his -hish -hisingerite -hisn -Hispa -Hispania -Hispanic -Hispanicism -Hispanicize -hispanidad -Hispaniolate -Hispaniolize -Hispanist -Hispanize -Hispanophile -Hispanophobe -hispid -hispidity -hispidulate -hispidulous -Hispinae -hiss -hisser -hissing -hissingly -hissproof -hist -histaminase -histamine -histaminic -histidine -histie -histiocyte -histiocytic -histioid -histiology -Histiophoridae -Histiophorus -histoblast -histochemic -histochemical -histochemistry -histoclastic -histocyte -histodiagnosis -histodialysis -histodialytic -histogen -histogenesis -histogenetic -histogenetically -histogenic -histogenous -histogeny -histogram -histographer -histographic -histographical -histography -histoid -histologic -histological -histologically -histologist -histology -histolysis -histolytic -histometabasis -histomorphological -histomorphologically -histomorphology -histon -histonal -histone -histonomy -histopathologic -histopathological -histopathologist -histopathology -histophyly -histophysiological -histophysiology -Histoplasma -histoplasmin -histoplasmosis -historial -historian -historiated -historic -historical -historically -historicalness -historician -historicism -historicity -historicize -historicocabbalistical -historicocritical -historicocultural -historicodogmatic -historicogeographical -historicophilosophica -historicophysical -historicopolitical -historicoprophetic -historicoreligious -historics -historicus -historied -historier -historiette -historify -historiograph -historiographer -historiographership -historiographic -historiographical -historiographically -historiography -historiological -historiology -historiometric -historiometry -historionomer -historious -historism -historize -history -histotherapist -histotherapy -histotome -histotomy -histotrophic -histotrophy -histotropic -histozoic -histozyme -histrio -Histriobdella -Histriomastix -histrion -histrionic -histrionical -histrionically -histrionicism -histrionism -hit -hitch -hitcher -hitchhike -hitchhiker -hitchily -hitchiness -Hitchiti -hitchproof -hitchy -hithe -hither -hithermost -hitherto -hitherward -Hitlerism -Hitlerite -hitless -Hitoshi -hittable -hitter -Hittite -Hittitics -Hittitology -Hittology -hive -hiveless -hiver -hives -hiveward -Hivite -hizz -Hler -Hlidhskjalf -Hlithskjalf -Hlorrithi -Ho -ho -hoar -hoard -hoarder -hoarding -hoardward -hoarfrost -hoarhead -hoarheaded -hoarhound -hoarily -hoariness -hoarish -hoarness -hoarse -hoarsely -hoarsen -hoarseness -hoarstone -hoarwort -hoary -hoaryheaded -hoast -hoastman -hoatzin -hoax -hoaxee -hoaxer -hoaxproof -hob -hobber -Hobbesian -hobbet -Hobbian -hobbil -Hobbism -Hobbist -Hobbistical -hobble -hobblebush -hobbledehoy -hobbledehoydom -hobbledehoyhood -hobbledehoyish -hobbledehoyishness -hobbledehoyism -hobbledygee -hobbler -hobbling -hobblingly -hobbly -hobby -hobbyhorse -hobbyhorsical -hobbyhorsically -hobbyism -hobbyist -hobbyless -hobgoblin -hoblike -hobnail -hobnailed -hobnailer -hobnob -hobo -hoboism -Hobomoco -hobthrush -hocco -Hochelaga -Hochheimer -hock -Hockday -hockelty -hocker -hocket -hockey -hockshin -Hocktide -hocky -hocus -hod -hodden -hodder -hoddle -hoddy -hodening -hodful -hodgepodge -Hodgkin -hodgkinsonite -hodiernal -hodman -hodmandod -hodograph -hodometer -hodometrical -hoe -hoecake -hoedown -hoeful -hoer -hoernesite -Hoffmannist -Hoffmannite -hog -hoga -hogan -Hogarthian -hogback -hogbush -hogfish -hogframe -hogged -hogger -hoggerel -hoggery -hogget -hoggie -hoggin -hoggish -hoggishly -hoggishness -hoggism -hoggy -hogherd -hoghide -hoghood -hoglike -hogling -hogmace -hogmanay -Hogni -hognose -hognut -hogpen -hogreeve -hogrophyte -hogshead -hogship -hogshouther -hogskin -hogsty -hogward -hogwash -hogweed -hogwort -hogyard -Hohe -Hohenzollern -Hohenzollernism -Hohn -Hohokam -hoi -hoick -hoin -hoise -hoist -hoistaway -hoister -hoisting -hoistman -hoistway -hoit -hoju -Hokan -hokey -hokeypokey -hokum -holagogue -holarctic -holard -holarthritic -holarthritis -holaspidean -holcad -holcodont -Holconoti -Holcus -hold -holdable -holdall -holdback -holden -holdenite -holder -holdership -holdfast -holdfastness -holding -holdingly -holdout -holdover -holdsman -holdup -hole -holeable -Holectypina -holectypoid -holeless -holeman -holeproof -holer -holethnic -holethnos -holewort -holey -holia -holiday -holidayer -holidayism -holidaymaker -holidaymaking -holily -holiness -holing -holinight -holism -holistic -holistically -holl -holla -hollaite -Holland -hollandaise -Hollander -Hollandish -hollandite -Hollands -Hollantide -holler -hollin -holliper -hollo -hollock -hollong -hollow -hollower -hollowfaced -hollowfoot -hollowhearted -hollowheartedness -hollowly -hollowness -holluschick -Holly -holly -hollyhock -Hollywood -Hollywooder -Hollywoodize -holm -holmberry -holmgang -holmia -holmic -holmium -holmos -holobaptist -holobenthic -holoblastic -holoblastically -holobranch -holocaine -holocarpic -holocarpous -holocaust -holocaustal -holocaustic -Holocene -holocentrid -Holocentridae -holocentroid -Holocentrus -Holocephala -holocephalan -Holocephali -holocephalian -holocephalous -Holochoanites -holochoanitic -holochoanoid -Holochoanoida -holochoanoidal -holochordate -holochroal -holoclastic -holocrine -holocryptic -holocrystalline -holodactylic -holodedron -Holodiscus -hologamous -hologamy -hologastrula -hologastrular -Holognatha -holognathous -hologonidium -holograph -holographic -holographical -holohedral -holohedric -holohedrism -holohemihedral -holohyaline -holomastigote -Holometabola -holometabole -holometabolian -holometabolic -holometabolism -holometabolous -holometaboly -holometer -holomorph -holomorphic -holomorphism -holomorphosis -holomorphy -Holomyaria -holomyarian -Holomyarii -holoparasite -holoparasitic -Holophane -holophane -holophotal -holophote -holophotometer -holophrase -holophrasis -holophrasm -holophrastic -holophyte -holophytic -holoplankton -holoplanktonic -holoplexia -holopneustic -holoproteide -holoptic -holoptychian -holoptychiid -Holoptychiidae -Holoptychius -holoquinoid -holoquinoidal -holoquinonic -holoquinonoid -holorhinal -holosaprophyte -holosaprophytic -holosericeous -holoside -holosiderite -Holosiphona -holosiphonate -Holosomata -holosomatous -holospondaic -holostean -Holostei -holosteous -holosteric -Holosteum -Holostomata -holostomate -holostomatous -holostome -holostomous -holostylic -holosymmetric -holosymmetrical -holosymmetry -holosystematic -holosystolic -holothecal -holothoracic -Holothuria -holothurian -Holothuridea -holothurioid -Holothurioidea -holotonia -holotonic -holotony -holotrich -Holotricha -holotrichal -Holotrichida -holotrichous -holotype -holour -holozoic -Holstein -holster -holstered -holt -holy -holyday -holyokeite -holystone -holytide -homage -homageable -homager -Homalocenchrus -homalogonatous -homalographic -homaloid -homaloidal -Homalonotus -Homalopsinae -Homaloptera -Homalopterous -homalosternal -Homalosternii -Homam -Homaridae -homarine -homaroid -Homarus -homatomic -homaxial -homaxonial -homaxonic -Homburg -home -homebody -homeborn -homebound -homebred -homecomer -homecraft -homecroft -homecrofter -homecrofting -homefarer -homefelt -homegoer -homekeeper -homekeeping -homeland -homelander -homeless -homelessly -homelessness -homelet -homelike -homelikeness -homelily -homeliness -homeling -homely -homelyn -homemade -homemaker -homemaking -homeoblastic -homeochromatic -homeochromatism -homeochronous -homeocrystalline -homeogenic -homeogenous -homeoid -homeoidal -homeoidality -homeokinesis -homeokinetic -homeomerous -homeomorph -homeomorphic -homeomorphism -homeomorphous -homeomorphy -homeopath -homeopathic -homeopathically -homeopathician -homeopathicity -homeopathist -homeopathy -homeophony -homeoplasia -homeoplastic -homeoplasy -homeopolar -homeosis -homeostasis -homeostatic -homeotic -homeotransplant -homeotransplantation -homeotype -homeotypic -homeotypical -homeowner -homeozoic -Homer -homer -Homerian -Homeric -Homerical -Homerically -Homerid -Homeridae -Homeridian -Homerist -Homerologist -Homerology -Homeromastix -homeseeker -homesick -homesickly -homesickness -homesite -homesome -homespun -homestall -homestead -homesteader -homester -homestretch -homeward -homewardly -homework -homeworker -homewort -homey -homeyness -homicidal -homicidally -homicide -homicidious -homiculture -homilete -homiletic -homiletical -homiletically -homiletics -homiliarium -homiliary -homilist -homilite -homilize -homily -hominal -hominess -Hominian -hominid -Hominidae -hominiform -hominify -hominine -hominisection -hominivorous -hominoid -hominy -homish -homishness -homo -homoanisaldehyde -homoanisic -homoarecoline -homobaric -homoblastic -homoblasty -homocarpous -homocategoric -homocentric -homocentrical -homocentrically -homocerc -homocercal -homocercality -homocercy -homocerebrin -homochiral -homochlamydeous -homochromatic -homochromatism -homochrome -homochromic -homochromosome -homochromous -homochromy -homochronous -homoclinal -homocline -Homocoela -homocoelous -homocreosol -homocyclic -homodermic -homodermy -homodont -homodontism -homodox -homodoxian -homodromal -homodrome -homodromous -homodromy -homodynamic -homodynamous -homodynamy -homodyne -Homoean -Homoeanism -homoecious -homoeoarchy -homoeoblastic -homoeochromatic -homoeochronous -homoeocrystalline -homoeogenic -homoeogenous -homoeography -homoeokinesis -homoeomerae -Homoeomeri -homoeomeria -homoeomerian -homoeomerianism -homoeomeric -homoeomerical -homoeomerous -homoeomery -homoeomorph -homoeomorphic -homoeomorphism -homoeomorphous -homoeomorphy -homoeopath -homoeopathic -homoeopathically -homoeopathician -homoeopathicity -homoeopathist -homoeopathy -homoeophony -homoeophyllous -homoeoplasia -homoeoplastic -homoeoplasy -homoeopolar -homoeosis -homoeotel -homoeoteleutic -homoeoteleuton -homoeotic -homoeotopy -homoeotype -homoeotypic -homoeotypical -homoeozoic -homoerotic -homoerotism -homofermentative -homogametic -homogamic -homogamous -homogamy -homogangliate -homogen -homogenate -homogene -homogeneal -homogenealness -homogeneate -homogeneity -homogeneization -homogeneize -homogeneous -homogeneously -homogeneousness -homogenesis -homogenetic -homogenetical -homogenic -homogenization -homogenize -homogenizer -homogenous -homogentisic -homogeny -homoglot -homogone -homogonous -homogonously -homogony -homograft -homograph -homographic -homography -homohedral -homoiotherm -homoiothermal -homoiothermic -homoiothermism -homoiothermous -homoiousia -Homoiousian -homoiousian -Homoiousianism -homoiousious -homolateral -homolecithal -homolegalis -homologate -homologation -homologic -homological -homologically -homologist -homologize -homologizer -homologon -homologoumena -homologous -homolographic -homolography -homologue -homology -homolosine -homolysin -homolysis -homomallous -homomeral -homomerous -homometrical -homometrically -homomorph -Homomorpha -homomorphic -homomorphism -homomorphosis -homomorphous -homomorphy -Homoneura -homonomous -homonomy -homonuclear -homonym -homonymic -homonymous -homonymously -homonymy -homoousia -Homoousian -Homoousianism -Homoousianist -Homoousiast -Homoousion -homoousious -homopathy -homoperiodic -homopetalous -homophene -homophenous -homophone -homophonic -homophonous -homophony -homophthalic -homophylic -homophyllous -homophyly -homopiperonyl -homoplasis -homoplasmic -homoplasmy -homoplast -homoplastic -homoplasy -homopolar -homopolarity -homopolic -homopter -Homoptera -homopteran -homopteron -homopterous -Homorelaps -homorganic -homoseismal -homosexual -homosexualism -homosexualist -homosexuality -homosporous -homospory -Homosteus -homostyled -homostylic -homostylism -homostylous -homostyly -homosystemic -homotactic -homotatic -homotaxeous -homotaxia -homotaxial -homotaxially -homotaxic -homotaxis -homotaxy -homothallic -homothallism -homothetic -homothety -homotonic -homotonous -homotonously -homotony -homotopic -homotransplant -homotransplantation -homotropal -homotropous -homotypal -homotype -homotypic -homotypical -homotypy -homovanillic -homovanillin -homoveratric -homoveratrole -homozygosis -homozygosity -homozygote -homozygous -homozygousness -homrai -homuncle -homuncular -homunculus -homy -Hon -honda -hondo -Honduran -Honduranean -Honduranian -Hondurean -Hondurian -hone -honest -honestly -honestness -honestone -honesty -honewort -honey -honeybee -honeyberry -honeybind -honeyblob -honeybloom -honeycomb -honeycombed -honeydew -honeydewed -honeydrop -honeyed -honeyedly -honeyedness -honeyfall -honeyflower -honeyfogle -honeyful -honeyhearted -honeyless -honeylike -honeylipped -honeymoon -honeymooner -honeymoonlight -honeymoonshine -honeymoonstruck -honeymoony -honeymouthed -honeypod -honeypot -honeystone -honeysuck -honeysucker -honeysuckle -honeysuckled -honeysweet -honeyware -Honeywood -honeywood -honeywort -hong -honied -honily -honk -honker -honor -Honora -honorability -honorable -honorableness -honorableship -honorably -honorance -honoraria -honorarily -honorarium -honorary -honoree -honorer -honoress -honorific -honorifically -honorless -honorous -honorsman -honorworthy -hontish -hontous -Honzo -hooch -hoochinoo -hood -hoodcap -hooded -hoodedness -hoodful -hoodie -hoodless -hoodlike -hoodlum -hoodlumish -hoodlumism -hoodlumize -hoodman -hoodmold -hoodoo -hoodsheaf -hoodshy -hoodshyness -hoodwink -hoodwinkable -hoodwinker -hoodwise -hoodwort -hooey -hoof -hoofbeat -hoofbound -hoofed -hoofer -hoofiness -hoofish -hoofless -hooflet -hooflike -hoofmark -hoofprint -hoofrot -hoofs -hoofworm -hoofy -hook -hookah -hookaroon -hooked -hookedness -hookedwise -hooker -Hookera -hookerman -hookers -hookheal -hookish -hookless -hooklet -hooklike -hookmaker -hookmaking -hookman -hooknose -hooksmith -hooktip -hookum -hookup -hookweed -hookwise -hookworm -hookwormer -hookwormy -hooky -hooligan -hooliganism -hooliganize -hoolock -hooly -hoon -hoonoomaun -hoop -hooped -hooper -hooping -hoopla -hoople -hoopless -hooplike -hoopmaker -hoopman -hoopoe -hoopstick -hoopwood -hoose -hoosegow -hoosh -Hoosier -Hoosierdom -Hoosierese -Hoosierize -hoot -hootay -hooter -hootingly -hoove -hooven -Hooverism -Hooverize -hoovey -hop -hopbine -hopbush -Hopcalite -hopcrease -hope -hoped -hopeful -hopefully -hopefulness -hopeite -hopeless -hopelessly -hopelessness -hoper -Hopi -hopi -hopingly -Hopkinsian -Hopkinsianism -Hopkinsonian -hoplite -hoplitic -hoplitodromos -Hoplocephalus -hoplology -hoplomachic -hoplomachist -hoplomachos -hoplomachy -Hoplonemertea -hoplonemertean -hoplonemertine -Hoplonemertini -hopoff -hopped -hopper -hopperburn -hopperdozer -hopperette -hoppergrass -hopperings -hopperman -hoppers -hoppestere -hoppet -hoppingly -hoppity -hopple -hoppy -hopscotch -hopscotcher -hoptoad -hopvine -hopyard -hora -horal -horary -Horatian -Horatio -Horatius -horbachite -hordarian -hordary -horde -hordeaceous -hordeiform -hordein -hordenine -Hordeum -horehound -Horim -horismology -horizometer -horizon -horizonless -horizontal -horizontalism -horizontality -horizontalization -horizontalize -horizontally -horizontalness -horizontic -horizontical -horizontically -horizonward -horme -hormic -hormigo -hormion -hormist -hormogon -Hormogonales -Hormogoneae -Hormogoneales -hormogonium -hormogonous -hormonal -hormone -hormonic -hormonize -hormonogenesis -hormonogenic -hormonology -hormonopoiesis -hormonopoietic -hormos -horn -hornbeam -hornbill -hornblende -hornblendic -hornblendite -hornblendophyre -hornblower -hornbook -horned -hornedness -horner -hornerah -hornet -hornety -hornfair -hornfels -hornfish -hornful -horngeld -Hornie -hornify -hornily -horniness -horning -hornish -hornist -hornito -hornless -hornlessness -hornlet -hornlike -hornotine -hornpipe -hornplant -hornsman -hornstay -hornstone -hornswoggle -horntail -hornthumb -horntip -hornwood -hornwork -hornworm -hornwort -horny -hornyhanded -hornyhead -horograph -horographer -horography -horokaka -horologe -horologer -horologic -horological -horologically -horologiography -horologist -horologium -horologue -horology -horometrical -horometry -Horonite -horopito -horopter -horopteric -horoptery -horoscopal -horoscope -horoscoper -horoscopic -horoscopical -horoscopist -horoscopy -Horouta -horrendous -horrendously -horrent -horrescent -horreum -horribility -horrible -horribleness -horribly -horrid -horridity -horridly -horridness -horrific -horrifically -horrification -horrify -horripilant -horripilate -horripilation -horrisonant -horror -horrorful -horrorish -horrorist -horrorize -horrormonger -horrormongering -horrorous -horrorsome -horse -horseback -horsebacker -horseboy -horsebreaker -horsecar -horsecloth -horsecraft -horsedom -horsefair -horsefettler -horsefight -horsefish -horseflesh -horsefly -horsefoot -horsegate -horsehair -horsehaired -horsehead -horseherd -horsehide -horsehood -horsehoof -horsejockey -horsekeeper -horselaugh -horselaugher -horselaughter -horseleech -horseless -horselike -horseload -horseman -horsemanship -horsemastership -horsemint -horsemonger -horseplay -horseplayful -horsepond -horsepower -horsepox -horser -horseshoe -horseshoer -horsetail -horsetongue -Horsetown -horsetree -horseway -horseweed -horsewhip -horsewhipper -horsewoman -horsewomanship -horsewood -horsfordite -horsify -horsily -horsiness -horsing -Horst -horst -horsy -horsyism -hortation -hortative -hortatively -hortator -hortatorily -hortatory -Hortense -Hortensia -hortensial -Hortensian -hortensian -horticultural -horticulturally -horticulture -horticulturist -hortite -hortonolite -hortulan -Horvatian -hory -Hosackia -hosanna -hose -hosed -hosel -hoseless -hoselike -hoseman -hosier -hosiery -hosiomartyr -hospice -hospitable -hospitableness -hospitably -hospitage -hospital -hospitalary -hospitaler -hospitalism -hospitality -hospitalization -hospitalize -hospitant -hospitate -hospitation -hospitator -hospitious -hospitium -hospitize -hospodar -hospodariat -hospodariate -host -Hosta -hostage -hostager -hostageship -hostel -hosteler -hostelry -hoster -hostess -hostie -hostile -hostilely -hostileness -hostility -hostilize -hosting -hostler -hostlership -hostlerwife -hostless -hostly -hostry -hostship -hot -hotbed -hotblood -hotbox -hotbrained -hotch -hotchpot -hotchpotch -hotchpotchly -hotel -hoteldom -hotelhood -hotelier -hotelization -hotelize -hotelkeeper -hotelless -hotelward -hotfoot -hothead -hotheaded -hotheadedly -hotheadedness -hothearted -hotheartedly -hotheartedness -hothouse -hoti -hotly -hotmouthed -hotness -hotspur -hotspurred -Hotta -Hottentot -Hottentotese -Hottentotic -Hottentotish -Hottentotism -hotter -hottery -hottish -Hottonia -houbara -Houdan -hough -houghband -hougher -houghite -houghmagandy -Houghton -hounce -hound -hounder -houndfish -hounding -houndish -houndlike -houndman -houndsbane -houndsberry -houndshark -houndy -houppelande -hour -hourful -hourglass -houri -hourless -hourly -housage -housal -Housatonic -house -houseball -houseboat -houseboating -housebote -housebound -houseboy -housebreak -housebreaker -housebreaking -housebroke -housebroken -housebug -housebuilder -housebuilding -housecarl -housecoat -housecraft -housefast -housefather -housefly -houseful -housefurnishings -household -householder -householdership -householding -householdry -housekeep -housekeeper -housekeeperlike -housekeeperly -housekeeping -housel -houseleek -houseless -houselessness -houselet -houseline -houseling -housemaid -housemaidenly -housemaiding -housemaidy -houseman -housemaster -housemastership -housemate -housemating -houseminder -housemistress -housemother -housemotherly -houseowner -houser -houseridden -houseroom -housesmith -housetop -houseward -housewares -housewarm -housewarmer -housewarming -housewear -housewife -housewifeliness -housewifely -housewifery -housewifeship -housewifish -housewive -housework -housewright -housing -Houstonia -housty -housy -houtou -houvari -Hova -hove -hovedance -hovel -hoveler -hoven -Hovenia -hover -hoverer -hovering -hoveringly -hoverly -how -howadji -Howard -howardite -howbeit -howdah -howder -howdie -howdy -howe -Howea -howel -however -howff -howish -howitzer -howk -howkit -howl -howler -howlet -howling -howlingly -howlite -howso -howsoever -howsomever -hox -hoy -Hoya -hoyden -hoydenhood -hoydenish -hoydenism -hoyle -hoyman -Hrimfaxi -Hrothgar -Hsi -Hsuan -Hu -huaca -huaco -huajillo -huamuchil -huantajayite -huaracho -Huari -huarizo -Huashi -Huastec -Huastecan -Huave -Huavean -hub -hubb -hubba -hubber -Hubbite -hubble -hubbly -hubbub -hubbuboo -hubby -Hubert -hubmaker -hubmaking -hubnerite -hubristic -hubshi -huccatoon -huchen -Huchnom -hucho -huck -huckaback -huckle -huckleback -hucklebacked -huckleberry -hucklebone -huckmuck -huckster -hucksterage -hucksterer -hucksteress -hucksterize -huckstery -hud -huddle -huddledom -huddlement -huddler -huddling -huddlingly -huddock -huddroun -huddup -Hudibras -Hudibrastic -Hudibrastically -Hudsonia -Hudsonian -hudsonite -hue -hued -hueful -hueless -huelessness -huer -Huey -huff -huffier -huffily -huffiness -huffingly -huffish -huffishly -huffishness -huffle -huffler -huffy -hug -huge -Hugelia -hugelite -hugely -hugeness -hugeous -hugeously -hugeousness -huggable -hugger -huggermugger -huggermuggery -Huggin -hugging -huggingly -huggle -Hugh -Hughes -Hughoc -Hugo -Hugoesque -hugsome -Huguenot -Huguenotic -Huguenotism -huh -Hui -huia -huipil -huisache -huiscoyol -huitain -Huk -Hukbalahap -huke -hula -Huldah -huldee -hulk -hulkage -hulking -hulky -hull -hullabaloo -huller -hullock -hulloo -hulotheism -Hulsean -hulsite -hulster -hulu -hulver -hulverhead -hulverheaded -hum -Huma -human -humane -humanely -humaneness -humanhood -humanics -humanification -humaniform -humaniformian -humanify -humanish -humanism -humanist -humanistic -humanistical -humanistically -humanitarian -humanitarianism -humanitarianist -humanitarianize -humanitary -humanitian -humanity -humanitymonger -humanization -humanize -humanizer -humankind -humanlike -humanly -humanness -humanoid -humate -humble -humblebee -humblehearted -humblemouthed -humbleness -humbler -humblie -humblingly -humbly -humbo -humboldtilite -humboldtine -humboldtite -humbug -humbugability -humbugable -humbugger -humbuggery -humbuggism -humbuzz -humdinger -humdrum -humdrumminess -humdrummish -humdrummishness -humdudgeon -Hume -Humean -humect -humectant -humectate -humectation -humective -humeral -humeri -humeroabdominal -humerocubital -humerodigital -humerodorsal -humerometacarpal -humeroradial -humeroscapular -humeroulnar -humerus -humet -humetty -humhum -humic -humicubation -humid -humidate -humidification -humidifier -humidify -humidistat -humidity -humidityproof -humidly -humidness -humidor -humific -humification -humifuse -humify -humiliant -humiliate -humiliating -humiliatingly -humiliation -humiliative -humiliator -humiliatory -humilific -humilitude -humility -humin -Humiria -Humiriaceae -Humiriaceous -Humism -Humist -humistratous -humite -humlie -hummel -hummeler -hummer -hummie -humming -hummingbird -hummock -hummocky -humor -humoral -humoralism -humoralist -humoralistic -humoresque -humoresquely -humorful -humorific -humorism -humorist -humoristic -humoristical -humorize -humorless -humorlessness -humorology -humorous -humorously -humorousness -humorproof -humorsome -humorsomely -humorsomeness -humourful -humous -hump -humpback -humpbacked -humped -humph -Humphrey -humpiness -humpless -humpty -humpy -humstrum -humulene -humulone -Humulus -humus -humuslike -Hun -Hunanese -hunch -Hunchakist -hunchback -hunchbacked -hunchet -hunchy -hundi -hundred -hundredal -hundredary -hundreder -hundredfold -hundredman -hundredpenny -hundredth -hundredweight -hundredwork -hung -Hungaria -Hungarian -hungarite -hunger -hungerer -hungeringly -hungerless -hungerly -hungerproof -hungerweed -hungrify -hungrily -hungriness -hungry -hunh -hunk -Hunker -hunker -Hunkerism -hunkerous -hunkerousness -hunkers -hunkies -Hunkpapa -hunks -hunky -Hunlike -Hunnian -Hunnic -Hunnican -Hunnish -Hunnishness -hunt -huntable -huntedly -Hunter -Hunterian -hunterlike -huntilite -hunting -huntress -huntsman -huntsmanship -huntswoman -Hunyak -hup -Hupa -hupaithric -Hura -hura -hurcheon -hurdies -hurdis -hurdle -hurdleman -hurdler -hurdlewise -hurds -hure -hureaulite -hureek -Hurf -hurgila -hurkle -hurl -hurlbarrow -hurled -hurler -hurley -hurleyhouse -hurling -hurlock -hurly -Huron -huron -Huronian -hurr -hurrah -Hurri -Hurrian -hurricane -hurricanize -hurricano -hurried -hurriedly -hurriedness -hurrier -hurrisome -hurrock -hurroo -hurroosh -hurry -hurryingly -hurryproof -hursinghar -hurst -hurt -hurtable -hurted -hurter -hurtful -hurtfully -hurtfulness -hurting -hurtingest -hurtle -hurtleberry -hurtless -hurtlessly -hurtlessness -hurtlingly -hurtsome -hurty -husband -husbandable -husbandage -husbander -husbandfield -husbandhood -husbandland -husbandless -husbandlike -husbandliness -husbandly -husbandman -husbandress -husbandry -husbandship -huse -hush -hushable -hushaby -hushcloth -hushedly -husheen -hushel -husher -hushful -hushfully -hushing -hushingly -hushion -husho -husk -huskanaw -husked -huskened -husker -huskershredder -huskily -huskiness -husking -huskroot -huskwort -Husky -husky -huso -huspil -huss -hussar -Hussite -Hussitism -hussy -hussydom -hussyness -husting -hustle -hustlecap -hustlement -hustler -hut -hutch -hutcher -hutchet -Hutchinsonian -Hutchinsonianism -hutchinsonite -Huterian -huthold -hutholder -hutia -hutkeeper -hutlet -hutment -Hutsulian -Hutterites -Huttonian -Huttonianism -huttoning -huttonweed -hutukhtu -huvelyk -Huxleian -Huygenian -huzoor -Huzvaresh -huzz -huzza -huzzard -Hwa -Hy -hyacinth -Hyacinthia -hyacinthian -hyacinthine -Hyacinthus -Hyades -hyaena -Hyaenanche -Hyaenarctos -Hyaenidae -Hyaenodon -hyaenodont -hyaenodontoid -Hyakume -hyalescence -hyalescent -hyaline -hyalinization -hyalinize -hyalinocrystalline -hyalinosis -hyalite -hyalitis -hyaloandesite -hyalobasalt -hyalocrystalline -hyalodacite -hyalogen -hyalograph -hyalographer -hyalography -hyaloid -hyaloiditis -hyaloliparite -hyalolith -hyalomelan -hyalomucoid -Hyalonema -hyalophagia -hyalophane -hyalophyre -hyalopilitic -hyaloplasm -hyaloplasma -hyaloplasmic -hyalopsite -hyalopterous -hyalosiderite -Hyalospongia -hyalotekite -hyalotype -hyaluronic -hyaluronidase -Hybanthus -Hybla -Hyblaea -Hyblaean -Hyblan -hybodont -Hybodus -hybosis -hybrid -hybridal -hybridation -hybridism -hybridist -hybridity -hybridizable -hybridization -hybridize -hybridizer -hybridous -hydantoate -hydantoic -hydantoin -hydathode -hydatid -hydatidiform -hydatidinous -hydatidocele -hydatiform -hydatigenous -Hydatina -hydatogenesis -hydatogenic -hydatogenous -hydatoid -hydatomorphic -hydatomorphism -hydatopneumatic -hydatopneumatolytic -hydatopyrogenic -hydatoscopy -Hydnaceae -hydnaceous -hydnocarpate -hydnocarpic -Hydnocarpus -hydnoid -Hydnora -Hydnoraceae -hydnoraceous -Hydnum -Hydra -hydracetin -Hydrachna -hydrachnid -Hydrachnidae -hydracid -hydracoral -hydracrylate -hydracrylic -Hydractinia -hydractinian -Hydradephaga -hydradephagan -hydradephagous -hydragogue -hydragogy -hydramine -hydramnion -hydramnios -Hydrangea -Hydrangeaceae -hydrangeaceous -hydrant -hydranth -hydrarch -hydrargillite -hydrargyrate -hydrargyria -hydrargyriasis -hydrargyric -hydrargyrism -hydrargyrosis -hydrargyrum -hydrarthrosis -hydrarthrus -hydrastine -Hydrastis -hydrate -hydrated -hydration -hydrator -hydratropic -hydraucone -hydraulic -hydraulically -hydraulician -hydraulicity -hydraulicked -hydraulicon -hydraulics -hydraulist -hydraulus -hydrazide -hydrazidine -hydrazimethylene -hydrazine -hydrazino -hydrazo -hydrazoate -hydrazobenzene -hydrazoic -hydrazone -hydrazyl -hydremia -hydremic -hydrencephalocele -hydrencephaloid -hydrencephalus -hydria -hydriatric -hydriatrist -hydriatry -hydric -hydrically -Hydrid -hydride -hydriform -hydrindene -hydriodate -hydriodic -hydriodide -hydriotaphia -Hydriote -hydro -hydroa -hydroadipsia -hydroaeric -hydroalcoholic -hydroaromatic -hydroatmospheric -hydroaviation -hydrobarometer -Hydrobates -Hydrobatidae -hydrobenzoin -hydrobilirubin -hydrobiological -hydrobiologist -hydrobiology -hydrobiosis -hydrobiplane -hydrobomb -hydroboracite -hydroborofluoric -hydrobranchiate -hydrobromate -hydrobromic -hydrobromide -hydrocarbide -hydrocarbon -hydrocarbonaceous -hydrocarbonate -hydrocarbonic -hydrocarbonous -hydrocarbostyril -hydrocardia -Hydrocaryaceae -hydrocaryaceous -hydrocatalysis -hydrocauline -hydrocaulus -hydrocele -hydrocellulose -hydrocephalic -hydrocephalocele -hydrocephaloid -hydrocephalous -hydrocephalus -hydrocephaly -hydroceramic -hydrocerussite -Hydrocharidaceae -hydrocharidaceous -Hydrocharis -Hydrocharitaceae -hydrocharitaceous -Hydrochelidon -hydrochemical -hydrochemistry -hydrochlorate -hydrochlorauric -hydrochloric -hydrochloride -hydrochlorplatinic -hydrochlorplatinous -Hydrochoerus -hydrocholecystis -hydrocinchonine -hydrocinnamic -hydrocirsocele -hydrocladium -hydroclastic -Hydrocleis -hydroclimate -hydrocobalticyanic -hydrocoele -hydrocollidine -hydroconion -Hydrocorallia -Hydrocorallinae -hydrocoralline -Hydrocores -Hydrocorisae -hydrocorisan -hydrocotarnine -Hydrocotyle -hydrocoumaric -hydrocupreine -hydrocyanate -hydrocyanic -hydrocyanide -hydrocycle -hydrocyclic -hydrocyclist -Hydrocyon -hydrocyst -hydrocystic -Hydrodamalidae -Hydrodamalis -Hydrodictyaceae -Hydrodictyon -hydrodrome -Hydrodromica -hydrodromican -hydrodynamic -hydrodynamical -hydrodynamics -hydrodynamometer -hydroeconomics -hydroelectric -hydroelectricity -hydroelectrization -hydroergotinine -hydroextract -hydroextractor -hydroferricyanic -hydroferrocyanate -hydroferrocyanic -hydrofluate -hydrofluoboric -hydrofluoric -hydrofluorid -hydrofluoride -hydrofluosilicate -hydrofluosilicic -hydrofluozirconic -hydrofoil -hydroforming -hydrofranklinite -hydrofuge -hydrogalvanic -hydrogel -hydrogen -hydrogenase -hydrogenate -hydrogenation -hydrogenator -hydrogenic -hydrogenide -hydrogenium -hydrogenization -hydrogenize -hydrogenolysis -Hydrogenomonas -hydrogenous -hydrogeological -hydrogeology -hydroglider -hydrognosy -hydrogode -hydrograph -hydrographer -hydrographic -hydrographical -hydrographically -hydrography -hydrogymnastics -hydrohalide -hydrohematite -hydrohemothorax -hydroid -Hydroida -Hydroidea -hydroidean -hydroiodic -hydrokinetic -hydrokinetical -hydrokinetics -hydrol -hydrolase -hydrolatry -Hydrolea -Hydroleaceae -hydrolize -hydrologic -hydrological -hydrologically -hydrologist -hydrology -hydrolysis -hydrolyst -hydrolyte -hydrolytic -hydrolyzable -hydrolyzate -hydrolyzation -hydrolyze -hydromagnesite -hydromancer -hydromancy -hydromania -hydromaniac -hydromantic -hydromantical -hydromantically -hydrome -hydromechanical -hydromechanics -hydromedusa -Hydromedusae -hydromedusan -hydromedusoid -hydromel -hydromeningitis -hydromeningocele -hydrometallurgical -hydrometallurgically -hydrometallurgy -hydrometamorphism -hydrometeor -hydrometeorological -hydrometeorology -hydrometer -hydrometra -hydrometric -hydrometrical -hydrometrid -Hydrometridae -hydrometry -hydromica -hydromicaceous -hydromonoplane -hydromorph -hydromorphic -hydromorphous -hydromorphy -hydromotor -hydromyelia -hydromyelocele -hydromyoma -Hydromys -hydrone -hydronegative -hydronephelite -hydronephrosis -hydronephrotic -hydronitric -hydronitroprussic -hydronitrous -hydronium -hydroparacoumaric -Hydroparastatae -hydropath -hydropathic -hydropathical -hydropathist -hydropathy -hydropericarditis -hydropericardium -hydroperiod -hydroperitoneum -hydroperitonitis -hydroperoxide -hydrophane -hydrophanous -hydrophid -Hydrophidae -hydrophil -hydrophile -hydrophilic -hydrophilid -Hydrophilidae -hydrophilism -hydrophilite -hydrophiloid -hydrophilous -hydrophily -Hydrophinae -Hydrophis -hydrophobe -hydrophobia -hydrophobic -hydrophobical -hydrophobist -hydrophobophobia -hydrophobous -hydrophoby -hydrophoid -hydrophone -Hydrophora -hydrophoran -hydrophore -hydrophoria -hydrophorous -hydrophthalmia -hydrophthalmos -hydrophthalmus -hydrophylacium -hydrophyll -Hydrophyllaceae -hydrophyllaceous -hydrophylliaceous -hydrophyllium -Hydrophyllum -hydrophysometra -hydrophyte -hydrophytic -hydrophytism -hydrophyton -hydrophytous -hydropic -hydropical -hydropically -hydropigenous -hydroplane -hydroplanula -hydroplatinocyanic -hydroplutonic -hydropneumatic -hydropneumatosis -hydropneumopericardium -hydropneumothorax -hydropolyp -hydroponic -hydroponicist -hydroponics -hydroponist -hydropositive -hydropot -Hydropotes -hydropropulsion -hydrops -hydropsy -Hydropterideae -hydroptic -hydropult -hydropultic -hydroquinine -hydroquinol -hydroquinoline -hydroquinone -hydrorachis -hydrorhiza -hydrorhizal -hydrorrhachis -hydrorrhachitis -hydrorrhea -hydrorrhoea -hydrorubber -hydrosalpinx -hydrosalt -hydrosarcocele -hydroscope -hydroscopic -hydroscopical -hydroscopicity -hydroscopist -hydroselenic -hydroselenide -hydroselenuret -hydroseparation -hydrosilicate -hydrosilicon -hydrosol -hydrosomal -hydrosomatous -hydrosome -hydrosorbic -hydrosphere -hydrospire -hydrospiric -hydrostat -hydrostatic -hydrostatical -hydrostatically -hydrostatician -hydrostatics -hydrostome -hydrosulphate -hydrosulphide -hydrosulphite -hydrosulphocyanic -hydrosulphurated -hydrosulphuret -hydrosulphureted -hydrosulphuric -hydrosulphurous -hydrosulphuryl -hydrotachymeter -hydrotactic -hydrotalcite -hydrotasimeter -hydrotaxis -hydrotechnic -hydrotechnical -hydrotechnologist -hydrotechny -hydroterpene -hydrotheca -hydrothecal -hydrotherapeutic -hydrotherapeutics -hydrotherapy -hydrothermal -hydrothoracic -hydrothorax -hydrotic -hydrotical -hydrotimeter -hydrotimetric -hydrotimetry -hydrotomy -hydrotropic -hydrotropism -hydroturbine -hydrotype -hydrous -hydrovane -hydroxamic -hydroxamino -hydroxide -hydroximic -hydroxy -hydroxyacetic -hydroxyanthraquinone -hydroxybutyricacid -hydroxyketone -hydroxyl -hydroxylactone -hydroxylamine -hydroxylate -hydroxylation -hydroxylic -hydroxylization -hydroxylize -hydrozincite -Hydrozoa -hydrozoal -hydrozoan -hydrozoic -hydrozoon -hydrula -Hydruntine -Hydrurus -Hydrus -hydurilate -hydurilic -hyena -hyenadog -hyenanchin -hyenic -hyeniform -hyenine -hyenoid -hyetal -hyetograph -hyetographic -hyetographical -hyetographically -hyetography -hyetological -hyetology -hyetometer -hyetometrograph -Hygeia -Hygeian -hygeiolatry -hygeist -hygeistic -hygeology -hygiantic -hygiantics -hygiastic -hygiastics -hygieist -hygienal -hygiene -hygienic -hygienical -hygienically -hygienics -hygienist -hygienization -hygienize -hygiologist -hygiology -hygric -hygrine -hygroblepharic -hygrodeik -hygroexpansivity -hygrograph -hygrology -hygroma -hygromatous -hygrometer -hygrometric -hygrometrical -hygrometrically -hygrometry -hygrophaneity -hygrophanous -hygrophilous -hygrophobia -hygrophthalmic -hygrophyte -hygrophytic -hygroplasm -hygroplasma -hygroscope -hygroscopic -hygroscopical -hygroscopically -hygroscopicity -hygroscopy -hygrostat -hygrostatics -hygrostomia -hygrothermal -hygrothermograph -hying -hyke -Hyla -hylactic -hylactism -hylarchic -hylarchical -hyle -hyleg -hylegiacal -hylic -hylicism -hylicist -Hylidae -hylism -hylist -Hyllus -Hylobates -hylobatian -hylobatic -hylobatine -Hylocereus -Hylocichla -Hylocomium -Hylodes -hylogenesis -hylogeny -hyloid -hylology -hylomorphic -hylomorphical -hylomorphism -hylomorphist -hylomorphous -Hylomys -hylopathism -hylopathist -hylopathy -hylophagous -hylotheism -hylotheist -hylotheistic -hylotheistical -hylotomous -hylozoic -hylozoism -hylozoist -hylozoistic -hylozoistically -hymen -Hymenaea -Hymenaeus -Hymenaic -hymenal -hymeneal -hymeneally -hymeneals -hymenean -hymenial -hymenic -hymenicolar -hymeniferous -hymeniophore -hymenium -Hymenocallis -Hymenochaete -Hymenogaster -Hymenogastraceae -hymenogeny -hymenoid -Hymenolepis -hymenomycetal -hymenomycete -Hymenomycetes -hymenomycetoid -hymenomycetous -hymenophore -hymenophorum -Hymenophyllaceae -hymenophyllaceous -Hymenophyllites -Hymenophyllum -hymenopter -Hymenoptera -hymenopteran -hymenopterist -hymenopterological -hymenopterologist -hymenopterology -hymenopteron -hymenopterous -hymenotomy -Hymettian -Hymettic -hymn -hymnal -hymnarium -hymnary -hymnbook -hymner -hymnic -hymnist -hymnless -hymnlike -hymnode -hymnodical -hymnodist -hymnody -hymnographer -hymnography -hymnologic -hymnological -hymnologically -hymnologist -hymnology -hymnwise -hynde -hyne -hyobranchial -hyocholalic -hyocholic -hyoepiglottic -hyoepiglottidean -hyoglossal -hyoglossus -hyoglycocholic -hyoid -hyoidal -hyoidan -hyoideal -hyoidean -hyoides -Hyolithes -hyolithid -Hyolithidae -hyolithoid -hyomandibula -hyomandibular -hyomental -hyoplastral -hyoplastron -hyoscapular -hyoscine -hyoscyamine -Hyoscyamus -hyosternal -hyosternum -hyostylic -hyostyly -hyothere -Hyotherium -hyothyreoid -hyothyroid -hyp -hypabyssal -hypaethral -hypaethron -hypaethros -hypaethrum -hypalgesia -hypalgia -hypalgic -hypallactic -hypallage -hypanthial -hypanthium -hypantrum -Hypapante -hypapophysial -hypapophysis -hyparterial -hypaspist -hypate -hypaton -hypautomorphic -hypaxial -Hypenantron -hyper -hyperabelian -hyperabsorption -hyperaccurate -hyperacid -hyperacidaminuria -hyperacidity -hyperacoustics -hyperaction -hyperactive -hyperactivity -hyperacuity -hyperacusia -hyperacusis -hyperacute -hyperacuteness -hyperadenosis -hyperadiposis -hyperadiposity -hyperadrenalemia -hyperaeolism -hyperalbuminosis -hyperalgebra -hyperalgesia -hyperalgesic -hyperalgesis -hyperalgetic -hyperalimentation -hyperalkalinity -hyperaltruism -hyperaminoacidemia -hyperanabolic -hyperanarchy -hyperangelical -hyperaphia -hyperaphic -hyperapophyseal -hyperapophysial -hyperapophysis -hyperarchaeological -hyperarchepiscopal -hyperazotemia -hyperbarbarous -hyperbatic -hyperbatically -hyperbaton -hyperbola -hyperbolaeon -hyperbole -hyperbolic -hyperbolically -hyperbolicly -hyperbolism -hyperbolize -hyperboloid -hyperboloidal -hyperboreal -Hyperborean -hyperborean -hyperbrachycephal -hyperbrachycephalic -hyperbrachycephaly -hyperbrachycranial -hyperbrachyskelic -hyperbranchia -hyperbrutal -hyperbulia -hypercalcemia -hypercarbamidemia -hypercarbureted -hypercarburetted -hypercarnal -hypercatalectic -hypercatalexis -hypercatharsis -hypercathartic -hypercathexis -hypercenosis -hyperchamaerrhine -hyperchlorhydria -hyperchloric -hypercholesterinemia -hypercholesterolemia -hypercholia -hypercivilization -hypercivilized -hyperclassical -hyperclimax -hypercoagulability -hypercoagulable -hypercomplex -hypercomposite -hyperconcentration -hypercone -hyperconfident -hyperconformist -hyperconscientious -hyperconscientiousness -hyperconscious -hyperconsciousness -hyperconservatism -hyperconstitutional -hypercoracoid -hypercorrect -hypercorrection -hypercorrectness -hypercosmic -hypercreaturely -hypercritic -hypercritical -hypercritically -hypercriticism -hypercriticize -hypercryalgesia -hypercube -hypercyanotic -hypercycle -hypercylinder -hyperdactyl -hyperdactylia -hyperdactyly -hyperdeify -hyperdelicacy -hyperdelicate -hyperdemocracy -hyperdemocratic -hyperdeterminant -hyperdiabolical -hyperdialectism -hyperdiapason -hyperdiapente -hyperdiastole -hyperdiatessaron -hyperdiazeuxis -hyperdicrotic -hyperdicrotism -hyperdicrotous -hyperdimensional -hyperdimensionality -hyperdissyllable -hyperdistention -hyperditone -hyperdivision -hyperdolichocephal -hyperdolichocephalic -hyperdolichocephaly -hyperdolichocranial -hyperdoricism -hyperdulia -hyperdulic -hyperdulical -hyperelegant -hyperelliptic -hyperemesis -hyperemetic -hyperemia -hyperemic -hyperemotivity -hyperemphasize -hyperenthusiasm -hypereosinophilia -hyperephidrosis -hyperequatorial -hypererethism -hyperessence -hyperesthesia -hyperesthetic -hyperethical -hypereuryprosopic -hypereutectic -hypereutectoid -hyperexaltation -hyperexcitability -hyperexcitable -hyperexcitement -hyperexcursive -hyperexophoria -hyperextend -hyperextension -hyperfastidious -hyperfederalist -hyperfine -hyperflexion -hyperfocal -hyperfunction -hyperfunctional -hyperfunctioning -hypergalactia -hypergamous -hypergamy -hypergenesis -hypergenetic -hypergeometric -hypergeometrical -hypergeometry -hypergeusia -hypergeustia -hyperglycemia -hyperglycemic -hyperglycorrhachia -hyperglycosuria -hypergoddess -hypergol -hypergolic -Hypergon -hypergrammatical -hyperhedonia -hyperhemoglobinemia -hyperhilarious -hyperhypocrisy -Hypericaceae -hypericaceous -Hypericales -hypericin -hypericism -Hypericum -hypericum -hyperidealistic -hyperideation -hyperimmune -hyperimmunity -hyperimmunization -hyperimmunize -hyperingenuity -hyperinosis -hyperinotic -hyperinsulinization -hyperinsulinize -hyperintellectual -hyperintelligence -hyperinvolution -hyperirritability -hyperirritable -hyperisotonic -hyperite -hyperkeratosis -hyperkinesia -hyperkinesis -hyperkinetic -hyperlactation -hyperleptoprosopic -hyperleucocytosis -hyperlipemia -hyperlipoidemia -hyperlithuria -hyperlogical -hyperlustrous -hypermagical -hypermakroskelic -hypermedication -hypermenorrhea -hypermetabolism -hypermetamorphic -hypermetamorphism -hypermetamorphosis -hypermetamorphotic -hypermetaphorical -hypermetaphysical -hypermetaplasia -hypermeter -hypermetric -hypermetrical -hypermetron -hypermetrope -hypermetropia -hypermetropic -hypermetropical -hypermetropy -hypermiraculous -hypermixolydian -hypermnesia -hypermnesic -hypermnesis -hypermnestic -hypermodest -hypermonosyllable -hypermoral -hypermorph -hypermorphism -hypermorphosis -hypermotile -hypermotility -hypermyotonia -hypermyotrophy -hypermyriorama -hypermystical -hypernatural -hypernephroma -hyperneuria -hyperneurotic -hypernic -hypernitrogenous -hypernomian -hypernomic -hypernormal -hypernote -hypernutrition -Hyperoartia -hyperoartian -hyperobtrusive -hyperodontogeny -Hyperoodon -hyperoon -hyperope -hyperopia -hyperopic -hyperorganic -hyperorthognathic -hyperorthognathous -hyperorthognathy -hyperosmia -hyperosmic -hyperostosis -hyperostotic -hyperothodox -hyperothodoxy -Hyperotreta -hyperotretan -Hyperotreti -hyperotretous -hyperoxidation -hyperoxide -hyperoxygenate -hyperoxygenation -hyperoxygenize -hyperpanegyric -hyperparasite -hyperparasitic -hyperparasitism -hyperparasitize -hyperparoxysm -hyperpathetic -hyperpatriotic -hyperpencil -hyperpepsinia -hyperper -hyperperistalsis -hyperperistaltic -hyperpersonal -hyperphalangeal -hyperphalangism -hyperpharyngeal -hyperphenomena -hyperphoria -hyperphoric -hyperphosphorescence -hyperphysical -hyperphysically -hyperphysics -hyperpiesia -hyperpiesis -hyperpietic -hyperpietist -hyperpigmentation -hyperpigmented -hyperpinealism -hyperpituitarism -hyperplagiarism -hyperplane -hyperplasia -hyperplasic -hyperplastic -hyperplatyrrhine -hyperploid -hyperploidy -hyperpnea -hyperpnoea -hyperpolysyllabic -hyperpredator -hyperprism -hyperproduction -hyperprognathous -hyperprophetical -hyperprosexia -hyperpulmonary -hyperpure -hyperpurist -hyperpyramid -hyperpyretic -hyperpyrexia -hyperpyrexial -hyperquadric -hyperrational -hyperreactive -hyperrealize -hyperresonance -hyperresonant -hyperreverential -hyperrhythmical -hyperridiculous -hyperritualism -hypersacerdotal -hypersaintly -hypersalivation -hypersceptical -hyperscholastic -hyperscrupulosity -hypersecretion -hypersensibility -hypersensitive -hypersensitiveness -hypersensitivity -hypersensitization -hypersensitize -hypersensual -hypersensualism -hypersensuous -hypersentimental -hypersolid -hypersomnia -hypersonic -hypersophisticated -hyperspace -hyperspatial -hyperspeculative -hypersphere -hyperspherical -hyperspiritualizing -hypersplenia -hypersplenism -hypersthene -hypersthenia -hypersthenic -hypersthenite -hyperstoic -hyperstrophic -hypersubtlety -hypersuggestibility -hypersuperlative -hypersurface -hypersusceptibility -hypersusceptible -hypersystole -hypersystolic -hypertechnical -hypertelic -hypertely -hypertense -hypertensin -hypertension -hypertensive -hyperterrestrial -hypertetrahedron -hyperthermal -hyperthermalgesia -hyperthermesthesia -hyperthermia -hyperthermic -hyperthermy -hyperthesis -hyperthetic -hyperthetical -hyperthyreosis -hyperthyroid -hyperthyroidism -hyperthyroidization -hyperthyroidize -hypertonia -hypertonic -hypertonicity -hypertonus -hypertorrid -hypertoxic -hypertoxicity -hypertragical -hypertragically -hypertranscendent -hypertrichosis -hypertridimensional -hypertrophic -hypertrophied -hypertrophous -hypertrophy -hypertropia -hypertropical -hypertype -hypertypic -hypertypical -hyperurbanism -hyperuresis -hypervascular -hypervascularity -hypervenosity -hyperventilate -hyperventilation -hypervigilant -hyperviscosity -hypervitalization -hypervitalize -hypervitaminosis -hypervolume -hyperwrought -hypesthesia -hypesthesic -hypethral -hypha -Hyphaene -hyphaeresis -hyphal -hyphedonia -hyphema -hyphen -hyphenate -hyphenated -hyphenation -hyphenic -hyphenism -hyphenization -hyphenize -hypho -hyphodrome -Hyphomycetales -hyphomycete -Hyphomycetes -hyphomycetic -hyphomycetous -hyphomycosis -hypidiomorphic -hypidiomorphically -hypinosis -hypinotic -Hypnaceae -hypnaceous -hypnagogic -hypnesthesis -hypnesthetic -hypnoanalysis -hypnobate -hypnocyst -hypnody -hypnoetic -hypnogenesis -hypnogenetic -hypnoid -hypnoidal -hypnoidization -hypnoidize -hypnologic -hypnological -hypnologist -hypnology -hypnone -hypnophobia -hypnophobic -hypnophoby -hypnopompic -Hypnos -hypnoses -hypnosis -hypnosperm -hypnosporangium -hypnospore -hypnosporic -hypnotherapy -hypnotic -hypnotically -hypnotism -hypnotist -hypnotistic -hypnotizability -hypnotizable -hypnotization -hypnotize -hypnotizer -hypnotoid -hypnotoxin -Hypnum -hypo -hypoacid -hypoacidity -hypoactive -hypoactivity -hypoadenia -hypoadrenia -hypoaeolian -hypoalimentation -hypoalkaline -hypoalkalinity -hypoaminoacidemia -hypoantimonate -hypoazoturia -hypobasal -hypobatholithic -hypobenthonic -hypobenthos -hypoblast -hypoblastic -hypobole -hypobranchial -hypobranchiate -hypobromite -hypobromous -hypobulia -hypobulic -hypocalcemia -hypocarp -hypocarpium -hypocarpogean -hypocatharsis -hypocathartic -hypocathexis -hypocaust -hypocentrum -hypocephalus -Hypochaeris -hypochil -hypochilium -hypochlorhydria -hypochlorhydric -hypochloric -hypochlorite -hypochlorous -hypochloruria -Hypochnaceae -hypochnose -Hypochnus -hypochondria -hypochondriac -hypochondriacal -hypochondriacally -hypochondriacism -hypochondrial -hypochondriasis -hypochondriast -hypochondrium -hypochondry -hypochordal -hypochromia -hypochrosis -hypochylia -hypocist -hypocleidian -hypocleidium -hypocoelom -hypocondylar -hypocone -hypoconid -hypoconule -hypoconulid -hypocoracoid -hypocorism -hypocoristic -hypocoristical -hypocoristically -hypocotyl -hypocotyleal -hypocotyledonary -hypocotyledonous -hypocotylous -hypocrater -hypocrateriform -hypocraterimorphous -Hypocreaceae -hypocreaceous -Hypocreales -hypocrisis -hypocrisy -hypocrital -hypocrite -hypocritic -hypocritical -hypocritically -hypocrize -hypocrystalline -hypocycloid -hypocycloidal -hypocystotomy -hypocytosis -hypodactylum -hypoderm -hypoderma -hypodermal -hypodermatic -hypodermatically -hypodermatoclysis -hypodermatomy -Hypodermella -hypodermic -hypodermically -hypodermis -hypodermoclysis -hypodermosis -hypodermous -hypodiapason -hypodiapente -hypodiastole -hypodiatessaron -hypodiazeuxis -hypodicrotic -hypodicrotous -hypoditone -hypodorian -hypodynamia -hypodynamic -hypoeliminator -hypoendocrinism -hypoeosinophilia -hypoeutectic -hypoeutectoid -hypofunction -hypogastric -hypogastrium -hypogastrocele -hypogeal -hypogean -hypogee -hypogeic -hypogeiody -hypogene -hypogenesis -hypogenetic -hypogenic -hypogenous -hypogeocarpous -hypogeous -hypogeum -hypogeusia -hypoglobulia -hypoglossal -hypoglossitis -hypoglossus -hypoglottis -hypoglycemia -hypoglycemic -hypognathism -hypognathous -hypogonation -hypogynic -hypogynium -hypogynous -hypogyny -hypohalous -hypohemia -hypohidrosis -Hypohippus -hypohyal -hypohyaline -hypoid -hypoiodite -hypoiodous -hypoionian -hypoischium -hypoisotonic -hypokeimenometry -hypokinesia -hypokinesis -hypokinetic -hypokoristikon -hypolemniscus -hypoleptically -hypoleucocytosis -hypolimnion -hypolocrian -hypolydian -hypomania -hypomanic -hypomelancholia -hypomeral -hypomere -hypomeron -hypometropia -hypomixolydian -hypomnematic -hypomnesis -hypomochlion -hypomorph -hypomotility -hypomyotonia -hyponastic -hyponastically -hyponasty -hyponeuria -hyponitric -hyponitrite -hyponitrous -hyponoetic -hyponoia -hyponome -hyponomic -hyponychial -hyponychium -hyponym -hyponymic -hyponymous -Hypoparia -hypopepsia -hypopepsinia -hypopepsy -hypopetalous -hypopetaly -hypophalangism -hypophamin -hypophamine -hypophare -hypopharyngeal -hypopharynx -hypophloeodal -hypophloeodic -hypophloeous -hypophonic -hypophonous -hypophora -hypophoria -hypophosphate -hypophosphite -hypophosphoric -hypophosphorous -hypophrenia -hypophrenic -hypophrenosis -hypophrygian -hypophyge -hypophyll -hypophyllium -hypophyllous -hypophyllum -hypophyse -hypophyseal -hypophysectomize -hypophysectomy -hypophyseoprivic -hypophyseoprivous -hypophysial -hypophysical -hypophysics -hypophysis -hypopial -hypopinealism -hypopituitarism -Hypopitys -hypoplankton -hypoplanktonic -hypoplasia -hypoplastic -hypoplastral -hypoplastron -hypoplasty -hypoplasy -hypoploid -hypoploidy -hypopodium -hypopraxia -hypoprosexia -hypopselaphesia -hypopteral -hypopteron -hypoptilar -hypoptilum -hypoptosis -hypoptyalism -hypopus -hypopygial -hypopygidium -hypopygium -hypopyon -hyporadial -hyporadiolus -hyporadius -hyporchema -hyporchematic -hyporcheme -hyporchesis -hyporhachidian -hyporhachis -hyporhined -hyporit -hyporrhythmic -hyposcenium -hyposcleral -hyposcope -hyposecretion -hyposensitization -hyposensitize -hyposkeletal -hyposmia -hypospadiac -hypospadias -hyposphene -hypospray -hypostase -hypostasis -hypostasization -hypostasize -hypostasy -hypostatic -hypostatical -hypostatically -hypostatization -hypostatize -hyposternal -hyposternum -hyposthenia -hyposthenic -hyposthenuria -hypostigma -hypostilbite -hypostoma -Hypostomata -hypostomatic -hypostomatous -hypostome -hypostomial -Hypostomides -hypostomous -hypostrophe -hypostyle -hypostypsis -hypostyptic -hyposulphite -hyposulphurous -hyposuprarenalism -hyposyllogistic -hyposynaphe -hyposynergia -hyposystole -hypotactic -hypotarsal -hypotarsus -hypotaxia -hypotaxic -hypotaxis -hypotension -hypotensive -hypotensor -hypotenusal -hypotenuse -hypothalamic -hypothalamus -hypothalline -hypothallus -hypothec -hypotheca -hypothecal -hypothecary -hypothecate -hypothecation -hypothecative -hypothecator -hypothecatory -hypothecial -hypothecium -hypothenal -hypothenar -Hypotheria -hypothermal -hypothermia -hypothermic -hypothermy -hypotheses -hypothesis -hypothesist -hypothesize -hypothesizer -hypothetic -hypothetical -hypothetically -hypothetics -hypothetist -hypothetize -hypothetizer -hypothyreosis -hypothyroid -hypothyroidism -hypotonia -hypotonic -hypotonicity -hypotonus -hypotony -hypotoxic -hypotoxicity -hypotrachelium -Hypotremata -hypotrich -Hypotricha -Hypotrichida -hypotrichosis -hypotrichous -hypotrochanteric -hypotrochoid -hypotrochoidal -hypotrophic -hypotrophy -hypotympanic -hypotypic -hypotypical -hypotyposis -hypovalve -hypovanadate -hypovanadic -hypovanadious -hypovanadous -hypovitaminosis -hypoxanthic -hypoxanthine -Hypoxis -Hypoxylon -hypozeugma -hypozeuxis -Hypozoa -hypozoan -hypozoic -hyppish -hypsibrachycephalic -hypsibrachycephalism -hypsibrachycephaly -hypsicephalic -hypsicephaly -hypsidolichocephalic -hypsidolichocephalism -hypsidolichocephaly -hypsiliform -hypsiloid -Hypsilophodon -hypsilophodont -hypsilophodontid -Hypsilophodontidae -hypsilophodontoid -Hypsiprymninae -Hypsiprymnodontinae -Hypsiprymnus -Hypsistarian -hypsistenocephalic -hypsistenocephalism -hypsistenocephaly -hypsobathymetric -hypsocephalous -hypsochrome -hypsochromic -hypsochromy -hypsodont -hypsodontism -hypsodonty -hypsographic -hypsographical -hypsography -hypsoisotherm -hypsometer -hypsometric -hypsometrical -hypsometrically -hypsometrist -hypsometry -hypsophobia -hypsophonous -hypsophyll -hypsophyllar -hypsophyllary -hypsophyllous -hypsophyllum -hypsothermometer -hypural -hyraces -hyraceum -Hyrachyus -hyracid -Hyracidae -hyraciform -Hyracina -Hyracodon -hyracodont -hyracodontid -Hyracodontidae -hyracodontoid -hyracoid -Hyracoidea -hyracoidean -hyracothere -hyracotherian -Hyracotheriinae -Hyracotherium -hyrax -Hyrcan -Hyrcanian -hyson -hyssop -Hyssopus -hystazarin -hysteralgia -hysteralgic -hysteranthous -hysterectomy -hysterelcosis -hysteresial -hysteresis -hysteretic -hysteretically -hysteria -hysteriac -Hysteriales -hysteric -hysterical -hysterically -hystericky -hysterics -hysteriform -hysterioid -Hysterocarpus -hysterocatalepsy -hysterocele -hysterocleisis -hysterocrystalline -hysterocystic -hysterodynia -hysterogen -hysterogenetic -hysterogenic -hysterogenous -hysterogeny -hysteroid -hysterolaparotomy -hysterolith -hysterolithiasis -hysterology -hysterolysis -hysteromania -hysterometer -hysterometry -hysteromorphous -hysteromyoma -hysteromyomectomy -hysteron -hysteroneurasthenia -hysteropathy -hysteropexia -hysteropexy -hysterophore -Hysterophyta -hysterophytal -hysterophyte -hysteroproterize -hysteroptosia -hysteroptosis -hysterorrhaphy -hysterorrhexis -hysteroscope -hysterosis -hysterotome -hysterotomy -hysterotraumatism -hystriciasis -hystricid -Hystricidae -Hystricinae -hystricine -hystricism -hystricismus -hystricoid -hystricomorph -Hystricomorpha -hystricomorphic -hystricomorphous -Hystrix -I -i -Iacchic -Iacchos -Iacchus -Iachimo -iamatology -iamb -Iambe -iambelegus -iambi -iambic -iambically -iambist -iambize -iambographer -iambus -Ian -Ianthina -ianthine -ianthinite -Ianus -iao -Iapetus -Iapyges -Iapygian -Iapygii -iatraliptic -iatraliptics -iatric -iatrical -iatrochemic -iatrochemical -iatrochemist -iatrochemistry -iatrological -iatrology -iatromathematical -iatromathematician -iatromathematics -iatromechanical -iatromechanist -iatrophysical -iatrophysicist -iatrophysics -iatrotechnics -iba -Ibad -Ibadite -Iban -Ibanag -Iberes -Iberi -Iberia -Iberian -Iberic -Iberis -Iberism -iberite -ibex -ibices -ibid -Ibididae -Ibidinae -ibidine -Ibidium -Ibilao -ibis -ibisbill -Ibo -ibolium -ibota -Ibsenian -Ibsenic -Ibsenish -Ibsenism -Ibsenite -Ibycter -Ibycus -Icacinaceae -icacinaceous -icaco -Icacorea -Icaria -Icarian -Icarianism -Icarus -ice -iceberg -iceblink -iceboat -icebone -icebound -icebox -icebreaker -icecap -icecraft -iced -icefall -icefish -icehouse -Iceland -iceland -Icelander -Icelandian -Icelandic -iceleaf -iceless -Icelidae -icelike -iceman -Iceni -icequake -iceroot -Icerya -icework -ich -Ichneumia -ichneumon -ichneumoned -Ichneumones -ichneumonid -Ichneumonidae -ichneumonidan -Ichneumonides -ichneumoniform -ichneumonized -ichneumonoid -Ichneumonoidea -ichneumonology -ichneumous -ichneutic -ichnite -ichnographic -ichnographical -ichnographically -ichnography -ichnolite -ichnolithology -ichnolitic -ichnological -ichnology -ichnomancy -icho -ichoglan -ichor -ichorous -ichorrhea -ichorrhemia -ichthulin -ichthulinic -ichthus -ichthyal -ichthyic -ichthyism -ichthyismus -ichthyization -ichthyized -ichthyobatrachian -Ichthyocephali -ichthyocephalous -ichthyocol -ichthyocolla -ichthyocoprolite -Ichthyodea -Ichthyodectidae -ichthyodian -ichthyodont -ichthyodorulite -ichthyofauna -ichthyoform -ichthyographer -ichthyographia -ichthyographic -ichthyography -ichthyoid -ichthyoidal -Ichthyoidea -Ichthyol -ichthyolatrous -ichthyolatry -ichthyolite -ichthyolitic -ichthyologic -ichthyological -ichthyologically -ichthyologist -ichthyology -ichthyomancy -ichthyomantic -Ichthyomorpha -ichthyomorphic -ichthyomorphous -ichthyonomy -ichthyopaleontology -ichthyophagan -ichthyophagi -ichthyophagian -ichthyophagist -ichthyophagize -ichthyophagous -ichthyophagy -ichthyophile -ichthyophobia -ichthyophthalmite -ichthyophthiriasis -ichthyopolism -ichthyopolist -ichthyopsid -Ichthyopsida -ichthyopsidan -Ichthyopterygia -ichthyopterygian -ichthyopterygium -Ichthyornis -Ichthyornithes -ichthyornithic -Ichthyornithidae -Ichthyornithiformes -ichthyornithoid -ichthyosaur -Ichthyosauria -ichthyosaurian -ichthyosaurid -Ichthyosauridae -ichthyosauroid -Ichthyosaurus -ichthyosis -ichthyosism -ichthyotic -Ichthyotomi -ichthyotomist -ichthyotomous -ichthyotomy -ichthyotoxin -ichthyotoxism -ichthytaxidermy -ichu -icica -icicle -icicled -icily -iciness -icing -icon -Iconian -iconic -iconical -iconism -iconoclasm -iconoclast -iconoclastic -iconoclastically -iconoclasticism -iconodule -iconodulic -iconodulist -iconoduly -iconograph -iconographer -iconographic -iconographical -iconographist -iconography -iconolater -iconolatrous -iconolatry -iconological -iconologist -iconology -iconomachal -iconomachist -iconomachy -iconomania -iconomatic -iconomatically -iconomaticism -iconomatography -iconometer -iconometric -iconometrical -iconometrically -iconometry -iconophile -iconophilism -iconophilist -iconophily -iconoplast -iconoscope -iconostas -iconostasion -iconostasis -iconotype -icosahedral -Icosandria -icosasemic -icosian -icositetrahedron -icosteid -Icosteidae -icosteine -Icosteus -icotype -icteric -icterical -Icteridae -icterine -icteritious -icterode -icterogenetic -icterogenic -icterogenous -icterohematuria -icteroid -icterus -ictic -Ictonyx -ictuate -ictus -icy -id -Ida -Idaean -Idaho -Idahoan -Idaic -idalia -Idalian -idant -iddat -Iddio -ide -idea -ideaed -ideaful -ideagenous -ideal -idealess -idealism -idealist -idealistic -idealistical -idealistically -ideality -idealization -idealize -idealizer -idealless -ideally -idealness -ideamonger -Idean -ideate -ideation -ideational -ideationally -ideative -ideist -idempotent -identic -identical -identicalism -identically -identicalness -identifiable -identifiableness -identification -identifier -identify -identism -identity -ideogenetic -ideogenical -ideogenous -ideogeny -ideoglyph -ideogram -ideogrammic -ideograph -ideographic -ideographical -ideographically -ideography -ideolatry -ideologic -ideological -ideologically -ideologist -ideologize -ideologue -ideology -ideomotion -ideomotor -ideophone -ideophonetics -ideophonous -ideoplastia -ideoplastic -ideoplastics -ideoplasty -ideopraxist -ides -idgah -idiasm -idic -idiobiology -idioblast -idioblastic -idiochromatic -idiochromatin -idiochromosome -idiocrasis -idiocrasy -idiocratic -idiocratical -idiocy -idiocyclophanous -idioelectric -idioelectrical -Idiogastra -idiogenesis -idiogenetic -idiogenous -idioglossia -idioglottic -idiograph -idiographic -idiographical -idiohypnotism -idiolalia -idiolatry -idiologism -idiolysin -idiom -idiomatic -idiomatical -idiomatically -idiomaticalness -idiomelon -idiometer -idiomography -idiomology -idiomorphic -idiomorphically -idiomorphism -idiomorphous -idiomuscular -idiopathetic -idiopathic -idiopathical -idiopathically -idiopathy -idiophanism -idiophanous -idiophonic -idioplasm -idioplasmatic -idioplasmic -idiopsychological -idiopsychology -idioreflex -idiorepulsive -idioretinal -idiorrhythmic -Idiosepiidae -Idiosepion -idiosome -idiospasm -idiospastic -idiostatic -idiosyncrasy -idiosyncratic -idiosyncratical -idiosyncratically -idiot -idiotcy -idiothalamous -idiothermous -idiothermy -idiotic -idiotical -idiotically -idioticalness -idioticon -idiotish -idiotism -idiotize -idiotropian -idiotry -idiotype -idiotypic -Idism -Idist -Idistic -idite -iditol -idle -idleful -idleheaded -idlehood -idleman -idlement -idleness -idler -idleset -idleship -idlety -idlish -idly -Ido -idocrase -Idoism -Idoist -Idoistic -idol -idola -idolaster -idolater -idolatress -idolatric -idolatrize -idolatrizer -idolatrous -idolatrously -idolatrousness -idolatry -idolify -idolism -idolist -idolistic -idolization -idolize -idolizer -idoloclast -idoloclastic -idolodulia -idolographical -idololatrical -idololatry -idolomancy -idolomania -idolothyte -idolothytic -idolous -idolum -Idomeneus -idoneal -idoneity -idoneous -idoneousness -idorgan -idosaccharic -idose -Idotea -Idoteidae -Idothea -Idotheidae -idrialin -idrialine -idrialite -Idrisid -Idrisite -idryl -Idumaean -idyl -idyler -idylism -idylist -idylize -idyllian -idyllic -idyllical -idyllically -idyllicism -ie -Ierne -if -ife -iffy -Ifugao -Igara -Igbira -Igdyr -igelstromite -igloo -Iglulirmiut -ignatia -Ignatian -Ignatianist -Ignatius -ignavia -igneoaqueous -igneous -ignescent -ignicolist -igniferous -igniferousness -igniform -ignifuge -ignify -ignigenous -ignipotent -ignipuncture -ignitability -ignite -igniter -ignitibility -ignitible -ignition -ignitive -ignitor -ignitron -ignivomous -ignivomousness -ignobility -ignoble -ignobleness -ignoblesse -ignobly -ignominious -ignominiously -ignominiousness -ignominy -ignorable -ignoramus -ignorance -ignorant -Ignorantine -ignorantism -ignorantist -ignorantly -ignorantness -ignoration -ignore -ignorement -ignorer -ignote -Igorot -iguana -Iguania -iguanian -iguanid -Iguanidae -iguaniform -Iguanodon -iguanodont -Iguanodontia -Iguanodontidae -iguanodontoid -Iguanodontoidea -iguanoid -Iguvine -ihi -Ihlat -ihleite -ihram -iiwi -ijma -Ijo -ijolite -Ijore -ijussite -ikat -Ike -ikey -ikeyness -Ikhwan -ikona -ikra -Ila -ileac -ileectomy -ileitis -ileocaecal -ileocaecum -ileocolic -ileocolitis -ileocolostomy -ileocolotomy -ileon -ileosigmoidostomy -ileostomy -ileotomy -ilesite -ileum -ileus -ilex -ilia -Iliac -iliac -iliacus -Iliad -Iliadic -Iliadist -Iliadize -iliahi -ilial -Ilian -iliau -Ilicaceae -ilicaceous -ilicic -ilicin -ilima -iliocaudal -iliocaudalis -iliococcygeal -iliococcygeus -iliococcygian -iliocostal -iliocostalis -iliodorsal -iliofemoral -iliohypogastric -ilioinguinal -ilioischiac -ilioischiatic -iliolumbar -iliopectineal -iliopelvic -ilioperoneal -iliopsoas -iliopsoatic -iliopubic -iliosacral -iliosciatic -ilioscrotal -iliospinal -iliotibial -iliotrochanteric -Ilissus -ilium -ilk -ilka -ilkane -ill -illaborate -illachrymable -illachrymableness -Illaenus -Illano -Illanun -illapsable -illapse -illapsive -illaqueate -illaqueation -illation -illative -illatively -illaudable -illaudably -illaudation -illaudatory -Illecebraceae -illecebrous -illeck -illegal -illegality -illegalize -illegally -illegalness -illegibility -illegible -illegibleness -illegibly -illegitimacy -illegitimate -illegitimately -illegitimateness -illegitimation -illegitimatize -illeism -illeist -illess -illfare -illguide -illiberal -illiberalism -illiberality -illiberalize -illiberally -illiberalness -illicit -illicitly -illicitness -Illicium -illimitability -illimitable -illimitableness -illimitably -illimitate -illimitation -illimited -illimitedly -illimitedness -illinition -illinium -Illinoian -Illinois -Illinoisan -Illinoisian -Illipe -illipene -illiquation -illiquid -illiquidity -illiquidly -illish -illision -illiteracy -illiteral -illiterate -illiterately -illiterateness -illiterature -illium -illness -illocal -illocality -illocally -illogic -illogical -illogicality -illogically -illogicalness -illogician -illogicity -Illoricata -illoricate -illoricated -illoyal -illoyalty -illth -illucidate -illucidation -illucidative -illude -illudedly -illuder -illume -illumer -illuminability -illuminable -illuminance -illuminant -illuminate -illuminated -illuminati -illuminating -illuminatingly -illumination -illuminational -illuminatism -illuminatist -illuminative -illuminato -illuminator -illuminatory -illuminatus -illumine -illuminee -illuminer -Illuminism -illuminist -Illuministic -Illuminize -illuminometer -illuminous -illupi -illure -illurement -illusible -illusion -illusionable -illusional -illusionary -illusioned -illusionism -illusionist -illusionistic -illusive -illusively -illusiveness -illusor -illusorily -illusoriness -illusory -illustrable -illustratable -illustrate -illustration -illustrational -illustrative -illustratively -illustrator -illustratory -illustratress -illustre -illustricity -illustrious -illustriously -illustriousness -illutate -illutation -illuvial -illuviate -illuviation -illy -Illyrian -Illyric -ilmenite -ilmenitite -ilmenorutile -Ilocano -Ilokano -Iloko -Ilongot -ilot -Ilpirra -ilvaite -Ilya -Ilysanthes -Ilysia -Ilysiidae -ilysioid -Ima -image -imageable -imageless -imager -imagerial -imagerially -imagery -imaginability -imaginable -imaginableness -imaginably -imaginal -imaginant -imaginarily -imaginariness -imaginary -imaginate -imagination -imaginational -imaginationalism -imaginative -imaginatively -imaginativeness -imaginator -imagine -imaginer -imagines -imaginist -imaginous -imagism -imagist -imagistic -imago -imam -imamah -imamate -imambarah -imamic -imamship -Imantophyllum -imaret -imbalance -imban -imband -imbannered -imbarge -imbark -imbarn -imbased -imbastardize -imbat -imbauba -imbe -imbecile -imbecilely -imbecilic -imbecilitate -imbecility -imbed -imbellious -imber -imbibe -imbiber -imbibition -imbibitional -imbibitory -imbirussu -imbitter -imbitterment -imbolish -imbondo -imbonity -imbordure -imborsation -imbosom -imbower -imbreathe -imbreviate -imbrex -imbricate -imbricated -imbricately -imbrication -imbricative -imbroglio -imbrue -imbruement -imbrute -imbrutement -imbue -imbuement -imburse -imbursement -Imer -Imerina -Imeritian -imi -imidazole -imidazolyl -imide -imidic -imidogen -iminazole -imine -imino -iminohydrin -imitability -imitable -imitableness -imitancy -imitant -imitate -imitatee -imitation -imitational -imitationist -imitative -imitatively -imitativeness -imitator -imitatorship -imitatress -imitatrix -immaculacy -immaculance -immaculate -immaculately -immaculateness -immalleable -immanacle -immanation -immane -immanely -immanence -immanency -immaneness -immanent -immanental -immanentism -immanentist -immanently -Immanes -immanifest -immanifestness -immanity -immantle -Immanuel -immarble -immarcescible -immarcescibly -immarcibleness -immarginate -immask -immatchable -immaterial -immaterialism -immaterialist -immateriality -immaterialize -immaterially -immaterialness -immaterials -immateriate -immatriculate -immatriculation -immature -immatured -immaturely -immatureness -immaturity -immeability -immeasurability -immeasurable -immeasurableness -immeasurably -immeasured -immechanical -immechanically -immediacy -immedial -immediate -immediately -immediateness -immediatism -immediatist -immedicable -immedicableness -immedicably -immelodious -immember -immemorable -immemorial -immemorially -immense -immensely -immenseness -immensity -immensive -immensurability -immensurable -immensurableness -immensurate -immerd -immerge -immergence -immergent -immerit -immerited -immeritorious -immeritoriously -immeritous -immerse -immersement -immersible -immersion -immersionism -immersionist -immersive -immethodic -immethodical -immethodically -immethodicalness -immethodize -immetrical -immetrically -immetricalness -immew -immi -immigrant -immigrate -immigration -immigrator -immigratory -imminence -imminency -imminent -imminently -imminentness -immingle -imminution -immiscibility -immiscible -immiscibly -immission -immit -immitigability -immitigable -immitigably -immix -immixable -immixture -immobile -immobility -immobilization -immobilize -immoderacy -immoderate -immoderately -immoderateness -immoderation -immodest -immodestly -immodesty -immodulated -immolate -immolation -immolator -immoment -immomentous -immonastered -immoral -immoralism -immoralist -immorality -immoralize -immorally -immorigerous -immorigerousness -immortability -immortable -immortal -immortalism -immortalist -immortality -immortalizable -immortalization -immortalize -immortalizer -immortally -immortalness -immortalship -immortelle -immortification -immortified -immotile -immotioned -immotive -immound -immovability -immovable -immovableness -immovably -immund -immundity -immune -immunist -immunity -immunization -immunize -immunochemistry -immunogen -immunogenetic -immunogenetics -immunogenic -immunogenically -immunogenicity -immunologic -immunological -immunologically -immunologist -immunology -immunoreaction -immunotoxin -immuration -immure -immurement -immusical -immusically -immutability -immutable -immutableness -immutably -immutation -immute -immutilate -immutual -Imogen -Imolinda -imonium -imp -impacability -impacable -impack -impackment -impact -impacted -impaction -impactionize -impactment -impactual -impages -impaint -impair -impairable -impairer -impairment -impala -impalace -impalatable -impale -impalement -impaler -impall -impalm -impalpability -impalpable -impalpably -impalsy -impaludism -impanate -impanation -impanator -impane -impanel -impanelment -impapase -impapyrate -impar -imparadise -imparalleled -imparasitic -impardonable -impardonably -imparidigitate -imparipinnate -imparisyllabic -imparity -impark -imparkation -imparl -imparlance -imparsonee -impart -impartable -impartance -impartation -imparter -impartial -impartialism -impartialist -impartiality -impartially -impartialness -impartibilibly -impartibility -impartible -impartibly -imparticipable -impartite -impartive -impartivity -impartment -impassability -impassable -impassableness -impassably -impasse -impassibilibly -impassibility -impassible -impassibleness -impassion -impassionable -impassionate -impassionately -impassioned -impassionedly -impassionedness -impassionment -impassive -impassively -impassiveness -impassivity -impastation -impaste -impasto -impasture -impaternate -impatible -impatience -impatiency -Impatiens -impatient -Impatientaceae -impatientaceous -impatiently -impatientness -impatronize -impave -impavid -impavidity -impavidly -impawn -impayable -impeach -impeachability -impeachable -impeacher -impeachment -impearl -impeccability -impeccable -impeccably -impeccance -impeccancy -impeccant -impectinate -impecuniary -impecuniosity -impecunious -impecuniously -impecuniousness -impedance -impede -impeder -impedibility -impedible -impedient -impediment -impedimenta -impedimental -impedimentary -impeding -impedingly -impedite -impedition -impeditive -impedometer -impeevish -impel -impellent -impeller -impen -impend -impendence -impendency -impendent -impending -impenetrability -impenetrable -impenetrableness -impenetrably -impenetrate -impenetration -impenetrative -impenitence -impenitent -impenitently -impenitentness -impenitible -impenitibleness -impennate -Impennes -impent -imperance -imperant -Imperata -imperate -imperation -imperatival -imperative -imperatively -imperativeness -imperator -imperatorial -imperatorially -imperatorian -imperatorious -imperatorship -imperatory -imperatrix -imperceivable -imperceivableness -imperceivably -imperceived -imperceiverant -imperceptibility -imperceptible -imperceptibleness -imperceptibly -imperception -imperceptive -imperceptiveness -imperceptivity -impercipience -impercipient -imperence -imperent -imperfect -imperfected -imperfectibility -imperfectible -imperfection -imperfectious -imperfective -imperfectly -imperfectness -imperforable -Imperforata -imperforate -imperforated -imperforation -imperformable -imperia -imperial -imperialin -imperialine -imperialism -imperialist -imperialistic -imperialistically -imperiality -imperialization -imperialize -imperially -imperialness -imperialty -imperil -imperilment -imperious -imperiously -imperiousness -imperish -imperishability -imperishable -imperishableness -imperishably -imperite -imperium -impermanence -impermanency -impermanent -impermanently -impermeability -impermeabilization -impermeabilize -impermeable -impermeableness -impermeably -impermeated -impermeator -impermissible -impermutable -imperscriptible -imperscrutable -impersonable -impersonal -impersonality -impersonalization -impersonalize -impersonally -impersonate -impersonation -impersonative -impersonator -impersonatress -impersonatrix -impersonification -impersonify -impersonization -impersonize -imperspicuity -imperspicuous -imperspirability -imperspirable -impersuadable -impersuadableness -impersuasibility -impersuasible -impersuasibleness -impersuasibly -impertinacy -impertinence -impertinency -impertinent -impertinently -impertinentness -impertransible -imperturbability -imperturbable -imperturbableness -imperturbably -imperturbation -imperturbed -imperverse -impervertible -impervestigable -imperviability -imperviable -imperviableness -impervial -impervious -imperviously -imperviousness -impest -impestation -impester -impeticos -impetiginous -impetigo -impetition -impetrate -impetration -impetrative -impetrator -impetratory -impetre -impetulant -impetulantly -impetuosity -impetuous -impetuously -impetuousness -impetus -Impeyan -imphee -impi -impicture -impierceable -impiety -impignorate -impignoration -impinge -impingement -impingence -impingent -impinger -impinguate -impious -impiously -impiousness -impish -impishly -impishness -impiteous -impitiably -implacability -implacable -implacableness -implacably -implacement -implacental -Implacentalia -implacentate -implant -implantation -implanter -implastic -implasticity -implate -implausibility -implausible -implausibleness -implausibly -impleach -implead -impleadable -impleader -impledge -implement -implemental -implementation -implementiferous -implete -impletion -impletive -implex -impliable -implial -implicant -implicate -implicately -implicateness -implication -implicational -implicative -implicatively -implicatory -implicit -implicitly -implicitness -impliedly -impliedness -impling -implode -implodent -implorable -imploration -implorator -imploratory -implore -implorer -imploring -imploringly -imploringness -implosion -implosive -implosively -implume -implumed -implunge -impluvium -imply -impocket -impofo -impoison -impoisoner -impolarizable -impolicy -impolished -impolite -impolitely -impoliteness -impolitic -impolitical -impolitically -impoliticalness -impoliticly -impoliticness -impollute -imponderabilia -imponderability -imponderable -imponderableness -imponderably -imponderous -impone -imponent -impoor -impopular -impopularly -imporosity -imporous -import -importability -importable -importableness -importably -importance -importancy -important -importantly -importation -importer -importless -importment -importraiture -importray -importunacy -importunance -importunate -importunately -importunateness -importunator -importune -importunely -importunement -importuner -importunity -imposable -imposableness -imposal -impose -imposement -imposer -imposing -imposingly -imposingness -imposition -impositional -impositive -impossibilification -impossibilism -impossibilist -impossibilitate -impossibility -impossible -impossibleness -impossibly -impost -imposter -imposterous -impostor -impostorism -impostorship -impostress -impostrix -impostrous -impostumate -impostumation -impostume -imposture -imposturism -imposturous -imposure -impot -impotable -impotence -impotency -impotent -impotently -impotentness -impound -impoundable -impoundage -impounder -impoundment -impoverish -impoverisher -impoverishment -impracticability -impracticable -impracticableness -impracticably -impractical -impracticality -impracticalness -imprecant -imprecate -imprecation -imprecator -imprecatorily -imprecatory -imprecise -imprecisely -imprecision -impredicability -impredicable -impreg -impregn -impregnability -impregnable -impregnableness -impregnably -impregnant -impregnate -impregnation -impregnative -impregnator -impregnatory -imprejudice -impremeditate -impreparation -impresa -impresario -imprescience -imprescribable -imprescriptibility -imprescriptible -imprescriptibly -imprese -impress -impressable -impressedly -impresser -impressibility -impressible -impressibleness -impressibly -impression -impressionability -impressionable -impressionableness -impressionably -impressional -impressionalist -impressionality -impressionally -impressionary -impressionism -impressionist -impressionistic -impressionistically -impressionless -impressive -impressively -impressiveness -impressment -impressor -impressure -imprest -imprestable -impreventability -impreventable -imprevisibility -imprevisible -imprevision -imprimatur -imprime -imprimitive -imprimitivity -imprint -imprinter -imprison -imprisonable -imprisoner -imprisonment -improbability -improbabilize -improbable -improbableness -improbably -improbation -improbative -improbatory -improbity -improcreant -improcurability -improcurable -improducible -improficience -improficiency -improgressive -improgressively -improgressiveness -improlificical -impromptitude -impromptu -impromptuary -impromptuist -improof -improper -improperation -improperly -improperness -impropriate -impropriation -impropriator -impropriatrix -impropriety -improvability -improvable -improvableness -improvably -improve -improvement -improver -improvership -improvidence -improvident -improvidentially -improvidently -improving -improvingly -improvisate -improvisation -improvisational -improvisator -improvisatorial -improvisatorially -improvisatorize -improvisatory -improvise -improvisedly -improviser -improvision -improviso -improvisor -imprudence -imprudency -imprudent -imprudential -imprudently -imprudentness -impship -impuberal -impuberate -impuberty -impubic -impudence -impudency -impudent -impudently -impudentness -impudicity -impugn -impugnability -impugnable -impugnation -impugner -impugnment -impuissance -impuissant -impulse -impulsion -impulsive -impulsively -impulsiveness -impulsivity -impulsory -impunctate -impunctual -impunctuality -impunely -impunible -impunibly -impunity -impure -impurely -impureness -impuritan -impuritanism -impurity -imputability -imputable -imputableness -imputably -imputation -imputative -imputatively -imputativeness -impute -imputedly -imputer -imputrescence -imputrescibility -imputrescible -imputrid -impy -imshi -imsonic -imu -in -inability -inabordable -inabstinence -inaccentuated -inaccentuation -inacceptable -inaccessibility -inaccessible -inaccessibleness -inaccessibly -inaccordance -inaccordancy -inaccordant -inaccordantly -inaccuracy -inaccurate -inaccurately -inaccurateness -inachid -Inachidae -inachoid -Inachus -inacquaintance -inacquiescent -inactinic -inaction -inactionist -inactivate -inactivation -inactive -inactively -inactiveness -inactivity -inactuate -inactuation -inadaptability -inadaptable -inadaptation -inadaptive -inadept -inadequacy -inadequate -inadequately -inadequateness -inadequation -inadequative -inadequatively -inadherent -inadhesion -inadhesive -inadjustability -inadjustable -inadmissibility -inadmissible -inadmissibly -inadventurous -inadvertence -inadvertency -inadvertent -inadvertently -inadvisability -inadvisable -inadvisableness -inadvisedly -inaesthetic -inaffability -inaffable -inaffectation -inagglutinability -inagglutinable -inaggressive -inagile -inaidable -inaja -inalacrity -inalienability -inalienable -inalienableness -inalienably -inalimental -inalterability -inalterable -inalterableness -inalterably -inamissibility -inamissible -inamissibleness -inamorata -inamorate -inamoration -inamorato -inamovability -inamovable -inane -inanely -inanga -inangulate -inanimadvertence -inanimate -inanimated -inanimately -inanimateness -inanimation -inanition -inanity -inantherate -inapathy -inapostate -inapparent -inappealable -inappeasable -inappellability -inappellable -inappendiculate -inapperceptible -inappertinent -inappetence -inappetency -inappetent -inappetible -inapplicability -inapplicable -inapplicableness -inapplicably -inapplication -inapposite -inappositely -inappositeness -inappreciable -inappreciably -inappreciation -inappreciative -inappreciatively -inappreciativeness -inapprehensible -inapprehension -inapprehensive -inapprehensiveness -inapproachability -inapproachable -inapproachably -inappropriable -inappropriableness -inappropriate -inappropriately -inappropriateness -inapt -inaptitude -inaptly -inaptness -inaqueous -inarable -inarch -inarculum -inarguable -inarguably -inarm -inarticulacy -Inarticulata -inarticulate -inarticulated -inarticulately -inarticulateness -inarticulation -inartificial -inartificiality -inartificially -inartificialness -inartistic -inartistical -inartisticality -inartistically -inasmuch -inassimilable -inassimilation -inassuageable -inattackable -inattention -inattentive -inattentively -inattentiveness -inaudibility -inaudible -inaudibleness -inaudibly -inaugur -inaugural -inaugurate -inauguration -inaugurative -inaugurator -inauguratory -inaugurer -inaurate -inauration -inauspicious -inauspiciously -inauspiciousness -inauthentic -inauthenticity -inauthoritative -inauthoritativeness -inaxon -inbe -inbeaming -inbearing -inbeing -inbending -inbent -inbirth -inblow -inblowing -inblown -inboard -inbond -inborn -inbound -inbread -inbreak -inbreaking -inbreathe -inbreather -inbred -inbreed -inbring -inbringer -inbuilt -inburning -inburnt -inburst -inby -Inca -Incaic -incalculability -incalculable -incalculableness -incalculably -incalescence -incalescency -incalescent -incaliculate -incalver -incalving -incameration -Incan -incandent -incandesce -incandescence -incandescency -incandescent -incandescently -incanous -incantation -incantational -incantator -incantatory -incanton -incapability -incapable -incapableness -incapably -incapacious -incapaciousness -incapacitate -incapacitation -incapacity -incapsulate -incapsulation -incaptivate -incarcerate -incarceration -incarcerator -incardinate -incardination -Incarial -incarmined -incarn -incarnadine -incarnant -incarnate -incarnation -incarnational -incarnationist -incarnative -Incarvillea -incase -incasement -incast -incatenate -incatenation -incaution -incautious -incautiously -incautiousness -incavate -incavated -incavation -incavern -incedingly -incelebrity -incendiarism -incendiary -incendivity -incensation -incense -incenseless -incensement -incensory -incensurable -incensurably -incenter -incentive -incentively -incentor -incept -inception -inceptive -inceptively -inceptor -inceration -incertitude -incessable -incessably -incessancy -incessant -incessantly -incessantness -incest -incestuous -incestuously -incestuousness -inch -inched -inchmeal -inchoacy -inchoant -inchoate -inchoately -inchoateness -inchoation -inchoative -inchpin -inchworm -incide -incidence -incident -incidental -incidentalist -incidentally -incidentalness -incidentless -incidently -incinerable -incinerate -incineration -incinerator -incipience -incipient -incipiently -incircumscription -incircumspect -incircumspection -incircumspectly -incircumspectness -incisal -incise -incisely -incisiform -incision -incisive -incisively -incisiveness -incisor -incisorial -incisory -incisure -incitability -incitable -incitant -incitation -incite -incitement -inciter -incitingly -incitive -incitress -incivic -incivility -incivilization -incivism -inclemency -inclement -inclemently -inclementness -inclinable -inclinableness -inclination -inclinational -inclinator -inclinatorily -inclinatorium -inclinatory -incline -incliner -inclinograph -inclinometer -inclip -inclose -inclosure -includable -include -included -includedness -includer -inclusa -incluse -inclusion -inclusionist -inclusive -inclusively -inclusiveness -inclusory -incoagulable -incoalescence -incoercible -incog -incogent -incogitability -incogitable -incogitancy -incogitant -incogitantly -incogitative -incognita -incognitive -incognito -incognizability -incognizable -incognizance -incognizant -incognoscent -incognoscibility -incognoscible -incoherence -incoherency -incoherent -incoherentific -incoherently -incoherentness -incohering -incohesion -incohesive -incoincidence -incoincident -incombustibility -incombustible -incombustibleness -incombustibly -incombustion -income -incomeless -incomer -incoming -incommensurability -incommensurable -incommensurableness -incommensurably -incommensurate -incommensurately -incommensurateness -incommiscibility -incommiscible -incommodate -incommodation -incommode -incommodement -incommodious -incommodiously -incommodiousness -incommodity -incommunicability -incommunicable -incommunicableness -incommunicably -incommunicado -incommunicative -incommunicatively -incommunicativeness -incommutability -incommutable -incommutableness -incommutably -incompact -incompactly -incompactness -incomparability -incomparable -incomparableness -incomparably -incompassionate -incompassionately -incompassionateness -incompatibility -incompatible -incompatibleness -incompatibly -incompendious -incompensated -incompensation -incompetence -incompetency -incompetent -incompetently -incompetentness -incompletability -incompletable -incompletableness -incomplete -incompleted -incompletely -incompleteness -incompletion -incomplex -incompliance -incompliancy -incompliant -incompliantly -incomplicate -incomplying -incomposed -incomposedly -incomposedness -incomposite -incompossibility -incompossible -incomprehended -incomprehending -incomprehendingly -incomprehensibility -incomprehensible -incomprehensibleness -incomprehensibly -incomprehension -incomprehensive -incomprehensively -incomprehensiveness -incompressibility -incompressible -incompressibleness -incompressibly -incomputable -inconcealable -inconceivability -inconceivable -inconceivableness -inconceivably -inconcinnate -inconcinnately -inconcinnity -inconcinnous -inconcludent -inconcluding -inconclusion -inconclusive -inconclusively -inconclusiveness -inconcrete -inconcurrent -inconcurring -incondensability -incondensable -incondensibility -incondensible -incondite -inconditionate -inconditioned -inconducive -inconfirm -inconformable -inconformably -inconformity -inconfused -inconfusedly -inconfusion -inconfutable -inconfutably -incongealable -incongealableness -incongenerous -incongenial -incongeniality -inconglomerate -incongruence -incongruent -incongruently -incongruity -incongruous -incongruously -incongruousness -inconjoinable -inconnected -inconnectedness -inconnu -inconscience -inconscient -inconsciently -inconscious -inconsciously -inconsecutive -inconsecutively -inconsecutiveness -inconsequence -inconsequent -inconsequential -inconsequentiality -inconsequentially -inconsequently -inconsequentness -inconsiderable -inconsiderableness -inconsiderably -inconsiderate -inconsiderately -inconsiderateness -inconsideration -inconsidered -inconsistence -inconsistency -inconsistent -inconsistently -inconsistentness -inconsolability -inconsolable -inconsolableness -inconsolably -inconsolate -inconsolately -inconsonance -inconsonant -inconsonantly -inconspicuous -inconspicuously -inconspicuousness -inconstancy -inconstant -inconstantly -inconstantness -inconstruable -inconsultable -inconsumable -inconsumably -inconsumed -incontaminable -incontaminate -incontaminateness -incontemptible -incontestability -incontestable -incontestableness -incontestably -incontinence -incontinency -incontinent -incontinently -incontinuity -incontinuous -incontracted -incontractile -incontraction -incontrollable -incontrollably -incontrolled -incontrovertibility -incontrovertible -incontrovertibleness -incontrovertibly -inconvenience -inconveniency -inconvenient -inconveniently -inconvenientness -inconversable -inconversant -inconversibility -inconvertibility -inconvertible -inconvertibleness -inconvertibly -inconvinced -inconvincedly -inconvincibility -inconvincible -inconvincibly -incopresentability -incopresentable -incoronate -incoronated -incoronation -incorporable -incorporate -incorporated -incorporatedness -incorporation -incorporative -incorporator -incorporeal -incorporealism -incorporealist -incorporeality -incorporealize -incorporeally -incorporeity -incorporeous -incorpse -incorrect -incorrection -incorrectly -incorrectness -incorrespondence -incorrespondency -incorrespondent -incorresponding -incorrigibility -incorrigible -incorrigibleness -incorrigibly -incorrodable -incorrodible -incorrosive -incorrupt -incorrupted -incorruptibility -Incorruptible -incorruptible -incorruptibleness -incorruptibly -incorruption -incorruptly -incorruptness -incourteous -incourteously -incrash -incrassate -incrassated -incrassation -incrassative -increasable -increasableness -increase -increasedly -increaseful -increasement -increaser -increasing -increasingly -increate -increately -increative -incredibility -incredible -incredibleness -incredibly -increditable -incredited -incredulity -incredulous -incredulously -incredulousness -increep -incremate -incremation -increment -incremental -incrementation -increpate -increpation -increscence -increscent -increst -incretion -incretionary -incretory -incriminate -incrimination -incriminator -incriminatory -incross -incrossbred -incrossing -incrotchet -incruent -incruental -incruentous -incrust -incrustant -Incrustata -incrustate -incrustation -incrustator -incrustive -incrustment -incrystal -incrystallizable -incubate -incubation -incubational -incubative -incubator -incubatorium -incubatory -incubi -incubous -incubus -incudal -incudate -incudectomy -incudes -incudomalleal -incudostapedial -inculcate -inculcation -inculcative -inculcator -inculcatory -inculpability -inculpable -inculpableness -inculpably -inculpate -inculpation -inculpative -inculpatory -incult -incultivation -inculture -incumbence -incumbency -incumbent -incumbentess -incumbently -incumber -incumberment -incumbrance -incumbrancer -incunable -incunabula -incunabular -incunabulist -incunabulum -incuneation -incur -incurability -incurable -incurableness -incurably -incuriosity -incurious -incuriously -incuriousness -incurrable -incurrence -incurrent -incurse -incursion -incursionist -incursive -incurvate -incurvation -incurvature -incurve -incus -incuse -incut -incutting -Ind -indaba -indaconitine -indagate -indagation -indagative -indagator -indagatory -indamine -indan -indane -Indanthrene -indanthrene -indart -indazin -indazine -indazol -indazole -inde -indebt -indebted -indebtedness -indebtment -indecence -indecency -indecent -indecently -indecentness -Indecidua -indeciduate -indeciduous -indecipherability -indecipherable -indecipherableness -indecipherably -indecision -indecisive -indecisively -indecisiveness -indeclinable -indeclinableness -indeclinably -indecomponible -indecomposable -indecomposableness -indecorous -indecorously -indecorousness -indecorum -indeed -indeedy -indefaceable -indefatigability -indefatigable -indefatigableness -indefatigably -indefeasibility -indefeasible -indefeasibleness -indefeasibly -indefeatable -indefectibility -indefectible -indefectibly -indefective -indefensibility -indefensible -indefensibleness -indefensibly -indefensive -indeficiency -indeficient -indeficiently -indefinable -indefinableness -indefinably -indefinite -indefinitely -indefiniteness -indefinitive -indefinitively -indefinitiveness -indefinitude -indefinity -indeflectible -indefluent -indeformable -indehiscence -indehiscent -indelectable -indelegability -indelegable -indeliberate -indeliberately -indeliberateness -indeliberation -indelibility -indelible -indelibleness -indelibly -indelicacy -indelicate -indelicately -indelicateness -indemnification -indemnificator -indemnificatory -indemnifier -indemnify -indemnitee -indemnitor -indemnity -indemnization -indemoniate -indemonstrability -indemonstrable -indemonstrableness -indemonstrably -indene -indent -indentation -indented -indentedly -indentee -indenter -indention -indentment -indentor -indenture -indentured -indentureship -indentwise -independable -independence -independency -independent -independentism -independently -Independista -indeposable -indeprehensible -indeprivability -indeprivable -inderivative -indescribability -indescribable -indescribableness -indescribably -indescript -indescriptive -indesert -indesignate -indesirable -indestructibility -indestructible -indestructibleness -indestructibly -indetectable -indeterminable -indeterminableness -indeterminably -indeterminacy -indeterminate -indeterminately -indeterminateness -indetermination -indeterminative -indetermined -indeterminism -indeterminist -indeterministic -indevirginate -indevoted -indevotion -indevotional -indevout -indevoutly -indevoutness -index -indexed -indexer -indexical -indexically -indexing -indexless -indexlessness -indexterity -India -indiadem -Indiaman -Indian -Indiana -indianaite -Indianan -Indianeer -Indianesque -Indianhood -Indianian -Indianism -Indianist -indianite -indianization -indianize -Indic -indic -indicable -indican -indicant -indicanuria -indicate -indication -indicative -indicatively -indicator -Indicatoridae -Indicatorinae -indicatory -indicatrix -indices -indicia -indicial -indicible -indicium -indicolite -indict -indictable -indictably -indictee -indicter -indiction -indictional -indictive -indictment -indictor -Indies -indiferous -indifference -indifferency -indifferent -indifferential -indifferentism -indifferentist -indifferentistic -indifferently -indigena -indigenal -indigenate -indigence -indigency -indigene -indigeneity -Indigenismo -indigenist -indigenity -indigenous -indigenously -indigenousness -indigent -indigently -indigested -indigestedness -indigestibility -indigestible -indigestibleness -indigestibly -indigestion -indigestive -indigitamenta -indigitate -indigitation -indign -indignance -indignancy -indignant -indignantly -indignation -indignatory -indignify -indignity -indignly -indigo -indigoberry -Indigofera -indigoferous -indigoid -indigotic -indigotin -indigotindisulphonic -indiguria -indimensible -indimensional -indiminishable -indimple -indirect -indirected -indirection -indirectly -indirectness -indirubin -indiscernibility -indiscernible -indiscernibleness -indiscernibly -indiscerptibility -indiscerptible -indiscerptibleness -indiscerptibly -indisciplinable -indiscipline -indisciplined -indiscoverable -indiscoverably -indiscovered -indiscreet -indiscreetly -indiscreetness -indiscrete -indiscretely -indiscretion -indiscretionary -indiscriminate -indiscriminated -indiscriminately -indiscriminateness -indiscriminating -indiscriminatingly -indiscrimination -indiscriminative -indiscriminatively -indiscriminatory -indiscussable -indiscussible -indispellable -indispensability -indispensable -indispensableness -indispensably -indispose -indisposed -indisposedness -indisposition -indisputability -indisputable -indisputableness -indisputably -indissipable -indissociable -indissolubility -indissoluble -indissolubleness -indissolubly -indissolute -indissolvability -indissolvable -indissolvableness -indissolvably -indissuadable -indissuadably -indistinct -indistinction -indistinctive -indistinctively -indistinctiveness -indistinctly -indistinctness -indistinguishability -indistinguishable -indistinguishableness -indistinguishably -indistinguished -indistortable -indistributable -indisturbable -indisturbance -indisturbed -indite -inditement -inditer -indium -indivertible -indivertibly -individable -individua -individual -individualism -individualist -individualistic -individualistically -individuality -individualization -individualize -individualizer -individualizingly -individually -individuate -individuation -individuative -individuator -individuity -individuum -indivinable -indivisibility -indivisible -indivisibleness -indivisibly -indivision -indocibility -indocible -indocibleness -indocile -indocility -indoctrinate -indoctrination -indoctrinator -indoctrine -indoctrinization -indoctrinize -Indogaea -Indogaean -indogen -indogenide -indole -indolence -indolent -indolently -indoles -indoline -Indologian -Indologist -Indologue -Indology -indoloid -indolyl -indomitability -indomitable -indomitableness -indomitably -Indone -Indonesian -indoor -indoors -indophenin -indophenol -Indophile -Indophilism -Indophilist -indorsation -indorse -indoxyl -indoxylic -indoxylsulphuric -Indra -indraft -indraught -indrawal -indrawing -indrawn -indri -Indris -indubious -indubiously -indubitable -indubitableness -indubitably -indubitatively -induce -induced -inducedly -inducement -inducer -induciae -inducible -inducive -induct -inductance -inductee -inducteous -inductile -inductility -induction -inductional -inductionally -inductionless -inductive -inductively -inductiveness -inductivity -inductometer -inductophone -inductor -inductorium -inductory -inductoscope -indue -induement -indulge -indulgeable -indulgement -indulgence -indulgenced -indulgency -indulgent -indulgential -indulgentially -indulgently -indulgentness -indulger -indulging -indulgingly -induline -indult -indulto -indument -indumentum -induna -induplicate -induplication -induplicative -indurable -indurate -induration -indurative -indurite -Indus -indusial -indusiate -indusiated -indusiform -indusioid -indusium -industrial -industrialism -industrialist -industrialization -industrialize -industrially -industrialness -industrious -industriously -industriousness -industrochemical -industry -induviae -induvial -induviate -indwell -indweller -indy -indyl -indylic -inearth -inebriacy -inebriant -inebriate -inebriation -inebriative -inebriety -inebrious -ineconomic -ineconomy -inedibility -inedible -inedited -Ineducabilia -ineducabilian -ineducability -ineducable -ineducation -ineffability -ineffable -ineffableness -ineffably -ineffaceability -ineffaceable -ineffaceably -ineffectible -ineffectibly -ineffective -ineffectively -ineffectiveness -ineffectual -ineffectuality -ineffectually -ineffectualness -ineffervescence -ineffervescent -ineffervescibility -ineffervescible -inefficacious -inefficaciously -inefficaciousness -inefficacity -inefficacy -inefficience -inefficiency -inefficient -inefficiently -ineffulgent -inelaborate -inelaborated -inelaborately -inelastic -inelasticate -inelasticity -inelegance -inelegancy -inelegant -inelegantly -ineligibility -ineligible -ineligibleness -ineligibly -ineliminable -ineloquence -ineloquent -ineloquently -ineluctability -ineluctable -ineluctably -ineludible -ineludibly -inembryonate -inemendable -inemotivity -inemulous -inenarrable -inenergetic -inenubilable -inenucleable -inept -ineptitude -ineptly -ineptness -inequable -inequal -inequalitarian -inequality -inequally -inequalness -inequation -inequiaxial -inequicostate -inequidistant -inequigranular -inequilateral -inequilibrium -inequilobate -inequilobed -inequipotential -inequipotentiality -inequitable -inequitableness -inequitably -inequity -inequivalent -inequivalve -inequivalvular -ineradicable -ineradicableness -ineradicably -inerasable -inerasableness -inerasably -inerasible -Ineri -inerm -Inermes -Inermi -Inermia -inermous -inerrability -inerrable -inerrableness -inerrably -inerrancy -inerrant -inerrantly -inerratic -inerring -inerringly -inerroneous -inert -inertance -inertia -inertial -inertion -inertly -inertness -inerubescent -inerudite -ineruditely -inerudition -inescapable -inescapableness -inescapably -inesculent -inescutcheon -inesite -inessential -inessentiality -inestimability -inestimable -inestimableness -inestimably -inestivation -inethical -ineunt -ineuphonious -inevadible -inevadibly -inevaporable -inevasible -inevidence -inevident -inevitability -inevitable -inevitableness -inevitably -inexact -inexacting -inexactitude -inexactly -inexactness -inexcellence -inexcitability -inexcitable -inexclusive -inexclusively -inexcommunicable -inexcusability -inexcusable -inexcusableness -inexcusably -inexecutable -inexecution -inexertion -inexhausted -inexhaustedly -inexhaustibility -inexhaustible -inexhaustibleness -inexhaustibly -inexhaustive -inexhaustively -inexigible -inexist -inexistence -inexistency -inexistent -inexorability -inexorable -inexorableness -inexorably -inexpansible -inexpansive -inexpectancy -inexpectant -inexpectation -inexpected -inexpectedly -inexpectedness -inexpedience -inexpediency -inexpedient -inexpediently -inexpensive -inexpensively -inexpensiveness -inexperience -inexperienced -inexpert -inexpertly -inexpertness -inexpiable -inexpiableness -inexpiably -inexpiate -inexplainable -inexplicability -inexplicable -inexplicableness -inexplicables -inexplicably -inexplicit -inexplicitly -inexplicitness -inexplorable -inexplosive -inexportable -inexposable -inexposure -inexpress -inexpressibility -inexpressible -inexpressibleness -inexpressibles -inexpressibly -inexpressive -inexpressively -inexpressiveness -inexpugnability -inexpugnable -inexpugnableness -inexpugnably -inexpungeable -inexpungible -inextant -inextended -inextensibility -inextensible -inextensile -inextension -inextensional -inextensive -inexterminable -inextinct -inextinguishable -inextinguishably -inextirpable -inextirpableness -inextricability -inextricable -inextricableness -inextricably -Inez -inface -infall -infallibilism -infallibilist -infallibility -infallible -infallibleness -infallibly -infalling -infalsificable -infame -infamiliar -infamiliarity -infamize -infamonize -infamous -infamously -infamousness -infamy -infancy -infand -infandous -infang -infanglement -infangthief -infant -infanta -infantado -infante -infanthood -infanticidal -infanticide -infantile -infantilism -infantility -infantine -infantlike -infantry -infantryman -infarct -infarctate -infarcted -infarction -infare -infatuate -infatuatedly -infatuation -infatuator -infaust -infeasibility -infeasible -infeasibleness -infect -infectant -infected -infectedness -infecter -infectible -infection -infectionist -infectious -infectiously -infectiousness -infective -infectiveness -infectivity -infector -infectress -infectuous -infecund -infecundity -infeed -infeft -infeftment -infelicific -infelicitous -infelicitously -infelicitousness -infelicity -infelonious -infelt -infeminine -infer -inferable -inference -inferent -inferential -inferentialism -inferentialist -inferentially -inferior -inferiorism -inferiority -inferiorize -inferiorly -infern -infernal -infernalism -infernality -infernalize -infernally -infernalry -infernalship -inferno -inferoanterior -inferobranchiate -inferofrontal -inferolateral -inferomedian -inferoposterior -inferrer -inferribility -inferrible -inferringly -infertile -infertilely -infertileness -infertility -infest -infestant -infestation -infester -infestive -infestivity -infestment -infeudation -infibulate -infibulation -inficete -infidel -infidelic -infidelical -infidelism -infidelistic -infidelity -infidelize -infidelly -infield -infielder -infieldsman -infighter -infighting -infill -infilling -infilm -infilter -infiltrate -infiltration -infiltrative -infinitant -infinitarily -infinitary -infinitate -infinitation -infinite -infinitely -infiniteness -infinitesimal -infinitesimalism -infinitesimality -infinitesimally -infinitesimalness -infiniteth -infinitieth -infinitival -infinitivally -infinitive -infinitively -infinitize -infinitude -infinituple -infinity -infirm -infirmarer -infirmaress -infirmarian -infirmary -infirmate -infirmation -infirmative -infirmity -infirmly -infirmness -infissile -infit -infitter -infix -infixion -inflame -inflamed -inflamedly -inflamedness -inflamer -inflaming -inflamingly -inflammability -inflammable -inflammableness -inflammably -inflammation -inflammative -inflammatorily -inflammatory -inflatable -inflate -inflated -inflatedly -inflatedness -inflater -inflatile -inflatingly -inflation -inflationary -inflationism -inflationist -inflative -inflatus -inflect -inflected -inflectedness -inflection -inflectional -inflectionally -inflectionless -inflective -inflector -inflex -inflexed -inflexibility -inflexible -inflexibleness -inflexibly -inflexive -inflict -inflictable -inflicter -infliction -inflictive -inflood -inflorescence -inflorescent -inflow -inflowering -influence -influenceable -influencer -influencive -influent -influential -influentiality -influentially -influenza -influenzal -influenzic -influx -influxable -influxible -influxibly -influxion -influxionism -infold -infolder -infolding -infoldment -infoliate -inform -informable -informal -informality -informalize -informally -informant -information -informational -informative -informatively -informatory -informed -informedly -informer -informidable -informingly -informity -infortiate -infortitude -infortunate -infortunately -infortunateness -infortune -infra -infrabasal -infrabestial -infrabranchial -infrabuccal -infracanthal -infracaudal -infracelestial -infracentral -infracephalic -infraclavicle -infraclavicular -infraclusion -infraconscious -infracortical -infracostal -infracostalis -infracotyloid -infract -infractible -infraction -infractor -infradentary -infradiaphragmatic -infragenual -infraglacial -infraglenoid -infraglottic -infragrant -infragular -infrahuman -infrahyoid -infralabial -infralapsarian -infralapsarianism -infralinear -infralittoral -inframammary -inframammillary -inframandibular -inframarginal -inframaxillary -inframedian -inframercurial -inframercurian -inframolecular -inframontane -inframundane -infranatural -infranaturalism -infrangibility -infrangible -infrangibleness -infrangibly -infranodal -infranuclear -infraoccipital -infraocclusion -infraocular -infraoral -infraorbital -infraordinary -infrapapillary -infrapatellar -infraperipherial -infrapose -infraposition -infraprotein -infrapubian -infraradular -infrared -infrarenal -infrarenally -infrarimal -infrascapular -infrascapularis -infrascientific -infraspinal -infraspinate -infraspinatus -infraspinous -infrastapedial -infrasternal -infrastigmatal -infrastipular -infrastructure -infrasutral -infratemporal -infraterrene -infraterritorial -infrathoracic -infratonsillar -infratracheal -infratrochanteric -infratrochlear -infratubal -infraturbinal -infravaginal -infraventral -infrequency -infrequent -infrequently -infrigidate -infrigidation -infrigidative -infringe -infringement -infringer -infringible -infructiferous -infructuose -infructuosity -infructuous -infructuously -infrugal -infrustrable -infrustrably -infula -infumate -infumated -infumation -infundibular -Infundibulata -infundibulate -infundibuliform -infundibulum -infuriate -infuriately -infuriatingly -infuriation -infuscate -infuscation -infuse -infusedly -infuser -infusibility -infusible -infusibleness -infusile -infusion -infusionism -infusionist -infusive -Infusoria -infusorial -infusorian -infusoriform -infusorioid -infusorium -infusory -Ing -ing -Inga -Ingaevones -Ingaevonic -ingallantry -ingate -ingather -ingatherer -ingathering -ingeldable -ingeminate -ingemination -ingenerability -ingenerable -ingenerably -ingenerate -ingenerately -ingeneration -ingenerative -ingeniosity -ingenious -ingeniously -ingeniousness -ingenit -ingenue -ingenuity -ingenuous -ingenuously -ingenuousness -Inger -ingerminate -ingest -ingesta -ingestible -ingestion -ingestive -Inghamite -Inghilois -ingiver -ingiving -ingle -inglenook -ingleside -inglobate -inglobe -inglorious -ingloriously -ingloriousness -inglutition -ingluvial -ingluvies -ingluviitis -ingoing -Ingomar -ingot -ingotman -ingraft -ingrain -ingrained -ingrainedly -ingrainedness -Ingram -ingrammaticism -ingrandize -ingrate -ingrateful -ingratefully -ingratefulness -ingrately -ingratiate -ingratiating -ingratiatingly -ingratiation -ingratiatory -ingratitude -ingravescent -ingravidate -ingravidation -ingredient -ingress -ingression -ingressive -ingressiveness -ingross -ingrow -ingrown -ingrownness -ingrowth -inguen -inguinal -inguinoabdominal -inguinocrural -inguinocutaneous -inguinodynia -inguinolabial -inguinoscrotal -Inguklimiut -ingulf -ingulfment -ingurgitate -ingurgitation -Ingush -inhabit -inhabitability -inhabitable -inhabitancy -inhabitant -inhabitation -inhabitative -inhabitativeness -inhabited -inhabitedness -inhabiter -inhabitiveness -inhabitress -inhalant -inhalation -inhalator -inhale -inhalement -inhalent -inhaler -inharmonic -inharmonical -inharmonious -inharmoniously -inharmoniousness -inharmony -inhaul -inhauler -inhaust -inhaustion -inhearse -inheaven -inhere -inherence -inherency -inherent -inherently -inherit -inheritability -inheritable -inheritableness -inheritably -inheritage -inheritance -inheritor -inheritress -inheritrice -inheritrix -inhesion -inhiate -inhibit -inhibitable -inhibiter -inhibition -inhibitionist -inhibitive -inhibitor -inhibitory -inhomogeneity -inhomogeneous -inhomogeneously -inhospitable -inhospitableness -inhospitably -inhospitality -inhuman -inhumane -inhumanely -inhumanism -inhumanity -inhumanize -inhumanly -inhumanness -inhumate -inhumation -inhumationist -inhume -inhumer -inhumorous -inhumorously -Inia -inial -inidoneity -inidoneous -Inigo -inimicable -inimical -inimicality -inimically -inimicalness -inimitability -inimitable -inimitableness -inimitably -iniome -Iniomi -iniomous -inion -iniquitable -iniquitably -iniquitous -iniquitously -iniquitousness -iniquity -inirritability -inirritable -inirritant -inirritative -inissuable -initial -initialer -initialist -initialize -initially -initiant -initiary -initiate -initiation -initiative -initiatively -initiator -initiatorily -initiatory -initiatress -initiatrix -initis -initive -inject -injectable -injection -injector -injelly -injudicial -injudicially -injudicious -injudiciously -injudiciousness -Injun -injunct -injunction -injunctive -injunctively -injurable -injure -injured -injuredly -injuredness -injurer -injurious -injuriously -injuriousness -injury -injustice -ink -inkberry -inkbush -inken -inker -Inkerman -inket -inkfish -inkholder -inkhorn -inkhornism -inkhornist -inkhornize -inkhornizer -inkindle -inkiness -inkish -inkle -inkless -inklike -inkling -inkmaker -inkmaking -inknot -inkosi -inkpot -Inkra -inkroot -inks -inkshed -inkslinger -inkslinging -inkstain -inkstand -inkstandish -inkstone -inkweed -inkwell -inkwood -inkwriter -inky -inlagation -inlaid -inlaik -inlake -inland -inlander -inlandish -inlaut -inlaw -inlawry -inlay -inlayer -inlaying -inleague -inleak -inleakage -inlet -inlier -inlook -inlooker -inly -inlying -inmate -inmeats -inmixture -inmost -inn -innascibility -innascible -innate -innately -innateness -innatism -innative -innatural -innaturality -innaturally -inneity -inner -innerly -innermore -innermost -innermostly -innerness -innervate -innervation -innervational -innerve -inness -innest -innet -innholder -inning -inninmorite -Innisfail -innkeeper -innless -innocence -innocency -innocent -innocently -innocentness -innocuity -innocuous -innocuously -innocuousness -innominable -innominables -innominata -innominate -innominatum -innovant -innovate -innovation -innovational -innovationist -innovative -innovator -innovatory -innoxious -innoxiously -innoxiousness -innuendo -Innuit -innumerability -innumerable -innumerableness -innumerably -innumerous -innutrient -innutrition -innutritious -innutritive -innyard -Ino -inobedience -inobedient -inobediently -inoblast -inobnoxious -inobscurable -inobservable -inobservance -inobservancy -inobservant -inobservantly -inobservantness -inobservation -inobtainable -inobtrusive -inobtrusively -inobtrusiveness -inobvious -Inocarpus -inoccupation -Inoceramus -inochondritis -inochondroma -inoculability -inoculable -inoculant -inocular -inoculate -inoculation -inoculative -inoculator -inoculum -inocystoma -inocyte -Inodes -inodorous -inodorously -inodorousness -inoepithelioma -inoffending -inoffensive -inoffensively -inoffensiveness -inofficial -inofficially -inofficiosity -inofficious -inofficiously -inofficiousness -inogen -inogenesis -inogenic -inogenous -inoglia -inohymenitic -inolith -inoma -inominous -inomyoma -inomyositis -inomyxoma -inone -inoneuroma -inoperable -inoperative -inoperativeness -inopercular -Inoperculata -inoperculate -inopinable -inopinate -inopinately -inopine -inopportune -inopportunely -inopportuneness -inopportunism -inopportunist -inopportunity -inoppressive -inoppugnable -inopulent -inorb -inorderly -inordinacy -inordinary -inordinate -inordinately -inordinateness -inorganic -inorganical -inorganically -inorganizable -inorganization -inorganized -inoriginate -inornate -inosclerosis -inoscopy -inosculate -inosculation -inosic -inosin -inosinic -inosite -inositol -inostensible -inostensibly -inotropic -inower -inoxidability -inoxidable -inoxidizable -inoxidize -inparabola -inpardonable -inpatient -inpayment -inpensioner -inphase -inpolygon -inpolyhedron -inport -inpour -inpush -input -inquaintance -inquartation -inquest -inquestual -inquiet -inquietation -inquietly -inquietness -inquietude -Inquilinae -inquiline -inquilinism -inquilinity -inquilinous -inquinate -inquination -inquirable -inquirant -inquiration -inquire -inquirendo -inquirent -inquirer -inquiring -inquiringly -inquiry -inquisite -inquisition -inquisitional -inquisitionist -inquisitive -inquisitively -inquisitiveness -inquisitor -inquisitorial -inquisitorially -inquisitorialness -inquisitorious -inquisitorship -inquisitory -inquisitress -inquisitrix -inquisiturient -inradius -inreality -inrigged -inrigger -inrighted -inring -inro -inroad -inroader -inroll -inrooted -inrub -inrun -inrunning -inruption -inrush -insack -insagacity -insalivate -insalivation -insalubrious -insalubrity -insalutary -insalvability -insalvable -insane -insanely -insaneness -insanify -insanitariness -insanitary -insanitation -insanity -insapiency -insapient -insatiability -insatiable -insatiableness -insatiably -insatiate -insatiated -insatiately -insatiateness -insatiety -insatisfaction -insatisfactorily -insaturable -inscenation -inscibile -inscience -inscient -inscribable -inscribableness -inscribe -inscriber -inscript -inscriptible -inscription -inscriptional -inscriptioned -inscriptionist -inscriptionless -inscriptive -inscriptively -inscriptured -inscroll -inscrutability -inscrutable -inscrutableness -inscrutables -inscrutably -insculp -insculpture -insea -inseam -insect -Insecta -insectan -insectarium -insectary -insectean -insected -insecticidal -insecticide -insectiferous -insectiform -insectifuge -insectile -insectine -insection -insectival -Insectivora -insectivore -insectivorous -insectlike -insectmonger -insectologer -insectologist -insectology -insectproof -insecure -insecurely -insecureness -insecurity -insee -inseer -inselberg -inseminate -insemination -insenescible -insensate -insensately -insensateness -insense -insensibility -insensibilization -insensibilize -insensibilizer -insensible -insensibleness -insensibly -insensitive -insensitiveness -insensitivity -insensuous -insentience -insentiency -insentient -inseparability -inseparable -inseparableness -inseparably -inseparate -inseparately -insequent -insert -insertable -inserted -inserter -insertion -insertional -insertive -inserviceable -insessor -Insessores -insessorial -inset -insetter -inseverable -inseverably -inshave -insheathe -inshell -inshining -inship -inshoe -inshoot -inshore -inside -insider -insidiosity -insidious -insidiously -insidiousness -insight -insightful -insigne -insignia -insignificance -insignificancy -insignificant -insignificantly -insimplicity -insincere -insincerely -insincerity -insinking -insinuant -insinuate -insinuating -insinuatingly -insinuation -insinuative -insinuatively -insinuativeness -insinuator -insinuatory -insinuendo -insipid -insipidity -insipidly -insipidness -insipience -insipient -insipiently -insist -insistence -insistency -insistent -insistently -insister -insistingly -insistive -insititious -insnare -insnarement -insnarer -insobriety -insociability -insociable -insociableness -insociably -insocial -insocially -insofar -insolate -insolation -insole -insolence -insolency -insolent -insolently -insolentness -insolid -insolidity -insolubility -insoluble -insolubleness -insolubly -insolvability -insolvable -insolvably -insolvence -insolvency -insolvent -insomnia -insomniac -insomnious -insomnolence -insomnolency -insomnolent -insomuch -insonorous -insooth -insorb -insorbent -insouciance -insouciant -insouciantly -insoul -inspan -inspeak -inspect -inspectability -inspectable -inspectingly -inspection -inspectional -inspectioneer -inspective -inspector -inspectoral -inspectorate -inspectorial -inspectorship -inspectress -inspectrix -inspheration -insphere -inspirability -inspirable -inspirant -inspiration -inspirational -inspirationalism -inspirationally -inspirationist -inspirative -inspirator -inspiratory -inspiratrix -inspire -inspired -inspiredly -inspirer -inspiring -inspiringly -inspirit -inspiriter -inspiriting -inspiritingly -inspiritment -inspirometer -inspissant -inspissate -inspissation -inspissator -inspissosis -inspoke -inspoken -inspreith -instability -instable -install -installant -installation -installer -installment -instance -instancy -instanding -instant -instantaneity -instantaneous -instantaneously -instantaneousness -instanter -instantial -instantly -instantness -instar -instate -instatement -instaurate -instauration -instaurator -instead -instealing -insteam -insteep -instellation -instep -instigant -instigate -instigatingly -instigation -instigative -instigator -instigatrix -instill -instillation -instillator -instillatory -instiller -instillment -instinct -instinctive -instinctively -instinctivist -instinctivity -instinctual -instipulate -institor -institorial -institorian -institory -institute -instituter -institution -institutional -institutionalism -institutionalist -institutionality -institutionalization -institutionalize -institutionally -institutionary -institutionize -institutive -institutively -institutor -institutress -institutrix -instonement -instratified -instreaming -instrengthen -instressed -instroke -instruct -instructed -instructedly -instructedness -instructer -instructible -instruction -instructional -instructionary -instructive -instructively -instructiveness -instructor -instructorship -instructress -instrument -instrumental -instrumentalism -instrumentalist -instrumentality -instrumentalize -instrumentally -instrumentary -instrumentate -instrumentation -instrumentative -instrumentist -instrumentman -insuavity -insubduable -insubjection -insubmergible -insubmersible -insubmission -insubmissive -insubordinate -insubordinately -insubordinateness -insubordination -insubstantial -insubstantiality -insubstantiate -insubstantiation -insubvertible -insuccess -insuccessful -insucken -insuetude -insufferable -insufferableness -insufferably -insufficience -insufficiency -insufficient -insufficiently -insufflate -insufflation -insufflator -insula -insulance -insulant -insular -insularism -insularity -insularize -insularly -insulary -insulate -insulated -insulating -insulation -insulator -insulin -insulize -insulse -insulsity -insult -insultable -insultant -insultation -insulter -insulting -insultingly -insultproof -insunk -insuperability -insuperable -insuperableness -insuperably -insupportable -insupportableness -insupportably -insupposable -insuppressible -insuppressibly -insuppressive -insurability -insurable -insurance -insurant -insure -insured -insurer -insurge -insurgence -insurgency -insurgent -insurgentism -insurgescence -insurmountability -insurmountable -insurmountableness -insurmountably -insurpassable -insurrect -insurrection -insurrectional -insurrectionally -insurrectionary -insurrectionism -insurrectionist -insurrectionize -insurrectory -insusceptibility -insusceptible -insusceptibly -insusceptive -inswamp -inswarming -insweeping -inswell -inswept -inswing -inswinger -intabulate -intact -intactile -intactly -intactness -intagliated -intagliation -intaglio -intagliotype -intake -intaker -intangibility -intangible -intangibleness -intangibly -intarissable -intarsia -intarsiate -intarsist -intastable -intaxable -intechnicality -integer -integrability -integrable -integral -integrality -integralization -integralize -integrally -integrand -integrant -integraph -integrate -integration -integrative -integrator -integrifolious -integrious -integriously -integripalliate -integrity -integrodifferential -integropallial -Integropallialia -Integropalliata -integropalliate -integument -integumental -integumentary -integumentation -inteind -intellect -intellectation -intellected -intellectible -intellection -intellective -intellectively -intellectual -intellectualism -intellectualist -intellectualistic -intellectualistically -intellectuality -intellectualization -intellectualize -intellectualizer -intellectually -intellectualness -intelligence -intelligenced -intelligencer -intelligency -intelligent -intelligential -intelligently -intelligentsia -intelligibility -intelligible -intelligibleness -intelligibly -intelligize -intemerate -intemerately -intemerateness -intemeration -intemperable -intemperably -intemperament -intemperance -intemperate -intemperately -intemperateness -intemperature -intempestive -intempestively -intempestivity -intemporal -intemporally -intenability -intenable -intenancy -intend -intendance -intendancy -intendant -intendantism -intendantship -intended -intendedly -intendedness -intendence -intender -intendible -intending -intendingly -intendit -intendment -intenerate -inteneration -intenible -intensate -intensation -intensative -intense -intensely -intenseness -intensification -intensifier -intensify -intension -intensional -intensionally -intensitive -intensity -intensive -intensively -intensiveness -intent -intention -intentional -intentionalism -intentionality -intentionally -intentioned -intentionless -intentive -intentively -intentiveness -intently -intentness -inter -interabsorption -interacademic -interaccessory -interaccuse -interacinar -interacinous -interact -interaction -interactional -interactionism -interactionist -interactive -interactivity -interadaptation -interadditive -interadventual -interaffiliation -interagency -interagent -interagglutinate -interagglutination -interagree -interagreement -interalar -interallied -interally -interalveolar -interambulacral -interambulacrum -interamnian -interangular -interanimate -interannular -interantagonism -interantennal -interantennary -interapophyseal -interapplication -interarboration -interarch -interarcualis -interarmy -interarticular -interartistic -interarytenoid -interassociation -interassure -interasteroidal -interastral -interatomic -interatrial -interattrition -interaulic -interaural -interauricular -interavailability -interavailable -interaxal -interaxial -interaxillary -interaxis -interbalance -interbanded -interbank -interbedded -interbelligerent -interblend -interbody -interbonding -interborough -interbourse -interbrachial -interbrain -interbranch -interbranchial -interbreath -interbreed -interbrigade -interbring -interbronchial -intercadence -intercadent -intercalare -intercalarily -intercalarium -intercalary -intercalate -intercalation -intercalative -intercalatory -intercale -intercalm -intercanal -intercanalicular -intercapillary -intercardinal -intercarotid -intercarpal -intercarpellary -intercarrier -intercartilaginous -intercaste -intercatenated -intercausative -intercavernous -intercede -interceder -intercellular -intercensal -intercentral -intercentrum -intercept -intercepter -intercepting -interception -interceptive -interceptor -interceptress -intercerebral -intercession -intercessional -intercessionary -intercessionment -intercessive -intercessor -intercessorial -intercessory -interchaff -interchange -interchangeability -interchangeable -interchangeableness -interchangeably -interchanger -interchapter -intercharge -interchase -intercheck -interchoke -interchondral -interchurch -Intercidona -interciliary -intercilium -intercircle -intercirculate -intercirculation -intercision -intercitizenship -intercity -intercivic -intercivilization -interclash -interclasp -interclass -interclavicle -interclavicular -interclerical -intercloud -interclub -intercoastal -intercoccygeal -intercoccygean -intercohesion -intercollege -intercollegian -intercollegiate -intercolline -intercolonial -intercolonially -intercolonization -intercolumn -intercolumnal -intercolumnar -intercolumniation -intercom -intercombat -intercombination -intercombine -intercome -intercommission -intercommon -intercommonable -intercommonage -intercommoner -intercommunal -intercommune -intercommuner -intercommunicability -intercommunicable -intercommunicate -intercommunication -intercommunicative -intercommunicator -intercommunion -intercommunity -intercompany -intercomparable -intercompare -intercomparison -intercomplexity -intercomplimentary -interconal -interconciliary -intercondenser -intercondylar -intercondylic -intercondyloid -interconfessional -interconfound -interconnect -interconnection -intercontinental -intercontorted -intercontradiction -intercontradictory -interconversion -interconvertibility -interconvertible -interconvertibly -intercooler -intercooling -intercoracoid -intercorporate -intercorpuscular -intercorrelate -intercorrelation -intercortical -intercosmic -intercosmically -intercostal -intercostally -intercostobrachial -intercostohumeral -intercotylar -intercounty -intercourse -intercoxal -intercranial -intercreate -intercrescence -intercrinal -intercrop -intercross -intercrural -intercrust -intercrystalline -intercrystallization -intercrystallize -intercultural -interculture -intercurl -intercurrence -intercurrent -intercurrently -intercursation -intercuspidal -intercutaneous -intercystic -interdash -interdebate -interdenominational -interdental -interdentally -interdentil -interdepartmental -interdepartmentally -interdepend -interdependable -interdependence -interdependency -interdependent -interdependently -interderivative -interdespise -interdestructive -interdestructiveness -interdetermination -interdetermine -interdevour -interdict -interdiction -interdictive -interdictor -interdictory -interdictum -interdifferentiation -interdiffuse -interdiffusion -interdiffusive -interdiffusiveness -interdigital -interdigitate -interdigitation -interdine -interdiscal -interdispensation -interdistinguish -interdistrict -interdivision -interdome -interdorsal -interdrink -intereat -interelectrode -interelectrodic -interempire -interenjoy -interentangle -interentanglement -interepidemic -interepimeral -interepithelial -interequinoctial -interessee -interest -interested -interestedly -interestedness -interester -interesting -interestingly -interestingness -interestless -interestuarine -interface -interfacial -interfactional -interfamily -interfascicular -interfault -interfector -interfederation -interfemoral -interfenestral -interfenestration -interferant -interfere -interference -interferent -interferential -interferer -interfering -interferingly -interferingness -interferometer -interferometry -interferric -interfertile -interfertility -interfibrillar -interfibrillary -interfibrous -interfilamentar -interfilamentary -interfilamentous -interfilar -interfiltrate -interfinger -interflange -interflashing -interflow -interfluence -interfluent -interfluminal -interfluous -interfluve -interfluvial -interflux -interfold -interfoliaceous -interfoliar -interfoliate -interfollicular -interforce -interfraternal -interfraternity -interfret -interfretted -interfriction -interfrontal -interfruitful -interfulgent -interfuse -interfusion -interganglionic -intergenerant -intergenerating -intergeneration -intergential -intergesture -intergilt -interglacial -interglandular -interglobular -interglyph -intergossip -intergovernmental -intergradation -intergrade -intergradient -intergraft -intergranular -intergrapple -intergrave -intergroupal -intergrow -intergrown -intergrowth -intergular -intergyral -interhabitation -interhemal -interhemispheric -interhostile -interhuman -interhyal -interhybridize -interim -interimist -interimistic -interimistical -interimistically -interimperial -interincorporation -interindependence -interindicate -interindividual -interinfluence -interinhibition -interinhibitive -interinsert -interinsular -interinsurance -interinsurer -interinvolve -interionic -interior -interiority -interiorize -interiorly -interiorness -interirrigation -interisland -interjacence -interjacency -interjacent -interjaculate -interjaculatory -interjangle -interjealousy -interject -interjection -interjectional -interjectionalize -interjectionally -interjectionary -interjectionize -interjectiveness -interjector -interjectorily -interjectory -interjectural -interjoin -interjoist -interjudgment -interjunction -interkinesis -interkinetic -interknit -interknot -interknow -interknowledge -interlaboratory -interlace -interlaced -interlacedly -interlacement -interlacery -interlacustrine -interlaid -interlake -interlamellar -interlamellation -interlaminar -interlaminate -interlamination -interlanguage -interlap -interlapse -interlard -interlardation -interlardment -interlatitudinal -interlaudation -interlay -interleaf -interleague -interleave -interleaver -interlibel -interlibrary -interlie -interligamentary -interligamentous -interlight -interlimitation -interline -interlineal -interlineally -interlinear -interlinearily -interlinearly -interlineary -interlineate -interlineation -interlinement -interliner -Interlingua -interlingual -interlinguist -interlinguistic -interlining -interlink -interloan -interlobar -interlobate -interlobular -interlocal -interlocally -interlocate -interlocation -interlock -interlocker -interlocular -interloculus -interlocution -interlocutive -interlocutor -interlocutorily -interlocutory -interlocutress -interlocutrice -interlocutrix -interloop -interlope -interloper -interlot -interlucation -interlucent -interlude -interluder -interludial -interlunar -interlunation -interlying -intermalleolar -intermammary -intermammillary -intermandibular -intermanorial -intermarginal -intermarine -intermarriage -intermarriageable -intermarry -intermason -intermastoid -intermat -intermatch -intermaxilla -intermaxillar -intermaxillary -intermaze -intermeasurable -intermeasure -intermeddle -intermeddlement -intermeddler -intermeddlesome -intermeddlesomeness -intermeddling -intermeddlingly -intermediacy -intermediae -intermedial -intermediary -intermediate -intermediately -intermediateness -intermediation -intermediator -intermediatory -intermedium -intermedius -intermeet -intermelt -intermembral -intermembranous -intermeningeal -intermenstrual -intermenstruum -interment -intermental -intermention -intermercurial -intermesenterial -intermesenteric -intermesh -intermessage -intermessenger -intermetacarpal -intermetallic -intermetameric -intermetatarsal -intermew -intermewed -intermewer -intermezzo -intermigration -interminability -interminable -interminableness -interminably -interminant -interminate -intermine -intermingle -intermingledom -interminglement -interminister -interministerial -interministerium -intermission -intermissive -intermit -intermitted -intermittedly -intermittence -intermittency -intermittent -intermittently -intermitter -intermitting -intermittingly -intermix -intermixedly -intermixtly -intermixture -intermobility -intermodification -intermodillion -intermodulation -intermolar -intermolecular -intermomentary -intermontane -intermorainic -intermotion -intermountain -intermundane -intermundial -intermundian -intermundium -intermunicipal -intermunicipality -intermural -intermuscular -intermutation -intermutual -intermutually -intermutule -intern -internal -internality -internalization -internalize -internally -internalness -internals -internarial -internasal -internation -international -internationalism -internationalist -internationality -internationalization -internationalize -internationally -interneciary -internecinal -internecine -internecion -internecive -internee -internetted -interneural -interneuronic -internidal -internist -internment -internobasal -internodal -internode -internodial -internodian -internodium -internodular -internship -internuclear -internuncial -internunciary -internunciatory -internuncio -internuncioship -internuncius -internuptial -interobjective -interoceanic -interoceptive -interoceptor -interocular -interoffice -interolivary -interopercle -interopercular -interoperculum -interoptic -interorbital -interorbitally -interoscillate -interosculant -interosculate -interosculation -interosseal -interosseous -interownership -interpage -interpalatine -interpalpebral -interpapillary -interparenchymal -interparental -interparenthetical -interparenthetically -interparietal -interparietale -interparliament -interparliamentary -interparoxysmal -interparty -interpause -interpave -interpeal -interpectoral -interpeduncular -interpel -interpellant -interpellate -interpellation -interpellator -interpenetrable -interpenetrant -interpenetrate -interpenetration -interpenetrative -interpenetratively -interpermeate -interpersonal -interpervade -interpetaloid -interpetiolar -interpetiolary -interphalangeal -interphase -interphone -interpiece -interpilaster -interpilastering -interplacental -interplait -interplanetary -interplant -interplanting -interplay -interplea -interplead -interpleader -interpledge -interpleural -interplical -interplicate -interplication -interplight -interpoint -interpolable -interpolar -interpolary -interpolate -interpolater -interpolation -interpolative -interpolatively -interpolator -interpole -interpolitical -interpolity -interpollinate -interpolymer -interpone -interportal -interposable -interposal -interpose -interposer -interposing -interposingly -interposition -interposure -interpour -interprater -interpressure -interpret -interpretability -interpretable -interpretableness -interpretably -interpretament -interpretation -interpretational -interpretative -interpretatively -interpreter -interpretership -interpretive -interpretively -interpretorial -interpretress -interprismatic -interproduce -interprofessional -interproglottidal -interproportional -interprotoplasmic -interprovincial -interproximal -interproximate -interpterygoid -interpubic -interpulmonary -interpunct -interpunction -interpunctuate -interpunctuation -interpupillary -interquarrel -interquarter -interrace -interracial -interracialism -interradial -interradially -interradiate -interradiation -interradium -interradius -interrailway -interramal -interramicorn -interramification -interreceive -interreflection -interregal -interregimental -interregional -interregna -interregnal -interregnum -interreign -interrelate -interrelated -interrelatedly -interrelatedness -interrelation -interrelationship -interreligious -interrenal -interrenalism -interrepellent -interrepulsion -interrer -interresponsibility -interresponsible -interreticular -interreticulation -interrex -interrhyme -interright -interriven -interroad -interrogability -interrogable -interrogant -interrogate -interrogatedness -interrogatee -interrogatingly -interrogation -interrogational -interrogative -interrogatively -interrogator -interrogatorily -interrogatory -interrogatrix -interrogee -interroom -interrule -interrun -interrupt -interrupted -interruptedly -interruptedness -interrupter -interruptible -interrupting -interruptingly -interruption -interruptive -interruptively -interruptor -interruptory -intersale -intersalute -interscapilium -interscapular -interscapulum -interscene -interscholastic -interschool -interscience -interscribe -interscription -interseaboard -interseamed -intersect -intersectant -intersection -intersectional -intersegmental -interseminal -intersentimental -interseptal -intersertal -intersesamoid -intersession -intersessional -interset -intersex -intersexual -intersexualism -intersexuality -intershade -intershifting -intershock -intershoot -intershop -intersidereal -intersituate -intersocial -intersocietal -intersociety -intersole -intersolubility -intersoluble -intersomnial -intersomnious -intersonant -intersow -interspace -interspatial -interspatially -interspeaker -interspecial -interspecific -interspersal -intersperse -interspersedly -interspersion -interspheral -intersphere -interspicular -interspinal -interspinalis -interspinous -interspiral -interspiration -intersporal -intersprinkle -intersqueeze -interstadial -interstage -interstaminal -interstapedial -interstate -interstation -interstellar -interstellary -intersterile -intersterility -intersternal -interstice -intersticed -interstimulate -interstimulation -interstitial -interstitially -interstitious -interstratification -interstratify -interstreak -interstream -interstreet -interstrial -interstriation -interstrive -intersubjective -intersubsistence -intersubstitution -intersuperciliary -intersusceptation -intersystem -intersystematical -intertalk -intertangle -intertanglement -intertarsal -interteam -intertentacular -intertergal -interterminal -interterritorial -intertessellation -intertexture -interthing -interthreaded -interthronging -intertidal -intertie -intertill -intertillage -intertinge -intertissued -intertone -intertongue -intertonic -intertouch -intertown -intertrabecular -intertrace -intertrade -intertrading -intertraffic -intertragian -intertransformability -intertransformable -intertransmissible -intertransmission -intertranspicuous -intertransversal -intertransversalis -intertransversary -intertransverse -intertrappean -intertribal -intertriginous -intertriglyph -intertrigo -intertrinitarian -intertrochanteric -intertropic -intertropical -intertropics -intertrude -intertuberal -intertubercular -intertubular -intertwin -intertwine -intertwinement -intertwining -intertwiningly -intertwist -intertwistingly -Intertype -interungular -interungulate -interunion -interuniversity -interurban -interureteric -intervaginal -interval -intervale -intervalley -intervallic -intervallum -intervalvular -intervarietal -intervary -intervascular -intervein -interveinal -intervenant -intervene -intervener -intervenience -interveniency -intervenient -intervenium -intervention -interventional -interventionism -interventionist -interventive -interventor -interventral -interventralia -interventricular -intervenular -interverbal -interversion -intervert -intervertebra -intervertebral -intervertebrally -intervesicular -interview -interviewable -interviewee -interviewer -intervillous -intervisibility -intervisible -intervisit -intervisitation -intervital -intervocal -intervocalic -intervolute -intervolution -intervolve -interwar -interweave -interweavement -interweaver -interweaving -interweavingly -interwed -interweld -interwhiff -interwhile -interwhistle -interwind -interwish -interword -interwork -interworks -interworld -interworry -interwound -interwove -interwoven -interwovenly -interwrap -interwreathe -interwrought -interxylary -interzonal -interzone -interzooecial -interzygapophysial -intestable -intestacy -intestate -intestation -intestinal -intestinally -intestine -intestineness -intestiniform -intestinovesical -intext -intextine -intexture -inthrall -inthrallment -inthrong -inthronistic -inthronization -inthronize -inthrow -inthrust -intil -intima -intimacy -intimal -intimate -intimately -intimateness -intimater -intimation -intimidate -intimidation -intimidator -intimidatory -intimidity -intimity -intinction -intine -intitule -into -intoed -intolerability -intolerable -intolerableness -intolerably -intolerance -intolerancy -intolerant -intolerantly -intolerantness -intolerated -intolerating -intoleration -intonable -intonate -intonation -intonator -intone -intonement -intoner -intoothed -intorsion -intort -intortillage -intown -intoxation -intoxicable -intoxicant -intoxicate -intoxicated -intoxicatedly -intoxicatedness -intoxicating -intoxicatingly -intoxication -intoxicative -intoxicator -intrabiontic -intrabranchial -intrabred -intrabronchial -intrabuccal -intracalicular -intracanalicular -intracanonical -intracapsular -intracardiac -intracardial -intracarpal -intracarpellary -intracartilaginous -intracellular -intracellularly -intracephalic -intracerebellar -intracerebral -intracerebrally -intracervical -intrachordal -intracistern -intracity -intraclitelline -intracloacal -intracoastal -intracoelomic -intracolic -intracollegiate -intracommunication -intracompany -intracontinental -intracorporeal -intracorpuscular -intracortical -intracosmic -intracosmical -intracosmically -intracostal -intracranial -intracranially -intractability -intractable -intractableness -intractably -intractile -intracutaneous -intracystic -intrada -intradepartmental -intradermal -intradermally -intradermic -intradermically -intradermo -intradistrict -intradivisional -intrados -intraduodenal -intradural -intraecclesiastical -intraepiphyseal -intraepithelial -intrafactory -intrafascicular -intrafissural -intrafistular -intrafoliaceous -intraformational -intrafusal -intragastric -intragemmal -intraglacial -intraglandular -intraglobular -intragroup -intragroupal -intragyral -intrahepatic -intrahyoid -intraimperial -intrait -intrajugular -intralamellar -intralaryngeal -intralaryngeally -intraleukocytic -intraligamentary -intraligamentous -intralingual -intralobar -intralobular -intralocular -intralogical -intralumbar -intramammary -intramarginal -intramastoid -intramatrical -intramatrically -intramedullary -intramembranous -intrameningeal -intramental -intrametropolitan -intramolecular -intramontane -intramorainic -intramundane -intramural -intramuralism -intramuscular -intramuscularly -intramyocardial -intranarial -intranasal -intranatal -intranational -intraneous -intraneural -intranidal -intranquil -intranquillity -intranscalency -intranscalent -intransferable -intransformable -intransfusible -intransgressible -intransient -intransigency -intransigent -intransigentism -intransigentist -intransigently -intransitable -intransitive -intransitively -intransitiveness -intransitivity -intranslatable -intransmissible -intransmutability -intransmutable -intransparency -intransparent -intrant -intranuclear -intraoctave -intraocular -intraoral -intraorbital -intraorganization -intraossal -intraosseous -intraosteal -intraovarian -intrapair -intraparenchymatous -intraparietal -intraparochial -intraparty -intrapelvic -intrapericardiac -intrapericardial -intraperineal -intraperiosteal -intraperitoneal -intraperitoneally -intrapetiolar -intraphilosophic -intrapial -intraplacental -intraplant -intrapleural -intrapolar -intrapontine -intraprostatic -intraprotoplasmic -intrapsychic -intrapsychical -intrapsychically -intrapulmonary -intrapyretic -intrarachidian -intrarectal -intrarelation -intrarenal -intraretinal -intrarhachidian -intraschool -intrascrotal -intrasegmental -intraselection -intrasellar -intraseminal -intraseptal -intraserous -intrashop -intraspecific -intraspinal -intrastate -intrastromal -intrasusception -intrasynovial -intratarsal -intratelluric -intraterritorial -intratesticular -intrathecal -intrathoracic -intrathyroid -intratomic -intratonsillar -intratrabecular -intratracheal -intratracheally -intratropical -intratubal -intratubular -intratympanic -intravaginal -intravalvular -intravasation -intravascular -intravenous -intravenously -intraventricular -intraverbal -intraversable -intravertebral -intravertebrally -intravesical -intravital -intravitelline -intravitreous -intraxylary -intreat -intrench -intrenchant -intrencher -intrenchment -intrepid -intrepidity -intrepidly -intrepidness -intricacy -intricate -intricately -intricateness -intrication -intrigant -intrigue -intrigueproof -intriguer -intriguery -intriguess -intriguing -intriguingly -intrine -intrinse -intrinsic -intrinsical -intrinsicality -intrinsically -intrinsicalness -introactive -introceptive -introconversion -introconvertibility -introconvertible -introdden -introduce -introducee -introducement -introducer -introducible -introduction -introductive -introductively -introductor -introductorily -introductoriness -introductory -introductress -introflex -introflexion -introgression -introgressive -introinflection -introit -introitus -introject -introjection -introjective -intromissibility -intromissible -intromission -intromissive -intromit -intromittence -intromittent -intromitter -intropression -intropulsive -introreception -introrsal -introrse -introrsely -introsensible -introsentient -introspect -introspectable -introspection -introspectional -introspectionism -introspectionist -introspective -introspectively -introspectiveness -introspectivism -introspectivist -introspector -introsuction -introsuscept -introsusception -introthoracic -introtraction -introvenient -introverse -introversibility -introversible -introversion -introversive -introversively -introvert -introverted -introvertive -introvision -introvolution -intrudance -intrude -intruder -intruding -intrudingly -intrudress -intruse -intrusion -intrusional -intrusionism -intrusionist -intrusive -intrusively -intrusiveness -intrust -intubate -intubation -intubationist -intubator -intube -intue -intuent -intuicity -intuit -intuitable -intuition -intuitional -intuitionalism -intuitionalist -intuitionally -intuitionism -intuitionist -intuitionistic -intuitionless -intuitive -intuitively -intuitiveness -intuitivism -intuitivist -intumesce -intumescence -intumescent -inturbidate -inturn -inturned -inturning -intussuscept -intussusception -intussusceptive -intwist -inula -inulaceous -inulase -inulin -inuloid -inumbrate -inumbration -inunct -inunction -inunctum -inunctuosity -inunctuous -inundable -inundant -inundate -inundation -inundator -inundatory -inunderstandable -inurbane -inurbanely -inurbaneness -inurbanity -inure -inured -inuredness -inurement -inurn -inusitate -inusitateness -inusitation -inustion -inutile -inutilely -inutility -inutilized -inutterable -invaccinate -invaccination -invadable -invade -invader -invaginable -invaginate -invagination -invalescence -invalid -invalidate -invalidation -invalidator -invalidcy -invalidhood -invalidish -invalidism -invalidity -invalidly -invalidness -invalidship -invalorous -invaluable -invaluableness -invaluably -invalued -Invar -invariability -invariable -invariableness -invariably -invariance -invariancy -invariant -invariantive -invariantively -invariantly -invaried -invasion -invasionist -invasive -invecked -invected -invection -invective -invectively -invectiveness -invectivist -invector -inveigh -inveigher -inveigle -inveiglement -inveigler -inveil -invein -invendibility -invendible -invendibleness -invenient -invent -inventable -inventary -inventer -inventful -inventibility -inventible -inventibleness -invention -inventional -inventionless -inventive -inventively -inventiveness -inventor -inventoriable -inventorial -inventorially -inventory -inventress -inventurous -inveracious -inveracity -inverisimilitude -inverity -inverminate -invermination -invernacular -Inverness -inversable -inversatile -inverse -inversed -inversedly -inversely -inversion -inversionist -inversive -invert -invertase -invertebracy -invertebral -Invertebrata -invertebrate -invertebrated -inverted -invertedly -invertend -inverter -invertibility -invertible -invertile -invertin -invertive -invertor -invest -investable -investible -investigable -investigatable -investigate -investigating -investigatingly -investigation -investigational -investigative -investigator -investigatorial -investigatory -investitive -investitor -investiture -investment -investor -inveteracy -inveterate -inveterately -inveterateness -inviability -invictive -invidious -invidiously -invidiousness -invigilance -invigilancy -invigilation -invigilator -invigor -invigorant -invigorate -invigorating -invigoratingly -invigoratingness -invigoration -invigorative -invigoratively -invigorator -invinate -invination -invincibility -invincible -invincibleness -invincibly -inviolability -inviolable -inviolableness -inviolably -inviolacy -inviolate -inviolated -inviolately -inviolateness -invirile -invirility -invirtuate -inviscate -inviscation -inviscid -inviscidity -invised -invisibility -invisible -invisibleness -invisibly -invitable -invital -invitant -invitation -invitational -invitatory -invite -invitee -invitement -inviter -invitiate -inviting -invitingly -invitingness -invitress -invitrifiable -invivid -invocable -invocant -invocate -invocation -invocative -invocator -invocatory -invoice -invoke -invoker -involatile -involatility -involucel -involucellate -involucellated -involucral -involucrate -involucre -involucred -involucriform -involucrum -involuntarily -involuntariness -involuntary -involute -involuted -involutedly -involutely -involution -involutional -involutionary -involutorial -involutory -involve -involved -involvedly -involvedness -involvement -involvent -involver -invulnerability -invulnerable -invulnerableness -invulnerably -invultuation -inwale -inwall -inwandering -inward -inwardly -inwardness -inwards -inweave -inwedged -inweed -inweight -inwick -inwind -inwit -inwith -inwood -inwork -inworn -inwound -inwoven -inwrap -inwrapment -inwreathe -inwrit -inwrought -inyoite -inyoke -Io -io -Iodamoeba -iodate -iodation -iodhydrate -iodhydric -iodhydrin -iodic -iodide -iodiferous -iodinate -iodination -iodine -iodinium -iodinophil -iodinophilic -iodinophilous -iodism -iodite -iodization -iodize -iodizer -iodo -iodobehenate -iodobenzene -iodobromite -iodocasein -iodochloride -iodochromate -iodocresol -iododerma -iodoethane -iodoform -iodogallicin -iodohydrate -iodohydric -iodohydrin -iodol -iodomercurate -iodomercuriate -iodomethane -iodometric -iodometrical -iodometry -iodonium -iodopsin -iodoso -iodosobenzene -iodospongin -iodotannic -iodotherapy -iodothyrin -iodous -iodoxy -iodoxybenzene -iodyrite -iolite -ion -Ione -Ioni -Ionian -Ionic -ionic -Ionicism -Ionicization -Ionicize -Ionidium -Ionism -Ionist -ionium -ionizable -Ionization -ionization -Ionize -ionize -ionizer -ionogen -ionogenic -ionone -Ionornis -ionosphere -ionospheric -Ionoxalis -iontophoresis -Ioskeha -iota -iotacism -iotacismus -iotacist -iotization -iotize -Iowa -Iowan -Ipalnemohuani -ipecac -ipecacuanha -ipecacuanhic -Iphimedia -Iphis -ipid -Ipidae -ipil -ipomea -Ipomoea -ipomoein -ipseand -ipsedixitish -ipsedixitism -ipsedixitist -ipseity -ipsilateral -Ira -iracund -iracundity -iracundulous -irade -Iran -Irani -Iranian -Iranic -Iranism -Iranist -Iranize -Iraq -Iraqi -Iraqian -irascent -irascibility -irascible -irascibleness -irascibly -irate -irately -ire -ireful -irefully -irefulness -Irelander -ireless -Irena -irenarch -Irene -irene -irenic -irenical -irenically -irenicism -irenicist -irenicon -irenics -irenicum -Iresine -Irfan -Irgun -Irgunist -irian -Iriartea -Iriarteaceae -Iricism -Iricize -irid -Iridaceae -iridaceous -iridadenosis -iridal -iridalgia -iridate -iridauxesis -iridectome -iridectomize -iridectomy -iridectropium -iridemia -iridencleisis -iridentropium -irideous -irideremia -irides -iridesce -iridescence -iridescency -iridescent -iridescently -iridial -iridian -iridiate -iridic -iridical -iridin -iridine -iridiocyte -iridiophore -iridioplatinum -iridious -iridite -iridium -iridization -iridize -iridoavulsion -iridocapsulitis -iridocele -iridoceratitic -iridochoroiditis -iridocoloboma -iridoconstrictor -iridocyclitis -iridocyte -iridodesis -iridodiagnosis -iridodialysis -iridodonesis -iridokinesia -iridomalacia -iridomotor -Iridomyrmex -iridoncus -iridoparalysis -iridophore -iridoplegia -iridoptosis -iridopupillary -iridorhexis -iridosclerotomy -iridosmine -iridosmium -iridotasis -iridotome -iridotomy -iris -irisated -irisation -iriscope -irised -Irish -Irisher -Irishian -Irishism -Irishize -Irishly -Irishman -Irishness -Irishry -Irishwoman -Irishy -irisin -irislike -irisroot -iritic -iritis -irk -irksome -irksomely -irksomeness -Irma -Iroha -irok -iroko -iron -ironback -ironbark -ironbound -ironbush -ironclad -irone -ironer -ironfisted -ironflower -ironhanded -ironhandedly -ironhandedness -ironhard -ironhead -ironheaded -ironhearted -ironheartedly -ironheartedness -ironical -ironically -ironicalness -ironice -ironish -ironism -ironist -ironize -ironless -ironlike -ironly -ironmaker -ironmaking -ironman -ironmaster -ironmonger -ironmongering -ironmongery -ironness -ironshod -ironshot -ironside -ironsided -ironsides -ironsmith -ironstone -ironware -ironweed -ironwood -ironwork -ironworked -ironworker -ironworking -ironworks -ironwort -irony -Iroquoian -Iroquois -Irpex -irradiance -irradiancy -irradiant -irradiate -irradiated -irradiatingly -irradiation -irradiative -irradiator -irradicable -irradicate -irrarefiable -irrationability -irrationable -irrationably -irrational -irrationalism -irrationalist -irrationalistic -irrationality -irrationalize -irrationally -irrationalness -irreality -irrealizable -irrebuttable -irreceptive -irreceptivity -irreciprocal -irreciprocity -irreclaimability -irreclaimable -irreclaimableness -irreclaimably -irreclaimed -irrecognition -irrecognizability -irrecognizable -irrecognizably -irrecognizant -irrecollection -irreconcilability -irreconcilable -irreconcilableness -irreconcilably -irreconcile -irreconcilement -irreconciliability -irreconciliable -irreconciliableness -irreconciliably -irreconciliation -irrecordable -irrecoverable -irrecoverableness -irrecoverably -irrecusable -irrecusably -irredeemability -irredeemable -irredeemableness -irredeemably -irredeemed -irredenta -irredential -Irredentism -Irredentist -irredressibility -irredressible -irredressibly -irreducibility -irreducible -irreducibleness -irreducibly -irreductibility -irreductible -irreduction -irreferable -irreflection -irreflective -irreflectively -irreflectiveness -irreflexive -irreformability -irreformable -irrefragability -irrefragable -irrefragableness -irrefragably -irrefrangibility -irrefrangible -irrefrangibleness -irrefrangibly -irrefusable -irrefutability -irrefutable -irrefutableness -irrefutably -irregardless -irregeneracy -irregenerate -irregeneration -irregular -irregularism -irregularist -irregularity -irregularize -irregularly -irregularness -irregulate -irregulated -irregulation -irrelate -irrelated -irrelation -irrelative -irrelatively -irrelativeness -irrelevance -irrelevancy -irrelevant -irrelevantly -irreliability -irrelievable -irreligion -irreligionism -irreligionist -irreligionize -irreligiosity -irreligious -irreligiously -irreligiousness -irreluctant -irremeable -irremeably -irremediable -irremediableness -irremediably -irrememberable -irremissibility -irremissible -irremissibleness -irremissibly -irremission -irremissive -irremovability -irremovable -irremovableness -irremovably -irremunerable -irrenderable -irrenewable -irrenunciable -irrepair -irrepairable -irreparability -irreparable -irreparableness -irreparably -irrepassable -irrepealability -irrepealable -irrepealableness -irrepealably -irrepentance -irrepentant -irrepentantly -irreplaceable -irreplaceably -irrepleviable -irreplevisable -irreportable -irreprehensible -irreprehensibleness -irreprehensibly -irrepresentable -irrepresentableness -irrepressibility -irrepressible -irrepressibleness -irrepressibly -irrepressive -irreproachability -irreproachable -irreproachableness -irreproachably -irreproducible -irreproductive -irreprovable -irreprovableness -irreprovably -irreptitious -irrepublican -irresilient -irresistance -irresistibility -irresistible -irresistibleness -irresistibly -irresoluble -irresolubleness -irresolute -irresolutely -irresoluteness -irresolution -irresolvability -irresolvable -irresolvableness -irresolved -irresolvedly -irresonance -irresonant -irrespectability -irrespectable -irrespectful -irrespective -irrespectively -irrespirable -irrespondence -irresponsibility -irresponsible -irresponsibleness -irresponsibly -irresponsive -irresponsiveness -irrestrainable -irrestrainably -irrestrictive -irresultive -irresuscitable -irresuscitably -irretention -irretentive -irretentiveness -irreticence -irreticent -irretraceable -irretraceably -irretractable -irretractile -irretrievability -irretrievable -irretrievableness -irretrievably -irrevealable -irrevealably -irreverence -irreverend -irreverendly -irreverent -irreverential -irreverentialism -irreverentially -irreverently -irreversibility -irreversible -irreversibleness -irreversibly -irrevertible -irreviewable -irrevisable -irrevocability -irrevocable -irrevocableness -irrevocably -irrevoluble -irrigable -irrigably -irrigant -irrigate -irrigation -irrigational -irrigationist -irrigative -irrigator -irrigatorial -irrigatory -irriguous -irriguousness -irrision -irrisor -Irrisoridae -irrisory -irritability -irritable -irritableness -irritably -irritament -irritancy -irritant -irritate -irritatedly -irritating -irritatingly -irritation -irritative -irritativeness -irritator -irritatory -Irritila -irritomotile -irritomotility -irrorate -irrotational -irrotationally -irrubrical -irrupt -irruptible -irruption -irruptive -irruptively -Irvin -Irving -Irvingesque -Irvingiana -Irvingism -Irvingite -Irwin -is -Isaac -Isabel -isabelina -isabelita -Isabella -Isabelle -Isabelline -isabnormal -isaconitine -isacoustic -isadelphous -Isadora -isagoge -isagogic -isagogical -isagogically -isagogics -isagon -Isaiah -Isaian -isallobar -isallotherm -isamine -Isander -isandrous -isanemone -isanomal -isanomalous -isanthous -isapostolic -Isaria -isarioid -isatate -isatic -isatide -isatin -isatinic -Isatis -isatogen -isatogenic -Isaurian -Isawa -isazoxy -isba -Iscariot -Iscariotic -Iscariotical -Iscariotism -ischemia -ischemic -ischiac -ischiadic -ischiadicus -ischial -ischialgia -ischialgic -ischiatic -ischidrosis -ischioanal -ischiobulbar -ischiocapsular -ischiocaudal -ischiocavernosus -ischiocavernous -ischiocele -ischiocerite -ischiococcygeal -ischiofemoral -ischiofibular -ischioiliac -ischioneuralgia -ischioperineal -ischiopodite -ischiopubic -ischiopubis -ischiorectal -ischiorrhogic -ischiosacral -ischiotibial -ischiovaginal -ischiovertebral -ischium -ischocholia -ischuretic -ischuria -ischury -Ischyodus -Isegrim -isenergic -isentropic -isepiptesial -isepiptesis -iserine -iserite -isethionate -isethionic -Iseum -Isfahan -Ishmael -Ishmaelite -Ishmaelitic -Ishmaelitish -Ishmaelitism -ishpingo -ishshakku -Isiac -Isiacal -Isidae -isidiiferous -isidioid -isidiophorous -isidiose -isidium -isidoid -Isidore -Isidorian -Isidoric -Isinai -isindazole -isinglass -Isis -Islam -Islamic -Islamism -Islamist -Islamistic -Islamite -Islamitic -Islamitish -Islamization -Islamize -island -islander -islandhood -islandic -islandish -islandless -islandlike -islandman -islandress -islandry -islandy -islay -isle -isleless -islesman -islet -Isleta -isleted -isleward -islot -ism -Ismaelism -Ismaelite -Ismaelitic -Ismaelitical -Ismaelitish -Ismaili -Ismailian -Ismailite -ismal -ismatic -ismatical -ismaticalness -ismdom -ismy -Isnardia -iso -isoabnormal -isoagglutination -isoagglutinative -isoagglutinin -isoagglutinogen -isoalantolactone -isoallyl -isoamarine -isoamide -isoamyl -isoamylamine -isoamylene -isoamylethyl -isoamylidene -isoantibody -isoantigen -isoapiole -isoasparagine -isoaurore -isobar -isobarbaloin -isobarbituric -isobare -isobaric -isobarism -isobarometric -isobase -isobath -isobathic -isobathytherm -isobathythermal -isobathythermic -isobenzofuran -isobilateral -isobilianic -isobiogenetic -isoborneol -isobornyl -isobront -isobronton -isobutane -isobutyl -isobutylene -isobutyraldehyde -isobutyrate -isobutyric -isobutyryl -isocamphor -isocamphoric -isocaproic -isocarbostyril -Isocardia -Isocardiidae -isocarpic -isocarpous -isocellular -isocephalic -isocephalism -isocephalous -isocephaly -isocercal -isocercy -isochasm -isochasmic -isocheim -isocheimal -isocheimenal -isocheimic -isocheimonal -isochlor -isochlorophyll -isochlorophyllin -isocholanic -isocholesterin -isocholesterol -isochor -isochoric -isochromatic -isochronal -isochronally -isochrone -isochronic -isochronical -isochronism -isochronize -isochronon -isochronous -isochronously -isochroous -isocinchomeronic -isocinchonine -isocitric -isoclasite -isoclimatic -isoclinal -isocline -isoclinic -isocodeine -isocola -isocolic -isocolon -isocoria -isocorybulbin -isocorybulbine -isocorydine -isocoumarin -isocracy -isocrat -isocratic -isocreosol -isocrotonic -isocrymal -isocryme -isocrymic -isocyanate -isocyanic -isocyanide -isocyanine -isocyano -isocyanogen -isocyanurate -isocyanuric -isocyclic -isocymene -isocytic -isodactylism -isodactylous -isodiabatic -isodialuric -isodiametric -isodiametrical -isodiazo -isodiazotate -isodimorphic -isodimorphism -isodimorphous -isodomic -isodomous -isodomum -isodont -isodontous -isodrome -isodulcite -isodurene -isodynamia -isodynamic -isodynamical -isoelectric -isoelectrically -isoelectronic -isoelemicin -isoemodin -isoenergetic -isoerucic -Isoetaceae -Isoetales -Isoetes -isoeugenol -isoflavone -isoflor -isogamete -isogametic -isogametism -isogamic -isogamous -isogamy -isogen -isogenesis -isogenetic -isogenic -isogenotype -isogenotypic -isogenous -isogeny -isogeotherm -isogeothermal -isogeothermic -isogloss -isoglossal -isognathism -isognathous -isogon -isogonal -isogonality -isogonally -isogonic -isogoniostat -isogonism -isograft -isogram -isograph -isographic -isographical -isographically -isography -isogynous -isohaline -isohalsine -isohel -isohemopyrrole -isoheptane -isohesperidin -isohexyl -isohydric -isohydrocyanic -isohydrosorbic -isohyet -isohyetal -isoimmune -isoimmunity -isoimmunization -isoimmunize -isoindazole -isoindigotin -isoindole -isoionone -isokeraunic -isokeraunographic -isokeraunophonic -Isokontae -isokontan -isokurtic -isolability -isolable -isolapachol -isolate -isolated -isolatedly -isolating -isolation -isolationism -isolationist -isolative -Isolde -isolecithal -isoleucine -isolichenin -isolinolenic -isologous -isologue -isology -Isoloma -isolysin -isolysis -isomagnetic -isomaltose -isomastigate -isomelamine -isomenthone -isomer -Isomera -isomere -isomeric -isomerical -isomerically -isomeride -isomerism -isomerization -isomerize -isomeromorphism -isomerous -isomery -isometric -isometrical -isometrically -isometrograph -isometropia -isometry -isomorph -isomorphic -isomorphism -isomorphous -Isomyaria -isomyarian -isoneph -isonephelic -isonergic -isonicotinic -isonitramine -isonitrile -isonitroso -isonomic -isonomous -isonomy -isonuclear -isonym -isonymic -isonymy -isooleic -isoosmosis -isopachous -isopag -isoparaffin -isopectic -isopelletierin -isopelletierine -isopentane -isoperimeter -isoperimetric -isoperimetrical -isoperimetry -isopetalous -isophanal -isophane -isophasal -isophene -isophenomenal -isophoria -isophorone -isophthalic -isophthalyl -isophyllous -isophylly -isopicramic -isopiestic -isopiestically -isopilocarpine -isoplere -isopleth -Isopleura -isopleural -isopleuran -isopleurous -isopod -Isopoda -isopodan -isopodiform -isopodimorphous -isopodous -isopogonous -isopolite -isopolitical -isopolity -isopoly -isoprene -isopropenyl -isopropyl -isopropylacetic -isopropylamine -isopsephic -isopsephism -Isoptera -isopterous -isoptic -isopulegone -isopurpurin -isopycnic -isopyre -isopyromucic -isopyrrole -isoquercitrin -isoquinine -isoquinoline -isorcinol -isorhamnose -isorhodeose -isorithm -isorosindone -isorrhythmic -isorropic -isosaccharic -isosaccharin -isoscele -isosceles -isoscope -isoseismal -isoseismic -isoseismical -isoseist -isoserine -isosmotic -Isospondyli -isospondylous -isospore -isosporic -isosporous -isospory -isostasist -isostasy -isostatic -isostatical -isostatically -isostemonous -isostemony -isostere -isosteric -isosterism -isostrychnine -isosuccinic -isosulphide -isosulphocyanate -isosulphocyanic -isosultam -isotac -isoteles -isotely -isotheral -isothere -isotherm -isothermal -isothermally -isothermic -isothermical -isothermobath -isothermobathic -isothermous -isotherombrose -isothiocyanates -isothiocyanic -isothiocyano -isothujone -isotimal -isotome -isotomous -isotonia -isotonic -isotonicity -isotony -isotope -isotopic -isotopism -isotopy -isotrehalose -Isotria -isotrimorphic -isotrimorphism -isotrimorphous -isotron -isotrope -isotropic -isotropism -isotropous -isotropy -isotype -isotypic -isotypical -isovalerate -isovalerianate -isovalerianic -isovaleric -isovalerone -isovaline -isovanillic -isovoluminal -isoxanthine -isoxazine -isoxazole -isoxime -isoxylene -isoyohimbine -isozooid -ispaghul -ispravnik -Israel -Israeli -Israelite -Israeliteship -Israelitic -Israelitish -Israelitism -Israelitize -issanguila -Issedoi -Issedones -issei -issite -issuable -issuably -issuance -issuant -issue -issueless -issuer -issuing -ist -isthmi -Isthmia -isthmial -isthmian -isthmiate -isthmic -isthmoid -isthmus -istiophorid -Istiophoridae -Istiophorus -istle -istoke -Istrian -Istvaeones -isuret -isuretine -Isuridae -isuroid -Isurus -Iswara -it -Ita -itabirite -itacism -itacist -itacistic -itacolumite -itaconate -itaconic -Itala -Itali -Italian -Italianate -Italianately -Italianation -Italianesque -Italianish -Italianism -Italianist -Italianity -Italianization -Italianize -Italianizer -Italianly -Italic -Italical -Italically -Italican -Italicanist -Italici -Italicism -italicization -italicize -italics -Italiote -italite -Italomania -Italon -Italophile -itamalate -itamalic -itatartaric -itatartrate -Itaves -itch -itchiness -itching -itchingly -itchless -itchproof -itchreed -itchweed -itchy -itcze -Itea -Iteaceae -Itelmes -item -iteming -itemization -itemize -itemizer -itemy -Iten -Itenean -iter -iterable -iterance -iterancy -iterant -iterate -iteration -iterative -iteratively -iterativeness -Ithaca -Ithacan -Ithacensian -ithagine -Ithaginis -ither -Ithiel -ithomiid -Ithomiidae -Ithomiinae -ithyphallic -Ithyphallus -ithyphyllous -itineracy -itinerancy -itinerant -itinerantly -itinerarian -Itinerarium -itinerary -itinerate -itineration -itmo -Ito -Itoism -Itoist -Itoland -Itonama -Itonaman -Itonia -itonidid -Itonididae -itoubou -its -itself -Ituraean -iturite -Itylus -Itys -Itza -itzebu -iva -Ivan -ivied -ivin -ivoried -ivorine -ivoriness -ivorist -ivory -ivorylike -ivorytype -ivorywood -ivy -ivybells -ivyberry -ivyflower -ivylike -ivyweed -ivywood -ivywort -iwa -iwaiwa -iwis -Ixia -Ixiaceae -Ixiama -Ixil -Ixion -Ixionian -Ixodes -ixodian -ixodic -ixodid -Ixodidae -Ixora -iyo -Izar -izar -izard -Izcateco -Izchak -Izdubar -izle -izote -iztle -Izumi -izzard -Izzy -J -j -Jaalin -jab -Jabarite -jabbed -jabber -jabberer -jabbering -jabberingly -jabberment -Jabberwock -jabberwockian -Jabberwocky -jabbing -jabbingly -jabble -jabers -jabia -jabiru -jaborandi -jaborine -jabot -jaboticaba -jabul -jacal -Jacaltec -Jacalteca -jacamar -Jacamaralcyon -jacameropine -Jacamerops -jacami -jacamin -Jacana -jacana -Jacanidae -Jacaranda -jacare -jacate -jacchus -jacent -jacinth -jacinthe -Jack -jack -jackal -jackanapes -jackanapish -jackaroo -jackass -jackassery -jackassification -jackassism -jackassness -jackbird -jackbox -jackboy -jackdaw -jackeen -jacker -jacket -jacketed -jacketing -jacketless -jacketwise -jackety -jackfish -jackhammer -jackknife -jackleg -jackman -jacko -jackpudding -jackpuddinghood -jackrod -jacksaw -jackscrew -jackshaft -jackshay -jacksnipe -Jackson -Jacksonia -Jacksonian -Jacksonite -jackstay -jackstone -jackstraw -jacktan -jackweed -jackwood -Jacky -Jackye -Jacob -jacobaea -jacobaean -Jacobean -Jacobian -Jacobic -Jacobin -Jacobinia -Jacobinic -Jacobinical -Jacobinically -Jacobinism -Jacobinization -Jacobinize -Jacobite -Jacobitely -Jacobitiana -Jacobitic -Jacobitical -Jacobitically -Jacobitish -Jacobitishly -Jacobitism -jacobsite -Jacobson -jacobus -jacoby -jaconet -Jacqueminot -Jacques -jactance -jactancy -jactant -jactation -jactitate -jactitation -jacu -jacuaru -jaculate -jaculation -jaculative -jaculator -jaculatorial -jaculatory -jaculiferous -Jacunda -jacutinga -jadder -jade -jaded -jadedly -jadedness -jadeite -jadery -jadesheen -jadeship -jadestone -jadish -jadishly -jadishness -jady -jaeger -jag -Jaga -Jagannath -Jagannatha -jagat -Jagatai -Jagataic -Jagath -jager -jagged -jaggedly -jaggedness -jagger -jaggery -jaggy -jagir -jagirdar -jagla -jagless -jagong -jagrata -jagua -jaguar -jaguarete -Jahve -Jahvist -Jahvistic -jail -jailage -jailbird -jaildom -jailer -jaileress -jailering -jailership -jailhouse -jailish -jailkeeper -jaillike -jailmate -jailward -jailyard -Jaime -Jain -Jaina -Jainism -Jainist -Jaipuri -jajman -Jake -jake -jakes -jako -Jakob -Jakun -Jalalaean -jalap -jalapa -jalapin -jalkar -jalloped -jalopy -jalouse -jalousie -jalousied -jalpaite -Jam -jam -jama -Jamaica -Jamaican -jaman -jamb -jambalaya -jambeau -jambo -jambolan -jambone -jambool -jamboree -Jambos -jambosa -jambstone -jamdani -James -Jamesian -Jamesina -jamesonite -jami -Jamie -jamlike -jammedness -jammer -jammy -Jamnia -jampan -jampani -jamrosade -jamwood -Jan -janapa -janapan -Jane -jane -Janet -jangada -Janghey -jangkar -jangle -jangler -jangly -Janice -janiceps -Janiculan -Janiculum -Janiform -janissary -janitor -janitorial -janitorship -janitress -janitrix -Janizarian -Janizary -jank -janker -jann -jannock -Janos -Jansenism -Jansenist -Jansenistic -Jansenistical -Jansenize -Janthina -Janthinidae -jantu -janua -Januarius -January -Janus -Januslike -jaob -Jap -jap -japaconine -japaconitine -Japan -japan -Japanee -Japanese -Japanesque -Japanesquely -Japanesquery -Japanesy -Japanicize -Japanism -Japanization -Japanize -japanned -Japanner -japanner -japannery -Japannish -Japanolatry -Japanologist -Japanology -Japanophile -Japanophobe -Japanophobia -jape -japer -japery -Japetus -Japheth -Japhetic -Japhetide -Japhetite -japing -japingly -japish -japishly -japishness -Japonic -japonica -Japonically -Japonicize -Japonism -Japonize -Japonizer -Japygidae -japygoid -Japyx -Jaqueline -Jaquesian -jaquima -jar -jara -jaragua -jararaca -jararacussu -jarbird -jarble -jarbot -jardiniere -Jared -jarfly -jarful -jarg -jargon -jargonal -jargoneer -jargonelle -jargoner -jargonesque -jargonic -jargonish -jargonist -jargonistic -jargonium -jargonization -jargonize -jarkman -Jarl -jarl -jarldom -jarless -jarlship -Jarmo -jarnut -jarool -jarosite -jarra -jarrah -jarring -jarringly -jarringness -jarry -jarvey -Jarvis -jasey -jaseyed -Jasione -Jasminaceae -jasmine -jasmined -jasminewood -Jasminum -jasmone -Jason -jaspachate -jaspagate -Jasper -jasper -jasperated -jaspered -jasperize -jasperoid -jaspery -jaspidean -jaspideous -jaspilite -jaspis -jaspoid -jasponyx -jaspopal -jass -jassid -Jassidae -jassoid -Jat -jatamansi -Jateorhiza -jateorhizine -jatha -jati -Jatki -Jatni -jato -Jatropha -jatrophic -jatrorrhizine -Jatulian -jaudie -jauk -jaun -jaunce -jaunder -jaundice -jaundiceroot -jaunt -jauntie -jauntily -jauntiness -jauntingly -jaunty -jaup -Java -Javahai -javali -Javan -Javanee -Javanese -javelin -javelina -javeline -javelineer -javer -Javitero -jaw -jawab -jawbation -jawbone -jawbreaker -jawbreaking -jawbreakingly -jawed -jawfall -jawfallen -jawfish -jawfoot -jawfooted -jawless -jawsmith -jawy -Jay -jay -Jayant -Jayesh -jayhawk -jayhawker -jaypie -jaywalk -jaywalker -jazerant -Jazyges -jazz -jazzer -jazzily -jazziness -jazzy -jealous -jealously -jealousness -jealousy -Jeames -Jean -jean -Jean-Christophe -Jean-Pierre -Jeanette -Jeanie -Jeanne -Jeannette -Jeannie -Jeanpaulia -jeans -Jeany -Jebus -Jebusi -Jebusite -Jebusitic -Jebusitical -Jebusitish -jecoral -jecorin -jecorize -jed -jedcock -jedding -jeddock -jeel -jeep -jeer -jeerer -jeering -jeeringly -jeerproof -jeery -jeewhillijers -jeewhillikens -Jef -Jeff -jeff -jefferisite -Jeffersonia -Jeffersonian -Jeffersonianism -jeffersonite -Jeffery -Jeffie -Jeffrey -Jehovah -Jehovic -Jehovism -Jehovist -Jehovistic -jehu -jehup -jejunal -jejunator -jejune -jejunely -jejuneness -jejunitis -jejunity -jejunoduodenal -jejunoileitis -jejunostomy -jejunotomy -jejunum -jelab -jelerang -jelick -jell -jellica -jellico -jellied -jelliedness -jellification -jellify -jellily -jelloid -jelly -jellydom -jellyfish -jellyleaf -jellylike -Jelske -jelutong -Jem -jemadar -Jemez -Jemima -jemmily -jemminess -Jemmy -jemmy -Jenine -jenkin -jenna -jennerization -jennerize -jennet -jenneting -Jennie -jennier -Jennifer -Jenny -jenny -Jenson -jentacular -jeofail -jeopard -jeoparder -jeopardize -jeopardous -jeopardously -jeopardousness -jeopardy -jequirity -Jerahmeel -Jerahmeelites -Jerald -jerboa -jereed -jeremejevite -jeremiad -Jeremiah -Jeremian -Jeremianic -Jeremias -Jeremy -jerez -jerib -jerk -jerker -jerkily -jerkin -jerkined -jerkiness -jerkingly -jerkish -jerksome -jerkwater -jerky -jerl -jerm -jermonal -Jeroboam -Jerome -Jeromian -Jeronymite -jerque -jerquer -Jerrie -Jerry -jerry -jerryism -Jersey -jersey -Jerseyan -jerseyed -Jerseyite -Jerseyman -jert -Jerusalem -jervia -jervina -jervine -Jesper -Jess -jess -jessakeed -jessamine -jessamy -jessant -Jesse -Jessean -jessed -Jessica -Jessie -jessur -jest -jestbook -jestee -jester -jestful -jesting -jestingly -jestingstock -jestmonger -jestproof -jestwise -jestword -Jesu -Jesuate -Jesuit -Jesuited -Jesuitess -Jesuitic -Jesuitical -Jesuitically -Jesuitish -Jesuitism -Jesuitist -Jesuitize -Jesuitocracy -Jesuitry -Jesus -jet -jetbead -jete -Jethro -Jethronian -jetsam -jettage -jetted -jetter -jettied -jettiness -jettingly -jettison -jetton -jetty -jettyhead -jettywise -jetware -Jew -jewbird -jewbush -Jewdom -jewel -jeweler -jewelhouse -jeweling -jewelless -jewellike -jewelry -jewelsmith -jewelweed -jewely -Jewess -jewfish -Jewhood -Jewish -Jewishly -Jewishness -Jewism -Jewless -Jewlike -Jewling -Jewry -Jewship -Jewstone -Jewy -jezail -Jezebel -Jezebelian -Jezebelish -jezekite -jeziah -Jezreelite -jharal -jheel -jhool -jhow -Jhuria -Ji -Jianyun -jib -jibbah -jibber -jibbings -jibby -jibe -jibhead -jibi -jibman -jiboa -jibstay -jicama -Jicaque -Jicaquean -jicara -Jicarilla -jiff -jiffle -jiffy -jig -jigamaree -jigger -jiggerer -jiggerman -jiggers -jigget -jiggety -jigginess -jiggish -jiggle -jiggly -jiggumbob -jiggy -jiglike -jigman -jihad -jikungu -Jill -jillet -jillflirt -jilt -jiltee -jilter -jiltish -Jim -jimbang -jimberjaw -jimberjawed -jimjam -Jimmy -jimmy -jimp -jimply -jimpness -jimpricute -jimsedge -Jin -jina -jincamas -Jincan -Jinchao -jing -jingal -Jingbai -jingbang -jingle -jingled -jinglejangle -jingler -jinglet -jingling -jinglingly -jingly -jingo -jingodom -jingoish -jingoism -jingoist -jingoistic -jinja -jinjili -jink -jinker -jinket -jinkle -jinks -jinn -jinnestan -jinni -jinniwink -jinniyeh -Jinny -jinny -jinriki -jinrikiman -jinrikisha -jinshang -jinx -jipijapa -jipper -jiqui -jirble -jirga -Jiri -jirkinet -Jisheng -Jitendra -jiti -jitneur -jitneuse -jitney -jitneyman -jitro -jitter -jitterbug -jitters -jittery -jiva -Jivaran -Jivaro -Jivaroan -jive -jixie -Jo -jo -Joachim -Joachimite -Joan -Joanna -Joanne -Joannite -joaquinite -Job -job -jobade -jobarbe -jobation -jobber -jobbernowl -jobbernowlism -jobbery -jobbet -jobbing -jobbish -jobble -jobholder -jobless -joblessness -jobman -jobmaster -jobmistress -jobmonger -jobo -jobsmith -Jocasta -Jocelin -Joceline -Jocelyn -joch -Jochen -Jock -jock -jocker -jockey -jockeydom -jockeyish -jockeyism -jockeylike -jockeyship -jocko -jockteleg -jocoque -jocose -jocosely -jocoseness -jocoseriosity -jocoserious -jocosity -jocote -jocu -jocular -jocularity -jocularly -jocularness -joculator -jocum -jocuma -jocund -jocundity -jocundly -jocundness -jodel -jodelr -jodhpurs -Jodo -Joe -joe -joebush -Joel -joewood -Joey -joey -jog -jogger -joggle -joggler -jogglety -jogglework -joggly -jogtrottism -Johan -Johann -Johanna -Johannean -Johannes -johannes -Johannine -Johannisberger -Johannist -Johannite -johannite -John -Johnadreams -Johnathan -Johnian -johnin -Johnnie -Johnny -johnnycake -johnnydom -Johnsmas -Johnsonese -Johnsonian -Johnsoniana -Johnsonianism -Johnsonianly -Johnsonism -johnstrupite -join -joinable -joinant -joinder -joiner -joinery -joining -joiningly -joint -jointage -jointed -jointedly -jointedness -jointer -jointing -jointist -jointless -jointly -jointress -jointure -jointureless -jointuress -jointweed -jointworm -jointy -joist -joisting -joistless -jojoba -joke -jokeless -jokelet -jokeproof -joker -jokesmith -jokesome -jokesomeness -jokester -jokingly -jokish -jokist -jokul -joky -joll -jolleyman -jollier -jollification -jollify -jollily -jolliness -jollity -jollop -jolloped -jolly -jollytail -Joloano -jolt -jolter -jolterhead -jolterheaded -jolterheadedness -jolthead -joltiness -jolting -joltingly -joltless -joltproof -jolty -Jon -Jonah -Jonahesque -Jonahism -Jonas -Jonathan -Jonathanization -Jones -Jonesian -Jong -jonglery -jongleur -Joni -jonque -jonquil -jonquille -Jonsonian -Jonval -jonvalization -jonvalize -jookerie -joola -joom -Joon -Jophiel -Jordan -jordan -Jordanian -jordanite -joree -Jorge -Jorist -jorum -Jos -Jose -josefite -joseite -Joseph -Josepha -Josephine -Josephinism -josephinite -Josephism -Josephite -Josh -josh -josher -joshi -Joshua -Josiah -josie -Josip -joskin -joss -jossakeed -josser -jostle -jostlement -jostler -jot -jota -jotation -jotisi -Jotnian -jotter -jotting -jotty -joubarb -Joubert -joug -jough -jouk -joukerypawkery -joule -joulean -joulemeter -jounce -journal -journalese -journalish -journalism -journalist -journalistic -journalistically -journalization -journalize -journalizer -journey -journeycake -journeyer -journeying -journeyman -journeywoman -journeywork -journeyworker -jours -joust -jouster -Jova -Jove -Jovial -jovial -jovialist -jovialistic -joviality -jovialize -jovially -jovialness -jovialty -Jovian -Jovianly -Jovicentric -Jovicentrical -Jovicentrically -jovilabe -Joviniamish -Jovinian -Jovinianist -Jovite -jow -jowar -jowari -jowel -jower -jowery -jowl -jowler -jowlish -jowlop -jowly -jowpy -jowser -jowter -joy -joyance -joyancy -joyant -Joyce -joyful -joyfully -joyfulness -joyhop -joyleaf -joyless -joylessly -joylessness -joylet -joyous -joyously -joyousness -joyproof -joysome -joyweed -Jozy -Ju -Juan -Juang -juba -jubate -jubbah -jubbe -jube -juberous -jubilance -jubilancy -jubilant -jubilantly -jubilarian -jubilate -jubilatio -jubilation -jubilatory -jubilean -jubilee -jubilist -jubilization -jubilize -jubilus -juck -juckies -Jucuna -jucundity -jud -Judaeomancy -Judaeophile -Judaeophilism -Judaeophobe -Judaeophobia -Judah -Judahite -Judaic -Judaica -Judaical -Judaically -Judaism -Judaist -Judaistic -Judaistically -Judaization -Judaize -Judaizer -Judas -Judaslike -judcock -Jude -Judean -judex -Judge -judge -judgeable -judgelike -judger -judgeship -judgingly -judgmatic -judgmatical -judgmatically -judgment -Judica -judicable -judicate -judication -judicative -judicator -judicatorial -judicatory -judicature -judices -judiciable -judicial -judiciality -judicialize -judicially -judicialness -judiciarily -judiciary -judicious -judiciously -judiciousness -Judith -judo -Judophobism -Judy -Juergen -jufti -jug -Juga -jugal -jugale -Jugatae -jugate -jugated -jugation -juger -jugerum -jugful -jugger -Juggernaut -juggernaut -Juggernautish -juggins -juggle -jugglement -juggler -jugglery -juggling -jugglingly -Juglandaceae -juglandaceous -Juglandales -juglandin -Juglans -juglone -jugular -Jugulares -jugulary -jugulate -jugulum -jugum -Jugurthine -Juha -juice -juiceful -juiceless -juicily -juiciness -juicy -jujitsu -juju -jujube -jujuism -jujuist -juke -jukebox -Jule -julep -Jules -Juletta -Julia -Julian -Juliana -Juliane -Julianist -Julianto -julid -Julidae -julidan -Julie -Julien -julienite -julienne -Juliet -Julietta -julio -Julius -juloid -Juloidea -juloidian -julole -julolidin -julolidine -julolin -juloline -Julus -July -Julyflower -Jumada -Jumana -jumart -jumba -jumble -jumblement -jumbler -jumblingly -jumbly -jumbo -jumboesque -jumboism -jumbuck -jumby -jumelle -jument -jumentous -jumfru -jumillite -jumma -jump -jumpable -jumper -jumperism -jumpiness -jumpingly -jumpness -jumprock -jumpseed -jumpsome -jumpy -Jun -Juncaceae -juncaceous -Juncaginaceae -juncaginaceous -juncagineous -junciform -juncite -Junco -Juncoides -juncous -junction -junctional -junctive -juncture -Juncus -June -june -Juneberry -Junebud -junectomy -Juneflower -Jungermannia -Jungermanniaceae -jungermanniaceous -Jungermanniales -jungle -jungled -jungleside -junglewards -junglewood -jungli -jungly -juniata -junior -juniorate -juniority -juniorship -juniper -Juniperaceae -Juniperus -Junius -junk -junkboard -Junker -junker -Junkerdom -junkerdom -junkerish -Junkerism -junkerism -junket -junketer -junketing -junking -junkman -Juno -Junoesque -Junonia -Junonian -junt -junta -junto -jupati -jupe -Jupiter -jupon -Jur -Jura -jural -jurally -jurament -juramentado -juramental -juramentally -juramentum -Jurane -jurant -jurara -Jurassic -jurat -juration -jurative -jurator -juratorial -juratory -jure -jurel -Jurevis -Juri -juridic -juridical -juridically -juring -jurisconsult -jurisdiction -jurisdictional -jurisdictionalism -jurisdictionally -jurisdictive -jurisprudence -jurisprudent -jurisprudential -jurisprudentialist -jurisprudentially -jurist -juristic -juristical -juristically -juror -jurupaite -jury -juryless -juryman -jurywoman -jusquaboutisme -jusquaboutist -jussel -Jussi -Jussiaea -Jussiaean -Jussieuan -jussion -jussive -jussory -just -justen -justice -justicehood -justiceless -justicelike -justicer -justiceship -justiceweed -Justicia -justiciability -justiciable -justicial -justiciar -justiciarship -justiciary -justiciaryship -justicies -justifiability -justifiable -justifiableness -justifiably -justification -justificative -justificator -justificatory -justifier -justify -justifying -justifyingly -Justin -Justina -Justine -Justinian -Justinianian -Justinianist -justly -justment -justness -justo -Justus -jut -Jute -jute -Jutic -Jutish -jutka -Jutlander -Jutlandish -jutting -juttingly -jutty -Juturna -Juvavian -juvenal -Juvenalian -juvenate -juvenescence -juvenescent -juvenile -juvenilely -juvenileness -juvenilify -juvenilism -juvenility -juvenilize -Juventas -juventude -Juverna -juvia -juvite -juxtalittoral -juxtamarine -juxtapose -juxtaposit -juxtaposition -juxtapositional -juxtapositive -juxtapyloric -juxtaspinal -juxtaterrestrial -juxtatropical -Juyas -Juza -Jwahar -Jynginae -jyngine -Jynx -jynx -K -k -ka -Kababish -Kabaka -kabaragoya -Kabard -Kabardian -kabaya -Kabbeljaws -kabel -kaberu -kabiet -Kabirpanthi -Kabistan -Kabonga -kabuki -Kabuli -Kabyle -Kachari -Kachin -kachin -Kadaga -Kadarite -kadaya -Kadayan -Kaddish -kadein -kadikane -kadischi -Kadmi -kados -Kadu -kaempferol -Kaf -Kafa -kaferita -Kaffir -kaffir -kaffiyeh -Kaffraria -Kaffrarian -Kafir -kafir -Kafiri -kafirin -kafiz -Kafka -Kafkaesque -kafta -kago -kagu -kaha -kahar -kahau -kahikatea -kahili -kahu -kahuna -kai -Kaibab -Kaibartha -kaid -kaik -kaikara -kaikawaka -kail -kailyard -kailyarder -kailyardism -Kaimo -Kainah -kainga -kainite -kainsi -kainyn -kairine -kairoline -kaiser -kaiserdom -kaiserism -kaisership -kaitaka -Kaithi -kaiwhiria -kaiwi -Kaj -Kajar -kajawah -kajugaru -kaka -Kakan -kakapo -kakar -kakarali -kakariki -Kakatoe -Kakatoidae -kakawahie -kaki -kakidrosis -kakistocracy -kakkak -kakke -kakortokite -kala -kaladana -kalamalo -kalamansanai -Kalamian -Kalanchoe -Kalandariyah -Kalang -Kalapooian -kalashnikov -kalasie -Kaldani -kale -kaleidophon -kaleidophone -kaleidoscope -kaleidoscopic -kaleidoscopical -kaleidoscopically -Kalekah -kalema -Kalendae -kalends -kalewife -kaleyard -kali -kalian -Kaliana -kaliborite -kalidium -kaliform -kaligenous -Kalinga -kalinite -kaliophilite -kalipaya -Kalispel -kalium -kallah -kallege -kallilite -Kallima -kallitype -Kalmarian -Kalmia -Kalmuck -kalo -kalogeros -kalokagathia -kalon -kalong -kalpis -kalsomine -kalsominer -kalumpang -kalumpit -Kalwar -kalymmaukion -kalymmocyte -kamachile -kamacite -kamahi -kamala -kamaloka -kamansi -kamao -Kamares -kamarezite -kamarupa -kamarupic -kamas -Kamasin -Kamass -kamassi -Kamba -kambal -kamboh -Kamchadal -Kamchatkan -kame -kameeldoorn -kameelthorn -Kamel -kamelaukion -kamerad -kamias -kamichi -kamik -kamikaze -Kamiya -kammalan -kammererite -kamperite -kampong -kamptomorph -kan -kana -kanae -kanagi -Kanaka -kanap -kanara -Kanarese -kanari -kanat -Kanauji -Kanawari -Kanawha -kanchil -kande -Kandelia -kandol -kaneh -kanephore -kanephoros -Kaneshite -Kanesian -kang -kanga -kangani -kangaroo -kangarooer -Kangli -Kanji -Kankanai -kankie -kannume -kanoon -Kanred -kans -Kansa -Kansan -kantele -kanteletar -kanten -Kanthan -Kantian -Kantianism -Kantism -Kantist -Kanuri -Kanwar -kaoliang -kaolin -kaolinate -kaolinic -kaolinite -kaolinization -kaolinize -kapa -kapai -kapeika -kapok -kapp -kappa -kappe -kappland -kapur -kaput -Karabagh -karagan -Karaism -Karaite -Karaitism -karaka -Karakatchan -Karakul -karakul -Karamojo -karamu -karaoke -Karatas -karate -Karaya -karaya -karbi -karch -kareao -kareeta -Karel -karela -Karelian -Karen -Karharbari -Kari -karite -Karl -Karling -Karluk -karma -Karmathian -karmic -karmouth -karo -kaross -karou -karree -karri -Karroo -karroo -karrusel -karsha -Karshuni -Karst -karst -karstenite -karstic -kartel -Karthli -kartometer -kartos -Kartvel -Kartvelian -karwar -Karwinskia -karyaster -karyenchyma -karyochrome -karyochylema -karyogamic -karyogamy -karyokinesis -karyokinetic -karyologic -karyological -karyologically -karyology -karyolymph -Karyolysidae -karyolysis -Karyolysus -karyolytic -karyomere -karyomerite -karyomicrosome -karyomitoic -karyomitome -karyomiton -karyomitosis -karyomitotic -karyon -karyoplasm -karyoplasma -karyoplasmatic -karyoplasmic -karyopyknosis -karyorrhexis -karyoschisis -karyosome -karyotin -karyotype -kasa -kasbah -kasbeke -kascamiol -Kasha -Kashan -kasher -kashga -kashi -kashima -Kashmiri -Kashmirian -Kashoubish -kashruth -Kashube -Kashubian -Kashyapa -kasida -Kasikumuk -Kaska -Kaskaskia -kasm -kasolite -kassabah -Kassak -Kassite -kassu -kastura -Kasubian -kat -Katabanian -katabasis -katabatic -katabella -katabolic -katabolically -katabolism -katabolite -katabolize -katabothron -katachromasis -katacrotic -katacrotism -katagenesis -katagenetic -katakana -katakinesis -katakinetic -katakinetomer -katakinetomeric -katakiribori -katalase -katalysis -katalyst -katalytic -katalyze -katamorphism -kataphoresis -kataphoretic -kataphoric -kataphrenia -kataplasia -kataplectic -kataplexy -katar -katastate -katastatic -katathermometer -katatonia -katatonic -katatype -katchung -katcina -Kate -kath -Katha -katha -kathal -Katharina -Katharine -katharometer -katharsis -kathartic -kathemoglobin -kathenotheism -Kathleen -kathodic -Kathopanishad -Kathryn -Kathy -Katie -Katik -Katinka -katipo -Katipunan -Katipuneros -katmon -katogle -Katrine -Katrinka -katsup -Katsuwonidae -katuka -Katukina -katun -katurai -Katy -katydid -Kauravas -kauri -kava -kavaic -kavass -Kavi -Kaw -kawaka -Kawchodinne -kawika -Kay -kay -kayak -kayaker -Kayan -Kayasth -Kayastha -kayles -kayo -Kayvan -Kazak -kazi -kazoo -Kazuhiro -kea -keach -keacorn -Keatsian -keawe -keb -kebab -kebbie -kebbuck -kechel -keck -keckle -keckling -kecksy -kecky -ked -Kedar -Kedarite -keddah -kedge -kedger -kedgeree -kedlock -Kedushshah -Kee -keech -keek -keeker -keel -keelage -keelbill -keelblock -keelboat -keelboatman -keeled -keeler -keelfat -keelhale -keelhaul -keelie -keeling -keelivine -keelless -keelman -keelrake -keelson -keen -keena -keened -keener -keenly -keenness -keep -keepable -keeper -keeperess -keepering -keeperless -keepership -keeping -keepsake -keepsaky -keepworthy -keerogue -Kees -keeshond -keest -keet -keeve -Keewatin -kef -keffel -kefir -kefiric -Kefti -Keftian -Keftiu -keg -kegler -kehaya -kehillah -kehoeite -Keid -keilhauite -keita -Keith -keitloa -Kekchi -kekotene -kekuna -kelchin -keld -Kele -kele -kelebe -kelectome -keleh -kelek -kelep -Kelima -kelk -kell -kella -kellion -kellupweed -Kelly -kelly -keloid -keloidal -kelp -kelper -kelpfish -kelpie -kelpware -kelpwort -kelpy -kelt -kelter -Keltoi -kelty -Kelvin -kelvin -kelyphite -Kemal -Kemalism -Kemalist -kemb -kemp -kemperyman -kempite -kemple -kempster -kempt -kempy -Ken -ken -kenaf -Kenai -kenareh -kench -kend -kendir -kendyr -Kenelm -Kenipsim -kenlore -kenmark -Kenn -Kennebec -kennebecker -kennebunker -Kennedya -kennel -kennelly -kennelman -kenner -Kenneth -kenning -kenningwort -kenno -keno -kenogenesis -kenogenetic -kenogenetically -kenogeny -kenosis -kenotic -kenoticism -kenoticist -kenotism -kenotist -kenotoxin -kenotron -Kenseikai -kensington -Kensitite -kenspac -kenspeck -kenspeckle -Kent -kent -kentallenite -Kentia -Kenticism -Kentish -Kentishman -kentledge -Kenton -kentrogon -kentrolite -Kentuckian -Kentucky -kenyte -kep -kepi -Keplerian -kept -Ker -keracele -keralite -kerana -keraphyllocele -keraphyllous -kerasin -kerasine -kerat -keratalgia -keratectasia -keratectomy -Keraterpeton -keratin -keratinization -keratinize -keratinoid -keratinose -keratinous -keratitis -keratoangioma -keratocele -keratocentesis -keratoconjunctivitis -keratoconus -keratocricoid -keratode -keratodermia -keratogenic -keratogenous -keratoglobus -keratoglossus -keratohelcosis -keratohyal -keratoid -Keratoidea -keratoiritis -Keratol -keratoleukoma -keratolysis -keratolytic -keratoma -keratomalacia -keratome -keratometer -keratometry -keratomycosis -keratoncus -keratonosus -keratonyxis -keratophyre -keratoplastic -keratoplasty -keratorrhexis -keratoscope -keratoscopy -keratose -keratosis -keratotome -keratotomy -keratto -keraulophon -keraulophone -Keraunia -keraunion -keraunograph -keraunographic -keraunography -keraunophone -keraunophonic -keraunoscopia -keraunoscopy -kerbstone -kerchief -kerchiefed -kerchoo -kerchug -kerchunk -kerectomy -kerel -Keres -Keresan -Kerewa -kerf -kerflap -kerflop -kerflummox -Kerite -Kermanji -Kermanshah -kermes -kermesic -kermesite -kermis -kern -kernel -kerneled -kernelless -kernelly -kerner -kernetty -kernish -kernite -kernos -kerogen -kerosene -kerplunk -Kerri -Kerria -kerrie -kerrikerri -kerril -kerrite -Kerry -kerry -kersantite -kersey -kerseymere -kerslam -kerslosh -kersmash -kerugma -kerwham -kerygma -kerygmatic -kerykeion -kerystic -kerystics -Keryx -kesslerman -kestrel -ket -keta -ketal -ketapang -ketazine -ketch -ketchcraft -ketchup -ketembilla -keten -ketene -ketimide -ketimine -ketipate -ketipic -keto -ketogen -ketogenesis -ketogenic -ketoheptose -ketohexose -ketoketene -ketol -ketole -ketolysis -ketolytic -ketone -ketonemia -ketonic -ketonimid -ketonimide -ketonimin -ketonimine -ketonization -ketonize -ketonuria -ketose -ketoside -ketosis -ketosuccinic -ketoxime -kette -ketting -kettle -kettlecase -kettledrum -kettledrummer -kettleful -kettlemaker -kettlemaking -kettler -ketty -Ketu -ketuba -ketupa -ketyl -keup -Keuper -keurboom -kevalin -Kevan -kevel -kevelhead -Kevin -kevutzah -Kevyn -Keweenawan -keweenawite -kewpie -kex -kexy -key -keyage -keyboard -keyed -keyhole -keyless -keylet -keylock -Keynesian -Keynesianism -keynote -keynoter -keyseater -keyserlick -keysmith -keystone -keystoned -Keystoner -keyway -Kha -khaddar -khadi -khagiarite -khahoon -khaiki -khair -khaja -khajur -khakanship -khaki -khakied -Khaldian -khalifa -Khalifat -Khalkha -khalsa -Khami -khamsin -Khamti -khan -khanate -khanda -khandait -khanjar -khanjee -khankah -khansamah -khanum -khar -kharaj -Kharia -Kharijite -Kharoshthi -kharouba -kharroubah -Khartoumer -kharua -Kharwar -Khasa -Khasi -khass -khat -khatib -khatri -Khatti -Khattish -Khaya -Khazar -Khazarian -khediva -khedival -khedivate -khedive -khediviah -khedivial -khediviate -khepesh -Kherwari -Kherwarian -khet -Khevzur -khidmatgar -Khila -khilat -khir -khirka -Khitan -Khivan -Khlysti -Khmer -Khoja -khoja -khoka -Khokani -Khond -Khorassan -khot -Khotan -Khotana -Khowar -khu -Khuai -khubber -khula -khuskhus -Khussak -khutbah -khutuktu -Khuzi -khvat -Khwarazmian -kiack -kiaki -kialee -kiang -Kiangan -kiaugh -kibber -kibble -kibbler -kibblerman -kibe -kibei -kibitka -kibitz -kibitzer -kiblah -kibosh -kiby -kick -kickable -Kickapoo -kickback -kickee -kicker -kicking -kickish -kickless -kickoff -kickout -kickseys -kickshaw -kickup -Kidder -kidder -Kidderminster -kiddier -kiddish -kiddush -kiddushin -kiddy -kidhood -kidlet -kidling -kidnap -kidnapee -kidnaper -kidney -kidneyroot -kidneywort -Kids -kidskin -kidsman -kiefekil -Kieffer -kiekie -kiel -kier -Kieran -kieselguhr -kieserite -kiestless -kieye -Kiho -kikar -Kikatsik -kikawaeo -kike -Kiki -kiki -Kikki -Kikongo -kiku -kikuel -kikumon -Kikuyu -kil -kiladja -kilah -kilampere -kilan -kilbrickenite -kildee -kilderkin -kileh -kilerg -kiley -Kilhamite -kilhig -kiliare -kilim -kill -killable -killadar -Killarney -killas -killcalf -killcrop -killcu -killdeer -killeekillee -killeen -killer -killick -killifish -killing -killingly -killingness -killinite -killogie -killweed -killwort -killy -Kilmarnock -kiln -kilneye -kilnhole -kilnman -kilnrib -kilo -kiloampere -kilobar -kilocalorie -kilocycle -kilodyne -kilogauss -kilogram -kilojoule -kiloliter -kilolumen -kilometer -kilometrage -kilometric -kilometrical -kiloparsec -kilostere -kiloton -kilovar -kilovolt -kilowatt -kilp -kilt -kilter -kiltie -kilting -Kiluba -Kim -kim -kimbang -kimberlin -kimberlite -Kimberly -Kimbundu -Kimeridgian -kimigayo -Kimmo -kimnel -kimono -kimonoed -kin -kina -kinaesthesia -kinaesthesis -kinah -kinase -kinbote -Kinch -kinch -kinchin -kinchinmort -kincob -kind -kindergarten -kindergartener -kindergartening -kindergartner -Kinderhook -kindheart -kindhearted -kindheartedly -kindheartedness -kindle -kindler -kindlesome -kindlily -kindliness -kindling -kindly -kindness -kindred -kindredless -kindredly -kindredness -kindredship -kinematic -kinematical -kinematically -kinematics -kinematograph -kinemometer -kineplasty -kinepox -kinesalgia -kinescope -kinesiatric -kinesiatrics -kinesic -kinesics -kinesimeter -kinesiologic -kinesiological -kinesiology -kinesiometer -kinesis -kinesitherapy -kinesodic -kinesthesia -kinesthesis -kinesthetic -kinetic -kinetical -kinetically -kinetics -kinetochore -kinetogenesis -kinetogenetic -kinetogenetically -kinetogenic -kinetogram -kinetograph -kinetographer -kinetographic -kinetography -kinetomer -kinetomeric -kinetonema -kinetonucleus -kinetophone -kinetophonograph -kinetoplast -kinetoscope -kinetoscopic -King -king -kingbird -kingbolt -kingcob -kingcraft -kingcup -kingdom -kingdomed -kingdomful -kingdomless -kingdomship -kingfish -kingfisher -kinghead -kinghood -kinghunter -kingless -kinglessness -kinglet -kinglihood -kinglike -kinglily -kingliness -kingling -kingly -kingmaker -kingmaking -kingpiece -kingpin -kingrow -kingship -kingsman -Kingu -kingweed -kingwood -Kinipetu -kink -kinkable -kinkaider -kinkajou -kinkcough -kinkhab -kinkhost -kinkily -kinkiness -kinkle -kinkled -kinkly -kinksbush -kinky -kinless -kinnikinnick -kino -kinofluous -kinology -kinoplasm -kinoplasmic -Kinorhyncha -kinospore -Kinosternidae -Kinosternon -kinotannic -kinsfolk -kinship -kinsman -kinsmanly -kinsmanship -kinspeople -kinswoman -kintar -Kintyre -kioea -Kioko -kiosk -kiotome -Kiowa -Kiowan -Kioway -kip -kipage -Kipchak -kipe -Kiplingese -Kiplingism -kippeen -kipper -kipperer -kippy -kipsey -kipskin -Kiranti -Kirghiz -Kirghizean -kiri -Kirillitsa -kirimon -Kirk -kirk -kirker -kirkify -kirking -kirkinhead -kirklike -kirkman -kirktown -kirkward -kirkyard -Kirman -kirmew -kirn -kirombo -kirsch -Kirsten -Kirsty -kirtle -kirtled -Kirundi -kirve -kirver -kischen -kish -Kishambala -kishen -kishon -kishy -kiskatom -Kislev -kismet -kismetic -kisra -kiss -kissability -kissable -kissableness -kissage -kissar -kisser -kissing -kissingly -kissproof -kisswise -kissy -kist -kistful -kiswa -Kiswahili -Kit -kit -kitab -kitabis -Kitalpha -Kitamat -Kitan -kitar -kitcat -kitchen -kitchendom -kitchener -kitchenette -kitchenful -kitchenless -kitchenmaid -kitchenman -kitchenry -kitchenward -kitchenwards -kitchenware -kitchenwife -kitcheny -kite -kiteflier -kiteflying -kith -kithe -kithless -kitish -Kitkahaxki -Kitkehahki -kitling -Kitlope -Kittatinny -kittel -kitten -kittendom -kittenhearted -kittenhood -kittenish -kittenishly -kittenishness -kittenless -kittenship -kitter -kittereen -kitthoge -kittiwake -kittle -kittlepins -kittles -kittlish -kittly -kittock -kittul -Kitty -kitty -kittysol -Kitunahan -kiva -kiver -kivikivi -kivu -Kiwai -Kiwanian -Kiwanis -kiwi -kiwikiwi -kiyas -kiyi -Kizil -Kizilbash -Kjeldahl -kjeldahlization -kjeldahlize -klafter -klaftern -klam -Klamath -Klan -Klanism -Klansman -Klanswoman -klaprotholite -Klaskino -Klaudia -Klaus -klavern -Klaxon -klaxon -Klebsiella -kleeneboc -Kleinian -Kleistian -klendusic -klendusity -klendusive -klepht -klephtic -klephtism -kleptic -kleptistic -kleptomania -kleptomaniac -kleptomanist -kleptophobia -klicket -Klikitat -Kling -Klingsor -klip -klipbok -klipdachs -klipdas -klipfish -klippe -klippen -klipspringer -klister -klockmannite -klom -Klondike -Klondiker -klootchman -klop -klops -klosh -Kluxer -klystron -kmet -knab -knabble -knack -knackebrod -knacker -knackery -knacky -knag -knagged -knaggy -knap -knapbottle -knape -knappan -Knapper -knapper -knappish -knappishly -knapsack -knapsacked -knapsacking -knapweed -knar -knark -knarred -knarry -Knautia -knave -knavery -knaveship -knavess -knavish -knavishly -knavishness -knawel -knead -kneadability -kneadable -kneader -kneading -kneadingly -knebelite -knee -kneebrush -kneecap -kneed -kneehole -kneel -kneeler -kneelet -kneeling -kneelingly -kneepad -kneepan -kneepiece -kneestone -Kneiffia -Kneippism -knell -knelt -Knesset -knet -knew -knez -knezi -kniaz -kniazi -knick -knicker -Knickerbocker -knickerbockered -knickerbockers -knickered -knickers -knickknack -knickknackatory -knickknacked -knickknackery -knickknacket -knickknackish -knickknacky -knickpoint -knife -knifeboard -knifeful -knifeless -knifelike -knifeman -knifeproof -knifer -knifesmith -knifeway -knight -knightage -knightess -knighthead -knighthood -Knightia -knightless -knightlihood -knightlike -knightliness -knightling -knightly -knightship -knightswort -Kniphofia -Knisteneaux -knit -knitback -knitch -knitted -knitter -knitting -knittle -knitwear -knitweed -knitwork -knived -knivey -knob -knobbed -knobber -knobbiness -knobble -knobbler -knobbly -knobby -knobkerrie -knoblike -knobstick -knobstone -knobular -knobweed -knobwood -knock -knockabout -knockdown -knockemdown -knocker -knocking -knockless -knockoff -knockout -knockstone -knockup -knoll -knoller -knolly -knop -knopite -knopped -knopper -knoppy -knopweed -knorhaan -Knorria -knosp -knosped -Knossian -knot -knotberry -knotgrass -knothole -knothorn -knotless -knotlike -knotroot -knotted -knotter -knottily -knottiness -knotting -knotty -knotweed -knotwork -knotwort -knout -know -knowability -knowable -knowableness -knowe -knower -knowing -knowingly -knowingness -knowledge -knowledgeable -knowledgeableness -knowledgeably -knowledged -knowledgeless -knowledgement -knowledging -known -knowperts -Knoxian -Knoxville -knoxvillite -knub -knubbly -knubby -knublet -knuckle -knucklebone -knuckled -knuckler -knuckling -knuckly -knuclesome -Knudsen -knur -knurl -knurled -knurling -knurly -Knut -knut -Knute -knutty -knyaz -knyazi -Ko -ko -koa -koae -koala -koali -Koasati -kob -koban -kobellite -kobi -kobird -kobold -kobong -kobu -Kobus -Koch -Kochab -Kochia -kochliarion -koda -Kodagu -Kodak -kodak -kodaker -kodakist -kodakry -Kodashim -kodro -kodurite -Koeberlinia -Koeberliniaceae -koeberliniaceous -koechlinite -Koeksotenok -koel -Koellia -Koelreuteria -koenenite -Koeri -koff -koft -koftgar -koftgari -koggelmannetje -Kogia -Kohathite -Koheleth -kohemp -Kohen -Kohistani -Kohl -kohl -Kohlan -kohlrabi -kohua -koi -Koiari -Koibal -koil -koila -koilanaglyphic -koilon -koimesis -Koine -koine -koinon -koinonia -Koipato -Koitapu -kojang -Kojiki -kokako -kokam -kokan -kokerboom -kokil -kokio -koklas -koklass -Koko -koko -kokoon -Kokoona -kokoromiko -kokowai -kokra -koksaghyz -koku -kokum -kokumin -kokumingun -Kol -kola -kolach -Kolarian -Koldaji -kolea -koleroga -kolhoz -Koli -kolinski -kolinsky -Kolis -kolkhos -kolkhoz -Kolkka -kollast -kollaster -koller -kollergang -kolo -kolobion -kolobus -kolokolo -kolsun -koltunna -koltunnor -Koluschan -Kolush -Komati -komatik -kombu -Kome -Komi -kominuter -kommetje -kommos -komondor -kompeni -Komsomol -kon -kona -konak -Konariot -Konde -Kongo -Kongoese -Kongolese -kongoni -kongsbergite -kongu -Konia -Koniaga -Koniga -konimeter -koninckite -konini -koniology -koniscope -konjak -Konkani -Konomihu -Konrad -konstantin -Konstantinos -kontakion -Konyak -kooka -kookaburra -kookeree -kookery -kookri -koolah -kooletah -kooliman -koolokamba -Koolooly -koombar -koomkie -Koorg -kootcha -Kootenay -kop -Kopagmiut -kopeck -koph -kopi -koppa -koppen -koppite -Koprino -kor -Kora -kora -koradji -Korah -Korahite -Korahitic -korait -korakan -Koran -Korana -Koranic -Koranist -korari -Kore -kore -Korean -korec -koreci -Koreish -Koreishite -korero -Koreshan -Koreshanity -kori -korimako -korin -Kornephorus -kornerupine -kornskeppa -kornskeppur -korntonde -korntonder -korntunna -korntunnur -Koroa -koromika -koromiko -korona -korova -korrel -korrigum -korumburra -koruna -Korwa -Kory -Koryak -korymboi -korymbos -korzec -kos -Kosalan -Koschei -kosher -Kosimo -kosin -kosmokrator -Koso -kosong -kosotoxin -Kossaean -Kossean -Kosteletzkya -koswite -Kota -kotal -Kotar -koto -Kotoko -kotschubeite -kottigite -kotuku -kotukutuku -kotwal -kotwalee -kotyle -kotylos -kou -koulan -Koungmiut -kouza -kovil -Kowagmiut -kowhai -kowtow -koyan -kozo -Kpuesi -Kra -kra -kraal -kraft -Krag -kragerite -krageroite -krait -kraken -krakowiak -kral -Krama -krama -Krameria -Krameriaceae -krameriaceous -kran -krantzite -Krapina -kras -krasis -kratogen -kratogenic -Kraunhia -kraurite -kraurosis -kraurotic -krausen -krausite -kraut -kreis -Kreistag -kreistle -kreittonite -krelos -kremersite -kremlin -krems -kreng -krennerite -Krepi -kreplech -kreutzer -kriegspiel -krieker -Krigia -krimmer -krina -Kriophoros -Kris -Krishna -Krishnaism -Krishnaist -Krishnaite -Krishnaitic -Kristen -Kristi -Kristian -Kristin -Kristinaux -krisuvigite -kritarchy -Krithia -Kriton -kritrima -krobyloi -krobylos -krocket -krohnkite -krome -kromeski -kromogram -kromskop -krona -krone -kronen -kroner -Kronion -kronor -kronur -Kroo -kroon -krosa -krouchka -kroushka -Kru -Krugerism -Krugerite -Kruman -krummhorn -kryokonite -krypsis -kryptic -krypticism -kryptocyanine -kryptol -kryptomere -krypton -Krzysztof -Kshatriya -Kshatriyahood -Kua -Kuan -kuan -Kuar -Kuba -kuba -Kubachi -Kubanka -kubba -Kubera -kubuklion -Kuchean -kuchen -kudize -kudos -Kudrun -kudu -kudzu -Kuehneola -kuei -Kufic -kuge -kugel -Kuhnia -Kui -kuichua -Kuki -kukoline -kukri -kuku -kukui -Kukulcan -kukupa -Kukuruku -kula -kulack -Kulah -kulah -kulaite -kulak -kulakism -Kulanapan -kulang -Kuldip -Kuli -kulimit -kulkarni -kullaite -Kullani -kulm -kulmet -Kulturkampf -Kulturkreis -Kuman -kumbi -kumhar -kumiss -kummel -Kumni -kumquat -kumrah -Kumyk -kunai -Kunbi -Kundry -Kuneste -kung -kunk -kunkur -Kunmiut -kunzite -Kuomintang -kupfernickel -kupfferite -kuphar -kupper -Kuranko -kurbash -kurchicine -kurchine -Kurd -Kurdish -Kurdistan -kurgan -Kuri -Kurilian -Kurku -kurmburra -Kurmi -Kuroshio -kurrajong -Kurt -kurtosis -Kuruba -Kurukh -kuruma -kurumaya -Kurumba -kurung -kurus -kurvey -kurveyor -kusa -kusam -Kusan -kusha -Kushshu -kusimansel -kuskite -kuskos -kuskus -Kuskwogmiut -Kustenau -kusti -Kusum -kusum -kutcha -Kutchin -Kutenai -kuttab -kuttar -kuttaur -kuvasz -Kuvera -kvass -kvint -kvinter -Kwakiutl -kwamme -kwan -Kwannon -Kwapa -kwarta -kwarterka -kwazoku -kyack -kyah -kyar -kyat -kyaung -Kybele -Kyklopes -Kyklops -kyl -Kyle -kyle -kylite -kylix -Kylo -kymation -kymatology -kymbalon -kymogram -kymograph -kymographic -kynurenic -kynurine -kyphoscoliosis -kyphoscoliotic -Kyphosidae -kyphosis -kyphotic -Kyrie -kyrine -kyschtymite -kyte -Kyu -Kyung -Kyurin -Kyurinish -L -l -la -laager -laang -lab -Laban -labara -labarum -labba -labber -labdacism -labdacismus -labdanum -labefact -labefactation -labefaction -labefy -label -labeler -labella -labellate -labeller -labelloid -labellum -labia -labial -labialism -labialismus -labiality -labialization -labialize -labially -Labiatae -labiate -labiated -labidophorous -Labidura -Labiduridae -labiella -labile -lability -labilization -labilize -labioalveolar -labiocervical -labiodental -labioglossal -labioglossolaryngeal -labioglossopharyngeal -labiograph -labioguttural -labiolingual -labiomancy -labiomental -labionasal -labiopalatal -labiopalatalize -labiopalatine -labiopharyngeal -labioplasty -labiose -labiotenaculum -labiovelar -labioversion -labis -labium -lablab -labor -laborability -laborable -laborage -laborant -laboratorial -laboratorian -laboratory -labordom -labored -laboredly -laboredness -laborer -laboress -laborhood -laboring -laboringly -laborious -laboriously -laboriousness -laborism -laborist -laborite -laborless -laborous -laborously -laborousness -laborsaving -laborsome -laborsomely -laborsomeness -Laboulbenia -Laboulbeniaceae -laboulbeniaceous -Laboulbeniales -labour -labra -Labrador -Labradorean -labradorite -labradoritic -labral -labret -labretifery -Labridae -labroid -Labroidea -labrosaurid -labrosauroid -Labrosaurus -labrose -labrum -Labrus -labrusca -labrys -Laburnum -labyrinth -labyrinthal -labyrinthally -labyrinthian -labyrinthibranch -labyrinthibranchiate -Labyrinthibranchii -labyrinthic -labyrinthical -labyrinthically -Labyrinthici -labyrinthiform -labyrinthine -labyrinthitis -Labyrinthodon -labyrinthodont -Labyrinthodonta -labyrinthodontian -labyrinthodontid -labyrinthodontoid -Labyrinthula -Labyrinthulidae -lac -lacca -laccaic -laccainic -laccase -laccol -laccolith -laccolithic -laccolitic -lace -lacebark -laced -Lacedaemonian -laceflower -laceleaf -laceless -lacelike -lacemaker -lacemaking -laceman -lacepiece -lacepod -lacer -lacerability -lacerable -lacerant -lacerate -lacerated -lacerately -laceration -lacerative -Lacerta -Lacertae -lacertian -Lacertid -Lacertidae -lacertiform -Lacertilia -lacertilian -lacertiloid -lacertine -lacertoid -lacertose -lacery -lacet -lacewing -lacewoman -lacewood -lacework -laceworker -laceybark -lache -Lachenalia -laches -Lachesis -Lachnanthes -Lachnosterna -lachryma -lachrymae -lachrymaeform -lachrymal -lachrymally -lachrymalness -lachrymary -lachrymation -lachrymator -lachrymatory -lachrymiform -lachrymist -lachrymogenic -lachrymonasal -lachrymosal -lachrymose -lachrymosely -lachrymosity -lachrymous -lachsa -lacily -Lacinaria -laciness -lacing -lacinia -laciniate -laciniated -laciniation -laciniform -laciniola -laciniolate -laciniose -lacinula -lacinulate -lacinulose -lacis -lack -lackadaisical -lackadaisicality -lackadaisically -lackadaisicalness -lackadaisy -lackaday -lacker -lackey -lackeydom -lackeyed -lackeyism -lackeyship -lackland -lackluster -lacklusterness -lacklustrous -lacksense -lackwit -lackwittedly -lackwittedness -lacmoid -lacmus -Laconian -Laconic -laconic -laconica -laconically -laconicalness -laconicism -laconicum -laconism -laconize -laconizer -Lacosomatidae -lacquer -lacquerer -lacquering -lacquerist -lacroixite -lacrosse -lacrosser -lacrym -lactagogue -lactalbumin -lactam -lactamide -lactant -lactarene -lactarious -lactarium -Lactarius -lactary -lactase -lactate -lactation -lactational -lacteal -lactean -lactenin -lacteous -lactesce -lactescence -lactescency -lactescent -lactic -lacticinia -lactid -lactide -lactiferous -lactiferousness -lactific -lactifical -lactification -lactiflorous -lactifluous -lactiform -lactifuge -lactify -lactigenic -lactigenous -lactigerous -lactim -lactimide -lactinate -lactivorous -lacto -lactobacilli -Lactobacillus -lactobacillus -lactobutyrometer -lactocele -lactochrome -lactocitrate -lactodensimeter -lactoflavin -lactoglobulin -lactoid -lactol -lactometer -lactone -lactonic -lactonization -lactonize -lactophosphate -lactoproteid -lactoprotein -lactoscope -lactose -lactoside -lactosuria -lactothermometer -lactotoxin -lactovegetarian -Lactuca -lactucarium -lactucerin -lactucin -lactucol -lactucon -lactyl -lacuna -lacunae -lacunal -lacunar -lacunaria -lacunary -lacune -lacunose -lacunosity -lacunule -lacunulose -lacuscular -lacustral -lacustrian -lacustrine -lacwork -lacy -lad -Ladakhi -ladakin -ladanigerous -ladanum -ladder -laddered -laddering -ladderlike -ladderway -ladderwise -laddery -laddess -laddie -laddikie -laddish -laddock -lade -lademan -laden -lader -ladhood -ladies -ladify -Ladik -Ladin -lading -Ladino -ladkin -ladle -ladleful -ladler -ladlewood -ladrone -ladronism -ladronize -lady -ladybird -ladybug -ladyclock -ladydom -ladyfinger -ladyfish -ladyfly -ladyfy -ladyhood -ladyish -ladyism -ladykin -ladykind -ladyless -ladylike -ladylikely -ladylikeness -ladyling -ladylintywhite -ladylove -ladyly -ladyship -Ladytide -Laelia -laemodipod -Laemodipoda -laemodipodan -laemodipodiform -laemodipodous -laemoparalysis -laemostenosis -laeotropic -laeotropism -Laestrygones -laet -laeti -laetic -Laevigrada -laevoduction -laevogyrate -laevogyre -laevogyrous -laevolactic -laevorotation -laevorotatory -laevotartaric -laevoversion -lafayette -Lafite -lag -lagan -lagarto -lagen -lagena -Lagenaria -lagend -lageniform -lager -Lagerstroemia -Lagetta -lagetto -laggar -laggard -laggardism -laggardly -laggardness -lagged -laggen -lagger -laggin -lagging -laglast -lagna -lagniappe -lagomorph -Lagomorpha -lagomorphic -lagomorphous -Lagomyidae -lagonite -lagoon -lagoonal -lagoonside -lagophthalmos -lagopode -lagopodous -lagopous -Lagopus -Lagorchestes -lagostoma -Lagostomus -Lagothrix -Lagrangian -Lagthing -Lagting -Laguncularia -Lagunero -Lagurus -lagwort -Lahnda -Lahontan -Lahuli -Lai -lai -Laibach -laic -laical -laicality -laically -laich -laicism -laicity -laicization -laicize -laicizer -laid -laigh -lain -laine -laiose -lair -lairage -laird -lairdess -lairdie -lairdly -lairdocracy -lairdship -lairless -lairman -lairstone -lairy -laitance -laity -Lak -lak -lakarpite -lakatoi -lake -lakeland -lakelander -lakeless -lakelet -lakelike -lakemanship -laker -lakeside -lakeward -lakeweed -lakie -laking -lakish -lakishness -lakism -lakist -Lakota -Lakshmi -laky -lalang -lall -Lallan -Lalland -lallation -lalling -lalo -laloneurosis -lalopathy -lalophobia -laloplegia -lam -lama -lamaic -Lamaism -Lamaist -Lamaistic -Lamaite -Lamanism -Lamanite -Lamano -lamantin -lamany -Lamarckia -Lamarckian -Lamarckianism -Lamarckism -lamasary -lamasery -lamastery -lamb -Lamba -lamba -Lambadi -lambale -lambaste -lambda -lambdacism -lambdoid -lambdoidal -lambeau -lambency -lambent -lambently -lamber -Lambert -lambert -lambhood -lambie -lambiness -lambish -lambkill -lambkin -Lamblia -lambliasis -lamblike -lambling -lambly -lamboys -lambrequin -lambsdown -lambskin -lambsuccory -lamby -lame -lamedh -lameduck -lamel -lamella -lamellar -Lamellaria -Lamellariidae -lamellarly -lamellary -lamellate -lamellated -lamellately -lamellation -lamellibranch -Lamellibranchia -Lamellibranchiata -lamellibranchiate -lamellicorn -lamellicornate -Lamellicornes -Lamellicornia -lamellicornous -lamelliferous -lamelliform -lamellirostral -lamellirostrate -Lamellirostres -lamelloid -lamellose -lamellosity -lamellule -lamely -lameness -lament -lamentable -lamentableness -lamentably -lamentation -lamentational -lamentatory -lamented -lamentedly -lamenter -lamentful -lamenting -lamentingly -lamentive -lamentory -lamester -lamestery -lameter -lametta -lamia -Lamiaceae -lamiaceous -lamiger -lamiid -Lamiidae -Lamiides -Lamiinae -lamin -lamina -laminability -laminable -laminae -laminar -Laminaria -Laminariaceae -laminariaceous -Laminariales -laminarian -laminarin -laminarioid -laminarite -laminary -laminate -laminated -lamination -laminboard -laminectomy -laminiferous -laminiform -laminiplantar -laminiplantation -laminitis -laminose -laminous -lamish -Lamista -lamiter -Lamium -Lammas -lammas -Lammastide -lammer -lammergeier -lammock -lammy -Lamna -lamnectomy -lamnid -Lamnidae -lamnoid -lamp -lampad -lampadary -lampadedromy -lampadephore -lampadephoria -lampadite -lampas -lampatia -lampblack -lamper -lampern -lampers -lampflower -lampfly -lampful -lamphole -lamping -lampion -lampist -lampistry -lampless -lamplet -lamplight -lamplighted -lamplighter -lamplit -lampmaker -lampmaking -lampman -Lampong -lampoon -lampooner -lampoonery -lampoonist -lamppost -lamprey -Lampridae -lamprophony -lamprophyre -lamprophyric -lamprotype -Lampsilis -Lampsilus -lampstand -lampwick -lampyrid -Lampyridae -lampyrine -Lampyris -Lamus -Lamut -lamziekte -lan -Lana -lanameter -Lanao -Lanarkia -lanarkite -lanas -lanate -lanated -lanaz -Lancaster -Lancasterian -Lancastrian -Lance -lance -lanced -lancegay -lancelet -lancelike -lancely -lanceman -lanceolar -lanceolate -lanceolated -lanceolately -lanceolation -lancepesade -lancepod -lanceproof -lancer -lances -lancet -lanceted -lanceteer -lancewood -lancha -lanciers -lanciferous -lanciform -lancinate -lancination -land -landamman -landau -landaulet -landaulette -landblink -landbook -landdrost -landed -lander -landesite -landfall -landfast -landflood -landgafol -landgravate -landgrave -landgraveship -landgravess -landgraviate -landgravine -landholder -landholdership -landholding -landimere -landing -landlady -landladydom -landladyhood -landladyish -landladyship -landless -landlessness -landlike -landline -landlock -landlocked -landlook -landlooker -landloper -landlord -landlordism -landlordly -landlordry -landlordship -landlouper -landlouping -landlubber -landlubberish -landlubberly -landlubbing -landman -landmark -Landmarker -landmil -landmonger -landocracy -landocrat -Landolphia -landolphia -landowner -landownership -landowning -landplane -landraker -landreeve -landright -landsale -landscape -landscapist -landshard -landship -landsick -landside -landskip -landslide -landslip -Landsmaal -landsman -landspout -landspringy -Landsting -landstorm -Landsturm -Landuman -landwaiter -landward -landwash -landways -Landwehr -landwhin -landwire -landwrack -lane -lanete -laneway -laney -langaha -langarai -langbanite -langbeinite -langca -Langhian -langi -langite -langlauf -langlaufer -langle -Lango -Langobard -Langobardic -langoon -langooty -langrage -langsat -Langsdorffia -langsettle -Langshan -langspiel -langsyne -language -languaged -languageless -langued -Languedocian -languescent -languet -languid -languidly -languidness -languish -languisher -languishing -languishingly -languishment -languor -languorous -languorously -langur -laniariform -laniary -laniate -laniferous -lanific -laniflorous -laniform -lanigerous -Laniidae -laniiform -Laniinae -lanioid -lanista -Lanital -Lanius -lank -lanket -lankily -lankiness -lankish -lankly -lankness -lanky -lanner -lanneret -Lanny -lanolin -lanose -lanosity -lansat -lansdowne -lanseh -lansfordite -lansknecht -lanson -lansquenet -lant -lantaca -Lantana -lanterloo -lantern -lanternflower -lanternist -lanternleaf -lanternman -lanthana -lanthanide -lanthanite -Lanthanotidae -Lanthanotus -lanthanum -lanthopine -lantum -lanuginose -lanuginous -lanuginousness -lanugo -lanum -Lanuvian -lanx -lanyard -Lao -Laodicean -Laodiceanism -Laotian -lap -lapacho -lapachol -lapactic -Lapageria -laparectomy -laparocele -laparocholecystotomy -laparocolectomy -laparocolostomy -laparocolotomy -laparocolpohysterotomy -laparocolpotomy -laparocystectomy -laparocystotomy -laparoelytrotomy -laparoenterostomy -laparoenterotomy -laparogastroscopy -laparogastrotomy -laparohepatotomy -laparohysterectomy -laparohysteropexy -laparohysterotomy -laparoileotomy -laparomyitis -laparomyomectomy -laparomyomotomy -laparonephrectomy -laparonephrotomy -laparorrhaphy -laparosalpingectomy -laparosalpingotomy -laparoscopy -laparosplenectomy -laparosplenotomy -laparostict -Laparosticti -laparothoracoscopy -laparotome -laparotomist -laparotomize -laparotomy -laparotrachelotomy -lapboard -lapcock -Lapeirousia -lapel -lapeler -lapelled -lapful -lapicide -lapidarian -lapidarist -lapidary -lapidate -lapidation -lapidator -lapideon -lapideous -lapidescent -lapidicolous -lapidific -lapidification -lapidify -lapidist -lapidity -lapidose -lapilliform -lapillo -lapillus -Lapith -Lapithae -Lapithaean -Laplacian -Lapland -Laplander -Laplandian -Laplandic -Laplandish -lapon -Laportea -Lapp -Lappa -lappaceous -lappage -lapped -lapper -lappet -lappeted -Lappic -lapping -Lappish -Lapponese -Lapponian -Lappula -lapsability -lapsable -Lapsana -lapsation -lapse -lapsed -lapser -lapsi -lapsing -lapsingly -lapstone -lapstreak -lapstreaked -lapstreaker -Laputa -Laputan -laputically -lapwing -lapwork -laquear -laquearian -laqueus -Lar -lar -Laralia -Laramide -Laramie -larboard -larbolins -larbowlines -larcener -larcenic -larcenish -larcenist -larcenous -larcenously -larceny -larch -larchen -lard -lardacein -lardaceous -larder -larderellite -larderer -larderful -larderlike -lardiform -lardite -Lardizabalaceae -lardizabalaceous -lardon -lardworm -lardy -lareabell -Larentiidae -large -largebrained -largehanded -largehearted -largeheartedness -largely -largemouth -largemouthed -largen -largeness -largess -larghetto -largifical -largish -largition -largitional -largo -Lari -lari -Laria -lariat -larick -larid -Laridae -laridine -larigo -larigot -lariid -Lariidae -larin -Larinae -larine -larithmics -Larix -larixin -lark -larker -larkiness -larking -larkingly -larkish -larkishness -larklike -larkling -larksome -larkspur -larky -larmier -larmoyant -Larnaudian -larnax -laroid -larrigan -larrikin -larrikinalian -larrikiness -larrikinism -larriman -larrup -Larry -larry -Lars -larsenite -Larunda -Larus -larva -Larvacea -larvae -larval -Larvalia -larvarium -larvate -larve -larvicidal -larvicide -larvicolous -larviform -larvigerous -larvikite -larviparous -larviposit -larviposition -larvivorous -larvule -laryngal -laryngalgia -laryngeal -laryngeally -laryngean -laryngeating -laryngectomy -laryngemphraxis -laryngendoscope -larynges -laryngic -laryngismal -laryngismus -laryngitic -laryngitis -laryngocele -laryngocentesis -laryngofission -laryngofissure -laryngograph -laryngography -laryngological -laryngologist -laryngology -laryngometry -laryngoparalysis -laryngopathy -laryngopharyngeal -laryngopharyngitis -laryngophony -laryngophthisis -laryngoplasty -laryngoplegia -laryngorrhagia -laryngorrhea -laryngoscleroma -laryngoscope -laryngoscopic -laryngoscopical -laryngoscopist -laryngoscopy -laryngospasm -laryngostasis -laryngostenosis -laryngostomy -laryngostroboscope -laryngotome -laryngotomy -laryngotracheal -laryngotracheitis -laryngotracheoscopy -laryngotracheotomy -laryngotyphoid -laryngovestibulitis -larynx -las -lasa -lasarwort -lascar -lascivious -lasciviously -lasciviousness -laser -Laserpitium -laserwort -lash -lasher -lashingly -lashless -lashlite -Lasi -lasianthous -Lasiocampa -lasiocampid -Lasiocampidae -Lasiocampoidea -lasiocarpous -Lasius -lask -lasket -Laspeyresia -laspring -lasque -lass -lasset -lassie -lassiehood -lassieish -lassitude -lasslorn -lasso -lassock -lassoer -last -lastage -laster -lasting -lastingly -lastingness -lastly -lastness -lastre -lastspring -lasty -lat -lata -latah -Latakia -Latania -Latax -latch -latcher -latchet -latching -latchkey -latchless -latchman -latchstring -late -latebra -latebricole -latecomer -latecoming -lated -lateen -lateener -lately -laten -latence -latency -lateness -latensification -latent -latentize -latently -latentness -later -latera -laterad -lateral -lateralis -laterality -lateralization -lateralize -laterally -Lateran -latericumbent -lateriflexion -laterifloral -lateriflorous -laterifolious -Laterigradae -laterigrade -laterinerved -laterite -lateritic -lateritious -lateriversion -laterization -lateroabdominal -lateroanterior -laterocaudal -laterocervical -laterodeviation -laterodorsal -lateroduction -lateroflexion -lateromarginal -lateronuchal -lateroposition -lateroposterior -lateropulsion -laterostigmatal -laterostigmatic -laterotemporal -laterotorsion -lateroventral -lateroversion -latescence -latescent -latesome -latest -latewhile -latex -latexosis -lath -lathe -lathee -latheman -lathen -lather -latherability -latherable -lathereeve -latherer -latherin -latheron -latherwort -lathery -lathesman -lathhouse -lathing -Lathraea -lathwork -lathy -lathyric -lathyrism -Lathyrus -Latian -latibulize -latices -laticiferous -laticlave -laticostate -latidentate -latifundian -latifundium -latigo -Latimeria -Latin -Latinate -Latiner -Latinesque -Latinian -Latinic -Latiniform -Latinism -latinism -Latinist -Latinistic -Latinistical -Latinitaster -Latinity -Latinization -Latinize -Latinizer -Latinless -Latinus -lation -latipennate -latiplantar -latirostral -Latirostres -latirostrous -Latirus -latisept -latiseptal -latiseptate -latish -latisternal -latitancy -latitant -latitat -latite -latitude -latitudinal -latitudinally -latitudinarian -latitudinarianisn -latitudinary -latitudinous -latomy -Latona -Latonian -Latooka -latrant -latration -latreutic -latria -Latrididae -latrine -Latris -latro -latrobe -latrobite -latrocinium -Latrodectus -latron -latten -lattener -latter -latterkin -latterly -lattermath -lattermost -latterness -lattice -latticed -latticewise -latticework -latticing -latticinio -Latuka -latus -Latvian -lauan -laubanite -laud -laudability -laudable -laudableness -laudably -laudanidine -laudanin -laudanine -laudanosine -laudanum -laudation -laudative -laudator -laudatorily -laudatory -lauder -Laudian -Laudianism -laudification -Laudism -Laudist -laudist -laugh -laughable -laughableness -laughably -laughee -laugher -laughful -laughing -laughingly -laughingstock -laughsome -laughter -laughterful -laughterless -laughworthy -laughy -lauia -laumonite -laumontite -laun -launce -launch -launcher -launchful -launchways -laund -launder -launderability -launderable -launderer -laundry -laundrymaid -laundryman -laundryowner -laundrywoman -laur -Laura -laura -Lauraceae -lauraceous -lauraldehyde -laurate -laurdalite -laureate -laureated -laureateship -laureation -Laurel -laurel -laureled -laurellike -laurelship -laurelwood -Laurence -Laurencia -Laurent -Laurentian -Laurentide -laureole -Laurianne -lauric -Laurie -laurin -laurinoxylon -laurionite -laurite -Laurocerasus -laurone -laurotetanine -Laurus -laurustine -laurustinus -laurvikite -lauryl -lautarite -lautitious -lava -lavable -lavabo -lavacre -lavage -lavaliere -lavalike -Lavandula -lavanga -lavant -lavaret -Lavatera -lavatic -lavation -lavational -lavatorial -lavatory -lave -laveer -Lavehr -lavement -lavender -lavenite -laver -Laverania -laverock -laverwort -lavialite -lavic -Lavinia -lavish -lavisher -lavishing -lavishingly -lavishly -lavishment -lavishness -lavolta -lavrovite -law -lawbook -lawbreaker -lawbreaking -lawcraft -lawful -lawfully -lawfulness -lawgiver -lawgiving -lawing -lawish -lawk -lawlants -lawless -lawlessly -lawlessness -lawlike -lawmaker -lawmaking -lawman -lawmonger -lawn -lawned -lawner -lawnlet -lawnlike -lawny -lawproof -Lawrence -lawrencite -Lawrie -lawrightman -Lawson -Lawsoneve -Lawsonia -lawsonite -lawsuit -lawsuiting -lawter -Lawton -lawyer -lawyeress -lawyerism -lawyerlike -lawyerling -lawyerly -lawyership -lawyery -lawzy -lax -laxate -laxation -laxative -laxatively -laxativeness -laxiflorous -laxifoliate -laxifolious -laxism -laxist -laxity -laxly -laxness -lay -layaway -layback -layboy -layer -layerage -layered -layery -layette -Layia -laying -layland -layman -laymanship -layne -layoff -layout -layover -layship -laystall -laystow -laywoman -Laz -lazar -lazaret -lazaretto -Lazarist -lazarlike -lazarly -lazarole -Lazarus -laze -lazily -laziness -lazule -lazuli -lazuline -lazulite -lazulitic -lazurite -lazy -lazybird -lazybones -lazyboots -lazyhood -lazyish -lazylegs -lazyship -lazzarone -lazzaroni -Lea -lea -leach -leacher -leachman -leachy -Lead -lead -leadable -leadableness -leadage -leadback -leaded -leaden -leadenhearted -leadenheartedness -leadenly -leadenness -leadenpated -leader -leaderess -leaderette -leaderless -leadership -leadhillite -leadin -leadiness -leading -leadingly -leadless -leadman -leadoff -leadout -leadproof -Leads -leadsman -leadstone -leadway -leadwood -leadwork -leadwort -leady -leaf -leafage -leafboy -leafcup -leafdom -leafed -leafen -leafer -leafery -leafgirl -leafit -leafless -leaflessness -leaflet -leafleteer -leaflike -leafstalk -leafwork -leafy -league -leaguelong -leaguer -Leah -leak -leakage -leakance -leaker -leakiness -leakless -leakproof -leaky -leal -lealand -leally -lealness -lealty -leam -leamer -lean -Leander -leaner -leaning -leanish -leanly -leanness -leant -leap -leapable -leaper -leapfrog -leapfrogger -leapfrogging -leaping -leapingly -leapt -Lear -lear -Learchus -learn -learnable -learned -learnedly -learnedness -learner -learnership -learning -learnt -Learoyd -leasable -lease -leasehold -leaseholder -leaseholding -leaseless -leasemonger -leaser -leash -leashless -leasing -leasow -least -leastways -leastwise -leat -leath -leather -leatherback -leatherbark -leatherboard -leatherbush -leathercoat -leathercraft -leatherer -Leatherette -leatherfish -leatherflower -leatherhead -leatherine -leatheriness -leathering -leatherize -leatherjacket -leatherleaf -leatherlike -leathermaker -leathermaking -leathern -leatherneck -Leatheroid -leatherroot -leatherside -Leatherstocking -leatherware -leatherwing -leatherwood -leatherwork -leatherworker -leatherworking -leathery -leathwake -leatman -leave -leaved -leaveless -leavelooker -leaven -leavening -leavenish -leavenless -leavenous -leaver -leaverwood -leaves -leaving -leavy -leawill -leban -Lebanese -lebbek -lebensraum -Lebistes -lebrancho -lecama -lecaniid -Lecaniinae -lecanine -Lecanium -lecanomancer -lecanomancy -lecanomantic -Lecanora -Lecanoraceae -lecanoraceous -lecanorine -lecanoroid -lecanoscopic -lecanoscopy -lech -Lechea -lecher -lecherous -lecherously -lecherousness -lechery -lechriodont -Lechriodonta -lechuguilla -lechwe -Lecidea -Lecideaceae -lecideaceous -lecideiform -lecideine -lecidioid -lecithal -lecithalbumin -lecithality -lecithin -lecithinase -lecithoblast -lecithoprotein -leck -lecker -lecontite -lecotropal -lectern -lection -lectionary -lectisternium -lector -lectorate -lectorial -lectorship -lectotype -lectress -lectrice -lectual -lecture -lecturee -lectureproof -lecturer -lectureship -lecturess -lecturette -lecyth -lecythid -Lecythidaceae -lecythidaceous -Lecythis -lecythoid -lecythus -led -Leda -lede -leden -lederite -ledge -ledged -ledgeless -ledger -ledgerdom -ledging -ledgment -ledgy -Ledidae -ledol -Ledum -Lee -lee -leeangle -leeboard -leech -leecheater -leecher -leechery -leeches -leechkin -leechlike -leechwort -leed -leefang -leeftail -leek -leekish -leeky -leep -leepit -leer -leerily -leeringly -leerish -leerness -leeroway -Leersia -leery -lees -leet -leetman -leewan -leeward -leewardly -leewardmost -leewardness -leeway -leewill -left -leftish -leftism -leftist -leftments -leftmost -leftness -leftover -leftward -leftwardly -leftwards -leg -legacy -legal -legalese -legalism -legalist -legalistic -legalistically -legality -legalization -legalize -legally -legalness -legantine -legatary -legate -legatee -legateship -legatine -legation -legationary -legative -legato -legator -legatorial -legend -legenda -legendarian -legendary -legendic -legendist -legendless -Legendrian -legendry -leger -legerdemain -legerdemainist -legerity -leges -legged -legger -legginess -legging -legginged -leggy -leghorn -legibility -legible -legibleness -legibly -legific -legion -legionary -legioned -legioner -legionnaire -legionry -legislate -legislation -legislational -legislativ -legislative -legislatively -legislator -legislatorial -legislatorially -legislatorship -legislatress -legislature -legist -legit -legitim -legitimacy -legitimate -legitimately -legitimateness -legitimation -legitimatist -legitimatize -legitimism -legitimist -legitimistic -legitimity -legitimization -legitimize -leglen -legless -leglessness -leglet -leglike -legman -legoa -legpiece -legpull -legpuller -legpulling -legrope -legua -leguan -Leguatia -leguleian -leguleious -legume -legumelin -legumen -legumin -leguminiform -Leguminosae -leguminose -leguminous -Lehi -lehr -lehrbachite -lehrman -lehua -lei -Leibnitzian -Leibnitzianism -Leicester -Leif -Leigh -leighton -Leila -leimtype -leiocephalous -leiocome -leiodermatous -leiodermia -leiomyofibroma -leiomyoma -leiomyomatous -leiomyosarcoma -leiophyllous -Leiophyllum -Leiothrix -Leiotrichan -Leiotriches -Leiotrichi -Leiotrichidae -Leiotrichinae -leiotrichine -leiotrichous -leiotrichy -leiotropic -Leipoa -Leishmania -leishmaniasis -Leisten -leister -leisterer -leisurable -leisurably -leisure -leisured -leisureful -leisureless -leisureliness -leisurely -leisureness -Leith -leitmotiv -Leitneria -Leitneriaceae -leitneriaceous -Leitneriales -lek -lekach -lekane -lekha -Lelia -Lemaireocereus -leman -Lemanea -Lemaneaceae -lemel -lemma -lemmata -lemming -lemmitis -lemmoblastic -lemmocyte -Lemmus -Lemna -Lemnaceae -lemnaceous -lemnad -Lemnian -lemniscate -lemniscatic -lemniscus -lemography -lemology -lemon -lemonade -Lemonias -Lemoniidae -Lemoniinae -lemonish -lemonlike -lemonweed -lemonwood -lemony -Lemosi -Lemovices -lempira -Lemuel -lemur -lemures -Lemuria -Lemurian -lemurian -lemurid -Lemuridae -lemuriform -Lemurinae -lemurine -lemuroid -Lemuroidea -Len -Lena -lenad -Lenaea -Lenaean -Lenaeum -Lenaeus -Lenape -lenard -Lenca -Lencan -lench -lend -lendable -lendee -lender -Lendu -lene -length -lengthen -lengthener -lengther -lengthful -lengthily -lengthiness -lengthsman -lengthsome -lengthsomeness -lengthways -lengthwise -lengthy -lenience -leniency -lenient -leniently -lenify -Leninism -Leninist -Leninite -lenis -lenitic -lenitive -lenitively -lenitiveness -lenitude -lenity -lennilite -Lennoaceae -lennoaceous -lennow -Lenny -leno -Lenora -lens -lensed -lensless -lenslike -Lent -lent -Lenten -Lententide -lenth -lenthways -Lentibulariaceae -lentibulariaceous -lenticel -lenticellate -lenticle -lenticonus -lenticula -lenticular -lenticulare -lenticularis -lenticularly -lenticulate -lenticulated -lenticule -lenticulostriate -lenticulothalamic -lentiform -lentigerous -lentiginous -lentigo -lentil -Lentilla -lentisc -lentiscine -lentisco -lentiscus -lentisk -lentitude -lentitudinous -lento -lentoid -lentor -lentous -lenvoi -lenvoy -Lenzites -Leo -Leon -Leonard -Leonardesque -Leonato -leoncito -Leonese -leonhardite -Leonid -Leonine -leonine -leoninely -leonines -Leonis -Leonist -leonite -Leonnoys -Leonora -Leonotis -leontiasis -Leontocebus -leontocephalous -Leontodon -Leontopodium -Leonurus -leopard -leoparde -leopardess -leopardine -leopardite -leopardwood -Leopold -Leopoldinia -leopoldite -Leora -leotard -lepa -Lepadidae -lepadoid -Lepanto -lepargylic -Lepargyraea -Lepas -Lepcha -leper -leperdom -lepered -lepidene -lepidine -Lepidium -lepidoblastic -Lepidodendraceae -lepidodendraceous -lepidodendrid -lepidodendroid -Lepidodendron -lepidoid -Lepidoidei -lepidolite -lepidomelane -Lepidophloios -lepidophyllous -Lepidophyllum -lepidophyte -lepidophytic -lepidoporphyrin -lepidopter -Lepidoptera -lepidopteral -lepidopteran -lepidopterid -lepidopterist -lepidopterological -lepidopterologist -lepidopterology -lepidopteron -lepidopterous -Lepidosauria -lepidosaurian -Lepidosiren -Lepidosirenidae -lepidosirenoid -lepidosis -Lepidosperma -Lepidospermae -Lepidosphes -Lepidostei -lepidosteoid -Lepidosteus -Lepidostrobus -lepidote -Lepidotes -lepidotic -Lepidotus -Lepidurus -Lepilemur -Lepiota -Lepisma -Lepismatidae -Lepismidae -lepismoid -Lepisosteidae -Lepisosteus -lepocyte -Lepomis -leporid -Leporidae -leporide -leporiform -leporine -Leporis -Lepospondyli -lepospondylous -Leposternidae -Leposternon -lepothrix -lepra -Lepralia -lepralian -leprechaun -lepric -leproid -leprologic -leprologist -leprology -leproma -lepromatous -leprosarium -leprose -leprosery -leprosied -leprosis -leprosity -leprosy -leprous -leprously -leprousness -Leptamnium -Leptandra -leptandrin -leptid -Leptidae -leptiform -Leptilon -leptinolite -Leptinotarsa -leptite -Leptocardia -leptocardian -Leptocardii -leptocentric -leptocephalan -leptocephali -leptocephalia -leptocephalic -leptocephalid -Leptocephalidae -leptocephaloid -leptocephalous -Leptocephalus -leptocephalus -leptocephaly -leptocercal -leptochlorite -leptochroa -leptochrous -leptoclase -leptodactyl -Leptodactylidae -leptodactylous -Leptodactylus -leptodermatous -leptodermous -Leptodora -Leptodoridae -Leptogenesis -leptokurtic -Leptolepidae -Leptolepis -Leptolinae -leptomatic -leptome -Leptomedusae -leptomedusan -leptomeningeal -leptomeninges -leptomeningitis -leptomeninx -leptometer -leptomonad -Leptomonas -Lepton -lepton -leptonecrosis -leptonema -leptopellic -Leptophis -leptophyllous -leptoprosope -leptoprosopic -leptoprosopous -leptoprosopy -Leptoptilus -Leptorchis -leptorrhin -leptorrhine -leptorrhinian -leptorrhinism -leptosome -leptosperm -Leptospermum -Leptosphaeria -Leptospira -leptospirosis -leptosporangiate -Leptostraca -leptostracan -leptostracous -Leptostromataceae -Leptosyne -leptotene -Leptothrix -Leptotrichia -Leptotyphlopidae -Leptotyphlops -leptus -leptynite -Lepus -Ler -Lernaea -Lernaeacea -Lernaean -Lernaeidae -lernaeiform -lernaeoid -Lernaeoides -lerot -lerp -lerret -Lerwa -Les -Lesath -Lesbia -Lesbian -Lesbianism -lesche -Lesgh -lesion -lesional -lesiy -Leskea -Leskeaceae -leskeaceous -Lesleya -Leslie -Lespedeza -Lesquerella -less -lessee -lesseeship -lessen -lessener -lesser -lessive -lessn -lessness -lesson -lessor -lest -Lester -lestiwarite -lestobiosis -lestobiotic -Lestodon -Lestosaurus -lestrad -Lestrigon -Lestrigonian -let -letch -letchy -letdown -lete -lethal -lethality -lethalize -lethally -lethargic -lethargical -lethargically -lethargicalness -lethargize -lethargus -lethargy -Lethe -Lethean -lethiferous -Lethocerus -lethologica -Letitia -Leto -letoff -Lett -lettable -letten -letter -lettered -letterer -letteret -lettergram -letterhead -letterin -lettering -letterleaf -letterless -letterpress -letterspace -letterweight -letterwood -Lettic -Lettice -Lettish -lettrin -lettsomite -lettuce -Letty -letup -leu -Leucadendron -Leucadian -leucaemia -leucaemic -Leucaena -leucaethiop -leucaethiopic -leucaniline -leucanthous -leucaugite -leucaurin -leucemia -leucemic -Leucetta -leuch -leuchaemia -leuchemia -leuchtenbergite -Leucichthys -Leucifer -Leuciferidae -leucine -Leucippus -leucism -leucite -leucitic -leucitis -leucitite -leucitohedron -leucitoid -Leuckartia -Leuckartiidae -leuco -leucobasalt -leucoblast -leucoblastic -Leucobryaceae -Leucobryum -leucocarpous -leucochalcite -leucocholic -leucocholy -leucochroic -leucocidic -leucocidin -leucocism -leucocrate -leucocratic -Leucocrinum -leucocyan -leucocytal -leucocyte -leucocythemia -leucocythemic -leucocytic -leucocytoblast -leucocytogenesis -leucocytoid -leucocytology -leucocytolysin -leucocytolysis -leucocytolytic -leucocytometer -leucocytopenia -leucocytopenic -leucocytoplania -leucocytopoiesis -leucocytosis -leucocytotherapy -leucocytotic -Leucocytozoon -leucoderma -leucodermatous -leucodermic -leucoencephalitis -leucogenic -leucoid -leucoindigo -leucoindigotin -Leucojaceae -Leucojum -leucolytic -leucoma -leucomaine -leucomatous -leucomelanic -leucomelanous -leucon -Leuconostoc -leucopenia -leucopenic -leucophane -leucophanite -leucophoenicite -leucophore -leucophyllous -leucophyre -leucoplakia -leucoplakial -leucoplast -leucoplastid -leucopoiesis -leucopoietic -leucopyrite -leucoquinizarin -leucorrhea -leucorrheal -leucoryx -leucosis -Leucosolenia -Leucosoleniidae -leucospermous -leucosphenite -leucosphere -leucospheric -leucostasis -Leucosticte -leucosyenite -leucotactic -Leucothea -Leucothoe -leucotic -leucotome -leucotomy -leucotoxic -leucous -leucoxene -leucyl -leud -leuk -leukemia -leukemic -leukocidic -leukocidin -leukosis -leukotic -leuma -Leung -lev -Levana -levance -Levant -levant -Levanter -levanter -Levantine -levator -levee -level -leveler -levelheaded -levelheadedly -levelheadedness -leveling -levelish -levelism -levelly -levelman -levelness -lever -leverage -leverer -leveret -leverman -levers -leverwood -Levi -leviable -leviathan -levier -levigable -levigate -levigation -levigator -levin -levining -levir -levirate -leviratical -leviration -Levis -Levisticum -levitant -levitate -levitation -levitational -levitative -levitator -Levite -Levitical -Leviticalism -Leviticality -Levitically -Leviticalness -Leviticism -Leviticus -Levitism -levity -levo -levoduction -levogyrate -levogyre -levogyrous -levolactic -levolimonene -levorotation -levorotatory -levotartaric -levoversion -levulic -levulin -levulinic -levulose -levulosuria -levy -levyist -levynite -Lew -lew -Lewanna -lewd -lewdly -lewdness -Lewie -Lewis -lewis -Lewisia -Lewisian -lewisite -lewisson -lewth -Lex -lexia -lexical -lexicalic -lexicality -lexicographer -lexicographian -lexicographic -lexicographical -lexicographically -lexicographist -lexicography -lexicologic -lexicological -lexicologist -lexicology -lexicon -lexiconist -lexiconize -lexigraphic -lexigraphical -lexigraphically -lexigraphy -lexiphanic -lexiphanicism -ley -leyland -leysing -Lezghian -lherzite -lherzolite -Lhota -li -liability -liable -liableness -liaison -liana -liang -liar -liard -Lias -Liassic -Liatris -libament -libaniferous -libanophorous -libanotophorous -libant -libate -libation -libationary -libationer -libatory -libber -libbet -libbra -Libby -libel -libelant -libelee -libeler -libelist -libellary -libellate -Libellula -libellulid -Libellulidae -libelluloid -libelous -libelously -Liber -liber -liberal -Liberalia -liberalism -liberalist -liberalistic -liberality -liberalization -liberalize -liberalizer -liberally -liberalness -liberate -liberation -liberationism -liberationist -liberative -liberator -liberatory -liberatress -Liberia -Liberian -liberomotor -libertarian -libertarianism -Libertas -liberticidal -liberticide -libertinage -libertine -libertinism -liberty -libertyless -libethenite -libidibi -libidinal -libidinally -libidinosity -libidinous -libidinously -libidinousness -libido -Libitina -libken -Libocedrus -Libra -libra -libral -librarian -librarianess -librarianship -librarious -librarius -library -libraryless -librate -libration -libratory -libretti -librettist -libretto -Librid -libriform -libroplast -Libyan -Libytheidae -Libytheinae -Licania -licareol -licca -licensable -license -licensed -licensee -licenseless -licenser -licensor -licensure -licentiate -licentiateship -licentiation -licentious -licentiously -licentiousness -lich -licham -lichanos -lichen -lichenaceous -lichened -Lichenes -licheniasis -lichenic -lichenicolous -licheniform -lichenin -lichenism -lichenist -lichenivorous -lichenization -lichenize -lichenlike -lichenographer -lichenographic -lichenographical -lichenographist -lichenography -lichenoid -lichenologic -lichenological -lichenologist -lichenology -Lichenopora -Lichenoporidae -lichenose -licheny -lichi -Lichnophora -Lichnophoridae -Licinian -licit -licitation -licitly -licitness -lick -licker -lickerish -lickerishly -lickerishness -licking -lickpenny -lickspit -lickspittle -lickspittling -licorice -licorn -licorne -lictor -lictorian -Licuala -lid -Lida -lidded -lidder -Lide -lidflower -lidgate -lidless -lie -liebenerite -Liebfraumilch -liebigite -lied -lief -liege -liegedom -liegeful -liegefully -liegeless -liegely -liegeman -lieger -lien -lienal -lienculus -lienee -lienic -lienitis -lienocele -lienogastric -lienointestinal -lienomalacia -lienomedullary -lienomyelogenous -lienopancreatic -lienor -lienorenal -lienotoxin -lienteria -lienteric -lientery -lieproof -lieprooflier -lieproofliest -lier -lierne -lierre -liesh -liespfund -lieu -lieue -lieutenancy -lieutenant -lieutenantry -lieutenantship -Lievaart -lieve -lievrite -Lif -life -lifeblood -lifeboat -lifeboatman -lifeday -lifedrop -lifeful -lifefully -lifefulness -lifeguard -lifehold -lifeholder -lifeless -lifelessly -lifelessness -lifelet -lifelike -lifelikeness -lifeline -lifelong -lifer -liferent -liferenter -liferentrix -liferoot -lifesaver -lifesaving -lifesome -lifesomely -lifesomeness -lifespring -lifetime -lifeward -lifework -lifey -lifo -lift -liftable -lifter -lifting -liftless -liftman -ligable -ligament -ligamental -ligamentary -ligamentous -ligamentously -ligamentum -ligas -ligate -ligation -ligator -ligature -ligeance -ligger -light -lightable -lightboat -lightbrained -lighten -lightener -lightening -lighter -lighterage -lighterful -lighterman -lightface -lightful -lightfulness -lighthead -lightheaded -lightheadedly -lightheadedness -lighthearted -lightheartedly -lightheartedness -lighthouse -lighthouseman -lighting -lightish -lightkeeper -lightless -lightlessness -lightly -lightman -lightmanship -lightmouthed -lightness -lightning -lightninglike -lightningproof -lightproof -lightroom -lightscot -lightship -lightsman -lightsome -lightsomely -lightsomeness -lighttight -lightwards -lightweight -lightwood -lightwort -lignaloes -lignatile -ligne -ligneous -lignescent -lignicole -lignicoline -lignicolous -ligniferous -lignification -ligniform -lignify -lignin -ligninsulphonate -ligniperdous -lignite -lignitic -lignitiferous -lignitize -lignivorous -lignocellulose -lignoceric -lignography -lignone -lignose -lignosity -lignosulphite -lignosulphonate -lignum -ligroine -ligula -ligular -Ligularia -ligulate -ligulated -ligule -Liguliflorae -liguliflorous -liguliform -ligulin -liguloid -Liguorian -ligure -Ligurian -ligurite -ligurition -Ligusticum -ligustrin -Ligustrum -Ligyda -Ligydidae -Lihyanite -liin -lija -likability -likable -likableness -like -likelihead -likelihood -likeliness -likely -liken -likeness -liker -likesome -likeways -likewise -likin -liking -liknon -Lila -lilac -lilaceous -lilacin -lilacky -lilacthroat -lilactide -Lilaeopsis -lile -Liliaceae -liliaceous -Liliales -Lilian -lilied -liliform -Liliiflorae -Lilith -Lilium -lill -lillianite -lillibullero -Lilliput -Lilliputian -Lilliputianize -lilt -liltingly -liltingness -lily -lilyfy -lilyhanded -lilylike -lilywood -lilywort -lim -Lima -Limacea -limacel -limaceous -Limacidae -limaciform -Limacina -limacine -limacinid -Limacinidae -limacoid -limacon -limaille -liman -limation -Limawood -Limax -limb -limbal -limbat -limbate -limbation -limbeck -limbed -limber -limberham -limberly -limberness -limbers -limbic -limbie -limbiferous -limbless -limbmeal -limbo -limboinfantum -limbous -Limbu -Limburger -limburgite -limbus -limby -lime -limeade -Limean -limeberry -limebush -limehouse -limekiln -limeless -limelight -limelighter -limelike -limeman -limen -limequat -limer -Limerick -limes -limestone -limetta -limettin -limewash -limewater -limewort -limey -Limicolae -limicoline -limicolous -Limidae -liminal -liminary -liminess -liming -limit -limitable -limitableness -limital -limitarian -limitary -limitate -limitation -limitative -limitatively -limited -limitedly -limitedness -limiter -limiting -limitive -limitless -limitlessly -limitlessness -limitrophe -limivorous -limma -limmer -limmock -limmu -limn -limnanth -Limnanthaceae -limnanthaceous -Limnanthemum -Limnanthes -limner -limnery -limnetic -Limnetis -limniad -limnimeter -limnimetric -limnite -limnobiologic -limnobiological -limnobiologically -limnobiology -limnobios -Limnobium -Limnocnida -limnograph -limnologic -limnological -limnologically -limnologist -limnology -limnometer -limnophile -limnophilid -Limnophilidae -limnophilous -limnoplankton -Limnorchis -Limnoria -Limnoriidae -limnorioid -Limodorum -limoid -limonene -limoniad -limonin -limonite -limonitic -limonitization -limonium -Limosa -limose -Limosella -Limosi -limous -limousine -limp -limper -limpet -limphault -limpid -limpidity -limpidly -limpidness -limpily -limpin -limpiness -limping -limpingly -limpingness -limpish -limpkin -limply -limpness -limpsy -limpwort -limpy -limsy -limu -limulid -Limulidae -limuloid -Limuloidea -Limulus -limurite -limy -Lin -lin -Lina -lina -linable -Linaceae -linaceous -linaga -linage -linaloa -linalol -linalool -linamarin -Linanthus -Linaria -linarite -linch -linchbolt -linchet -linchpin -linchpinned -lincloth -Lincoln -Lincolnian -Lincolniana -Lincolnlike -linctus -Linda -lindackerite -lindane -linden -Linder -linder -Lindera -Lindleyan -lindo -lindoite -Lindsay -Lindsey -line -linea -lineage -lineaged -lineal -lineality -lineally -lineament -lineamental -lineamentation -lineameter -linear -linearifolius -linearity -linearization -linearize -linearly -lineate -lineated -lineation -lineature -linecut -lined -lineiform -lineless -linelet -lineman -linen -Linene -linenette -linenize -linenizer -linenman -lineocircular -lineograph -lineolate -lineolated -liner -linesman -Linet -linewalker -linework -ling -linga -Lingayat -lingberry -lingbird -linge -lingel -lingenberry -linger -lingerer -lingerie -lingo -lingonberry -Lingoum -lingtow -lingtowman -lingua -linguacious -linguaciousness -linguadental -linguaeform -lingual -linguale -linguality -lingualize -lingually -linguanasal -Linguata -Linguatula -Linguatulida -Linguatulina -linguatuline -linguatuloid -linguet -linguidental -linguiform -linguipotence -linguist -linguister -linguistic -linguistical -linguistically -linguistician -linguistics -linguistry -lingula -lingulate -lingulated -Lingulella -lingulid -Lingulidae -linguliferous -linguliform -linguloid -linguodental -linguodistal -linguogingival -linguopalatal -linguopapillitis -linguoversion -lingwort -lingy -linha -linhay -linie -liniment -linin -lininess -lining -linitis -liniya -linja -linje -link -linkable -linkage -linkboy -linked -linkedness -linker -linking -linkman -links -linksmith -linkwork -linky -Linley -linn -Linnaea -Linnaean -Linnaeanism -linnaeite -Linne -linnet -lino -linolate -linoleic -linolein -linolenate -linolenic -linolenin -linoleum -linolic -linolin -linometer -linon -Linopteris -Linos -Linotype -linotype -linotyper -linotypist -linous -linoxin -linoxyn -linpin -Linsang -linseed -linsey -linstock -lint -lintel -linteled -linteling -linten -linter -lintern -lintie -lintless -lintonite -lintseed -lintwhite -linty -Linum -Linus -linwood -liny -Linyphia -Linyphiidae -liodermia -liomyofibroma -liomyoma -lion -lioncel -Lionel -lionel -lionesque -lioness -lionet -lionheart -lionhearted -lionheartedness -lionhood -lionism -lionizable -lionization -lionize -lionizer -lionlike -lionly -lionproof -lionship -Liothrix -Liotrichi -Liotrichidae -liotrichine -lip -lipa -lipacidemia -lipaciduria -Lipan -Liparian -liparian -liparid -Liparidae -Liparididae -Liparis -liparite -liparocele -liparoid -liparomphalus -liparous -lipase -lipectomy -lipemia -Lipeurus -lipide -lipin -lipless -liplet -liplike -lipoblast -lipoblastoma -Lipobranchia -lipocaic -lipocardiac -lipocele -lipoceratous -lipocere -lipochondroma -lipochrome -lipochromogen -lipoclasis -lipoclastic -lipocyte -lipodystrophia -lipodystrophy -lipoferous -lipofibroma -lipogenesis -lipogenetic -lipogenic -lipogenous -lipogram -lipogrammatic -lipogrammatism -lipogrammatist -lipography -lipohemia -lipoid -lipoidal -lipoidemia -lipoidic -lipolysis -lipolytic -lipoma -lipomata -lipomatosis -lipomatous -lipometabolic -lipometabolism -lipomorph -lipomyoma -lipomyxoma -lipopexia -lipophagic -lipophore -lipopod -Lipopoda -lipoprotein -liposarcoma -liposis -liposome -lipostomy -lipothymial -lipothymic -lipothymy -lipotrophic -lipotrophy -lipotropic -lipotropy -lipotype -Lipotyphla -lipovaccine -lipoxenous -lipoxeny -lipped -lippen -lipper -lipperings -Lippia -lippiness -lipping -lippitude -lippitudo -lippy -lipsanographer -lipsanotheca -lipstick -lipuria -lipwork -liquable -liquamen -liquate -liquation -liquefacient -liquefaction -liquefactive -liquefiable -liquefier -liquefy -liquesce -liquescence -liquescency -liquescent -liqueur -liquid -liquidable -Liquidambar -liquidamber -liquidate -liquidation -liquidator -liquidatorship -liquidity -liquidize -liquidizer -liquidless -liquidly -liquidness -liquidogenic -liquidogenous -liquidy -liquiform -liquor -liquorer -liquorish -liquorishly -liquorishness -liquorist -liquorless -lira -lirate -liration -lire -lirella -lirellate -lirelliform -lirelline -lirellous -Liriodendron -liripipe -liroconite -lis -Lisa -Lisbon -Lise -lisere -Lisette -lish -lisk -Lisle -lisle -lisp -lisper -lispingly -lispund -liss -Lissamphibia -lissamphibian -Lissencephala -lissencephalic -lissencephalous -Lissoflagellata -lissoflagellate -lissom -lissome -lissomely -lissomeness -lissotrichan -Lissotriches -lissotrichous -lissotrichy -List -list -listable -listed -listedness -listel -listen -listener -listening -lister -Listera -listerellosis -Listeria -Listerian -Listerine -Listerism -Listerize -listing -listless -listlessly -listlessness -listred -listwork -Lisuarte -lit -litaneutical -litany -litanywise -litas -litation -litch -litchi -lite -liter -literacy -literaily -literal -literalism -literalist -literalistic -literality -literalization -literalize -literalizer -literally -literalminded -literalmindedness -literalness -literarian -literariness -literary -literaryism -literate -literati -literation -literatist -literato -literator -literature -literatus -literose -literosity -lith -lithagogue -lithangiuria -lithanthrax -litharge -lithe -lithectasy -lithectomy -lithely -lithemia -lithemic -litheness -lithesome -lithesomeness -lithi -lithia -lithiasis -lithiastic -lithiate -lithic -lithifaction -lithification -lithify -lithite -lithium -litho -lithobiid -Lithobiidae -lithobioid -Lithobius -Lithocarpus -lithocenosis -lithochemistry -lithochromatic -lithochromatics -lithochromatographic -lithochromatography -lithochromography -lithochromy -lithoclase -lithoclast -lithoclastic -lithoclasty -lithoculture -lithocyst -lithocystotomy -Lithodes -lithodesma -lithodialysis -lithodid -Lithodidae -lithodomous -Lithodomus -lithofracteur -lithofractor -lithogenesis -lithogenetic -lithogenous -lithogeny -lithoglyph -lithoglypher -lithoglyphic -lithoglyptic -lithoglyptics -lithograph -lithographer -lithographic -lithographical -lithographically -lithographize -lithography -lithogravure -lithoid -lithoidite -litholabe -litholapaxy -litholatrous -litholatry -lithologic -lithological -lithologically -lithologist -lithology -litholysis -litholyte -litholytic -lithomancy -lithomarge -lithometer -lithonephria -lithonephritis -lithonephrotomy -lithontriptic -lithontriptist -lithontriptor -lithopedion -lithopedium -lithophagous -lithophane -lithophanic -lithophany -lithophilous -lithophone -lithophotography -lithophotogravure -lithophthisis -lithophyl -lithophyllous -lithophysa -lithophysal -lithophyte -lithophytic -lithophytous -lithopone -lithoprint -lithoscope -lithosian -lithosiid -Lithosiidae -Lithosiinae -lithosis -lithosol -lithosperm -lithospermon -lithospermous -Lithospermum -lithosphere -lithotint -lithotome -lithotomic -lithotomical -lithotomist -lithotomize -lithotomous -lithotomy -lithotony -lithotresis -lithotripsy -lithotriptor -lithotrite -lithotritic -lithotritist -lithotrity -lithotype -lithotypic -lithotypy -lithous -lithoxyl -lithsman -Lithuanian -Lithuanic -lithuresis -lithuria -lithy -liticontestation -litigable -litigant -litigate -litigation -litigationist -litigator -litigatory -litigiosity -litigious -litigiously -litigiousness -Litiopa -litiscontest -litiscontestation -litiscontestational -litmus -Litopterna -Litorina -Litorinidae -litorinoid -litotes -litra -Litsea -litster -litten -litter -litterateur -litterer -littermate -littery -little -littleleaf -littleneck -littleness -littlewale -littling -littlish -littoral -Littorella -littress -lituiform -lituite -Lituites -Lituitidae -Lituola -lituoline -lituoloid -liturate -liturgical -liturgically -liturgician -liturgics -liturgiological -liturgiologist -liturgiology -liturgism -liturgist -liturgistic -liturgistical -liturgize -liturgy -litus -lituus -Litvak -Lityerses -litz -Liukiu -Liv -livability -livable -livableness -live -liveborn -lived -livedo -livelihood -livelily -liveliness -livelong -lively -liven -liveness -liver -liverance -liverberry -livered -liverhearted -liverheartedness -liveried -liverish -liverishness -liverleaf -liverless -Liverpudlian -liverwort -liverwurst -livery -liverydom -liveryless -liveryman -livestock -Livian -livid -lividity -lividly -lividness -livier -living -livingless -livingly -livingness -livingstoneite -Livish -Livistona -Livonian -livor -livre -liwan -lixive -lixivial -lixiviate -lixiviation -lixiviator -lixivious -lixivium -Liyuan -Liz -Liza -lizard -lizardtail -Lizzie -llama -Llanberisslate -Llandeilo -Llandovery -llano -llautu -Lleu -Llew -Lloyd -Lludd -llyn -Lo -lo -Loa -loa -loach -load -loadage -loaded -loaden -loader -loading -loadless -loadpenny -loadsome -loadstone -loaf -loafer -loaferdom -loaferish -loafing -loafingly -loaflet -loaghtan -loam -loamily -loaminess -loaming -loamless -Loammi -loamy -loan -loanable -loaner -loanin -loanmonger -loanword -Loasa -Loasaceae -loasaceous -loath -loathe -loather -loathful -loathfully -loathfulness -loathing -loathingly -loathliness -loathly -loathness -loathsome -loathsomely -loathsomeness -Loatuko -loave -lob -Lobachevskian -lobal -Lobale -lobar -Lobaria -Lobata -Lobatae -lobate -lobated -lobately -lobation -lobber -lobbish -lobby -lobbyer -lobbyism -lobbyist -lobbyman -lobcock -lobe -lobectomy -lobed -lobefoot -lobefooted -lobeless -lobelet -Lobelia -Lobeliaceae -lobeliaceous -lobelin -lobeline -lobellated -lobfig -lobiform -lobigerous -lobing -lobiped -loblolly -lobo -lobola -lobopodium -Lobosa -lobose -lobotomy -lobscourse -lobscouse -lobscouser -lobster -lobstering -lobsterish -lobsterlike -lobsterproof -lobtail -lobular -Lobularia -lobularly -lobulate -lobulated -lobulation -lobule -lobulette -lobulose -lobulous -lobworm -loca -locable -local -locale -localism -localist -localistic -locality -localizable -localization -localize -localizer -locally -localness -locanda -Locarnist -Locarnite -Locarnize -Locarno -locate -location -locational -locative -locator -locellate -locellus -loch -lochage -lochan -lochetic -lochia -lochial -lochiocolpos -lochiocyte -lochiometra -lochiometritis -lochiopyra -lochiorrhagia -lochiorrhea -lochioschesis -Lochlin -lochometritis -lochoperitonitis -lochopyra -lochus -lochy -loci -lociation -lock -lockable -lockage -Lockatong -lockbox -locked -locker -lockerman -locket -lockful -lockhole -Lockian -Lockianism -locking -lockjaw -lockless -locklet -lockmaker -lockmaking -lockman -lockout -lockpin -Lockport -lockram -locksman -locksmith -locksmithery -locksmithing -lockspit -lockup -lockwork -locky -loco -locodescriptive -locofoco -Locofocoism -locoism -locomobile -locomobility -locomote -locomotility -locomotion -locomotive -locomotively -locomotiveman -locomotiveness -locomotivity -locomotor -locomotory -locomutation -locoweed -Locrian -Locrine -loculament -loculamentose -loculamentous -locular -loculate -loculated -loculation -locule -loculicidal -loculicidally -loculose -loculus -locum -locus -locust -locusta -locustal -locustberry -locustelle -locustid -Locustidae -locusting -locustlike -locution -locutor -locutorship -locutory -lod -Loddigesia -lode -lodemanage -lodesman -lodestar -lodestone -lodestuff -lodge -lodgeable -lodged -lodgeful -lodgeman -lodgepole -lodger -lodgerdom -lodging -lodginghouse -lodgings -lodgment -Lodha -lodicule -Lodoicea -Lodowic -Lodowick -Lodur -Loegria -loess -loessal -loessial -loessic -loessland -loessoid -lof -lofstelle -loft -lofter -loftily -loftiness -lofting -loftless -loftman -loftsman -lofty -log -loganberry -Logania -Loganiaceae -loganiaceous -loganin -logaoedic -logarithm -logarithmal -logarithmetic -logarithmetical -logarithmetically -logarithmic -logarithmical -logarithmically -logarithmomancy -logbook -logcock -loge -logeion -logeum -loggat -logged -logger -loggerhead -loggerheaded -loggia -loggin -logging -loggish -loghead -logheaded -logia -logic -logical -logicalist -logicality -logicalization -logicalize -logically -logicalness -logicaster -logician -logicism -logicist -logicity -logicize -logicless -logie -login -logion -logistic -logistical -logistician -logistics -logium -loglet -loglike -logman -logocracy -logodaedaly -logogogue -logogram -logogrammatic -logograph -logographer -logographic -logographical -logographically -logography -logogriph -logogriphic -logoi -logolatry -logology -logomach -logomacher -logomachic -logomachical -logomachist -logomachize -logomachy -logomancy -logomania -logomaniac -logometer -logometric -logometrical -logometrically -logopedia -logopedics -logorrhea -logos -logothete -logotype -logotypy -Logres -Logria -Logris -logroll -logroller -logrolling -logway -logwise -logwood -logwork -logy -lohan -Lohana -Lohar -lohoch -loimic -loimography -loimology -loin -loincloth -loined -loir -Lois -Loiseleuria -loiter -loiterer -loiteringly -loiteringness -loka -lokao -lokaose -lokapala -loke -loket -lokiec -Lokindra -Lokman -Lola -Loliginidae -Loligo -Lolium -loll -Lollard -Lollardian -Lollardism -Lollardist -Lollardize -Lollardlike -Lollardry -Lollardy -loller -lollingite -lollingly -lollipop -lollop -lollopy -lolly -Lolo -loma -lomastome -lomatine -lomatinous -Lomatium -Lombard -lombard -Lombardeer -Lombardesque -Lombardian -Lombardic -lomboy -Lombrosian -loment -lomentaceous -Lomentaria -lomentariaceous -lomentum -lomita -lommock -Lonchocarpus -Lonchopteridae -Londinensian -Londoner -Londonese -Londonesque -Londonian -Londonish -Londonism -Londonization -Londonize -Londony -Londres -lone -lonelihood -lonelily -loneliness -lonely -loneness -lonesome -lonesomely -lonesomeness -long -longa -longan -longanimity -longanimous -Longaville -longbeak -longbeard -longboat -longbow -longcloth -longe -longear -longer -longeval -longevity -longevous -longfelt -longfin -longful -longhair -longhand -longhead -longheaded -longheadedly -longheadedness -longhorn -longicaudal -longicaudate -longicone -longicorn -Longicornia -longilateral -longilingual -longiloquence -longimanous -longimetric -longimetry -longing -longingly -longingness -Longinian -longinquity -longipennate -longipennine -longirostral -longirostrate -longirostrine -Longirostrines -longisection -longish -longitude -longitudinal -longitudinally -longjaw -longleaf -longlegs -longly -longmouthed -longness -Longobard -Longobardi -Longobardian -Longobardic -longs -longshanks -longshore -longshoreman -longsome -longsomely -longsomeness -longspun -longspur -longtail -longue -longulite -longway -longways -longwise -longwool -longwork -longwort -Lonhyn -Lonicera -Lonk -lonquhard -lontar -loo -looby -lood -loof -loofah -loofie -loofness -look -looker -looking -lookout -lookum -loom -loomer -loomery -looming -loon -loonery -looney -loony -loop -looper -loopful -loophole -looping -loopist -looplet -looplike -loopy -loose -loosely -loosemouthed -loosen -loosener -looseness -looser -loosestrife -loosing -loosish -loot -lootable -looten -looter -lootie -lootiewallah -lootsman -lop -lope -loper -Lopezia -lophiid -Lophiidae -lophine -Lophiodon -lophiodont -Lophiodontidae -lophiodontoid -Lophiola -Lophiomyidae -Lophiomyinae -Lophiomys -lophiostomate -lophiostomous -lophobranch -lophobranchiate -Lophobranchii -lophocalthrops -lophocercal -Lophocome -Lophocomi -Lophodermium -lophodont -Lophophora -lophophoral -lophophore -Lophophorinae -lophophorine -Lophophorus -lophophytosis -Lophopoda -Lophornis -Lophortyx -lophosteon -lophotriaene -lophotrichic -lophotrichous -Lophura -lopolith -loppard -lopper -loppet -lopping -loppy -lopseed -lopsided -lopsidedly -lopsidedness -lopstick -loquacious -loquaciously -loquaciousness -loquacity -loquat -loquence -loquent -loquently -Lora -lora -loral -loran -lorandite -loranskite -Loranthaceae -loranthaceous -Loranthus -lorarius -lorate -lorcha -Lord -lord -lording -lordkin -lordless -lordlet -lordlike -lordlily -lordliness -lordling -lordly -lordolatry -lordosis -lordotic -lordship -lordwood -lordy -lore -loreal -lored -loreless -Loren -Lorenzan -lorenzenite -Lorenzo -Lorettine -lorettoite -lorgnette -Lori -lori -loric -lorica -loricarian -Loricariidae -loricarioid -Loricata -loricate -Loricati -lorication -loricoid -Lorien -lorikeet -lorilet -lorimer -loriot -loris -Lorius -lormery -lorn -lornness -loro -Lorraine -Lorrainer -Lorrainese -lorriker -lorry -lors -lorum -lory -losable -losableness -lose -losel -loselism -losenger -loser -losh -losing -loss -lossenite -lossless -lossproof -lost -lostling -lostness -Lot -lot -Lota -lota -lotase -lote -lotebush -Lotharingian -lotic -lotiform -lotion -lotment -Lotophagi -lotophagous -lotophagously -lotrite -lots -Lotta -Lotte -lotter -lottery -Lottie -lotto -Lotuko -lotus -lotusin -lotuslike -Lou -louch -louchettes -loud -louden -loudering -loudish -loudly -loudmouthed -loudness -louey -lough -lougheen -Louie -Louiqa -Louis -Louisa -Louise -Louisiana -Louisianian -louisine -louk -Loukas -loukoum -loulu -lounder -lounderer -lounge -lounger -lounging -loungingly -loungy -Loup -loup -loupe -lour -lourdy -louse -louseberry -lousewort -lousily -lousiness -louster -lousy -lout -louter -louther -loutish -loutishly -loutishness -loutrophoros -louty -louvar -louver -louvered -louvering -louverwork -Louvre -lovability -lovable -lovableness -lovably -lovage -love -lovebird -loveflower -loveful -lovelass -loveless -lovelessly -lovelessness -lovelihead -lovelily -loveliness -loveling -lovelock -lovelorn -lovelornness -lovely -loveman -lovemate -lovemonger -loveproof -lover -loverdom -lovered -loverhood -lovering -loverless -loverliness -loverly -lovership -loverwise -lovesick -lovesickness -lovesome -lovesomely -lovesomeness -loveworth -loveworthy -loving -lovingly -lovingness -low -lowa -lowan -lowbell -lowborn -lowboy -lowbred -lowdah -lowder -loweite -Lowell -lower -lowerable -lowerclassman -lowerer -lowering -loweringly -loweringness -lowermost -lowery -lowigite -lowish -lowishly -lowishness -lowland -lowlander -lowlily -lowliness -lowly -lowmen -lowmost -lown -lowness -lownly -lowth -Lowville -lowwood -lowy -lox -loxia -loxic -Loxiinae -loxoclase -loxocosm -loxodograph -Loxodon -loxodont -Loxodonta -loxodontous -loxodrome -loxodromic -loxodromical -loxodromically -loxodromics -loxodromism -Loxolophodon -loxolophodont -Loxomma -loxophthalmus -Loxosoma -Loxosomidae -loxotic -loxotomy -loy -loyal -loyalism -loyalist -loyalize -loyally -loyalness -loyalty -Loyd -Loyolism -Loyolite -lozenge -lozenged -lozenger -lozengeways -lozengewise -lozengy -Lu -Luba -lubber -lubbercock -Lubberland -lubberlike -lubberliness -lubberly -lube -lubra -lubric -lubricant -lubricate -lubrication -lubricational -lubricative -lubricator -lubricatory -lubricious -lubricity -lubricous -lubrifaction -lubrification -lubrify -lubritorian -lubritorium -Luc -Lucan -Lucania -lucanid -Lucanidae -Lucanus -lucarne -Lucayan -lucban -Lucchese -luce -lucence -lucency -lucent -Lucentio -lucently -Luceres -lucern -lucernal -Lucernaria -lucernarian -Lucernariidae -lucerne -lucet -Luchuan -Lucia -Lucian -Luciana -lucible -lucid -lucida -lucidity -lucidly -lucidness -lucifee -Lucifer -luciferase -Luciferian -Luciferidae -luciferin -luciferoid -luciferous -luciferously -luciferousness -lucific -luciform -lucifugal -lucifugous -lucigen -Lucile -Lucilia -lucimeter -Lucina -Lucinacea -Lucinda -Lucinidae -lucinoid -Lucite -Lucius -lucivee -luck -lucken -luckful -luckie -luckily -luckiness -luckless -lucklessly -lucklessness -Lucknow -lucky -lucration -lucrative -lucratively -lucrativeness -lucre -Lucrece -Lucretia -Lucretian -Lucretius -lucriferous -lucriferousness -lucrific -lucrify -Lucrine -luctation -luctiferous -luctiferousness -lucubrate -lucubration -lucubrator -lucubratory -lucule -luculent -luculently -Lucullan -lucullite -Lucuma -lucumia -Lucumo -lucumony -Lucy -lucy -ludden -Luddism -Luddite -Ludditism -ludefisk -Ludgate -Ludgathian -Ludgatian -Ludian -ludibrious -ludibry -ludicropathetic -ludicroserious -ludicrosity -ludicrosplenetic -ludicrous -ludicrously -ludicrousness -ludification -ludlamite -Ludlovian -Ludlow -ludo -Ludolphian -Ludwig -ludwigite -lue -Luella -lues -luetic -luetically -lufberry -lufbery -luff -Luffa -Lug -lug -Luganda -luge -luger -luggage -luggageless -luggar -lugged -lugger -luggie -Luggnagg -lugmark -Lugnas -lugsail -lugsome -lugubriosity -lugubrious -lugubriously -lugubriousness -lugworm -luhinga -Lui -Luian -Luigi -luigino -Luis -Luiseno -Luite -lujaurite -Lukas -Luke -luke -lukely -lukeness -lukewarm -lukewarmish -lukewarmly -lukewarmness -lukewarmth -Lula -lulab -lull -lullaby -luller -Lullian -lulliloo -lullingly -Lulu -lulu -Lum -lum -lumachel -lumbaginous -lumbago -lumbang -lumbar -lumbarization -lumbayao -lumber -lumberdar -lumberdom -lumberer -lumbering -lumberingly -lumberingness -lumberjack -lumberless -lumberly -lumberman -lumbersome -lumberyard -lumbocolostomy -lumbocolotomy -lumbocostal -lumbodorsal -lumbodynia -lumbosacral -lumbovertebral -lumbrical -lumbricalis -Lumbricidae -lumbriciform -lumbricine -lumbricoid -lumbricosis -Lumbricus -lumbrous -lumen -luminaire -Luminal -luminal -luminance -luminant -luminarious -luminarism -luminarist -luminary -luminate -lumination -luminative -luminator -lumine -luminesce -luminescence -luminescent -luminiferous -luminificent -luminism -luminist -luminologist -luminometer -luminosity -luminous -luminously -luminousness -lummox -lummy -lump -lumper -lumpet -lumpfish -lumpily -lumpiness -lumping -lumpingly -lumpish -lumpishly -lumpishness -lumpkin -lumpman -lumpsucker -lumpy -luna -lunacy -lunambulism -lunar -lunare -Lunaria -lunarian -lunarist -lunarium -lunary -lunate -lunatellus -lunately -lunatic -lunatically -lunation -lunatize -lunatum -lunch -luncheon -luncheoner -luncheonette -luncheonless -luncher -lunchroom -Lunda -Lundinarium -lundress -lundyfoot -lune -Lunel -lunes -lunette -lung -lunge -lunged -lungeous -lunger -lungfish -lungflower -lungful -lungi -lungie -lungis -lungless -lungmotor -lungsick -lungworm -lungwort -lungy -lunicurrent -luniform -lunisolar -lunistice -lunistitial -lunitidal -Lunka -lunkhead -lunn -lunoid -lunt -lunula -lunular -Lunularia -lunulate -lunulated -lunule -lunulet -lunulite -Lunulites -Luo -lupanarian -lupanine -lupe -lupeol -lupeose -Lupercal -Lupercalia -Lupercalian -Luperci -lupetidine -lupicide -Lupid -lupiform -lupinaster -lupine -lupinin -lupinine -lupinosis -lupinous -Lupinus -lupis -lupoid -lupous -lupulic -lupulin -lupuline -lupulinic -lupulinous -lupulinum -lupulus -lupus -lupuserythematosus -Lur -lura -lural -lurch -lurcher -lurchingfully -lurchingly -lurchline -lurdan -lurdanism -lure -lureful -lurement -lurer -luresome -lurg -lurgworm -Luri -lurid -luridity -luridly -luridness -luringly -lurk -lurker -lurkingly -lurkingness -lurky -lurrier -lurry -Lusatian -Luscinia -luscious -lusciously -lusciousness -lush -Lushai -lushburg -Lushei -lusher -lushly -lushness -lushy -Lusiad -Lusian -Lusitania -Lusitanian -lusk -lusky -lusory -lust -luster -lusterer -lusterless -lusterware -lustful -lustfully -lustfulness -lustihead -lustily -lustiness -lustless -lustra -lustral -lustrant -lustrate -lustration -lustrative -lustratory -lustreless -lustrical -lustrification -lustrify -lustrine -lustring -lustrous -lustrously -lustrousness -lustrum -lusty -lut -lutaceous -lutanist -lutany -Lutao -lutation -Lutayo -lute -luteal -lutecia -lutecium -lutein -luteinization -luteinize -lutelet -lutemaker -lutemaking -luteo -luteocobaltic -luteofulvous -luteofuscescent -luteofuscous -luteolin -luteolous -luteoma -luteorufescent -luteous -luteovirescent -luter -lutescent -lutestring -Lutetia -Lutetian -lutetium -luteway -lutfisk -Luther -Lutheran -Lutheranic -Lutheranism -Lutheranize -Lutheranizer -Lutherism -Lutherist -luthern -luthier -lutianid -Lutianidae -lutianoid -Lutianus -lutidine -lutidinic -luting -lutist -Lutjanidae -Lutjanus -lutose -Lutra -Lutraria -Lutreola -lutrin -Lutrinae -lutrine -lutulence -lutulent -Luvaridae -Luvian -Luvish -Luwian -lux -luxate -luxation -luxe -Luxemburger -Luxemburgian -luxulianite -luxuriance -luxuriancy -luxuriant -luxuriantly -luxuriantness -luxuriate -luxuriation -luxurious -luxuriously -luxuriousness -luxurist -luxury -luxus -Luzula -Lwo -ly -lyam -lyard -Lyas -Lycaena -lycaenid -Lycaenidae -lycanthrope -lycanthropia -lycanthropic -lycanthropist -lycanthropize -lycanthropous -lycanthropy -lyceal -lyceum -Lychnic -Lychnis -lychnomancy -lychnoscope -lychnoscopic -Lycian -lycid -Lycidae -Lycium -Lycodes -Lycodidae -lycodoid -lycopene -Lycoperdaceae -lycoperdaceous -Lycoperdales -lycoperdoid -Lycoperdon -lycoperdon -Lycopersicon -lycopin -lycopod -lycopode -Lycopodiaceae -lycopodiaceous -Lycopodiales -Lycopodium -Lycopsida -Lycopsis -Lycopus -lycorine -Lycosa -lycosid -Lycosidae -lyctid -Lyctidae -Lyctus -Lycus -lyddite -Lydia -Lydian -lydite -lye -Lyencephala -lyencephalous -lyery -lygaeid -Lygaeidae -Lygeum -Lygodium -Lygosoma -lying -lyingly -Lymantria -lymantriid -Lymantriidae -lymhpangiophlebitis -Lymnaea -lymnaean -lymnaeid -Lymnaeidae -lymph -lymphad -lymphadenectasia -lymphadenectasis -lymphadenia -lymphadenitis -lymphadenoid -lymphadenoma -lymphadenopathy -lymphadenosis -lymphaemia -lymphagogue -lymphangeitis -lymphangial -lymphangiectasis -lymphangiectatic -lymphangiectodes -lymphangiitis -lymphangioendothelioma -lymphangiofibroma -lymphangiology -lymphangioma -lymphangiomatous -lymphangioplasty -lymphangiosarcoma -lymphangiotomy -lymphangitic -lymphangitis -lymphatic -lymphatical -lymphation -lymphatism -lymphatitis -lymphatolysin -lymphatolysis -lymphatolytic -lymphectasia -lymphedema -lymphemia -lymphenteritis -lymphoblast -lymphoblastic -lymphoblastoma -lymphoblastosis -lymphocele -lymphocyst -lymphocystosis -lymphocyte -lymphocythemia -lymphocytic -lymphocytoma -lymphocytomatosis -lymphocytosis -lymphocytotic -lymphocytotoxin -lymphodermia -lymphoduct -lymphogenic -lymphogenous -lymphoglandula -lymphogranuloma -lymphoid -lymphoidectomy -lymphology -lymphoma -lymphomatosis -lymphomatous -lymphomonocyte -lymphomyxoma -lymphopathy -lymphopenia -lymphopenial -lymphopoiesis -lymphopoietic -lymphoprotease -lymphorrhage -lymphorrhagia -lymphorrhagic -lymphorrhea -lymphosarcoma -lymphosarcomatosis -lymphosarcomatous -lymphosporidiosis -lymphostasis -lymphotaxis -lymphotome -lymphotomy -lymphotoxemia -lymphotoxin -lymphotrophic -lymphotrophy -lymphous -lymphuria -lymphy -lyncean -Lynceus -lynch -lynchable -lyncher -Lyncid -lyncine -Lyndon -Lynette -Lyngbyaceae -Lyngbyeae -Lynn -Lynne -Lynnette -lynnhaven -lynx -Lyomeri -lyomerous -Lyon -Lyonese -Lyonetia -lyonetiid -Lyonetiidae -Lyonnais -lyonnaise -Lyonnesse -lyophile -lyophilization -lyophilize -lyophobe -Lyopoma -Lyopomata -lyopomatous -lyotrope -lypemania -Lyperosia -lypothymia -lyra -Lyraid -lyrate -lyrated -lyrately -lyraway -lyre -lyrebird -lyreflower -lyreman -lyretail -lyric -lyrical -lyrically -lyricalness -lyrichord -lyricism -lyricist -lyricize -Lyrid -lyriform -lyrism -lyrist -Lyrurus -lys -Lysander -lysate -lyse -Lysenkoism -lysidine -lysigenic -lysigenous -lysigenously -Lysiloma -Lysimachia -Lysimachus -lysimeter -lysin -lysine -lysis -Lysistrata -lysogen -lysogenesis -lysogenetic -lysogenic -lysozyme -lyssa -lyssic -lyssophobia -lyterian -Lythraceae -lythraceous -Lythrum -lytic -lytta -lyxose -M -m -Ma -ma -maam -maamselle -Maarten -Mab -Maba -Mabel -Mabellona -mabi -Mabinogion -mabolo -Mac -mac -macaasim -macabre -macabresque -Macaca -macaco -Macacus -macadam -Macadamia -macadamite -macadamization -macadamize -macadamizer -Macaglia -macan -macana -Macanese -macao -macaque -Macaranga -Macarani -Macareus -macarism -macarize -macaroni -macaronic -macaronical -macaronically -macaronicism -macaronism -macaroon -Macartney -Macassar -Macassarese -macaw -Macbeth -Maccabaeus -Maccabean -Maccabees -maccaboy -macco -maccoboy -Macduff -mace -macedoine -Macedon -Macedonian -Macedonic -macehead -maceman -macer -macerate -macerater -maceration -Macflecknoe -machairodont -Machairodontidae -Machairodontinae -Machairodus -machan -machar -machete -Machetes -machi -Machiavel -Machiavellian -Machiavellianism -Machiavellianly -Machiavellic -Machiavellism -machiavellist -Machiavellistic -machicolate -machicolation -machicoulis -Machicui -machila -Machilidae -Machilis -machin -machinability -machinable -machinal -machinate -machination -machinator -machine -machineful -machineless -machinelike -machinely -machineman -machinemonger -machiner -machinery -machinification -machinify -machinism -machinist -machinization -machinize -machinoclast -machinofacture -machinotechnique -machinule -Machogo -machopolyp -machree -macies -Macigno -macilence -macilency -macilent -mack -mackenboy -mackerel -mackereler -mackereling -Mackinaw -mackins -mackintosh -mackintoshite -mackle -macklike -macle -Macleaya -macled -Maclura -Maclurea -maclurin -Macmillanite -maco -Macon -maconite -Macracanthorhynchus -macracanthrorhynchiasis -macradenous -macrame -macrander -macrandrous -macrauchene -Macrauchenia -macraucheniid -Macraucheniidae -macraucheniiform -macrauchenioid -macrencephalic -macrencephalous -macro -macroanalysis -macroanalyst -macroanalytical -macrobacterium -macrobian -macrobiosis -macrobiote -macrobiotic -macrobiotics -Macrobiotus -macroblast -macrobrachia -macrocarpous -Macrocentrinae -Macrocentrus -macrocephalia -macrocephalic -macrocephalism -macrocephalous -macrocephalus -macrocephaly -macrochaeta -macrocheilia -Macrochelys -macrochemical -macrochemically -macrochemistry -Macrochira -macrochiran -Macrochires -macrochiria -Macrochiroptera -macrochiropteran -macrocladous -macroclimate -macroclimatic -macrococcus -macrocoly -macroconidial -macroconidium -macroconjugant -macrocornea -macrocosm -macrocosmic -macrocosmical -macrocosmology -macrocosmos -macrocrystalline -macrocyst -Macrocystis -macrocyte -macrocythemia -macrocytic -macrocytosis -macrodactyl -macrodactylia -macrodactylic -macrodactylism -macrodactylous -macrodactyly -macrodiagonal -macrodomatic -macrodome -macrodont -macrodontia -macrodontism -macroelement -macroergate -macroevolution -macrofarad -macrogamete -macrogametocyte -macrogamy -macrogastria -macroglossate -macroglossia -macrognathic -macrognathism -macrognathous -macrogonidium -macrograph -macrographic -macrography -macrolepidoptera -macrolepidopterous -macrology -macromandibular -macromania -macromastia -macromazia -macromelia -macromeral -macromere -macromeric -macromerite -macromeritic -macromesentery -macrometer -macromethod -macromolecule -macromyelon -macromyelonal -macron -macronuclear -macronucleus -macronutrient -macropetalous -macrophage -macrophagocyte -macrophagus -Macrophoma -macrophotograph -macrophotography -macrophyllous -macrophysics -macropia -macropinacoid -macropinacoidal -macroplankton -macroplasia -macroplastia -macropleural -macropodia -Macropodidae -Macropodinae -macropodine -macropodous -macroprism -macroprosopia -macropsia -macropteran -macropterous -Macropus -Macropygia -macropyramid -macroreaction -Macrorhamphosidae -Macrorhamphosus -macrorhinia -Macrorhinus -macroscelia -Macroscelides -macroscian -macroscopic -macroscopical -macroscopically -macroseism -macroseismic -macroseismograph -macrosepalous -macroseptum -macrosmatic -macrosomatia -macrosomatous -macrosomia -macrosplanchnic -macrosporange -macrosporangium -macrospore -macrosporic -Macrosporium -macrosporophore -macrosporophyl -macrosporophyll -Macrostachya -macrostomatous -macrostomia -macrostructural -macrostructure -macrostylospore -macrostylous -macrosymbiont -macrothere -Macrotheriidae -macrotherioid -Macrotherium -macrotherm -macrotia -macrotin -Macrotolagus -macrotome -macrotone -macrotous -macrourid -Macrouridae -Macrourus -Macrozamia -macrozoogonidium -macrozoospore -Macrura -macrural -macruran -macruroid -macrurous -mactation -Mactra -Mactridae -mactroid -macuca -macula -macular -maculate -maculated -maculation -macule -maculicole -maculicolous -maculiferous -maculocerebral -maculopapular -maculose -Macusi -macuta -mad -Madagascan -Madagascar -Madagascarian -Madagass -madam -madame -madapollam -madarosis -madarotic -madbrain -madbrained -madcap -madden -maddening -maddeningly -maddeningness -madder -madderish -madderwort -madding -maddingly -maddish -maddle -made -Madecase -madefaction -madefy -Madegassy -Madeira -Madeiran -Madeline -madeline -Madelon -madescent -Madge -madhouse -madhuca -Madhva -Madi -Madia -madid -madidans -Madiga -madisterium -madling -madly -madman -madnep -madness -mado -Madoc -Madonna -Madonnahood -Madonnaish -Madonnalike -madoqua -Madotheca -madrague -Madras -madrasah -Madrasi -madreperl -Madrepora -Madreporacea -madreporacean -Madreporaria -madreporarian -madrepore -madreporian -madreporic -madreporiform -madreporite -madreporitic -Madrid -madrier -madrigal -madrigaler -madrigaletto -madrigalian -madrigalist -Madrilene -Madrilenian -madrona -madship -madstone -Madurese -maduro -madweed -madwoman -madwort -mae -Maeandra -Maeandrina -maeandrine -maeandriniform -maeandrinoid -maeandroid -Maecenas -Maecenasship -maegbote -Maelstrom -Maemacterion -maenad -maenadic -maenadism -maenaite -Maenalus -Maenidae -Maeonian -Maeonides -maestri -maestro -maffia -maffick -mafficker -maffle -mafflin -mafic -mafoo -mafura -mag -Maga -Magadhi -magadis -magadize -Magahi -Magalensia -magani -magas -magazinable -magazinage -magazine -magazinelet -magaziner -magazinette -magazinish -magazinism -magazinist -magaziny -Magdalen -Magdalene -Magdalenian -mage -Magellan -Magellanian -Magellanic -magenta -magged -Maggie -maggle -maggot -maggotiness -maggotpie -maggoty -Maggy -Magh -Maghi -Maghrib -Maghribi -Magi -magi -Magian -Magianism -magic -magical -magicalize -magically -magicdom -magician -magicianship -magicked -magicking -Magindanao -magiric -magirics -magirist -magiristic -magirological -magirologist -magirology -Magism -magister -magisterial -magisteriality -magisterially -magisterialness -magistery -magistracy -magistral -magistrality -magistrally -magistrand -magistrant -magistrate -magistrateship -magistratic -magistratical -magistratically -magistrative -magistrature -Maglemose -Maglemosean -Maglemosian -magma -magmatic -magnanimity -magnanimous -magnanimously -magnanimousness -magnascope -magnascopic -magnate -magnecrystallic -magnelectric -magneoptic -magnes -magnesia -magnesial -magnesian -magnesic -magnesioferrite -magnesite -magnesium -magnet -magneta -magnetic -magnetical -magnetically -magneticalness -magnetician -magnetics -magnetiferous -magnetification -magnetify -magnetimeter -magnetism -magnetist -magnetite -magnetitic -magnetizability -magnetizable -magnetization -magnetize -magnetizer -magneto -magnetobell -magnetochemical -magnetochemistry -magnetod -magnetodynamo -magnetoelectric -magnetoelectrical -magnetoelectricity -magnetogenerator -magnetogram -magnetograph -magnetographic -magnetoid -magnetomachine -magnetometer -magnetometric -magnetometrical -magnetometrically -magnetometry -magnetomotive -magnetomotor -magneton -magnetooptic -magnetooptical -magnetooptics -magnetophone -magnetophonograph -magnetoplumbite -magnetoprinter -magnetoscope -magnetostriction -magnetotelegraph -magnetotelephone -magnetotherapy -magnetotransmitter -magnetron -magnicaudate -magnicaudatous -magnifiable -magnific -magnifical -magnifically -Magnificat -magnification -magnificative -magnifice -magnificence -magnificent -magnificently -magnificentness -magnifico -magnifier -magnify -magniloquence -magniloquent -magniloquently -magniloquy -magnipotence -magnipotent -magnirostrate -magnisonant -magnitude -magnitudinous -magnochromite -magnoferrite -Magnolia -magnolia -Magnoliaceae -magnoliaceous -magnum -Magnus -Magog -magot -magpie -magpied -magpieish -magsman -maguari -maguey -Magyar -Magyaran -Magyarism -Magyarization -Magyarize -Mah -maha -mahaleb -mahalla -mahant -mahar -maharaja -maharajrana -maharana -maharanee -maharani -maharao -Maharashtri -maharawal -maharawat -mahatma -mahatmaism -Mahayana -Mahayanism -Mahayanist -Mahayanistic -Mahdi -Mahdian -Mahdiship -Mahdism -Mahdist -Mahesh -Mahi -Mahican -mahmal -Mahmoud -mahmudi -mahoe -mahoganize -mahogany -mahoitre -maholi -maholtine -Mahomet -Mahometry -mahone -Mahonia -Mahori -Mahound -mahout -Mahra -Mahran -Mahri -mahseer -mahua -mahuang -Maia -Maiacca -Maianthemum -maid -Maida -maidan -maiden -maidenhair -maidenhead -maidenhood -maidenish -maidenism -maidenlike -maidenliness -maidenly -maidenship -maidenweed -maidhood -Maidie -maidish -maidism -maidkin -maidlike -maidling -maidservant -Maidu -maidy -maiefic -maieutic -maieutical -maieutics -maigre -maiid -Maiidae -mail -mailable -mailbag -mailbox -mailclad -mailed -mailer -mailguard -mailie -maillechort -mailless -mailman -mailplane -maim -maimed -maimedly -maimedness -maimer -maimon -Maimonidean -Maimonist -main -Mainan -Maine -mainferre -mainlander -mainly -mainmast -mainmortable -mainour -mainpast -mainpernable -mainpernor -mainpin -mainport -mainpost -mainprise -mains -mainsail -mainsheet -mainspring -mainstay -Mainstreeter -Mainstreetism -maint -maintain -maintainable -maintainableness -maintainer -maintainment -maintainor -maintenance -Maintenon -maintop -maintopman -maioid -Maioidea -maioidean -Maioli -Maiongkong -Maipure -mairatour -maire -maisonette -Maithili -maitlandite -Maitreya -Maius -maize -maizebird -maizenic -maizer -Maja -Majagga -majagua -Majesta -majestic -majestical -majestically -majesticalness -majesticness -majestious -majesty -majestyship -Majlis -majo -majolica -majolist -majoon -Major -major -majorate -majoration -Majorcan -majorette -Majorism -Majorist -Majoristic -majority -majorize -majorship -majuscular -majuscule -makable -Makah -Makaraka -Makari -Makassar -make -makebate -makedom -makefast -maker -makeress -makership -makeshift -makeshiftiness -makeshiftness -makeshifty -makeweight -makhzan -maki -makimono -making -makluk -mako -Makonde -makroskelic -Maku -Makua -makuk -mal -mala -malaanonang -Malabar -Malabarese -malabathrum -malacanthid -Malacanthidae -malacanthine -Malacanthus -Malacca -Malaccan -malaccident -Malaceae -malaceous -malachite -malacia -Malaclemys -Malaclypse -Malacobdella -Malacocotylea -malacoderm -Malacodermatidae -malacodermatous -Malacodermidae -malacodermous -malacoid -malacolite -malacological -malacologist -malacology -malacon -malacophilous -malacophonous -malacophyllous -malacopod -Malacopoda -malacopodous -malacopterygian -Malacopterygii -malacopterygious -Malacoscolices -Malacoscolicine -Malacosoma -Malacostraca -malacostracan -malacostracology -malacostracous -malactic -maladaptation -maladdress -maladive -maladjust -maladjusted -maladjustive -maladjustment -maladminister -maladministration -maladministrator -maladroit -maladroitly -maladroitness -maladventure -malady -Malaga -Malagasy -Malagigi -malagma -malaguena -malahack -malaise -malakin -malalignment -malambo -malandered -malanders -malandrous -malanga -malapaho -malapert -malapertly -malapertness -malapi -malapplication -malappointment -malappropriate -malappropriation -malaprop -malapropian -malapropish -malapropism -malapropoism -malapropos -Malapterurus -malar -malaria -malarial -malariaproof -malarin -malarioid -malariologist -malariology -malarious -malarkey -malaroma -malarrangement -malasapsap -malassimilation -malassociation -malate -malati -malattress -malax -malaxable -malaxage -malaxate -malaxation -malaxator -malaxerman -Malaxis -Malay -Malayalam -Malayalim -Malayan -Malayic -Malayize -Malayoid -Malaysian -malbehavior -malbrouck -malchite -Malchus -Malcolm -malconceived -malconduct -malconformation -malconstruction -malcontent -malcontented -malcontentedly -malcontentedness -malcontentism -malcontently -malcontentment -malconvenance -malcreated -malcultivation -maldeveloped -maldevelopment -maldigestion -maldirection -maldistribution -Maldivian -maldonite -malduck -Male -male -malease -maleate -Malebolge -Malebolgian -Malebolgic -Malebranchism -Malecite -maledicent -maledict -malediction -maledictive -maledictory -maleducation -malefaction -malefactor -malefactory -malefactress -malefical -malefically -maleficence -maleficent -maleficial -maleficiate -maleficiation -maleic -maleinoid -malella -Malemute -maleness -malengine -maleo -maleruption -Malesherbia -Malesherbiaceae -malesherbiaceous -malevolence -malevolency -malevolent -malevolently -malexecution -malfeasance -malfeasant -malfed -malformation -malformed -malfortune -malfunction -malgovernment -malgrace -malguzar -malguzari -malhonest -malhygiene -mali -malic -malice -maliceful -maliceproof -malicho -malicious -maliciously -maliciousness -malicorium -malidentification -maliferous -maliform -malign -malignance -malignancy -malignant -malignantly -malignation -maligner -malignify -malignity -malignly -malignment -malik -malikadna -malikala -malikana -Maliki -Malikite -maline -malines -malinfluence -malinger -malingerer -malingery -Malinois -malinowskite -malinstitution -malinstruction -malintent -malism -malison -malist -malistic -malkin -Malkite -mall -malladrite -mallangong -mallard -mallardite -malleability -malleabilization -malleable -malleableize -malleableized -malleableness -malleablize -malleal -mallear -malleate -malleation -mallee -Malleifera -malleiferous -malleiform -mallein -malleinization -malleinize -mallemaroking -mallemuck -malleoincudal -malleolable -malleolar -malleolus -mallet -malleus -Malling -Mallophaga -mallophagan -mallophagous -malloseismic -Mallotus -mallow -mallowwort -Malloy -mallum -mallus -malm -Malmaison -malmignatte -malmsey -malmstone -malmy -malnourished -malnourishment -malnutrite -malnutrition -malo -malobservance -malobservation -maloccluded -malocclusion -malodor -malodorant -malodorous -malodorously -malodorousness -malojilla -malonate -malonic -malonyl -malonylurea -Malope -maloperation -malorganization -malorganized -malouah -malpais -Malpighia -Malpighiaceae -malpighiaceous -Malpighian -malplaced -malpoise -malposed -malposition -malpractice -malpractioner -malpraxis -malpresentation -malproportion -malproportioned -malpropriety -malpublication -malreasoning -malrotation -malshapen -malt -maltable -maltase -malter -Maltese -maltha -Malthe -malthouse -Malthusian -Malthusianism -Malthusiast -maltiness -malting -maltman -Malto -maltobiose -maltodextrin -maltodextrine -maltolte -maltose -maltreat -maltreatment -maltreator -maltster -malturned -maltworm -malty -malunion -Malurinae -malurine -Malurus -Malus -Malva -Malvaceae -malvaceous -Malvales -malvasia -malvasian -Malvastrum -malversation -malverse -malvoisie -malvolition -Mam -mamba -mambo -mameliere -mamelonation -mameluco -Mameluke -Mamercus -Mamers -Mamertine -Mamie -Mamilius -mamlatdar -mamma -mammal -mammalgia -Mammalia -mammalian -mammaliferous -mammality -mammalogical -mammalogist -mammalogy -mammary -mammate -Mammea -mammectomy -mammee -mammer -Mammifera -mammiferous -mammiform -mammilla -mammillaplasty -mammillar -Mammillaria -mammillary -mammillate -mammillated -mammillation -mammilliform -mammilloid -mammitis -mammock -mammogen -mammogenic -mammogenically -mammon -mammondom -mammoniacal -mammonish -mammonism -mammonist -mammonistic -mammonite -mammonitish -mammonization -mammonize -mammonolatry -Mammonteus -mammoth -mammothrept -mammula -mammular -Mammut -Mammutidae -mammy -mamo -man -mana -Manabozho -manacle -Manacus -manage -manageability -manageable -manageableness -manageably -managee -manageless -management -managemental -manager -managerdom -manageress -managerial -managerially -managership -managery -manaism -manakin -manal -manas -Manasquan -manatee -Manatidae -manatine -manatoid -Manatus -manavel -manavelins -Manavendra -manbird -manbot -manche -Manchester -Manchesterdom -Manchesterism -Manchesterist -Manchestrian -manchet -manchineel -Manchu -Manchurian -mancinism -mancipable -mancipant -mancipate -mancipation -mancipative -mancipatory -mancipee -mancipium -manciple -mancipleship -mancipular -mancono -Mancunian -mancus -mand -Mandaean -Mandaeism -Mandaic -Mandaite -mandala -Mandalay -mandament -mandamus -Mandan -mandant -mandarah -mandarin -mandarinate -mandarindom -mandariness -mandarinic -mandarinism -mandarinize -mandarinship -mandatary -mandate -mandatee -mandation -mandative -mandator -mandatorily -mandatory -mandatum -Mande -mandelate -mandelic -mandible -mandibula -mandibular -mandibulary -Mandibulata -mandibulate -mandibulated -mandibuliform -mandibulohyoid -mandibulomaxillary -mandibulopharyngeal -mandibulosuspensorial -mandil -mandilion -Mandingan -Mandingo -mandola -mandolin -mandolinist -mandolute -mandom -mandora -mandore -mandra -mandragora -mandrake -mandrel -mandriarch -mandrill -mandrin -mandruka -mandua -manducable -manducate -manducation -manducatory -mandyas -mane -maned -manege -manei -maneless -manent -manerial -manes -manesheet -maness -Manetti -Manettia -maneuver -maneuverability -maneuverable -maneuverer -maneuvrability -maneuvrable -maney -Manfred -Manfreda -manful -manfully -manfulness -mang -manga -mangabeira -mangabey -mangal -manganapatite -manganate -manganblende -manganbrucite -manganeisen -manganese -manganesian -manganetic -manganhedenbergite -manganic -manganiferous -manganite -manganium -manganize -Manganja -manganocalcite -manganocolumbite -manganophyllite -manganosiderite -manganosite -manganostibiite -manganotantalite -manganous -manganpectolite -Mangar -Mangbattu -mange -mangeao -mangel -mangelin -manger -mangerite -mangi -Mangifera -mangily -manginess -mangle -mangleman -mangler -mangling -manglingly -mango -mangona -mangonel -mangonism -mangonization -mangonize -mangosteen -mangrass -mangrate -mangrove -Mangue -mangue -mangy -Mangyan -manhandle -Manhattan -Manhattanite -Manhattanize -manhead -manhole -manhood -mani -mania -maniable -maniac -maniacal -maniacally -manic -Manicaria -manicate -Manichaean -Manichaeanism -Manichaeanize -Manichaeism -Manichaeist -Manichee -manichord -manicole -manicure -manicurist -manid -Manidae -manienie -manifest -manifestable -manifestant -manifestation -manifestational -manifestationist -manifestative -manifestatively -manifested -manifestedness -manifester -manifestive -manifestly -manifestness -manifesto -manifold -manifolder -manifoldly -manifoldness -manifoldwise -maniform -manify -Manihot -manikin -manikinism -Manila -manila -manilla -manille -manioc -maniple -manipulable -manipular -manipulatable -manipulate -manipulation -manipulative -manipulatively -manipulator -manipulatory -Manipuri -Manis -manism -manist -manistic -manito -Manitoban -manitrunk -maniu -Manius -Maniva -manjak -Manjeri -mank -mankeeper -mankin -mankind -manless -manlessly -manlessness -manlet -manlihood -manlike -manlikely -manlikeness -manlily -manliness -manling -manly -Mann -manna -mannan -mannequin -manner -mannerable -mannered -mannerhood -mannering -mannerism -mannerist -manneristic -manneristical -manneristically -mannerize -mannerless -mannerlessness -mannerliness -mannerly -manners -mannersome -manness -Mannheimar -mannide -mannie -manniferous -mannify -mannikinism -manning -mannish -mannishly -mannishness -mannite -mannitic -mannitol -mannitose -mannoheptite -mannoheptitol -mannoheptose -mannoketoheptose -mannonic -mannosan -mannose -Manny -manny -mano -Manobo -manoc -manograph -Manolis -manometer -manometric -manometrical -manometry -manomin -manor -manorial -manorialism -manorialize -manorship -manoscope -manostat -manostatic -manque -manred -manrent -manroot -manrope -Mans -mansard -mansarded -manscape -manse -manservant -manship -mansion -mansional -mansionary -mansioned -mansioneer -mansionry -manslaughter -manslaughterer -manslaughtering -manslaughterous -manslayer -manslaying -manso -mansonry -manstealer -manstealing -manstopper -manstopping -mansuete -mansuetely -mansuetude -mant -manta -mantal -manteau -mantel -mantelet -manteline -mantelletta -mantellone -mantelpiece -mantelshelf -manteltree -manter -mantes -mantevil -mantic -manticism -manticore -mantid -Mantidae -mantilla -Mantinean -mantis -Mantisia -Mantispa -mantispid -Mantispidae -mantissa -mantistic -mantle -mantled -mantlet -mantling -Manto -manto -Mantodea -mantoid -Mantoidea -mantologist -mantology -mantra -mantrap -mantua -mantuamaker -mantuamaking -Mantuan -Mantzu -manual -manualii -manualism -manualist -manualiter -manually -manuao -manubrial -manubriated -manubrium -manucaption -manucaptor -manucapture -manucode -Manucodia -manucodiata -manuduce -manuduction -manuductor -manuductory -Manuel -manufactory -manufacturable -manufactural -manufacture -manufacturer -manufacturess -manuka -manul -manuma -manumea -manumisable -manumission -manumissive -manumit -manumitter -manumotive -manurable -manurage -manurance -manure -manureless -manurer -manurial -manurially -manus -manuscript -manuscriptal -manuscription -manuscriptural -manusina -manustupration -manutagi -Manvantara -manward -manwards -manway -manweed -manwise -Manx -Manxman -Manxwoman -many -manyberry -Manyema -manyfold -manyness -manyplies -manyroot -manyways -manywhere -manywise -manzana -manzanilla -manzanillo -manzanita -Manzas -manzil -mao -maomao -Maori -Maoridom -Maoriland -Maorilander -map -mapach -mapau -maphrian -mapland -maple -maplebush -mapo -mappable -mapper -Mappila -mappist -mappy -Mapuche -mapwise -maquahuitl -maquette -maqui -Maquiritare -maquis -Mar -mar -Mara -marabotin -marabou -Marabout -marabuto -maraca -Maracaibo -maracan -maracock -marae -Maragato -marajuana -marakapas -maral -maranatha -marang -Maranha -Maranham -Maranhao -Maranta -Marantaceae -marantaceous -marantic -marara -mararie -marasca -maraschino -marasmic -Marasmius -marasmoid -marasmous -marasmus -Maratha -Marathi -marathon -marathoner -Marathonian -Maratism -Maratist -Marattia -Marattiaceae -marattiaceous -Marattiales -maraud -marauder -maravedi -Maravi -marbelize -marble -marbled -marblehead -marbleheader -marblehearted -marbleization -marbleize -marbleizer -marblelike -marbleness -marbler -marbles -marblewood -marbling -marblish -marbly -marbrinus -Marc -marc -Marcan -marcantant -marcasite -marcasitic -marcasitical -Marcel -marcel -marceline -Marcella -marcella -marceller -Marcellian -Marcellianism -marcello -marcescence -marcescent -Marcgravia -Marcgraviaceae -marcgraviaceous -March -march -Marchantia -Marchantiaceae -marchantiaceous -Marchantiales -marcher -marchetto -marchioness -marchite -marchland -marchman -Marchmont -marchpane -Marci -Marcia -marcid -Marcionism -Marcionist -Marcionite -Marcionitic -Marcionitish -Marcionitism -Marcite -Marco -marco -Marcobrunner -Marcomanni -Marconi -marconi -marconigram -marconigraph -marconigraphy -marcor -Marcos -Marcosian -marcottage -mardy -mare -mareblob -Mareca -marechal -Marehan -Marek -marekanite -maremma -maremmatic -maremmese -marengo -marennin -Mareotic -Mareotid -Marfik -marfire -margarate -Margarelon -Margaret -margaric -margarin -margarine -margarita -margaritaceous -margarite -margaritiferous -margaritomancy -Margarodes -margarodid -Margarodinae -margarodite -Margaropus -margarosanite -margay -marge -margeline -margent -Margery -Margie -margin -marginal -marginalia -marginality -marginalize -marginally -marginate -marginated -margination -margined -Marginella -Marginellidae -marginelliform -marginiform -margining -marginirostral -marginoplasty -margosa -Margot -margravate -margrave -margravely -margravial -margraviate -margravine -Marguerite -marguerite -marhala -Marheshvan -Mari -Maria -maria -marialite -Mariamman -Marian -Mariana -Marianic -Marianne -Marianolatrist -Marianolatry -maricolous -marid -Marie -mariengroschen -marigenous -marigold -marigram -marigraph -marigraphic -marijuana -marikina -Marilla -Marilyn -marimba -marimonda -marina -marinade -marinate -marinated -marine -mariner -marinheiro -marinist -marinorama -Mario -mariola -Mariolater -Mariolatrous -Mariolatry -Mariology -Marion -marionette -Mariou -Mariposan -mariposite -maris -marish -marishness -Marist -maritage -marital -maritality -maritally -mariticidal -mariticide -Maritime -maritime -maritorious -mariupolite -marjoram -Marjorie -Mark -mark -marka -Markab -markdown -Markeb -marked -markedly -markedness -marker -market -marketability -marketable -marketableness -marketably -marketeer -marketer -marketing -marketman -marketstead -marketwise -markfieldite -Markgenossenschaft -markhor -marking -markka -markless -markman -markmoot -Marko -markshot -marksman -marksmanly -marksmanship -markswoman -markup -Markus -markweed -markworthy -marl -Marla -marlaceous -marlberry -marled -Marlena -marler -marli -marlin -marline -marlinespike -marlite -marlitic -marllike -marlock -Marlovian -Marlowesque -Marlowish -Marlowism -marlpit -marly -marm -marmalade -marmalady -Marmar -marmarization -marmarize -marmarosis -marmatite -marmelos -marmennill -marmit -marmite -marmolite -marmoraceous -marmorate -marmorated -marmoration -marmoreal -marmoreally -marmorean -marmoric -Marmosa -marmose -marmoset -marmot -Marmota -Marnix -maro -marocain -marok -Maronian -Maronist -Maronite -maroon -marooner -maroquin -Marpessa -marplot -marplotry -marque -marquee -Marquesan -marquess -marquetry -marquis -marquisal -marquisate -marquisdom -marquise -marquisette -marquisina -marquisotte -marquisship -marquito -marranism -marranize -marrano -marree -Marrella -marrer -marriable -marriage -marriageability -marriageable -marriageableness -marriageproof -married -marrier -marron -marrot -marrow -marrowbone -marrowed -marrowfat -marrowish -marrowless -marrowlike -marrowsky -marrowskyer -marrowy -Marrubium -Marrucinian -marry -marryer -marrying -marrymuffe -Mars -Marsala -Marsdenia -marseilles -Marsh -marsh -Marsha -marshal -marshalate -marshalcy -marshaler -marshaless -Marshall -marshalman -marshalment -Marshalsea -marshalship -marshberry -marshbuck -marshfire -marshflower -marshiness -marshite -marshland -marshlander -marshlike -marshlocks -marshman -marshwort -marshy -Marsi -Marsian -Marsilea -Marsileaceae -marsileaceous -Marsilia -Marsiliaceae -marsipobranch -Marsipobranchia -Marsipobranchiata -marsipobranchiate -Marsipobranchii -marsoon -Marspiter -Marssonia -Marssonina -marsupial -Marsupialia -marsupialian -marsupialization -marsupialize -marsupian -Marsupiata -marsupiate -marsupium -Mart -mart -martagon -martel -marteline -martellate -martellato -marten -martensite -martensitic -Martes -martext -Martha -martial -martialism -Martialist -martiality -martialization -martialize -martially -martialness -Martian -Martin -martin -martinet -martineta -martinetish -martinetishness -martinetism -martinetship -Martinez -martingale -martinico -Martinism -Martinist -Martinmas -martinoe -martite -Martius -martlet -Martu -Marty -Martyn -Martynia -Martyniaceae -martyniaceous -martyr -martyrdom -martyress -martyrium -martyrization -martyrize -martyrizer -martyrlike -martyrly -martyrolatry -martyrologic -martyrological -martyrologist -martyrologistic -martyrologium -martyrology -martyrship -martyry -maru -marvel -marvelment -marvelous -marvelously -marvelousness -marvelry -marver -Marvin -Marwari -Marxian -Marxianism -Marxism -Marxist -Mary -mary -marybud -Maryland -Marylander -Marylandian -Marymass -marysole -marzipan -mas -masa -Masai -Masanao -Masanobu -masaridid -Masarididae -Masaridinae -Masaris -mascagnine -mascagnite -mascally -mascara -mascaron -mascled -mascleless -mascot -mascotism -mascotry -Mascouten -mascularity -masculate -masculation -masculine -masculinely -masculineness -masculinism -masculinist -masculinity -masculinization -masculinize -masculist -masculofeminine -masculonucleus -masculy -masdeu -Masdevallia -mash -masha -mashal -mashallah -mashelton -masher -mashie -mashing -mashman -Mashona -Mashpee -mashru -mashy -masjid -mask -masked -Maskegon -maskelynite -masker -maskette -maskflower -Maskins -masklike -Maskoi -maskoid -maslin -masochism -masochist -masochistic -Mason -mason -masoned -masoner -masonic -Masonite -masonite -masonry -masonwork -masooka -masoola -Masora -Masorete -Masoreth -Masoretic -Maspiter -masque -masquer -masquerade -masquerader -Mass -mass -massa -massacre -massacrer -massage -massager -massageuse -massagist -Massalia -Massalian -massaranduba -massasauga -masse -massebah -massecuite -massedly -massedness -Massekhoth -massel -masser -masseter -masseteric -masseur -masseuse -massicot -massier -massiest -massif -Massilia -Massilian -massily -massiness -massive -massively -massiveness -massivity -masskanne -massless -masslike -Massmonger -massotherapy -massoy -massula -massy -mast -mastaba -mastadenitis -mastadenoma -mastage -mastalgia -mastatrophia -mastatrophy -mastauxe -mastax -mastectomy -masted -master -masterable -masterate -masterdom -masterer -masterful -masterfully -masterfulness -masterhood -masterless -masterlessness -masterlike -masterlily -masterliness -masterling -masterly -masterman -mastermind -masterous -masterpiece -masterproof -mastership -masterwork -masterwort -mastery -mastful -masthead -masthelcosis -mastic -masticability -masticable -masticate -mastication -masticator -masticatory -mastiche -masticic -Masticura -masticurous -mastiff -Mastigamoeba -mastigate -mastigium -mastigobranchia -mastigobranchial -Mastigophora -mastigophoran -mastigophoric -mastigophorous -mastigopod -Mastigopoda -mastigopodous -mastigote -mastigure -masting -mastitis -mastless -mastlike -mastman -mastocarcinoma -mastoccipital -mastochondroma -mastochondrosis -mastodon -mastodonsaurian -Mastodonsaurus -mastodont -mastodontic -Mastodontidae -mastodontine -mastodontoid -mastodynia -mastoid -mastoidal -mastoidale -mastoideal -mastoidean -mastoidectomy -mastoideocentesis -mastoideosquamous -mastoiditis -mastoidohumeral -mastoidohumeralis -mastoidotomy -mastological -mastologist -mastology -mastomenia -mastoncus -mastooccipital -mastoparietal -mastopathy -mastopexy -mastoplastia -mastorrhagia -mastoscirrhus -mastosquamose -mastotomy -mastotympanic -masturbate -masturbation -masturbational -masturbator -masturbatory -mastwood -masty -masu -Masulipatam -masurium -Mat -mat -Matabele -Matacan -matachin -matachina -mataco -matadero -matador -mataeological -mataeologue -mataeology -Matagalpa -Matagalpan -matagory -matagouri -matai -matajuelo -matalan -matamata -matamoro -matanza -matapan -matapi -Matar -matara -Matatua -Matawan -matax -matboard -match -matchable -matchableness -matchably -matchboard -matchboarding -matchbook -matchbox -matchcloth -matchcoat -matcher -matching -matchless -matchlessly -matchlessness -matchlock -matchmaker -matchmaking -matchmark -Matchotic -matchsafe -matchstick -matchwood -matchy -mate -mategriffon -matehood -mateless -matelessness -matelote -mately -mater -materfamilias -material -materialism -materialist -materialistic -materialistical -materialistically -materiality -materialization -materialize -materializee -materializer -materially -materialman -materialness -materiate -materiation -materiel -maternal -maternality -maternalize -maternally -maternalness -maternity -maternology -mateship -matey -matezite -matfelon -matgrass -math -mathematic -mathematical -mathematically -mathematicals -mathematician -mathematicize -mathematics -mathematize -mathemeg -mathes -mathesis -mathetic -Mathurin -matico -matildite -matin -matinal -matinee -mating -matins -matipo -matka -matless -matlockite -matlow -matmaker -matmaking -matra -matral -Matralia -matranee -matrass -matreed -matriarch -matriarchal -matriarchalism -matriarchate -matriarchic -matriarchist -matriarchy -matric -matrical -Matricaria -matrices -matricidal -matricide -matricula -matriculable -matriculant -matricular -matriculate -matriculation -matriculator -matriculatory -Matrigan -matriheritage -matriherital -matrilineal -matrilineally -matrilinear -matrilinearism -matriliny -matrilocal -matrimonial -matrimonially -matrimonious -matrimoniously -matrimony -matriotism -matripotestal -matris -matrix -matroclinic -matroclinous -matrocliny -matron -matronage -matronal -Matronalia -matronhood -matronism -matronize -matronlike -matronliness -matronly -matronship -matronymic -matross -Mats -matsu -matsuri -Matt -matta -mattamore -Mattapony -mattaro -mattboard -matte -matted -mattedly -mattedness -matter -matterate -matterative -matterful -matterfulness -matterless -mattery -Matteuccia -Matthaean -Matthew -Matthias -Matthieu -Matthiola -Matti -matti -matting -mattock -mattoid -mattoir -mattress -mattulla -Matty -maturable -maturate -maturation -maturative -mature -maturely -maturement -matureness -maturer -maturescence -maturescent -maturing -maturish -maturity -matutinal -matutinally -matutinary -matutine -matutinely -matweed -maty -matzo -matzoon -matzos -matzoth -mau -maucherite -Maud -maud -maudle -maudlin -maudlinism -maudlinize -maudlinly -maudlinwort -mauger -maugh -Maugis -maul -Maulawiyah -mauler -mauley -mauling -maulstick -Maumee -maumet -maumetry -Maun -maun -maund -maunder -maunderer -maundful -maundy -maunge -Maurandia -Maureen -Mauretanian -Mauri -Maurice -Maurist -Mauritia -Mauritian -Mauser -mausolea -mausoleal -mausolean -mausoleum -mauther -mauve -mauveine -mauvette -mauvine -maux -maverick -mavis -Mavortian -mavournin -mavrodaphne -maw -mawbound -mawk -mawkish -mawkishly -mawkishness -mawky -mawp -Max -maxilla -maxillar -maxillary -maxilliferous -maxilliform -maxilliped -maxillipedary -maxillodental -maxillofacial -maxillojugal -maxillolabial -maxillomandibular -maxillopalatal -maxillopalatine -maxillopharyngeal -maxillopremaxillary -maxilloturbinal -maxillozygomatic -maxim -maxima -maximal -Maximalism -Maximalist -maximally -maximate -maximation -maximed -maximist -maximistic -maximite -maximization -maximize -maximizer -Maximon -maximum -maximus -maxixe -maxwell -May -may -Maya -maya -Mayaca -Mayacaceae -mayacaceous -Mayan -Mayance -Mayathan -maybe -Maybird -Maybloom -maybush -Maycock -maycock -Mayda -mayday -Mayer -Mayey -Mayeye -Mayfair -mayfish -Mayflower -Mayfowl -mayhap -mayhappen -mayhem -Maying -Maylike -maynt -Mayo -Mayologist -mayonnaise -mayor -mayoral -mayoralty -mayoress -mayorship -Mayoruna -Maypole -Maypoling -maypop -maysin -mayten -Maytenus -Maythorn -Maytide -Maytime -mayweed -Maywings -Maywort -maza -mazalgia -Mazama -mazame -Mazanderani -mazapilite -mazard -mazarine -Mazatec -Mazateco -Mazda -Mazdaism -Mazdaist -Mazdakean -Mazdakite -Mazdean -maze -mazed -mazedly -mazedness -mazeful -mazement -mazer -Mazhabi -mazic -mazily -maziness -mazocacothesis -mazodynia -mazolysis -mazolytic -mazopathia -mazopathic -mazopexy -Mazovian -mazuca -mazuma -Mazur -Mazurian -mazurka -mazut -mazy -mazzard -Mazzinian -Mazzinianism -Mazzinist -mbalolo -Mbaya -mbori -Mbuba -Mbunda -Mcintosh -Mckay -Mdewakanton -me -meable -meaching -mead -meader -meadow -meadowbur -meadowed -meadower -meadowing -meadowink -meadowland -meadowless -meadowsweet -meadowwort -meadowy -meadsman -meager -meagerly -meagerness -meagre -meak -meal -mealable -mealberry -mealer -mealies -mealily -mealiness -mealless -mealman -mealmonger -mealmouth -mealmouthed -mealproof -mealtime -mealy -mealymouth -mealymouthed -mealymouthedly -mealymouthedness -mealywing -mean -meander -meanderingly -meandrine -meandriniform -meandrite -meandrous -meaned -meaner -meaning -meaningful -meaningfully -meaningless -meaninglessly -meaninglessness -meaningly -meaningness -meanish -meanly -meanness -meant -Meantes -meantone -meanwhile -mease -measle -measled -measledness -measles -measlesproof -measly -measondue -measurability -measurable -measurableness -measurably -measuration -measure -measured -measuredly -measuredness -measureless -measurelessly -measurelessness -measurely -measurement -measurer -measuring -meat -meatal -meatbird -meatcutter -meated -meathook -meatily -meatiness -meatless -meatman -meatometer -meatorrhaphy -meatoscope -meatoscopy -meatotome -meatotomy -meatus -meatworks -meaty -Mebsuta -Mecaptera -mecate -Mecca -Meccan -Meccano -Meccawee -Mechael -mechanal -mechanality -mechanalize -mechanic -mechanical -mechanicalism -mechanicalist -mechanicality -mechanicalization -mechanicalize -mechanically -mechanicalness -mechanician -mechanicochemical -mechanicocorpuscular -mechanicointellectual -mechanicotherapy -mechanics -mechanism -mechanist -mechanistic -mechanistically -mechanization -mechanize -mechanizer -mechanolater -mechanology -mechanomorphic -mechanomorphism -mechanotherapeutic -mechanotherapeutics -mechanotherapist -mechanotherapy -Mechir -Mechitaristican -Mechlin -mechoacan -meckelectomy -Meckelian -Mecklenburgian -mecodont -Mecodonta -mecometer -mecometry -mecon -meconic -meconidium -meconin -meconioid -meconium -meconology -meconophagism -meconophagist -Mecoptera -mecopteran -mecopteron -mecopterous -medal -medaled -medalet -medalist -medalize -medallary -medallic -medallically -medallion -medallionist -meddle -meddlecome -meddlement -meddler -meddlesome -meddlesomely -meddlesomeness -meddling -meddlingly -Mede -Medellin -Medeola -Media -media -mediacid -mediacy -mediad -mediaevalize -mediaevally -medial -medialization -medialize -medialkaline -medially -Median -median -medianic -medianimic -medianimity -medianism -medianity -medianly -mediant -mediastinal -mediastine -mediastinitis -mediastinotomy -mediastinum -mediate -mediately -mediateness -mediating -mediatingly -mediation -mediative -mediatization -mediatize -mediator -mediatorial -mediatorialism -mediatorially -mediatorship -mediatory -mediatress -mediatrice -mediatrix -Medic -medic -medicable -Medicago -medical -medically -medicament -medicamental -medicamentally -medicamentary -medicamentation -medicamentous -medicaster -medicate -medication -medicative -medicator -medicatory -Medicean -Medici -medicinable -medicinableness -medicinal -medicinally -medicinalness -medicine -medicinelike -medicinemonger -mediciner -medico -medicobotanical -medicochirurgic -medicochirurgical -medicodental -medicolegal -medicolegally -medicomania -medicomechanic -medicomechanical -medicomoral -medicophysical -medicopsychological -medicopsychology -medicostatistic -medicosurgical -medicotopographic -medicozoologic -mediety -Medieval -medieval -medievalism -medievalist -medievalistic -medievalize -medievally -medifixed -mediglacial -medimn -medimno -medimnos -medimnus -Medina -Medinilla -medino -medio -medioanterior -mediocarpal -medioccipital -mediocre -mediocrist -mediocrity -mediocubital -mediodepressed -mediodigital -mediodorsal -mediodorsally -mediofrontal -mediolateral -mediopalatal -mediopalatine -mediopassive -mediopectoral -medioperforate -mediopontine -medioposterior -mediosilicic -mediostapedial -mediotarsal -medioventral -medisance -medisect -medisection -Medish -Medism -meditant -meditate -meditating -meditatingly -meditation -meditationist -meditatist -meditative -meditatively -meditativeness -meditator -mediterranean -Mediterraneanism -Mediterraneanization -Mediterraneanize -mediterraneous -medithorax -Meditrinalia -meditullium -medium -mediumism -mediumistic -mediumization -mediumize -mediumship -medius -Medize -Medizer -medjidie -medlar -medley -Medoc -medregal -medrick -medrinaque -medulla -medullar -medullary -medullate -medullated -medullation -medullispinal -medullitis -medullization -medullose -Medusa -Medusaean -medusal -medusalike -medusan -medusiferous -medusiform -medusoid -meebos -meece -meed -meedless -Meehan -meek -meeken -meekhearted -meekheartedness -meekling -meekly -meekness -Meekoceras -Meeks -meered -meerkat -meerschaum -meese -meet -meetable -meeten -meeter -meeterly -meethelp -meethelper -meeting -meetinger -meetinghouse -meetly -meetness -Meg -megabar -megacephalia -megacephalic -megacephaly -megacerine -Megaceros -megacerotine -Megachile -megachilid -Megachilidae -Megachiroptera -megachiropteran -megachiropterous -megacolon -megacosm -megacoulomb -megacycle -megadont -Megadrili -megadynamics -megadyne -Megaera -megaerg -megafarad -megafog -megagamete -megagametophyte -megajoule -megakaryocyte -Megalactractus -Megaladapis -Megalaema -Megalaemidae -Megalania -megaleme -Megalensian -megalerg -Megalesia -Megalesian -megalesthete -megalethoscope -Megalichthyidae -Megalichthys -megalith -megalithic -Megalobatrachus -megaloblast -megaloblastic -megalocardia -megalocarpous -megalocephalia -megalocephalic -megalocephalous -megalocephaly -Megaloceros -megalochirous -megalocornea -megalocyte -megalocytosis -megalodactylia -megalodactylism -megalodactylous -Megalodon -megalodont -megalodontia -Megalodontidae -megaloenteron -megalogastria -megaloglossia -megalograph -megalography -megalohepatia -megalokaryocyte -megalomania -megalomaniac -megalomaniacal -megalomelia -Megalonychidae -Megalonyx -megalopa -megalopenis -megalophonic -megalophonous -megalophthalmus -megalopia -megalopic -Megalopidae -Megalopinae -megalopine -megaloplastocyte -megalopolis -megalopolitan -megalopolitanism -megalopore -megalops -megalopsia -Megaloptera -Megalopyge -Megalopygidae -Megalornis -Megalornithidae -megalosaur -megalosaurian -Megalosauridae -megalosauroid -Megalosaurus -megaloscope -megaloscopy -megalosphere -megalospheric -megalosplenia -megalosyndactyly -megaloureter -Megaluridae -Megamastictora -megamastictoral -megamere -megameter -megampere -Meganeura -Meganthropus -meganucleus -megaparsec -megaphone -megaphonic -megaphotographic -megaphotography -megaphyllous -Megaphyton -megapod -megapode -Megapodidae -Megapodiidae -Megapodius -megaprosopous -Megaptera -Megapterinae -megapterine -Megarensian -Megarhinus -Megarhyssa -Megarian -Megarianism -Megaric -megaron -megasclere -megascleric -megasclerous -megasclerum -megascope -megascopic -megascopical -megascopically -megaseism -megaseismic -megaseme -Megasoma -megasporange -megasporangium -megaspore -megasporic -megasporophyll -megasynthetic -megathere -megatherian -Megatheriidae -megatherine -megatherioid -Megatherium -megatherm -megathermic -megatheroid -megaton -megatype -megatypy -megavolt -megawatt -megaweber -megazooid -megazoospore -megerg -Meggy -megilp -megmho -megohm -megohmit -megohmmeter -megophthalmus -megotalc -Megrel -Megrez -megrim -megrimish -mehalla -mehari -meharist -Mehelya -mehmandar -Mehrdad -mehtar -mehtarship -Meibomia -Meibomian -meile -mein -meinie -meio -meiobar -meionite -meiophylly -meiosis -meiotaxy -meiotic -Meissa -Meistersinger -meith -Meithei -meizoseismal -meizoseismic -mejorana -Mekbuda -Mekhitarist -mekometer -mel -mela -melaconite -melada -meladiorite -melagabbro -melagra -melagranite -Melaleuca -melalgia -melam -melamed -melamine -melampodium -Melampsora -Melampsoraceae -Melampus -melampyritol -Melampyrum -melanagogal -melanagogue -melancholia -melancholiac -melancholic -melancholically -melancholily -melancholiness -melancholious -melancholiously -melancholiousness -melancholish -melancholist -melancholize -melancholomaniac -melancholy -melancholyish -Melanchthonian -Melanconiaceae -melanconiaceous -Melanconiales -Melanconium -melanemia -melanemic -Melanesian -melange -melanger -melangeur -Melania -melanian -melanic -melaniferous -Melaniidae -melanilin -melaniline -melanin -Melanippe -Melanippus -melanism -melanistic -melanite -melanitic -melanize -melano -melanoblast -melanocarcinoma -melanocerite -Melanochroi -Melanochroid -melanochroite -melanochroous -melanocomous -melanocrate -melanocratic -melanocyte -Melanodendron -melanoderma -melanodermia -melanodermic -Melanogaster -melanogen -Melanoi -melanoid -melanoidin -melanoma -melanopathia -melanopathy -melanophore -melanoplakia -Melanoplus -melanorrhagia -melanorrhea -Melanorrhoea -melanosarcoma -melanosarcomatosis -melanoscope -melanose -melanosed -melanosis -melanosity -melanospermous -melanotekite -melanotic -melanotrichous -melanous -melanterite -Melanthaceae -melanthaceous -Melanthium -melanure -melanuresis -melanuria -melanuric -melaphyre -Melas -melasma -melasmic -melassigenic -Melastoma -Melastomaceae -melastomaceous -melastomad -melatope -melaxuma -Melburnian -Melcarth -melch -Melchite -Melchora -meld -melder -meldometer -meldrop -mele -Meleager -Meleagridae -Meleagrina -Meleagrinae -meleagrine -Meleagris -melebiose -melee -melena -melene -melenic -Meles -Meletian -Meletski -melezitase -melezitose -Melia -Meliaceae -meliaceous -Meliadus -Melian -Melianthaceae -melianthaceous -Melianthus -meliatin -melibiose -melic -Melica -Melicent -melicera -meliceric -meliceris -melicerous -Melicerta -Melicertidae -melichrous -melicitose -Melicocca -melicraton -melilite -melilitite -melilot -Melilotus -Melinae -Melinda -meline -Melinis -melinite -Meliola -meliorability -meliorable -meliorant -meliorate -meliorater -melioration -meliorative -meliorator -meliorism -meliorist -melioristic -meliority -meliphagan -Meliphagidae -meliphagidan -meliphagous -meliphanite -Melipona -Meliponinae -meliponine -melisma -melismatic -melismatics -Melissa -melissyl -melissylic -Melitaea -melitemia -melithemia -melitis -melitose -melitriose -melittologist -melittology -melituria -melituric -mell -mellaginous -mellate -mellay -melleous -meller -Mellifera -melliferous -mellificate -mellification -mellifluence -mellifluent -mellifluently -mellifluous -mellifluously -mellifluousness -mellimide -mellisonant -mellisugent -mellit -mellitate -mellite -mellitic -Mellivora -Mellivorinae -mellivorous -mellon -mellonides -mellophone -mellow -mellowly -mellowness -mellowy -mellsman -Melocactus -melocoton -melodeon -melodia -melodial -melodially -melodic -melodica -melodically -melodicon -melodics -melodiograph -melodion -melodious -melodiously -melodiousness -melodism -melodist -melodize -melodizer -melodram -melodrama -melodramatic -melodramatical -melodramatically -melodramaticism -melodramatics -melodramatist -melodramatize -melodrame -melody -melodyless -meloe -melogram -Melogrammataceae -melograph -melographic -meloid -Meloidae -melologue -Melolontha -Melolonthidae -melolonthidan -Melolonthides -Melolonthinae -melolonthine -melomane -melomania -melomaniac -melomanic -melon -meloncus -Melonechinus -melongena -melongrower -melonist -melonite -Melonites -melonlike -melonmonger -melonry -melophone -melophonic -melophonist -melopiano -meloplast -meloplastic -meloplasty -melopoeia -melopoeic -melos -melosa -Melospiza -Melothria -melotragedy -melotragic -melotrope -melt -meltability -meltable -meltage -melted -meltedness -melteigite -melter -melters -melting -meltingly -meltingness -melton -Meltonian -Melungeon -Melursus -mem -member -membered -memberless -membership -membracid -Membracidae -membracine -membral -membrally -membrana -membranaceous -membranaceously -membranate -membrane -membraned -membraneless -membranelike -membranelle -membraneous -membraniferous -membraniform -membranin -Membranipora -Membraniporidae -membranocalcareous -membranocartilaginous -membranocoriaceous -membranocorneous -membranogenic -membranoid -membranology -membranonervous -membranosis -membranous -membranously -membranula -membranule -membretto -memento -meminna -Memnon -Memnonian -Memnonium -memo -memoir -memoirism -memoirist -memorabilia -memorability -memorable -memorableness -memorably -memoranda -memorandist -memorandize -memorandum -memorative -memoria -memorial -memorialist -memorialization -memorialize -memorializer -memorially -memoried -memorious -memorist -memorizable -memorization -memorize -memorizer -memory -memoryless -Memphian -Memphite -men -menaccanite -menaccanitic -menace -menaceable -menaceful -menacement -menacer -menacing -menacingly -menacme -menadione -menage -menagerie -menagerist -menald -Menangkabau -menarche -Menaspis -mend -mendable -mendacious -mendaciously -mendaciousness -mendacity -Mendaite -Mende -mendee -Mendelian -Mendelianism -Mendelianist -Mendelism -Mendelist -Mendelize -Mendelssohnian -Mendelssohnic -mendelyeevite -mender -Mendi -mendicancy -mendicant -mendicate -mendication -mendicity -mending -mendipite -mendole -mendozite -mends -meneghinite -menfolk -Menfra -meng -Mengwe -menhaden -menhir -menial -menialism -meniality -menially -Menic -menilite -meningeal -meninges -meningic -meningina -meningism -meningitic -meningitis -meningocele -meningocephalitis -meningocerebritis -meningococcal -meningococcemia -meningococcic -meningococcus -meningocortical -meningoencephalitis -meningoencephalocele -meningomalacia -meningomyclitic -meningomyelitis -meningomyelocele -meningomyelorrhaphy -meningorachidian -meningoradicular -meningorhachidian -meningorrhagia -meningorrhea -meningorrhoea -meningosis -meningospinal -meningotyphoid -meninting -meninx -meniscal -meniscate -menisciform -meniscitis -meniscoid -meniscoidal -Meniscotheriidae -Meniscotherium -meniscus -menisperm -Menispermaceae -menispermaceous -menispermine -Menispermum -Menkalinan -Menkar -Menkib -menkind -mennom -Mennonist -Mennonite -Menobranchidae -Menobranchus -menognath -menognathous -menologium -menology -menometastasis -Menominee -menopausal -menopause -menopausic -menophania -menoplania -Menopoma -Menorah -Menorhyncha -menorhynchous -menorrhagia -menorrhagic -menorrhagy -menorrhea -menorrheic -menorrhoea -menorrhoeic -menoschesis -menoschetic -menosepsis -menostasia -menostasis -menostatic -menostaxis -Menotyphla -menotyphlic -menoxenia -mensa -mensal -mensalize -mense -menseful -menseless -menses -Menshevik -Menshevism -Menshevist -mensk -menstrual -menstruant -menstruate -menstruation -menstruous -menstruousness -menstruum -mensual -mensurability -mensurable -mensurableness -mensurably -mensural -mensuralist -mensurate -mensuration -mensurational -mensurative -Ment -mentagra -mental -mentalis -mentalism -mentalist -mentalistic -mentality -mentalization -mentalize -mentally -mentary -mentation -Mentha -Menthaceae -menthaceous -menthadiene -menthane -menthene -menthenol -menthenone -menthol -mentholated -menthone -menthyl -menticide -menticultural -menticulture -mentiferous -mentiform -mentigerous -mentimeter -mentimutation -mention -mentionability -mentionable -mentionless -mentoanterior -mentobregmatic -mentocondylial -mentohyoid -mentolabial -mentomeckelian -mentonniere -mentoposterior -mentor -mentorial -mentorism -mentorship -mentum -Mentzelia -menu -Menura -Menurae -Menuridae -meny -Menyanthaceae -Menyanthaceous -Menyanthes -menyie -menzie -Menziesia -Meo -Mephisto -Mephistophelean -Mephistopheleanly -Mephistopheles -Mephistophelic -Mephistophelistic -mephitic -mephitical -Mephitinae -mephitine -mephitis -mephitism -Mer -Merak -meralgia -meraline -Merat -Meratia -merbaby -mercal -mercantile -mercantilely -mercantilism -mercantilist -mercantilistic -mercantility -mercaptal -mercaptan -mercaptides -mercaptids -mercapto -mercaptol -mercaptole -Mercator -Mercatorial -mercatorial -Mercedarian -Mercedes -Mercedinus -Mercedonius -mercenarily -mercenariness -mercenary -mercer -merceress -mercerization -mercerize -mercerizer -mercership -mercery -merch -merchandisable -merchandise -merchandiser -merchant -merchantable -merchantableness -merchanter -merchanthood -merchantish -merchantlike -merchantly -merchantman -merchantry -merchantship -merchet -Mercian -merciful -mercifully -mercifulness -merciless -mercilessly -mercilessness -merciment -mercurate -mercuration -Mercurean -mercurial -Mercurialis -mercurialism -mercuriality -mercurialization -mercurialize -mercurially -mercurialness -mercuriamines -mercuriammonium -Mercurian -mercuriate -mercuric -mercuride -mercurification -mercurify -Mercurius -mercurization -mercurize -Mercurochrome -mercurophen -mercurous -Mercury -mercy -mercyproof -merdivorous -mere -Meredithian -merel -merely -merenchyma -merenchymatous -meresman -merestone -meretricious -meretriciously -meretriciousness -meretrix -merfold -merfolk -merganser -merge -mergence -merger -mergh -Merginae -Mergulus -Mergus -meriah -mericarp -merice -Merida -meridian -Meridion -Meridionaceae -Meridional -meridional -meridionality -meridionally -meril -meringue -meringued -Merino -Meriones -meriquinoid -meriquinoidal -meriquinone -meriquinonic -meriquinonoid -merism -merismatic -merismoid -merist -meristele -meristelic -meristem -meristematic -meristematically -meristic -meristically -meristogenous -merit -meritable -merited -meritedly -meriter -meritful -meritless -meritmonger -meritmongering -meritmongery -meritorious -meritoriously -meritoriousness -merk -merkhet -merkin -merl -merle -merlette -merlin -merlon -Merlucciidae -Merluccius -mermaid -mermaiden -merman -Mermis -mermithaner -mermithergate -Mermithidae -mermithization -mermithized -mermithogyne -Mermnad -Mermnadae -mermother -mero -meroblastic -meroblastically -merocele -merocelic -merocerite -meroceritic -merocrystalline -merocyte -Merodach -merogamy -merogastrula -merogenesis -merogenetic -merogenic -merognathite -merogonic -merogony -merohedral -merohedric -merohedrism -meroistic -Meroitic -meromorphic -Meromyaria -meromyarian -merop -Merope -Meropes -meropia -Meropidae -meropidan -meroplankton -meroplanktonic -meropodite -meropoditic -Merops -merorganization -merorganize -meros -merosomal -Merosomata -merosomatous -merosome -merosthenic -Merostomata -merostomatous -merostome -merostomous -merosymmetrical -merosymmetry -merosystematic -merotomize -merotomy -merotropism -merotropy -Merovingian -meroxene -Merozoa -merozoite -merpeople -merribauks -merribush -Merril -merriless -merrily -merriment -merriness -merrow -merry -merrymake -merrymaker -merrymaking -merryman -merrymeeting -merrythought -merrytrotter -merrywing -merse -Mertensia -Merton -Merula -meruline -merulioid -Merulius -merveileux -merwinite -merwoman -Merychippus -merycism -merycismus -Merycoidodon -Merycoidodontidae -Merycopotamidae -Merycopotamus -Mes -mesa -mesabite -mesaconate -mesaconic -mesad -Mesadenia -mesadenia -mesail -mesal -mesalike -mesally -mesameboid -mesange -mesaortitis -mesaraic -mesaraical -mesarch -mesarteritic -mesarteritis -Mesartim -mesaticephal -mesaticephali -mesaticephalic -mesaticephalism -mesaticephalous -mesaticephaly -mesatipellic -mesatipelvic -mesatiskelic -mesaxonic -mescal -Mescalero -mescaline -mescalism -mesdames -mese -mesectoderm -mesem -Mesembryanthemaceae -Mesembryanthemum -mesembryo -mesembryonic -mesencephalic -mesencephalon -mesenchyma -mesenchymal -mesenchymatal -mesenchymatic -mesenchymatous -mesenchyme -mesendoderm -mesenna -mesenterial -mesenteric -mesenterical -mesenterically -mesenteriform -mesenteriolum -mesenteritic -mesenteritis -mesenteron -mesenteronic -mesentery -mesentoderm -mesepimeral -mesepimeron -mesepisternal -mesepisternum -mesepithelial -mesepithelium -mesethmoid -mesethmoidal -mesh -Meshech -meshed -meshrabiyeh -meshwork -meshy -mesiad -mesial -mesially -mesian -mesic -mesically -mesilla -mesiobuccal -mesiocervical -mesioclusion -mesiodistal -mesiodistally -mesiogingival -mesioincisal -mesiolabial -mesiolingual -mesion -mesioocclusal -mesiopulpal -mesioversion -Mesitae -Mesites -Mesitidae -mesitite -mesityl -mesitylene -mesitylenic -mesmerian -mesmeric -mesmerical -mesmerically -mesmerism -mesmerist -mesmerite -mesmerizability -mesmerizable -mesmerization -mesmerize -mesmerizee -mesmerizer -mesmeromania -mesmeromaniac -mesnality -mesnalty -mesne -meso -mesoappendicitis -mesoappendix -mesoarial -mesoarium -mesobar -mesobenthos -mesoblast -mesoblastema -mesoblastemic -mesoblastic -mesobranchial -mesobregmate -mesocaecal -mesocaecum -mesocardia -mesocardium -mesocarp -mesocentrous -mesocephal -mesocephalic -mesocephalism -mesocephalon -mesocephalous -mesocephaly -mesochilium -mesochondrium -mesochroic -mesocoele -mesocoelian -mesocoelic -mesocolic -mesocolon -mesocoracoid -mesocranial -mesocratic -mesocuneiform -mesode -mesoderm -mesodermal -mesodermic -Mesodesma -Mesodesmatidae -Mesodesmidae -Mesodevonian -Mesodevonic -mesodic -mesodisilicic -mesodont -Mesoenatides -mesofurca -mesofurcal -mesogaster -mesogastral -mesogastric -mesogastrium -mesogloea -mesogloeal -mesognathic -mesognathion -mesognathism -mesognathous -mesognathy -mesogyrate -mesohepar -Mesohippus -mesokurtic -mesolabe -mesole -mesolecithal -mesolimnion -mesolite -mesolithic -mesologic -mesological -mesology -mesomere -mesomeric -mesomerism -mesometral -mesometric -mesometrium -mesomorph -mesomorphic -mesomorphous -mesomorphy -Mesomyodi -mesomyodian -mesomyodous -meson -mesonasal -Mesonemertini -mesonephric -mesonephridium -mesonephritic -mesonephros -mesonic -mesonotal -mesonotum -Mesonychidae -Mesonyx -mesoparapteral -mesoparapteron -mesopectus -mesoperiodic -mesopetalum -mesophile -mesophilic -mesophilous -mesophragm -mesophragma -mesophragmal -mesophryon -mesophyll -mesophyllous -mesophyllum -mesophyte -mesophytic -mesophytism -mesopic -mesoplankton -mesoplanktonic -mesoplast -mesoplastic -mesoplastral -mesoplastron -mesopleural -mesopleuron -Mesoplodon -mesoplodont -mesopodial -mesopodiale -mesopodium -mesopotamia -Mesopotamian -mesopotamic -mesoprescutal -mesoprescutum -mesoprosopic -mesopterygial -mesopterygium -mesopterygoid -mesorchial -mesorchium -Mesore -mesorectal -mesorectum -Mesoreodon -mesorrhin -mesorrhinal -mesorrhinian -mesorrhinism -mesorrhinium -mesorrhiny -mesosalpinx -mesosaur -Mesosauria -Mesosaurus -mesoscapula -mesoscapular -mesoscutal -mesoscutellar -mesoscutellum -mesoscutum -mesoseismal -mesoseme -mesosiderite -mesosigmoid -mesoskelic -mesosoma -mesosomatic -mesosome -mesosperm -mesospore -mesosporic -mesosporium -mesostasis -mesosternal -mesosternebra -mesosternebral -mesosternum -mesostethium -Mesostoma -Mesostomatidae -mesostomid -mesostyle -mesostylous -Mesosuchia -mesosuchian -Mesotaeniaceae -Mesotaeniales -mesotarsal -mesotartaric -Mesothelae -mesothelial -mesothelium -mesotherm -mesothermal -mesothesis -mesothet -mesothetic -mesothetical -mesothoracic -mesothoracotheca -mesothorax -mesothorium -mesotonic -mesotroch -mesotrocha -mesotrochal -mesotrochous -mesotron -mesotropic -mesotympanic -mesotype -mesovarian -mesovarium -mesoventral -mesoventrally -mesoxalate -mesoxalic -mesoxalyl -Mesozoa -mesozoan -Mesozoic -mespil -Mespilus -Mespot -mesquite -Mesropian -mess -message -messagery -Messalian -messaline -messan -Messapian -messe -messelite -messenger -messengership -messer -messet -Messiah -Messiahship -Messianic -Messianically -messianically -Messianism -Messianist -Messianize -Messias -messieurs -messily -messin -Messines -Messinese -messiness -messing -messman -messmate -messor -messroom -messrs -messtin -messuage -messy -mestee -mester -mestiza -mestizo -mestome -Mesua -Mesvinian -mesymnion -met -meta -metabasis -metabasite -metabatic -metabiological -metabiology -metabiosis -metabiotic -metabiotically -metabismuthic -metabisulphite -metabletic -Metabola -metabola -metabole -Metabolia -metabolian -metabolic -metabolism -metabolite -metabolizable -metabolize -metabolon -metabolous -metaboly -metaborate -metaboric -metabranchial -metabrushite -metabular -metacarpal -metacarpale -metacarpophalangeal -metacarpus -metacenter -metacentral -metacentric -metacentricity -metachemic -metachemistry -Metachlamydeae -metachlamydeous -metachromasis -metachromatic -metachromatin -metachromatinic -metachromatism -metachrome -metachronism -metachrosis -metacinnabarite -metacism -metacismus -metaclase -metacneme -metacoele -metacoelia -metaconal -metacone -metaconid -metaconule -metacoracoid -metacrasis -metacresol -metacromial -metacromion -metacryst -metacyclic -metacymene -metad -metadiabase -metadiazine -metadiorite -metadiscoidal -metadromous -metafluidal -metaformaldehyde -metafulminuric -metagalactic -metagalaxy -metagaster -metagastric -metagastrula -metage -Metageitnion -metagelatin -metagenesis -metagenetic -metagenetically -metagenic -metageometer -metageometrical -metageometry -metagnath -metagnathism -metagnathous -metagnomy -metagnostic -metagnosticism -metagram -metagrammatism -metagrammatize -metagraphic -metagraphy -metahewettite -metahydroxide -metaigneous -metainfective -metakinesis -metakinetic -metal -metalammonium -metalanguage -metalbumin -metalcraft -metaldehyde -metalepsis -metaleptic -metaleptical -metaleptically -metaler -metaline -metalined -metaling -metalinguistic -metalinguistics -metalism -metalist -metalization -metalize -metallary -metalleity -metallic -metallical -metallically -metallicity -metallicize -metallicly -metallics -metallide -metallifacture -metalliferous -metallification -metalliform -metallify -metallik -metalline -metallism -metallization -metallize -metallochrome -metallochromy -metallogenetic -metallogenic -metallogeny -metallograph -metallographer -metallographic -metallographical -metallographist -metallography -metalloid -metalloidal -metallometer -metallophone -metalloplastic -metallorganic -metallotherapeutic -metallotherapy -metallurgic -metallurgical -metallurgically -metallurgist -metallurgy -metalmonger -metalogic -metalogical -metaloph -metalorganic -metaloscope -metaloscopy -metaluminate -metaluminic -metalware -metalwork -metalworker -metalworking -metalworks -metamathematical -metamathematics -metamer -metameral -metamere -metameric -metamerically -metameride -metamerism -metamerization -metamerized -metamerous -metamery -metamorphic -metamorphism -metamorphize -metamorphopsia -metamorphopsy -metamorphosable -metamorphose -metamorphoser -metamorphoses -metamorphosian -metamorphosic -metamorphosical -metamorphosis -metamorphostical -metamorphotic -metamorphous -metamorphy -Metamynodon -metanalysis -metanauplius -Metanemertini -metanephric -metanephritic -metanephron -metanephros -metanepionic -metanilic -metanitroaniline -metanomen -metanotal -metanotum -metantimonate -metantimonic -metantimonious -metantimonite -metantimonous -metanym -metaorganism -metaparapteral -metaparapteron -metapectic -metapectus -metapepsis -metapeptone -metaperiodic -metaphase -metaphenomenal -metaphenomenon -metaphenylene -metaphenylenediamin -metaphenylenediamine -metaphloem -metaphonical -metaphonize -metaphony -metaphor -metaphoric -metaphorical -metaphorically -metaphoricalness -metaphorist -metaphorize -metaphosphate -metaphosphoric -metaphosphorous -metaphragm -metaphragmal -metaphrase -metaphrasis -metaphrast -metaphrastic -metaphrastical -metaphrastically -metaphyseal -metaphysic -metaphysical -metaphysically -metaphysician -metaphysicianism -metaphysicist -metaphysicize -metaphysicous -metaphysics -metaphysis -metaphyte -metaphytic -metaphyton -metaplasia -metaplasis -metaplasm -metaplasmic -metaplast -metaplastic -metapleural -metapleure -metapleuron -metaplumbate -metaplumbic -metapneumonic -metapneustic -metapodial -metapodiale -metapodium -metapolitic -metapolitical -metapolitician -metapolitics -metapophyseal -metapophysial -metapophysis -metapore -metapostscutellar -metapostscutellum -metaprescutal -metaprescutum -metaprotein -metapsychic -metapsychical -metapsychics -metapsychism -metapsychist -metapsychological -metapsychology -metapsychosis -metapterygial -metapterygium -metapterygoid -metarabic -metarhyolite -metarossite -metarsenic -metarsenious -metarsenite -metasaccharinic -metascutal -metascutellar -metascutellum -metascutum -metasedimentary -metasilicate -metasilicic -metasoma -metasomal -metasomasis -metasomatic -metasomatism -metasomatosis -metasome -metasperm -Metaspermae -metaspermic -metaspermous -metastability -metastable -metastannate -metastannic -metastasis -metastasize -metastatic -metastatical -metastatically -metasternal -metasternum -metasthenic -metastibnite -metastigmate -metastoma -metastome -metastrophe -metastrophic -metastyle -metatantalic -metatarsal -metatarsale -metatarse -metatarsophalangeal -metatarsus -metatatic -metatatically -metataxic -metate -metathalamus -metatheology -Metatheria -metatherian -metatheses -metathesis -metathetic -metathetical -metathetically -metathoracic -metathorax -metatitanate -metatitanic -metatoluic -metatoluidine -metatracheal -metatrophic -metatungstic -metatype -metatypic -Metaurus -metavanadate -metavanadic -metavauxite -metavoltine -metaxenia -metaxite -metaxylem -metaxylene -metayer -Metazoa -metazoal -metazoan -metazoea -metazoic -metazoon -mete -metel -metempiric -metempirical -metempirically -metempiricism -metempiricist -metempirics -metempsychic -metempsychosal -metempsychose -metempsychoses -metempsychosical -metempsychosis -metempsychosize -metemptosis -metencephalic -metencephalon -metensarcosis -metensomatosis -metenteron -metenteronic -meteogram -meteograph -meteor -meteorgraph -meteoric -meteorical -meteorically -meteorism -meteorist -meteoristic -meteorital -meteorite -meteoritic -meteoritics -meteorization -meteorize -meteorlike -meteorogram -meteorograph -meteorographic -meteorography -meteoroid -meteoroidal -meteorolite -meteorolitic -meteorologic -meteorological -meteorologically -meteorologist -meteorology -meteorometer -meteoroscope -meteoroscopy -meteorous -metepencephalic -metepencephalon -metepimeral -metepimeron -metepisternal -metepisternum -meter -meterage -metergram -meterless -meterman -metership -metestick -metewand -meteyard -methacrylate -methacrylic -methadone -methanal -methanate -methane -methanoic -methanolysis -methanometer -metheglin -methemoglobin -methemoglobinemia -methemoglobinuria -methenamine -methene -methenyl -mether -methid -methide -methine -methinks -methiodide -methionic -methionine -methobromide -method -methodaster -methodeutic -methodic -methodical -methodically -methodicalness -methodics -methodism -Methodist -methodist -Methodistic -Methodistically -Methodisty -methodization -Methodize -methodize -methodizer -methodless -methodological -methodologically -methodologist -methodology -Methody -methought -methoxide -methoxychlor -methoxyl -methronic -Methuselah -methyl -methylacetanilide -methylal -methylamine -methylaniline -methylanthracene -methylate -methylation -methylator -methylcholanthrene -methylene -methylenimine -methylenitan -methylethylacetic -methylglycine -methylglycocoll -methylglyoxal -methylic -methylmalonic -methylnaphthalene -methylol -methylolurea -methylosis -methylotic -methylpentose -methylpentoses -methylpropane -methylsulfanol -metic -meticulosity -meticulous -meticulously -meticulousness -metier -Metin -metis -Metoac -metochous -metochy -metoestrous -metoestrum -Metol -metonym -metonymic -metonymical -metonymically -metonymous -metonymously -metonymy -metope -Metopias -metopic -metopion -metopism -Metopoceros -metopomancy -metopon -metoposcopic -metoposcopical -metoposcopist -metoposcopy -metosteal -metosteon -metoxazine -metoxenous -metoxeny -metra -metralgia -metranate -metranemia -metratonia -Metrazol -metrectasia -metrectatic -metrectomy -metrectopia -metrectopic -metrectopy -metreless -metreship -metreta -metrete -metretes -metria -metric -metrical -metrically -metrician -metricism -metricist -metricize -metrics -Metridium -metrification -metrifier -metrify -metriocephalic -metrist -metritis -metrocampsis -metrocarat -metrocarcinoma -metrocele -metroclyst -metrocolpocele -metrocracy -metrocratic -metrocystosis -metrodynia -metrofibroma -metrological -metrologist -metrologue -metrology -metrolymphangitis -metromalacia -metromalacoma -metromalacosis -metromania -metromaniac -metromaniacal -metrometer -metroneuria -metronome -metronomic -metronomical -metronomically -metronymic -metronymy -metroparalysis -metropathia -metropathic -metropathy -metroperitonitis -metrophlebitis -metrophotography -metropole -metropolis -metropolitan -metropolitanate -metropolitancy -metropolitanism -metropolitanize -metropolitanship -metropolite -metropolitic -metropolitical -metropolitically -metroptosia -metroptosis -metroradioscope -metrorrhagia -metrorrhagic -metrorrhea -metrorrhexis -metrorthosis -metrosalpingitis -metrosalpinx -metroscirrhus -metroscope -metroscopy -Metrosideros -metrostaxis -metrostenosis -metrosteresis -metrostyle -metrosynizesis -metrotherapist -metrotherapy -metrotome -metrotomy -Metroxylon -mettar -mettle -mettled -mettlesome -mettlesomely -mettlesomeness -metusia -metze -Meum -meuse -meute -Mev -mew -meward -mewer -mewl -mewler -Mexica -Mexican -Mexicanize -Mexitl -Mexitli -meyerhofferite -mezcal -Mezentian -Mezentism -Mezentius -mezereon -mezereum -mezuzah -mezzanine -mezzo -mezzograph -mezzotint -mezzotinter -mezzotinto -mho -mhometer -mi -Miami -miamia -mian -Miao -Miaotse -Miaotze -miaow -miaower -Miaplacidus -miargyrite -miarolitic -mias -miaskite -miasm -miasma -miasmal -miasmata -miasmatic -miasmatical -miasmatically -miasmatize -miasmatology -miasmatous -miasmic -miasmology -miasmous -Miastor -miaul -miauler -mib -mica -micaceous -micacious -micacite -Micah -micasization -micasize -micate -mication -Micawberish -Micawberism -mice -micellar -micelle -Michabo -Michabou -Michael -Michaelites -Michaelmas -Michaelmastide -miche -Micheal -Michel -Michelangelesque -Michelangelism -Michelia -Michelle -micher -Michiel -Michigamea -Michigan -michigan -Michigander -Michiganite -miching -Michoacan -Michoacano -micht -Mick -mick -Mickey -mickle -Micky -Micmac -mico -miconcave -Miconia -micramock -Micrampelis -micranatomy -micrander -micrandrous -micraner -micranthropos -Micraster -micrencephalia -micrencephalic -micrencephalous -micrencephalus -micrencephaly -micrergate -micresthete -micrify -micro -microammeter -microampere -microanalysis -microanalyst -microanalytical -microangstrom -microapparatus -microbal -microbalance -microbar -microbarograph -microbattery -microbe -microbeless -microbeproof -microbial -microbian -microbic -microbicidal -microbicide -microbiologic -microbiological -microbiologically -microbiologist -microbiology -microbion -microbiosis -microbiota -microbiotic -microbious -microbism -microbium -microblast -microblepharia -microblepharism -microblephary -microbrachia -microbrachius -microburet -microburette -microburner -microcaltrop -microcardia -microcardius -microcarpous -Microcebus -microcellular -microcentrosome -microcentrum -microcephal -microcephalia -microcephalic -microcephalism -microcephalous -microcephalus -microcephaly -microceratous -microchaeta -microcharacter -microcheilia -microcheiria -microchemic -microchemical -microchemically -microchemistry -microchiria -Microchiroptera -microchiropteran -microchiropterous -microchromosome -microchronometer -microcinema -microcinematograph -microcinematographic -microcinematography -Microcitrus -microclastic -microclimate -microclimatic -microclimatologic -microclimatological -microclimatology -microcline -microcnemia -microcoat -micrococcal -Micrococceae -Micrococcus -microcoleoptera -microcolon -microcolorimeter -microcolorimetric -microcolorimetrically -microcolorimetry -microcolumnar -microcombustion -microconidial -microconidium -microconjugant -Microconodon -microconstituent -microcopy -microcoria -microcosm -microcosmal -microcosmian -microcosmic -microcosmical -microcosmography -microcosmology -microcosmos -microcosmus -microcoulomb -microcranous -microcrith -microcryptocrystalline -microcrystal -microcrystalline -microcrystallogeny -microcrystallography -microcrystalloscopy -microcurie -Microcyprini -microcyst -microcyte -microcythemia -microcytosis -microdactylia -microdactylism -microdactylous -microdentism -microdentous -microdetection -microdetector -microdetermination -microdiactine -microdissection -microdistillation -microdont -microdontism -microdontous -microdose -microdrawing -Microdrili -microdrive -microelectrode -microelectrolysis -microelectroscope -microelement -microerg -microestimation -microeutaxitic -microevolution -microexamination -microfarad -microfauna -microfelsite -microfelsitic -microfilaria -microfilm -microflora -microfluidal -microfoliation -microfossil -microfungus -microfurnace -Microgadus -microgalvanometer -microgamete -microgametocyte -microgametophyte -microgamy -Microgaster -microgastria -Microgastrinae -microgastrine -microgeological -microgeologist -microgeology -microgilbert -microglia -microglossia -micrognathia -micrognathic -micrognathous -microgonidial -microgonidium -microgram -microgramme -microgranite -microgranitic -microgranitoid -microgranular -microgranulitic -micrograph -micrographer -micrographic -micrographical -micrographically -micrographist -micrography -micrograver -microgravimetric -microgroove -microgyne -microgyria -microhenry -microhepatia -microhistochemical -microhistology -microhm -microhmmeter -Microhymenoptera -microhymenopteron -microinjection -microjoule -microlepidopter -microlepidoptera -microlepidopteran -microlepidopterist -microlepidopteron -microlepidopterous -microleukoblast -microlevel -microlite -microliter -microlith -microlithic -microlitic -micrologic -micrological -micrologically -micrologist -micrologue -micrology -microlux -micromania -micromaniac -micromanipulation -micromanipulator -micromanometer -Micromastictora -micromazia -micromeasurement -micromechanics -micromelia -micromelic -micromelus -micromembrane -micromeral -micromere -Micromeria -micromeric -micromerism -micromeritic -micromeritics -micromesentery -micrometallographer -micrometallography -micrometallurgy -micrometer -micromethod -micrometrical -micrometrically -micrometry -micromicrofarad -micromicron -micromil -micromillimeter -micromineralogical -micromineralogy -micromorph -micromotion -micromotoscope -micromyelia -micromyeloblast -micron -Micronesian -micronization -micronize -micronometer -micronuclear -micronucleus -micronutrient -microorganic -microorganism -microorganismal -micropaleontology -micropantograph -microparasite -microparasitic -micropathological -micropathologist -micropathology -micropegmatite -micropegmatitic -micropenis -microperthite -microperthitic -micropetalous -micropetrography -micropetrologist -micropetrology -microphage -microphagocyte -microphagous -microphagy -microphakia -microphallus -microphone -microphonic -microphonics -microphonograph -microphot -microphotograph -microphotographic -microphotography -microphotometer -microphotoscope -microphthalmia -microphthalmic -microphthalmos -microphthalmus -microphyllous -microphysical -microphysics -microphysiography -microphytal -microphyte -microphytic -microphytology -micropia -micropin -micropipette -microplakite -microplankton -microplastocyte -microplastometer -micropodal -Micropodi -micropodia -Micropodidae -Micropodiformes -micropoecilitic -micropoicilitic -micropoikilitic -micropolariscope -micropolarization -micropore -microporosity -microporous -microporphyritic -microprint -microprojector -micropsia -micropsy -micropterism -micropterous -Micropterus -micropterygid -Micropterygidae -micropterygious -Micropterygoidea -Micropteryx -Micropus -micropylar -micropyle -micropyrometer -microradiometer -microreaction -microrefractometer -microrhabdus -microrheometer -microrheometric -microrheometrical -Microrhopias -Microsauria -microsaurian -microsclere -microsclerous -microsclerum -microscopal -microscope -microscopial -microscopic -microscopical -microscopically -microscopics -Microscopid -microscopist -Microscopium -microscopize -microscopy -microsecond -microsection -microseism -microseismic -microseismical -microseismograph -microseismology -microseismometer -microseismometrograph -microseismometry -microseme -microseptum -microsmatic -microsmatism -microsoma -microsomatous -microsome -microsomia -microsommite -Microsorex -microspecies -microspectroscope -microspectroscopic -microspectroscopy -Microspermae -microspermous -Microsphaera -microsphaeric -microsphere -microspheric -microspherulitic -microsplanchnic -microsplenia -microsplenic -microsporange -microsporangium -microspore -microsporiasis -microsporic -Microsporidia -microsporidian -Microsporon -microsporophore -microsporophyll -microsporosis -microsporous -Microsporum -microstat -microsthene -Microsthenes -microsthenic -microstomatous -microstome -microstomia -microstomous -microstructural -microstructure -Microstylis -microstylospore -microstylous -microsublimation -microtasimeter -microtechnic -microtechnique -microtelephone -microtelephonic -Microthelyphonida -microtheos -microtherm -microthermic -microthorax -Microthyriaceae -microtia -Microtinae -microtine -microtitration -microtome -microtomic -microtomical -microtomist -microtomy -microtone -Microtus -microtypal -microtype -microtypical -microvolt -microvolume -microvolumetric -microwatt -microwave -microweber -microzoa -microzoal -microzoan -microzoaria -microzoarian -microzoary -microzoic -microzone -microzooid -microzoology -microzoon -microzoospore -microzyma -microzyme -microzymian -micrurgic -micrurgical -micrurgist -micrurgy -Micrurus -miction -micturate -micturition -mid -midafternoon -midautumn -midaxillary -midbrain -midday -midden -middenstead -middle -middlebreaker -middlebuster -middleman -middlemanism -middlemanship -middlemost -middler -middlesplitter -middlewards -middleway -middleweight -middlewoman -middling -middlingish -middlingly -middlingness -middlings -middorsal -middy -mide -Mider -midevening -midewiwin -midfacial -midforenoon -midfrontal -midge -midget -midgety -midgy -midheaven -Midianite -Midianitish -Mididae -midiron -midland -Midlander -Midlandize -midlandward -midlatitude -midleg -midlenting -midmain -midmandibular -midmonth -midmonthly -midmorn -midmorning -midmost -midnight -midnightly -midnoon -midparent -midparentage -midparental -midpit -midrange -midrash -midrashic -midrib -midribbed -midriff -mids -midseason -midsentence -midship -midshipman -midshipmanship -midshipmite -midships -midspace -midst -midstory -midstout -midstream -midstreet -midstroke -midstyled -midsummer -midsummerish -midsummery -midtap -midvein -midverse -midward -midwatch -midway -midweek -midweekly -Midwest -Midwestern -Midwesterner -midwestward -midwife -midwifery -midwinter -midwinterly -midwintry -midwise -midyear -Miek -mien -miersite -Miescherian -miff -miffiness -miffy -mig -might -mightily -mightiness -mightless -mightnt -mighty -mightyhearted -mightyship -miglio -migmatite -migniardise -mignon -mignonette -mignonne -mignonness -Migonitis -migraine -migrainoid -migrainous -migrant -migrate -migration -migrational -migrationist -migrative -migrator -migratorial -migratory -Miguel -miharaite -mihrab -mijakite -mijl -mikado -mikadoate -mikadoism -Mikael -Mikania -Mikasuki -Mike -mike -Mikey -Miki -mikie -Mikir -Mil -mil -mila -milady -milammeter -Milan -Milanese -Milanion -milarite -milch -milcher -milchy -mild -milden -milder -mildew -mildewer -mildewy -mildhearted -mildheartedness -mildish -mildly -mildness -Mildred -mile -mileage -Miledh -milepost -miler -Miles -Milesian -milesima -Milesius -milestone -mileway -milfoil -milha -miliaceous -miliarensis -miliaria -miliarium -miliary -Milicent -milieu -Miliola -milioliform -milioline -miliolite -miliolitic -militancy -militant -militantly -militantness -militarily -militariness -militarism -militarist -militaristic -militaristically -militarization -militarize -military -militaryism -militaryment -militaster -militate -militation -militia -militiaman -militiate -milium -milk -milkbush -milken -milker -milkeress -milkfish -milkgrass -milkhouse -milkily -milkiness -milking -milkless -milklike -milkmaid -milkman -milkness -milkshed -milkshop -milksick -milksop -milksopism -milksoppery -milksopping -milksoppish -milksoppy -milkstone -milkweed -milkwood -milkwort -milky -mill -Milla -milla -millable -millage -millboard -millclapper -millcourse -milldam -mille -milled -millefiori -milleflorous -millefoliate -millenarian -millenarianism -millenarist -millenary -millennia -millennial -millennialism -millennialist -millennially -millennian -millenniarism -millenniary -millennium -millepede -Millepora -millepore -milleporiform -milleporine -milleporite -milleporous -millepunctate -miller -milleress -millering -Millerism -Millerite -millerite -millerole -millesimal -millesimally -millet -Millettia -millfeed -millful -millhouse -milliad -milliammeter -milliamp -milliampere -milliamperemeter -milliangstrom -milliard -milliardaire -milliare -milliarium -milliary -millibar -millicron -millicurie -Millie -millieme -milliequivalent -millifarad -millifold -milliform -milligal -milligrade -milligram -milligramage -millihenry -millilambert -millile -milliliter -millilux -millimeter -millimicron -millimolar -millimole -millincost -milline -milliner -millinerial -millinering -millinery -milling -Millingtonia -millinormal -millinormality -millioctave -millioersted -million -millionaire -millionairedom -millionairess -millionairish -millionairism -millionary -millioned -millioner -millionfold -millionism -millionist -millionize -millionocracy -millions -millionth -milliphot -millipoise -millisecond -millistere -Millite -millithrum -millivolt -millivoltmeter -millman -millocracy -millocrat -millocratism -millosevichite -millowner -millpond -millpool -millpost -millrace -millrynd -millsite -millstock -millstone -millstream -milltail -millward -millwork -millworker -millwright -millwrighting -Milly -Milner -milner -Milo -milo -milord -milpa -milreis -milsey -milsie -milt -milter -miltlike -Miltonia -Miltonian -Miltonic -Miltonically -Miltonism -Miltonist -Miltonize -Miltos -miltsick -miltwaste -milty -Milvago -Milvinae -milvine -milvinous -Milvus -milzbrand -mim -mima -mimbar -mimble -Mimbreno -Mime -mime -mimeo -mimeograph -mimeographic -mimeographically -mimeographist -mimer -mimesis -mimester -mimetene -mimetesite -mimetic -mimetical -mimetically -mimetism -mimetite -Mimi -mimiambi -mimiambic -mimiambics -mimic -mimical -mimically -mimicism -mimicker -mimicry -Mimidae -Miminae -mimine -miminypiminy -mimly -mimmation -mimmest -mimmock -mimmocking -mimmocky -mimmood -mimmoud -mimmouthed -mimmouthedness -mimodrama -mimographer -mimography -mimologist -Mimosa -Mimosaceae -mimosaceous -mimosis -mimosite -mimotype -mimotypic -mimp -Mimpei -mimsey -Mimulus -Mimus -Mimusops -min -Mina -mina -minable -minacious -minaciously -minaciousness -minacity -Minaean -Minahassa -Minahassan -Minahassian -minar -minaret -minareted -minargent -minasragrite -minatorial -minatorially -minatorily -minatory -minaway -mince -mincemeat -mincer -minchery -minchiate -mincing -mincingly -mincingness -Mincopi -Mincopie -mind -minded -Mindel -Mindelian -minder -Mindererus -mindful -mindfully -mindfulness -minding -mindless -mindlessly -mindlessness -mindsight -mine -mineowner -miner -mineragraphic -mineragraphy -mineraiogic -mineral -mineralizable -mineralization -mineralize -mineralizer -mineralogical -mineralogically -mineralogist -mineralogize -mineralogy -Minerva -minerval -Minervan -Minervic -minery -mines -minette -mineworker -Ming -ming -minge -mingelen -mingle -mingleable -mingledly -minglement -mingler -minglingly -Mingo -Mingrelian -minguetite -mingwort -mingy -minhag -minhah -miniaceous -miniate -miniator -miniature -miniaturist -minibus -minicam -minicamera -Miniconjou -minienize -minification -minify -minikin -minikinly -minim -minima -minimacid -minimal -minimalism -Minimalist -minimalkaline -minimally -minimetric -minimifidian -minimifidianism -minimism -minimistic -Minimite -minimitude -minimization -minimize -minimizer -minimum -minimus -minimuscular -mining -minion -minionette -minionism -minionly -minionship -minish -minisher -minishment -minister -ministeriable -ministerial -ministerialism -ministerialist -ministeriality -ministerially -ministerialness -ministerium -ministership -ministrable -ministrant -ministration -ministrative -ministrator -ministrer -ministress -ministry -ministryship -minitant -Minitari -minium -miniver -minivet -mink -minkery -minkish -Minkopi -Minnehaha -minnesinger -minnesong -Minnesotan -Minnetaree -Minnie -minnie -minniebush -minning -minnow -minny -mino -Minoan -minoize -minometer -minor -minorage -minorate -minoration -Minorca -Minorcan -Minoress -minoress -Minorist -Minorite -minority -minorship -Minos -minot -Minotaur -Minseito -minsitive -minster -minsteryard -minstrel -minstreless -minstrelship -minstrelsy -mint -mintage -Mintaka -mintbush -minter -mintmaker -mintmaking -mintman -mintmaster -minty -minuend -minuet -minuetic -minuetish -minus -minuscular -minuscule -minutary -minutation -minute -minutely -minuteman -minuteness -minuter -minuthesis -minutia -minutiae -minutial -minutiose -minutiously -minutissimic -minverite -minx -minxish -minxishly -minxishness -minxship -miny -Minyadidae -Minyae -Minyan -minyan -Minyas -miocardia -Miocene -Miocenic -Miohippus -miolithic -mioplasmia -miothermic -miqra -miquelet -mir -Mira -Mirabel -Mirabell -mirabiliary -Mirabilis -mirabilite -Mirac -Mirach -mirach -miracidial -miracidium -miracle -miraclemonger -miraclemongering -miraclist -miraculist -miraculize -miraculosity -miraculous -miraculously -miraculousness -mirador -mirage -miragy -Mirak -Miramolin -Mirana -Miranda -mirandous -Miranha -Miranhan -mirate -mirbane -mird -mirdaha -mire -mirepoix -Mirfak -Miriam -Miriamne -mirid -Miridae -mirific -miriness -mirish -mirk -mirkiness -mirksome -mirliton -Miro -miro -Mirounga -mirror -mirrored -mirrorize -mirrorlike -mirrorscope -mirrory -mirth -mirthful -mirthfully -mirthfulness -mirthless -mirthlessly -mirthlessness -mirthsome -mirthsomeness -miry -miryachit -mirza -misaccent -misaccentuation -misachievement -misacknowledge -misact -misadapt -misadaptation -misadd -misaddress -misadjust -misadmeasurement -misadministration -misadvantage -misadventure -misadventurer -misadventurous -misadventurously -misadvertence -misadvice -misadvise -misadvised -misadvisedly -misadvisedness -misaffected -misaffection -misaffirm -misagent -misaim -misalienate -misalignment -misallegation -misallege -misalliance -misallotment -misallowance -misally -misalphabetize -misalter -misanalyze -misandry -misanswer -misanthrope -misanthropia -misanthropic -misanthropical -misanthropically -misanthropism -misanthropist -misanthropize -misanthropy -misapparel -misappear -misappearance -misappellation -misapplication -misapplier -misapply -misappoint -misappointment -misappraise -misappraisement -misappreciate -misappreciation -misappreciative -misapprehend -misapprehendingly -misapprehensible -misapprehension -misapprehensive -misapprehensively -misapprehensiveness -misappropriate -misappropriately -misappropriation -misarchism -misarchist -misarrange -misarrangement -misarray -misascribe -misascription -misasperse -misassay -misassent -misassert -misassign -misassociate -misassociation -misatone -misattend -misattribute -misattribution -misaunter -misauthorization -misauthorize -misaward -misbandage -misbaptize -misbecome -misbecoming -misbecomingly -misbecomingness -misbefitting -misbeget -misbegin -misbegotten -misbehave -misbehavior -misbeholden -misbelief -misbelieve -misbeliever -misbelievingly -misbelove -misbeseem -misbestow -misbestowal -misbetide -misbias -misbill -misbind -misbirth -misbode -misborn -misbrand -misbuild -misbusy -miscalculate -miscalculation -miscalculator -miscall -miscaller -miscanonize -miscarriage -miscarriageable -miscarry -miscast -miscasualty -misceability -miscegenate -miscegenation -miscegenationist -miscegenator -miscegenetic -miscegine -miscellanarian -miscellanea -miscellaneity -miscellaneous -miscellaneously -miscellaneousness -miscellanist -miscellany -mischallenge -mischance -mischanceful -mischancy -mischaracterization -mischaracterize -mischarge -mischief -mischiefful -mischieve -mischievous -mischievously -mischievousness -mischio -mischoice -mischoose -mischristen -miscibility -miscible -miscipher -misclaim -misclaiming -misclass -misclassification -misclassify -miscognizant -miscoin -miscoinage -miscollocation -miscolor -miscoloration -miscommand -miscommit -miscommunicate -miscompare -miscomplacence -miscomplain -miscomplaint -miscompose -miscomprehend -miscomprehension -miscomputation -miscompute -misconceive -misconceiver -misconception -misconclusion -miscondition -misconduct -misconfer -misconfidence -misconfident -misconfiguration -misconjecture -misconjugate -misconjugation -misconjunction -misconsecrate -misconsequence -misconstitutional -misconstruable -misconstruct -misconstruction -misconstructive -misconstrue -misconstruer -miscontinuance -misconvenient -misconvey -miscook -miscookery -miscorrect -miscorrection -miscounsel -miscount -miscovet -miscreancy -miscreant -miscreate -miscreation -miscreative -miscreator -miscredited -miscredulity -miscreed -miscript -miscrop -miscue -miscultivated -misculture -miscurvature -miscut -misdate -misdateful -misdaub -misdeal -misdealer -misdecide -misdecision -misdeclaration -misdeclare -misdeed -misdeem -misdeemful -misdefine -misdeformed -misdeliver -misdelivery -misdemean -misdemeanant -misdemeanist -misdemeanor -misdentition -misderivation -misderive -misdescribe -misdescriber -misdescription -misdescriptive -misdesire -misdetermine -misdevise -misdevoted -misdevotion -misdiet -misdirect -misdirection -misdispose -misdisposition -misdistinguish -misdistribute -misdistribution -misdivide -misdivision -misdo -misdoer -misdoing -misdoubt -misdower -misdraw -misdread -misdrive -mise -misease -misecclesiastic -misedit -miseducate -miseducation -miseducative -miseffect -misemphasis -misemphasize -misemploy -misemployment -misencourage -misendeavor -misenforce -misengrave -misenite -misenjoy -misenroll -misentitle -misenunciation -Misenus -miser -miserabilism -miserabilist -miserabilistic -miserability -miserable -miserableness -miserably -miserdom -miserected -Miserere -miserhood -misericord -Misericordia -miserism -miserliness -miserly -misery -misesteem -misestimate -misestimation -misexample -misexecute -misexecution -misexpectation -misexpend -misexpenditure -misexplain -misexplanation -misexplication -misexposition -misexpound -misexpress -misexpression -misexpressive -misfaith -misfare -misfashion -misfather -misfault -misfeasance -misfeasor -misfeature -misfield -misfigure -misfile -misfire -misfit -misfond -misform -misformation -misfortunate -misfortunately -misfortune -misfortuned -misfortuner -misframe -misgauge -misgesture -misgive -misgiving -misgivingly -misgo -misgotten -misgovern -misgovernance -misgovernment -misgovernor -misgracious -misgraft -misgrave -misground -misgrow -misgrown -misgrowth -misguess -misguggle -misguidance -misguide -misguided -misguidedly -misguidedness -misguider -misguiding -misguidingly -mishandle -mishap -mishappen -Mishikhwutmetunne -mishmash -mishmee -Mishmi -Mishnah -Mishnaic -Mishnic -Mishnical -Mishongnovi -misidentification -misidentify -Misima -misimagination -misimagine -misimpression -misimprove -misimprovement -misimputation -misimpute -misincensed -misincite -misinclination -misincline -misinfer -misinference -misinflame -misinform -misinformant -misinformation -misinformer -misingenuity -misinspired -misinstruct -misinstruction -misinstructive -misintelligence -misintelligible -misintend -misintention -misinter -misinterment -misinterpret -misinterpretable -misinterpretation -misinterpreter -misintimation -misjoin -misjoinder -misjudge -misjudgement -misjudger -misjudgingly -misjudgment -miskeep -misken -miskenning -miskill -miskindle -misknow -misknowledge -misky -mislabel -mislabor -mislanguage -mislay -mislayer -mislead -misleadable -misleader -misleading -misleadingly -misleadingness -mislear -misleared -mislearn -misled -mislest -mislight -mislike -misliken -mislikeness -misliker -mislikingly -mislippen -mislive -mislocate -mislocation -mislodge -mismade -mismake -mismanage -mismanageable -mismanagement -mismanager -mismarriage -mismarry -mismatch -mismatchment -mismate -mismeasure -mismeasurement -mismenstruation -misminded -mismingle -mismotion -mismove -misname -misnarrate -misnatured -misnavigation -Misniac -misnomed -misnomer -misnumber -misnurture -misnutrition -misobedience -misobey -misobservance -misobserve -misocapnic -misocapnist -misocatholic -misoccupy -misogallic -misogamic -misogamist -misogamy -misogyne -misogynic -misogynical -misogynism -misogynist -misogynistic -misogynistical -misogynous -misogyny -misohellene -misologist -misology -misomath -misoneism -misoneist -misoneistic -misopaterist -misopedia -misopedism -misopedist -misopinion -misopolemical -misorder -misordination -misorganization -misorganize -misoscopist -misosophist -misosophy -misotheism -misotheist -misotheistic -misotramontanism -misotyranny -misoxene -misoxeny -mispage -mispagination -mispaint -misparse -mispart -mispassion -mispatch -mispay -misperceive -misperception -misperform -misperformance -mispersuade -misperuse -misphrase -mispick -mispickel -misplace -misplacement -misplant -misplay -misplead -mispleading -misplease -mispoint -mispoise -mispolicy -misposition -mispossessed -mispractice -mispraise -misprejudiced -misprincipled -misprint -misprisal -misprision -misprize -misprizer -misproceeding -misproduce -misprofess -misprofessor -mispronounce -mispronouncement -mispronunciation -misproportion -misproposal -mispropose -misproud -misprovide -misprovidence -misprovoke -mispunctuate -mispunctuation -mispurchase -mispursuit -misput -misqualify -misquality -misquotation -misquote -misquoter -misraise -misrate -misread -misreader -misrealize -misreason -misreceive -misrecital -misrecite -misreckon -misrecognition -misrecognize -misrecollect -misrefer -misreference -misreflect -misreform -misregulate -misrehearsal -misrehearse -misrelate -misrelation -misreliance -misremember -misremembrance -misrender -misrepeat -misreport -misreporter -misreposed -misrepresent -misrepresentation -misrepresentative -misrepresenter -misreprint -misrepute -misresemblance -misresolved -misresult -misreward -misrhyme -misrhymer -misrule -miss -missable -missal -missay -missayer -misseem -missel -missemblance -missentence -misserve -misservice -misset -misshape -misshapen -misshapenly -misshapenness -misshood -missible -missile -missileproof -missiness -missing -missingly -mission -missional -missionarize -missionary -missionaryship -missioner -missionize -missionizer -missis -Missisauga -missish -missishness -Mississippi -Mississippian -missive -missmark -missment -Missouri -Missourian -Missourianism -missourite -misspeak -misspeech -misspell -misspelling -misspend -misspender -misstate -misstatement -misstater -misstay -misstep -missuade -missuggestion -missummation -missuppose -missy -missyish -missyllabication -missyllabify -mist -mistakable -mistakableness -mistakably -mistake -mistakeful -mistaken -mistakenly -mistakenness -mistakeproof -mistaker -mistaking -mistakingly -mistassini -mistaught -mistbow -misteach -misteacher -misted -mistell -mistempered -mistend -mistendency -Mister -mister -misterm -mistetch -mistfall -mistflower -mistful -misthink -misthought -misthread -misthrift -misthrive -misthrow -mistic -mistide -mistify -mistigris -mistily -mistime -mistiness -mistitle -mistle -mistless -mistletoe -mistone -mistonusk -mistook -mistouch -mistradition -mistrain -mistral -mistranscribe -mistranscript -mistranscription -mistranslate -mistranslation -mistreat -mistreatment -mistress -mistressdom -mistresshood -mistressless -mistressly -mistrial -mistrist -mistrust -mistruster -mistrustful -mistrustfully -mistrustfulness -mistrusting -mistrustingly -mistrustless -mistry -mistryst -misturn -mistutor -misty -mistyish -misunderstand -misunderstandable -misunderstander -misunderstanding -misunderstandingly -misunderstood -misunderstoodness -misura -misusage -misuse -misuseful -misusement -misuser -misusurped -misvaluation -misvalue -misventure -misventurous -misvouch -miswed -miswisdom -miswish -misword -misworship -misworshiper -misworshipper -miswrite -misyoke -miszealous -Mitakshara -Mitanni -Mitannian -Mitannish -mitapsis -Mitch -mitchboard -Mitchell -Mitchella -mite -Mitella -miteproof -miter -mitered -miterer -miterflower -miterwort -Mithra -Mithraea -Mithraeum -Mithraic -Mithraicism -Mithraicist -Mithraicize -Mithraism -Mithraist -Mithraistic -Mithraitic -Mithraize -Mithras -Mithratic -Mithriac -mithridate -Mithridatic -mithridatic -mithridatism -mithridatize -miticidal -miticide -mitigable -mitigant -mitigate -mitigatedly -mitigation -mitigative -mitigator -mitigatory -mitis -mitochondria -mitochondrial -mitogenetic -mitome -mitosis -mitosome -mitotic -mitotically -Mitra -mitra -mitrailleuse -mitral -mitrate -mitre -mitrer -Mitridae -mitriform -Mitsukurina -Mitsukurinidae -mitsumata -mitt -mittelhand -Mittelmeer -mitten -mittened -mittimus -mitty -Mitu -Mitua -mity -miurus -mix -mixable -mixableness -mixblood -Mixe -mixed -mixedly -mixedness -mixen -mixer -mixeress -mixhill -mixible -mixite -mixobarbaric -mixochromosome -Mixodectes -Mixodectidae -mixolydian -mixoploid -mixoploidy -Mixosaurus -mixotrophic -Mixtec -Mixtecan -mixtiform -mixtilineal -mixtilion -mixtion -mixture -mixy -Mizar -mizmaze -Mizpah -Mizraim -mizzen -mizzenmast -mizzenmastman -mizzentopman -mizzle -mizzler -mizzly -mizzonite -mizzy -mlechchha -mneme -mnemic -Mnemiopsis -mnemonic -mnemonical -mnemonicalist -mnemonically -mnemonicon -mnemonics -mnemonism -mnemonist -mnemonization -mnemonize -Mnemosyne -mnemotechnic -mnemotechnical -mnemotechnics -mnemotechnist -mnemotechny -mnesic -mnestic -Mnevis -Mniaceae -mniaceous -mnioid -Mniotiltidae -Mnium -Mo -mo -Moabite -Moabitess -Moabitic -Moabitish -moan -moanful -moanfully -moanification -moaning -moaningly -moanless -Moaria -Moarian -moat -Moattalite -mob -mobable -mobbable -mobber -mobbish -mobbishly -mobbishness -mobbism -mobbist -mobby -mobcap -mobed -mobile -Mobilian -mobilianer -mobiliary -mobility -mobilizable -mobilization -mobilize -mobilometer -moble -moblike -mobocracy -mobocrat -mobocratic -mobocratical -mobolatry -mobproof -mobship -mobsman -mobster -Mobula -Mobulidae -moccasin -Mocha -mocha -Mochica -mochras -mock -mockable -mockado -mockbird -mocker -mockernut -mockery -mockful -mockfully -mockground -mockingbird -mockingstock -mocmain -Mocoa -Mocoan -mocomoco -mocuck -Mod -modal -modalism -modalist -modalistic -modality -modalize -modally -mode -model -modeler -modeless -modelessness -modeling -modelist -modeller -modelmaker -modelmaking -modena -Modenese -moderant -moderantism -moderantist -moderate -moderately -moderateness -moderation -moderationist -moderatism -moderatist -moderato -moderator -moderatorship -moderatrix -Modern -modern -moderner -modernicide -modernish -modernism -modernist -modernistic -modernity -modernizable -modernization -modernize -modernizer -modernly -modernness -modest -modestly -modestness -modesty -modiation -modicity -modicum -modifiability -modifiable -modifiableness -modifiably -modificability -modificable -modification -modificationist -modificative -modificator -modificatory -modifier -modify -modillion -modiolar -Modiolus -modiolus -modish -modishly -modishness -modist -modiste -modistry -modius -Modoc -Modred -modulability -modulant -modular -modulate -modulation -modulative -modulator -modulatory -module -Modulidae -modulo -modulus -modumite -Moe -Moed -Moehringia -moellon -moerithere -moeritherian -Moeritheriidae -Moeritherium -mofette -moff -mofussil -mofussilite -mog -mogador -mogadore -mogdad -moggan -moggy -Moghan -mogigraphia -mogigraphic -mogigraphy -mogilalia -mogilalism -mogiphonia -mogitocia -mogo -mogographia -Mogollon -Mograbi -Mogrebbin -moguey -Mogul -mogulship -Moguntine -moha -mohabat -mohair -Mohammad -Mohammedan -Mohammedanism -Mohammedanization -Mohammedanize -Mohammedism -Mohammedist -Mohammedization -Mohammedize -mohar -Mohave -Mohawk -Mohawkian -mohawkite -Mohegan -mohel -Mohican -Mohineyam -mohnseed -moho -Mohock -Mohockism -mohr -Mohrodendron -mohur -Moi -moider -moidore -moieter -moiety -moil -moiler -moiles -moiley -moiling -moilingly -moilsome -moineau -Moingwena -moio -Moira -moire -moirette -moise -Moism -moissanite -moist -moisten -moistener -moistful -moistify -moistish -moistishness -moistless -moistly -moistness -moisture -moistureless -moistureproof -moisty -moit -moity -mojarra -Mojo -mojo -mokaddam -moke -moki -mokihana -moko -moksha -mokum -moky -Mola -mola -molal -Molala -molality -molar -molariform -molarimeter -molarity -molary -Molasse -molasses -molassied -molassy -molave -mold -moldability -moldable -moldableness -Moldavian -moldavite -moldboard -molder -moldery -moldiness -molding -moldmade -moldproof -moldwarp -moldy -Mole -mole -molecast -molecula -molecular -molecularist -molecularity -molecularly -molecule -molehead -moleheap -molehill -molehillish -molehilly -moleism -molelike -molendinar -molendinary -molengraaffite -moleproof -moler -moleskin -molest -molestation -molester -molestful -molestfully -Molge -Molgula -Molidae -molimen -moliminous -molinary -moline -Molinia -Molinism -Molinist -Molinistic -molka -Moll -molland -Mollberg -molle -mollescence -mollescent -molleton -mollichop -mollicrush -mollie -mollienisia -mollient -molliently -mollifiable -mollification -mollifiedly -mollifier -mollify -mollifying -mollifyingly -mollifyingness -molligrant -molligrubs -mollipilose -Mollisiaceae -mollisiose -mollities -mollitious -mollitude -Molluginaceae -Mollugo -Mollusca -molluscan -molluscivorous -molluscoid -Molluscoida -molluscoidal -molluscoidan -Molluscoidea -molluscoidean -molluscous -molluscousness -molluscum -mollusk -Molly -molly -mollycoddle -mollycoddler -mollycoddling -mollycosset -mollycot -mollyhawk -molman -Moloch -Molochize -Molochship -moloid -moloker -molompi -molosse -Molossian -molossic -Molossidae -molossine -molossoid -molossus -Molothrus -molpe -molrooken -molt -molten -moltenly -molter -Molucca -Moluccan -Moluccella -Moluche -moly -molybdate -molybdena -molybdenic -molybdeniferous -molybdenite -molybdenous -molybdenum -molybdic -molybdite -molybdocardialgia -molybdocolic -molybdodyspepsia -molybdomancy -molybdomenite -molybdonosus -molybdoparesis -molybdophyllite -molybdosis -molybdous -molysite -mombin -momble -Mombottu -mome -moment -momenta -momental -momentally -momentaneall -momentaneity -momentaneous -momentaneously -momentaneousness -momentarily -momentariness -momentary -momently -momentous -momentously -momentousness -momentum -momiology -momism -momme -mommet -mommy -momo -Momordica -Momotidae -Momotinae -Momotus -Momus -Mon -mon -mona -Monacan -monacanthid -Monacanthidae -monacanthine -monacanthous -Monacha -monachal -monachate -Monachi -monachism -monachist -monachization -monachize -monactin -monactine -monactinellid -monactinellidan -monad -monadelph -Monadelphia -monadelphian -monadelphous -monadic -monadical -monadically -monadiform -monadigerous -Monadina -monadism -monadistic -monadnock -monadology -monaene -monal -monamniotic -Monanday -monander -Monandria -monandrian -monandric -monandrous -monandry -monanthous -monapsal -monarch -monarchal -monarchally -monarchess -monarchial -monarchian -monarchianism -monarchianist -monarchianistic -monarchic -monarchical -monarchically -monarchism -monarchist -monarchistic -monarchize -monarchizer -monarchlike -monarchomachic -monarchomachist -monarchy -Monarda -Monardella -monarthritis -monarticular -monas -Monasa -Monascidiae -monascidian -monase -monaster -monasterial -monasterially -monastery -monastic -monastical -monastically -monasticism -monasticize -monatomic -monatomicity -monatomism -monaulos -monaural -monaxial -monaxile -monaxon -monaxonial -monaxonic -Monaxonida -monazine -monazite -Monbuttu -monchiquite -Monday -Mondayish -Mondayishness -Mondayland -mone -Monegasque -Monel -monel -monembryary -monembryonic -monembryony -monepic -monepiscopacy -monepiscopal -moner -Monera -moneral -moneran -monergic -monergism -monergist -monergistic -moneric -moneron -Monerozoa -monerozoan -monerozoic -monerula -Moneses -monesia -monetarily -monetary -monetite -monetization -monetize -money -moneyage -moneybag -moneybags -moneyed -moneyer -moneyflower -moneygrub -moneygrubber -moneygrubbing -moneylender -moneylending -moneyless -moneymonger -moneymongering -moneysaving -moneywise -moneywort -mong -mongcorn -monger -mongering -mongery -Monghol -Mongholian -Mongibel -mongler -Mongo -Mongol -Mongolian -Mongolianism -Mongolic -Mongolioid -Mongolish -Mongolism -Mongolization -Mongolize -Mongoloid -mongoose -Mongoyo -mongrel -mongreldom -mongrelish -mongrelism -mongrelity -mongrelization -mongrelize -mongrelly -mongrelness -mongst -monheimite -monial -Monias -Monica -moniker -monilated -monilethrix -Monilia -Moniliaceae -moniliaceous -Moniliales -monilicorn -moniliform -moniliformly -monilioid -moniment -Monimia -Monimiaceae -monimiaceous -monimolite -monimostylic -monism -monist -monistic -monistical -monistically -monition -monitive -monitor -monitorial -monitorially -monitorish -monitorship -monitory -monitress -monitrix -monk -monkbird -monkcraft -monkdom -monkery -monkess -monkey -monkeyboard -monkeyface -monkeyfy -monkeyhood -monkeyish -monkeyishly -monkeyishness -monkeylike -monkeynut -monkeypod -monkeypot -monkeyry -monkeyshine -monkeytail -monkfish -monkflower -monkhood -monkish -monkishly -monkishness -monkism -monklike -monkliness -monkly -monkmonger -monkship -monkshood -Monmouth -monmouthite -monny -Mono -mono -monoacetate -monoacetin -monoacid -monoacidic -monoamide -monoamine -monoamino -monoammonium -monoazo -monobacillary -monobase -monobasic -monobasicity -monoblastic -monoblepsia -monoblepsis -monobloc -monobranchiate -monobromacetone -monobromated -monobromide -monobrominated -monobromination -monobromized -monobromoacetanilide -monobromoacetone -monobutyrin -monocalcium -monocarbide -monocarbonate -monocarbonic -monocarboxylic -monocardian -monocarp -monocarpal -monocarpellary -monocarpian -monocarpic -monocarpous -monocellular -monocentric -monocentrid -Monocentridae -Monocentris -monocentroid -monocephalous -monocercous -monoceros -monocerous -monochasial -monochasium -Monochlamydeae -monochlamydeous -monochlor -monochloracetic -monochloranthracene -monochlorbenzene -monochloride -monochlorinated -monochlorination -monochloro -monochloroacetic -monochlorobenzene -monochloromethane -monochoanitic -monochord -monochordist -monochordize -monochroic -monochromasy -monochromat -monochromate -monochromatic -monochromatically -monochromatism -monochromator -monochrome -monochromic -monochromical -monochromically -monochromist -monochromous -monochromy -monochronic -monochronous -monociliated -monocle -monocled -monocleid -monoclinal -monoclinally -monocline -monoclinian -monoclinic -monoclinism -monoclinometric -monoclinous -Monoclonius -Monocoelia -monocoelian -monocoelic -Monocondyla -monocondylar -monocondylian -monocondylic -monocondylous -monocormic -monocot -monocotyledon -Monocotyledones -monocotyledonous -monocracy -monocrat -monocratic -monocrotic -monocrotism -monocular -monocularity -monocularly -monoculate -monocule -monoculist -monoculous -monocultural -monoculture -monoculus -monocyanogen -monocycle -monocyclic -Monocyclica -monocystic -Monocystidae -Monocystidea -Monocystis -monocyte -monocytic -monocytopoiesis -monodactyl -monodactylate -monodactyle -monodactylism -monodactylous -monodactyly -monodelph -Monodelphia -monodelphian -monodelphic -monodelphous -monodermic -monodic -monodically -monodimetric -monodist -monodize -monodomous -Monodon -monodont -Monodonta -monodontal -monodram -monodrama -monodramatic -monodramatist -monodromic -monodromy -monody -monodynamic -monodynamism -Monoecia -monoecian -monoecious -monoeciously -monoeciousness -monoecism -monoeidic -monoestrous -monoethanolamine -monoethylamine -monofilament -monofilm -monoflagellate -monoformin -monogamian -monogamic -monogamist -monogamistic -monogamous -monogamously -monogamousness -monogamy -monoganglionic -monogastric -monogene -Monogenea -monogeneity -monogeneous -monogenesis -monogenesist -monogenesy -monogenetic -Monogenetica -monogenic -monogenism -monogenist -monogenistic -monogenous -monogeny -monoglot -monoglycerid -monoglyceride -monogoneutic -monogonoporic -monogonoporous -monogony -monogram -monogrammatic -monogrammatical -monogrammed -monogrammic -monograph -monographer -monographic -monographical -monographically -monographist -monography -monograptid -Monograptidae -Monograptus -monogynic -monogynious -monogynist -monogynoecial -monogynous -monogyny -monohybrid -monohydrate -monohydrated -monohydric -monohydrogen -monohydroxy -monoicous -monoid -monoketone -monolater -monolatrist -monolatrous -monolatry -monolayer -monoline -monolingual -monolinguist -monoliteral -monolith -monolithal -monolithic -monolobular -monolocular -monologian -monologic -monological -monologist -monologize -monologue -monologuist -monology -monomachist -monomachy -monomania -monomaniac -monomaniacal -monomastigate -monomeniscous -monomer -monomeric -monomerous -monometallic -monometallism -monometallist -monometer -monomethyl -monomethylated -monomethylic -monometric -monometrical -monomial -monomict -monomineral -monomineralic -monomolecular -monomolybdate -Monomorium -monomorphic -monomorphism -monomorphous -Monomya -Monomyaria -monomyarian -mononaphthalene -mononch -Mononchus -mononeural -Monongahela -mononitrate -mononitrated -mononitration -mononitride -mononitrobenzene -mononomial -mononomian -monont -mononuclear -mononucleated -mononucleosis -mononychous -mononym -mononymic -mononymization -mononymize -mononymy -monoousian -monoousious -monoparental -monoparesis -monoparesthesia -monopathic -monopathy -monopectinate -monopersonal -monopersulfuric -monopersulphuric -Monopetalae -monopetalous -monophagism -monophagous -monophagy -monophase -monophasia -monophasic -monophobia -monophone -monophonic -monophonous -monophony -monophotal -monophote -monophthalmic -monophthalmus -monophthong -monophthongal -monophthongization -monophthongize -monophyletic -monophyleticism -monophylite -monophyllous -monophyodont -monophyodontism -Monophysite -Monophysitic -Monophysitical -Monophysitism -monopitch -monoplacula -monoplacular -monoplaculate -monoplane -monoplanist -monoplasmatic -monoplast -monoplastic -monoplegia -monoplegic -Monopneumoa -monopneumonian -monopneumonous -monopode -monopodial -monopodially -monopodic -monopodium -monopodous -monopody -monopolar -monopolaric -monopolarity -monopole -monopolism -monopolist -monopolistic -monopolistically -monopolitical -monopolizable -monopolization -monopolize -monopolizer -monopolous -monopoly -monopolylogist -monopolylogue -monopotassium -monoprionid -monoprionidian -monopsonistic -monopsony -monopsychism -monopteral -Monopteridae -monopteroid -monopteron -monopteros -monopterous -monoptic -monoptical -monoptote -monoptotic -Monopylaea -Monopylaria -monopylean -monopyrenous -monorail -monorailroad -monorailway -monorchid -monorchidism -monorchis -monorchism -monorganic -Monorhina -monorhinal -monorhine -monorhyme -monorhymed -monorhythmic -monosaccharide -monosaccharose -monoschemic -monoscope -monose -monosemic -monosepalous -monoservice -monosilane -monosilicate -monosilicic -monosiphonic -monosiphonous -monosodium -monosomatic -monosomatous -monosome -monosomic -monosperm -monospermal -monospermic -monospermous -monospermy -monospherical -monospondylic -monosporangium -monospore -monospored -monosporiferous -monosporous -monostele -monostelic -monostelous -monostely -monostich -monostichous -Monostomata -Monostomatidae -monostomatous -monostome -Monostomidae -monostomous -Monostomum -monostromatic -monostrophe -monostrophic -monostrophics -monostylous -monosubstituted -monosubstitution -monosulfone -monosulfonic -monosulphide -monosulphone -monosulphonic -monosyllabic -monosyllabical -monosyllabically -monosyllabism -monosyllabize -monosyllable -monosymmetric -monosymmetrical -monosymmetrically -monosymmetry -monosynthetic -monotelephone -monotelephonic -monotellurite -Monothalama -monothalamian -monothalamous -monothecal -monotheism -monotheist -monotheistic -monotheistical -monotheistically -Monothelete -Monotheletian -Monotheletic -Monotheletism -monothelious -Monothelism -Monothelitic -Monothelitism -monothetic -monotic -monotint -Monotocardia -monotocardiac -monotocardian -monotocous -monotomous -monotone -monotonic -monotonical -monotonically -monotonist -monotonize -monotonous -monotonously -monotonousness -monotony -monotremal -Monotremata -monotremate -monotrematous -monotreme -monotremous -monotrichous -monotriglyph -monotriglyphic -Monotrocha -monotrochal -monotrochian -monotrochous -Monotropa -Monotropaceae -monotropaceous -monotrophic -monotropic -Monotropsis -monotropy -monotypal -monotype -monotypic -monotypical -monotypous -monoureide -monovalence -monovalency -monovalent -monovariant -monoverticillate -monovoltine -monovular -monoxenous -monoxide -monoxime -monoxyle -monoxylic -monoxylon -monoxylous -Monozoa -monozoan -monozoic -monozygotic -Monroeism -Monroeist -monrolite -monseigneur -monsieur -monsieurship -monsignor -monsignorial -Monsoni -monsoon -monsoonal -monsoonish -monsoonishly -monster -Monstera -monsterhood -monsterlike -monstership -monstrance -monstrate -monstration -monstrator -monstricide -monstriferous -monstrification -monstrify -monstrosity -monstrous -monstrously -monstrousness -Mont -montage -Montagnac -Montagnais -Montana -montana -Montanan -montane -montanic -montanin -Montanism -Montanist -Montanistic -Montanistical -montanite -Montanize -montant -Montargis -Montauk -montbretia -monte -montebrasite -monteith -montem -Montenegrin -Montepulciano -Monterey -Montes -Montesco -Montesinos -Montessorian -Montessorianism -Montezuma -montgolfier -month -monthly -monthon -Montia -monticellite -monticle -monticoline -monticulate -monticule -Monticulipora -Monticuliporidae -monticuliporidean -monticuliporoid -monticulose -monticulous -monticulus -montiform -montigeneous -montilla -montjoy -montmartrite -Montmorency -montmorilonite -monton -Montrachet -montroydite -Montu -monture -Monty -Monumbo -monument -monumental -monumentalism -monumentality -monumentalization -monumentalize -monumentally -monumentary -monumentless -monumentlike -monzodiorite -monzogabbro -monzonite -monzonitic -moo -Mooachaht -mooch -moocha -moocher -moochulka -mood -mooder -moodily -moodiness -moodish -moodishly -moodishness -moodle -moody -mooing -mool -moolet -moolings -mools -moolum -moon -moonack -moonbeam -moonbill -moonblink -mooncalf -mooncreeper -moondown -moondrop -mooned -mooner -moonery -mooneye -moonface -moonfaced -moonfall -moonfish -moonflower -moonglade -moonglow -moonhead -moonily -mooniness -mooning -moonish -moonite -moonja -moonjah -moonless -moonlet -moonlight -moonlighted -moonlighter -moonlighting -moonlighty -moonlike -moonlikeness -moonlit -moonlitten -moonman -moonpath -moonpenny -moonproof -moonraker -moonraking -moonrise -moonsail -moonscape -moonseed -moonset -moonshade -moonshine -moonshiner -moonshining -moonshiny -moonsick -moonsickness -moonstone -moontide -moonwalker -moonwalking -moonward -moonwards -moonway -moonwort -moony -moop -Moor -moor -moorage -moorball -moorband -moorberry -moorbird -moorburn -moorburner -moorburning -Moore -moorflower -moorfowl -mooring -Moorish -moorish -moorishly -moorishness -moorland -moorlander -Moorman -moorman -moorn -moorpan -moors -Moorship -moorsman -moorstone -moortetter -moorup -moorwort -moory -moosa -moose -mooseberry -moosebird -moosebush -moosecall -mooseflower -moosehood -moosemise -moosetongue -moosewob -moosewood -moosey -moost -moot -mootable -mooter -mooth -mooting -mootman -mootstead -mootworthy -mop -Mopan -mopane -mopboard -mope -moper -moph -mophead -mopheaded -moping -mopingly -mopish -mopishly -mopishness -mopla -mopper -moppet -moppy -mopstick -mopsy -mopus -Moquelumnan -moquette -Moqui -mor -mora -Moraceae -moraceous -Moraea -morainal -moraine -morainic -moral -morale -moralism -moralist -moralistic -moralistically -morality -moralization -moralize -moralizer -moralizingly -moralless -morally -moralness -morals -Moran -morass -morassic -morassweed -morassy -morat -morate -moration -moratoria -moratorium -moratory -Moravian -Moravianism -Moravianized -Moravid -moravite -moray -morbid -morbidity -morbidize -morbidly -morbidness -morbiferal -morbiferous -morbific -morbifical -morbifically -morbify -morbility -morbillary -morbilli -morbilliform -morbillous -morcellate -morcellated -morcellation -Morchella -Morcote -mordacious -mordaciously -mordacity -mordancy -mordant -mordantly -Mordella -mordellid -Mordellidae -mordelloid -mordenite -mordent -mordicate -mordication -mordicative -mordore -Mordv -Mordva -Mordvin -Mordvinian -more -moreen -morefold -moreish -morel -morella -morello -morencite -moreness -morenita -morenosite -Moreote -moreover -morepork -mores -Moresque -morfrey -morg -morga -Morgan -morgan -Morgana -morganatic -morganatical -morganatically -morganic -morganite -morganize -morgay -morgen -morgengift -morgenstern -morglay -morgue -moribund -moribundity -moribundly -moric -moriche -moriform -morigerate -morigeration -morigerous -morigerously -morigerousness -morillon -morin -Morinaceae -Morinda -morindin -morindone -morinel -Moringa -Moringaceae -moringaceous -moringad -Moringua -moringuid -Moringuidae -moringuoid -morion -Moriori -Moriscan -Morisco -Morisonian -Morisonianism -morkin -morlop -mormaor -mormaordom -mormaorship -mormo -Mormon -mormon -Mormondom -Mormoness -Mormonism -Mormonist -Mormonite -Mormonweed -Mormoops -mormyr -mormyre -mormyrian -mormyrid -Mormyridae -mormyroid -Mormyrus -morn -morne -morned -morning -morningless -morningly -mornings -morningtide -morningward -mornless -mornlike -morntime -mornward -Moro -moro -moroc -Moroccan -Morocco -morocco -morocota -morological -morologically -morologist -morology -moromancy -moron -moroncy -morong -moronic -Moronidae -moronism -moronity -moronry -Moropus -morosaurian -morosauroid -Morosaurus -morose -morosely -moroseness -morosis -morosity -moroxite -morph -morphallaxis -morphea -Morphean -morpheme -morphemic -morphemics -morphetic -Morpheus -morphew -morphia -morphiate -morphic -morphically -morphinate -morphine -morphinic -morphinism -morphinist -morphinization -morphinize -morphinomania -morphinomaniac -morphiomania -morphiomaniac -Morpho -morphogenesis -morphogenetic -morphogenic -morphogeny -morphographer -morphographic -morphographical -morphographist -morphography -morpholine -morphologic -morphological -morphologically -morphologist -morphology -morphometrical -morphometry -morphon -morphonomic -morphonomy -morphophonemic -morphophonemically -morphophonemics -morphophyly -morphoplasm -morphoplasmic -morphosis -morphotic -morphotropic -morphotropism -morphotropy -morphous -Morrenian -Morrhua -morrhuate -morrhuine -morricer -Morris -morris -Morrisean -morrow -morrowing -morrowless -morrowmass -morrowspeech -morrowtide -morsal -Morse -morse -morsel -morselization -morselize -morsing -morsure -mort -mortacious -mortal -mortalism -mortalist -mortality -mortalize -mortally -mortalness -mortalwise -mortar -mortarboard -mortarize -mortarless -mortarlike -mortarware -mortary -mortbell -mortcloth -mortersheen -mortgage -mortgageable -mortgagee -mortgagor -morth -morthwyrtha -mortician -mortier -mortiferous -mortiferously -mortiferousness -mortific -mortification -mortified -mortifiedly -mortifiedness -mortifier -mortify -mortifying -mortifyingly -Mortimer -mortise -mortiser -mortling -mortmain -mortmainer -Morton -mortuarian -mortuary -mortuous -morula -morular -morulation -morule -moruloid -Morus -morvin -morwong -Mosaic -mosaic -Mosaical -mosaical -mosaically -mosaicism -mosaicist -Mosaicity -Mosaism -Mosaist -mosaist -mosandrite -mosasaur -Mosasauri -Mosasauria -mosasaurian -mosasaurid -Mosasauridae -mosasauroid -Mosasaurus -Mosatenan -moschate -moschatel -moschatelline -Moschi -Moschidae -moschiferous -Moschinae -moschine -Moschus -Moscow -Mose -Moselle -Moses -mosesite -Mosetena -mosette -mosey -Mosgu -moskeneer -mosker -Moslem -Moslemah -Moslemic -Moslemin -Moslemism -Moslemite -Moslemize -moslings -mosque -mosquelet -mosquish -mosquital -Mosquito -mosquito -mosquitobill -mosquitocidal -mosquitocide -mosquitoey -mosquitoish -mosquitoproof -moss -mossback -mossberry -mossbunker -mossed -mosser -mossery -mossful -mosshead -Mossi -mossiness -mossless -mosslike -mosstrooper -mosstroopery -mosstrooping -mosswort -mossy -mossyback -most -moste -Mosting -mostlike -mostlings -mostly -mostness -Mosul -Mosur -mot -Motacilla -motacillid -Motacillidae -Motacillinae -motacilline -motatorious -motatory -Motazilite -mote -moted -motel -moteless -moter -motet -motettist -motey -moth -mothed -mother -motherdom -mothered -motherer -mothergate -motherhood -motheriness -mothering -motherkin -motherland -motherless -motherlessness -motherlike -motherliness -motherling -motherly -mothership -mothersome -motherward -motherwise -motherwort -mothery -mothless -mothlike -mothproof -mothworm -mothy -motif -motific -motile -motility -motion -motionable -motional -motionless -motionlessly -motionlessness -motitation -motivate -motivation -motivational -motive -motiveless -motivelessly -motivelessness -motiveness -motivity -motley -motleyness -motmot -motofacient -motograph -motographic -motomagnetic -motoneuron -motophone -motor -motorable -motorboat -motorboatman -motorbus -motorcab -motorcade -motorcar -motorcycle -motorcyclist -motordom -motordrome -motored -motorial -motoric -motoring -motorism -motorist -motorium -motorization -motorize -motorless -motorman -motorneer -motorphobe -motorphobia -motorphobiac -motorway -motory -Motozintlec -Motozintleca -motricity -Mott -mott -motte -mottle -mottled -mottledness -mottlement -mottler -mottling -motto -mottoed -mottoless -mottolike -mottramite -motyka -mou -moucharaby -mouchardism -mouche -mouchrabieh -moud -moudie -moudieman -moudy -mouflon -Mougeotia -Mougeotiaceae -mouillation -mouille -mouillure -moujik -moul -mould -moulded -moule -moulin -moulinage -moulinet -moulleen -moulrush -mouls -moulter -mouly -mound -moundiness -moundlet -moundwork -moundy -mount -mountable -mountably -mountain -mountained -mountaineer -mountainet -mountainette -mountainless -mountainlike -mountainous -mountainously -mountainousness -mountainside -mountaintop -mountainward -mountainwards -mountainy -mountant -mountebank -mountebankery -mountebankish -mountebankism -mountebankly -mounted -mounter -Mountie -mounting -mountingly -mountlet -mounture -moup -mourn -mourner -mourneress -mournful -mournfully -mournfulness -mourning -mourningly -mournival -mournsome -mouse -mousebane -mousebird -mousefish -mousehawk -mousehole -mousehound -Mouseion -mousekin -mouselet -mouselike -mouseproof -mouser -mousery -mouseship -mousetail -mousetrap -mouseweb -mousey -mousily -mousiness -mousing -mousingly -mousle -mousmee -Mousoni -mousquetaire -mousse -Mousterian -moustoc -mousy -mout -moutan -mouth -mouthable -mouthbreeder -mouthed -mouther -mouthful -mouthily -mouthiness -mouthing -mouthingly -mouthishly -mouthless -mouthlike -mouthpiece -mouthroot -mouthwash -mouthwise -mouthy -mouton -moutonnee -mouzah -mouzouna -movability -movable -movableness -movably -movant -move -moveability -moveableness -moveably -moveless -movelessly -movelessness -movement -mover -movie -moviedom -movieize -movieland -moving -movingly -movingness -mow -mowable -mowana -mowburn -mowburnt -mowch -mowcht -mower -mowha -mowie -mowing -mowland -mown -mowra -mowrah -mowse -mowstead -mowt -mowth -moxa -moxieberry -Moxo -moy -moyen -moyenless -moyenne -moyite -moyle -moyo -Mozambican -mozambique -Mozarab -Mozarabian -Mozarabic -Mozartean -mozemize -mozing -mozzetta -Mpangwe -Mpondo -mpret -Mr -Mrs -Mru -mu -muang -mubarat -mucago -mucaro -mucedin -mucedinaceous -mucedine -mucedinous -much -muchfold -muchly -muchness -mucic -mucid -mucidness -muciferous -mucific -muciform -mucigen -mucigenous -mucilage -mucilaginous -mucilaginously -mucilaginousness -mucin -mucinogen -mucinoid -mucinous -muciparous -mucivore -mucivorous -muck -muckender -Mucker -mucker -muckerish -muckerism -mucket -muckiness -muckite -muckle -muckluck -muckman -muckment -muckmidden -muckna -muckrake -muckraker -mucksweat -mucksy -muckthrift -muckweed -muckworm -mucky -mucluc -mucocele -mucocellulose -mucocellulosic -mucocutaneous -mucodermal -mucofibrous -mucoflocculent -mucoid -mucomembranous -muconic -mucoprotein -mucopurulent -mucopus -mucor -Mucoraceae -mucoraceous -Mucorales -mucorine -mucorioid -mucormycosis -mucorrhea -mucosa -mucosal -mucosanguineous -mucose -mucoserous -mucosity -mucosocalcareous -mucosogranular -mucosopurulent -mucososaccharine -mucous -mucousness -mucro -mucronate -mucronately -mucronation -mucrones -mucroniferous -mucroniform -mucronulate -mucronulatous -muculent -Mucuna -mucus -mucusin -mud -mudar -mudbank -mudcap -mudd -mudde -mudden -muddify -muddily -muddiness -mudding -muddish -muddle -muddlebrained -muddledom -muddlehead -muddleheaded -muddleheadedness -muddlement -muddleproof -muddler -muddlesome -muddlingly -muddy -muddybrained -muddybreast -muddyheaded -mudee -Mudejar -mudfish -mudflow -mudguard -mudhead -mudhole -mudhopper -mudir -mudiria -mudland -mudlark -mudlarker -mudless -mudproof -mudra -mudsill -mudskipper -mudslinger -mudslinging -mudspate -mudstain -mudstone -mudsucker -mudtrack -mudweed -mudwort -Muehlenbeckia -muermo -muezzin -muff -muffed -muffet -muffetee -muffin -muffineer -muffish -muffishness -muffle -muffled -muffleman -muffler -mufflin -muffy -mufti -mufty -mug -muga -mugearite -mugful -mugg -mugger -mugget -muggily -mugginess -muggins -muggish -muggles -Muggletonian -Muggletonianism -muggy -mughouse -mugience -mugiency -mugient -Mugil -Mugilidae -mugiliform -mugiloid -mugweed -mugwort -mugwump -mugwumpery -mugwumpian -mugwumpism -muhammadi -Muharram -Muhlenbergia -muid -Muilla -muir -muirburn -muircock -muirfowl -muishond -muist -mujtahid -Mukden -mukluk -Mukri -muktar -muktatma -mukti -mulaprakriti -mulatta -mulatto -mulattoism -mulattress -mulberry -mulch -mulcher -Mulciber -Mulcibirian -mulct -mulctable -mulctary -mulctation -mulctative -mulctatory -mulctuary -mulder -mule -muleback -mulefoot -mulefooted -muleman -muleta -muleteer -muletress -muletta -mulewort -muley -mulga -muliebral -muliebria -muliebrile -muliebrity -muliebrous -mulier -mulierine -mulierose -mulierosity -mulish -mulishly -mulishness -mulism -mulita -mulk -mull -mulla -mullah -mullar -mullein -mullenize -muller -Mullerian -mullet -mulletry -mullets -mulley -mullid -Mullidae -mulligan -mulligatawny -mulligrubs -mullion -mullite -mullock -mullocker -mullocky -mulloid -mulloway -mulmul -mulse -mulsify -mult -multangular -multangularly -multangularness -multangulous -multangulum -Multani -multanimous -multarticulate -multeity -multiangular -multiareolate -multiarticular -multiarticulate -multiarticulated -multiaxial -multiblade -multibladed -multibranched -multibranchiate -multibreak -multicamerate -multicapitate -multicapsular -multicarinate -multicarinated -multicellular -multicentral -multicentric -multicharge -multichord -multichrome -multiciliate -multiciliated -multicipital -multicircuit -multicoccous -multicoil -multicolor -multicolored -multicolorous -multicomponent -multiconductor -multiconstant -multicore -multicorneal -multicostate -multicourse -multicrystalline -multicuspid -multicuspidate -multicycle -multicylinder -multicylindered -multidentate -multidenticulate -multidenticulated -multidigitate -multidimensional -multidirectional -multidisperse -multiengine -multiengined -multiexhaust -multifaced -multifaceted -multifactorial -multifamilial -multifarious -multifariously -multifariousness -multiferous -multifetation -multifibered -multifid -multifidly -multifidous -multifidus -multifilament -multifistular -multiflagellate -multiflagellated -multiflash -multiflorous -multiflow -multiflue -multifocal -multifoil -multifoiled -multifold -multifoliate -multifoliolate -multiform -multiformed -multiformity -multifurcate -multiganglionic -multigap -multigranulate -multigranulated -Multigraph -multigraph -multigrapher -multiguttulate -multigyrate -multihead -multihearth -multihued -multijet -multijugate -multijugous -multilaciniate -multilamellar -multilamellate -multilamellous -multilaminar -multilaminate -multilaminated -multilateral -multilaterally -multilighted -multilineal -multilinear -multilingual -multilinguist -multilirate -multiliteral -multilobar -multilobate -multilobe -multilobed -multilobular -multilobulate -multilobulated -multilocation -multilocular -multiloculate -multiloculated -multiloquence -multiloquent -multiloquious -multiloquous -multiloquy -multimacular -multimammate -multimarble -multimascular -multimedial -multimetalic -multimetallism -multimetallist -multimillion -multimillionaire -multimodal -multimodality -multimolecular -multimotor -multimotored -multinational -multinervate -multinervose -multinodal -multinodate -multinodous -multinodular -multinomial -multinominal -multinominous -multinuclear -multinucleate -multinucleated -multinucleolar -multinucleolate -multinucleolated -multiovular -multiovulate -multipara -multiparient -multiparity -multiparous -multipartisan -multipartite -multiped -multiperforate -multiperforated -multipersonal -multiphase -multiphaser -multiphotography -multipinnate -multiplane -multiple -multiplepoinding -multiplet -multiplex -multipliable -multipliableness -multiplicability -multiplicable -multiplicand -multiplicate -multiplication -multiplicational -multiplicative -multiplicatively -multiplicator -multiplicity -multiplier -multiply -multiplying -multipointed -multipolar -multipole -multiported -multipotent -multipresence -multipresent -multiradial -multiradiate -multiradiated -multiradicate -multiradicular -multiramified -multiramose -multiramous -multirate -multireflex -multirooted -multirotation -multirotatory -multisaccate -multisacculate -multisacculated -multiscience -multiseated -multisect -multisector -multisegmental -multisegmentate -multisegmented -multisensual -multiseptate -multiserial -multiserially -multiseriate -multishot -multisiliquous -multisonous -multispeed -multispermous -multispicular -multispiculate -multispindle -multispinous -multispiral -multispired -multistage -multistaminate -multistoried -multistory -multistratified -multistratous -multistriate -multisulcate -multisulcated -multisyllabic -multisyllability -multisyllable -multitarian -multitentaculate -multitheism -multithreaded -multititular -multitoed -multitoned -multitube -Multituberculata -multituberculate -multituberculated -multituberculism -multituberculy -multitubular -multitude -multitudinal -multitudinary -multitudinism -multitudinist -multitudinistic -multitudinosity -multitudinous -multitudinously -multitudinousness -multiturn -multivagant -multivalence -multivalency -multivalent -multivalve -multivalved -multivalvular -multivane -multivariant -multivarious -multiversant -multiverse -multivibrator -multivincular -multivious -multivocal -multivocalness -multivoiced -multivolent -multivoltine -multivolumed -multivorous -multocular -multum -multungulate -multure -multurer -mum -mumble -mumblebee -mumblement -mumbler -mumbling -mumblingly -mummer -mummery -mummichog -mummick -mummied -mummification -mummiform -mummify -mumming -mummy -mummydom -mummyhood -mummylike -mumness -mump -mumper -mumphead -mumpish -mumpishly -mumpishness -mumps -mumpsimus -mumruffin -mun -Munandi -Muncerian -munch -Munchausenism -Munchausenize -muncheel -muncher -munchet -mund -Munda -mundane -mundanely -mundaneness -mundanism -mundanity -Mundari -mundatory -mundic -mundificant -mundification -mundifier -mundify -mundil -mundivagant -mundle -mung -munga -munge -mungey -mungo -mungofa -munguba -mungy -Munia -Munich -Munichism -municipal -municipalism -municipalist -municipality -municipalization -municipalize -municipalizer -municipally -municipium -munific -munificence -munificency -munificent -munificently -munificentness -muniment -munition -munitionary -munitioneer -munitioner -munitions -munity -munj -munjeet -munjistin -munnion -Munnopsidae -Munnopsis -Munsee -munshi -munt -Muntiacus -muntin -Muntingia -muntjac -Munychia -Munychian -Munychion -Muong -Muphrid -Mura -mura -Muradiyah -Muraena -Muraenidae -muraenoid -murage -mural -muraled -muralist -murally -Muran -Muranese -murasakite -Murat -Muratorian -murchy -murder -murderer -murderess -murdering -murderingly -murderish -murderment -murderous -murderously -murderousness -murdrum -mure -murenger -murex -murexan -murexide -murga -murgavi -murgeon -muriate -muriated -muriatic -muricate -muricid -Muricidae -muriciform -muricine -muricoid -muriculate -murid -Muridae -muridism -Muriel -muriform -muriformly -Murillo -Murinae -murine -murinus -muriti -murium -murk -murkily -murkiness -murkish -murkly -murkness -murksome -murky -murlin -murly -Murmi -murmur -murmuration -murmurator -murmurer -murmuring -murmuringly -murmurish -murmurless -murmurlessly -murmurous -murmurously -muromontite -Murph -murphy -murra -murrain -Murray -Murraya -murre -murrelet -murrey -murrhine -murrina -murrnong -murshid -Murthy -murumuru -Murut -muruxi -murva -murza -Murzim -Mus -Musa -Musaceae -musaceous -Musaeus -musal -Musales -Musalmani -musang -musar -Musca -muscade -muscadel -muscadine -Muscadinia -muscardine -Muscardinidae -Muscardinus -Muscari -muscariform -muscarine -muscat -muscatel -muscatorium -Musci -Muscicapa -Muscicapidae -muscicapine -muscicide -muscicole -muscicoline -muscicolous -muscid -Muscidae -musciform -Muscinae -muscle -muscled -muscleless -musclelike -muscling -muscly -Muscogee -muscoid -Muscoidea -muscologic -muscological -muscologist -muscology -muscone -muscose -muscoseness -muscosity -muscot -muscovadite -muscovado -Muscovi -Muscovite -muscovite -Muscovitic -muscovitization -muscovitize -muscovy -muscular -muscularity -muscularize -muscularly -musculation -musculature -muscule -musculin -musculoarterial -musculocellular -musculocutaneous -musculodermic -musculoelastic -musculofibrous -musculointestinal -musculoligamentous -musculomembranous -musculopallial -musculophrenic -musculospinal -musculospiral -musculotegumentary -musculotendinous -Muse -muse -mused -museful -musefully -museist -museless -muselike -museographist -museography -museologist -museology -muser -musery -musette -museum -museumize -Musgu -mush -musha -mushaa -Mushabbihite -mushed -musher -mushhead -mushheaded -mushheadedness -mushily -mushiness -mushla -mushmelon -mushrebiyeh -mushroom -mushroomer -mushroomic -mushroomlike -mushroomy -mushru -mushy -music -musical -musicale -musicality -musicalization -musicalize -musically -musicalness -musicate -musician -musiciana -musicianer -musicianly -musicianship -musicker -musicless -musiclike -musicmonger -musico -musicoartistic -musicodramatic -musicofanatic -musicographer -musicography -musicological -musicologist -musicologue -musicology -musicomania -musicomechanical -musicophilosophical -musicophobia -musicophysical -musicopoetic -musicotherapy -musicproof -musie -musily -musimon -musing -musingly -musk -muskat -muskeg -muskeggy -muskellunge -musket -musketade -musketeer -musketlike -musketoon -musketproof -musketry -muskflower -Muskhogean -muskie -muskiness -muskish -musklike -muskmelon -Muskogee -muskrat -muskroot -Muskwaki -muskwood -musky -muslin -muslined -muslinet -musnud -Musophaga -Musophagi -Musophagidae -musophagine -musquash -musquashroot -musquashweed -musquaspen -musquaw -musrol -muss -mussable -mussably -Mussaenda -mussal -mussalchee -mussel -musseled -musseler -mussily -mussiness -mussitate -mussitation -mussuk -Mussulman -Mussulmanic -Mussulmanish -Mussulmanism -Mussulwoman -mussurana -mussy -must -mustache -mustached -mustachial -mustachio -mustachioed -mustafina -Mustahfiz -mustang -mustanger -mustard -mustarder -mustee -Mustela -mustelid -Mustelidae -musteline -mustelinous -musteloid -Mustelus -muster -musterable -musterdevillers -musterer -mustermaster -mustify -mustily -mustiness -mustnt -musty -muta -Mutabilia -mutability -mutable -mutableness -mutably -mutafacient -mutage -mutagenic -mutant -mutarotate -mutarotation -mutase -mutate -mutation -mutational -mutationally -mutationism -mutationist -mutative -mutatory -mutawalli -Mutazala -mutch -mute -mutedly -mutely -muteness -Muter -mutesarif -mutescence -mutessarifat -muth -muthmannite -muthmassel -mutic -muticous -mutilate -mutilation -mutilative -mutilator -mutilatory -Mutilla -mutillid -Mutillidae -mutilous -mutineer -mutinous -mutinously -mutinousness -mutiny -Mutisia -Mutisiaceae -mutism -mutist -mutistic -mutive -mutivity -mutoscope -mutoscopic -mutsje -mutsuddy -mutt -mutter -mutterer -muttering -mutteringly -mutton -muttonbird -muttonchop -muttonfish -muttonhead -muttonheaded -muttonhood -muttonmonger -muttonwood -muttony -mutual -mutualism -mutualist -mutualistic -mutuality -mutualization -mutualize -mutually -mutualness -mutuary -mutuatitious -mutulary -mutule -mutuum -mux -Muysca -muyusa -muzhik -Muzo -muzz -muzzily -muzziness -muzzle -muzzler -muzzlewood -muzzy -Mwa -my -Mya -Myacea -myal -myalgia -myalgic -myalism -myall -Myaria -myarian -myasthenia -myasthenic -myatonia -myatonic -myatony -myatrophy -mycele -mycelia -mycelial -mycelian -mycelioid -mycelium -myceloid -Mycenaean -Mycetes -mycetism -mycetocyte -mycetogenesis -mycetogenetic -mycetogenic -mycetogenous -mycetoid -mycetological -mycetology -mycetoma -mycetomatous -Mycetophagidae -mycetophagous -mycetophilid -Mycetophilidae -mycetous -Mycetozoa -mycetozoan -mycetozoon -Mycobacteria -Mycobacteriaceae -Mycobacterium -mycocecidium -mycocyte -mycoderm -mycoderma -mycodermatoid -mycodermatous -mycodermic -mycodermitis -mycodesmoid -mycodomatium -mycogastritis -Mycogone -mycohaemia -mycohemia -mycoid -mycologic -mycological -mycologically -mycologist -mycologize -mycology -mycomycete -Mycomycetes -mycomycetous -mycomyringitis -mycophagist -mycophagous -mycophagy -mycophyte -Mycoplana -mycoplasm -mycoplasmic -mycoprotein -mycorhiza -mycorhizal -mycorrhizal -mycose -mycosin -mycosis -mycosozin -Mycosphaerella -Mycosphaerellaceae -mycosterol -mycosymbiosis -mycotic -mycotrophic -Mycteria -mycteric -mycterism -Myctodera -myctophid -Myctophidae -Myctophum -Mydaidae -mydaleine -mydatoxine -Mydaus -mydine -mydriasine -mydriasis -mydriatic -mydriatine -myectomize -myectomy -myectopia -myectopy -myelalgia -myelapoplexy -myelasthenia -myelatrophy -myelauxe -myelemia -myelencephalic -myelencephalon -myelencephalous -myelic -myelin -myelinate -myelinated -myelination -myelinic -myelinization -myelinogenesis -myelinogenetic -myelinogeny -myelitic -myelitis -myeloblast -myeloblastic -myelobrachium -myelocele -myelocerebellar -myelocoele -myelocyst -myelocystic -myelocystocele -myelocyte -myelocythaemia -myelocythemia -myelocytic -myelocytosis -myelodiastasis -myeloencephalitis -myeloganglitis -myelogenesis -myelogenetic -myelogenous -myelogonium -myeloic -myeloid -myelolymphangioma -myelolymphocyte -myeloma -myelomalacia -myelomatoid -myelomatosis -myelomenia -myelomeningitis -myelomeningocele -myelomere -myelon -myelonal -myeloneuritis -myelonic -myeloparalysis -myelopathic -myelopathy -myelopetal -myelophthisis -myeloplast -myeloplastic -myeloplax -myeloplegia -myelopoiesis -myelopoietic -myelorrhagia -myelorrhaphy -myelosarcoma -myelosclerosis -myelospasm -myelospongium -myelosyphilis -myelosyphilosis -myelosyringosis -myelotherapy -Myelozoa -myelozoan -myentasis -myenteric -myenteron -myesthesia -mygale -mygalid -mygaloid -Myiarchus -myiasis -myiferous -myiodesopsia -myiosis -myitis -mykiss -myliobatid -Myliobatidae -myliobatine -myliobatoid -Mylodon -mylodont -Mylodontidae -mylohyoid -mylohyoidean -mylonite -mylonitic -Mymar -mymarid -Mymaridae -myna -Mynheer -mynpacht -mynpachtbrief -myoalbumin -myoalbumose -myoatrophy -myoblast -myoblastic -myocardiac -myocardial -myocardiogram -myocardiograph -myocarditic -myocarditis -myocardium -myocele -myocellulitis -myoclonic -myoclonus -myocoele -myocoelom -myocolpitis -myocomma -myocyte -myodegeneration -Myodes -myodiastasis -myodynamia -myodynamic -myodynamics -myodynamiometer -myodynamometer -myoedema -myoelectric -myoendocarditis -myoepicardial -myoepithelial -myofibril -myofibroma -myogen -myogenesis -myogenetic -myogenic -myogenous -myoglobin -myoglobulin -myogram -myograph -myographer -myographic -myographical -myographist -myography -myohematin -myoid -myoidema -myokinesis -myolemma -myolipoma -myoliposis -myologic -myological -myologist -myology -myolysis -myoma -myomalacia -myomancy -myomantic -myomatous -myomectomy -myomelanosis -myomere -myometritis -myometrium -myomohysterectomy -myomorph -Myomorpha -myomorphic -myomotomy -myoneme -myoneural -myoneuralgia -myoneurasthenia -myoneure -myoneuroma -myoneurosis -myonosus -myopachynsis -myoparalysis -myoparesis -myopathia -myopathic -myopathy -myope -myoperitonitis -myophan -myophore -myophorous -myophysical -myophysics -myopia -myopic -myopical -myopically -myoplasm -myoplastic -myoplasty -myopolar -Myoporaceae -myoporaceous -myoporad -Myoporum -myoproteid -myoprotein -myoproteose -myops -myopy -myorrhaphy -myorrhexis -myosalpingitis -myosarcoma -myosarcomatous -myosclerosis -myoscope -myoseptum -myosin -myosinogen -myosinose -myosis -myositic -myositis -myosote -Myosotis -myospasm -myospasmia -Myosurus -myosuture -myosynizesis -myotacismus -Myotalpa -Myotalpinae -myotasis -myotenotomy -myothermic -myotic -myotome -myotomic -myotomy -myotonia -myotonic -myotonus -myotony -myotrophy -myowun -Myoxidae -myoxine -Myoxus -Myra -myrabalanus -myrabolam -myrcene -Myrcia -myrcia -myriacanthous -myriacoulomb -myriad -myriaded -myriadfold -myriadly -myriadth -myriagram -myriagramme -myrialiter -myrialitre -myriameter -myriametre -Myrianida -myriapod -Myriapoda -myriapodan -myriapodous -myriarch -myriarchy -myriare -Myrica -myrica -Myricaceae -myricaceous -Myricales -myricetin -myricin -Myrick -myricyl -myricylic -Myrientomata -myringa -myringectomy -myringitis -myringodectomy -myringodermatitis -myringomycosis -myringoplasty -myringotome -myringotomy -myriological -myriologist -myriologue -myriophyllite -myriophyllous -Myriophyllum -Myriopoda -myriopodous -myriorama -myrioscope -myriosporous -myriotheism -Myriotrichia -Myriotrichiaceae -myriotrichiaceous -myristate -myristic -Myristica -myristica -Myristicaceae -myristicaceous -Myristicivora -myristicivorous -myristin -myristone -Myrmecia -Myrmecobiinae -myrmecobine -Myrmecobius -myrmecochorous -myrmecochory -myrmecoid -myrmecoidy -myrmecological -myrmecologist -myrmecology -Myrmecophaga -Myrmecophagidae -myrmecophagine -myrmecophagoid -myrmecophagous -myrmecophile -myrmecophilism -myrmecophilous -myrmecophily -myrmecophobic -myrmecophyte -myrmecophytic -myrmekite -Myrmeleon -Myrmeleonidae -Myrmeleontidae -Myrmica -myrmicid -Myrmicidae -myrmicine -myrmicoid -Myrmidon -Myrmidonian -myrmotherine -myrobalan -Myron -myron -myronate -myronic -myrosin -myrosinase -Myrothamnaceae -myrothamnaceous -Myrothamnus -Myroxylon -myrrh -myrrhed -myrrhic -myrrhine -Myrrhis -myrrhol -myrrhophore -myrrhy -Myrsinaceae -myrsinaceous -myrsinad -Myrsiphyllum -Myrtaceae -myrtaceous -myrtal -Myrtales -myrtiform -Myrtilus -myrtle -myrtleberry -myrtlelike -myrtol -Myrtus -mysel -myself -mysell -Mysian -mysid -Mysidacea -Mysidae -mysidean -Mysis -mysogynism -mysoid -mysophobia -Mysore -mysosophist -mysost -myst -mystacial -Mystacocete -Mystacoceti -mystagogic -mystagogical -mystagogically -mystagogue -mystagogy -mystax -mysterial -mysteriarch -mysteriosophic -mysteriosophy -mysterious -mysteriously -mysteriousness -mysterize -mystery -mystes -mystic -mystical -mysticality -mystically -mysticalness -Mysticete -mysticete -Mysticeti -mysticetous -mysticism -mysticity -mysticize -mysticly -mystific -mystifically -mystification -mystificator -mystificatory -mystifiedly -mystifier -mystify -mystifyingly -mytacism -myth -mythical -mythicalism -mythicality -mythically -mythicalness -mythicism -mythicist -mythicize -mythicizer -mythification -mythify -mythism -mythist -mythize -mythland -mythmaker -mythmaking -mythoclast -mythoclastic -mythogenesis -mythogonic -mythogony -mythographer -mythographist -mythography -mythogreen -mythoheroic -mythohistoric -mythologema -mythologer -mythological -mythologically -mythologist -mythologize -mythologizer -mythologue -mythology -mythomania -mythomaniac -mythometer -mythonomy -mythopastoral -mythopoeic -mythopoeism -mythopoeist -mythopoem -mythopoesis -mythopoesy -mythopoet -mythopoetic -mythopoetize -mythopoetry -mythos -mythus -Mytilacea -mytilacean -mytilaceous -Mytiliaspis -mytilid -Mytilidae -mytiliform -mytiloid -mytilotoxine -Mytilus -myxa -myxadenitis -myxadenoma -myxaemia -myxamoeba -myxangitis -myxasthenia -myxedema -myxedematoid -myxedematous -myxedemic -myxemia -Myxine -Myxinidae -myxinoid -Myxinoidei -myxo -Myxobacteria -Myxobacteriaceae -myxobacteriaceous -Myxobacteriales -myxoblastoma -myxochondroma -myxochondrosarcoma -Myxococcus -myxocystoma -myxocyte -myxoenchondroma -myxofibroma -myxofibrosarcoma -myxoflagellate -myxogaster -Myxogasteres -Myxogastrales -Myxogastres -myxogastric -myxogastrous -myxoglioma -myxoid -myxoinoma -myxolipoma -myxoma -myxomatosis -myxomatous -Myxomycetales -myxomycete -Myxomycetes -myxomycetous -myxomyoma -myxoneuroma -myxopapilloma -Myxophyceae -myxophycean -Myxophyta -myxopod -Myxopoda -myxopodan -myxopodium -myxopodous -myxopoiesis -myxorrhea -myxosarcoma -Myxospongiae -myxospongian -Myxospongida -myxospore -Myxosporidia -myxosporidian -Myxosporidiida -Myxosporium -myxosporous -Myxothallophyta -myxotheca -Myzodendraceae -myzodendraceous -Myzodendron -Myzomyia -myzont -Myzontes -Myzostoma -Myzostomata -myzostomatous -myzostome -myzostomid -Myzostomida -Myzostomidae -myzostomidan -myzostomous -N -n -na -naa -naam -Naaman -Naassenes -nab -nabak -Nabal -Nabalism -Nabalite -Nabalitic -Nabaloi -Nabalus -Nabataean -Nabatean -Nabathaean -Nabathean -Nabathite -nabber -Nabby -nabk -nabla -nable -nabob -nabobery -nabobess -nabobical -nabobish -nabobishly -nabobism -nabobry -nabobship -Nabothian -nabs -Nabu -nacarat -nacarine -nace -nacelle -nach -nachani -Nachitoch -Nachitoches -Nachschlag -Nacionalista -nacket -nacre -nacred -nacreous -nacrine -nacrite -nacrous -nacry -nadder -Nadeem -nadir -nadiral -nadorite -nae -naebody -naegate -naegates -nael -Naemorhedinae -naemorhedine -Naemorhedus -naether -naething -nag -Naga -naga -nagaika -nagana -nagara -Nagari -nagatelite -nagger -naggin -nagging -naggingly -naggingness -naggish -naggle -naggly -naggy -naght -nagkassar -nagmaal -nagman -nagnag -nagnail -nagor -nagsman -nagster -nagual -nagualism -nagualist -nagyagite -Nahanarvali -Nahane -Nahani -Naharvali -Nahor -Nahua -Nahuan -Nahuatl -Nahuatlac -Nahuatlan -Nahuatleca -Nahuatlecan -Nahum -naiad -Naiadaceae -naiadaceous -Naiadales -Naiades -naiant -Naias -naid -naif -naifly -naig -naigie -naik -nail -nailbin -nailbrush -nailer -naileress -nailery -nailhead -nailing -nailless -naillike -nailprint -nailproof -nailrod -nailshop -nailsick -nailsmith -nailwort -naily -Naim -nain -nainsel -nainsook -naio -naipkin -Nair -nairy -nais -naish -naissance -naissant -naither -naive -naively -naiveness -naivete -naivety -Naja -nak -nake -naked -nakedish -nakedize -nakedly -nakedness -nakedweed -nakedwood -naker -nakhlite -nakhod -nakhoda -Nakir -nako -Nakomgilisala -nakong -nakoo -Nakula -Nalita -nallah -nam -Nama -namability -namable -Namaqua -namaqua -Namaquan -namaycush -namaz -namazlik -Nambe -namda -name -nameability -nameable -nameboard -nameless -namelessly -namelessness -nameling -namely -namer -namesake -naming -nammad -Nan -nan -Nana -nana -Nanaimo -nanawood -Nance -Nancy -nancy -Nanda -Nandi -nandi -Nandina -nandine -nandow -nandu -nane -nanes -nanga -nanism -nanization -nankeen -Nankin -nankin -Nanking -Nankingese -nannander -nannandrium -nannandrous -Nannette -nannoplankton -Nanny -nanny -nannyberry -nannybush -nanocephalia -nanocephalic -nanocephalism -nanocephalous -nanocephalus -nanocephaly -nanoid -nanomelia -nanomelous -nanomelus -nanosoma -nanosomia -nanosomus -nanpie -nant -Nanticoke -nantle -nantokite -Nantz -naological -naology -naometry -Naomi -Naos -naos -Naosaurus -Naoto -nap -napa -Napaea -Napaean -napal -napalm -nape -napead -napecrest -napellus -naperer -napery -naphtha -naphthacene -naphthalate -naphthalene -naphthaleneacetic -naphthalenesulphonic -naphthalenic -naphthalenoid -naphthalic -naphthalidine -naphthalin -naphthaline -naphthalization -naphthalize -naphthalol -naphthamine -naphthanthracene -naphthene -naphthenic -naphthinduline -naphthionate -naphtho -naphthoic -naphthol -naphtholate -naphtholize -naphtholsulphonate -naphtholsulphonic -naphthoquinone -naphthoresorcinol -naphthosalol -naphthous -naphthoxide -naphthyl -naphthylamine -naphthylaminesulphonic -naphthylene -naphthylic -naphtol -Napierian -napiform -napkin -napkining -napless -naplessness -Napoleon -napoleon -Napoleonana -Napoleonic -Napoleonically -Napoleonism -Napoleonist -Napoleonistic -napoleonite -Napoleonize -napoo -nappe -napped -napper -nappiness -napping -nappishness -nappy -naprapath -naprapathy -napron -napthionic -napu -nar -Narcaciontes -Narcaciontidae -narceine -narcism -Narciss -Narcissan -narcissi -Narcissine -narcissism -narcissist -narcissistic -Narcissus -narcist -narcistic -narcoanalysis -narcoanesthesia -Narcobatidae -Narcobatoidea -Narcobatus -narcohypnia -narcohypnosis -narcolepsy -narcoleptic -narcoma -narcomania -narcomaniac -narcomaniacal -narcomatous -Narcomedusae -narcomedusan -narcose -narcosis -narcostimulant -narcosynthesis -narcotherapy -narcotia -narcotic -narcotical -narcotically -narcoticalness -narcoticism -narcoticness -narcotina -narcotine -narcotinic -narcotism -narcotist -narcotization -narcotize -narcous -nard -nardine -nardoo -Nardus -Naren -Narendra -nares -Naresh -narghile -nargil -narial -naric -narica -naricorn -nariform -narine -naringenin -naringin -nark -narky -narr -narra -Narraganset -narras -narratable -narrate -narrater -narration -narrational -narrative -narratively -narrator -narratory -narratress -narratrix -narrawood -narrow -narrower -narrowhearted -narrowheartedness -narrowingness -narrowish -narrowly -narrowness -narrowy -narsarsukite -narsinga -narthecal -Narthecium -narthex -narwhal -narwhalian -nary -nasab -nasal -Nasalis -nasalis -nasalism -nasality -nasalization -nasalize -nasally -nasalward -nasalwards -nasard -Nascan -Nascapi -nascence -nascency -nascent -nasch -naseberry -nasethmoid -nash -nashgab -nashgob -Nashim -Nashira -Nashua -nasi -nasial -nasicorn -Nasicornia -nasicornous -Nasiei -nasiform -nasilabial -nasillate -nasillation -nasioalveolar -nasiobregmatic -nasioinial -nasiomental -nasion -nasitis -Naskhi -nasoalveola -nasoantral -nasobasilar -nasobronchial -nasobuccal -nasoccipital -nasociliary -nasoethmoidal -nasofrontal -nasolabial -nasolachrymal -nasological -nasologist -nasology -nasomalar -nasomaxillary -nasonite -nasoorbital -nasopalatal -nasopalatine -nasopharyngeal -nasopharyngitis -nasopharynx -nasoprognathic -nasoprognathism -nasorostral -nasoscope -nasoseptal -nasosinuitis -nasosinusitis -nasosubnasal -nasoturbinal -nasrol -Nassa -Nassau -Nassellaria -nassellarian -Nassidae -nassology -nast -nastaliq -nastic -nastika -nastily -nastiness -nasturtion -nasturtium -nasty -Nasua -nasus -nasute -nasuteness -nasutiform -nasutus -nat -natability -nataka -Natal -natal -Natalia -Natalian -Natalie -natality -nataloin -natals -natant -natantly -Nataraja -natation -natational -natator -natatorial -natatorious -natatorium -natatory -natch -natchbone -Natchez -Natchezan -Natchitoches -natchnee -Nate -nates -Nathan -Nathanael -Nathaniel -nathe -nather -nathless -Natica -Naticidae -naticiform -naticine -Natick -naticoid -natiform -natimortality -nation -national -nationalism -nationalist -nationalistic -nationalistically -nationality -nationalization -nationalize -nationalizer -nationally -nationalness -nationalty -nationhood -nationless -nationwide -native -natively -nativeness -nativism -nativist -nativistic -nativity -natr -Natraj -Natricinae -natricine -natrium -Natrix -natrochalcite -natrojarosite -natrolite -natron -Natt -natter -nattered -natteredness -natterjack -nattily -nattiness -nattle -natty -natuary -natural -naturalesque -naturalism -naturalist -naturalistic -naturalistically -naturality -naturalization -naturalize -naturalizer -naturally -naturalness -nature -naturecraft -naturelike -naturing -naturism -naturist -naturistic -naturistically -naturize -naturopath -naturopathic -naturopathist -naturopathy -naucrar -naucrary -naufragous -nauger -naught -naughtily -naughtiness -naughty -naujaite -naumachia -naumachy -naumannite -Naumburgia -naumk -naumkeag -naumkeager -naunt -nauntle -naupathia -nauplial -naupliiform -nauplioid -nauplius -nauropometer -nauscopy -nausea -nauseant -nauseaproof -nauseate -nauseatingly -nauseation -nauseous -nauseously -nauseousness -Nauset -naut -nautch -nauther -nautic -nautical -nauticality -nautically -nautics -nautiform -Nautilacea -nautilacean -nautilicone -nautiliform -nautilite -nautiloid -Nautiloidea -nautiloidean -nautilus -Navaho -Navajo -naval -navalese -navalism -navalist -navalistic -navalistically -navally -navar -navarch -navarchy -Navarrese -Navarrian -nave -navel -naveled -navellike -navelwort -navet -navette -navew -navicella -navicert -navicula -Naviculaceae -naviculaeform -navicular -naviculare -naviculoid -naviform -navigability -navigable -navigableness -navigably -navigant -navigate -navigation -navigational -navigator -navigerous -navipendular -navipendulum -navite -navvy -navy -naw -nawab -nawabship -nawt -nay -Nayar -Nayarit -Nayarita -nayaur -naysay -naysayer -nayward -nayword -Nazarate -Nazarean -Nazarene -Nazarenism -Nazarite -Nazariteship -Nazaritic -Nazaritish -Nazaritism -naze -Nazerini -Nazi -Nazify -Naziism -nazim -nazir -Nazirate -Nazirite -Naziritic -Nazism -ne -nea -Neal -neal -neallotype -Neanderthal -Neanderthaler -Neanderthaloid -neanic -neanthropic -neap -neaped -Neapolitan -nearable -nearabout -nearabouts -nearaivays -nearaway -nearby -Nearctic -Nearctica -nearest -nearish -nearly -nearmost -nearness -nearsighted -nearsightedly -nearsightedness -nearthrosis -neat -neaten -neath -neatherd -neatherdess -neathmost -neatify -neatly -neatness -neb -neback -Nebaioth -Nebalia -Nebaliacea -nebalian -Nebaliidae -nebalioid -nebbed -nebbuck -nebbuk -nebby -nebel -nebelist -nebenkern -Nebiim -Nebraskan -nebris -nebula -nebulae -nebular -nebularization -nebularize -nebulated -nebulation -nebule -nebulescent -nebuliferous -nebulite -nebulium -nebulization -nebulize -nebulizer -nebulose -nebulosity -nebulous -nebulously -nebulousness -Necator -necessar -necessarian -necessarianism -necessarily -necessariness -necessary -necessism -necessist -necessitarian -necessitarianism -necessitate -necessitatedly -necessitatingly -necessitation -necessitative -necessitous -necessitously -necessitousness -necessitude -necessity -neck -neckar -neckatee -neckband -neckcloth -necked -necker -neckercher -neckerchief -neckful -neckguard -necking -neckinger -necklace -necklaced -necklaceweed -neckless -necklet -necklike -neckline -neckmold -neckpiece -neckstock -necktie -necktieless -neckward -neckwear -neckweed -neckyoke -necrectomy -necremia -necrobacillary -necrobacillosis -necrobiosis -necrobiotic -necrogenic -necrogenous -necrographer -necrolatry -necrologic -necrological -necrologically -necrologist -necrologue -necrology -necromancer -necromancing -necromancy -necromantic -necromantically -necromorphous -necronite -necropathy -Necrophaga -necrophagan -necrophagous -necrophile -necrophilia -necrophilic -necrophilism -necrophilistic -necrophilous -necrophily -necrophobia -necrophobic -Necrophorus -necropoleis -necropoles -necropolis -necropolitan -necropsy -necroscopic -necroscopical -necroscopy -necrose -necrosis -necrotic -necrotization -necrotize -necrotomic -necrotomist -necrotomy -necrotype -necrotypic -Nectandra -nectar -nectareal -nectarean -nectared -nectareous -nectareously -nectareousness -nectarial -nectarian -nectaried -nectariferous -nectarine -Nectarinia -Nectariniidae -nectarious -nectarium -nectarivorous -nectarize -nectarlike -nectarous -nectary -nectiferous -nectocalycine -nectocalyx -Nectonema -nectophore -nectopod -Nectria -nectriaceous -Nectrioidaceae -Necturidae -Necturus -Ned -nedder -neddy -Nederlands -nee -neebor -neebour -need -needer -needfire -needful -needfully -needfulness -needgates -needham -needily -neediness -needing -needle -needlebill -needlebook -needlebush -needlecase -needled -needlefish -needleful -needlelike -needlemaker -needlemaking -needleman -needlemonger -needleproof -needler -needles -needless -needlessly -needlessness -needlestone -needlewoman -needlewood -needlework -needleworked -needleworker -needling -needly -needments -needs -needsome -needy -neeger -neeld -neele -neelghan -neem -neencephalic -neencephalon -Neengatu -neep -neepour -neer -neese -neet -neetup -neeze -nef -nefandous -nefandousness -nefarious -nefariously -nefariousness -nefast -neffy -neftgil -negate -negatedness -negation -negationalist -negationist -negative -negatively -negativeness -negativer -negativism -negativist -negativistic -negativity -negator -negatory -negatron -neger -neginoth -neglect -neglectable -neglectedly -neglectedness -neglecter -neglectful -neglectfully -neglectfulness -neglectingly -neglection -neglective -neglectively -neglector -neglectproof -negligee -negligence -negligency -negligent -negligently -negligibility -negligible -negligibleness -negligibly -negotiability -negotiable -negotiant -negotiate -negotiation -negotiator -negotiatory -negotiatress -negotiatrix -Negress -negrillo -negrine -Negritian -Negritic -Negritize -Negrito -Negritoid -Negro -negro -negrodom -Negrofy -negrohead -negrohood -Negroid -Negroidal -negroish -Negroism -Negroization -Negroize -negrolike -Negroloid -Negrophil -Negrophile -Negrophilism -Negrophilist -Negrophobe -Negrophobia -Negrophobiac -Negrophobist -Negrotic -Negundo -Negus -negus -Nehantic -Nehemiah -nehiloth -nei -neif -neigh -neighbor -neighbored -neighborer -neighboress -neighborhood -neighboring -neighborless -neighborlike -neighborliness -neighborly -neighborship -neighborstained -neighbourless -neighbourlike -neighbourship -neigher -Neil -Neillia -neiper -Neisseria -Neisserieae -neist -neither -Nejd -Nejdi -Nekkar -nekton -nektonic -Nelken -Nell -Nellie -Nelly -nelson -nelsonite -nelumbian -Nelumbium -Nelumbo -Nelumbonaceae -nema -nemaline -Nemalion -Nemalionaceae -Nemalionales -nemalite -Nemastomaceae -Nematelmia -nematelminth -Nematelminthes -nemathece -nemathecial -nemathecium -Nemathelmia -nemathelminth -Nemathelminthes -nematic -nematoblast -nematoblastic -Nematocera -nematoceran -nematocerous -nematocide -nematocyst -nematocystic -Nematoda -nematode -nematodiasis -nematogene -nematogenic -nematogenous -nematognath -Nematognathi -nematognathous -nematogone -nematogonous -nematoid -Nematoidea -nematoidean -nematologist -nematology -Nematomorpha -nematophyton -Nematospora -nematozooid -Nembutal -Nemean -Nemertea -nemertean -Nemertina -nemertine -Nemertinea -nemertinean -Nemertini -nemertoid -nemeses -Nemesia -nemesic -Nemesis -Nemichthyidae -Nemichthys -Nemocera -nemoceran -nemocerous -Nemopanthus -Nemophila -nemophilist -nemophilous -nemophily -nemoral -Nemorensian -nemoricole -Nengahiba -nenta -nenuphar -neo -neoacademic -neoanthropic -Neoarctic -neoarsphenamine -Neobalaena -Neobeckia -neoblastic -neobotanist -neobotany -Neocene -Neoceratodus -neocerotic -neoclassic -neoclassicism -neoclassicist -Neocomian -neocosmic -neocracy -neocriticism -neocyanine -neocyte -neocytosis -neodamode -neodidymium -neodymium -Neofabraea -neofetal -neofetus -Neofiber -neoformation -neoformative -Neogaea -Neogaean -neogamous -neogamy -Neogene -neogenesis -neogenetic -Neognathae -neognathic -neognathous -neogrammarian -neogrammatical -neographic -neohexane -Neohipparion -neoholmia -neoholmium -neoimpressionism -neoimpressionist -neolalia -neolater -neolatry -neolith -neolithic -neologian -neologianism -neologic -neological -neologically -neologism -neologist -neologistic -neologistical -neologization -neologize -neology -neomedievalism -neomenia -neomenian -Neomeniidae -neomiracle -neomodal -neomorph -Neomorpha -neomorphic -neomorphism -Neomylodon -neon -neonatal -neonate -neonatus -neonomian -neonomianism -neontology -neonychium -neopagan -neopaganism -neopaganize -Neopaleozoic -neopallial -neopallium -neoparaffin -neophilism -neophilological -neophilologist -neophobia -neophobic -neophrastic -Neophron -neophyte -neophytic -neophytish -neophytism -Neopieris -neoplasia -neoplasm -neoplasma -neoplasmata -neoplastic -neoplasticism -neoplasty -Neoplatonic -Neoplatonician -Neoplatonism -Neoplatonist -neoprene -neorama -neorealism -Neornithes -neornithic -Neosalvarsan -Neosorex -Neosporidia -neossin -neossology -neossoptile -neostriatum -neostyle -neoteinia -neoteinic -neotenia -neotenic -neoteny -neoteric -neoterically -neoterism -neoterist -neoteristic -neoterize -neothalamus -Neotoma -Neotragus -Neotremata -Neotropic -Neotropical -neotype -neovitalism -neovolcanic -Neowashingtonia -neoytterbium -neoza -Neozoic -Nep -nep -Nepa -Nepal -Nepalese -Nepali -Nepenthaceae -nepenthaceous -nepenthe -nepenthean -Nepenthes -nepenthes -neper -Neperian -Nepeta -nephalism -nephalist -Nephele -nephele -nepheligenous -nepheline -nephelinic -nephelinite -nephelinitic -nephelinitoid -nephelite -Nephelium -nephelognosy -nepheloid -nephelometer -nephelometric -nephelometrical -nephelometrically -nephelometry -nephelorometer -nepheloscope -nephesh -nephew -nephewship -Nephila -Nephilinae -Nephite -nephogram -nephograph -nephological -nephologist -nephology -nephoscope -nephradenoma -nephralgia -nephralgic -nephrapostasis -nephratonia -nephrauxe -nephrectasia -nephrectasis -nephrectomize -nephrectomy -nephrelcosis -nephremia -nephremphraxis -nephria -nephric -nephridia -nephridial -nephridiopore -nephridium -nephrism -nephrite -nephritic -nephritical -nephritis -nephroabdominal -nephrocardiac -nephrocele -nephrocoele -nephrocolic -nephrocolopexy -nephrocoloptosis -nephrocystitis -nephrocystosis -nephrocyte -nephrodinic -Nephrodium -nephroerysipelas -nephrogastric -nephrogenetic -nephrogenic -nephrogenous -nephrogonaduct -nephrohydrosis -nephrohypertrophy -nephroid -Nephrolepis -nephrolith -nephrolithic -nephrolithotomy -nephrologist -nephrology -nephrolysin -nephrolysis -nephrolytic -nephromalacia -nephromegaly -nephromere -nephron -nephroncus -nephroparalysis -nephropathic -nephropathy -nephropexy -nephrophthisis -nephropore -Nephrops -Nephropsidae -nephroptosia -nephroptosis -nephropyelitis -nephropyeloplasty -nephropyosis -nephrorrhagia -nephrorrhaphy -nephros -nephrosclerosis -nephrosis -nephrostoma -nephrostome -nephrostomial -nephrostomous -nephrostomy -nephrotome -nephrotomize -nephrotomy -nephrotoxic -nephrotoxicity -nephrotoxin -nephrotuberculosis -nephrotyphoid -nephrotyphus -nephrozymosis -Nepidae -nepionic -nepman -nepotal -nepote -nepotic -nepotious -nepotism -nepotist -nepotistical -nepouite -Neptune -Neptunean -Neptunian -neptunism -neptunist -neptunium -Nereid -Nereidae -nereidiform -Nereidiformia -Nereis -nereite -Nereocystis -Neri -Nerine -nerine -Nerita -neritic -Neritidae -Neritina -neritoid -Nerium -Neroic -Neronian -Neronic -Neronize -nerterology -Nerthridae -Nerthrus -nerval -nervate -nervation -nervature -nerve -nerveless -nervelessly -nervelessness -nervelet -nerveproof -nerver -nerveroot -nervid -nerviduct -Nervii -nervily -nervimotion -nervimotor -nervimuscular -nervine -nerviness -nerving -nervish -nervism -nervomuscular -nervosanguineous -nervose -nervosism -nervosity -nervous -nervously -nervousness -nervular -nervule -nervulet -nervulose -nervuration -nervure -nervy -nescience -nescient -nese -nesh -neshly -neshness -Nesiot -nesiote -Neskhi -Neslia -Nesogaea -Nesogaean -Nesokia -Nesonetta -Nesotragus -Nespelim -nesquehonite -ness -nesslerization -Nesslerize -nesslerize -nest -nestable -nestage -nester -nestful -nestiatria -nestitherapy -nestle -nestler -nestlike -nestling -Nestor -Nestorian -Nestorianism -Nestorianize -Nestorianizer -nestorine -nesty -Net -net -netball -netbraider -netbush -netcha -Netchilik -nete -neter -netful -neth -netheist -nether -Netherlander -Netherlandian -Netherlandic -Netherlandish -nethermore -nethermost -netherstock -netherstone -netherward -netherwards -Nethinim -neti -netleaf -netlike -netmaker -netmaking -netman -netmonger -netop -netsman -netsuke -nettable -Nettapus -netted -netter -Nettie -netting -Nettion -nettle -nettlebed -nettlebird -nettlefire -nettlefish -nettlefoot -nettlelike -nettlemonger -nettler -nettlesome -nettlewort -nettling -nettly -Netty -netty -netwise -network -Neudeckian -neugroschen -neuma -neumatic -neumatize -neume -neumic -neurad -neuradynamia -neural -neurale -neuralgia -neuralgiac -neuralgic -neuralgiform -neuralgy -neuralist -neurapophyseal -neurapophysial -neurapophysis -neurarthropathy -neurasthenia -neurasthenic -neurasthenical -neurasthenically -neurataxia -neurataxy -neuration -neuratrophia -neuratrophic -neuratrophy -neuraxial -neuraxis -neuraxon -neuraxone -neurectasia -neurectasis -neurectasy -neurectome -neurectomic -neurectomy -neurectopia -neurectopy -neurenteric -neurepithelium -neurergic -neurexairesis -neurhypnology -neurhypnotist -neuriatry -neuric -neurilema -neurilematic -neurilemma -neurilemmal -neurilemmatic -neurilemmatous -neurilemmitis -neurility -neurin -neurine -neurinoma -neurism -neurite -neuritic -neuritis -neuroanatomical -neuroanatomy -neurobiotactic -neurobiotaxis -neuroblast -neuroblastic -neuroblastoma -neurocanal -neurocardiac -neurocele -neurocentral -neurocentrum -neurochemistry -neurochitin -neurochondrite -neurochord -neurochorioretinitis -neurocirculatory -neurocity -neuroclonic -neurocoele -neurocoelian -neurocyte -neurocytoma -neurodegenerative -neurodendrite -neurodendron -neurodermatitis -neurodermatosis -neurodermitis -neurodiagnosis -neurodynamic -neurodynia -neuroepidermal -neuroepithelial -neuroepithelium -neurofibril -neurofibrilla -neurofibrillae -neurofibrillar -neurofibroma -neurofibromatosis -neurofil -neuroganglion -neurogastralgia -neurogastric -neurogenesis -neurogenetic -neurogenic -neurogenous -neuroglandular -neuroglia -neurogliac -neuroglial -neurogliar -neuroglic -neuroglioma -neurogliosis -neurogram -neurogrammic -neurographic -neurography -neurohistology -neurohumor -neurohumoral -neurohypnology -neurohypnotic -neurohypnotism -neurohypophysis -neuroid -neurokeratin -neurokyme -neurological -neurologist -neurologize -neurology -neurolymph -neurolysis -neurolytic -neuroma -neuromalacia -neuromalakia -neuromast -neuromastic -neuromatosis -neuromatous -neuromere -neuromerism -neuromerous -neuromimesis -neuromimetic -neuromotor -neuromuscular -neuromusculature -neuromyelitis -neuromyic -neuron -neuronal -neurone -neuronic -neuronism -neuronist -neuronophagia -neuronophagy -neuronym -neuronymy -neuroparalysis -neuroparalytic -neuropath -neuropathic -neuropathical -neuropathically -neuropathist -neuropathological -neuropathologist -neuropathology -neuropathy -Neurope -neurophagy -neurophil -neurophile -neurophilic -neurophysiological -neurophysiology -neuropile -neuroplasm -neuroplasmic -neuroplasty -neuroplexus -neuropodial -neuropodium -neuropodous -neuropore -neuropsychiatric -neuropsychiatrist -neuropsychiatry -neuropsychic -neuropsychological -neuropsychologist -neuropsychology -neuropsychopathic -neuropsychopathy -neuropsychosis -neuropter -Neuroptera -neuropteran -Neuropteris -neuropterist -neuropteroid -Neuropteroidea -neuropterological -neuropterology -neuropteron -neuropterous -neuroretinitis -neurorrhaphy -Neurorthoptera -neurorthopteran -neurorthopterous -neurosal -neurosarcoma -neurosclerosis -neuroses -neurosis -neuroskeletal -neuroskeleton -neurosome -neurospasm -neurospongium -neurosthenia -neurosurgeon -neurosurgery -neurosurgical -neurosuture -neurosynapse -neurosyphilis -neurotendinous -neurotension -neurotherapeutics -neurotherapist -neurotherapy -neurothlipsis -neurotic -neurotically -neuroticism -neuroticize -neurotization -neurotome -neurotomical -neurotomist -neurotomize -neurotomy -neurotonic -neurotoxia -neurotoxic -neurotoxin -neurotripsy -neurotrophic -neurotrophy -neurotropic -neurotropism -neurovaccination -neurovaccine -neurovascular -neurovisceral -neurula -neurypnological -neurypnologist -neurypnology -Neustrian -neuter -neuterdom -neuterlike -neuterly -neuterness -neutral -neutralism -neutralist -neutrality -neutralization -neutralize -neutralizer -neutrally -neutralness -neutrino -neutroceptive -neutroceptor -neutroclusion -Neutrodyne -neutrologistic -neutron -neutropassive -neutrophile -neutrophilia -neutrophilic -neutrophilous -Nevada -Nevadan -nevadite -neve -nevel -never -neverland -nevermore -nevertheless -Neville -nevo -nevoid -Nevome -nevoy -nevus -nevyanskite -new -Newar -Newari -newberyite -newcal -Newcastle -newcome -newcomer -newel -newelty -newfangle -newfangled -newfangledism -newfangledly -newfangledness -newfanglement -Newfoundland -Newfoundlander -Newichawanoc -newing -newings -newish -newlandite -newly -newlywed -Newmanism -Newmanite -Newmanize -newmarket -newness -Newport -news -newsbill -newsboard -newsboat -newsboy -newscast -newscaster -newscasting -newsful -newsiness -newsless -newslessness -newsletter -newsman -newsmonger -newsmongering -newsmongery -newspaper -newspaperdom -newspaperese -newspaperish -newspaperized -newspaperman -newspaperwoman -newspapery -newsprint -newsreader -newsreel -newsroom -newssheet -newsstand -newsteller -newsworthiness -newsworthy -newsy -newt -newtake -newton -Newtonian -Newtonianism -Newtonic -Newtonist -newtonite -nexal -next -nextly -nextness -nexum -nexus -neyanda -ngai -ngaio -ngapi -Ngoko -Nguyen -Nhan -Nheengatu -ni -niacin -Niagara -Niagaran -Niall -Niantic -Nias -Niasese -niata -nib -nibbana -nibbed -nibber -nibble -nibbler -nibblingly -nibby -niblick -niblike -nibong -nibs -nibsome -Nicaean -Nicaragua -Nicaraguan -Nicarao -niccolic -niccoliferous -niccolite -niccolous -Nice -nice -niceish -niceling -nicely -Nicene -niceness -Nicenian -Nicenist -nicesome -nicetish -nicety -Nichael -niche -nichelino -nicher -Nicholas -Nici -Nick -nick -nickel -nickelage -nickelic -nickeliferous -nickeline -nickeling -nickelization -nickelize -nickellike -nickelodeon -nickelous -nickeltype -nicker -nickerpecker -nickey -Nickie -Nickieben -nicking -nickle -nickname -nicknameable -nicknamee -nicknameless -nicknamer -Nickneven -nickstick -nicky -Nicobar -Nicobarese -Nicodemite -Nicodemus -Nicol -Nicolaitan -Nicolaitanism -Nicolas -nicolayite -Nicolette -Nicolo -nicolo -Nicomachean -nicotia -nicotian -Nicotiana -nicotianin -nicotic -nicotinamide -nicotine -nicotinean -nicotined -nicotineless -nicotinian -nicotinic -nicotinism -nicotinize -nicotism -nicotize -nictate -nictation -nictitant -nictitate -nictitation -nid -nidal -nidamental -nidana -nidation -nidatory -niddering -niddick -niddle -nide -nidge -nidget -nidgety -nidi -nidicolous -nidificant -nidificate -nidification -nidificational -nidifugous -nidify -niding -nidologist -nidology -nidor -nidorosity -nidorous -nidorulent -nidulant -Nidularia -Nidulariaceae -nidulariaceous -Nidulariales -nidulate -nidulation -nidulus -nidus -niece -nieceless -nieceship -niellated -nielled -niellist -niello -Niels -niepa -Nierembergia -Niersteiner -Nietzschean -Nietzscheanism -Nietzscheism -nieve -nieveta -nievling -nife -nifesima -niffer -nific -nifle -nifling -nifty -nig -Nigel -Nigella -Nigerian -niggard -niggardize -niggardliness -niggardling -niggardly -niggardness -nigger -niggerdom -niggerfish -niggergoose -niggerhead -niggerish -niggerism -niggerling -niggertoe -niggerweed -niggery -niggle -niggler -niggling -nigglingly -niggly -nigh -nighly -nighness -night -nightcap -nightcapped -nightcaps -nightchurr -nightdress -nighted -nightfall -nightfish -nightflit -nightfowl -nightgown -nighthawk -nightie -nightingale -nightingalize -nightjar -nightless -nightlessness -nightlike -nightlong -nightly -nightman -nightmare -nightmarish -nightmarishly -nightmary -nights -nightshade -nightshine -nightshirt -nightstock -nightstool -nighttide -nighttime -nightwalker -nightwalking -nightward -nightwards -nightwear -nightwork -nightworker -nignay -nignye -nigori -nigranilin -nigraniline -nigre -nigrescence -nigrescent -nigresceous -nigrescite -nigrification -nigrified -nigrify -nigrine -Nigritian -nigrities -nigritude -nigritudinous -nigrosine -nigrous -nigua -Nihal -nihilianism -nihilianistic -nihilification -nihilify -nihilism -nihilist -nihilistic -nihilitic -nihility -nikau -Nikeno -nikethamide -Nikko -niklesite -Nikolai -nil -Nile -nilgai -Nilometer -Nilometric -Niloscope -Nilot -Nilotic -Nilous -nilpotent -Nils -nim -nimb -nimbated -nimbed -nimbi -nimbiferous -nimbification -nimble -nimblebrained -nimbleness -nimbly -nimbose -nimbosity -nimbus -nimbused -nimiety -niminy -nimious -Nimkish -nimmer -Nimrod -Nimrodian -Nimrodic -Nimrodical -Nimrodize -nimshi -Nina -nincom -nincompoop -nincompoopery -nincompoophood -nincompoopish -nine -ninebark -ninefold -nineholes -ninepegs -ninepence -ninepenny -ninepin -ninepins -ninescore -nineted -nineteen -nineteenfold -nineteenth -nineteenthly -ninetieth -ninety -ninetyfold -ninetyish -ninetyknot -Ninevite -Ninevitical -Ninevitish -Ning -Ningpo -Ninja -ninny -ninnyhammer -ninnyish -ninnyism -ninnyship -ninnywatch -Ninon -ninon -Ninox -ninth -ninthly -nintu -ninut -niobate -Niobe -Niobean -niobic -Niobid -Niobite -niobite -niobium -niobous -niog -niota -Nip -nip -nipa -nipcheese -niphablepsia -niphotyphlosis -Nipissing -Nipmuc -nipper -nipperkin -nippers -nippily -nippiness -nipping -nippingly -nippitate -nipple -nippleless -nipplewort -Nipponese -Nipponism -nipponium -Nipponize -nippy -nipter -Niquiran -nirles -nirmanakaya -nirvana -nirvanic -Nisaean -Nisan -nisei -Nishada -nishiki -nisnas -nispero -Nisqualli -nisse -nisus -nit -nitch -nitchevo -Nitella -nitency -nitently -niter -niterbush -nitered -nither -nithing -nitid -nitidous -nitidulid -Nitidulidae -nito -niton -nitramine -nitramino -nitranilic -nitraniline -nitrate -nitratine -nitration -nitrator -Nitrian -nitriary -nitric -nitridation -nitride -nitriding -nitridization -nitridize -nitrifaction -nitriferous -nitrifiable -nitrification -nitrifier -nitrify -nitrile -Nitriot -nitrite -nitro -nitroalizarin -nitroamine -nitroaniline -Nitrobacter -nitrobacteria -Nitrobacteriaceae -Nitrobacterieae -nitrobarite -nitrobenzene -nitrobenzol -nitrobenzole -nitrocalcite -nitrocellulose -nitrocellulosic -nitrochloroform -nitrocotton -nitroform -nitrogelatin -nitrogen -nitrogenate -nitrogenation -nitrogenic -nitrogenization -nitrogenize -nitrogenous -nitroglycerin -nitrohydrochloric -nitrolamine -nitrolic -nitrolime -nitromagnesite -nitrometer -nitrometric -nitromuriate -nitromuriatic -nitronaphthalene -nitroparaffin -nitrophenol -nitrophilous -nitrophyte -nitrophytic -nitroprussiate -nitroprussic -nitroprusside -nitrosamine -nitrosate -nitrosification -nitrosify -nitrosite -nitrosobacteria -nitrosochloride -Nitrosococcus -Nitrosomonas -nitrososulphuric -nitrostarch -nitrosulphate -nitrosulphonic -nitrosulphuric -nitrosyl -nitrosylsulphuric -nitrotoluene -nitrous -nitroxyl -nitryl -nitter -nitty -nitwit -Nitzschia -Nitzschiaceae -Niuan -Niue -nival -nivation -nivellate -nivellation -nivellator -nivellization -nivenite -niveous -nivicolous -nivosity -nix -nixie -niyoga -Nizam -nizam -nizamate -nizamut -nizy -njave -No -no -noa -Noachian -Noachic -Noachical -Noachite -Noah -Noahic -Noam -nob -nobber -nobbily -nobble -nobbler -nobbut -nobby -nobiliary -nobilify -nobilitate -nobilitation -nobility -noble -noblehearted -nobleheartedly -nobleheartedness -nobleman -noblemanly -nobleness -noblesse -noblewoman -nobley -nobly -nobody -nobodyness -nobs -nocake -Nocardia -nocardiosis -nocent -nocerite -nociassociation -nociceptive -nociceptor -nociperception -nociperceptive -nock -nocket -nocktat -noctambulant -noctambulation -noctambule -noctambulism -noctambulist -noctambulistic -noctambulous -Nocten -noctidial -noctidiurnal -noctiferous -noctiflorous -Noctilio -Noctilionidae -Noctiluca -noctiluca -noctilucal -noctilucan -noctilucence -noctilucent -Noctilucidae -noctilucin -noctilucine -noctilucous -noctiluminous -noctipotent -noctivagant -noctivagation -noctivagous -noctograph -noctovision -Noctuae -noctuid -Noctuidae -noctuiform -noctule -nocturia -nocturn -nocturnal -nocturnally -nocturne -nocuity -nocuous -nocuously -nocuousness -nod -nodal -nodality -nodated -nodder -nodding -noddingly -noddle -noddy -node -noded -nodi -nodiak -nodical -nodicorn -nodiferous -nodiflorous -nodiform -Nodosaria -nodosarian -nodosariform -nodosarine -nodose -nodosity -nodous -nodular -nodulate -nodulated -nodulation -nodule -noduled -nodulize -nodulose -nodulous -nodulus -nodus -noegenesis -noegenetic -Noel -noel -noematachograph -noematachometer -noematachometic -Noemi -Noetic -noetic -noetics -nog -nogada -Nogai -nogal -noggen -noggin -nogging -noghead -nogheaded -nohow -Nohuntsik -noibwood -noil -noilage -noiler -noily -noint -nointment -noir -noise -noiseful -noisefully -noiseless -noiselessly -noiselessness -noisemaker -noisemaking -noiseproof -noisette -noisily -noisiness -noisome -noisomely -noisomeness -noisy -nokta -Nolascan -nolition -Noll -noll -nolle -nolleity -nollepros -nolo -noma -nomad -nomadian -nomadic -nomadical -nomadically -Nomadidae -nomadism -nomadization -nomadize -nomancy -nomarch -nomarchy -Nomarthra -nomarthral -nombril -nome -Nomeidae -nomenclate -nomenclative -nomenclator -nomenclatorial -nomenclatorship -nomenclatory -nomenclatural -nomenclature -nomenclaturist -Nomeus -nomial -nomic -nomina -nominable -nominal -nominalism -nominalist -nominalistic -nominality -nominally -nominate -nominated -nominately -nomination -nominatival -nominative -nominatively -nominator -nominatrix -nominature -nominee -nomineeism -nominy -nomism -nomisma -nomismata -nomistic -nomocanon -nomocracy -nomogenist -nomogenous -nomogeny -nomogram -nomograph -nomographer -nomographic -nomographical -nomographically -nomography -nomological -nomologist -nomology -nomopelmous -nomophylax -nomophyllous -nomos -nomotheism -nomothete -nomothetes -nomothetic -nomothetical -non -Nona -nonabandonment -nonabdication -nonabiding -nonability -nonabjuration -nonabjurer -nonabolition -nonabridgment -nonabsentation -nonabsolute -nonabsolution -nonabsorbable -nonabsorbent -nonabsorptive -nonabstainer -nonabstaining -nonabstemious -nonabstention -nonabstract -nonacademic -nonacceding -nonacceleration -nonaccent -nonacceptance -nonacceptant -nonacceptation -nonaccess -nonaccession -nonaccessory -nonaccidental -nonaccompaniment -nonaccompanying -nonaccomplishment -nonaccredited -nonaccretion -nonachievement -nonacid -nonacknowledgment -nonacosane -nonacoustic -nonacquaintance -nonacquiescence -nonacquiescent -nonacquisitive -nonacquittal -nonact -nonactinic -nonaction -nonactionable -nonactive -nonactuality -nonaculeate -nonacute -nonadditive -nonadecane -nonadherence -nonadherent -nonadhesion -nonadhesive -nonadjacent -nonadjectival -nonadjournment -nonadjustable -nonadjustive -nonadjustment -nonadministrative -nonadmiring -nonadmission -nonadmitted -nonadoption -Nonadorantes -nonadornment -nonadult -nonadvancement -nonadvantageous -nonadventitious -nonadventurous -nonadverbial -nonadvertence -nonadvertency -nonadvocate -nonaerating -nonaerobiotic -nonaesthetic -nonaffection -nonaffiliated -nonaffirmation -nonage -nonagenarian -nonagency -nonagent -nonagesimal -nonagglutinative -nonagglutinator -nonaggression -nonaggressive -nonagon -nonagrarian -nonagreement -nonagricultural -nonahydrate -nonaid -nonair -nonalarmist -nonalcohol -nonalcoholic -nonalgebraic -nonalienating -nonalienation -nonalignment -nonalkaloidal -nonallegation -nonallegorical -nonalliterated -nonalliterative -nonallotment -nonalluvial -nonalphabetic -nonaltruistic -nonaluminous -nonamalgamable -nonamendable -nonamino -nonamotion -nonamphibious -nonamputation -nonanalogy -nonanalytical -nonanalyzable -nonanalyzed -nonanaphoric -nonanaphthene -nonanatomical -nonancestral -nonane -nonanesthetized -nonangelic -nonangling -nonanimal -nonannexation -nonannouncement -nonannuitant -nonannulment -nonanoic -nonanonymity -nonanswer -nonantagonistic -nonanticipative -nonantigenic -nonapologetic -nonapostatizing -nonapostolic -nonapparent -nonappealable -nonappearance -nonappearer -nonappearing -nonappellate -nonappendicular -nonapplication -nonapply -nonappointment -nonapportionable -nonapposable -nonappraisal -nonappreciation -nonapprehension -nonappropriation -nonapproval -nonaqueous -nonarbitrable -nonarcing -nonargentiferous -nonaristocratic -nonarithmetical -nonarmament -nonarmigerous -nonaromatic -nonarraignment -nonarrival -nonarsenical -nonarterial -nonartesian -nonarticulated -nonarticulation -nonartistic -nonary -nonascendancy -nonascertainable -nonascertaining -nonascetic -nonascription -nonaseptic -nonaspersion -nonasphalt -nonaspirate -nonaspiring -nonassault -nonassent -nonassentation -nonassented -nonassenting -nonassertion -nonassertive -nonassessable -nonassessment -nonassignable -nonassignment -nonassimilable -nonassimilating -nonassimilation -nonassistance -nonassistive -nonassociable -nonassortment -nonassurance -nonasthmatic -nonastronomical -nonathletic -nonatmospheric -nonatonement -nonattached -nonattachment -nonattainment -nonattendance -nonattendant -nonattention -nonattestation -nonattribution -nonattributive -nonaugmentative -nonauricular -nonauriferous -nonauthentication -nonauthoritative -nonautomatic -nonautomotive -nonavoidance -nonaxiomatic -nonazotized -nonbachelor -nonbacterial -nonbailable -nonballoting -nonbanishment -nonbankable -nonbarbarous -nonbaronial -nonbase -nonbasement -nonbasic -nonbasing -nonbathing -nonbearded -nonbearing -nonbeing -nonbeliever -nonbelieving -nonbelligerent -nonbending -nonbenevolent -nonbetrayal -nonbeverage -nonbilabiate -nonbilious -nonbinomial -nonbiological -nonbitter -nonbituminous -nonblack -nonblameless -nonbleeding -nonblended -nonblockaded -nonblocking -nonblooded -nonblooming -nonbodily -nonbookish -nonborrower -nonbotanical -nonbourgeois -nonbranded -nonbreakable -nonbreeder -nonbreeding -nonbroodiness -nonbroody -nonbrowsing -nonbudding -nonbulbous -nonbulkhead -nonbureaucratic -nonburgage -nonburgess -nonburnable -nonburning -nonbursting -nonbusiness -nonbuying -noncabinet -noncaffeine -noncaking -Noncalcarea -noncalcareous -noncalcified -noncallability -noncallable -noncancellable -noncannibalistic -noncanonical -noncanonization -noncanvassing -noncapillarity -noncapillary -noncapital -noncapitalist -noncapitalistic -noncapitulation -noncapsizable -noncapture -noncarbonate -noncareer -noncarnivorous -noncarrier -noncartelized -noncaste -noncastigation -noncataloguer -noncatarrhal -noncatechizable -noncategorical -noncathedral -noncatholicity -noncausality -noncausation -nonce -noncelebration -noncelestial -noncellular -noncellulosic -noncensored -noncensorious -noncensus -noncentral -noncereal -noncerebral -nonceremonial -noncertain -noncertainty -noncertified -nonchafing -nonchalance -nonchalant -nonchalantly -nonchalantness -nonchalky -nonchallenger -nonchampion -nonchangeable -nonchanging -noncharacteristic -nonchargeable -nonchastisement -nonchastity -nonchemical -nonchemist -nonchivalrous -nonchokable -nonchokebore -nonchronological -nonchurch -nonchurched -nonchurchgoer -nonciliate -noncircuit -noncircuital -noncircular -noncirculation -noncitation -noncitizen -noncivilized -nonclaim -nonclaimable -nonclassable -nonclassical -nonclassifiable -nonclassification -nonclastic -nonclearance -noncleistogamic -nonclergyable -nonclerical -nonclimbable -nonclinical -nonclose -nonclosure -nonclotting -noncoagulability -noncoagulable -noncoagulation -noncoalescing -noncock -noncoercion -noncoercive -noncognate -noncognition -noncognitive -noncognizable -noncognizance -noncoherent -noncohesion -noncohesive -noncoinage -noncoincidence -noncoincident -noncoincidental -noncoking -noncollaboration -noncollaborative -noncollapsible -noncollectable -noncollection -noncollegiate -noncollinear -noncolloid -noncollusion -noncollusive -noncolonial -noncoloring -noncom -noncombat -noncombatant -noncombination -noncombining -noncombustible -noncombustion -noncome -noncoming -noncommemoration -noncommencement -noncommendable -noncommensurable -noncommercial -noncommissioned -noncommittal -noncommittalism -noncommittally -noncommittalness -noncommonable -noncommorancy -noncommunal -noncommunicable -noncommunicant -noncommunicating -noncommunication -noncommunion -noncommunist -noncommunistic -noncommutative -noncompearance -noncompensating -noncompensation -noncompetency -noncompetent -noncompeting -noncompetitive -noncompetitively -noncomplaisance -noncompletion -noncompliance -noncomplicity -noncomplying -noncomposite -noncompoundable -noncompounder -noncomprehension -noncompressible -noncompression -noncompulsion -noncomputation -noncon -nonconcealment -nonconceiving -nonconcentration -nonconception -nonconcern -nonconcession -nonconciliating -nonconcludency -nonconcludent -nonconcluding -nonconclusion -nonconcordant -nonconcur -nonconcurrence -nonconcurrency -nonconcurrent -noncondensable -noncondensation -noncondensible -noncondensing -noncondimental -nonconditioned -noncondonation -nonconducive -nonconductibility -nonconductible -nonconducting -nonconduction -nonconductive -nonconductor -nonconfederate -nonconferrable -nonconfession -nonconficient -nonconfident -nonconfidential -nonconfinement -nonconfirmation -nonconfirmative -nonconfiscable -nonconfiscation -nonconfitent -nonconflicting -nonconform -nonconformable -nonconformably -nonconformance -nonconformer -nonconforming -nonconformism -nonconformist -nonconformistical -nonconformistically -nonconformitant -nonconformity -nonconfutation -noncongealing -noncongenital -noncongestion -noncongratulatory -noncongruent -nonconjectural -nonconjugal -nonconjugate -nonconjunction -nonconnection -nonconnective -nonconnivance -nonconnotative -nonconnubial -nonconscientious -nonconscious -nonconscription -nonconsecration -nonconsecutive -nonconsent -nonconsenting -nonconsequence -nonconsequent -nonconservation -nonconservative -nonconserving -nonconsideration -nonconsignment -nonconsistorial -nonconsoling -nonconsonant -nonconsorting -nonconspirator -nonconspiring -nonconstituent -nonconstitutional -nonconstraint -nonconstruable -nonconstruction -nonconstructive -nonconsular -nonconsultative -nonconsumable -nonconsumption -noncontact -noncontagion -noncontagionist -noncontagious -noncontagiousness -noncontamination -noncontemplative -noncontending -noncontent -noncontention -noncontentious -noncontentiously -nonconterminous -noncontiguity -noncontiguous -noncontinental -noncontingent -noncontinuance -noncontinuation -noncontinuous -noncontraband -noncontraction -noncontradiction -noncontradictory -noncontributing -noncontribution -noncontributor -noncontributory -noncontrivance -noncontrolled -noncontrolling -noncontroversial -nonconvective -nonconvenable -nonconventional -nonconvergent -nonconversable -nonconversant -nonconversational -nonconversion -nonconvertible -nonconveyance -nonconviction -nonconvivial -noncoplanar -noncopying -noncoring -noncorporate -noncorporeality -noncorpuscular -noncorrection -noncorrective -noncorrelation -noncorrespondence -noncorrespondent -noncorresponding -noncorroboration -noncorroborative -noncorrodible -noncorroding -noncorrosive -noncorruption -noncortical -noncosmic -noncosmopolitism -noncostraight -noncottager -noncotyledonous -noncounty -noncranking -noncreation -noncreative -noncredence -noncredent -noncredibility -noncredible -noncreditor -noncreeping -noncrenate -noncretaceous -noncriminal -noncriminality -noncrinoid -noncritical -noncrucial -noncruciform -noncrusading -noncrushability -noncrushable -noncrustaceous -noncrystalline -noncrystallizable -noncrystallized -noncrystallizing -nonculmination -nonculpable -noncultivated -noncultivation -nonculture -noncumulative -noncurantist -noncurling -noncurrency -noncurrent -noncursive -noncurtailment -noncuspidate -noncustomary -noncutting -noncyclic -noncyclical -nonda -nondamageable -nondamnation -nondancer -nondangerous -nondatival -nondealer -nondebtor -nondecadence -nondecadent -nondecalcified -nondecane -nondecasyllabic -nondecatoic -nondecaying -nondeceivable -nondeception -nondeceptive -Nondeciduata -nondeciduate -nondeciduous -nondecision -nondeclarant -nondeclaration -nondeclarer -nondecomposition -nondecoration -nondedication -nondeduction -nondefalcation -nondefamatory -nondefaulting -nondefection -nondefendant -nondefense -nondefensive -nondeference -nondeferential -nondefiance -nondefilement -nondefining -nondefinition -nondefinitive -nondeforestation -nondegenerate -nondegeneration -nondegerming -nondegradation -nondegreased -nondehiscent -nondeist -nondelegable -nondelegate -nondelegation -nondeleterious -nondeliberate -nondeliberation -nondelineation -nondeliquescent -nondelirious -nondeliverance -nondelivery -nondemand -nondemise -nondemobilization -nondemocratic -nondemonstration -nondendroid -nondenial -nondenominational -nondenominationalism -nondense -nondenumerable -nondenunciation -nondepartmental -nondeparture -nondependence -nondependent -nondepletion -nondeportation -nondeported -nondeposition -nondepositor -nondepravity -nondepreciating -nondepressed -nondepression -nondeprivable -nonderivable -nonderivative -nonderogatory -nondescript -nondesecration -nondesignate -nondesigned -nondesire -nondesirous -nondesisting -nondespotic -nondesquamative -nondestructive -nondesulphurized -nondetachable -nondetailed -nondetention -nondetermination -nondeterminist -nondeterrent -nondetest -nondetonating -nondetrimental -nondevelopable -nondevelopment -nondeviation -nondevotional -nondexterous -nondiabetic -nondiabolic -nondiagnosis -nondiagonal -nondiagrammatic -nondialectal -nondialectical -nondialyzing -nondiametral -nondiastatic -nondiathermanous -nondiazotizable -nondichogamous -nondichogamy -nondichotomous -nondictation -nondictatorial -nondictionary -nondidactic -nondieting -nondifferentation -nondifferentiable -nondiffractive -nondiffusing -nondigestion -nondilatable -nondilution -nondiocesan -nondiphtheritic -nondiphthongal -nondiplomatic -nondipterous -nondirection -nondirectional -nondisagreement -nondisappearing -nondisarmament -nondisbursed -nondiscernment -nondischarging -nondisciplinary -nondisclaim -nondisclosure -nondiscontinuance -nondiscordant -nondiscountable -nondiscovery -nondiscretionary -nondiscrimination -nondiscriminatory -nondiscussion -nondisestablishment -nondisfigurement -nondisfranchised -nondisingenuous -nondisintegration -nondisinterested -nondisjunct -nondisjunction -nondisjunctional -nondisjunctive -nondismemberment -nondismissal -nondisparaging -nondisparate -nondispensation -nondispersal -nondispersion -nondisposal -nondisqualifying -nondissenting -nondissolution -nondistant -nondistinctive -nondistortion -nondistribution -nondistributive -nondisturbance -nondivergence -nondivergent -nondiversification -nondivinity -nondivisible -nondivisiblity -nondivision -nondivisional -nondivorce -nondo -nondoctrinal -nondocumentary -nondogmatic -nondoing -nondomestic -nondomesticated -nondominant -nondonation -nondramatic -nondrinking -nondropsical -nondrying -nonduality -nondumping -nonduplication -nondutiable -nondynastic -nondyspeptic -none -nonearning -noneastern -noneatable -nonecclesiastical -nonechoic -noneclectic -noneclipsing -nonecompense -noneconomic -nonedible -noneditor -noneditorial -noneducable -noneducation -noneducational -noneffective -noneffervescent -noneffete -nonefficacious -nonefficacy -nonefficiency -nonefficient -noneffusion -nonego -nonegoistical -nonejection -nonelastic -nonelasticity -nonelect -nonelection -nonelective -nonelector -nonelectric -nonelectrical -nonelectrification -nonelectrified -nonelectrized -nonelectrocution -nonelectrolyte -noneleemosynary -nonelemental -nonelementary -nonelimination -nonelopement -nonemanating -nonemancipation -nonembarkation -nonembellishment -nonembezzlement -nonembryonic -nonemendation -nonemergent -nonemigration -nonemission -nonemotional -nonemphatic -nonemphatical -nonempirical -nonemploying -nonemployment -nonemulative -nonenactment -nonenclosure -nonencroachment -nonencyclopedic -nonendemic -nonendorsement -nonenduring -nonene -nonenemy -nonenergic -nonenforceability -nonenforceable -nonenforcement -nonengagement -nonengineering -nonenrolled -nonent -nonentailed -nonenteric -nonentertainment -nonentitative -nonentitive -nonentitize -nonentity -nonentityism -nonentomological -nonentrant -nonentres -nonentry -nonenumerated -nonenunciation -nonenvious -nonenzymic -nonephemeral -nonepic -nonepicurean -nonepileptic -nonepiscopal -nonepiscopalian -nonepithelial -nonepochal -nonequal -nonequation -nonequatorial -nonequestrian -nonequilateral -nonequilibrium -nonequivalent -nonequivocating -nonerasure -nonerecting -nonerection -nonerotic -nonerroneous -nonerudite -noneruption -nones -nonescape -nonespionage -nonespousal -nonessential -nonesthetic -nonesuch -nonet -noneternal -noneternity -nonetheless -nonethereal -nonethical -nonethnological -nonethyl -noneugenic -noneuphonious -nonevacuation -nonevanescent -nonevangelical -nonevaporation -nonevasion -nonevasive -noneviction -nonevident -nonevidential -nonevil -nonevolutionary -nonevolutionist -nonevolving -nonexaction -nonexaggeration -nonexamination -nonexcavation -nonexcepted -nonexcerptible -nonexcessive -nonexchangeability -nonexchangeable -nonexciting -nonexclamatory -nonexclusion -nonexclusive -nonexcommunicable -nonexculpation -nonexcusable -nonexecution -nonexecutive -nonexemplary -nonexemplificatior -nonexempt -nonexercise -nonexertion -nonexhibition -nonexistence -nonexistent -nonexistential -nonexisting -nonexoneration -nonexotic -nonexpansion -nonexpansive -nonexpansively -nonexpectation -nonexpendable -nonexperience -nonexperienced -nonexperimental -nonexpert -nonexpiation -nonexpiry -nonexploitation -nonexplosive -nonexportable -nonexportation -nonexposure -nonexpulsion -nonextant -nonextempore -nonextended -nonextensile -nonextension -nonextensional -nonextensive -nonextenuatory -nonexteriority -nonextermination -nonexternal -nonexternality -nonextinction -nonextortion -nonextracted -nonextraction -nonextraditable -nonextradition -nonextraneous -nonextreme -nonextrication -nonextrinsic -nonexuding -nonexultation -nonfabulous -nonfacetious -nonfacial -nonfacility -nonfacing -nonfact -nonfactious -nonfactory -nonfactual -nonfacultative -nonfaculty -nonfaddist -nonfading -nonfailure -nonfalse -nonfamily -nonfamous -nonfanatical -nonfanciful -nonfarm -nonfastidious -nonfat -nonfatal -nonfatalistic -nonfatty -nonfavorite -nonfeasance -nonfeasor -nonfeatured -nonfebrile -nonfederal -nonfederated -nonfeldspathic -nonfelonious -nonfelony -nonfenestrated -nonfermentability -nonfermentable -nonfermentation -nonfermentative -nonferrous -nonfertile -nonfertility -nonfestive -nonfeudal -nonfibrous -nonfiction -nonfictional -nonfiduciary -nonfighter -nonfigurative -nonfilamentous -nonfimbriate -nonfinancial -nonfinding -nonfinishing -nonfinite -nonfireproof -nonfiscal -nonfisherman -nonfissile -nonfixation -nonflaky -nonflammable -nonfloatation -nonfloating -nonfloriferous -nonflowering -nonflowing -nonfluctuating -nonfluid -nonfluorescent -nonflying -nonfocal -nonfood -nonforeclosure -nonforeign -nonforeknowledge -nonforest -nonforested -nonforfeitable -nonforfeiting -nonforfeiture -nonform -nonformal -nonformation -nonformulation -nonfortification -nonfortuitous -nonfossiliferous -nonfouling -nonfrat -nonfraternity -nonfrauder -nonfraudulent -nonfreedom -nonfreeman -nonfreezable -nonfreeze -nonfreezing -nonfricative -nonfriction -nonfrosted -nonfruition -nonfrustration -nonfulfillment -nonfunctional -nonfundable -nonfundamental -nonfungible -nonfuroid -nonfusion -nonfuturition -nonfuturity -nongalactic -nongalvanized -nonganglionic -nongas -nongaseous -nongassy -nongelatinizing -nongelatinous -nongenealogical -nongenerative -nongenetic -nongentile -nongeographical -nongeological -nongeometrical -nongermination -nongerundial -nongildsman -nongipsy -nonglacial -nonglandered -nonglandular -nonglare -nonglucose -nonglucosidal -nonglucosidic -nongod -nongold -nongolfer -nongospel -nongovernmental -nongraduate -nongraduated -nongraduation -nongrain -nongranular -nongraphitic -nongrass -nongratuitous -nongravitation -nongravity -nongray -nongreasy -nongreen -nongregarious -nongremial -nongrey -nongrooming -nonguarantee -nonguard -nonguttural -nongymnast -nongypsy -nonhabitable -nonhabitual -nonhalation -nonhallucination -nonhandicap -nonhardenable -nonharmonic -nonharmonious -nonhazardous -nonheading -nonhearer -nonheathen -nonhedonistic -nonhepatic -nonhereditarily -nonhereditary -nonheritable -nonheritor -nonhero -nonhieratic -nonhistoric -nonhistorical -nonhomaloidal -nonhomogeneity -nonhomogeneous -nonhomogenous -nonhostile -nonhouseholder -nonhousekeeping -nonhuman -nonhumanist -nonhumorous -nonhumus -nonhunting -nonhydrogenous -nonhydrolyzable -nonhygrometric -nonhygroscopic -nonhypostatic -nonic -noniconoclastic -nonideal -nonidealist -nonidentical -nonidentity -nonidiomatic -nonidolatrous -nonidyllic -nonignitible -nonignominious -nonignorant -nonillion -nonillionth -nonillumination -nonillustration -nonimaginary -nonimbricating -nonimitative -nonimmateriality -nonimmersion -nonimmigrant -nonimmigration -nonimmune -nonimmunity -nonimmunized -nonimpact -nonimpairment -nonimpartment -nonimpatience -nonimpeachment -nonimperative -nonimperial -nonimplement -nonimportation -nonimporting -nonimposition -nonimpregnated -nonimpressionist -nonimprovement -nonimputation -nonincandescent -nonincarnated -nonincitement -noninclination -noninclusion -noninclusive -nonincrease -nonincreasing -nonincrusting -nonindependent -nonindictable -nonindictment -nonindividual -nonindividualistic -noninductive -noninductively -noninductivity -nonindurated -nonindustrial -noninfallibilist -noninfallible -noninfantry -noninfected -noninfection -noninfectious -noninfinite -noninfinitely -noninflammability -noninflammable -noninflammatory -noninflectional -noninfluence -noninformative -noninfraction -noninhabitant -noninheritable -noninherited -noninitial -noninjurious -noninjury -noninoculation -noninquiring -noninsect -noninsertion -noninstitution -noninstruction -noninstructional -noninstructress -noninstrumental -noninsurance -nonintegrable -nonintegrity -nonintellectual -nonintelligence -nonintelligent -nonintent -nonintention -noninterchangeability -noninterchangeable -nonintercourse -noninterference -noninterferer -noninterfering -nonintermittent -noninternational -noninterpolation -noninterposition -noninterrupted -nonintersecting -nonintersector -nonintervention -noninterventionalist -noninterventionist -nonintoxicant -nonintoxicating -nonintrospective -nonintrospectively -nonintrusion -nonintrusionism -nonintrusionist -nonintuitive -noninverted -noninvidious -noninvincibility -noniodized -nonion -nonionized -nonionizing -nonirate -nonirradiated -nonirrational -nonirreparable -nonirrevocable -nonirrigable -nonirrigated -nonirrigating -nonirrigation -nonirritable -nonirritant -nonirritating -nonisobaric -nonisotropic -nonissuable -nonius -nonjoinder -nonjudicial -nonjurable -nonjurant -nonjuress -nonjuring -nonjurist -nonjuristic -nonjuror -nonjurorism -nonjury -nonjurying -nonknowledge -nonkosher -nonlabeling -nonlactescent -nonlaminated -nonlanguage -nonlaying -nonleaded -nonleaking -nonlegal -nonlegato -nonlegume -nonlepidopterous -nonleprous -nonlevel -nonlevulose -nonliability -nonliable -nonliberation -nonlicensed -nonlicentiate -nonlicet -nonlicking -nonlife -nonlimitation -nonlimiting -nonlinear -nonlipoidal -nonliquefying -nonliquid -nonliquidating -nonliquidation -nonlister -nonlisting -nonliterary -nonlitigious -nonliturgical -nonliving -nonlixiviated -nonlocal -nonlocalized -nonlogical -nonlosable -nonloser -nonlover -nonloving -nonloxodromic -nonluminescent -nonluminosity -nonluminous -nonluster -nonlustrous -nonly -nonmagnetic -nonmagnetizable -nonmaintenance -nonmajority -nonmalarious -nonmalicious -nonmalignant -nonmalleable -nonmammalian -nonmandatory -nonmanifest -nonmanifestation -nonmanila -nonmannite -nonmanual -nonmanufacture -nonmanufactured -nonmanufacturing -nonmarine -nonmarital -nonmaritime -nonmarket -nonmarriage -nonmarriageable -nonmarrying -nonmartial -nonmastery -nonmaterial -nonmaterialistic -nonmateriality -nonmaternal -nonmathematical -nonmathematician -nonmatrimonial -nonmatter -nonmechanical -nonmechanistic -nonmedical -nonmedicinal -nonmedullated -nonmelodious -nonmember -nonmembership -nonmenial -nonmental -nonmercantile -nonmetal -nonmetallic -nonmetalliferous -nonmetallurgical -nonmetamorphic -nonmetaphysical -nonmeteoric -nonmeteorological -nonmetric -nonmetrical -nonmetropolitan -nonmicrobic -nonmicroscopical -nonmigratory -nonmilitant -nonmilitary -nonmillionaire -nonmimetic -nonmineral -nonmineralogical -nonminimal -nonministerial -nonministration -nonmiraculous -nonmischievous -nonmiscible -nonmissionary -nonmobile -nonmodal -nonmodern -nonmolar -nonmolecular -nonmomentary -nonmonarchical -nonmonarchist -nonmonastic -nonmonist -nonmonogamous -nonmonotheistic -nonmorainic -nonmoral -nonmorality -nonmortal -nonmotile -nonmotoring -nonmotorist -nonmountainous -nonmucilaginous -nonmucous -nonmulched -nonmultiple -nonmunicipal -nonmuscular -nonmusical -nonmussable -nonmutationally -nonmutative -nonmutual -nonmystical -nonmythical -nonmythological -nonnant -nonnarcotic -nonnasal -nonnat -nonnational -nonnative -nonnatural -nonnaturalism -nonnaturalistic -nonnaturality -nonnaturalness -nonnautical -nonnaval -nonnavigable -nonnavigation -nonnebular -nonnecessary -nonnecessity -nonnegligible -nonnegotiable -nonnegotiation -nonnephritic -nonnervous -nonnescience -nonnescient -nonneutral -nonneutrality -nonnitrogenized -nonnitrogenous -nonnoble -nonnomination -nonnotification -nonnotional -nonnucleated -nonnumeral -nonnutrient -nonnutritious -nonnutritive -nonobedience -nonobedient -nonobjection -nonobjective -nonobligatory -nonobservable -nonobservance -nonobservant -nonobservation -nonobstetrical -nonobstructive -nonobvious -nonoccidental -nonocculting -nonoccupant -nonoccupation -nonoccupational -nonoccurrence -nonodorous -nonoecumenic -nonoffender -nonoffensive -nonofficeholding -nonofficial -nonofficially -nonofficinal -nonoic -nonoily -nonolfactory -nonomad -nononerous -nonopacity -nonopening -nonoperating -nonoperative -nonopposition -nonoppressive -nonoptical -nonoptimistic -nonoptional -nonorchestral -nonordination -nonorganic -nonorganization -nonoriental -nonoriginal -nonornamental -nonorthodox -nonorthographical -nonoscine -nonostentation -nonoutlawry -nonoutrage -nonoverhead -nonoverlapping -nonowner -nonoxidating -nonoxidizable -nonoxidizing -nonoxygenated -nonoxygenous -nonpacific -nonpacification -nonpacifist -nonpagan -nonpaid -nonpainter -nonpalatal -nonpapal -nonpapist -nonpar -nonparallel -nonparalytic -nonparasitic -nonparasitism -nonpareil -nonparent -nonparental -nonpariello -nonparishioner -nonparliamentary -nonparlor -nonparochial -nonparous -nonpartial -nonpartiality -nonparticipant -nonparticipating -nonparticipation -nonpartisan -nonpartisanship -nonpartner -nonparty -nonpassenger -nonpasserine -nonpastoral -nonpatentable -nonpatented -nonpaternal -nonpathogenic -nonpause -nonpaying -nonpayment -nonpeak -nonpeaked -nonpearlitic -nonpecuniary -nonpedestrian -nonpedigree -nonpelagic -nonpeltast -nonpenal -nonpenalized -nonpending -nonpensionable -nonpensioner -nonperception -nonperceptual -nonperfection -nonperforated -nonperforating -nonperformance -nonperformer -nonperforming -nonperiodic -nonperiodical -nonperishable -nonperishing -nonperjury -nonpermanent -nonpermeability -nonpermeable -nonpermissible -nonpermission -nonperpendicular -nonperpetual -nonperpetuity -nonpersecution -nonperseverance -nonpersistence -nonpersistent -nonperson -nonpersonal -nonpersonification -nonpertinent -nonperversive -nonphagocytic -nonpharmaceutical -nonphenolic -nonphenomenal -nonphilanthropic -nonphilological -nonphilosophical -nonphilosophy -nonphonetic -nonphosphatic -nonphosphorized -nonphotobiotic -nonphysical -nonphysiological -nonpickable -nonpigmented -nonplacental -nonplacet -nonplanar -nonplane -nonplanetary -nonplantowning -nonplastic -nonplate -nonplausible -nonpleading -nonplus -nonplusation -nonplushed -nonplutocratic -nonpoet -nonpoetic -nonpoisonous -nonpolar -nonpolarizable -nonpolarizing -nonpolitical -nonponderosity -nonponderous -nonpopery -nonpopular -nonpopularity -nonporous -nonporphyritic -nonport -nonportability -nonportable -nonportrayal -nonpositive -nonpossession -nonposthumous -nonpostponement -nonpotential -nonpower -nonpractical -nonpractice -nonpraedial -nonpreaching -nonprecious -nonprecipitation -nonpredatory -nonpredestination -nonpredicative -nonpredictable -nonpreference -nonpreferential -nonpreformed -nonpregnant -nonprehensile -nonprejudicial -nonprelatical -nonpremium -nonpreparation -nonprepayment -nonprepositional -nonpresbyter -nonprescribed -nonprescriptive -nonpresence -nonpresentation -nonpreservation -nonpresidential -nonpress -nonpressure -nonprevalence -nonprevalent -nonpriestly -nonprimitive -nonprincipiate -nonprincipled -nonprobable -nonprocreation -nonprocurement -nonproducer -nonproducing -nonproduction -nonproductive -nonproductively -nonproductiveness -nonprofane -nonprofessed -nonprofession -nonprofessional -nonprofessionalism -nonprofessorial -nonproficience -nonproficiency -nonproficient -nonprofit -nonprofiteering -nonprognostication -nonprogressive -nonprohibitable -nonprohibition -nonprohibitive -nonprojection -nonprojective -nonprojectively -nonproletarian -nonproliferous -nonprolific -nonprolongation -nonpromiscuous -nonpromissory -nonpromotion -nonpromulgation -nonpronunciation -nonpropagandistic -nonpropagation -nonprophetic -nonpropitiation -nonproportional -nonproprietary -nonproprietor -nonprorogation -nonproscriptive -nonprosecution -nonprospect -nonprotection -nonprotective -nonproteid -nonprotein -nonprotestation -nonprotractile -nonprotractility -nonproven -nonprovided -nonprovidential -nonprovocation -nonpsychic -nonpsychological -nonpublic -nonpublication -nonpublicity -nonpueblo -nonpulmonary -nonpulsating -nonpumpable -nonpunctual -nonpunctuation -nonpuncturable -nonpunishable -nonpunishing -nonpunishment -nonpurchase -nonpurchaser -nonpurgative -nonpurification -nonpurposive -nonpursuit -nonpurulent -nonpurveyance -nonputrescent -nonputrescible -nonputting -nonpyogenic -nonpyritiferous -nonqualification -nonquality -nonquota -nonracial -nonradiable -nonradiating -nonradical -nonrailroader -nonranging -nonratability -nonratable -nonrated -nonratifying -nonrational -nonrationalist -nonrationalized -nonrayed -nonreaction -nonreactive -nonreactor -nonreader -nonreading -nonrealistic -nonreality -nonrealization -nonreasonable -nonreasoner -nonrebel -nonrebellious -nonreceipt -nonreceiving -nonrecent -nonreception -nonrecess -nonrecipient -nonreciprocal -nonreciprocating -nonreciprocity -nonrecital -nonreclamation -nonrecluse -nonrecognition -nonrecognized -nonrecoil -nonrecollection -nonrecommendation -nonreconciliation -nonrecourse -nonrecoverable -nonrecovery -nonrectangular -nonrectified -nonrecuperation -nonrecurrent -nonrecurring -nonredemption -nonredressing -nonreducing -nonreference -nonrefillable -nonreflector -nonreformation -nonrefraction -nonrefrigerant -nonrefueling -nonrefutation -nonregardance -nonregarding -nonregenerating -nonregenerative -nonregent -nonregimented -nonregistered -nonregistrability -nonregistrable -nonregistration -nonregression -nonregulation -nonrehabilitation -nonreigning -nonreimbursement -nonreinforcement -nonreinstatement -nonrejection -nonrejoinder -nonrelapsed -nonrelation -nonrelative -nonrelaxation -nonrelease -nonreliance -nonreligion -nonreligious -nonreligiousness -nonrelinquishment -nonremanie -nonremedy -nonremembrance -nonremission -nonremonstrance -nonremuneration -nonremunerative -nonrendition -nonrenewable -nonrenewal -nonrenouncing -nonrenunciation -nonrepair -nonreparation -nonrepayable -nonrepealing -nonrepeat -nonrepeater -nonrepentance -nonrepetition -nonreplacement -nonreplicate -nonreportable -nonreprehensible -nonrepresentation -nonrepresentational -nonrepresentationalism -nonrepresentative -nonrepression -nonreprisal -nonreproduction -nonreproductive -nonrepublican -nonrepudiation -nonrequirement -nonrequisition -nonrequital -nonrescue -nonresemblance -nonreservation -nonreserve -nonresidence -nonresidency -nonresident -nonresidental -nonresidenter -nonresidential -nonresidentiary -nonresidentor -nonresidual -nonresignation -nonresinifiable -nonresistance -nonresistant -nonresisting -nonresistive -nonresolvability -nonresolvable -nonresonant -nonrespectable -nonrespirable -nonresponsibility -nonrestitution -nonrestraint -nonrestricted -nonrestriction -nonrestrictive -nonresumption -nonresurrection -nonresuscitation -nonretaliation -nonretention -nonretentive -nonreticence -nonretinal -nonretirement -nonretiring -nonretraceable -nonretractation -nonretractile -nonretraction -nonretrenchment -nonretroactive -nonreturn -nonreturnable -nonrevaluation -nonrevealing -nonrevelation -nonrevenge -nonrevenue -nonreverse -nonreversed -nonreversible -nonreversing -nonreversion -nonrevertible -nonreviewable -nonrevision -nonrevival -nonrevocation -nonrevolting -nonrevolutionary -nonrevolving -nonrhetorical -nonrhymed -nonrhyming -nonrhythmic -nonriding -nonrigid -nonrioter -nonriparian -nonritualistic -nonrival -nonromantic -nonrotatable -nonrotating -nonrotative -nonround -nonroutine -nonroyal -nonroyalist -nonrubber -nonruminant -Nonruminantia -nonrun -nonrupture -nonrural -nonrustable -nonsabbatic -nonsaccharine -nonsacerdotal -nonsacramental -nonsacred -nonsacrifice -nonsacrificial -nonsailor -nonsalable -nonsalaried -nonsale -nonsaline -nonsalutary -nonsalutation -nonsalvation -nonsanctification -nonsanction -nonsanctity -nonsane -nonsanguine -nonsanity -nonsaponifiable -nonsatisfaction -nonsaturated -nonsaturation -nonsaving -nonsawing -nonscalding -nonscaling -nonscandalous -nonschematized -nonschismatic -nonscholastic -nonscience -nonscientific -nonscientist -nonscoring -nonscraping -nonscriptural -nonscripturalist -nonscrutiny -nonseasonal -nonsecession -nonseclusion -nonsecrecy -nonsecret -nonsecretarial -nonsecretion -nonsecretive -nonsecretory -nonsectarian -nonsectional -nonsectorial -nonsecular -nonsecurity -nonsedentary -nonseditious -nonsegmented -nonsegregation -nonseizure -nonselected -nonselection -nonselective -nonself -nonselfregarding -nonselling -nonsenatorial -nonsense -nonsensible -nonsensical -nonsensicality -nonsensically -nonsensicalness -nonsensification -nonsensify -nonsensitive -nonsensitiveness -nonsensitized -nonsensorial -nonsensuous -nonsentence -nonsentient -nonseparation -nonseptate -nonseptic -nonsequacious -nonsequaciousness -nonsequestration -nonserial -nonserif -nonserious -nonserous -nonserviential -nonservile -nonsetter -nonsetting -nonsettlement -nonsexual -nonsexually -nonshaft -nonsharing -nonshatter -nonshedder -nonshipper -nonshipping -nonshredding -nonshrinkable -nonshrinking -nonsiccative -nonsidereal -nonsignatory -nonsignature -nonsignificance -nonsignificant -nonsignification -nonsignificative -nonsilicated -nonsiliceous -nonsilver -nonsimplification -nonsine -nonsinging -nonsingular -nonsinkable -nonsinusoidal -nonsiphonage -nonsister -nonsitter -nonsitting -nonskeptical -nonskid -nonskidding -nonskipping -nonslaveholding -nonslip -nonslippery -nonslipping -nonsludging -nonsmoker -nonsmoking -nonsmutting -nonsocial -nonsocialist -nonsocialistic -nonsociety -nonsociological -nonsolar -nonsoldier -nonsolicitation -nonsolid -nonsolidified -nonsolution -nonsolvency -nonsolvent -nonsonant -nonsovereign -nonspalling -nonsparing -nonsparking -nonspeaker -nonspeaking -nonspecial -nonspecialist -nonspecialized -nonspecie -nonspecific -nonspecification -nonspecificity -nonspecified -nonspectacular -nonspectral -nonspeculation -nonspeculative -nonspherical -nonspill -nonspillable -nonspinning -nonspinose -nonspiny -nonspiral -nonspirit -nonspiritual -nonspirituous -nonspontaneous -nonspored -nonsporeformer -nonsporeforming -nonsporting -nonspottable -nonsprouting -nonstainable -nonstaining -nonstampable -nonstandard -nonstandardized -nonstanzaic -nonstaple -nonstarch -nonstarter -nonstarting -nonstatement -nonstatic -nonstationary -nonstatistical -nonstatutory -nonstellar -nonsticky -nonstimulant -nonstipulation -nonstock -nonstooping -nonstop -nonstrategic -nonstress -nonstretchable -nonstretchy -nonstriated -nonstriker -nonstriking -nonstriped -nonstructural -nonstudent -nonstudious -nonstylized -nonsubject -nonsubjective -nonsubmission -nonsubmissive -nonsubordination -nonsubscriber -nonsubscribing -nonsubscription -nonsubsiding -nonsubsidy -nonsubsistence -nonsubstantial -nonsubstantialism -nonsubstantialist -nonsubstantiality -nonsubstantiation -nonsubstantive -nonsubstitution -nonsubtraction -nonsuccess -nonsuccessful -nonsuccession -nonsuccessive -nonsuccour -nonsuction -nonsuctorial -nonsufferance -nonsuffrage -nonsugar -nonsuggestion -nonsuit -nonsulphurous -nonsummons -nonsupplication -nonsupport -nonsupporter -nonsupporting -nonsuppositional -nonsuppressed -nonsuppression -nonsuppurative -nonsurface -nonsurgical -nonsurrender -nonsurvival -nonsurvivor -nonsuspect -nonsustaining -nonsustenance -nonswearer -nonswearing -nonsweating -nonswimmer -nonswimming -nonsyllabic -nonsyllabicness -nonsyllogistic -nonsyllogizing -nonsymbiotic -nonsymbiotically -nonsymbolic -nonsymmetrical -nonsympathetic -nonsympathizer -nonsympathy -nonsymphonic -nonsymptomatic -nonsynchronous -nonsyndicate -nonsynodic -nonsynonymous -nonsyntactic -nonsyntactical -nonsynthesized -nonsyntonic -nonsystematic -nontabular -nontactical -nontan -nontangential -nontannic -nontannin -nontariff -nontarnishable -nontarnishing -nontautomeric -nontautomerizable -nontax -nontaxability -nontaxable -nontaxonomic -nonteachable -nonteacher -nonteaching -nontechnical -nontechnological -nonteetotaler -nontelegraphic -nonteleological -nontelephonic -nontemporal -nontemporizing -nontenant -nontenure -nontenurial -nonterm -nonterminating -nonterrestrial -nonterritorial -nonterritoriality -nontestamentary -nontextual -nontheatrical -nontheistic -nonthematic -nontheological -nontheosophical -nontherapeutic -nonthinker -nonthinking -nonthoracic -nonthoroughfare -nonthreaded -nontidal -nontillable -nontimbered -nontitaniferous -nontitular -nontolerated -nontopographical -nontourist -nontoxic -nontraction -nontrade -nontrader -nontrading -nontraditional -nontragic -nontrailing -nontransferability -nontransferable -nontransgression -nontransient -nontransitional -nontranslocation -nontransmission -nontransparency -nontransparent -nontransportation -nontransposing -nontransposition -nontraveler -nontraveling -nontreasonable -nontreated -nontreatment -nontreaty -nontrespass -nontrial -nontribal -nontribesman -nontributary -nontrier -nontrigonometrical -nontronite -nontropical -nontrunked -nontruth -nontuberculous -nontuned -nonturbinated -nontutorial -nontyphoidal -nontypical -nontypicalness -nontypographical -nontyrannical -nonubiquitous -nonulcerous -nonultrafilterable -nonumbilical -nonumbilicate -nonumbrellaed -nonunanimous -nonuncial -nonundergraduate -nonunderstandable -nonunderstanding -nonunderstandingly -nonunderstood -nonundulatory -nonuniform -nonuniformist -nonuniformitarian -nonuniformity -nonuniformly -nonunion -nonunionism -nonunionist -nonunique -nonunison -nonunited -nonuniversal -nonuniversity -nonupholstered -nonuple -nonuplet -nonupright -nonurban -nonurgent -nonusage -nonuse -nonuser -nonusing -nonusurping -nonuterine -nonutile -nonutilitarian -nonutility -nonutilized -nonutterance -nonvacant -nonvaccination -nonvacuous -nonvaginal -nonvalent -nonvalidity -nonvaluation -nonvalve -nonvanishing -nonvariable -nonvariant -nonvariation -nonvascular -nonvassal -nonvegetative -nonvenereal -nonvenomous -nonvenous -nonventilation -nonverbal -nonverdict -nonverminous -nonvernacular -nonvertebral -nonvertical -nonvertically -nonvesicular -nonvesting -nonvesture -nonveteran -nonveterinary -nonviable -nonvibratile -nonvibration -nonvibrator -nonvibratory -nonvicarious -nonvictory -nonvillager -nonvillainous -nonvindication -nonvinous -nonvintage -nonviolation -nonviolence -nonvirginal -nonvirile -nonvirtue -nonvirtuous -nonvirulent -nonviruliferous -nonvisaed -nonvisceral -nonviscid -nonviscous -nonvisional -nonvisitation -nonvisiting -nonvisual -nonvisualized -nonvital -nonvitreous -nonvitrified -nonviviparous -nonvocal -nonvocalic -nonvocational -nonvolant -nonvolatile -nonvolatilized -nonvolcanic -nonvolition -nonvoluntary -nonvortical -nonvortically -nonvoter -nonvoting -nonvulcanizable -nonvulvar -nonwalking -nonwar -nonwasting -nonwatertight -nonweakness -nonwestern -nonwetted -nonwhite -nonwinged -nonwoody -nonworker -nonworking -nonworship -nonwrinkleable -nonya -nonyielding -nonyl -nonylene -nonylenic -nonylic -nonzealous -nonzero -nonzodiacal -nonzonal -nonzonate -nonzoological -noodle -noodledom -noodleism -nook -nooked -nookery -nooking -nooklet -nooklike -nooky -noological -noologist -noology -noometry -noon -noonday -noonflower -nooning -noonlight -noonlit -noonstead -noontide -noontime -noonwards -noop -nooscopic -noose -nooser -Nootka -nopal -Nopalea -nopalry -nope -nopinene -nor -Nora -Norah -norard -norate -noration -norbergite -Norbert -Norbertine -norcamphane -nordcaper -nordenskioldine -Nordic -Nordicism -Nordicist -Nordicity -Nordicization -Nordicize -nordmarkite -noreast -noreaster -norelin -Norfolk -Norfolkian -norgine -nori -noria -Noric -norie -norimon -norite -norland -norlander -norlandism -norleucine -Norm -norm -Norma -norma -normal -normalcy -normalism -normalist -normality -normalization -normalize -normalizer -normally -normalness -Norman -Normanesque -Normanish -Normanism -Normanist -Normanization -Normanize -Normanizer -Normanly -Normannic -normated -normative -normatively -normativeness -normless -normoblast -normoblastic -normocyte -normocytic -normotensive -Norn -Norna -nornicotine -nornorwest -noropianic -norpinic -Norridgewock -Norroway -Norroy -Norse -norsel -Norseland -norseler -Norseman -Norsk -north -northbound -northeast -northeaster -northeasterly -northeastern -northeasternmost -northeastward -northeastwardly -northeastwards -norther -northerliness -northerly -northern -northerner -northernize -northernly -northernmost -northernness -northest -northfieldite -northing -northland -northlander -northlight -Northman -northmost -northness -Northumber -Northumbrian -northupite -northward -northwardly -northwards -northwest -northwester -northwesterly -northwestern -northwestward -northwestwardly -northwestwards -Norumbega -norward -norwards -Norway -Norwegian -norwest -norwester -norwestward -Nosairi -Nosairian -nosarian -nose -nosean -noseanite -noseband -nosebanded -nosebleed -nosebone -noseburn -nosed -nosegay -nosegaylike -noseherb -nosehole -noseless -noselessly -noselessness -noselike -noselite -Nosema -Nosematidae -nosepiece -nosepinch -noser -nosesmart -nosethirl -nosetiology -nosewards -nosewheel -nosewise -nosey -nosine -nosing -nosism -nosocomial -nosocomium -nosogenesis -nosogenetic -nosogenic -nosogeny -nosogeography -nosographer -nosographic -nosographical -nosographically -nosography -nosohaemia -nosohemia -nosological -nosologically -nosologist -nosology -nosomania -nosomycosis -nosonomy -nosophobia -nosophyte -nosopoetic -nosopoietic -nosotaxy -nosotrophy -nostalgia -nostalgic -nostalgically -nostalgy -nostic -Nostoc -Nostocaceae -nostocaceous -nostochine -nostologic -nostology -nostomania -Nostradamus -nostrificate -nostrification -nostril -nostriled -nostrility -nostrilsome -nostrum -nostrummonger -nostrummongership -nostrummongery -Nosu -nosy -not -notabilia -notability -notable -notableness -notably -notacanthid -Notacanthidae -notacanthoid -notacanthous -Notacanthus -notaeal -notaeum -notal -notalgia -notalgic -Notalia -notan -notandum -notanencephalia -notarial -notarially -notariate -notarikon -notarize -notary -notaryship -notate -notation -notational -notative -notator -notch -notchboard -notched -notchel -notcher -notchful -notching -notchweed -notchwing -notchy -note -notebook -notecase -noted -notedly -notedness -notehead -noteholder -notekin -Notelaea -noteless -notelessly -notelessness -notelet -notencephalocele -notencephalus -noter -notewise -noteworthily -noteworthiness -noteworthy -notharctid -Notharctidae -Notharctus -nother -nothing -nothingarian -nothingarianism -nothingism -nothingist -nothingize -nothingless -nothingly -nothingness -nothingology -Nothofagus -Notholaena -nothosaur -Nothosauri -nothosaurian -Nothosauridae -Nothosaurus -nothous -notice -noticeability -noticeable -noticeably -noticer -Notidani -notidanian -notidanid -Notidanidae -notidanidan -notidanoid -Notidanus -notifiable -notification -notified -notifier -notify -notifyee -notion -notionable -notional -notionalist -notionality -notionally -notionalness -notionary -notionate -notioned -notionist -notionless -Notiosorex -notitia -Notkerian -notocentrous -notocentrum -notochord -notochordal -notodontian -notodontid -Notodontidae -notodontoid -Notogaea -Notogaeal -Notogaean -Notogaeic -notommatid -Notommatidae -Notonecta -notonectal -notonectid -Notonectidae -notopodial -notopodium -notopterid -Notopteridae -notopteroid -Notopterus -notorhizal -Notorhynchus -notoriety -notorious -notoriously -notoriousness -Notornis -Notoryctes -Notostraca -Nototherium -Nototrema -nototribe -notour -notourly -Notropis -notself -Nottoway -notum -Notungulata -notungulate -Notus -notwithstanding -Nou -nougat -nougatine -nought -noumeaite -noumeite -noumenal -noumenalism -noumenalist -noumenality -noumenalize -noumenally -noumenism -noumenon -noun -nounal -nounally -nounize -nounless -noup -nourice -nourish -nourishable -nourisher -nourishing -nourishingly -nourishment -nouriture -nous -nouther -nova -novaculite -novalia -Novanglian -Novanglican -novantique -novarsenobenzene -novate -Novatian -Novatianism -Novatianist -novation -novative -novator -novatory -novatrix -novcic -novel -novelcraft -noveldom -novelese -novelesque -novelet -novelette -noveletter -novelettish -novelettist -noveletty -novelish -novelism -novelist -novelistic -novelistically -novelization -novelize -novella -novelless -novellike -novelly -novelmongering -novelness -novelry -novelty -novelwright -novem -novemarticulate -November -Novemberish -novemcostate -novemdigitate -novemfid -novemlobate -novemnervate -novemperfoliate -novena -novenary -novendial -novene -novennial -novercal -Novial -novice -novicehood -novicelike -noviceship -noviciate -novilunar -novitial -novitiate -novitiateship -novitiation -novity -Novo -Novocain -novodamus -Novorolsky -now -nowaday -nowadays -nowanights -noway -noways -nowed -nowel -nowhat -nowhen -nowhence -nowhere -nowhereness -nowheres -nowhit -nowhither -nowise -nowness -Nowroze -nowt -nowy -noxa -noxal -noxally -noxious -noxiously -noxiousness -noy -noyade -noyau -Nozi -nozzle -nozzler -nth -nu -nuance -nub -Nuba -nubbin -nubble -nubbling -nubbly -nubby -nubecula -nubia -Nubian -nubiferous -nubiform -nubigenous -nubilate -nubilation -nubile -nubility -nubilous -Nubilum -nucal -nucament -nucamentaceous -nucellar -nucellus -nucha -nuchal -nuchalgia -nuciculture -nuciferous -nuciform -nucin -nucivorous -nucleal -nuclear -nucleary -nuclease -nucleate -nucleation -nucleator -nuclei -nucleiferous -nucleiform -nuclein -nucleinase -nucleoalbumin -nucleoalbuminuria -nucleofugal -nucleohistone -nucleohyaloplasm -nucleohyaloplasma -nucleoid -nucleoidioplasma -nucleolar -nucleolated -nucleole -nucleoli -nucleolinus -nucleolocentrosome -nucleoloid -nucleolus -nucleolysis -nucleomicrosome -nucleon -nucleone -nucleonics -nucleopetal -nucleoplasm -nucleoplasmatic -nucleoplasmic -nucleoprotein -nucleoside -nucleotide -nucleus -nuclide -nuclidic -Nucula -Nuculacea -nuculanium -nucule -nuculid -Nuculidae -nuculiform -nuculoid -Nuda -nudate -nudation -Nudd -nuddle -nude -nudely -nudeness -Nudens -nudge -nudger -nudibranch -Nudibranchia -nudibranchian -nudibranchiate -nudicaudate -nudicaul -nudifier -nudiflorous -nudiped -nudish -nudism -nudist -nuditarian -nudity -nugacious -nugaciousness -nugacity -nugator -nugatoriness -nugatory -nuggar -nugget -nuggety -nugify -nugilogue -Nugumiut -nuisance -nuisancer -nuke -Nukuhivan -nul -null -nullable -nullah -nullibicity -nullibility -nullibiquitous -nullibist -nullification -nullificationist -nullificator -nullifidian -nullifier -nullify -nullipara -nulliparity -nulliparous -nullipennate -Nullipennes -nulliplex -nullipore -nulliporous -nullism -nullisome -nullisomic -nullity -nulliverse -nullo -Numa -Numantine -numb -number -numberable -numberer -numberful -numberless -numberous -numbersome -numbfish -numbing -numbingly -numble -numbles -numbly -numbness -numda -numdah -numen -Numenius -numerable -numerableness -numerably -numeral -numerant -numerary -numerate -numeration -numerative -numerator -numerical -numerically -numericalness -numerist -numero -numerology -numerose -numerosity -numerous -numerously -numerousness -Numida -Numidae -Numidian -Numididae -Numidinae -numinism -numinous -numinously -numismatic -numismatical -numismatically -numismatician -numismatics -numismatist -numismatography -numismatologist -numismatology -nummary -nummi -nummiform -nummular -Nummularia -nummulary -nummulated -nummulation -nummuline -Nummulinidae -nummulite -Nummulites -nummulitic -Nummulitidae -nummulitoid -nummuloidal -nummus -numskull -numskulled -numskulledness -numskullery -numskullism -numud -nun -nunatak -nunbird -nunch -nuncheon -nunciate -nunciative -nunciatory -nunciature -nuncio -nuncioship -nuncle -nuncupate -nuncupation -nuncupative -nuncupatively -nundinal -nundination -nundine -nunhood -Nunki -nunky -nunlet -nunlike -nunnari -nunnated -nunnation -nunnery -nunni -nunnify -nunnish -nunnishness -nunship -Nupe -Nuphar -nuptial -nuptiality -nuptialize -nuptially -nuptials -nuque -nuraghe -nurhag -nurly -nursable -nurse -nursedom -nursegirl -nursehound -nursekeeper -nursekin -nurselet -nurselike -nursemaid -nurser -nursery -nurserydom -nurseryful -nurserymaid -nurseryman -nursetender -nursing -nursingly -nursle -nursling -nursy -nurturable -nurtural -nurture -nurtureless -nurturer -nurtureship -Nusairis -Nusakan -nusfiah -nut -nutant -nutarian -nutate -nutation -nutational -nutbreaker -nutcake -nutcrack -nutcracker -nutcrackers -nutcrackery -nutgall -nuthatch -nuthook -nutjobber -nutlet -nutlike -nutmeg -nutmegged -nutmeggy -nutpecker -nutpick -nutramin -nutria -nutrice -nutricial -nutricism -nutrient -nutrify -nutriment -nutrimental -nutritial -nutrition -nutritional -nutritionally -nutritionist -nutritious -nutritiously -nutritiousness -nutritive -nutritively -nutritiveness -nutritory -nutseed -nutshell -Nuttallia -nuttalliasis -nuttalliosis -nutted -nutter -nuttery -nuttily -nuttiness -nutting -nuttish -nuttishness -nutty -nuzzer -nuzzerana -nuzzle -Nyamwezi -Nyanja -nyanza -Nyaya -nychthemer -nychthemeral -nychthemeron -Nyctaginaceae -nyctaginaceous -Nyctaginia -nyctalope -nyctalopia -nyctalopic -nyctalopy -Nyctanthes -Nyctea -Nyctereutes -nycteribiid -Nycteribiidae -Nycteridae -nycterine -Nycteris -Nycticorax -Nyctimene -nyctinastic -nyctinasty -nyctipelagic -Nyctipithecinae -nyctipithecine -Nyctipithecus -nyctitropic -nyctitropism -nyctophobia -nycturia -Nydia -nye -nylast -nylon -nymil -nymph -nympha -nymphae -Nymphaea -Nymphaeaceae -nymphaeaceous -nymphaeum -nymphal -nymphalid -Nymphalidae -Nymphalinae -nymphaline -nympheal -nymphean -nymphet -nymphic -nymphical -nymphid -nymphine -Nymphipara -nymphiparous -nymphish -nymphitis -nymphlike -nymphlin -nymphly -Nymphoides -nympholepsia -nympholepsy -nympholept -nympholeptic -nymphomania -nymphomaniac -nymphomaniacal -Nymphonacea -nymphosis -nymphotomy -nymphwise -Nyoro -Nyroca -Nyssa -Nyssaceae -nystagmic -nystagmus -nyxis -O -o -oadal -oaf -oafdom -oafish -oafishly -oafishness -oak -oakberry -Oakboy -oaken -oakenshaw -Oakesia -oaklet -oaklike -oakling -oaktongue -oakum -oakweb -oakwood -oaky -oam -Oannes -oar -oarage -oarcock -oared -oarfish -oarhole -oarial -oarialgia -oaric -oariocele -oariopathic -oariopathy -oariotomy -oaritic -oaritis -oarium -oarless -oarlike -oarlock -oarlop -oarman -oarsman -oarsmanship -oarswoman -oarweed -oary -oasal -oasean -oases -oasis -oasitic -oast -oasthouse -oat -oatbin -oatcake -oatear -oaten -oatenmeal -oatfowl -oath -oathay -oathed -oathful -oathlet -oathworthy -oatland -oatlike -oatmeal -oatseed -oaty -Obadiah -obambulate -obambulation -obambulatory -oban -Obbenite -obbligato -obclavate -obclude -obcompressed -obconical -obcordate -obcordiform -obcuneate -obdeltoid -obdiplostemonous -obdiplostemony -obdormition -obduction -obduracy -obdurate -obdurately -obdurateness -obduration -obe -obeah -obeahism -obeche -obedience -obediency -obedient -obediential -obedientially -obedientialness -obedientiar -obedientiary -obediently -obeisance -obeisant -obeisantly -obeism -obelia -obeliac -obelial -obelion -obeliscal -obeliscar -obelisk -obeliskoid -obelism -obelize -obelus -Oberon -obese -obesely -obeseness -obesity -obex -obey -obeyable -obeyer -obeyingly -obfuscable -obfuscate -obfuscation -obfuscator -obfuscity -obfuscous -obi -Obidicut -obispo -obit -obitual -obituarian -obituarily -obituarist -obituarize -obituary -object -objectable -objectation -objectative -objectee -objecthood -objectification -objectify -objection -objectionability -objectionable -objectionableness -objectionably -objectional -objectioner -objectionist -objectival -objectivate -objectivation -objective -objectively -objectiveness -objectivism -objectivist -objectivistic -objectivity -objectivize -objectization -objectize -objectless -objectlessly -objectlessness -objector -objicient -objuration -objure -objurgate -objurgation -objurgative -objurgatively -objurgator -objurgatorily -objurgatory -objurgatrix -oblanceolate -oblate -oblately -oblateness -oblation -oblational -oblationary -oblatory -oblectate -oblectation -obley -obligable -obligancy -obligant -obligate -obligation -obligational -obligative -obligativeness -obligator -obligatorily -obligatoriness -obligatory -obligatum -oblige -obliged -obligedly -obligedness -obligee -obligement -obliger -obliging -obligingly -obligingness -obligistic -obligor -obliquangular -obliquate -obliquation -oblique -obliquely -obliqueness -obliquitous -obliquity -obliquus -obliterable -obliterate -obliteration -obliterative -obliterator -oblivescence -oblivial -obliviality -oblivion -oblivionate -oblivionist -oblivionize -oblivious -obliviously -obliviousness -obliviscence -obliviscible -oblocutor -oblong -oblongatal -oblongated -oblongish -oblongitude -oblongitudinal -oblongly -oblongness -obloquial -obloquious -obloquy -obmutescence -obmutescent -obnebulate -obnounce -obnoxiety -obnoxious -obnoxiously -obnoxiousness -obnubilate -obnubilation -obnunciation -oboe -oboist -obol -Obolaria -obolary -obole -obolet -obolus -obomegoid -Obongo -oboval -obovate -obovoid -obpyramidal -obpyriform -Obrazil -obreption -obreptitious -obreptitiously -obrogate -obrogation -obrotund -obscene -obscenely -obsceneness -obscenity -obscurancy -obscurant -obscurantic -obscurantism -obscurantist -obscuration -obscurative -obscure -obscuredly -obscurely -obscurement -obscureness -obscurer -obscurism -obscurist -obscurity -obsecrate -obsecration -obsecrationary -obsecratory -obsede -obsequence -obsequent -obsequial -obsequience -obsequiosity -obsequious -obsequiously -obsequiousness -obsequity -obsequium -obsequy -observability -observable -observableness -observably -observance -observancy -observandum -observant -Observantine -Observantist -observantly -observantness -observation -observational -observationalism -observationally -observative -observatorial -observatory -observe -observedly -observer -observership -observing -observingly -obsess -obsessingly -obsession -obsessional -obsessionist -obsessive -obsessor -obsidian -obsidianite -obsidional -obsidionary -obsidious -obsignate -obsignation -obsignatory -obsolesce -obsolescence -obsolescent -obsolescently -obsolete -obsoletely -obsoleteness -obsoletion -obsoletism -obstacle -obstetric -obstetrical -obstetrically -obstetricate -obstetrication -obstetrician -obstetrics -obstetricy -obstetrist -obstetrix -obstinacious -obstinacy -obstinance -obstinate -obstinately -obstinateness -obstination -obstinative -obstipation -obstreperate -obstreperosity -obstreperous -obstreperously -obstreperousness -obstriction -obstringe -obstruct -obstructant -obstructedly -obstructer -obstructingly -obstruction -obstructionism -obstructionist -obstructive -obstructively -obstructiveness -obstructivism -obstructivity -obstructor -obstruent -obstupefy -obtain -obtainable -obtainal -obtainance -obtainer -obtainment -obtect -obtected -obtemper -obtemperate -obtenebrate -obtenebration -obtention -obtest -obtestation -obtriangular -obtrude -obtruder -obtruncate -obtruncation -obtruncator -obtrusion -obtrusionist -obtrusive -obtrusively -obtrusiveness -obtund -obtundent -obtunder -obtundity -obturate -obturation -obturator -obturatory -obturbinate -obtusangular -obtuse -obtusely -obtuseness -obtusifid -obtusifolious -obtusilingual -obtusilobous -obtusion -obtusipennate -obtusirostrate -obtusish -obtusity -obumbrant -obumbrate -obumbration -obvallate -obvelation -obvention -obverse -obversely -obversion -obvert -obvertend -obviable -obviate -obviation -obviative -obviator -obvious -obviously -obviousness -obvolute -obvoluted -obvolution -obvolutive -obvolve -obvolvent -ocarina -Occamism -Occamist -Occamistic -Occamite -occamy -occasion -occasionable -occasional -occasionalism -occasionalist -occasionalistic -occasionality -occasionally -occasionalness -occasionary -occasioner -occasionless -occasive -occident -occidental -Occidentalism -Occidentalist -occidentality -Occidentalization -Occidentalize -occidentally -occiduous -occipital -occipitalis -occipitally -occipitoanterior -occipitoatlantal -occipitoatloid -occipitoaxial -occipitoaxoid -occipitobasilar -occipitobregmatic -occipitocalcarine -occipitocervical -occipitofacial -occipitofrontal -occipitofrontalis -occipitohyoid -occipitoiliac -occipitomastoid -occipitomental -occipitonasal -occipitonuchal -occipitootic -occipitoparietal -occipitoposterior -occipitoscapular -occipitosphenoid -occipitosphenoidal -occipitotemporal -occipitothalamic -occiput -occitone -occlude -occludent -occlusal -occluse -occlusion -occlusive -occlusiveness -occlusocervical -occlusocervically -occlusogingival -occlusometer -occlusor -occult -occultate -occultation -occulter -occulting -occultism -occultist -occultly -occultness -occupable -occupance -occupancy -occupant -occupation -occupational -occupationalist -occupationally -occupationless -occupative -occupiable -occupier -occupy -occur -occurrence -occurrent -occursive -ocean -oceaned -oceanet -oceanful -Oceanian -oceanic -Oceanican -oceanity -oceanographer -oceanographic -oceanographical -oceanographically -oceanographist -oceanography -oceanology -oceanophyte -oceanside -oceanward -oceanwards -oceanways -oceanwise -ocellar -ocellary -ocellate -ocellated -ocellation -ocelli -ocellicyst -ocellicystic -ocelliferous -ocelliform -ocelligerous -ocellus -oceloid -ocelot -och -ochava -ochavo -ocher -ocherish -ocherous -ochery -ochidore -ochlesis -ochlesitic -ochletic -ochlocracy -ochlocrat -ochlocratic -ochlocratical -ochlocratically -ochlophobia -ochlophobist -Ochna -Ochnaceae -ochnaceous -ochone -Ochotona -Ochotonidae -Ochozoma -ochraceous -Ochrana -ochrea -ochreate -ochreous -ochro -ochrocarpous -ochroid -ochroleucous -ochrolite -Ochroma -ochronosis -ochronosus -ochronotic -ochrous -ocht -Ocimum -ock -oclock -Ocneria -ocote -Ocotea -ocotillo -ocque -ocracy -ocrea -ocreaceous -Ocreatae -ocreate -ocreated -octachloride -octachord -octachordal -octachronous -Octacnemus -octacolic -octactinal -octactine -Octactiniae -octactinian -octad -octadecahydrate -octadecane -octadecanoic -octadecyl -octadic -octadrachm -octaemeron -octaeteric -octaeterid -octagon -octagonal -octagonally -octahedral -octahedric -octahedrical -octahedrite -octahedroid -octahedron -octahedrous -octahydrate -octahydrated -octakishexahedron -octamerism -octamerous -octameter -octan -octanaphthene -Octandria -octandrian -octandrious -octane -octangle -octangular -octangularness -Octans -octant -octantal -octapla -octaploid -octaploidic -octaploidy -octapodic -octapody -octarch -octarchy -octarius -octarticulate -octary -octasemic -octastich -octastichon -octastrophic -octastyle -octastylos -octateuch -octaval -octavalent -octavarium -octave -Octavia -Octavian -octavic -octavina -Octavius -octavo -octenary -octene -octennial -octennially -octet -octic -octillion -octillionth -octine -octingentenary -octoad -octoalloy -octoate -octobass -October -octobrachiate -Octobrist -octocentenary -octocentennial -octochord -Octocoralla -octocorallan -Octocorallia -octocoralline -octocotyloid -octodactyl -octodactyle -octodactylous -octodecimal -octodecimo -octodentate -octodianome -Octodon -octodont -Octodontidae -Octodontinae -octoechos -octofid -octofoil -octofoiled -octogamy -octogenarian -octogenarianism -octogenary -octogild -octoglot -Octogynia -octogynian -octogynious -octogynous -octoic -octoid -octolateral -octolocular -octomeral -octomerous -octometer -octonal -octonare -octonarian -octonarius -octonary -octonematous -octonion -octonocular -octoon -octopartite -octopean -octoped -octopede -octopetalous -octophthalmous -octophyllous -octopi -octopine -octoploid -octoploidic -octoploidy -octopod -Octopoda -octopodan -octopodes -octopodous -octopolar -octopus -octoradial -octoradiate -octoradiated -octoreme -octoroon -octose -octosepalous -octospermous -octospore -octosporous -octostichous -octosyllabic -octosyllable -octovalent -octoyl -octroi -octroy -octuor -octuple -octuplet -octuplex -octuplicate -octuplication -octuply -octyl -octylene -octyne -ocuby -ocular -ocularist -ocularly -oculary -oculate -oculated -oculauditory -oculiferous -oculiform -oculigerous -Oculina -oculinid -Oculinidae -oculinoid -oculist -oculistic -oculocephalic -oculofacial -oculofrontal -oculomotor -oculomotory -oculonasal -oculopalpebral -oculopupillary -oculospinal -oculozygomatic -oculus -ocydrome -ocydromine -Ocydromus -Ocypete -Ocypoda -ocypodan -Ocypode -ocypodian -Ocypodidae -ocypodoid -Ocyroe -Ocyroidae -Od -od -oda -Odacidae -odacoid -odal -odalborn -odalisk -odalisque -odaller -odalman -odalwoman -Odax -odd -oddish -oddity -oddlegs -oddly -oddman -oddment -oddments -oddness -Odds -odds -Oddsbud -oddsman -ode -odel -odelet -Odelsthing -Odelsting -odeon -odeum -odic -odically -Odin -Odinian -Odinic -Odinism -Odinist -odinite -Odinitic -odiometer -odious -odiously -odiousness -odist -odium -odiumproof -Odobenidae -Odobenus -Odocoileus -odograph -odology -odometer -odometrical -odometry -Odonata -odontagra -odontalgia -odontalgic -Odontaspidae -Odontaspididae -Odontaspis -odontatrophia -odontatrophy -odontexesis -odontiasis -odontic -odontist -odontitis -odontoblast -odontoblastic -odontocele -Odontocete -odontocete -Odontoceti -odontocetous -odontochirurgic -odontoclasis -odontoclast -odontodynia -odontogen -odontogenesis -odontogenic -odontogeny -Odontoglossae -odontoglossal -odontoglossate -Odontoglossum -Odontognathae -odontognathic -odontognathous -odontograph -odontographic -odontography -odontohyperesthesia -odontoid -Odontolcae -odontolcate -odontolcous -odontolite -odontolith -odontological -odontologist -odontology -odontoloxia -odontoma -odontomous -odontonecrosis -odontoneuralgia -odontonosology -odontopathy -odontophoral -odontophore -Odontophoridae -Odontophorinae -odontophorine -odontophorous -Odontophorus -odontoplast -odontoplerosis -Odontopteris -Odontopteryx -odontorhynchous -Odontormae -Odontornithes -odontornithic -odontorrhagia -odontorthosis -odontoschism -odontoscope -odontosis -odontostomatous -odontostomous -Odontosyllis -odontotechny -odontotherapia -odontotherapy -odontotomy -Odontotormae -odontotripsis -odontotrypy -odoom -odophone -odor -odorant -odorate -odorator -odored -odorful -odoriferant -odoriferosity -odoriferous -odoriferously -odoriferousness -odorific -odorimeter -odorimetry -odoriphore -odorivector -odorize -odorless -odorometer -odorosity -odorous -odorously -odorousness -odorproof -Odostemon -Ods -odso -odum -odyl -odylic -odylism -odylist -odylization -odylize -Odynerus -Odyssean -Odyssey -Odz -Odzookers -Odzooks -oe -Oecanthus -oecist -oecodomic -oecodomical -oecoparasite -oecoparasitism -oecophobia -oecumenian -oecumenic -oecumenical -oecumenicalism -oecumenicity -oecus -oedemerid -Oedemeridae -oedicnemine -Oedicnemus -Oedipal -Oedipean -Oedipus -Oedogoniaceae -oedogoniaceous -Oedogoniales -Oedogonium -oenanthaldehyde -oenanthate -Oenanthe -oenanthic -oenanthol -oenanthole -oenanthyl -oenanthylate -oenanthylic -oenin -Oenocarpus -oenochoe -oenocyte -oenocytic -oenolin -oenological -oenologist -oenology -oenomancy -Oenomaus -oenomel -oenometer -oenophilist -oenophobist -oenopoetic -Oenothera -Oenotheraceae -oenotheraceous -Oenotrian -oer -oersted -oes -oesophageal -oesophagi -oesophagismus -oesophagostomiasis -Oesophagostomum -oesophagus -oestradiol -Oestrelata -oestrian -oestriasis -oestrid -Oestridae -oestrin -oestriol -oestroid -oestrous -oestrual -oestruate -oestruation -oestrum -oestrus -of -Ofer -off -offal -offaling -offbeat -offcast -offcome -offcut -offend -offendable -offendant -offended -offendedly -offendedness -offender -offendible -offendress -offense -offenseful -offenseless -offenselessly -offenseproof -offensible -offensive -offensively -offensiveness -offer -offerable -offeree -offerer -offering -offeror -offertorial -offertory -offgoing -offgrade -offhand -offhanded -offhandedly -offhandedness -office -officeholder -officeless -officer -officerage -officeress -officerhood -officerial -officerism -officerless -officership -official -officialdom -officialese -officialism -officiality -officialization -officialize -officially -officialty -officiant -officiary -officiate -officiation -officiator -officinal -officinally -officious -officiously -officiousness -offing -offish -offishly -offishness -offlet -offlook -offprint -offsaddle -offscape -offscour -offscourer -offscouring -offscum -offset -offshoot -offshore -offsider -offspring -offtake -offtype -offuscate -offuscation -offward -offwards -oflete -Ofo -oft -often -oftenness -oftens -oftentime -oftentimes -ofter -oftest -oftly -oftness -ofttime -ofttimes -oftwhiles -Og -ogaire -Ogallala -ogam -ogamic -Ogboni -Ogcocephalidae -Ogcocephalus -ogdoad -ogdoas -ogee -ogeed -ogganition -ogham -oghamic -Oghuz -ogival -ogive -ogived -Oglala -ogle -ogler -ogmic -Ogor -Ogpu -ogre -ogreish -ogreishly -ogreism -ogress -ogrish -ogrism -ogtiern -ogum -Ogygia -Ogygian -oh -ohelo -ohia -Ohio -Ohioan -ohm -ohmage -ohmic -ohmmeter -oho -ohoy -oidioid -oidiomycosis -oidiomycotic -Oidium -oii -oikology -oikoplast -oil -oilberry -oilbird -oilcan -oilcloth -oilcoat -oilcup -oildom -oiled -oiler -oilery -oilfish -oilhole -oilily -oiliness -oilless -oillessness -oillet -oillike -oilman -oilmonger -oilmongery -oilometer -oilpaper -oilproof -oilproofing -oilseed -oilskin -oilskinned -oilstock -oilstone -oilstove -oiltight -oiltightness -oilway -oily -oilyish -oime -oinochoe -oinology -oinomancy -oinomania -oinomel -oint -ointment -Oireachtas -oisin -oisivity -oitava -oiticica -Ojibwa -Ojibway -Ok -oka -okapi -Okapia -okee -okenite -oket -oki -okia -Okie -Okinagan -Oklafalaya -Oklahannali -Oklahoma -Oklahoman -okoniosis -okonite -okra -okrug -okshoofd -okthabah -Okuari -okupukupu -Olacaceae -olacaceous -Olaf -olam -olamic -Olax -Olcha -Olchi -Old -old -olden -Oldenburg -older -oldermost -oldfangled -oldfangledness -Oldfieldia -Oldhamia -oldhamite -oldhearted -oldish -oldland -oldness -oldster -oldwife -Ole -Olea -Oleaceae -oleaceous -Oleacina -Oleacinidae -oleaginous -oleaginousness -oleana -oleander -oleandrin -Olearia -olease -oleaster -oleate -olecranal -olecranarthritis -olecranial -olecranian -olecranoid -olecranon -olefiant -olefin -olefine -olefinic -Oleg -oleic -oleiferous -olein -olena -olenellidian -Olenellus -olenid -Olenidae -olenidian -olent -Olenus -oleo -oleocalcareous -oleocellosis -oleocyst -oleoduct -oleograph -oleographer -oleographic -oleography -oleomargaric -oleomargarine -oleometer -oleoptene -oleorefractometer -oleoresin -oleoresinous -oleosaccharum -oleose -oleosity -oleostearate -oleostearin -oleothorax -oleous -Oleraceae -oleraceous -olericultural -olericulturally -olericulture -Oleron -Olethreutes -olethreutid -Olethreutidae -olfact -olfactible -olfaction -olfactive -olfactology -olfactometer -olfactometric -olfactometry -olfactor -olfactorily -olfactory -olfacty -Olga -oliban -olibanum -olid -oligacanthous -oligaemia -oligandrous -oliganthous -oligarch -oligarchal -oligarchic -oligarchical -oligarchically -oligarchism -oligarchist -oligarchize -oligarchy -oligemia -oligidria -oligist -oligistic -oligistical -oligocarpous -Oligocene -Oligochaeta -oligochaete -oligochaetous -oligochete -oligocholia -oligochrome -oligochromemia -oligochronometer -oligochylia -oligoclase -oligoclasite -oligocystic -oligocythemia -oligocythemic -oligodactylia -oligodendroglia -oligodendroglioma -oligodipsia -oligodontous -oligodynamic -oligogalactia -oligohemia -oligohydramnios -oligolactia -oligomenorrhea -oligomerous -oligomery -oligometochia -oligometochic -Oligomyodae -oligomyodian -oligomyoid -Oligonephria -oligonephric -oligonephrous -oligonite -oligopepsia -oligopetalous -oligophagous -oligophosphaturia -oligophrenia -oligophrenic -oligophyllous -oligoplasmia -oligopnea -oligopolistic -oligopoly -oligoprothesy -oligoprothetic -oligopsonistic -oligopsony -oligopsychia -oligopyrene -oligorhizous -oligosepalous -oligosialia -oligosideric -oligosiderite -oligosite -oligospermia -oligospermous -oligostemonous -oligosyllabic -oligosyllable -oligosynthetic -oligotokous -oligotrichia -oligotrophic -oligotrophy -oligotropic -oliguresis -oliguretic -oliguria -Olinia -Oliniaceae -oliniaceous -olio -oliphant -oliprance -olitory -Oliva -oliva -olivaceous -olivary -Olive -olive -Olivean -olived -Olivella -oliveness -olivenite -Oliver -Oliverian -oliverman -oliversmith -olivescent -olivet -Olivetan -Olivette -olivewood -Olivia -Olividae -Olivier -oliviferous -oliviform -olivil -olivile -olivilin -olivine -olivinefels -olivinic -olivinite -olivinitic -olla -ollamh -ollapod -ollenite -Ollie -ollock -olm -Olneya -Olof -ological -ologist -ologistic -ology -olomao -olona -Olonets -Olonetsian -Olonetsish -Olor -oloroso -olpe -Olpidiaster -Olpidium -Olson -oltonde -oltunna -olycook -olykoek -Olympia -Olympiad -Olympiadic -Olympian -Olympianism -Olympianize -Olympianly -Olympianwise -Olympic -Olympicly -Olympicness -Olympieion -Olympionic -Olympus -Olynthiac -Olynthian -Olynthus -om -omadhaun -omagra -Omagua -Omaha -omalgia -Oman -Omani -omao -Omar -omarthritis -omasitis -omasum -omber -ombrette -ombrifuge -ombrograph -ombrological -ombrology -ombrometer -ombrophile -ombrophilic -ombrophilous -ombrophily -ombrophobe -ombrophobous -ombrophoby -ombrophyte -ombudsman -ombudsmanship -omega -omegoid -omelet -omelette -omen -omened -omenology -omental -omentectomy -omentitis -omentocele -omentofixation -omentopexy -omentoplasty -omentorrhaphy -omentosplenopexy -omentotomy -omentulum -omentum -omer -omicron -omina -ominous -ominously -ominousness -omissible -omission -omissive -omissively -omit -omitis -omittable -omitter -omlah -Ommastrephes -Ommastrephidae -ommateal -ommateum -ommatidial -ommatidium -ommatophore -ommatophorous -Ommiad -Ommiades -omneity -omniactive -omniactuality -omniana -omniarch -omnibenevolence -omnibenevolent -omnibus -omnibusman -omnicausality -omnicompetence -omnicompetent -omnicorporeal -omnicredulity -omnicredulous -omnidenominational -omnierudite -omniessence -omnifacial -omnifarious -omnifariously -omnifariousness -omniferous -omnific -omnificent -omnifidel -omniform -omniformal -omniformity -omnify -omnigenous -omnigerent -omnigraph -omnihuman -omnihumanity -omnilegent -omnilingual -omniloquent -omnilucent -omnimental -omnimeter -omnimode -omnimodous -omninescience -omninescient -omniparent -omniparient -omniparity -omniparous -omnipatient -omnipercipience -omnipercipiency -omnipercipient -omniperfect -omnipotence -omnipotency -omnipotent -omnipotentiality -omnipotently -omnipregnant -omnipresence -omnipresent -omnipresently -omniprevalence -omniprevalent -omniproduction -omniprudent -omnirange -omniregency -omnirepresentative -omnirepresentativeness -omnirevealing -omniscience -omnisciency -omniscient -omnisciently -omniscope -omniscribent -omniscriptive -omnisentience -omnisentient -omnisignificance -omnisignificant -omnispective -omnist -omnisufficiency -omnisufficient -omnitemporal -omnitenent -omnitolerant -omnitonal -omnitonality -omnitonic -omnitude -omnium -omnivagant -omnivalence -omnivalent -omnivalous -omnivarious -omnividence -omnivident -omnivision -omnivolent -Omnivora -omnivoracious -omnivoracity -omnivorant -omnivore -omnivorous -omnivorously -omnivorousness -omodynia -omohyoid -omoideum -omophagia -omophagist -omophagous -omophagy -omophorion -omoplate -omoplatoscopy -omostegite -omosternal -omosternum -omphacine -omphacite -omphalectomy -omphalic -omphalism -omphalitis -omphalocele -omphalode -omphalodium -omphalogenous -omphaloid -omphaloma -omphalomesaraic -omphalomesenteric -omphaloncus -omphalopagus -omphalophlebitis -omphalopsychic -omphalopsychite -omphalorrhagia -omphalorrhea -omphalorrhexis -omphalos -omphalosite -omphaloskepsis -omphalospinous -omphalotomy -omphalotripsy -omphalus -on -Ona -ona -onager -Onagra -onagra -Onagraceae -onagraceous -Onan -onanism -onanist -onanistic -onca -once -oncetta -Onchidiidae -Onchidium -Onchocerca -onchocerciasis -onchocercosis -oncia -Oncidium -oncin -oncograph -oncography -oncologic -oncological -oncology -oncome -oncometer -oncometric -oncometry -oncoming -Oncorhynchus -oncosimeter -oncosis -oncosphere -oncost -oncostman -oncotomy -ondagram -ondagraph -ondameter -ondascope -ondatra -ondine -ondogram -ondograph -ondometer -ondoscope -ondy -one -oneanother -oneberry -onefold -onefoldness -onegite -onehearted -onehow -Oneida -oneiric -oneirocrit -oneirocritic -oneirocritical -oneirocritically -oneirocriticism -oneirocritics -oneirodynia -oneirologist -oneirology -oneiromancer -oneiromancy -oneiroscopic -oneiroscopist -oneiroscopy -oneirotic -oneism -onement -oneness -oner -onerary -onerative -onerosity -onerous -onerously -onerousness -onery -oneself -onesigned -onetime -onewhere -oneyer -onfall -onflemed -onflow -onflowing -ongaro -ongoing -onhanger -onicolo -oniomania -oniomaniac -onion -onionet -onionized -onionlike -onionpeel -onionskin -oniony -onirotic -Oniscidae -onisciform -oniscoid -Oniscoidea -oniscoidean -Oniscus -onium -onkilonite -onkos -onlay -onlepy -onliest -onliness -onlook -onlooker -onlooking -only -onmarch -Onmun -Onobrychis -onocentaur -Onoclea -onofrite -Onohippidium -onolatry -onomancy -onomantia -onomastic -onomasticon -onomatologist -onomatology -onomatomania -onomatope -onomatoplasm -onomatopoeia -onomatopoeial -onomatopoeian -onomatopoeic -onomatopoeical -onomatopoeically -onomatopoesis -onomatopoesy -onomatopoetic -onomatopoetically -onomatopy -onomatous -onomomancy -Onondaga -Onondagan -Ononis -Onopordon -Onosmodium -onrush -onrushing -ons -onset -onsetter -onshore -onside -onsight -onslaught -onstand -onstanding -onstead -onsweep -onsweeping -ontal -Ontarian -Ontaric -onto -ontocycle -ontocyclic -ontogenal -ontogenesis -ontogenetic -ontogenetical -ontogenetically -ontogenic -ontogenically -ontogenist -ontogeny -ontography -ontologic -ontological -ontologically -ontologism -ontologist -ontologistic -ontologize -ontology -ontosophy -onus -onwaiting -onward -onwardly -onwardness -onwards -onycha -onychatrophia -onychauxis -onychia -onychin -onychitis -onychium -onychogryposis -onychoid -onycholysis -onychomalacia -onychomancy -onychomycosis -onychonosus -onychopathic -onychopathology -onychopathy -onychophagist -onychophagy -Onychophora -onychophoran -onychophorous -onychophyma -onychoptosis -onychorrhexis -onychoschizia -onychosis -onychotrophy -onym -onymal -onymancy -onymatic -onymity -onymize -onymous -onymy -onyx -onyxis -onyxitis -onza -ooangium -ooblast -ooblastic -oocyesis -oocyst -Oocystaceae -oocystaceous -oocystic -Oocystis -oocyte -oodles -ooecial -ooecium -oofbird -ooftish -oofy -oogamete -oogamous -oogamy -oogenesis -oogenetic -oogeny -ooglea -oogone -oogonial -oogoniophore -oogonium -oograph -ooid -ooidal -ookinesis -ookinete -ookinetic -oolak -oolemma -oolite -oolitic -oolly -oologic -oological -oologically -oologist -oologize -oology -oolong -oomancy -oomantia -oometer -oometric -oometry -oomycete -Oomycetes -oomycetous -oons -oont -oopak -oophoralgia -oophorauxe -oophore -oophorectomy -oophoreocele -oophorhysterectomy -oophoric -oophoridium -oophoritis -oophoroepilepsy -oophoroma -oophoromalacia -oophoromania -oophoron -oophoropexy -oophororrhaphy -oophorosalpingectomy -oophorostomy -oophorotomy -oophyte -oophytic -ooplasm -ooplasmic -ooplast -oopod -oopodal -ooporphyrin -oorali -oord -ooscope -ooscopy -oosperm -oosphere -oosporange -oosporangium -oospore -Oosporeae -oosporic -oosporiferous -oosporous -oostegite -oostegitic -ootheca -oothecal -ootid -ootocoid -Ootocoidea -ootocoidean -ootocous -ootype -ooze -oozily -ooziness -oozooid -oozy -opacate -opacification -opacifier -opacify -opacite -opacity -opacous -opacousness -opah -opal -opaled -opalesce -opalescence -opalescent -opalesque -Opalina -opaline -opalinid -Opalinidae -opalinine -opalish -opalize -opaloid -opaque -opaquely -opaqueness -Opata -opdalite -ope -Opegrapha -opeidoscope -opelet -open -openable -openband -openbeak -openbill -opencast -opener -openhanded -openhandedly -openhandedness -openhead -openhearted -openheartedly -openheartedness -opening -openly -openmouthed -openmouthedly -openmouthedness -openness -openside -openwork -opera -operability -operabily -operable -operae -operagoer -operalogue -operameter -operance -operancy -operand -operant -operatable -operate -operatee -operatic -operatical -operatically -operating -operation -operational -operationalism -operationalist -operationism -operationist -operative -operatively -operativeness -operativity -operatize -operator -operatory -operatrix -opercle -opercled -opercula -opercular -Operculata -operculate -operculated -operculiferous -operculiform -operculigenous -operculigerous -operculum -operetta -operette -operettist -operose -operosely -operoseness -operosity -Ophelia -ophelimity -Ophian -ophiasis -ophic -ophicalcite -Ophicephalidae -ophicephaloid -Ophicephalus -Ophichthyidae -ophichthyoid -ophicleide -ophicleidean -ophicleidist -Ophidia -ophidian -Ophidiidae -Ophidiobatrachia -ophidioid -Ophidion -ophidiophobia -ophidious -ophidologist -ophidology -Ophiobatrachia -Ophiobolus -Ophioglossaceae -ophioglossaceous -Ophioglossales -Ophioglossum -ophiography -ophioid -ophiolater -ophiolatrous -ophiolatry -ophiolite -ophiolitic -ophiologic -ophiological -ophiologist -ophiology -ophiomancy -ophiomorph -Ophiomorpha -ophiomorphic -ophiomorphous -Ophion -ophionid -Ophioninae -ophionine -ophiophagous -ophiophilism -ophiophilist -ophiophobe -ophiophobia -ophiophoby -ophiopluteus -Ophiosaurus -ophiostaphyle -ophiouride -Ophis -Ophisaurus -Ophism -Ophite -ophite -Ophitic -ophitic -Ophitism -Ophiuchid -Ophiuchus -ophiuran -ophiurid -Ophiurida -ophiuroid -Ophiuroidea -ophiuroidean -ophryon -Ophrys -ophthalaiater -ophthalmagra -ophthalmalgia -ophthalmalgic -ophthalmatrophia -ophthalmectomy -ophthalmencephalon -ophthalmetrical -ophthalmia -ophthalmiac -ophthalmiatrics -ophthalmic -ophthalmious -ophthalmist -ophthalmite -ophthalmitic -ophthalmitis -ophthalmoblennorrhea -ophthalmocarcinoma -ophthalmocele -ophthalmocopia -ophthalmodiagnosis -ophthalmodiastimeter -ophthalmodynamometer -ophthalmodynia -ophthalmography -ophthalmoleucoscope -ophthalmolith -ophthalmologic -ophthalmological -ophthalmologist -ophthalmology -ophthalmomalacia -ophthalmometer -ophthalmometric -ophthalmometry -ophthalmomycosis -ophthalmomyositis -ophthalmomyotomy -ophthalmoneuritis -ophthalmopathy -ophthalmophlebotomy -ophthalmophore -ophthalmophorous -ophthalmophthisis -ophthalmoplasty -ophthalmoplegia -ophthalmoplegic -ophthalmopod -ophthalmoptosis -ophthalmorrhagia -ophthalmorrhea -ophthalmorrhexis -Ophthalmosaurus -ophthalmoscope -ophthalmoscopic -ophthalmoscopical -ophthalmoscopist -ophthalmoscopy -ophthalmostasis -ophthalmostat -ophthalmostatometer -ophthalmothermometer -ophthalmotomy -ophthalmotonometer -ophthalmotonometry -ophthalmotrope -ophthalmotropometer -ophthalmy -opianic -opianyl -opiate -opiateproof -opiatic -Opiconsivia -opificer -opiism -Opilia -Opiliaceae -opiliaceous -Opiliones -Opilionina -opilionine -Opilonea -Opimian -opinability -opinable -opinably -opinant -opination -opinative -opinatively -opinator -opine -opiner -opiniaster -opiniastre -opiniastrety -opiniastrous -opiniater -opiniative -opiniatively -opiniativeness -opiniatreness -opiniatrety -opinion -opinionable -opinionaire -opinional -opinionate -opinionated -opinionatedly -opinionatedness -opinionately -opinionative -opinionatively -opinionativeness -opinioned -opinionedness -opinionist -opiomania -opiomaniac -opiophagism -opiophagy -opiparous -opisometer -opisthenar -opisthion -opisthobranch -Opisthobranchia -opisthobranchiate -Opisthocoelia -opisthocoelian -opisthocoelous -opisthocome -Opisthocomi -Opisthocomidae -opisthocomine -opisthocomous -opisthodetic -opisthodome -opisthodomos -opisthodomus -opisthodont -opisthogastric -Opisthoglossa -opisthoglossal -opisthoglossate -opisthoglyph -Opisthoglypha -opisthoglyphic -opisthoglyphous -Opisthognathidae -opisthognathism -opisthognathous -opisthograph -opisthographal -opisthographic -opisthographical -opisthography -opisthogyrate -opisthogyrous -Opisthoparia -opisthoparian -opisthophagic -opisthoporeia -opisthorchiasis -Opisthorchis -opisthosomal -Opisthothelae -opisthotic -opisthotonic -opisthotonoid -opisthotonos -opisthotonus -opium -opiumism -opobalsam -opodeldoc -opodidymus -opodymus -opopanax -Oporto -opossum -opotherapy -Oppian -oppidan -oppilate -oppilation -oppilative -opponency -opponent -opportune -opportuneless -opportunely -opportuneness -opportunism -opportunist -opportunistic -opportunistically -opportunity -opposability -opposable -oppose -opposed -opposeless -opposer -opposing -opposingly -opposit -opposite -oppositely -oppositeness -oppositiflorous -oppositifolious -opposition -oppositional -oppositionary -oppositionism -oppositionist -oppositionless -oppositious -oppositipetalous -oppositipinnate -oppositipolar -oppositisepalous -oppositive -oppositively -oppositiveness -opposure -oppress -oppressed -oppressible -oppression -oppressionist -oppressive -oppressively -oppressiveness -oppressor -opprobriate -opprobrious -opprobriously -opprobriousness -opprobrium -opprobry -oppugn -oppugnacy -oppugnance -oppugnancy -oppugnant -oppugnate -oppugnation -oppugner -opsigamy -opsimath -opsimathy -opsiometer -opsisform -opsistype -opsonic -opsoniferous -opsonification -opsonify -opsonin -opsonist -opsonium -opsonization -opsonize -opsonogen -opsonoid -opsonology -opsonometry -opsonophilia -opsonophilic -opsonophoric -opsonotherapy -opsy -opt -optable -optableness -optably -optant -optate -optation -optative -optatively -opthalmophorium -opthalmoplegy -opthalmothermometer -optic -optical -optically -optician -opticist -opticity -opticochemical -opticociliary -opticon -opticopapillary -opticopupillary -optics -optigraph -optimacy -optimal -optimate -optimates -optime -optimism -optimist -optimistic -optimistical -optimistically -optimity -optimization -optimize -optimum -option -optional -optionality -optionalize -optionally -optionary -optionee -optionor -optive -optoblast -optogram -optography -optological -optologist -optology -optomeninx -optometer -optometrical -optometrist -optometry -optophone -optotechnics -optotype -Opulaster -opulence -opulency -opulent -opulently -opulus -Opuntia -Opuntiaceae -Opuntiales -opuntioid -opus -opuscular -opuscule -opusculum -oquassa -or -ora -orabassu -orach -oracle -oracular -oracularity -oracularly -oracularness -oraculate -oraculous -oraculously -oraculousness -oraculum -orad -orage -oragious -Orakzai -oral -oraler -oralism -oralist -orality -oralization -oralize -orally -oralogist -oralogy -Orang -orang -orange -orangeade -orangebird -Orangeism -Orangeist -orangeleaf -Orangeman -orangeman -oranger -orangeroot -orangery -orangewoman -orangewood -orangey -orangism -orangist -orangite -orangize -orangutan -orant -Oraon -orarian -orarion -orarium -orary -orate -oration -orational -orationer -orator -oratorial -oratorially -Oratorian -oratorian -Oratorianism -Oratorianize -oratoric -oratorical -oratorically -oratorio -oratorize -oratorlike -oratorship -oratory -oratress -oratrix -orb -orbed -orbic -orbical -Orbicella -orbicle -orbicular -orbicularis -orbicularity -orbicularly -orbicularness -orbiculate -orbiculated -orbiculately -orbiculation -orbiculatocordate -orbiculatoelliptical -Orbiculoidea -orbific -Orbilian -Orbilius -orbit -orbital -orbitale -orbitar -orbitary -orbite -orbitelar -Orbitelariae -orbitelarian -orbitele -orbitelous -orbitofrontal -Orbitoides -Orbitolina -orbitolite -Orbitolites -orbitomalar -orbitomaxillary -orbitonasal -orbitopalpebral -orbitosphenoid -orbitosphenoidal -orbitostat -orbitotomy -orbitozygomatic -orbless -orblet -Orbulina -orby -orc -Orca -Orcadian -orcanet -orcein -orchamus -orchard -orcharding -orchardist -orchardman -orchat -orchel -orchella -orchesis -orchesography -orchester -Orchestia -orchestian -orchestic -orchestiid -Orchestiidae -orchestra -orchestral -orchestraless -orchestrally -orchestrate -orchestrater -orchestration -orchestrator -orchestre -orchestric -orchestrina -orchestrion -orchialgia -orchic -orchichorea -orchid -Orchidaceae -orchidacean -orchidaceous -Orchidales -orchidalgia -orchidectomy -orchideous -orchideously -orchidist -orchiditis -orchidocele -orchidocelioplasty -orchidologist -orchidology -orchidomania -orchidopexy -orchidoplasty -orchidoptosis -orchidorrhaphy -orchidotherapy -orchidotomy -orchiectomy -orchiencephaloma -orchiepididymitis -orchil -orchilla -orchilytic -orchiocatabasis -orchiocele -orchiodynia -orchiomyeloma -orchioncus -orchioneuralgia -orchiopexy -orchioplasty -orchiorrhaphy -orchioscheocele -orchioscirrhus -orchiotomy -Orchis -orchitic -orchitis -orchotomy -orcin -orcinol -Orcinus -ordain -ordainable -ordainer -ordainment -ordanchite -ordeal -order -orderable -ordered -orderedness -orderer -orderless -orderliness -orderly -ordinable -ordinal -ordinally -ordinance -ordinand -ordinant -ordinar -ordinarily -ordinariness -ordinarius -ordinary -ordinaryship -ordinate -ordinately -ordination -ordinative -ordinatomaculate -ordinator -ordinee -ordines -ordnance -ordonnance -ordonnant -ordosite -Ordovian -Ordovices -Ordovician -ordu -ordure -ordurous -ore -oread -Oreamnos -Oreas -orecchion -orectic -orective -oreillet -orellin -oreman -orenda -orendite -Oreocarya -Oreodon -oreodont -Oreodontidae -oreodontine -oreodontoid -Oreodoxa -Oreophasinae -oreophasine -Oreophasis -Oreortyx -oreotragine -Oreotragus -Oreotrochilus -Orestean -Oresteia -oreweed -orewood -orexis -orf -orfgild -organ -organal -organbird -organdy -organella -organelle -organer -organette -organic -organical -organically -organicalness -organicism -organicismal -organicist -organicistic -organicity -organific -organing -organism -organismal -organismic -organist -organistic -organistrum -organistship -organity -organizability -organizable -organization -organizational -organizationally -organizationist -organizatory -organize -organized -organizer -organless -organoantimony -organoarsenic -organobismuth -organoboron -organochordium -organogel -organogen -organogenesis -organogenetic -organogenic -organogenist -organogeny -organogold -organographic -organographical -organographist -organography -organoid -organoiron -organolead -organoleptic -organolithium -organologic -organological -organologist -organology -organomagnesium -organomercury -organometallic -organon -organonomic -organonomy -organonym -organonymal -organonymic -organonymy -organopathy -organophil -organophile -organophilic -organophone -organophonic -organophyly -organoplastic -organoscopy -organosilicon -organosilver -organosodium -organosol -organotherapy -organotin -organotrophic -organotropic -organotropically -organotropism -organotropy -organozinc -organry -organule -organum -organzine -orgasm -orgasmic -orgastic -orgeat -orgia -orgiac -orgiacs -orgiasm -orgiast -orgiastic -orgiastical -orgic -orgue -orguinette -orgulous -orgulously -orgy -orgyia -Orias -Oribatidae -oribi -orichalceous -orichalch -orichalcum -oriconic -oricycle -oriel -oriency -orient -Oriental -oriental -Orientalia -orientalism -orientalist -orientality -orientalization -orientalize -orientally -Orientalogy -orientate -orientation -orientative -orientator -orientite -orientization -orientize -oriently -orientness -orifacial -orifice -orificial -oriflamb -oriflamme -oriform -origan -origanized -Origanum -Origenian -Origenic -Origenical -Origenism -Origenist -Origenistic -Origenize -origin -originable -original -originalist -originality -originally -originalness -originant -originarily -originary -originate -origination -originative -originatively -originator -originatress -originist -orignal -orihon -orihyperbola -orillion -orillon -orinasal -orinasality -oriole -Oriolidae -Oriolus -Orion -Oriskanian -orismologic -orismological -orismology -orison -orisphere -oristic -Oriya -Orkhon -Orkneyan -Orlando -orle -orlean -Orleanism -Orleanist -Orleanistic -Orleans -orlet -orleways -orlewise -orlo -orlop -Ormazd -ormer -ormolu -Ormond -orna -ornament -ornamental -ornamentalism -ornamentalist -ornamentality -ornamentalize -ornamentally -ornamentary -ornamentation -ornamenter -ornamentist -ornate -ornately -ornateness -ornation -ornature -orneriness -ornery -ornis -orniscopic -orniscopist -orniscopy -ornithic -ornithichnite -ornithine -Ornithischia -ornithischian -ornithivorous -ornithobiographical -ornithobiography -ornithocephalic -Ornithocephalidae -ornithocephalous -Ornithocephalus -ornithocoprolite -ornithocopros -ornithodelph -Ornithodelphia -ornithodelphian -ornithodelphic -ornithodelphous -Ornithodoros -Ornithogaea -Ornithogaean -Ornithogalum -ornithogeographic -ornithogeographical -ornithography -ornithoid -Ornitholestes -ornitholite -ornitholitic -ornithologic -ornithological -ornithologically -ornithologist -ornithology -ornithomancy -ornithomantia -ornithomantic -ornithomantist -Ornithomimidae -Ornithomimus -ornithomorph -ornithomorphic -ornithomyzous -ornithon -Ornithopappi -ornithophile -ornithophilist -ornithophilite -ornithophilous -ornithophily -ornithopod -Ornithopoda -ornithopter -Ornithoptera -Ornithopteris -Ornithorhynchidae -ornithorhynchous -Ornithorhynchus -ornithosaur -Ornithosauria -ornithosaurian -Ornithoscelida -ornithoscelidan -ornithoscopic -ornithoscopist -ornithoscopy -ornithosis -ornithotomical -ornithotomist -ornithotomy -ornithotrophy -Ornithurae -ornithuric -ornithurous -ornoite -oroanal -Orobanchaceae -orobanchaceous -Orobanche -orobancheous -orobathymetric -Orobatoidea -Orochon -orocratic -orodiagnosis -orogen -orogenesis -orogenesy -orogenetic -orogenic -orogeny -orograph -orographic -orographical -orographically -orography -oroheliograph -Orohippus -orohydrographic -orohydrographical -orohydrography -oroide -orolingual -orological -orologist -orology -orometer -orometric -orometry -Oromo -oronasal -oronoco -Orontium -oropharyngeal -oropharynx -orotherapy -Orotinan -orotund -orotundity -orphan -orphancy -orphandom -orphange -orphanhood -orphanism -orphanize -orphanry -orphanship -orpharion -Orphean -Orpheist -orpheon -orpheonist -orpheum -Orpheus -Orphic -Orphical -Orphically -Orphicism -Orphism -Orphize -orphrey -orphreyed -orpiment -orpine -Orpington -orrery -orrhoid -orrhology -orrhotherapy -orris -orrisroot -orseille -orseilline -orsel -orselle -orseller -orsellic -orsellinate -orsellinic -Orson -ort -ortalid -Ortalidae -ortalidian -Ortalis -ortet -Orthagoriscus -orthal -orthantimonic -Ortheris -orthian -orthic -orthicon -orthid -Orthidae -Orthis -orthite -orthitic -ortho -orthoarsenite -orthoaxis -orthobenzoquinone -orthobiosis -orthoborate -orthobrachycephalic -orthocarbonic -orthocarpous -Orthocarpus -orthocenter -orthocentric -orthocephalic -orthocephalous -orthocephaly -orthoceracone -Orthoceran -Orthoceras -Orthoceratidae -orthoceratite -orthoceratitic -orthoceratoid -orthochlorite -orthochromatic -orthochromatize -orthoclase -orthoclasite -orthoclastic -orthocoumaric -orthocresol -orthocymene -orthodiaene -orthodiagonal -orthodiagram -orthodiagraph -orthodiagraphic -orthodiagraphy -orthodiazin -orthodiazine -orthodolichocephalic -orthodomatic -orthodome -orthodontia -orthodontic -orthodontics -orthodontist -orthodox -orthodoxal -orthodoxality -orthodoxally -orthodoxian -orthodoxical -orthodoxically -orthodoxism -orthodoxist -orthodoxly -orthodoxness -orthodoxy -orthodromic -orthodromics -orthodromy -orthoepic -orthoepical -orthoepically -orthoepist -orthoepistic -orthoepy -orthoformic -orthogamous -orthogamy -orthogenesis -orthogenetic -orthogenic -orthognathic -orthognathism -orthognathous -orthognathus -orthognathy -orthogneiss -orthogonal -orthogonality -orthogonally -orthogonial -orthograde -orthogranite -orthograph -orthographer -orthographic -orthographical -orthographically -orthographist -orthographize -orthography -orthohydrogen -orthologer -orthologian -orthological -orthology -orthometopic -orthometric -orthometry -Orthonectida -orthonitroaniline -orthopath -orthopathic -orthopathically -orthopathy -orthopedia -orthopedic -orthopedical -orthopedically -orthopedics -orthopedist -orthopedy -orthophenylene -orthophonic -orthophony -orthophoria -orthophoric -orthophosphate -orthophosphoric -orthophyre -orthophyric -orthopinacoid -orthopinacoidal -orthoplastic -orthoplasy -orthoplumbate -orthopnea -orthopneic -orthopod -Orthopoda -orthopraxis -orthopraxy -orthoprism -orthopsychiatric -orthopsychiatrical -orthopsychiatrist -orthopsychiatry -orthopter -Orthoptera -orthopteral -orthopteran -orthopterist -orthopteroid -Orthopteroidea -orthopterological -orthopterologist -orthopterology -orthopteron -orthopterous -orthoptic -orthopyramid -orthopyroxene -orthoquinone -orthorhombic -Orthorrhapha -orthorrhaphous -orthorrhaphy -orthoscope -orthoscopic -orthose -orthosemidin -orthosemidine -orthosilicate -orthosilicic -orthosis -orthosite -orthosomatic -orthospermous -orthostatic -orthostichous -orthostichy -orthostyle -orthosubstituted -orthosymmetric -orthosymmetrical -orthosymmetrically -orthosymmetry -orthotactic -orthotectic -orthotic -orthotolidin -orthotolidine -orthotoluic -orthotoluidin -orthotoluidine -orthotomic -orthotomous -orthotone -orthotonesis -orthotonic -orthotonus -orthotropal -orthotropic -orthotropism -orthotropous -orthotropy -orthotype -orthotypous -orthovanadate -orthovanadic -orthoveratraldehyde -orthoveratric -orthoxazin -orthoxazine -orthoxylene -orthron -ortiga -ortive -Ortol -ortolan -Ortrud -ortstein -ortygan -Ortygian -Ortyginae -ortygine -Ortyx -Orunchun -orvietan -orvietite -Orvieto -Orville -ory -Orycteropodidae -Orycteropus -oryctics -oryctognostic -oryctognostical -oryctognostically -oryctognosy -Oryctolagus -oryssid -Oryssidae -Oryssus -Oryx -Oryza -oryzenin -oryzivorous -Oryzomys -Oryzopsis -Oryzorictes -Oryzorictinae -Os -os -Osage -osamin -osamine -osazone -Osc -Oscan -Oscar -Oscarella -Oscarellidae -oscella -oscheal -oscheitis -oscheocarcinoma -oscheocele -oscheolith -oscheoma -oscheoncus -oscheoplasty -Oschophoria -oscillance -oscillancy -oscillant -Oscillaria -Oscillariaceae -oscillariaceous -oscillate -oscillating -oscillation -oscillative -oscillatively -oscillator -Oscillatoria -Oscillatoriaceae -oscillatoriaceous -oscillatorian -oscillatory -oscillogram -oscillograph -oscillographic -oscillography -oscillometer -oscillometric -oscillometry -oscilloscope -oscin -oscine -Oscines -oscinian -Oscinidae -oscinine -Oscinis -oscitance -oscitancy -oscitant -oscitantly -oscitate -oscitation -oscnode -osculable -osculant -oscular -oscularity -osculate -osculation -osculatory -osculatrix -oscule -osculiferous -osculum -oscurrantist -ose -osela -oshac -Osiandrian -oside -osier -osiered -osierlike -osiery -Osirian -Osiride -Osiridean -Osirification -Osirify -Osiris -Osirism -Oskar -Osmanie -Osmanli -Osmanthus -osmate -osmatic -osmatism -osmazomatic -osmazomatous -osmazome -Osmeridae -Osmerus -osmesis -osmeterium -osmetic -osmic -osmidrosis -osmin -osmina -osmious -osmiridium -osmium -osmodysphoria -osmogene -osmograph -osmolagnia -osmology -osmometer -osmometric -osmometry -Osmond -osmondite -osmophore -osmoregulation -Osmorhiza -osmoscope -osmose -osmosis -osmotactic -osmotaxis -osmotherapy -osmotic -osmotically -osmous -osmund -Osmunda -Osmundaceae -osmundaceous -osmundine -Osnaburg -Osnappar -osoberry -osone -osophy -osotriazine -osotriazole -osphradial -osphradium -osphresiolagnia -osphresiologic -osphresiologist -osphresiology -osphresiometer -osphresiometry -osphresiophilia -osphresis -osphretic -Osphromenidae -osphyalgia -osphyalgic -osphyarthritis -osphyitis -osphyocele -osphyomelitis -osprey -ossal -ossarium -ossature -osse -ossein -osselet -ossements -osseoalbuminoid -osseoaponeurotic -osseocartilaginous -osseofibrous -osseomucoid -osseous -osseously -Osset -Ossetian -Ossetic -Ossetine -Ossetish -Ossian -Ossianesque -Ossianic -Ossianism -Ossianize -ossicle -ossicular -ossiculate -ossicule -ossiculectomy -ossiculotomy -ossiculum -ossiferous -ossific -ossification -ossified -ossifier -ossifluence -ossifluent -ossiform -ossifrage -ossifrangent -ossify -ossivorous -ossuarium -ossuary -ossypite -ostalgia -Ostara -ostariophysan -Ostariophyseae -Ostariophysi -ostariophysial -ostariophysous -ostarthritis -osteal -ostealgia -osteanabrosis -osteanagenesis -ostearthritis -ostearthrotomy -ostectomy -osteectomy -osteectopia -osteectopy -Osteichthyes -ostein -osteitic -osteitis -ostemia -ostempyesis -ostensibility -ostensible -ostensibly -ostension -ostensive -ostensively -ostensorium -ostensory -ostent -ostentate -ostentation -ostentatious -ostentatiously -ostentatiousness -ostentive -ostentous -osteoaneurysm -osteoarthritis -osteoarthropathy -osteoarthrotomy -osteoblast -osteoblastic -osteoblastoma -osteocachetic -osteocarcinoma -osteocartilaginous -osteocele -osteocephaloma -osteochondritis -osteochondrofibroma -osteochondroma -osteochondromatous -osteochondropathy -osteochondrophyte -osteochondrosarcoma -osteochondrous -osteoclasia -osteoclasis -osteoclast -osteoclastic -osteoclasty -osteocolla -osteocomma -osteocranium -osteocystoma -osteodentin -osteodentinal -osteodentine -osteoderm -osteodermal -osteodermatous -osteodermia -osteodermis -osteodiastasis -osteodynia -osteodystrophy -osteoencephaloma -osteoenchondroma -osteoepiphysis -osteofibroma -osteofibrous -osteogangrene -osteogen -osteogenesis -osteogenetic -osteogenic -osteogenist -osteogenous -osteogeny -osteoglossid -Osteoglossidae -osteoglossoid -Osteoglossum -osteographer -osteography -osteohalisteresis -osteoid -Osteolepidae -Osteolepis -osteolite -osteologer -osteologic -osteological -osteologically -osteologist -osteology -osteolysis -osteolytic -osteoma -osteomalacia -osteomalacial -osteomalacic -osteomancy -osteomanty -osteomatoid -osteomere -osteometric -osteometrical -osteometry -osteomyelitis -osteoncus -osteonecrosis -osteoneuralgia -osteopaedion -osteopath -osteopathic -osteopathically -osteopathist -osteopathy -osteopedion -osteoperiosteal -osteoperiostitis -osteopetrosis -osteophage -osteophagia -osteophlebitis -osteophone -osteophony -osteophore -osteophyma -osteophyte -osteophytic -osteoplaque -osteoplast -osteoplastic -osteoplasty -osteoporosis -osteoporotic -osteorrhaphy -osteosarcoma -osteosarcomatous -osteosclerosis -osteoscope -osteosis -osteosteatoma -osteostixis -osteostomatous -osteostomous -osteostracan -Osteostraci -osteosuture -osteosynovitis -osteosynthesis -osteothrombosis -osteotome -osteotomist -osteotomy -osteotribe -osteotrite -osteotrophic -osteotrophy -Ostertagia -ostial -ostiary -ostiate -Ostic -ostiolar -ostiolate -ostiole -ostitis -ostium -ostleress -Ostmannic -ostmark -Ostmen -ostosis -Ostracea -ostracean -ostraceous -Ostraciidae -ostracine -ostracioid -Ostracion -ostracism -ostracizable -ostracization -ostracize -ostracizer -ostracod -Ostracoda -ostracode -ostracoderm -Ostracodermi -ostracodous -ostracoid -Ostracoidea -ostracon -ostracophore -Ostracophori -ostracophorous -ostracum -Ostraeacea -ostraite -Ostrea -ostreaceous -ostreger -ostreicultural -ostreiculture -ostreiculturist -Ostreidae -ostreiform -ostreodynamometer -ostreoid -ostreophage -ostreophagist -ostreophagous -ostrich -ostrichlike -Ostrogoth -Ostrogothian -Ostrogothic -Ostrya -Ostyak -Oswald -Oswegan -otacoustic -otacousticon -Otaheitan -otalgia -otalgic -otalgy -Otaria -otarian -Otariidae -Otariinae -otariine -otarine -otarioid -otary -otate -otectomy -otelcosis -Otello -Othake -othelcosis -Othello -othematoma -othemorrhea -otheoscope -other -otherdom -otherest -othergates -otherguess -otherhow -otherism -otherist -otherness -othersome -othertime -otherwards -otherwhence -otherwhere -otherwhereness -otherwheres -otherwhile -otherwhiles -otherwhither -otherwise -otherwiseness -otherworld -otherworldliness -otherworldly -otherworldness -Othin -Othinism -othmany -Othonna -othygroma -otiant -otiatric -otiatrics -otiatry -otic -oticodinia -Otidae -Otides -Otididae -otidiform -otidine -Otidiphaps -otidium -otiorhynchid -Otiorhynchidae -Otiorhynchinae -otiose -otiosely -otioseness -otiosity -Otis -otitic -otitis -otkon -Oto -otoantritis -otoblennorrhea -otocariasis -otocephalic -otocephaly -otocerebritis -otocleisis -otoconial -otoconite -otoconium -otocrane -otocranial -otocranic -otocranium -Otocyon -otocyst -otocystic -otodynia -otodynic -otoencephalitis -otogenic -otogenous -otographical -otography -Otogyps -otohemineurasthenia -otolaryngologic -otolaryngologist -otolaryngology -otolite -otolith -Otolithidae -Otolithus -otolitic -otological -otologist -otology -Otomaco -otomassage -Otomi -Otomian -Otomitlan -otomucormycosis -otomyces -otomycosis -otonecrectomy -otoneuralgia -otoneurasthenia -otopathic -otopathy -otopharyngeal -otophone -otopiesis -otoplastic -otoplasty -otopolypus -otopyorrhea -otopyosis -otorhinolaryngologic -otorhinolaryngologist -otorhinolaryngology -otorrhagia -otorrhea -otorrhoea -otosalpinx -otosclerosis -otoscope -otoscopic -otoscopy -otosis -otosphenal -otosteal -otosteon -ototomy -Otozoum -ottajanite -ottar -ottavarima -Ottawa -otter -otterer -otterhound -ottinger -ottingkar -Otto -otto -Ottoman -Ottomanean -Ottomanic -Ottomanism -Ottomanization -Ottomanize -Ottomanlike -Ottomite -ottrelife -Ottweilian -Otuquian -oturia -Otus -Otyak -ouabain -ouabaio -ouabe -ouachitite -ouakari -ouananiche -oubliette -ouch -Oudemian -oudenarde -Oudenodon -oudenodont -ouenite -ouf -ough -ought -oughtness -oughtnt -Ouija -ouistiti -oukia -oulap -ounce -ounds -ouphe -ouphish -our -Ouranos -ourie -ouroub -Ourouparia -ours -ourself -ourselves -oust -ouster -out -outact -outadmiral -Outagami -outage -outambush -outarde -outargue -outask -outawe -outbabble -outback -outbacker -outbake -outbalance -outban -outbanter -outbar -outbargain -outbark -outbawl -outbeam -outbear -outbearing -outbeg -outbeggar -outbelch -outbellow -outbent -outbetter -outbid -outbidder -outbirth -outblacken -outblaze -outbleat -outbleed -outbless -outbloom -outblossom -outblot -outblow -outblowing -outblown -outbluff -outblunder -outblush -outbluster -outboard -outboast -outbolting -outbond -outbook -outborn -outborough -outbound -outboundaries -outbounds -outbow -outbowed -outbowl -outbox -outbrag -outbranch -outbranching -outbrave -outbray -outbrazen -outbreak -outbreaker -outbreaking -outbreath -outbreathe -outbreather -outbred -outbreed -outbreeding -outbribe -outbridge -outbring -outbrother -outbud -outbuild -outbuilding -outbulge -outbulk -outbully -outburn -outburst -outbustle -outbuy -outbuzz -outby -outcant -outcaper -outcarol -outcarry -outcase -outcast -outcaste -outcasting -outcastness -outcavil -outchamber -outcharm -outchase -outchatter -outcheat -outchide -outcity -outclamor -outclass -outclerk -outclimb -outcome -outcomer -outcoming -outcompass -outcomplete -outcompliment -outcorner -outcountry -outcourt -outcrawl -outcricket -outcrier -outcrop -outcropper -outcross -outcrossing -outcrow -outcrowd -outcry -outcull -outcure -outcurse -outcurve -outcut -outdaciousness -outdance -outdare -outdate -outdated -outdazzle -outdevil -outdispatch -outdistance -outdistrict -outdo -outdodge -outdoer -outdoor -outdoorness -outdoors -outdoorsman -outdraft -outdragon -outdraw -outdream -outdress -outdrink -outdrive -outdure -outdwell -outdweller -outdwelling -outeat -outecho -outed -outedge -outen -outer -outerly -outermost -outerness -outerwear -outeye -outeyed -outfable -outface -outfall -outfame -outfangthief -outfast -outfawn -outfeast -outfeat -outfeeding -outfence -outferret -outfiction -outfield -outfielder -outfieldsman -outfight -outfighter -outfighting -outfigure -outfish -outfit -outfitter -outflame -outflank -outflanker -outflanking -outflare -outflash -outflatter -outfling -outfloat -outflourish -outflow -outflue -outflung -outflunky -outflush -outflux -outfly -outfold -outfool -outfoot -outform -outfort -outfreeman -outfront -outfroth -outfrown -outgabble -outgain -outgallop -outgamble -outgame -outgang -outgarment -outgarth -outgas -outgate -outgauge -outgaze -outgeneral -outgive -outgiving -outglad -outglare -outgleam -outglitter -outgloom -outglow -outgnaw -outgo -outgoer -outgoing -outgoingness -outgone -outgreen -outgrin -outground -outgrow -outgrowing -outgrowth -outguard -outguess -outgun -outgush -outhammer -outhasten -outhaul -outhauler -outhear -outheart -outhector -outheel -outher -outhire -outhiss -outhit -outhold -outhorror -outhouse -outhousing -outhowl -outhue -outhumor -outhunt -outhurl -outhut -outhymn -outhyperbolize -outimage -outing -outinvent -outish -outissue -outjazz -outjest -outjet -outjetting -outjinx -outjockey -outjourney -outjuggle -outjump -outjut -outkeeper -outkick -outkill -outking -outkiss -outkitchen -outknave -outknee -outlabor -outlaid -outlance -outland -outlander -outlandish -outlandishlike -outlandishly -outlandishness -outlash -outlast -outlaugh -outlaunch -outlaw -outlawry -outlay -outlean -outleap -outlearn -outlegend -outlength -outlengthen -outler -outlet -outlie -outlier -outlighten -outlimb -outlimn -outline -outlinear -outlined -outlineless -outliner -outlinger -outlip -outlipped -outlive -outliver -outlodging -outlook -outlooker -outlord -outlove -outlung -outluster -outly -outlying -outmagic -outmalaprop -outman -outmaneuver -outmantle -outmarch -outmarriage -outmarry -outmaster -outmatch -outmate -outmeasure -outmerchant -outmiracle -outmode -outmoded -outmost -outmount -outmouth -outmove -outname -outness -outnight -outnoise -outnook -outnumber -outoffice -outoven -outpace -outpage -outpaint -outparagon -outparamour -outparish -outpart -outpass -outpassion -outpath -outpatient -outpay -outpayment -outpeal -outpeep -outpeer -outpension -outpensioner -outpeople -outperform -outpick -outpicket -outpipe -outpitch -outpity -outplace -outplan -outplay -outplayed -outplease -outplod -outplot -outpocketing -outpoint -outpoise -outpoison -outpoll -outpomp -outpop -outpopulate -outporch -outport -outporter -outportion -outpost -outpouching -outpour -outpourer -outpouring -outpractice -outpraise -outpray -outpreach -outpreen -outprice -outprodigy -outproduce -outpromise -outpry -outpull -outpupil -outpurl -outpurse -outpush -output -outputter -outquaff -outquarters -outqueen -outquestion -outquibble -outquote -outrace -outrage -outrageous -outrageously -outrageousness -outrageproof -outrager -outraging -outrail -outrance -outrange -outrank -outrant -outrap -outrate -outraught -outrave -outray -outre -outreach -outread -outreason -outreckon -outredden -outrede -outreign -outrelief -outremer -outreness -outrhyme -outrick -outride -outrider -outriding -outrig -outrigger -outriggered -outriggerless -outrigging -outright -outrightly -outrightness -outring -outrival -outroar -outrogue -outroll -outromance -outrooper -outroot -outrove -outrow -outroyal -outrun -outrunner -outrush -outsail -outsaint -outsally -outsatisfy -outsavor -outsay -outscent -outscold -outscore -outscorn -outscour -outscouring -outscream -outsea -outseam -outsearch -outsee -outseek -outsell -outsentry -outsert -outservant -outset -outsetting -outsettlement -outsettler -outshadow -outshake -outshame -outshape -outsharp -outsharpen -outsheathe -outshift -outshine -outshiner -outshoot -outshot -outshoulder -outshout -outshove -outshow -outshower -outshriek -outshrill -outshut -outside -outsided -outsidedness -outsideness -outsider -outsift -outsigh -outsight -outsin -outsing -outsit -outsize -outsized -outskill -outskip -outskirmish -outskirmisher -outskirt -outskirter -outslander -outslang -outsleep -outslide -outslink -outsmart -outsmell -outsmile -outsnatch -outsnore -outsoar -outsole -outsoler -outsonnet -outsophisticate -outsound -outspan -outsparkle -outspeak -outspeaker -outspeech -outspeed -outspell -outspend -outspent -outspill -outspin -outspirit -outspit -outsplendor -outspoken -outspokenly -outspokenness -outsport -outspout -outspread -outspring -outsprint -outspue -outspurn -outspurt -outstagger -outstair -outstand -outstander -outstanding -outstandingly -outstandingness -outstare -outstart -outstarter -outstartle -outstate -outstation -outstatistic -outstature -outstay -outsteal -outsteam -outstep -outsting -outstink -outstood -outstorm -outstrain -outstream -outstreet -outstretch -outstretcher -outstride -outstrike -outstrip -outstrive -outstroke -outstrut -outstudent -outstudy -outstunt -outsubtle -outsuck -outsucken -outsuffer -outsuitor -outsulk -outsum -outsuperstition -outswagger -outswarm -outswear -outsweep -outsweeping -outsweeten -outswell -outswift -outswim -outswindle -outswing -outswirl -outtaken -outtalent -outtalk -outtask -outtaste -outtear -outtease -outtell -outthieve -outthink -outthreaten -outthrob -outthrough -outthrow -outthrust -outthruster -outthunder -outthwack -outtinkle -outtire -outtoil -outtongue -outtop -outtower -outtrade -outtrail -outtravel -outtrick -outtrot -outtrump -outturn -outturned -outtyrannize -outusure -outvalue -outvanish -outvaunt -outvelvet -outvenom -outvictor -outvie -outvier -outvigil -outvillage -outvillain -outvociferate -outvoice -outvote -outvoter -outvoyage -outwait -outwake -outwale -outwalk -outwall -outwallop -outwander -outwar -outwarble -outward -outwardly -outwardmost -outwardness -outwards -outwash -outwaste -outwatch -outwater -outwave -outwealth -outweapon -outwear -outweary -outweave -outweed -outweep -outweigh -outweight -outwell -outwent -outwhirl -outwick -outwile -outwill -outwind -outwindow -outwing -outwish -outwit -outwith -outwittal -outwitter -outwoe -outwoman -outwood -outword -outwore -outwork -outworker -outworld -outworn -outworth -outwrangle -outwrench -outwrest -outwrestle -outwriggle -outwring -outwrite -outwrought -outyard -outyell -outyelp -outyield -outzany -ouzel -Ova -ova -Ovaherero -oval -ovalbumin -ovalescent -ovaliform -ovalish -ovalization -ovalize -ovally -ovalness -ovaloid -ovalwise -Ovambo -Ovampo -Ovangangela -ovant -ovarial -ovarian -ovarin -ovarioabdominal -ovariocele -ovariocentesis -ovariocyesis -ovariodysneuria -ovariohysterectomy -ovariole -ovariolumbar -ovariorrhexis -ovariosalpingectomy -ovariosteresis -ovariostomy -ovariotomist -ovariotomize -ovariotomy -ovariotubal -ovarious -ovaritis -ovarium -ovary -ovate -ovateconical -ovated -ovately -ovation -ovational -ovationary -ovatoacuminate -ovatoconical -ovatocordate -ovatocylindraceous -ovatodeltoid -ovatoellipsoidal -ovatoglobose -ovatolanceolate -ovatooblong -ovatoorbicular -ovatopyriform -ovatoquadrangular -ovatorotundate -ovatoserrate -ovatotriangular -oven -ovenbird -ovenful -ovenlike -ovenly -ovenman -ovenpeel -ovenstone -ovenware -ovenwise -over -overability -overable -overabound -overabsorb -overabstain -overabstemious -overabstemiousness -overabundance -overabundant -overabundantly -overabuse -overaccentuate -overaccumulate -overaccumulation -overaccuracy -overaccurate -overaccurately -overact -overaction -overactive -overactiveness -overactivity -overacute -overaddiction -overadvance -overadvice -overaffect -overaffirmation -overafflict -overaffliction -overage -overageness -overaggravate -overaggravation -overagitate -overagonize -overall -overalled -overalls -overambitioned -overambitious -overambling -overanalyze -overangelic -overannotate -overanswer -overanxiety -overanxious -overanxiously -overappareled -overappraisal -overappraise -overapprehended -overapprehension -overapprehensive -overapt -overarch -overargue -overarm -overartificial -overartificiality -overassail -overassert -overassertion -overassertive -overassertively -overassertiveness -overassess -overassessment -overassumption -overattached -overattachment -overattention -overattentive -overattentively -overawe -overawful -overawn -overawning -overbake -overbalance -overballast -overbalm -overbanded -overbandy -overbank -overbanked -overbark -overbarren -overbarrenness -overbase -overbaseness -overbashful -overbashfully -overbashfulness -overbattle -overbear -overbearance -overbearer -overbearing -overbearingly -overbearingness -overbeat -overbeating -overbeetling -overbelief -overbend -overbepatched -overberg -overbet -overbias -overbid -overbig -overbigness -overbillow -overbit -overbite -overbitten -overbitter -overbitterly -overbitterness -overblack -overblame -overblaze -overbleach -overblessed -overblessedness -overblind -overblindly -overblithe -overbloom -overblouse -overblow -overblowing -overblown -overboard -overboast -overboastful -overbodice -overboding -overbody -overboil -overbold -overboldly -overboldness -overbook -overbookish -overbooming -overborne -overborrow -overbought -overbound -overbounteous -overbounteously -overbounteousness -overbow -overbowed -overbowl -overbrace -overbragging -overbrained -overbranch -overbrave -overbravely -overbravery -overbray -overbreak -overbreathe -overbred -overbreed -overbribe -overbridge -overbright -overbrightly -overbrightness -overbrilliancy -overbrilliant -overbrilliantly -overbrim -overbrimmingly -overbroaden -overbroil -overbrood -overbrow -overbrown -overbrowse -overbrush -overbrutal -overbrutality -overbrutalize -overbrutally -overbubbling -overbuild -overbuilt -overbulk -overbulky -overbumptious -overburden -overburdeningly -overburdensome -overburn -overburned -overburningly -overburnt -overburst -overburthen -overbusily -overbusiness -overbusy -overbuy -overby -overcall -overcanny -overcanopy -overcap -overcapable -overcapably -overcapacity -overcape -overcapitalization -overcapitalize -overcaptious -overcaptiously -overcaptiousness -overcard -overcare -overcareful -overcarefully -overcareless -overcarelessly -overcarelessness -overcaring -overcarking -overcarry -overcast -overcasting -overcasual -overcasually -overcatch -overcaution -overcautious -overcautiously -overcautiousness -overcentralization -overcentralize -overcertification -overcertify -overchafe -overchannel -overchant -overcharge -overchargement -overcharger -overcharitable -overcharitably -overcharity -overchase -overcheap -overcheaply -overcheapness -overcheck -overcherish -overchidden -overchief -overchildish -overchildishness -overchill -overchlorinate -overchoke -overchrome -overchurch -overcirculate -overcircumspect -overcircumspection -overcivil -overcivility -overcivilization -overcivilize -overclaim -overclamor -overclasp -overclean -overcleanly -overcleanness -overcleave -overclever -overcleverness -overclimb -overcloak -overclog -overclose -overclosely -overcloseness -overclothe -overclothes -overcloud -overcloy -overcluster -overcoached -overcoat -overcoated -overcoating -overcoil -overcold -overcoldly -overcollar -overcolor -overcomable -overcome -overcomer -overcomingly -overcommand -overcommend -overcommon -overcommonly -overcommonness -overcompensate -overcompensation -overcompensatory -overcompetition -overcompetitive -overcomplacency -overcomplacent -overcomplacently -overcomplete -overcomplex -overcomplexity -overcompliant -overcompound -overconcentrate -overconcentration -overconcern -overconcerned -overcondensation -overcondense -overconfidence -overconfident -overconfidently -overconfute -overconquer -overconscientious -overconscious -overconsciously -overconsciousness -overconservatism -overconservative -overconservatively -overconsiderate -overconsiderately -overconsideration -overconsume -overconsumption -overcontented -overcontentedly -overcontentment -overcontract -overcontraction -overcontribute -overcontribution -overcook -overcool -overcoolly -overcopious -overcopiously -overcopiousness -overcorned -overcorrect -overcorrection -overcorrupt -overcorruption -overcorruptly -overcostly -overcount -overcourteous -overcourtesy -overcover -overcovetous -overcovetousness -overcow -overcoy -overcoyness -overcram -overcredit -overcredulity -overcredulous -overcredulously -overcreed -overcreep -overcritical -overcritically -overcriticalness -overcriticism -overcriticize -overcrop -overcross -overcrow -overcrowd -overcrowded -overcrowdedly -overcrowdedness -overcrown -overcrust -overcry -overcull -overcultivate -overcultivation -overculture -overcultured -overcumber -overcunning -overcunningly -overcunningness -overcup -overcured -overcurious -overcuriously -overcuriousness -overcurl -overcurrency -overcurrent -overcurtain -overcustom -overcut -overcutter -overcutting -overdaintily -overdaintiness -overdainty -overdamn -overdance -overdangle -overdare -overdaringly -overdarken -overdash -overdazed -overdazzle -overdeal -overdear -overdearly -overdearness -overdeck -overdecorate -overdecoration -overdecorative -overdeeming -overdeep -overdeepen -overdeeply -overdeliberate -overdeliberation -overdelicacy -overdelicate -overdelicately -overdelicious -overdeliciously -overdelighted -overdelightedly -overdemand -overdemocracy -overdepress -overdepressive -overdescant -overdesire -overdesirous -overdesirousness -overdestructive -overdestructively -overdestructiveness -overdetermination -overdetermined -overdevelop -overdevelopment -overdevoted -overdevotedly -overdevotion -overdiffuse -overdiffusely -overdiffuseness -overdigest -overdignified -overdignifiedly -overdignifiedness -overdignify -overdignity -overdiligence -overdiligent -overdiligently -overdilute -overdilution -overdischarge -overdiscipline -overdiscount -overdiscourage -overdiscouragement -overdistance -overdistant -overdistantly -overdistantness -overdistempered -overdistention -overdiverse -overdiversely -overdiversification -overdiversify -overdiversity -overdo -overdoctrinize -overdoer -overdogmatic -overdogmatically -overdogmatism -overdome -overdominate -overdone -overdoor -overdosage -overdose -overdoubt -overdoze -overdraft -overdrain -overdrainage -overdramatic -overdramatically -overdrape -overdrapery -overdraw -overdrawer -overdream -overdrench -overdress -overdrifted -overdrink -overdrip -overdrive -overdriven -overdroop -overdrowsed -overdry -overdubbed -overdue -overdunged -overdure -overdust -overdye -overeager -overeagerly -overeagerness -overearnest -overearnestly -overearnestness -overeasily -overeasiness -overeasy -overeat -overeaten -overedge -overedit -overeducate -overeducated -overeducation -overeducative -overeffort -overegg -overelaborate -overelaborately -overelaboration -overelate -overelegance -overelegancy -overelegant -overelegantly -overelliptical -overembellish -overembellishment -overembroider -overemotional -overemotionality -overemotionalize -overemphasis -overemphasize -overemphatic -overemphatically -overemphaticness -overempired -overemptiness -overempty -overenter -overenthusiasm -overenthusiastic -overentreat -overentry -overequal -overestimate -overestimation -overexcelling -overexcitability -overexcitable -overexcitably -overexcite -overexcitement -overexercise -overexert -overexerted -overexertedly -overexertedness -overexertion -overexpand -overexpansion -overexpansive -overexpect -overexpectant -overexpectantly -overexpenditure -overexpert -overexplain -overexplanation -overexpose -overexposure -overexpress -overexquisite -overexquisitely -overextend -overextension -overextensive -overextreme -overexuberant -overeye -overeyebrowed -overface -overfacile -overfacilely -overfacility -overfactious -overfactiousness -overfag -overfagged -overfaint -overfaith -overfaithful -overfaithfully -overfall -overfamed -overfamiliar -overfamiliarity -overfamiliarly -overfamous -overfanciful -overfancy -overfar -overfast -overfastidious -overfastidiously -overfastidiousness -overfasting -overfat -overfatigue -overfatten -overfavor -overfavorable -overfavorably -overfear -overfearful -overfearfully -overfearfulness -overfeast -overfeatured -overfed -overfee -overfeed -overfeel -overfellowlike -overfellowly -overfelon -overfeminine -overfeminize -overfertile -overfertility -overfestoon -overfew -overfierce -overfierceness -overfile -overfill -overfilm -overfine -overfinished -overfish -overfit -overfix -overflatten -overfleece -overfleshed -overflexion -overfling -overfloat -overflog -overflood -overflorid -overfloridness -overflourish -overflow -overflowable -overflower -overflowing -overflowingly -overflowingness -overflown -overfluency -overfluent -overfluently -overflush -overflutter -overfly -overfold -overfond -overfondle -overfondly -overfondness -overfoolish -overfoolishly -overfoolishness -overfoot -overforce -overforged -overformed -overforward -overforwardly -overforwardness -overfought -overfoul -overfoully -overfrail -overfrailty -overfranchised -overfrank -overfrankly -overfrankness -overfraught -overfree -overfreedom -overfreely -overfreight -overfrequency -overfrequent -overfrequently -overfret -overfrieze -overfrighted -overfrighten -overfroth -overfrown -overfrozen -overfruited -overfruitful -overfull -overfullness -overfunctioning -overfurnish -overgaiter -overgalled -overgamble -overgang -overgarment -overgarrison -overgaze -overgeneral -overgeneralize -overgenerally -overgenerosity -overgenerous -overgenerously -overgenial -overgeniality -overgentle -overgently -overget -overgifted -overgild -overgilted -overgird -overgirded -overgirdle -overglad -overgladly -overglance -overglass -overglaze -overglide -overglint -overgloom -overgloominess -overgloomy -overglorious -overgloss -overglut -overgo -overgoad -overgod -overgodliness -overgodly -overgood -overgorge -overgovern -overgovernment -overgown -overgrace -overgracious -overgrade -overgrain -overgrainer -overgrasping -overgrateful -overgratefully -overgratification -overgratify -overgratitude -overgraze -overgreasiness -overgreasy -overgreat -overgreatly -overgreatness -overgreed -overgreedily -overgreediness -overgreedy -overgrieve -overgrievous -overgrind -overgross -overgrossly -overgrossness -overground -overgrow -overgrown -overgrowth -overguilty -overgun -overhair -overhalf -overhand -overhanded -overhandicap -overhandle -overhang -overhappy -overharass -overhard -overharden -overhardness -overhardy -overharsh -overharshly -overharshness -overhaste -overhasten -overhastily -overhastiness -overhasty -overhate -overhatted -overhaughty -overhaul -overhauler -overhead -overheadiness -overheadman -overheady -overheap -overhear -overhearer -overheartily -overhearty -overheat -overheatedly -overheave -overheaviness -overheavy -overheight -overheighten -overheinous -overheld -overhelp -overhelpful -overhigh -overhighly -overhill -overhit -overholiness -overhollow -overholy -overhomeliness -overhomely -overhonest -overhonestly -overhonesty -overhonor -overhorse -overhot -overhotly -overhour -overhouse -overhover -overhuge -overhuman -overhumanity -overhumanize -overhung -overhunt -overhurl -overhurriedly -overhurry -overhusk -overhysterical -overidealism -overidealistic -overidle -overidly -overillustrate -overillustration -overimaginative -overimaginativeness -overimitate -overimitation -overimitative -overimitatively -overimport -overimportation -overimpress -overimpressible -overinclinable -overinclination -overinclined -overincrust -overincurious -overindividualism -overindividualistic -overindulge -overindulgence -overindulgent -overindulgently -overindustrialization -overindustrialize -overinflate -overinflation -overinflative -overinfluence -overinfluential -overinform -overink -overinsist -overinsistence -overinsistent -overinsistently -overinsolence -overinsolent -overinsolently -overinstruct -overinstruction -overinsurance -overinsure -overintellectual -overintellectuality -overintense -overintensely -overintensification -overintensity -overinterest -overinterested -overinterestedness -overinventoried -overinvest -overinvestment -overiodize -overirrigate -overirrigation -overissue -overitching -overjacket -overjade -overjaded -overjawed -overjealous -overjealously -overjealousness -overjob -overjocular -overjoy -overjoyful -overjoyfully -overjoyous -overjudge -overjudging -overjudgment -overjudicious -overjump -overjust -overjutting -overkeen -overkeenness -overkeep -overkick -overkind -overkindly -overkindness -overking -overknavery -overknee -overknow -overknowing -overlabor -overlace -overlactation -overlade -overlaid -overlain -overland -Overlander -overlander -overlanguaged -overlap -overlard -overlarge -overlargely -overlargeness -overlascivious -overlast -overlate -overlaudation -overlaudatory -overlaugh -overlaunch -overlave -overlavish -overlavishly -overlax -overlaxative -overlaxly -overlaxness -overlay -overlayer -overlead -overleaf -overlean -overleap -overlearn -overlearned -overlearnedly -overlearnedness -overleather -overleave -overleaven -overleer -overleg -overlegislation -overleisured -overlength -overlettered -overlewd -overlewdly -overlewdness -overliberal -overliberality -overliberally -overlicentious -overlick -overlie -overlier -overlift -overlight -overlighted -overlightheaded -overlightly -overlightsome -overliking -overline -overling -overlinger -overlinked -overlip -overlipping -overlisted -overlisten -overliterary -overlittle -overlive -overliveliness -overlively -overliver -overload -overloath -overlock -overlocker -overlofty -overlogical -overlogically -overlong -overlook -overlooker -overloose -overlord -overlordship -overloud -overloup -overlove -overlover -overlow -overlowness -overloyal -overloyally -overloyalty -overlubricatio -overluscious -overlush -overlustiness -overlusty -overluxuriance -overluxuriant -overluxurious -overly -overlying -overmagnify -overmagnitude -overmajority -overmalapert -overman -overmantel -overmantle -overmany -overmarch -overmark -overmarking -overmarl -overmask -overmast -overmaster -overmasterful -overmasterfully -overmasterfulness -overmastering -overmasteringly -overmatch -overmatter -overmature -overmaturity -overmean -overmeanly -overmeanness -overmeasure -overmeddle -overmeek -overmeekly -overmeekness -overmellow -overmellowness -overmelodied -overmelt -overmerciful -overmercifulness -overmerit -overmerrily -overmerry -overmettled -overmickle -overmighty -overmild -overmill -overminute -overminutely -overminuteness -overmix -overmoccasin -overmodest -overmodestly -overmodesty -overmodulation -overmoist -overmoisten -overmoisture -overmortgage -overmoss -overmost -overmotor -overmount -overmounts -overmourn -overmournful -overmournfully -overmuch -overmuchness -overmultiplication -overmultiply -overmultitude -overname -overnarrow -overnarrowly -overnationalization -overnear -overneat -overneatness -overneglect -overnegligence -overnegligent -overnervous -overnervously -overnervousness -overnet -overnew -overnice -overnicely -overniceness -overnicety -overnigh -overnight -overnimble -overnipping -overnoise -overnotable -overnourish -overnoveled -overnumber -overnumerous -overnumerousness -overnurse -overobedience -overobedient -overobediently -overobese -overobjectify -overoblige -overobsequious -overobsequiously -overobsequiousness -overoffend -overoffensive -overofficered -overofficious -overorder -overornamented -overpained -overpainful -overpainfully -overpainfulness -overpaint -overpamper -overpart -overparted -overpartial -overpartiality -overpartially -overparticular -overparticularly -overpass -overpassionate -overpassionately -overpassionateness -overpast -overpatient -overpatriotic -overpay -overpayment -overpeer -overpending -overpensive -overpensiveness -overpeople -overpepper -overperemptory -overpersuade -overpersuasion -overpert -overpessimism -overpessimistic -overpet -overphysic -overpick -overpicture -overpinching -overpitch -overpitched -overpiteous -overplace -overplaced -overplacement -overplain -overplant -overplausible -overplay -overplease -overplenitude -overplenteous -overplenteously -overplentiful -overplenty -overplot -overplow -overplumb -overplume -overplump -overplumpness -overplus -overply -overpointed -overpoise -overpole -overpolemical -overpolish -overpolitic -overponderous -overpopular -overpopularity -overpopularly -overpopulate -overpopulation -overpopulous -overpopulousness -overpositive -overpossess -overpot -overpotent -overpotential -overpour -overpower -overpowerful -overpowering -overpoweringly -overpoweringness -overpraise -overpray -overpreach -overprecise -overpreciseness -overpreface -overpregnant -overpreoccupation -overpreoccupy -overpress -overpressure -overpresumption -overpresumptuous -overprice -overprick -overprint -overprize -overprizer -overprocrastination -overproduce -overproduction -overproductive -overproficient -overprolific -overprolix -overprominence -overprominent -overprominently -overpromise -overprompt -overpromptly -overpromptness -overprone -overproneness -overpronounced -overproof -overproportion -overproportionate -overproportionated -overproportionately -overproportioned -overprosperity -overprosperous -overprotect -overprotract -overprotraction -overproud -overproudly -overprove -overprovender -overprovide -overprovident -overprovidently -overprovision -overprovocation -overprovoke -overprune -overpublic -overpublicity -overpuff -overpuissant -overpunish -overpunishment -overpurchase -overquantity -overquarter -overquell -overquick -overquickly -overquiet -overquietly -overquietness -overrace -overrack -overrake -overrange -overrank -overrankness -overrapture -overrapturize -overrash -overrashly -overrashness -overrate -overrational -overrationalize -overravish -overreach -overreacher -overreaching -overreachingly -overreachingness -overread -overreader -overreadily -overreadiness -overready -overrealism -overrealistic -overreckon -overrecord -overrefine -overrefined -overrefinement -overreflection -overreflective -overregister -overregistration -overregular -overregularity -overregularly -overregulate -overregulation -overrelax -overreliance -overreliant -overreligion -overreligious -overremiss -overremissly -overremissness -overrennet -overrent -overreplete -overrepletion -overrepresent -overrepresentation -overrepresentative -overreserved -overresolute -overresolutely -overrestore -overrestrain -overretention -overreward -overrich -overriches -overrichness -override -overrife -overrigged -overright -overrighteous -overrighteously -overrighteousness -overrigid -overrigidity -overrigidly -overrigorous -overrigorously -overrim -overriot -overripe -overripely -overripen -overripeness -overrise -overroast -overroll -overroof -overrooted -overrough -overroughly -overroughness -overroyal -overrude -overrudely -overrudeness -overruff -overrule -overruler -overruling -overrulingly -overrun -overrunner -overrunning -overrunningly -overrush -overrusset -overrust -oversad -oversadly -oversadness -oversaid -oversail -oversale -oversaliva -oversalt -oversalty -oversand -oversanded -oversanguine -oversanguinely -oversapless -oversated -oversatisfy -oversaturate -oversaturation -oversauce -oversauciness -oversaucy -oversave -overscare -overscatter -overscented -oversceptical -overscepticism -overscore -overscour -overscratch -overscrawl -overscream -overscribble -overscrub -overscruple -overscrupulosity -overscrupulous -overscrupulously -overscrupulousness -overscurf -overscutched -oversea -overseal -overseam -overseamer -oversearch -overseas -overseason -overseasoned -overseated -oversecure -oversecurely -oversecurity -oversee -overseed -overseen -overseer -overseerism -overseership -overseethe -oversell -oversend -oversensible -oversensibly -oversensitive -oversensitively -oversensitiveness -oversententious -oversentimental -oversentimentalism -oversentimentalize -oversentimentally -overserious -overseriously -overseriousness -overservice -overservile -overservility -overset -oversetter -oversettle -oversettled -oversevere -overseverely -overseverity -oversew -overshade -overshadow -overshadower -overshadowing -overshadowingly -overshadowment -overshake -oversharp -oversharpness -overshave -oversheet -overshelving -overshepherd -overshine -overshirt -overshoe -overshoot -overshort -overshorten -overshortly -overshot -overshoulder -overshowered -overshrink -overshroud -oversick -overside -oversight -oversilence -oversilent -oversilver -oversimple -oversimplicity -oversimplification -oversimplify -oversimply -oversize -oversized -overskim -overskip -overskipper -overskirt -overslack -overslander -overslaugh -overslavish -overslavishly -oversleep -oversleeve -overslide -overslight -overslip -overslope -overslow -overslowly -overslowness -overslur -oversmall -oversman -oversmite -oversmitten -oversmoke -oversmooth -oversmoothly -oversmoothness -oversnow -oversoak -oversoar -oversock -oversoft -oversoftly -oversoftness -oversold -oversolemn -oversolemnity -oversolemnly -oversolicitous -oversolicitously -oversolicitousness -oversoon -oversoothing -oversophisticated -oversophistication -oversorrow -oversorrowed -oversot -oversoul -oversound -oversour -oversourly -oversourness -oversow -overspacious -overspaciousness -overspan -overspangled -oversparing -oversparingly -oversparingness -oversparred -overspatter -overspeak -overspecialization -overspecialize -overspeculate -overspeculation -overspeculative -overspeech -overspeed -overspeedily -overspeedy -overspend -overspill -overspin -oversplash -overspread -overspring -oversprinkle -oversprung -overspun -oversqueak -oversqueamish -oversqueamishness -overstaff -overstaid -overstain -overstale -overstalled -overstand -overstaring -overstate -overstately -overstatement -overstay -overstayal -oversteadfast -oversteadfastness -oversteady -overstep -overstiff -overstiffness -overstifle -overstimulate -overstimulation -overstimulative -overstir -overstitch -overstock -overstoop -overstoping -overstore -overstory -overstout -overstoutly -overstowage -overstowed -overstrain -overstrait -overstraiten -overstraitly -overstraitness -overstream -overstrength -overstress -overstretch -overstrew -overstrict -overstrictly -overstrictness -overstride -overstrident -overstridently -overstrike -overstring -overstriving -overstrong -overstrongly -overstrung -overstud -overstudied -overstudious -overstudiously -overstudiousness -overstudy -overstuff -oversublime -oversubscribe -oversubscriber -oversubscription -oversubtile -oversubtle -oversubtlety -oversubtly -oversufficiency -oversufficient -oversufficiently -oversuperstitious -oversupply -oversure -oversurety -oversurge -oversurviving -oversusceptibility -oversusceptible -oversuspicious -oversuspiciously -overswarm -overswarth -oversway -oversweated -oversweep -oversweet -oversweeten -oversweetly -oversweetness -overswell -overswift -overswim -overswimmer -overswing -overswinging -overswirling -oversystematic -oversystematically -oversystematize -overt -overtakable -overtake -overtaker -overtalk -overtalkative -overtalkativeness -overtalker -overtame -overtamely -overtameness -overtapped -overtare -overtariff -overtarry -overtart -overtask -overtax -overtaxation -overteach -overtechnical -overtechnicality -overtedious -overtediously -overteem -overtell -overtempt -overtenacious -overtender -overtenderly -overtenderness -overtense -overtensely -overtenseness -overtension -overterrible -overtest -overthick -overthin -overthink -overthought -overthoughtful -overthriftily -overthriftiness -overthrifty -overthrong -overthrow -overthrowable -overthrowal -overthrower -overthrust -overthwart -overthwartly -overthwartness -overthwartways -overthwartwise -overtide -overtight -overtightly -overtill -overtimbered -overtime -overtimer -overtimorous -overtimorously -overtimorousness -overtinseled -overtint -overtip -overtipple -overtire -overtiredness -overtitle -overtly -overtness -overtoe -overtoil -overtoise -overtone -overtongued -overtop -overtopple -overtorture -overtower -overtrace -overtrack -overtrade -overtrader -overtrailed -overtrain -overtrample -overtravel -overtread -overtreatment -overtrick -overtrim -overtrouble -overtrue -overtrump -overtrust -overtrustful -overtruthful -overtruthfully -overtumble -overture -overturn -overturnable -overturner -overtutor -overtwine -overtwist -overtype -overuberous -overunionized -overunsuitable -overurbanization -overurge -overuse -overusual -overusually -overvaliant -overvaluable -overvaluation -overvalue -overvariety -overvault -overvehemence -overvehement -overveil -overventilate -overventilation -overventuresome -overventurous -overview -overvoltage -overvote -overwade -overwages -overwake -overwalk -overwander -overward -overwash -overwasted -overwatch -overwatcher -overwater -overwave -overway -overwealth -overwealthy -overweaponed -overwear -overweary -overweather -overweave -overweb -overween -overweener -overweening -overweeningly -overweeningness -overweep -overweigh -overweight -overweightage -overwell -overwelt -overwet -overwetness -overwheel -overwhelm -overwhelmer -overwhelming -overwhelmingly -overwhelmingness -overwhipped -overwhirl -overwhisper -overwide -overwild -overwilily -overwilling -overwillingly -overwily -overwin -overwind -overwing -overwinter -overwiped -overwisdom -overwise -overwisely -overwithered -overwoman -overwomanize -overwomanly -overwood -overwooded -overwoody -overword -overwork -overworld -overworn -overworry -overworship -overwound -overwove -overwoven -overwrap -overwrest -overwrested -overwrestle -overwrite -overwroth -overwrought -overyear -overyoung -overyouthful -overzeal -overzealous -overzealously -overzealousness -ovest -ovey -Ovibos -Ovibovinae -ovibovine -ovicapsular -ovicapsule -ovicell -ovicellular -ovicidal -ovicide -ovicular -oviculated -oviculum -ovicyst -ovicystic -Ovidae -Ovidian -oviducal -oviduct -oviductal -oviferous -ovification -oviform -ovigenesis -ovigenetic -ovigenic -ovigenous -ovigerm -ovigerous -ovile -Ovillus -Ovinae -ovine -ovinia -ovipara -oviparal -oviparity -oviparous -oviparously -oviparousness -oviposit -oviposition -ovipositor -Ovis -ovisac -oviscapt -ovism -ovispermary -ovispermiduct -ovist -ovistic -ovivorous -ovocyte -ovoelliptic -ovoflavin -ovogenesis -ovogenetic -ovogenous -ovogonium -ovoid -ovoidal -ovolemma -ovolo -ovological -ovologist -ovology -ovolytic -ovomucoid -ovoplasm -ovoplasmic -ovopyriform -ovorhomboid -ovorhomboidal -ovotesticular -ovotestis -ovovitellin -Ovovivipara -ovoviviparism -ovoviviparity -ovoviviparous -ovoviviparously -ovoviviparousness -Ovula -ovular -ovularian -ovulary -ovulate -ovulation -ovule -ovuliferous -ovuligerous -ovulist -ovum -ow -owd -owe -owelty -Owen -Owenia -Owenian -Owenism -Owenist -Owenite -Owenize -ower -owerance -owerby -owercome -owergang -owerloup -owertaen -owerword -owght -owing -owk -owl -owldom -owler -owlery -owlet -Owlglass -owlhead -owling -owlish -owlishly -owlishness -owlism -owllight -owllike -Owlspiegle -owly -own -owner -ownerless -ownership -ownhood -ownness -ownself -ownwayish -owregane -owrehip -owrelay -owse -owsen -owser -owtchah -owyheeite -ox -oxacid -oxadiazole -oxalacetic -oxalaldehyde -oxalamid -oxalamide -oxalan -oxalate -oxaldehyde -oxalemia -oxalic -Oxalidaceae -oxalidaceous -Oxalis -oxalite -oxalodiacetic -oxalonitril -oxalonitrile -oxaluramid -oxaluramide -oxalurate -oxaluria -oxaluric -oxalyl -oxalylurea -oxamate -oxamethane -oxamic -oxamid -oxamide -oxamidine -oxammite -oxan -oxanate -oxane -oxanic -oxanilate -oxanilic -oxanilide -oxazine -oxazole -oxbane -oxberry -oxbird -oxbiter -oxblood -oxbow -oxboy -oxbrake -oxcart -oxcheek -oxdiacetic -oxdiazole -oxea -oxeate -oxen -oxeote -oxer -oxetone -oxeye -oxfly -Oxford -Oxfordian -Oxfordism -Oxfordist -oxgang -oxgoad -oxharrow -oxhead -oxheal -oxheart -oxhide -oxhoft -oxhorn -oxhouse -oxhuvud -oxidability -oxidable -oxidant -oxidase -oxidate -oxidation -oxidational -oxidative -oxidator -oxide -oxidic -oxidimetric -oxidimetry -oxidizability -oxidizable -oxidization -oxidize -oxidizement -oxidizer -oxidizing -oxidoreductase -oxidoreduction -oxidulated -oximate -oximation -oxime -oxland -oxlike -oxlip -oxman -oxmanship -oxoindoline -Oxonian -oxonic -oxonium -Oxonolatry -oxozone -oxozonide -oxpecker -oxphony -oxreim -oxshoe -oxskin -oxtail -oxter -oxtongue -oxwort -oxy -oxyacanthine -oxyacanthous -oxyacetylene -oxyacid -Oxyaena -Oxyaenidae -oxyaldehyde -oxyamine -oxyanthracene -oxyanthraquinone -oxyaphia -oxyaster -oxybaphon -Oxybaphus -oxybenzaldehyde -oxybenzene -oxybenzoic -oxybenzyl -oxyberberine -oxyblepsia -oxybromide -oxybutyria -oxybutyric -oxycalcium -oxycalorimeter -oxycamphor -oxycaproic -oxycarbonate -oxycellulose -oxycephalic -oxycephalism -oxycephalous -oxycephaly -oxychlorate -oxychloric -oxychloride -oxycholesterol -oxychromatic -oxychromatin -oxychromatinic -oxycinnamic -oxycobaltammine -Oxycoccus -oxycopaivic -oxycoumarin -oxycrate -oxycyanide -oxydactyl -Oxydendrum -oxydiact -oxyesthesia -oxyether -oxyethyl -oxyfatty -oxyfluoride -oxygas -oxygen -oxygenant -oxygenate -oxygenation -oxygenator -oxygenerator -oxygenic -oxygenicity -oxygenium -oxygenizable -oxygenize -oxygenizement -oxygenizer -oxygenous -oxygeusia -oxygnathous -oxyhalide -oxyhaloid -oxyhematin -oxyhemocyanin -oxyhemoglobin -oxyhexactine -oxyhexaster -oxyhydrate -oxyhydric -oxyhydrogen -oxyiodide -oxyketone -oxyl -Oxylabracidae -Oxylabrax -oxyluciferin -oxyluminescence -oxyluminescent -oxymandelic -oxymel -oxymethylene -oxymoron -oxymuriate -oxymuriatic -oxynaphthoic -oxynaphtoquinone -oxynarcotine -oxyneurin -oxyneurine -oxynitrate -oxyntic -oxyophitic -oxyopia -Oxyopidae -oxyosphresia -oxypetalous -oxyphenol -oxyphenyl -oxyphile -oxyphilic -oxyphilous -oxyphonia -oxyphosphate -oxyphthalic -oxyphyllous -oxyphyte -oxypicric -Oxypolis -oxyproline -oxypropionic -oxypurine -oxypycnos -oxyquinaseptol -oxyquinoline -oxyquinone -oxyrhine -oxyrhinous -oxyrhynch -oxyrhynchous -oxyrhynchus -Oxyrrhyncha -oxyrrhynchid -oxysalicylic -oxysalt -oxystearic -Oxystomata -oxystomatous -oxystome -oxysulphate -oxysulphide -oxyterpene -oxytocia -oxytocic -oxytocin -oxytocous -oxytoluene -oxytoluic -oxytone -oxytonesis -oxytonical -oxytonize -Oxytricha -Oxytropis -oxytylotate -oxytylote -oxyuriasis -oxyuricide -Oxyuridae -oxyurous -oxywelding -Oyana -oyapock -oyer -oyster -oysterage -oysterbird -oystered -oysterer -oysterfish -oystergreen -oysterhood -oysterhouse -oystering -oysterish -oysterishness -oysterlike -oysterling -oysterman -oysterous -oysterroot -oysterseed -oystershell -oysterwife -oysterwoman -Ozan -Ozark -ozarkite -ozena -Ozias -ozobrome -ozocerite -ozokerit -ozokerite -ozonate -ozonation -ozonator -ozone -ozoned -ozonic -ozonide -ozoniferous -ozonification -ozonify -Ozonium -ozonization -ozonize -ozonizer -ozonometer -ozonometry -ozonoscope -ozonoscopic -ozonous -ozophen -ozophene -ozostomia -ozotype -P -p -pa -paal -paar -paauw -Paba -pabble -Pablo -pablo -pabouch -pabular -pabulary -pabulation -pabulatory -pabulous -pabulum -pac -paca -pacable -Pacaguara -pacate -pacation -pacative -pacay -pacaya -Paccanarist -Pacchionian -Pace -pace -paceboard -paced -pacemaker -pacemaking -pacer -pachak -pachisi -pachnolite -pachometer -Pachomian -Pachons -Pacht -pachyacria -pachyaemia -pachyblepharon -pachycarpous -pachycephal -pachycephalia -pachycephalic -pachycephalous -pachycephaly -pachychilia -pachycholia -pachychymia -pachycladous -pachydactyl -pachydactylous -pachydactyly -pachyderm -pachyderma -pachydermal -Pachydermata -pachydermatocele -pachydermatoid -pachydermatosis -pachydermatous -pachydermatously -pachydermia -pachydermial -pachydermic -pachydermoid -pachydermous -pachyemia -pachyglossal -pachyglossate -pachyglossia -pachyglossous -pachyhaemia -pachyhaemic -pachyhaemous -pachyhematous -pachyhemia -pachyhymenia -pachyhymenic -Pachylophus -pachylosis -Pachyma -pachymenia -pachymenic -pachymeningitic -pachymeningitis -pachymeninx -pachymeter -pachynathous -pachynema -pachynsis -pachyntic -pachyodont -pachyotia -pachyotous -pachyperitonitis -pachyphyllous -pachypleuritic -pachypod -pachypodous -pachypterous -Pachyrhizus -pachyrhynchous -pachysalpingitis -Pachysandra -pachysaurian -pachysomia -pachysomous -pachystichous -Pachystima -pachytene -pachytrichous -Pachytylus -pachyvaginitis -pacifiable -pacific -pacifical -pacifically -pacificate -pacification -pacificator -pacificatory -pacificism -pacificist -pacificity -pacifier -pacifism -pacifist -pacifistic -pacifistically -pacify -pacifyingly -Pacinian -pack -packable -package -packbuilder -packcloth -packer -packery -packet -packhouse -packless -packly -packmaker -packmaking -packman -packmanship -packness -packsack -packsaddle -packstaff -packthread -packwall -packwaller -packware -packway -paco -Pacolet -pacouryuva -pact -paction -pactional -pactionally -Pactolian -Pactolus -pad -padcloth -Padda -padder -padding -paddle -paddlecock -paddled -paddlefish -paddlelike -paddler -paddlewood -paddling -paddock -paddockride -paddockstone -paddockstool -Paddy -paddy -paddybird -Paddyism -paddymelon -Paddywack -paddywatch -Paddywhack -paddywhack -padella -padfoot -padge -Padina -padishah -padle -padlike -padlock -padmasana -padmelon -padnag -padpiece -Padraic -Padraig -padre -padroadist -padroado -padronism -padstone -padtree -Paduan -Paduanism -paduasoy -Padus -paean -paeanism -paeanize -paedarchy -paedatrophia -paedatrophy -paediatry -paedogenesis -paedogenetic -paedometer -paedometrical -paedomorphic -paedomorphism -paedonymic -paedonymy -paedopsychologist -paedotribe -paedotrophic -paedotrophist -paedotrophy -paegel -paegle -Paelignian -paenula -paeon -Paeonia -Paeoniaceae -Paeonian -paeonic -paetrick -paga -pagan -Paganalia -Paganalian -pagandom -paganic -paganical -paganically -paganish -paganishly -paganism -paganist -paganistic -paganity -paganization -paganize -paganizer -paganly -paganry -pagatpat -Page -page -pageant -pageanted -pageanteer -pageantic -pageantry -pagedom -pageful -pagehood -pageless -pagelike -pager -pageship -pagina -paginal -paginary -paginate -pagination -pagiopod -Pagiopoda -pagoda -pagodalike -pagodite -pagoscope -pagrus -Paguma -pagurian -pagurid -Paguridae -Paguridea -pagurine -Pagurinea -paguroid -Paguroidea -Pagurus -pagus -pah -paha -Pahareen -Pahari -Paharia -pahi -Pahlavi -pahlavi -pahmi -paho -pahoehoe -Pahouin -pahutan -Paiconeca -paideutic -paideutics -paidological -paidologist -paidology -paidonosology -paigle -paik -pail -pailful -paillasse -paillette -pailletted -pailou -paimaneh -pain -pained -painful -painfully -painfulness -paining -painingly -painkiller -painless -painlessly -painlessness -painproof -painstaker -painstaking -painstakingly -painstakingness -painsworthy -paint -paintability -paintable -paintableness -paintably -paintbox -paintbrush -painted -paintedness -painter -painterish -painterlike -painterly -paintership -paintiness -painting -paintingness -paintless -paintpot -paintproof -paintress -paintrix -paintroot -painty -paip -pair -paired -pairedness -pairer -pairment -pairwise -pais -paisa -paisanite -Paisley -Paiute -paiwari -pajahuello -pajama -pajamaed -pajock -Pajonism -Pakawa -Pakawan -pakchoi -pakeha -Pakhpuluk -Pakhtun -Pakistani -paktong -pal -Pala -palace -palaced -palacelike -palaceous -palaceward -palacewards -paladin -palaeanthropic -Palaearctic -Palaeechini -palaeechinoid -Palaeechinoidea -palaeechinoidean -palaeentomology -palaeethnologic -palaeethnological -palaeethnologist -palaeethnology -Palaeeudyptes -Palaeic -palaeichthyan -Palaeichthyes -palaeichthyic -Palaemon -palaemonid -Palaemonidae -palaemonoid -palaeoalchemical -palaeoanthropic -palaeoanthropography -palaeoanthropology -Palaeoanthropus -palaeoatavism -palaeoatavistic -palaeobiogeography -palaeobiologist -palaeobiology -palaeobotanic -palaeobotanical -palaeobotanically -palaeobotanist -palaeobotany -Palaeocarida -palaeoceanography -Palaeocene -palaeochorology -palaeoclimatic -palaeoclimatology -Palaeoconcha -palaeocosmic -palaeocosmology -Palaeocrinoidea -palaeocrystal -palaeocrystallic -palaeocrystalline -palaeocrystic -palaeocyclic -palaeodendrologic -palaeodendrological -palaeodendrologically -palaeodendrologist -palaeodendrology -Palaeodictyoptera -palaeodictyopteran -palaeodictyopteron -palaeodictyopterous -palaeoencephalon -palaeoeremology -palaeoethnic -palaeoethnologic -palaeoethnological -palaeoethnologist -palaeoethnology -palaeofauna -Palaeogaea -Palaeogaean -palaeogene -palaeogenesis -palaeogenetic -palaeogeographic -palaeogeography -palaeoglaciology -palaeoglyph -Palaeognathae -palaeognathic -palaeognathous -palaeograph -palaeographer -palaeographic -palaeographical -palaeographically -palaeographist -palaeography -palaeoherpetologist -palaeoherpetology -palaeohistology -palaeohydrography -palaeolatry -palaeolimnology -palaeolith -palaeolithic -palaeolithical -palaeolithist -palaeolithoid -palaeolithy -palaeological -palaeologist -palaeology -Palaeomastodon -palaeometallic -palaeometeorological -palaeometeorology -Palaeonemertea -palaeonemertean -palaeonemertine -Palaeonemertinea -Palaeonemertini -palaeoniscid -Palaeoniscidae -palaeoniscoid -Palaeoniscum -Palaeoniscus -palaeontographic -palaeontographical -palaeontography -palaeopathology -palaeopedology -palaeophile -palaeophilist -Palaeophis -palaeophysiography -palaeophysiology -palaeophytic -palaeophytological -palaeophytologist -palaeophytology -palaeoplain -palaeopotamology -palaeopsychic -palaeopsychological -palaeopsychology -palaeoptychology -Palaeornis -Palaeornithinae -palaeornithine -palaeornithological -palaeornithology -palaeosaur -Palaeosaurus -palaeosophy -Palaeospondylus -Palaeostraca -palaeostracan -palaeostriatal -palaeostriatum -palaeostylic -palaeostyly -palaeotechnic -palaeothalamus -Palaeothentes -Palaeothentidae -palaeothere -palaeotherian -Palaeotheriidae -palaeotheriodont -palaeotherioid -Palaeotherium -palaeotheroid -Palaeotropical -palaeotype -palaeotypic -palaeotypical -palaeotypically -palaeotypographical -palaeotypographist -palaeotypography -palaeovolcanic -Palaeozoic -palaeozoological -palaeozoologist -palaeozoology -palaestra -palaestral -palaestrian -palaestric -palaestrics -palaetiological -palaetiologist -palaetiology -palafitte -palagonite -palagonitic -Palaic -Palaihnihan -palaiotype -palaite -palama -palamate -palame -Palamedea -palamedean -Palamedeidae -Palamite -Palamitism -palampore -palander -palanka -palankeen -palanquin -palapalai -Palapteryx -Palaquium -palar -palas -palatability -palatable -palatableness -palatably -palatal -palatalism -palatality -palatalization -palatalize -palate -palated -palateful -palatefulness -palateless -palatelike -palatial -palatially -palatialness -palatian -palatic -palatinal -palatinate -palatine -palatineship -Palatinian -palatinite -palation -palatist -palatitis -palative -palatization -palatize -palatoalveolar -palatodental -palatoglossal -palatoglossus -palatognathous -palatogram -palatograph -palatography -palatomaxillary -palatometer -palatonasal -palatopharyngeal -palatopharyngeus -palatoplasty -palatoplegia -palatopterygoid -palatoquadrate -palatorrhaphy -palatoschisis -Palatua -Palau -Palaung -palaver -palaverer -palaverist -palaverment -palaverous -palay -palazzi -palberry -palch -pale -palea -paleaceous -paleanthropic -Palearctic -paleate -palebelly -palebuck -palechinoid -paled -paledness -paleencephalon -paleentomology -paleethnographer -paleethnologic -paleethnological -paleethnologist -paleethnology -paleface -palehearted -paleichthyologic -paleichthyologist -paleichthyology -paleiform -palely -Paleman -paleness -Palenque -paleoalchemical -paleoandesite -paleoanthropic -paleoanthropography -paleoanthropological -paleoanthropologist -paleoanthropology -Paleoanthropus -paleoatavism -paleoatavistic -paleobiogeography -paleobiologist -paleobiology -paleobotanic -paleobotanical -paleobotanically -paleobotanist -paleobotany -paleoceanography -Paleocene -paleochorology -paleoclimatic -paleoclimatologist -paleoclimatology -Paleoconcha -paleocosmic -paleocosmology -paleocrystal -paleocrystallic -paleocrystalline -paleocrystic -paleocyclic -paleodendrologic -paleodendrological -paleodendrologically -paleodendrologist -paleodendrology -paleoecologist -paleoecology -paleoencephalon -paleoeremology -paleoethnic -paleoethnography -paleoethnologic -paleoethnological -paleoethnologist -paleoethnology -paleofauna -Paleogene -paleogenesis -paleogenetic -paleogeographic -paleogeography -paleoglaciology -paleoglyph -paleograph -paleographer -paleographic -paleographical -paleographically -paleographist -paleography -paleoherpetologist -paleoherpetology -paleohistology -paleohydrography -paleoichthyology -paleokinetic -paleola -paleolate -paleolatry -paleolimnology -paleolith -paleolithic -paleolithical -paleolithist -paleolithoid -paleolithy -paleological -paleologist -paleology -paleomammalogy -paleometallic -paleometeorological -paleometeorology -paleontographic -paleontographical -paleontography -paleontologic -paleontological -paleontologically -paleontologist -paleontology -paleopathology -paleopedology -paleophysiography -paleophysiology -paleophytic -paleophytological -paleophytologist -paleophytology -paleopicrite -paleoplain -paleopotamoloy -paleopsychic -paleopsychological -paleopsychology -paleornithological -paleornithology -paleostriatal -paleostriatum -paleostylic -paleostyly -paleotechnic -paleothalamus -paleothermal -paleothermic -Paleotropical -paleovolcanic -paleoytterbium -Paleozoic -paleozoological -paleozoologist -paleozoology -paler -Palermitan -Palermo -Pales -Palesman -Palestinian -palestra -palestral -palestrian -palestric -palet -paletiology -paletot -palette -paletz -palewise -palfrey -palfreyed -palgat -Pali -pali -Palicourea -palification -paliform -paligorskite -palikar -palikarism -palikinesia -palila -palilalia -Palilia -Palilicium -palillogia -palilogetic -palilogy -palimbacchic -palimbacchius -palimpsest -palimpsestic -palinal -palindrome -palindromic -palindromical -palindromically -palindromist -paling -palingenesia -palingenesian -palingenesis -palingenesist -palingenesy -palingenetic -palingenetically -palingenic -palingenist -palingeny -palinode -palinodial -palinodic -palinodist -palinody -palinurid -Palinuridae -palinuroid -Palinurus -paliphrasia -palirrhea -palisade -palisading -palisado -palisander -palisfy -palish -palistrophia -Paliurus -palkee -pall -palla -palladammine -Palladia -palladia -Palladian -Palladianism -palladic -palladiferous -palladinize -palladion -palladious -Palladium -palladium -palladiumize -palladize -palladodiammine -palladosammine -palladous -pallae -pallah -pallall -pallanesthesia -Pallas -pallasite -pallbearer -palled -pallescence -pallescent -pallesthesia -pallet -palleting -palletize -pallette -pallholder -palli -pallial -palliard -palliasse -Palliata -palliata -palliate -palliation -palliative -palliatively -palliator -palliatory -pallid -pallidiflorous -pallidipalpate -palliditarsate -pallidity -pallidiventrate -pallidly -pallidness -palliness -Palliobranchiata -palliobranchiate -palliocardiac -pallioessexite -pallion -palliopedal -palliostratus -pallium -Palliyan -pallograph -pallographic -pallometric -pallone -pallor -Pallu -Palluites -pallwise -pally -palm -palma -Palmaceae -palmaceous -palmad -Palmae -palmanesthesia -palmar -palmarian -palmary -palmate -palmated -palmately -palmatifid -palmatiform -palmatilobate -palmatilobed -palmation -palmatiparted -palmatipartite -palmatisect -palmatisected -palmature -palmcrist -palmed -Palmella -Palmellaceae -palmellaceous -palmelloid -palmer -palmerite -palmery -palmesthesia -palmette -palmetto -palmetum -palmful -palmicolous -palmiferous -palmification -palmiform -palmigrade -palmilobate -palmilobated -palmilobed -palminervate -palminerved -palmiped -Palmipedes -palmipes -palmist -palmister -palmistry -palmitate -palmite -palmitic -palmitin -palmitinic -palmito -palmitoleic -palmitone -palmiveined -palmivorous -palmlike -palmo -palmodic -palmoscopy -palmospasmus -palmula -palmus -palmwise -palmwood -palmy -palmyra -Palmyrene -Palmyrenian -palolo -palombino -palometa -palomino -palosapis -palouser -paloverde -palp -palpability -palpable -palpableness -palpably -palpacle -palpal -palpate -palpation -palpatory -palpebra -palpebral -palpebrate -palpebration -palpebritis -palped -palpi -palpicorn -Palpicornia -palpifer -palpiferous -palpiform -palpiger -palpigerous -palpitant -palpitate -palpitatingly -palpitation -palpless -palpocil -palpon -palpulus -palpus -palsgrave -palsgravine -palsied -palsification -palstave -palster -palsy -palsylike -palsywort -palt -Palta -palter -palterer -palterly -paltrily -paltriness -paltry -paludal -paludament -paludamentum -paludial -paludian -paludic -Paludicella -Paludicolae -paludicole -paludicoline -paludicolous -paludiferous -Paludina -paludinal -paludine -paludinous -paludism -paludose -paludous -paludrin -paludrine -palule -palulus -Palus -palus -palustral -palustrian -palustrine -paly -palynology -Pam -pam -pambanmanche -Pamela -pament -pameroon -Pamir -Pamiri -Pamirian -Pamlico -pamment -Pampanga -Pampangan -Pampango -pampas -pampean -pamper -pampered -pamperedly -pamperedness -pamperer -pamperize -pampero -pamphagous -pampharmacon -Pamphiliidae -Pamphilius -pamphlet -pamphletage -pamphletary -pamphleteer -pamphleter -pamphletful -pamphletic -pamphletical -pamphletize -pamphletwise -pamphysical -pamphysicism -pampilion -pampiniform -pampinocele -pamplegia -pampootee -pampootie -pampre -pamprodactyl -pamprodactylism -pamprodactylous -pampsychism -pampsychist -Pamunkey -Pan -pan -panace -Panacea -panacea -panacean -panaceist -panache -panached -panachure -panada -panade -Panagia -panagiarion -Panak -Panaka -panama -Panamaian -Panaman -Panamanian -Panamano -Panamic -Panamint -Panamist -panapospory -panarchic -panarchy -panaris -panaritium -panarteritis -panarthritis -panary -panatela -Panathenaea -Panathenaean -Panathenaic -panatrophy -panautomorphic -panax -Panayan -Panayano -panbabylonian -panbabylonism -Panboeotian -pancake -pancarditis -panchama -panchayat -pancheon -panchion -panchromatic -panchromatism -panchromatization -panchromatize -panchway -panclastic -panconciliatory -pancosmic -pancosmism -pancosmist -pancratian -pancratiast -pancratiastic -pancratic -pancratical -pancratically -pancration -pancratism -pancratist -pancratium -pancreas -pancreatalgia -pancreatectomize -pancreatectomy -pancreatemphraxis -pancreathelcosis -pancreatic -pancreaticoduodenal -pancreaticoduodenostomy -pancreaticogastrostomy -pancreaticosplenic -pancreatin -pancreatism -pancreatitic -pancreatitis -pancreatization -pancreatize -pancreatoduodenectomy -pancreatoenterostomy -pancreatogenic -pancreatogenous -pancreatoid -pancreatolipase -pancreatolith -pancreatomy -pancreatoncus -pancreatopathy -pancreatorrhagia -pancreatotomy -pancreectomy -pancreozymin -pancyclopedic -pand -panda -pandal -pandan -Pandanaceae -pandanaceous -Pandanales -Pandanus -pandaram -Pandarctos -pandaric -Pandarus -pandation -Pandean -pandect -Pandectist -pandemia -pandemian -pandemic -pandemicity -pandemoniac -Pandemoniacal -Pandemonian -pandemonic -pandemonism -Pandemonium -pandemonium -Pandemos -pandemy -pandenominational -pander -panderage -panderer -panderess -panderism -panderize -panderly -Panderma -pandermite -panderous -pandership -pandestruction -pandiabolism -pandiculation -Pandion -Pandionidae -pandita -pandle -pandlewhew -Pandora -pandora -Pandorea -Pandoridae -Pandorina -Pandosto -pandour -pandowdy -pandrop -pandura -pandurate -pandurated -panduriform -pandy -pane -panecclesiastical -paned -panegoism -panegoist -panegyric -panegyrical -panegyrically -panegyricize -panegyricon -panegyricum -panegyris -panegyrist -panegyrize -panegyrizer -panegyry -paneity -panel -panela -panelation -paneler -paneless -paneling -panelist -panellation -panelling -panelwise -panelwork -panentheism -panesthesia -panesthetic -paneulogism -panfil -panfish -panful -pang -Pangaea -pangamic -pangamous -pangamously -pangamy -pangane -Pangasinan -pangen -pangene -pangenesis -pangenetic -pangenetically -pangenic -pangful -pangi -Pangium -pangless -panglessly -panglima -Pangloss -Panglossian -Panglossic -pangolin -pangrammatist -Pangwe -panhandle -panhandler -panharmonic -panharmonicon -panhead -panheaded -Panhellenic -Panhellenios -Panhellenism -Panhellenist -Panhellenium -panhidrosis -panhuman -panhygrous -panhyperemia -panhysterectomy -Pani -panic -panical -panically -panicful -panichthyophagous -panicked -panicky -panicle -panicled -paniclike -panicmonger -panicmongering -paniconograph -paniconographic -paniconography -Panicularia -paniculate -paniculated -paniculately -paniculitis -Panicum -panidiomorphic -panidrosis -panification -panimmunity -Paninean -Panionia -Panionian -Panionic -Paniquita -Paniquitan -panisc -panisca -paniscus -panisic -panivorous -Panjabi -panjandrum -pank -pankin -pankration -panleucopenia -panlogical -panlogism -panlogistical -panman -panmelodicon -panmelodion -panmerism -panmeristic -panmixia -panmixy -panmnesia -panmug -panmyelophthisis -Panna -pannade -pannage -pannam -pannationalism -panne -pannel -panner -pannery -panneuritic -panneuritis -pannicle -pannicular -pannier -panniered -pannierman -pannikin -panning -Pannonian -Pannonic -pannose -pannosely -pannum -pannus -pannuscorium -Panoan -panocha -panoche -panococo -panoistic -panomphaic -panomphean -panomphic -panophobia -panophthalmia -panophthalmitis -panoplied -panoplist -panoply -panoptic -panoptical -panopticon -panoram -panorama -panoramic -panoramical -panoramically -panoramist -panornithic -Panorpa -Panorpatae -panorpian -panorpid -Panorpidae -Panos -panosteitis -panostitis -panotitis -panotype -panouchi -panpathy -panpharmacon -panphenomenalism -panphobia -Panpipe -panplegia -panpneumatism -panpolism -panpsychic -panpsychism -panpsychist -panpsychistic -panscientist -pansciolism -pansciolist -pansclerosis -pansclerotic -panse -pansexism -pansexual -pansexualism -pansexualist -pansexuality -pansexualize -panshard -panside -pansideman -pansied -pansinuitis -pansinusitis -pansmith -pansophic -pansophical -pansophically -pansophism -pansophist -pansophy -panspermatism -panspermatist -panspermia -panspermic -panspermism -panspermist -panspermy -pansphygmograph -panstereorama -pansy -pansylike -pant -pantachromatic -pantacosm -pantagamy -pantagogue -pantagraph -pantagraphic -pantagraphical -Pantagruel -Pantagruelian -Pantagruelic -Pantagruelically -Pantagrueline -pantagruelion -Pantagruelism -Pantagruelist -Pantagruelistic -Pantagruelistical -Pantagruelize -pantaleon -pantaletless -pantalets -pantaletted -pantalgia -pantalon -Pantalone -pantaloon -pantalooned -pantaloonery -pantaloons -pantameter -pantamorph -pantamorphia -pantamorphic -pantanemone -pantanencephalia -pantanencephalic -pantaphobia -pantarbe -pantarchy -pantas -pantascope -pantascopic -Pantastomatida -Pantastomina -pantatrophia -pantatrophy -pantatype -pantechnic -pantechnicon -pantelegraph -pantelegraphy -panteleologism -pantelephone -pantelephonic -Pantelis -pantellerite -panter -panterer -Pantheian -pantheic -pantheism -pantheist -pantheistic -pantheistical -pantheistically -panthelematism -panthelism -pantheologist -pantheology -pantheon -pantheonic -pantheonization -pantheonize -panther -pantheress -pantherine -pantherish -pantherlike -pantherwood -pantheum -pantie -panties -pantile -pantiled -pantiling -panting -pantingly -pantisocracy -pantisocrat -pantisocratic -pantisocratical -pantisocratist -pantle -pantler -panto -pantochrome -pantochromic -pantochromism -pantochronometer -Pantocrator -pantod -Pantodon -Pantodontidae -pantoffle -pantofle -pantoganglitis -pantogelastic -pantoglossical -pantoglot -pantoglottism -pantograph -pantographer -pantographic -pantographical -pantographically -pantography -pantoiatrical -pantologic -pantological -pantologist -pantology -pantomancer -pantometer -pantometric -pantometrical -pantometry -pantomime -pantomimic -pantomimical -pantomimically -pantomimicry -pantomimish -pantomimist -pantomimus -pantomnesia -pantomnesic -pantomorph -pantomorphia -pantomorphic -panton -pantoon -pantopelagian -pantophagic -pantophagist -pantophagous -pantophagy -pantophile -pantophobia -pantophobic -pantophobous -pantoplethora -pantopod -Pantopoda -pantopragmatic -pantopterous -pantoscope -pantoscopic -pantosophy -Pantostomata -pantostomate -pantostomatous -pantostome -pantotactic -pantothenate -pantothenic -Pantotheria -pantotherian -pantotype -pantoum -pantropic -pantropical -pantry -pantryman -pantrywoman -pants -pantun -panty -pantywaist -panung -panurgic -panurgy -panyar -Panzer -panzoism -panzootia -panzootic -panzooty -Paola -paolo -paon -pap -papa -papability -papable -papabot -papacy -papagallo -Papago -papain -papal -papalism -papalist -papalistic -papalization -papalize -papalizer -papally -papalty -papane -papaphobia -papaphobist -papaprelatical -papaprelatist -paparchical -paparchy -papaship -Papaver -Papaveraceae -papaveraceous -Papaverales -papaverine -papaverous -papaw -papaya -Papayaceae -papayaceous -papayotin -papboat -pape -papelonne -paper -paperback -paperbark -paperboard -papered -paperer -paperful -paperiness -papering -paperlike -papermaker -papermaking -papermouth -papern -papershell -paperweight -papery -papess -papeterie -papey -Paphian -Paphiopedilum -Papiamento -papicolar -papicolist -Papilio -Papilionaceae -papilionaceous -Papiliones -papilionid -Papilionidae -Papilionides -Papilioninae -papilionine -papilionoid -Papilionoidea -papilla -papillae -papillar -papillary -papillate -papillated -papillectomy -papilledema -papilliferous -papilliform -papillitis -papilloadenocystoma -papillocarcinoma -papilloedema -papilloma -papillomatosis -papillomatous -papillon -papilloretinitis -papillosarcoma -papillose -papillosity -papillote -papillous -papillulate -papillule -Papinachois -Papio -papion -papish -papisher -papism -Papist -papist -papistic -papistical -papistically -papistlike -papistly -papistry -papize -papless -papmeat -papolater -papolatrous -papolatry -papoose -papooseroot -Pappea -pappescent -pappi -pappiferous -pappiform -pappose -pappox -pappus -pappy -papreg -paprica -paprika -Papuan -papula -papular -papulate -papulated -papulation -papule -papuliferous -papuloerythematous -papulopustular -papulopustule -papulose -papulosquamous -papulous -papulovesicular -papyr -papyraceous -papyral -papyrean -papyri -papyrian -papyrin -papyrine -papyritious -papyrocracy -papyrograph -papyrographer -papyrographic -papyrography -papyrological -papyrologist -papyrology -papyrophobia -papyroplastics -papyrotamia -papyrotint -papyrotype -papyrus -Paque -paquet -par -para -paraaminobenzoic -parabanate -parabanic -parabaptism -parabaptization -parabasal -parabasic -parabasis -parabema -parabematic -parabenzoquinone -parabiosis -parabiotic -parablast -parablastic -parable -parablepsia -parablepsis -parablepsy -parableptic -parabola -parabolanus -parabolic -parabolical -parabolicalism -parabolically -parabolicness -paraboliform -parabolist -parabolization -parabolize -parabolizer -paraboloid -paraboloidal -parabomb -parabotulism -parabranchia -parabranchial -parabranchiate -parabulia -parabulic -paracanthosis -paracarmine -paracasein -paracaseinate -Paracelsian -Paracelsianism -Paracelsic -Paracelsist -Paracelsistic -Paracelsus -paracentesis -paracentral -paracentric -paracentrical -paracephalus -paracerebellar -paracetaldehyde -parachaplain -paracholia -parachor -parachordal -parachrea -parachroia -parachroma -parachromatism -parachromatophorous -parachromatopsia -parachromatosis -parachrome -parachromoparous -parachromophoric -parachromophorous -parachronism -parachronistic -parachrose -parachute -parachutic -parachutism -parachutist -paraclete -paracmasis -paracme -paracoele -paracoelian -paracolitis -paracolon -paracolpitis -paracolpium -paracondyloid -paracone -paraconic -paraconid -paraconscious -paracorolla -paracotoin -paracoumaric -paracresol -Paracress -paracusia -paracusic -paracyanogen -paracyesis -paracymene -paracystic -paracystitis -paracystium -parade -paradeful -paradeless -paradelike -paradenitis -paradental -paradentitis -paradentium -parader -paraderm -paradiastole -paradiazine -paradichlorbenzene -paradichlorbenzol -paradichlorobenzene -paradichlorobenzol -paradidymal -paradidymis -paradigm -paradigmatic -paradigmatical -paradigmatically -paradigmatize -parading -paradingly -paradiplomatic -paradisaic -paradisaically -paradisal -paradise -Paradisea -paradisean -Paradiseidae -Paradiseinae -Paradisia -paradisiac -paradisiacal -paradisiacally -paradisial -paradisian -paradisic -paradisical -parado -paradoctor -parados -paradoses -paradox -paradoxal -paradoxer -paradoxial -paradoxic -paradoxical -paradoxicalism -paradoxicality -paradoxically -paradoxicalness -paradoxician -Paradoxides -paradoxidian -paradoxism -paradoxist -paradoxographer -paradoxographical -paradoxology -paradoxure -Paradoxurinae -paradoxurine -Paradoxurus -paradoxy -paradromic -paraenesis -paraenesize -paraenetic -paraenetical -paraengineer -paraffin -paraffine -paraffiner -paraffinic -paraffinize -paraffinoid -paraffiny -paraffle -parafle -parafloccular -paraflocculus -paraform -paraformaldehyde -parafunction -paragammacism -paraganglion -paragaster -paragastral -paragastric -paragastrula -paragastrular -parage -paragenesia -paragenesis -paragenetic -paragenic -paragerontic -parageusia -parageusic -parageusis -paragglutination -paraglenal -paraglobin -paraglobulin -paraglossa -paraglossal -paraglossate -paraglossia -paraglycogen -paragnath -paragnathism -paragnathous -paragnathus -paragneiss -paragnosia -paragoge -paragogic -paragogical -paragogically -paragogize -paragon -paragonimiasis -Paragonimus -paragonite -paragonitic -paragonless -paragram -paragrammatist -paragraph -paragrapher -paragraphia -paragraphic -paragraphical -paragraphically -paragraphism -paragraphist -paragraphistical -paragraphize -Paraguay -Paraguayan -parah -paraheliotropic -paraheliotropism -parahematin -parahemoglobin -parahepatic -Parahippus -parahopeite -parahormone -parahydrogen -paraiba -Paraiyan -parakeet -parakeratosis -parakilya -parakinesia -parakinetic -paralactate -paralalia -paralambdacism -paralambdacismus -paralaurionite -paraldehyde -parale -paralectotype -paraleipsis -paralepsis -paralexia -paralexic -paralgesia -paralgesic -paralinin -paralipomena -Paralipomenon -paralipsis -paralitical -parallactic -parallactical -parallactically -parallax -parallel -parallelable -parallelepiped -parallelepipedal -parallelepipedic -parallelepipedon -parallelepipedonal -paralleler -parallelinervate -parallelinerved -parallelinervous -parallelism -parallelist -parallelistic -parallelith -parallelization -parallelize -parallelizer -parallelless -parallelly -parallelodrome -parallelodromous -parallelogram -parallelogrammatic -parallelogrammatical -parallelogrammic -parallelogrammical -parallelograph -parallelometer -parallelopiped -parallelopipedon -parallelotropic -parallelotropism -parallelwise -parallepipedous -paralogia -paralogical -paralogician -paralogism -paralogist -paralogistic -paralogize -paralogy -paraluminite -paralyses -paralysis -paralytic -paralytical -paralytically -paralyzant -paralyzation -paralyze -paralyzedly -paralyzer -paralyzingly -param -paramagnet -paramagnetic -paramagnetism -paramandelic -paramarine -paramastigate -paramastitis -paramastoid -paramatta -Paramecidae -Paramecium -paramedian -paramelaconite -paramenia -parament -paramere -parameric -parameron -paramese -paramesial -parameter -parametric -parametrical -parametritic -parametritis -parametrium -paramide -paramilitary -paramimia -paramine -paramiographer -paramitome -paramnesia -paramo -Paramoecium -paramorph -paramorphia -paramorphic -paramorphine -paramorphism -paramorphosis -paramorphous -paramount -paramountcy -paramountly -paramountness -paramountship -paramour -paramuthetic -paramyelin -paramylum -paramyoclonus -paramyosinogen -paramyotone -paramyotonia -paranasal -paranatellon -parandrus -paranema -paranematic -paranephric -paranephritic -paranephritis -paranephros -paranepionic -paranete -parang -paranitraniline -paranitrosophenol -paranoia -paranoiac -paranoid -paranoidal -paranoidism -paranomia -paranormal -paranosic -paranthelion -paranthracene -Paranthropus -paranuclear -paranucleate -paranucleic -paranuclein -paranucleinic -paranucleus -paranymph -paranymphal -parao -paraoperation -Parapaguridae -paraparesis -paraparetic -parapathia -parapathy -parapegm -parapegma -paraperiodic -parapet -parapetalous -parapeted -parapetless -paraph -paraphasia -paraphasic -paraphemia -paraphenetidine -paraphenylene -paraphenylenediamine -parapherna -paraphernal -paraphernalia -paraphernalian -paraphia -paraphilia -paraphimosis -paraphonia -paraphonic -paraphototropism -paraphrasable -paraphrase -paraphraser -paraphrasia -paraphrasian -paraphrasis -paraphrasist -paraphrast -paraphraster -paraphrastic -paraphrastical -paraphrastically -paraphrenia -paraphrenic -paraphrenitis -paraphyllium -paraphysate -paraphysical -paraphysiferous -paraphysis -paraplasis -paraplasm -paraplasmic -paraplastic -paraplastin -paraplectic -paraplegia -paraplegic -paraplegy -parapleuritis -parapleurum -parapod -parapodial -parapodium -parapophysial -parapophysis -parapraxia -parapraxis -paraproctitis -paraproctium -paraprostatitis -Parapsida -parapsidal -parapsidan -parapsis -parapsychical -parapsychism -parapsychological -parapsychology -parapsychosis -parapteral -parapteron -parapterum -paraquadrate -paraquinone -Pararctalia -Pararctalian -pararectal -pararek -parareka -pararhotacism -pararosaniline -pararosolic -pararthria -parasaboteur -parasalpingitis -parasang -parascene -parascenium -parasceve -paraschematic -parasecretion -paraselene -paraselenic -parasemidin -parasemidine -parasexuality -parashah -parasigmatism -parasigmatismus -Parasita -parasital -parasitary -parasite -parasitelike -parasitemia -parasitic -Parasitica -parasitical -parasitically -parasiticalness -parasiticidal -parasiticide -Parasitidae -parasitism -parasitize -parasitogenic -parasitoid -parasitoidism -parasitological -parasitologist -parasitology -parasitophobia -parasitosis -parasitotrope -parasitotropic -parasitotropism -parasitotropy -paraskenion -parasol -parasoled -parasolette -paraspecific -parasphenoid -parasphenoidal -paraspotter -paraspy -parastas -parastatic -parastemon -parastemonal -parasternal -parasternum -parastichy -parastyle -parasubphonate -parasubstituted -Parasuchia -parasuchian -parasympathetic -parasympathomimetic -parasynapsis -parasynaptic -parasynaptist -parasyndesis -parasynesis -parasynetic -parasynovitis -parasynthesis -parasynthetic -parasyntheton -parasyphilis -parasyphilitic -parasyphilosis -parasystole -paratactic -paratactical -paratactically -paratartaric -parataxis -parate -paraterminal -Paratheria -paratherian -parathesis -parathetic -parathion -parathormone -parathymic -parathyroid -parathyroidal -parathyroidectomize -parathyroidectomy -parathyroprival -parathyroprivia -parathyroprivic -paratitla -paratitles -paratoloid -paratoluic -paratoluidine -paratomial -paratomium -paratonic -paratonically -paratorium -paratory -paratracheal -paratragedia -paratragoedia -paratransversan -paratrichosis -paratrimma -paratriptic -paratroop -paratrooper -paratrophic -paratrophy -paratuberculin -paratuberculosis -paratuberculous -paratungstate -paratungstic -paratype -paratyphlitis -paratyphoid -paratypic -paratypical -paratypically -paravaginitis -paravail -paravane -paravauxite -paravent -paravertebral -paravesical -paraxial -paraxially -paraxon -paraxonic -paraxylene -Parazoa -parazoan -parazonium -parbake -Parbate -parboil -parbuckle -parcel -parceling -parcellary -parcellate -parcellation -parcelling -parcellization -parcellize -parcelment -parcelwise -parcenary -parcener -parcenership -parch -parchable -parchedly -parchedness -parcheesi -parchemin -parcher -parchesi -parching -parchingly -parchisi -parchment -parchmenter -parchmentize -parchmentlike -parchmenty -parchy -parcidentate -parciloquy -parclose -parcook -pard -pardalote -Pardanthus -pardao -parded -pardesi -pardine -pardner -pardnomastic -pardo -pardon -pardonable -pardonableness -pardonably -pardonee -pardoner -pardoning -pardonless -pardonmonger -pare -paregoric -Pareiasauri -Pareiasauria -pareiasaurian -Pareiasaurus -Pareioplitae -parel -parelectronomic -parelectronomy -parella -paren -parencephalic -parencephalon -parenchym -parenchyma -parenchymal -parenchymatic -parenchymatitis -parenchymatous -parenchymatously -parenchyme -parenchymous -parent -parentage -parental -Parentalia -parentalism -parentality -parentally -parentdom -parentela -parentelic -parenteral -parenterally -parentheses -parenthesis -parenthesize -parenthetic -parenthetical -parentheticality -parenthetically -parentheticalness -parenthood -parenticide -parentless -parentlike -parentship -Pareoean -parepididymal -parepididymis -parepigastric -parer -parerethesis -parergal -parergic -parergon -paresis -paresthesia -paresthesis -paresthetic -parethmoid -paretic -paretically -pareunia -parfait -parfilage -parfleche -parfocal -pargana -pargasite -parge -pargeboard -parget -pargeter -pargeting -pargo -parhelia -parheliacal -parhelic -parhelion -parhomologous -parhomology -parhypate -pari -pariah -pariahdom -pariahism -pariahship -parial -Parian -parian -Pariasauria -Pariasaurus -Paridae -paridigitate -paridrosis -paries -parietal -Parietales -Parietaria -parietary -parietes -parietofrontal -parietojugal -parietomastoid -parietoquadrate -parietosphenoid -parietosphenoidal -parietosplanchnic -parietosquamosal -parietotemporal -parietovaginal -parietovisceral -parify -parigenin -pariglin -Parilia -Parilicium -parilla -parillin -parimutuel -Parinarium -parine -paring -paripinnate -Paris -parish -parished -parishen -parishional -parishionally -parishionate -parishioner -parishionership -Parisian -Parisianism -Parisianization -Parisianize -Parisianly -Parisii -parisis -parisology -parison -parisonic -paristhmic -paristhmion -parisyllabic -parisyllabical -Pariti -Paritium -parity -parivincular -park -parka -parkee -parker -parkin -parking -Parkinsonia -Parkinsonism -parkish -parklike -parkward -parkway -parky -parlamento -parlance -parlando -Parlatoria -parlatory -parlay -parle -parley -parleyer -parliament -parliamental -parliamentarian -parliamentarianism -parliamentarily -parliamentariness -parliamentarism -parliamentarization -parliamentarize -parliamentary -parliamenteer -parliamenteering -parliamenter -parling -parlish -parlor -parlorish -parlormaid -parlous -parlously -parlousness -parly -Parma -parma -parmacety -parmak -Parmelia -Parmeliaceae -parmeliaceous -parmelioid -Parmentiera -Parmesan -Parmese -parnas -Parnassia -Parnassiaceae -parnassiaceous -Parnassian -Parnassianism -Parnassiinae -Parnassism -Parnassus -parnel -Parnellism -Parnellite -parnorpine -paroarion -paroarium -paroccipital -paroch -parochial -parochialic -parochialism -parochialist -parochiality -parochialization -parochialize -parochially -parochialness -parochin -parochine -parochiner -parode -parodiable -parodial -parodic -parodical -parodinia -parodist -parodistic -parodistically -parodize -parodontitis -parodos -parody -parodyproof -paroecious -paroeciously -paroeciousness -paroecism -paroecy -paroemia -paroemiac -paroemiographer -paroemiography -paroemiologist -paroemiology -paroicous -parol -parolable -parole -parolee -parolfactory -paroli -parolist -paromoeon -paromologetic -paromologia -paromology -paromphalocele -paromphalocelic -paronomasia -paronomasial -paronomasian -paronomasiastic -paronomastical -paronomastically -paronychia -paronychial -paronychium -paronym -paronymic -paronymization -paronymize -paronymous -paronymy -paroophoric -paroophoritis -paroophoron -paropsis -paroptesis -paroptic -parorchid -parorchis -parorexia -Parosela -parosmia -parosmic -parosteal -parosteitis -parosteosis -parostosis -parostotic -Parotia -parotic -parotid -parotidean -parotidectomy -parotiditis -parotis -parotitic -parotitis -parotoid -parous -parousia -parousiamania -parovarian -parovariotomy -parovarium -paroxazine -paroxysm -paroxysmal -paroxysmalist -paroxysmally -paroxysmic -paroxysmist -paroxytone -paroxytonic -paroxytonize -parpal -parquet -parquetage -parquetry -parr -Parra -parrel -parrhesia -parrhesiastic -parriable -parricidal -parricidally -parricide -parricided -parricidial -parricidism -Parridae -parrier -parrock -parrot -parroter -parrothood -parrotism -parrotize -parrotlet -parrotlike -parrotry -parrotwise -parroty -parry -parsable -parse -parsec -Parsee -Parseeism -parser -parsettensite -Parsi -Parsic -Parsiism -parsimonious -parsimoniously -parsimoniousness -parsimony -Parsism -parsley -parsleylike -parsleywort -parsnip -parson -parsonage -parsonarchy -parsondom -parsoned -parsonese -parsoness -parsonet -parsonhood -parsonic -parsonical -parsonically -parsoning -parsonish -parsonity -parsonize -parsonlike -parsonly -parsonolatry -parsonology -parsonry -parsonship -Parsonsia -parsonsite -parsony -Part -part -partakable -partake -partaker -partan -partanfull -partanhanded -parted -partedness -parter -parterre -parterred -partheniad -Partheniae -parthenian -parthenic -Parthenium -parthenocarpelly -parthenocarpic -parthenocarpical -parthenocarpically -parthenocarpous -parthenocarpy -Parthenocissus -parthenogenesis -parthenogenetic -parthenogenetically -parthenogenic -parthenogenitive -parthenogenous -parthenogeny -parthenogonidium -Parthenolatry -parthenology -Parthenon -Parthenopaeus -parthenoparous -Parthenope -Parthenopean -Parthenos -parthenosperm -parthenospore -Parthian -partial -partialism -partialist -partialistic -partiality -partialize -partially -partialness -partiary -partible -particate -participability -participable -participance -participancy -participant -participantly -participate -participatingly -participation -participative -participatively -participator -participatory -participatress -participial -participiality -participialize -participially -participle -particle -particled -particular -particularism -particularist -particularistic -particularistically -particularity -particularization -particularize -particularly -particularness -particulate -partigen -partile -partimembered -partimen -partinium -partisan -partisanism -partisanize -partisanship -partite -partition -partitional -partitionary -partitioned -partitioner -partitioning -partitionist -partitionment -partitive -partitively -partitura -partiversal -partivity -partless -partlet -partly -partner -partnerless -partnership -parto -partook -partridge -partridgeberry -partridgelike -partridgewood -partridging -partschinite -parture -parturiate -parturience -parturiency -parturient -parturifacient -parturition -parturitive -party -partyism -partyist -partykin -partyless -partymonger -partyship -Parukutu -parulis -parumbilical -parure -paruria -Parus -parvanimity -parvenu -parvenudom -parvenuism -parvicellular -parviflorous -parvifoliate -parvifolious -parvipotent -parvirostrate -parvis -parviscient -parvitude -parvolin -parvoline -parvule -paryphodrome -pasan -pasang -Pascal -Pasch -Pascha -paschal -paschalist -Paschaltide -paschite -pascoite -pascuage -pascual -pascuous -pasgarde -pash -pasha -pashadom -pashalik -pashaship -pashm -pashmina -Pashto -pasi -pasigraphic -pasigraphical -pasigraphy -pasilaly -Pasitelean -pasmo -Paspalum -pasqueflower -pasquil -pasquilant -pasquiler -pasquilic -Pasquin -pasquin -pasquinade -pasquinader -Pasquinian -Pasquino -pass -passable -passableness -passably -passade -passado -passage -passageable -passageway -Passagian -passalid -Passalidae -Passalus -Passamaquoddy -passant -passback -passbook -Passe -passe -passee -passegarde -passement -passementerie -passen -passenger -Passer -passer -Passeres -passeriform -Passeriformes -Passerina -passerine -passewa -passibility -passible -passibleness -Passiflora -Passifloraceae -passifloraceous -Passiflorales -passimeter -passing -passingly -passingness -passion -passional -passionary -passionate -passionately -passionateness -passionative -passioned -passionflower -passionful -passionfully -passionfulness -Passionist -passionist -passionless -passionlessly -passionlessness -passionlike -passionometer -passionproof -Passiontide -passionwise -passionwort -passir -passival -passivate -passivation -passive -passively -passiveness -passivism -passivist -passivity -passkey -passless -passman -passo -passometer -passout -passover -passoverish -passpenny -passport -passportless -passulate -passulation -passus -passway -passwoman -password -passworts -passymeasure -past -paste -pasteboard -pasteboardy -pasted -pastedness -pastedown -pastel -pastelist -paster -pasterer -pastern -pasterned -pasteur -Pasteurella -Pasteurelleae -pasteurellosis -Pasteurian -pasteurism -pasteurization -pasteurize -pasteurizer -pastiche -pasticheur -pastil -pastile -pastille -pastime -pastimer -Pastinaca -pastiness -pasting -pastness -pastophor -pastophorion -pastophorium -pastophorus -pastor -pastorage -pastoral -pastorale -pastoralism -pastoralist -pastorality -pastoralize -pastorally -pastoralness -pastorate -pastoress -pastorhood -pastorium -pastorize -pastorless -pastorlike -pastorling -pastorly -pastorship -pastose -pastosity -pastrami -pastry -pastryman -pasturability -pasturable -pasturage -pastural -pasture -pastureless -pasturer -pasturewise -pasty -pasul -Pat -pat -pata -pataca -patacao -pataco -patagial -patagiate -patagium -Patagon -patagon -Patagones -Patagonian -pataka -patamar -patao -patapat -pataque -Pataria -Patarin -Patarine -Patarinism -patas -patashte -Patavian -patavinity -patball -patballer -patch -patchable -patcher -patchery -patchily -patchiness -patchleaf -patchless -patchouli -patchwise -patchword -patchwork -patchworky -patchy -pate -patefaction -patefy -patel -patella -patellar -patellaroid -patellate -Patellidae -patellidan -patelliform -patelline -patellofemoral -patelloid -patellula -patellulate -paten -patency -patener -patent -patentability -patentable -patentably -patentee -patently -patentor -pater -patera -patercove -paterfamiliar -paterfamiliarly -paterfamilias -pateriform -paterissa -paternal -paternalism -paternalist -paternalistic -paternalistically -paternality -paternalize -paternally -paternity -paternoster -paternosterer -patesi -patesiate -path -Pathan -pathbreaker -pathed -pathema -pathematic -pathematically -pathematology -pathetic -pathetical -pathetically -patheticalness -patheticate -patheticly -patheticness -pathetism -pathetist -pathetize -pathfarer -pathfinder -pathfinding -pathic -pathicism -pathless -pathlessness -pathlet -pathoanatomical -pathoanatomy -pathobiological -pathobiologist -pathobiology -pathochemistry -pathodontia -pathogen -pathogene -pathogenesis -pathogenesy -pathogenetic -pathogenic -pathogenicity -pathogenous -pathogeny -pathogerm -pathogermic -pathognomic -pathognomical -pathognomonic -pathognomonical -pathognomy -pathognostic -pathographical -pathography -pathologic -pathological -pathologically -pathologicoanatomic -pathologicoanatomical -pathologicoclinical -pathologicohistological -pathologicopsychological -pathologist -pathology -patholysis -patholytic -pathomania -pathometabolism -pathomimesis -pathomimicry -pathoneurosis -pathonomia -pathonomy -pathophobia -pathophoresis -pathophoric -pathophorous -pathoplastic -pathoplastically -pathopoeia -pathopoiesis -pathopoietic -pathopsychology -pathopsychosis -pathoradiography -pathos -pathosocial -Pathrusim -pathway -pathwayed -pathy -patible -patibulary -patibulate -patience -patiency -patient -patientless -patiently -patientness -patina -patinate -patination -patine -patined -patinize -patinous -patio -patisserie -patly -Patmian -Patmos -patness -patnidar -pato -patois -patola -patonce -patria -patrial -patriarch -patriarchal -patriarchalism -patriarchally -patriarchate -patriarchdom -patriarched -patriarchess -patriarchic -patriarchical -patriarchically -patriarchism -patriarchist -patriarchship -patriarchy -Patrice -patrice -Patricia -Patrician -patrician -patricianhood -patricianism -patricianly -patricianship -patriciate -patricidal -patricide -Patricio -Patrick -patrico -patrilineal -patrilineally -patrilinear -patriliny -patrilocal -patrimonial -patrimonially -patrimony -patrin -Patriofelis -patriolatry -patriot -patrioteer -patriotess -patriotic -patriotical -patriotically -patriotics -patriotism -patriotly -patriotship -Patripassian -Patripassianism -Patripassianist -Patripassianly -patrist -patristic -patristical -patristically -patristicalness -patristicism -patristics -patrix -patrizate -patrization -patrocinium -patroclinic -patroclinous -patrocliny -patrogenesis -patrol -patroller -patrollotism -patrolman -patrologic -patrological -patrologist -patrology -patron -patronage -patronal -patronate -patrondom -patroness -patronessship -patronite -patronizable -patronization -patronize -patronizer -patronizing -patronizingly -patronless -patronly -patronomatology -patronship -patronym -patronymic -patronymically -patronymy -patroon -patroonry -patroonship -patruity -Patsy -patta -pattable -patte -pattee -patten -pattened -pattener -patter -patterer -patterist -pattern -patternable -patterned -patterner -patterning -patternize -patternless -patternlike -patternmaker -patternmaking -patternwise -patterny -pattu -Patty -patty -pattypan -patu -patulent -patulous -patulously -patulousness -Patuxent -patwari -Patwin -paty -pau -pauciarticulate -pauciarticulated -paucidentate -pauciflorous -paucifoliate -paucifolious -paucify -paucijugate -paucilocular -pauciloquent -pauciloquently -pauciloquy -paucinervate -paucipinnate -pauciplicate -pauciradiate -pauciradiated -paucispiral -paucispirated -paucity -paughty -paukpan -Paul -Paula -paular -pauldron -Pauliad -Paulian -Paulianist -Pauliccian -Paulicianism -paulie -paulin -Paulina -Pauline -Paulinia -Paulinian -Paulinism -Paulinist -Paulinistic -Paulinistically -Paulinity -Paulinize -Paulinus -Paulism -Paulist -Paulista -Paulite -paulopast -paulopost -paulospore -Paulownia -Paulus -Paumari -paunch -paunched -paunchful -paunchily -paunchiness -paunchy -paup -pauper -pauperage -pauperate -pauperdom -pauperess -pauperism -pauperitic -pauperization -pauperize -pauperizer -Paurometabola -paurometabolic -paurometabolism -paurometabolous -paurometaboly -pauropod -Pauropoda -pauropodous -pausably -pausal -pausation -pause -pauseful -pausefully -pauseless -pauselessly -pausement -pauser -pausingly -paussid -Paussidae -paut -pauxi -pavage -pavan -pavane -pave -pavement -pavemental -paver -pavestone -Pavetta -Pavia -pavid -pavidity -pavier -pavilion -paving -pavior -Paviotso -paviour -pavis -pavisade -pavisado -paviser -pavisor -Pavo -pavonated -pavonazzetto -pavonazzo -Pavoncella -Pavonia -pavonian -pavonine -pavonize -pavy -paw -pawdite -pawer -pawing -pawk -pawkery -pawkily -pawkiness -pawkrie -pawky -pawl -pawn -pawnable -pawnage -pawnbroker -pawnbrokerage -pawnbrokeress -pawnbrokering -pawnbrokery -pawnbroking -Pawnee -pawnee -pawner -pawnie -pawnor -pawnshop -pawpaw -Pawtucket -pax -paxilla -paxillar -paxillary -paxillate -paxilliferous -paxilliform -Paxillosa -paxillose -paxillus -paxiuba -paxwax -pay -payability -payable -payableness -payably -Payagua -Payaguan -payday -payed -payee -payeny -payer -paying -paymaster -paymastership -payment -paymistress -Payni -paynim -paynimhood -paynimry -Paynize -payoff -payong -payor -payroll -paysagist -Pazend -pea -peaberry -peace -peaceable -peaceableness -peaceably -peacebreaker -peacebreaking -peaceful -peacefully -peacefulness -peaceless -peacelessness -peacelike -peacemaker -peacemaking -peaceman -peacemonger -peacemongering -peacetime -peach -peachberry -peachblossom -peachblow -peachen -peacher -peachery -peachick -peachify -peachiness -peachlet -peachlike -peachwood -peachwort -peachy -peacoat -peacock -peacockery -peacockish -peacockishly -peacockishness -peacockism -peacocklike -peacockly -peacockwise -peacocky -peacod -peafowl -peag -peage -peahen -peai -peaiism -peak -peaked -peakedly -peakedness -peaker -peakily -peakiness -peaking -peakish -peakishly -peakishness -peakless -peaklike -peakward -peaky -peakyish -peal -pealike -pean -peanut -pear -pearceite -pearl -pearlberry -pearled -pearler -pearlet -pearlfish -pearlfruit -pearlike -pearlin -pearliness -pearling -pearlish -pearlite -pearlitic -pearlsides -pearlstone -pearlweed -pearlwort -pearly -pearmain -pearmonger -peart -pearten -peartly -peartness -pearwood -peasant -peasantess -peasanthood -peasantism -peasantize -peasantlike -peasantly -peasantry -peasantship -peasecod -peaselike -peasen -peashooter -peason -peastake -peastaking -peastick -peasticking -peastone -peasy -peat -peatery -peathouse -peatman -peatship -peatstack -peatwood -peaty -peavey -peavy -Peba -peba -Peban -pebble -pebbled -pebblehearted -pebblestone -pebbleware -pebbly -pebrine -pebrinous -pecan -peccability -peccable -peccadillo -peccancy -peccant -peccantly -peccantness -peccary -peccation -peccavi -pech -pecht -pecite -peck -pecked -pecker -peckerwood -pecket -peckful -peckhamite -peckiness -peckish -peckishly -peckishness -peckle -peckled -peckly -Pecksniffian -Pecksniffianism -Pecksniffism -pecky -Pecopteris -pecopteroid -Pecora -Pecos -pectase -pectate -pecten -pectic -pectin -Pectinacea -pectinacean -pectinaceous -pectinal -pectinase -pectinate -pectinated -pectinately -pectination -pectinatodenticulate -pectinatofimbricate -pectinatopinnate -pectineal -pectineus -pectinibranch -Pectinibranchia -pectinibranchian -Pectinibranchiata -pectinibranchiate -pectinic -pectinid -Pectinidae -pectiniferous -pectiniform -pectinirostrate -pectinite -pectinogen -pectinoid -pectinose -pectinous -pectizable -pectization -pectize -pectocellulose -pectolite -pectora -pectoral -pectoralgia -pectoralis -pectoralist -pectorally -pectoriloquial -pectoriloquism -pectoriloquous -pectoriloquy -pectosase -pectose -pectosic -pectosinase -pectous -pectunculate -Pectunculus -pectus -peculate -peculation -peculator -peculiar -peculiarism -peculiarity -peculiarize -peculiarly -peculiarness -peculiarsome -peculium -pecuniarily -pecuniary -pecuniosity -pecunious -ped -peda -pedage -pedagog -pedagogal -pedagogic -pedagogical -pedagogically -pedagogics -pedagogism -pedagogist -pedagogue -pedagoguery -pedagoguish -pedagoguism -pedagogy -pedal -pedaler -pedalfer -pedalferic -Pedaliaceae -pedaliaceous -pedalian -pedalier -Pedalion -pedalism -pedalist -pedaliter -pedality -Pedalium -pedanalysis -pedant -pedantesque -pedantess -pedanthood -pedantic -pedantical -pedantically -pedanticalness -pedanticism -pedanticly -pedanticness -pedantism -pedantize -pedantocracy -pedantocrat -pedantocratic -pedantry -pedary -Pedata -pedate -pedated -pedately -pedatifid -pedatiform -pedatilobate -pedatilobed -pedatinerved -pedatipartite -pedatisect -pedatisected -pedatrophia -pedder -peddle -peddler -peddleress -peddlerism -peddlery -peddling -peddlingly -pedee -pedelion -pederast -pederastic -pederastically -pederasty -pedes -pedesis -pedestal -pedestrial -pedestrially -pedestrian -pedestrianate -pedestrianism -pedestrianize -pedetentous -Pedetes -Pedetidae -Pedetinae -pediadontia -pediadontic -pediadontist -pedialgia -Pediastrum -pediatric -pediatrician -pediatrics -pediatrist -pediatry -pedicab -pedicel -pediceled -pedicellar -pedicellaria -pedicellate -pedicellated -pedicellation -pedicelled -pedicelliform -Pedicellina -pedicellus -pedicle -pedicular -Pedicularia -Pedicularis -pediculate -pediculated -Pediculati -pedicule -Pediculi -pediculicidal -pediculicide -pediculid -Pediculidae -Pediculina -pediculine -pediculofrontal -pediculoid -pediculoparietal -pediculophobia -pediculosis -pediculous -Pediculus -pedicure -pedicurism -pedicurist -pediferous -pediform -pedigerous -pedigraic -pedigree -pedigreeless -pediluvium -Pedimana -pedimanous -pediment -pedimental -pedimented -pedimentum -Pedioecetes -pedion -pedionomite -Pedionomus -pedipalp -pedipalpal -pedipalpate -Pedipalpi -Pedipalpida -pedipalpous -pedipalpus -pedipulate -pedipulation -pedipulator -pedlar -pedlary -pedobaptism -pedobaptist -pedocal -pedocalcic -pedodontia -pedodontic -pedodontist -pedodontology -pedograph -pedological -pedologist -pedologistical -pedologistically -pedology -pedometer -pedometric -pedometrical -pedometrically -pedometrician -pedometrist -pedomorphic -pedomorphism -pedomotive -pedomotor -pedophilia -pedophilic -pedotribe -pedotrophic -pedotrophist -pedotrophy -pedrail -pedregal -pedrero -Pedro -pedro -pedule -pedum -peduncle -peduncled -peduncular -Pedunculata -pedunculate -pedunculated -pedunculation -pedunculus -pee -peed -peek -peekaboo -peel -peelable -peele -peeled -peeledness -peeler -peelhouse -peeling -Peelism -Peelite -peelman -peen -peenge -peeoy -peep -peeper -peepeye -peephole -peepy -peer -peerage -peerdom -peeress -peerhood -peerie -peeringly -peerless -peerlessly -peerlessness -peerling -peerly -peership -peery -peesash -peesoreh -peesweep -peetweet -peeve -peeved -peevedly -peevedness -peever -peevish -peevishly -peevishness -peewee -Peg -peg -pega -pegall -peganite -Peganum -Pegasean -Pegasian -Pegasid -pegasid -Pegasidae -pegasoid -Pegasus -pegboard -pegbox -pegged -pegger -pegging -peggle -Peggy -peggy -pegless -peglet -peglike -pegman -pegmatite -pegmatitic -pegmatization -pegmatize -pegmatoid -pegmatophyre -pegology -pegomancy -Peguan -pegwood -Pehlevi -peho -Pehuenche -peignoir -peine -peirameter -peirastic -peirastically -peisage -peise -peiser -Peitho -peixere -pejorate -pejoration -pejorationist -pejorative -pejoratively -pejorism -pejorist -pejority -pekan -Pekin -pekin -Peking -Pekingese -pekoe -peladic -pelage -pelagial -Pelagian -pelagian -Pelagianism -Pelagianize -Pelagianizer -pelagic -Pelagothuria -pelamyd -pelanos -Pelargi -pelargic -Pelargikon -pelargomorph -Pelargomorphae -pelargomorphic -pelargonate -pelargonic -pelargonidin -pelargonin -pelargonium -Pelasgi -Pelasgian -Pelasgic -Pelasgikon -Pelasgoi -Pele -pelean -pelecan -Pelecani -Pelecanidae -Pelecaniformes -Pelecanoides -Pelecanoidinae -Pelecanus -pelecypod -Pelecypoda -pelecypodous -pelelith -pelerine -Peleus -Pelew -pelf -Pelias -pelican -pelicanry -pelick -pelicometer -Pelides -Pelidnota -pelike -peliom -pelioma -peliosis -pelisse -pelite -pelitic -pell -Pellaea -pellage -pellagra -pellagragenic -pellagrin -pellagrose -pellagrous -pellar -pellard -pellas -pellate -pellation -peller -pellet -pelleted -pelletierine -pelletlike -pellety -Pellian -pellicle -pellicula -pellicular -pellicularia -pelliculate -pellicule -pellile -pellitory -pellmell -pellock -pellotine -pellucent -pellucid -pellucidity -pellucidly -pellucidness -Pelmanism -Pelmanist -Pelmanize -pelmatic -pelmatogram -Pelmatozoa -pelmatozoan -pelmatozoic -pelmet -Pelobates -pelobatid -Pelobatidae -pelobatoid -Pelodytes -pelodytid -Pelodytidae -pelodytoid -Pelomedusa -pelomedusid -Pelomedusidae -pelomedusoid -Pelomyxa -pelon -Pelopaeus -Pelopid -Pelopidae -Peloponnesian -Pelops -peloria -pelorian -peloriate -peloric -pelorism -pelorization -pelorize -pelorus -pelota -pelotherapy -peloton -pelt -pelta -Peltandra -peltast -peltate -peltated -peltately -peltatifid -peltation -peltatodigitate -pelter -pelterer -peltiferous -peltifolious -peltiform -Peltigera -Peltigeraceae -peltigerine -peltigerous -peltinerved -pelting -peltingly -peltless -peltmonger -Peltogaster -peltry -pelu -peludo -Pelusios -pelveoperitonitis -pelves -Pelvetia -pelvic -pelviform -pelvigraph -pelvigraphy -pelvimeter -pelvimetry -pelviolithotomy -pelvioperitonitis -pelvioplasty -pelvioradiography -pelvioscopy -pelviotomy -pelviperitonitis -pelvirectal -pelvis -pelvisacral -pelvisternal -pelvisternum -pelycogram -pelycography -pelycology -pelycometer -pelycometry -pelycosaur -Pelycosauria -pelycosaurian -pembina -Pembroke -pemican -pemmican -pemmicanization -pemmicanize -pemphigoid -pemphigous -pemphigus -pen -penacute -Penaea -Penaeaceae -penaeaceous -penal -penalist -penality -penalizable -penalization -penalize -penally -penalty -penance -penanceless -penang -penannular -penates -penbard -pencatite -pence -pencel -penceless -penchant -penchute -pencil -penciled -penciler -penciliform -penciling -pencilled -penciller -pencillike -pencilling -pencilry -pencilwood -pencraft -pend -penda -pendant -pendanted -pendanting -pendantlike -pendecagon -pendeloque -pendency -pendent -pendentive -pendently -pendicle -pendicler -pending -pendle -pendom -pendragon -pendragonish -pendragonship -pendulant -pendular -pendulate -pendulation -pendule -penduline -pendulosity -pendulous -pendulously -pendulousness -pendulum -pendulumlike -Penelope -Penelopean -Penelophon -Penelopinae -penelopine -peneplain -peneplanation -peneplane -peneseismic -penetrability -penetrable -penetrableness -penetrably -penetral -penetralia -penetralian -penetrance -penetrancy -penetrant -penetrate -penetrating -penetratingly -penetratingness -penetration -penetrative -penetratively -penetrativeness -penetrativity -penetrator -penetrology -penetrometer -penfieldite -penfold -penful -penghulu -pengo -penguin -penguinery -penhead -penholder -penial -penicillate -penicillated -penicillately -penicillation -penicilliform -penicillin -Penicillium -penide -penile -peninsula -peninsular -peninsularism -peninsularity -peninsulate -penintime -peninvariant -penis -penistone -penitence -penitencer -penitent -Penitentes -penitential -penitentially -penitentiary -penitentiaryship -penitently -penk -penkeeper -penknife -penlike -penmaker -penmaking -penman -penmanship -penmaster -penna -pennaceous -Pennacook -pennae -pennage -Pennales -pennant -Pennaria -Pennariidae -Pennatae -pennate -pennated -pennatifid -pennatilobate -pennatipartite -pennatisect -pennatisected -Pennatula -Pennatulacea -pennatulacean -pennatulaceous -pennatularian -pennatulid -Pennatulidae -pennatuloid -penneech -penneeck -penner -pennet -penni -pennia -pennied -penniferous -penniform -pennigerous -penniless -pennilessly -pennilessness -pennill -penninervate -penninerved -penning -penninite -pennipotent -Pennisetum -penniveined -pennon -pennoned -pennopluma -pennoplume -pennorth -Pennsylvania -Pennsylvanian -Penny -penny -pennybird -pennycress -pennyearth -pennyflower -pennyhole -pennyleaf -pennyrot -pennyroyal -pennysiller -pennystone -pennyweight -pennywinkle -pennywort -pennyworth -Penobscot -penologic -penological -penologist -penology -penorcon -penrack -penroseite -Pensacola -penscript -penseful -pensefulness -penship -pensile -pensileness -pensility -pension -pensionable -pensionably -pensionary -pensioner -pensionership -pensionless -pensive -pensived -pensively -pensiveness -penster -penstick -penstock -pensum -pensy -pent -penta -pentabasic -pentabromide -pentacapsular -pentacarbon -pentacarbonyl -pentacarpellary -pentace -pentacetate -pentachenium -pentachloride -pentachord -pentachromic -pentacid -pentacle -pentacoccous -pentacontane -pentacosane -Pentacrinidae -pentacrinite -pentacrinoid -Pentacrinus -pentacron -pentacrostic -pentactinal -pentactine -pentacular -pentacyanic -pentacyclic -pentad -pentadactyl -Pentadactyla -pentadactylate -pentadactyle -pentadactylism -pentadactyloid -pentadecagon -pentadecahydrate -pentadecahydrated -pentadecane -pentadecatoic -pentadecoic -pentadecyl -pentadecylic -pentadelphous -pentadicity -pentadiene -pentadodecahedron -pentadrachm -pentadrachma -pentaerythrite -pentaerythritol -pentafid -pentafluoride -pentagamist -pentaglossal -pentaglot -pentaglottical -pentagon -pentagonal -pentagonally -pentagonohedron -pentagonoid -pentagram -pentagrammatic -pentagyn -Pentagynia -pentagynian -pentagynous -pentahalide -pentahedral -pentahedrical -pentahedroid -pentahedron -pentahedrous -pentahexahedral -pentahexahedron -pentahydrate -pentahydrated -pentahydric -pentahydroxy -pentail -pentaiodide -pentalobate -pentalogue -pentalogy -pentalpha -Pentamera -pentameral -pentameran -pentamerid -Pentameridae -pentamerism -pentameroid -pentamerous -Pentamerus -pentameter -pentamethylene -pentamethylenediamine -pentametrist -pentametrize -pentander -Pentandria -pentandrian -pentandrous -pentane -pentanedione -pentangle -pentangular -pentanitrate -pentanoic -pentanolide -pentanone -pentapetalous -Pentaphylacaceae -pentaphylacaceous -Pentaphylax -pentaphyllous -pentaploid -pentaploidic -pentaploidy -pentapody -pentapolis -pentapolitan -pentapterous -pentaptote -pentaptych -pentaquine -pentarch -pentarchical -pentarchy -pentasepalous -pentasilicate -pentaspermous -pentaspheric -pentaspherical -pentastich -pentastichous -pentastichy -pentastome -Pentastomida -pentastomoid -pentastomous -Pentastomum -pentastyle -pentastylos -pentasulphide -pentasyllabic -pentasyllabism -pentasyllable -Pentateuch -Pentateuchal -pentateuchal -pentathionate -pentathionic -pentathlete -pentathlon -pentathlos -pentatomic -pentatomid -Pentatomidae -Pentatomoidea -pentatone -pentatonic -pentatriacontane -pentavalence -pentavalency -pentavalent -penteconter -pentecontoglossal -Pentecost -Pentecostal -pentecostal -pentecostalism -pentecostalist -pentecostarion -pentecoster -pentecostys -Pentelic -Pentelican -pentene -penteteric -penthemimer -penthemimeral -penthemimeris -Penthestes -penthiophen -penthiophene -Penthoraceae -Penthorum -penthouse -penthouselike -penthrit -penthrite -pentimento -pentine -pentiodide -pentit -pentite -pentitol -pentlandite -pentobarbital -pentode -pentoic -pentol -pentosan -pentosane -pentose -pentoside -pentosuria -pentoxide -pentremital -pentremite -Pentremites -Pentremitidae -pentrit -pentrite -pentrough -Pentstemon -pentstock -penttail -pentyl -pentylene -pentylic -pentylidene -pentyne -Pentzia -penuchi -penult -penultima -penultimate -penultimatum -penumbra -penumbrae -penumbral -penumbrous -penurious -penuriously -penuriousness -penury -Penutian -penwiper -penwoman -penwomanship -penworker -penwright -peon -peonage -peonism -peony -people -peopledom -peoplehood -peopleize -peopleless -peopler -peoplet -peoplish -Peoria -Peorian -peotomy -pep -peperine -peperino -Peperomia -pepful -Pephredo -pepinella -pepino -peplos -peplosed -peplum -peplus -pepo -peponida -peponium -pepper -pepperbox -peppercorn -peppercornish -peppercorny -pepperer -peppergrass -pepperidge -pepperily -pepperiness -pepperish -pepperishly -peppermint -pepperoni -pepperproof -pepperroot -pepperweed -pepperwood -pepperwort -peppery -peppily -peppin -peppiness -peppy -pepsin -pepsinate -pepsinhydrochloric -pepsiniferous -pepsinogen -pepsinogenic -pepsinogenous -pepsis -peptic -peptical -pepticity -peptidase -peptide -peptizable -peptization -peptize -peptizer -peptogaster -peptogenic -peptogenous -peptogeny -peptohydrochloric -peptolysis -peptolytic -peptonaemia -peptonate -peptone -peptonemia -peptonic -peptonization -peptonize -peptonizer -peptonoid -peptonuria -peptotoxine -Pepysian -Pequot -Per -per -Peracarida -peracephalus -peracetate -peracetic -peracid -peracidite -peract -peracute -peradventure -peragrate -peragration -Perakim -peramble -perambulant -perambulate -perambulation -perambulator -perambulatory -Perameles -Peramelidae -perameline -perameloid -Peramium -Peratae -Perates -perbend -perborate -perborax -perbromide -Perca -percale -percaline -percarbide -percarbonate -percarbonic -perceivability -perceivable -perceivableness -perceivably -perceivance -perceivancy -perceive -perceivedly -perceivedness -perceiver -perceiving -perceivingness -percent -percentable -percentably -percentage -percentaged -percental -percentile -percentual -percept -perceptibility -perceptible -perceptibleness -perceptibly -perception -perceptional -perceptionalism -perceptionism -perceptive -perceptively -perceptiveness -perceptivity -perceptual -perceptually -Percesoces -percesocine -Perceval -perch -percha -perchable -perchance -percher -Percheron -perchlorate -perchlorethane -perchlorethylene -perchloric -perchloride -perchlorinate -perchlorination -perchloroethane -perchloroethylene -perchromate -perchromic -percid -Percidae -perciform -Perciformes -percipience -percipiency -percipient -Percival -perclose -percnosome -percoct -percoid -Percoidea -percoidean -percolable -percolate -percolation -percolative -percolator -percomorph -Percomorphi -percomorphous -percompound -percontation -percontatorial -percribrate -percribration -percrystallization -perculsion -perculsive -percur -percurration -percurrent -percursory -percuss -percussion -percussional -percussioner -percussionist -percussionize -percussive -percussively -percussiveness -percussor -percutaneous -percutaneously -percutient -Percy -percylite -Perdicinae -perdicine -perdition -perditionable -Perdix -perdricide -perdu -perduellion -perdurability -perdurable -perdurableness -perdurably -perdurance -perdurant -perdure -perduring -perduringly -Perean -peregrin -peregrina -peregrinate -peregrination -peregrinator -peregrinatory -peregrine -peregrinity -peregrinoid -pereion -pereiopod -pereira -pereirine -peremptorily -peremptoriness -peremptory -perendinant -perendinate -perendination -perendure -perennate -perennation -perennial -perenniality -perennialize -perennially -perennibranch -Perennibranchiata -perennibranchiate -perequitate -peres -Pereskia -perezone -perfect -perfectation -perfected -perfectedly -perfecter -perfecti -perfectibilian -perfectibilism -perfectibilist -perfectibilitarian -perfectibility -perfectible -perfecting -perfection -perfectionate -perfectionation -perfectionator -perfectioner -perfectionism -perfectionist -perfectionistic -perfectionize -perfectionizement -perfectionizer -perfectionment -perfectism -perfectist -perfective -perfectively -perfectiveness -perfectivity -perfectivize -perfectly -perfectness -perfecto -perfector -perfectuation -perfervent -perfervid -perfervidity -perfervidly -perfervidness -perfervor -perfervour -perfidious -perfidiously -perfidiousness -perfidy -perfilograph -perflate -perflation -perfluent -perfoliate -perfoliation -perforable -perforant -Perforata -perforate -perforated -perforation -perforationproof -perforative -perforator -perforatorium -perforatory -perforce -perforcedly -perform -performable -performance -performant -performative -performer -perfrication -perfumatory -perfume -perfumed -perfumeless -perfumer -perfumeress -perfumery -perfumy -perfunctionary -perfunctorily -perfunctoriness -perfunctorious -perfunctoriously -perfunctorize -perfunctory -perfuncturate -perfusate -perfuse -perfusion -perfusive -Pergamene -pergameneous -Pergamenian -pergamentaceous -Pergamic -pergamyn -pergola -perhalide -perhalogen -perhaps -perhazard -perhorresce -perhydroanthracene -perhydrogenate -perhydrogenation -perhydrogenize -peri -periacinal -periacinous -periactus -periadenitis -periamygdalitis -perianal -periangiocholitis -periangioma -periangitis -perianth -perianthial -perianthium -periaortic -periaortitis -periapical -periappendicitis -periappendicular -periapt -Periarctic -periareum -periarterial -periarteritis -periarthric -periarthritis -periarticular -periaster -periastral -periastron -periastrum -periatrial -periauricular -periaxial -periaxillary -periaxonal -periblast -periblastic -periblastula -periblem -peribolos -peribolus -peribranchial -peribronchial -peribronchiolar -peribronchiolitis -peribronchitis -peribulbar -peribursal -pericaecal -pericaecitis -pericanalicular -pericapsular -pericardia -pericardiac -pericardiacophrenic -pericardial -pericardicentesis -pericardiectomy -pericardiocentesis -pericardiolysis -pericardiomediastinitis -pericardiophrenic -pericardiopleural -pericardiorrhaphy -pericardiosymphysis -pericardiotomy -pericarditic -pericarditis -pericardium -pericardotomy -pericarp -pericarpial -pericarpic -pericarpium -pericarpoidal -pericecal -pericecitis -pericellular -pericemental -pericementitis -pericementoclasia -pericementum -pericenter -pericentral -pericentric -pericephalic -pericerebral -perichaete -perichaetial -perichaetium -perichete -pericholangitis -pericholecystitis -perichondral -perichondrial -perichondritis -perichondrium -perichord -perichordal -perichoresis -perichorioidal -perichoroidal -perichylous -pericladium -periclase -periclasia -periclasite -periclaustral -Periclean -Pericles -periclinal -periclinally -pericline -periclinium -periclitate -periclitation -pericolitis -pericolpitis -periconchal -periconchitis -pericopal -pericope -pericopic -pericorneal -pericowperitis -pericoxitis -pericranial -pericranitis -pericranium -pericristate -Pericu -periculant -pericycle -pericycloid -pericyclone -pericyclonic -pericystic -pericystitis -pericystium -pericytial -peridendritic -peridental -peridentium -peridentoclasia -periderm -peridermal -peridermic -Peridermium -peridesm -peridesmic -peridesmitis -peridesmium -peridial -peridiastole -peridiastolic -perididymis -perididymitis -peridiiform -Peridineae -Peridiniaceae -peridiniaceous -peridinial -Peridiniales -peridinian -peridinid -Peridinidae -Peridinieae -Peridiniidae -Peridinium -peridiole -peridiolum -peridium -peridot -peridotic -peridotite -peridotitic -periductal -periegesis -periegetic -perielesis -periencephalitis -perienteric -perienteritis -perienteron -periependymal -periesophageal -periesophagitis -perifistular -perifoliary -perifollicular -perifolliculitis -perigangliitis -periganglionic -perigastric -perigastritis -perigastrula -perigastrular -perigastrulation -perigeal -perigee -perigemmal -perigenesis -perigenital -perigeum -periglandular -perigloea -periglottic -periglottis -perignathic -perigon -perigonadial -perigonal -perigone -perigonial -perigonium -perigraph -perigraphic -perigynial -perigynium -perigynous -perigyny -perihelial -perihelian -perihelion -perihelium -perihepatic -perihepatitis -perihermenial -perihernial -perihysteric -perijejunitis -perijove -perikaryon -perikronion -peril -perilabyrinth -perilabyrinthitis -perilaryngeal -perilaryngitis -perilenticular -periligamentous -Perilla -perilless -perilobar -perilous -perilously -perilousness -perilsome -perilymph -perilymphangial -perilymphangitis -perilymphatic -perimartium -perimastitis -perimedullary -perimeningitis -perimeter -perimeterless -perimetral -perimetric -perimetrical -perimetrically -perimetritic -perimetritis -perimetrium -perimetry -perimorph -perimorphic -perimorphism -perimorphous -perimyelitis -perimysial -perimysium -perine -perineal -perineocele -perineoplastic -perineoplasty -perineorrhaphy -perineoscrotal -perineostomy -perineosynthesis -perineotomy -perineovaginal -perineovulvar -perinephral -perinephrial -perinephric -perinephritic -perinephritis -perinephrium -perineptunium -perineum -perineural -perineurial -perineuritis -perineurium -perinium -perinuclear -periocular -period -periodate -periodic -periodical -periodicalism -periodicalist -periodicalize -periodically -periodicalness -periodicity -periodide -periodize -periodogram -periodograph -periodology -periodontal -periodontia -periodontic -periodontist -periodontitis -periodontium -periodontoclasia -periodontologist -periodontology -periodontum -periodoscope -perioeci -perioecians -perioecic -perioecid -perioecus -perioesophageal -perioikoi -periomphalic -perionychia -perionychium -perionyx -perionyxis -perioophoritis -periophthalmic -periophthalmitis -periople -perioplic -perioptic -perioptometry -perioral -periorbit -periorbita -periorbital -periorchitis -periost -periostea -periosteal -periosteitis -periosteoalveolar -periosteoma -periosteomedullitis -periosteomyelitis -periosteophyte -periosteorrhaphy -periosteotome -periosteotomy -periosteous -periosteum -periostitic -periostitis -periostoma -periostosis -periostotomy -periostracal -periostracum -periotic -periovular -peripachymeningitis -peripancreatic -peripancreatitis -peripapillary -Peripatetic -peripatetic -peripatetical -peripatetically -peripateticate -Peripateticism -Peripatidae -Peripatidea -peripatize -peripatoid -Peripatopsidae -Peripatopsis -Peripatus -peripenial -peripericarditis -peripetalous -peripetasma -peripeteia -peripetia -peripety -periphacitis -peripharyngeal -peripherad -peripheral -peripherally -peripherial -peripheric -peripherical -peripherically -peripherocentral -peripheroceptor -peripheromittor -peripheroneural -peripherophose -periphery -periphlebitic -periphlebitis -periphractic -periphrase -periphrases -periphrasis -periphrastic -periphrastical -periphrastically -periphraxy -periphyllum -periphyse -periphysis -Periplaneta -periplasm -periplast -periplastic -periplegmatic -peripleural -peripleuritis -Periploca -periplus -peripneumonia -peripneumonic -peripneumony -peripneustic -peripolar -peripolygonal -periportal -periproct -periproctal -periproctitis -periproctous -periprostatic -periprostatitis -peripteral -peripterous -periptery -peripylephlebitis -peripyloric -perique -perirectal -perirectitis -perirenal -perisalpingitis -perisarc -perisarcal -perisarcous -perisaturnium -periscian -periscians -periscii -perisclerotic -periscopal -periscope -periscopic -periscopical -periscopism -perish -perishability -perishable -perishableness -perishably -perished -perishing -perishingly -perishless -perishment -perisigmoiditis -perisinuitis -perisinuous -perisinusitis -perisoma -perisomal -perisomatic -perisome -perisomial -perisperm -perispermal -perispermatitis -perispermic -perisphere -perispheric -perispherical -perisphinctean -Perisphinctes -Perisphinctidae -perisphinctoid -perisplanchnic -perisplanchnitis -perisplenetic -perisplenic -perisplenitis -perispome -perispomenon -perispondylic -perispondylitis -perispore -Perisporiaceae -perisporiaceous -Perisporiales -perissad -perissodactyl -Perissodactyla -perissodactylate -perissodactyle -perissodactylic -perissodactylism -perissodactylous -perissologic -perissological -perissology -perissosyllabic -peristalith -peristalsis -peristaltic -peristaltically -peristaphyline -peristaphylitis -peristele -peristerite -peristeromorph -Peristeromorphae -peristeromorphic -peristeromorphous -peristeronic -peristerophily -peristeropod -peristeropodan -peristeropode -Peristeropodes -peristeropodous -peristethium -peristole -peristoma -peristomal -peristomatic -peristome -peristomial -peristomium -peristrephic -peristrephical -peristrumitis -peristrumous -peristylar -peristyle -peristylium -peristylos -peristylum -perisynovial -perisystole -perisystolic -perit -perite -peritectic -peritendineum -peritenon -perithece -perithecial -perithecium -perithelial -perithelioma -perithelium -perithoracic -perithyreoiditis -perithyroiditis -peritomize -peritomous -peritomy -peritoneal -peritonealgia -peritoneally -peritoneocentesis -peritoneoclysis -peritoneomuscular -peritoneopathy -peritoneopericardial -peritoneopexy -peritoneoplasty -peritoneoscope -peritoneoscopy -peritoneotomy -peritoneum -peritonism -peritonital -peritonitic -peritonitis -peritonsillar -peritonsillitis -peritracheal -peritrema -peritrematous -peritreme -peritrich -Peritricha -peritrichan -peritrichic -peritrichous -peritrichously -peritroch -peritrochal -peritrochanteric -peritrochium -peritrochoid -peritropal -peritrophic -peritropous -perityphlic -perityphlitic -perityphlitis -periumbilical -periungual -periuranium -periureteric -periureteritis -periurethral -periurethritis -periuterine -periuvular -perivaginal -perivaginitis -perivascular -perivasculitis -perivenous -perivertebral -perivesical -perivisceral -perivisceritis -perivitellin -perivitelline -periwig -periwigpated -periwinkle -periwinkled -periwinkler -perizonium -perjink -perjinkety -perjinkities -perjinkly -perjure -perjured -perjuredly -perjuredness -perjurer -perjuress -perjurious -perjuriously -perjuriousness -perjurous -perjury -perjurymonger -perjurymongering -perk -perkily -Perkin -perkin -perkiness -perking -perkingly -perkish -perknite -perky -Perla -perlaceous -Perlaria -perle -perlection -perlid -Perlidae -perligenous -perlingual -perlingually -perlite -perlitic -perloir -perlustrate -perlustration -perlustrator -perm -permafrost -Permalloy -permalloy -permanence -permanency -permanent -permanently -permanentness -permanganate -permanganic -permansive -permeability -permeable -permeableness -permeably -permeameter -permeance -permeant -permeate -permeation -permeative -permeator -Permiak -Permian -permillage -permirific -permissibility -permissible -permissibleness -permissibly -permission -permissioned -permissive -permissively -permissiveness -permissory -permit -permittable -permitted -permittedly -permittee -permitter -permittivity -permixture -Permocarboniferous -permonosulphuric -permoralize -permutability -permutable -permutableness -permutably -permutate -permutation -permutational -permutationist -permutator -permutatorial -permutatory -permute -permuter -pern -pernancy -pernasal -pernavigate -Pernettia -pernicious -perniciously -perniciousness -pernicketiness -pernickety -pernine -Pernis -pernitrate -pernitric -pernoctation -pernor -pernyi -peroba -perobrachius -perocephalus -perochirus -perodactylus -Perodipus -Perognathinae -Perognathus -Peromedusae -Peromela -peromelous -peromelus -Peromyscus -peronate -peroneal -peroneocalcaneal -peroneotarsal -peroneotibial -peronial -peronium -Peronospora -Peronosporaceae -peronosporaceous -Peronosporales -peropod -Peropoda -peropodous -peropus -peroral -perorally -perorate -peroration -perorational -perorative -perorator -peroratorical -peroratorically -peroratory -perosis -perosmate -perosmic -perosomus -perotic -perovskite -peroxidase -peroxidate -peroxidation -peroxide -peroxidic -peroxidize -peroxidizement -peroxy -peroxyl -perozonid -perozonide -perpend -perpendicular -perpendicularity -perpendicularly -perpera -perperfect -perpetrable -perpetrate -perpetration -perpetrator -perpetratress -perpetratrix -perpetuable -perpetual -perpetualism -perpetualist -perpetuality -perpetually -perpetualness -perpetuana -perpetuance -perpetuant -perpetuate -perpetuation -perpetuator -perpetuity -perplantar -perplex -perplexable -perplexed -perplexedly -perplexedness -perplexer -perplexing -perplexingly -perplexity -perplexment -perplication -perquadrat -perquest -perquisite -perquisition -perquisitor -perradial -perradially -perradiate -perradius -perridiculous -perrier -Perrinist -perron -perruche -perrukery -perruthenate -perruthenic -Perry -perry -perryman -Persae -persalt -perscent -perscribe -perscrutate -perscrutation -perscrutator -perse -Persea -persecute -persecutee -persecuting -persecutingly -persecution -persecutional -persecutive -persecutiveness -persecutor -persecutory -persecutress -persecutrix -Perseid -perseite -perseitol -perseity -persentiscency -Persephassa -Persephone -Persepolitan -perseverance -perseverant -perseverate -perseveration -persevere -persevering -perseveringly -Persian -Persianist -Persianization -Persianize -Persic -Persicaria -persicary -Persicize -persico -persicot -persienne -persiennes -persiflage -persiflate -persilicic -persimmon -Persis -persis -Persism -persist -persistence -persistency -persistent -persistently -persister -persisting -persistingly -persistive -persistively -persistiveness -persnickety -person -persona -personable -personableness -personably -personage -personal -personalia -personalism -personalist -personalistic -personality -personalization -personalize -personally -personalness -personalty -personate -personately -personating -personation -personative -personator -personed -personeity -personifiable -personifiant -personification -personificative -personificator -personifier -personify -personization -personize -personnel -personship -perspection -perspective -perspectived -perspectiveless -perspectively -perspectivity -perspectograph -perspectometer -perspicacious -perspicaciously -perspicaciousness -perspicacity -perspicuity -perspicuous -perspicuously -perspicuousness -perspirability -perspirable -perspirant -perspirate -perspiration -perspirative -perspiratory -perspire -perspiringly -perspiry -perstringe -perstringement -persuadability -persuadable -persuadableness -persuadably -persuade -persuaded -persuadedly -persuadedness -persuader -persuadingly -persuasibility -persuasible -persuasibleness -persuasibly -persuasion -persuasive -persuasively -persuasiveness -persuasory -persulphate -persulphide -persulphocyanate -persulphocyanic -persulphuric -persymmetric -persymmetrical -pert -pertain -pertaining -pertainment -perten -perthiocyanate -perthiocyanic -perthiotophyre -perthite -perthitic -perthitically -perthosite -pertinacious -pertinaciously -pertinaciousness -pertinacity -pertinence -pertinency -pertinent -pertinently -pertinentness -pertish -pertly -pertness -perturb -perturbability -perturbable -perturbance -perturbancy -perturbant -perturbate -perturbation -perturbational -perturbatious -perturbative -perturbator -perturbatory -perturbatress -perturbatrix -perturbed -perturbedly -perturbedness -perturber -perturbing -perturbingly -perturbment -Pertusaria -Pertusariaceae -pertuse -pertused -pertusion -pertussal -pertussis -perty -Peru -Perugian -Peruginesque -peruke -perukeless -perukier -perukiership -perula -Perularia -perulate -perule -Perun -perusable -perusal -peruse -peruser -Peruvian -Peruvianize -pervade -pervadence -pervader -pervading -pervadingly -pervadingness -pervagate -pervagation -pervalvar -pervasion -pervasive -pervasively -pervasiveness -perverse -perversely -perverseness -perversion -perversity -perversive -pervert -perverted -pervertedly -pervertedness -perverter -pervertibility -pervertible -pervertibly -pervertive -perviability -perviable -pervicacious -pervicaciously -pervicaciousness -pervicacity -pervigilium -pervious -perviously -perviousness -pervulgate -pervulgation -perwitsky -pes -pesa -Pesach -pesade -pesage -Pesah -peseta -peshkar -peshkash -peshwa -peshwaship -peskily -peskiness -pesky -peso -pess -pessary -pessimal -pessimism -pessimist -pessimistic -pessimistically -pessimize -pessimum -pessomancy -pessoner -pessular -pessulus -pest -Pestalozzian -Pestalozzianism -peste -pester -pesterer -pesteringly -pesterment -pesterous -pestersome -pestful -pesthole -pesthouse -pesticidal -pesticide -pestiduct -pestiferous -pestiferously -pestiferousness -pestifugous -pestify -pestilence -pestilenceweed -pestilencewort -pestilent -pestilential -pestilentially -pestilentialness -pestilently -pestle -pestological -pestologist -pestology -pestproof -pet -petal -petalage -petaled -Petalia -petaliferous -petaliform -Petaliidae -petaline -petalism -petalite -petalled -petalless -petallike -petalocerous -petalodic -petalodont -petalodontid -Petalodontidae -petalodontoid -Petalodus -petalody -petaloid -petaloidal -petaloideous -petalomania -petalon -Petalostemon -petalous -petalwise -petaly -petard -petardeer -petardier -petary -Petasites -petasos -petasus -petaurine -petaurist -Petaurista -Petauristidae -Petauroides -Petaurus -petchary -petcock -Pete -pete -peteca -petechiae -petechial -petechiate -peteman -Peter -peter -Peterkin -Peterloo -peterman -peternet -petersham -peterwort -petful -petiolar -petiolary -Petiolata -petiolate -petiolated -petiole -petioled -Petioliventres -petiolular -petiolulate -petiolule -petiolus -petit -petite -petiteness -petitgrain -petition -petitionable -petitional -petitionarily -petitionary -petitionee -petitioner -petitionist -petitionproof -petitor -petitory -Petiveria -Petiveriaceae -petkin -petling -peto -Petr -Petrarchal -Petrarchan -Petrarchesque -Petrarchian -Petrarchianism -Petrarchism -Petrarchist -Petrarchistic -Petrarchistical -Petrarchize -petrary -petre -Petrea -petrean -petreity -petrel -petrescence -petrescent -Petricola -Petricolidae -petricolous -petrie -petrifaction -petrifactive -petrifiable -petrific -petrificant -petrificate -petrification -petrified -petrifier -petrify -Petrine -Petrinism -Petrinist -Petrinize -petrissage -Petrobium -Petrobrusian -petrochemical -petrochemistry -Petrogale -petrogenesis -petrogenic -petrogeny -petroglyph -petroglyphic -petroglyphy -petrograph -petrographer -petrographic -petrographical -petrographically -petrography -petrohyoid -petrol -petrolage -petrolatum -petrolean -petrolene -petroleous -petroleum -petrolic -petroliferous -petrolific -petrolist -petrolithic -petrolization -petrolize -petrologic -petrological -petrologically -petromastoid -Petromyzon -Petromyzonidae -petromyzont -Petromyzontes -Petromyzontidae -petromyzontoid -petronel -petronella -petropharyngeal -petrophilous -petrosa -petrosal -Petroselinum -petrosilex -petrosiliceous -petrosilicious -petrosphenoid -petrosphenoidal -petrosphere -petrosquamosal -petrosquamous -petrostearin -petrostearine -petrosum -petrotympanic -petrous -petroxolin -pettable -petted -pettedly -pettedness -petter -pettichaps -petticoat -petticoated -petticoaterie -petticoatery -petticoatism -petticoatless -petticoaty -pettifog -pettifogger -pettifoggery -pettifogging -pettifogulize -pettifogulizer -pettily -pettiness -pettingly -pettish -pettitoes -pettle -petty -pettyfog -petulance -petulancy -petulant -petulantly -petune -Petunia -petuntse -petwood -petzite -Peucedanum -Peucetii -peucites -peuhl -Peul -Peumus -Peutingerian -pew -pewage -pewdom -pewee -pewfellow -pewful -pewholder -pewing -pewit -pewless -pewmate -pewter -pewterer -pewterwort -pewtery -pewy -Peyerian -peyote -peyotl -peyton -peytrel -pezantic -Peziza -Pezizaceae -pezizaceous -pezizaeform -Pezizales -peziziform -pezizoid -pezograph -Pezophaps -Pfaffian -pfeffernuss -Pfeifferella -pfennig -pfui -pfund -Phaca -Phacelia -phacelite -phacella -Phacidiaceae -Phacidiales -phacitis -phacoanaphylaxis -phacocele -phacochere -phacocherine -phacochoere -phacochoerid -phacochoerine -phacochoeroid -Phacochoerus -phacocyst -phacocystectomy -phacocystitis -phacoglaucoma -phacoid -phacoidal -phacoidoscope -phacolite -phacolith -phacolysis -phacomalacia -phacometer -phacopid -Phacopidae -Phacops -phacosclerosis -phacoscope -phacotherapy -Phaeacian -Phaedo -phaeism -phaenantherous -phaenanthery -phaenogam -Phaenogamia -phaenogamian -phaenogamic -phaenogamous -phaenogenesis -phaenogenetic -phaenological -phaenology -phaenomenal -phaenomenism -phaenomenon -phaenozygous -phaeochrous -Phaeodaria -phaeodarian -phaeophore -Phaeophyceae -phaeophycean -phaeophyceous -phaeophyll -Phaeophyta -phaeophytin -phaeoplast -Phaeosporales -phaeospore -Phaeosporeae -phaeosporous -Phaet -Phaethon -Phaethonic -Phaethontes -Phaethontic -Phaethontidae -Phaethusa -phaeton -phage -phagedena -phagedenic -phagedenical -phagedenous -Phagineae -phagocytable -phagocytal -phagocyte -phagocyter -phagocytic -phagocytism -phagocytize -phagocytoblast -phagocytolysis -phagocytolytic -phagocytose -phagocytosis -phagodynamometer -phagolysis -phagolytic -phagomania -phainolion -Phainopepla -Phajus -Phalacrocoracidae -phalacrocoracine -Phalacrocorax -phalacrosis -Phalaecean -Phalaecian -Phalaenae -Phalaenidae -phalaenopsid -Phalaenopsis -phalangal -phalange -phalangeal -phalangean -phalanger -Phalangeridae -Phalangerinae -phalangerine -phalanges -phalangette -phalangian -phalangic -phalangid -Phalangida -phalangidan -Phalangidea -phalangidean -Phalangides -phalangiform -Phalangigrada -phalangigrade -phalangigrady -phalangiid -Phalangiidae -phalangist -Phalangista -Phalangistidae -phalangistine -phalangite -phalangitic -phalangitis -Phalangium -phalangologist -phalangology -phalansterial -phalansterian -phalansterianism -phalansteric -phalansterism -phalansterist -phalanstery -phalanx -phalanxed -phalarica -Phalaris -Phalarism -phalarope -Phalaropodidae -phalera -phalerate -phalerated -Phaleucian -Phallaceae -phallaceous -Phallales -phallalgia -phallaneurysm -phallephoric -phallic -phallical -phallicism -phallicist -phallin -phallism -phallist -phallitis -phallocrypsis -phallodynia -phalloid -phalloncus -phalloplasty -phallorrhagia -phallus -Phanar -Phanariot -Phanariote -phanatron -phaneric -phanerite -Phanerocarpae -Phanerocarpous -Phanerocephala -phanerocephalous -phanerocodonic -phanerocryst -phanerocrystalline -phanerogam -Phanerogamia -phanerogamian -phanerogamic -phanerogamous -phanerogamy -phanerogenetic -phanerogenic -Phaneroglossa -phaneroglossal -phaneroglossate -phaneromania -phaneromere -phaneromerous -phaneroscope -phanerosis -phanerozoic -phanerozonate -Phanerozonia -phanic -phano -phansigar -phantascope -phantasia -Phantasiast -Phantasiastic -phantasist -phantasize -phantasm -phantasma -phantasmagoria -phantasmagorial -phantasmagorially -phantasmagorian -phantasmagoric -phantasmagorical -phantasmagorist -phantasmagory -phantasmal -phantasmalian -phantasmality -phantasmally -phantasmascope -phantasmata -Phantasmatic -phantasmatic -phantasmatical -phantasmatically -phantasmatography -phantasmic -phantasmical -phantasmically -Phantasmist -phantasmogenesis -phantasmogenetic -phantasmograph -phantasmological -phantasmology -phantast -phantasy -phantom -phantomatic -phantomic -phantomical -phantomically -Phantomist -phantomize -phantomizer -phantomland -phantomlike -phantomnation -phantomry -phantomship -phantomy -phantoplex -phantoscope -Pharaoh -Pharaonic -Pharaonical -Pharbitis -phare -Phareodus -Pharian -Pharisaean -Pharisaic -pharisaical -pharisaically -pharisaicalness -Pharisaism -Pharisaist -Pharisean -Pharisee -pharisee -Phariseeism -pharmacal -pharmaceutic -pharmaceutical -pharmaceutically -pharmaceutics -pharmaceutist -pharmacic -pharmacist -pharmacite -pharmacodiagnosis -pharmacodynamic -pharmacodynamical -pharmacodynamics -pharmacoendocrinology -pharmacognosia -pharmacognosis -pharmacognosist -pharmacognostical -pharmacognostically -pharmacognostics -pharmacognosy -pharmacography -pharmacolite -pharmacologia -pharmacologic -pharmacological -pharmacologically -pharmacologist -pharmacology -pharmacomania -pharmacomaniac -pharmacomaniacal -pharmacometer -pharmacopedia -pharmacopedic -pharmacopedics -pharmacopeia -pharmacopeial -pharmacopeian -pharmacophobia -pharmacopoeia -pharmacopoeial -pharmacopoeian -pharmacopoeist -pharmacopolist -pharmacoposia -pharmacopsychology -pharmacosiderite -pharmacotherapy -pharmacy -pharmakos -pharmic -pharmuthi -pharology -Pharomacrus -pharos -Pharsalian -pharyngal -pharyngalgia -pharyngalgic -pharyngeal -pharyngectomy -pharyngemphraxis -pharynges -pharyngic -pharyngismus -pharyngitic -pharyngitis -pharyngoamygdalitis -pharyngobranch -pharyngobranchial -pharyngobranchiate -Pharyngobranchii -pharyngocele -pharyngoceratosis -pharyngodynia -pharyngoepiglottic -pharyngoepiglottidean -pharyngoesophageal -pharyngoglossal -pharyngoglossus -pharyngognath -Pharyngognathi -pharyngognathous -pharyngographic -pharyngography -pharyngokeratosis -pharyngolaryngeal -pharyngolaryngitis -pharyngolith -pharyngological -pharyngology -pharyngomaxillary -pharyngomycosis -pharyngonasal -pharyngopalatine -pharyngopalatinus -pharyngoparalysis -pharyngopathy -pharyngoplasty -pharyngoplegia -pharyngoplegic -pharyngoplegy -pharyngopleural -Pharyngopneusta -pharyngopneustal -pharyngorhinitis -pharyngorhinoscopy -pharyngoscleroma -pharyngoscope -pharyngoscopy -pharyngospasm -pharyngotherapy -pharyngotomy -pharyngotonsillitis -pharyngotyphoid -pharyngoxerosis -pharynogotome -pharynx -Phascaceae -phascaceous -Phascogale -Phascolarctinae -Phascolarctos -phascolome -Phascolomyidae -Phascolomys -Phascolonus -Phascum -phase -phaseal -phaseless -phaselin -phasemeter -phasemy -Phaseolaceae -phaseolin -phaseolous -phaseolunatin -Phaseolus -phaseometer -phases -Phasianella -Phasianellidae -phasianic -phasianid -Phasianidae -Phasianinae -phasianine -phasianoid -Phasianus -phasic -Phasiron -phasis -phasm -phasma -phasmatid -Phasmatida -Phasmatidae -Phasmatodea -phasmatoid -Phasmatoidea -phasmatrope -phasmid -Phasmida -Phasmidae -phasmoid -phasogeneous -phasotropy -pheal -pheasant -pheasantry -pheasantwood -Phebe -Phecda -Phegopteris -Pheidole -phellandrene -phellem -Phellodendron -phelloderm -phellodermal -phellogen -phellogenetic -phellogenic -phellonic -phelloplastic -phelloplastics -phelonion -phemic -Phemie -phenacaine -phenacetin -phenaceturic -phenacite -Phenacodontidae -Phenacodus -phenacyl -phenakism -phenakistoscope -Phenalgin -phenanthrene -phenanthridine -phenanthridone -phenanthrol -phenanthroline -phenarsine -phenate -phenazine -phenazone -phene -phenegol -phenene -phenethyl -phenetidine -phenetole -phengite -phengitical -phenic -phenicate -phenicious -phenicopter -phenin -phenmiazine -phenobarbital -phenocoll -phenocopy -phenocryst -phenocrystalline -phenogenesis -phenogenetic -phenol -phenolate -phenolic -phenolization -phenolize -phenological -phenologically -phenologist -phenology -phenoloid -phenolphthalein -phenolsulphonate -phenolsulphonephthalein -phenolsulphonic -phenomena -phenomenal -phenomenalism -phenomenalist -phenomenalistic -phenomenalistically -phenomenality -phenomenalization -phenomenalize -phenomenally -phenomenic -phenomenical -phenomenism -phenomenist -phenomenistic -phenomenize -phenomenological -phenomenologically -phenomenology -phenomenon -phenoplast -phenoplastic -phenoquinone -phenosafranine -phenosal -phenospermic -phenospermy -phenothiazine -phenotype -phenotypic -phenotypical -phenotypically -phenoxazine -phenoxid -phenoxide -phenozygous -Pheny -phenyl -phenylacetaldehyde -phenylacetamide -phenylacetic -phenylalanine -phenylamide -phenylamine -phenylate -phenylation -phenylboric -phenylcarbamic -phenylcarbimide -phenylene -phenylenediamine -phenylethylene -phenylglycine -phenylglycolic -phenylglyoxylic -phenylhydrazine -phenylhydrazone -phenylic -phenylmethane -pheon -pheophyl -pheophyll -pheophytin -Pherecratean -Pherecratian -Pherecratic -Pherephatta -pheretrer -Pherkad -Pherophatta -Phersephatta -Phersephoneia -phew -phi -phial -phiale -phialful -phialide -phialine -phiallike -phialophore -phialospore -Phidiac -Phidian -Phigalian -Phil -Philadelphian -Philadelphianism -philadelphite -Philadelphus -philadelphy -philalethist -philamot -Philander -philander -philanderer -philanthid -Philanthidae -philanthrope -philanthropian -philanthropic -philanthropical -philanthropically -philanthropinism -philanthropinist -Philanthropinum -philanthropism -philanthropist -philanthropistic -philanthropize -philanthropy -Philanthus -philantomba -philarchaist -philaristocracy -philatelic -philatelical -philatelically -philatelism -philatelist -philatelistic -philately -Philathea -philathletic -philematology -Philepitta -Philepittidae -Philesia -Philetaerus -philharmonic -philhellene -philhellenic -philhellenism -philhellenist -philhippic -philhymnic -philiater -Philip -Philippa -Philippan -Philippe -Philippian -Philippic -philippicize -Philippine -Philippines -Philippism -Philippist -Philippistic -Philippizate -philippize -philippizer -philippus -Philistia -Philistian -Philistine -Philistinely -Philistinian -Philistinic -Philistinish -Philistinism -Philistinize -Phill -philliloo -Phillip -phillipsine -phillipsite -Phillis -Phillyrea -phillyrin -philobiblian -philobiblic -philobiblical -philobiblist -philobotanic -philobotanist -philobrutish -philocalic -philocalist -philocaly -philocathartic -philocatholic -philocomal -Philoctetes -philocubist -philocynic -philocynical -philocynicism -philocyny -philodemic -Philodendron -philodespot -philodestructiveness -Philodina -Philodinidae -philodox -philodoxer -philodoxical -philodramatic -philodramatist -philofelist -philofelon -philogarlic -philogastric -philogeant -philogenitive -philogenitiveness -philograph -philographic -philogynaecic -philogynist -philogynous -philogyny -Philohela -philohellenian -philokleptic -philoleucosis -philologaster -philologastry -philologer -philologian -philologic -philological -philologically -philologist -philologistic -philologize -philologue -philology -Philomachus -philomath -philomathematic -philomathematical -philomathic -philomathical -philomathy -philomel -Philomela -philomelanist -philomuse -philomusical -philomystic -philonatural -philoneism -Philonian -Philonic -Philonism -Philonist -philonium -philonoist -philopagan -philopater -philopatrian -philopena -philophilosophos -philopig -philoplutonic -philopoet -philopogon -philopolemic -philopolemical -philopornist -philoprogeneity -philoprogenitive -philoprogenitiveness -philopterid -Philopteridae -philopublican -philoradical -philorchidaceous -philornithic -philorthodox -philosoph -philosophaster -philosophastering -philosophastry -philosophedom -philosopheme -philosopher -philosopheress -philosophership -philosophic -philosophical -philosophically -philosophicalness -philosophicide -philosophicohistorical -philosophicojuristic -philosophicolegal -philosophicoreligious -philosophicotheological -philosophism -philosophist -philosophister -philosophistic -philosophistical -philosophization -philosophize -philosophizer -philosophling -philosophobia -philosophocracy -philosophuncule -philosophunculist -philosophy -philotadpole -philotechnic -philotechnical -philotechnist -philothaumaturgic -philotheism -philotheist -philotheistic -philotheosophical -philotherian -philotherianism -Philotria -Philoxenian -philoxygenous -philozoic -philozoist -philozoonist -philter -philterer -philterproof -philtra -philtrum -Philydraceae -philydraceous -Philyra -phimosed -phimosis -phimotic -Phineas -Phiomia -Phiroze -phit -phiz -phizes -phizog -phlebalgia -phlebangioma -phlebarteriectasia -phlebarteriodialysis -phlebectasia -phlebectasis -phlebectasy -phlebectomy -phlebectopia -phlebectopy -phlebemphraxis -phlebenteric -phlebenterism -phlebitic -phlebitis -Phlebodium -phlebogram -phlebograph -phlebographical -phlebography -phleboid -phleboidal -phlebolite -phlebolith -phlebolithiasis -phlebolithic -phlebolitic -phlebological -phlebology -phlebometritis -phlebopexy -phleboplasty -phleborrhage -phleborrhagia -phleborrhaphy -phleborrhexis -phlebosclerosis -phlebosclerotic -phlebostasia -phlebostasis -phlebostenosis -phlebostrepsis -phlebothrombosis -phlebotome -phlebotomic -phlebotomical -phlebotomically -phlebotomist -phlebotomization -phlebotomize -Phlebotomus -phlebotomus -phlebotomy -Phlegethon -Phlegethontal -Phlegethontic -phlegm -phlegma -phlegmagogue -phlegmasia -phlegmatic -phlegmatical -phlegmatically -phlegmaticalness -phlegmaticly -phlegmaticness -phlegmatism -phlegmatist -phlegmatous -phlegmless -phlegmon -phlegmonic -phlegmonoid -phlegmonous -phlegmy -Phleum -phlobaphene -phlobatannin -phloem -phloeophagous -phloeoterma -phlogisma -phlogistian -phlogistic -phlogistical -phlogisticate -phlogistication -phlogiston -phlogistonism -phlogistonist -phlogogenetic -phlogogenic -phlogogenous -phlogopite -phlogosed -Phlomis -phloretic -phloroglucic -phloroglucin -phlorone -phloxin -pho -phobiac -phobic -phobism -phobist -phobophobia -Phobos -phoby -phoca -phocacean -phocaceous -Phocaean -Phocaena -Phocaenina -phocaenine -phocal -Phocean -phocenate -phocenic -phocenin -Phocian -phocid -Phocidae -phociform -Phocinae -phocine -phocodont -Phocodontia -phocodontic -Phocoena -phocoid -phocomelia -phocomelous -phocomelus -Phoebe -phoebe -Phoebean -Phoenicaceae -phoenicaceous -Phoenicales -phoenicean -Phoenician -Phoenicianism -Phoenicid -phoenicite -Phoenicize -phoenicochroite -Phoenicopteridae -Phoenicopteriformes -phoenicopteroid -Phoenicopteroideae -phoenicopterous -Phoenicopterus -Phoeniculidae -Phoeniculus -phoenicurous -phoenigm -Phoenix -phoenix -phoenixity -phoenixlike -phoh -pholad -Pholadacea -pholadian -pholadid -Pholadidae -Pholadinea -pholadoid -Pholas -pholcid -Pholcidae -pholcoid -Pholcus -pholido -pholidolite -pholidosis -Pholidota -pholidote -Pholiota -Phoma -Phomopsis -phon -phonal -phonasthenia -phonate -phonation -phonatory -phonautogram -phonautograph -phonautographic -phonautographically -phone -phoneidoscope -phoneidoscopic -Phonelescope -phoneme -phonemic -phonemics -phonendoscope -phonesis -phonestheme -phonetic -phonetical -phonetically -phonetician -phoneticism -phoneticist -phoneticization -phoneticize -phoneticogrammatical -phoneticohieroglyphic -phonetics -phonetism -phonetist -phonetization -phonetize -phoniatrics -phoniatry -phonic -phonics -phonikon -phonism -phono -phonocamptic -phonocinematograph -phonodeik -phonodynamograph -phonoglyph -phonogram -phonogramic -phonogramically -phonogrammatic -phonogrammatical -phonogrammic -phonogrammically -phonograph -phonographer -phonographic -phonographical -phonographically -phonographist -phonography -phonolite -phonolitic -phonologer -phonologic -phonological -phonologically -phonologist -phonology -phonometer -phonometric -phonometry -phonomimic -phonomotor -phonopathy -phonophile -phonophobia -phonophone -phonophore -phonophoric -phonophorous -phonophote -phonophotography -phonophotoscope -phonophotoscopic -phonoplex -phonoscope -phonotelemeter -phonotype -phonotyper -phonotypic -phonotypical -phonotypically -phonotypist -phonotypy -phony -phoo -Phora -Phoradendron -phoranthium -phoresis -phoresy -phoria -phorid -Phoridae -phorminx -Phormium -phorology -phorometer -phorometric -phorometry -phorone -phoronic -phoronid -Phoronida -Phoronidea -Phoronis -phoronomia -phoronomic -phoronomically -phoronomics -phoronomy -Phororhacidae -Phororhacos -phoroscope -phorozooid -phos -phose -phosgene -phosgenic -phosgenite -phosis -phosphagen -phospham -phosphamic -phosphamide -phosphamidic -phosphammonium -phosphatase -phosphate -phosphated -phosphatemia -phosphatese -phosphatic -phosphatide -phosphation -phosphatization -phosphatize -phosphaturia -phosphaturic -phosphene -phosphenyl -phosphide -phosphinate -phosphine -phosphinic -phosphite -phospho -phosphoaminolipide -phosphocarnic -phosphocreatine -phosphoferrite -phosphoglycerate -phosphoglyceric -phosphoglycoprotein -phospholipide -phospholipin -phosphomolybdate -phosphomolybdic -phosphonate -phosphonic -phosphonium -phosphophyllite -phosphoprotein -phosphor -phosphorate -phosphore -phosphoreal -phosphorent -phosphoreous -phosphoresce -phosphorescence -phosphorescent -phosphorescently -phosphoreted -phosphorhidrosis -phosphori -phosphoric -phosphorical -phosphoriferous -phosphorism -phosphorite -phosphoritic -phosphorize -phosphorogen -phosphorogenic -phosphorograph -phosphorographic -phosphorography -phosphoroscope -phosphorous -phosphoruria -phosphorus -phosphoryl -phosphorylase -phosphorylation -phosphosilicate -phosphotartaric -phosphotungstate -phosphotungstic -phosphowolframic -phosphuranylite -phosphuret -phosphuria -phosphyl -phossy -phot -photaesthesia -photaesthesis -photaesthetic -photal -photalgia -photechy -photelectrograph -photeolic -photerythrous -photesthesis -photic -photics -Photinia -Photinian -Photinianism -photism -photistic -photo -photoactinic -photoactivate -photoactivation -photoactive -photoactivity -photoaesthetic -photoalbum -photoalgraphy -photoanamorphosis -photoaquatint -Photobacterium -photobathic -photobiotic -photobromide -photocampsis -photocatalysis -photocatalyst -photocatalytic -photocatalyzer -photocell -photocellulose -photoceptor -photoceramic -photoceramics -photoceramist -photochemic -photochemical -photochemically -photochemigraphy -photochemist -photochemistry -photochloride -photochlorination -photochromascope -photochromatic -photochrome -photochromic -photochromography -photochromolithograph -photochromoscope -photochromotype -photochromotypy -photochromy -photochronograph -photochronographic -photochronographical -photochronographically -photochronography -photocollograph -photocollographic -photocollography -photocollotype -photocombustion -photocompose -photocomposition -photoconductivity -photocopier -photocopy -photocrayon -photocurrent -photodecomposition -photodensitometer -photodermatic -photodermatism -photodisintegration -photodissociation -photodrama -photodramatic -photodramatics -photodramatist -photodramaturgic -photodramaturgy -photodrome -photodromy -photodynamic -photodynamical -photodynamically -photodynamics -photodysphoria -photoelastic -photoelasticity -photoelectric -photoelectrical -photoelectrically -photoelectricity -photoelectron -photoelectrotype -photoemission -photoemissive -photoengrave -photoengraver -photoengraving -photoepinastic -photoepinastically -photoepinasty -photoesthesis -photoesthetic -photoetch -photoetcher -photoetching -photofilm -photofinish -photofinisher -photofinishing -photofloodlamp -photogalvanograph -photogalvanographic -photogalvanography -photogastroscope -photogelatin -photogen -photogene -photogenetic -photogenic -photogenically -photogenous -photoglyph -photoglyphic -photoglyphography -photoglyphy -photoglyptic -photoglyptography -photogram -photogrammeter -photogrammetric -photogrammetrical -photogrammetry -photograph -photographable -photographee -photographer -photographeress -photographess -photographic -photographical -photographically -photographist -photographize -photographometer -photography -photogravure -photogravurist -photogyric -photohalide -photoheliograph -photoheliographic -photoheliography -photoheliometer -photohyponastic -photohyponastically -photohyponasty -photoimpression -photoinactivation -photoinduction -photoinhibition -photointaglio -photoionization -photoisomeric -photoisomerization -photokinesis -photokinetic -photolith -photolitho -photolithograph -photolithographer -photolithographic -photolithography -photologic -photological -photologist -photology -photoluminescence -photoluminescent -photolysis -photolyte -photolytic -photoma -photomacrograph -photomagnetic -photomagnetism -photomap -photomapper -photomechanical -photomechanically -photometeor -photometer -photometric -photometrical -photometrically -photometrician -photometrist -photometrograph -photometry -photomezzotype -photomicrogram -photomicrograph -photomicrographer -photomicrographic -photomicrography -photomicroscope -photomicroscopic -photomicroscopy -photomontage -photomorphosis -photomural -photon -photonastic -photonasty -photonegative -photonephograph -photonephoscope -photoneutron -photonosus -photooxidation -photooxidative -photopathic -photopathy -photoperceptive -photoperimeter -photoperiod -photoperiodic -photoperiodism -photophane -photophile -photophilic -photophilous -photophily -photophobe -photophobia -photophobic -photophobous -photophone -photophonic -photophony -photophore -photophoresis -photophosphorescent -photophygous -photophysical -photophysicist -photopia -photopic -photopile -photopitometer -photoplay -photoplayer -photoplaywright -photopography -photopolarigraph -photopolymerization -photopositive -photoprint -photoprinter -photoprinting -photoprocess -photoptometer -photoradio -photoradiogram -photoreception -photoreceptive -photoreceptor -photoregression -photorelief -photoresistance -photosalt -photosantonic -photoscope -photoscopic -photoscopy -photosculptural -photosculpture -photosensitive -photosensitiveness -photosensitivity -photosensitization -photosensitize -photosensitizer -photosensory -photospectroheliograph -photospectroscope -photospectroscopic -photospectroscopical -photospectroscopy -photosphere -photospheric -photostability -photostable -Photostat -photostat -photostationary -photostereograph -photosurveying -photosyntax -photosynthate -photosynthesis -photosynthesize -photosynthetic -photosynthetically -photosynthometer -phototachometer -phototachometric -phototachometrical -phototachometry -phototactic -phototactically -phototactism -phototaxis -phototaxy -phototechnic -phototelegraph -phototelegraphic -phototelegraphically -phototelegraphy -phototelephone -phototelephony -phototelescope -phototelescopic -phototheodolite -phototherapeutic -phototherapeutics -phototherapic -phototherapist -phototherapy -photothermic -phototonic -phototonus -phototopographic -phototopographical -phototopography -phototrichromatic -phototrope -phototrophic -phototrophy -phototropic -phototropically -phototropism -phototropy -phototube -phototype -phototypic -phototypically -phototypist -phototypographic -phototypography -phototypy -photovisual -photovitrotype -photovoltaic -photoxylography -photozinco -photozincograph -photozincographic -photozincography -photozincotype -photozincotypy -photuria -Phractamphibia -phragma -Phragmidium -Phragmites -phragmocone -phragmoconic -Phragmocyttares -phragmocyttarous -phragmoid -phragmosis -phrasable -phrasal -phrasally -phrase -phraseable -phraseless -phrasemaker -phrasemaking -phraseman -phrasemonger -phrasemongering -phrasemongery -phraseogram -phraseograph -phraseographic -phraseography -phraseological -phraseologically -phraseologist -phraseology -phraser -phrasify -phrasiness -phrasing -phrasy -phrator -phratral -phratria -phratriac -phratrial -phratry -phreatic -phreatophyte -phrenesia -phrenesiac -phrenesis -phrenetic -phrenetically -phreneticness -phrenic -phrenicectomy -phrenicocolic -phrenicocostal -phrenicogastric -phrenicoglottic -phrenicohepatic -phrenicolienal -phrenicopericardiac -phrenicosplenic -phrenicotomy -phrenics -phrenitic -phrenitis -phrenocardia -phrenocardiac -phrenocolic -phrenocostal -phrenodynia -phrenogastric -phrenoglottic -phrenogram -phrenograph -phrenography -phrenohepatic -phrenologer -phrenologic -phrenological -phrenologically -phrenologist -phrenologize -phrenology -phrenomagnetism -phrenomesmerism -phrenopathia -phrenopathic -phrenopathy -phrenopericardiac -phrenoplegia -phrenoplegy -phrenosin -phrenosinic -phrenospasm -phrenosplenic -phronesis -Phronima -Phronimidae -phrontisterion -phrontisterium -phrontistery -Phryganea -phryganeid -Phryganeidae -phryganeoid -Phrygian -Phrygianize -phrygium -Phryma -Phrymaceae -phrymaceous -phrynid -Phrynidae -phrynin -phrynoid -Phrynosoma -phthalacene -phthalan -phthalanilic -phthalate -phthalazin -phthalazine -phthalein -phthaleinometer -phthalic -phthalid -phthalide -phthalimide -phthalin -phthalocyanine -phthalyl -phthanite -Phthartolatrae -phthinoid -phthiocol -phthiriasis -Phthirius -phthirophagous -phthisic -phthisical -phthisicky -phthisiogenesis -phthisiogenetic -phthisiogenic -phthisiologist -phthisiology -phthisiophobia -phthisiotherapeutic -phthisiotherapy -phthisipneumonia -phthisipneumony -phthisis -phthongal -phthongometer -phthor -phthoric -phu -phugoid -phulkari -phulwa -phulwara -phut -Phyciodes -phycite -Phycitidae -phycitol -phycochromaceae -phycochromaceous -phycochrome -Phycochromophyceae -phycochromophyceous -phycocyanin -phycocyanogen -Phycodromidae -phycoerythrin -phycography -phycological -phycologist -phycology -Phycomyces -phycomycete -Phycomycetes -phycomycetous -phycophaein -phycoxanthin -phycoxanthine -phygogalactic -phyla -phylacobiosis -phylacobiotic -phylacteric -phylacterical -phylacteried -phylacterize -phylactery -phylactic -phylactocarp -phylactocarpal -Phylactolaema -Phylactolaemata -phylactolaematous -Phylactolema -Phylactolemata -phylarch -phylarchic -phylarchical -phylarchy -phyle -phylephebic -phylesis -phyletic -phyletically -phyletism -phylic -Phyllachora -Phyllactinia -phyllade -Phyllanthus -phyllary -Phyllaurea -phylliform -phyllin -phylline -Phyllis -phyllite -phyllitic -Phyllitis -Phyllium -phyllobranchia -phyllobranchial -phyllobranchiate -Phyllocactus -phyllocarid -Phyllocarida -phyllocaridan -Phylloceras -phyllocerate -Phylloceratidae -phylloclad -phylloclade -phyllocladioid -phyllocladium -phyllocladous -phyllocyanic -phyllocyanin -phyllocyst -phyllocystic -phyllode -phyllodial -phyllodination -phyllodineous -phyllodiniation -phyllodinous -phyllodium -Phyllodoce -phyllody -phylloerythrin -phyllogenetic -phyllogenous -phylloid -phylloidal -phylloideous -phyllomancy -phyllomania -phyllome -phyllomic -phyllomorph -phyllomorphic -phyllomorphosis -phyllomorphy -Phyllophaga -phyllophagous -phyllophore -phyllophorous -phyllophyllin -phyllophyte -phyllopod -Phyllopoda -phyllopodan -phyllopode -phyllopodiform -phyllopodium -phyllopodous -phylloporphyrin -Phyllopteryx -phylloptosis -phyllopyrrole -phyllorhine -phyllorhinine -phylloscopine -Phylloscopus -phyllosiphonic -phyllosoma -Phyllosomata -phyllosome -Phyllospondyli -phyllospondylous -Phyllostachys -Phyllosticta -Phyllostoma -Phyllostomatidae -Phyllostomatinae -phyllostomatoid -phyllostomatous -phyllostome -Phyllostomidae -Phyllostominae -phyllostomine -phyllostomous -Phyllostomus -phyllotactic -phyllotactical -phyllotaxis -phyllotaxy -phyllous -phylloxanthin -Phylloxera -phylloxeran -phylloxeric -Phylloxeridae -phyllozooid -phylogenetic -phylogenetical -phylogenetically -phylogenic -phylogenist -phylogeny -phylogerontic -phylogerontism -phylography -phylology -phylon -phyloneanic -phylonepionic -phylum -phyma -phymata -phymatic -phymatid -Phymatidae -Phymatodes -phymatoid -phymatorhysin -phymatosis -Phymosia -Physa -physagogue -Physalia -physalian -Physaliidae -Physalis -physalite -Physalospora -Physapoda -Physaria -Physcia -Physciaceae -physcioid -Physcomitrium -Physeter -Physeteridae -Physeterinae -physeterine -physeteroid -Physeteroidea -physharmonica -physianthropy -physiatric -physiatrical -physiatrics -physic -physical -physicalism -physicalist -physicalistic -physicalistically -physicality -physically -physicalness -physician -physicianary -physiciancy -physicianed -physicianer -physicianess -physicianless -physicianly -physicianship -physicism -physicist -physicked -physicker -physicking -physicky -physicoastronomical -physicobiological -physicochemic -physicochemical -physicochemically -physicochemist -physicochemistry -physicogeographical -physicologic -physicological -physicomathematical -physicomathematics -physicomechanical -physicomedical -physicomental -physicomorph -physicomorphic -physicomorphism -physicooptics -physicophilosophical -physicophilosophy -physicophysiological -physicopsychical -physicosocial -physicotheological -physicotheologist -physicotheology -physicotherapeutic -physicotherapeutics -physicotherapy -physics -Physidae -physiform -physiochemical -physiochemically -physiocracy -physiocrat -physiocratic -physiocratism -physiocratist -physiogenesis -physiogenetic -physiogenic -physiogeny -physiognomic -physiognomical -physiognomically -physiognomics -physiognomist -physiognomize -physiognomonic -physiognomonical -physiognomy -physiogony -physiographer -physiographic -physiographical -physiographically -physiography -physiolater -physiolatrous -physiolatry -physiologer -physiologian -physiological -physiologically -physiologicoanatomic -physiologist -physiologize -physiologue -physiologus -physiology -physiopathological -physiophilist -physiophilosopher -physiophilosophical -physiophilosophy -physiopsychic -physiopsychical -physiopsychological -physiopsychology -physiosociological -physiosophic -physiosophy -physiotherapeutic -physiotherapeutical -physiotherapeutics -physiotherapist -physiotherapy -physiotype -physiotypy -physique -physiqued -physitheism -physitheistic -physitism -physiurgic -physiurgy -physocarpous -Physocarpus -physocele -physoclist -Physoclisti -physoclistic -physoclistous -Physoderma -physogastric -physogastrism -physogastry -physometra -Physonectae -physonectous -Physophorae -physophoran -physophore -physophorous -physopod -Physopoda -physopodan -Physostegia -Physostigma -physostigmine -physostomatous -physostome -Physostomi -physostomous -phytalbumose -phytase -Phytelephas -Phyteus -phytic -phytiferous -phytiform -phytin -phytivorous -phytobacteriology -phytobezoar -phytobiological -phytobiology -phytochemical -phytochemistry -phytochlorin -phytocidal -phytodynamics -phytoecological -phytoecologist -phytoecology -Phytoflagellata -phytogamy -phytogenesis -phytogenetic -phytogenetical -phytogenetically -phytogenic -phytogenous -phytogeny -phytogeographer -phytogeographic -phytogeographical -phytogeographically -phytogeography -phytoglobulin -phytograph -phytographer -phytographic -phytographical -phytographist -phytography -phytohormone -phytoid -phytol -Phytolacca -Phytolaccaceae -phytolaccaceous -phytolatrous -phytolatry -phytolithological -phytolithologist -phytolithology -phytologic -phytological -phytologically -phytologist -phytology -phytoma -Phytomastigina -Phytomastigoda -phytome -phytomer -phytometer -phytometric -phytometry -phytomonad -Phytomonadida -Phytomonadina -Phytomonas -phytomorphic -phytomorphology -phytomorphosis -phyton -phytonic -phytonomy -phytooecology -phytopaleontologic -phytopaleontological -phytopaleontologist -phytopaleontology -phytoparasite -phytopathogen -phytopathogenic -phytopathologic -phytopathological -phytopathologist -phytopathology -Phytophaga -phytophagan -phytophagic -Phytophagineae -phytophagous -phytophagy -phytopharmacologic -phytopharmacology -phytophenological -phytophenology -phytophil -phytophilous -Phytophthora -phytophylogenetic -phytophylogenic -phytophylogeny -phytophysiological -phytophysiology -phytoplankton -phytopsyche -phytoptid -Phytoptidae -phytoptose -phytoptosis -Phytoptus -phytorhodin -phytosaur -Phytosauria -phytosaurian -phytoserologic -phytoserological -phytoserologically -phytoserology -phytosis -phytosociologic -phytosociological -phytosociologically -phytosociologist -phytosociology -phytosterin -phytosterol -phytostrote -phytosynthesis -phytotaxonomy -phytotechny -phytoteratologic -phytoteratological -phytoteratologist -phytoteratology -Phytotoma -Phytotomidae -phytotomist -phytotomy -phytotopographical -phytotopography -phytotoxic -phytotoxin -phytovitellin -Phytozoa -phytozoan -Phytozoaria -phytozoon -phytyl -pi -Pia -pia -piaba -piacaba -piacle -piacular -piacularity -piacularly -piacularness -piaculum -piaffe -piaffer -pial -pialyn -pian -pianette -pianic -pianino -pianism -pianissimo -pianist -pianiste -pianistic -pianistically -Piankashaw -piannet -piano -pianoforte -pianofortist -pianograph -Pianokoto -Pianola -pianola -pianolist -pianologue -piarhemia -piarhemic -Piarist -Piaroa -Piaroan -Piaropus -Piarroan -piassava -Piast -piaster -piastre -piation -piazine -piazza -piazzaed -piazzaless -piazzalike -piazzian -pibcorn -piblokto -pibroch -pic -Pica -pica -picador -picadura -Picae -pical -picamar -picara -Picard -picarel -picaresque -Picariae -picarian -Picarii -picaro -picaroon -picary -picayune -picayunish -picayunishly -picayunishness -piccadill -piccadilly -piccalilli -piccolo -piccoloist -pice -Picea -Picene -picene -Picenian -piceoferruginous -piceotestaceous -piceous -piceworth -pichi -pichiciago -pichuric -pichurim -Pici -Picidae -piciform -Piciformes -Picinae -picine -pick -pickaback -pickable -pickableness -pickage -pickaninny -pickaroon -pickaway -pickax -picked -pickedly -pickedness -pickee -pickeer -picker -pickerel -pickerelweed -pickering -pickeringite -pickery -picket -picketboat -picketeer -picketer -pickfork -pickietar -pickings -pickle -picklelike -pickleman -pickler -pickleweed -pickleworm -picklock -pickman -pickmaw -picknick -picknicker -pickover -pickpocket -pickpocketism -pickpocketry -pickpole -pickpurse -pickshaft -picksman -picksmith -picksome -picksomeness -pickthank -pickthankly -pickthankness -pickthatch -picktooth -pickup -pickwick -Pickwickian -Pickwickianism -Pickwickianly -pickwork -picky -picnic -picnicker -picnickery -Picnickian -picnickish -picnicky -pico -picofarad -picoid -picoline -picolinic -picot -picotah -picotee -picotite -picqueter -picra -picramic -Picramnia -picrasmin -picrate -picrated -picric -Picris -picrite -picrocarmine -Picrodendraceae -Picrodendron -picroerythrin -picrol -picrolite -picromerite -picropodophyllin -picrorhiza -picrorhizin -picrotin -picrotoxic -picrotoxin -picrotoxinin -picryl -Pict -pict -pictarnie -Pictavi -Pictish -Pictland -pictogram -pictograph -pictographic -pictographically -pictography -Pictones -pictoradiogram -pictorial -pictorialism -pictorialist -pictorialization -pictorialize -pictorially -pictorialness -pictoric -pictorical -pictorically -picturability -picturable -picturableness -picturably -pictural -picture -picturecraft -pictured -picturedom -picturedrome -pictureful -pictureless -picturelike -picturely -picturemaker -picturemaking -picturer -picturesque -picturesquely -picturesqueness -picturesquish -picturization -picturize -pictury -picucule -picuda -picudilla -picudo -picul -piculet -piculule -Picumninae -Picumnus -Picunche -Picuris -Picus -pidan -piddle -piddler -piddling -piddock -pidgin -pidjajap -pie -piebald -piebaldism -piebaldly -piebaldness -piece -pieceable -pieceless -piecemaker -piecemeal -piecemealwise -piecen -piecener -piecer -piecette -piecewise -piecework -pieceworker -piecing -piecrust -pied -piedfort -piedly -piedmont -piedmontal -Piedmontese -piedmontite -piedness -Piegan -piehouse -pieless -pielet -pielum -piemag -pieman -piemarker -pien -pienanny -piend -piepan -pieplant -piepoudre -piepowder -pieprint -pier -pierage -Piercarlo -Pierce -pierce -pierceable -pierced -piercel -pierceless -piercent -piercer -piercing -piercingly -piercingness -pierdrop -Pierette -pierhead -Pierian -pierid -Pieridae -Pierides -Pieridinae -pieridine -Pierinae -pierine -Pieris -pierless -pierlike -Pierre -Pierrot -pierrot -pierrotic -pieshop -Piet -piet -pietas -Piete -Pieter -pietic -pietism -Pietist -pietist -pietistic -pietistical -pietistically -pietose -piety -piewife -piewipe -piewoman -piezo -piezochemical -piezochemistry -piezocrystallization -piezoelectric -piezoelectrically -piezoelectricity -piezometer -piezometric -piezometrical -piezometry -piff -piffle -piffler -pifine -pig -pigbelly -pigdan -pigdom -pigeon -pigeonable -pigeonberry -pigeoneer -pigeoner -pigeonfoot -pigeongram -pigeonhearted -pigeonhole -pigeonholer -pigeonman -pigeonry -pigeontail -pigeonweed -pigeonwing -pigeonwood -pigface -pigfish -pigflower -pigfoot -pigful -piggery -piggin -pigging -piggish -piggishly -piggishness -piggle -piggy -pighead -pigheaded -pigheadedly -pigheadedness -pigherd -pightle -pigless -piglet -pigling -piglinghood -pigly -pigmaker -pigmaking -pigman -pigment -pigmental -pigmentally -pigmentary -pigmentation -pigmentize -pigmentolysis -pigmentophage -pigmentose -Pigmy -pignolia -pignon -pignorate -pignoration -pignoratitious -pignorative -pignus -pignut -pigpen -pigritude -pigroot -pigsconce -pigskin -pigsney -pigstick -pigsticker -pigsty -pigtail -pigwash -pigweed -pigwidgeon -pigyard -piitis -pik -pika -pike -piked -pikel -pikelet -pikeman -pikemonger -piker -pikestaff -piketail -pikey -piki -piking -pikle -piky -pilage -pilandite -pilapil -Pilar -pilar -pilary -pilaster -pilastered -pilastering -pilastrade -pilastraded -pilastric -Pilate -Pilatian -pilau -pilaued -pilch -pilchard -pilcher -pilcorn -pilcrow -pile -Pilea -pileata -pileate -pileated -piled -pileiform -pileolated -pileolus -pileorhiza -pileorhize -pileous -piler -piles -pileus -pileweed -pilework -pileworm -pilewort -pilfer -pilferage -pilferer -pilfering -pilferingly -pilferment -pilgarlic -pilgarlicky -pilger -pilgrim -pilgrimage -pilgrimager -pilgrimatic -pilgrimatical -pilgrimdom -pilgrimer -pilgrimess -pilgrimism -pilgrimize -pilgrimlike -pilgrimwise -pili -pilidium -pilifer -piliferous -piliform -piligan -piliganine -piligerous -pilikai -pililloo -pilimiction -pilin -piline -piling -pilipilula -pilkins -pill -pillage -pillageable -pillagee -pillager -pillar -pillared -pillaret -pillaring -pillarist -pillarize -pillarlet -pillarlike -pillarwise -pillary -pillas -pillbox -pilled -pilledness -pillet -pilleus -pillion -pilliver -pilliwinks -pillmaker -pillmaking -pillmonger -pillorization -pillorize -pillory -pillow -pillowcase -pillowing -pillowless -pillowmade -pillowwork -pillowy -pillworm -pillwort -pilm -pilmy -Pilobolus -pilocarpidine -pilocarpine -Pilocarpus -Pilocereus -pilocystic -piloerection -pilomotor -pilon -pilonidal -pilori -pilose -pilosebaceous -pilosine -pilosis -pilosism -pilosity -Pilot -pilot -pilotage -pilotaxitic -pilotee -pilothouse -piloting -pilotism -pilotless -pilotman -pilotry -pilotship -pilotweed -pilous -Pilpai -Pilpay -pilpul -pilpulist -pilpulistic -piltock -pilula -pilular -Pilularia -pilule -pilulist -pilulous -pilum -Pilumnus -pilus -pilwillet -pily -Pim -Pima -Piman -pimaric -pimelate -Pimelea -pimelic -pimelite -pimelitis -Pimenta -pimento -pimenton -pimgenet -pimienta -pimiento -pimlico -pimola -pimp -pimperlimpimp -pimpernel -pimpery -Pimpinella -pimping -pimpish -Pimpla -pimple -pimpleback -pimpled -pimpleproof -Pimplinae -pimpliness -pimplo -pimploe -pimplous -pimply -pimpship -pin -pina -Pinaceae -pinaceous -pinaces -pinachrome -pinacle -Pinacoceras -Pinacoceratidae -pinacocytal -pinacocyte -pinacoid -pinacoidal -pinacol -pinacolate -pinacolic -pinacolin -pinacone -pinacoteca -pinaculum -Pinacyanol -pinafore -pinakiolite -pinakoidal -pinakotheke -Pinal -Pinaleno -Pinales -pinang -pinaster -pinatype -pinaverdol -pinax -pinball -pinbefore -pinbone -pinbush -pincase -pincement -pincer -pincerlike -pincers -pincerweed -pinch -pinchable -pinchback -pinchbeck -pinchbelly -pinchcock -pinchcommons -pinchcrust -pinche -pinched -pinchedly -pinchedness -pinchem -pincher -pinchfist -pinchfisted -pinchgut -pinching -pinchingly -pinchpenny -Pincian -Pinckneya -pincoffin -pincpinc -Pinctada -pincushion -pincushiony -pind -pinda -Pindari -Pindaric -pindarical -pindarically -Pindarism -Pindarist -Pindarize -Pindarus -pinder -pindling -pindy -pine -pineal -pinealism -pinealoma -pineapple -pined -pinedrops -pineland -pinene -piner -pinery -pinesap -pinetum -pineweed -pinewoods -piney -pinfall -pinfeather -pinfeathered -pinfeatherer -pinfeathery -pinfish -pinfold -Ping -ping -pingle -pingler -pingue -pinguecula -pinguedinous -pinguefaction -pinguefy -pinguescence -pinguescent -Pinguicula -pinguicula -Pinguiculaceae -pinguiculaceous -pinguid -pinguidity -pinguiferous -pinguin -pinguinitescent -pinguite -pinguitude -pinguitudinous -pinhead -pinheaded -pinheadedness -pinhold -pinhole -pinhook -pinic -pinicoline -pinicolous -piniferous -piniform -pining -piningly -pinion -pinioned -pinionless -pinionlike -pinipicrin -pinitannic -pinite -pinitol -pinivorous -pinjane -pinjra -pink -pinkberry -pinked -pinkeen -pinken -pinker -Pinkerton -Pinkertonism -pinkeye -pinkfish -pinkie -pinkify -pinkily -pinkiness -pinking -pinkish -pinkishness -pinkly -pinkness -pinkroot -pinksome -Pinkster -pinkweed -pinkwood -pinkwort -pinky -pinless -pinlock -pinmaker -Pinna -pinna -pinnace -pinnacle -pinnaclet -pinnae -pinnaglobin -pinnal -pinnate -pinnated -pinnatedly -pinnately -pinnatifid -pinnatifidly -pinnatilobate -pinnatilobed -pinnation -pinnatipartite -pinnatiped -pinnatisect -pinnatisected -pinnatodentate -pinnatopectinate -pinnatulate -pinned -pinnel -pinner -pinnet -Pinnidae -pinniferous -pinniform -pinnigerous -Pinnigrada -pinnigrade -pinninervate -pinninerved -pinning -pinningly -pinniped -Pinnipedia -pinnipedian -pinnisect -pinnisected -pinnitarsal -pinnitentaculate -pinniwinkis -pinnock -pinnoite -pinnotere -pinnothere -Pinnotheres -pinnotherian -Pinnotheridae -pinnula -pinnular -pinnulate -pinnulated -pinnule -pinnulet -pinny -pino -pinochle -pinocytosis -pinole -pinoleum -pinolia -pinolin -pinon -pinonic -pinpillow -pinpoint -pinprick -pinproof -pinrail -pinrowed -pinscher -pinsons -pint -pinta -pintadera -pintado -pintadoite -pintail -pintano -pinte -pintle -pinto -pintura -pinulus -Pinus -pinweed -pinwing -pinwork -pinworm -piny -pinyl -pinyon -pioneer -pioneerdom -pioneership -pionnotes -pioscope -pioted -piotine -Piotr -piotty -pioury -pious -piously -piousness -Pioxe -pip -pipa -pipage -pipal -pipe -pipeage -pipecoline -pipecolinic -piped -pipefish -pipeful -pipelayer -pipeless -pipelike -pipeline -pipeman -pipemouth -Piper -piper -Piperaceae -piperaceous -Piperales -piperate -piperazin -piperazine -piperic -piperide -piperideine -piperidge -piperidide -piperidine -piperine -piperitious -piperitone -piperly -piperno -piperoid -piperonal -piperonyl -pipery -piperylene -pipestapple -pipestem -pipestone -pipet -pipette -pipewalker -pipewood -pipework -pipewort -pipi -Pipidae -Pipil -Pipile -Pipilo -piping -pipingly -pipingness -pipiri -pipistrel -pipistrelle -Pipistrellus -pipit -pipkin -pipkinet -pipless -pipped -pipper -pippin -pippiner -pippinface -pippy -Pipra -Pipridae -Piprinae -piprine -piproid -pipsissewa -Piptadenia -Piptomeris -pipunculid -Pipunculidae -pipy -piquable -piquance -piquancy -piquant -piquantly -piquantness -pique -piquet -piquia -piqure -pir -piracy -piragua -Piranga -piranha -pirate -piratelike -piratery -piratess -piratical -piratically -piratism -piratize -piraty -Pirene -Piricularia -pirijiri -piripiri -piririgua -pirl -pirn -pirner -pirnie -pirny -Piro -pirogue -pirol -piroplasm -Piroplasma -piroplasmosis -pirouette -pirouetter -pirouettist -pirr -pirraura -pirrmaw -pirssonite -Pisaca -pisaca -pisachee -Pisan -pisang -pisanite -Pisauridae -pisay -piscary -Piscataqua -Piscataway -piscation -piscatology -piscator -piscatorial -piscatorialist -piscatorially -piscatorian -piscatorious -piscatory -Pisces -piscian -piscicapture -piscicapturist -piscicolous -piscicultural -pisciculturally -pisciculture -pisciculturist -Piscid -Piscidia -piscifauna -pisciferous -pisciform -piscina -piscinal -piscine -piscinity -Piscis -piscivorous -pisco -pise -pish -pishaug -pishogue -Pishquow -pishu -Pisidium -pisiform -Pisistratean -Pisistratidae -pisk -pisky -pismire -pismirism -piso -pisolite -pisolitic -Pisonia -piss -pissabed -pissant -pist -pistache -pistachio -Pistacia -pistacite -pistareen -Pistia -pistic -pistil -pistillaceous -pistillar -pistillary -pistillate -pistillid -pistilliferous -pistilliform -pistilligerous -pistilline -pistillode -pistillody -pistilloid -pistilogy -pistle -Pistoiese -pistol -pistole -pistoleer -pistolet -pistolgram -pistolgraph -pistollike -pistolography -pistology -pistolproof -pistolwise -piston -pistonhead -pistonlike -pistrix -Pisum -pit -pita -Pitahauerat -Pitahauirata -pitahaya -pitanga -pitangua -pitapat -pitapatation -pitarah -pitau -Pitawas -pitaya -pitayita -Pitcairnia -pitch -pitchable -pitchblende -pitcher -pitchered -pitcherful -pitcherlike -pitcherman -pitchfork -pitchhole -pitchi -pitchiness -pitching -pitchlike -pitchman -pitchometer -pitchout -pitchpike -pitchpole -pitchpoll -pitchstone -pitchwork -pitchy -piteous -piteously -piteousness -pitfall -pith -pithecan -pithecanthrope -pithecanthropic -pithecanthropid -Pithecanthropidae -pithecanthropoid -Pithecanthropus -Pithecia -pithecian -Pitheciinae -pitheciine -pithecism -pithecoid -Pithecolobium -pithecological -pithecometric -pithecomorphic -pithecomorphism -pithful -pithily -pithiness -pithless -pithlessly -Pithoegia -Pithoigia -pithole -pithos -pithsome -pithwork -pithy -pitiability -pitiable -pitiableness -pitiably -pitiedly -pitiedness -pitier -pitiful -pitifully -pitifulness -pitikins -pitiless -pitilessly -pitilessness -pitless -pitlike -pitmaker -pitmaking -pitman -pitmark -pitmirk -pitometer -pitpan -pitpit -pitside -Pitta -pittacal -pittance -pittancer -pitted -pitter -pitticite -Pittidae -pittine -pitting -Pittism -Pittite -pittite -pittoid -Pittosporaceae -pittosporaceous -pittospore -Pittosporum -Pittsburgher -pituital -pituitary -pituite -pituitous -pituitousness -Pituitrin -pituri -pitwood -pitwork -pitwright -pity -pitying -pityingly -Pitylus -pityocampa -pityproof -pityriasic -pityriasis -Pityrogramma -pityroid -piuri -piuricapsular -pivalic -pivot -pivotal -pivotally -pivoter -pix -pixie -pixilated -pixilation -pixy -pize -pizza -pizzeria -pizzicato -pizzle -placability -placable -placableness -placably -Placaean -placard -placardeer -placarder -placate -placater -placation -placative -placatively -placatory -placcate -place -placeable -Placean -placebo -placeful -placeless -placelessly -placemaker -placemaking -placeman -placemanship -placement -placemonger -placemongering -placenta -placental -Placentalia -placentalian -placentary -placentate -placentation -placentiferous -placentiform -placentigerous -placentitis -placentoid -placentoma -placer -placet -placewoman -placid -placidity -placidly -placidness -placitum -plack -placket -plackless -placochromatic -placode -placoderm -placodermal -placodermatous -Placodermi -placodermoid -placodont -Placodontia -Placodus -placoganoid -placoganoidean -Placoganoidei -placoid -placoidal -placoidean -Placoidei -Placoides -Placophora -placophoran -placoplast -placula -placuntitis -placuntoma -Placus -pladaroma -pladarosis -plaga -plagal -plagate -plage -Plagianthus -plagiaplite -plagiarical -plagiarism -plagiarist -plagiaristic -plagiaristically -plagiarization -plagiarize -plagiarizer -plagiary -plagihedral -plagiocephalic -plagiocephalism -plagiocephaly -Plagiochila -plagioclase -plagioclasite -plagioclastic -plagioclinal -plagiodont -plagiograph -plagioliparite -plagionite -plagiopatagium -plagiophyre -Plagiostomata -plagiostomatous -plagiostome -Plagiostomi -plagiostomous -plagiotropic -plagiotropically -plagiotropism -plagiotropous -plagium -plagose -plagosity -plague -plagued -plagueful -plagueless -plagueproof -plaguer -plaguesome -plaguesomeness -plaguily -plaguy -plaice -plaid -plaided -plaidie -plaiding -plaidman -plaidy -plain -plainback -plainbacks -plainer -plainful -plainhearted -plainish -plainly -plainness -plainscraft -plainsfolk -plainsman -plainsoled -plainstones -plainswoman -plaint -plaintail -plaintiff -plaintiffship -plaintile -plaintive -plaintively -plaintiveness -plaintless -plainward -plaister -plait -plaited -plaiter -plaiting -plaitless -plaitwork -plak -plakat -plan -planable -planaea -planar -Planaria -planarian -Planarida -planaridan -planariform -planarioid -planarity -planate -planation -planch -plancheite -plancher -planchet -planchette -planching -planchment -plancier -Planckian -plandok -plane -planeness -planer -Planera -planet -planeta -planetable -planetabler -planetal -planetaria -planetarian -planetarily -planetarium -planetary -planeted -planetesimal -planeticose -planeting -planetist -planetkin -planetless -planetlike -planetogeny -planetography -planetoid -planetoidal -planetologic -planetologist -planetology -planetule -planform -planful -planfully -planfulness -plang -plangency -plangent -plangently -plangor -plangorous -planicaudate -planicipital -planidorsate -planifolious -planiform -planigraph -planilla -planimetric -planimetrical -planimetry -planineter -planipennate -Planipennia -planipennine -planipetalous -planiphyllous -planirostral -planirostrate -planiscope -planiscopic -planish -planisher -planispheral -planisphere -planispheric -planispherical -planispiral -planity -plank -plankage -plankbuilt -planker -planking -plankless -planklike -planksheer -plankter -planktologist -planktology -plankton -planktonic -planktont -plankways -plankwise -planky -planless -planlessly -planlessness -planner -planoblast -planoblastic -Planococcus -planoconical -planocylindric -planoferrite -planogamete -planograph -planographic -planographist -planography -planohorizontal -planolindrical -planometer -planometry -planomiller -planoorbicular -Planorbidae -planorbiform -planorbine -Planorbis -planorboid -planorotund -Planosarcina -planosol -planosome -planospiral -planospore -planosubulate -plant -planta -plantable -plantad -Plantae -plantage -Plantaginaceae -plantaginaceous -Plantaginales -plantagineous -Plantago -plantain -plantal -plantar -plantaris -plantarium -plantation -plantationlike -plantdom -planter -planterdom -planterly -plantership -Plantigrada -plantigrade -plantigrady -planting -plantivorous -plantless -plantlet -plantlike -plantling -plantocracy -plantsman -plantula -plantular -plantule -planula -planulan -planular -planulate -planuliform -planuloid -Planuloidea -planuria -planury -planxty -plap -plappert -plaque -plaquette -plash -plasher -plashet -plashingly -plashment -plashy -plasm -plasma -plasmagene -plasmapheresis -plasmase -plasmatic -plasmatical -plasmation -plasmatoparous -plasmatorrhexis -plasmic -plasmocyte -plasmocytoma -plasmode -plasmodesm -plasmodesma -plasmodesmal -plasmodesmic -plasmodesmus -plasmodia -plasmodial -plasmodiate -plasmodic -plasmodiocarp -plasmodiocarpous -Plasmodiophora -Plasmodiophoraceae -Plasmodiophorales -plasmodium -plasmogen -plasmolysis -plasmolytic -plasmolytically -plasmolyzability -plasmolyzable -plasmolyze -plasmoma -Plasmon -Plasmopara -plasmophagous -plasmophagy -plasmoptysis -plasmosoma -plasmosome -plasmotomy -plasome -plass -plasson -plastein -plaster -plasterbill -plasterboard -plasterer -plasteriness -plastering -plasterlike -plasterwise -plasterwork -plastery -Plastic -plastic -plastically -plasticimeter -Plasticine -plasticine -plasticism -plasticity -plasticization -plasticize -plasticizer -plasticly -plastics -plastid -plastidium -plastidome -Plastidozoa -plastidular -plastidule -plastify -plastin -plastinoid -plastisol -plastochondria -plastochron -plastochrone -plastodynamia -plastodynamic -plastogamic -plastogamy -plastogene -plastomere -plastometer -plastosome -plastotype -plastral -plastron -plastrum -plat -Plataean -Platalea -Plataleidae -plataleiform -Plataleinae -plataleine -platan -Platanaceae -platanaceous -platane -platanist -Platanista -Platanistidae -platano -Platanus -platband -platch -plate -platea -plateasm -plateau -plateaux -plated -plateful -plateholder -plateiasmus -platelayer -plateless -platelet -platelike -platemaker -platemaking -plateman -platen -plater -platerer -plateresque -platery -plateway -platework -plateworker -platform -platformally -platformed -platformer -platformish -platformism -platformist -platformistic -platformless -platformy -platic -platicly -platilla -platina -platinamine -platinammine -platinate -Platine -plating -platinic -platinichloric -platinichloride -platiniferous -platiniridium -platinite -platinization -platinize -platinochloric -platinochloride -platinocyanic -platinocyanide -platinoid -platinotype -platinous -platinum -platinumsmith -platitude -platitudinal -platitudinarian -platitudinarianism -platitudinism -platitudinist -platitudinization -platitudinize -platitudinizer -platitudinous -platitudinously -platitudinousness -Platoda -platode -Platodes -platoid -Platonesque -platonesque -Platonian -Platonic -Platonical -Platonically -Platonicalness -Platonician -Platonicism -Platonism -Platonist -Platonistic -Platonization -Platonize -Platonizer -platoon -platopic -platosamine -platosammine -Platt -Plattdeutsch -platted -platten -platter -platterface -platterful -platting -plattnerite -platty -platurous -platy -platybasic -platybrachycephalic -platybrachycephalous -platybregmatic -platycarpous -Platycarpus -Platycarya -platycelian -platycelous -platycephalic -Platycephalidae -platycephalism -platycephaloid -platycephalous -Platycephalus -platycephaly -Platycercinae -platycercine -Platycercus -Platycerium -platycheiria -platycnemia -platycnemic -Platycodon -platycoria -platycrania -platycranial -Platyctenea -platycyrtean -platydactyl -platydactyle -platydactylous -platydolichocephalic -platydolichocephalous -platyfish -platyglossal -platyglossate -platyglossia -Platyhelmia -platyhelminth -Platyhelminthes -platyhelminthic -platyhieric -platykurtic -platylobate -platymeria -platymeric -platymery -platymesaticephalic -platymesocephalic -platymeter -platymyoid -platynite -platynotal -platyodont -platyope -platyopia -platyopic -platypellic -platypetalous -platyphyllous -platypod -Platypoda -platypodia -platypodous -Platyptera -platypus -platypygous -Platyrhina -Platyrhini -platyrhynchous -platyrrhin -Platyrrhina -platyrrhine -Platyrrhini -platyrrhinian -platyrrhinic -platyrrhinism -platyrrhiny -platysma -platysmamyoides -platysomid -Platysomidae -Platysomus -platystaphyline -Platystemon -platystencephalia -platystencephalic -platystencephalism -platystencephaly -platysternal -Platysternidae -Platystomidae -platystomous -platytrope -platytropy -plaud -plaudation -plaudit -plaudite -plauditor -plauditory -plauenite -plausibility -plausible -plausibleness -plausibly -plausive -plaustral -Plautine -Plautus -play -playa -playability -playable -playback -playbill -playbook -playbox -playboy -playboyism -playbroker -playcraft -playcraftsman -playday -playdown -player -playerdom -playeress -playfellow -playfellowship -playfield -playfolk -playful -playfully -playfulness -playgoer -playgoing -playground -playhouse -playingly -playless -playlet -playlike -playmaker -playmaking -playman -playmare -playmate -playmonger -playmongering -playock -playpen -playreader -playroom -playscript -playsome -playsomely -playsomeness -playstead -plaything -playtime -playward -playwoman -playwork -playwright -playwrightess -playwrighting -playwrightry -playwriter -playwriting -plaza -plazolite -plea -pleach -pleached -pleacher -plead -pleadable -pleadableness -pleader -pleading -pleadingly -pleadingness -pleaproof -pleasable -pleasableness -pleasance -pleasant -pleasantable -pleasantish -pleasantly -pleasantness -pleasantry -pleasantsome -please -pleasedly -pleasedness -pleaseman -pleaser -pleaship -pleasing -pleasingly -pleasingness -pleasurability -pleasurable -pleasurableness -pleasurably -pleasure -pleasureful -pleasurehood -pleasureless -pleasurelessly -pleasureman -pleasurement -pleasuremonger -pleasureproof -pleasurer -pleasuring -pleasurist -pleasurous -pleat -pleater -pleatless -pleb -plebe -plebeian -plebeiance -plebeianize -plebeianly -plebeianness -plebeity -plebianism -plebicolar -plebicolist -plebificate -plebification -plebify -plebiscitarian -plebiscitarism -plebiscitary -plebiscite -plebiscitic -plebiscitum -plebs -pleck -Plecoptera -plecopteran -plecopterid -plecopterous -Plecotinae -plecotine -Plecotus -plectognath -Plectognathi -plectognathic -plectognathous -plectopter -plectopteran -plectopterous -plectospondyl -Plectospondyli -plectospondylous -plectre -plectridial -plectridium -plectron -plectrum -pled -pledge -pledgeable -pledgee -pledgeless -pledgeor -pledger -pledgeshop -pledget -pledgor -Plegadis -plegaphonia -plegometer -Pleiades -pleiobar -pleiochromia -pleiochromic -pleiomastia -pleiomazia -pleiomerous -pleiomery -pleion -Pleione -pleionian -pleiophyllous -pleiophylly -pleiotaxis -pleiotropic -pleiotropically -pleiotropism -Pleistocene -Pleistocenic -pleistoseist -plemochoe -plemyrameter -plenarily -plenariness -plenarium -plenarty -plenary -plenicorn -pleniloquence -plenilunal -plenilunar -plenilunary -plenilune -plenipo -plenipotence -plenipotent -plenipotential -plenipotentiality -plenipotentiarily -plenipotentiarize -Plenipotentiary -plenipotentiary -plenipotentiaryship -plenish -plenishing -plenishment -plenism -plenist -plenitide -plenitude -plenitudinous -plenshing -plenteous -plenteously -plenteousness -plentiful -plentifully -plentifulness -plentify -plenty -plenum -pleny -pleochroic -pleochroism -pleochroitic -pleochromatic -pleochromatism -pleochroous -pleocrystalline -pleodont -pleomastia -pleomastic -pleomazia -pleometrosis -pleometrotic -pleomorph -pleomorphic -pleomorphism -pleomorphist -pleomorphous -pleomorphy -pleon -pleonal -pleonasm -pleonast -pleonaste -pleonastic -pleonastical -pleonastically -pleonectic -pleonexia -pleonic -pleophyletic -pleopod -pleopodite -Pleospora -Pleosporaceae -plerergate -plerocercoid -pleroma -pleromatic -plerome -pleromorph -plerophoric -plerophory -plerosis -plerotic -Plesianthropus -plesiobiosis -plesiobiotic -plesiomorphic -plesiomorphism -plesiomorphous -plesiosaur -Plesiosauri -Plesiosauria -plesiosaurian -plesiosauroid -Plesiosaurus -plesiotype -plessigraph -plessimeter -plessimetric -plessimetry -plessor -Plethodon -plethodontid -Plethodontidae -plethora -plethoretic -plethoretical -plethoric -plethorical -plethorically -plethorous -plethory -plethysmograph -plethysmographic -plethysmographically -plethysmography -pleura -Pleuracanthea -Pleuracanthidae -Pleuracanthini -pleuracanthoid -Pleuracanthus -pleural -pleuralgia -pleuralgic -pleurapophysial -pleurapophysis -pleurectomy -pleurenchyma -pleurenchymatous -pleuric -pleuriseptate -pleurisy -pleurite -pleuritic -pleuritical -pleuritically -pleuritis -Pleurobrachia -Pleurobrachiidae -pleurobranch -pleurobranchia -pleurobranchial -pleurobranchiate -pleurobronchitis -Pleurocapsa -Pleurocapsaceae -pleurocapsaceous -pleurocarp -Pleurocarpi -pleurocarpous -pleurocele -pleurocentesis -pleurocentral -pleurocentrum -Pleurocera -pleurocerebral -Pleuroceridae -pleuroceroid -Pleurococcaceae -pleurococcaceous -Pleurococcus -Pleurodelidae -Pleurodira -pleurodiran -pleurodire -pleurodirous -pleurodiscous -pleurodont -pleurodynia -pleurodynic -pleurogenic -pleurogenous -pleurohepatitis -pleuroid -pleurolith -pleurolysis -pleuron -Pleuronectes -pleuronectid -Pleuronectidae -pleuronectoid -Pleuronema -pleuropedal -pleuropericardial -pleuropericarditis -pleuroperitonaeal -pleuroperitoneal -pleuroperitoneum -pleuropneumonia -pleuropneumonic -pleuropodium -pleuropterygian -Pleuropterygii -pleuropulmonary -pleurorrhea -Pleurosaurus -Pleurosigma -pleurospasm -pleurosteal -Pleurosteon -pleurostict -Pleurosticti -Pleurostigma -pleurothotonic -pleurothotonus -Pleurotoma -Pleurotomaria -Pleurotomariidae -pleurotomarioid -Pleurotomidae -pleurotomine -pleurotomoid -pleurotomy -pleurotonic -pleurotonus -Pleurotremata -pleurotribal -pleurotribe -pleurotropous -Pleurotus -pleurotyphoid -pleurovisceral -pleurum -pleuston -pleustonic -plew -plex -plexal -plexicose -plexiform -pleximeter -pleximetric -pleximetry -plexodont -plexometer -plexor -plexure -plexus -pliability -pliable -pliableness -pliably -pliancy -pliant -pliantly -pliantness -plica -plicable -plical -plicate -plicated -plicately -plicateness -plicater -plicatile -plication -plicative -plicatocontorted -plicatocristate -plicatolacunose -plicatolobate -plicatopapillose -plicator -plicatoundulate -plicatulate -plicature -pliciferous -pliciform -plied -plier -plies -pliers -plight -plighted -plighter -plim -plimsoll -Plinian -plinth -plinther -plinthiform -plinthless -plinthlike -Pliny -Plinyism -Pliocene -Pliohippus -Pliopithecus -pliosaur -pliosaurian -Pliosauridae -Pliosaurus -pliothermic -Pliotron -pliskie -plisky -ploat -ploce -Ploceidae -ploceiform -Ploceinae -Ploceus -plock -plod -plodder -plodderly -plodding -ploddingly -ploddingness -plodge -Ploima -ploimate -plomb -plook -plop -ploration -ploratory -plosion -plosive -plot -plote -plotful -Plotinian -Plotinic -Plotinical -Plotinism -Plotinist -Plotinize -plotless -plotlessness -plotproof -plottage -plotted -plotter -plottery -plotting -plottingly -plotty -plough -ploughmanship -ploughtail -plouk -plouked -plouky -plounce -plousiocracy -plout -Plouteneion -plouter -plover -ploverlike -plovery -plow -plowable -plowbote -plowboy -plower -plowfish -plowfoot -plowgang -plowgate -plowgraith -plowhead -plowing -plowjogger -plowland -plowlight -plowline -plowmaker -plowman -plowmanship -plowmell -plowpoint -Plowrightia -plowshare -plowshoe -plowstaff -plowstilt -plowtail -plowwise -plowwoman -plowwright -ploy -ployment -Pluchea -pluck -pluckage -plucked -pluckedness -plucker -Pluckerian -pluckily -pluckiness -pluckless -plucklessness -plucky -plud -pluff -pluffer -pluffy -plug -plugboard -plugdrawer -pluggable -plugged -plugger -plugging -pluggingly -pluggy -plughole -plugless -pluglike -plugman -plugtray -plugtree -plum -pluma -plumaceous -plumach -plumade -plumage -plumaged -plumagery -plumasite -plumate -Plumatella -plumatellid -Plumatellidae -plumatelloid -plumb -plumbable -plumbage -Plumbaginaceae -plumbaginaceous -plumbagine -plumbaginous -plumbago -plumbate -plumbean -plumbeous -plumber -plumbership -plumbery -plumbet -plumbic -plumbiferous -plumbing -plumbism -plumbisolvent -plumbite -plumbless -plumbness -plumbog -plumbojarosite -plumboniobate -plumbosolvency -plumbosolvent -plumbous -plumbum -plumcot -plumdamas -plumdamis -plume -plumed -plumeless -plumelet -plumelike -plumemaker -plumemaking -plumeopicean -plumeous -plumer -plumery -plumet -plumette -plumicorn -plumier -Plumiera -plumieride -plumification -plumiform -plumiformly -plumify -plumigerous -pluminess -plumiped -plumipede -plumist -plumless -plumlet -plumlike -plummer -plummet -plummeted -plummetless -plummy -plumose -plumosely -plumoseness -plumosity -plumous -plump -plumpen -plumper -plumping -plumpish -plumply -plumpness -plumps -plumpy -plumula -plumulaceous -plumular -Plumularia -plumularian -Plumulariidae -plumulate -plumule -plumuliform -plumulose -plumy -plunder -plunderable -plunderage -plunderbund -plunderer -plunderess -plundering -plunderingly -plunderless -plunderous -plunderproof -plunge -plunger -plunging -plungingly -plunk -plunther -plup -plupatriotic -pluperfect -pluperfectly -pluperfectness -plural -pluralism -pluralist -pluralistic -pluralistically -plurality -pluralization -pluralize -pluralizer -plurally -plurative -plurennial -pluriaxial -pluricarinate -pluricarpellary -pluricellular -pluricentral -pluricipital -pluricuspid -pluricuspidate -pluridentate -pluries -plurifacial -plurifetation -plurification -pluriflagellate -pluriflorous -plurifoliate -plurifoliolate -plurify -pluriglandular -pluriguttulate -plurilateral -plurilingual -plurilingualism -plurilingualist -plurilocular -plurimammate -plurinominal -plurinucleate -pluripara -pluriparity -pluriparous -pluripartite -pluripetalous -pluripotence -pluripotent -pluripresence -pluriseptate -pluriserial -pluriseriate -pluriseriated -plurisetose -plurispiral -plurisporous -plurisyllabic -plurisyllable -plurivalent -plurivalve -plurivorous -plurivory -plus -plush -plushed -plushette -plushily -plushiness -plushlike -plushy -Plusia -Plusiinae -plusquamperfect -plussage -Plutarchian -Plutarchic -Plutarchical -Plutarchically -plutarchy -pluteal -plutean -pluteiform -Plutella -pluteus -Pluto -plutocracy -plutocrat -plutocratic -plutocratical -plutocratically -plutolatry -plutological -plutologist -plutology -plutomania -Plutonian -plutonian -plutonic -Plutonion -plutonism -plutonist -plutonite -Plutonium -plutonium -plutonometamorphism -plutonomic -plutonomist -plutonomy -pluvial -pluvialiform -pluvialine -Pluvialis -pluvian -pluvine -pluviograph -pluviographic -pluviographical -pluviography -pluviometer -pluviometric -pluviometrical -pluviometrically -pluviometry -pluvioscope -pluviose -pluviosity -pluvious -ply -plyer -plying -plyingly -Plymouth -Plymouthism -Plymouthist -Plymouthite -Plynlymmon -plywood -pneodynamics -pneograph -pneomanometer -pneometer -pneometry -pneophore -pneoscope -pneuma -pneumarthrosis -pneumathaemia -pneumatic -pneumatical -pneumatically -pneumaticity -pneumatics -pneumatism -pneumatist -pneumatize -pneumatized -pneumatocardia -pneumatocele -pneumatochemical -pneumatochemistry -pneumatocyst -pneumatocystic -pneumatode -pneumatogenic -pneumatogenous -pneumatogram -pneumatograph -pneumatographer -pneumatographic -pneumatography -pneumatolitic -pneumatologic -pneumatological -pneumatologist -pneumatology -pneumatolysis -pneumatolytic -Pneumatomachian -Pneumatomachist -Pneumatomachy -pneumatometer -pneumatometry -pneumatomorphic -pneumatonomy -pneumatophany -pneumatophilosophy -pneumatophobia -pneumatophonic -pneumatophony -pneumatophore -pneumatophorous -pneumatorrhachis -pneumatoscope -pneumatosic -pneumatosis -pneumatotactic -pneumatotherapeutics -pneumatotherapy -Pneumatria -pneumaturia -pneumectomy -pneumobacillus -Pneumobranchia -Pneumobranchiata -pneumocele -pneumocentesis -pneumochirurgia -pneumococcal -pneumococcemia -pneumococcic -pneumococcous -pneumococcus -pneumoconiosis -pneumoderma -pneumodynamic -pneumodynamics -pneumoencephalitis -pneumoenteritis -pneumogastric -pneumogram -pneumograph -pneumographic -pneumography -pneumohemothorax -pneumohydropericardium -pneumohydrothorax -pneumolith -pneumolithiasis -pneumological -pneumology -pneumolysis -pneumomalacia -pneumomassage -Pneumometer -pneumomycosis -pneumonalgia -pneumonectasia -pneumonectomy -pneumonedema -pneumonia -pneumonic -pneumonitic -pneumonitis -pneumonocace -pneumonocarcinoma -pneumonocele -pneumonocentesis -pneumonocirrhosis -pneumonoconiosis -pneumonodynia -pneumonoenteritis -pneumonoerysipelas -pneumonographic -pneumonography -pneumonokoniosis -pneumonolith -pneumonolithiasis -pneumonolysis -pneumonomelanosis -pneumonometer -pneumonomycosis -pneumonoparesis -pneumonopathy -pneumonopexy -pneumonophorous -pneumonophthisis -pneumonopleuritis -pneumonorrhagia -pneumonorrhaphy -pneumonosis -pneumonotherapy -pneumonotomy -pneumony -pneumopericardium -pneumoperitoneum -pneumoperitonitis -pneumopexy -pneumopleuritis -pneumopyothorax -pneumorrachis -pneumorrhachis -pneumorrhagia -pneumotactic -pneumotherapeutics -pneumotherapy -pneumothorax -pneumotomy -pneumotoxin -pneumotropic -pneumotropism -pneumotyphoid -pneumotyphus -pneumoventriculography -Po -po -Poa -Poaceae -poaceous -poach -poachable -poacher -poachiness -poachy -Poales -poalike -pob -pobby -Poblacht -poblacion -pobs -pochade -pochard -pochay -poche -pochette -pocilliform -pock -pocket -pocketable -pocketableness -pocketbook -pocketed -pocketer -pocketful -pocketing -pocketknife -pocketless -pocketlike -pockety -pockhouse -pockily -pockiness -pockmanteau -pockmantie -pockmark -pockweed -pockwood -pocky -poco -pococurante -pococuranteism -pococurantic -pococurantish -pococurantism -pococurantist -pocosin -poculary -poculation -poculent -poculiform -pod -podagra -podagral -podagric -podagrical -podagrous -podal -podalgia -podalic -Podaliriidae -Podalirius -Podarge -Podargidae -Podarginae -podargine -podargue -Podargus -podarthral -podarthritis -podarthrum -podatus -Podaxonia -podaxonial -podded -podder -poddidge -poddish -poddle -poddy -podelcoma -podeon -podesta -podesterate -podetiiform -podetium -podex -podge -podger -podgily -podginess -podgy -podial -podiatrist -podiatry -podical -Podiceps -podices -Podicipedidae -podilegous -podite -poditic -poditti -podium -podler -podley -podlike -podobranch -podobranchia -podobranchial -podobranchiate -podocarp -Podocarpaceae -Podocarpineae -podocarpous -Podocarpus -podocephalous -pododerm -pododynia -podogyn -podogyne -podogynium -Podolian -podolite -podology -podomancy -podomere -podometer -podometry -Podophrya -Podophryidae -Podophthalma -Podophthalmata -podophthalmate -podophthalmatous -Podophthalmia -podophthalmian -podophthalmic -podophthalmite -podophthalmitic -podophthalmous -Podophyllaceae -podophyllic -podophyllin -podophyllotoxin -podophyllous -Podophyllum -podophyllum -podoscaph -podoscapher -podoscopy -Podosomata -podosomatous -podosperm -Podosphaera -Podostemaceae -podostemaceous -podostemad -Podostemon -Podostemonaceae -podostemonaceous -Podostomata -podostomatous -podotheca -podothecal -Podozamites -Podsnap -Podsnappery -podsol -podsolic -podsolization -podsolize -Podunk -Podura -poduran -podurid -Poduridae -podware -podzol -podzolic -podzolization -podzolize -poe -Poecile -Poeciliidae -poecilitic -Poecilocyttares -poecilocyttarous -poecilogonous -poecilogony -poecilomere -poecilonym -poecilonymic -poecilonymy -poecilopod -Poecilopoda -poecilopodous -poem -poematic -poemet -poemlet -Poephaga -poephagous -Poephagus -poesie -poesiless -poesis -poesy -poet -poetaster -poetastering -poetasterism -poetastery -poetastress -poetastric -poetastrical -poetastry -poetcraft -poetdom -poetesque -poetess -poethood -poetic -poetical -poeticality -poetically -poeticalness -poeticism -poeticize -poeticness -poetics -poeticule -poetito -poetization -poetize -poetizer -poetless -poetlike -poetling -poetly -poetomachia -poetress -poetry -poetryless -poetship -poetwise -pogamoggan -pogge -poggy -Pogo -Pogonatum -Pogonia -pogoniasis -pogoniate -pogonion -pogonip -pogoniris -pogonite -pogonological -pogonologist -pogonology -pogonotomy -pogonotrophy -pogrom -pogromist -pogromize -pogy -poh -poha -pohickory -pohna -pohutukawa -poi -Poiana -Poictesme -poietic -poignance -poignancy -poignant -poignantly -poignet -poikilitic -poikiloblast -poikiloblastic -poikilocyte -poikilocythemia -poikilocytosis -poikilotherm -poikilothermic -poikilothermism -poil -poilu -poimenic -poimenics -Poinciana -poind -poindable -poinder -poinding -Poinsettia -point -pointable -pointage -pointed -pointedly -pointedness -pointel -pointer -pointful -pointfully -pointfulness -pointillism -pointillist -pointing -pointingly -pointless -pointlessly -pointlessness -pointlet -pointleted -pointmaker -pointman -pointment -pointrel -pointsman -pointswoman -pointways -pointwise -pointy -poisable -poise -poised -poiser -poison -poisonable -poisonful -poisonfully -poisoning -poisonless -poisonlessness -poisonmaker -poisonous -poisonously -poisonousness -poisonproof -poisonweed -poisonwood -poitrail -poitrel -poivrade -pokable -Pokan -Pokanoket -poke -pokeberry -poked -pokeful -pokeloken -pokeout -poker -pokerish -pokerishly -pokerishness -pokeroot -pokeweed -pokey -pokily -pokiness -poking -Pokom -Pokomam -Pokomo -pokomoo -Pokonchi -pokunt -poky -pol -Polab -Polabian -Polabish -polacca -Polack -polack -polacre -Polander -Polanisia -polar -polaric -Polarid -polarigraphic -polarimeter -polarimetric -polarimetry -Polaris -polariscope -polariscopic -polariscopically -polariscopist -polariscopy -polaristic -polaristrobometer -polarity -polarizability -polarizable -polarization -polarize -polarizer -polarly -polarogram -polarograph -polarographic -polarographically -polarography -Polaroid -polarward -polaxis -poldavis -poldavy -polder -polderboy -polderman -Pole -pole -polearm -poleax -poleaxe -poleaxer -poleburn -polecat -polehead -poleless -poleman -polemarch -polemic -polemical -polemically -polemician -polemicist -polemics -polemist -polemize -Polemoniaceae -polemoniaceous -Polemoniales -Polemonium -polemoscope -polenta -poler -polesetter -Polesian -polesman -polestar -poleward -polewards -poley -poliad -poliadic -Polian -polianite -Polianthes -police -policed -policedom -policeless -policeman -policemanish -policemanism -policemanlike -policemanship -policewoman -Polichinelle -policial -policize -policizer -policlinic -policy -policyholder -poliencephalitis -poliencephalomyelitis -poligar -poligarship -poligraphical -Polinices -polio -polioencephalitis -polioencephalomyelitis -poliomyelitis -poliomyelopathy -polioneuromere -poliorcetic -poliorcetics -poliosis -polis -Polish -polish -polishable -polished -polishedly -polishedness -polisher -polishment -polisman -polissoir -Polistes -politarch -politarchic -Politbureau -Politburo -polite -politeful -politely -politeness -politesse -politic -political -politicalism -politicalize -politically -politicaster -politician -politicious -politicist -politicize -politicizer -politicly -politico -politicomania -politicophobia -politics -politied -Politique -politist -politize -polity -politzerization -politzerize -polk -polka -Poll -poll -pollable -pollack -polladz -pollage -pollakiuria -pollam -pollan -pollarchy -pollard -pollbook -polled -pollen -pollened -polleniferous -pollenigerous -pollenite -pollenivorous -pollenless -pollenlike -pollenproof -pollent -poller -polleten -pollex -pollical -pollicar -pollicate -pollicitation -pollinar -pollinarium -pollinate -pollination -pollinator -pollinctor -pollincture -polling -pollinia -pollinic -pollinical -polliniferous -pollinigerous -pollinium -pollinivorous -pollinization -pollinize -pollinizer -pollinodial -pollinodium -pollinoid -pollinose -pollinosis -polliwig -polliwog -pollock -polloi -pollster -pollucite -pollutant -pollute -polluted -pollutedly -pollutedness -polluter -polluting -pollutingly -pollution -Pollux -pollux -Polly -Pollyanna -Pollyannish -pollywog -polo -poloconic -polocyte -poloist -polonaise -Polonese -Polonia -Polonial -Polonian -Polonism -polonium -Polonius -Polonization -Polonize -polony -polos -polska -polt -poltergeist -poltfoot -poltfooted -poltina -poltinnik -poltophagic -poltophagist -poltophagy -poltroon -poltroonery -poltroonish -poltroonishly -poltroonism -poluphloisboic -poluphloisboiotatotic -poluphloisboiotic -polverine -poly -polyacanthus -polyacid -polyacoustic -polyacoustics -polyact -polyactinal -polyactine -Polyactinia -polyad -polyadelph -Polyadelphia -polyadelphian -polyadelphous -polyadenia -polyadenitis -polyadenoma -polyadenous -polyadic -polyaffectioned -polyalcohol -polyamide -polyamylose -Polyandria -polyandria -polyandrian -polyandrianism -polyandric -polyandrious -polyandrism -polyandrist -polyandrium -polyandrous -polyandry -Polyangium -polyangular -polyantha -polyanthous -polyanthus -polyanthy -polyarch -polyarchal -polyarchical -polyarchist -polyarchy -polyarteritis -polyarthric -polyarthritic -polyarthritis -polyarthrous -polyarticular -polyatomic -polyatomicity -polyautographic -polyautography -polyaxial -polyaxon -polyaxone -polyaxonic -polybasic -polybasicity -polybasite -polyblast -Polyborinae -polyborine -Polyborus -polybranch -Polybranchia -polybranchian -Polybranchiata -polybranchiate -polybromid -polybromide -polybunous -polybuny -polybuttoned -polycarboxylic -Polycarp -polycarpellary -polycarpic -Polycarpon -polycarpous -polycarpy -polycellular -polycentral -polycentric -polycephalic -polycephalous -polycephaly -Polychaeta -polychaete -polychaetous -polychasial -polychasium -polychloride -polychoerany -polychord -polychotomous -polychotomy -polychrest -polychrestic -polychrestical -polychresty -polychroic -polychroism -polychromasia -polychromate -polychromatic -polychromatism -polychromatist -polychromatize -polychromatophil -polychromatophile -polychromatophilia -polychromatophilic -polychrome -polychromia -polychromic -polychromism -polychromize -polychromous -polychromy -polychronious -polyciliate -polycitral -polyclad -Polycladida -polycladine -polycladose -polycladous -polyclady -Polycletan -polyclinic -polyclona -polycoccous -Polycodium -polyconic -polycormic -polycotyl -polycotyledon -polycotyledonary -polycotyledonous -polycotyledony -polycotylous -polycotyly -polycracy -polycrase -polycratic -polycrotic -polycrotism -polycrystalline -polyctenid -Polyctenidae -polycttarian -polycyanide -polycyclic -polycycly -polycyesis -polycystic -polycythemia -polycythemic -Polycyttaria -polydactyl -polydactyle -polydactylism -polydactylous -Polydactylus -polydactyly -polydaemoniac -polydaemonism -polydaemonist -polydaemonistic -polydemic -polydenominational -polydental -polydermous -polydermy -polydigital -polydimensional -polydipsia -polydisperse -polydomous -polydymite -polydynamic -polyeidic -polyeidism -polyembryonate -polyembryonic -polyembryony -polyemia -polyemic -polyenzymatic -polyergic -Polyergus -polyester -polyesthesia -polyesthetic -polyethnic -polyethylene -polyfenestral -polyflorous -polyfoil -polyfold -Polygala -Polygalaceae -polygalaceous -polygalic -polygam -Polygamia -polygamian -polygamic -polygamical -polygamically -polygamist -polygamistic -polygamize -polygamodioecious -polygamous -polygamously -polygamy -polyganglionic -polygastric -polygene -polygenesic -polygenesis -polygenesist -polygenetic -polygenetically -polygenic -polygenism -polygenist -polygenistic -polygenous -polygeny -polyglandular -polyglobulia -polyglobulism -polyglossary -polyglot -polyglotry -polyglottal -polyglottally -polyglotted -polyglotter -polyglottery -polyglottic -polyglottically -polyglottism -polyglottist -polyglottonic -polyglottous -polyglotwise -polyglycerol -polygon -Polygonaceae -polygonaceous -polygonal -Polygonales -polygonally -Polygonatum -Polygonella -polygoneutic -polygoneutism -Polygonia -polygonic -polygonically -polygonoid -polygonous -Polygonum -polygony -Polygordius -polygram -polygrammatic -polygraph -polygrapher -polygraphic -polygraphy -polygroove -polygrooved -polygyn -polygynaiky -Polygynia -polygynian -polygynic -polygynious -polygynist -polygynoecial -polygynous -polygyny -polygyral -polygyria -polyhaemia -polyhaemic -polyhalide -polyhalite -polyhalogen -polyharmonic -polyharmony -polyhedral -polyhedric -polyhedrical -polyhedroid -polyhedron -polyhedrosis -polyhedrous -polyhemia -polyhidrosis -polyhistor -polyhistorian -polyhistoric -polyhistory -polyhybrid -polyhydric -polyhydroxy -polyideic -polyideism -polyidrosis -polyiodide -polykaryocyte -polylaminated -polylemma -polylepidous -polylinguist -polylith -polylithic -polylobular -polylogy -polyloquent -polymagnet -polymastia -polymastic -Polymastiga -polymastigate -Polymastigida -Polymastigina -polymastigous -polymastism -Polymastodon -polymastodont -polymasty -polymath -polymathic -polymathist -polymathy -polymazia -polymelia -polymelian -polymely -polymer -polymere -polymeria -polymeric -polymeride -polymerism -polymerization -polymerize -polymerous -polymetallism -polymetameric -polymeter -polymethylene -polymetochia -polymetochic -polymicrian -polymicrobial -polymicrobic -polymicroscope -polymignite -Polymixia -polymixiid -Polymixiidae -Polymnestor -Polymnia -polymnite -polymolecular -polymolybdate -polymorph -Polymorpha -polymorphean -polymorphic -polymorphism -polymorphistic -polymorphonuclear -polymorphonucleate -polymorphosis -polymorphous -polymorphy -Polymyaria -polymyarian -Polymyarii -Polymyodi -polymyodian -polymyodous -polymyoid -polymyositis -polymythic -polymythy -polynaphthene -polynemid -Polynemidae -polynemoid -Polynemus -Polynesian -polynesic -polyneural -polyneuric -polyneuritic -polyneuritis -polyneuropathy -polynodal -Polynoe -polynoid -Polynoidae -polynome -polynomial -polynomialism -polynomialist -polynomic -polynucleal -polynuclear -polynucleate -polynucleated -polynucleolar -polynucleosis -Polyodon -polyodont -polyodontal -polyodontia -Polyodontidae -polyodontoid -polyoecious -polyoeciously -polyoeciousness -polyoecism -polyoecy -polyoicous -polyommatous -polyonomous -polyonomy -polyonychia -polyonym -polyonymal -polyonymic -polyonymist -polyonymous -polyonymy -polyophthalmic -polyopia -polyopic -polyopsia -polyopsy -polyorama -polyorchidism -polyorchism -polyorganic -polyose -polyoxide -polyoxymethylene -polyp -polypage -polypaged -polypapilloma -polyparasitic -polyparasitism -polyparesis -polyparia -polyparian -polyparium -polyparous -polypary -polypean -polyped -Polypedates -polypeptide -polypetal -Polypetalae -polypetalous -Polyphaga -polyphage -polyphagia -polyphagian -polyphagic -polyphagist -polyphagous -polyphagy -polyphalangism -polypharmacal -polypharmacist -polypharmacon -polypharmacy -polypharmic -polyphasal -polyphase -polyphaser -Polypheme -polyphemian -polyphemic -polyphemous -polyphenol -polyphloesboean -polyphloisboioism -polyphloisboism -polyphobia -polyphobic -polyphone -polyphoned -polyphonia -polyphonic -polyphonical -polyphonism -polyphonist -polyphonium -polyphonous -polyphony -polyphore -polyphosphoric -polyphotal -polyphote -polyphylesis -polyphyletic -polyphyletically -polyphylety -polyphylline -polyphyllous -polyphylly -polyphylogeny -polyphyly -polyphyodont -Polypi -polypi -polypian -polypide -polypidom -Polypifera -polypiferous -polypigerous -polypinnate -polypite -Polyplacophora -polyplacophoran -polyplacophore -polyplacophorous -polyplastic -Polyplectron -polyplegia -polyplegic -polyploid -polyploidic -polyploidy -polypnoea -polypnoeic -polypod -Polypoda -polypodia -Polypodiaceae -polypodiaceous -Polypodium -polypodous -polypody -polypoid -polypoidal -Polypomorpha -polypomorphic -Polyporaceae -polyporaceous -polypore -polyporite -polyporoid -polyporous -Polyporus -polypose -polyposis -polypotome -polypous -polypragmacy -polypragmatic -polypragmatical -polypragmatically -polypragmatism -polypragmatist -polypragmaty -polypragmist -polypragmon -polypragmonic -polypragmonist -polyprene -polyprism -polyprismatic -polyprothetic -polyprotodont -Polyprotodontia -polypseudonymous -polypsychic -polypsychical -polypsychism -polypterid -Polypteridae -polypteroid -Polypterus -polyptote -polyptoton -polyptych -polypus -polyrhizal -polyrhizous -polyrhythmic -polyrhythmical -polysaccharide -polysaccharose -Polysaccum -polysalicylide -polysarcia -polysarcous -polyschematic -polyschematist -polyscope -polyscopic -polysemant -polysemantic -polysemeia -polysemia -polysemous -polysemy -polysensuous -polysensuousness -polysepalous -polyseptate -polyserositis -polysided -polysidedness -polysilicate -polysilicic -Polysiphonia -polysiphonic -polysiphonous -polysomatic -polysomatous -polysomaty -polysomia -polysomic -polysomitic -polysomous -polysomy -polyspast -polyspaston -polyspermal -polyspermatous -polyspermia -polyspermic -polyspermous -polyspermy -polyspondylic -polyspondylous -polyspondyly -Polyspora -polysporangium -polyspore -polyspored -polysporic -polysporous -polystachyous -polystaurion -polystele -polystelic -polystemonous -polystichoid -polystichous -Polystichum -Polystictus -Polystomata -Polystomatidae -polystomatous -polystome -Polystomea -Polystomella -Polystomidae -polystomium -polystylar -polystyle -polystylous -polystyrene -polysulphide -polysulphuration -polysulphurization -polysyllabic -polysyllabical -polysyllabically -polysyllabicism -polysyllabicity -polysyllabism -polysyllable -polysyllogism -polysyllogistic -polysymmetrical -polysymmetrically -polysymmetry -polysyndetic -polysyndetically -polysyndeton -polysynthesis -polysynthesism -polysynthetic -polysynthetical -polysynthetically -polysyntheticism -polysynthetism -polysynthetize -polytechnic -polytechnical -polytechnics -polytechnist -polyterpene -Polythalamia -polythalamian -polythalamic -polythalamous -polythecial -polytheism -polytheist -polytheistic -polytheistical -polytheistically -polytheize -polythelia -polythelism -polythely -polythene -polythionic -polytitanic -polytocous -polytokous -polytoky -polytomous -polytomy -polytonal -polytonalism -polytonality -polytone -polytonic -polytony -polytope -polytopic -polytopical -Polytrichaceae -polytrichaceous -polytrichia -polytrichous -Polytrichum -polytrochal -polytrochous -polytrope -polytrophic -polytropic -polytungstate -polytungstic -polytype -polytypic -polytypical -polytypy -polyuresis -polyuria -polyuric -polyvalence -polyvalent -polyvinyl -polyvinylidene -polyvirulent -polyvoltine -Polyzoa -polyzoal -polyzoan -polyzoarial -polyzoarium -polyzoary -polyzoic -polyzoism -polyzonal -polyzooid -polyzoon -polzenite -pom -pomace -Pomaceae -pomacentrid -Pomacentridae -pomacentroid -Pomacentrus -pomaceous -pomade -Pomaderris -Pomak -pomander -pomane -pomarine -pomarium -pomate -pomato -pomatomid -Pomatomidae -Pomatomus -pomatorhine -pomatum -pombe -pombo -pome -pomegranate -pomelo -Pomeranian -pomeridian -pomerium -pomewater -pomey -pomfret -pomiculture -pomiculturist -pomiferous -pomiform -pomivorous -Pommard -pomme -pommee -pommel -pommeled -pommeler -pommet -pommey -pommy -Pomo -pomological -pomologically -pomologist -pomology -Pomona -pomonal -pomonic -pomp -pompa -Pompadour -pompadour -pompal -pompano -Pompeian -Pompeii -pompelmous -Pompey -pompey -pompholix -pompholygous -pompholyx -pomphus -pompier -pompilid -Pompilidae -pompiloid -Pompilus -pompion -pompist -pompless -pompoleon -pompon -pomposity -pompous -pompously -pompousness -pompster -Pomptine -pomster -pon -Ponca -ponce -ponceau -poncelet -poncho -ponchoed -Poncirus -pond -pondage -pondbush -ponder -ponderability -ponderable -ponderableness -ponderal -ponderance -ponderancy -ponderant -ponderary -ponderate -ponderation -ponderative -ponderer -pondering -ponderingly -ponderling -ponderment -ponderomotive -ponderosapine -ponderosity -ponderous -ponderously -ponderousness -pondfish -pondful -pondgrass -pondlet -pondman -Pondo -pondok -pondokkie -Pondomisi -pondside -pondus -pondweed -pondwort -pondy -pone -ponent -Ponera -Poneramoeba -ponerid -Poneridae -Ponerinae -ponerine -poneroid -ponerology -poney -pong -ponga -pongee -Pongidae -Pongo -poniard -ponica -ponier -ponja -pont -Pontac -Pontacq -pontage -pontal -Pontederia -Pontederiaceae -pontederiaceous -pontee -pontes -pontianak -Pontic -pontic -ponticello -ponticular -ponticulus -pontifex -pontiff -pontific -pontifical -pontificalia -pontificalibus -pontificality -pontifically -pontificate -pontification -pontifices -pontificial -pontificially -pontificious -pontify -pontil -pontile -pontin -Pontine -pontine -pontist -pontlevis -ponto -Pontocaspian -pontocerebellar -ponton -pontonier -pontoon -pontooneer -pontooner -pontooning -Pontus -pontvolant -pony -ponzite -pooa -pooch -pooder -poodle -poodledom -poodleish -poodleship -poof -poogye -pooh -poohpoohist -pook -pooka -pookaun -pookoo -pool -pooler -pooli -poolroom -poolroot -poolside -poolwort -pooly -poon -poonac -poonga -poonghie -poop -pooped -poophyte -poophytic -poor -poorhouse -poorish -poorliness -poorling -poorly -poorlyish -poormaster -poorness -poorweed -poorwill -poot -Pop -pop -popadam -popal -popcorn -popdock -pope -Popean -popedom -popeholy -popehood -popeism -popeler -popeless -popelike -popeline -popely -popery -popeship -popess -popeye -popeyed -popglove -popgun -popgunner -popgunnery -Popian -popify -popinac -popinjay -Popish -popish -popishly -popishness -popjoy -poplar -poplared -Poplilia -poplin -poplinette -popliteal -popliteus -poplolly -Popocracy -Popocrat -Popolari -Popoloco -popomastic -popover -Popovets -poppa -poppability -poppable -poppean -poppel -popper -poppet -poppethead -poppied -poppin -popple -popply -poppy -poppycock -poppycockish -poppyfish -poppyhead -poppylike -poppywort -popshop -populace -popular -popularism -Popularist -popularity -popularization -popularize -popularizer -popularly -popularness -populate -population -populational -populationist -populationistic -populationless -populator -populicide -populin -Populism -Populist -Populistic -populous -populously -populousness -Populus -popweed -poral -porbeagle -porcate -porcated -porcelain -porcelainization -porcelainize -porcelainlike -porcelainous -porcelaneous -porcelanic -porcelanite -porcelanous -Porcellana -porcellanian -porcellanid -Porcellanidae -porcellanize -porch -porched -porching -porchless -porchlike -porcine -Porcula -porcupine -porcupinish -pore -pored -porelike -Porella -porencephalia -porencephalic -porencephalitis -porencephalon -porencephalous -porencephalus -porencephaly -porer -porge -porger -porgy -Poria -poricidal -Porifera -poriferal -poriferan -poriferous -poriform -porimania -poriness -poring -poringly -poriomanic -porism -porismatic -porismatical -porismatically -poristic -poristical -porite -Porites -Poritidae -poritoid -pork -porkburger -porker -porkery -porket -porkfish -porkish -porkless -porkling -porkman -Porkopolis -porkpie -porkwood -porky -pornerastic -pornocracy -pornocrat -pornograph -pornographer -pornographic -pornographically -pornographist -pornography -pornological -Porocephalus -porodine -porodite -porogam -porogamic -porogamous -porogamy -porokaiwhiria -porokeratosis -Porokoto -poroma -porometer -porophyllous -poroplastic -poroporo -pororoca -poros -poroscope -poroscopic -poroscopy -porose -poroseness -porosimeter -porosis -porosity -porotic -porotype -porous -porously -porousness -porpentine -porphine -Porphyra -Porphyraceae -porphyraceous -porphyratin -Porphyrean -porphyria -Porphyrian -porphyrian -Porphyrianist -porphyrin -porphyrine -porphyrinuria -Porphyrio -porphyrion -porphyrite -porphyritic -porphyroblast -porphyroblastic -porphyrogene -porphyrogenite -porphyrogenitic -porphyrogenitism -porphyrogeniture -porphyrogenitus -porphyroid -porphyrophore -porphyrous -porphyry -Porpita -porpitoid -porpoise -porpoiselike -porporate -porr -porraceous -porrect -porrection -porrectus -porret -porridge -porridgelike -porridgy -porriginous -porrigo -Porrima -porringer -porriwiggle -porry -port -porta -portability -portable -portableness -portably -portage -portague -portahepatis -portail -portal -portaled -portalled -portalless -portamento -portance -portass -portatile -portative -portcrayon -portcullis -porteacid -ported -porteligature -portend -portendance -portendment -Porteno -portension -portent -portention -portentosity -portentous -portentously -portentousness -porteous -porter -porterage -Porteranthus -porteress -porterhouse -porterlike -porterly -portership -portfire -portfolio -portglaive -portglave -portgrave -Porthetria -Portheus -porthole -porthook -porthors -porthouse -Portia -portia -portico -porticoed -portiere -portiered -portifory -portify -portio -portiomollis -portion -portionable -portional -portionally -portioner -portionist -portionize -portionless -portitor -Portlandian -portlast -portless -portlet -portligature -portlily -portliness -portly -portman -portmanmote -portmanteau -portmanteaux -portmantle -portmantologism -portment -portmoot -porto -portoise -portolan -portolano -Portor -portrait -portraitist -portraitlike -portraiture -portray -portrayable -portrayal -portrayer -portrayist -portrayment -portreeve -portreeveship -portress -portside -portsider -portsman -portuary -portugais -Portugal -Portugalism -Portugee -Portuguese -Portulaca -Portulacaceae -portulacaceous -Portulacaria -portulan -Portunalia -portunian -Portunidae -Portunus -portway -porty -porule -porulose -porulous -porus -porwigle -pory -Porzana -posadaship -posca -pose -Poseidon -Poseidonian -posement -poser -poseur -posey -posh -posing -posingly -posit -position -positional -positioned -positioner -positionless -positival -positive -positively -positiveness -positivism -positivist -positivistic -positivistically -positivity -positivize -positor -positron -positum -positure -Posnanian -posnet -posole -posologic -posological -posologist -posology -pospolite -poss -posse -posseman -possess -possessable -possessed -possessedly -possessedness -possessing -possessingly -possessingness -possession -possessional -possessionalism -possessionalist -possessionary -possessionate -possessioned -possessioner -possessionist -possessionless -possessionlessness -possessival -possessive -possessively -possessiveness -possessor -possessoress -possessorial -possessoriness -possessorship -possessory -posset -possibilism -possibilist -possibilitate -possibility -possible -possibleness -possibly -possum -possumwood -post -postabdomen -postabdominal -postable -postabortal -postacetabular -postadjunct -postage -postal -postallantoic -postally -postalveolar -postament -postamniotic -postanal -postanesthetic -postantennal -postaortic -postapoplectic -postappendicular -postarterial -postarthritic -postarticular -postarytenoid -postaspirate -postaspirated -postasthmatic -postatrial -postauditory -postauricular -postaxiad -postaxial -postaxially -postaxillary -postbag -postbaptismal -postbox -postboy -postbrachial -postbrachium -postbranchial -postbreakfast -postbronchial -postbuccal -postbulbar -postbursal -postcaecal -postcalcaneal -postcalcarine -postcanonical -postcardiac -postcardinal -postcarnate -postcarotid -postcart -postcartilaginous -postcatarrhal -postcava -postcaval -postcecal -postcenal -postcentral -postcentrum -postcephalic -postcerebellar -postcerebral -postcesarean -postcibal -postclassic -postclassical -postclassicism -postclavicle -postclavicula -postclavicular -postclimax -postclitellian -postclival -postcolon -postcolonial -postcolumellar -postcomitial -postcommissural -postcommissure -postcommunicant -Postcommunion -postconceptive -postcondylar -postconfinement -postconnubial -postconsonantal -postcontact -postcontract -postconvalescent -postconvulsive -postcordial -postcornu -postcosmic -postcostal -postcoxal -postcritical -postcrural -postcubital -postdate -postdental -postdepressive -postdetermined -postdevelopmental -postdiagnostic -postdiaphragmatic -postdiastolic -postdicrotic -postdigestive -postdigital -postdiluvial -postdiluvian -postdiphtheric -postdiphtheritic -postdisapproved -postdisseizin -postdisseizor -postdoctoral -postdoctorate -postdural -postdysenteric -posted -posteen -postelection -postelementary -postembryonal -postembryonic -postemporal -postencephalitic -postencephalon -postenteral -postentry -postepileptic -poster -posterette -posteriad -posterial -posterior -posterioric -posteriorically -posterioristic -posterioristically -posteriority -posteriorly -posteriormost -posteriors -posteriorums -posterish -posterishness -posterist -posterity -posterize -postern -posteroclusion -posterodorsad -posterodorsal -posterodorsally -posteroexternal -posteroinferior -posterointernal -posterolateral -posteromedial -posteromedian -posteromesial -posteroparietal -posterosuperior -posterotemporal -posteroterminal -posteroventral -posteruptive -postesophageal -posteternity -postethmoid -postexilian -postexilic -postexist -postexistence -postexistency -postexistent -postface -postfact -postfebrile -postfemoral -postfetal -postfix -postfixal -postfixation -postfixed -postfixial -postflection -postflexion -postform -postfoveal -postfrontal -postfurca -postfurcal -postganglionic -postgangrenal -postgastric -postgeminum -postgenial -postgeniture -postglacial -postglenoid -postglenoidal -postgonorrheic -postgracile -postgraduate -postgrippal -posthabit -posthaste -posthemiplegic -posthemorrhagic -posthepatic -posthetomist -posthetomy -posthexaplaric -posthippocampal -posthitis -postholder -posthole -posthouse -posthumeral -posthumous -posthumously -posthumousness -posthumus -posthyoid -posthypnotic -posthypnotically -posthypophyseal -posthypophysis -posthysterical -postic -postical -postically -posticous -posticteric -posticum -postil -postilion -postilioned -postillate -postillation -postillator -postimpressionism -postimpressionist -postimpressionistic -postinfective -postinfluenzal -posting -postingly -postintestinal -postique -postischial -postjacent -postjugular -postlabial -postlachrymal -postlaryngeal -postlegitimation -postlenticular -postless -postlike -postliminary -postliminiary -postliminious -postliminium -postliminous -postliminy -postloitic -postloral -postlude -postludium -postluetic -postmalarial -postmamillary -postmammary -postman -postmandibular -postmaniacal -postmarital -postmark -postmarriage -postmaster -postmasterlike -postmastership -postmastoid -postmaturity -postmaxillary -postmaximal -postmeatal -postmedia -postmedial -postmedian -postmediastinal -postmediastinum -postmedullary -postmeiotic -postmeningeal -postmenstrual -postmental -postmeridian -postmeridional -postmesenteric -postmillenarian -postmillenarianism -postmillennial -postmillennialism -postmillennialist -postmillennian -postmineral -postmistress -postmortal -postmortuary -postmundane -postmuscular -postmutative -postmycotic -postmyxedematous -postnarial -postnaris -postnasal -postnatal -postnate -postnati -postnecrotic -postnephritic -postneural -postneuralgic -postneuritic -postneurotic -postnodular -postnominal -postnotum -postnuptial -postnuptially -postobituary -postocular -postolivary -postomental -postoperative -postoptic -postoral -postorbital -postordination -postorgastic -postosseous -postotic -postpagan -postpaid -postpalatal -postpalatine -postpalpebral -postpaludal -postparalytic -postparietal -postparotid -postparotitic -postparoxysmal -postparturient -postpatellar -postpathological -postpericardial -postpharyngeal -postphlogistic -postphragma -postphrenic -postphthisic -postpituitary -postplace -postplegic -postpneumonic -postponable -postpone -postponement -postponence -postponer -postpontile -postpose -postposited -postposition -postpositional -postpositive -postpositively -postprandial -postprandially -postpredicament -postprophesy -postprostate -postpubertal -postpubescent -postpubic -postpubis -postpuerperal -postpulmonary -postpupillary -postpycnotic -postpyloric -postpyramidal -postpyretic -postrachitic -postramus -postrectal -postreduction -postremogeniture -postremote -postrenal -postresurrection -postresurrectional -postretinal -postrheumatic -postrhinal -postrider -postrorse -postrostral -postrubeolar -postsaccular -postsacral -postscalenus -postscapula -postscapular -postscapularis -postscarlatinal -postscenium -postscorbutic -postscribe -postscript -postscriptum -postscutellar -postscutellum -postseason -postsigmoid -postsign -postspasmodic -postsphenoid -postsphenoidal -postsphygmic -postspinous -postsplenial -postsplenic -poststernal -poststertorous -postsuppurative -postsurgical -postsynaptic -postsynsacral -postsyphilitic -postsystolic -posttabetic -posttarsal -posttetanic -postthalamic -postthoracic -postthyroidal -posttibial -posttonic -posttoxic -posttracheal -posttrapezoid -posttraumatic -posttreaty -posttubercular -posttussive -posttympanic -posttyphoid -postulancy -postulant -postulantship -postulata -postulate -postulation -postulational -postulator -postulatory -postulatum -postulnar -postumbilical -postumbonal -postural -posture -posturer -postureteric -posturist -posturize -postuterine -postvaccinal -postvaricellar -postvarioloid -postvelar -postvenereal -postvenous -postverbal -Postverta -postvertebral -postvesical -postvide -postvocalic -postwar -postward -postwise -postwoman -postxyphoid -postyard -postzygapophysial -postzygapophysis -posy -pot -potability -potable -potableness -potagerie -potagery -potamic -Potamobiidae -Potamochoerus -Potamogale -Potamogalidae -Potamogeton -Potamogetonaceae -potamogetonaceous -potamological -potamologist -potamology -potamometer -Potamonidae -potamophilous -potamoplankton -potash -potashery -potass -potassa -potassamide -potassic -potassiferous -potassium -potate -potation -potative -potato -potatoes -potator -potatory -Potawatami -Potawatomi -potbank -potbellied -potbelly -potboil -potboiler -potboy -potboydom -potch -potcher -potcherman -potcrook -potdar -pote -potecary -poteen -potence -potency -potent -potentacy -potentate -potential -potentiality -potentialization -potentialize -potentially -potentialness -potentiate -potentiation -Potentilla -potentiometer -potentiometric -potentize -potently -potentness -poter -Poterium -potestal -potestas -potestate -potestative -poteye -potful -potgirl -potgun -pothanger -pothead -pothecary -potheen -pother -potherb -potherment -pothery -pothole -pothook -pothookery -Pothos -pothouse -pothousey -pothunt -pothunter -pothunting -poticary -potichomania -potichomanist -potifer -Potiguara -potion -potlatch -potleg -potlicker -potlid -potlike -potluck -potmaker -potmaking -potman -potomania -potomato -potometer -potong -potoo -Potoroinae -potoroo -Potorous -potpie -potpourri -potrack -potsherd -potshoot -potshooter -potstick -potstone -pott -pottage -pottagy -pottah -potted -potter -potterer -potteress -potteringly -pottery -Pottiaceae -potting -pottinger -pottle -pottled -potto -potty -potwaller -potwalling -potware -potwhisky -potwork -potwort -pouce -poucer -poucey -pouch -pouched -pouchful -pouchless -pouchlike -pouchy -poudrette -pouf -poulaine -poulard -poulardize -poulp -poulpe -poult -poulter -poulterer -poulteress -poultice -poulticewise -poultry -poultrydom -poultryist -poultryless -poultrylike -poultryman -poultryproof -pounamu -pounce -pounced -pouncer -pouncet -pouncing -pouncingly -pound -poundage -poundal -poundcake -pounder -pounding -poundkeeper -poundless -poundlike -poundman -poundmaster -poundmeal -poundstone -poundworth -pour -pourer -pourie -pouring -pouringly -pourparler -pourparley -pourpiece -pourpoint -pourpointer -pouser -poussette -pout -pouter -poutful -pouting -poutingly -pouty -poverish -poverishment -poverty -povertyweed -Povindah -pow -powder -powderable -powdered -powderer -powderiness -powdering -powderization -powderize -powderizer -powderlike -powderman -powdery -powdike -powdry -powellite -power -powerboat -powered -powerful -powerfully -powerfulness -powerhouse -powerless -powerlessly -powerlessness -powermonger -Powhatan -powitch -powldoody -pownie -powsoddy -powsowdy -powwow -powwower -powwowism -pox -poxy -poy -poyou -pozzolanic -pozzuolana -pozzuolanic -praam -prabble -prabhu -practic -practicability -practicable -practicableness -practicably -practical -practicalism -practicalist -practicality -practicalization -practicalize -practicalizer -practically -practicalness -practicant -practice -practiced -practicedness -practicer -practician -practicianism -practicum -practitional -practitioner -practitionery -prad -Pradeep -pradhana -praeabdomen -praeacetabular -praeanal -praecava -praecipe -praecipuum -praecoces -praecocial -praecognitum -praecoracoid -praecordia -praecordial -praecordium -praecornu -praecox -praecuneus -praedial -praedialist -praediality -praeesophageal -praefect -praefectorial -praefectus -praefervid -praefloration -praefoliation -praehallux -praelabrum -praelection -praelector -praelectorship -praelectress -praeludium -praemaxilla -praemolar -praemunire -praenarial -Praenestine -Praenestinian -praeneural -praenomen -praenomina -praenominal -praeoperculum -praepositor -praepostor -praepostorial -praepubis -praepuce -praescutum -Praesepe -praesertim -Praesian -praesidium -praesphenoid -praesternal -praesternum -praestomium -praesystolic -praetaxation -praetexta -praetor -praetorial -Praetorian -praetorian -praetorianism -praetorium -praetorship -praezygapophysis -pragmatic -pragmatica -pragmatical -pragmaticality -pragmatically -pragmaticalness -pragmaticism -pragmatics -pragmatism -pragmatist -pragmatistic -pragmatize -pragmatizer -prairie -prairiecraft -prairied -prairiedom -prairielike -prairieweed -prairillon -praisable -praisableness -praisably -praise -praiseful -praisefully -praisefulness -praiseless -praiseproof -praiser -praiseworthy -praising -praisingly -praisworthily -praisworthiness -Prajapati -prajna -Prakash -Prakrit -prakriti -Prakritic -Prakritize -praline -pralltriller -pram -Pramnian -prana -prance -pranceful -prancer -prancing -prancingly -prancy -prandial -prandially -prank -pranked -pranker -prankful -prankfulness -pranking -prankingly -prankish -prankishly -prankishness -prankle -pranksome -pranksomeness -prankster -pranky -prase -praseocobaltic -praseodidymium -praseodymia -praseodymium -praseolite -prasine -prasinous -prasoid -prasophagous -prasophagy -prastha -prat -pratal -Pratap -Pratapwant -prate -prateful -pratement -pratensian -Prater -prater -pratey -pratfall -pratiloma -Pratincola -pratincole -pratincoline -pratincolous -prating -pratingly -pratique -pratiyasamutpada -Pratt -prattfall -prattle -prattlement -prattler -prattling -prattlingly -prattly -prau -Pravin -pravity -prawn -prawner -prawny -Praxean -Praxeanist -praxinoscope -praxiology -praxis -Praxitelean -pray -praya -prayer -prayerful -prayerfully -prayerfulness -prayerless -prayerlessly -prayerlessness -prayermaker -prayermaking -prayerwise -prayful -praying -prayingly -prayingwise -preabdomen -preabsorb -preabsorbent -preabstract -preabundance -preabundant -preabundantly -preaccept -preacceptance -preaccess -preaccessible -preaccidental -preaccidentally -preaccommodate -preaccommodating -preaccommodatingly -preaccommodation -preaccomplish -preaccomplishment -preaccord -preaccordance -preaccount -preaccounting -preaccredit -preaccumulate -preaccumulation -preaccusation -preaccuse -preaccustom -preaccustomed -preacetabular -preach -preachable -preacher -preacherdom -preacheress -preacherize -preacherless -preacherling -preachership -preachieved -preachification -preachify -preachily -preachiness -preaching -preachingly -preachman -preachment -preachy -preacid -preacidity -preacidly -preacidness -preacknowledge -preacknowledgment -preacquaint -preacquaintance -preacquire -preacquired -preacquit -preacquittal -preact -preaction -preactive -preactively -preactivity -preacute -preacutely -preacuteness -preadamic -preadamite -preadamitic -preadamitical -preadamitism -preadapt -preadaptable -preadaptation -preaddition -preadditional -preaddress -preadequacy -preadequate -preadequately -preadhere -preadherence -preadherent -preadjectival -preadjective -preadjourn -preadjournment -preadjunct -preadjust -preadjustable -preadjustment -preadministration -preadministrative -preadministrator -preadmire -preadmirer -preadmission -preadmit -preadmonish -preadmonition -preadolescent -preadopt -preadoption -preadoration -preadore -preadorn -preadornment -preadult -preadulthood -preadvance -preadvancement -preadventure -preadvertency -preadvertent -preadvertise -preadvertisement -preadvice -preadvisable -preadvise -preadviser -preadvisory -preadvocacy -preadvocate -preaestival -preaffect -preaffection -preaffidavit -preaffiliate -preaffiliation -preaffirm -preaffirmation -preaffirmative -preafflict -preaffliction -preafternoon -preaged -preaggravate -preaggravation -preaggression -preaggressive -preagitate -preagitation -preagonal -preagony -preagree -preagreement -preagricultural -preagriculture -prealarm -prealcohol -prealcoholic -prealgebra -prealgebraic -prealkalic -preallable -preallably -preallegation -preallege -prealliance -preallied -preallot -preallotment -preallow -preallowable -preallowably -preallowance -preallude -preallusion -preally -prealphabet -prealphabetical -prealtar -prealteration -prealveolar -preamalgamation -preambassadorial -preambition -preambitious -preamble -preambled -preambling -preambular -preambulary -preambulate -preambulation -preambulatory -preanal -preanaphoral -preanesthetic -preanimism -preannex -preannounce -preannouncement -preannouncer -preantepenult -preantepenultimate -preanterior -preanticipate -preantiquity -preantiseptic -preaortic -preappearance -preapperception -preapplication -preappoint -preappointment -preapprehension -preapprise -preapprobation -preapproval -preapprove -preaptitude -prearm -prearrange -prearrangement -prearrest -prearrestment -prearticulate -preartistic -preascertain -preascertainment -preascitic -preaseptic -preassigned -preassume -preassurance -preassure -preataxic -preattachment -preattune -preaudience -preauditory -preaver -preavowal -preaxiad -preaxial -preaxially -prebachelor -prebacillary -prebake -prebalance -preballot -preballoting -prebankruptcy -prebaptismal -prebaptize -prebarbaric -prebarbarous -prebargain -prebasal -prebasilar -prebeleve -prebelief -prebeliever -prebelieving -prebellum -prebeloved -prebend -prebendal -prebendary -prebendaryship -prebendate -prebenediction -prebeneficiary -prebenefit -prebeset -prebestow -prebestowal -prebetray -prebetrayal -prebetrothal -prebid -prebidding -prebill -prebless -preblessing -preblockade -preblooming -preboast -preboding -preboil -preborn -preborrowing -preboyhood -prebrachial -prebrachium -prebreathe -prebridal -prebroadcasting -prebromidic -prebronchial -prebronze -prebrute -prebuccal -prebudget -prebudgetary -prebullying -preburlesque -preburn -precalculable -precalculate -precalculation -precampaign -precancel -precancellation -precancerous -precandidacy -precandidature -precanning -precanonical -precant -precantation -precanvass -precapillary -precapitalist -precapitalistic -precaptivity -precapture -precarcinomatous -precardiac -precaria -precarious -precariously -precariousness -precarium -precarnival -precartilage -precartilaginous -precary -precast -precation -precative -precatively -precatory -precaudal -precausation -precaution -precautional -precautionary -precautious -precautiously -precautiousness -precava -precaval -precedable -precede -precedence -precedency -precedent -precedentable -precedentary -precedented -precedential -precedentless -precedently -preceder -preceding -precelebrant -precelebrate -precelebration -precensure -precensus -precent -precentor -precentorial -precentorship -precentory -precentral -precentress -precentrix -precentrum -precept -preception -preceptist -preceptive -preceptively -preceptor -preceptoral -preceptorate -preceptorial -preceptorially -preceptorship -preceptory -preceptress -preceptual -preceptually -preceramic -precerebellar -precerebral -precerebroid -preceremonial -preceremony -precertification -precertify -preces -precess -precession -precessional -prechallenge -prechampioned -prechampionship -precharge -prechart -precheck -prechemical -precherish -prechildhood -prechill -prechloric -prechloroform -prechoice -prechoose -prechordal -prechoroid -preciation -precinct -precinction -precinctive -preciosity -precious -preciously -preciousness -precipe -precipice -precipiced -precipitability -precipitable -precipitance -precipitancy -precipitant -precipitantly -precipitantness -precipitate -precipitated -precipitatedly -precipitately -precipitation -precipitative -precipitator -precipitin -precipitinogen -precipitinogenic -precipitous -precipitously -precipitousness -precirculate -precirculation -precis -precise -precisely -preciseness -precisian -precisianism -precisianist -precision -precisional -precisioner -precisionism -precisionist -precisionize -precisive -precitation -precite -precited -precivilization -preclaim -preclaimant -preclaimer -preclassic -preclassical -preclassification -preclassified -preclassify -preclean -precleaner -precleaning -preclerical -preclimax -preclinical -preclival -precloacal -preclose -preclosure -preclothe -precludable -preclude -preclusion -preclusive -preclusively -precoagulation -precoccygeal -precocial -precocious -precociously -precociousness -precocity -precogitate -precogitation -precognition -precognitive -precognizable -precognizant -precognize -precognosce -precoil -precoiler -precoincidence -precoincident -precoincidently -precollapsable -precollapse -precollect -precollectable -precollection -precollector -precollege -precollegiate -precollude -precollusion -precollusive -precolor -precolorable -precoloration -precoloring -precombat -precombatant -precombination -precombine -precombustion -precommand -precommend -precomment -precommercial -precommissural -precommissure -precommit -precommune -precommunicate -precommunication -precommunion -precompare -precomparison -precompass -precompel -precompensate -precompensation -precompilation -precompile -precompiler -precompleteness -precompletion -precompliance -precompliant -precomplicate -precomplication -precompose -precomposition -precompound -precompounding -precompoundly -precomprehend -precomprehension -precomprehensive -precompress -precompulsion -precomradeship -preconceal -preconcealment -preconcede -preconceivable -preconceive -preconceived -preconcentrate -preconcentrated -preconcentratedly -preconcentration -preconcept -preconception -preconceptional -preconceptual -preconcern -preconcernment -preconcert -preconcerted -preconcertedly -preconcertedness -preconcertion -preconcertive -preconcession -preconcessive -preconclude -preconclusion -preconcur -preconcurrence -preconcurrent -preconcurrently -precondemn -precondemnation -precondensation -precondense -precondition -preconditioned -preconduct -preconduction -preconductor -precondylar -precondyloid -preconfer -preconference -preconfess -preconfession -preconfide -preconfiguration -preconfigure -preconfine -preconfinedly -preconfinemnt -preconfirm -preconfirmation -preconflict -preconform -preconformity -preconfound -preconfuse -preconfusedly -preconfusion -precongenial -precongested -precongestion -precongestive -precongratulate -precongratulation -precongressional -preconizance -preconization -preconize -preconizer -preconjecture -preconnection -preconnective -preconnubial -preconquer -preconquest -preconquestal -preconquestual -preconscious -preconsciously -preconsciousness -preconsecrate -preconsecration -preconsent -preconsider -preconsideration -preconsign -preconsolation -preconsole -preconsolidate -preconsolidated -preconsolidation -preconsonantal -preconspiracy -preconspirator -preconspire -preconstituent -preconstitute -preconstruct -preconstruction -preconsult -preconsultation -preconsultor -preconsume -preconsumer -preconsumption -precontact -precontain -precontained -precontemn -precontemplate -precontemplation -precontemporaneous -precontemporary -precontend -precontent -precontention -precontently -precontentment -precontest -precontinental -precontract -precontractive -precontractual -precontribute -precontribution -precontributive -precontrivance -precontrive -precontrol -precontrolled -precontroversial -precontroversy -preconvention -preconversation -preconversational -preconversion -preconvert -preconvey -preconveyal -preconveyance -preconvict -preconviction -preconvince -precook -precooker -precool -precooler -precooling -precopy -precoracoid -precordia -precordial -precordiality -precordially -precordium -precorneal -precornu -precoronation -precorrect -precorrection -precorrectly -precorrectness -precorrespond -precorrespondence -precorrespondent -precorridor -precorrupt -precorruption -precorruptive -precorruptly -precoruptness -precosmic -precosmical -precostal -precounsel -precounsellor -precourse -precover -precovering -precox -precreate -precreation -precreative -precredit -precreditor -precreed -precritical -precriticism -precriticize -precrucial -precrural -precrystalline -precultivate -precultivation -precultural -preculturally -preculture -precuneal -precuneate -precuneus -precure -precurrent -precurricular -precurriculum -precursal -precurse -precursive -precursor -precursory -precurtain -precut -precyclone -precyclonic -precynical -precyst -precystic -predable -predacean -predaceous -predaceousness -predacity -predamage -predamn -predamnation -predark -predarkness -predata -predate -predation -predatism -predative -predator -predatorily -predatoriness -predatory -predawn -preday -predaylight -predaytime -predazzite -predealer -predealing -predeath -predeathly -predebate -predebater -predebit -predebtor -predecay -predecease -predeceaser -predeceive -predeceiver -predeception -predecession -predecessor -predecessorship -predecide -predecision -predecisive -predeclaration -predeclare -predeclination -predecline -predecree -prededicate -prededuct -prededuction -predefault -predefeat -predefect -predefective -predefence -predefend -predefense -predefiance -predeficiency -predeficient -predefine -predefinite -predefinition -predefray -predefrayal -predefy -predegeneracy -predegenerate -predegree -predeication -predelay -predelegate -predelegation -predeliberate -predeliberately -predeliberation -predelineate -predelineation -predelinquency -predelinquent -predelinquently -predeliver -predelivery -predella -predelude -predelusion -predemand -predemocracy -predemocratic -predemonstrate -predemonstration -predemonstrative -predenial -predental -predentary -Predentata -predentate -predeny -predepart -predepartmental -predeparture -predependable -predependence -predependent -predeplete -predepletion -predeposit -predepository -predepreciate -predepreciation -predepression -predeprivation -predeprive -prederivation -prederive -predescend -predescent -predescribe -predescription -predesert -predeserter -predesertion -predeserve -predeserving -predesign -predesignate -predesignation -predesignatory -predesirous -predesolate -predesolation -predespair -predesperate -predespicable -predespise -predespond -predespondency -predespondent -predestinable -predestinarian -predestinarianism -predestinate -predestinately -predestination -predestinational -predestinationism -predestinationist -predestinative -predestinator -predestine -predestiny -predestitute -predestitution -predestroy -predestruction -predetach -predetachment -predetail -predetain -predetainer -predetect -predetention -predeterminability -predeterminable -predeterminant -predeterminate -predeterminately -predetermination -predeterminative -predetermine -predeterminer -predeterminism -predeterministic -predetest -predetestation -predetrimental -predevelop -predevelopment -predevise -predevote -predevotion -predevour -prediagnosis -prediagnostic -predial -prediastolic -prediatory -predicability -predicable -predicableness -predicably -predicament -predicamental -predicamentally -predicant -predicate -predication -predicational -predicative -predicatively -predicator -predicatory -predicrotic -predict -predictability -predictable -predictably -predictate -predictation -prediction -predictional -predictive -predictively -predictiveness -predictor -predictory -prediet -predietary -predifferent -predifficulty -predigest -predigestion -predikant -predilect -predilected -predilection -prediligent -prediligently -prediluvial -prediluvian -prediminish -prediminishment -prediminution -predine -predinner -prediphtheritic -prediploma -prediplomacy -prediplomatic -predirect -predirection -predirector -predisability -predisable -predisadvantage -predisadvantageous -predisadvantageously -predisagree -predisagreeable -predisagreement -predisappointment -predisaster -predisastrous -prediscern -prediscernment -predischarge -prediscipline -predisclose -predisclosure -prediscontent -prediscontented -prediscontentment -prediscontinuance -prediscontinuation -prediscontinue -prediscount -prediscountable -prediscourage -prediscouragement -prediscourse -prediscover -prediscoverer -prediscovery -prediscreet -prediscretion -prediscretionary -prediscriminate -prediscrimination -prediscriminator -prediscuss -prediscussion -predisgrace -predisguise -predisgust -predislike -predismiss -predismissal -predismissory -predisorder -predisordered -predisorderly -predispatch -predispatcher -predisperse -predispersion -predisplace -predisplacement -predisplay -predisponency -predisponent -predisposable -predisposal -predispose -predisposed -predisposedly -predisposedness -predisposition -predispositional -predisputant -predisputation -predispute -predisregard -predisrupt -predisruption -predissatisfaction -predissolution -predissolve -predissuade -predistinct -predistinction -predistinguish -predistress -predistribute -predistribution -predistributor -predistrict -predistrust -predistrustful -predisturb -predisturbance -prediversion -predivert -predivide -predividend -predivider -predivinable -predivinity -predivision -predivorce -predivorcement -predoctorate -predocumentary -predomestic -predominance -predominancy -predominant -predominantly -predominate -predominately -predominatingly -predomination -predominator -predonate -predonation -predonor -predoom -predorsal -predoubt -predoubter -predoubtful -predraft -predrainage -predramatic -predraw -predrawer -predread -predreadnought -predrill -predriller -predrive -predriver -predry -preduplicate -preduplication -predusk -predwell -predynamite -predynastic -preen -preener -preeze -prefab -prefabricate -prefabrication -prefabricator -preface -prefaceable -prefacer -prefacial -prefacist -prefactor -prefactory -prefamiliar -prefamiliarity -prefamiliarly -prefamous -prefashion -prefatial -prefator -prefatorial -prefatorially -prefatorily -prefatory -prefavor -prefavorable -prefavorably -prefavorite -prefearful -prefearfully -prefeast -prefect -prefectly -prefectoral -prefectorial -prefectorially -prefectorian -prefectship -prefectual -prefectural -prefecture -prefecundation -prefecundatory -prefederal -prefelic -prefer -preferability -preferable -preferableness -preferably -preferee -preference -preferent -preferential -preferentialism -preferentialist -preferentially -preferment -prefermentation -preferred -preferredly -preferredness -preferrer -preferrous -prefertile -prefertility -prefertilization -prefertilize -prefervid -prefestival -prefeudal -prefeudalic -prefeudalism -prefiction -prefictional -prefigurate -prefiguration -prefigurative -prefiguratively -prefigurativeness -prefigure -prefigurement -prefiller -prefilter -prefinal -prefinance -prefinancial -prefine -prefinish -prefix -prefixable -prefixal -prefixally -prefixation -prefixed -prefixedly -prefixion -prefixture -preflagellate -preflatter -preflattery -preflavor -preflavoring -preflection -preflexion -preflight -preflood -prefloration -preflowering -prefoliation -prefool -preforbidden -preforceps -preforgive -preforgiveness -preforgotten -preform -preformant -preformation -preformationary -preformationism -preformationist -preformative -preformed -preformism -preformist -preformistic -preformulate -preformulation -prefortunate -prefortunately -prefortune -prefoundation -prefounder -prefragrance -prefragrant -prefrankness -prefraternal -prefraternally -prefraud -prefreeze -prefreshman -prefriendly -prefriendship -prefright -prefrighten -prefrontal -prefulfill -prefulfillment -prefulgence -prefulgency -prefulgent -prefunction -prefunctional -prefuneral -prefungoidal -prefurlough -prefurnish -pregain -pregainer -pregalvanize -preganglionic -pregather -pregathering -pregeminum -pregenerate -pregeneration -pregenerosity -pregenerous -pregenerously -pregenial -pregeniculatum -pregeniculum -pregenital -pregeological -pregirlhood -preglacial -pregladden -pregladness -preglenoid -preglenoidal -preglobulin -pregnability -pregnable -pregnance -pregnancy -pregnant -pregnantly -pregnantness -pregolden -pregolfing -pregracile -pregracious -pregrade -pregraduation -pregranite -pregranitic -pregratification -pregratify -pregreet -pregreeting -pregrievance -pregrowth -preguarantee -preguarantor -preguard -preguess -preguidance -preguide -preguilt -preguiltiness -preguilty -pregust -pregustant -pregustation -pregustator -pregustic -prehallux -prehalter -prehandicap -prehandle -prehaps -preharden -preharmonious -preharmoniousness -preharmony -preharsh -preharshness -preharvest -prehatred -prehaunt -prehaunted -prehaustorium -prehazard -prehazardous -preheal -prehearing -preheat -preheated -preheater -prehemiplegic -prehend -prehensible -prehensile -prehensility -prehension -prehensive -prehensiveness -prehensor -prehensorial -prehensory -prehepatic -prehepaticus -preheroic -prehesitancy -prehesitate -prehesitation -prehexameral -prehistorian -prehistoric -prehistorical -prehistorically -prehistorics -prehistory -prehnite -prehnitic -preholder -preholding -preholiday -prehorizon -prehorror -prehostile -prehostility -prehuman -prehumiliate -prehumiliation -prehumor -prehunger -prehydration -prehypophysis -preidea -preidentification -preidentify -preignition -preilluminate -preillumination -preillustrate -preillustration -preimage -preimaginary -preimagination -preimagine -preimbibe -preimbue -preimitate -preimitation -preimitative -preimmigration -preimpair -preimpairment -preimpart -preimperial -preimport -preimportance -preimportant -preimportantly -preimportation -preimposal -preimpose -preimposition -preimpress -preimpression -preimpressive -preimprove -preimprovement -preinaugural -preinaugurate -preincarnate -preincentive -preinclination -preincline -preinclude -preinclusion -preincorporate -preincorporation -preincrease -preindebted -preindebtedness -preindemnification -preindemnify -preindemnity -preindependence -preindependent -preindependently -preindesignate -preindicant -preindicate -preindication -preindispose -preindisposition -preinduce -preinducement -preinduction -preinductive -preindulge -preindulgence -preindulgent -preindustrial -preindustry -preinfect -preinfection -preinfer -preinference -preinflection -preinflectional -preinflict -preinfluence -preinform -preinformation -preinhabit -preinhabitant -preinhabitation -preinhere -preinherit -preinheritance -preinitial -preinitiate -preinitiation -preinjure -preinjurious -preinjury -preinquisition -preinscribe -preinscription -preinsert -preinsertion -preinsinuate -preinsinuating -preinsinuatingly -preinsinuation -preinsinuative -preinspect -preinspection -preinspector -preinspire -preinstall -preinstallation -preinstill -preinstillation -preinstruct -preinstruction -preinstructional -preinstructive -preinsula -preinsular -preinsulate -preinsulation -preinsult -preinsurance -preinsure -preintellectual -preintelligence -preintelligent -preintelligently -preintend -preintention -preintercede -preintercession -preinterchange -preintercourse -preinterest -preinterfere -preinterference -preinterpret -preinterpretation -preinterpretative -preinterview -preintone -preinvent -preinvention -preinventive -preinventory -preinvest -preinvestigate -preinvestigation -preinvestigator -preinvestment -preinvitation -preinvite -preinvocation -preinvolve -preinvolvement -preiotization -preiotize -preirrigation -preirrigational -preissuance -preissue -prejacent -prejournalistic -prejudge -prejudgement -prejudger -prejudgment -prejudication -prejudicative -prejudicator -prejudice -prejudiced -prejudicedly -prejudiceless -prejudiciable -prejudicial -prejudicially -prejudicialness -prejudicious -prejudiciously -prejunior -prejurisdiction -prejustification -prejustify -prejuvenile -Prekantian -prekindergarten -prekindle -preknit -preknow -preknowledge -prelabel -prelabial -prelabor -prelabrum -prelachrymal -prelacrimal -prelacteal -prelacy -prelanguage -prelapsarian -prelate -prelatehood -prelateship -prelatess -prelatial -prelatic -prelatical -prelatically -prelaticalness -prelation -prelatish -prelatism -prelatist -prelatize -prelatry -prelature -prelaunch -prelaunching -prelawful -prelawfully -prelawfulness -prelease -prelect -prelection -prelector -prelectorship -prelectress -prelecture -prelegacy -prelegal -prelegate -prelegatee -prelegend -prelegendary -prelegislative -preliability -preliable -prelibation -preliberal -preliberality -preliberally -preliberate -preliberation -prelicense -prelim -preliminarily -preliminary -prelimit -prelimitate -prelimitation -prelingual -prelinguistic -prelinpinpin -preliquidate -preliquidation -preliteral -preliterally -preliteralness -preliterary -preliterate -preliterature -prelithic -prelitigation -preloan -prelocalization -prelocate -prelogic -prelogical -preloral -preloreal -preloss -prelude -preluder -preludial -preludious -preludiously -preludium -preludize -prelumbar -prelusion -prelusive -prelusively -prelusorily -prelusory -preluxurious -premachine -premadness -premaintain -premaintenance -premake -premaker -premaking -premandibular -premanhood -premaniacal -premanifest -premanifestation -premankind -premanufacture -premanufacturer -premanufacturing -premarital -premarriage -premarry -premastery -prematch -premate -prematerial -prematernity -prematrimonial -prematuration -premature -prematurely -prematureness -prematurity -premaxilla -premaxillary -premeasure -premeasurement -premechanical -premedia -premedial -premedian -premedic -premedical -premedicate -premedication -premedieval -premedievalism -premeditate -premeditatedly -premeditatedness -premeditatingly -premeditation -premeditative -premeditator -premegalithic -prememorandum -premenace -premenstrual -premention -premeridian -premerit -premetallic -premethodical -premial -premiant -premiate -premidnight -premidsummer -premier -premieral -premiere -premieress -premierjus -premiership -premilitary -premillenarian -premillenarianism -premillennial -premillennialism -premillennialist -premillennialize -premillennially -premillennian -preminister -preministry -premious -premisal -premise -premisory -premisrepresent -premisrepresentation -premiss -premium -premix -premixer -premixture -premodel -premodern -premodification -premodify -premolar -premold -premolder -premolding -premonarchial -premonetary -Premongolian -premonish -premonishment -premonition -premonitive -premonitor -premonitorily -premonitory -premonopolize -premonopoly -Premonstrant -Premonstratensian -premonumental -premoral -premorality -premorally -premorbid -premorbidly -premorbidness -premorning -premorse -premortal -premortification -premortify -premortuary -premosaic -premotion -premourn -premove -premovement -premover -premuddle -premultiplication -premultiplier -premultiply -premundane -premunicipal -premunition -premunitory -premusical -premuster -premutative -premutiny -premycotic -premyelocyte -premythical -prename -Prenanthes -prenares -prenarial -prenaris -prenasal -prenatal -prenatalist -prenatally -prenational -prenative -prenatural -prenaval -prender -prendre -prenebular -prenecessitate -preneglect -preneglectful -prenegligence -prenegligent -prenegotiate -prenegotiation -preneolithic -prenephritic -preneural -preneuralgic -prenight -prenoble -prenodal -prenominal -prenominate -prenomination -prenominical -prenotation -prenotice -prenotification -prenotify -prenotion -prentice -prenticeship -prenumber -prenumbering -prenuncial -prenuptial -prenursery -preobedience -preobedient -preobject -preobjection -preobjective -preobligate -preobligation -preoblige -preobservance -preobservation -preobservational -preobserve -preobstruct -preobstruction -preobtain -preobtainable -preobtrude -preobtrusion -preobtrusive -preobviate -preobvious -preobviously -preobviousness -preoccasioned -preoccipital -preocclusion -preoccultation -preoccupancy -preoccupant -preoccupate -preoccupation -preoccupative -preoccupied -preoccupiedly -preoccupiedness -preoccupier -preoccupy -preoccur -preoccurrence -preoceanic -preocular -preodorous -preoffend -preoffense -preoffensive -preoffensively -preoffensiveness -preoffer -preoffering -preofficial -preofficially -preominate -preomission -preomit -preopen -preopening -preoperate -preoperation -preoperative -preoperatively -preoperator -preopercle -preopercular -preoperculum -preopinion -preopinionated -preoppose -preopposition -preoppress -preoppression -preoppressor -preoptic -preoptimistic -preoption -preoral -preorally -preorbital -preordain -preorder -preordination -preorganic -preorganization -preorganize -preoriginal -preoriginally -preornamental -preoutfit -preoutline -preoverthrow -prep -prepainful -prepalatal -prepalatine -prepaleolithic -prepanic -preparable -preparation -preparationist -preparative -preparatively -preparator -preparatorily -preparatory -prepardon -prepare -prepared -preparedly -preparedness -preparement -preparental -preparer -preparietal -preparingly -preparliamentary -preparoccipital -preparoxysmal -prepartake -preparticipation -prepartisan -prepartition -prepartnership -prepatellar -prepatent -prepatriotic -prepave -prepavement -prepay -prepayable -prepayment -prepeduncle -prepenetrate -prepenetration -prepenial -prepense -prepensely -prepeople -preperceive -preperception -preperceptive -preperitoneal -prepersuade -prepersuasion -prepersuasive -preperusal -preperuse -prepetition -prephragma -prephthisical -prepigmental -prepink -prepious -prepituitary -preplace -preplacement -preplacental -preplan -preplant -prepledge -preplot -prepoetic -prepoetical -prepoison -prepolice -prepolish -prepolitic -prepolitical -prepolitically -prepollence -prepollency -prepollent -prepollex -preponder -preponderance -preponderancy -preponderant -preponderantly -preponderate -preponderately -preponderating -preponderatingly -preponderation -preponderous -preponderously -prepontile -prepontine -preportray -preportrayal -prepose -preposition -prepositional -prepositionally -prepositive -prepositively -prepositor -prepositorial -prepositure -prepossess -prepossessed -prepossessing -prepossessingly -prepossessingness -prepossession -prepossessionary -prepossessor -preposterous -preposterously -preposterousness -prepostorship -prepotence -prepotency -prepotent -prepotential -prepotently -prepractical -prepractice -preprandial -prepreference -prepreparation -preprice -preprimary -preprimer -preprimitive -preprint -preprofess -preprofessional -preprohibition -prepromise -prepromote -prepromotion -prepronounce -prepronouncement -preprophetic -preprostatic -preprove -preprovide -preprovision -preprovocation -preprovoke -preprudent -preprudently -prepsychological -prepsychology -prepuberal -prepubertal -prepuberty -prepubescent -prepubic -prepubis -prepublication -prepublish -prepuce -prepunctual -prepunish -prepunishment -prepupa -prepupal -prepurchase -prepurchaser -prepurpose -preputial -preputium -prepyloric -prepyramidal -prequalification -prequalify -prequarantine -prequestion -prequotation -prequote -preracing -preradio -prerailroad -prerailroadite -prerailway -preramus -prerational -prereadiness -preready -prerealization -prerealize -prerebellion -prereceipt -prereceive -prereceiver -prerecital -prerecite -prereckon -prereckoning -prerecognition -prerecognize -prerecommend -prerecommendation -prereconcile -prereconcilement -prereconciliation -prerectal -preredeem -preredemption -prereduction -prerefer -prereference -prerefine -prerefinement -prereform -prereformation -prereformatory -prerefusal -prerefuse -preregal -preregister -preregistration -preregulate -preregulation -prereject -prerejection -prerejoice -prerelate -prerelation -prerelationship -prerelease -prereligious -prereluctation -preremit -preremittance -preremorse -preremote -preremoval -preremove -preremunerate -preremuneration -prerenal -prerent -prerental -prereport -prerepresent -prerepresentation -prereption -prerepublican -prerequest -prerequire -prerequirement -prerequisite -prerequisition -preresemblance -preresemble -preresolve -preresort -prerespectability -prerespectable -prerespiration -prerespire -preresponsibility -preresponsible -prerestoration -prerestrain -prerestraint -prerestrict -prerestriction -prereturn -prereveal -prerevelation -prerevenge -prereversal -prereverse -prereview -prerevise -prerevision -prerevival -prerevolutionary -prerheumatic -prerich -prerighteous -prerighteously -prerighteousness -prerogatival -prerogative -prerogatived -prerogatively -prerogativity -prerolandic -preromantic -preromanticism -preroute -preroutine -preroyal -preroyally -preroyalty -prerupt -preruption -presacral -presacrifice -presacrificial -presage -presageful -presagefully -presager -presagient -presaging -presagingly -presalvation -presanctification -presanctified -presanctify -presanguine -presanitary -presartorial -presatisfaction -presatisfactory -presatisfy -presavage -presavagery -presay -presbyacousia -presbyacusia -presbycousis -presbycusis -presbyope -presbyophrenia -presbyophrenic -presbyopia -presbyopic -presbyopy -presbyte -presbyter -presbyteral -presbyterate -presbyterated -presbyteress -presbyteria -presbyterial -presbyterially -Presbyterian -Presbyterianism -Presbyterianize -Presbyterianly -presbyterium -presbytership -presbytery -presbytia -presbytic -Presbytinae -Presbytis -presbytism -prescapula -prescapular -prescapularis -prescholastic -preschool -prescience -prescient -prescientific -presciently -prescind -prescindent -prescission -prescored -prescout -prescribable -prescribe -prescriber -prescript -prescriptibility -prescriptible -prescription -prescriptionist -prescriptive -prescriptively -prescriptiveness -prescriptorial -prescrive -prescutal -prescutum -preseal -presearch -preseason -preseasonal -presecular -presecure -presee -preselect -presell -preseminal -preseminary -presence -presenced -presenceless -presenile -presenility -presensation -presension -present -presentability -presentable -presentableness -presentably -presental -presentation -presentational -presentationism -presentationist -presentative -presentatively -presentee -presentence -presenter -presential -presentiality -presentially -presentialness -presentient -presentiment -presentimental -presentist -presentive -presentively -presentiveness -presently -presentment -presentness -presentor -preseparate -preseparation -preseparator -preservability -preservable -preserval -preservation -preservationist -preservative -preservatize -preservatory -preserve -preserver -preserveress -preses -presession -preset -presettle -presettlement -presexual -preshadow -preshape -preshare -presharpen -preshelter -preship -preshipment -preshortage -preshorten -preshow -preside -presidence -presidencia -presidency -president -presidente -presidentess -presidential -presidentially -presidentiary -presidentship -presider -presidial -presidially -presidiary -presidio -presidium -presift -presign -presignal -presignificance -presignificancy -presignificant -presignification -presignificative -presignificator -presignify -presimian -preslavery -Presley -presmooth -presocial -presocialism -presocialist -presolar -presolicit -presolicitation -presolution -presolve -presophomore -presound -prespecialist -prespecialize -prespecific -prespecifically -prespecification -prespecify -prespeculate -prespeculation -presphenoid -presphenoidal -presphygmic -prespinal -prespinous -prespiracular -presplendor -presplenomegalic -prespoil -prespontaneity -prespontaneous -prespontaneously -prespread -presprinkle -prespur -press -pressable -pressboard -pressdom -pressel -presser -pressfat -pressful -pressgang -pressible -pressing -pressingly -pressingness -pression -pressive -pressman -pressmanship -pressmark -pressor -presspack -pressroom -pressurage -pressural -pressure -pressureless -pressureproof -pressurize -pressurizer -presswoman -presswork -pressworker -prest -prestabilism -prestability -prestable -prestamp -prestandard -prestandardization -prestandardize -prestant -prestate -prestation -prestatistical -presteam -presteel -prester -presternal -presternum -prestidigital -prestidigitate -prestidigitation -prestidigitator -prestidigitatorial -prestige -prestigiate -prestigiation -prestigiator -prestigious -prestigiously -prestigiousness -prestimulate -prestimulation -prestimulus -prestissimo -presto -prestock -prestomial -prestomium -prestorage -prestore -prestraighten -prestrain -prestrengthen -prestress -prestretch -prestricken -prestruggle -prestubborn -prestudious -prestudiously -prestudiousness -prestudy -presubdue -presubiculum -presubject -presubjection -presubmission -presubmit -presubordinate -presubordination -presubscribe -presubscriber -presubscription -presubsist -presubsistence -presubsistent -presubstantial -presubstitute -presubstitution -presuccess -presuccessful -presuccessfully -presuffer -presuffering -presufficiency -presufficient -presufficiently -presuffrage -presuggest -presuggestion -presuggestive -presuitability -presuitable -presuitably -presumable -presumably -presume -presumedly -presumer -presuming -presumption -presumptious -presumptiously -presumptive -presumptively -presumptuous -presumptuously -presumptuousness -presuperficial -presuperficiality -presuperficially -presuperfluity -presuperfluous -presuperfluously -presuperintendence -presuperintendency -presupervise -presupervision -presupervisor -presupplemental -presupplementary -presupplicate -presupplication -presupply -presupport -presupposal -presuppose -presupposition -presuppositionless -presuppress -presuppression -presuppurative -presupremacy -presupreme -presurgery -presurgical -presurmise -presurprisal -presurprise -presurrender -presurround -presurvey -presusceptibility -presusceptible -presuspect -presuspend -presuspension -presuspicion -presuspicious -presuspiciously -presuspiciousness -presustain -presutural -preswallow -presylvian -presympathize -presympathy -presymphonic -presymphony -presymphysial -presymptom -presymptomatic -presynapsis -presynaptic -presystematic -presystematically -presystole -presystolic -pretabulate -pretabulation -pretan -pretangible -pretangibly -pretannage -pretardily -pretardiness -pretardy -pretariff -pretaste -preteach -pretechnical -pretechnically -pretelegraph -pretelegraphic -pretelephone -pretelephonic -pretell -pretemperate -pretemperately -pretemporal -pretend -pretendant -pretended -pretendedly -pretender -Pretenderism -pretendership -pretendingly -pretendingness -pretense -pretenseful -pretenseless -pretension -pretensional -pretensionless -pretensive -pretensively -pretensiveness -pretentative -pretentious -pretentiously -pretentiousness -pretercanine -preterchristian -preterconventional -preterdetermined -preterdeterminedly -preterdiplomatic -preterdiplomatically -preterequine -preteressential -pretergress -pretergression -preterhuman -preterience -preterient -preterintentional -preterist -preterit -preteriteness -preterition -preteritive -preteritness -preterlabent -preterlegal -preterlethal -preterminal -pretermission -pretermit -pretermitter -preternative -preternatural -preternaturalism -preternaturalist -preternaturality -preternaturally -preternaturalness -preternormal -preternotorious -preternuptial -preterpluperfect -preterpolitical -preterrational -preterregular -preterrestrial -preterritorial -preterroyal -preterscriptural -preterseasonable -pretersensual -pretervection -pretest -pretestify -pretestimony -pretext -pretexted -pretextuous -pretheological -prethoracic -prethoughtful -prethoughtfully -prethoughtfulness -prethreaten -prethrill -prethrust -pretibial -pretimeliness -pretimely -pretincture -pretire -pretoken -pretone -pretonic -pretorial -pretorship -pretorsional -pretorture -pretournament -pretrace -pretracheal -pretraditional -pretrain -pretraining -pretransact -pretransaction -pretranscribe -pretranscription -pretranslate -pretranslation -pretransmission -pretransmit -pretransport -pretransportation -pretravel -pretreat -pretreatment -pretreaty -pretrematic -pretribal -pretry -prettification -prettifier -prettify -prettikin -prettily -prettiness -pretty -prettyface -prettyish -prettyism -pretubercular -pretuberculous -pretympanic -pretyphoid -pretypify -pretypographical -pretyrannical -pretyranny -pretzel -preultimate -preultimately -preumbonal -preunderstand -preundertake -preunion -preunite -preutilizable -preutilization -preutilize -prevacate -prevacation -prevaccinate -prevaccination -prevail -prevailance -prevailer -prevailingly -prevailingness -prevailment -prevalence -prevalency -prevalent -prevalently -prevalentness -prevalescence -prevalescent -prevalid -prevalidity -prevalidly -prevaluation -prevalue -prevariation -prevaricate -prevarication -prevaricator -prevaricatory -prevascular -prevegetation -prevelar -prevenance -prevenancy -prevene -prevenience -prevenient -preveniently -prevent -preventability -preventable -preventative -preventer -preventible -preventingly -prevention -preventionism -preventionist -preventive -preventively -preventiveness -preventorium -preventure -preverb -preverbal -preverification -preverify -prevernal -preversion -prevertebral -prevesical -preveto -previctorious -previde -previdence -preview -previgilance -previgilant -previgilantly -previolate -previolation -previous -previously -previousness -previse -previsibility -previsible -previsibly -prevision -previsional -previsit -previsitor -previsive -previsor -prevocal -prevocalic -prevocally -prevocational -prevogue -prevoid -prevoidance -prevolitional -prevolunteer -prevomer -prevotal -prevote -prevoyance -prevoyant -prevue -prewar -prewarn -prewarrant -prewash -preweigh -prewelcome -prewhip -prewilling -prewillingly -prewillingness -prewire -prewireless -prewitness -prewonder -prewonderment -preworldliness -preworldly -preworship -preworthily -preworthiness -preworthy -prewound -prewrap -prexy -prey -preyer -preyful -preyingly -preyouthful -prezonal -prezone -prezygapophysial -prezygapophysis -prezygomatic -Pria -priacanthid -Priacanthidae -priacanthine -Priacanthus -Priapean -Priapic -priapism -Priapulacea -priapulid -Priapulida -Priapulidae -priapuloid -Priapuloidea -Priapulus -Priapus -Priapusian -Price -price -priceable -priceably -priced -priceite -priceless -pricelessness -pricer -prich -prick -prickant -pricked -pricker -pricket -prickfoot -pricking -prickingly -prickish -prickle -prickleback -prickled -pricklefish -prickless -prickliness -prickling -pricklingly -pricklouse -prickly -pricklyback -prickmadam -prickmedainty -prickproof -pricks -prickseam -prickshot -prickspur -pricktimber -prickwood -pricky -pride -prideful -pridefully -pridefulness -prideless -pridelessly -prideling -prideweed -pridian -priding -pridingly -pridy -pried -prier -priest -priestal -priestcap -priestcraft -priestdom -priesteen -priestery -priestess -priestfish -priesthood -priestianity -priestish -priestism -priestless -priestlet -priestlike -priestliness -priestling -priestly -priestship -priestshire -prig -prigdom -prigger -priggery -priggess -priggish -priggishly -priggishness -priggism -prighood -prigman -prill -prillion -prim -prima -primacy -primage -primal -primality -primar -primarian -primaried -primarily -primariness -primary -primatal -primate -Primates -primateship -primatial -primatic -primatical -primavera -primaveral -prime -primegilt -primely -primeness -primer -primero -primerole -primeval -primevalism -primevally -primeverose -primevity -primevous -primevrin -Primianist -primigene -primigenial -primigenian -primigenious -primigenous -primigravida -primine -priming -primipara -primiparity -primiparous -primipilar -primitiae -primitial -primitias -primitive -primitively -primitivism -primitivist -primitivistic -primitivity -primly -primness -primogenetrix -primogenial -primogenital -primogenitary -primogenitive -primogenitor -primogeniture -primogenitureship -primogenous -primoprime -primoprimitive -primordality -primordia -primordial -primordialism -primordially -primordiate -primordium -primosity -primost -primp -primrose -primrosed -primrosetide -primrosetime -primrosy -primsie -Primula -primula -Primulaceae -primulaceous -Primulales -primulaverin -primulaveroside -primulic -primuline -Primulinus -Primus -primus -primwort -primy -prince -princeage -princecraft -princedom -princehood -Princeite -princekin -princeless -princelet -princelike -princeliness -princeling -princely -princeps -princeship -princess -princessdom -princesse -princesslike -princessly -princewood -princified -princify -principal -principality -principally -principalness -principalship -principate -Principes -principes -principia -principiant -principiate -principiation -principium -principle -principulus -princock -princox -prine -pringle -prink -prinker -prinkle -prinky -print -printability -printable -printableness -printed -printer -printerdom -printerlike -printery -printing -printless -printline -printscript -printworks -Priodon -priodont -Priodontes -prion -prionid -Prionidae -Prioninae -prionine -Prionodesmacea -prionodesmacean -prionodesmaceous -prionodesmatic -Prionodon -prionodont -Prionopinae -prionopine -Prionops -Prionus -prior -prioracy -prioral -priorate -prioress -prioristic -prioristically -priorite -priority -priorly -priorship -priory -prisable -prisage -prisal -priscan -Priscian -Priscianist -Priscilla -Priscillian -Priscillianism -Priscillianist -prism -prismal -prismatic -prismatical -prismatically -prismatization -prismatize -prismatoid -prismatoidal -prismed -prismoid -prismoidal -prismy -prisometer -prison -prisonable -prisondom -prisoner -prisonful -prisonlike -prisonment -prisonous -priss -prissily -prissiness -prissy -pristane -pristine -Pristipomatidae -Pristipomidae -Pristis -Pristodus -pritch -Pritchardia -pritchel -prithee -prius -privacity -privacy -privant -private -privateer -privateersman -privately -privateness -privation -privative -privatively -privativeness -privet -privilege -privileged -privileger -privily -priviness -privity -privy -prizable -prize -prizeable -prizeholder -prizeman -prizer -prizery -prizetaker -prizeworthy -pro -proa -proabolitionist -proabsolutism -proabsolutist -proabstinence -proacademic -proacceptance -proacquisition -proacquittal -proaction -proactor -proaddition -proadjournment -proadministration -proadmission -proadoption -proadvertising -proaesthetic -proaggressionist -proagitation -proagrarian -proagreement -proagricultural -proagule -proairesis -proairplane -proal -proalcoholism -proalien -proalliance -proallotment -proalteration -proamateur -proambient -proamendment -proamnion -proamniotic -proamusement -proanaphora -proanaphoral -proanarchic -proangiosperm -proangiospermic -proangiospermous -proanimistic -proannexation -proannexationist -proantarctic -proanthropos -proapostolic -proappointment -proapportionment -proappreciation -proappropriation -proapproval -proaquatic -proarbitration -proarbitrationist -proarchery -proarctic -proaristocratic -proarmy -Proarthri -proassessment -proassociation -proatheist -proatheistic -proathletic -proatlas -proattack -proattendance -proauction -proaudience -proaulion -proauthor -proauthority -proautomobile -proavian -proaviation -Proavis -proaward -prob -probabiliorism -probabiliorist -probabilism -probabilist -probabilistic -probability -probabilize -probabl -probable -probableness -probably -probachelor -probal -proballoon -probang -probanishment -probankruptcy -probant -probargaining -probaseball -probasketball -probate -probathing -probatical -probation -probational -probationary -probationer -probationerhood -probationership -probationism -probationist -probationship -probative -probatively -probator -probatory -probattle -probattleship -probe -probeable -probeer -prober -probetting -probiology -probituminous -probity -problem -problematic -problematical -problematically -problematist -problematize -problemdom -problemist -problemistic -problemize -problemwise -problockade -probonding -probonus -proborrowing -proboscidal -proboscidate -Proboscidea -proboscidean -proboscideous -proboscides -proboscidial -proboscidian -proboscidiferous -proboscidiform -probosciform -probosciformed -Probosciger -proboscis -proboscislike -probouleutic -proboulevard -probowling -proboxing -proboycott -probrick -probridge -probroadcasting -probudget -probudgeting -probuilding -probusiness -probuying -procacious -procaciously -procacity -procaine -procambial -procambium -procanal -procancellation -procapital -procapitalism -procapitalist -procarnival -procarp -procarpium -procarrier -procatalectic -procatalepsis -procatarctic -procatarxis -procathedral -Procavia -Procaviidae -procedendo -procedural -procedure -proceed -proceeder -proceeding -proceeds -proceleusmatic -Procellaria -procellarian -procellarid -Procellariidae -Procellariiformes -procellariine -procellas -procello -procellose -procellous -procensorship -procensure -procentralization -procephalic -procercoid -procereal -procerebral -procerebrum -proceremonial -proceremonialism -proceremonialist -proceres -procerite -proceritic -procerity -procerus -process -processal -procession -processional -processionalist -processionally -processionary -processioner -processionist -processionize -processionwise -processive -processor -processual -procharity -prochein -prochemical -prochlorite -prochondral -prochoos -prochordal -prochorion -prochorionic -prochromosome -prochronic -prochronism -prochronize -prochurch -prochurchian -procidence -procident -procidentia -procivic -procivilian -procivism -proclaim -proclaimable -proclaimant -proclaimer -proclaiming -proclaimingly -proclamation -proclamator -proclamatory -proclassic -proclassical -proclergy -proclerical -proclericalism -procline -proclisis -proclitic -proclive -proclivitous -proclivity -proclivous -proclivousness -Procne -procnemial -Procoelia -procoelia -procoelian -procoelous -procoercive -procollectivistic -procollegiate -procombat -procombination -procomedy -procommemoration -procomment -procommercial -procommission -procommittee -procommunal -procommunism -procommunist -procommutation -procompensation -procompetition -procompromise -procompulsion -proconcentration -proconcession -proconciliation -procondemnation -proconfederationist -proconference -proconfession -proconfessionist -proconfiscation -proconformity -Proconnesian -proconquest -proconscription -proconscriptive -proconservation -proconservationist -proconsolidation -proconstitutional -proconstitutionalism -proconsul -proconsular -proconsulary -proconsulate -proconsulship -proconsultation -procontinuation -proconvention -proconventional -proconviction -procoracoid -procoracoidal -procorporation -procosmetic -procosmopolitan -procotton -procourt -procrastinate -procrastinating -procrastinatingly -procrastination -procrastinative -procrastinatively -procrastinator -procrastinatory -procreant -procreate -procreation -procreative -procreativeness -procreator -procreatory -procreatress -procreatrix -procremation -Procris -procritic -procritique -Procrustean -Procrusteanism -Procrusteanize -Procrustes -procrypsis -procryptic -procryptically -proctal -proctalgia -proctalgy -proctatresia -proctatresy -proctectasia -proctectomy -procteurynter -proctitis -proctocele -proctoclysis -proctocolitis -proctocolonoscopy -proctocystoplasty -proctocystotomy -proctodaeal -proctodaeum -proctodynia -proctoelytroplastic -proctologic -proctological -proctologist -proctology -proctoparalysis -proctoplastic -proctoplasty -proctoplegia -proctopolypus -proctoptoma -proctoptosis -proctor -proctorage -proctoral -proctorial -proctorially -proctorical -proctorization -proctorize -proctorling -proctorrhagia -proctorrhaphy -proctorrhea -proctorship -proctoscope -proctoscopic -proctoscopy -proctosigmoidectomy -proctosigmoiditis -proctospasm -proctostenosis -proctostomy -proctotome -proctotomy -proctotresia -proctotrypid -Proctotrypidae -proctotrypoid -Proctotrypoidea -proctovalvotomy -Proculian -procumbent -procurable -procuracy -procural -procurance -procurate -procuration -procurative -procurator -procuratorate -procuratorial -procuratorship -procuratory -procuratrix -procure -procurement -procurer -procuress -procurrent -procursive -procurvation -procurved -Procyon -Procyonidae -procyoniform -Procyoniformia -Procyoninae -procyonine -proczarist -prod -prodatary -prodder -proddle -prodecoration -prodefault -prodefiance -prodelay -prodelision -prodemocratic -Prodenia -prodenominational -prodentine -prodeportation -prodespotic -prodespotism -prodialogue -prodigal -prodigalish -prodigalism -prodigality -prodigalize -prodigally -prodigiosity -prodigious -prodigiously -prodigiousness -prodigus -prodigy -prodisarmament -prodisplay -prodissoconch -prodissolution -prodistribution -prodition -proditorious -proditoriously -prodivision -prodivorce -prodproof -prodramatic -prodroma -prodromal -prodromatic -prodromatically -prodrome -prodromic -prodromous -prodromus -producal -produce -produceable -produceableness -produced -producent -producer -producership -producibility -producible -producibleness -product -producted -productibility -productible -productid -Productidae -productile -production -productional -productionist -productive -productively -productiveness -productivity -productoid -productor -productory -productress -Productus -proecclesiastical -proeconomy -proeducation -proeducational -proegumenal -proelectric -proelectrical -proelectrification -proelectrocution -proelimination -proem -proembryo -proembryonic -proemial -proemium -proemployee -proemptosis -proenforcement -proenlargement -proenzym -proenzyme -proepimeron -proepiscopist -proepisternum -proequality -proethical -proethnic -proethnically -proetid -Proetidae -Proetus -proevolution -proevolutionist -proexamination -proexecutive -proexemption -proexercise -proexperiment -proexpert -proexporting -proexposure -proextension -proextravagance -prof -profaculty -profanable -profanableness -profanably -profanation -profanatory -profanchise -profane -profanely -profanement -profaneness -profaner -profanism -profanity -profanize -profarmer -profection -profectional -profectitious -profederation -profeminism -profeminist -proferment -profert -profess -professable -professed -professedly -profession -professional -professionalism -professionalist -professionality -professionalization -professionalize -professionally -professionist -professionize -professionless -professive -professively -professor -professorate -professordom -professoress -professorial -professorialism -professorially -professoriate -professorlike -professorling -professorship -professory -proffer -profferer -proficience -proficiency -proficient -proficiently -proficientness -profiction -proficuous -proficuously -profile -profiler -profilist -profilograph -profit -profitability -profitable -profitableness -profitably -profiteer -profiteering -profiter -profiting -profitless -profitlessly -profitlessness -profitmonger -profitmongering -profitproof -proflated -proflavine -profligacy -profligate -profligately -profligateness -profligation -proflogger -profluence -profluent -profluvious -profluvium -proforeign -profound -profoundly -profoundness -profraternity -profugate -profulgent -profunda -profundity -profuse -profusely -profuseness -profusion -profusive -profusively -profusiveness -prog -progambling -progamete -progamic -proganosaur -Proganosauria -progenerate -progeneration -progenerative -progenital -progenitive -progenitiveness -progenitor -progenitorial -progenitorship -progenitress -progenitrix -progeniture -progenity -progeny -progeotropic -progeotropism -progeria -progermination -progestational -progesterone -progestin -progger -proglottic -proglottid -proglottidean -proglottis -prognathi -prognathic -prognathism -prognathous -prognathy -progne -prognose -prognosis -prognostic -prognosticable -prognostically -prognosticate -prognostication -prognosticative -prognosticator -prognosticatory -progoneate -progospel -progovernment -program -programist -programistic -programma -programmar -programmatic -programmatically -programmatist -programmer -progrede -progrediency -progredient -progress -progresser -progression -progressional -progressionally -progressionary -progressionism -progressionist -progressism -progressist -progressive -progressively -progressiveness -progressivism -progressivist -progressivity -progressor -proguardian -Progymnasium -progymnosperm -progymnospermic -progymnospermous -progypsy -prohaste -prohibit -prohibiter -prohibition -prohibitionary -prohibitionism -prohibitionist -prohibitive -prohibitively -prohibitiveness -prohibitor -prohibitorily -prohibitory -proholiday -prohostility -prohuman -prohumanistic -prohydrotropic -prohydrotropism -proidealistic -proimmunity -proinclusion -proincrease -proindemnity -proindustrial -proinjunction -proinnovationist -proinquiry -proinsurance -prointervention -proinvestment -proirrigation -projacient -project -projectable -projectedly -projectile -projecting -projectingly -projection -projectional -projectionist -projective -projectively -projectivity -projector -projectress -projectrix -projecture -projicience -projicient -projiciently -projournalistic -projudicial -proke -prokeimenon -proker -prokindergarten -proklausis -prolabium -prolabor -prolacrosse -prolactin -prolamin -prolan -prolapse -prolapsus -prolarva -prolarval -prolate -prolately -prolateness -prolation -prolative -prolatively -proleague -proleaguer -prolectite -proleg -prolegate -prolegislative -prolegomena -prolegomenal -prolegomenary -prolegomenist -prolegomenon -prolegomenous -proleniency -prolepsis -proleptic -proleptical -proleptically -proleptics -proletairism -proletarian -proletarianism -proletarianization -proletarianize -proletarianly -proletarianness -proletariat -proletariatism -proletarization -proletarize -proletary -proletcult -proleucocyte -proleukocyte -prolicense -prolicidal -prolicide -proliferant -proliferate -proliferation -proliferative -proliferous -proliferously -prolific -prolificacy -prolifical -prolifically -prolificalness -prolificate -prolification -prolificity -prolificly -prolificness -prolificy -prolify -proligerous -proline -proliquor -proliterary -proliturgical -proliturgist -prolix -prolixity -prolixly -prolixness -prolocution -prolocutor -prolocutorship -prolocutress -prolocutrix -prologist -prologize -prologizer -prologos -prologue -prologuelike -prologuer -prologuist -prologuize -prologuizer -prologus -prolong -prolongable -prolongableness -prolongably -prolongate -prolongation -prolonge -prolonger -prolongment -prolusion -prolusionize -prolusory -prolyl -promachinery -promachos -promagisterial -promagistracy -promagistrate -promajority -promammal -Promammalia -promammalian -promarriage -promatrimonial -promatrimonialist -promaximum -promemorial -promenade -promenader -promenaderess -promercantile -promercy -promerger -promeristem -promerit -promeritor -Promethea -Promethean -Prometheus -promethium -promic -promilitarism -promilitarist -promilitary -prominence -prominency -prominent -prominently -prominimum -proministry -prominority -promisable -promiscuity -promiscuous -promiscuously -promiscuousness -promise -promisee -promiseful -promiseless -promisemonger -promiseproof -promiser -promising -promisingly -promisingness -promisor -promissionary -promissive -promissor -promissorily -promissory -promitosis -promittor -promnesia -promoderation -promoderationist -promodernist -promodernistic -promonarchic -promonarchical -promonarchicalness -promonarchist -promonopolist -promonopoly -promontoried -promontory -promoral -promorph -promorphological -promorphologically -promorphologist -promorphology -promotable -promote -promotement -promoter -promotion -promotional -promotive -promotiveness -promotor -promotorial -promotress -promotrix -promovable -promovent -prompt -promptbook -prompter -promptitude -promptive -promptly -promptness -promptress -promptuary -prompture -promulgate -promulgation -promulgator -promulge -promulger -promuscidate -promuscis -promycelial -promycelium -promythic -pronaos -pronate -pronation -pronational -pronationalism -pronationalist -pronationalistic -pronative -pronatoflexor -pronator -pronaval -pronavy -prone -pronegotiation -pronegro -pronegroism -pronely -proneness -pronephric -pronephridiostome -pronephron -pronephros -proneur -prong -prongbuck -pronged -pronger -pronghorn -pronglike -pronic -pronograde -pronominal -pronominalize -pronominally -pronomination -pronotal -pronotum -pronoun -pronounal -pronounce -pronounceable -pronounced -pronouncedly -pronouncement -pronounceness -pronouncer -pronpl -pronto -Pronuba -pronuba -pronubial -pronuclear -pronucleus -pronumber -pronunciability -pronunciable -pronuncial -pronunciamento -pronunciation -pronunciative -pronunciator -pronunciatory -pronymph -pronymphal -proo -prooemiac -prooemion -prooemium -proof -proofer -proofful -proofing -proofless -prooflessly -proofness -proofread -proofreader -proofreading -proofroom -proofy -prop -propadiene -propaedeutic -propaedeutical -propaedeutics -propagability -propagable -propagableness -propagand -propaganda -propagandic -propagandism -propagandist -propagandistic -propagandistically -propagandize -propagate -propagation -propagational -propagative -propagator -propagatory -propagatress -propago -propagulum -propale -propalinal -propane -propanedicarboxylic -propanol -propanone -propapist -proparasceve -propargyl -propargylic -Proparia -proparian -proparliamental -proparoxytone -proparoxytonic -proparticipation -propatagial -propatagian -propatagium -propatriotic -propatriotism -propatronage -propayment -propellable -propellant -propellent -propeller -propelment -propend -propendent -propene -propenoic -propense -propensely -propenseness -propension -propensitude -propensity -propenyl -propenylic -proper -properispome -properispomenon -properitoneal -properly -properness -propertied -property -propertyless -propertyship -propessimism -propessimist -prophase -prophasis -prophecy -prophecymonger -prophesiable -prophesier -prophesy -prophet -prophetess -prophethood -prophetic -prophetical -propheticality -prophetically -propheticalness -propheticism -propheticly -prophetism -prophetize -prophetless -prophetlike -prophetry -prophetship -prophilosophical -prophloem -prophoric -prophototropic -prophototropism -prophylactic -prophylactical -prophylactically -prophylaxis -prophylaxy -prophyll -prophyllum -propination -propine -propinoic -propinquant -propinque -propinquity -propinquous -propiolaldehyde -propiolate -propiolic -propionate -propione -Propionibacterieae -Propionibacterium -propionic -propionitril -propionitrile -propionyl -Propithecus -propitiable -propitial -propitiate -propitiatingly -propitiation -propitiative -propitiator -propitiatorily -propitiatory -propitious -propitiously -propitiousness -proplasm -proplasma -proplastic -propless -propleural -propleuron -proplex -proplexus -Propliopithecus -propodeal -propodeon -propodeum -propodial -propodiale -propodite -propoditic -propodium -propolis -propolitical -propolization -propolize -propone -proponement -proponent -proponer -propons -Propontic -propooling -propopery -proportion -proportionability -proportionable -proportionableness -proportionably -proportional -proportionalism -proportionality -proportionally -proportionate -proportionately -proportionateness -proportioned -proportioner -proportionless -proportionment -proposable -proposal -proposant -propose -proposer -proposition -propositional -propositionally -propositionize -propositus -propound -propounder -propoundment -propoxy -proppage -propper -propraetor -propraetorial -propraetorian -proprecedent -propriation -proprietage -proprietarian -proprietariat -proprietarily -proprietary -proprietor -proprietorial -proprietorially -proprietorship -proprietory -proprietous -proprietress -proprietrix -propriety -proprioception -proprioceptive -proprioceptor -propriospinal -proprium -proprivilege -proproctor -proprofit -proprovincial -proprovost -props -propterygial -propterygium -proptosed -proptosis -propublication -propublicity -propugnacled -propugnaculum -propugnation -propugnator -propugner -propulsation -propulsatory -propulsion -propulsity -propulsive -propulsor -propulsory -propunishment -propupa -propupal -propurchase -Propus -propwood -propygidium -propyl -propylacetic -propylaeum -propylamine -propylation -propylene -propylic -propylidene -propylite -propylitic -propylitization -propylon -propyne -propynoic -proquaestor -proracing -prorailroad -prorata -proratable -prorate -proration -prore -proreader -prorealism -prorealist -prorealistic -proreality -prorean -prorebate -prorebel -prorecall -proreciprocation -prorecognition -proreconciliation -prorector -prorectorate -proredemption -proreduction -proreferendum -proreform -proreformist -proregent -prorelease -Proreptilia -proreptilian -proreption -prorepublican -proresearch -proreservationist -proresignation -prorestoration -prorestriction -prorevision -prorevisionist -prorevolution -prorevolutionary -prorevolutionist -prorhinal -Prorhipidoglossomorpha -proritual -proritualistic -prorogate -prorogation -prorogator -prorogue -proroguer -proromance -proromantic -proromanticism -proroyal -proroyalty -prorrhesis -prorsad -prorsal -proruption -prosabbath -prosabbatical -prosacral -prosaic -prosaical -prosaically -prosaicalness -prosaicism -prosaicness -prosaism -prosaist -prosar -Prosarthri -prosateur -proscapula -proscapular -proscenium -proscholastic -proschool -proscientific -proscolecine -proscolex -proscribable -proscribe -proscriber -proscript -proscription -proscriptional -proscriptionist -proscriptive -proscriptively -proscriptiveness -proscutellar -proscutellum -proscynemata -prose -prosecrecy -prosecretin -prosect -prosection -prosector -prosectorial -prosectorium -prosectorship -prosecutable -prosecute -prosecution -prosecutor -prosecutrix -proselenic -proselike -proselyte -proselyter -proselytical -proselytingly -proselytism -proselytist -proselytistic -proselytization -proselytize -proselytizer -proseman -proseminar -proseminary -proseminate -prosemination -prosencephalic -prosencephalon -prosenchyma -prosenchymatous -proseneschal -proser -Proserpinaca -prosethmoid -proseucha -proseuche -prosification -prosifier -prosify -prosiliency -prosilient -prosiliently -prosilverite -prosily -Prosimiae -prosimian -prosiness -prosing -prosingly -prosiphon -prosiphonal -prosiphonate -prosish -prosist -proslambanomenos -proslave -proslaver -proslavery -proslaveryism -prosneusis -proso -prosobranch -Prosobranchia -Prosobranchiata -prosobranchiate -prosocele -prosodal -prosode -prosodemic -prosodetic -prosodiac -prosodiacal -prosodiacally -prosodial -prosodially -prosodian -prosodic -prosodical -prosodically -prosodion -prosodist -prosodus -prosody -prosogaster -prosogyrate -prosogyrous -prosoma -prosomal -prosomatic -prosonomasia -prosopalgia -prosopalgic -prosopantritis -prosopectasia -prosophist -prosopic -prosopically -Prosopis -prosopite -Prosopium -prosoplasia -prosopography -prosopon -prosoponeuralgia -prosopoplegia -prosopoplegic -prosopopoeia -prosopopoeial -prosoposchisis -prosopospasm -prosopotocia -prosopyl -prosopyle -prosorus -prospect -prospection -prospective -prospectively -prospectiveness -prospectless -prospector -prospectus -prospectusless -prospeculation -prosper -prosperation -prosperity -prosperous -prosperously -prosperousness -prospicience -prosporangium -prosport -pross -prossy -prostatauxe -prostate -prostatectomy -prostatelcosis -prostatic -prostaticovesical -prostatism -prostatitic -prostatitis -prostatocystitis -prostatocystotomy -prostatodynia -prostatolith -prostatomegaly -prostatometer -prostatomyomectomy -prostatorrhea -prostatorrhoea -prostatotomy -prostatovesical -prostatovesiculectomy -prostatovesiculitis -prostemmate -prostemmatic -prosternal -prosternate -prosternum -prostheca -prosthenic -prosthesis -prosthetic -prosthetically -prosthetics -prosthetist -prosthion -prosthionic -prosthodontia -prosthodontist -Prostigmin -prostitute -prostitutely -prostitution -prostitutor -prostomial -prostomiate -prostomium -prostrate -prostration -prostrative -prostrator -prostrike -prostyle -prostylos -prosubmission -prosubscription -prosubstantive -prosubstitution -prosuffrage -prosupervision -prosupport -prosurgical -prosurrender -prosy -prosyllogism -prosyndicalism -prosyndicalist -protactic -protactinium -protagon -protagonism -protagonist -Protagorean -Protagoreanism -protalbumose -protamine -protandric -protandrism -protandrous -protandrously -protandry -protanomal -protanomalous -protanope -protanopia -protanopic -protargentum -protargin -Protargol -protariff -protarsal -protarsus -protasis -protaspis -protatic -protatically -protax -protaxation -protaxial -protaxis -prote -Protea -protea -Proteaceae -proteaceous -protead -protean -proteanly -proteanwise -protease -protechnical -protect -protectant -protectible -protecting -protectingly -protectingness -protection -protectional -protectionate -protectionism -protectionist -protectionize -protectionship -protective -protectively -protectiveness -Protectograph -protector -protectoral -protectorate -protectorial -protectorian -protectorless -protectorship -protectory -protectress -protectrix -protege -protegee -protegulum -proteic -Proteida -Proteidae -proteide -proteidean -proteidogenous -proteiform -protein -proteinaceous -proteinase -proteinic -proteinochromogen -proteinous -proteinuria -Proteles -Protelidae -Protelytroptera -protelytropteran -protelytropteron -protelytropterous -protemperance -protempirical -protemporaneous -protend -protension -protensity -protensive -protensively -proteoclastic -proteogenous -proteolysis -proteolytic -proteopectic -proteopexic -proteopexis -proteopexy -proteosaurid -Proteosauridae -Proteosaurus -proteose -Proteosoma -proteosomal -proteosome -proteosuria -protephemeroid -Protephemeroidea -proterandrous -proterandrousness -proterandry -proteranthous -proterobase -proteroglyph -Proteroglypha -proteroglyphic -proteroglyphous -proterogynous -proterogyny -proterothesis -proterotype -Proterozoic -protervity -protest -protestable -protestancy -protestant -Protestantish -Protestantishly -protestantism -Protestantize -Protestantlike -Protestantly -protestation -protestator -protestatory -protester -protestingly -protestive -protestor -protetrarch -Proteus -protevangel -protevangelion -protevangelium -protext -prothalamia -prothalamion -prothalamium -prothallia -prothallial -prothallic -prothalline -prothallium -prothalloid -prothallus -protheatrical -protheca -prothesis -prothetic -prothetical -prothetically -prothonotarial -prothonotariat -prothonotary -prothonotaryship -prothoracic -prothorax -prothrift -prothrombin -prothrombogen -prothyl -prothysteron -protide -protiodide -protist -Protista -protistan -protistic -protistological -protistologist -protistology -protiston -Protium -protium -proto -protoactinium -protoalbumose -protoamphibian -protoanthropic -protoapostate -protoarchitect -Protoascales -Protoascomycetes -protobacco -Protobasidii -Protobasidiomycetes -protobasidiomycetous -protobasidium -protobishop -protoblast -protoblastic -protoblattoid -Protoblattoidea -Protobranchia -Protobranchiata -protobranchiate -protocalcium -protocanonical -Protocaris -protocaseose -protocatechualdehyde -protocatechuic -Protoceras -Protoceratidae -Protoceratops -protocercal -protocerebral -protocerebrum -protochemist -protochemistry -protochloride -protochlorophyll -Protochorda -Protochordata -protochordate -protochromium -protochronicler -protocitizen -protoclastic -protocneme -Protococcaceae -protococcaceous -protococcal -Protococcales -protococcoid -Protococcus -protocol -protocolar -protocolary -Protocoleoptera -protocoleopteran -protocoleopteron -protocoleopterous -protocolist -protocolization -protocolize -protoconch -protoconchal -protocone -protoconid -protoconule -protoconulid -protocopper -protocorm -protodeacon -protoderm -protodevil -Protodonata -protodonatan -protodonate -protodont -Protodonta -protodramatic -protodynastic -protoelastose -protoepiphyte -protoforaminifer -protoforester -protogaster -protogelatose -protogenal -protogenes -protogenesis -protogenetic -protogenic -protogenist -Protogeometric -protogine -protoglobulose -protogod -protogonous -protogospel -protograph -protogynous -protogyny -protohematoblast -Protohemiptera -protohemipteran -protohemipteron -protohemipterous -protoheresiarch -Protohippus -protohistorian -protohistoric -protohistory -protohomo -protohuman -Protohydra -protohydrogen -Protohymenoptera -protohymenopteran -protohymenopteron -protohymenopterous -protoiron -protoleration -protoleucocyte -protoleukocyte -protolithic -protoliturgic -protolog -protologist -protoloph -protoma -protomagister -protomagnate -protomagnesium -protomala -protomalal -protomalar -protomammal -protomammalian -protomanganese -protomartyr -Protomastigida -protome -protomeristem -protomerite -protomeritic -protometal -protometallic -protometaphrast -Protominobacter -Protomonadina -protomonostelic -protomorph -protomorphic -Protomycetales -protomyosinose -proton -protone -protonegroid -protonema -protonemal -protonematal -protonematoid -protoneme -Protonemertini -protonephridial -protonephridium -protonephros -protoneuron -protoneurone -protonic -protonickel -protonitrate -protonotater -protonym -protonymph -protonymphal -protopapas -protopappas -protoparent -protopathia -protopathic -protopathy -protopatriarchal -protopatrician -protopattern -protopectin -protopectinase -protopepsia -Protoperlaria -protoperlarian -protophilosophic -protophloem -protophyll -Protophyta -protophyte -protophytic -protopin -protopine -protoplasm -protoplasma -protoplasmal -protoplasmatic -protoplasmic -protoplast -protoplastic -protopod -protopodial -protopodite -protopoditic -protopoetic -protopope -protoporphyrin -protopragmatic -protopresbyter -protopresbytery -protoprism -protoproteose -protoprotestant -protopteran -Protopteridae -protopteridophyte -protopterous -Protopterus -protopyramid -protore -protorebel -protoreligious -protoreptilian -Protorohippus -protorosaur -Protorosauria -protorosaurian -Protorosauridae -protorosauroid -Protorosaurus -Protorthoptera -protorthopteran -protorthopteron -protorthopterous -protosalt -protosaurian -protoscientific -Protoselachii -protosilicate -protosilicon -protosinner -Protosiphon -Protosiphonaceae -protosiphonaceous -protosocial -protosolution -protospasm -Protosphargis -Protospondyli -protospore -Protostega -Protostegidae -protostele -protostelic -protostome -protostrontium -protosulphate -protosulphide -protosyntonose -prototaxites -prototheca -protothecal -prototheme -protothere -Prototheria -prototherian -prototitanium -Prototracheata -prototraitor -prototroch -prototrochal -prototrophic -prototypal -prototype -prototypic -prototypical -prototypically -prototypographer -prototyrant -protovanadium -protoveratrine -protovertebra -protovertebral -protovestiary -protovillain -protovum -protoxide -protoxylem -Protozoa -protozoacidal -protozoacide -protozoal -protozoan -protozoea -protozoean -protozoiasis -protozoic -protozoological -protozoologist -protozoology -protozoon -protozoonal -Protracheata -protracheate -protract -protracted -protractedly -protractedness -protracter -protractible -protractile -protractility -protraction -protractive -protractor -protrade -protradition -protraditional -protragedy -protragical -protragie -protransfer -protranslation -protransubstantiation -protravel -protreasurer -protreaty -Protremata -protreptic -protreptical -protriaene -protropical -protrudable -protrude -protrudent -protrusible -protrusile -protrusion -protrusive -protrusively -protrusiveness -protuberance -protuberancy -protuberant -protuberantial -protuberantly -protuberantness -protuberate -protuberosity -protuberous -Protura -proturan -protutor -protutory -protyl -protyle -Protylopus -protype -proudful -proudhearted -proudish -proudishly -proudling -proudly -proudness -prouniformity -prounion -prounionist -prouniversity -proustite -provability -provable -provableness -provably -provaccinist -provand -provant -provascular -prove -provect -provection -proved -proveditor -provedly -provedor -provedore -proven -provenance -Provencal -Provencalize -Provence -Provencial -provender -provenience -provenient -provenly -proventricular -proventricule -proventriculus -prover -proverb -proverbial -proverbialism -proverbialist -proverbialize -proverbially -proverbic -proverbiologist -proverbiology -proverbize -proverblike -provicar -provicariate -providable -providance -provide -provided -providence -provident -providential -providentialism -providentially -providently -providentness -provider -providing -providore -providoring -province -provincial -provincialate -provincialism -provincialist -provinciality -provincialization -provincialize -provincially -provincialship -provinciate -provinculum -provine -proving -provingly -provision -provisional -provisionality -provisionally -provisionalness -provisionary -provisioner -provisioneress -provisionless -provisionment -provisive -proviso -provisor -provisorily -provisorship -provisory -provitamin -provivisection -provivisectionist -provocant -provocation -provocational -provocative -provocatively -provocativeness -provocator -provocatory -provokable -provoke -provokee -provoker -provoking -provokingly -provokingness -provolunteering -provost -provostal -provostess -provostorial -provostry -provostship -prow -prowar -prowarden -prowaterpower -prowed -prowersite -prowess -prowessed -prowessful -prowl -prowler -prowling -prowlingly -proxenet -proxenete -proxenetism -proxenos -proxenus -proxeny -proxically -proximad -proximal -proximally -proximate -proximately -proximateness -proximation -proximity -proximo -proximobuccal -proximolabial -proximolingual -proxy -proxyship -proxysm -prozone -prozoning -prozygapophysis -prozymite -prude -prudelike -prudely -Prudence -prudence -prudent -prudential -prudentialism -prudentialist -prudentiality -prudentially -prudentialness -prudently -prudery -prudish -prudishly -prudishness -prudist -prudity -Prudy -Prue -pruh -pruinate -pruinescence -pruinose -pruinous -prulaurasin -prunable -prunableness -prunably -Prunaceae -prunase -prunasin -prune -prunell -Prunella -prunella -prunelle -Prunellidae -prunello -pruner -prunetin -prunetol -pruniferous -pruniform -pruning -prunitrin -prunt -prunted -Prunus -prurience -pruriency -prurient -pruriently -pruriginous -prurigo -pruriousness -pruritic -pruritus -prusiano -Prussian -Prussianism -Prussianization -Prussianize -Prussianizer -prussiate -prussic -Prussification -Prussify -prut -prutah -pry -pryer -prying -pryingly -pryingness -pryler -pryproof -pryse -prytaneum -prytanis -prytanize -prytany -psalis -psalm -psalmic -psalmist -psalmister -psalmistry -psalmless -psalmodial -psalmodic -psalmodical -psalmodist -psalmodize -psalmody -psalmograph -psalmographer -psalmography -psalmy -psaloid -psalter -psalterial -psalterian -psalterion -psalterist -psalterium -psaltery -psaltes -psaltress -psammite -psammitic -psammocarcinoma -psammocharid -Psammocharidae -psammogenous -psammolithic -psammologist -psammology -psammoma -psammophile -psammophilous -Psammophis -psammophyte -psammophytic -psammosarcoma -psammotherapy -psammous -Psaronius -pschent -Psedera -Pselaphidae -Pselaphus -psellism -psellismus -psephism -psephisma -psephite -psephitic -psephomancy -Psephurus -Psetta -pseudaconine -pseudaconitine -pseudacusis -pseudalveolar -pseudambulacral -pseudambulacrum -pseudamoeboid -pseudamphora -pseudandry -pseudangina -pseudankylosis -pseudaphia -pseudaposematic -pseudaposporous -pseudapospory -pseudapostle -pseudarachnidan -pseudarthrosis -pseudataxic -pseudatoll -pseudaxine -pseudaxis -Pseudechis -pseudelephant -pseudelminth -pseudelytron -pseudembryo -pseudembryonic -pseudencephalic -pseudencephalus -pseudepigraph -pseudepigrapha -pseudepigraphal -pseudepigraphic -pseudepigraphical -pseudepigraphous -pseudepigraphy -pseudepiploic -pseudepiploon -pseudepiscopacy -pseudepiscopy -pseudepisematic -pseudesthesia -pseudhalteres -pseudhemal -pseudimaginal -pseudimago -pseudisodomum -pseudo -pseudoacaccia -pseudoacademic -pseudoacademical -pseudoaccidental -pseudoacid -pseudoaconitine -pseudoacromegaly -pseudoadiabatic -pseudoaesthetic -pseudoaffectionate -pseudoalkaloid -pseudoalum -pseudoalveolar -pseudoamateurish -pseudoamatory -pseudoanaphylactic -pseudoanaphylaxis -pseudoanatomic -pseudoanatomical -pseudoancestral -pseudoanemia -pseudoanemic -pseudoangelic -pseudoangina -pseudoankylosis -pseudoanthorine -pseudoanthropoid -pseudoanthropological -pseudoanthropology -pseudoantique -pseudoapologetic -pseudoapoplectic -pseudoapoplexy -pseudoappendicitis -pseudoaquatic -pseudoarchaic -pseudoarchaism -pseudoarchaist -pseudoaristocratic -pseudoarthrosis -pseudoarticulation -pseudoartistic -pseudoascetic -pseudoastringent -pseudoasymmetrical -pseudoasymmetry -pseudoataxia -pseudobacterium -pseudobasidium -pseudobenevolent -pseudobenthonic -pseudobenthos -pseudobinary -pseudobiological -pseudoblepsia -pseudoblepsis -pseudobrachial -pseudobrachium -pseudobranch -pseudobranchia -pseudobranchial -pseudobranchiate -Pseudobranchus -pseudobrookite -pseudobrotherly -pseudobulb -pseudobulbar -pseudobulbil -pseudobulbous -pseudobutylene -pseudocandid -pseudocapitulum -pseudocarbamide -pseudocarcinoid -pseudocarp -pseudocarpous -pseudocartilaginous -pseudocele -pseudocelian -pseudocelic -pseudocellus -pseudocentric -pseudocentrous -pseudocentrum -Pseudoceratites -pseudoceratitic -pseudocercaria -pseudoceryl -pseudocharitable -pseudochemical -pseudochina -pseudochromesthesia -pseudochromia -pseudochromosome -pseudochronism -pseudochronologist -pseudochrysalis -pseudochrysolite -pseudochylous -pseudocirrhosis -pseudoclassic -pseudoclassical -pseudoclassicism -pseudoclerical -Pseudococcinae -Pseudococcus -pseudococtate -pseudocollegiate -pseudocolumella -pseudocolumellar -pseudocommissure -pseudocommisural -pseudocompetitive -pseudoconcha -pseudoconclude -pseudocone -pseudoconglomerate -pseudoconglomeration -pseudoconhydrine -pseudoconjugation -pseudoconservative -pseudocorneous -pseudocortex -pseudocosta -pseudocotyledon -pseudocotyledonal -pseudocritical -pseudocroup -pseudocrystalline -pseudocubic -pseudocultivated -pseudocultural -pseudocumene -pseudocumenyl -pseudocumidine -pseudocumyl -pseudocyclosis -pseudocyesis -pseudocyst -pseudodeltidium -pseudodementia -pseudodemocratic -pseudoderm -pseudodermic -pseudodiagnosis -pseudodiastolic -pseudodiphtheria -pseudodiphtheritic -pseudodipteral -pseudodipterally -pseudodipteros -pseudodont -pseudodox -pseudodoxal -pseudodoxy -pseudodramatic -pseudodysentery -pseudoedema -pseudoelectoral -pseudoembryo -pseudoembryonic -pseudoemotional -pseudoencephalitic -pseudoenthusiastic -pseudoephedrine -pseudoepiscopal -pseudoequalitarian -pseudoerotic -pseudoeroticism -pseudoerysipelas -pseudoerysipelatous -pseudoerythrin -pseudoethical -pseudoetymological -pseudoeugenics -pseudoevangelical -pseudofamous -pseudofarcy -pseudofeminine -pseudofever -pseudofeverish -pseudofilaria -pseudofilarian -pseudofinal -pseudofluctuation -pseudofluorescence -pseudofoliaceous -pseudoform -pseudofossil -pseudogalena -pseudoganglion -pseudogaseous -pseudogaster -pseudogastrula -pseudogeneral -pseudogeneric -pseudogenerous -pseudogenteel -pseudogenus -pseudogeometry -pseudogermanic -pseudogeusia -pseudogeustia -pseudoglanders -pseudoglioma -pseudoglobulin -pseudoglottis -pseudograph -pseudographeme -pseudographer -pseudographia -pseudographize -pseudography -pseudograsserie -Pseudogryphus -pseudogyne -pseudogynous -pseudogyny -pseudogyrate -pseudohallucination -pseudohallucinatory -pseudohalogen -pseudohemal -pseudohermaphrodite -pseudohermaphroditic -pseudohermaphroditism -pseudoheroic -pseudohexagonal -pseudohistoric -pseudohistorical -pseudoholoptic -pseudohuman -pseudohydrophobia -pseudohyoscyamine -pseudohypertrophic -pseudohypertrophy -pseudoidentical -pseudoimpartial -pseudoindependent -pseudoinfluenza -pseudoinsane -pseudoinsoluble -pseudoisatin -pseudoism -pseudoisomer -pseudoisomeric -pseudoisomerism -pseudoisotropy -pseudojervine -pseudolabial -pseudolabium -pseudolalia -Pseudolamellibranchia -Pseudolamellibranchiata -pseudolamellibranchiate -pseudolaminated -Pseudolarix -pseudolateral -pseudolatry -pseudolegal -pseudolegendary -pseudoleucite -pseudoleucocyte -pseudoleukemia -pseudoleukemic -pseudoliberal -pseudolichen -pseudolinguistic -pseudoliterary -pseudolobar -pseudological -pseudologically -pseudologist -pseudologue -pseudology -pseudolunule -pseudomalachite -pseudomalaria -pseudomancy -pseudomania -pseudomaniac -pseudomantic -pseudomantist -pseudomasculine -pseudomedical -pseudomedieval -pseudomelanosis -pseudomembrane -pseudomembranous -pseudomeningitis -pseudomenstruation -pseudomer -pseudomeric -pseudomerism -pseudomery -pseudometallic -pseudometameric -pseudometamerism -pseudomica -pseudomilitarist -pseudomilitaristic -pseudomilitary -pseudoministerial -pseudomiraculous -pseudomitotic -pseudomnesia -pseudomodern -pseudomodest -Pseudomonas -pseudomonastic -pseudomonoclinic -pseudomonocotyledonous -pseudomonocyclic -pseudomonotropy -pseudomoral -pseudomorph -pseudomorphia -pseudomorphic -pseudomorphine -pseudomorphism -pseudomorphose -pseudomorphosis -pseudomorphous -pseudomorula -pseudomorular -pseudomucin -pseudomucoid -pseudomultilocular -pseudomultiseptate -pseudomythical -pseudonarcotic -pseudonational -pseudonavicella -pseudonavicellar -pseudonavicula -pseudonavicular -pseudoneuropter -Pseudoneuroptera -pseudoneuropteran -pseudoneuropterous -pseudonitrole -pseudonitrosite -pseudonuclein -pseudonucleolus -pseudonychium -pseudonym -pseudonymal -pseudonymic -pseudonymity -pseudonymous -pseudonymously -pseudonymousness -pseudonymuncle -pseudonymuncule -pseudopapaverine -pseudoparalysis -pseudoparalytic -pseudoparaplegia -pseudoparasitic -pseudoparasitism -pseudoparenchyma -pseudoparenchymatous -pseudoparenchyme -pseudoparesis -pseudoparthenogenesis -pseudopatriotic -pseudopediform -pseudopelletierine -pseudopercular -pseudoperculate -pseudoperculum -pseudoperianth -pseudoperidium -pseudoperiodic -pseudoperipteral -pseudopermanent -pseudoperoxide -pseudoperspective -Pseudopeziza -pseudophallic -pseudophellandrene -pseudophenanthrene -pseudophenanthroline -pseudophenocryst -pseudophilanthropic -pseudophilosophical -Pseudophoenix -pseudopionnotes -pseudopious -pseudoplasm -pseudoplasma -pseudoplasmodium -pseudopneumonia -pseudopod -pseudopodal -pseudopodia -pseudopodial -pseudopodian -pseudopodiospore -pseudopodium -pseudopoetic -pseudopoetical -pseudopolitic -pseudopolitical -pseudopopular -pseudopore -pseudoporphyritic -pseudopregnancy -pseudopregnant -pseudopriestly -pseudoprimitive -pseudoprimitivism -pseudoprincely -pseudoproboscis -pseudoprofessional -pseudoprofessorial -pseudoprophetic -pseudoprophetical -pseudoprosperous -pseudopsia -pseudopsychological -pseudoptics -pseudoptosis -pseudopupa -pseudopupal -pseudopurpurin -pseudopyriform -pseudoquinol -pseudorabies -pseudoracemic -pseudoracemism -pseudoramose -pseudoramulus -pseudorealistic -pseudoreduction -pseudoreformed -pseudoregal -pseudoreligious -pseudoreminiscence -pseudorganic -pseudorheumatic -pseudorhombohedral -pseudoromantic -pseudorunic -pseudosacred -pseudosacrilegious -pseudosalt -pseudosatirical -pseudoscarlatina -Pseudoscarus -pseudoscholarly -pseudoscholastic -pseudoscientific -Pseudoscines -pseudoscinine -pseudosclerosis -pseudoscope -pseudoscopic -pseudoscopically -pseudoscopy -pseudoscorpion -Pseudoscorpiones -Pseudoscorpionida -pseudoscutum -pseudosematic -pseudosensational -pseudoseptate -pseudoservile -pseudosessile -pseudosiphonal -pseudosiphuncal -pseudoskeletal -pseudoskeleton -pseudoskink -pseudosmia -pseudosocial -pseudosocialistic -pseudosolution -pseudosoph -pseudosopher -pseudosophical -pseudosophist -pseudosophy -pseudospectral -pseudosperm -pseudospermic -pseudospermium -pseudospermous -pseudosphere -pseudospherical -pseudospiracle -pseudospiritual -pseudosporangium -pseudospore -pseudosquamate -pseudostalactite -pseudostalactitical -pseudostalagmite -pseudostalagmitical -pseudostereoscope -pseudostereoscopic -pseudostereoscopism -pseudostigma -pseudostigmatic -pseudostoma -pseudostomatous -pseudostomous -pseudostratum -pseudosubtle -Pseudosuchia -pseudosuchian -pseudosweating -pseudosyllogism -pseudosymmetric -pseudosymmetrical -pseudosymmetry -pseudosymptomatic -pseudosyphilis -pseudosyphilitic -pseudotabes -pseudotachylite -pseudotetanus -pseudotetragonal -Pseudotetramera -pseudotetrameral -pseudotetramerous -pseudotrachea -pseudotracheal -pseudotribal -pseudotributary -Pseudotrimera -pseudotrimeral -pseudotrimerous -pseudotropine -Pseudotsuga -pseudotubercular -pseudotuberculosis -pseudotuberculous -pseudoturbinal -pseudotyphoid -pseudoval -pseudovarian -pseudovary -pseudovelar -pseudovelum -pseudoventricle -pseudoviaduct -pseudoviperine -pseudoviscosity -pseudoviscous -pseudovolcanic -pseudovolcano -pseudovum -pseudowhorl -pseudoxanthine -pseudoyohimbine -pseudozealot -pseudozoea -pseudozoogloeal -psha -Pshav -pshaw -psi -Psidium -psilanthropic -psilanthropism -psilanthropist -psilanthropy -psiloceran -Psiloceras -psiloceratan -psiloceratid -Psiloceratidae -psiloi -psilology -psilomelane -psilomelanic -Psilophytales -psilophyte -Psilophyton -psilosis -psilosopher -psilosophy -Psilotaceae -psilotaceous -psilothrum -psilotic -Psilotum -psithurism -Psithyrus -psittaceous -psittaceously -Psittaci -Psittacidae -Psittaciformes -Psittacinae -psittacine -psittacinite -psittacism -psittacistic -Psittacomorphae -psittacomorphic -psittacosis -Psittacus -psoadic -psoas -psoatic -psocid -Psocidae -psocine -psoitis -psomophagic -psomophagist -psomophagy -psora -Psoralea -psoriasic -psoriasiform -psoriasis -psoriatic -psoriatiform -psoric -psoroid -Psorophora -psorophthalmia -psorophthalmic -Psoroptes -psoroptic -psorosis -psorosperm -psorospermial -psorospermiasis -psorospermic -psorospermiform -psorospermosis -psorous -pssimistical -pst -psych -psychagogic -psychagogos -psychagogue -psychagogy -psychal -psychalgia -psychanalysis -psychanalysist -psychanalytic -psychasthenia -psychasthenic -Psyche -psyche -Psychean -psycheometry -psychesthesia -psychesthetic -psychiasis -psychiater -psychiatria -psychiatric -psychiatrical -psychiatrically -psychiatrist -psychiatrize -psychiatry -psychic -psychical -psychically -Psychichthys -psychicism -psychicist -psychics -psychid -Psychidae -psychism -psychist -psychoanalysis -psychoanalyst -psychoanalytic -psychoanalytical -psychoanalytically -psychoanalyze -psychoanalyzer -psychoautomatic -psychobiochemistry -psychobiologic -psychobiological -psychobiology -psychobiotic -psychocatharsis -psychoclinic -psychoclinical -psychoclinicist -Psychoda -psychodiagnostics -Psychodidae -psychodispositional -psychodrama -psychodynamic -psychodynamics -psychoeducational -psychoepilepsy -psychoethical -psychofugal -psychogalvanic -psychogalvanometer -psychogenesis -psychogenetic -psychogenetical -psychogenetically -psychogenetics -psychogenic -psychogeny -psychognosis -psychognostic -psychognosy -psychogonic -psychogonical -psychogony -psychogram -psychograph -psychographer -psychographic -psychographist -psychography -psychoid -psychokinesia -psychokinesis -psychokinetic -psychokyme -psycholepsy -psycholeptic -psychologer -psychologian -psychologic -psychological -psychologically -psychologics -psychologism -psychologist -psychologize -psychologue -psychology -psychomachy -psychomancy -psychomantic -psychometer -psychometric -psychometrical -psychometrically -psychometrician -psychometrics -psychometrist -psychometrize -psychometry -psychomonism -psychomoral -psychomorphic -psychomorphism -psychomotility -psychomotor -psychon -psychoneural -psychoneurological -psychoneurosis -psychoneurotic -psychonomic -psychonomics -psychonomy -psychony -psychoorganic -psychopannychian -psychopannychism -psychopannychist -psychopannychistic -psychopannychy -psychopanychite -psychopath -psychopathia -psychopathic -psychopathist -psychopathologic -psychopathological -psychopathologist -psychopathy -psychopetal -psychophobia -psychophysic -psychophysical -psychophysically -psychophysicist -psychophysics -psychophysiologic -psychophysiological -psychophysiologically -psychophysiologist -psychophysiology -psychoplasm -psychopomp -psychopompos -psychorealism -psychorealist -psychorealistic -psychoreflex -psychorhythm -psychorhythmia -psychorhythmic -psychorhythmical -psychorhythmically -psychorrhagic -psychorrhagy -psychosarcous -psychosensorial -psychosensory -psychoses -psychosexual -psychosexuality -psychosexually -psychosis -psychosocial -psychosomatic -psychosomatics -psychosome -psychosophy -psychostasy -psychostatic -psychostatical -psychostatically -psychostatics -psychosurgeon -psychosurgery -psychosynthesis -psychosynthetic -psychotaxis -psychotechnical -psychotechnician -psychotechnics -psychotechnological -psychotechnology -psychotheism -psychotherapeutic -psychotherapeutical -psychotherapeutics -psychotherapeutist -psychotherapist -psychotherapy -psychotic -Psychotria -psychotrine -psychovital -Psychozoic -psychroesthesia -psychrograph -psychrometer -psychrometric -psychrometrical -psychrometry -psychrophile -psychrophilic -psychrophobia -psychrophore -psychrophyte -psychurgy -psykter -Psylla -psylla -psyllid -Psyllidae -psyllium -ptarmic -Ptarmica -ptarmical -ptarmigan -Ptelea -Ptenoglossa -ptenoglossate -Pteranodon -pteranodont -Pteranodontidae -pteraspid -Pteraspidae -Pteraspis -ptereal -pterergate -Pterian -pteric -Pterichthyodes -Pterichthys -pterideous -pteridium -pteridography -pteridoid -pteridological -pteridologist -pteridology -pteridophilism -pteridophilist -pteridophilistic -Pteridophyta -pteridophyte -pteridophytic -pteridophytous -pteridosperm -Pteridospermae -Pteridospermaphyta -pteridospermaphytic -pteridospermous -pterion -Pteris -Pterobranchia -pterobranchiate -pterocarpous -Pterocarpus -Pterocarya -Pterocaulon -Pterocera -Pteroceras -Pterocles -Pterocletes -Pteroclidae -Pteroclomorphae -pteroclomorphic -pterodactyl -Pterodactyli -pterodactylian -pterodactylic -pterodactylid -Pterodactylidae -pterodactyloid -pterodactylous -Pterodactylus -pterographer -pterographic -pterographical -pterography -pteroid -pteroma -pteromalid -Pteromalidae -Pteromys -pteropaedes -pteropaedic -pteropegal -pteropegous -pteropegum -pterophorid -Pterophoridae -Pterophorus -Pterophryne -pteropid -Pteropidae -pteropine -pteropod -Pteropoda -pteropodal -pteropodan -pteropodial -Pteropodidae -pteropodium -pteropodous -Pteropsida -Pteropus -pterosaur -Pterosauri -Pterosauria -pterosaurian -pterospermous -Pterospora -Pterostemon -Pterostemonaceae -pterostigma -pterostigmal -pterostigmatic -pterostigmatical -pterotheca -pterothorax -pterotic -pteroylglutamic -pterygial -pterygiophore -pterygium -pterygobranchiate -pterygode -pterygodum -Pterygogenea -pterygoid -pterygoidal -pterygoidean -pterygomalar -pterygomandibular -pterygomaxillary -pterygopalatal -pterygopalatine -pterygopharyngeal -pterygopharyngean -pterygophore -pterygopodium -pterygoquadrate -pterygosphenoid -pterygospinous -pterygostaphyline -Pterygota -pterygote -pterygotous -pterygotrabecular -Pterygotus -pteryla -pterylographic -pterylographical -pterylography -pterylological -pterylology -pterylosis -Ptilichthyidae -Ptiliidae -Ptilimnium -ptilinal -ptilinum -Ptilocercus -Ptilonorhynchidae -Ptilonorhynchinae -ptilopaedes -ptilopaedic -ptilosis -Ptilota -ptinid -Ptinidae -ptinoid -Ptinus -ptisan -ptochocracy -ptochogony -ptochology -Ptolemaean -Ptolemaian -Ptolemaic -Ptolemaical -Ptolemaism -Ptolemaist -Ptolemean -Ptolemy -ptomain -ptomaine -ptomainic -ptomatropine -ptosis -ptotic -ptyalagogic -ptyalagogue -ptyalectasis -ptyalin -ptyalism -ptyalize -ptyalocele -ptyalogenic -ptyalolith -ptyalolithiasis -ptyalorrhea -Ptychoparia -ptychoparid -ptychopariid -ptychopterygial -ptychopterygium -Ptychosperma -ptysmagogue -ptyxis -pu -pua -puan -pub -pubal -pubble -puberal -pubertal -pubertic -puberty -puberulent -puberulous -pubes -pubescence -pubescency -pubescent -pubian -pubic -pubigerous -pubiotomy -pubis -public -Publican -publican -publicanism -publication -publichearted -publicheartedness -publicism -publicist -publicity -publicize -publicly -publicness -Publilian -publish -publishable -publisher -publisheress -publishership -publishment -pubococcygeal -pubofemoral -puboiliac -puboischiac -puboischial -puboischiatic -puboprostatic -puborectalis -pubotibial -pubourethral -pubovesical -Puccinia -Pucciniaceae -pucciniaceous -puccinoid -puccoon -puce -pucelage -pucellas -pucelle -Puchanahua -pucherite -puchero -puck -pucka -puckball -pucker -puckerbush -puckerel -puckerer -puckermouth -puckery -puckfist -puckish -puckishly -puckishness -puckle -pucklike -puckling -puckneedle -puckrel -puckster -pud -puddee -puddening -pudder -pudding -puddingberry -puddinghead -puddingheaded -puddinghouse -puddinglike -puddingwife -puddingy -puddle -puddled -puddlelike -puddler -puddling -puddly -puddock -puddy -pudency -pudenda -pudendal -pudendous -pudendum -pudent -pudge -pudgily -pudginess -pudgy -pudiano -pudibund -pudibundity -pudic -pudical -pudicitia -pudicity -pudsey -pudsy -Pudu -pudu -pueblito -Pueblo -pueblo -Puebloan -puebloization -puebloize -Puelche -Puelchean -Pueraria -puerer -puericulture -puerile -puerilely -puerileness -puerilism -puerility -puerman -puerpera -puerperal -puerperalism -puerperant -puerperium -puerperous -puerpery -puff -puffback -puffball -puffbird -puffed -puffer -puffery -puffily -puffin -puffiness -puffinet -puffing -puffingly -Puffinus -pufflet -puffwig -puffy -pug -pugged -pugger -puggi -pugginess -pugging -puggish -puggle -puggree -puggy -pugh -pugil -pugilant -pugilism -pugilist -pugilistic -pugilistical -pugilistically -puglianite -pugman -pugmill -pugmiller -pugnacious -pugnaciously -pugnaciousness -pugnacity -Puinavi -Puinavian -Puinavis -puisne -puissance -puissant -puissantly -puissantness -puist -puistie -puja -Pujunan -puka -pukatea -pukateine -puke -pukeko -puker -pukeweed -Pukhtun -pukish -pukishness -pukras -puku -puky -pul -pulahan -pulahanism -pulasan -pulaskite -Pulaya -Pulayan -pulchrify -pulchritude -pulchritudinous -pule -pulegol -pulegone -puler -Pulex -pulghere -puli -Pulian -pulicarious -pulicat -pulicene -pulicid -Pulicidae -pulicidal -pulicide -pulicine -pulicoid -pulicose -pulicosity -pulicous -puling -pulingly -pulish -pulk -pulka -pull -pullable -pullback -pullboat -pulldevil -pulldoo -pulldown -pulldrive -pullen -puller -pullery -pullet -pulley -pulleyless -pulli -Pullman -Pullmanize -pullorum -pullulant -pullulate -pullulation -pullus -pulmobranchia -pulmobranchial -pulmobranchiate -pulmocardiac -pulmocutaneous -pulmogastric -pulmometer -pulmometry -pulmonal -pulmonar -Pulmonaria -pulmonarian -pulmonary -Pulmonata -pulmonate -pulmonated -pulmonectomy -pulmonic -pulmonifer -Pulmonifera -pulmoniferous -pulmonitis -Pulmotor -pulmotracheal -Pulmotrachearia -pulmotracheary -pulmotracheate -pulp -pulpaceous -pulpal -pulpalgia -pulpamenta -pulpboard -pulpectomy -pulpefaction -pulper -pulpifier -pulpify -pulpily -pulpiness -pulpit -pulpital -pulpitarian -pulpiteer -pulpiter -pulpitful -pulpitic -pulpitical -pulpitically -pulpitis -pulpitish -pulpitism -pulpitize -pulpitless -pulpitly -pulpitolatry -pulpitry -pulpless -pulplike -pulpotomy -pulpous -pulpousness -pulpstone -pulpwood -pulpy -pulque -pulsant -pulsatance -pulsate -pulsatile -pulsatility -Pulsatilla -pulsation -pulsational -pulsative -pulsatively -pulsator -pulsatory -pulse -pulseless -pulselessly -pulselessness -pulselike -pulsellum -pulsidge -pulsific -pulsimeter -pulsion -pulsive -pulsojet -pulsometer -pultaceous -pulton -pulu -pulveraceous -pulverant -pulverate -pulveration -pulvereous -pulverin -pulverizable -pulverizate -pulverization -pulverizator -pulverize -pulverizer -pulverous -pulverulence -pulverulent -pulverulently -pulvic -pulvil -pulvillar -pulvilliform -pulvillus -pulvinar -Pulvinaria -pulvinarian -pulvinate -pulvinated -pulvinately -pulvination -pulvinic -pulviniform -pulvino -pulvinule -pulvinulus -pulvinus -pulviplume -pulwar -puly -puma -Pume -pumicate -pumice -pumiced -pumiceous -pumicer -pumiciform -pumicose -pummel -pummice -pump -pumpable -pumpage -pumpellyite -pumper -pumpernickel -pumpkin -pumpkinification -pumpkinify -pumpkinish -pumpkinity -pumple -pumpless -pumplike -pumpman -pumpsman -pumpwright -pun -puna -punaise -punalua -punaluan -Punan -punatoo -punch -punchable -punchboard -puncheon -puncher -punchinello -punching -punchless -punchlike -punchproof -punchy -punct -punctal -punctate -punctated -punctation -punctator -puncticular -puncticulate -puncticulose -punctiform -punctiliar -punctilio -punctiliomonger -punctiliosity -punctilious -punctiliously -punctiliousness -punctist -punctographic -punctual -punctualist -punctuality -punctually -punctualness -punctuate -punctuation -punctuational -punctuationist -punctuative -punctuator -punctuist -punctulate -punctulated -punctulation -punctule -punctulum -punctum -puncturation -puncture -punctured -punctureless -punctureproof -puncturer -pundigrion -pundit -pundita -punditic -punditically -punditry -pundonor -pundum -puneca -pung -punga -pungapung -pungar -pungence -pungency -pungent -pungently -punger -pungey -pungi -pungle -pungled -Punic -Punica -Punicaceae -punicaceous -puniceous -punicial -punicin -punicine -punily -puniness -punish -punishability -punishable -punishableness -punishably -punisher -punishment -punishmentproof -punition -punitional -punitionally -punitive -punitively -punitiveness -punitory -Punjabi -punjum -punk -punkah -punketto -punkie -punkwood -punky -punless -punlet -punnable -punnage -punner -punnet -punnic -punnical -punnigram -punningly -punnology -Puno -punproof -punster -punstress -punt -punta -puntabout -puntal -puntel -punter -punti -puntil -puntist -Puntlatsh -punto -puntout -puntsman -punty -puny -punyish -punyism -pup -pupa -pupahood -pupal -puparial -puparium -pupate -pupation -pupelo -Pupidae -pupiferous -pupiform -pupigenous -pupigerous -pupil -pupilability -pupilage -pupilar -pupilate -pupildom -pupiled -pupilize -pupillarity -pupillary -pupilless -Pupillidae -pupillometer -pupillometry -pupilloscope -pupilloscoptic -pupilloscopy -Pupipara -pupiparous -Pupivora -pupivore -pupivorous -pupoid -puppet -puppetdom -puppeteer -puppethood -puppetish -puppetism -puppetize -puppetlike -puppetly -puppetman -puppetmaster -puppetry -puppify -puppily -Puppis -puppy -puppydom -puppyfish -puppyfoot -puppyhood -puppyish -puppyism -puppylike -puppysnatch -pupulo -Pupuluca -pupunha -Puquina -Puquinan -pur -purana -puranic -puraque -Purasati -Purbeck -Purbeckian -purblind -purblindly -purblindness -purchasability -purchasable -purchase -purchaser -purchasery -purdah -purdy -pure -pureblood -purebred -pured -puree -purehearted -purely -pureness -purer -purfle -purfled -purfler -purfling -purfly -purga -purgation -purgative -purgatively -purgatorial -purgatorian -purgatory -purge -purgeable -purger -purgery -purging -purificant -purification -purificative -purificator -purificatory -purifier -puriform -purify -purine -puriri -purism -purist -puristic -puristical -Puritan -puritandom -Puritaness -puritanic -puritanical -puritanically -puritanicalness -Puritanism -puritanism -Puritanize -Puritanizer -puritanlike -Puritanly -puritano -purity -Purkinje -Purkinjean -purl -purler -purlhouse -purlicue -purlieu -purlieuman -purlin -purlman -purloin -purloiner -purohepatitis -purolymph -puromucous -purpart -purparty -purple -purplelip -purplely -purpleness -purplescent -purplewood -purplewort -purplish -purplishness -purply -purport -purportless -purpose -purposedly -purposeful -purposefully -purposefulness -purposeless -purposelessly -purposelessness -purposelike -purposely -purposer -purposive -purposively -purposiveness -purposivism -purposivist -purposivistic -purpresture -purpura -purpuraceous -purpurate -purpure -purpureal -purpurean -purpureous -purpurescent -purpuric -purpuriferous -purpuriform -purpurigenous -purpurin -purpurine -purpuriparous -purpurite -purpurize -purpurogallin -purpurogenous -purpuroid -purpuroxanthin -purr -purre -purree -purreic -purrel -purrer -purring -purringly -purrone -purry -purse -pursed -purseful -purseless -purselike -purser -pursership -Purshia -pursily -pursiness -purslane -purslet -pursley -pursuable -pursual -pursuance -pursuant -pursuantly -pursue -pursuer -pursuit -pursuitmeter -pursuivant -pursy -purtenance -Puru -Puruha -purulence -purulency -purulent -purulently -puruloid -Purupuru -purusha -purushartha -purvey -purveyable -purveyal -purveyance -purveyancer -purveyor -purveyoress -purview -purvoe -purwannah -pus -Puschkinia -Puseyism -Puseyistical -Puseyite -push -pushball -pushcart -pusher -pushful -pushfully -pushfulness -pushing -pushingly -pushingness -pushmobile -pushover -pushpin -Pushtu -pushwainling -pusillanimity -pusillanimous -pusillanimously -pusillanimousness -puss -pusscat -pussley -pusslike -pussy -pussycat -pussyfoot -pussyfooted -pussyfooter -pussyfooting -pussyfootism -pussytoe -pustulant -pustular -pustulate -pustulated -pustulation -pustulatous -pustule -pustuled -pustulelike -pustuliform -pustulose -pustulous -put -putage -putamen -putaminous -putanism -putation -putationary -putative -putatively -putback -putchen -putcher -puteal -putelee -puther -puthery -putid -putidly -putidness -putlog -putois -Putorius -putredinal -putredinous -putrefacient -putrefactible -putrefaction -putrefactive -putrefactiveness -putrefiable -putrefier -putrefy -putresce -putrescence -putrescency -putrescent -putrescibility -putrescible -putrescine -putricide -putrid -putridity -putridly -putridness -putrifacted -putriform -putrilage -putrilaginous -putrilaginously -putschism -putschist -putt -puttee -putter -putterer -putteringly -puttier -puttock -putty -puttyblower -puttyhead -puttyhearted -puttylike -puttyroot -puttywork -puture -puxy -Puya -Puyallup -puzzle -puzzleation -puzzled -puzzledly -puzzledness -puzzledom -puzzlehead -puzzleheaded -puzzleheadedly -puzzleheadedness -puzzleman -puzzlement -puzzlepate -puzzlepated -puzzlepatedness -puzzler -puzzling -puzzlingly -puzzlingness -pya -pyal -pyarthrosis -pyche -Pycnanthemum -pycnia -pycnial -pycnid -pycnidia -pycnidial -pycnidiophore -pycnidiospore -pycnidium -pycniospore -pycnite -pycnium -Pycnocoma -pycnoconidium -pycnodont -Pycnodonti -Pycnodontidae -pycnodontoid -Pycnodus -pycnogonid -Pycnogonida -pycnogonidium -pycnogonoid -pycnometer -pycnometochia -pycnometochic -pycnomorphic -pycnomorphous -Pycnonotidae -Pycnonotinae -pycnonotine -Pycnonotus -pycnosis -pycnospore -pycnosporic -pycnostyle -pycnotic -pyelectasis -pyelic -pyelitic -pyelitis -pyelocystitis -pyelogram -pyelograph -pyelographic -pyelography -pyelolithotomy -pyelometry -pyelonephritic -pyelonephritis -pyelonephrosis -pyeloplasty -pyeloscopy -pyelotomy -pyeloureterogram -pyemesis -pyemia -pyemic -pygal -pygalgia -pygarg -pygargus -pygidial -pygidid -Pygididae -Pygidium -pygidium -pygmaean -Pygmalion -pygmoid -Pygmy -pygmy -pygmydom -pygmyhood -pygmyish -pygmyism -pygmyship -pygmyweed -Pygobranchia -Pygobranchiata -pygobranchiate -pygofer -pygopagus -pygopod -Pygopodes -Pygopodidae -pygopodine -pygopodous -Pygopus -pygostyle -pygostyled -pygostylous -pyic -pyin -pyjama -pyjamaed -pyke -pyknatom -pyknic -pyknotic -pyla -Pylades -pylagore -pylangial -pylangium -pylar -pylephlebitic -pylephlebitis -pylethrombophlebitis -pylethrombosis -pylic -pylon -pyloralgia -pylorectomy -pyloric -pyloristenosis -pyloritis -pylorocleisis -pylorodilator -pylorogastrectomy -pyloroplasty -pyloroptosis -pyloroschesis -pyloroscirrhus -pyloroscopy -pylorospasm -pylorostenosis -pylorostomy -pylorus -pyobacillosis -pyocele -pyoctanin -pyocyanase -pyocyanin -pyocyst -pyocyte -pyodermatitis -pyodermatosis -pyodermia -pyodermic -pyogenesis -pyogenetic -pyogenic -pyogenin -pyogenous -pyohemothorax -pyoid -pyolabyrinthitis -pyolymph -pyometra -pyometritis -pyonephritis -pyonephrosis -pyonephrotic -pyopericarditis -pyopericardium -pyoperitoneum -pyoperitonitis -pyophagia -pyophthalmia -pyophylactic -pyoplania -pyopneumocholecystitis -pyopneumocyst -pyopneumopericardium -pyopneumoperitoneum -pyopneumoperitonitis -pyopneumothorax -pyopoiesis -pyopoietic -pyoptysis -pyorrhea -pyorrheal -pyorrheic -pyosalpingitis -pyosalpinx -pyosepticemia -pyosepticemic -pyosis -pyospermia -pyotherapy -pyothorax -pyotoxinemia -pyoureter -pyovesiculosis -pyoxanthose -pyr -pyracanth -Pyracantha -Pyraceae -pyracene -pyral -Pyrales -pyralid -Pyralidae -pyralidan -pyralidid -Pyralididae -pyralidiform -Pyralidoidea -pyralis -pyraloid -Pyrameis -pyramid -pyramidaire -pyramidal -pyramidale -pyramidalis -Pyramidalism -Pyramidalist -pyramidally -pyramidate -Pyramidella -pyramidellid -Pyramidellidae -pyramider -pyramides -pyramidia -pyramidic -pyramidical -pyramidically -pyramidicalness -pyramidion -Pyramidist -pyramidize -pyramidlike -pyramidoattenuate -pyramidoidal -pyramidologist -pyramidoprismatic -pyramidwise -pyramoidal -pyran -pyranometer -pyranyl -pyrargyrite -Pyrausta -Pyraustinae -pyrazine -pyrazole -pyrazoline -pyrazolone -pyrazolyl -pyre -pyrectic -pyrena -pyrene -Pyrenean -pyrenematous -pyrenic -pyrenin -pyrenocarp -pyrenocarpic -pyrenocarpous -Pyrenochaeta -pyrenodean -pyrenodeine -pyrenodeous -pyrenoid -pyrenolichen -Pyrenomycetales -pyrenomycete -Pyrenomycetes -Pyrenomycetineae -pyrenomycetous -Pyrenopeziza -pyrethrin -Pyrethrum -pyrethrum -pyretic -pyreticosis -pyretogenesis -pyretogenetic -pyretogenic -pyretogenous -pyretography -pyretology -pyretolysis -pyretotherapy -pyrewinkes -Pyrex -pyrex -pyrexia -pyrexial -pyrexic -pyrexical -pyrgeometer -pyrgocephalic -pyrgocephaly -pyrgoidal -pyrgologist -pyrgom -pyrheliometer -pyrheliometric -pyrheliometry -pyrheliophor -pyribole -pyridazine -pyridic -pyridine -pyridinium -pyridinize -pyridone -pyridoxine -pyridyl -pyriform -pyriformis -pyrimidine -pyrimidyl -pyritaceous -pyrite -pyrites -pyritic -pyritical -pyritiferous -pyritization -pyritize -pyritohedral -pyritohedron -pyritoid -pyritology -pyritous -pyro -pyroacetic -pyroacid -pyroantimonate -pyroantimonic -pyroarsenate -pyroarsenic -pyroarsenious -pyroarsenite -pyrobelonite -pyrobituminous -pyroborate -pyroboric -pyrocatechin -pyrocatechinol -pyrocatechol -pyrocatechuic -pyrocellulose -pyrochemical -pyrochemically -pyrochlore -pyrochromate -pyrochromic -pyrocinchonic -pyrocitric -pyroclastic -pyrocoll -pyrocollodion -pyrocomenic -pyrocondensation -pyroconductivity -pyrocotton -pyrocrystalline -Pyrocystis -Pyrodine -pyroelectric -pyroelectricity -pyrogallate -pyrogallic -pyrogallol -pyrogen -pyrogenation -pyrogenesia -pyrogenesis -pyrogenetic -pyrogenetically -pyrogenic -pyrogenous -pyroglutamic -pyrognomic -pyrognostic -pyrognostics -pyrograph -pyrographer -pyrographic -pyrography -pyrogravure -pyroguaiacin -pyroheliometer -pyroid -Pyrola -Pyrolaceae -pyrolaceous -pyrolater -pyrolatry -pyroligneous -pyrolignic -pyrolignite -pyrolignous -pyrolite -pyrollogical -pyrologist -pyrology -pyrolusite -pyrolysis -pyrolytic -pyrolyze -pyromachy -pyromagnetic -pyromancer -pyromancy -pyromania -pyromaniac -pyromaniacal -pyromantic -pyromeconic -pyromellitic -pyrometallurgy -pyrometamorphic -pyrometamorphism -pyrometer -pyrometric -pyrometrical -pyrometrically -pyrometry -Pyromorphidae -pyromorphism -pyromorphite -pyromorphous -pyromotor -pyromucate -pyromucic -pyromucyl -pyronaphtha -pyrone -Pyronema -pyronine -pyronomics -pyronyxis -pyrope -pyropen -pyrophanite -pyrophanous -pyrophile -pyrophilous -pyrophobia -pyrophone -pyrophoric -pyrophorous -pyrophorus -pyrophosphate -pyrophosphoric -pyrophosphorous -pyrophotograph -pyrophotography -pyrophotometer -pyrophyllite -pyrophysalite -pyropuncture -pyropus -pyroracemate -pyroracemic -pyroscope -pyroscopy -pyrosis -pyrosmalite -Pyrosoma -Pyrosomatidae -pyrosome -Pyrosomidae -pyrosomoid -pyrosphere -pyrostat -pyrostereotype -pyrostilpnite -pyrosulphate -pyrosulphite -pyrosulphuric -pyrosulphuryl -pyrotantalate -pyrotartaric -pyrotartrate -pyrotechnian -pyrotechnic -pyrotechnical -pyrotechnically -pyrotechnician -pyrotechnics -pyrotechnist -pyrotechny -pyroterebic -pyrotheology -Pyrotheria -Pyrotherium -pyrotic -pyrotoxin -pyrotritaric -pyrotritartric -pyrouric -pyrovanadate -pyrovanadic -pyroxanthin -pyroxene -pyroxenic -pyroxenite -pyroxmangite -pyroxonium -pyroxyle -pyroxylene -pyroxylic -pyroxylin -Pyrrhic -pyrrhic -pyrrhichian -pyrrhichius -pyrrhicist -Pyrrhocoridae -Pyrrhonean -Pyrrhonian -Pyrrhonic -Pyrrhonism -Pyrrhonist -Pyrrhonistic -Pyrrhonize -pyrrhotine -pyrrhotism -pyrrhotist -pyrrhotite -pyrrhous -Pyrrhuloxia -Pyrrhus -pyrrodiazole -pyrrol -pyrrole -pyrrolic -pyrrolidine -pyrrolidone -pyrrolidyl -pyrroline -pyrrolylene -pyrrophyllin -pyrroporphyrin -pyrrotriazole -pyrroyl -pyrryl -pyrrylene -Pyrula -Pyrularia -pyruline -pyruloid -Pyrus -pyruvaldehyde -pyruvate -pyruvic -pyruvil -pyruvyl -pyrylium -Pythagorean -Pythagoreanism -Pythagoreanize -Pythagoreanly -Pythagoric -Pythagorical -Pythagorically -Pythagorism -Pythagorist -Pythagorize -Pythagorizer -Pythia -Pythiaceae -Pythiacystis -Pythiad -Pythiambic -Pythian -Pythic -Pythios -Pythium -Pythius -pythogenesis -pythogenetic -pythogenic -pythogenous -python -pythoness -pythonic -pythonical -pythonid -Pythonidae -pythoniform -Pythoninae -pythonine -pythonism -Pythonissa -pythonist -pythonize -pythonoid -pythonomorph -Pythonomorpha -pythonomorphic -pythonomorphous -pyuria -pyvuril -pyx -Pyxidanthera -pyxidate -pyxides -pyxidium -pyxie -Pyxis -pyxis -Q -q -qasida -qere -qeri -qintar -Qoheleth -qoph -qua -quab -quabird -quachil -quack -quackery -quackhood -quackish -quackishly -quackishness -quackism -quackle -quacksalver -quackster -quacky -quad -quadded -quaddle -Quader -Quadi -quadmeter -quadra -quadrable -quadragenarian -quadragenarious -Quadragesima -quadragesimal -quadragintesimal -quadral -quadrangle -quadrangled -quadrangular -quadrangularly -quadrangularness -quadrangulate -quadrans -quadrant -quadrantal -quadrantes -Quadrantid -quadrantile -quadrantlike -quadrantly -quadrat -quadrate -quadrated -quadrateness -quadratic -quadratical -quadratically -quadratics -Quadratifera -quadratiferous -quadratojugal -quadratomandibular -quadratosquamosal -quadratrix -quadratum -quadrature -quadratus -quadrauricular -quadrennia -quadrennial -quadrennially -quadrennium -quadriad -quadrialate -quadriannulate -quadriarticulate -quadriarticulated -quadribasic -quadric -quadricapsular -quadricapsulate -quadricarinate -quadricellular -quadricentennial -quadriceps -quadrichord -quadriciliate -quadricinium -quadricipital -quadricone -quadricorn -quadricornous -quadricostate -quadricotyledonous -quadricovariant -quadricrescentic -quadricrescentoid -quadricuspid -quadricuspidal -quadricuspidate -quadricycle -quadricycler -quadricyclist -quadridentate -quadridentated -quadriderivative -quadridigitate -quadriennial -quadriennium -quadrienniumutile -quadrifarious -quadrifariously -quadrifid -quadrifilar -quadrifocal -quadrifoil -quadrifoliate -quadrifoliolate -quadrifolious -quadrifolium -quadriform -quadrifrons -quadrifrontal -quadrifurcate -quadrifurcated -quadrifurcation -quadriga -quadrigabled -quadrigamist -quadrigate -quadrigatus -quadrigeminal -quadrigeminate -quadrigeminous -quadrigeminum -quadrigenarious -quadriglandular -quadrihybrid -quadrijugal -quadrijugate -quadrijugous -quadrilaminar -quadrilaminate -quadrilateral -quadrilaterally -quadrilateralness -quadrilingual -quadriliteral -quadrille -quadrilled -quadrillion -quadrillionth -quadrilobate -quadrilobed -quadrilocular -quadriloculate -quadrilogue -quadrilogy -quadrimembral -quadrimetallic -quadrimolecular -quadrimum -quadrinodal -quadrinomial -quadrinomical -quadrinominal -quadrinucleate -quadrioxalate -quadriparous -quadripartite -quadripartitely -quadripartition -quadripennate -quadriphosphate -quadriphyllous -quadripinnate -quadriplanar -quadriplegia -quadriplicate -quadriplicated -quadripolar -quadripole -quadriportico -quadriporticus -quadripulmonary -quadriquadric -quadriradiate -quadrireme -quadrisect -quadrisection -quadriseptate -quadriserial -quadrisetose -quadrispiral -quadristearate -quadrisulcate -quadrisulcated -quadrisulphide -quadrisyllabic -quadrisyllabical -quadrisyllable -quadrisyllabous -quadriternate -quadritubercular -quadrituberculate -quadriurate -quadrivalence -quadrivalency -quadrivalent -quadrivalently -quadrivalve -quadrivalvular -quadrivial -quadrivious -quadrivium -quadrivoltine -quadroon -quadrual -Quadrula -quadrum -Quadrumana -quadrumanal -quadrumane -quadrumanous -quadruped -quadrupedal -quadrupedan -quadrupedant -quadrupedantic -quadrupedantical -quadrupedate -quadrupedation -quadrupedism -quadrupedous -quadruplane -quadruplator -quadruple -quadrupleness -quadruplet -quadruplex -quadruplicate -quadruplication -quadruplicature -quadruplicity -quadruply -quadrupole -quaedam -Quaequae -quaesitum -quaestor -quaestorial -quaestorian -quaestorship -quaestuary -quaff -quaffer -quaffingly -quag -quagga -quagginess -quaggle -quaggy -quagmire -quagmiry -quahog -quail -quailberry -quailery -quailhead -quaillike -quaily -quaint -quaintance -quaintise -quaintish -quaintly -quaintness -Quaitso -quake -quakeful -quakeproof -Quaker -quaker -quakerbird -Quakerdom -Quakeress -Quakeric -Quakerish -Quakerishly -Quakerishness -Quakerism -Quakerization -Quakerize -Quakerlet -Quakerlike -Quakerly -Quakership -Quakery -quaketail -quakiness -quaking -quakingly -quaky -quale -qualifiable -qualification -qualificative -qualificator -qualificatory -qualified -qualifiedly -qualifiedness -qualifier -qualify -qualifyingly -qualimeter -qualitative -qualitatively -qualitied -quality -qualityless -qualityship -qualm -qualminess -qualmish -qualmishly -qualmishness -qualmproof -qualmy -qualmyish -qualtagh -Quamasia -Quamoclit -quan -quandary -quandong -quandy -quannet -quant -quanta -quantic -quantical -quantifiable -quantifiably -quantification -quantifier -quantify -quantimeter -quantitate -quantitative -quantitatively -quantitativeness -quantitied -quantitive -quantitively -quantity -quantivalence -quantivalency -quantivalent -quantization -quantize -quantometer -quantulum -quantum -Quapaw -quaquaversal -quaquaversally -quar -quarantinable -quarantine -quarantiner -quaranty -quardeel -quare -quarenden -quarender -quarentene -quark -quarl -quarle -quarred -quarrel -quarreled -quarreler -quarreling -quarrelingly -quarrelproof -quarrelsome -quarrelsomely -quarrelsomeness -quarriable -quarried -quarrier -quarry -quarryable -quarrying -quarryman -quarrystone -quart -quartan -quartane -quartation -quartenylic -quarter -quarterage -quarterback -quarterdeckish -quartered -quarterer -quartering -quarterization -quarterland -quarterly -quarterman -quartermaster -quartermasterlike -quartermastership -quartern -quarterpace -quarters -quartersaw -quartersawed -quarterspace -quarterstaff -quarterstetch -quartet -quartette -quartetto -quartful -quartic -quartile -quartine -quartiparous -quarto -Quartodeciman -quartodecimanism -quartole -quartz -quartzic -quartziferous -quartzite -quartzitic -quartzless -quartzoid -quartzose -quartzous -quartzy -quash -Quashee -quashey -quashy -quasi -quasijudicial -Quasimodo -quasky -quassation -quassative -Quassia -quassiin -quassin -quat -quata -quatch -quatercentenary -quatern -quaternal -quaternarian -quaternarius -quaternary -quaternate -quaternion -quaternionic -quaternionist -quaternitarian -quaternity -quaters -quatertenses -quatorzain -quatorze -quatrain -quatral -quatrayle -quatre -quatrefeuille -quatrefoil -quatrefoiled -quatrefoliated -quatrible -quatrin -quatrino -quatrocentism -quatrocentist -quatrocento -Quatsino -quattie -quattrini -quatuor -quatuorvirate -quauk -quave -quaver -quaverer -quavering -quaveringly -quaverous -quavery -quaverymavery -quaw -quawk -quay -quayage -quayful -quaylike -quayman -quayside -quaysider -qubba -queach -queachy -queak -queal -quean -queanish -queasily -queasiness -queasom -queasy -quebrachamine -quebrachine -quebrachitol -quebracho -quebradilla -Quechua -Quechuan -quedful -queechy -queen -queencake -queencraft -queencup -queendom -queenfish -queenhood -queening -queenite -queenless -queenlet -queenlike -queenliness -queenly -queenright -queenroot -queensberry -queenship -queenweed -queenwood -queer -queerer -queerish -queerishness -queerity -queerly -queerness -queersome -queery -queest -queesting -queet -queeve -quegh -quei -queintise -quelch -Quelea -quell -queller -quemado -queme -quemeful -quemefully -quemely -quench -quenchable -quenchableness -quencher -quenchless -quenchlessly -quenchlessness -quenelle -quenselite -quercetagetin -quercetic -quercetin -quercetum -quercic -Querciflorae -quercimeritrin -quercin -quercine -quercinic -quercitannic -quercitannin -quercite -quercitin -quercitol -quercitrin -quercitron -quercivorous -Quercus -Querecho -Querendi -Querendy -querent -Queres -querier -queriman -querimonious -querimoniously -querimoniousness -querimony -querist -querken -querl -quern -quernal -Quernales -quernstone -querulent -querulential -querulist -querulity -querulosity -querulous -querulously -querulousness -query -querying -queryingly -queryist -quesited -quesitive -quest -quester -questeur -questful -questingly -question -questionability -questionable -questionableness -questionably -questionary -questionee -questioner -questioningly -questionist -questionless -questionlessly -questionnaire -questionous -questionwise -questman -questor -questorial -questorship -quet -quetch -quetenite -quetzal -queue -quey -Quiangan -quiapo -quib -quibble -quibbleproof -quibbler -quibblingly -quiblet -quica -Quiche -quick -quickbeam -quickborn -quicken -quickenance -quickenbeam -quickener -quickfoot -quickhatch -quickhearted -quickie -quicklime -quickly -quickness -quicksand -quicksandy -quickset -quicksilver -quicksilvering -quicksilverish -quicksilverishness -quicksilvery -quickstep -quickthorn -quickwork -quid -Quidae -quiddative -quidder -Quiddist -quiddit -quidditative -quidditatively -quiddity -quiddle -quiddler -quidnunc -quiesce -quiescence -quiescency -quiescent -quiescently -quiet -quietable -quieten -quietener -quieter -quieting -quietism -quietist -quietistic -quietive -quietlike -quietly -quietness -quietsome -quietude -quietus -quiff -quiffing -Quiina -Quiinaceae -quiinaceous -quila -quiles -Quileute -quilkin -quill -Quillagua -quillai -quillaic -Quillaja -quillaja -quillback -quilled -quiller -quillet -quilleted -quillfish -quilling -quilltail -quillwork -quillwort -quilly -quilt -quilted -quilter -quilting -Quimbaya -Quimper -quin -quina -quinacrine -Quinaielt -quinaldic -quinaldine -quinaldinic -quinaldinium -quinaldyl -quinamicine -quinamidine -quinamine -quinanisole -quinaquina -quinarian -quinarius -quinary -quinate -quinatoxine -Quinault -quinazoline -quinazolyl -quince -quincentenary -quincentennial -quincewort -quinch -quincubital -quincubitalism -quincuncial -quincuncially -quincunx -quincunxial -quindecad -quindecagon -quindecangle -quindecasyllabic -quindecemvir -quindecemvirate -quindecennial -quindecim -quindecima -quindecylic -quindene -quinetum -quingentenary -quinhydrone -quinia -quinible -quinic -quinicine -quinidia -quinidine -quinin -quinina -quinine -quininiazation -quininic -quininism -quininize -quiniretin -quinisext -quinisextine -quinism -quinite -quinitol -quinizarin -quinize -quink -quinnat -quinnet -Quinnipiac -quinoa -quinocarbonium -quinoform -quinogen -quinoid -quinoidal -quinoidation -quinoidine -quinol -quinoline -quinolinic -quinolinium -quinolinyl -quinologist -quinology -quinolyl -quinometry -quinone -quinonediimine -quinonic -quinonimine -quinonization -quinonize -quinonoid -quinonyl -quinopyrin -quinotannic -quinotoxine -quinova -quinovatannic -quinovate -quinovic -quinovin -quinovose -quinoxaline -quinoxalyl -quinoyl -quinquagenarian -quinquagenary -Quinquagesima -quinquagesimal -quinquarticular -Quinquatria -Quinquatrus -quinquecapsular -quinquecostate -quinquedentate -quinquedentated -quinquefarious -quinquefid -quinquefoliate -quinquefoliated -quinquefoliolate -quinquegrade -quinquejugous -quinquelateral -quinqueliteral -quinquelobate -quinquelobated -quinquelobed -quinquelocular -quinqueloculine -quinquenary -quinquenerval -quinquenerved -quinquennalia -quinquennia -quinquenniad -quinquennial -quinquennialist -quinquennially -quinquennium -quinquepartite -quinquepedal -quinquepedalian -quinquepetaloid -quinquepunctal -quinquepunctate -quinqueradial -quinqueradiate -quinquereme -quinquertium -quinquesect -quinquesection -quinqueseptate -quinqueserial -quinqueseriate -quinquesyllabic -quinquesyllable -quinquetubercular -quinquetuberculate -quinquevalence -quinquevalency -quinquevalent -quinquevalve -quinquevalvous -quinquevalvular -quinqueverbal -quinqueverbial -quinquevir -quinquevirate -quinquiliteral -quinquina -quinquino -quinse -quinsied -quinsy -quinsyberry -quinsywort -quint -quintad -quintadena -quintadene -quintain -quintal -quintan -quintant -quintary -quintato -quinte -quintelement -quintennial -quinternion -quinteron -quinteroon -quintessence -quintessential -quintessentiality -quintessentially -quintessentiate -quintet -quintette -quintetto -quintic -quintile -Quintilis -Quintillian -quintillion -quintillionth -Quintin -quintin -quintiped -Quintius -quinto -quintocubital -quintocubitalism -quintole -quinton -quintroon -quintuple -quintuplet -quintuplicate -quintuplication -quintuplinerved -quintupliribbed -quintus -quinuclidine -quinyl -quinze -quinzieme -quip -quipful -quipo -quipper -quippish -quippishness -quippy -quipsome -quipsomeness -quipster -quipu -quira -quire -quirewise -Quirinal -Quirinalia -quirinca -quiritarian -quiritary -Quirite -Quirites -quirk -quirkiness -quirkish -quirksey -quirksome -quirky -quirl -quirquincho -quirt -quis -quisby -quiscos -quisle -quisling -Quisqualis -quisqueite -quisquilian -quisquiliary -quisquilious -quisquous -quisutsch -quit -quitch -quitclaim -quite -Quitemoca -Quiteno -quitrent -quits -quittable -quittance -quitted -quitter -quittor -Quitu -quiver -quivered -quiverer -quiverful -quivering -quiveringly -quiverish -quiverleaf -quivery -Quixote -quixotic -quixotical -quixotically -quixotism -quixotize -quixotry -quiz -quizzability -quizzable -quizzacious -quizzatorial -quizzee -quizzer -quizzery -quizzical -quizzicality -quizzically -quizzicalness -quizzification -quizzify -quizziness -quizzingly -quizzish -quizzism -quizzity -quizzy -Qung -quo -quod -quoddies -quoddity -quodlibet -quodlibetal -quodlibetarian -quodlibetary -quodlibetic -quodlibetical -quodlibetically -quoilers -quoin -quoined -quoining -quoit -quoiter -quoitlike -quoits -quondam -quondamly -quondamship -quoniam -quop -Quoratean -quorum -quot -quota -quotability -quotable -quotableness -quotably -quotation -quotational -quotationally -quotationist -quotative -quote -quotee -quoteless -quotennial -quoter -quoteworthy -quoth -quotha -quotidian -quotidianly -quotidianness -quotient -quotiety -quotingly -quotity -quotlibet -quotum -Qurti -R -r -ra -raad -Raanan -raash -Rab -rab -raband -rabanna -rabat -rabatine -rabatte -rabattement -rabbanist -rabbanite -rabbet -rabbeting -rabbi -rabbin -rabbinate -rabbindom -Rabbinic -rabbinic -Rabbinica -rabbinical -rabbinically -rabbinism -rabbinist -rabbinistic -rabbinistical -rabbinite -rabbinize -rabbinship -rabbiship -rabbit -rabbitberry -rabbiter -rabbithearted -rabbitlike -rabbitmouth -rabbitproof -rabbitroot -rabbitry -rabbitskin -rabbitweed -rabbitwise -rabbitwood -rabbity -rabble -rabblelike -rabblement -rabbleproof -rabbler -rabblesome -rabboni -rabbonim -Rabelaisian -Rabelaisianism -Rabelaism -Rabi -rabic -rabid -rabidity -rabidly -rabidness -rabies -rabietic -rabific -rabiform -rabigenic -Rabin -rabinet -rabirubia -rabitic -rabulistic -rabulous -raccoon -raccoonberry -raccroc -race -raceabout -racebrood -racecourse -racegoer -racegoing -racelike -racemate -racemation -raceme -racemed -racemic -racemiferous -racemiform -racemism -racemization -racemize -racemocarbonate -racemocarbonic -racemomethylate -racemose -racemosely -racemous -racemously -racemule -racemulose -racer -raceway -rach -rache -Rachel -rachial -rachialgia -rachialgic -rachianalgesia -Rachianectes -rachianesthesia -rachicentesis -rachides -rachidial -rachidian -rachiform -Rachiglossa -rachiglossate -rachigraph -rachilla -rachiocentesis -rachiococainize -rachiocyphosis -rachiodont -rachiodynia -rachiometer -rachiomyelitis -rachioparalysis -rachioplegia -rachioscoliosis -rachiotome -rachiotomy -rachipagus -rachis -rachischisis -rachitic -rachitis -rachitism -rachitogenic -rachitome -rachitomous -rachitomy -Rachycentridae -Rachycentron -racial -racialism -racialist -raciality -racialization -racialize -racially -racily -raciness -racing -racinglike -racism -racist -rack -rackabones -rackan -rackboard -racker -racket -racketeer -racketeering -racketer -racketing -racketlike -racketproof -racketry -rackett -rackettail -rackety -rackful -racking -rackingly -rackle -rackless -rackmaster -rackproof -rackrentable -rackway -rackwork -racloir -racon -raconteur -racoon -Racovian -racy -rad -rada -radar -radarman -radarscope -raddle -raddleman -raddlings -radectomy -Radek -radiability -radiable -radial -radiale -radialia -radiality -radialization -radialize -radially -radian -radiance -radiancy -radiant -radiantly -Radiata -radiate -radiated -radiately -radiateness -radiatics -radiatiform -radiation -radiational -radiative -radiatopatent -radiatoporose -radiatoporous -radiator -radiatory -radiatostriate -radiatosulcate -radiature -radical -radicalism -radicality -radicalization -radicalize -radically -radicalness -radicand -radicant -radicate -radicated -radicating -radication -radicel -radices -radicicola -radicicolous -radiciferous -radiciflorous -radiciform -radicivorous -radicle -radicolous -radicose -Radicula -radicular -radicule -radiculectomy -radiculitis -radiculose -radiectomy -radiescent -radiferous -radii -radio -radioacoustics -radioactinium -radioactivate -radioactive -radioactively -radioactivity -radioamplifier -radioanaphylaxis -radioautograph -radioautographic -radioautography -radiobicipital -radiobroadcast -radiobroadcaster -radiobroadcasting -radiobserver -radiocarbon -radiocarpal -radiocast -radiocaster -radiochemical -radiochemistry -radiocinematograph -radioconductor -radiode -radiodermatitis -radiodetector -radiodiagnosis -radiodigital -radiodontia -radiodontic -radiodontist -radiodynamic -radiodynamics -radioelement -radiogenic -radiogoniometer -radiogoniometric -radiogoniometry -radiogram -radiograph -radiographer -radiographic -radiographical -radiographically -radiography -radiohumeral -radioisotope -Radiolaria -radiolarian -radiolead -radiolite -Radiolites -radiolitic -Radiolitidae -radiolocation -radiolocator -radiologic -radiological -radiologist -radiology -radiolucency -radiolucent -radioluminescence -radioluminescent -radioman -radiomedial -radiometallography -radiometeorograph -radiometer -radiometric -radiometrically -radiometry -radiomicrometer -radiomovies -radiomuscular -radionecrosis -radioneuritis -radionics -radiopacity -radiopalmar -radiopaque -radiopelvimetry -radiophare -radiophone -radiophonic -radiophony -radiophosphorus -radiophotograph -radiophotography -radiopraxis -radioscope -radioscopic -radioscopical -radioscopy -radiosensibility -radiosensitive -radiosensitivity -radiosonde -radiosonic -radiostereoscopy -radiosurgery -radiosurgical -radiosymmetrical -radiotechnology -radiotelegram -radiotelegraph -radiotelegraphic -radiotelegraphy -radiotelephone -radiotelephonic -radiotelephony -radioteria -radiothallium -radiotherapeutic -radiotherapeutics -radiotherapeutist -radiotherapist -radiotherapy -radiothermy -radiothorium -radiotoxemia -radiotransparency -radiotransparent -radiotrician -Radiotron -radiotropic -radiotropism -radiovision -radish -radishlike -radium -radiumization -radiumize -radiumlike -radiumproof -radiumtherapy -radius -radix -radknight -radman -radome -radon -radsimir -radula -radulate -raduliferous -raduliform -Rafael -Rafe -raff -Raffaelesque -raffe -raffee -raffery -raffia -raffinase -raffinate -raffing -raffinose -raffish -raffishly -raffishness -raffle -raffler -Rafflesia -rafflesia -Rafflesiaceae -rafflesiaceous -Rafik -raft -raftage -rafter -raftiness -raftlike -raftman -raftsman -rafty -rag -raga -ragabash -ragabrash -ragamuffin -ragamuffinism -ragamuffinly -rage -rageful -ragefully -rageless -rageous -rageously -rageousness -rageproof -rager -ragesome -ragfish -ragged -raggedly -raggedness -raggedy -raggee -ragger -raggery -raggety -raggil -raggily -ragging -raggle -raggled -raggy -raghouse -Raghu -raging -ragingly -raglan -raglanite -raglet -raglin -ragman -Ragnar -ragout -ragpicker -ragseller -ragshag -ragsorter -ragstone -ragtag -ragtime -ragtimer -ragtimey -ragule -raguly -ragweed -ragwort -rah -Rahanwin -rahdar -rahdaree -Rahul -Raia -raia -Raiae -raid -raider -raidproof -Raif -Raiidae -raiiform -rail -railage -railbird -railer -railhead -railing -railingly -raillery -railless -raillike -railly -railman -railroad -railroadana -railroader -railroadiana -railroading -railroadish -railroadship -railway -railwaydom -railwayless -Raimannia -raiment -raimentless -rain -rainband -rainbird -rainbound -rainbow -rainbowlike -rainbowweed -rainbowy -rainburst -raincoat -raindrop -Rainer -rainer -rainfall -rainfowl -rainful -rainily -raininess -rainless -rainlessness -rainlight -rainproof -rainproofer -rainspout -rainstorm -raintight -rainwash -rainworm -rainy -raioid -Rais -rais -raisable -raise -raised -raiseman -raiser -raisin -raising -raisiny -Raj -raj -Raja -raja -Rajah -rajah -Rajarshi -rajaship -Rajasthani -rajbansi -Rajeev -Rajendra -Rajesh -Rajidae -Rajiv -Rajput -rakan -rake -rakeage -rakeful -rakehell -rakehellish -rakehelly -raker -rakery -rakesteel -rakestele -rakh -Rakhal -raki -rakily -raking -rakish -rakishly -rakishness -rakit -rakshasa -raku -Ralf -rallentando -ralliance -Rallidae -rallier -ralliform -Rallinae -ralline -Rallus -rally -Ralph -ralph -ralstonite -Ram -ram -Rama -ramada -Ramadoss -ramage -Ramaism -Ramaite -ramal -Raman -Ramanan -ramanas -ramarama -ramass -ramate -rambeh -ramberge -ramble -rambler -rambling -ramblingly -ramblingness -Rambo -rambong -rambooze -Rambouillet -rambunctious -rambutan -ramdohrite -rame -rameal -Ramean -ramed -ramekin -ramellose -rament -ramentaceous -ramental -ramentiferous -ramentum -rameous -ramequin -Rameses -Rameseum -Ramesh -Ramessid -Ramesside -ramet -ramex -ramfeezled -ramgunshoch -ramhead -ramhood -rami -ramicorn -ramie -ramiferous -ramificate -ramification -ramified -ramiflorous -ramiform -ramify -ramigerous -Ramillie -Ramillied -ramiparous -Ramiro -ramisection -ramisectomy -Ramism -Ramist -Ramistical -ramlike -ramline -rammack -rammel -rammelsbergite -rammer -rammerman -rammish -rammishly -rammishness -rammy -Ramneek -Ramnenses -Ramnes -Ramon -Ramona -Ramoosii -ramose -ramosely -ramosity -ramosopalmate -ramosopinnate -ramososubdivided -ramous -ramp -rampacious -rampaciously -rampage -rampageous -rampageously -rampageousness -rampager -rampagious -rampancy -rampant -rampantly -rampart -ramped -ramper -Ramphastidae -Ramphastides -Ramphastos -rampick -rampike -ramping -rampingly -rampion -rampire -rampler -ramplor -rampsman -ramrace -ramrod -ramroddy -ramscallion -ramsch -Ramsey -ramshackle -ramshackled -ramshackleness -ramshackly -ramson -ramstam -ramtil -ramular -ramule -ramuliferous -ramulose -ramulous -ramulus -ramus -ramuscule -Ramusi -Ran -ran -Rana -rana -ranal -Ranales -ranarian -ranarium -Ranatra -rance -rancel -rancellor -rancelman -rancer -rancescent -ranch -ranche -rancher -rancheria -ranchero -ranchless -ranchman -rancho -ranchwoman -rancid -rancidification -rancidify -rancidity -rancidly -rancidness -rancor -rancorous -rancorously -rancorousness -rancorproof -Rand -rand -Randal -Randall -Randallite -randan -randannite -Randell -randem -rander -Randia -randing -randir -Randite -randle -Randolph -random -randomish -randomization -randomize -randomly -randomness -randomwise -Randy -randy -rane -Ranella -Ranere -rang -rangatira -range -ranged -rangeless -rangeman -ranger -rangership -rangework -rangey -Rangifer -rangiferine -ranginess -ranging -rangle -rangler -rangy -rani -ranid -Ranidae -raniferous -raniform -Ranina -Raninae -ranine -raninian -ranivorous -Ranjit -rank -ranked -ranker -rankish -rankle -rankless -ranklingly -rankly -rankness -ranksman -rankwise -rann -rannel -rannigal -ranny -Ranquel -ransack -ransacker -ransackle -ransel -ranselman -ransom -ransomable -ransomer -ransomfree -ransomless -ranstead -rant -rantan -rantankerous -rantepole -ranter -Ranterism -ranting -rantingly -rantipole -rantock -ranty -ranula -ranular -Ranunculaceae -ranunculaceous -Ranunculales -ranunculi -Ranunculus -Ranzania -Raoulia -rap -Rapaces -rapaceus -rapacious -rapaciously -rapaciousness -rapacity -rapakivi -Rapallo -Rapanea -Rapateaceae -rapateaceous -rape -rapeful -raper -rapeseed -Raphael -Raphaelesque -Raphaelic -Raphaelism -Raphaelite -Raphaelitism -raphania -Raphanus -raphany -raphe -Raphia -raphide -raphides -raphidiferous -raphidiid -Raphidiidae -Raphidodea -Raphidoidea -Raphiolepis -raphis -rapic -rapid -rapidity -rapidly -rapidness -rapier -rapiered -rapillo -rapine -rapiner -raping -rapinic -rapist -raploch -rappage -rapparee -rappe -rappel -rapper -rapping -Rappist -rappist -Rappite -rapport -rapscallion -rapscallionism -rapscallionly -rapscallionry -rapt -raptatorial -raptatory -raptly -raptness -raptor -Raptores -raptorial -raptorious -raptril -rapture -raptured -raptureless -rapturist -rapturize -rapturous -rapturously -rapturousness -raptury -raptus -rare -rarebit -rarefaction -rarefactional -rarefactive -rarefiable -rarefication -rarefier -rarefy -rarely -rareness -rareripe -Rareyfy -rariconstant -rarish -rarity -Rarotongan -ras -rasa -Rasalas -Rasalhague -rasamala -rasant -rascacio -rascal -rascaldom -rascaless -rascalion -rascalism -rascality -rascalize -rascallike -rascallion -rascally -rascalry -rascalship -rasceta -rascette -rase -rasen -Rasenna -raser -rasgado -rash -rasher -rashful -rashing -rashlike -rashly -rashness -Rashti -rasion -Raskolnik -Rasores -rasorial -rasp -raspatorium -raspatory -raspberriade -raspberry -raspberrylike -rasped -rasper -rasping -raspingly -raspingness -raspings -raspish -raspite -raspy -rasse -Rasselas -rassle -Rastaban -raster -rastik -rastle -Rastus -rasure -rat -rata -ratability -ratable -ratableness -ratably -ratafee -ratafia -ratal -ratanhia -rataplan -ratbite -ratcatcher -ratcatching -ratch -ratchel -ratchelly -ratcher -ratchet -ratchetlike -ratchety -ratching -ratchment -rate -rated -ratel -rateless -ratement -ratepayer -ratepaying -rater -ratfish -rath -rathe -rathed -rathely -ratheness -rather -ratherest -ratheripe -ratherish -ratherly -rathest -rathite -Rathnakumar -rathole -rathskeller -raticidal -raticide -ratification -ratificationist -ratifier -ratify -ratihabition -ratine -rating -ratio -ratiocinant -ratiocinate -ratiocination -ratiocinative -ratiocinator -ratiocinatory -ratiometer -ration -rationable -rationably -rational -rationale -rationalism -rationalist -rationalistic -rationalistical -rationalistically -rationalisticism -rationality -rationalizable -rationalization -rationalize -rationalizer -rationally -rationalness -rationate -rationless -rationment -Ratitae -ratite -ratitous -ratlike -ratline -ratliner -ratoon -ratooner -ratproof -ratsbane -ratskeller -rattage -rattail -rattan -ratteen -ratten -rattener -ratter -rattery -ratti -rattinet -rattish -rattle -rattlebag -rattlebones -rattlebox -rattlebrain -rattlebrained -rattlebush -rattled -rattlehead -rattleheaded -rattlejack -rattlemouse -rattlenut -rattlepate -rattlepated -rattlepod -rattleproof -rattler -rattleran -rattleroot -rattlertree -rattles -rattleskull -rattleskulled -rattlesnake -rattlesome -rattletrap -rattleweed -rattlewort -rattling -rattlingly -rattlingness -rattly -ratton -rattoner -rattrap -Rattus -ratty -ratwa -ratwood -raucid -raucidity -raucity -raucous -raucously -raucousness -raught -raugrave -rauk -raukle -Raul -rauli -raun -raunge -raupo -rauque -Rauraci -Raurici -Rauwolfia -ravage -ravagement -ravager -rave -ravehook -raveinelike -ravel -raveler -ravelin -raveling -ravelly -ravelment -ravelproof -raven -Ravenala -ravendom -ravenduck -Ravenelia -ravener -ravenhood -ravening -ravenish -ravenlike -ravenous -ravenously -ravenousness -ravenry -ravens -Ravensara -ravensara -ravenstone -ravenwise -raver -Ravi -ravigote -ravin -ravinate -Ravindran -Ravindranath -ravine -ravined -ravinement -raviney -raving -ravingly -ravioli -ravish -ravishedly -ravisher -ravishing -ravishingly -ravishment -ravison -ravissant -raw -rawboned -rawbones -rawhead -rawhide -rawhider -rawish -rawishness -rawness -rax -Ray -ray -raya -rayage -Rayan -rayed -rayful -rayless -raylessness -raylet -Raymond -rayon -rayonnance -rayonnant -raze -razee -razer -razoo -razor -razorable -razorback -razorbill -razoredge -razorless -razormaker -razormaking -razorman -razorstrop -Razoumofskya -razz -razzia -razzly -re -rea -reaal -reabandon -reabolish -reabolition -reabridge -reabsence -reabsent -reabsolve -reabsorb -reabsorption -reabuse -reacceptance -reaccess -reaccession -reacclimatization -reacclimatize -reaccommodate -reaccompany -reaccomplish -reaccomplishment -reaccord -reaccost -reaccount -reaccredit -reaccrue -reaccumulate -reaccumulation -reaccusation -reaccuse -reaccustom -reacetylation -reach -reachable -reacher -reachieve -reachievement -reaching -reachless -reachy -reacidification -reacidify -reacknowledge -reacknowledgment -reacquaint -reacquaintance -reacquire -reacquisition -react -reactance -reactant -reaction -reactional -reactionally -reactionariness -reactionarism -reactionarist -reactionary -reactionaryism -reactionism -reactionist -reactivate -reactivation -reactive -reactively -reactiveness -reactivity -reactological -reactology -reactor -reactualization -reactualize -reactuate -read -readability -readable -readableness -readably -readapt -readaptability -readaptable -readaptation -readaptive -readaptiveness -readd -readdition -readdress -reader -readerdom -readership -readhere -readhesion -readily -readiness -reading -readingdom -readjourn -readjournment -readjudicate -readjust -readjustable -readjuster -readjustment -readmeasurement -readminister -readmiration -readmire -readmission -readmit -readmittance -readopt -readoption -readorn -readvance -readvancement -readvent -readventure -readvertency -readvertise -readvertisement -readvise -readvocate -ready -reaeration -reaffect -reaffection -reaffiliate -reaffiliation -reaffirm -reaffirmance -reaffirmation -reaffirmer -reafflict -reafford -reafforest -reafforestation -reaffusion -reagency -reagent -reaggravate -reaggravation -reaggregate -reaggregation -reaggressive -reagin -reagitate -reagitation -reagree -reagreement -reak -Real -real -realarm -reales -realest -realgar -realienate -realienation -realign -realignment -realism -realist -realistic -realistically -realisticize -reality -realive -realizability -realizable -realizableness -realizably -realization -realize -realizer -realizing -realizingly -reallegation -reallege -reallegorize -realliance -reallocate -reallocation -reallot -reallotment -reallow -reallowance -reallude -reallusion -really -realm -realmless -realmlet -realness -realter -realteration -realtor -realty -ream -reamage -reamalgamate -reamalgamation -reamass -reambitious -reamend -reamendment -reamer -reamerer -reaminess -reamputation -reamuse -reamy -reanalysis -reanalyze -reanchor -reanimalize -reanimate -reanimation -reanneal -reannex -reannexation -reannotate -reannounce -reannouncement -reannoy -reannoyance -reanoint -reanswer -reanvil -reanxiety -reap -reapable -reapdole -reaper -reapologize -reapology -reapparel -reapparition -reappeal -reappear -reappearance -reappease -reapplaud -reapplause -reappliance -reapplicant -reapplication -reapplier -reapply -reappoint -reappointment -reapportion -reapportionment -reapposition -reappraisal -reappraise -reappraisement -reappreciate -reappreciation -reapprehend -reapprehension -reapproach -reapprobation -reappropriate -reappropriation -reapproval -reapprove -rear -rearbitrate -rearbitration -rearer -reargue -reargument -rearhorse -rearisal -rearise -rearling -rearm -rearmament -rearmost -rearousal -rearouse -rearrange -rearrangeable -rearrangement -rearranger -rearray -rearrest -rearrival -rearrive -rearward -rearwardly -rearwardness -rearwards -reascend -reascendancy -reascendant -reascendency -reascendent -reascension -reascensional -reascent -reascertain -reascertainment -reashlar -reasiness -reask -reason -reasonability -reasonable -reasonableness -reasonably -reasoned -reasonedly -reasoner -reasoning -reasoningly -reasonless -reasonlessly -reasonlessness -reasonproof -reaspire -reassail -reassault -reassay -reassemblage -reassemble -reassembly -reassent -reassert -reassertion -reassertor -reassess -reassessment -reasseverate -reassign -reassignation -reassignment -reassimilate -reassimilation -reassist -reassistance -reassociate -reassociation -reassort -reassortment -reassume -reassumption -reassurance -reassure -reassured -reassuredly -reassurement -reassurer -reassuring -reassuringly -reastiness -reastonish -reastonishment -reastray -reasty -reasy -reattach -reattachment -reattack -reattain -reattainment -reattempt -reattend -reattendance -reattention -reattentive -reattest -reattire -reattract -reattraction -reattribute -reattribution -reatus -reaudit -reauthenticate -reauthentication -reauthorization -reauthorize -reavail -reavailable -reave -reaver -reavoid -reavoidance -reavouch -reavow -reawait -reawake -reawaken -reawakening -reawakenment -reaward -reaware -reb -rebab -reback -rebag -rebait -rebake -rebalance -rebale -reballast -reballot -reban -rebandage -rebanish -rebanishment -rebankrupt -rebankruptcy -rebaptism -rebaptismal -rebaptization -rebaptize -rebaptizer -rebar -rebarbarization -rebarbarize -rebarbative -rebargain -rebase -rebasis -rebatable -rebate -rebateable -rebatement -rebater -rebathe -rebato -rebawl -rebeamer -rebear -rebeat -rebeautify -rebec -Rebecca -Rebeccaism -Rebeccaites -rebeck -rebecome -rebed -rebeg -rebeget -rebeggar -rebegin -rebeginner -rebeginning -rebeguile -rebehold -Rebekah -rebel -rebeldom -rebelief -rebelieve -rebeller -rebellike -rebellion -rebellious -rebelliously -rebelliousness -rebellow -rebelly -rebelong -rebelove -rebelproof -rebemire -rebend -rebenediction -rebenefit -rebeset -rebesiege -rebestow -rebestowal -rebetake -rebetray -rebewail -rebia -rebias -rebid -rebill -rebillet -rebilling -rebind -rebirth -rebite -reblade -reblame -reblast -rebleach -reblend -rebless -reblock -rebloom -reblossom -reblot -reblow -reblue -rebluff -reblunder -reboant -reboantic -reboard -reboast -rebob -reboil -reboiler -reboise -reboisement -rebold -rebolt -rebone -rebook -rebop -rebore -reborn -reborrow -rebottle -Reboulia -rebounce -rebound -reboundable -rebounder -reboundingness -rebourbonize -rebox -rebrace -rebraid -rebranch -rebrand -rebrandish -rebreathe -rebreed -rebrew -rebribe -rebrick -rebridge -rebring -rebringer -rebroach -rebroadcast -rebronze -rebrown -rebrush -rebrutalize -rebubble -rebuckle -rebud -rebudget -rebuff -rebuffable -rebuffably -rebuffet -rebuffproof -rebuild -rebuilder -rebuilt -rebukable -rebuke -rebukeable -rebukeful -rebukefully -rebukefulness -rebukeproof -rebuker -rebukingly -rebulk -rebunch -rebundle -rebunker -rebuoy -rebuoyage -reburden -reburgeon -reburial -reburn -reburnish -reburst -rebury -rebus -rebush -rebusy -rebut -rebute -rebutment -rebuttable -rebuttal -rebutter -rebutton -rebuy -recable -recadency -recage -recalcination -recalcine -recalcitrance -recalcitrant -recalcitrate -recalcitration -recalculate -recalculation -recalesce -recalescence -recalescent -recalibrate -recalibration -recalk -recall -recallable -recallist -recallment -recampaign -recancel -recancellation -recandescence -recandidacy -recant -recantation -recanter -recantingly -recanvas -recap -recapacitate -recapitalization -recapitalize -recapitulate -recapitulation -recapitulationist -recapitulative -recapitulator -recapitulatory -recappable -recapper -recaption -recaptivate -recaptivation -recaptor -recapture -recapturer -recarbon -recarbonate -recarbonation -recarbonization -recarbonize -recarbonizer -recarburization -recarburize -recarburizer -recarnify -recarpet -recarriage -recarrier -recarry -recart -recarve -recase -recash -recasket -recast -recaster -recasting -recatalogue -recatch -recaulescence -recausticize -recce -recco -reccy -recede -recedence -recedent -receder -receipt -receiptable -receiptless -receiptor -receipts -receivability -receivable -receivables -receivablness -receival -receive -received -receivedness -receiver -receivership -recelebrate -recelebration -recement -recementation -recency -recense -recension -recensionist -recensor -recensure -recensus -recent -recenter -recently -recentness -recentralization -recentralize -recentre -recept -receptacle -receptacular -receptaculite -Receptaculites -receptaculitid -Receptaculitidae -receptaculitoid -receptaculum -receptant -receptibility -receptible -reception -receptionism -receptionist -receptitious -receptive -receptively -receptiveness -receptivity -receptor -receptoral -receptorial -receptual -receptually -recercelee -recertificate -recertify -recess -recesser -recession -recessional -recessionary -recessive -recessively -recessiveness -recesslike -recessor -Rechabite -Rechabitism -rechafe -rechain -rechal -rechallenge -rechamber -rechange -rechant -rechaos -rechar -recharge -recharter -rechase -rechaser -rechasten -rechaw -recheat -recheck -recheer -recherche -rechew -rechip -rechisel -rechoose -rechristen -rechuck -rechurn -recidivation -recidive -recidivism -recidivist -recidivistic -recidivity -recidivous -recipe -recipiangle -recipience -recipiency -recipiend -recipiendary -recipient -recipiomotor -reciprocable -reciprocal -reciprocality -reciprocalize -reciprocally -reciprocalness -reciprocate -reciprocation -reciprocative -reciprocator -reciprocatory -reciprocitarian -reciprocity -recircle -recirculate -recirculation -recision -recission -recissory -recitable -recital -recitalist -recitatif -recitation -recitationalism -recitationist -recitative -recitatively -recitativical -recitativo -recite -recitement -reciter -recivilization -recivilize -reck -reckla -reckless -recklessly -recklessness -reckling -reckon -reckonable -reckoner -reckoning -reclaim -reclaimable -reclaimableness -reclaimably -reclaimant -reclaimer -reclaimless -reclaimment -reclama -reclamation -reclang -reclasp -reclass -reclassification -reclassify -reclean -recleaner -recleanse -reclear -reclearance -reclimb -reclinable -reclinate -reclinated -reclination -recline -recliner -reclose -reclothe -reclothing -recluse -reclusely -recluseness -reclusery -reclusion -reclusive -reclusiveness -reclusory -recoach -recoagulation -recoal -recoast -recoat -recock -recoct -recoction -recode -recodification -recodify -recogitate -recogitation -recognition -recognitive -recognitor -recognitory -recognizability -recognizable -recognizably -recognizance -recognizant -recognize -recognizedly -recognizee -recognizer -recognizingly -recognizor -recognosce -recohabitation -recoil -recoiler -recoilingly -recoilment -recoin -recoinage -recoiner -recoke -recollapse -recollate -recollation -Recollect -recollectable -recollected -recollectedly -recollectedness -recollectible -recollection -recollective -recollectively -recollectiveness -Recollet -recolonization -recolonize -recolor -recomb -recombination -recombine -recomember -recomfort -recommand -recommence -recommencement -recommencer -recommend -recommendability -recommendable -recommendableness -recommendably -recommendation -recommendatory -recommendee -recommender -recommission -recommit -recommitment -recommittal -recommunicate -recommunion -recompact -recompare -recomparison -recompass -recompel -recompensable -recompensate -recompensation -recompense -recompenser -recompensive -recompete -recompetition -recompetitor -recompilation -recompile -recompilement -recomplain -recomplaint -recomplete -recompletion -recompliance -recomplicate -recomplication -recomply -recompose -recomposer -recomposition -recompound -recomprehend -recomprehension -recompress -recompression -recomputation -recompute -recon -reconceal -reconcealment -reconcede -reconceive -reconcentrate -reconcentration -reconception -reconcert -reconcession -reconcilability -reconcilable -reconcilableness -reconcilably -reconcile -reconcilee -reconcileless -reconcilement -reconciler -reconciliability -reconciliable -reconciliate -reconciliation -reconciliative -reconciliator -reconciliatory -reconciling -reconcilingly -reconclude -reconclusion -reconcoct -reconcrete -reconcur -recondemn -recondemnation -recondensation -recondense -recondite -reconditely -reconditeness -recondition -recondole -reconduct -reconduction -reconfer -reconfess -reconfide -reconfine -reconfinement -reconfirm -reconfirmation -reconfiscate -reconfiscation -reconform -reconfound -reconfront -reconfuse -reconfusion -recongeal -recongelation -recongest -recongestion -recongratulate -recongratulation -reconjoin -reconjunction -reconnaissance -reconnect -reconnection -reconnoissance -reconnoiter -reconnoiterer -reconnoiteringly -reconnoitre -reconnoitrer -reconnoitringly -reconquer -reconqueror -reconquest -reconsecrate -reconsecration -reconsent -reconsider -reconsideration -reconsign -reconsignment -reconsole -reconsolidate -reconsolidation -reconstituent -reconstitute -reconstitution -reconstruct -reconstructed -reconstruction -reconstructional -reconstructionary -reconstructionist -reconstructive -reconstructiveness -reconstructor -reconstrue -reconsult -reconsultation -recontact -recontemplate -recontemplation -recontend -recontest -recontinuance -recontinue -recontract -recontraction -recontrast -recontribute -recontribution -recontrivance -recontrive -recontrol -reconvalesce -reconvalescence -reconvalescent -reconvene -reconvention -reconventional -reconverge -reconverse -reconversion -reconvert -reconvertible -reconvey -reconveyance -reconvict -reconviction -reconvince -reconvoke -recook -recool -recooper -recopper -recopy -recopyright -record -recordable -recordant -recordation -recordative -recordatively -recordatory -recordedly -recorder -recordership -recording -recordist -recordless -recork -recorporification -recorporify -recorrect -recorrection -recorrupt -recorruption -recostume -recounsel -recount -recountable -recountal -recountenance -recounter -recountless -recoup -recoupable -recouper -recouple -recoupment -recourse -recover -recoverability -recoverable -recoverableness -recoverance -recoveree -recoverer -recoveringly -recoverless -recoveror -recovery -recramp -recrank -recrate -recreance -recreancy -recreant -recreantly -recreantness -recrease -recreate -recreation -recreational -recreationist -recreative -recreatively -recreativeness -recreator -recreatory -recredit -recrement -recremental -recrementitial -recrementitious -recrescence -recrew -recriminate -recrimination -recriminative -recriminator -recriminatory -recriticize -recroon -recrop -recross -recrowd -recrown -recrucify -recrudency -recrudesce -recrudescence -recrudescency -recrudescent -recruit -recruitable -recruitage -recruital -recruitee -recruiter -recruithood -recruiting -recruitment -recruity -recrush -recrusher -recrystallization -recrystallize -rect -recta -rectal -rectalgia -rectally -rectangle -rectangled -rectangular -rectangularity -rectangularly -rectangularness -rectangulate -rectangulometer -rectectomy -recti -rectifiable -rectification -rectificative -rectificator -rectificatory -rectified -rectifier -rectify -rectigrade -Rectigraph -rectilineal -rectilineally -rectilinear -rectilinearism -rectilinearity -rectilinearly -rectilinearness -rectilineation -rectinerved -rection -rectipetality -rectirostral -rectischiac -rectiserial -rectitic -rectitis -rectitude -rectitudinous -recto -rectoabdominal -rectocele -rectoclysis -rectococcygeal -rectococcygeus -rectocolitic -rectocolonic -rectocystotomy -rectogenital -rectopexy -rectoplasty -rector -rectoral -rectorate -rectoress -rectorial -rectorrhaphy -rectorship -rectory -rectoscope -rectoscopy -rectosigmoid -rectostenosis -rectostomy -rectotome -rectotomy -rectovaginal -rectovesical -rectress -rectricial -rectrix -rectum -rectus -recubant -recubate -recultivate -recultivation -recumbence -recumbency -recumbent -recumbently -recuperability -recuperance -recuperate -recuperation -recuperative -recuperativeness -recuperator -recuperatory -recur -recure -recureful -recureless -recurl -recurrence -recurrency -recurrent -recurrently -recurrer -recurring -recurringly -recurse -recursion -recursive -recurtain -recurvant -recurvate -recurvation -recurvature -recurve -Recurvirostra -recurvirostral -Recurvirostridae -recurvopatent -recurvoternate -recurvous -recusance -recusancy -recusant -recusation -recusative -recusator -recuse -recushion -recussion -recut -recycle -Red -red -redact -redaction -redactional -redactor -redactorial -redamage -redamnation -redan -redare -redargue -redargution -redargutive -redargutory -redarken -redarn -redart -redate -redaub -redawn -redback -redbait -redbeard -redbelly -redberry -redbill -redbird -redbone -redbreast -redbrush -redbuck -redbud -redcap -redcoat -redd -redden -reddendo -reddendum -reddening -redder -redding -reddingite -reddish -reddishness -reddition -reddleman -reddock -reddsman -reddy -rede -redeal -redebate -redebit -redeceive -redecide -redecimate -redecision -redeck -redeclaration -redeclare -redecline -redecorate -redecoration -redecrease -redecussate -rededicate -rededication -rededicatory -rededuct -rededuction -redeed -redeem -redeemability -redeemable -redeemableness -redeemably -redeemer -redeemeress -redeemership -redeemless -redefault -redefeat -redefecate -redefer -redefiance -redefine -redefinition -redeflect -redefy -redeify -redelay -redelegate -redelegation -redeliberate -redeliberation -redeliver -redeliverance -redeliverer -redelivery -redemand -redemandable -redemise -redemolish -redemonstrate -redemonstration -redemptible -Redemptine -redemption -redemptional -redemptioner -Redemptionist -redemptionless -redemptive -redemptively -redemptor -redemptorial -Redemptorist -redemptory -redemptress -redemptrice -redenigrate -redeny -redepend -redeploy -redeployment -redeposit -redeposition -redepreciate -redepreciation -redeprive -rederivation -redescend -redescent -redescribe -redescription -redesertion -redeserve -redesign -redesignate -redesignation -redesire -redesirous -redesman -redespise -redetect -redetention -redetermination -redetermine -redevelop -redeveloper -redevelopment -redevise -redevote -redevotion -redeye -redfin -redfinch -redfish -redfoot -redhead -redheaded -redheadedly -redheadedness -redhearted -redhibition -redhibitory -redhoop -redia -redictate -redictation -redient -redifferentiate -redifferentiation -redig -redigest -redigestion -rediminish -redingote -redintegrate -redintegration -redintegrative -redintegrator -redip -redipper -redirect -redirection -redisable -redisappear -redisburse -redisbursement -redischarge -rediscipline -rediscount -rediscourage -rediscover -rediscoverer -rediscovery -rediscuss -rediscussion -redisembark -redismiss -redispatch -redispel -redisperse -redisplay -redispose -redisposition -redispute -redissect -redissection -redisseise -redisseisin -redisseisor -redisseize -redisseizin -redisseizor -redissoluble -redissolution -redissolvable -redissolve -redistend -redistill -redistillation -redistiller -redistinguish -redistrain -redistrainer -redistribute -redistributer -redistribution -redistributive -redistributor -redistributory -redistrict -redisturb -redive -rediversion -redivert -redivertible -redivide -redivision -redivive -redivivous -redivivus -redivorce -redivorcement -redivulge -redivulgence -redjacket -redknees -redleg -redlegs -redly -redmouth -redness -redo -redock -redocket -redolence -redolency -redolent -redolently -redominate -redondilla -redoom -redouble -redoublement -redoubler -redoubling -redoubt -redoubtable -redoubtableness -redoubtably -redoubted -redound -redowa -redox -redpoll -redraft -redrag -redrape -redraw -redrawer -redream -redredge -redress -redressable -redressal -redresser -redressible -redressive -redressless -redressment -redressor -redrill -redrive -redroot -redry -redsear -redshank -redshirt -redskin -redstart -redstreak -redtab -redtail -redthroat -redtop -redub -redubber -reduce -reduceable -reduceableness -reduced -reducement -reducent -reducer -reducibility -reducible -reducibleness -reducibly -reducing -reduct -reductant -reductase -reductibility -reduction -reductional -reductionism -reductionist -reductionistic -reductive -reductively -reductor -reductorial -redue -Redunca -redundance -redundancy -redundant -redundantly -reduplicate -reduplication -reduplicative -reduplicatively -reduplicatory -reduplicature -reduviid -Reduviidae -reduvioid -Reduvius -redux -redward -redware -redweed -redwing -redwithe -redwood -redye -Ree -ree -reechy -reed -reedbird -reedbuck -reedbush -reeded -reeden -reeder -reediemadeasy -reedily -reediness -reeding -reedish -reedition -reedless -reedlike -reedling -reedmaker -reedmaking -reedman -reedplot -reedwork -reedy -reef -reefable -reefer -reefing -reefy -reek -reeker -reekingly -reeky -reel -reelable -reeled -reeler -reelingly -reelrall -reem -reeming -reemish -reen -reenge -reeper -Rees -reese -reeshle -reesk -reesle -reest -reester -reestle -reesty -reet -reetam -reetle -reeve -reeveland -reeveship -ref -reface -refacilitate -refall -refallow -refan -refascinate -refascination -refashion -refashioner -refashionment -refasten -refathered -refavor -refect -refection -refectionary -refectioner -refective -refectorarian -refectorary -refectorer -refectorial -refectorian -refectory -refederate -refeed -refeel -refeign -refel -refence -refer -referable -referee -reference -referenda -referendal -referendary -referendaryship -referendum -referent -referential -referentially -referently -referment -referral -referrer -referrible -referribleness -refertilization -refertilize -refetch -refight -refigure -refill -refillable -refilm -refilter -refinable -refinage -refinance -refind -refine -refined -refinedly -refinedness -refinement -refiner -refinery -refinger -refining -refiningly -refinish -refire -refit -refitment -refix -refixation -refixture -reflag -reflagellate -reflame -reflash -reflate -reflation -reflationism -reflect -reflectance -reflected -reflectedly -reflectedness -reflectent -reflecter -reflectibility -reflectible -reflecting -reflectingly -reflection -reflectional -reflectionist -reflectionless -reflective -reflectively -reflectiveness -reflectivity -reflectometer -reflectometry -reflector -reflectoscope -refledge -reflee -reflex -reflexed -reflexibility -reflexible -reflexism -reflexive -reflexively -reflexiveness -reflexivity -reflexly -reflexness -reflexogenous -reflexological -reflexologist -reflexology -refling -refloat -refloatation -reflog -reflood -refloor -reflorescence -reflorescent -reflourish -reflourishment -reflow -reflower -refluctuation -refluence -refluency -refluent -reflush -reflux -refluxed -refly -refocillate -refocillation -refocus -refold -refoment -refont -refool -refoot -reforbid -reforce -reford -reforecast -reforest -reforestation -reforestization -reforestize -reforestment -reforfeit -reforfeiture -reforge -reforger -reforget -reforgive -reform -reformability -reformable -reformableness -reformado -reformandum -Reformati -reformation -reformational -reformationary -reformationist -reformative -reformatively -reformatness -reformatory -reformed -reformedly -reformer -reformeress -reformingly -reformism -reformist -reformistic -reformproof -reformulate -reformulation -reforsake -refortification -refortify -reforward -refound -refoundation -refounder -refract -refractable -refracted -refractedly -refractedness -refractile -refractility -refracting -refraction -refractional -refractionate -refractionist -refractive -refractively -refractiveness -refractivity -refractometer -refractometric -refractometry -refractor -refractorily -refractoriness -refractory -refracture -refragability -refragable -refragableness -refrain -refrainer -refrainment -reframe -refrangent -refrangibility -refrangible -refrangibleness -refreeze -refrenation -refrenzy -refresh -refreshant -refreshen -refreshener -refresher -refreshful -refreshfully -refreshing -refreshingly -refreshingness -refreshment -refrigerant -refrigerate -refrigerating -refrigeration -refrigerative -refrigerator -refrigeratory -refrighten -refringence -refringency -refringent -refront -refrustrate -reft -refuel -refueling -refuge -refugee -refugeeism -refugeeship -refulge -refulgence -refulgency -refulgent -refulgently -refulgentness -refunction -refund -refunder -refundment -refurbish -refurbishment -refurl -refurnish -refurnishment -refusable -refusal -refuse -refuser -refusing -refusingly -refusion -refusive -refutability -refutable -refutably -refutal -refutation -refutative -refutatory -refute -refuter -reg -regain -regainable -regainer -regainment -regal -regale -Regalecidae -Regalecus -regalement -regaler -regalia -regalian -regalism -regalist -regality -regalize -regallop -regally -regalness -regalvanization -regalvanize -regard -regardable -regardance -regardancy -regardant -regarder -regardful -regardfully -regardfulness -regarding -regardless -regardlessly -regardlessness -regarment -regarnish -regarrison -regather -regatta -regauge -regelate -regelation -regency -regeneracy -regenerance -regenerant -regenerate -regenerateness -regeneration -regenerative -regeneratively -regenerator -regeneratory -regeneratress -regeneratrix -regenesis -regent -regental -regentess -regentship -regerminate -regermination -reges -reget -Regga -Reggie -regia -regicidal -regicide -regicidism -regift -regifuge -regild -regill -regime -regimen -regimenal -regiment -regimental -regimentaled -regimentalled -regimentally -regimentals -regimentary -regimentation -regiminal -regin -reginal -Reginald -region -regional -regionalism -regionalist -regionalistic -regionalization -regionalize -regionally -regionary -regioned -register -registered -registerer -registership -registrability -registrable -registral -registrant -registrar -registrarship -registrary -registrate -registration -registrational -registrationist -registrator -registrer -registry -regive -regladden -reglair -reglaze -regle -reglement -reglementary -reglementation -reglementist -reglet -reglorified -regloss -reglove -reglow -reglue -regma -regmacarp -regnal -regnancy -regnant -regnerable -regolith -regorge -regovern -regradation -regrade -regraduate -regraduation -regraft -regrant -regrasp -regrass -regrate -regrater -regratification -regratify -regrating -regratingly -regrator -regratress -regravel -regrede -regreen -regreet -regress -regression -regressionist -regressive -regressively -regressiveness -regressivity -regressor -regret -regretful -regretfully -regretfulness -regretless -regrettable -regrettableness -regrettably -regretter -regrettingly -regrind -regrinder -regrip -regroup -regroupment -regrow -regrowth -reguarantee -reguard -reguardant -reguide -regula -regulable -regular -Regulares -Regularia -regularity -regularization -regularize -regularizer -regularly -regularness -regulatable -regulate -regulated -regulation -regulationist -regulative -regulatively -regulator -regulatorship -regulatory -regulatress -regulatris -reguli -reguline -regulize -Regulus -regulus -regur -regurge -regurgitant -regurgitate -regurgitation -regush -reh -rehabilitate -rehabilitation -rehabilitative -rehair -rehale -rehallow -rehammer -rehandicap -rehandle -rehandler -rehandling -rehang -rehappen -reharden -reharm -reharmonize -reharness -reharrow -reharvest -rehash -rehaul -rehazard -rehead -reheal -reheap -rehear -rehearing -rehearsal -rehearse -rehearser -rehearten -reheat -reheater -Reheboth -rehedge -reheel -reheighten -Rehoboam -Rehoboth -Rehobothan -rehoe -rehoist -rehollow -rehonor -rehonour -rehood -rehook -rehoop -rehouse -rehumanize -rehumble -rehumiliate -rehumiliation -rehung -rehybridize -rehydrate -rehydration -rehypothecate -rehypothecation -rehypothecator -reichsgulden -Reichsland -Reichslander -reichsmark -reichspfennig -reichstaler -Reid -reidentification -reidentify -reif -reification -reify -reign -reignite -reignition -reignore -reillume -reilluminate -reillumination -reillumine -reillustrate -reillustration -reim -reimage -reimagination -reimagine -reimbark -reimbarkation -reimbibe -reimbody -reimbursable -reimburse -reimbursement -reimburser -reimbush -reimbushment -reimkennar -reimmerge -reimmerse -reimmersion -reimmigrant -reimmigration -reimpact -reimpark -reimpart -reimpatriate -reimpatriation -reimpel -reimplant -reimplantation -reimply -reimport -reimportation -reimportune -reimpose -reimposition -reimposure -reimpregnate -reimpress -reimpression -reimprint -reimprison -reimprisonment -reimprove -reimprovement -reimpulse -rein -reina -reinability -reinaugurate -reinauguration -reincapable -reincarnadine -reincarnate -reincarnation -reincarnationism -reincarnationist -reincense -reincentive -reincidence -reincidency -reincite -reinclination -reincline -reinclude -reinclusion -reincorporate -reincorporation -reincrease -reincrudate -reincrudation -reinculcate -reincur -reindebted -reindebtedness -reindeer -reindependence -reindicate -reindication -reindict -reindictment -reindifferent -reindorse -reinduce -reinducement -reindue -reindulge -reindulgence -Reiner -reinette -reinfect -reinfection -reinfectious -reinfer -reinfest -reinfestation -reinflame -reinflate -reinflation -reinflict -reinfliction -reinfluence -reinforce -reinforcement -reinforcer -reinform -reinfuse -reinfusion -reingraft -reingratiate -reingress -reinhabit -reinhabitation -Reinhard -reinherit -reinitiate -reinitiation -reinject -reinjure -reinless -reinoculate -reinoculation -reinquire -reinquiry -reins -reinsane -reinsanity -reinscribe -reinsert -reinsertion -reinsist -reinsman -reinspect -reinspection -reinspector -reinsphere -reinspiration -reinspire -reinspirit -reinstall -reinstallation -reinstallment -reinstalment -reinstate -reinstatement -reinstation -reinstator -reinstauration -reinstil -reinstill -reinstitute -reinstitution -reinstruct -reinstruction -reinsult -reinsurance -reinsure -reinsurer -reintegrate -reintegration -reintend -reinter -reintercede -reintercession -reinterchange -reinterest -reinterfere -reinterference -reinterment -reinterpret -reinterpretation -reinterrogate -reinterrogation -reinterrupt -reinterruption -reintervene -reintervention -reinterview -reinthrone -reintimate -reintimation -reintitule -reintrench -reintroduce -reintroduction -reintrude -reintrusion -reintuition -reintuitive -reinvade -reinvasion -reinvent -reinvention -reinventor -reinversion -reinvert -reinvest -reinvestigate -reinvestigation -reinvestiture -reinvestment -reinvigorate -reinvigoration -reinvitation -reinvite -reinvoice -reinvolve -Reinwardtia -reirrigate -reirrigation -reis -reisolation -reissuable -reissue -reissuement -reissuer -reit -reitbok -reitbuck -reitemize -reiter -reiterable -reiterance -reiterant -reiterate -reiterated -reiteratedly -reiteratedness -reiteration -reiterative -reiteratively -reiver -rejail -Rejang -reject -rejectable -rejectableness -rejectage -rejectamenta -rejecter -rejectingly -rejection -rejective -rejectment -rejector -rejerk -rejoice -rejoiceful -rejoicement -rejoicer -rejoicing -rejoicingly -rejoin -rejoinder -rejolt -rejourney -rejudge -rejumble -rejunction -rejustification -rejustify -rejuvenant -rejuvenate -rejuvenation -rejuvenative -rejuvenator -rejuvenesce -rejuvenescence -rejuvenescent -rejuvenize -Reki -rekick -rekill -rekindle -rekindlement -rekindler -reking -rekiss -reknit -reknow -rel -relabel -relace -relacquer -relade -reladen -relais -relament -relamp -reland -relap -relapper -relapsable -relapse -relapseproof -relapser -relapsing -relast -relaster -relata -relatability -relatable -relatch -relate -related -relatedness -relater -relatinization -relation -relational -relationality -relationally -relationary -relationism -relationist -relationless -relationship -relatival -relative -relatively -relativeness -relativism -relativist -relativistic -relativity -relativization -relativize -relator -relatrix -relatum -relaunch -relax -relaxable -relaxant -relaxation -relaxative -relaxatory -relaxed -relaxedly -relaxedness -relaxer -relay -relayman -relbun -relead -releap -relearn -releasable -release -releasee -releasement -releaser -releasor -releather -relection -relegable -relegate -relegation -relend -relent -relenting -relentingly -relentless -relentlessly -relentlessness -relentment -relessee -relessor -relet -reletter -relevance -relevancy -relevant -relevantly -relevate -relevation -relevator -relevel -relevy -reliability -reliable -reliableness -reliably -reliance -reliant -reliantly -reliberate -relic -relicary -relicense -relick -reliclike -relicmonger -relict -relicted -reliction -relief -reliefless -relier -relievable -relieve -relieved -relievedly -reliever -relieving -relievingly -relievo -relift -religate -religation -relight -relightable -relighten -relightener -relighter -religion -religionary -religionate -religioner -religionism -religionist -religionistic -religionize -religionless -religiose -religiosity -religious -religiously -religiousness -relime -relimit -relimitation -reline -reliner -relink -relinquent -relinquish -relinquisher -relinquishment -reliquaire -reliquary -reliquefy -reliquiae -reliquian -reliquidate -reliquidation -reliquism -relish -relishable -relisher -relishing -relishingly -relishsome -relishy -relist -relisten -relitigate -relive -Rellyan -Rellyanism -Rellyanite -reload -reloan -relocable -relocate -relocation -relocator -relock -relodge -relook -relose -relost -relot -relove -relower -relucent -reluct -reluctance -reluctancy -reluctant -reluctantly -reluctate -reluctation -reluctivity -relume -relumine -rely -remade -remagnetization -remagnetize -remagnification -remagnify -remail -remain -remainder -remainderman -remaindership -remainer -remains -remaintain -remaintenance -remake -remaker -reman -remanage -remanagement -remanation -remancipate -remancipation -remand -remandment -remanence -remanency -remanent -remanet -remanipulate -remanipulation -remantle -remanufacture -remanure -remap -remarch -remargin -remark -remarkability -remarkable -remarkableness -remarkably -remarkedly -remarker -remarket -remarque -remarriage -remarry -remarshal -remask -remass -remast -remasticate -remastication -rematch -rematerialize -remble -Rembrandt -Rembrandtesque -Rembrandtish -Rembrandtism -remeant -remeasure -remeasurement -remede -remediable -remediableness -remediably -remedial -remedially -remediation -remediless -remedilessly -remedilessness -remeditate -remeditation -remedy -remeet -remelt -remember -rememberability -rememberable -rememberably -rememberer -remembrance -remembrancer -remembrancership -rememorize -remenace -remend -remerge -remetal -remex -Remi -remica -remicate -remication -remicle -remiform -remigate -remigation -remiges -remigial -remigrant -remigrate -remigration -Remijia -remilitarization -remilitarize -remill -remimic -remind -remindal -reminder -remindful -remindingly -remineralization -remineralize -remingle -reminisce -reminiscence -reminiscenceful -reminiscencer -reminiscency -reminiscent -reminiscential -reminiscentially -reminiscently -reminiscer -reminiscitory -remint -remiped -remirror -remise -remisrepresent -remisrepresentation -remiss -remissful -remissibility -remissible -remissibleness -remission -remissive -remissively -remissiveness -remissly -remissness -remissory -remisunderstand -remit -remitment -remittable -remittal -remittance -remittancer -remittee -remittence -remittency -remittent -remittently -remitter -remittitur -remittor -remix -remixture -remnant -remnantal -remobilization -remobilize -Remoboth -remock -remodel -remodeler -remodeller -remodelment -remodification -remodify -remolade -remold -remollient -remonetization -remonetize -remonstrance -remonstrant -remonstrantly -remonstrate -remonstrating -remonstratingly -remonstration -remonstrative -remonstratively -remonstrator -remonstratory -remontado -remontant -remontoir -remop -remora -remord -remorse -remorseful -remorsefully -remorsefulness -remorseless -remorselessly -remorselessness -remorseproof -remortgage -remote -remotely -remoteness -remotion -remotive -remould -remount -removability -removable -removableness -removably -removal -remove -removed -removedly -removedness -removement -remover -removing -remultiplication -remultiply -remunerability -remunerable -remunerably -remunerate -remuneration -remunerative -remuneratively -remunerativeness -remunerator -remuneratory -remurmur -Remus -remuster -remutation -renable -renably -renail -Renaissance -renaissance -Renaissancist -Renaissant -renal -rename -Renardine -renascence -renascency -renascent -renascible -renascibleness -renature -renavigate -renavigation -rencontre -rencounter -renculus -rend -render -renderable -renderer -rendering -renderset -rendezvous -rendibility -rendible -rendition -rendlewood -rendrock -rendzina -reneague -Renealmia -renecessitate -reneg -renegade -renegadism -renegado -renegation -renege -reneger -reneglect -renegotiable -renegotiate -renegotiation -renegotiations -renegue -renerve -renes -renet -renew -renewability -renewable -renewably -renewal -renewedly -renewedness -renewer -renewment -renicardiac -renickel -renidification -renidify -reniform -Renilla -Renillidae -renin -renipericardial -reniportal -renipuncture -renish -renishly -renitence -renitency -renitent -renk -renky -renne -rennet -renneting -rennin -renniogen -renocutaneous -renogastric -renography -renointestinal -renominate -renomination -renopericardial -renopulmonary -renormalize -renotation -renotice -renotification -renotify -renounce -renounceable -renouncement -renouncer -renourish -renovate -renovater -renovatingly -renovation -renovative -renovator -renovatory -renovize -renown -renowned -renownedly -renownedness -renowner -renownful -renownless -rensselaerite -rent -rentability -rentable -rentage -rental -rentaler -rentaller -rented -rentee -renter -rentless -rentrant -rentrayeuse -Renu -renumber -renumerate -renumeration -renunciable -renunciance -renunciant -renunciate -renunciation -renunciative -renunciator -renunciatory -renunculus -renverse -renvoi -renvoy -reobject -reobjectivization -reobjectivize -reobligate -reobligation -reoblige -reobscure -reobservation -reobserve -reobtain -reobtainable -reobtainment -reoccasion -reoccupation -reoccupy -reoccur -reoccurrence -reoffend -reoffense -reoffer -reoffset -reoil -reometer -reomission -reomit -reopen -reoperate -reoperation -reoppose -reopposition -reoppress -reoppression -reorchestrate -reordain -reorder -reordinate -reordination -reorganization -reorganizationist -reorganize -reorganizer -reorient -reorientation -reornament -reoutfit -reoutline -reoutput -reoutrage -reovercharge -reoverflow -reovertake -reoverwork -reown -reoxidation -reoxidize -reoxygenate -reoxygenize -rep -repace -repacification -repacify -repack -repackage -repacker -repaganization -repaganize -repaganizer -repage -repaint -repair -repairable -repairableness -repairer -repairman -repale -repand -repandly -repandodentate -repandodenticulate -repandolobate -repandous -repandousness -repanel -repaper -reparability -reparable -reparably -reparagraph -reparate -reparation -reparative -reparatory -repark -repartable -repartake -repartee -reparticipate -reparticipation -repartition -repartitionable -repass -repassable -repassage -repasser -repast -repaste -repasture -repatch -repatency -repatent -repatriable -repatriate -repatriation -repatronize -repattern -repave -repavement -repawn -repay -repayable -repayal -repaying -repayment -repeal -repealability -repealable -repealableness -repealer -repealist -repealless -repeat -repeatability -repeatable -repeatal -repeated -repeatedly -repeater -repeg -repel -repellance -repellant -repellence -repellency -repellent -repellently -repeller -repelling -repellingly -repellingness -repen -repenetrate -repension -repent -repentable -repentance -repentant -repentantly -repenter -repentingly -repeople -reperceive -repercept -reperception -repercolation -repercuss -repercussion -repercussive -repercussively -repercussiveness -repercutient -reperform -reperformance -reperfume -reperible -repermission -repermit -reperplex -repersonalization -repersonalize -repersuade -repersuasion -repertoire -repertorial -repertorily -repertorium -repertory -reperusal -reperuse -repetend -repetition -repetitional -repetitionary -repetitious -repetitiously -repetitiousness -repetitive -repetitively -repetitiveness -repetitory -repetticoat -repew -Rephael -rephase -rephonate -rephosphorization -rephosphorize -rephotograph -rephrase -repic -repick -repicture -repiece -repile -repin -repine -repineful -repinement -repiner -repiningly -repipe -repique -repitch -repkie -replace -replaceability -replaceable -replacement -replacer -replait -replan -replane -replant -replantable -replantation -replanter -replaster -replate -replay -replead -repleader -repleat -repledge -repledger -replenish -replenisher -replenishingly -replenishment -replete -repletely -repleteness -repletion -repletive -repletively -repletory -repleviable -replevin -replevisable -replevisor -replevy -repliant -replica -replicate -replicated -replicatile -replication -replicative -replicatively -replicatory -replier -replight -replod -replot -replotment -replotter -replough -replow -replum -replume -replunder -replunge -reply -replyingly -repocket -repoint -repolish -repoll -repollute -repolon -repolymerization -repolymerize -reponder -repone -repope -repopulate -repopulation -report -reportable -reportage -reportedly -reporter -reporteress -reporterism -reportership -reportingly -reportion -reportorial -reportorially -reposal -repose -reposed -reposedly -reposedness -reposeful -reposefully -reposefulness -reposer -reposit -repositary -reposition -repositor -repository -repossess -repossession -repossessor -repost -repostpone -repot -repound -repour -repowder -repp -repped -repractice -repray -repreach -reprecipitate -reprecipitation -repredict -reprefer -reprehend -reprehendable -reprehendatory -reprehender -reprehensibility -reprehensible -reprehensibleness -reprehensibly -reprehension -reprehensive -reprehensively -reprehensory -repreparation -reprepare -represcribe -represent -representability -representable -representamen -representant -representation -representational -representationalism -representationalist -representationary -representationism -representationist -representative -representatively -representativeness -representativeship -representativity -representer -representment -represide -repress -repressed -repressedly -represser -repressible -repressibly -repression -repressionary -repressionist -repressive -repressively -repressiveness -repressment -repressor -repressory -repressure -reprice -reprieval -reprieve -repriever -reprimand -reprimander -reprimanding -reprimandingly -reprime -reprimer -reprint -reprinter -reprisal -reprisalist -reprise -repristinate -repristination -reprivatization -reprivatize -reprivilege -reproach -reproachable -reproachableness -reproachably -reproacher -reproachful -reproachfully -reproachfulness -reproachingly -reproachless -reproachlessness -reprobacy -reprobance -reprobate -reprobateness -reprobater -reprobation -reprobationary -reprobationer -reprobative -reprobatively -reprobator -reprobatory -reproceed -reprocess -reproclaim -reproclamation -reprocurable -reprocure -reproduce -reproduceable -reproducer -reproducibility -reproducible -reproduction -reproductionist -reproductive -reproductively -reproductiveness -reproductivity -reproductory -reprofane -reprofess -reprohibit -repromise -repromulgate -repromulgation -repronounce -repronunciation -reproof -reproofless -repropagate -repropitiate -repropitiation -reproportion -reproposal -repropose -reprosecute -reprosecution -reprosper -reprotect -reprotection -reprotest -reprovable -reprovableness -reprovably -reproval -reprove -reprover -reprovide -reprovingly -reprovision -reprovocation -reprovoke -reprune -reps -reptant -reptatorial -reptatory -reptile -reptiledom -reptilelike -reptilferous -Reptilia -reptilian -reptiliary -reptiliform -reptilious -reptiliousness -reptilism -reptility -reptilivorous -reptiloid -republic -republican -republicanism -republicanization -republicanize -republicanizer -republication -republish -republisher -republishment -repuddle -repudiable -repudiate -repudiation -repudiationist -repudiative -repudiator -repudiatory -repuff -repugn -repugnable -repugnance -repugnancy -repugnant -repugnantly -repugnantness -repugnate -repugnatorial -repugner -repullulate -repullulation -repullulative -repullulescent -repulpit -repulse -repulseless -repulseproof -repulser -repulsion -repulsive -repulsively -repulsiveness -repulsory -repulverize -repump -repunish -repunishment -repurchase -repurchaser -repurge -repurification -repurify -repurple -repurpose -repursue -repursuit -reputability -reputable -reputableness -reputably -reputation -reputationless -reputative -reputatively -repute -reputed -reputedly -reputeless -requalification -requalify -requarantine -requeen -requench -request -requester -requestion -requiem -Requienia -requiescence -requin -requirable -require -requirement -requirer -requisite -requisitely -requisiteness -requisition -requisitionary -requisitioner -requisitionist -requisitor -requisitorial -requisitory -requit -requitable -requital -requitative -requite -requiteful -requitement -requiter -requiz -requotation -requote -rerack -reracker -reradiation -rerail -reraise -rerake -rerank -rerate -reread -rereader -rerebrace -reredos -reree -rereel -rereeve -rerefief -reregister -reregistration -reregulate -reregulation -rereign -reremouse -rerent -rerental -reresupper -rerig -rering -rerise -rerival -rerivet -rerob -rerobe -reroll -reroof -reroot -rerope -reroute -rerow -reroyalize -rerub -rerummage -rerun -resaca -resack -resacrifice -resaddle -resail -resalable -resale -resalt -resalutation -resalute -resalvage -resample -resanctify -resanction -resatisfaction -resatisfy -resaw -resawer -resawyer -resay -resazurin -rescan -reschedule -rescind -rescindable -rescinder -rescindment -rescissible -rescission -rescissory -rescore -rescramble -rescratch -rescribe -rescript -rescription -rescriptive -rescriptively -rescrub -rescuable -rescue -rescueless -rescuer -reseal -reseam -research -researcher -researchful -researchist -reseat -resecrete -resecretion -resect -resection -resectional -Reseda -reseda -Resedaceae -resedaceous -resee -reseed -reseek -resegment -resegmentation -reseise -reseiser -reseize -reseizer -reseizure -reselect -reselection -reself -resell -reseller -resemblable -resemblance -resemblant -resemble -resembler -resemblingly -reseminate -resend -resene -resensation -resensitization -resensitize -resent -resentationally -resentence -resenter -resentful -resentfullness -resentfully -resentience -resentingly -resentless -resentment -resepulcher -resequent -resequester -resequestration -reserene -reservable -reserval -reservation -reservationist -reservatory -reserve -reserved -reservedly -reservedness -reservee -reserveful -reserveless -reserver -reservery -reservice -reservist -reservoir -reservor -reset -resettable -resetter -resettle -resettlement -resever -resew -resex -resh -reshake -reshape -reshare -resharpen -reshave -reshear -reshearer -resheathe -reshelve -reshift -reshine -reshingle -reship -reshipment -reshipper -reshoe -reshoot -reshoulder -reshovel -reshower -reshrine -reshuffle -reshun -reshunt -reshut -reshuttle -resiccate -reside -residence -residencer -residency -resident -residental -residenter -residential -residentiality -residentially -residentiary -residentiaryship -residentship -resider -residua -residual -residuary -residuation -residue -residuent -residuous -residuum -resift -resigh -resign -resignal -resignatary -resignation -resignationism -resigned -resignedly -resignedness -resignee -resigner -resignful -resignment -resile -resilement -resilial -resiliate -resilience -resiliency -resilient -resilifer -resiliometer -resilition -resilium -resilver -resin -resina -resinaceous -resinate -resinbush -resiner -resinfiable -resing -resinic -resiniferous -resinification -resinifluous -resiniform -resinify -resinize -resink -resinlike -resinoelectric -resinoextractive -resinogenous -resinoid -resinol -resinolic -resinophore -resinosis -resinous -resinously -resinousness -resinovitreous -resiny -resipiscence -resipiscent -resist -resistability -resistable -resistableness -resistance -resistant -resistantly -resister -resistful -resistibility -resistible -resistibleness -resistibly -resisting -resistingly -resistive -resistively -resistiveness -resistivity -resistless -resistlessly -resistlessness -resistor -resitting -resize -resizer -resketch -reskin -reslash -reslate -reslay -reslide -reslot -resmell -resmelt -resmile -resmooth -resnap -resnatch -resnatron -resnub -resoak -resoap -resoften -resoil -resojourn -resolder -resole -resolemnize -resolicit -resolidification -resolidify -resolubility -resoluble -resolubleness -resolute -resolutely -resoluteness -resolution -resolutioner -resolutionist -resolutory -resolvability -resolvable -resolvableness -resolvancy -resolve -resolved -resolvedly -resolvedness -resolvent -resolver -resolvible -resonance -resonancy -resonant -resonantly -resonate -resonator -resonatory -resoothe -resorb -resorbence -resorbent -resorcin -resorcine -resorcinism -resorcinol -resorcinolphthalein -resorcinum -resorcylic -resorption -resorptive -resort -resorter -resorufin -resought -resound -resounder -resounding -resoundingly -resource -resourceful -resourcefully -resourcefulness -resourceless -resourcelessness -resoutive -resow -resp -respace -respade -respan -respangle -resparkle -respeak -respect -respectability -respectabilize -respectable -respectableness -respectably -respectant -respecter -respectful -respectfully -respectfulness -respecting -respective -respectively -respectiveness -respectless -respectlessly -respectlessness -respectworthy -respell -respersive -respin -respirability -respirable -respirableness -respiration -respirational -respirative -respirator -respiratored -respiratorium -respiratory -respire -respirit -respirometer -respite -respiteless -resplend -resplendence -resplendency -resplendent -resplendently -resplice -resplit -respoke -respond -responde -respondence -respondency -respondent -respondentia -responder -responsal -responsary -response -responseless -responser -responsibility -responsible -responsibleness -responsibly -responsion -responsive -responsively -responsiveness -responsivity -responsorial -responsory -respot -respray -respread -respring -resprout -respue -resquare -resqueak -ressaidar -ressala -ressaldar -ressaut -rest -restable -restack -restaff -restain -restainable -restake -restamp -restandardization -restandardize -restant -restart -restate -restatement -restaur -restaurant -restaurate -restaurateur -restauration -restbalk -resteal -resteel -resteep -restem -restep -rester -resterilize -restes -restful -restfully -restfulness -restharrow -resthouse -Restiaceae -restiaceous -restiad -restibrachium -restiff -restiffen -restiffener -restiffness -restifle -restiform -restigmatize -restimulate -restimulation -resting -restingly -Restio -Restionaceae -restionaceous -restipulate -restipulation -restipulatory -restir -restis -restitch -restitute -restitution -restitutionism -restitutionist -restitutive -restitutor -restitutory -restive -restively -restiveness -restless -restlessly -restlessness -restock -restopper -restorable -restorableness -restoral -restoration -restorationer -restorationism -restorationist -restorative -restoratively -restorativeness -restorator -restoratory -restore -restorer -restow -restowal -restproof -restraighten -restrain -restrainability -restrained -restrainedly -restrainedness -restrainer -restraining -restrainingly -restraint -restraintful -restrap -restratification -restream -restrengthen -restress -restretch -restrict -restricted -restrictedly -restrictedness -restriction -restrictionary -restrictionist -restrictive -restrictively -restrictiveness -restrike -restring -restringe -restringency -restringent -restrip -restrive -restroke -restudy -restuff -restward -restwards -resty -restyle -resubject -resubjection -resubjugate -resublimation -resublime -resubmerge -resubmission -resubmit -resubordinate -resubscribe -resubscriber -resubscription -resubstitute -resubstitution -resucceed -resuck -resudation -resue -resuffer -resufferance -resuggest -resuggestion -resuing -resuit -result -resultance -resultancy -resultant -resultantly -resultative -resultful -resultfully -resulting -resultingly -resultive -resultless -resultlessly -resultlessness -resumability -resumable -resume -resumer -resummon -resummons -resumption -resumptive -resumptively -resun -resup -resuperheat -resupervise -resupinate -resupinated -resupination -resupine -resupply -resupport -resuppose -resupposition -resuppress -resuppression -resurface -resurge -resurgence -resurgency -resurgent -resurprise -resurrect -resurrectible -resurrection -resurrectional -resurrectionary -resurrectioner -resurrectioning -resurrectionism -resurrectionist -resurrectionize -resurrective -resurrector -resurrender -resurround -resurvey -resuscitable -resuscitant -resuscitate -resuscitation -resuscitative -resuscitator -resuspect -resuspend -resuspension -reswage -reswallow -resward -reswarm -reswear -resweat -resweep -reswell -reswill -reswim -resyllabification -resymbolization -resymbolize -resynthesis -resynthesize -ret -retable -retack -retackle -retag -retail -retailer -retailment -retailor -retain -retainability -retainable -retainableness -retainal -retainder -retainer -retainership -retaining -retake -retaker -retaliate -retaliation -retaliationist -retaliative -retaliator -retaliatory -retalk -retama -retame -retan -retanner -retape -retard -retardance -retardant -retardate -retardation -retardative -retardatory -retarded -retardence -retardent -retarder -retarding -retardingly -retardive -retardment -retardure -retare -retariff -retaste -retation -retattle -retax -retaxation -retch -reteach -retecious -retelegraph -retelephone -retell -retelling -retem -retemper -retempt -retemptation -retenant -retender -retene -retent -retention -retentionist -retentive -retentively -retentiveness -retentivity -retentor -Retepora -retepore -Reteporidae -retest -retexture -rethank -rethatch -rethaw -rethe -retheness -rethicken -rethink -rethrash -rethread -rethreaten -rethresh -rethresher -rethrill -rethrive -rethrone -rethrow -rethrust -rethunder -retia -retial -Retiariae -retiarian -retiarius -retiary -reticella -reticello -reticence -reticency -reticent -reticently -reticket -reticle -reticula -reticular -Reticularia -reticularian -reticularly -reticulary -reticulate -reticulated -reticulately -reticulation -reticulatocoalescent -reticulatogranulate -reticulatoramose -reticulatovenose -reticule -reticuled -reticulin -reticulitis -reticulocyte -reticulocytosis -reticuloramose -Reticulosa -reticulose -reticulovenose -reticulum -retie -retier -retiform -retighten -retile -retill -retimber -retime -retin -retina -retinacular -retinaculate -retinaculum -retinal -retinalite -retinasphalt -retinasphaltum -retincture -retinene -retinerved -retinian -retinispora -retinite -retinitis -retinize -retinker -retinoblastoma -retinochorioid -retinochorioidal -retinochorioiditis -retinoid -retinol -retinopapilitis -retinophoral -retinophore -retinoscope -retinoscopic -retinoscopically -retinoscopist -retinoscopy -Retinospora -retinue -retinula -retinular -retinule -retip -retiracied -retiracy -retirade -retiral -retire -retired -retiredly -retiredness -retirement -retirer -retiring -retiringly -retiringness -retistene -retoast -retold -retolerate -retoleration -retomb -retonation -retook -retool -retooth -retoother -retort -retortable -retorted -retorter -retortion -retortive -retorture -retoss -retotal -retouch -retoucher -retouching -retouchment -retour -retourable -retrace -retraceable -retracement -retrack -retract -retractability -retractable -retractation -retracted -retractibility -retractible -retractile -retractility -retraction -retractive -retractively -retractiveness -retractor -retrad -retrade -retradition -retrahent -retrain -retral -retrally -retramp -retrample -retranquilize -retranscribe -retranscription -retransfer -retransference -retransfigure -retransform -retransformation -retransfuse -retransit -retranslate -retranslation -retransmission -retransmissive -retransmit -retransmute -retransplant -retransport -retransportation -retravel -retraverse -retraxit -retread -retreat -retreatal -retreatant -retreater -retreatful -retreating -retreatingness -retreative -retreatment -retree -retrench -retrenchable -retrencher -retrenchment -retrial -retribute -retribution -retributive -retributively -retributor -retributory -retricked -retrievability -retrievable -retrievableness -retrievably -retrieval -retrieve -retrieveless -retrievement -retriever -retrieverish -retrim -retrimmer -retrip -retroact -retroaction -retroactive -retroactively -retroactivity -retroalveolar -retroauricular -retrobronchial -retrobuccal -retrobulbar -retrocaecal -retrocardiac -retrocecal -retrocede -retrocedence -retrocedent -retrocervical -retrocession -retrocessional -retrocessionist -retrocessive -retrochoir -retroclavicular -retroclusion -retrocognition -retrocognitive -retrocolic -retroconsciousness -retrocopulant -retrocopulation -retrocostal -retrocouple -retrocoupler -retrocurved -retrodate -retrodeviation -retrodisplacement -retroduction -retrodural -retroesophageal -retroflected -retroflection -retroflex -retroflexed -retroflexion -retroflux -retroform -retrofract -retrofracted -retrofrontal -retrogastric -retrogenerative -retrogradation -retrogradatory -retrograde -retrogradely -retrogradient -retrogradingly -retrogradism -retrogradist -retrogress -retrogression -retrogressionist -retrogressive -retrogressively -retrohepatic -retroinfection -retroinsular -retroiridian -retroject -retrojection -retrojugular -retrolabyrinthine -retrolaryngeal -retrolingual -retrolocation -retromammary -retromammillary -retromandibular -retromastoid -retromaxillary -retromigration -retromingent -retromingently -retromorphosed -retromorphosis -retronasal -retroperitoneal -retroperitoneally -retropharyngeal -retropharyngitis -retroplacental -retroplexed -retroposed -retroposition -retropresbyteral -retropubic -retropulmonary -retropulsion -retropulsive -retroreception -retrorectal -retroreflective -retrorenal -retrorse -retrorsely -retroserrate -retroserrulate -retrospect -retrospection -retrospective -retrospectively -retrospectiveness -retrospectivity -retrosplenic -retrostalsis -retrostaltic -retrosternal -retrosusception -retrot -retrotarsal -retrotemporal -retrothyroid -retrotracheal -retrotransfer -retrotransference -retrotympanic -retrousse -retrovaccinate -retrovaccination -retrovaccine -retroverse -retroversion -retrovert -retrovision -retroxiphoid -retrude -retrue -retrusible -retrusion -retrust -retry -retted -retter -rettery -retting -rettory -retube -retuck -retumble -retumescence -retune -returban -returf -returfer -return -returnability -returnable -returned -returner -returnless -returnlessly -retuse -retwine -retwist -retying -retype -retzian -Reub -Reuben -Reubenites -Reuchlinian -Reuchlinism -Reuel -reundercut -reundergo -reundertake -reundulate -reundulation -reune -reunfold -reunification -reunify -reunion -reunionism -reunionist -reunionistic -reunitable -reunite -reunitedly -reuniter -reunition -reunitive -reunpack -reuphold -reupholster -reuplift -reurge -reuse -reutilization -reutilize -reutter -reutterance -rev -revacate -revaccinate -revaccination -revalenta -revalescence -revalescent -revalidate -revalidation -revalorization -revalorize -revaluate -revaluation -revalue -revamp -revamper -revampment -revaporization -revaporize -revarnish -revary -reve -reveal -revealability -revealable -revealableness -revealed -revealedly -revealer -revealing -revealingly -revealingness -revealment -revegetate -revegetation -revehent -reveil -reveille -revel -revelability -revelant -revelation -revelational -revelationer -revelationist -revelationize -revelative -revelator -revelatory -reveler -revellent -revelly -revelment -revelrout -revelry -revenant -revend -revender -revendicate -revendication -reveneer -revenge -revengeable -revengeful -revengefully -revengefulness -revengeless -revengement -revenger -revengingly -revent -reventilate -reventure -revenual -revenue -revenued -revenuer -rever -reverable -reverb -reverbatory -reverberant -reverberate -reverberation -reverberative -reverberator -reverberatory -reverbrate -reverdure -revere -revered -reverence -reverencer -reverend -reverendly -reverendship -reverent -reverential -reverentiality -reverentially -reverentialness -reverently -reverentness -reverer -reverie -reverification -reverify -reverist -revers -reversability -reversable -reversal -reverse -reversed -reversedly -reverseful -reverseless -reversely -reversement -reverser -reverseways -reversewise -reversi -reversibility -reversible -reversibleness -reversibly -reversification -reversifier -reversify -reversing -reversingly -reversion -reversionable -reversional -reversionally -reversionary -reversioner -reversionist -reversis -reversist -reversive -reverso -revert -revertal -reverter -revertibility -revertible -revertive -revertively -revery -revest -revestiary -revestry -revet -revete -revetement -revetment -revibrate -revibration -revibrational -revictorious -revictory -revictual -revictualment -revie -review -reviewability -reviewable -reviewage -reviewal -reviewer -revieweress -reviewish -reviewless -revigorate -revigoration -revile -revilement -reviler -reviling -revilingly -revindicate -revindication -reviolate -reviolation -revirescence -revirescent -Revisable -revisable -revisableness -revisal -revise -Revised -revisee -reviser -revisership -revisible -revision -revisional -revisionary -revisionism -revisionist -revisit -revisitant -revisitation -revisor -revisory -revisualization -revisualize -revitalization -revitalize -revitalizer -revivability -revivable -revivably -revival -revivalism -revivalist -revivalistic -revivalize -revivatory -revive -revivement -reviver -revivification -revivifier -revivify -reviving -revivingly -reviviscence -reviviscency -reviviscent -reviviscible -revivor -revocability -revocable -revocableness -revocably -revocation -revocative -revocatory -revoice -revokable -revoke -revokement -revoker -revokingly -revolant -revolatilize -revolt -revolter -revolting -revoltingly -revoltress -revolubility -revoluble -revolubly -revolunteer -revolute -revoluted -revolution -revolutional -revolutionally -revolutionarily -revolutionariness -revolutionary -revolutioneering -revolutioner -revolutionism -revolutionist -revolutionize -revolutionizement -revolutionizer -revolvable -revolvably -revolve -revolvement -revolvency -revolver -revolving -revolvingly -revomit -revote -revue -revuette -revuist -revulsed -revulsion -revulsionary -revulsive -revulsively -rewade -rewager -rewake -rewaken -rewall -rewallow -reward -rewardable -rewardableness -rewardably -rewardedly -rewarder -rewardful -rewardfulness -rewarding -rewardingly -rewardless -rewardproof -rewarehouse -rewarm -rewarn -rewash -rewater -rewave -rewax -rewaybill -rewayle -reweaken -rewear -reweave -rewed -reweigh -reweigher -reweight -rewelcome -reweld -rewend -rewet -rewhelp -rewhirl -rewhisper -rewhiten -rewiden -rewin -rewind -rewinder -rewirable -rewire -rewish -rewithdraw -rewithdrawal -rewood -reword -rework -reworked -rewound -rewove -rewoven -rewrap -rewrite -rewriter -Rex -rex -rexen -reyield -Reynard -Reynold -reyoke -reyouth -rezbanyite -rhabdite -rhabditiform -Rhabditis -rhabdium -Rhabdocarpum -Rhabdocoela -rhabdocoelan -rhabdocoele -Rhabdocoelida -rhabdocoelidan -rhabdocoelous -rhabdoid -rhabdoidal -rhabdolith -rhabdom -rhabdomal -rhabdomancer -rhabdomancy -rhabdomantic -rhabdomantist -Rhabdomonas -rhabdomyoma -rhabdomyosarcoma -rhabdomysarcoma -rhabdophane -rhabdophanite -Rhabdophora -rhabdophoran -Rhabdopleura -rhabdopod -rhabdos -rhabdosome -rhabdosophy -rhabdosphere -rhabdus -Rhacianectes -Rhacomitrium -Rhacophorus -Rhadamanthine -Rhadamanthus -Rhadamanthys -Rhaetian -Rhaetic -rhagades -rhagadiform -rhagiocrin -rhagionid -Rhagionidae -rhagite -Rhagodia -rhagon -rhagonate -rhagose -rhamn -Rhamnaceae -rhamnaceous -rhamnal -Rhamnales -rhamnetin -rhamninase -rhamninose -rhamnite -rhamnitol -rhamnohexite -rhamnohexitol -rhamnohexose -rhamnonic -rhamnose -rhamnoside -Rhamnus -rhamphoid -Rhamphorhynchus -Rhamphosuchus -rhamphotheca -Rhapidophyllum -Rhapis -rhapontic -rhaponticin -rhapontin -rhapsode -rhapsodic -rhapsodical -rhapsodically -rhapsodie -rhapsodism -rhapsodist -rhapsodistic -rhapsodize -rhapsodomancy -rhapsody -Rhaptopetalaceae -rhason -rhasophore -rhatania -rhatany -rhe -Rhea -rhea -rheadine -Rheae -rhebok -rhebosis -rheeboc -rheebok -rheen -rhegmatype -rhegmatypy -Rhegnopteri -rheic -Rheidae -Rheiformes -rhein -rheinic -rhema -rhematic -rhematology -rheme -Rhemish -Rhemist -Rhenish -rhenium -rheobase -rheocrat -rheologist -rheology -rheometer -rheometric -rheometry -rheophile -rheophore -rheophoric -rheoplankton -rheoscope -rheoscopic -rheostat -rheostatic -rheostatics -rheotactic -rheotan -rheotaxis -rheotome -rheotrope -rheotropic -rheotropism -rhesian -rhesus -rhetor -rhetoric -rhetorical -rhetorically -rhetoricalness -rhetoricals -rhetorician -rhetorize -Rheum -rheum -rheumarthritis -rheumatalgia -rheumatic -rheumatical -rheumatically -rheumaticky -rheumatism -rheumatismal -rheumatismoid -rheumative -rheumatiz -rheumatize -rheumatoid -rheumatoidal -rheumatoidally -rheumed -rheumic -rheumily -rheuminess -rheumy -Rhexia -rhexis -rhigolene -rhigosis -rhigotic -Rhina -rhinal -rhinalgia -Rhinanthaceae -Rhinanthus -rhinarium -rhincospasm -rhine -Rhineland -Rhinelander -rhinencephalic -rhinencephalon -rhinencephalous -rhinenchysis -Rhineodon -Rhineodontidae -rhinestone -Rhineura -rhineurynter -Rhinidae -rhinion -rhinitis -rhino -Rhinobatidae -Rhinobatus -rhinobyon -rhinocaul -rhinocele -rhinocelian -rhinocerial -rhinocerian -rhinocerine -rhinoceroid -rhinoceros -rhinoceroslike -rhinocerotic -Rhinocerotidae -rhinocerotiform -rhinocerotine -rhinocerotoid -rhinochiloplasty -Rhinoderma -rhinodynia -rhinogenous -rhinolalia -rhinolaryngology -rhinolaryngoscope -rhinolite -rhinolith -rhinolithic -rhinological -rhinologist -rhinology -rhinolophid -Rhinolophidae -rhinolophine -rhinopharyngeal -rhinopharyngitis -rhinopharynx -Rhinophidae -Rhinophis -rhinophonia -rhinophore -rhinophyma -rhinoplastic -rhinoplasty -rhinopolypus -Rhinoptera -Rhinopteridae -rhinorrhagia -rhinorrhea -rhinorrheal -rhinoscleroma -rhinoscope -rhinoscopic -rhinoscopy -rhinosporidiosis -Rhinosporidium -rhinotheca -rhinothecal -Rhinthonic -Rhinthonica -rhipidate -rhipidion -Rhipidistia -rhipidistian -rhipidium -Rhipidoglossa -rhipidoglossal -rhipidoglossate -Rhipidoptera -rhipidopterous -rhipiphorid -Rhipiphoridae -Rhipiptera -rhipipteran -rhipipterous -Rhipsalis -Rhiptoglossa -rhizanthous -rhizautoicous -Rhizina -Rhizinaceae -rhizine -rhizinous -Rhizobium -rhizocarp -Rhizocarpeae -rhizocarpean -rhizocarpian -rhizocarpic -rhizocarpous -rhizocaul -rhizocaulus -Rhizocephala -rhizocephalan -rhizocephalous -rhizocorm -Rhizoctonia -rhizoctoniose -rhizodermis -Rhizodus -Rhizoflagellata -rhizoflagellate -rhizogen -rhizogenetic -rhizogenic -rhizogenous -rhizoid -rhizoidal -rhizoma -rhizomatic -rhizomatous -rhizome -rhizomelic -rhizomic -rhizomorph -rhizomorphic -rhizomorphoid -rhizomorphous -rhizoneure -rhizophagous -rhizophilous -Rhizophora -Rhizophoraceae -rhizophoraceous -rhizophore -rhizophorous -rhizophyte -rhizoplast -rhizopod -Rhizopoda -rhizopodal -rhizopodan -rhizopodist -rhizopodous -Rhizopogon -Rhizopus -rhizosphere -Rhizostomae -Rhizostomata -rhizostomatous -rhizostome -rhizostomous -Rhizota -rhizotaxis -rhizotaxy -rhizote -rhizotic -rhizotomi -rhizotomy -rho -Rhoda -rhodaline -Rhodamine -rhodamine -rhodanate -Rhodanian -rhodanic -rhodanine -rhodanthe -rhodeose -Rhodes -Rhodesian -Rhodesoid -rhodeswood -Rhodian -rhodic -rhoding -rhodinol -rhodite -rhodium -rhodizite -rhodizonic -Rhodobacteriaceae -Rhodobacterioideae -rhodochrosite -Rhodococcus -Rhodocystis -rhodocyte -rhododendron -rhodolite -Rhodomelaceae -rhodomelaceous -rhodonite -Rhodope -rhodophane -Rhodophyceae -rhodophyceous -rhodophyll -Rhodophyllidaceae -Rhodophyta -rhodoplast -rhodopsin -Rhodora -Rhodoraceae -rhodorhiza -rhodosperm -Rhodospermeae -rhodospermin -rhodospermous -Rhodospirillum -Rhodothece -Rhodotypos -Rhodymenia -Rhodymeniaceae -rhodymeniaceous -Rhodymeniales -Rhoeadales -Rhoecus -Rhoeo -rhomb -rhombencephalon -rhombenporphyr -rhombic -rhombical -rhombiform -rhomboclase -rhomboganoid -Rhomboganoidei -rhombogene -rhombogenic -rhombogenous -rhombohedra -rhombohedral -rhombohedrally -rhombohedric -rhombohedron -rhomboid -rhomboidal -rhomboidally -rhomboideus -rhomboidly -rhomboquadratic -rhomborectangular -rhombos -rhombovate -Rhombozoa -rhombus -rhonchal -rhonchial -rhonchus -Rhonda -rhopalic -rhopalism -rhopalium -Rhopalocera -rhopaloceral -rhopalocerous -Rhopalura -rhotacism -rhotacismus -rhotacistic -rhotacize -rhubarb -rhubarby -rhumb -rhumba -rhumbatron -Rhus -rhyacolite -rhyme -rhymeless -rhymelet -rhymemaker -rhymemaking -rhymeproof -rhymer -rhymery -rhymester -rhymewise -rhymic -rhymist -rhymy -Rhynchobdellae -Rhynchobdellida -Rhynchocephala -Rhynchocephali -Rhynchocephalia -rhynchocephalian -rhynchocephalic -rhynchocephalous -Rhynchocoela -rhynchocoelan -rhynchocoelic -rhynchocoelous -rhyncholite -Rhynchonella -Rhynchonellacea -Rhynchonellidae -rhynchonelloid -Rhynchophora -rhynchophoran -rhynchophore -rhynchophorous -Rhynchopinae -Rhynchops -Rhynchosia -Rhynchospora -Rhynchota -rhynchotal -rhynchote -rhynchotous -rhynconellid -Rhyncostomi -Rhynia -Rhyniaceae -Rhynocheti -Rhynsburger -rhyobasalt -rhyodacite -rhyolite -rhyolitic -rhyotaxitic -rhyparographer -rhyparographic -rhyparographist -rhyparography -rhypography -rhyptic -rhyptical -rhysimeter -Rhyssa -rhythm -rhythmal -rhythmic -rhythmical -rhythmicality -rhythmically -rhythmicity -rhythmicize -rhythmics -rhythmist -rhythmizable -rhythmization -rhythmize -rhythmless -rhythmometer -rhythmopoeia -rhythmproof -Rhytidodon -rhytidome -rhytidosis -Rhytina -Rhytisma -rhyton -ria -rial -riancy -riant -riantly -riata -rib -ribald -ribaldish -ribaldly -ribaldrous -ribaldry -riband -Ribandism -Ribandist -ribandlike -ribandmaker -ribandry -ribat -ribaudequin -ribaudred -ribband -ribbandry -ribbed -ribber -ribbet -ribbidge -ribbing -ribble -ribbon -ribbonback -ribboner -ribbonfish -Ribbonism -ribbonlike -ribbonmaker -Ribbonman -ribbonry -ribbonweed -ribbonwood -ribbony -ribby -ribe -Ribes -Ribhus -ribless -riblet -riblike -riboflavin -ribonic -ribonuclease -ribonucleic -ribose -ribroast -ribroaster -ribroasting -ribskin -ribspare -Ribston -ribwork -ribwort -Ric -Ricardian -Ricardianism -Ricardo -Riccia -Ricciaceae -ricciaceous -Ricciales -rice -ricebird -riceland -ricer -ricey -Rich -rich -Richard -Richardia -Richardsonia -richdom -Richebourg -richellite -richen -riches -richesse -richling -richly -Richmond -Richmondena -richness -richt -richterite -richweed -ricin -ricine -ricinelaidic -ricinelaidinic -ricinic -ricinine -ricininic -ricinium -ricinoleate -ricinoleic -ricinolein -ricinolic -Ricinulei -Ricinus -ricinus -Rick -rick -rickardite -ricker -ricketily -ricketiness -ricketish -rickets -Rickettsia -rickettsial -Rickettsiales -rickettsialpox -rickety -rickey -rickle -rickmatic -rickrack -ricksha -rickshaw -rickstaddle -rickstand -rickstick -Ricky -rickyard -ricochet -ricolettaite -ricrac -rictal -rictus -rid -ridable -ridableness -ridably -riddam -riddance -riddel -ridden -ridder -ridding -riddle -riddlemeree -riddler -riddling -riddlingly -riddlings -ride -rideable -rideau -riden -rident -rider -ridered -rideress -riderless -ridge -ridgeband -ridgeboard -ridgebone -ridged -ridgel -ridgelet -ridgelike -ridgeling -ridgepiece -ridgeplate -ridgepole -ridgepoled -ridger -ridgerope -ridgetree -ridgeway -ridgewise -ridgil -ridging -ridgingly -ridgling -ridgy -ridibund -ridicule -ridiculer -ridiculize -ridiculosity -ridiculous -ridiculously -ridiculousness -riding -ridingman -ridotto -rie -riebeckite -riem -Riemannean -Riemannian -riempie -rier -Riesling -rife -rifely -rifeness -Riff -riff -Riffi -Riffian -riffle -riffler -riffraff -Rifi -Rifian -rifle -riflebird -rifledom -rifleman -riflemanship -rifleproof -rifler -riflery -rifleshot -rifling -rift -rifter -riftless -rifty -rig -rigadoon -rigamajig -rigamarole -rigation -rigbane -Rigel -Rigelian -rigescence -rigescent -riggald -rigger -rigging -riggish -riggite -riggot -right -rightabout -righten -righteous -righteously -righteousness -righter -rightful -rightfully -rightfulness -rightheaded -righthearted -rightist -rightle -rightless -rightlessness -rightly -rightmost -rightness -righto -rightship -rightward -rightwardly -rightwards -righty -rigid -rigidify -rigidist -rigidity -rigidly -rigidness -rigidulous -rigling -rigmaree -rigmarole -rigmarolery -rigmarolic -rigmarolish -rigmarolishly -rignum -rigol -rigolette -rigor -rigorism -rigorist -rigoristic -rigorous -rigorously -rigorousness -rigsby -rigsdaler -Rigsmaal -Rigsmal -rigwiddie -rigwiddy -Rik -Rikari -rikisha -rikk -riksha -rikshaw -Riksmaal -Riksmal -rilawa -rile -riley -rill -rillet -rillett -rillette -rillock -rillstone -rilly -rim -rima -rimal -rimate -rimbase -rime -rimeless -rimer -rimester -rimfire -rimiform -rimland -rimless -rimmaker -rimmaking -rimmed -rimmer -rimose -rimosely -rimosity -rimous -rimpi -rimple -rimption -rimrock -rimu -rimula -rimulose -rimy -Rinaldo -rinceau -rinch -rincon -Rind -rind -Rinde -rinded -rinderpest -rindle -rindless -rindy -rine -ring -ringable -Ringatu -ringbark -ringbarker -ringbill -ringbird -ringbolt -ringbone -ringboned -ringcraft -ringdove -ringe -ringed -ringent -ringer -ringeye -ringgiver -ringgiving -ringgoer -ringhals -ringhead -ringiness -ringing -ringingly -ringingness -ringite -ringle -ringlead -ringleader -ringleaderless -ringleadership -ringless -ringlet -ringleted -ringlety -ringlike -ringmaker -ringmaking -ringman -ringmaster -ringneck -ringsail -ringside -ringsider -ringster -ringtail -ringtaw -ringtime -ringtoss -ringwalk -ringwall -ringwise -ringworm -ringy -rink -rinka -rinker -rinkite -rinncefada -rinneite -rinner -rinsable -rinse -rinser -rinsing -rinthereout -rintherout -Rio -rio -riot -rioter -rioting -riotingly -riotist -riotistic -riotocracy -riotous -riotously -riotousness -riotproof -riotry -rip -ripa -ripal -riparial -riparian -Riparii -riparious -ripcord -ripe -ripelike -ripely -ripen -ripener -ripeness -ripening -ripeningly -riper -ripgut -ripicolous -ripidolite -ripienist -ripieno -ripier -ripost -riposte -rippable -ripper -ripperman -rippet -rippier -ripping -rippingly -rippingness -rippit -ripple -rippleless -rippler -ripplet -rippling -ripplingly -ripply -rippon -riprap -riprapping -ripsack -ripsaw -ripsnorter -ripsnorting -Ripuarian -ripup -riroriro -risala -risberm -rise -risen -riser -rishi -rishtadar -risibility -risible -risibleness -risibles -risibly -rising -risk -risker -riskful -riskfulness -riskily -riskiness -riskish -riskless -riskproof -risky -risorial -risorius -risp -risper -risque -risquee -Riss -rissel -risser -Rissian -rissle -Rissoa -rissoid -Rissoidae -rist -ristori -rit -Rita -rita -Ritalynne -ritardando -Ritchey -rite -riteless -ritelessness -ritling -ritornel -ritornelle -ritornello -Ritschlian -Ritschlianism -rittingerite -ritual -ritualism -ritualist -ritualistic -ritualistically -rituality -ritualize -ritualless -ritually -ritzy -riva -rivage -rival -rivalable -rivaless -rivalism -rivality -rivalize -rivalless -rivalrous -rivalry -rivalship -rive -rivel -rivell -riven -river -riverain -riverbank -riverbush -riverdamp -rivered -riverhead -riverhood -riverine -riverish -riverless -riverlet -riverlike -riverling -riverly -riverman -riverscape -riverside -riversider -riverward -riverwards -riverwash -riverway -riverweed -riverwise -rivery -rivet -riveter -rivethead -riveting -rivetless -rivetlike -Rivina -riving -rivingly -Rivinian -rivose -Rivularia -Rivulariaceae -rivulariaceous -rivulation -rivulet -rivulose -rix -rixatrix -rixy -riyal -riziform -rizzar -rizzle -rizzom -rizzomed -rizzonite -Ro -roach -roachback -road -roadability -roadable -roadbed -roadblock -roadbook -roadcraft -roaded -roader -roadfellow -roadhead -roadhouse -roading -roadite -roadless -roadlessness -roadlike -roadman -roadmaster -roadside -roadsider -roadsman -roadstead -roadster -roadstone -roadtrack -roadway -roadweed -roadwise -roadworthiness -roadworthy -roam -roamage -roamer -roaming -roamingly -roan -roanoke -roar -roarer -roaring -roaringly -roast -roastable -roaster -roasting -roastingly -Rob -rob -robalito -robalo -roband -robber -robberproof -robbery -Robbin -robbin -robbing -robe -robeless -Robenhausian -rober -roberd -Roberdsman -Robert -Roberta -Roberto -Robigalia -Robigus -Robin -robin -robinet -robing -Robinia -robinin -robinoside -roble -robomb -roborant -roborate -roboration -roborative -roborean -roboreous -robot -robotesque -robotian -robotism -robotistic -robotization -robotize -robotlike -robotry -robur -roburite -robust -robustful -robustfully -robustfulness -robustic -robusticity -robustious -robustiously -robustiousness -robustity -robustly -robustness -roc -rocambole -Roccella -Roccellaceae -roccellic -roccellin -roccelline -Rochea -rochelime -Rochelle -rocher -rochet -rocheted -rock -rockable -rockably -rockaby -rockabye -rockallite -Rockaway -rockaway -rockbell -rockberry -rockbird -rockborn -rockbrush -rockcist -rockcraft -rockelay -rocker -rockery -rocket -rocketeer -rocketer -rocketlike -rocketor -rocketry -rockety -rockfall -rockfish -rockfoil -rockhair -rockhearted -Rockies -rockiness -rocking -rockingly -rockish -rocklay -rockless -rocklet -rocklike -rockling -rockman -rockrose -rockshaft -rockslide -rockstaff -rocktree -rockward -rockwards -rockweed -rockwood -rockwork -rocky -rococo -Rocouyenne -rocta -Rod -rod -rodd -roddikin -roddin -rodding -rode -Rodent -rodent -Rodentia -rodential -rodentially -rodentian -rodenticidal -rodenticide -rodentproof -rodeo -Roderic -Roderick -rodge -Rodger -rodham -Rodinal -Rodinesque -roding -rodingite -rodknight -rodless -rodlet -rodlike -rodmaker -rodman -Rodney -rodney -Rodolph -Rodolphus -rodomont -rodomontade -rodomontadist -rodomontador -rodsman -rodster -rodwood -roe -roeblingite -roebuck -roed -roelike -roentgen -roentgenism -roentgenization -roentgenize -roentgenogram -roentgenograph -roentgenographic -roentgenographically -roentgenography -roentgenologic -roentgenological -roentgenologically -roentgenologist -roentgenology -roentgenometer -roentgenometry -roentgenoscope -roentgenoscopic -roentgenoscopy -roentgenotherapy -roentgentherapy -roer -roestone -roey -rog -rogan -rogation -Rogationtide -rogative -rogatory -Roger -roger -Rogero -rogersite -roggle -Rogue -rogue -roguedom -rogueling -roguery -rogueship -roguing -roguish -roguishly -roguishness -rohan -Rohilla -rohob -rohun -rohuna -roi -roid -roil -roily -Roist -roister -roisterer -roistering -roisteringly -roisterly -roisterous -roisterously -roit -Rok -roka -roke -rokeage -rokee -rokelay -roker -rokey -roky -Roland -Rolandic -role -roleo -Rolf -Rolfe -roll -rollable -rollback -rolled -rollejee -roller -rollerer -rollermaker -rollermaking -rollerman -rollerskater -rollerskating -rolley -rolleyway -rolleywayman -rolliche -rollichie -rollick -rollicker -rollicking -rollickingly -rollickingness -rollicksome -rollicksomeness -rollicky -rolling -rollingly -Rollinia -rollix -rollmop -Rollo -rollock -rollway -roloway -Romaean -Romagnese -Romagnol -Romagnole -Romaic -romaika -Romain -romaine -Romaji -romal -Roman -Romance -romance -romancealist -romancean -romanceful -romanceish -romanceishness -romanceless -romancelet -romancelike -romancemonger -romanceproof -romancer -romanceress -romancical -romancing -romancist -romancy -Romandom -Romane -Romanes -Romanese -Romanesque -Romanhood -Romanian -Romanic -Romaniform -Romanish -Romanism -Romanist -Romanistic -Romanite -Romanity -romanium -Romanization -Romanize -Romanizer -Romanly -Romansch -Romansh -romantic -romantical -romanticalism -romanticality -romantically -romanticalness -romanticism -romanticist -romanticistic -romanticity -romanticize -romanticly -romanticness -romantism -romantist -Romany -romanza -romaunt -rombos -rombowline -Rome -romeite -Romeo -romerillo -romero -Romescot -Romeshot -Romeward -Romewards -Romic -Romipetal -Romish -Romishly -Romishness -rommack -Rommany -Romney -Romneya -romp -romper -romping -rompingly -rompish -rompishly -rompishness -rompu -rompy -Romulian -Romulus -Ron -Ronald -roncador -Roncaglian -roncet -ronco -rond -rondache -rondacher -rondawel -ronde -rondeau -rondel -rondelet -Rondeletia -rondelier -rondelle -rondellier -rondino -rondle -rondo -rondoletto -rondure -rone -Rong -Ronga -rongeur -Ronni -ronquil -Ronsardian -Ronsardism -Ronsardist -Ronsardize -Ronsdorfer -Ronsdorfian -rontgen -ronyon -rood -roodebok -roodle -roodstone -roof -roofage -roofer -roofing -roofless -rooflet -rooflike -roofman -rooftree -roofward -roofwise -roofy -rooibok -rooinek -rook -rooker -rookeried -rookery -rookie -rookish -rooklet -rooklike -rooky -rool -room -roomage -roomed -roomer -roomful -roomie -roomily -roominess -roomkeeper -roomless -roomlet -roommate -roomstead -roomth -roomthily -roomthiness -roomthy -roomward -roomy -roon -roorback -roosa -Roosevelt -Rooseveltian -roost -roosted -rooster -roosterfish -roosterhood -roosterless -roosters -roostership -Root -root -rootage -rootcap -rooted -rootedly -rootedness -rooter -rootery -rootfast -rootfastness -roothold -rootiness -rootle -rootless -rootlessness -rootlet -rootlike -rootling -rootstalk -rootstock -rootwalt -rootward -rootwise -rootworm -rooty -roove -ropable -rope -ropeable -ropeband -ropebark -ropedance -ropedancer -ropedancing -ropelayer -ropelaying -ropelike -ropemaker -ropemaking -ropeman -roper -roperipe -ropery -ropes -ropesmith -ropetrick -ropewalk -ropewalker -ropeway -ropework -ropily -ropiness -roping -ropish -ropishness -ropp -ropy -roque -roquelaure -roquer -roquet -roquette -roquist -roral -roratorio -Rori -roric -Roridula -Roridulaceae -roriferous -rorifluent -Roripa -Rorippa -roritorious -rorqual -rorty -rorulent -rory -Rosa -Rosabel -Rosabella -Rosaceae -rosacean -rosaceous -rosal -Rosales -Rosalia -Rosalie -Rosalind -Rosaline -Rosamond -rosanilin -rosaniline -rosarian -rosario -rosarium -rosaruby -rosary -rosated -Roschach -roscherite -roscid -roscoelite -rose -roseal -roseate -roseately -rosebay -rosebud -rosebush -rosed -rosedrop -rosefish -rosehead -rosehill -rosehiller -roseine -rosel -roseless -roselet -roselike -roselite -rosella -rosellate -roselle -Rosellinia -rosemary -Rosenbergia -rosenbuschite -roseola -roseolar -roseoliform -roseolous -roseous -roseroot -rosery -roset -rosetan -rosetangle -rosetime -Rosetta -rosette -rosetted -rosetty -rosetum -rosety -roseways -rosewise -rosewood -rosewort -Rosicrucian -Rosicrucianism -rosied -rosier -rosieresite -rosilla -rosillo -rosily -rosin -rosinate -rosinduline -Rosine -rosiness -rosinous -rosinweed -rosinwood -rosiny -rosland -rosmarine -Rosmarinus -Rosminian -Rosminianism -rosoli -rosolic -rosolio -rosolite -rosorial -Ross -ross -rosser -rossite -rostel -rostellar -Rostellaria -rostellarian -rostellate -rostelliform -rostellum -roster -rostra -rostral -rostrally -rostrate -rostrated -rostriferous -rostriform -rostroantennary -rostrobranchial -rostrocarinate -rostrocaudal -rostroid -rostrolateral -rostrular -rostrulate -rostrulum -rostrum -rosular -rosulate -rosy -rot -rota -rotacism -Rotal -rotal -Rotala -Rotalia -rotalian -rotaliform -rotaliiform -rotaman -rotameter -rotan -Rotanev -rotang -Rotarian -Rotarianism -rotarianize -Rotary -rotary -rotascope -rotatable -rotate -rotated -rotating -rotation -rotational -rotative -rotatively -rotativism -rotatodentate -rotatoplane -rotator -Rotatoria -rotatorian -rotatory -rotch -rote -rotella -rotenone -roter -rotge -rotgut -rother -rothermuck -rotifer -Rotifera -rotiferal -rotiferan -rotiferous -rotiform -rotisserie -roto -rotograph -rotogravure -rotor -rotorcraft -rotproof -Rotse -rottan -rotten -rottenish -rottenly -rottenness -rottenstone -rotter -rotting -rottle -rottlera -rottlerin -rottock -rottolo -rotula -rotulad -rotular -rotulet -rotulian -rotuliform -rotulus -rotund -rotunda -rotundate -rotundifoliate -rotundifolious -rotundiform -rotundify -rotundity -rotundly -rotundness -rotundo -rotundotetragonal -roub -roucou -roud -roue -rouelle -rouge -rougeau -rougeberry -rougelike -rougemontite -rougeot -rough -roughage -roughcast -roughcaster -roughdraft -roughdraw -roughdress -roughdry -roughen -roughener -rougher -roughet -roughhearted -roughheartedness -roughhew -roughhewer -roughhewn -roughhouse -roughhouser -roughhousing -roughhousy -roughie -roughing -roughings -roughish -roughishly -roughishness -roughleg -roughly -roughness -roughometer -roughride -roughrider -roughroot -roughscuff -roughsetter -roughshod -roughslant -roughsome -roughstring -roughstuff -roughtail -roughtailed -roughwork -roughwrought -roughy -rougy -rouille -rouky -roulade -rouleau -roulette -Rouman -Roumeliote -roun -rounce -rounceval -rouncy -round -roundabout -roundaboutly -roundaboutness -rounded -roundedly -roundedness -roundel -roundelay -roundeleer -rounder -roundfish -roundhead -roundheaded -roundheadedness -roundhouse -rounding -roundish -roundishness -roundlet -roundline -roundly -roundmouthed -roundness -roundnose -roundnosed -roundridge -roundseam -roundsman -roundtail -roundtop -roundtree -roundup -roundwise -roundwood -roundworm -roundy -roup -rouper -roupet -roupily -roupingwife -roupit -roupy -rouse -rouseabout -rousedness -rousement -rouser -rousing -rousingly -Rousseau -Rousseauan -Rousseauism -Rousseauist -Rousseauistic -Rousseauite -Roussellian -roussette -Roussillon -roust -roustabout -rouster -rousting -rout -route -router -routh -routhercock -routhie -routhiness -routhy -routinary -routine -routineer -routinely -routing -routinish -routinism -routinist -routinization -routinize -routivarite -routous -routously -rouvillite -rove -rover -rovet -rovetto -roving -rovingly -rovingness -row -rowable -rowan -rowanberry -rowboat -rowdily -rowdiness -rowdy -rowdydow -rowdydowdy -rowdyish -rowdyishly -rowdyishness -rowdyism -rowdyproof -rowed -rowel -rowelhead -rowen -Rowena -rower -rowet -rowiness -rowing -Rowland -rowlandite -Rowleian -rowlet -Rowley -Rowleyan -rowlock -rowport -rowty -rowy -rox -Roxana -Roxane -Roxanne -Roxburgh -Roxburghiaceae -Roxbury -Roxie -Roxolani -Roxy -roxy -Roy -royal -royale -royalet -royalism -royalist -royalization -royalize -royally -royalty -Royena -royet -royetness -royetous -royetously -Roystonea -royt -rozum -Rua -ruach -ruana -rub -rubasse -rubato -rubbed -rubber -rubberer -rubberize -rubberless -rubberneck -rubbernecker -rubbernose -rubbers -rubberstone -rubberwise -rubbery -rubbing -rubbingstone -rubbish -rubbishing -rubbishingly -rubbishly -rubbishry -rubbishy -rubble -rubbler -rubblestone -rubblework -rubbly -rubdown -Rube -rubedinous -rubedity -rubefacient -rubefaction -rubelet -rubella -rubelle -rubellite -rubellosis -Rubensian -rubeola -rubeolar -rubeoloid -ruberythric -ruberythrinic -rubescence -rubescent -Rubia -Rubiaceae -rubiaceous -Rubiales -rubianic -rubiate -rubiator -rubican -rubicelle -Rubicola -Rubicon -rubiconed -rubicund -rubicundity -rubidic -rubidine -rubidium -rubied -rubific -rubification -rubificative -rubify -rubiginous -rubijervine -rubine -rubineous -rubious -ruble -rublis -rubor -rubric -rubrica -rubrical -rubricality -rubrically -rubricate -rubrication -rubricator -rubrician -rubricism -rubricist -rubricity -rubricize -rubricose -rubrific -rubrification -rubrify -rubrisher -rubrospinal -rubstone -Rubus -ruby -rubylike -rubytail -rubythroat -rubywise -rucervine -Rucervus -Ruchbah -ruche -ruching -ruck -rucker -ruckle -ruckling -rucksack -rucksey -ruckus -rucky -ructation -ruction -rud -rudas -Rudbeckia -rudd -rudder -rudderhead -rudderhole -rudderless -rudderlike -rudderpost -rudderstock -ruddied -ruddily -ruddiness -ruddle -ruddleman -ruddock -ruddy -ruddyish -rude -rudely -rudeness -rudented -rudenture -ruderal -rudesby -Rudesheimer -rudge -rudiment -rudimental -rudimentarily -rudimentariness -rudimentary -rudimentation -rudish -Rudista -Rudistae -rudistan -rudistid -rudity -Rudmasday -Rudolf -Rudolph -Rudolphus -Rudy -rue -rueful -ruefully -ruefulness -ruelike -ruelle -Ruellia -ruen -ruer -ruesome -ruesomeness -ruewort -rufescence -rufescent -ruff -ruffable -ruffed -ruffer -ruffian -ruffianage -ruffiandom -ruffianhood -ruffianish -ruffianism -ruffianize -ruffianlike -ruffianly -ruffiano -ruffin -ruffle -ruffled -ruffleless -rufflement -ruffler -rufflike -ruffliness -ruffling -ruffly -ruficarpous -ruficaudate -ruficoccin -ruficornate -rufigallic -rufoferruginous -rufofulvous -rufofuscous -rufopiceous -rufotestaceous -rufous -rufter -rufulous -Rufus -rufus -rug -ruga -rugate -Rugbeian -Rugby -rugged -ruggedly -ruggedness -Rugger -rugging -ruggle -ruggy -rugheaded -ruglike -rugmaker -rugmaking -Rugosa -rugosa -rugose -rugosely -rugosity -rugous -rugulose -ruin -ruinable -ruinate -ruination -ruinatious -ruinator -ruined -ruiner -ruing -ruiniform -ruinlike -ruinous -ruinously -ruinousness -ruinproof -Rukbat -rukh -rulable -Rulander -rule -ruledom -ruleless -rulemonger -ruler -rulership -ruling -rulingly -rull -ruller -rullion -Rum -rum -rumal -Ruman -Rumanian -rumbelow -rumble -rumblegarie -rumblegumption -rumblement -rumbler -rumbling -rumblingly -rumbly -rumbo -rumbooze -rumbowline -rumbowling -rumbullion -rumbumptious -rumbustical -rumbustious -rumbustiousness -rumchunder -Rumelian -rumen -rumenitis -rumenocentesis -rumenotomy -Rumex -rumfustian -rumgumption -rumgumptious -ruminal -ruminant -Ruminantia -ruminantly -ruminate -ruminating -ruminatingly -rumination -ruminative -ruminatively -ruminator -rumkin -rumless -rumly -rummage -rummager -rummagy -rummer -rummily -rumminess -rummish -rummy -rumness -rumney -rumor -rumorer -rumormonger -rumorous -rumorproof -rumourmonger -rump -rumpad -rumpadder -rumpade -Rumper -rumple -rumpless -rumply -rumpscuttle -rumpuncheon -rumpus -rumrunner -rumrunning -rumshop -rumswizzle -rumtytoo -run -runabout -runagate -runaround -runaway -runback -runboard -runby -runch -runchweed -runcinate -rundale -Rundi -rundle -rundlet -rune -runecraft -runed -runefolk -runeless -runelike -runer -runesmith -runestaff -runeword -runfish -rung -runghead -rungless -runholder -runic -runically -runiform -runite -runkeeper -runkle -runkly -runless -runlet -runman -runnable -runnel -runner -runnet -running -runningly -runny -runoff -runologist -runology -runout -runover -runproof -runrig -runround -runt -runted -runtee -runtiness -runtish -runtishly -runtishness -runty -runway -rupa -rupee -Rupert -rupestral -rupestrian -rupestrine -rupia -rupiah -rupial -Rupicapra -Rupicaprinae -rupicaprine -Rupicola -Rupicolinae -rupicoline -rupicolous -rupie -rupitic -Ruppia -ruptile -ruption -ruptive -ruptuary -rupturable -rupture -ruptured -rupturewort -rural -ruralism -ruralist -ruralite -rurality -ruralization -ruralize -rurally -ruralness -rurban -ruridecanal -rurigenous -Ruritania -Ruritanian -ruru -Rus -Rusa -Ruscus -ruse -rush -rushbush -rushed -rushen -rusher -rushiness -rushing -rushingly -rushingness -rushland -rushlight -rushlighted -rushlike -rushlit -rushy -Rusin -rusine -rusk -ruskin -Ruskinian -rusky -rusma -rusot -ruspone -Russ -russel -Russelia -Russell -Russellite -Russene -russet -russeting -russetish -russetlike -russety -Russia -russia -Russian -Russianism -Russianist -Russianization -Russianize -Russification -Russificator -Russifier -Russify -Russine -Russism -Russniak -Russolatrous -Russolatry -Russomania -Russomaniac -Russomaniacal -Russophile -Russophilism -Russophilist -Russophobe -Russophobia -Russophobiac -Russophobism -Russophobist -russud -Russula -rust -rustable -rustful -rustic -rustical -rustically -rusticalness -rusticate -rustication -rusticator -rusticial -rusticism -rusticity -rusticize -rusticly -rusticness -rusticoat -rustily -rustiness -rustle -rustler -rustless -rustling -rustlingly -rustlingness -rustly -rustproof -rustre -rustred -Rusty -rusty -rustyback -rustyish -ruswut -rut -Ruta -rutabaga -Rutaceae -rutaceous -rutaecarpine -rutate -rutch -rutelian -Rutelinae -Ruth -ruth -ruthenate -Ruthene -Ruthenian -ruthenic -ruthenious -ruthenium -ruthenous -ruther -rutherford -rutherfordine -rutherfordite -ruthful -ruthfully -ruthfulness -ruthless -ruthlessly -ruthlessness -rutic -rutidosis -rutilant -rutilated -rutile -rutilous -rutin -rutinose -Rutiodon -ruttee -rutter -ruttiness -ruttish -ruttishly -ruttishness -rutty -Rutuli -rutyl -rutylene -ruvid -rux -rvulsant -ryal -ryania -rybat -ryder -rye -ryen -Rymandra -ryme -Rynchospora -rynchosporous -rynd -rynt -ryot -ryotwar -ryotwari -rype -rypeck -rytidosis -Rytina -Ryukyu -S -s -sa -saa -Saad -Saan -Saarbrucken -sab -Saba -sabadilla -sabadine -sabadinine -Sabaean -Sabaeanism -Sabaeism -sabaigrass -Sabaism -Sabaist -Sabal -Sabalaceae -sabalo -Saban -sabanut -Sabaoth -Sabathikos -Sabazian -Sabazianism -Sabazios -sabbat -Sabbatarian -Sabbatarianism -Sabbatary -Sabbatean -Sabbath -sabbath -Sabbathaian -Sabbathaic -Sabbathaist -Sabbathbreaker -Sabbathbreaking -Sabbathism -Sabbathize -Sabbathkeeper -Sabbathkeeping -Sabbathless -Sabbathlike -Sabbathly -Sabbatia -sabbatia -Sabbatian -Sabbatic -sabbatic -Sabbatical -sabbatical -Sabbatically -Sabbaticalness -sabbatine -sabbatism -Sabbatist -Sabbatization -Sabbatize -sabbaton -sabbitha -sabdariffa -sabe -sabeca -Sabella -sabella -sabellan -Sabellaria -sabellarian -Sabelli -Sabellian -Sabellianism -Sabellianize -sabellid -Sabellidae -sabelloid -saber -saberbill -sabered -saberleg -saberlike -saberproof -sabertooth -saberwing -Sabia -Sabiaceae -sabiaceous -Sabian -Sabianism -sabicu -Sabik -Sabina -sabina -Sabine -sabine -Sabinian -sabino -Sabir -sable -sablefish -sableness -sably -sabora -saboraim -sabot -sabotage -saboted -saboteur -sabotine -Sabra -sabra -sabretache -Sabrina -Sabromin -sabromin -Sabuja -sabuline -sabulite -sabulose -sabulosity -sabulous -sabulum -saburra -saburral -saburration -sabutan -sabzi -Sac -sac -Sacae -sacalait -sacaline -sacaton -sacatra -sacbrood -saccade -saccadic -Saccammina -saccate -saccated -Saccha -saccharamide -saccharase -saccharate -saccharated -saccharephidrosis -saccharic -saccharide -sacchariferous -saccharification -saccharifier -saccharify -saccharilla -saccharimeter -saccharimetric -saccharimetrical -saccharimetry -saccharin -saccharinate -saccharinated -saccharine -saccharineish -saccharinely -saccharinic -saccharinity -saccharization -saccharize -saccharobacillus -saccharobiose -saccharobutyric -saccharoceptive -saccharoceptor -saccharochemotropic -saccharocolloid -saccharofarinaceous -saccharogalactorrhea -saccharogenic -saccharohumic -saccharoid -saccharoidal -saccharolactonic -saccharolytic -saccharometabolic -saccharometabolism -saccharometer -saccharometric -saccharometry -saccharomucilaginous -Saccharomyces -saccharomyces -Saccharomycetaceae -saccharomycetaceous -Saccharomycetales -saccharomycete -Saccharomycetes -saccharomycetic -saccharomycosis -saccharon -saccharonate -saccharone -saccharonic -saccharophylly -saccharorrhea -saccharoscope -saccharose -saccharostarchy -saccharosuria -saccharotriose -saccharous -saccharulmic -saccharulmin -Saccharum -saccharum -saccharuria -sacciferous -sacciform -Saccobranchiata -saccobranchiate -Saccobranchus -saccoderm -Saccolabium -saccolabium -saccomyian -saccomyid -Saccomyidae -Saccomyina -saccomyine -saccomyoid -Saccomyoidea -saccomyoidean -Saccomys -Saccopharyngidae -Saccopharynx -Saccorhiza -saccos -saccular -sacculate -sacculated -sacculation -saccule -Sacculina -sacculoutricular -sacculus -saccus -sacellum -sacerdocy -sacerdotage -sacerdotal -sacerdotalism -sacerdotalist -sacerdotalize -sacerdotally -sacerdotical -sacerdotism -sachamaker -sachem -sachemdom -sachemic -sachemship -sachet -Sacheverell -Sacian -sack -sackage -sackamaker -sackbag -sackbut -sackcloth -sackclothed -sackdoudle -sacked -sacken -sacker -sackful -sacking -sackless -sacklike -sackmaker -sackmaking -sackman -sacktime -saclike -saco -sacope -sacque -sacra -sacrad -sacral -sacralgia -sacralization -sacrament -sacramental -sacramentalism -sacramentalist -sacramentality -sacramentally -sacramentalness -Sacramentarian -sacramentarian -sacramentarianism -sacramentarist -Sacramentary -sacramentary -sacramenter -sacramentism -sacramentize -Sacramento -sacramentum -sacraria -sacrarial -sacrarium -sacrectomy -sacred -sacredly -sacredness -sacrificable -sacrificant -Sacrificati -sacrification -sacrificator -sacrificatory -sacrificature -sacrifice -sacrificer -sacrificial -sacrificially -sacrificing -sacrilege -sacrileger -sacrilegious -sacrilegiously -sacrilegiousness -sacrilegist -sacrilumbal -sacrilumbalis -sacring -Sacripant -sacrist -sacristan -sacristy -sacro -sacrocaudal -sacrococcygeal -sacrococcygean -sacrococcygeus -sacrococcyx -sacrocostal -sacrocotyloid -sacrocotyloidean -sacrocoxalgia -sacrocoxitis -sacrodorsal -sacrodynia -sacrofemoral -sacroiliac -sacroinguinal -sacroischiac -sacroischiadic -sacroischiatic -sacrolumbal -sacrolumbalis -sacrolumbar -sacropectineal -sacroperineal -sacropictorial -sacroposterior -sacropubic -sacrorectal -sacrosanct -sacrosanctity -sacrosanctness -sacrosciatic -sacrosecular -sacrospinal -sacrospinalis -sacrospinous -sacrotomy -sacrotuberous -sacrovertebral -sacrum -sad -Sadachbia -Sadalmelik -Sadalsuud -sadden -saddening -saddeningly -saddik -saddirham -saddish -saddle -saddleback -saddlebag -saddlebow -saddlecloth -saddled -saddleleaf -saddleless -saddlelike -saddlenose -saddler -saddlery -saddlesick -saddlesore -saddlesoreness -saddlestead -saddletree -saddlewise -saddling -Sadducaic -Sadducean -Sadducee -Sadduceeism -Sadduceeist -Sadducism -Sadducize -sade -sadh -sadhe -sadhearted -sadhu -sadic -Sadie -sadiron -sadism -sadist -sadistic -sadistically -Sadite -sadly -sadness -sado -sadomasochism -Sadr -sadr -saecula -saeculum -Saeima -saernaite -saeter -saeume -Safar -safari -Safavi -Safawid -safe -safeblower -safeblowing -safebreaker -safebreaking -safecracking -safeguard -safeguarder -safehold -safekeeper -safekeeping -safelight -safely -safemaker -safemaking -safen -safener -safeness -safety -Saffarian -Saffarid -saffian -safflor -safflorite -safflow -safflower -saffron -saffroned -saffrontree -saffronwood -saffrony -Safi -Safine -Safini -safranin -safranine -safranophile -safrole -saft -sag -saga -sagaciate -sagacious -sagaciously -sagaciousness -sagacity -Sagai -sagaie -sagaman -sagamite -sagamore -sagapenum -sagathy -sage -sagebrush -sagebrusher -sagebush -sageleaf -sagely -sagene -sageness -sagenite -sagenitic -Sageretia -sagerose -sageship -sagewood -sagger -sagging -saggon -saggy -saghavart -Sagina -saginate -sagination -saging -Sagitarii -sagitta -sagittal -sagittally -Sagittaria -Sagittariid -Sagittarius -sagittarius -Sagittary -sagittary -sagittate -Sagittid -sagittiferous -sagittiform -sagittocyst -sagittoid -sagless -sago -sagoin -sagolike -Sagra -saguaro -Saguerus -sagum -saguran -sagvandite -sagwire -sagy -sah -Sahadeva -Sahaptin -Sahara -Saharan -Saharian -Saharic -sahh -sahib -Sahibah -Sahidic -sahme -Saho -sahoukar -sahukar -sai -saic -said -Saidi -Saify -saiga -Saiid -sail -sailable -sailage -sailboat -sailcloth -sailed -sailer -sailfish -sailflying -sailing -sailingly -sailless -sailmaker -sailmaking -sailor -sailoring -sailorizing -sailorless -sailorlike -sailorly -sailorman -sailorproof -sailplane -sailship -sailsman -saily -saim -saimiri -saimy -sain -Sainfoin -saint -saintdom -sainted -saintess -sainthood -saintish -saintism -saintless -saintlike -saintlily -saintliness -saintling -saintly -saintologist -saintology -Saintpaulia -saintship -saip -Saiph -sair -sairly -sairve -sairy -Saite -saithe -Saitic -Saiva -Saivism -saj -sajou -Sak -Saka -Sakai -Sakalava -sake -sakeber -sakeen -Sakel -Sakelarides -Sakell -Sakellaridis -saker -sakeret -Sakha -saki -sakieh -Sakkara -Saktism -sakulya -Sakyamuni -Sal -sal -salaam -salaamlike -salability -salable -salableness -salably -salaceta -salacious -salaciously -salaciousness -salacity -salacot -salad -salading -salago -salagrama -salal -salamandarin -salamander -salamanderlike -Salamandra -salamandrian -Salamandridae -salamandriform -Salamandrina -salamandrine -salamandroid -salambao -Salaminian -salamo -salampore -salangane -salangid -Salangidae -Salar -salar -salariat -salaried -salary -salaryless -salat -salay -sale -salegoer -salele -salema -salenixon -salep -saleratus -saleroom -salesclerk -Salesian -saleslady -salesman -salesmanship -salespeople -salesperson -salesroom -saleswoman -salework -saleyard -salfern -Salian -Saliaric -Salic -salic -Salicaceae -salicaceous -Salicales -Salicariaceae -salicetum -salicin -salicional -salicorn -Salicornia -salicyl -salicylal -salicylaldehyde -salicylamide -salicylanilide -salicylase -salicylate -salicylic -salicylide -salicylidene -salicylism -salicylize -salicylous -salicyluric -salicylyl -salience -salient -Salientia -salientian -saliently -saliferous -salifiable -salification -salify -saligenin -saligot -salimeter -salimetry -Salina -salina -Salinan -salination -saline -Salinella -salinelle -salineness -saliniferous -salinification -saliniform -salinity -salinize -salinometer -salinometry -salinosulphureous -salinoterreous -Salisburia -Salish -Salishan -salite -salited -Saliva -saliva -salival -Salivan -salivant -salivary -salivate -salivation -salivator -salivatory -salivous -Salix -salix -salle -sallee -salleeman -sallenders -sallet -sallier -salloo -sallow -sallowish -sallowness -sallowy -Sally -sally -Sallybloom -sallyman -sallywood -Salm -salma -salmagundi -salmiac -salmine -salmis -Salmo -Salmon -salmon -salmonberry -Salmonella -salmonella -salmonellae -salmonellosis -salmonet -salmonid -Salmonidae -salmoniform -salmonlike -salmonoid -Salmonoidea -Salmonoidei -salmonsite -salmwood -salnatron -Salol -salol -Salome -salometer -salometry -salomon -Salomonia -Salomonian -Salomonic -salon -saloon -saloonist -saloonkeeper -saloop -Salopian -salopian -salp -Salpa -salpa -salpacean -salpian -salpicon -Salpidae -salpiform -Salpiglossis -salpiglossis -salpingectomy -salpingemphraxis -salpinges -salpingian -salpingion -salpingitic -salpingitis -salpingocatheterism -salpingocele -salpingocyesis -salpingomalleus -salpingonasal -salpingopalatal -salpingopalatine -salpingoperitonitis -salpingopexy -salpingopharyngeal -salpingopharyngeus -salpingopterygoid -salpingorrhaphy -salpingoscope -salpingostaphyline -salpingostenochoria -salpingostomatomy -salpingostomy -salpingotomy -salpinx -salpoid -salse -salsifis -salsify -salsilla -Salsola -Salsolaceae -salsolaceous -salsuginous -salt -salta -saltant -saltarella -saltarello -saltary -saltate -saltation -saltativeness -Saltator -saltator -Saltatoria -saltatorial -saltatorian -saltatoric -saltatorious -saltatory -saltbush -saltcat -saltcatch -saltcellar -salted -saltee -salten -salter -saltern -saltery -saltfat -saltfoot -salthouse -saltier -saltierra -saltierwise -Saltigradae -saltigrade -saltimbanco -saltimbank -saltimbankery -saltine -saltiness -salting -saltish -saltishly -saltishness -saltless -saltlessness -saltly -saltmaker -saltmaking -saltman -saltmouth -saltness -saltometer -saltorel -saltpan -saltpeter -saltpetrous -saltpond -saltspoon -saltspoonful -saltsprinkler -saltus -saltweed -saltwife -saltworker -saltworks -saltwort -salty -salubrify -salubrious -salubriously -salubriousness -salubrity -saluki -salung -salutarily -salutariness -salutary -salutation -salutational -salutationless -salutatious -salutatorian -salutatorily -salutatorium -salutatory -salute -saluter -salutiferous -salutiferously -Salva -salvability -salvable -salvableness -salvably -Salvadora -salvadora -Salvadoraceae -salvadoraceous -Salvadoran -Salvadorian -salvage -salvageable -salvagee -salvageproof -salvager -salvaging -Salvarsan -salvarsan -salvatella -salvation -salvational -salvationism -salvationist -salvatory -salve -salveline -Salvelinus -salver -salverform -Salvia -salvianin -salvific -salvifical -salvifically -Salvinia -Salviniaceae -salviniaceous -Salviniales -salviol -salvo -salvor -salvy -Salwey -salzfelle -Sam -sam -Samadera -samadh -samadhi -samaj -Samal -saman -Samandura -Samani -Samanid -Samantha -samara -samaria -samariform -Samaritan -Samaritaness -Samaritanism -samarium -Samarkand -samaroid -samarra -samarskite -Samas -samba -Sambal -sambal -sambaqui -sambar -Sambara -Sambathe -sambhogakaya -Sambo -sambo -Sambucaceae -Sambucus -sambuk -sambuke -sambunigrin -Samburu -same -samekh -samel -sameliness -samely -samen -sameness -samesome -Samgarnebo -samh -Samhain -samhita -Samian -samiel -Samir -samiresite -samiri -samisen -Samish -samite -samkara -samlet -sammel -sammer -sammier -Sammy -sammy -Samnani -Samnite -Samoan -Samogitian -samogonka -Samolus -Samosatenian -samothere -Samotherium -Samothracian -samovar -Samoyed -Samoyedic -samp -sampaguita -sampaloc -sampan -samphire -sampi -sample -sampleman -sampler -samplery -sampling -Sampsaean -Samsam -samsara -samshu -Samsien -samskara -Samson -samson -Samsoness -Samsonian -Samsonic -Samsonistic -samsonite -Samucan -Samucu -Samuel -samurai -Samydaceae -San -san -sanability -sanable -sanableness -sanai -Sanand -sanative -sanativeness -sanatoria -sanatorium -sanatory -Sanballat -sanbenito -Sanche -sancho -sanct -sancta -sanctanimity -sanctifiable -sanctifiableness -sanctifiably -sanctificate -sanctification -sanctified -sanctifiedly -sanctifier -sanctify -sanctifyingly -sanctilogy -sanctiloquent -sanctimonial -sanctimonious -sanctimoniously -sanctimoniousness -sanctimony -sanction -sanctionable -sanctionary -sanctionative -sanctioner -sanctionist -sanctionless -sanctionment -sanctitude -sanctity -sanctologist -Sanctology -sanctorium -sanctuaried -sanctuarize -sanctuary -sanctum -Sanctus -Sancy -sancyite -sand -sandak -sandal -sandaled -sandaliform -sandaling -sandalwood -sandalwort -sandan -sandarac -sandaracin -sandastros -Sandawe -sandbag -sandbagger -sandbank -sandbin -sandblast -sandboard -sandbox -sandboy -sandbur -sandclub -sandculture -sanded -Sandeep -Sandemanian -Sandemanianism -Sandemanism -Sander -sander -sanderling -sanders -sandfish -sandflower -sandglass -sandheat -sandhi -sandiferous -sandiness -sanding -Sandip -sandiver -sandix -sandlapper -sandless -sandlike -sandling -sandman -sandnatter -sandnecker -sandpaper -sandpaperer -sandpeep -sandpiper -sandproof -Sandra -sandrock -sandspit -sandspur -sandstay -sandstone -sandstorm -sandust -sandweed -sandweld -sandwich -sandwood -sandworm -sandwort -Sandy -sandy -sandyish -sane -sanely -saneness -Sanetch -Sanford -Sanforized -sang -sanga -Sangamon -sangar -sangaree -sangei -sanger -sangerbund -sangerfest -Sanggil -sangha -Sangho -Sangir -Sangirese -sanglant -sangley -Sangraal -sangreeroot -sangrel -sangsue -sanguicolous -sanguifacient -sanguiferous -sanguification -sanguifier -sanguifluous -sanguimotor -sanguimotory -sanguinaceous -Sanguinaria -sanguinarily -sanguinariness -sanguinary -sanguine -sanguineless -sanguinely -sanguineness -sanguineobilious -sanguineophlegmatic -sanguineous -sanguineousness -sanguineovascular -sanguinicolous -sanguiniferous -sanguinification -sanguinism -sanguinity -sanguinivorous -sanguinocholeric -sanguinolency -sanguinolent -sanguinopoietic -sanguinous -Sanguisorba -Sanguisorbaceae -sanguisuge -sanguisugent -sanguisugous -sanguivorous -Sanhedrim -Sanhedrin -Sanhedrist -Sanhita -sanicle -Sanicula -sanidine -sanidinic -sanidinite -sanies -sanification -sanify -sanious -sanipractic -sanitarian -sanitarily -sanitarist -sanitarium -sanitary -sanitate -sanitation -sanitationist -sanitist -sanitize -Sanity -sanity -sanjak -sanjakate -sanjakbeg -sanjakship -Sanjay -Sanjeev -Sanjib -sank -sankha -Sankhya -sannaite -Sannoisian -sannup -sannyasi -sannyasin -sanopurulent -sanoserous -Sanpoil -sans -Sansar -sansei -Sansevieria -sanshach -sansi -Sanskrit -Sanskritic -Sanskritist -Sanskritization -Sanskritize -sant -Santa -Santal -santal -Santalaceae -santalaceous -Santalales -Santali -santalic -santalin -santalol -Santalum -santalwood -santapee -Santee -santene -Santiago -santimi -santims -santir -Santo -Santolina -santon -santonica -santonin -santoninic -santorinite -Santos -sanukite -Sanvitalia -Sanyakoan -sao -Saoshyant -sap -sapa -sapajou -sapan -sapanwood -sapbush -sapek -Saperda -sapful -Sapharensian -saphead -sapheaded -sapheadedness -saphena -saphenal -saphenous -saphie -sapid -sapidity -sapidless -sapidness -sapience -sapiency -sapient -sapiential -sapientially -sapientize -sapiently -sapin -sapinda -Sapindaceae -sapindaceous -Sapindales -sapindaship -Sapindus -Sapium -sapiutan -saple -sapless -saplessness -sapling -saplinghood -sapo -sapodilla -sapogenin -saponaceous -saponaceousness -saponacity -Saponaria -saponarin -saponary -Saponi -saponifiable -saponification -saponifier -saponify -saponin -saponite -sapophoric -sapor -saporific -saporosity -saporous -Sapota -sapota -Sapotaceae -sapotaceous -sapote -sapotilha -sapotilla -sapotoxin -sappanwood -sappare -sapper -Sapphic -sapphic -sapphire -sapphireberry -sapphired -sapphirewing -sapphiric -sapphirine -Sapphism -Sapphist -Sappho -sappiness -sapping -sapples -sappy -sapremia -sapremic -saprine -saprocoll -saprodil -saprodontia -saprogenic -saprogenous -Saprolegnia -Saprolegniaceae -saprolegniaceous -Saprolegniales -saprolegnious -saprolite -saprolitic -sapropel -sapropelic -sapropelite -saprophagan -saprophagous -saprophile -saprophilous -saprophyte -saprophytic -saprophytically -saprophytism -saprostomous -saprozoic -sapsago -sapskull -sapsuck -sapsucker -sapucaia -sapucainha -sapwood -sapwort -Saqib -sar -Sara -saraad -sarabacan -Sarabaite -saraband -Saracen -Saracenian -Saracenic -Saracenical -Saracenism -Saracenlike -Sarada -saraf -Sarah -Sarakolet -Sarakolle -Saramaccaner -Saran -sarangi -sarangousty -Saratoga -Saratogan -Saravan -Sarawakese -sarawakite -Sarawan -sarbacane -sarbican -sarcasm -sarcasmproof -sarcast -sarcastic -sarcastical -sarcastically -sarcasticalness -sarcasticness -sarcelle -sarcenet -sarcilis -Sarcina -sarcine -sarcitis -sarcle -sarcler -sarcoadenoma -Sarcobatus -sarcoblast -sarcocarcinoma -sarcocarp -sarcocele -Sarcococca -Sarcocolla -sarcocollin -sarcocyst -Sarcocystidea -sarcocystidean -sarcocystidian -Sarcocystis -sarcocystoid -sarcocyte -sarcode -sarcoderm -Sarcodes -sarcodic -sarcodictyum -Sarcodina -sarcodous -sarcoenchondroma -sarcogenic -sarcogenous -sarcoglia -Sarcogyps -sarcoid -sarcolactic -sarcolemma -sarcolemmic -sarcolemmous -sarcoline -sarcolite -sarcologic -sarcological -sarcologist -sarcology -sarcolysis -sarcolyte -sarcolytic -sarcoma -sarcomatoid -sarcomatosis -sarcomatous -sarcomere -Sarcophaga -sarcophagal -sarcophagi -sarcophagic -sarcophagid -Sarcophagidae -sarcophagine -sarcophagize -sarcophagous -sarcophagus -sarcophagy -sarcophile -sarcophilous -Sarcophilus -sarcoplasm -sarcoplasma -sarcoplasmatic -sarcoplasmic -sarcoplast -sarcoplastic -sarcopoietic -Sarcopsylla -Sarcopsyllidae -Sarcoptes -sarcoptic -sarcoptid -Sarcoptidae -Sarcorhamphus -sarcosepsis -sarcosepta -sarcoseptum -sarcosine -sarcosis -sarcosoma -sarcosperm -sarcosporid -Sarcosporida -Sarcosporidia -sarcosporidial -sarcosporidian -sarcosporidiosis -sarcostosis -sarcostyle -sarcotheca -sarcotherapeutics -sarcotherapy -sarcotic -sarcous -Sarcura -Sard -sard -sardachate -Sardanapalian -Sardanapalus -sardel -Sardian -sardine -sardinewise -Sardinian -sardius -Sardoin -sardonic -sardonical -sardonically -sardonicism -sardonyx -sare -sargasso -Sargassum -sargassum -sargo -Sargonic -Sargonid -Sargonide -sargus -sari -sarif -Sarigue -sarigue -sarinda -sarip -sark -sarkar -sarkful -sarkical -sarkine -sarking -sarkinite -sarkit -sarkless -sarlak -sarlyk -Sarmatian -Sarmatic -sarmatier -sarment -sarmenta -sarmentaceous -sarmentiferous -sarmentose -sarmentous -sarmentum -sarna -sarod -saron -sarong -saronic -saronide -saros -Sarothamnus -Sarothra -sarothrum -sarpler -sarpo -sarra -Sarracenia -sarracenia -Sarraceniaceae -sarraceniaceous -sarracenial -Sarraceniales -sarraf -sarrazin -sarrusophone -sarrusophonist -sarsa -sarsaparilla -sarsaparillin -Sarsar -Sarsechim -sarsen -sarsenet -Sarsi -Sart -sart -sartage -sartain -Sartish -sartor -sartoriad -sartorial -sartorially -sartorian -sartorite -sartorius -Saruk -sarus -Sarvarthasiddha -sarwan -Sarzan -sasa -sasan -sasani -sasanqua -sash -sashay -sashery -sashing -sashless -sasin -sasine -saskatoon -sassaby -sassafac -sassafrack -sassafras -Sassak -Sassan -Sassanian -Sassanid -Sassanidae -Sassanide -Sassenach -sassolite -sassy -sassywood -Sastean -sat -satable -Satan -satan -Satanael -Satanas -satang -satanic -satanical -satanically -satanicalness -Satanism -Satanist -satanist -Satanistic -Satanity -satanize -Satanology -Satanophany -Satanophil -Satanophobia -Satanship -satara -satchel -satcheled -sate -sateen -sateenwood -sateless -satelles -satellitarian -satellite -satellited -satellitesimal -satellitian -satellitic -satellitious -satellitium -satellitoid -satellitory -satelloid -satiability -satiable -satiableness -satiably -satiate -satiation -Satieno -satient -satiety -satin -satinbush -satine -satined -satinette -satinfin -satinflower -satinite -satinity -satinize -satinleaf -satinlike -satinpod -satinwood -satiny -satire -satireproof -satiric -satirical -satirically -satiricalness -satirist -satirizable -satirize -satirizer -satisdation -satisdiction -satisfaction -satisfactional -satisfactionist -satisfactionless -satisfactive -satisfactorily -satisfactoriness -satisfactorious -satisfactory -satisfiable -satisfice -satisfied -satisfiedly -satisfiedness -satisfier -satisfy -satisfying -satisfyingly -satisfyingness -satispassion -satlijk -Satrae -satrap -satrapal -satrapess -satrapic -satrapical -satrapy -satron -Satsuma -sattle -sattva -satura -saturability -saturable -saturant -saturate -saturated -saturater -saturation -saturator -Saturday -Satureia -Saturn -Saturnal -Saturnale -Saturnalia -saturnalia -Saturnalian -saturnalian -Saturnia -Saturnian -saturnian -Saturnicentric -saturniid -Saturniidae -Saturnine -saturnine -saturninely -saturnineness -saturninity -saturnism -saturnity -saturnize -Saturnus -satyagrahi -satyashodak -satyr -satyresque -satyress -satyriasis -satyric -Satyridae -Satyrinae -satyrine -satyrion -satyrism -satyrlike -satyromaniac -sauce -sauceboat -saucebox -saucedish -sauceless -sauceline -saucemaker -saucemaking -sauceman -saucepan -sauceplate -saucer -saucerful -saucerleaf -saucerless -saucerlike -saucily -sauciness -saucy -Sauerbraten -sauerkraut -sauf -sauger -saugh -saughen -Saul -sauld -saulie -sault -saulter -Saulteur -saum -saumon -saumont -Saumur -Saumya -sauna -saunders -saunderswood -saunter -saunterer -sauntering -saunteringly -sauqui -saur -Saura -Sauraseni -Saurauia -Saurauiaceae -saurel -Sauria -saurian -sauriasis -sauriosis -Saurischia -saurischian -Sauroctonos -saurodont -Saurodontidae -Saurognathae -saurognathism -saurognathous -Sauromatian -saurophagous -sauropod -Sauropoda -sauropodous -sauropsid -Sauropsida -sauropsidan -sauropsidian -Sauropterygia -sauropterygian -Saurornithes -saurornithic -Saururaceae -saururaceous -Saururae -saururan -saururous -Saururus -saury -sausage -sausagelike -sausinger -Saussurea -saussurite -saussuritic -saussuritization -saussuritize -saut -saute -sauterelle -sauterne -sauternes -sauteur -sauty -Sauvagesia -sauve -sauvegarde -savable -savableness -savacu -savage -savagedom -savagely -savageness -savagerous -savagery -savagess -savagism -savagize -savanilla -savanna -Savannah -savant -Savara -savarin -savation -save -saved -saveloy -saver -Savery -savin -saving -savingly -savingness -savior -savioress -saviorhood -saviorship -Saviour -Savitar -Savitri -savola -Savonarolist -Savonnerie -savor -savored -savorer -savorily -savoriness -savoringly -savorless -savorous -savorsome -savory -savour -savoy -Savoyard -savoyed -savoying -savssat -savvy -saw -sawah -Sawaiori -sawali -Sawan -sawarra -sawback -sawbelly -sawbill -sawbones -sawbuck -sawbwa -sawder -sawdust -sawdustish -sawdustlike -sawdusty -sawed -sawer -sawfish -sawfly -sawhorse -sawing -sawish -sawlike -sawmaker -sawmaking -sawman -sawmill -sawmiller -sawmilling -sawmon -sawmont -sawn -Sawney -sawney -sawsetter -sawsharper -sawsmith -sawt -sawway -sawworker -sawwort -sawyer -sax -saxatile -saxboard -saxcornet -Saxe -saxhorn -Saxicava -saxicavous -Saxicola -saxicole -Saxicolidae -Saxicolinae -saxicoline -saxicolous -Saxifraga -Saxifragaceae -saxifragaceous -saxifragant -saxifrage -saxifragous -saxifrax -saxigenous -Saxish -Saxon -Saxondom -Saxonian -Saxonic -Saxonical -Saxonically -Saxonish -Saxonism -Saxonist -saxonite -Saxonization -Saxonize -Saxonly -Saxony -saxophone -saxophonist -saxotromba -saxpence -saxten -saxtie -saxtuba -say -saya -sayability -sayable -sayableness -Sayal -sayer -sayette -sayid -saying -sazen -Sbaikian -sblood -sbodikins -scab -scabbard -scabbardless -scabbed -scabbedness -scabbery -scabbily -scabbiness -scabble -scabbler -scabbling -scabby -scabellum -scaberulous -scabid -scabies -scabietic -scabinus -Scabiosa -scabiosity -scabious -scabish -scabland -scabrate -scabrescent -scabrid -scabridity -scabridulous -scabrities -scabriusculose -scabriusculous -scabrosely -scabrous -scabrously -scabrousness -scabwort -scacchic -scacchite -scad -scaddle -scads -Scaean -scaff -scaffer -scaffery -scaffie -scaffle -scaffold -scaffoldage -scaffolder -scaffolding -scaglia -scagliola -scagliolist -scala -scalable -scalableness -scalably -scalage -scalar -scalare -Scalaria -scalarian -scalariform -Scalariidae -scalarwise -scalation -scalawag -scalawaggery -scalawaggy -scald -scaldberry -scalded -scalder -scaldfish -scaldic -scalding -scaldweed -scaldy -scale -scaleback -scalebark -scaleboard -scaled -scaledrake -scalefish -scaleful -scaleless -scalelet -scalelike -scaleman -scalena -scalene -scalenohedral -scalenohedron -scalenon -scalenous -scalenum -scalenus -scalepan -scaleproof -scaler -scales -scalesman -scalesmith -scaletail -scalewing -scalewise -scalework -scalewort -scaliger -scaliness -scaling -scall -scalled -scallion -scallola -scallom -scallop -scalloper -scalloping -scallopwise -scalma -scaloni -Scalops -Scalopus -scalp -scalpeen -scalpel -scalpellar -scalpellic -scalpellum -scalpellus -scalper -scalping -scalpless -scalpriform -scalprum -scalpture -scalt -scaly -scalytail -scam -scamander -Scamandrius -scamble -scambler -scambling -scamell -scamler -scamles -scammoniate -scammonin -scammony -scammonyroot -scamp -scampavia -scamper -scamperer -scamphood -scamping -scampingly -scampish -scampishly -scampishness -scampsman -scan -scandal -scandalization -scandalize -scandalizer -scandalmonger -scandalmongering -scandalmongery -scandalmonging -scandalous -scandalously -scandalousness -scandalproof -scandaroon -scandent -scandia -Scandian -scandic -scandicus -Scandinavia -Scandinavian -Scandinavianism -scandium -Scandix -Scania -Scanian -Scanic -scanmag -scannable -scanner -scanning -scanningly -scansion -scansionist -Scansores -scansorial -scansorious -scant -scanties -scantily -scantiness -scantity -scantle -scantling -scantlinged -scantly -scantness -scanty -scap -scape -scapegallows -scapegoat -scapegoatism -scapegrace -scapel -scapeless -scapement -scapethrift -scapha -Scaphander -Scaphandridae -scaphion -Scaphiopodidae -Scaphiopus -scaphism -scaphite -Scaphites -Scaphitidae -scaphitoid -scaphocephalic -scaphocephalism -scaphocephalous -scaphocephalus -scaphocephaly -scaphocerite -scaphoceritic -scaphognathite -scaphognathitic -scaphoid -scapholunar -scaphopod -Scaphopoda -scaphopodous -scapiform -scapigerous -scapoid -scapolite -scapolitization -scapose -scapple -scappler -scapula -scapulalgia -scapular -scapulare -scapulary -scapulated -scapulectomy -scapulet -scapulimancy -scapuloaxillary -scapulobrachial -scapuloclavicular -scapulocoracoid -scapulodynia -scapulohumeral -scapulopexy -scapuloradial -scapulospinal -scapulothoracic -scapuloulnar -scapulovertebral -scapus -scar -scarab -scarabaean -scarabaei -scarabaeid -Scarabaeidae -scarabaeidoid -scarabaeiform -Scarabaeinae -scarabaeoid -scarabaeus -scarabee -scaraboid -Scaramouch -scaramouch -scarce -scarcelins -scarcely -scarcement -scarcen -scarceness -scarcity -scare -scarebabe -scarecrow -scarecrowish -scarecrowy -scareful -scarehead -scaremonger -scaremongering -scareproof -scarer -scaresome -scarf -scarface -scarfed -scarfer -scarflike -scarfpin -scarfskin -scarfwise -scarfy -scarid -Scaridae -scarification -scarificator -scarifier -scarify -scarily -scariose -scarious -scarlatina -scarlatinal -scarlatiniform -scarlatinoid -scarlatinous -scarless -scarlet -scarletberry -scarletseed -scarlety -scarman -scarn -scaroid -scarp -scarpines -scarping -scarpment -scarproof -scarred -scarrer -scarring -scarry -scart -scarth -Scarus -scarus -scarved -scary -scase -scasely -scat -scatch -scathe -scatheful -scatheless -scathelessly -scathing -scathingly -Scaticook -scatland -scatologia -scatologic -scatological -scatology -scatomancy -scatophagid -Scatophagidae -scatophagoid -scatophagous -scatophagy -scatoscopy -scatter -scatterable -scatteration -scatteraway -scatterbrain -scatterbrained -scatterbrains -scattered -scatteredly -scatteredness -scatterer -scattergood -scattering -scatteringly -scatterling -scattermouch -scattery -scatty -scatula -scaturient -scaul -scaum -scaup -scauper -scaur -scaurie -scaut -scavage -scavel -scavenage -scavenge -scavenger -scavengerism -scavengership -scavengery -scavenging -scaw -scawd -scawl -scazon -scazontic -sceat -scelalgia -scelerat -scelidosaur -scelidosaurian -scelidosauroid -Scelidosaurus -Scelidotherium -Sceliphron -sceloncus -Sceloporus -scelotyrbe -scena -scenario -scenarioist -scenarioization -scenarioize -scenarist -scenarization -scenarize -scenary -scend -scene -scenecraft -Scenedesmus -sceneful -sceneman -scenery -sceneshifter -scenewright -scenic -scenical -scenically -scenist -scenite -scenograph -scenographer -scenographic -scenographical -scenographically -scenography -Scenopinidae -scent -scented -scenter -scentful -scenting -scentless -scentlessness -scentproof -scentwood -scepsis -scepter -scepterdom -sceptered -scepterless -sceptic -sceptral -sceptropherous -sceptrosophy -sceptry -scerne -sceuophorion -sceuophylacium -sceuophylax -schaapsteker -Schaefferia -schairerite -schalmei -schalmey -schalstein -schanz -schapbachite -schappe -schapped -schapping -scharf -Scharlachberger -schatchen -Scheat -Schedar -schediasm -schediastic -Schedius -schedular -schedulate -schedule -schedulize -scheelite -scheffel -schefferite -schelling -Schellingian -Schellingianism -Schellingism -schelly -scheltopusik -schema -schemata -schematic -schematically -schematism -schematist -schematization -schematize -schematizer -schematogram -schematograph -schematologetically -schematomancy -schematonics -scheme -schemeful -schemeless -schemer -schemery -scheming -schemingly -schemist -schemy -schene -schepel -schepen -scherm -scherzando -scherzi -scherzo -schesis -Scheuchzeria -Scheuchzeriaceae -scheuchzeriaceous -schiavone -Schiedam -schiffli -schiller -schillerfels -schillerization -schillerize -schilling -schimmel -schindylesis -schindyletic -Schinus -schipperke -Schisandra -Schisandraceae -schism -schisma -schismatic -schismatical -schismatically -schismaticalness -schismatism -schismatist -schismatize -schismic -schismless -schist -schistaceous -schistic -schistocelia -schistocephalus -Schistocerca -schistocoelia -schistocormia -schistocormus -schistocyte -schistocytosis -schistoglossia -schistoid -schistomelia -schistomelus -schistoprosopia -schistoprosopus -schistorrhachis -schistoscope -schistose -schistosity -Schistosoma -schistosome -schistosomia -schistosomiasis -schistosomus -schistosternia -schistothorax -schistous -schistus -Schizaea -Schizaeaceae -schizaeaceous -Schizanthus -schizanthus -schizaxon -schizocarp -schizocarpic -schizocarpous -schizochroal -schizocoele -schizocoelic -schizocoelous -schizocyte -schizocytosis -schizodinic -schizogamy -schizogenesis -schizogenetic -schizogenetically -schizogenic -schizogenous -schizogenously -schizognath -Schizognathae -schizognathism -schizognathous -schizogonic -schizogony -Schizogregarinae -schizogregarine -Schizogregarinida -schizoid -schizoidism -Schizolaenaceae -schizolaenaceous -schizolite -schizolysigenous -Schizomeria -schizomycete -Schizomycetes -schizomycetic -schizomycetous -schizomycosis -Schizonemertea -schizonemertean -schizonemertine -Schizoneura -Schizonotus -schizont -schizopelmous -Schizopetalon -schizophasia -Schizophragma -schizophrene -schizophrenia -schizophreniac -schizophrenic -Schizophyceae -Schizophyllum -Schizophyta -schizophyte -schizophytic -schizopod -Schizopoda -schizopodal -schizopodous -schizorhinal -schizospore -schizostele -schizostelic -schizostely -schizothecal -schizothoracic -schizothyme -schizothymia -schizothymic -schizotrichia -Schizotrypanum -schiztic -Schlauraffenland -Schleichera -schlemiel -schlemihl -schlenter -schlieren -schlieric -schloop -Schmalkaldic -schmaltz -schmelz -schmelze -schnabel -Schnabelkanne -schnapper -schnapps -schnauzer -schneider -Schneiderian -schnitzel -schnorchel -schnorkel -schnorrer -scho -schochat -schochet -schoenobatic -schoenobatist -Schoenocaulon -Schoenus -schoenus -Schoharie -schola -scholae -scholaptitude -scholar -scholarch -scholardom -scholarian -scholarism -scholarless -scholarlike -scholarliness -scholarly -scholarship -scholasm -scholastic -scholastical -scholastically -scholasticate -scholasticism -scholasticly -scholia -scholiast -scholiastic -scholion -scholium -Schomburgkia -schone -schonfelsite -Schoodic -School -school -schoolable -schoolbag -schoolbook -schoolbookish -schoolboy -schoolboydom -schoolboyhood -schoolboyish -schoolboyishly -schoolboyishness -schoolboyism -schoolbutter -schoolcraft -schooldame -schooldom -schooled -schoolery -schoolfellow -schoolfellowship -schoolful -schoolgirl -schoolgirlhood -schoolgirlish -schoolgirlishly -schoolgirlishness -schoolgirlism -schoolgirly -schoolgoing -schoolhouse -schooling -schoolingly -schoolish -schoolkeeper -schoolkeeping -schoolless -schoollike -schoolmaam -schoolmaamish -schoolmaid -schoolman -schoolmaster -schoolmasterhood -schoolmastering -schoolmasterish -schoolmasterishly -schoolmasterishness -schoolmasterism -schoolmasterly -schoolmastership -schoolmastery -schoolmate -schoolmiss -schoolmistress -schoolmistressy -schoolroom -schoolteacher -schoolteacherish -schoolteacherly -schoolteachery -schoolteaching -schooltide -schooltime -schoolward -schoolwork -schoolyard -schoon -schooner -Schopenhauereanism -Schopenhauerian -Schopenhauerism -schoppen -schorenbergite -schorl -schorlaceous -schorlomite -schorlous -schorly -schottische -schottish -schout -schraubthaler -Schrebera -schreiner -schreinerize -schriesheimite -Schrund -schtoff -schuh -schuhe -schuit -schule -schultenite -schungite -schuss -schute -schwa -schwabacher -Schwalbea -schwarz -Schwarzian -schweizer -schweizerkase -Schwendenerian -Schwenkfelder -Schwenkfeldian -Sciadopitys -Sciaena -sciaenid -Sciaenidae -sciaeniform -Sciaeniformes -sciaenoid -scialytic -sciamachy -Scian -sciapod -sciapodous -Sciara -sciarid -Sciaridae -Sciarinae -sciatheric -sciatherical -sciatherically -sciatic -sciatica -sciatical -sciatically -sciaticky -scibile -science -scienced -scient -sciential -scientician -scientific -scientifical -scientifically -scientificalness -scientificogeographical -scientificohistorical -scientificophilosophical -scientificopoetic -scientificoreligious -scientificoromantic -scientintically -scientism -Scientist -scientist -scientistic -scientistically -scientize -scientolism -scilicet -Scilla -scillain -scillipicrin -Scillitan -scillitin -scillitoxin -Scillonian -scimitar -scimitared -scimitarpod -scincid -Scincidae -scincidoid -scinciform -scincoid -scincoidian -Scincomorpha -Scincus -scind -sciniph -scintilla -scintillant -scintillantly -scintillate -scintillating -scintillatingly -scintillation -scintillator -scintillescent -scintillize -scintillometer -scintilloscope -scintillose -scintillously -scintle -scintler -scintling -sciograph -sciographic -sciography -sciolism -sciolist -sciolistic -sciolous -sciomachiology -sciomachy -sciomancy -sciomantic -scion -sciophilous -sciophyte -scioptic -sciopticon -scioptics -scioptric -sciosophist -sciosophy -Sciot -scioterical -scioterique -sciotheism -sciotheric -sciotherical -sciotherically -scious -scirenga -Scirophoria -Scirophorion -Scirpus -scirrhi -scirrhogastria -scirrhoid -scirrhoma -scirrhosis -scirrhous -scirrhus -scirrosity -scirtopod -Scirtopoda -scirtopodous -scissel -scissible -scissile -scission -scissiparity -scissor -scissorbill -scissorbird -scissorer -scissoring -scissorium -scissorlike -scissorlikeness -scissors -scissorsbird -scissorsmith -scissorstail -scissortail -scissorwise -scissura -scissure -Scissurella -scissurellid -Scissurellidae -Scitaminales -Scitamineae -sciurid -Sciuridae -sciurine -sciuroid -sciuromorph -Sciuromorpha -sciuromorphic -Sciuropterus -Sciurus -sclaff -sclate -sclater -Sclav -Sclavonian -sclaw -scler -sclera -scleral -scleranth -Scleranthaceae -Scleranthus -scleratogenous -sclere -sclerectasia -sclerectomy -scleredema -sclereid -sclerema -sclerencephalia -sclerenchyma -sclerenchymatous -sclerenchyme -sclererythrin -scleretinite -Scleria -scleriasis -sclerification -sclerify -sclerite -scleritic -scleritis -sclerized -sclerobase -sclerobasic -scleroblast -scleroblastema -scleroblastemic -scleroblastic -sclerocauly -sclerochorioiditis -sclerochoroiditis -scleroconjunctival -scleroconjunctivitis -sclerocornea -sclerocorneal -sclerodactylia -sclerodactyly -scleroderm -Scleroderma -scleroderma -Sclerodermaceae -Sclerodermata -Sclerodermatales -sclerodermatitis -sclerodermatous -Sclerodermi -sclerodermia -sclerodermic -sclerodermite -sclerodermitic -sclerodermitis -sclerodermous -sclerogen -Sclerogeni -sclerogenoid -sclerogenous -scleroid -scleroiritis -sclerokeratitis -sclerokeratoiritis -scleroma -scleromata -scleromeninx -scleromere -sclerometer -sclerometric -scleronychia -scleronyxis -Scleropages -Scleroparei -sclerophthalmia -sclerophyll -sclerophyllous -sclerophylly -scleroprotein -sclerosal -sclerosarcoma -Scleroscope -scleroscope -sclerose -sclerosed -scleroseptum -sclerosis -scleroskeletal -scleroskeleton -Sclerospora -sclerostenosis -Sclerostoma -sclerostomiasis -sclerotal -sclerote -sclerotia -sclerotial -sclerotic -sclerotica -sclerotical -scleroticectomy -scleroticochorioiditis -scleroticochoroiditis -scleroticonyxis -scleroticotomy -Sclerotinia -sclerotinial -sclerotiniose -sclerotioid -sclerotitic -sclerotitis -sclerotium -sclerotized -sclerotoid -sclerotome -sclerotomic -sclerotomy -sclerous -scleroxanthin -sclerozone -scliff -sclim -sclimb -scoad -scob -scobby -scobicular -scobiform -scobs -scoff -scoffer -scoffery -scoffing -scoffingly -scoffingstock -scofflaw -scog -scoggan -scogger -scoggin -scogginism -scogginist -scoinson -scoke -scolb -scold -scoldable -scoldenore -scolder -scolding -scoldingly -scoleces -scoleciasis -scolecid -Scolecida -scoleciform -scolecite -scolecoid -scolecology -scolecophagous -scolecospore -scoleryng -scolex -Scolia -scolia -scolices -scoliid -Scoliidae -scoliograptic -scoliokyposis -scoliometer -scolion -scoliorachitic -scoliosis -scoliotic -scoliotone -scolite -scollop -scolog -scolopaceous -Scolopacidae -scolopacine -Scolopax -Scolopendra -scolopendra -Scolopendrella -Scolopendrellidae -scolopendrelloid -scolopendrid -Scolopendridae -scolopendriform -scolopendrine -Scolopendrium -scolopendroid -scolophore -scolopophore -Scolymus -scolytid -Scolytidae -scolytoid -Scolytus -Scomber -scomberoid -Scombresocidae -Scombresox -scombrid -Scombridae -scombriform -Scombriformes -scombrine -scombroid -Scombroidea -scombroidean -scombrone -sconce -sconcer -sconcheon -sconcible -scone -scoon -scoop -scooped -scooper -scoopful -scooping -scoopingly -scoot -scooter -scopa -scoparin -scoparius -scopate -scope -scopeless -scopelid -Scopelidae -scopeliform -scopelism -scopeloid -Scopelus -scopet -scopic -Scopidae -scopiferous -scopiform -scopiformly -scopine -scopiped -scopola -scopolamine -scopoleine -scopoletin -scopoline -scopperil -scops -scoptical -scoptically -scoptophilia -scoptophiliac -scoptophilic -scoptophobia -scopula -Scopularia -scopularian -scopulate -scopuliferous -scopuliform -scopuliped -Scopulipedes -scopulite -scopulous -scopulousness -Scopus -scorbute -scorbutic -scorbutical -scorbutically -scorbutize -scorbutus -scorch -scorched -scorcher -scorching -scorchingly -scorchingness -scorchproof -score -scoreboard -scorebook -scored -scorekeeper -scorekeeping -scoreless -scorer -scoria -scoriac -scoriaceous -scoriae -scorification -scorifier -scoriform -scorify -scoring -scorious -scorn -scorned -scorner -scornful -scornfully -scornfulness -scorningly -scornproof -scorny -scorodite -Scorpaena -scorpaenid -Scorpaenidae -scorpaenoid -scorpene -scorper -Scorpidae -Scorpididae -Scorpii -Scorpiid -Scorpio -scorpioid -scorpioidal -Scorpioidea -scorpion -Scorpiones -scorpionic -scorpionid -Scorpionida -Scorpionidea -Scorpionis -scorpionweed -scorpionwort -Scorpiurus -Scorpius -scorse -scortation -scortatory -Scorzonera -Scot -scot -scotale -Scotch -scotch -scotcher -Scotchery -Scotchification -Scotchify -Scotchiness -scotching -Scotchman -scotchman -Scotchness -Scotchwoman -Scotchy -scote -scoter -scoterythrous -Scotia -scotia -Scotic -scotino -Scotism -Scotist -Scotistic -Scotistical -Scotize -Scotlandwards -scotodinia -scotogram -scotograph -scotographic -scotography -scotoma -scotomata -scotomatic -scotomatical -scotomatous -scotomia -scotomic -scotomy -scotophobia -scotopia -scotopic -scotoscope -scotosis -Scots -Scotsman -Scotswoman -Scott -Scotticism -Scotticize -Scottie -Scottification -Scottify -Scottish -Scottisher -Scottishly -Scottishman -Scottishness -Scotty -scouch -scouk -scoundrel -scoundreldom -scoundrelish -scoundrelism -scoundrelly -scoundrelship -scoup -scour -scourage -scoured -scourer -scouress -scourfish -scourge -scourger -scourging -scourgingly -scouriness -scouring -scourings -scourway -scourweed -scourwort -scoury -scouse -scout -scoutcraft -scoutdom -scouter -scouth -scouther -scouthood -scouting -scoutingly -scoutish -scoutmaster -scoutwatch -scove -scovel -scovillite -scovy -scow -scowbank -scowbanker -scowder -scowl -scowler -scowlful -scowling -scowlingly -scowlproof -scowman -scrab -scrabble -scrabbled -scrabbler -scrabe -scrae -scraffle -scrag -scragged -scraggedly -scraggedness -scragger -scraggily -scragginess -scragging -scraggled -scraggling -scraggly -scraggy -scraily -scram -scramasax -scramble -scramblement -scrambler -scrambling -scramblingly -scrambly -scrampum -scran -scranch -scrank -scranky -scrannel -scranning -scranny -scrap -scrapable -scrapbook -scrape -scrapeage -scraped -scrapepenny -scraper -scrapie -scraping -scrapingly -scrapler -scraplet -scrapling -scrapman -scrapmonger -scrappage -scrapped -scrapper -scrappet -scrappily -scrappiness -scrapping -scrappingly -scrapple -scrappler -scrappy -scrapworks -scrapy -scrat -scratch -scratchable -scratchably -scratchback -scratchboard -scratchbrush -scratchcard -scratchcarding -scratchcat -scratcher -scratches -scratchification -scratchiness -scratching -scratchingly -scratchless -scratchlike -scratchman -scratchproof -scratchweed -scratchwork -scratchy -scrath -scratter -scrattle -scrattling -scrauch -scrauchle -scraunch -scraw -scrawk -scrawl -scrawler -scrawliness -scrawly -scrawm -scrawnily -scrawniness -scrawny -scray -scraze -screak -screaking -screaky -scream -screamer -screaminess -screaming -screamingly -screamproof -screamy -scree -screech -screechbird -screecher -screechily -screechiness -screeching -screechingly -screechy -screed -screek -screel -screeman -screen -screenable -screenage -screencraft -screendom -screened -screener -screening -screenless -screenlike -screenman -screenplay -screensman -screenwise -screenwork -screenwriter -screeny -screet -screeve -screeved -screever -screich -screigh -screve -screver -screw -screwable -screwage -screwball -screwbarrel -screwdrive -screwdriver -screwed -screwer -screwhead -screwiness -screwing -screwish -screwless -screwlike -screwman -screwmatics -screwship -screwsman -screwstem -screwstock -screwwise -screwworm -screwy -scribable -scribacious -scribaciousness -scribal -scribatious -scribatiousness -scribblage -scribblative -scribblatory -scribble -scribbleable -scribbled -scribbledom -scribbleism -scribblemania -scribblement -scribbleomania -scribbler -scribbling -scribblingly -scribbly -scribe -scriber -scribeship -scribing -scribism -scribophilous -scride -scrieve -scriever -scriggle -scriggler -scriggly -scrike -scrim -scrime -scrimer -scrimmage -scrimmager -scrimp -scrimped -scrimpily -scrimpiness -scrimpingly -scrimply -scrimpness -scrimption -scrimpy -scrimshander -scrimshandy -scrimshank -scrimshanker -scrimshaw -scrimshon -scrimshorn -scrin -scrinch -scrine -scringe -scriniary -scrip -scripee -scripless -scrippage -script -scription -scriptitious -scriptitiously -scriptitory -scriptive -scriptor -scriptorial -scriptorium -scriptory -scriptural -Scripturalism -scripturalism -Scripturalist -scripturalist -Scripturality -scripturality -scripturalize -scripturally -scripturalness -Scripturarian -Scripture -scripture -Scriptured -scriptured -Scriptureless -scripturiency -scripturient -Scripturism -scripturism -Scripturist -scripula -scripulum -scritch -scritoire -scrivaille -scrive -scrivello -scriven -scrivener -scrivenership -scrivenery -scrivening -scrivenly -scriver -scrob -scrobble -scrobe -scrobicula -scrobicular -scrobiculate -scrobiculated -scrobicule -scrobiculus -scrobis -scrod -scrodgill -scroff -scrofula -scrofularoot -scrofulaweed -scrofulide -scrofulism -scrofulitic -scrofuloderm -scrofuloderma -scrofulorachitic -scrofulosis -scrofulotuberculous -scrofulous -scrofulously -scrofulousness -scrog -scroggy -scrolar -scroll -scrolled -scrollery -scrollhead -scrollwise -scrollwork -scrolly -scronach -scroo -scrooch -scrooge -scroop -Scrophularia -Scrophulariaceae -scrophulariaceous -scrota -scrotal -scrotectomy -scrotiform -scrotitis -scrotocele -scrotofemoral -scrotum -scrouge -scrouger -scrounge -scrounger -scrounging -scrout -scrow -scroyle -scrub -scrubbable -scrubbed -scrubber -scrubbery -scrubbily -scrubbiness -scrubbird -scrubbly -scrubboard -scrubby -scrubgrass -scrubland -scrubwood -scruf -scruff -scruffle -scruffman -scruffy -scruft -scrum -scrummage -scrummager -scrump -scrumple -scrumption -scrumptious -scrumptiously -scrumptiousness -scrunch -scrunchy -scrunge -scrunger -scrunt -scruple -scrupleless -scrupler -scruplesome -scruplesomeness -scrupula -scrupular -scrupuli -scrupulist -scrupulosity -scrupulous -scrupulously -scrupulousness -scrupulum -scrupulus -scrush -scrutability -scrutable -scrutate -scrutation -scrutator -scrutatory -scrutinant -scrutinate -scrutineer -scrutinization -scrutinize -scrutinizer -scrutinizingly -scrutinous -scrutinously -scrutiny -scruto -scrutoire -scruze -scry -scryer -scud -scuddaler -scuddawn -scudder -scuddick -scuddle -scuddy -scudi -scudler -scudo -scuff -scuffed -scuffer -scuffle -scuffler -scufflingly -scuffly -scuffy -scuft -scufter -scug -scuggery -sculch -sculduddery -scull -sculler -scullery -scullful -scullion -scullionish -scullionize -scullionship -scullog -sculp -sculper -sculpin -sculpt -sculptile -sculptitory -sculptograph -sculptography -Sculptor -sculptor -Sculptorid -sculptress -sculptural -sculpturally -sculpturation -sculpture -sculptured -sculpturer -sculpturesque -sculpturesquely -sculpturesqueness -sculpturing -sculsh -scum -scumber -scumble -scumbling -scumboard -scumfish -scumless -scumlike -scummed -scummer -scumming -scummy -scumproof -scun -scuncheon -scunder -scunner -scup -scupful -scuppaug -scupper -scuppernong -scuppet -scuppler -scur -scurdy -scurf -scurfer -scurfily -scurfiness -scurflike -scurfy -scurrier -scurrile -scurrilist -scurrility -scurrilize -scurrilous -scurrilously -scurrilousness -scurry -scurvied -scurvily -scurviness -scurvish -scurvy -scurvyweed -scusation -scuse -scut -scuta -scutage -scutal -scutate -scutated -scutatiform -scutation -scutch -scutcheon -scutcheoned -scutcheonless -scutcheonlike -scutcheonwise -scutcher -scutching -scute -scutel -scutella -scutellae -scutellar -Scutellaria -scutellarin -scutellate -scutellated -scutellation -scutellerid -Scutelleridae -scutelliform -scutelligerous -scutelliplantar -scutelliplantation -scutellum -scutibranch -Scutibranchia -scutibranchian -scutibranchiate -scutifer -scutiferous -scutiform -scutiger -Scutigera -scutigeral -Scutigeridae -scutigerous -scutiped -scutter -scuttle -scuttlebutt -scuttleful -scuttleman -scuttler -scuttling -scuttock -scutty -scutula -scutular -scutulate -scutulated -scutulum -Scutum -scutum -scybala -scybalous -scybalum -scye -scyelite -Scyld -Scylla -Scyllaea -Scyllaeidae -scyllarian -Scyllaridae -scyllaroid -Scyllarus -Scyllidae -Scylliidae -scyllioid -Scylliorhinidae -scylliorhinoid -Scylliorhinus -scyllite -scyllitol -Scyllium -scypha -scyphae -scyphate -scyphi -scyphiferous -scyphiform -scyphiphorous -scyphistoma -scyphistomae -scyphistomoid -scyphistomous -scyphoi -scyphomancy -Scyphomedusae -scyphomedusan -scyphomedusoid -scyphophore -Scyphophori -scyphophorous -scyphopolyp -scyphose -scyphostoma -Scyphozoa -scyphozoan -scyphula -scyphulus -scyphus -scyt -scytale -Scyth -scythe -scytheless -scythelike -scytheman -scythesmith -scythestone -scythework -Scythian -Scythic -Scythize -scytitis -scytoblastema -scytodepsic -Scytonema -Scytonemataceae -scytonemataceous -scytonematoid -scytonematous -Scytopetalaceae -scytopetalaceous -Scytopetalum -sdeath -sdrucciola -se -sea -seabeach -seabeard -Seabee -seaberry -seaboard -seaborderer -seabound -seacannie -seacatch -seacoast -seaconny -seacraft -seacrafty -seacunny -seadog -seadrome -seafardinger -seafare -seafarer -seafaring -seaflood -seaflower -seafolk -Seaforthia -seafowl -Seaghan -seagirt -seagoer -seagoing -seah -seahound -seak -seal -sealable -sealant -sealch -sealed -sealer -sealery -sealess -sealet -sealette -sealflower -sealike -sealine -sealing -sealless -seallike -sealskin -sealwort -Sealyham -seam -seaman -seamancraft -seamanite -seamanlike -seamanly -seamanship -seamark -Seamas -seambiter -seamed -seamer -seaminess -seaming -seamless -seamlessly -seamlessness -seamlet -seamlike -seamost -seamrend -seamrog -seamster -seamstress -Seamus -seamy -Sean -seance -seapiece -seaplane -seaport -seaquake -sear -searce -searcer -search -searchable -searchableness -searchant -searcher -searcheress -searcherlike -searchership -searchful -searching -searchingly -searchingness -searchless -searchlight -searchment -searcloth -seared -searedness -searer -searing -searlesite -searness -seary -Seasan -seascape -seascapist -seascout -seascouting -seashine -seashore -seasick -seasickness -seaside -seasider -season -seasonable -seasonableness -seasonably -seasonal -seasonality -seasonally -seasonalness -seasoned -seasonedly -seasoner -seasoning -seasoninglike -seasonless -seastrand -seastroke -seat -seatang -seated -seater -seathe -seating -seatless -seatrain -seatron -seatsman -seatwork -seave -seavy -seawant -seaward -seawardly -seaware -seaway -seaweed -seaweedy -seawife -seawoman -seaworn -seaworthiness -seaworthy -seax -Seba -sebacate -sebaceous -sebacic -sebait -Sebastian -sebastianite -Sebastichthys -Sebastodes -sebate -sebesten -sebiferous -sebific -sebilla -sebiparous -sebkha -sebolith -seborrhagia -seborrhea -seborrheal -seborrheic -seborrhoic -Sebright -sebum -sebundy -sec -secability -secable -Secale -secalin -secaline -secalose -Secamone -secancy -secant -secantly -secateur -secede -Seceder -seceder -secern -secernent -secernment -secesh -secesher -Secessia -Secession -secession -Secessional -secessional -secessionalist -Secessiondom -secessioner -secessionism -secessionist -sech -Sechium -Sechuana -seck -Seckel -seclude -secluded -secludedly -secludedness -secluding -secluse -seclusion -seclusionist -seclusive -seclusively -seclusiveness -secodont -secohm -secohmmeter -second -secondar -secondarily -secondariness -secondary -seconde -seconder -secondhand -secondhanded -secondhandedly -secondhandedness -secondly -secondment -secondness -secos -secpar -secque -secre -secrecy -secret -secreta -secretage -secretagogue -secretarial -secretarian -Secretariat -secretariat -secretariate -secretary -secretaryship -secrete -secretin -secretion -secretional -secretionary -secretitious -secretive -secretively -secretiveness -secretly -secretmonger -secretness -secreto -secretomotor -secretor -secretory -secretum -sect -sectarial -sectarian -sectarianism -sectarianize -sectarianly -sectarism -sectarist -sectary -sectator -sectile -sectility -section -sectional -sectionalism -sectionalist -sectionality -sectionalization -sectionalize -sectionally -sectionary -sectionist -sectionize -sectioplanography -sectism -sectist -sectiuncle -sective -sector -sectoral -sectored -sectorial -sectroid -sectwise -secular -secularism -secularist -secularistic -secularity -secularization -secularize -secularizer -secularly -secularness -secund -secundate -secundation -secundiflorous -secundigravida -secundine -secundipara -secundiparity -secundiparous -secundly -secundogeniture -secundoprimary -secundus -securable -securance -secure -securely -securement -secureness -securer -securicornate -securifer -Securifera -securiferous -securiform -Securigera -securigerous -securitan -security -Sedaceae -Sedan -sedan -Sedang -sedanier -Sedat -sedate -sedately -sedateness -sedation -sedative -sedent -Sedentaria -sedentarily -sedentariness -sedentary -sedentation -Seder -sederunt -sedge -sedged -sedgelike -sedging -sedgy -sedigitate -sedigitated -sedile -sedilia -sediment -sedimental -sedimentarily -sedimentary -sedimentate -sedimentation -sedimentous -sedimetric -sedimetrical -sedition -seditionary -seditionist -seditious -seditiously -seditiousness -sedjadeh -Sedovic -seduce -seduceable -seducee -seducement -seducer -seducible -seducing -seducingly -seducive -seduct -seduction -seductionist -seductive -seductively -seductiveness -seductress -sedulity -sedulous -sedulously -sedulousness -Sedum -sedum -see -seeable -seeableness -Seebeck -seecatch -seech -seed -seedage -seedbed -seedbird -seedbox -seedcake -seedcase -seedeater -seeded -Seeder -seeder -seedful -seedgall -seedily -seediness -seedkin -seedless -seedlessness -seedlet -seedlike -seedling -seedlip -seedman -seedness -seedsman -seedstalk -seedtime -seedy -seege -seeing -seeingly -seeingness -seek -seeker -Seekerism -seeking -seel -seelful -seely -seem -seemable -seemably -seemer -seeming -seemingly -seemingness -seemless -seemlihead -seemlily -seemliness -seemly -seen -seenie -Seenu -seep -seepage -seeped -seepweed -seepy -seer -seerband -seercraft -seeress -seerfish -seerhand -seerhood -seerlike -seerpaw -seership -seersucker -seesaw -seesawiness -seesee -seethe -seething -seethingly -seetulputty -Sefekhet -seg -seggar -seggard -segged -seggrom -Seginus -segment -segmental -segmentally -segmentary -segmentate -segmentation -segmented -sego -segol -segolate -segreant -segregable -segregant -segregate -segregateness -segregation -segregational -segregationist -segregative -segregator -Sehyo -seiche -Seid -Seidel -seidel -Seidlitz -seigneur -seigneurage -seigneuress -seigneurial -seigneury -seignior -seigniorage -seignioral -seignioralty -seigniorial -seigniority -seigniorship -seigniory -seignorage -seignoral -seignorial -seignorize -seignory -seilenoi -seilenos -seine -seiner -seirospore -seirosporic -seise -seism -seismal -seismatical -seismetic -seismic -seismically -seismicity -seismism -seismochronograph -seismogram -seismograph -seismographer -seismographic -seismographical -seismography -seismologic -seismological -seismologically -seismologist -seismologue -seismology -seismometer -seismometric -seismometrical -seismometrograph -seismometry -seismomicrophone -seismoscope -seismoscopic -seismotectonic -seismotherapy -seismotic -seit -seity -Seiurus -Seiyuhonto -Seiyukai -seizable -seize -seizer -seizin -seizing -seizor -seizure -sejant -sejoin -sejoined -sejugate -sejugous -sejunct -sejunctive -sejunctively -sejunctly -Sekane -Sekani -Sekar -Seker -Sekhwan -sekos -selachian -Selachii -selachoid -Selachoidei -Selachostome -Selachostomi -selachostomous -seladang -Selaginaceae -Selaginella -Selaginellaceae -selaginellaceous -selagite -Selago -selah -selamin -selamlik -selbergite -Selbornian -seldom -seldomcy -seldomer -seldomly -seldomness -seldor -seldseen -sele -select -selectable -selected -selectedly -selectee -selection -selectionism -selectionist -selective -selectively -selectiveness -selectivity -selectly -selectman -selectness -selector -Selena -selenate -Selene -selenian -seleniate -selenic -Selenicereus -selenide -Selenidera -seleniferous -selenigenous -selenion -selenious -Selenipedium -selenite -selenitic -selenitical -selenitiferous -selenitish -selenium -seleniuret -selenobismuthite -selenocentric -selenodont -Selenodonta -selenodonty -selenograph -selenographer -selenographic -selenographical -selenographically -selenographist -selenography -selenolatry -selenological -selenologist -selenology -selenomancy -selenoscope -selenosis -selenotropic -selenotropism -selenotropy -selensilver -selensulphur -Seleucian -Seleucid -Seleucidae -Seleucidan -Seleucidean -Seleucidian -Seleucidic -self -selfcide -selfdom -selfful -selffulness -selfheal -selfhood -selfish -selfishly -selfishness -selfism -selfist -selfless -selflessly -selflessness -selfly -selfness -selfpreservatory -selfsame -selfsameness -selfward -selfwards -selictar -seligmannite -selihoth -Selina -Selinuntine -selion -Seljuk -Seljukian -sell -sella -sellable -sellably -sellaite -sellar -sellate -sellenders -seller -Selli -sellie -selliform -selling -sellout -selly -selsoviet -selsyn -selt -Selter -Seltzer -seltzogene -Selung -selva -selvage -selvaged -selvagee -selvedge -selzogene -Semaeostomae -Semaeostomata -Semang -semanteme -semantic -semantical -semantically -semantician -semanticist -semantics -semantological -semantology -semantron -semaphore -semaphoric -semaphorical -semaphorically -semaphorist -semarum -semasiological -semasiologically -semasiologist -semasiology -semateme -sematic -sematographic -sematography -sematology -sematrope -semball -semblable -semblably -semblance -semblant -semblative -semble -seme -Semecarpus -semeed -semeia -semeiography -semeiologic -semeiological -semeiologist -semeiology -semeion -semeiotic -semeiotical -semeiotics -semelfactive -semelincident -semen -semence -Semeostoma -semese -semester -semestral -semestrial -semi -semiabstracted -semiaccomplishment -semiacid -semiacidified -semiacquaintance -semiadherent -semiadjectively -semiadnate -semiaerial -semiaffectionate -semiagricultural -Semiahmoo -semialbinism -semialcoholic -semialien -semiallegiance -semialpine -semialuminous -semiamplexicaul -semiamplitude -semianarchist -semianatomical -semianatropal -semianatropous -semiangle -semiangular -semianimal -semianimate -semianimated -semiannealed -semiannual -semiannually -semiannular -semianthracite -semiantiministerial -semiantique -semiape -semiaperiodic -semiaperture -semiappressed -semiaquatic -semiarborescent -semiarc -semiarch -semiarchitectural -semiarid -semiaridity -semiarticulate -semiasphaltic -semiatheist -semiattached -semiautomatic -semiautomatically -semiautonomous -semiaxis -semibacchanalian -semibachelor -semibald -semibalked -semiball -semiballoon -semiband -semibarbarian -semibarbarianism -semibarbaric -semibarbarism -semibarbarous -semibaronial -semibarren -semibase -semibasement -semibastion -semibay -semibeam -semibejan -semibelted -semibifid -semibituminous -semibleached -semiblind -semiblunt -semibody -semiboiled -semibolshevist -semibolshevized -semibouffant -semibourgeois -semibreve -semibull -semiburrowing -semic -semicadence -semicalcareous -semicalcined -semicallipygian -semicanal -semicanalis -semicannibalic -semicantilever -semicarbazide -semicarbazone -semicarbonate -semicarbonize -semicardinal -semicartilaginous -semicastrate -semicastration -semicatholicism -semicaudate -semicelestial -semicell -semicellulose -semicentenarian -semicentenary -semicentennial -semicentury -semichannel -semichaotic -semichemical -semicheviot -semichevron -semichiffon -semichivalrous -semichoric -semichorus -semichrome -semicircle -semicircled -semicircular -semicircularity -semicircularly -semicircularness -semicircumference -semicircumferentor -semicircumvolution -semicirque -semicitizen -semicivilization -semicivilized -semiclassic -semiclassical -semiclause -semicleric -semiclerical -semiclimber -semiclimbing -semiclose -semiclosed -semiclosure -semicoagulated -semicoke -semicollapsible -semicollar -semicollegiate -semicolloid -semicolloquial -semicolon -semicolonial -semicolumn -semicolumnar -semicoma -semicomatose -semicombined -semicombust -semicomic -semicomical -semicommercial -semicompact -semicompacted -semicomplete -semicomplicated -semiconceal -semiconcrete -semiconducting -semiconductor -semicone -semiconfident -semiconfinement -semiconfluent -semiconformist -semiconformity -semiconic -semiconical -semiconnate -semiconnection -semiconoidal -semiconscious -semiconsciously -semiconsciousness -semiconservative -semiconsonant -semiconsonantal -semiconspicuous -semicontinent -semicontinuum -semicontraction -semicontradiction -semiconvergence -semiconvergent -semiconversion -semiconvert -semicordate -semicordated -semicoriaceous -semicorneous -semicoronate -semicoronated -semicoronet -semicostal -semicostiferous -semicotton -semicotyle -semicounterarch -semicountry -semicrepe -semicrescentic -semicretin -semicretinism -semicriminal -semicroma -semicrome -semicrustaceous -semicrystallinc -semicubical -semicubit -semicup -semicupium -semicupola -semicured -semicurl -semicursive -semicurvilinear -semicyclic -semicycloid -semicylinder -semicylindric -semicylindrical -semicynical -semidaily -semidangerous -semidark -semidarkness -semidead -semideaf -semidecay -semidecussation -semidefinite -semideific -semideification -semideistical -semideity -semidelight -semidelirious -semideltaic -semidemented -semidenatured -semidependence -semidependent -semideponent -semidesert -semidestructive -semidetached -semidetachment -semideveloped -semidiagrammatic -semidiameter -semidiapason -semidiapente -semidiaphaneity -semidiaphanous -semidiatessaron -semidifference -semidigested -semidigitigrade -semidigression -semidilapidation -semidine -semidirect -semidisabled -semidisk -semiditone -semidiurnal -semidivided -semidivine -semidocumentary -semidodecagon -semidole -semidome -semidomed -semidomestic -semidomesticated -semidomestication -semidomical -semidormant -semidouble -semidrachm -semidramatic -semidress -semidressy -semidried -semidry -semidrying -semiductile -semidull -semiduplex -semiduration -semieducated -semieffigy -semiegg -semiegret -semielastic -semielision -semiellipse -semiellipsis -semiellipsoidal -semielliptic -semielliptical -semienclosed -semiengaged -semiequitant -semierect -semieremitical -semiessay -semiexecutive -semiexpanded -semiexplanation -semiexposed -semiexternal -semiextinct -semiextinction -semifable -semifabulous -semifailure -semifamine -semifascia -semifasciated -semifashion -semifast -semifatalistic -semiferal -semiferous -semifeudal -semifeudalism -semifib -semifiction -semifictional -semifigurative -semifigure -semifinal -semifinalist -semifine -semifinish -semifinished -semifiscal -semifistular -semifit -semifitting -semifixed -semiflashproof -semiflex -semiflexed -semiflexible -semiflexion -semiflexure -semiflint -semifloating -semifloret -semifloscular -semifloscule -semiflosculose -semiflosculous -semifluctuant -semifluctuating -semifluid -semifluidic -semifluidity -semifoaming -semiforbidding -semiforeign -semiform -semiformal -semiformed -semifossil -semifossilized -semifrantic -semifriable -semifrontier -semifuddle -semifunctional -semifused -semifusion -semify -semigala -semigelatinous -semigentleman -semigenuflection -semigirder -semiglaze -semiglazed -semiglobe -semiglobose -semiglobular -semiglobularly -semiglorious -semiglutin -semigod -semigovernmental -semigrainy -semigranitic -semigranulate -semigravel -semigroove -semihand -semihard -semiharden -semihardy -semihastate -semihepatization -semiherbaceous -semiheterocercal -semihexagon -semihexagonal -semihiant -semihiatus -semihibernation -semihigh -semihistorical -semihobo -semihonor -semihoral -semihorny -semihostile -semihot -semihuman -semihumanitarian -semihumanized -semihumbug -semihumorous -semihumorously -semihyaline -semihydrate -semihydrobenzoinic -semihyperbola -semihyperbolic -semihyperbolical -semijealousy -semijubilee -semijudicial -semijuridical -semilanceolate -semilatent -semilatus -semileafless -semilegendary -semilegislative -semilens -semilenticular -semilethal -semiliberal -semilichen -semiligneous -semilimber -semilined -semiliquid -semiliquidity -semiliterate -semilocular -semilogarithmic -semilogical -semilong -semilooper -semiloose -semiloyalty -semilucent -semilunar -semilunare -semilunary -semilunate -semilunation -semilune -semiluxation -semiluxury -semimachine -semimade -semimadman -semimagical -semimagnetic -semimajor -semimalignant -semimanufacture -semimanufactured -semimarine -semimarking -semimathematical -semimature -semimechanical -semimedicinal -semimember -semimembranosus -semimembranous -semimenstrual -semimercerized -semimessianic -semimetal -semimetallic -semimetamorphosis -semimicrochemical -semimild -semimilitary -semimill -semimineral -semimineralized -semiminim -semiminor -semimolecule -semimonastic -semimonitor -semimonopoly -semimonster -semimonthly -semimoron -semimucous -semimute -semimystic -semimystical -semimythical -seminaked -seminal -seminality -seminally -seminaphthalidine -seminaphthylamine -seminar -seminarcosis -seminarial -seminarian -seminarianism -seminarist -seminaristic -seminarize -seminary -seminasal -seminase -seminatant -seminate -semination -seminationalization -seminative -seminebulous -seminecessary -seminegro -seminervous -seminiferal -seminiferous -seminific -seminifical -seminification -seminist -seminium -seminivorous -seminocturnal -Seminole -seminoma -seminomad -seminomadic -seminomata -seminonconformist -seminonflammable -seminonsensical -seminormal -seminose -seminovel -seminovelty -seminude -seminudity -seminule -seminuliferous -seminuria -seminvariant -seminvariantive -semioblivion -semioblivious -semiobscurity -semioccasional -semioccasionally -semiocclusive -semioctagonal -semiofficial -semiofficially -semiography -Semionotidae -Semionotus -semiopacity -semiopacous -semiopal -semiopalescent -semiopaque -semiopened -semiorb -semiorbicular -semiorbicularis -semiorbiculate -semiordinate -semiorganized -semioriental -semioscillation -semiosseous -semiostracism -semiotic -semiotician -semioval -semiovaloid -semiovate -semioviparous -semiovoid -semiovoidal -semioxidated -semioxidized -semioxygenated -semioxygenized -semipagan -semipalmate -semipalmated -semipalmation -semipanic -semipapal -semipapist -semiparallel -semiparalysis -semiparameter -semiparasitic -semiparasitism -semipaste -semipastoral -semipasty -semipause -semipeace -semipectinate -semipectinated -semipectoral -semiped -semipedal -semipellucid -semipellucidity -semipendent -semipenniform -semiperfect -semiperimeter -semiperimetry -semiperiphery -semipermanent -semipermeability -semipermeable -semiperoid -semiperspicuous -semipertinent -semipervious -semipetaloid -semipetrified -semiphase -semiphilologist -semiphilosophic -semiphilosophical -semiphlogisticated -semiphonotypy -semiphosphorescent -semipinacolic -semipinacolin -semipinnate -semipiscine -semiplantigrade -semiplastic -semiplumaceous -semiplume -semipolar -semipolitical -semipolitician -semipoor -semipopish -semipopular -semiporcelain -semiporous -semiporphyritic -semiportable -semipostal -semipractical -semiprecious -semipreservation -semiprimigenous -semiprivacy -semiprivate -semipro -semiprofane -semiprofessional -semiprofessionalized -semipronation -semiprone -semipronominal -semiproof -semiproselyte -semiprosthetic -semiprostrate -semiprotectorate -semiproven -semipublic -semipupa -semipurulent -semiputrid -semipyramidal -semipyramidical -semipyritic -semiquadrangle -semiquadrantly -semiquadrate -semiquantitative -semiquantitatively -semiquartile -semiquaver -semiquietism -semiquietist -semiquinquefid -semiquintile -semiquote -semiradial -semiradiate -Semiramis -Semiramize -semirapacious -semirare -semirattlesnake -semiraw -semirebellion -semirecondite -semirecumbent -semirefined -semireflex -semiregular -semirelief -semireligious -semireniform -semirepublican -semiresinous -semiresolute -semirespectability -semirespectable -semireticulate -semiretirement -semiretractile -semireverberatory -semirevolute -semirevolution -semirevolutionist -semirhythm -semiriddle -semirigid -semiring -semiroll -semirotary -semirotating -semirotative -semirotatory -semirotund -semirotunda -semiround -semiroyal -semiruin -semirural -semirustic -semis -semisacerdotal -semisacred -semisagittate -semisaint -semisaline -semisaltire -semisaprophyte -semisaprophytic -semisarcodic -semisatiric -semisaturation -semisavage -semisavagedom -semisavagery -semiscenic -semischolastic -semiscientific -semiseafaring -semisecondary -semisecrecy -semisecret -semisection -semisedentary -semisegment -semisensuous -semisentient -semisentimental -semiseparatist -semiseptate -semiserf -semiserious -semiseriously -semiseriousness -semiservile -semisevere -semiseverely -semiseverity -semisextile -semishady -semishaft -semisheer -semishirker -semishrub -semishrubby -semisightseeing -semisilica -semisimious -semisimple -semisingle -semisixth -semiskilled -semislave -semismelting -semismile -semisocial -semisocialism -semisociative -semisocinian -semisoft -semisolemn -semisolemnity -semisolemnly -semisolid -semisolute -semisomnambulistic -semisomnolence -semisomnous -semisopor -semisovereignty -semispan -semispeculation -semisphere -semispheric -semispherical -semispheroidal -semispinalis -semispiral -semispiritous -semispontaneity -semispontaneous -semispontaneously -semispontaneousness -semisport -semisporting -semisquare -semistagnation -semistaminate -semistarvation -semistarved -semistate -semisteel -semistiff -semistill -semistock -semistory -semistratified -semistriate -semistriated -semistuporous -semisubterranean -semisuburban -semisuccess -semisuccessful -semisuccessfully -semisucculent -semisupernatural -semisupinated -semisupination -semisupine -semisuspension -semisymmetric -semita -semitact -semitae -semitailored -semital -semitandem -semitangent -semitaur -Semite -semitechnical -semiteetotal -semitelic -semitendinosus -semitendinous -semiterete -semiterrestrial -semitertian -semitesseral -semitessular -semitheological -semithoroughfare -Semitic -Semiticism -Semiticize -Semitics -semitime -Semitism -Semitist -Semitization -Semitize -semitonal -semitonally -semitone -semitonic -semitonically -semitontine -semitorpid -semitour -semitrailer -semitrained -semitransept -semitranslucent -semitransparency -semitransparent -semitransverse -semitreasonable -semitrimmed -semitropic -semitropical -semitropics -semitruth -semituberous -semitubular -semiuncial -semiundressed -semiuniversalist -semiupright -semiurban -semiurn -semivalvate -semivault -semivector -semivegetable -semivertebral -semiverticillate -semivibration -semivirtue -semiviscid -semivital -semivitreous -semivitrification -semivitrified -semivocal -semivocalic -semivolatile -semivolcanic -semivoluntary -semivowel -semivulcanized -semiwaking -semiwarfare -semiweekly -semiwild -semiwoody -semiyearly -semmet -semmit -Semnae -Semnones -Semnopithecinae -semnopithecine -Semnopithecus -semola -semolella -semolina -semological -semology -Semostomae -semostomeous -semostomous -semperannual -sempergreen -semperidentical -semperjuvenescent -sempervirent -sempervirid -Sempervivum -sempitern -sempiternal -sempiternally -sempiternity -sempiternize -sempiternous -sempstrywork -semsem -semuncia -semuncial -sen -Senaah -senaite -senam -senarian -senarius -senarmontite -senary -senate -senator -senatorial -senatorially -senatorian -senatorship -senatory -senatress -senatrices -senatrix -sence -Senci -sencion -send -sendable -sendal -sendee -sender -sending -Seneca -Senecan -Senecio -senecioid -senecionine -senectitude -senectude -senectuous -senega -Senegal -Senegalese -Senegambian -senegin -senesce -senescence -senescent -seneschal -seneschally -seneschalship -seneschalsy -seneschalty -sengreen -senicide -Senijextee -senile -senilely -senilism -senility -senilize -senior -seniority -seniorship -Senlac -Senna -senna -sennegrass -sennet -sennight -sennit -sennite -senocular -Senones -Senonian -sensa -sensable -sensal -sensate -sensation -sensational -sensationalism -sensationalist -sensationalistic -sensationalize -sensationally -sensationary -sensationish -sensationism -sensationist -sensationistic -sensationless -sensatorial -sensatory -sense -sensed -senseful -senseless -senselessly -senselessness -sensibilia -sensibilisin -sensibilitist -sensibilitous -sensibility -sensibilium -sensibilization -sensibilize -sensible -sensibleness -sensibly -sensical -sensifacient -sensiferous -sensific -sensificatory -sensifics -sensify -sensigenous -sensile -sensilia -sensilla -sensillum -sension -sensism -sensist -sensistic -sensitive -sensitively -sensitiveness -sensitivity -sensitization -sensitize -sensitizer -sensitometer -sensitometric -sensitometry -sensitory -sensive -sensize -senso -sensomobile -sensomobility -sensomotor -sensoparalysis -sensor -sensoria -sensorial -sensoriglandular -sensorimotor -sensorimuscular -sensorium -sensorivascular -sensorivasomotor -sensorivolitional -sensory -sensual -sensualism -sensualist -sensualistic -sensuality -sensualization -sensualize -sensually -sensualness -sensuism -sensuist -sensum -sensuosity -sensuous -sensuously -sensuousness -sensyne -sent -sentence -sentencer -sentential -sententially -sententiarian -sententiarist -sententiary -sententiosity -sententious -sententiously -sententiousness -sentience -sentiendum -sentient -sentiently -sentiment -sentimental -sentimentalism -sentimentalist -sentimentality -sentimentalization -sentimentalize -sentimentalizer -sentimentally -sentimenter -sentimentless -sentinel -sentinellike -sentinelship -sentinelwise -sentisection -sentition -sentry -Senusi -Senusian -Senusism -sepad -sepal -sepaled -sepaline -sepalled -sepalody -sepaloid -separability -separable -separableness -separably -separata -separate -separatedly -separately -separateness -separates -separatical -separating -separation -separationism -separationist -separatism -separatist -separatistic -separative -separatively -separativeness -separator -separatory -separatress -separatrix -separatum -Sepharad -Sephardi -Sephardic -Sephardim -Sepharvites -sephen -sephiric -sephirothic -sepia -sepiaceous -sepialike -sepian -sepiarian -sepiary -sepic -sepicolous -Sepiidae -sepiment -sepioid -Sepioidea -Sepiola -Sepiolidae -sepiolite -sepion -sepiost -sepiostaire -sepium -sepone -sepoy -seppuku -seps -Sepsidae -sepsine -sepsis -Sept -sept -septa -septal -septan -septane -septangle -septangled -septangular -septangularness -septarian -septariate -septarium -septate -septated -septation -septatoarticulate -septavalent -septave -septcentenary -septectomy -September -Septemberer -Septemberism -Septemberist -Septembral -Septembrian -Septembrist -Septembrize -Septembrizer -septemdecenary -septemfid -septemfluous -septemfoliate -septemfoliolate -septemia -septempartite -septemplicate -septemvious -septemvir -septemvirate -septemviri -septenar -septenarian -septenarius -septenary -septenate -septendecennial -septendecimal -septennary -septennate -septenniad -septennial -septennialist -septenniality -septennially -septennium -septenous -Septentrio -Septentrion -septentrional -septentrionality -septentrionally -septentrionate -septentrionic -septerium -septet -septfoil -Septi -Septibranchia -Septibranchiata -septic -septical -septically -septicemia -septicemic -septicidal -septicidally -septicity -septicization -septicolored -septicopyemia -septicopyemic -septier -septifarious -septiferous -septifluous -septifolious -septiform -septifragal -septifragally -septilateral -septile -septillion -septillionth -septimal -septimanal -septimanarian -septime -septimetritis -septimole -septinsular -septipartite -septisyllabic -septisyllable -septivalent -septleva -Septobasidium -septocosta -septocylindrical -Septocylindrium -septodiarrhea -septogerm -Septogloeum -septoic -septole -septomarginal -septomaxillary -septonasal -Septoria -septotomy -septship -septuagenarian -septuagenarianism -septuagenary -septuagesima -Septuagint -septuagint -Septuagintal -septulate -septulum -septum -septuncial -septuor -septuple -septuplet -septuplicate -septuplication -sepulcher -sepulchral -sepulchralize -sepulchrally -sepulchrous -sepultural -sepulture -sequa -sequacious -sequaciously -sequaciousness -sequacity -Sequan -Sequani -Sequanian -sequel -sequela -sequelae -sequelant -sequence -sequencer -sequency -sequent -sequential -sequentiality -sequentially -sequently -sequest -sequester -sequestered -sequesterment -sequestra -sequestrable -sequestral -sequestrate -sequestration -sequestrator -sequestratrices -sequestratrix -sequestrectomy -sequestrotomy -sequestrum -sequin -sequitur -Sequoia -ser -sera -serab -Serabend -seragli -seraglio -serai -serail -seral -seralbumin -seralbuminous -serang -serape -Serapea -Serapeum -seraph -seraphic -seraphical -seraphically -seraphicalness -seraphicism -seraphicness -seraphim -seraphina -seraphine -seraphism -seraphlike -seraphtide -Serapias -Serapic -Serapis -Serapist -serasker -seraskerate -seraskier -seraskierat -serau -seraw -Serb -Serbdom -Serbian -Serbize -Serbonian -Serbophile -Serbophobe -sercial -serdab -Serdar -Sere -sere -Serean -sereh -Serena -serenade -serenader -serenata -serenate -Serendib -serendibite -serendipity -serendite -serene -serenely -sereneness -serenify -serenissime -serenissimi -serenissimo -serenity -serenize -Serenoa -Serer -Seres -sereward -serf -serfage -serfdom -serfhood -serfish -serfishly -serfishness -serfism -serflike -serfship -Serge -serge -sergeancy -Sergeant -sergeant -sergeantcy -sergeantess -sergeantry -sergeantship -sergeanty -sergedesoy -Sergei -serger -sergette -serging -Sergio -Sergiu -Sergius -serglobulin -Seri -serial -serialist -seriality -serialization -serialize -serially -Serian -seriary -seriate -seriately -seriatim -seriation -Seric -Sericana -sericate -sericated -sericea -sericeotomentose -sericeous -sericicultural -sericiculture -sericiculturist -sericin -sericipary -sericite -sericitic -sericitization -Sericocarpus -sericteria -sericterium -serictery -sericultural -sericulture -sericulturist -seriema -series -serif -serific -Seriform -serigraph -serigrapher -serigraphy -serimeter -serin -serine -serinette -seringa -seringal -seringhi -Serinus -serio -seriocomedy -seriocomic -seriocomical -seriocomically -seriogrotesque -Seriola -Seriolidae -serioline -serioludicrous -seriopantomimic -serioridiculous -seriosity -serious -seriously -seriousness -seripositor -Serjania -serjeant -serment -sermo -sermocination -sermocinatrix -sermon -sermoneer -sermoner -sermonesque -sermonet -sermonettino -sermonic -sermonically -sermonics -sermonish -sermonism -sermonist -sermonize -sermonizer -sermonless -sermonoid -sermonolatry -sermonology -sermonproof -sermonwise -sermuncle -sernamby -sero -seroalbumin -seroalbuminuria -seroanaphylaxis -serobiological -serocolitis -serocyst -serocystic -serodermatosis -serodermitis -serodiagnosis -serodiagnostic -seroenteritis -seroenzyme -serofibrinous -serofibrous -serofluid -serogelatinous -serohemorrhagic -serohepatitis -seroimmunity -serolactescent -serolemma -serolin -serolipase -serologic -serological -serologically -serologist -serology -seromaniac -seromembranous -seromucous -seromuscular -seron -seronegative -seronegativity -seroon -seroot -seroperitoneum -serophthisis -serophysiology -seroplastic -seropneumothorax -seropositive -seroprevention -seroprognosis -seroprophylaxis -seroprotease -seropuriform -seropurulent -seropus -seroreaction -serosa -serosanguineous -serosanguinolent -seroscopy -serositis -serosity -serosynovial -serosynovitis -serotherapeutic -serotherapeutics -serotherapist -serotherapy -serotina -serotinal -serotine -serotinous -serotoxin -serous -serousness -serovaccine -serow -serozyme -Serpari -serpedinous -Serpens -Serpent -serpent -serpentaria -Serpentarian -Serpentarii -serpentarium -Serpentarius -serpentary -serpentcleide -serpenteau -Serpentes -serpentess -Serpentian -serpenticidal -serpenticide -Serpentid -serpentiferous -serpentiform -serpentina -serpentine -serpentinely -Serpentinian -serpentinic -serpentiningly -serpentinization -serpentinize -serpentinoid -serpentinous -Serpentis -serpentivorous -serpentize -serpentlike -serpently -serpentoid -serpentry -serpentwood -serphid -Serphidae -serphoid -Serphoidea -serpierite -serpiginous -serpiginously -serpigo -serpivolant -serpolet -Serpula -serpula -Serpulae -serpulae -serpulan -serpulid -Serpulidae -serpulidan -serpuline -serpulite -serpulitic -serpuloid -serra -serradella -serrage -serran -serrana -serranid -Serranidae -Serrano -serrano -serranoid -Serranus -Serrasalmo -serrate -serrated -serratic -serratiform -serratile -serration -serratirostral -serratocrenate -serratodentate -serratodenticulate -serratoglandulous -serratospinose -serrature -serricorn -Serricornia -Serridentines -Serridentinus -serried -serriedly -serriedness -Serrifera -serriferous -serriform -serriped -serrirostrate -serrulate -serrulated -serrulation -serry -sert -serta -Sertularia -sertularian -Sertulariidae -sertularioid -sertule -sertulum -sertum -serum -serumal -serut -servable -servage -serval -servaline -servant -servantcy -servantdom -servantess -servantless -servantlike -servantry -servantship -servation -serve -servente -serventism -server -servery -servet -Servetian -Servetianism -Servian -service -serviceability -serviceable -serviceableness -serviceably -serviceberry -serviceless -servicelessness -serviceman -Servidor -servidor -servient -serviential -serviette -servile -servilely -servileness -servilism -servility -servilize -serving -servingman -servist -Servite -servitor -servitorial -servitorship -servitress -servitrix -servitude -serviture -Servius -servo -servomechanism -servomotor -servulate -serwamby -sesame -sesamoid -sesamoidal -sesamoiditis -Sesamum -Sesban -Sesbania -sescuple -Seseli -Seshat -Sesia -Sesiidae -sesma -sesqui -sesquialter -sesquialtera -sesquialteral -sesquialteran -sesquialterous -sesquibasic -sesquicarbonate -sesquicentennial -sesquichloride -sesquiduplicate -sesquihydrate -sesquihydrated -sesquinona -sesquinonal -sesquioctava -sesquioctaval -sesquioxide -sesquipedal -sesquipedalian -sesquipedalianism -sesquipedality -sesquiplicate -sesquiquadrate -sesquiquarta -sesquiquartal -sesquiquartile -sesquiquinta -sesquiquintal -sesquiquintile -sesquisalt -sesquiseptimal -sesquisextal -sesquisilicate -sesquisquare -sesquisulphate -sesquisulphide -sesquisulphuret -sesquiterpene -sesquitertia -sesquitertial -sesquitertian -sesquitertianal -sess -sessile -sessility -Sessiliventres -session -sessional -sessionary -sessions -sesterce -sestertium -sestet -sesti -sestiad -Sestian -sestina -sestine -sestole -sestuor -Sesuto -Sesuvium -set -seta -setaceous -setaceously -setae -setal -Setaria -setarious -setback -setbolt -setdown -setfast -Seth -seth -sethead -Sethian -Sethic -Sethite -Setibo -setier -Setifera -setiferous -setiform -setigerous -setiparous -setirostral -setline -setness -setoff -seton -Setophaga -Setophaginae -setophagine -setose -setous -setout -setover -setscrew -setsman -sett -settable -settaine -settee -setter -settergrass -setterwort -setting -settle -settleable -settled -settledly -settledness -settlement -settler -settlerdom -settling -settlings -settlor -settsman -setula -setule -setuliform -setulose -setulous -setup -setwall -setwise -setwork -seugh -Sevastopol -seven -sevenbark -sevener -sevenfold -sevenfolded -sevenfoldness -sevennight -sevenpence -sevenpenny -sevenscore -seventeen -seventeenfold -seventeenth -seventeenthly -seventh -seventhly -seventieth -seventy -seventyfold -sever -severable -several -severalfold -severality -severalize -severally -severalness -severalth -severalty -severance -severation -severe -severedly -severely -severeness -severer -Severian -severingly -severish -severity -severization -severize -severy -Sevillian -sew -sewable -sewage -sewan -sewed -sewellel -sewen -sewer -sewerage -sewered -sewerless -sewerlike -sewerman -sewery -sewing -sewless -sewn -sewround -sex -sexadecimal -sexagenarian -sexagenarianism -sexagenary -Sexagesima -sexagesimal -sexagesimally -sexagesimals -sexagonal -sexangle -sexangled -sexangular -sexangularly -sexannulate -sexarticulate -sexcentenary -sexcuspidate -sexdigital -sexdigitate -sexdigitated -sexdigitism -sexed -sexenary -sexennial -sexennially -sexennium -sexern -sexfarious -sexfid -sexfoil -sexhood -sexifid -sexillion -sexiped -sexipolar -sexisyllabic -sexisyllable -sexitubercular -sexivalence -sexivalency -sexivalent -sexless -sexlessly -sexlessness -sexlike -sexlocular -sexly -sexological -sexologist -sexology -sexpartite -sexradiate -sext -sextactic -sextain -sextan -sextans -Sextant -sextant -sextantal -sextar -sextarii -sextarius -sextary -sextennial -sextern -sextet -sextic -sextile -Sextilis -sextillion -sextillionth -sextipara -sextipartite -sextipartition -sextiply -sextipolar -sexto -sextodecimo -sextole -sextolet -sexton -sextoness -sextonship -sextry -sextubercular -sextuberculate -sextula -sextulary -sextumvirate -sextuple -sextuplet -sextuplex -sextuplicate -sextuply -sexual -sexuale -sexualism -sexualist -sexuality -sexualization -sexualize -sexually -sexuous -sexupara -sexuparous -sexy -sey -seybertite -Seymeria -Seymour -sfoot -Sgad -sgraffiato -sgraffito -sh -sha -shaatnez -shab -Shaban -shabash -Shabbath -shabbed -shabbify -shabbily -shabbiness -shabble -shabby -shabbyish -shabrack -shabunder -Shabuoth -shachle -shachly -shack -shackanite -shackatory -shackbolt -shackland -shackle -shacklebone -shackledom -shackler -shacklewise -shackling -shackly -shacky -shad -shadbelly -shadberry -shadbird -shadbush -shadchan -shaddock -shade -shaded -shadeful -shadeless -shadelessness -shader -shadetail -shadflower -shadily -shadine -shadiness -shading -shadkan -shadoof -Shadow -shadow -shadowable -shadowbox -shadowboxing -shadowed -shadower -shadowfoot -shadowgram -shadowgraph -shadowgraphic -shadowgraphist -shadowgraphy -shadowily -shadowiness -shadowing -shadowishly -shadowist -shadowland -shadowless -shadowlessness -shadowlike -shadowly -shadowy -shadrach -shady -shaffle -Shafiite -shaft -shafted -shafter -shaftfoot -shafting -shaftless -shaftlike -shaftman -shaftment -shaftsman -shaftway -shafty -shag -shaganappi -shagbag -shagbark -shagged -shaggedness -shaggily -shagginess -shaggy -Shagia -shaglet -shaglike -shagpate -shagrag -shagreen -shagreened -shagroon -shagtail -shah -Shahaptian -shaharith -shahdom -shahi -Shahid -shahin -shahzada -Shai -Shaigia -shaikh -Shaikiyeh -shaitan -Shaiva -Shaivism -Shaka -shakable -shake -shakeable -shakebly -shakedown -shakefork -shaken -shakenly -shakeout -shakeproof -Shaker -shaker -shakerag -Shakerdom -Shakeress -Shakerism -Shakerlike -shakers -shakescene -Shakespearean -Shakespeareana -Shakespeareanism -Shakespeareanly -Shakespearize -Shakespearolater -Shakespearolatry -shakha -Shakil -shakily -shakiness -shaking -shakingly -shako -shaksheer -Shakta -Shakti -shakti -Shaktism -shaku -shaky -Shakyamuni -Shalako -shale -shalelike -shaleman -shall -shallal -shallon -shalloon -shallop -shallopy -shallot -shallow -shallowbrained -shallowhearted -shallowish -shallowist -shallowly -shallowness -shallowpate -shallowpated -shallows -shallowy -shallu -shalom -shalt -shalwar -shaly -Sham -sham -shama -shamable -shamableness -shamably -shamal -shamalo -shaman -shamaness -shamanic -shamanism -shamanist -shamanistic -shamanize -shamateur -shamba -Shambala -shamble -shambling -shamblingly -shambrier -Shambu -shame -shameable -shamed -shameface -shamefaced -shamefacedly -shamefacedness -shamefast -shamefastly -shamefastness -shameful -shamefully -shamefulness -shameless -shamelessly -shamelessness -shameproof -shamer -shamesick -shameworthy -shamianah -Shamim -shamir -Shammar -shammed -shammer -shammick -shamming -shammish -shammock -shammocking -shammocky -shammy -shampoo -shampooer -shamrock -shamroot -shamsheer -Shan -shan -shanachas -shanachie -Shandean -shandry -shandrydan -Shandy -shandy -shandygaff -Shandyism -Shane -Shang -Shangalla -shangan -Shanghai -shanghai -shanghaier -shank -Shankar -shanked -shanker -shankings -shankpiece -shanksman -shanna -Shannon -shanny -shansa -shant -Shantung -shanty -shantylike -shantyman -shantytown -shap -shapable -Shape -shape -shaped -shapeful -shapeless -shapelessly -shapelessness -shapeliness -shapely -shapen -shaper -shapeshifter -shapesmith -shaping -shapingly -shapometer -shaps -Shaptan -shapy -sharable -Sharada -Sharan -shard -Shardana -sharded -shardy -share -shareable -sharebone -sharebroker -sharecrop -sharecropper -shareholder -shareholdership -shareman -sharepenny -sharer -shareship -sharesman -sharewort -Sharezer -shargar -Shari -Sharia -Sharira -shark -sharkful -sharkish -sharklet -sharklike -sharkship -sharkskin -sharky -sharn -sharnbud -sharny -Sharon -sharp -sharpen -sharpener -sharper -sharpie -sharpish -sharply -sharpness -sharps -sharpsaw -sharpshin -sharpshod -sharpshooter -sharpshooting -sharptail -sharpware -sharpy -Sharra -sharrag -sharry -Shasta -shastaite -Shastan -shaster -shastra -shastraik -shastri -shastrik -shat -shatan -shathmont -Shatter -shatter -shatterbrain -shatterbrained -shatterer -shatterheaded -shattering -shatteringly -shatterment -shatterpated -shatterproof -shatterwit -shattery -shattuckite -shauchle -shaugh -shaul -Shaula -shaup -shauri -shauwe -shavable -shave -shaveable -shaved -shavee -shaveling -shaven -shaver -shavery -Shavese -shavester -shavetail -shaveweed -Shavian -Shaviana -Shavianism -shaving -shavings -Shaw -shaw -Shawanese -Shawano -shawl -shawled -shawling -shawlless -shawllike -shawlwise -shawm -Shawn -Shawnee -shawneewood -shawny -Shawwal -shawy -shay -Shaysite -she -shea -sheading -sheaf -sheafage -sheaflike -sheafripe -sheafy -sheal -shealing -Shean -shear -shearbill -sheard -shearer -sheargrass -shearhog -shearing -shearless -shearling -shearman -shearmouse -shears -shearsman -sheartail -shearwater -shearwaters -sheat -sheatfish -sheath -sheathbill -sheathe -sheathed -sheather -sheathery -sheathing -sheathless -sheathlike -sheathy -sheave -sheaved -sheaveless -sheaveman -shebang -Shebat -shebeen -shebeener -Shechem -Shechemites -shed -shedded -shedder -shedding -sheder -shedhand -shedlike -shedman -shedwise -shee -sheely -sheen -sheenful -sheenless -sheenly -sheeny -sheep -sheepback -sheepberry -sheepbine -sheepbiter -sheepbiting -sheepcote -sheepcrook -sheepfaced -sheepfacedly -sheepfacedness -sheepfold -sheepfoot -sheepgate -sheephead -sheepheaded -sheephearted -sheepherder -sheepherding -sheephook -sheephouse -sheepify -sheepish -sheepishly -sheepishness -sheepkeeper -sheepkeeping -sheepkill -sheepless -sheeplet -sheeplike -sheepling -sheepman -sheepmaster -sheepmonger -sheepnose -sheepnut -sheeppen -sheepshank -sheepshead -sheepsheadism -sheepshear -sheepshearer -sheepshearing -sheepshed -sheepskin -sheepsplit -sheepsteal -sheepstealer -sheepstealing -sheepwalk -sheepwalker -sheepweed -sheepy -sheer -sheered -sheering -sheerly -sheerness -sheet -sheetage -sheeted -sheeter -sheetflood -sheetful -sheeting -sheetless -sheetlet -sheetlike -sheetling -sheetways -sheetwise -sheetwork -sheetwriting -sheety -Sheffield -shehitah -sheik -sheikdom -sheikhlike -sheikhly -sheiklike -sheikly -Sheila -shekel -Shekinah -Shel -shela -sheld -sheldapple -shelder -sheldfowl -sheldrake -shelduck -shelf -shelfback -shelffellow -shelfful -shelflist -shelfmate -shelfpiece -shelfroom -shelfworn -shelfy -shell -shellac -shellacker -shellacking -shellapple -shellback -shellblow -shellblowing -shellbound -shellburst -shellcracker -shelleater -shelled -sheller -Shelleyan -Shelleyana -shellfire -shellfish -shellfishery -shellflower -shellful -shellhead -shelliness -shelling -shellman -shellmonger -shellproof -shellshake -shellum -shellwork -shellworker -shelly -shellycoat -shelta -shelter -shelterage -sheltered -shelterer -shelteringly -shelterless -shelterlessness -shelterwood -sheltery -sheltron -shelty -shelve -shelver -shelving -shelvingly -shelvingness -shelvy -Shelyak -Shemaka -sheminith -Shemite -Shemitic -Shemitish -Shemu -Shen -shenanigan -shend -sheng -Shenshai -Sheol -sheolic -shepherd -shepherdage -shepherddom -shepherdess -shepherdhood -Shepherdia -shepherdish -shepherdism -shepherdize -shepherdless -shepherdlike -shepherdling -shepherdly -shepherdry -sheppeck -sheppey -shepstare -sher -Sherani -Sherardia -sherardize -sherardizer -Sheratan -Sheraton -sherbacha -sherbet -sherbetlee -sherbetzide -sheriat -sherif -sherifa -sherifate -sheriff -sheriffalty -sheriffdom -sheriffess -sheriffhood -sheriffry -sheriffship -sheriffwick -sherifi -sherifian -sherify -sheristadar -Sheriyat -sherlock -Sherman -Sherpa -Sherramoor -Sherri -sherry -Sherrymoor -sherryvallies -Shesha -sheth -Shetland -Shetlander -Shetlandic -sheugh -sheva -shevel -sheveled -shevri -shewa -shewbread -shewel -sheyle -shi -Shiah -shibah -shibar -shibboleth -shibbolethic -shibuichi -shice -shicer -shicker -shickered -shide -shied -shiel -shield -shieldable -shieldboard -shielddrake -shielded -shielder -shieldflower -shielding -shieldless -shieldlessly -shieldlessness -shieldlike -shieldling -shieldmaker -shieldmay -shieldtail -shieling -shier -shies -shiest -shift -shiftable -shiftage -shifter -shiftful -shiftfulness -shiftily -shiftiness -shifting -shiftingly -shiftingness -shiftless -shiftlessly -shiftlessness -shifty -Shigella -shiggaion -shigram -shih -Shiism -Shiite -Shiitic -Shik -shikar -shikara -shikargah -shikari -shikasta -shikimi -shikimic -shikimole -shikimotoxin -shikken -shiko -shikra -shilf -shilfa -Shilh -Shilha -shill -shilla -shillaber -shillelagh -shillet -shillety -shillhouse -shillibeer -shilling -shillingless -shillingsworth -shilloo -Shilluh -Shilluk -Shiloh -shilpit -shim -shimal -Shimei -shimmer -shimmering -shimmeringly -shimmery -shimmy -Shimonoseki -shimose -shimper -shin -Shina -shinaniging -shinarump -shinbone -shindig -shindle -shindy -shine -shineless -shiner -shingle -shingled -shingler -shingles -shinglewise -shinglewood -shingling -shingly -shinily -shininess -shining -shiningly -shiningness -shinleaf -Shinnecock -shinner -shinnery -shinning -shinny -shinplaster -shintiyan -Shinto -Shintoism -Shintoist -Shintoistic -Shintoize -shinty -Shinwari -shinwood -shiny -shinza -ship -shipboard -shipbound -shipboy -shipbreaking -shipbroken -shipbuilder -shipbuilding -shipcraft -shipentine -shipful -shipkeeper -shiplap -shipless -shiplessly -shiplet -shipload -shipman -shipmanship -shipmast -shipmaster -shipmate -shipmatish -shipment -shipowner -shipowning -shippable -shippage -shipped -shipper -shipping -shipplane -shippo -shippon -shippy -shipshape -shipshapely -shipside -shipsmith -shipward -shipwards -shipway -shipwork -shipworm -shipwreck -shipwrecky -shipwright -shipwrightery -shipwrightry -shipyard -shirakashi -shirallee -Shiraz -shire -shirehouse -shireman -shirewick -shirk -shirker -shirky -shirl -shirlcock -Shirley -shirpit -shirr -shirring -shirt -shirtband -shirtiness -shirting -shirtless -shirtlessness -shirtlike -shirtmaker -shirtmaking -shirtman -shirttail -shirtwaist -shirty -Shirvan -shish -shisham -shisn -shita -shitepoke -shither -shittah -shittim -shittimwood -shiv -Shivaism -Shivaist -Shivaistic -Shivaite -shivaree -shive -shiver -shivereens -shiverer -shivering -shiveringly -shiverproof -shiversome -shiverweed -shivery -shivey -shivoo -shivy -shivzoku -Shkupetar -Shlu -Shluh -Sho -sho -Shoa -shoad -shoader -shoal -shoalbrain -shoaler -shoaliness -shoalness -shoalwise -shoaly -shoat -shock -shockability -shockable -shockedness -shocker -shockheaded -shocking -shockingly -shockingness -shocklike -shockproof -shod -shodden -shoddily -shoddiness -shoddy -shoddydom -shoddyism -shoddyite -shoddylike -shoddyward -shoddywards -shode -shoder -shoe -shoebill -shoebinder -shoebindery -shoebinding -shoebird -shoeblack -shoeboy -shoebrush -shoecraft -shoeflower -shoehorn -shoeing -shoeingsmith -shoelace -shoeless -shoemaker -shoemaking -shoeman -shoepack -shoer -shoescraper -shoeshine -shoeshop -shoesmith -shoestring -shoewoman -shoful -shog -shogaol -shoggie -shoggle -shoggly -shogi -shogun -shogunal -shogunate -shohet -shoji -Shojo -shola -shole -Shona -shone -shoneen -shonkinite -shoo -shood -shoofa -shoofly -shooi -shook -shool -shooldarry -shooler -shoop -shoopiltie -shoor -shoot -shootable -shootboard -shootee -shooter -shoother -shooting -shootist -shootman -shop -shopboard -shopbook -shopboy -shopbreaker -shopbreaking -shopfolk -shopful -shopgirl -shopgirlish -shophar -shopkeeper -shopkeeperess -shopkeeperish -shopkeeperism -shopkeepery -shopkeeping -shopland -shoplet -shoplifter -shoplifting -shoplike -shopmaid -shopman -shopmark -shopmate -shopocracy -shopocrat -shoppe -shopper -shopping -shoppish -shoppishness -shoppy -shopster -shoptalk -shopwalker -shopwear -shopwife -shopwindow -shopwoman -shopwork -shopworker -shopworn -shoq -Shor -shor -shoran -shore -Shorea -shoreberry -shorebush -shored -shoregoing -shoreland -shoreless -shoreman -shorer -shoreside -shoresman -shoreward -shorewards -shoreweed -shoreyer -shoring -shorling -shorn -short -shortage -shortbread -shortcake -shortchange -shortchanger -shortclothes -shortcoat -shortcomer -shortcoming -shorten -shortener -shortening -shorter -shortfall -shorthand -shorthanded -shorthandedness -shorthander -shorthead -shorthorn -Shortia -shortish -shortly -shortness -shorts -shortschat -shortsighted -shortsightedly -shortsightedness -shortsome -shortstaff -shortstop -shorttail -Shortzy -Shoshonean -shoshonite -shot -shotbush -shote -shotgun -shotless -shotlike -shotmaker -shotman -shotproof -shotsman -shotstar -shott -shotted -shotten -shotter -shotty -Shotweld -shou -should -shoulder -shouldered -shoulderer -shoulderette -shouldering -shouldna -shouldnt -shoupeltin -shout -shouter -shouting -shoutingly -shoval -shove -shovegroat -shovel -shovelard -shovelbill -shovelboard -shovelfish -shovelful -shovelhead -shovelmaker -shovelman -shovelnose -shovelweed -shover -show -showable -showance -showbird -showboard -showboat -showboater -showboating -showcase -showdom -showdown -shower -showerer -showerful -showeriness -showerless -showerlike -showerproof -showery -showily -showiness -showing -showish -showless -showman -showmanism -showmanry -showmanship -shown -showpiece -showroom -showup -showworthy -showy -showyard -shoya -shrab -shraddha -shradh -shraf -shrag -shram -shrank -shrap -shrapnel -shrave -shravey -shreadhead -shred -shredcock -shredder -shredding -shreddy -shredless -shredlike -Shree -shree -shreeve -shrend -shrew -shrewd -shrewdish -shrewdly -shrewdness -shrewdom -shrewdy -shrewish -shrewishly -shrewishness -shrewlike -shrewly -shrewmouse -shrewstruck -shriek -shrieker -shriekery -shriekily -shriekiness -shriekingly -shriekproof -shrieky -shrieval -shrievalty -shrift -shrike -shrill -shrilling -shrillish -shrillness -shrilly -shrimp -shrimper -shrimpfish -shrimpi -shrimpish -shrimpishness -shrimplike -shrimpy -shrinal -Shrine -shrine -shrineless -shrinelet -shrinelike -Shriner -shrink -shrinkable -shrinkage -shrinkageproof -shrinker -shrinkhead -shrinking -shrinkingly -shrinkproof -shrinky -shrip -shrite -shrive -shrivel -shriven -shriver -shriving -shroff -shrog -Shropshire -shroud -shrouded -shrouding -shroudless -shroudlike -shroudy -Shrove -shrove -shrover -Shrovetide -shrub -shrubbed -shrubbery -shrubbiness -shrubbish -shrubby -shrubland -shrubless -shrublet -shrublike -shrubwood -shruff -shrug -shruggingly -shrunk -shrunken -shrups -Shtokavski -shtreimel -Shu -shuba -shubunkin -shuck -shucker -shucking -shuckins -shuckpen -shucks -shudder -shudderful -shudderiness -shudderingly -shuddersome -shuddery -shuff -shuffle -shuffleboard -shufflecap -shuffler -shufflewing -shuffling -shufflingly -shug -Shuhali -Shukria -Shukulumbwe -shul -Shulamite -shuler -shulwaurs -shumac -shun -Shunammite -shune -shunless -shunnable -shunner -shunt -shunter -shunting -shure -shurf -shush -shusher -Shuswap -shut -shutdown -shutness -shutoff -Shutoku -shutout -shuttance -shutten -shutter -shuttering -shutterless -shutterwise -shutting -shuttle -shuttlecock -shuttleheaded -shuttlelike -shuttlewise -Shuvra -shwanpan -shy -Shyam -shydepoke -shyer -shyish -Shylock -Shylockism -shyly -shyness -shyster -si -Sia -siak -sial -sialaden -sialadenitis -sialadenoncus -sialagogic -sialagogue -sialagoguic -sialemesis -Sialia -sialic -sialid -Sialidae -sialidan -Sialis -sialoangitis -sialogenous -sialoid -sialolith -sialolithiasis -sialology -sialorrhea -sialoschesis -sialosemeiology -sialosis -sialostenosis -sialosyrinx -sialozemia -Siam -siamang -Siamese -sib -Sibbaldus -sibbed -sibbens -sibber -sibboleth -sibby -Siberian -Siberic -siberite -sibilance -sibilancy -sibilant -sibilantly -sibilate -sibilatingly -sibilator -sibilatory -sibilous -sibilus -Sibiric -sibling -sibness -sibrede -sibship -sibyl -sibylesque -sibylic -sibylism -sibylla -sibylline -sibyllist -sic -Sicambri -Sicambrian -Sicana -Sicani -Sicanian -sicarian -sicarious -sicarius -sicca -siccaneous -siccant -siccate -siccation -siccative -siccimeter -siccity -sice -Sicel -Siceliot -Sicilian -sicilian -siciliana -Sicilianism -sicilica -sicilicum -sicilienne -sicinnian -sick -sickbed -sicken -sickener -sickening -sickeningly -sicker -sickerly -sickerness -sickhearted -sickish -sickishly -sickishness -sickle -sicklebill -sickled -sicklelike -sickleman -sicklemia -sicklemic -sicklepod -sickler -sicklerite -sickless -sickleweed -sicklewise -sicklewort -sicklied -sicklily -sickliness -sickling -sickly -sickness -sicknessproof -sickroom -sicsac -sicula -sicular -Siculi -Siculian -Sicyonian -Sicyonic -Sicyos -Sid -Sida -Sidalcea -sidder -Siddha -Siddhanta -Siddhartha -Siddhi -siddur -side -sideage -sidearm -sideboard -sidebone -sidebones -sideburns -sidecar -sidecarist -sidecheck -sided -sidedness -sideflash -sidehead -sidehill -sidekicker -sidelang -sideless -sideline -sideling -sidelings -sidelingwise -sidelong -sidenote -sidepiece -sider -sideral -sideration -siderealize -sidereally -siderean -siderin -siderism -siderite -sideritic -Sideritis -siderognost -siderographic -siderographical -siderographist -siderography -siderolite -siderology -sideromagnetic -sideromancy -sideromelane -sideronatrite -sideronym -sideroscope -siderose -siderosis -siderostat -siderostatic -siderotechny -siderous -Sideroxylon -sidership -siderurgical -siderurgy -sides -sidesaddle -sideshake -sideslip -sidesman -sidesplitter -sidesplitting -sidesplittingly -sidesway -sideswipe -sideswiper -sidetrack -sidewalk -sideward -sidewards -sideway -sideways -sidewinder -sidewipe -sidewiper -sidewise -sidhe -sidi -siding -sidle -sidler -sidling -sidlingly -Sidney -Sidonian -Sidrach -sidth -sidy -sie -siege -siegeable -siegecraft -siegenite -sieger -siegework -Siegfried -Sieglingia -Siegmund -Siegurd -Siena -Sienese -sienna -sier -siering -sierozem -Sierra -sierra -sierran -siesta -siestaland -Sieva -sieve -sieveful -sievelike -siever -Sieversia -sievings -sievy -sifac -sifaka -Sifatite -sife -siffilate -siffle -sifflement -sifflet -sifflot -sift -siftage -sifted -sifter -sifting -sig -Siganidae -Siganus -sigatoka -Sigaultian -sigger -sigh -sigher -sighful -sighfully -sighing -sighingly -sighingness -sighless -sighlike -sight -sightable -sighted -sighten -sightening -sighter -sightful -sightfulness -sighthole -sighting -sightless -sightlessly -sightlessness -sightlily -sightliness -sightly -sightproof -sightworthiness -sightworthy -sighty -sigil -sigilative -Sigillaria -Sigillariaceae -sigillariaceous -sigillarian -sigillarid -sigillarioid -sigillarist -sigillaroid -sigillary -sigillate -sigillated -sigillation -sigillistic -sigillographer -sigillographical -sigillography -sigillum -sigla -siglarian -siglos -Sigma -sigma -sigmaspire -sigmate -sigmatic -sigmation -sigmatism -sigmodont -Sigmodontes -sigmoid -sigmoidal -sigmoidally -sigmoidectomy -sigmoiditis -sigmoidopexy -sigmoidoproctostomy -sigmoidorectostomy -sigmoidoscope -sigmoidoscopy -sigmoidostomy -Sigmund -sign -signable -signal -signalee -signaler -signalese -signaletic -signaletics -signalism -signalist -signality -signalize -signally -signalman -signalment -signary -signatary -signate -signation -signator -signatory -signatural -signature -signatureless -signaturist -signboard -signee -signer -signet -signetwise -signifer -signifiable -significal -significance -significancy -significant -significantly -significantness -significate -signification -significatist -significative -significatively -significativeness -significator -significatory -significatrix -significature -significavit -significian -significs -signifier -signify -signior -signiorship -signist -signless -signlike -signman -signorial -signorship -signory -signpost -signum -signwriter -Sigurd -Sihasapa -Sika -sika -sikar -sikatch -sike -sikerly -sikerness -siket -Sikh -sikhara -Sikhism -sikhra -Sikinnis -Sikkimese -Siksika -sil -silage -silaginoid -silane -Silas -silbergroschen -silcrete -sile -silen -Silenaceae -silenaceous -Silenales -silence -silenced -silencer -silency -Silene -sileni -silenic -silent -silential -silentiary -silentious -silentish -silently -silentness -silenus -silesia -Silesian -Siletz -silex -silexite -silhouette -silhouettist -silhouettograph -silica -silicam -silicane -silicate -silication -silicatization -Silicea -silicean -siliceocalcareous -siliceofelspathic -siliceofluoric -siliceous -silicic -silicicalcareous -silicicolous -silicide -silicidize -siliciferous -silicification -silicifluoric -silicifluoride -silicify -siliciophite -silicious -Silicispongiae -silicium -siliciuretted -silicize -silicle -silico -silicoacetic -silicoalkaline -silicoaluminate -silicoarsenide -silicocalcareous -silicochloroform -silicocyanide -silicoethane -silicoferruginous -Silicoflagellata -Silicoflagellatae -silicoflagellate -Silicoflagellidae -silicofluoric -silicofluoride -silicohydrocarbon -Silicoidea -silicomagnesian -silicomanganese -silicomethane -silicon -silicone -siliconize -silicononane -silicopropane -silicosis -Silicospongiae -silicotalcose -silicotic -silicotitanate -silicotungstate -silicotungstic -silicula -silicular -silicule -siliculose -siliculous -silicyl -Silipan -siliqua -siliquaceous -siliquae -Siliquaria -Siliquariidae -silique -siliquiferous -siliquiform -siliquose -siliquous -silk -silkalene -silkaline -silked -silken -silker -silkflower -silkgrower -silkie -silkily -silkiness -silklike -silkman -silkness -silksman -silktail -silkweed -silkwoman -silkwood -silkwork -silkworks -silkworm -silky -sill -sillabub -silladar -Sillaginidae -Sillago -sillandar -sillar -siller -Sillery -sillibouk -sillikin -sillily -sillimanite -silliness -sillock -sillograph -sillographer -sillographist -sillometer -sillon -silly -sillyhood -sillyhow -sillyish -sillyism -sillyton -silo -siloist -Silpha -silphid -Silphidae -silphium -silt -siltage -siltation -silting -siltlike -silty -silundum -Silures -Silurian -Siluric -silurid -Siluridae -Siluridan -siluroid -Siluroidei -Silurus -silva -silvan -silvanity -silvanry -Silvanus -silvendy -silver -silverback -silverbeater -silverbelly -silverberry -silverbill -silverboom -silverbush -silvered -silverer -silvereye -silverfin -silverfish -silverhead -silverily -silveriness -silvering -silverish -silverite -silverize -silverizer -silverleaf -silverless -silverlike -silverling -silverly -silvern -silverness -silverpoint -silverrod -silverside -silversides -silverskin -silversmith -silversmithing -silverspot -silvertail -silvertip -silvertop -silvervine -silverware -silverweed -silverwing -silverwood -silverwork -silverworker -silvery -Silvester -Silvia -silvical -silvicolous -silvics -silvicultural -silviculturally -silviculture -silviculturist -Silvius -Silybum -silyl -Sim -sima -Simaba -simal -simar -Simarouba -Simaroubaceae -simaroubaceous -simball -simbil -simblin -simblot -Simblum -sime -Simeon -Simeonism -Simeonite -Simia -simiad -simial -simian -simianity -simiesque -Simiidae -Simiinae -similar -similarity -similarize -similarly -similative -simile -similimum -similiter -similitive -similitude -similitudinize -simility -similize -similor -simioid -simious -simiousness -simity -simkin -simlin -simling -simmer -simmeringly -simmon -simnel -simnelwise -simoleon -Simon -simoniac -simoniacal -simoniacally -Simonian -Simonianism -simonious -simonism -Simonist -simonist -simony -simool -simoom -simoon -Simosaurus -simous -simp -simpai -simper -simperer -simperingly -simple -simplehearted -simpleheartedly -simpleheartedness -simpleness -simpler -simpleton -simpletonian -simpletonianism -simpletonic -simpletonish -simpletonism -simplex -simplexed -simplexity -simplicident -Simplicidentata -simplicidentate -simplicist -simplicitarian -simplicity -simplicize -simplification -simplificative -simplificator -simplified -simplifiedly -simplifier -simplify -simplism -simplist -simplistic -simply -simsim -simson -simulacra -simulacral -simulacre -simulacrize -simulacrum -simulance -simulant -simular -simulate -simulation -simulative -simulatively -simulator -simulatory -simulcast -simuler -simuliid -Simuliidae -simulioid -Simulium -simultaneity -simultaneous -simultaneously -simultaneousness -sin -sina -Sinae -Sinaean -Sinaic -sinaite -Sinaitic -sinal -sinalbin -Sinaloa -sinamay -sinamine -sinapate -sinapic -sinapine -sinapinic -Sinapis -sinapis -sinapism -sinapize -sinapoline -sinarchism -sinarchist -sinarquism -sinarquist -sinarquista -sinawa -sincaline -since -sincere -sincerely -sincereness -sincerity -sincipital -sinciput -sind -sinder -Sindhi -sindle -sindoc -sindon -sindry -sine -sinecural -sinecure -sinecureship -sinecurism -sinecurist -Sinesian -sinew -sinewed -sinewiness -sinewless -sinewous -sinewy -sinfonia -sinfonie -sinfonietta -sinful -sinfully -sinfulness -sing -singability -singable -singableness -singally -singarip -singe -singed -singeing -singeingly -singer -singey -Singfo -singh -Singhalese -singillatim -singing -singingly -singkamas -single -singlebar -singled -singlehanded -singlehandedly -singlehandedness -singlehearted -singleheartedly -singleheartedness -singlehood -singleness -singler -singles -singlestick -singlesticker -singlet -singleton -singletree -singlings -singly -Singpho -Singsing -singsong -singsongy -Singspiel -singspiel -singstress -singular -singularism -singularist -singularity -singularization -singularize -singularly -singularness -singult -singultous -singultus -sinh -Sinhalese -Sinian -Sinic -Sinicism -Sinicization -Sinicize -Sinico -Sinification -Sinify -sinigrin -sinigrinase -sinigrosid -sinigroside -Sinisian -Sinism -sinister -sinisterly -sinisterness -sinisterwise -sinistrad -sinistral -sinistrality -sinistrally -sinistration -sinistrin -sinistrocerebral -sinistrocular -sinistrodextral -sinistrogyrate -sinistrogyration -sinistrogyric -sinistromanual -sinistrorsal -sinistrorsally -sinistrorse -sinistrous -sinistrously -sinistruous -Sinite -Sinitic -sink -sinkable -sinkage -sinker -sinkerless -sinkfield -sinkhead -sinkhole -sinking -Sinkiuse -sinkless -sinklike -sinkroom -sinkstone -sinky -sinless -sinlessly -sinlessness -sinlike -sinnable -sinnableness -sinnen -sinner -sinneress -sinnership -sinnet -Sinningia -sinningly -sinningness -sinoatrial -sinoauricular -Sinogram -sinoidal -Sinolog -Sinologer -Sinological -Sinologist -Sinologue -Sinology -sinomenine -Sinonism -Sinophile -Sinophilism -sinopia -Sinopic -sinopite -sinople -sinproof -Sinsiga -sinsion -sinsring -sinsyne -sinter -Sinto -sintoc -Sintoism -Sintoist -Sintsink -Sintu -sinuate -sinuated -sinuatedentate -sinuately -sinuation -sinuatocontorted -sinuatodentate -sinuatodentated -sinuatopinnatifid -sinuatoserrated -sinuatoundulate -sinuatrial -sinuauricular -sinuitis -sinuose -sinuosely -sinuosity -sinuous -sinuously -sinuousness -Sinupallia -sinupallial -Sinupallialia -Sinupalliata -sinupalliate -sinus -sinusal -sinusitis -sinuslike -sinusoid -sinusoidal -sinusoidally -sinuventricular -sinward -siol -Sion -sion -Sionite -Siouan -Sioux -sip -sipage -sipe -siper -siphoid -siphon -siphonaceous -siphonage -siphonal -Siphonales -Siphonaptera -siphonapterous -Siphonaria -siphonariid -Siphonariidae -Siphonata -siphonate -Siphoneae -siphoneous -siphonet -siphonia -siphonial -Siphoniata -siphonic -Siphonifera -siphoniferous -siphoniform -siphonium -siphonless -siphonlike -Siphonobranchiata -siphonobranchiate -Siphonocladales -Siphonocladiales -siphonogam -Siphonogama -siphonogamic -siphonogamous -siphonogamy -siphonoglyph -siphonoglyphe -siphonognathid -Siphonognathidae -siphonognathous -Siphonognathus -Siphonophora -siphonophoran -siphonophore -siphonophorous -siphonoplax -siphonopore -siphonorhinal -siphonorhine -siphonosome -siphonostele -siphonostelic -siphonostely -Siphonostoma -Siphonostomata -siphonostomatous -siphonostome -siphonostomous -siphonozooid -siphonula -siphorhinal -siphorhinian -siphosome -siphuncle -siphuncled -siphuncular -Siphunculata -siphunculate -siphunculated -Sipibo -sipid -sipidity -Siping -siping -sipling -sipper -sippet -sippingly -sippio -Sipunculacea -sipunculacean -sipunculid -Sipunculida -sipunculoid -Sipunculoidea -Sipunculus -sipylite -Sir -sir -sircar -sirdar -sirdarship -sire -Siredon -sireless -siren -sirene -Sirenia -sirenian -sirenic -sirenical -sirenically -Sirenidae -sirening -sirenize -sirenlike -sirenoid -Sirenoidea -Sirenoidei -sireny -sireship -siress -sirgang -Sirian -sirian -Sirianian -siriasis -siricid -Siricidae -Siricoidea -sirih -siriometer -Sirione -siris -Sirius -sirkeer -sirki -sirky -sirloin -sirloiny -Sirmian -Sirmuellera -siroc -sirocco -siroccoish -siroccoishly -sirpea -sirple -sirpoon -sirrah -sirree -sirship -siruaballi -siruelas -sirup -siruped -siruper -sirupy -Siryan -Sis -sis -sisal -siscowet -sise -sisel -siserara -siserary -siserskite -sish -sisham -sisi -siskin -Sisley -sismotherapy -siss -Sisseton -sissification -sissify -sissiness -sissoo -Sissu -sissy -sissyish -sissyism -sist -Sistani -sister -sisterhood -sisterin -sistering -sisterize -sisterless -sisterlike -sisterliness -sisterly -sistern -Sistine -sistle -sistomensin -sistrum -Sistrurus -Sisymbrium -Sisyphean -Sisyphian -Sisyphides -Sisyphism -Sisyphist -Sisyphus -Sisyrinchium -sisyrinchium -sit -Sita -sitao -sitar -sitatunga -sitch -site -sitfast -sith -sithcund -sithe -sithement -sithence -sithens -sitient -sitio -sitiology -sitiomania -sitiophobia -Sitka -Sitkan -sitology -sitomania -Sitophilus -sitophobia -sitophobic -sitosterin -sitosterol -sitotoxism -Sitta -sittee -sitten -sitter -Sittidae -Sittinae -sittine -sitting -sittringy -situal -situate -situated -situation -situational -situla -situlae -situs -Sium -Siusi -Siuslaw -Siva -siva -Sivaism -Sivaist -Sivaistic -Sivaite -Sivan -Sivapithecus -sivathere -Sivatheriidae -Sivatheriinae -sivatherioid -Sivatherium -siver -sivvens -Siwan -Siwash -siwash -six -sixain -sixer -sixfoil -sixfold -sixhaend -sixhynde -sixpence -sixpenny -sixpennyworth -sixscore -sixsome -sixte -sixteen -sixteener -sixteenfold -sixteenmo -sixteenth -sixteenthly -sixth -sixthet -sixthly -sixtieth -Sixtowns -Sixtus -sixty -sixtyfold -sixtypenny -sizable -sizableness -sizably -sizal -sizar -sizarship -size -sizeable -sizeableness -sized -sizeman -sizer -sizes -siziness -sizing -sizy -sizygia -sizygium -sizz -sizzard -sizzing -sizzle -sizzling -sizzlingly -Sjaak -sjambok -Sjouke -skaddle -skaff -skaffie -skag -skaillie -skainsmate -skair -skaitbird -skal -skalawag -skaldship -skance -Skanda -skandhas -skart -skasely -Skat -skat -skate -skateable -skater -skatikas -skatiku -skating -skatist -skatole -skatosine -skatoxyl -skaw -skean -skeanockle -skedaddle -skedaddler -skedge -skedgewith -skedlock -skee -skeed -skeeg -skeel -skeeling -skeely -skeen -skeenyie -skeer -skeered -skeery -skeesicks -skeet -Skeeter -skeeter -skeezix -Skef -skeg -skegger -skeif -skeigh -skeily -skein -skeiner -skeipp -skel -skelder -skelderdrake -skeldrake -skeletal -skeletin -skeletogenous -skeletogeny -skeletomuscular -skeleton -skeletonian -skeletonic -skeletonization -skeletonize -skeletonizer -skeletonless -skeletonweed -skeletony -skelf -skelgoose -skelic -skell -skellat -skeller -skelloch -skellum -skelly -skelp -skelper -skelpin -skelping -skelter -Skeltonian -Skeltonic -Skeltonical -Skeltonics -skemmel -skemp -sken -skene -skeo -skeough -skep -skepful -skeppist -skeppund -skeptic -skeptical -skeptically -skepticalness -skepticism -skepticize -sker -skere -skerret -skerrick -skerry -sketch -sketchability -sketchable -sketchbook -sketchee -sketcher -sketchily -sketchiness -sketching -sketchingly -sketchist -sketchlike -sketchy -skete -sketiotai -skeuomorph -skeuomorphic -skevish -skew -skewback -skewbacked -skewbald -skewed -skewer -skewerer -skewerwood -skewings -skewl -skewly -skewness -skewwhiff -skewwise -skewy -skey -skeyting -ski -skiagram -skiagraph -skiagrapher -skiagraphic -skiagraphical -skiagraphically -skiagraphy -skiameter -skiametry -skiapod -skiapodous -skiascope -skiascopy -skibby -skibslast -skice -skid -skidded -skidder -skidding -skiddingly -skiddoo -skiddy -Skidi -skidpan -skidproof -skidway -skied -skieppe -skiepper -skier -skies -skiff -skiffless -skiffling -skift -skiing -skijore -skijorer -skijoring -skil -skilder -skildfel -skilfish -skill -skillagalee -skilled -skillenton -skillessness -skillet -skillful -skillfully -skillfulness -skilligalee -skilling -skillion -skilly -skilpot -skilts -skim -skimback -skime -skimmed -skimmer -skimmerton -Skimmia -skimming -skimmingly -skimmington -skimmity -skimp -skimpily -skimpiness -skimpingly -skimpy -skin -skinbound -skinch -skinflint -skinflintily -skinflintiness -skinflinty -skinful -skink -skinker -skinking -skinkle -skinless -skinlike -skinned -skinner -skinnery -skinniness -skinning -skinny -skintight -skinworm -skiogram -skiograph -skiophyte -Skip -skip -skipbrain -Skipetar -skipjack -skipjackly -skipkennel -skipman -skippable -skippel -skipper -skippered -skippership -skippery -skippet -skipping -skippingly -skipple -skippund -skippy -skiptail -skirl -skirlcock -skirling -skirmish -skirmisher -skirmishing -skirmishingly -skirp -skirr -skirreh -skirret -skirt -skirtboard -skirted -skirter -skirting -skirtingly -skirtless -skirtlike -skirty -skirwhit -skirwort -skit -skite -skiter -skither -Skitswish -Skittaget -Skittagetan -skitter -skittish -skittishly -skittishness -skittle -skittled -skittler -skittles -skitty -skittyboot -skiv -skive -skiver -skiverwood -skiving -skivvies -sklate -sklater -sklent -skleropelite -sklinter -skoal -Skodaic -skogbolite -Skoinolon -skokiaan -Skokomish -skomerite -skoo -skookum -Skopets -skoptsy -skout -skraeling -skraigh -skrike -skrimshander -skrupul -skua -skulduggery -skulk -skulker -skulking -skulkingly -skull -skullbanker -skullcap -skulled -skullery -skullfish -skullful -skully -skulp -skun -skunk -skunkbill -skunkbush -skunkdom -skunkery -skunkhead -skunkish -skunklet -skunktop -skunkweed -skunky -Skupshtina -skuse -skutterudite -sky -skybal -skycraft -Skye -skyey -skyful -skyish -skylark -skylarker -skyless -skylight -skylike -skylook -skyman -skyphoi -skyphos -skyplast -skyre -skyrgaliard -skyrocket -skyrockety -skysail -skyscape -skyscraper -skyscraping -skyshine -skyugle -skyward -skywards -skyway -skywrite -skywriter -skywriting -sla -slab -slabbed -slabber -slabberer -slabbery -slabbiness -slabbing -slabby -slabman -slabness -slabstone -slack -slackage -slacked -slacken -slackener -slacker -slackerism -slacking -slackingly -slackly -slackness -slad -sladang -slade -slae -slag -slaggability -slaggable -slagger -slagging -slaggy -slagless -slaglessness -slagman -slain -slainte -slaister -slaistery -slait -slake -slakeable -slakeless -slaker -slaking -slaky -slam -slammakin -slammerkin -slammock -slammocking -slammocky -slamp -slampamp -slampant -slander -slanderer -slanderful -slanderfully -slandering -slanderingly -slanderous -slanderously -slanderousness -slanderproof -slane -slang -slangily -slanginess -slangish -slangishly -slangism -slangkop -slangous -slangster -slanguage -slangular -slangy -slank -slant -slantindicular -slantindicularly -slanting -slantingly -slantingways -slantly -slantways -slantwise -slap -slapdash -slapdashery -slape -slaphappy -slapjack -slapper -slapping -slapstick -slapsticky -slare -slart -slarth -Slartibartfast -slash -slashed -slasher -slashing -slashingly -slashy -slat -slatch -slate -slateful -slatelike -slatemaker -slatemaking -slater -slateworks -slateyard -slath -slather -slatify -slatiness -slating -slatish -slatted -slatter -slattern -slatternish -slatternliness -slatternly -slatternness -slattery -slatting -slaty -slaughter -slaughterer -slaughterhouse -slaughteringly -slaughterman -slaughterous -slaughterously -slaughteryard -slaum -Slav -Slavdom -Slave -slave -slaveborn -slaved -slaveholder -slaveholding -slaveland -slaveless -slavelet -slavelike -slaveling -slavemonger -slaveowner -slaveownership -slavepen -slaver -slaverer -slavering -slaveringly -slavery -Slavey -slavey -Slavi -Slavian -Slavic -Slavicism -Slavicize -Slavification -Slavify -slavikite -slaving -Slavish -slavish -slavishly -slavishness -Slavism -Slavist -Slavistic -Slavization -Slavize -slavocracy -slavocrat -slavocratic -Slavonian -Slavonianize -Slavonic -Slavonically -Slavonicize -Slavonish -Slavonism -Slavonization -Slavonize -Slavophile -Slavophilism -Slavophobe -Slavophobist -slaw -slay -slayable -slayer -slaying -sleathy -sleave -sleaved -sleaziness -sleazy -Sleb -sleck -sled -sledded -sledder -sledding -sledful -sledge -sledgeless -sledgemeter -sledger -sledging -sledlike -slee -sleech -sleechy -sleek -sleeken -sleeker -sleeking -sleekit -sleekly -sleekness -sleeky -sleep -sleeper -sleepered -sleepful -sleepfulness -sleepify -sleepily -sleepiness -sleeping -sleepingly -sleepland -sleepless -sleeplessly -sleeplessness -sleeplike -sleepmarken -sleepproof -sleepry -sleepwaker -sleepwaking -sleepwalk -sleepwalker -sleepwalking -sleepward -sleepwort -sleepy -sleepyhead -sleer -sleet -sleetiness -sleeting -sleetproof -sleety -sleeve -sleeveband -sleeveboard -sleeved -sleeveen -sleevefish -sleeveful -sleeveless -sleevelessness -sleevelet -sleevelike -sleever -sleigh -sleigher -sleighing -sleight -sleightful -sleighty -slendang -slender -slenderish -slenderize -slenderly -slenderness -slent -slepez -slept -slete -sleuth -sleuthdog -sleuthful -sleuthhound -sleuthlike -slew -slewed -slewer -slewing -sley -sleyer -slice -sliceable -sliced -slicer -slich -slicht -slicing -slicingly -slick -slicken -slickens -slickenside -slicker -slickered -slickery -slicking -slickly -slickness -slid -slidable -slidableness -slidably -slidage -slidden -slidder -sliddery -slide -slideable -slideableness -slideably -slided -slidehead -slideman -slideproof -slider -slideway -sliding -slidingly -slidingness -slidometer -slifter -slight -slighted -slighter -slightily -slightiness -slighting -slightingly -slightish -slightly -slightness -slighty -slim -slime -slimeman -slimer -slimily -sliminess -slimish -slimishness -slimly -slimmish -slimness -slimpsy -slimsy -slimy -sline -sling -slingball -slinge -slinger -slinging -slingshot -slingsman -slingstone -slink -slinker -slinkily -slinkiness -slinking -slinkingly -slinkskin -slinkweed -slinky -slip -slipback -slipband -slipboard -slipbody -slipcase -slipcoach -slipcoat -slipe -slipgibbet -sliphorn -sliphouse -slipknot -slipless -slipman -slipover -slippage -slipped -slipper -slippered -slipperflower -slipperily -slipperiness -slipperlike -slipperweed -slipperwort -slippery -slipperyback -slipperyroot -slippiness -slipping -slippingly -slipproof -slippy -slipshod -slipshoddiness -slipshoddy -slipshodness -slipshoe -slipslap -slipslop -slipsloppish -slipsloppism -slipsole -slipstep -slipstring -sliptopped -slipway -slirt -slish -slit -slitch -slite -slither -slithering -slitheroo -slithers -slithery -slithy -slitless -slitlike -slitshell -slitted -slitter -slitting -slitty -slitwise -slive -sliver -sliverer -sliverlike -sliverproof -slivery -sliving -slivovitz -sloan -Sloanea -slob -slobber -slobberchops -slobberer -slobbers -slobbery -slobby -slock -slocken -slod -slodder -slodge -slodger -sloe -sloeberry -sloebush -sloetree -slog -slogan -sloganeer -sloganize -slogger -slogging -slogwood -sloka -sloke -slommock -slon -slone -slonk -sloo -sloom -sloomy -sloop -sloopman -sloosh -slop -slopdash -slope -sloped -slopely -slopeness -sloper -slopeways -slopewise -sloping -slopingly -slopingness -slopmaker -slopmaking -sloppage -slopped -sloppery -sloppily -sloppiness -slopping -sloppy -slops -slopseller -slopselling -slopshop -slopstone -slopwork -slopworker -slopy -slorp -slosh -slosher -sloshily -sloshiness -sloshy -slot -slote -sloted -sloth -slothful -slothfully -slothfulness -slothound -slotted -slotter -slottery -slotting -slotwise -slouch -sloucher -slouchily -slouchiness -slouching -slouchingly -slouchy -slough -sloughiness -sloughy -slour -sloush -Slovak -Slovakian -Slovakish -sloven -Slovene -Slovenian -Slovenish -slovenlike -slovenliness -slovenly -slovenwood -Slovintzi -slow -slowbellied -slowbelly -slowdown -slowgoing -slowheaded -slowhearted -slowheartedness -slowhound -slowish -slowly -slowmouthed -slowpoke -slowrie -slows -slowworm -sloyd -slub -slubber -slubberdegullion -slubberer -slubbering -slubberingly -slubberly -slubbery -slubbing -slubby -slud -sludder -sluddery -sludge -sludged -sludger -sludgy -slue -sluer -slug -slugabed -sluggard -sluggarding -sluggardize -sluggardliness -sluggardly -sluggardness -sluggardry -slugged -slugger -slugging -sluggingly -sluggish -sluggishly -sluggishness -sluggy -sluglike -slugwood -sluice -sluicelike -sluicer -sluiceway -sluicing -sluicy -sluig -sluit -slum -slumber -slumberer -slumberful -slumbering -slumberingly -slumberland -slumberless -slumberous -slumberously -slumberousness -slumberproof -slumbersome -slumbery -slumbrous -slumdom -slumgullion -slumgum -slumland -slummage -slummer -slumminess -slumming -slummock -slummocky -slummy -slump -slumpproof -slumproof -slumpwork -slumpy -slumward -slumwise -slung -slungbody -slunge -slunk -slunken -slur -slurbow -slurp -slurry -slush -slusher -slushily -slushiness -slushy -slut -slutch -slutchy -sluther -sluthood -slutter -sluttery -sluttikin -sluttish -sluttishly -sluttishness -slutty -sly -slyboots -slyish -slyly -slyness -slype -sma -smachrie -smack -smackee -smacker -smackful -smacking -smackingly -smacksman -smaik -Smalcaldian -Smalcaldic -small -smallage -smallclothes -smallcoal -smallen -smaller -smallhearted -smallholder -smalling -smallish -smallmouth -smallmouthed -smallness -smallpox -smalls -smallsword -smalltime -smallware -smally -smalm -smalt -smalter -smaltine -smaltite -smalts -smaragd -smaragdine -smaragdite -smaragdus -smarm -smarmy -smart -smarten -smarting -smartingly -smartish -smartism -smartless -smartly -smartness -smartweed -smarty -smash -smashable -smashage -smashboard -smasher -smashery -smashing -smashingly -smashment -smashup -smatter -smatterer -smattering -smatteringly -smattery -smaze -smear -smearcase -smeared -smearer -smeariness -smearless -smeary -smectic -smectis -smectite -Smectymnuan -Smectymnuus -smeddum -smee -smeech -smeek -smeeky -smeer -smeeth -smegma -smell -smellable -smellage -smelled -smeller -smellful -smellfungi -smellfungus -smelliness -smelling -smellproof -smellsome -smelly -smelt -smelter -smelterman -smeltery -smeltman -smeth -smethe -smeuse -smew -smich -smicker -smicket -smiddie -smiddum -smidge -smidgen -smifligate -smifligation -smiggins -Smilacaceae -smilacaceous -Smilaceae -smilaceous -smilacin -Smilacina -Smilax -smilax -smile -smileable -smileage -smileful -smilefulness -smileless -smilelessly -smilelessness -smilemaker -smilemaking -smileproof -smiler -smilet -smiling -smilingly -smilingness -Smilodon -smily -Smintheus -Sminthian -sminthurid -Sminthuridae -Sminthurus -smirch -smircher -smirchless -smirchy -smiris -smirk -smirker -smirking -smirkingly -smirkish -smirkle -smirkly -smirky -smirtle -smit -smitch -smite -smiter -smith -smitham -smithcraft -smither -smithereens -smithery -Smithian -Smithianism -smithing -smithite -Smithsonian -smithsonite -smithwork -smithy -smithydander -smiting -smitten -smitting -smock -smocker -smockface -smocking -smockless -smocklike -smog -smokables -smoke -smokeable -smokebox -smokebush -smoked -smokefarthings -smokehouse -smokejack -smokeless -smokelessly -smokelessness -smokelike -smokeproof -smoker -smokery -smokestack -smokestone -smoketight -smokewood -smokily -smokiness -smoking -smokish -smoky -smokyseeming -smolder -smolderingness -smolt -smooch -smoochy -smoodge -smoodger -smook -smoorich -Smoos -smoot -smooth -smoothable -smoothback -smoothbore -smoothbored -smoothcoat -smoothen -smoother -smoothification -smoothify -smoothing -smoothingly -smoothish -smoothly -smoothmouthed -smoothness -smoothpate -smopple -smore -smorgasbord -smote -smother -smotherable -smotheration -smothered -smotherer -smotheriness -smothering -smotheringly -smothery -smotter -smouch -smoucher -smous -smouse -smouser -smout -smriti -smudge -smudged -smudgedly -smudgeless -smudgeproof -smudger -smudgily -smudginess -smudgy -smug -smuggery -smuggish -smuggishly -smuggishness -smuggle -smuggleable -smuggler -smugglery -smuggling -smugism -smugly -smugness -smuisty -smur -smurr -smurry -smuse -smush -smut -smutch -smutchin -smutchless -smutchy -smutproof -smutted -smutter -smuttily -smuttiness -smutty -Smyrna -Smyrnaite -Smyrnean -Smyrniot -Smyrniote -smyth -smytrie -snab -snabbie -snabble -snack -snackle -snackman -snaff -snaffle -snaffles -snafu -snag -snagbush -snagged -snagger -snaggled -snaggletooth -snaggy -snagrel -snail -snaileater -snailery -snailfish -snailflower -snailish -snailishly -snaillike -snails -snaily -snaith -snake -snakebark -snakeberry -snakebird -snakebite -snakefish -snakeflower -snakehead -snakeholing -snakeleaf -snakeless -snakelet -snakelike -snakeling -snakemouth -snakeneck -snakeology -snakephobia -snakepiece -snakepipe -snakeproof -snaker -snakeroot -snakery -snakeship -snakeskin -snakestone -snakeweed -snakewise -snakewood -snakeworm -snakewort -snakily -snakiness -snaking -snakish -snaky -snap -snapback -snapbag -snapberry -snapdragon -snape -snaper -snaphead -snapholder -snapjack -snapless -snappable -snapped -snapper -snappily -snappiness -snapping -snappingly -snappish -snappishly -snappishness -snapps -snappy -snaps -snapsack -snapshot -snapshotter -snapweed -snapwood -snapwort -snapy -snare -snareless -snarer -snaringly -snark -snarl -snarler -snarleyyow -snarlingly -snarlish -snarly -snary -snaste -snatch -snatchable -snatched -snatcher -snatchily -snatching -snatchingly -snatchproof -snatchy -snath -snathe -snavel -snavvle -snaw -snead -sneak -sneaker -sneakiness -sneaking -sneakingly -sneakingness -sneakish -sneakishly -sneakishness -sneaksby -sneaksman -sneaky -sneap -sneath -sneathe -sneb -sneck -sneckdraw -sneckdrawing -sneckdrawn -snecker -snecket -sned -snee -sneer -sneerer -sneerful -sneerfulness -sneering -sneeringly -sneerless -sneery -sneesh -sneeshing -sneest -sneesty -sneeze -sneezeless -sneezeproof -sneezer -sneezeweed -sneezewood -sneezewort -sneezing -sneezy -snell -snelly -Snemovna -snerp -snew -snib -snibble -snibbled -snibbler -snibel -snicher -snick -snickdraw -snickdrawing -snicker -snickering -snickeringly -snickersnee -snicket -snickey -snickle -sniddle -snide -snideness -sniff -sniffer -sniffily -sniffiness -sniffing -sniffingly -sniffish -sniffishness -sniffle -sniffler -sniffly -sniffy -snift -snifter -snifty -snig -snigger -sniggerer -sniggering -sniggle -sniggler -sniggoringly -snip -snipe -snipebill -snipefish -snipelike -sniper -sniperscope -sniping -snipish -snipjack -snipnose -snipocracy -snipper -snippersnapper -snipperty -snippet -snippetiness -snippety -snippiness -snipping -snippish -snippy -snipsnapsnorum -sniptious -snipy -snirl -snirt -snirtle -snitch -snitcher -snite -snithe -snithy -snittle -snivel -sniveled -sniveler -sniveling -snively -snivy -snob -snobber -snobbery -snobbess -snobbing -snobbish -snobbishly -snobbishness -snobbism -snobby -snobdom -snobling -snobocracy -snobocrat -snobographer -snobography -snobologist -snobonomer -snobscat -snocher -snock -snocker -snod -snodly -snoek -snoeking -snog -snoga -Snohomish -snoke -Snonowas -snood -snooded -snooding -snook -snooker -snookered -snoop -snooper -snooperscope -snoopy -snoose -snoot -snootily -snootiness -snooty -snoove -snooze -snoozer -snooziness -snoozle -snoozy -snop -Snoqualmie -Snoquamish -snore -snoreless -snorer -snoring -snoringly -snork -snorkel -snorker -snort -snorter -snorting -snortingly -snortle -snorty -snot -snotter -snottily -snottiness -snotty -snouch -snout -snouted -snouter -snoutish -snoutless -snoutlike -snouty -Snow -snow -Snowball -snowball -snowbank -snowbell -snowberg -snowberry -snowbird -snowblink -snowbound -snowbreak -snowbush -snowcap -snowcraft -Snowdonian -snowdrift -snowdrop -snowfall -snowflake -snowflight -snowflower -snowfowl -snowhammer -snowhouse -snowie -snowily -snowiness -snowish -snowk -snowl -snowland -snowless -snowlike -snowmanship -snowmobile -snowplow -snowproof -snowscape -snowshade -snowshed -snowshine -snowshoe -snowshoed -snowshoeing -snowshoer -snowslide -snowslip -snowstorm -snowsuit -snowworm -snowy -snozzle -snub -snubbable -snubbed -snubbee -snubber -snubbiness -snubbing -snubbingly -snubbish -snubbishly -snubbishness -snubby -snubproof -snuck -snudge -snuff -snuffbox -snuffboxer -snuffcolored -snuffer -snuffers -snuffiness -snuffing -snuffingly -snuffish -snuffle -snuffler -snuffles -snuffless -snuffliness -snuffling -snufflingly -snuffly -snuffman -snuffy -snug -snugger -snuggery -snuggish -snuggle -snugify -snugly -snugness -snum -snup -snupper -snur -snurl -snurly -snurp -snurt -snuzzle -sny -snying -so -soak -soakage -soakaway -soaked -soaken -soaker -soaking -soakingly -soakman -soaky -soally -soam -soap -soapbark -soapberry -soapbox -soapboxer -soapbubbly -soapbush -soaper -soapery -soapfish -soapily -soapiness -soaplees -soapless -soaplike -soapmaker -soapmaking -soapmonger -soaprock -soaproot -soapstone -soapsud -soapsuddy -soapsuds -soapsudsy -soapweed -soapwood -soapwort -soapy -soar -soarability -soarable -soarer -soaring -soaringly -soary -sob -sobber -sobbing -sobbingly -sobby -sobeit -sober -soberer -sobering -soberingly -soberize -soberlike -soberly -soberness -sobersault -sobersided -sobersides -soberwise -sobful -soboles -soboliferous -sobproof -Sobralia -sobralite -Sobranje -sobrevest -sobriety -sobriquet -sobriquetical -soc -socage -socager -soccer -soccerist -soccerite -soce -socht -sociability -sociable -sociableness -sociably -social -Sociales -socialism -socialist -socialistic -socialite -sociality -socializable -socialization -socialize -socializer -socially -socialness -sociation -sociative -societal -societally -societarian -societarianism -societary -societified -societism -societist -societologist -societology -society -societyish -societyless -socii -Socinian -Socinianism -Socinianistic -Socinianize -sociobiological -sociocentric -sociocracy -sociocrat -sociocratic -sociocultural -sociodrama -sociodramatic -socioeconomic -socioeducational -sociogenesis -sociogenetic -sociogeny -sociography -sociolatry -sociolegal -sociologian -sociologic -sociological -sociologically -sociologism -sociologist -sociologistic -sociologize -sociologizer -sociologizing -sociology -sociomedical -sociometric -sociometry -socionomic -socionomics -socionomy -sociophagous -sociopolitical -socioreligious -socioromantic -sociostatic -sociotechnical -socius -sock -sockdolager -socker -socket -socketful -socketless -sockeye -sockless -socklessness -sockmaker -sockmaking -socky -socle -socman -socmanry -soco -Socorrito -Socotran -Socotri -Socotrine -Socratean -Socratic -Socratical -Socratically -Socraticism -Socratism -Socratist -Socratize -sod -soda -sodaclase -sodaic -sodaless -sodalist -sodalite -sodalithite -sodality -sodamide -sodbuster -sodded -sodden -soddenly -soddenness -sodding -soddite -soddy -sodic -sodio -sodioaluminic -sodioaurous -sodiocitrate -sodiohydric -sodioplatinic -sodiosalicylate -sodiotartrate -sodium -sodless -sodoku -Sodom -sodomic -Sodomist -Sodomite -sodomitess -sodomitic -sodomitical -sodomitically -Sodomitish -sodomy -sodwork -sody -soe -soekoe -soever -sofa -sofane -sofar -soffit -Sofia -Sofoklis -Sofronia -soft -softa -softball -softbrained -soften -softener -softening -softhead -softheaded -softhearted -softheartedly -softheartedness -softhorn -softish -softling -softly -softner -softness -softship -softtack -softwood -softy -sog -Soga -Sogdian -Sogdianese -Sogdianian -Sogdoite -soger -soget -soggarth -soggendalite -soggily -sogginess -sogging -soggy -soh -soho -Soiesette -soiesette -soil -soilage -soiled -soiling -soilless -soilproof -soilure -soily -soiree -soixantine -Soja -soja -sojourn -sojourner -sojourney -sojournment -sok -soka -soke -sokeman -sokemanemot -sokemanry -soken -Sokoki -Sokotri -Sokulk -Sol -sol -sola -solace -solaceful -solacement -solaceproof -solacer -solacious -solaciously -solaciousness -solan -Solanaceae -solanaceous -solanal -Solanales -solander -solaneine -solaneous -solanidine -solanine -Solanum -solanum -solar -solarism -solarist -solaristic -solaristically -solaristics -Solarium -solarium -solarization -solarize -solarometer -solate -solatia -solation -solatium -solay -sold -soldado -Soldan -soldan -soldanel -Soldanella -soldanelle -soldanrie -solder -solderer -soldering -solderless -soldi -soldier -soldierbird -soldierbush -soldierdom -soldieress -soldierfish -soldierhearted -soldierhood -soldiering -soldierize -soldierlike -soldierliness -soldierly -soldierproof -soldiership -soldierwise -soldierwood -soldiery -soldo -sole -Solea -solea -soleas -solecism -solecist -solecistic -solecistical -solecistically -solecize -solecizer -Soleidae -soleiform -soleil -soleless -solely -solemn -solemncholy -solemnify -solemnitude -solemnity -solemnization -solemnize -solemnizer -solemnly -solemnness -Solen -solen -solenacean -solenaceous -soleness -solenette -solenial -Solenidae -solenite -solenitis -solenium -solenoconch -Solenoconcha -solenocyte -Solenodon -solenodont -Solenodontidae -solenogaster -Solenogastres -solenoglyph -Solenoglypha -solenoglyphic -solenoid -solenoidal -solenoidally -Solenopsis -solenostele -solenostelic -solenostomid -Solenostomidae -solenostomoid -solenostomous -Solenostomus -solent -solentine -solepiece -soleplate -soleprint -soler -Solera -soles -soleus -soleyn -solfataric -solfeggio -solferino -soli -soliative -solicit -solicitant -solicitation -solicitationism -solicited -solicitee -soliciter -soliciting -solicitor -solicitorship -solicitous -solicitously -solicitousness -solicitress -solicitrix -solicitude -solicitudinous -solid -Solidago -solidago -solidaric -solidarily -solidarism -solidarist -solidaristic -solidarity -solidarize -solidary -solidate -solidi -solidifiability -solidifiable -solidifiableness -solidification -solidifier -solidiform -solidify -solidish -solidism -solidist -solidistic -solidity -solidly -solidness -solidum -Solidungula -solidungular -solidungulate -solidus -solifidian -solifidianism -solifluction -solifluctional -soliform -Solifugae -solifuge -solifugean -solifugid -solifugous -soliloquacious -soliloquist -soliloquium -soliloquize -soliloquizer -soliloquizing -soliloquizingly -soliloquy -solilunar -Solio -solio -soliped -solipedal -solipedous -solipsism -solipsismal -solipsist -solipsistic -solist -solitaire -solitarian -solitarily -solitariness -solitary -soliterraneous -solitidal -solitude -solitudinarian -solitudinize -solitudinous -solivagant -solivagous -sollar -solleret -Sollya -solmizate -solmization -solo -solod -solodi -solodization -solodize -soloecophanes -soloist -Solomon -Solomonian -Solomonic -Solomonical -Solomonitic -Solon -solon -solonchak -solonetz -solonetzic -solonetzicity -Solonian -Solonic -solonist -soloth -solotink -solotnik -solpugid -Solpugida -Solpugidea -Solpugides -solstice -solsticion -solstitia -solstitial -solstitially -solstitium -solubility -solubilization -solubilize -soluble -solubleness -solubly -solum -solute -solution -solutional -solutioner -solutionist -solutize -solutizer -Solutrean -solvability -solvable -solvableness -solvate -solvation -solve -solvement -solvency -solvend -solvent -solvently -solventproof -solver -solvolysis -solvolytic -solvolyze -solvsbergite -Solyma -Solymaean -soma -somacule -Somal -somal -Somali -somaplasm -Somaschian -somasthenia -somata -somatasthenia -Somateria -somatic -somatical -somatically -somaticosplanchnic -somaticovisceral -somatics -somatism -somatist -somatization -somatochrome -somatocyst -somatocystic -somatoderm -somatogenetic -somatogenic -somatognosis -somatognostic -somatologic -somatological -somatologically -somatologist -somatology -somatome -somatomic -somatophyte -somatophytic -somatoplasm -somatopleural -somatopleure -somatopleuric -somatopsychic -somatosplanchnic -somatotonia -somatotonic -somatotropic -somatotropically -somatotropism -somatotype -somatotyper -somatotypy -somatous -somber -somberish -somberly -somberness -sombre -sombrerite -sombrero -sombreroed -sombrous -sombrously -sombrousness -some -somebody -someday -somedeal -somegate -somehow -someone -somepart -someplace -somers -somersault -somerset -Somersetian -somervillite -somesthesia -somesthesis -somesthetic -something -somethingness -sometime -sometimes -someway -someways -somewhat -somewhatly -somewhatness -somewhen -somewhence -somewhere -somewheres -somewhile -somewhiles -somewhither -somewhy -somewise -somital -somite -somitic -somma -sommaite -sommelier -somnambulance -somnambulancy -somnambulant -somnambular -somnambulary -somnambulate -somnambulation -somnambulator -somnambule -somnambulency -somnambulic -somnambulically -somnambulism -somnambulist -somnambulistic -somnambulize -somnambulous -somnial -somniative -somnifacient -somniferous -somniferously -somnific -somnifuge -somnify -somniloquacious -somniloquence -somniloquent -somniloquism -somniloquist -somniloquize -somniloquous -somniloquy -Somniosus -somnipathist -somnipathy -somnivolency -somnivolent -somnolence -somnolency -somnolent -somnolently -somnolescence -somnolescent -somnolism -somnolize -somnopathy -somnorific -somnus -sompay -sompne -sompner -Son -son -sonable -sonance -sonancy -sonant -sonantal -sonantic -sonantina -sonantized -sonar -sonata -sonatina -sonation -Sonchus -sond -sondation -sondeli -Sonderbund -sonderclass -Sondergotter -Sondylomorum -soneri -song -songbird -songbook -songcraft -songfest -songful -songfully -songfulness -Songhai -Songish -songish -songland -songle -songless -songlessly -songlessness -songlet -songlike -songman -Songo -Songoi -songster -songstress -songworthy -songwright -songy -sonhood -sonic -soniferous -sonification -soniou -Sonja -sonk -sonless -sonlike -sonlikeness -sonly -Sonneratia -Sonneratiaceae -sonneratiaceous -sonnet -sonnetary -sonneteer -sonneteeress -sonnetic -sonneting -sonnetish -sonnetist -sonnetize -sonnetlike -sonnetwise -sonnikins -Sonny -sonny -sonobuoy -sonometer -Sonoran -sonorant -sonorescence -sonorescent -sonoric -sonoriferous -sonoriferously -sonorific -sonority -sonorophone -sonorosity -sonorous -sonorously -sonorousness -Sonrai -sons -sonship -sonsy -sontag -soodle -soodly -Soohong -sook -Sooke -sooky -sool -sooloos -soon -sooner -soonish -soonly -Soorah -soorawn -soord -soorkee -Soot -soot -sooter -sooterkin -sooth -soothe -soother -sootherer -soothful -soothing -soothingly -soothingness -soothless -soothsay -soothsayer -soothsayership -soothsaying -sootily -sootiness -sootless -sootlike -sootproof -sooty -sootylike -sop -sope -soph -Sopheric -Sopherim -Sophia -sophia -Sophian -sophic -sophical -sophically -sophiologic -sophiology -sophism -Sophist -sophister -sophistic -sophistical -sophistically -sophisticalness -sophisticant -sophisticate -sophisticated -sophistication -sophisticative -sophisticator -sophisticism -Sophistress -sophistress -sophistry -Sophoclean -sophomore -sophomoric -sophomorical -sophomorically -Sophora -sophoria -Sophronia -sophronize -Sophy -sophy -sopite -sopition -sopor -soporiferous -soporiferously -soporiferousness -soporific -soporifical -soporifically -soporose -sopper -soppiness -sopping -soppy -soprani -sopranino -sopranist -soprano -sora -Sorabian -sorage -soral -Sorb -sorb -Sorbaria -sorbate -sorbefacient -sorbent -Sorbian -sorbic -sorbile -sorbin -sorbinose -Sorbish -sorbite -sorbitic -sorbitize -sorbitol -Sorbonic -Sorbonical -Sorbonist -Sorbonne -sorbose -sorboside -Sorbus -sorbus -sorcer -sorcerer -sorceress -sorcering -sorcerous -sorcerously -sorcery -sorchin -sorda -Sordaria -Sordariaceae -sordawalite -sordellina -Sordello -sordes -sordid -sordidity -sordidly -sordidness -sordine -sordino -sordor -sore -soredia -soredial -sorediate -sorediferous -sorediform -soredioid -soredium -soree -sorefalcon -sorefoot -sorehawk -sorehead -soreheaded -soreheadedly -soreheadedness -sorehearted -sorehon -sorely -sorema -soreness -Sorex -sorgho -Sorghum -sorghum -sorgo -sori -soricid -Soricidae -soricident -Soricinae -soricine -soricoid -Soricoidea -soriferous -sorite -sorites -soritical -sorn -sornare -sornari -sorner -sorning -soroban -Soroptimist -sororal -sororate -sororial -sororially -sororicidal -sororicide -sorority -sororize -sorose -sorosis -sorosphere -Sorosporella -Sorosporium -sorption -sorra -Sorrel -sorrel -sorrento -sorrily -sorriness -sorroa -sorrow -sorrower -sorrowful -sorrowfully -sorrowfulness -sorrowing -sorrowingly -sorrowless -sorrowproof -sorrowy -sorry -sorryhearted -sorryish -sort -sortable -sortably -sortal -sortation -sorted -sorter -sortie -sortilege -sortileger -sortilegic -sortilegious -sortilegus -sortilegy -sortiment -sortition -sortly -sorty -sorus -sorva -sory -sosh -soshed -Sosia -soso -sosoish -Sospita -soss -sossle -sostenuto -sot -Sotadean -Sotadic -Soter -Soteres -soterial -soteriologic -soteriological -soteriology -Sothiac -Sothiacal -Sothic -Sothis -Sotho -sotie -Sotik -sotnia -sotnik -sotol -sots -sottage -sotted -sotter -sottish -sottishly -sottishness -sou -souari -soubise -soubrette -soubrettish -soucar -souchet -Souchong -souchong -souchy -soud -soudagur -souffle -souffleed -sough -sougher -soughing -sought -Souhegan -soul -soulack -soulcake -souled -Souletin -soulful -soulfully -soulfulness -soulical -soulish -soulless -soullessly -soullessness -soullike -Soulmass -soulsaving -soulward -souly -soum -soumansite -soumarque -sound -soundable -soundage -soundboard -sounder -soundful -soundheaded -soundheadedness -soundhearted -soundheartednes -sounding -soundingly -soundingness -soundless -soundlessly -soundlessness -soundly -soundness -soundproof -soundproofing -soup -soupbone -soupcon -souper -souple -soupless -souplike -soupspoon -soupy -sour -sourbelly -sourberry -sourbread -sourbush -sourcake -source -sourceful -sourcefulness -sourceless -sourcrout -sourdeline -sourdine -soured -souredness -souren -sourer -sourhearted -souring -sourish -sourishly -sourishness -sourjack -sourling -sourly -sourness -sourock -soursop -sourtop -sourweed -sourwood -soury -sousaphone -sousaphonist -souse -souser -souslik -soutane -souter -souterrain -South -south -southard -southbound -Southcottian -Southdown -southeast -southeaster -southeasterly -southeastern -southeasternmost -southeastward -southeastwardly -southeastwards -souther -southerland -southerliness -southerly -southermost -southern -Southerner -southerner -southernism -southernize -southernliness -southernly -southernmost -southernness -southernwood -southing -southland -southlander -southmost -southness -southpaw -Southron -southron -Southronie -Southumbrian -southward -southwardly -southwards -southwest -southwester -southwesterly -southwestern -Southwesterner -southwesternmost -southwestward -southwestwardly -souvenir -souverain -souwester -sov -sovereign -sovereigness -sovereignly -sovereignness -sovereignship -sovereignty -soviet -sovietdom -sovietic -sovietism -sovietist -sovietization -sovietize -sovite -sovkhose -sovkhoz -sovran -sovranty -sow -sowable -sowan -sowans -sowar -sowarry -sowback -sowbacked -sowbane -sowbelly -sowbread -sowdones -sowel -sowens -sower -sowfoot -sowing -sowins -sowl -sowle -sowlike -sowlth -sown -sowse -sowt -sowte -Soxhlet -soy -soya -soybean -Soyot -sozin -sozolic -sozzle -sozzly -spa -Space -space -spaceband -spaced -spaceful -spaceless -spacer -spacesaving -spaceship -spaciness -spacing -spaciosity -spaciotemporal -spacious -spaciously -spaciousness -spack -spacy -spad -spade -spadebone -spaded -spadefish -spadefoot -spadeful -spadelike -spademan -spader -spadesman -spadewise -spadework -spadger -spadiceous -spadices -spadicifloral -spadiciflorous -spadiciform -spadicose -spadilla -spadille -spading -spadix -spadone -spadonic -spadonism -spadrone -spadroon -spae -spaebook -spaecraft -spaedom -spaeman -spaer -spaewife -spaewoman -spaework -spaewright -spaghetti -Spagnuoli -spagyric -spagyrical -spagyrically -spagyrist -spahi -spaid -spaik -spairge -spak -Spalacidae -spalacine -Spalax -spald -spalder -spalding -spale -spall -spallation -spaller -spalling -spalpeen -spalt -span -spancel -spandle -spandrel -spandy -spane -spanemia -spanemy -spang -spanghew -spangle -spangled -spangler -spanglet -spangly -spangolite -Spaniard -Spaniardization -Spaniardize -Spaniardo -spaniel -spaniellike -spanielship -spaning -Spaniol -Spaniolate -Spanioli -Spaniolize -spanipelagic -Spanish -Spanishize -Spanishly -spank -spanker -spankily -spanking -spankingly -spanky -spanless -spann -spannel -spanner -spannerman -spanopnoea -spanpiece -spantoon -spanule -spanworm -Spar -spar -sparable -sparada -sparadrap -sparagrass -sparagus -Sparassis -sparassodont -Sparassodonta -Sparaxis -sparaxis -sparch -spare -spareable -spareless -sparely -spareness -sparer -sparerib -sparesome -Sparganiaceae -Sparganium -sparganium -sparganosis -sparganum -sparge -sparger -spargosis -sparhawk -sparid -Sparidae -sparing -sparingly -sparingness -spark -sparkback -sparked -sparker -sparkiness -sparking -sparkish -sparkishly -sparkishness -sparkle -sparkleberry -sparkler -sparkless -sparklessly -sparklet -sparklike -sparkliness -sparkling -sparklingly -sparklingness -sparkly -sparkproof -sparks -sparky -sparlike -sparling -sparm -Sparmannia -Sparnacian -sparoid -sparpiece -sparred -sparrer -sparring -sparringly -sparrow -sparrowbill -sparrowcide -sparrowdom -sparrowgrass -sparrowish -sparrowless -sparrowlike -sparrowtail -sparrowtongue -sparrowwort -sparrowy -sparry -sparse -sparsedly -sparsely -sparsile -sparsioplast -sparsity -spart -Spartacan -Spartacide -Spartacism -Spartacist -spartacist -Spartan -Spartanhood -Spartanic -Spartanically -Spartanism -Spartanize -Spartanlike -Spartanly -sparteine -sparterie -sparth -Spartiate -Spartina -Spartium -spartle -Sparus -sparver -spary -spasm -spasmatic -spasmatical -spasmatomancy -spasmed -spasmic -spasmodic -spasmodical -spasmodically -spasmodicalness -spasmodism -spasmodist -spasmolytic -spasmophilia -spasmophilic -spasmotin -spasmotoxin -spasmous -Spass -spastic -spastically -spasticity -spat -spatalamancy -Spatangida -Spatangina -spatangoid -Spatangoida -Spatangoidea -spatangoidean -Spatangus -spatchcock -spate -spatha -spathaceous -spathal -spathe -spathed -spatheful -spathic -Spathiflorae -spathilae -spathilla -spathose -spathous -spathulate -Spathyema -spatial -spatiality -spatialization -spatialize -spatially -spatiate -spatiation -spatilomancy -spatiotemporal -spatling -spatted -spatter -spatterdashed -spatterdasher -spatterdock -spattering -spatteringly -spatterproof -spatterwork -spatting -spattle -spattlehoe -Spatula -spatula -spatulamancy -spatular -spatulate -spatulation -spatule -spatuliform -spatulose -spave -spaver -spavie -spavied -spaviet -spavin -spavindy -spavined -spawn -spawneater -spawner -spawning -spawny -spay -spayad -spayard -spaying -speak -speakable -speakableness -speakably -speaker -speakeress -speakership -speakhouse -speakies -speaking -speakingly -speakingness -speakless -speaklessly -speal -spealbone -spean -spear -spearcast -spearer -spearfish -spearflower -spearhead -spearing -spearman -spearmanship -spearmint -spearproof -spearsman -spearwood -spearwort -speary -spec -specchie -spece -special -specialism -specialist -specialistic -speciality -specialization -specialize -specialized -specializer -specially -specialness -specialty -speciation -specie -species -speciestaler -specifiable -specific -specifical -specificality -specifically -specificalness -specificate -specification -specificative -specificatively -specificity -specificize -specificly -specificness -specifier -specifist -specify -specillum -specimen -specimenize -speciology -speciosity -specious -speciously -speciousness -speck -specked -speckedness -speckfall -speckiness -specking -speckle -specklebelly -specklebreast -speckled -speckledbill -speckledness -speckless -specklessly -specklessness -speckling -speckly -speckproof -specks -specksioneer -specky -specs -spectacle -spectacled -spectacleless -spectaclelike -spectaclemaker -spectaclemaking -spectacles -spectacular -spectacularism -spectacularity -spectacularly -spectator -spectatordom -spectatorial -spectatorship -spectatory -spectatress -spectatrix -specter -spectered -specterlike -spectra -spectral -spectralism -spectrality -spectrally -spectralness -spectrobolograph -spectrobolographic -spectrobolometer -spectrobolometric -spectrochemical -spectrochemistry -spectrocolorimetry -spectrocomparator -spectroelectric -spectrogram -spectrograph -spectrographic -spectrographically -spectrography -spectroheliogram -spectroheliograph -spectroheliographic -spectrohelioscope -spectrological -spectrologically -spectrology -spectrometer -spectrometric -spectrometry -spectromicroscope -spectromicroscopical -spectrophobia -spectrophone -spectrophonic -spectrophotoelectric -spectrophotograph -spectrophotography -spectrophotometer -spectrophotometric -spectrophotometry -spectropolarimeter -spectropolariscope -spectropyrheliometer -spectropyrometer -spectroradiometer -spectroradiometric -spectroradiometry -spectroscope -spectroscopic -spectroscopically -spectroscopist -spectroscopy -spectrotelescope -spectrous -spectrum -spectry -specula -specular -Specularia -specularly -speculate -speculation -speculatist -speculative -speculatively -speculativeness -speculativism -speculator -speculatory -speculatrices -speculatrix -speculist -speculum -specus -sped -speech -speechcraft -speecher -speechful -speechfulness -speechification -speechifier -speechify -speeching -speechless -speechlessly -speechlessness -speechlore -speechmaker -speechmaking -speechment -speed -speedaway -speedboat -speedboating -speedboatman -speeder -speedful -speedfully -speedfulness -speedily -speediness -speeding -speedingly -speedless -speedometer -speedster -speedway -speedwell -speedy -speel -speelken -speelless -speen -speer -speering -speerity -speiskobalt -speiss -spekboom -spelaean -spelder -spelding -speldring -speleological -speleologist -speleology -spelk -spell -spellable -spellbind -spellbinder -spellbinding -spellbound -spellcraft -spelldown -speller -spellful -spelling -spellingdown -spellingly -spellmonger -spellproof -spellword -spellwork -spelt -spelter -spelterman -speltoid -speltz -speluncar -speluncean -spelunk -spelunker -spence -Spencean -Spencer -spencer -Spencerian -Spencerianism -Spencerism -spencerite -spend -spendable -spender -spendful -spendible -spending -spendless -spendthrift -spendthrifty -Spenerism -spense -Spenserian -spent -speos -Speotyto -sperable -Speranza -sperate -Spergula -Spergularia -sperity -sperket -sperling -sperm -sperma -spermaceti -spermacetilike -spermaduct -spermalist -Spermaphyta -spermaphyte -spermaphytic -spermarium -spermary -spermashion -spermatangium -spermatheca -spermathecal -spermatic -spermatically -spermatid -spermatiferous -spermatin -spermatiogenous -spermation -spermatiophore -spermatism -spermatist -spermatitis -spermatium -spermatize -spermatoblast -spermatoblastic -spermatocele -spermatocyst -spermatocystic -spermatocystitis -spermatocytal -spermatocyte -spermatogemma -spermatogenesis -spermatogenetic -spermatogenic -spermatogenous -spermatogeny -spermatogonial -spermatogonium -spermatoid -spermatolysis -spermatolytic -spermatophoral -spermatophore -spermatophorous -Spermatophyta -spermatophyte -spermatophytic -spermatoplasm -spermatoplasmic -spermatoplast -spermatorrhea -spermatospore -spermatotheca -spermatova -spermatovum -spermatoxin -spermatozoa -spermatozoal -spermatozoan -spermatozoic -spermatozoid -spermatozoon -spermaturia -spermic -spermidine -spermiducal -spermiduct -spermigerous -spermine -spermiogenesis -spermism -spermist -spermoblast -spermoblastic -spermocarp -spermocenter -spermoderm -spermoduct -spermogenesis -spermogenous -spermogone -spermogoniferous -spermogonium -spermogonous -spermologer -spermological -spermologist -spermology -spermolysis -spermolytic -spermophile -spermophiline -Spermophilus -spermophore -spermophorium -Spermophyta -spermophyte -spermophytic -spermosphere -spermotheca -spermotoxin -spermous -spermoviduct -spermy -speronara -speronaro -sperone -sperrylite -spessartite -spet -spetch -spetrophoby -speuchan -spew -spewer -spewiness -spewing -spewy -spex -sphacel -Sphacelaria -Sphacelariaceae -sphacelariaceous -Sphacelariales -sphacelate -sphacelated -sphacelation -sphacelia -sphacelial -sphacelism -sphaceloderma -Sphaceloma -sphacelotoxin -sphacelous -sphacelus -Sphaeralcea -sphaeraphides -Sphaerella -sphaerenchyma -Sphaeriaceae -sphaeriaceous -Sphaeriales -sphaeridia -sphaeridial -sphaeridium -Sphaeriidae -Sphaerioidaceae -sphaeristerium -sphaerite -Sphaerium -sphaeroblast -Sphaerobolaceae -Sphaerobolus -Sphaerocarpaceae -Sphaerocarpales -Sphaerocarpus -sphaerocobaltite -Sphaerococcaceae -sphaerococcaceous -Sphaerococcus -sphaerolite -sphaerolitic -Sphaeroma -Sphaeromidae -Sphaerophoraceae -Sphaerophorus -Sphaeropsidaceae -Sphaeropsidales -Sphaeropsis -sphaerosiderite -sphaerosome -sphaerospore -Sphaerostilbe -Sphaerotheca -Sphaerotilus -sphagion -Sphagnaceae -sphagnaceous -Sphagnales -sphagnicolous -sphagnologist -sphagnology -sphagnous -Sphagnum -sphagnum -Sphakiot -sphalerite -Sphargis -sphecid -Sphecidae -Sphecina -Sphecoidea -spheges -sphegid -Sphegidae -Sphegoidea -sphendone -sphene -sphenethmoid -sphenethmoidal -sphenic -sphenion -Sphenisci -Spheniscidae -Sphenisciformes -spheniscine -spheniscomorph -Spheniscomorphae -spheniscomorphic -Spheniscus -sphenobasilar -sphenobasilic -sphenocephalia -sphenocephalic -sphenocephalous -sphenocephaly -Sphenodon -sphenodon -sphenodont -Sphenodontia -Sphenodontidae -sphenoethmoid -sphenoethmoidal -sphenofrontal -sphenogram -sphenographic -sphenographist -sphenography -sphenoid -sphenoidal -sphenoiditis -sphenolith -sphenomalar -sphenomandibular -sphenomaxillary -sphenopalatine -sphenoparietal -sphenopetrosal -Sphenophorus -Sphenophyllaceae -sphenophyllaceous -Sphenophyllales -Sphenophyllum -Sphenopteris -sphenosquamosal -sphenotemporal -sphenotic -sphenotribe -sphenotripsy -sphenoturbinal -sphenovomerine -sphenozygomatic -spherable -spheral -spherality -spheraster -spheration -sphere -sphereless -spheric -spherical -sphericality -spherically -sphericalness -sphericist -sphericity -sphericle -sphericocylindrical -sphericotetrahedral -sphericotriangular -spherics -spheriform -spherify -spheroconic -spherocrystal -spherograph -spheroidal -spheroidally -spheroidic -spheroidical -spheroidically -spheroidicity -spheroidism -spheroidity -spheroidize -spheromere -spherometer -spheroquartic -spherula -spherular -spherulate -spherule -spherulite -spherulitic -spherulitize -sphery -spheterize -Sphex -sphexide -sphincter -sphincteral -sphincteralgia -sphincterate -sphincterectomy -sphincterial -sphincteric -sphincterismus -sphincteroscope -sphincteroscopy -sphincterotomy -sphindid -Sphindidae -Sphindus -sphingal -sphinges -sphingid -Sphingidae -sphingiform -sphingine -sphingoid -sphingometer -sphingomyelin -sphingosine -Sphingurinae -Sphingurus -sphinx -sphinxian -sphinxianness -sphinxlike -Sphoeroides -sphragide -sphragistic -sphragistics -sphygmia -sphygmic -sphygmochronograph -sphygmodic -sphygmogram -sphygmograph -sphygmographic -sphygmography -sphygmoid -sphygmology -sphygmomanometer -sphygmomanometric -sphygmomanometry -sphygmometer -sphygmometric -sphygmophone -sphygmophonic -sphygmoscope -sphygmus -Sphyraena -sphyraenid -Sphyraenidae -sphyraenoid -Sphyrapicus -Sphyrna -Sphyrnidae -Spica -spica -spical -spicant -Spicaria -spicate -spicated -spiccato -spice -spiceable -spiceberry -spicebush -spicecake -spiced -spiceful -spicehouse -spiceland -spiceless -spicelike -spicer -spicery -spicewood -spiciferous -spiciform -spicigerous -spicilege -spicily -spiciness -spicing -spick -spicket -spickle -spicknel -spicose -spicosity -spicous -spicousness -spicula -spiculae -spicular -spiculate -spiculated -spiculation -spicule -spiculiferous -spiculiform -spiculigenous -spiculigerous -spiculofiber -spiculose -spiculous -spiculum -spiculumamoris -spicy -spider -spidered -spiderflower -spiderish -spiderless -spiderlike -spiderling -spiderly -spiderweb -spiderwork -spiderwort -spidery -spidger -spied -spiegel -spiegeleisen -spiel -spieler -spier -spiff -spiffed -spiffily -spiffiness -spiffing -spiffy -spiflicate -spiflicated -spiflication -spig -Spigelia -Spigeliaceae -Spigelian -spiggoty -spignet -spigot -Spike -spike -spikebill -spiked -spikedness -spikefish -spikehorn -spikelet -spikelike -spikenard -spiker -spiketail -spiketop -spikeweed -spikewise -spikily -spikiness -spiking -spiky -Spilanthes -spile -spilehole -spiler -spileworm -spilikin -spiling -spilite -spilitic -spill -spillage -spiller -spillet -spillproof -spillway -spilly -Spilogale -spiloma -spilosite -spilt -spilth -spilus -spin -spina -spinacene -spinaceous -spinach -spinachlike -Spinacia -spinae -spinage -spinal -spinales -spinalis -spinally -spinate -spinder -spindlage -spindle -spindleage -spindled -spindleful -spindlehead -spindlelegs -spindlelike -spindler -spindleshanks -spindletail -spindlewise -spindlewood -spindleworm -spindliness -spindling -spindly -spindrift -spine -spinebill -spinebone -spined -spinel -spineless -spinelessly -spinelessness -spinelet -spinelike -spinescence -spinescent -spinet -spinetail -spingel -spinibulbar -spinicarpous -spinicerebellar -spinidentate -spiniferous -Spinifex -spinifex -spiniform -spinifugal -spinigerous -spinigrade -spininess -spinipetal -spinitis -spinituberculate -spink -spinnable -spinnaker -spinner -spinneret -spinnerular -spinnerule -spinnery -spinney -spinning -spinningly -spinobulbar -spinocarpous -spinocerebellar -spinogalvanization -spinoglenoid -spinoid -spinomuscular -spinoneural -spinoperipheral -spinose -spinosely -spinoseness -spinosity -spinosodentate -spinosodenticulate -spinosotubercular -spinosotuberculate -spinosympathetic -spinotectal -spinothalamic -spinotuberculous -spinous -spinousness -Spinozism -Spinozist -Spinozistic -spinster -spinsterdom -spinsterhood -spinsterial -spinsterish -spinsterishly -spinsterism -spinsterlike -spinsterly -spinsterous -spinstership -spinstress -spintext -spinthariscope -spinthariscopic -spintherism -spinulate -spinulation -spinule -spinulescent -spinuliferous -spinuliform -Spinulosa -spinulose -spinulosely -spinulosociliate -spinulosodentate -spinulosodenticulate -spinulosogranulate -spinulososerrate -spinulous -spiny -spionid -Spionidae -Spioniformia -spiracle -spiracula -spiracular -spiraculate -spiraculiferous -spiraculiform -spiraculum -Spiraea -Spiraeaceae -spiral -spirale -spiraled -spiraliform -spiralism -spirality -spiralization -spiralize -spirally -spiraloid -spiraltail -spiralwise -spiran -spirant -Spiranthes -spiranthic -spiranthy -spirantic -spirantize -spiraster -spirate -spirated -spiration -spire -spirea -spired -spiregrass -spireless -spirelet -spireme -spirepole -spireward -spirewise -spiricle -Spirifer -Spirifera -Spiriferacea -spiriferid -Spiriferidae -spiriferoid -spiriferous -spiriform -spirignath -spirignathous -spirilla -Spirillaceae -spirillaceous -spirillar -spirillolysis -spirillosis -spirillotropic -spirillotropism -spirillum -spiring -spirit -spiritally -spiritdom -spirited -spiritedly -spiritedness -spiriter -spiritful -spiritfully -spiritfulness -spirithood -spiriting -spiritism -spiritist -spiritistic -spiritize -spiritland -spiritleaf -spiritless -spiritlessly -spiritlessness -spiritlike -spiritmonger -spiritous -spiritrompe -spiritsome -spiritual -spiritualism -spiritualist -spiritualistic -spiritualistically -spirituality -spiritualization -spiritualize -spiritualizer -spiritually -spiritualness -spiritualship -spiritualty -spirituosity -spirituous -spirituously -spirituousness -spiritus -spiritweed -spirity -spirivalve -spirket -spirketing -spirling -spiro -Spirobranchia -Spirobranchiata -spirobranchiate -Spirochaeta -Spirochaetaceae -spirochaetal -Spirochaetales -Spirochaete -spirochetal -spirochete -spirochetemia -spirochetic -spirocheticidal -spirocheticide -spirochetosis -spirochetotic -Spirodela -spirogram -spirograph -spirographidin -spirographin -Spirographis -Spirogyra -spiroid -spiroloculine -spirometer -spirometric -spirometrical -spirometry -Spironema -spiropentane -Spirophyton -Spirorbis -spiroscope -Spirosoma -spirous -spirt -Spirula -spirulate -spiry -spise -spissated -spissitude -Spisula -spit -spital -spitball -spitballer -spitbox -spitchcock -spite -spiteful -spitefully -spitefulness -spiteless -spiteproof -spitfire -spitful -spithamai -spithame -spitish -spitpoison -spitscocked -spitstick -spitted -spitten -spitter -spitting -spittle -spittlefork -spittlestaff -spittoon -spitz -Spitzenburg -spitzkop -spiv -spivery -Spizella -spizzerinctum -Splachnaceae -splachnaceous -splachnoid -Splachnum -splacknuck -splairge -splanchnapophysial -splanchnapophysis -splanchnectopia -splanchnemphraxis -splanchnesthesia -splanchnesthetic -splanchnic -splanchnoblast -splanchnocoele -splanchnoderm -splanchnodiastasis -splanchnodynia -splanchnographer -splanchnographical -splanchnography -splanchnolith -splanchnological -splanchnologist -splanchnology -splanchnomegalia -splanchnomegaly -splanchnopathy -splanchnopleural -splanchnopleure -splanchnopleuric -splanchnoptosia -splanchnoptosis -splanchnosclerosis -splanchnoscopy -splanchnoskeletal -splanchnoskeleton -splanchnosomatic -splanchnotomical -splanchnotomy -splanchnotribe -splash -splashboard -splashed -splasher -splashiness -splashing -splashingly -splashproof -splashy -splat -splatch -splatcher -splatchy -splathering -splatter -splatterdash -splatterdock -splatterer -splatterfaced -splatterwork -splay -splayed -splayer -splayfoot -splayfooted -splaymouth -splaymouthed -spleen -spleenful -spleenfully -spleenish -spleenishly -spleenishness -spleenless -spleenwort -spleeny -spleet -spleetnew -splenadenoma -splenalgia -splenalgic -splenalgy -splenatrophia -splenatrophy -splenauxe -splenculus -splendacious -splendaciously -splendaciousness -splendent -splendently -splender -splendescent -splendid -splendidly -splendidness -splendiferous -splendiferously -splendiferousness -splendor -splendorous -splendorproof -splendourproof -splenectama -splenectasis -splenectomist -splenectomize -splenectomy -splenectopia -splenectopy -splenelcosis -splenemia -splenemphraxis -spleneolus -splenepatitis -splenetic -splenetical -splenetically -splenetive -splenial -splenic -splenical -splenicterus -splenification -spleniform -splenitis -splenitive -splenium -splenius -splenization -splenoblast -splenocele -splenoceratosis -splenocleisis -splenocolic -splenocyte -splenodiagnosis -splenodynia -splenography -splenohemia -splenoid -splenolaparotomy -splenology -splenolymph -splenolymphatic -splenolysin -splenolysis -splenoma -splenomalacia -splenomedullary -splenomegalia -splenomegalic -splenomegaly -splenomyelogenous -splenoncus -splenonephric -splenopancreatic -splenoparectama -splenoparectasis -splenopathy -splenopexia -splenopexis -splenopexy -splenophrenic -splenopneumonia -splenoptosia -splenoptosis -splenorrhagia -splenorrhaphy -splenotomy -splenotoxin -splenotyphoid -splenulus -splenunculus -splet -spleuchan -splice -spliceable -splicer -splicing -splinder -spline -splineway -splint -splintage -splinter -splinterd -splinterless -splinternew -splinterproof -splintery -splintwood -splinty -split -splitbeak -splitfinger -splitfruit -splitmouth -splitnew -splitsaw -splittail -splitten -splitter -splitting -splitworm -splodge -splodgy -splore -splosh -splotch -splotchily -splotchiness -splotchy -splother -splunge -splurge -splurgily -splurgy -splurt -spluther -splutter -splutterer -spoach -Spock -spode -spodiosite -spodium -spodogenic -spodogenous -spodomancy -spodomantic -spodumene -spoffish -spoffle -spoffy -spogel -spoil -spoilable -spoilage -spoilation -spoiled -spoiler -spoilfive -spoilful -spoiling -spoilless -spoilment -spoilsman -spoilsmonger -spoilsport -spoilt -Spokan -spoke -spokeless -spoken -spokeshave -spokesman -spokesmanship -spokester -spokeswoman -spokeswomanship -spokewise -spoky -spole -spolia -spoliarium -spoliary -spoliate -spoliation -spoliator -spoliatory -spolium -spondaic -spondaical -spondaize -spondean -spondee -spondiac -Spondiaceae -Spondias -spondulics -spondyl -spondylalgia -spondylarthritis -spondylarthrocace -spondylexarthrosis -spondylic -spondylid -Spondylidae -spondylioid -spondylitic -spondylitis -spondylium -spondylizema -spondylocace -Spondylocladium -spondylodiagnosis -spondylodidymia -spondylodymus -spondyloid -spondylolisthesis -spondylolisthetic -spondylopathy -spondylopyosis -spondyloschisis -spondylosis -spondylosyndesis -spondylotherapeutics -spondylotherapist -spondylotherapy -spondylotomy -spondylous -Spondylus -spondylus -spong -sponge -spongecake -sponged -spongeful -spongeless -spongelet -spongelike -spongeous -spongeproof -sponger -spongewood -Spongiae -spongian -spongicolous -spongiculture -Spongida -spongiferous -spongiform -Spongiidae -Spongilla -spongillid -Spongillidae -spongilline -spongily -spongin -sponginblast -sponginblastic -sponginess -sponging -spongingly -spongioblast -spongioblastoma -spongiocyte -spongiolin -spongiopilin -spongioplasm -spongioplasmic -spongiose -spongiosity -spongiousness -Spongiozoa -spongiozoon -spongoblast -spongoblastic -spongoid -spongology -spongophore -Spongospora -spongy -sponsal -sponsalia -sponsibility -sponsible -sponsing -sponsion -sponsional -sponson -sponsor -sponsorial -sponsorship -sponspeck -spontaneity -spontaneous -spontaneously -spontaneousness -spontoon -spoof -spoofer -spoofery -spoofish -spook -spookdom -spookery -spookily -spookiness -spookish -spookism -spookist -spookological -spookologist -spookology -spooky -spool -spooler -spoolful -spoollike -spoolwood -spoom -spoon -spoonbill -spoondrift -spooner -spoonerism -spooneyism -spooneyly -spooneyness -spoonflower -spoonful -spoonhutch -spoonily -spooniness -spooning -spoonism -spoonless -spoonlike -spoonmaker -spoonmaking -spoonways -spoonwood -spoony -spoonyism -spoor -spoorer -spoot -spor -sporabola -sporaceous -sporades -sporadial -sporadic -sporadical -sporadically -sporadicalness -sporadicity -sporadism -sporadosiderite -sporal -sporange -sporangia -sporangial -sporangidium -sporangiferous -sporangiform -sporangioid -sporangiola -sporangiole -sporangiolum -sporangiophore -sporangiospore -sporangite -Sporangites -sporangium -sporation -spore -spored -sporeformer -sporeforming -sporeling -sporicide -sporid -sporidesm -sporidia -sporidial -sporidiferous -sporidiole -sporidiolum -sporidium -sporiferous -sporification -sporiparity -sporiparous -sporoblast -Sporobolus -sporocarp -sporocarpium -Sporochnaceae -Sporochnus -sporocyst -sporocystic -sporocystid -sporocyte -sporodochia -sporodochium -sporoduct -sporogenesis -sporogenic -sporogenous -sporogeny -sporogone -sporogonial -sporogonic -sporogonium -sporogony -sporoid -sporologist -sporomycosis -sporont -sporophore -sporophoric -sporophorous -sporophydium -sporophyll -sporophyllary -sporophyllum -sporophyte -sporophytic -sporoplasm -sporosac -sporostegium -sporostrote -sporotrichosis -sporotrichotic -Sporotrichum -sporous -Sporozoa -sporozoal -sporozoan -sporozoic -sporozoite -sporozoon -sporran -sport -sportability -sportable -sportance -sporter -sportful -sportfully -sportfulness -sportily -sportiness -sporting -sportingly -sportive -sportively -sportiveness -sportless -sportling -sportly -sports -sportsman -sportsmanlike -sportsmanliness -sportsmanly -sportsmanship -sportsome -sportswear -sportswoman -sportswomanly -sportswomanship -sportula -sportulae -sporty -sporular -sporulate -sporulation -sporule -sporuliferous -sporuloid -sposh -sposhy -spot -spotless -spotlessly -spotlessness -spotlight -spotlighter -spotlike -spotrump -spotsman -spottable -spotted -spottedly -spottedness -spotteldy -spotter -spottily -spottiness -spotting -spottle -spotty -spoucher -spousage -spousal -spousally -spouse -spousehood -spouseless -spousy -spout -spouter -spoutiness -spouting -spoutless -spoutlike -spoutman -spouty -sprachle -sprack -sprackish -sprackle -sprackly -sprackness -sprad -spraddle -sprag -spragger -spraggly -spraich -sprain -spraint -spraints -sprang -sprangle -sprangly -sprank -sprat -spratter -spratty -sprauchle -sprawl -sprawler -sprawling -sprawlingly -sprawly -spray -sprayboard -sprayer -sprayey -sprayful -sprayfully -sprayless -spraylike -sprayproof -spread -spreadation -spreadboard -spreaded -spreader -spreadhead -spreading -spreadingly -spreadingness -spreadover -spready -spreaghery -spreath -spreckle -spree -spreeuw -Sprekelia -spreng -sprent -spret -sprew -sprewl -spridhogue -spried -sprier -spriest -sprig -sprigged -sprigger -spriggy -sprightful -sprightfully -sprightfulness -sprightlily -sprightliness -sprightly -sprighty -spriglet -sprigtail -Spring -spring -springal -springald -springboard -springbok -springbuck -springe -springer -springerle -springfinger -springfish -springful -springhaas -springhalt -springhead -springhouse -springily -springiness -springing -springingly -springle -springless -springlet -springlike -springly -springmaker -springmaking -springtail -springtide -springtime -springtrap -springwood -springworm -springwort -springwurzel -springy -sprink -sprinkle -sprinkled -sprinkleproof -sprinkler -sprinklered -sprinkling -sprint -sprinter -sprit -sprite -spritehood -spritsail -sprittail -sprittie -spritty -sproat -sprocket -sprod -sprogue -sproil -sprong -sprose -sprottle -sprout -sproutage -sprouter -sproutful -sprouting -sproutland -sproutling -sprowsy -spruce -sprucely -spruceness -sprucery -sprucification -sprucify -sprue -spruer -sprug -spruiker -spruit -sprung -sprunny -sprunt -spruntly -spry -spryly -spryness -spud -Spudboy -spudder -spuddle -spuddy -spuffle -spug -spuilyie -spuilzie -spuke -spume -spumescence -spumescent -spumiferous -spumification -spumiform -spumone -spumose -spumous -spumy -spun -spung -spunk -spunkie -spunkily -spunkiness -spunkless -spunky -spunny -spur -spurflower -spurgall -spurge -spurgewort -spuriae -spuriosity -spurious -spuriously -spuriousness -Spurius -spurl -spurless -spurlet -spurlike -spurling -spurmaker -spurmoney -spurn -spurner -spurnpoint -spurnwater -spurproof -spurred -spurrer -spurrial -spurrier -spurrings -spurrite -spurry -spurt -spurter -spurtive -spurtively -spurtle -spurway -spurwing -spurwinged -spurwort -sput -sputa -sputative -sputter -sputterer -sputtering -sputteringly -sputtery -sputum -sputumary -sputumose -sputumous -Spy -spy -spyboat -spydom -spyer -spyfault -spyglass -spyhole -spyism -spyproof -Spyros -spyship -spytower -squab -squabash -squabasher -squabbed -squabbish -squabble -squabbler -squabbling -squabblingly -squabbly -squabby -squacco -squad -squaddy -squadrate -squadrism -squadron -squadrone -squadroned -squail -squailer -squalene -Squali -squalid -Squalida -Squalidae -squalidity -squalidly -squalidness -squaliform -squall -squaller -squallery -squallish -squally -squalm -Squalodon -squalodont -Squalodontidae -squaloid -Squaloidei -squalor -Squalus -squam -squama -squamaceous -squamae -Squamariaceae -Squamata -squamate -squamated -squamatine -squamation -squamatogranulous -squamatotuberculate -squame -squamella -squamellate -squamelliferous -squamelliform -squameous -squamiferous -squamiform -squamify -squamigerous -squamipennate -Squamipennes -squamipinnate -Squamipinnes -squamocellular -squamoepithelial -squamoid -squamomastoid -squamoparietal -squamopetrosal -squamosa -squamosal -squamose -squamosely -squamoseness -squamosis -squamosity -squamosodentated -squamosoimbricated -squamosomaxillary -squamosoparietal -squamosoradiate -squamosotemporal -squamosozygomatic -squamosphenoid -squamosphenoidal -squamotemporal -squamous -squamously -squamousness -squamozygomatic -Squamscot -squamula -squamulae -squamulate -squamulation -squamule -squamuliform -squamulose -squander -squanderer -squanderingly -squandermania -squandermaniac -squantum -squarable -square -squareage -squarecap -squared -squaredly -squareface -squareflipper -squarehead -squarelike -squarely -squareman -squaremouth -squareness -squarer -squaretail -squarewise -squaring -squarish -squarishly -squark -squarrose -squarrosely -squarrous -squarrulose -squarson -squarsonry -squary -squash -squashberry -squasher -squashily -squashiness -squashy -squat -Squatarola -squatarole -Squatina -squatina -squatinid -Squatinidae -squatinoid -Squatinoidei -squatly -squatment -squatmore -squatness -squattage -squatted -squatter -squatterarchy -squatterdom -squatterproof -squattily -squattiness -squatting -squattingly -squattish -squattocracy -squattocratic -squatty -squatwise -squaw -squawberry -squawbush -squawdom -squawfish -squawflower -squawk -squawker -squawkie -squawking -squawkingly -squawky -Squawmish -squawroot -Squawtits -squawweed -Squaxon -squdge -squdgy -squeak -squeaker -squeakery -squeakily -squeakiness -squeaking -squeakingly -squeaklet -squeakproof -squeaky -squeakyish -squeal -squeald -squealer -squealing -squeam -squeamish -squeamishly -squeamishness -squeamous -squeamy -Squedunk -squeege -squeegee -squeezability -squeezable -squeezableness -squeezably -squeeze -squeezeman -squeezer -squeezing -squeezingly -squeezy -squelch -squelcher -squelchily -squelchiness -squelching -squelchingly -squelchingness -squelchy -squench -squencher -squeteague -squib -squibber -squibbery -squibbish -squiblet -squibling -squid -squiddle -squidge -squidgereen -squidgy -squiffed -squiffer -squiffy -squiggle -squiggly -squilgee -squilgeer -Squill -Squilla -squilla -squillagee -squillery -squillian -squillid -Squillidae -squilloid -Squilloidea -squimmidge -squin -squinance -squinancy -squinch -squinny -squinsy -squint -squinted -squinter -squinting -squintingly -squintingness -squintly -squintness -squinty -squirage -squiralty -squire -squirearch -squirearchal -squirearchical -squirearchy -squiredom -squireen -squirehood -squireless -squirelet -squirelike -squireling -squirely -squireocracy -squireship -squiress -squiret -squirewise -squirish -squirism -squirk -squirm -squirminess -squirming -squirmingly -squirmy -squirr -squirrel -squirrelfish -squirrelian -squirreline -squirrelish -squirrellike -squirrelproof -squirreltail -squirt -squirter -squirtiness -squirting -squirtingly -squirtish -squirty -squish -squishy -squit -squitch -squitchy -squitter -squoze -squush -squushy -sraddha -sramana -Sri -sri -Sridhar -Sridharan -Srikanth -Srinivas -Srinivasan -Sriram -Srivatsan -sruti -Ssi -ssu -st -staab -Staatsrat -stab -stabber -stabbing -stabbingly -stabile -stabilify -stabilist -stabilitate -stability -stabilization -stabilizator -stabilize -stabilizer -stable -stableboy -stableful -stablekeeper -stablelike -stableman -stableness -stabler -stablestand -stableward -stablewards -stabling -stablishment -stably -staboy -stabproof -stabulate -stabulation -stabwort -staccato -Stacey -stacher -stachydrin -stachydrine -stachyose -Stachys -stachys -Stachytarpheta -Stachyuraceae -stachyuraceous -Stachyurus -stack -stackage -stackencloud -stacker -stackfreed -stackful -stackgarth -Stackhousia -Stackhousiaceae -stackhousiaceous -stackless -stackman -stackstand -stackyard -stacte -stactometer -Stacy -stadda -staddle -staddling -stade -stadholder -stadholderate -stadholdership -stadhouse -stadia -stadic -stadimeter -stadiometer -stadion -stadium -stafette -staff -staffed -staffelite -staffer -staffless -staffman -stag -stagbush -stage -stageability -stageable -stageableness -stageably -stagecoach -stagecoaching -stagecraft -staged -stagedom -stagehand -stagehouse -stageland -stagelike -stageman -stager -stagery -stagese -stagewise -stageworthy -stagewright -staggard -staggart -staggarth -Stagger -stagger -staggerbush -staggerer -staggering -staggeringly -staggers -staggerweed -staggerwort -staggery -staggie -staggy -staghead -staghorn -staghound -staghunt -staghunter -staghunting -stagiary -stagily -staginess -staging -Stagirite -Stagiritic -staglike -stagmometer -stagnance -stagnancy -stagnant -stagnantly -stagnantness -stagnate -stagnation -stagnatory -stagnature -stagnicolous -stagnize -stagnum -Stagonospora -stagskin -stagworm -stagy -Stahlhelm -Stahlhelmer -Stahlhelmist -Stahlian -Stahlianism -Stahlism -staia -staid -staidly -staidness -stain -stainability -stainable -stainableness -stainably -stainer -stainful -stainierite -staining -stainless -stainlessly -stainlessness -stainproof -staio -stair -stairbeak -stairbuilder -stairbuilding -staircase -staired -stairhead -stairless -stairlike -stairstep -stairway -stairwise -stairwork -stairy -staith -staithman -staiver -stake -stakehead -stakeholder -stakemaster -staker -stakerope -Stakhanovism -Stakhanovite -stalactic -stalactical -stalactiform -stalactital -stalactite -stalactited -stalactitic -stalactitical -stalactitically -stalactitiform -stalactitious -stalagma -stalagmite -stalagmitic -stalagmitical -stalagmitically -stalagmometer -stalagmometric -stalagmometry -stale -stalely -stalemate -staleness -staling -Stalinism -Stalinist -Stalinite -stalk -stalkable -stalked -stalker -stalkily -stalkiness -stalking -stalkingly -stalkless -stalklet -stalklike -stalko -stalky -stall -stallage -stallar -stallboard -stallenger -staller -stallership -stalling -stallion -stallionize -stallman -stallment -stalwart -stalwartism -stalwartize -stalwartly -stalwartness -stam -stambha -stambouline -stamen -stamened -stamin -stamina -staminal -staminate -stamineal -stamineous -staminiferous -staminigerous -staminode -staminodium -staminody -stammel -stammer -stammerer -stammering -stammeringly -stammeringness -stammerwort -stamnos -stamp -stampable -stampage -stampedable -stampede -stampeder -stampedingly -stampee -stamper -stampery -stamphead -Stampian -stamping -stample -stampless -stampman -stampsman -stampweed -Stan -stance -stanch -stanchable -stanchel -stancheled -stancher -stanchion -stanchless -stanchly -stanchness -stand -standage -standard -standardbred -standardizable -standardization -standardize -standardized -standardizer -standardwise -standee -standel -standelwelks -standelwort -stander -standergrass -standerwort -standfast -standing -standish -standoff -standoffish -standoffishness -standout -standpat -standpatism -standpatter -standpipe -standpoint -standpost -standstill -stane -stanechat -stang -Stangeria -stanhope -Stanhopea -stanine -Stanislaw -stanjen -stank -stankie -Stanley -Stanly -stannane -stannary -stannate -stannator -stannel -stanner -stannery -stannic -stannide -stanniferous -stannite -stanno -stannotype -stannous -stannoxyl -stannum -stannyl -stanza -stanzaed -stanzaic -stanzaical -stanzaically -stanze -stap -stapedectomy -stapedial -stapediform -stapediovestibular -stapedius -Stapelia -stapelia -stapes -staphisagria -staphyle -Staphylea -Staphyleaceae -staphyleaceous -staphylectomy -staphyledema -staphylematoma -staphylic -staphyline -staphylinic -staphylinid -Staphylinidae -staphylinideous -Staphylinoidea -Staphylinus -staphylion -staphylitis -staphyloangina -staphylococcal -staphylococci -staphylococcic -Staphylococcus -staphylococcus -staphylodermatitis -staphylodialysis -staphyloedema -staphylohemia -staphylolysin -staphyloma -staphylomatic -staphylomatous -staphylomycosis -staphyloncus -staphyloplastic -staphyloplasty -staphyloptosia -staphyloptosis -staphyloraphic -staphylorrhaphic -staphylorrhaphy -staphyloschisis -staphylosis -staphylotome -staphylotomy -staphylotoxin -staple -stapled -stapler -staplewise -stapling -Star -star -starblind -starbloom -starboard -starbolins -starbright -Starbuck -starch -starchboard -starched -starchedly -starchedness -starcher -starchflower -starchily -starchiness -starchless -starchlike -starchly -starchmaker -starchmaking -starchman -starchness -starchroot -starchworks -starchwort -starchy -starcraft -stardom -stare -staree -starer -starets -starfish -starflower -starfruit -starful -stargaze -stargazer -stargazing -staring -staringly -stark -starken -starkly -starkness -starky -starless -starlessly -starlessness -starlet -starlight -starlighted -starlights -starlike -starling -starlit -starlite -starlitten -starmonger -starn -starnel -starnie -starnose -Staroobriadtsi -starost -starosta -starosty -starred -starrily -starriness -starring -starringly -starry -starshake -starshine -starship -starshoot -starshot -starstone -starstroke -start -starter -startful -startfulness -starthroat -starting -startingly -startish -startle -startler -startling -startlingly -startlingness -startlish -startlishness -startly -startor -starty -starvation -starve -starveacre -starved -starvedly -starveling -starver -starvy -starward -starwise -starworm -starwort -stary -stases -stash -stashie -stasidion -stasimetric -stasimon -stasimorphy -stasiphobia -stasis -stassfurtite -statable -statal -statant -statcoulomb -State -state -statecraft -stated -statedly -stateful -statefully -statefulness -statehood -Statehouse -stateless -statelet -statelich -statelily -stateliness -stately -statement -statemonger -statequake -stater -stateroom -statesboy -stateside -statesider -statesman -statesmanese -statesmanlike -statesmanly -statesmanship -statesmonger -stateswoman -stateway -statfarad -stathmoi -stathmos -static -statical -statically -Statice -staticproof -statics -station -stational -stationarily -stationariness -stationary -stationer -stationery -stationman -stationmaster -statiscope -statism -statist -statistic -statistical -statistically -statistician -statisticize -statistics -statistology -stative -statoblast -statocracy -statocyst -statolatry -statolith -statolithic -statometer -stator -statoreceptor -statorhab -statoscope -statospore -statuarism -statuarist -statuary -statue -statuecraft -statued -statueless -statuelike -statuesque -statuesquely -statuesqueness -statuette -stature -statured -status -statutable -statutableness -statutably -statutary -statute -statutorily -statutory -statvolt -staucher -stauk -staumer -staun -staunch -staunchable -staunchly -staunchness -staup -stauracin -stauraxonia -stauraxonial -staurion -staurolatry -staurolite -staurolitic -staurology -Stauromedusae -stauromedusan -stauropegial -stauropegion -stauroscope -stauroscopic -stauroscopically -staurotide -stauter -stave -staveable -staveless -staver -stavers -staverwort -stavesacre -stavewise -stavewood -staving -stavrite -staw -stawn -staxis -stay -stayable -stayed -stayer -staylace -stayless -staylessness -staymaker -staymaking -staynil -stays -staysail -stayship -stchi -stead -steadfast -steadfastly -steadfastness -steadier -steadily -steadiment -steadiness -steading -steadman -steady -steadying -steadyingly -steadyish -steak -steal -stealability -stealable -stealage -stealed -stealer -stealing -stealingly -stealth -stealthful -stealthfully -stealthily -stealthiness -stealthless -stealthlike -stealthwise -stealthy -stealy -steam -steamboat -steamboating -steamboatman -steamcar -steamer -steamerful -steamerless -steamerload -steamily -steaminess -steaming -steamless -steamlike -steampipe -steamproof -steamship -steamtight -steamtightness -steamy -stean -steaning -steapsin -stearate -stearic -steariform -stearin -stearolactone -stearone -stearoptene -stearrhea -stearyl -steatin -steatite -steatitic -steatocele -steatogenous -steatolysis -steatolytic -steatoma -steatomatous -steatopathic -steatopyga -steatopygia -steatopygic -steatopygous -Steatornis -Steatornithes -Steatornithidae -steatorrhea -steatosis -stech -stechados -steckling -steddle -Stedman -steed -steedless -steedlike -steek -steekkan -steekkannen -steel -Steelboy -steeler -steelhead -steelhearted -steelification -steelify -steeliness -steeling -steelless -steellike -steelmaker -steelmaking -steelproof -steelware -steelwork -steelworker -steelworks -steely -steelyard -Steen -steen -steenboc -steenbock -steenbok -Steenie -steenkirk -steenstrupine -steenth -steep -steepdown -steepen -steeper -steepgrass -steepish -steeple -steeplebush -steeplechase -steeplechaser -steeplechasing -steepled -steepleless -steeplelike -steepletop -steeply -steepness -steepweed -steepwort -steepy -steer -steerability -steerable -steerage -steerageway -steerer -steering -steeringly -steerling -steerman -steermanship -steersman -steerswoman -steeve -steevely -steever -steeving -Stefan -steg -steganogram -steganographical -steganographist -steganography -Steganophthalmata -steganophthalmate -steganophthalmatous -Steganophthalmia -steganopod -steganopodan -Steganopodes -steganopodous -stegnosis -stegnotic -stegocarpous -Stegocephalia -stegocephalian -stegocephalous -Stegodon -stegodont -stegodontine -Stegomus -Stegomyia -stegosaur -Stegosauria -stegosaurian -stegosauroid -Stegosaurus -steid -steigh -Stein -stein -Steinberger -steinbok -Steinerian -steinful -steinkirk -Steironema -stekan -stela -stelae -stelai -stelar -stele -stell -Stella -stella -stellar -Stellaria -stellary -stellate -stellated -stellately -stellature -stelleridean -stellerine -stelliferous -stellification -stelliform -stellify -stelling -stellionate -stelliscript -Stellite -stellite -stellular -stellularly -stellulate -stelography -stem -stema -stemhead -stemless -stemlet -stemlike -stemma -stemmata -stemmatiform -stemmatous -stemmed -stemmer -stemmery -stemming -stemmy -Stemona -Stemonaceae -stemonaceous -stemple -stempost -stemson -stemwards -stemware -sten -stenar -stench -stenchel -stenchful -stenching -stenchion -stenchy -stencil -stenciler -stencilmaker -stencilmaking -stend -steng -stengah -stenion -steno -stenobathic -stenobenthic -stenobragmatic -stenobregma -stenocardia -stenocardiac -Stenocarpus -stenocephalia -stenocephalic -stenocephalous -stenocephaly -stenochoria -stenochrome -stenochromy -stenocoriasis -stenocranial -stenocrotaphia -Stenofiber -stenog -stenogastric -stenogastry -Stenoglossa -stenograph -stenographer -stenographic -stenographical -stenographically -stenographist -stenography -stenohaline -stenometer -stenopaic -Stenopelmatidae -stenopetalous -stenophile -Stenophragma -stenophyllous -stenorhyncous -stenosed -stenosepalous -stenosis -stenosphere -stenostomatous -stenostomia -Stenotaphrum -stenotelegraphy -stenothermal -stenothorax -stenotic -stenotype -stenotypic -stenotypist -stenotypy -stent -stenter -stenterer -stenton -Stentor -stentorian -stentorianly -stentorine -stentorious -stentoriously -stentoriousness -stentoronic -stentorophonic -stentrel -step -stepaunt -stepbairn -stepbrother -stepbrotherhood -stepchild -stepdame -stepdaughter -stepfather -stepfatherhood -stepfatherly -stepgrandchild -stepgrandfather -stepgrandmother -stepgrandson -Stephan -Stephana -stephane -stephanial -Stephanian -stephanic -Stephanie -stephanion -stephanite -Stephanoceros -Stephanokontae -stephanome -stephanos -Stephanotis -stephanotis -Stephanurus -Stephe -Stephen -stepladder -stepless -steplike -stepminnie -stepmother -stepmotherhood -stepmotherless -stepmotherliness -stepmotherly -stepnephew -stepniece -stepparent -steppe -stepped -steppeland -stepper -stepping -steppingstone -steprelation -steprelationship -stepsire -stepsister -stepson -stepstone -stept -stepuncle -stepway -stepwise -steradian -stercobilin -stercolin -stercophagic -stercophagous -stercoraceous -stercoral -Stercoranism -Stercoranist -Stercorariidae -Stercorariinae -stercorarious -Stercorarius -stercorary -stercorate -stercoration -stercorean -stercoremia -stercoreous -Stercorianism -stercoricolous -Stercorist -stercorite -stercorol -stercorous -stercovorous -Sterculia -Sterculiaceae -sterculiaceous -sterculiad -stere -stereagnosis -Sterelmintha -sterelminthic -sterelminthous -stereo -stereobate -stereobatic -stereoblastula -stereocamera -stereocampimeter -stereochemic -stereochemical -stereochemically -stereochemistry -stereochromatic -stereochromatically -stereochrome -stereochromic -stereochromically -stereochromy -stereocomparagraph -stereocomparator -stereoelectric -stereofluoroscopic -stereofluoroscopy -stereogastrula -stereognosis -stereognostic -stereogoniometer -stereogram -stereograph -stereographer -stereographic -stereographical -stereographically -stereography -stereoisomer -stereoisomeric -stereoisomerical -stereoisomeride -stereoisomerism -stereomatrix -stereome -stereomer -stereomeric -stereomerical -stereomerism -stereometer -stereometric -stereometrical -stereometrically -stereometry -stereomicrometer -stereomonoscope -stereoneural -stereophantascope -stereophonic -stereophony -stereophotogrammetry -stereophotograph -stereophotographic -stereophotography -stereophotomicrograph -stereophotomicrography -stereophysics -stereopicture -stereoplanigraph -stereoplanula -stereoplasm -stereoplasma -stereoplasmic -stereopsis -stereoptician -stereopticon -stereoradiograph -stereoradiography -Stereornithes -stereornithic -stereoroentgenogram -stereoroentgenography -stereoscope -stereoscopic -stereoscopically -stereoscopism -stereoscopist -stereoscopy -Stereospondyli -stereospondylous -stereostatic -stereostatics -stereotactic -stereotactically -stereotaxis -stereotelemeter -stereotelescope -stereotomic -stereotomical -stereotomist -stereotomy -stereotropic -stereotropism -stereotypable -stereotype -stereotyped -stereotyper -stereotypery -stereotypic -stereotypical -stereotyping -stereotypist -stereotypographer -stereotypography -stereotypy -Stereum -sterhydraulic -steri -steric -sterically -sterics -steride -sterigma -sterigmata -sterigmatic -sterile -sterilely -sterileness -sterilisable -sterility -sterilizability -sterilizable -sterilization -sterilize -sterilizer -sterin -sterk -sterlet -Sterling -sterling -sterlingly -sterlingness -Stern -stern -Sterna -sterna -sternad -sternage -sternal -sternalis -sternbergite -sterncastle -sterneber -sternebra -sternebrae -sternebral -sterned -sternforemost -Sterninae -sternite -sternitic -sternly -sternman -sternmost -sternness -Sterno -sternoclavicular -sternocleidomastoid -sternoclidomastoid -sternocoracoid -sternocostal -sternofacial -sternofacialis -sternoglossal -sternohumeral -sternohyoid -sternohyoidean -sternomancy -sternomastoid -sternomaxillary -sternonuchal -sternopericardiac -sternopericardial -sternoscapular -sternothere -Sternotherus -sternothyroid -sternotracheal -sternotribe -sternovertebral -sternoxiphoid -sternpost -sternson -sternum -sternutation -sternutative -sternutator -sternutatory -sternward -sternway -sternways -sternworks -stero -steroid -sterol -Sterope -sterrinck -stert -stertor -stertorious -stertoriously -stertoriousness -stertorous -stertorously -stertorousness -sterve -Stesichorean -stet -stetch -stetharteritis -stethogoniometer -stethograph -stethographic -stethokyrtograph -stethometer -stethometric -stethometry -stethoparalysis -stethophone -stethophonometer -stethoscope -stethoscopic -stethoscopical -stethoscopically -stethoscopist -stethoscopy -stethospasm -Stevan -Steve -stevedorage -stevedore -stevedoring -stevel -Steven -steven -Stevensonian -Stevensoniana -Stevia -stevia -stew -stewable -steward -stewardess -stewardly -stewardry -stewardship -Stewart -Stewartia -stewartry -stewarty -stewed -stewpan -stewpond -stewpot -stewy -stey -sthenia -sthenic -sthenochire -stib -stibbler -stibblerig -stibethyl -stibial -stibialism -stibiate -stibiated -stibic -stibiconite -stibine -stibious -stibium -stibnite -stibonium -sticcado -stich -sticharion -sticheron -stichic -stichically -stichid -stichidium -stichomancy -stichometric -stichometrical -stichometrically -stichometry -stichomythic -stichomythy -stick -stickability -stickable -stickadore -stickadove -stickage -stickball -sticked -sticker -stickers -stickfast -stickful -stickily -stickiness -sticking -stickit -stickle -stickleaf -stickleback -stickler -stickless -sticklike -stickling -stickly -stickpin -sticks -stickseed -sticksmanship -sticktail -sticktight -stickum -stickwater -stickweed -stickwork -sticky -Sticta -Stictaceae -Stictidaceae -stictiform -Stictis -stid -stiddy -stife -stiff -stiffen -stiffener -stiffening -stiffhearted -stiffish -stiffleg -stifflike -stiffly -stiffneck -stiffness -stiffrump -stifftail -stifle -stifledly -stifler -stifling -stiflingly -stigma -stigmai -stigmal -stigmaria -stigmarian -stigmarioid -stigmasterol -stigmata -stigmatal -stigmatic -stigmatical -stigmatically -stigmaticalness -stigmatiferous -stigmatiform -stigmatism -stigmatist -stigmatization -stigmatize -stigmatizer -stigmatoid -stigmatose -stigme -stigmeology -stigmonose -stigonomancy -Stikine -Stilbaceae -Stilbella -stilbene -stilbestrol -stilbite -stilboestrol -Stilbum -stile -stileman -stilet -stiletto -stilettolike -still -stillage -stillatitious -stillatory -stillbirth -stillborn -stiller -stillhouse -stillicide -stillicidium -stilliform -stilling -Stillingia -stillion -stillish -stillman -stillness -stillroom -stillstand -Stillwater -stilly -Stilophora -Stilophoraceae -stilpnomelane -stilpnosiderite -stilt -stiltbird -stilted -stilter -stiltify -stiltiness -stiltish -stiltlike -Stilton -stilty -stim -stime -stimpart -stimpert -stimulability -stimulable -stimulance -stimulancy -stimulant -stimulate -stimulatingly -stimulation -stimulative -stimulator -stimulatory -stimulatress -stimulatrix -stimuli -stimulogenous -stimulus -stimy -stine -sting -stingaree -stingareeing -stingbull -stinge -stinger -stingfish -stingily -stinginess -stinging -stingingly -stingingness -stingless -stingo -stingproof -stingray -stingtail -stingy -stink -stinkard -stinkardly -stinkball -stinkberry -stinkbird -stinkbug -stinkbush -stinkdamp -stinker -stinkhorn -stinking -stinkingly -stinkingness -stinkpot -stinkstone -stinkweed -stinkwood -stinkwort -stint -stinted -stintedly -stintedness -stinter -stintingly -stintless -stinty -stion -stionic -Stipa -stipe -stiped -stipel -stipellate -stipend -stipendial -stipendiarian -stipendiary -stipendiate -stipendium -stipendless -stipes -stipiform -stipitate -stipitiform -stipiture -Stipiturus -stippen -stipple -stippled -stippler -stippling -stipply -stipula -stipulable -stipulaceous -stipulae -stipular -stipulary -stipulate -stipulation -stipulator -stipulatory -stipule -stipuled -stipuliferous -stipuliform -stir -stirabout -stirk -stirless -stirlessly -stirlessness -stirp -stirpicultural -stirpiculture -stirpiculturist -stirps -stirra -stirrable -stirrage -stirrer -stirring -stirringly -stirrup -stirrupless -stirruplike -stirrupwise -stitch -stitchbird -stitchdown -stitcher -stitchery -stitching -stitchlike -stitchwhile -stitchwork -stitchwort -stite -stith -stithy -stive -stiver -stivy -Stizolobium -stoa -stoach -stoat -stoater -stob -stocah -stoccado -stoccata -stochastic -stochastical -stochastically -stock -stockade -stockannet -stockbow -stockbreeder -stockbreeding -Stockbridge -stockbroker -stockbrokerage -stockbroking -stockcar -stocker -stockfather -stockfish -stockholder -stockholding -stockhouse -stockily -stockiness -stockinet -stocking -stockinger -stockingless -stockish -stockishly -stockishness -stockjobber -stockjobbery -stockjobbing -stockjudging -stockkeeper -stockkeeping -stockless -stocklike -stockmaker -stockmaking -stockman -stockowner -stockpile -stockpot -stockproof -stockrider -stockriding -stocks -stockstone -stocktaker -stocktaking -Stockton -stockwork -stockwright -stocky -stockyard -stod -stodge -stodger -stodgery -stodgily -stodginess -stodgy -stoechas -stoep -stof -stoff -stog -stoga -stogie -stogy -Stoic -stoic -stoical -stoically -stoicalness -stoicharion -stoichiological -stoichiology -stoichiometric -stoichiometrical -stoichiometrically -stoichiometry -Stoicism -stoicism -Stokavci -Stokavian -Stokavski -stoke -stokehold -stokehole -stoker -stokerless -Stokesia -stokesite -stola -stolae -stole -stoled -stolelike -stolen -stolenly -stolenness -stolenwise -stolewise -stolid -stolidity -stolidly -stolidness -stolist -stolkjaerre -stollen -stolon -stolonate -stoloniferous -stoloniferously -stolonlike -stolzite -stoma -stomacace -stomach -stomachable -stomachal -stomacher -stomachful -stomachfully -stomachfulness -stomachic -stomachically -stomachicness -stomaching -stomachless -stomachlessness -stomachy -stomapod -Stomapoda -stomapodiform -stomapodous -stomata -stomatal -stomatalgia -stomate -stomatic -stomatiferous -stomatitic -stomatitis -stomatocace -Stomatoda -stomatodaeal -stomatodaeum -stomatode -stomatodeum -stomatodynia -stomatogastric -stomatograph -stomatography -stomatolalia -stomatologic -stomatological -stomatologist -stomatology -stomatomalacia -stomatomenia -stomatomy -stomatomycosis -stomatonecrosis -stomatopathy -Stomatophora -stomatophorous -stomatoplastic -stomatoplasty -stomatopod -Stomatopoda -stomatopodous -stomatorrhagia -stomatoscope -stomatoscopy -stomatose -stomatosepsis -stomatotomy -stomatotyphus -stomatous -stomenorrhagia -stomium -stomodaea -stomodaeal -stomodaeum -Stomoisia -stomoxys -stomp -stomper -stonable -stond -Stone -stone -stoneable -stonebird -stonebiter -stoneboat -stonebow -stonebrash -stonebreak -stonebrood -stonecast -stonechat -stonecraft -stonecrop -stonecutter -stoned -stonedamp -stonefish -stonegale -stonegall -stonehand -stonehatch -stonehead -stonehearted -Stonehenge -stonelayer -stonelaying -stoneless -stonelessness -stonelike -stoneman -stonemason -stonemasonry -stonen -stonepecker -stoner -stoneroot -stoneseed -stoneshot -stonesmatch -stonesmich -stonesmitch -stonesmith -stonewall -stonewaller -stonewally -stoneware -stoneweed -stonewise -stonewood -stonework -stoneworker -stonewort -stoneyard -stong -stonied -stonifiable -stonify -stonily -stoniness -stoning -stonish -stonishment -stonker -stony -stonyhearted -stonyheartedly -stonyheartedness -stood -stooded -stooden -stoof -stooge -stook -stooker -stookie -stool -stoolball -stoollike -stoon -stoond -stoop -stooper -stoopgallant -stooping -stoopingly -stoory -stoot -stoothing -stop -stopa -stopback -stopblock -stopboard -stopcock -stope -stoper -stopgap -stophound -stoping -stopless -stoplessness -stopover -stoppability -stoppable -stoppableness -stoppably -stoppage -stopped -stopper -stopperless -stoppeur -stopping -stoppit -stopple -stopwater -stopwork -storable -storage -storax -store -storeen -storehouse -storehouseman -storekeep -storekeeper -storekeeping -storeman -storer -storeroom -storeship -storesman -storge -storiate -storiation -storied -storier -storiette -storify -storiological -storiologist -storiology -stork -storken -storkish -storklike -storkling -storkwise -storm -stormable -Stormberg -stormbird -stormbound -stormcock -stormer -stormful -stormfully -stormfulness -stormily -storminess -storming -stormingly -stormish -stormless -stormlessness -stormlike -stormproof -stormward -stormwind -stormwise -stormy -Storting -story -storybook -storyless -storymaker -storymonger -storyteller -storytelling -storywise -storywork -stosh -stoss -stosston -stot -stotinka -stotter -stotterel -stoun -stound -stoundmeal -stoup -stoupful -stour -stouring -stourliness -stourness -stoury -stoush -stout -stouten -stouth -stouthearted -stoutheartedly -stoutheartedness -stoutish -stoutly -stoutness -stoutwood -stouty -stove -stovebrush -stoveful -stovehouse -stoveless -stovemaker -stovemaking -stoveman -stoven -stovepipe -stover -stovewood -stow -stowable -stowage -stowaway -stowbord -stowbordman -stowce -stowdown -stower -stowing -stownlins -stowwood -stra -strabism -strabismal -strabismally -strabismic -strabismical -strabismometer -strabismometry -strabismus -strabometer -strabometry -strabotome -strabotomy -strack -strackling -stract -Strad -strad -stradametrical -straddle -straddleback -straddlebug -straddler -straddleways -straddlewise -straddling -straddlingly -strade -stradine -stradiot -Stradivari -Stradivarius -stradl -stradld -stradlings -strae -strafe -strafer -Straffordian -strag -straggle -straggler -straggling -stragglingly -straggly -stragular -stragulum -straight -straightabout -straightaway -straightedge -straighten -straightener -straightforward -straightforwardly -straightforwardness -straightforwards -straighthead -straightish -straightly -straightness -straighttail -straightup -straightwards -straightway -straightways -straightwise -straik -strain -strainable -strainableness -strainably -strained -strainedly -strainedness -strainer -strainerman -straining -strainingly -strainless -strainlessly -strainproof -strainslip -straint -strait -straiten -straitlacedness -straitlacing -straitly -straitness -straitsman -straitwork -Straka -strake -straked -straky -stram -stramash -stramazon -stramineous -stramineously -strammel -strammer -stramonium -stramony -stramp -strand -strandage -strander -stranding -strandless -strandward -strang -strange -strangeling -strangely -strangeness -stranger -strangerdom -strangerhood -strangerlike -strangership -strangerwise -strangle -strangleable -stranglement -strangler -strangles -strangletare -strangleweed -strangling -stranglingly -strangulable -strangulate -strangulation -strangulative -strangulatory -strangullion -strangurious -strangury -stranner -strany -strap -straphang -straphanger -straphead -strapless -straplike -strappable -strappado -strappan -strapped -strapper -strapping -strapple -strapwork -strapwort -strass -strata -stratagem -stratagematic -stratagematical -stratagematically -stratagematist -stratagemical -stratagemically -stratal -stratameter -stratege -strategetic -strategetics -strategi -strategian -strategic -strategical -strategically -strategics -strategist -strategize -strategos -strategy -Stratfordian -strath -strathspey -strati -stratic -straticulate -straticulation -stratification -stratified -stratiform -stratify -stratigrapher -stratigraphic -stratigraphical -stratigraphically -stratigraphist -stratigraphy -Stratiomyiidae -Stratiotes -stratlin -stratochamber -stratocracy -stratocrat -stratocratic -stratographic -stratographical -stratographically -stratography -stratonic -Stratonical -stratopedarch -stratoplane -stratose -stratosphere -stratospheric -stratospherical -stratotrainer -stratous -stratum -stratus -straucht -strauchten -stravage -strave -straw -strawberry -strawberrylike -strawbill -strawboard -strawbreadth -strawen -strawer -strawflower -strawfork -strawless -strawlike -strawman -strawmote -strawsmall -strawsmear -strawstack -strawstacker -strawwalker -strawwork -strawworm -strawy -strawyard -stray -strayaway -strayer -strayling -stre -streahte -streak -streaked -streakedly -streakedness -streaker -streakily -streakiness -streaklike -streakwise -streaky -stream -streamer -streamful -streamhead -streaminess -streaming -streamingly -streamless -streamlet -streamlike -streamline -streamlined -streamliner -streamling -streamside -streamward -streamway -streamwort -streamy -streck -streckly -stree -streek -streel -streeler -streen -streep -street -streetage -streetcar -streetful -streetless -streetlet -streetlike -streets -streetside -streetwalker -streetwalking -streetward -streetway -streetwise -streite -streke -Strelitz -Strelitzi -strelitzi -Strelitzia -Streltzi -streltzi -stremma -stremmatograph -streng -strengite -strength -strengthen -strengthener -strengthening -strengtheningly -strengthful -strengthfulness -strengthily -strengthless -strengthlessly -strengthlessness -strengthy -strent -strenth -strenuity -strenuosity -strenuous -strenuously -strenuousness -strepen -strepent -strepera -streperous -strephonade -strephosymbolia -strepitant -strepitantly -strepitation -strepitous -strepor -Strepsiceros -strepsiceros -strepsinema -Strepsiptera -strepsipteral -strepsipteran -strepsipteron -strepsipterous -strepsis -strepsitene -streptaster -streptobacilli -streptobacillus -Streptocarpus -streptococcal -streptococci -streptococcic -Streptococcus -streptococcus -streptolysin -Streptomyces -streptomycin -Streptoneura -streptoneural -streptoneurous -streptosepticemia -streptothricial -streptothricin -streptothricosis -Streptothrix -streptotrichal -streptotrichosis -stress -stresser -stressful -stressfully -stressless -stresslessness -stret -stretch -stretchable -stretchberry -stretcher -stretcherman -stretchiness -stretchneck -stretchproof -stretchy -stretman -strette -stretti -stretto -strew -strewage -strewer -strewment -strewn -strey -streyne -stria -striae -strial -Striaria -Striariaceae -striatal -striate -striated -striation -striatum -striature -strich -striche -strick -stricken -strickenly -strickenness -stricker -strickle -strickler -strickless -strict -striction -strictish -strictly -strictness -stricture -strictured -strid -stridden -striddle -stride -strideleg -stridelegs -stridence -stridency -strident -stridently -strider -strideways -stridhan -stridhana -stridhanum -stridingly -stridling -stridlins -stridor -stridulant -stridulate -stridulation -stridulator -stridulatory -stridulent -stridulous -stridulously -stridulousness -strife -strifeful -strifeless -strifemaker -strifemaking -strifemonger -strifeproof -striffen -strig -Striga -striga -strigae -strigal -strigate -Striges -striggle -stright -Strigidae -Strigiformes -strigil -strigilate -strigilation -strigilator -strigiles -strigilis -strigillose -strigilous -Striginae -strigine -strigose -strigous -strigovite -Strigula -Strigulaceae -strigulose -strike -strikeboat -strikebreaker -strikebreaking -strikeless -striker -striking -strikingly -strikingness -strind -string -stringboard -stringcourse -stringed -stringency -stringene -stringent -stringently -stringentness -stringer -stringful -stringhalt -stringhalted -stringhaltedness -stringiness -stringing -stringless -stringlike -stringmaker -stringmaking -stringman -stringpiece -stringsman -stringways -stringwood -stringy -stringybark -strinkle -striola -striolae -striolate -striolated -striolet -strip -stripe -striped -stripeless -striper -striplet -stripling -strippage -stripped -stripper -stripping -strippit -strippler -stript -stripy -strit -strive -strived -striven -striver -striving -strivingly -Strix -strix -stroam -strobic -strobila -strobilaceous -strobilae -strobilate -strobilation -strobile -strobili -strobiliferous -strobiliform -strobiline -strobilization -strobiloid -Strobilomyces -Strobilophyta -strobilus -stroboscope -stroboscopic -stroboscopical -stroboscopy -strobotron -strockle -stroddle -strode -stroil -stroke -stroker -strokesman -stroking -stroky -strold -stroll -strolld -stroller -strom -stroma -stromal -stromata -Stromateidae -stromateoid -stromatic -stromatiform -stromatology -Stromatopora -Stromatoporidae -stromatoporoid -Stromatoporoidea -stromatous -stromb -Strombidae -strombiform -strombite -stromboid -strombolian -strombuliferous -strombuliform -Strombus -strome -stromeyerite -stromming -strone -strong -strongback -strongbark -strongbox -strongbrained -strongfully -stronghand -stronghead -strongheadedly -strongheadedness -stronghearted -stronghold -strongish -stronglike -strongly -strongness -strongylate -strongyle -strongyliasis -strongylid -Strongylidae -strongylidosis -strongyloid -Strongyloides -strongyloidosis -strongylon -Strongyloplasmata -Strongylosis -strongylosis -Strongylus -strontia -strontian -strontianiferous -strontianite -strontic -strontion -strontitic -strontium -strook -strooken -stroot -strop -strophaic -strophanhin -Strophanthus -Stropharia -strophe -strophic -strophical -strophically -strophiolate -strophiolated -strophiole -strophoid -Strophomena -Strophomenacea -strophomenid -Strophomenidae -strophomenoid -strophosis -strophotaxis -strophulus -stropper -stroppings -stroth -stroud -strouding -strounge -stroup -strouthiocamel -strouthiocamelian -strouthocamelian -strove -strow -strowd -strown -stroy -stroyer -stroygood -strub -strubbly -struck -strucken -structural -structuralism -structuralist -structuralization -structuralize -structurally -structuration -structure -structured -structureless -structurely -structurist -strudel -strue -struggle -struggler -struggling -strugglingly -Struldbrug -Struldbruggian -Struldbruggism -strum -struma -strumae -strumatic -strumaticness -strumectomy -Strumella -strumiferous -strumiform -strumiprivic -strumiprivous -strumitis -strummer -strumose -strumous -strumousness -strumpet -strumpetlike -strumpetry -strumstrum -strumulose -strung -strunt -strut -struth -struthian -struthiform -Struthio -struthioid -Struthiomimus -Struthiones -Struthionidae -struthioniform -Struthioniformes -Struthiopteris -struthious -struthonine -strutter -strutting -struttingly -struv -struvite -strych -strychnia -strychnic -strychnin -strychnine -strychninic -strychninism -strychninization -strychninize -strychnize -strychnol -Strychnos -Strymon -Stu -Stuart -Stuartia -stub -stubachite -stubb -stubbed -stubbedness -stubber -stubbiness -stubble -stubbleberry -stubbled -stubbleward -stubbly -stubborn -stubbornhearted -stubbornly -stubbornness -stubboy -stubby -stubchen -stuber -stuboy -stubrunner -stucco -stuccoer -stuccowork -stuccoworker -stuccoyer -stuck -stuckling -stucturelessness -stud -studbook -studder -studdie -studding -studdle -stude -student -studenthood -studentless -studentlike -studentry -studentship -studerite -studfish -studflower -studhorse -studia -studiable -studied -studiedly -studiedness -studier -studio -studious -studiously -studiousness -Studite -Studium -studium -studwork -study -stue -stuff -stuffed -stuffender -stuffer -stuffgownsman -stuffily -stuffiness -stuffing -stuffy -stug -stuggy -stuiver -stull -stuller -stulm -stultification -stultifier -stultify -stultiloquence -stultiloquently -stultiloquious -stultioquy -stultloquent -stum -stumble -stumbler -stumbling -stumblingly -stumbly -stumer -stummer -stummy -stump -stumpage -stumper -stumpily -stumpiness -stumpish -stumpless -stumplike -stumpling -stumpnose -stumpwise -stumpy -stun -Stundism -Stundist -stung -stunk -stunkard -stunner -stunning -stunningly -stunpoll -stunsail -stunsle -stunt -stunted -stuntedly -stuntedness -stunter -stuntiness -stuntness -stunty -stupa -stupe -stupefacient -stupefaction -stupefactive -stupefactiveness -stupefied -stupefiedness -stupefier -stupefy -stupend -stupendly -stupendous -stupendously -stupendousness -stupent -stupeous -stupex -stupid -stupidhead -stupidish -stupidity -stupidly -stupidness -stupor -stuporific -stuporose -stuporous -stupose -stupp -stuprate -stupration -stuprum -stupulose -sturdied -sturdily -sturdiness -sturdy -sturdyhearted -sturgeon -sturine -Sturiones -sturionine -sturk -Sturmian -Sturnella -Sturnidae -sturniform -Sturninae -sturnine -sturnoid -Sturnus -sturt -sturtan -sturtin -sturtion -sturtite -stuss -stut -stutter -stutterer -stuttering -stutteringly -sty -styan -styca -styceric -stycerin -stycerinol -stychomythia -styful -styfziekte -Stygial -Stygian -stylar -Stylaster -Stylasteridae -stylate -style -stylebook -styledom -styleless -stylelessness -stylelike -styler -stylet -stylewort -Stylidiaceae -stylidiaceous -Stylidium -styliferous -styliform -styline -styling -stylish -stylishly -stylishness -stylist -stylistic -stylistical -stylistically -stylistics -stylite -stylitic -stylitism -stylization -stylize -stylizer -stylo -styloauricularis -stylobate -Stylochus -styloglossal -styloglossus -stylogonidium -stylograph -stylographic -stylographical -stylographically -stylography -stylohyal -stylohyoid -stylohyoidean -stylohyoideus -styloid -stylolite -stylolitic -stylomandibular -stylomastoid -stylomaxillary -stylometer -Stylommatophora -stylommatophorous -stylomyloid -Stylonurus -Stylonychia -stylopharyngeal -stylopharyngeus -stylopid -Stylopidae -stylopization -stylopized -stylopod -stylopodium -Stylops -stylops -Stylosanthes -stylospore -stylosporous -stylostegium -stylotypite -stylus -stymie -Stymphalian -Stymphalid -Stymphalides -Styphelia -styphnate -styphnic -stypsis -styptic -styptical -stypticalness -stypticity -stypticness -Styracaceae -styracaceous -styracin -Styrax -styrax -styrene -Styrian -styrogallol -styrol -styrolene -styrone -styryl -styrylic -stythe -styward -Styx -Styxian -suability -suable -suably -suade -Suaeda -suaharo -Sualocin -Suanitian -suant -suantly -suasible -suasion -suasionist -suasive -suasively -suasiveness -suasory -suavastika -suave -suavely -suaveness -suaveolent -suavify -suaviloquence -suaviloquent -suavity -sub -subabbot -subabdominal -subability -subabsolute -subacademic -subaccount -subacetate -subacid -subacidity -subacidly -subacidness -subacidulous -subacrid -subacrodrome -subacromial -subact -subacuminate -subacute -subacutely -subadditive -subadjacent -subadjutor -subadministrate -subadministration -subadministrator -subadult -subaduncate -subaerate -subaeration -subaerial -subaerially -subaetheric -subaffluent -subage -subagency -subagent -subaggregate -subah -subahdar -subahdary -subahship -subaid -Subakhmimic -subalary -subalate -subalgebra -subalkaline -suballiance -subalmoner -subalpine -subaltern -subalternant -subalternate -subalternately -subalternating -subalternation -subalternity -subanal -subandean -subangled -subangular -subangulate -subangulated -subanniversary -subantarctic -subantichrist -subantique -Subanun -subapical -subaponeurotic -subapostolic -subapparent -subappearance -subappressed -subapprobation -subapterous -subaquatic -subaquean -subaqueous -subarachnoid -subarachnoidal -subarachnoidean -subarboraceous -subarboreal -subarborescent -subarch -subarchesporial -subarchitect -subarctic -subarcuate -subarcuated -subarcuation -subarea -subareolar -subareolet -Subarian -subarmor -subarouse -subarrhation -subartesian -subarticle -subarytenoid -subascending -subassemblage -subassembly -subassociation -subastragalar -subastragaloid -subastral -subastringent -subatom -subatomic -subattenuate -subattenuated -subattorney -subaud -subaudible -subaudition -subauditionist -subauditor -subauditur -subaural -subauricular -subautomatic -subaverage -subaxillar -subaxillary -subbailie -subbailiff -subbailiwick -subballast -subband -subbank -subbasal -subbasaltic -subbase -subbasement -subbass -subbeadle -subbeau -subbias -subbifid -subbing -subbituminous -subbookkeeper -subboreal -subbourdon -subbrachycephalic -subbrachycephaly -subbrachyskelic -subbranch -subbranched -subbranchial -subbreed -subbrigade -subbrigadier -subbroker -subbromid -subbromide -subbronchial -subbureau -subcaecal -subcalcareous -subcalcarine -subcaliber -subcallosal -subcampanulate -subcancellate -subcandid -subcantor -subcapsular -subcaptain -subcaption -subcarbide -subcarbonate -Subcarboniferous -subcarbureted -subcarburetted -subcardinal -subcarinate -subcartilaginous -subcase -subcash -subcashier -subcasino -subcast -subcaste -subcategory -subcaudal -subcaudate -subcaulescent -subcause -subcavate -subcavity -subcelestial -subcell -subcellar -subcenter -subcentral -subcentrally -subchairman -subchamberer -subchancel -subchanter -subchapter -subchaser -subchela -subchelate -subcheliform -subchief -subchloride -subchondral -subchordal -subchorioid -subchorioidal -subchorionic -subchoroid -subchoroidal -subcinctorium -subcineritious -subcingulum -subcircuit -subcircular -subcision -subcity -subclaim -Subclamatores -subclan -subclass -subclassify -subclause -subclavate -subclavia -subclavian -subclavicular -subclavioaxillary -subclaviojugular -subclavius -subclerk -subclimate -subclimax -subclinical -subclover -subcoastal -subcollateral -subcollector -subcollegiate -subcolumnar -subcommander -subcommendation -subcommended -subcommissary -subcommissaryship -subcommission -subcommissioner -subcommit -subcommittee -subcompany -subcompensate -subcompensation -subcompressed -subconcave -subconcession -subconcessionaire -subconchoidal -subconference -subconformable -subconical -subconjunctival -subconjunctively -subconnate -subconnect -subconnivent -subconscience -subconscious -subconsciously -subconsciousness -subconservator -subconsideration -subconstable -subconstellation -subconsul -subcontained -subcontest -subcontiguous -subcontinent -subcontinental -subcontinual -subcontinued -subcontinuous -subcontract -subcontracted -subcontractor -subcontraoctave -subcontrariety -subcontrarily -subcontrary -subcontrol -subconvex -subconvolute -subcool -subcoracoid -subcordate -subcordiform -subcoriaceous -subcorneous -subcorporation -subcortex -subcortical -subcortically -subcorymbose -subcosta -subcostal -subcostalis -subcouncil -subcranial -subcreative -subcreek -subcrenate -subcrepitant -subcrepitation -subcrescentic -subcrest -subcriminal -subcrossing -subcrureal -subcrureus -subcrust -subcrustaceous -subcrustal -subcrystalline -subcubical -subcuboidal -subcultrate -subcultural -subculture -subcurate -subcurator -subcuratorship -subcurrent -subcutaneous -subcutaneously -subcutaneousness -subcuticular -subcutis -subcyaneous -subcyanide -subcylindric -subcylindrical -subdatary -subdate -subdeacon -subdeaconate -subdeaconess -subdeaconry -subdeaconship -subdealer -subdean -subdeanery -subdeb -subdebutante -subdecanal -subdecimal -subdecuple -subdeducible -subdefinition -subdelegate -subdelegation -subdelirium -subdeltaic -subdeltoid -subdeltoidal -subdemonstrate -subdemonstration -subdenomination -subdentate -subdentated -subdented -subdenticulate -subdepartment -subdeposit -subdepository -subdepot -subdepressed -subdeputy -subderivative -subdermal -subdeterminant -subdevil -subdiaconal -subdiaconate -subdial -subdialect -subdialectal -subdialectally -subdiapason -subdiapente -subdiaphragmatic -subdichotomize -subdichotomous -subdichotomously -subdichotomy -subdie -subdilated -subdirector -subdiscoidal -subdisjunctive -subdistich -subdistichous -subdistinction -subdistinguish -subdistinguished -subdistrict -subdititious -subdititiously -subdivecious -subdiversify -subdividable -subdivide -subdivider -subdividing -subdividingly -subdivine -subdivisible -subdivision -subdivisional -subdivisive -subdoctor -subdolent -subdolichocephalic -subdolichocephaly -subdolous -subdolously -subdolousness -subdominant -subdorsal -subdorsally -subdouble -subdrain -subdrainage -subdrill -subdruid -subduable -subduableness -subduably -subdual -subduce -subduct -subduction -subdue -subdued -subduedly -subduedness -subduement -subduer -subduing -subduingly -subduple -subduplicate -subdural -subdurally -subecho -subectodermal -subedit -subeditor -subeditorial -subeditorship -subeffective -subelection -subelectron -subelement -subelementary -subelliptic -subelliptical -subelongate -subemarginate -subencephalon -subencephaltic -subendocardial -subendorse -subendorsement -subendothelial -subendymal -subenfeoff -subengineer -subentire -subentitle -subentry -subepidermal -subepiglottic -subepithelial -subepoch -subequal -subequality -subequally -subequatorial -subequilateral -subequivalve -suber -suberane -suberate -suberect -subereous -suberic -suberiferous -suberification -suberiform -suberin -suberinization -suberinize -Suberites -Suberitidae -suberization -suberize -suberone -suberose -suberous -subescheator -subesophageal -subessential -subetheric -subexaminer -subexcitation -subexcite -subexecutor -subexternal -subface -subfacies -subfactor -subfactorial -subfactory -subfalcate -subfalcial -subfalciform -subfamily -subfascial -subfastigiate -subfebrile -subferryman -subfestive -subfeu -subfeudation -subfeudatory -subfibrous -subfief -subfigure -subfissure -subfix -subflavor -subflexuose -subfloor -subflooring -subflora -subflush -subfluvial -subfocal -subfoliar -subforeman -subform -subformation -subfossil -subfossorial -subfoundation -subfraction -subframe -subfreshman -subfrontal -subfulgent -subfumigation -subfumose -subfunctional -subfusc -subfuscous -subfusiform -subfusk -subgalea -subgallate -subganger -subgape -subgelatinous -subgeneric -subgenerical -subgenerically -subgeniculate -subgenital -subgens -subgenual -subgenus -subgeometric -subget -subgit -subglabrous -subglacial -subglacially -subglenoid -subglobose -subglobosely -subglobular -subglobulose -subglossal -subglossitis -subglottic -subglumaceous -subgod -subgoverness -subgovernor -subgrade -subgranular -subgrin -subgroup -subgular -subgwely -subgyre -subgyrus -subhalid -subhalide -subhall -subharmonic -subhastation -subhatchery -subhead -subheading -subheadquarters -subheadwaiter -subhealth -subhedral -subhemispherical -subhepatic -subherd -subhero -subhexagonal -subhirsute -subhooked -subhorizontal -subhornblendic -subhouse -subhuman -subhumid -subhyaline -subhyaloid -subhymenial -subhymenium -subhyoid -subhyoidean -subhypothesis -subhysteria -subicle -subicteric -subicular -subiculum -subidar -subidea -subideal -subimaginal -subimago -subimbricate -subimbricated -subimposed -subimpressed -subincandescent -subincident -subincise -subincision -subincomplete -subindex -subindicate -subindication -subindicative -subindices -subindividual -subinduce -subinfer -subinfeud -subinfeudate -subinfeudation -subinfeudatory -subinflammation -subinflammatory -subinform -subingression -subinguinal -subinitial -subinoculate -subinoculation -subinsert -subinsertion -subinspector -subinspectorship -subintegumental -subintellection -subintelligential -subintelligitur -subintent -subintention -subintercessor -subinternal -subinterval -subintestinal -subintroduce -subintroduction -subintroductory -subinvoluted -subinvolution -subiodide -subirrigate -subirrigation -subitane -subitaneous -subitem -Subiya -subjacency -subjacent -subjacently -subjack -subject -subjectability -subjectable -subjectdom -subjected -subjectedly -subjectedness -subjecthood -subjectibility -subjectible -subjectification -subjectify -subjectile -subjection -subjectional -subjectist -subjective -subjectively -subjectiveness -subjectivism -subjectivist -subjectivistic -subjectivistically -subjectivity -subjectivize -subjectivoidealistic -subjectless -subjectlike -subjectness -subjectship -subjee -subjicible -subjoin -subjoinder -subjoint -subjudge -subjudiciary -subjugable -subjugal -subjugate -subjugation -subjugator -subjugular -subjunct -subjunction -subjunctive -subjunctively -subjunior -subking -subkingdom -sublabial -sublaciniate -sublacustrine -sublanate -sublanceolate -sublanguage -sublapsarian -sublapsarianism -sublapsary -sublaryngeal -sublate -sublateral -sublation -sublative -subleader -sublease -sublecturer -sublegislation -sublegislature -sublenticular -sublessee -sublessor -sublet -sublethal -sublettable -subletter -sublevaminous -sublevate -sublevation -sublevel -sublibrarian -sublicense -sublicensee -sublid -sublieutenancy -sublieutenant -subligation -sublighted -sublimable -sublimableness -sublimant -sublimate -sublimation -sublimational -sublimationist -sublimator -sublimatory -sublime -sublimed -sublimely -sublimeness -sublimer -subliminal -subliminally -sublimish -sublimitation -sublimity -sublimize -sublinear -sublineation -sublingua -sublinguae -sublingual -sublinguate -sublittoral -sublobular -sublong -subloral -subloreal -sublot -sublumbar -sublunar -sublunary -sublunate -sublustrous -subluxate -subluxation -submaid -submain -submakroskelic -submammary -subman -submanager -submania -submanic -submanor -submarginal -submarginally -submarginate -submargined -submarine -submariner -submarinism -submarinist -submarshal -submaster -submaxilla -submaxillary -submaximal -submeaning -submedial -submedian -submediant -submediation -submediocre -submeeting -submember -submembranaceous -submembranous -submeningeal -submental -submentum -submerge -submerged -submergement -submergence -submergibility -submergible -submerse -submersed -submersibility -submersible -submersion -submetallic -submeter -submetering -submicron -submicroscopic -submicroscopically -submiliary -submind -subminimal -subminister -submiss -submissible -submission -submissionist -submissive -submissively -submissiveness -submissly -submissness -submit -submittal -submittance -submitter -submittingly -submolecule -submonition -submontagne -submontane -submontanely -submontaneous -submorphous -submortgage -submotive -submountain -submucosa -submucosal -submucous -submucronate -submultiple -submundane -submuriate -submuscular -Submytilacea -subnarcotic -subnasal -subnascent -subnatural -subnect -subnervian -subness -subneural -subnex -subnitrate -subnitrated -subniveal -subnivean -subnormal -subnormality -subnotation -subnote -subnotochordal -subnubilar -subnucleus -subnude -subnumber -subnuvolar -suboblique -subobscure -subobscurely -subobtuse -suboccipital -subocean -suboceanic -suboctave -suboctile -suboctuple -subocular -suboesophageal -suboffice -subofficer -subofficial -subolive -subopaque -subopercle -subopercular -suboperculum -subopposite -suboptic -suboptimal -suboptimum -suboral -suborbicular -suborbiculate -suborbiculated -suborbital -suborbitar -suborbitary -subordain -suborder -subordinacy -subordinal -subordinary -subordinate -subordinately -subordinateness -subordinating -subordinatingly -subordination -subordinationism -subordinationist -subordinative -suborganic -suborn -subornation -subornative -suborner -Suboscines -suboval -subovate -subovated -suboverseer -subovoid -suboxidation -suboxide -subpackage -subpagoda -subpallial -subpalmate -subpanel -subparagraph -subparallel -subpart -subpartition -subpartitioned -subpartitionment -subparty -subpass -subpassage -subpastor -subpatron -subpattern -subpavement -subpectinate -subpectoral -subpeduncle -subpeduncular -subpedunculate -subpellucid -subpeltate -subpeltated -subpentagonal -subpentangular -subpericardial -subperiod -subperiosteal -subperiosteally -subperitoneal -subperitoneally -subpermanent -subpermanently -subperpendicular -subpetiolar -subpetiolate -subpharyngeal -subphosphate -subphratry -subphrenic -subphylar -subphylum -subpial -subpilose -subpimp -subpiston -subplacenta -subplant -subplantigrade -subplat -subpleural -subplinth -subplot -subplow -subpodophyllous -subpoena -subpoenal -subpolar -subpolygonal -subpool -subpopular -subpopulation -subporphyritic -subport -subpostmaster -subpostmastership -subpostscript -subpotency -subpotent -subpreceptor -subpreceptorial -subpredicate -subpredication -subprefect -subprefectorial -subprefecture -subprehensile -subpress -subprimary -subprincipal -subprior -subprioress -subproblem -subproctor -subproduct -subprofessional -subprofessor -subprofessoriate -subprofitable -subproportional -subprotector -subprovince -subprovincial -subpubescent -subpubic -subpulmonary -subpulverizer -subpunch -subpunctuation -subpurchaser -subpurlin -subputation -subpyramidal -subpyriform -subquadrangular -subquadrate -subquality -subquestion -subquinquefid -subquintuple -Subra -subrace -subradial -subradiance -subradiate -subradical -subradius -subradular -subrailway -subrameal -subramose -subramous -subrange -subrational -subreader -subreason -subrebellion -subrectangular -subrector -subreference -subregent -subregion -subregional -subregular -subreguli -subregulus -subrelation -subreligion -subreniform -subrent -subrepand -subrepent -subreport -subreptary -subreption -subreptitious -subreputable -subresin -subretinal -subrhombic -subrhomboid -subrhomboidal -subrictal -subrident -subridently -subrigid -subrision -subrisive -subrisory -subrogate -subrogation -subroot -subrostral -subround -subrule -subruler -subsacral -subsale -subsaline -subsalt -subsample -subsartorial -subsatiric -subsatirical -subsaturated -subsaturation -subscapular -subscapularis -subscapulary -subschedule -subscheme -subschool -subscience -subscleral -subsclerotic -subscribable -subscribe -subscriber -subscribership -subscript -subscription -subscriptionist -subscriptive -subscriptively -subscripture -subscrive -subscriver -subsea -subsecive -subsecretarial -subsecretary -subsect -subsection -subsecurity -subsecute -subsecutive -subsegment -subsemifusa -subsemitone -subsensation -subsensible -subsensual -subsensuous -subsept -subseptuple -subsequence -subsequency -subsequent -subsequential -subsequentially -subsequently -subsequentness -subseries -subserosa -subserous -subserrate -subserve -subserviate -subservience -subserviency -subservient -subserviently -subservientness -subsessile -subset -subsewer -subsextuple -subshaft -subsheriff -subshire -subshrub -subshrubby -subside -subsidence -subsidency -subsident -subsider -subsidiarie -subsidiarily -subsidiariness -subsidiary -subsiding -subsidist -subsidizable -subsidization -subsidize -subsidizer -subsidy -subsilicate -subsilicic -subsill -subsimilation -subsimious -subsimple -subsinuous -subsist -subsistence -subsistency -subsistent -subsistential -subsistingly -subsizar -subsizarship -subsmile -subsneer -subsocial -subsoil -subsoiler -subsolar -subsolid -subsonic -subsorter -subsovereign -subspace -subspatulate -subspecialist -subspecialize -subspecialty -subspecies -subspecific -subspecifically -subsphenoidal -subsphere -subspherical -subspherically -subspinous -subspiral -subspontaneous -subsquadron -substage -substalagmite -substalagmitic -substance -substanceless -substanch -substandard -substandardize -substant -substantiability -substantial -substantialia -substantialism -substantialist -substantiality -substantialize -substantially -substantialness -substantiate -substantiation -substantiative -substantiator -substantify -substantious -substantival -substantivally -substantive -substantively -substantiveness -substantivity -substantivize -substantize -substation -substernal -substituent -substitutable -substitute -substituted -substituter -substituting -substitutingly -substitution -substitutional -substitutionally -substitutionary -substitutive -substitutively -substock -substoreroom -substory -substract -substraction -substratal -substrate -substrati -substrative -substrator -substratose -substratosphere -substratospheric -substratum -substriate -substruct -substruction -substructional -substructural -substructure -substylar -substyle -subsulfid -subsulfide -subsulphate -subsulphid -subsulphide -subsult -subsultive -subsultorily -subsultorious -subsultory -subsultus -subsumable -subsume -subsumption -subsumptive -subsuperficial -subsurety -subsurface -subsyndicate -subsynod -subsynodical -subsystem -subtack -subtacksman -subtangent -subtarget -subtartarean -subtectal -subtegminal -subtegulaneous -subtemperate -subtenancy -subtenant -subtend -subtense -subtenure -subtepid -subteraqueous -subterbrutish -subtercelestial -subterconscious -subtercutaneous -subterethereal -subterfluent -subterfluous -subterfuge -subterhuman -subterjacent -subtermarine -subterminal -subternatural -subterpose -subterposition -subterrane -subterraneal -subterranean -subterraneanize -subterraneanly -subterraneous -subterraneously -subterraneousness -subterranity -subterraqueous -subterrene -subterrestrial -subterritorial -subterritory -subtersensual -subtersensuous -subtersuperlative -subtersurface -subtertian -subtext -subthalamic -subthalamus -subthoracic -subthrill -subtile -subtilely -subtileness -subtilin -subtilism -subtilist -subtility -subtilization -subtilize -subtilizer -subtill -subtillage -subtilty -subtitle -subtitular -subtle -subtleness -subtlety -subtlist -subtly -subtone -subtonic -subtorrid -subtotal -subtotem -subtower -subtract -subtracter -subtraction -subtractive -subtrahend -subtranslucent -subtransparent -subtransverse -subtrapezoidal -subtread -subtreasurer -subtreasurership -subtreasury -subtrench -subtriangular -subtriangulate -subtribal -subtribe -subtribual -subtrifid -subtrigonal -subtrihedral -subtriplicate -subtriplicated -subtriquetrous -subtrist -subtrochanteric -subtrochlear -subtropic -subtropical -subtropics -subtrousers -subtrude -subtruncate -subtrunk -subtuberant -subtunic -subtunnel -subturbary -subturriculate -subturriculated -subtutor -subtwined -subtype -subtypical -subulate -subulated -subulicorn -Subulicornia -subuliform -subultimate -subumbellate -subumbonal -subumbral -subumbrella -subumbrellar -subuncinate -subunequal -subungual -subunguial -Subungulata -subungulate -subunit -subuniverse -suburb -suburban -suburbandom -suburbanhood -suburbanism -suburbanite -suburbanity -suburbanization -suburbanize -suburbanly -suburbed -suburbia -suburbican -suburbicarian -suburbicary -suburethral -subursine -subvaginal -subvaluation -subvarietal -subvariety -subvassal -subvassalage -subvein -subvendee -subvene -subvention -subventionary -subventioned -subventionize -subventitious -subventive -subventral -subventricose -subvermiform -subversal -subverse -subversed -subversion -subversionary -subversive -subversivism -subvert -subvertebral -subverter -subvertible -subvertical -subverticillate -subvesicular -subvestment -subvicar -subvicarship -subvillain -subvirate -subvirile -subvisible -subvitalized -subvitreous -subvocal -subvola -subwarden -subwater -subway -subwealthy -subweight -subwink -subworker -subworkman -subzonal -subzone -subzygomatic -succade -succedanea -succedaneous -succedaneum -succedent -succeed -succeedable -succeeder -succeeding -succeedingly -succent -succentor -succenturiate -succenturiation -success -successful -successfully -successfulness -succession -successional -successionally -successionist -successionless -successive -successively -successiveness -successivity -successless -successlessly -successlessness -successor -successoral -successorship -successory -succi -succin -succinamate -succinamic -succinamide -succinanil -succinate -succinct -succinctly -succinctness -succinctorium -succinctory -succincture -succinic -succiniferous -succinimide -succinite -succinoresinol -succinosulphuric -succinous -succinyl -Succisa -succise -succivorous -succor -succorable -succorer -succorful -succorless -succorrhea -succory -succotash -succourful -succourless -succous -succub -succuba -succubae -succube -succubine -succubous -succubus -succula -succulence -succulency -succulent -succulently -succulentness -succulous -succumb -succumbence -succumbency -succumbent -succumber -succursal -succuss -succussation -succussatory -succussion -succussive -such -suchlike -suchness -Suchos -suchwise -sucivilized -suck -suckable -suckabob -suckage -suckauhock -sucken -suckener -sucker -suckerel -suckerfish -suckerlike -suckfish -suckhole -sucking -suckle -suckler -suckless -suckling -suckstone -suclat -sucramine -sucrate -sucre -sucroacid -sucrose -suction -suctional -Suctoria -suctorial -suctorian -suctorious -sucupira -sucuri -sucuriu -sucuruju -sud -sudadero -sudamen -sudamina -sudaminal -Sudan -Sudanese -Sudani -Sudanian -Sudanic -sudarium -sudary -sudate -sudation -sudatorium -sudatory -Sudburian -sudburite -sudd -sudden -suddenly -suddenness -suddenty -Sudder -sudder -suddle -suddy -Sudic -sudiform -sudoral -sudoresis -sudoric -sudoriferous -sudoriferousness -sudorific -sudoriparous -sudorous -Sudra -suds -sudsman -sudsy -Sue -sue -Suecism -suede -suer -Suerre -Suessiones -suet -suety -Sueve -Suevi -Suevian -Suevic -Sufeism -suff -suffect -suffection -suffer -sufferable -sufferableness -sufferably -sufferance -sufferer -suffering -sufferingly -suffete -suffice -sufficeable -sufficer -sufficiency -sufficient -sufficiently -sufficientness -sufficing -sufficingly -sufficingness -suffiction -suffix -suffixal -suffixation -suffixion -suffixment -sufflaminate -sufflamination -sufflate -sufflation -sufflue -suffocate -suffocating -suffocatingly -suffocation -suffocative -Suffolk -suffragan -suffraganal -suffraganate -suffragancy -suffraganeous -suffragatory -suffrage -suffragette -suffragettism -suffragial -suffragism -suffragist -suffragistic -suffragistically -suffragitis -suffrago -suffrutescent -suffrutex -suffruticose -suffruticous -suffruticulose -suffumigate -suffumigation -suffusable -suffuse -suffused -suffusedly -suffusion -suffusive -Sufi -Sufiism -Sufiistic -Sufism -Sufistic -sugamo -sugan -sugar -sugarberry -sugarbird -sugarbush -sugared -sugarelly -sugarer -sugarhouse -sugariness -sugarless -sugarlike -sugarplum -sugarsweet -sugarworks -sugary -sugent -sugescent -suggest -suggestable -suggestedness -suggester -suggestibility -suggestible -suggestibleness -suggestibly -suggesting -suggestingly -suggestion -suggestionability -suggestionable -suggestionism -suggestionist -suggestionize -suggestive -suggestively -suggestiveness -suggestivity -suggestment -suggestress -suggestum -suggillate -suggillation -sugh -sugi -Sugih -suguaro -suhuaro -Sui -suicidal -suicidalism -suicidally -suicidalwise -suicide -suicidical -suicidism -suicidist -suid -Suidae -suidian -suiform -suilline -suimate -Suina -suine -suing -suingly -suint -Suiogoth -Suiogothic -Suiones -suisimilar -suist -suit -suitability -suitable -suitableness -suitably -suitcase -suite -suithold -suiting -suitor -suitoress -suitorship -suity -suji -Suk -Sukey -sukiyaki -sukkenye -Suku -Sula -Sulaba -Sulafat -Sulaib -sulbasutra -sulcal -sulcalization -sulcalize -sulcar -sulcate -sulcated -sulcation -sulcatoareolate -sulcatocostate -sulcatorimose -sulciform -sulcomarginal -sulcular -sulculate -sulculus -sulcus -suld -sulea -sulfa -sulfacid -sulfadiazine -sulfaguanidine -sulfamate -sulfamerazin -sulfamerazine -sulfamethazine -sulfamethylthiazole -sulfamic -sulfamidate -sulfamide -sulfamidic -sulfamine -sulfaminic -sulfamyl -sulfanilamide -sulfanilic -sulfanilylguanidine -sulfantimonide -sulfapyrazine -sulfapyridine -sulfaquinoxaline -sulfarsenide -sulfarsenite -sulfarseniuret -sulfarsphenamine -Sulfasuxidine -sulfatase -sulfathiazole -sulfatic -sulfatize -sulfato -sulfazide -sulfhydrate -sulfhydric -sulfhydryl -sulfindigotate -sulfindigotic -sulfindylic -sulfion -sulfionide -sulfoacid -sulfoamide -sulfobenzide -sulfobenzoate -sulfobenzoic -sulfobismuthite -sulfoborite -sulfocarbamide -sulfocarbimide -sulfocarbolate -sulfocarbolic -sulfochloride -sulfocyan -sulfocyanide -sulfofication -sulfogermanate -sulfohalite -sulfohydrate -sulfoindigotate -sulfoleic -sulfolysis -sulfomethylic -sulfonamic -sulfonamide -sulfonate -sulfonation -sulfonator -sulfonephthalein -sulfonethylmethane -sulfonic -sulfonium -sulfonmethane -sulfonyl -sulfophthalein -sulfopurpurate -sulfopurpuric -sulforicinate -sulforicinic -sulforicinoleate -sulforicinoleic -sulfoselenide -sulfosilicide -sulfostannide -sulfotelluride -sulfourea -sulfovinate -sulfovinic -sulfowolframic -sulfoxide -sulfoxism -sulfoxylate -sulfoxylic -sulfurage -sulfuran -sulfurate -sulfuration -sulfurator -sulfurea -sulfureous -sulfureously -sulfureousness -sulfuret -sulfuric -sulfurization -sulfurize -sulfurosyl -sulfurous -sulfury -sulfuryl -Sulidae -Sulides -Suliote -sulk -sulka -sulker -sulkily -sulkiness -sulky -sulkylike -sull -sulla -sullage -Sullan -sullen -sullenhearted -sullenly -sullenness -sulliable -sullow -sully -sulpha -sulphacid -sulphaldehyde -sulphamate -sulphamic -sulphamidate -sulphamide -sulphamidic -sulphamine -sulphaminic -sulphamino -sulphammonium -sulphamyl -sulphanilate -sulphanilic -sulphantimonate -sulphantimonial -sulphantimonic -sulphantimonide -sulphantimonious -sulphantimonite -sulpharsenate -sulpharseniate -sulpharsenic -sulpharsenide -sulpharsenious -sulpharsenite -sulpharseniuret -sulpharsphenamine -sulphatase -sulphate -sulphated -sulphatic -sulphation -sulphatization -sulphatize -sulphato -sulphatoacetic -sulphatocarbonic -sulphazide -sulphazotize -sulphbismuthite -sulphethylate -sulphethylic -sulphhemoglobin -sulphichthyolate -sulphidation -sulphide -sulphidic -sulphidize -sulphimide -sulphinate -sulphindigotate -sulphine -sulphinic -sulphinide -sulphinyl -sulphitation -sulphite -sulphitic -sulphmethemoglobin -sulpho -sulphoacetic -sulphoamid -sulphoamide -sulphoantimonate -sulphoantimonic -sulphoantimonious -sulphoantimonite -sulphoarsenic -sulphoarsenious -sulphoarsenite -sulphoazotize -sulphobenzide -sulphobenzoate -sulphobenzoic -sulphobismuthite -sulphoborite -sulphobutyric -sulphocarbamic -sulphocarbamide -sulphocarbanilide -sulphocarbimide -sulphocarbolate -sulphocarbolic -sulphocarbonate -sulphocarbonic -sulphochloride -sulphochromic -sulphocinnamic -sulphocyan -sulphocyanate -sulphocyanic -sulphocyanide -sulphocyanogen -sulphodichloramine -sulphofication -sulphofy -sulphogallic -sulphogel -sulphogermanate -sulphogermanic -sulphohalite -sulphohaloid -sulphohydrate -sulphoichthyolate -sulphoichthyolic -sulphoindigotate -sulphoindigotic -sulpholeate -sulpholeic -sulpholipin -sulpholysis -sulphonal -sulphonalism -sulphonamic -sulphonamide -sulphonamido -sulphonamine -sulphonaphthoic -sulphonate -sulphonated -sulphonation -sulphonator -sulphoncyanine -sulphone -sulphonephthalein -sulphonethylmethane -sulphonic -sulphonium -sulphonmethane -sulphonphthalein -sulphonyl -sulphoparaldehyde -sulphophosphate -sulphophosphite -sulphophosphoric -sulphophosphorous -sulphophthalein -sulphophthalic -sulphopropionic -sulphoproteid -sulphopupuric -sulphopurpurate -sulphoricinate -sulphoricinic -sulphoricinoleate -sulphoricinoleic -sulphosalicylic -sulphoselenide -sulphoselenium -sulphosilicide -sulphosol -sulphostannate -sulphostannic -sulphostannide -sulphostannite -sulphostannous -sulphosuccinic -sulphosulphurous -sulphotannic -sulphotelluride -sulphoterephthalic -sulphothionyl -sulphotoluic -sulphotungstate -sulphotungstic -sulphourea -sulphovanadate -sulphovinate -sulphovinic -sulphowolframic -sulphoxide -sulphoxism -sulphoxylate -sulphoxylic -sulphoxyphosphate -sulphozincate -sulphur -sulphurage -sulphuran -sulphurate -sulphuration -sulphurator -sulphurea -sulphurean -sulphureity -sulphureonitrous -sulphureosaline -sulphureosuffused -sulphureous -sulphureously -sulphureousness -sulphureovirescent -sulphuret -sulphureted -sulphuric -sulphuriferous -sulphurity -sulphurization -sulphurize -sulphurless -sulphurlike -sulphurosyl -sulphurous -sulphurously -sulphurousness -sulphurproof -sulphurweed -sulphurwort -sulphury -sulphuryl -sulphydrate -sulphydric -sulphydryl -Sulpician -sultam -sultan -sultana -sultanaship -sultanate -sultane -sultanesque -sultaness -sultanian -sultanic -sultanin -sultanism -sultanist -sultanize -sultanlike -sultanry -sultanship -sultone -sultrily -sultriness -sultry -Sulu -Suluan -sulung -sulvanite -sulvasutra -sum -sumac -Sumak -Sumass -Sumatra -sumatra -Sumatran -sumbul -sumbulic -Sumdum -Sumerian -Sumerology -Sumitro -sumless -sumlessness -summability -summable -summage -summand -summar -summarily -summariness -summarist -summarization -summarize -summarizer -summary -summate -summation -summational -summative -summatory -summed -summer -summerbird -summercastle -summerer -summerhead -summeriness -summering -summerings -summerish -summerite -summerize -summerland -summerlay -summerless -summerlike -summerliness -summerling -summerly -summerproof -summertide -summertime -summertree -summerward -summerwood -summery -summist -summit -summital -summitless -summity -summon -summonable -summoner -summoningly -summons -summula -summulist -summut -sumner -Sumo -sump -sumpage -sumper -sumph -sumphish -sumphishly -sumphishness -sumphy -sumpit -sumpitan -sumple -sumpman -sumpsimus -sumpter -sumption -sumptuary -sumptuosity -sumptuous -sumptuously -sumptuousness -sun -sunbeam -sunbeamed -sunbeamy -sunberry -sunbird -sunblink -sunbonnet -sunbonneted -sunbow -sunbreak -sunburn -sunburned -sunburnedness -sunburnproof -sunburnt -sunburntness -sunburst -suncherchor -suncup -sundae -Sundanese -Sundanesian -sundang -Sundar -Sundaresan -sundari -Sunday -Sundayfied -Sundayish -Sundayism -Sundaylike -Sundayness -Sundayproof -sundek -sunder -sunderable -sunderance -sunderer -sunderment -sunderwise -sundew -sundial -sundik -sundog -sundown -sundowner -sundowning -sundra -sundri -sundries -sundriesman -sundrily -sundriness -sundrops -sundry -sundryman -sune -sunfall -sunfast -sunfish -sunfisher -sunfishery -sunflower -Sung -sung -sungha -sunglade -sunglass -sunglo -sunglow -Sunil -sunk -sunken -sunket -sunkland -sunlamp -sunland -sunless -sunlessly -sunlessness -sunlet -sunlight -sunlighted -sunlike -sunlit -sunn -Sunna -Sunni -Sunniah -sunnily -sunniness -Sunnism -Sunnite -sunnud -sunny -sunnyhearted -sunnyheartedness -sunproof -sunquake -sunray -sunrise -sunrising -sunroom -sunscald -sunset -sunsetting -sunsetty -sunshade -sunshine -sunshineless -sunshining -sunshiny -sunsmit -sunsmitten -sunspot -sunspotted -sunspottedness -sunspottery -sunspotty -sunsquall -sunstone -sunstricken -sunstroke -sunt -sunup -sunward -sunwards -sunway -sunways -sunweed -sunwise -sunyie -Suomi -Suomic -suovetaurilia -sup -supa -Supai -supari -supawn -supe -supellex -super -superabduction -superabhor -superability -superable -superableness -superably -superabnormal -superabominable -superabomination -superabound -superabstract -superabsurd -superabundance -superabundancy -superabundant -superabundantly -superaccession -superaccessory -superaccommodating -superaccomplished -superaccrue -superaccumulate -superaccumulation -superaccurate -superacetate -superachievement -superacid -superacidulated -superacknowledgment -superacquisition -superacromial -superactive -superactivity -superacute -superadaptable -superadd -superaddition -superadditional -superadequate -superadequately -superadjacent -superadministration -superadmirable -superadmiration -superadorn -superadornment -superaerial -superaesthetical -superaffiliation -superaffiuence -superagency -superaggravation -superagitation -superagrarian -superalbal -superalbuminosis -superalimentation -superalkaline -superalkalinity -superallowance -superaltar -superaltern -superambitious -superambulacral -superanal -superangelic -superangelical -superanimal -superannuate -superannuation -superannuitant -superannuity -superapology -superappreciation -superaqueous -superarbiter -superarbitrary -superarctic -superarduous -superarrogant -superarseniate -superartificial -superartificially -superaspiration -superassertion -superassociate -superassume -superastonish -superastonishment -superattachment -superattainable -superattendant -superattraction -superattractive -superauditor -superaural -superaverage -superavit -superaward -superaxillary -superazotation -superb -superbelief -superbeloved -superbenefit -superbenevolent -superbenign -superbias -superbious -superbity -superblessed -superblunder -superbly -superbness -superbold -superborrow -superbrain -superbrave -superbrute -superbuild -superbungalow -superbusy -supercabinet -supercalender -supercallosal -supercandid -supercanine -supercanonical -supercanonization -supercanopy -supercapable -supercaption -supercarbonate -supercarbonization -supercarbonize -supercarbureted -supercargo -supercargoship -supercarpal -supercatastrophe -supercatholic -supercausal -supercaution -supercelestial -supercensure -supercentral -supercentrifuge -supercerebellar -supercerebral -superceremonious -supercharge -supercharged -supercharger -superchemical -superchivalrous -superciliary -superciliosity -supercilious -superciliously -superciliousness -supercilium -supercivil -supercivilization -supercivilized -superclaim -superclass -superclassified -supercloth -supercoincidence -supercolossal -supercolumnar -supercolumniation -supercombination -supercombing -supercommendation -supercommentary -supercommentator -supercommercial -supercompetition -supercomplete -supercomplex -supercomprehension -supercompression -superconception -superconductive -superconductivity -superconductor -superconfident -superconfirmation -superconformable -superconformist -superconformity -superconfusion -supercongestion -superconscious -superconsciousness -superconsecrated -superconsequency -superconservative -superconstitutional -supercontest -supercontribution -supercontrol -supercool -supercordial -supercorporation -supercow -supercredit -supercrescence -supercrescent -supercrime -supercritic -supercritical -supercrowned -supercrust -supercube -supercultivated -supercurious -supercycle -supercynical -superdainty -superdanger -superdebt -superdeclamatory -superdecoration -superdeficit -superdeity -superdejection -superdelegate -superdelicate -superdemand -superdemocratic -superdemonic -superdemonstration -superdensity -superdeposit -superdesirous -superdevelopment -superdevilish -superdevotion -superdiabolical -superdiabolically -superdicrotic -superdifficult -superdiplomacy -superdirection -superdiscount -superdistention -superdistribution -superdividend -superdivine -superdivision -superdoctor -superdominant -superdomineering -superdonation -superdose -superdramatist -superdreadnought -superdubious -superduplication -superdural -superdying -superearthly -supereconomy -superedification -superedify -supereducation -supereffective -supereffluence -supereffluently -superego -superelaborate -superelastic -superelated -superelegance -superelementary -superelevated -superelevation -supereligible -supereloquent -supereminence -supereminency -supereminent -supereminently -superemphasis -superemphasize -superendorse -superendorsement -superendow -superenergetic -superenforcement -superengrave -superenrollment -superepic -superepoch -superequivalent -supererogant -supererogantly -supererogate -supererogation -supererogative -supererogator -supererogatorily -supererogatory -superespecial -superessential -superessentially -superestablish -superestablishment -supereternity -superether -superethical -superethmoidal -superevangelical -superevident -superexacting -superexalt -superexaltation -superexaminer -superexceed -superexceeding -superexcellence -superexcellency -superexcellent -superexcellently -superexceptional -superexcitation -superexcited -superexcitement -superexcrescence -superexert -superexertion -superexiguity -superexist -superexistent -superexpand -superexpansion -superexpectation -superexpenditure -superexplicit -superexport -superexpressive -superexquisite -superexquisitely -superexquisiteness -superextend -superextension -superextol -superextreme -superfamily -superfantastic -superfarm -superfat -superfecundation -superfecundity -superfee -superfeminine -superfervent -superfetate -superfetation -superfeudation -superfibrination -superficial -superficialism -superficialist -superficiality -superficialize -superficially -superficialness -superficiary -superficies -superfidel -superfinance -superfine -superfinical -superfinish -superfinite -superfissure -superfit -superfix -superfleet -superflexion -superfluent -superfluid -superfluitance -superfluity -superfluous -superfluously -superfluousness -superflux -superfoliaceous -superfoliation -superfolly -superformal -superformation -superformidable -superfortunate -superfriendly -superfrontal -superfructified -superfulfill -superfulfillment -superfunction -superfunctional -superfuse -superfusibility -superfusible -superfusion -supergaiety -supergallant -supergene -supergeneric -supergenerosity -supergenerous -supergenual -supergiant -superglacial -superglorious -superglottal -supergoddess -supergoodness -supergovern -supergovernment -supergraduate -supergrant -supergratification -supergratify -supergravitate -supergravitation -superguarantee -supergun -superhandsome -superhearty -superheat -superheater -superheresy -superhero -superheroic -superhet -superheterodyne -superhighway -superhirudine -superhistoric -superhistorical -superhive -superhuman -superhumanity -superhumanize -superhumanly -superhumanness -superhumeral -superhypocrite -superideal -superignorant -superillustrate -superillustration -superimpend -superimpending -superimpersonal -superimply -superimportant -superimposable -superimpose -superimposed -superimposition -superimposure -superimpregnated -superimpregnation -superimprobable -superimproved -superincentive -superinclination -superinclusive -superincomprehensible -superincrease -superincumbence -superincumbency -superincumbent -superincumbently -superindependent -superindiction -superindifference -superindifferent -superindignant -superindividual -superindividualism -superindividualist -superinduce -superinducement -superinduct -superinduction -superindulgence -superindulgent -superindustrious -superindustry -superinenarrable -superinfection -superinfer -superinference -superinfeudation -superinfinite -superinfinitely -superinfirmity -superinfluence -superinformal -superinfuse -superinfusion -superingenious -superingenuity -superinitiative -superinjustice -superinnocent -superinquisitive -superinsaniated -superinscription -superinsist -superinsistence -superinsistent -superinstitute -superinstitution -superintellectual -superintend -superintendence -superintendency -superintendent -superintendential -superintendentship -superintender -superintense -superintolerable -superinundation -superior -superioress -superiority -superiorly -superiorness -superiorship -superirritability -superius -superjacent -superjudicial -superjurisdiction -superjustification -superknowledge -superlabial -superlaborious -superlactation -superlapsarian -superlaryngeal -superlation -superlative -superlatively -superlativeness -superlenient -superlie -superlikelihood -superline -superlocal -superlogical -superloyal -superlucky -superlunary -superlunatical -superluxurious -supermagnificent -supermagnificently -supermalate -superman -supermanhood -supermanifest -supermanism -supermanliness -supermanly -supermannish -supermarginal -supermarine -supermarket -supermarvelous -supermasculine -supermaterial -supermathematical -supermaxilla -supermaxillary -supermechanical -supermedial -supermedicine -supermediocre -supermental -supermentality -supermetropolitan -supermilitary -supermishap -supermixture -supermodest -supermoisten -supermolten -supermoral -supermorose -supermunicipal -supermuscan -supermystery -supernacular -supernaculum -supernal -supernalize -supernally -supernatant -supernatation -supernation -supernational -supernationalism -supernatural -supernaturaldom -supernaturalism -supernaturalist -supernaturality -supernaturalize -supernaturally -supernaturalness -supernature -supernecessity -supernegligent -supernormal -supernormally -supernormalness -supernotable -supernova -supernumeral -supernumerariness -supernumerary -supernumeraryship -supernumerous -supernutrition -superoanterior -superobedience -superobedient -superobese -superobject -superobjection -superobjectionable -superobligation -superobstinate -superoccipital -superoctave -superocular -superodorsal -superoexternal -superoffensive -superofficious -superofficiousness -superofrontal -superointernal -superolateral -superomedial -superoposterior -superopposition -superoptimal -superoptimist -superoratorical -superorbital -superordain -superorder -superordinal -superordinary -superordinate -superordination -superorganic -superorganism -superorganization -superorganize -superornament -superornamental -superosculate -superoutput -superoxalate -superoxide -superoxygenate -superoxygenation -superparamount -superparasite -superparasitic -superparasitism -superparliamentary -superpassage -superpatient -superpatriotic -superpatriotism -superperfect -superperfection -superperson -superpersonal -superpersonalism -superpetrosal -superphlogisticate -superphlogistication -superphosphate -superphysical -superpigmentation -superpious -superplausible -superplease -superplus -superpolite -superpolitic -superponderance -superponderancy -superponderant -superpopulation -superposable -superpose -superposed -superposition -superpositive -superpower -superpowered -superpraise -superprecarious -superprecise -superprelatical -superpreparation -superprinting -superprobability -superproduce -superproduction -superproportion -superprosperous -superpublicity -superpure -superpurgation -superquadrupetal -superqualify -superquote -superradical -superrational -superrationally -superreaction -superrealism -superrealist -superrefine -superrefined -superrefinement -superreflection -superreform -superreformation -superregal -superregeneration -superregenerative -superregistration -superregulation -superreliance -superremuneration -superrenal -superrequirement -superrespectable -superresponsible -superrestriction -superreward -superrheumatized -superrighteous -superromantic -superroyal -supersacerdotal -supersacral -supersacred -supersacrifice -supersafe -supersagacious -supersaint -supersaintly -supersalesman -supersaliency -supersalient -supersalt -supersanction -supersanguine -supersanity -supersarcastic -supersatisfaction -supersatisfy -supersaturate -supersaturation -superscandal -superscholarly -superscientific -superscribe -superscript -superscription -superscrive -superseaman -supersecret -supersecretion -supersecular -supersecure -supersedable -supersede -supersedeas -supersedence -superseder -supersedure -superselect -superseminate -supersemination -superseminator -supersensible -supersensibly -supersensitive -supersensitiveness -supersensitization -supersensory -supersensual -supersensualism -supersensualist -supersensualistic -supersensuality -supersensually -supersensuous -supersensuousness -supersentimental -superseptal -superseptuaginarian -superseraphical -superserious -superservice -superserviceable -superserviceableness -superserviceably -supersesquitertial -supersession -supersessive -supersevere -supershipment -supersignificant -supersilent -supersimplicity -supersimplify -supersincerity -supersingular -supersistent -supersize -supersmart -supersocial -supersoil -supersolar -supersolemn -supersolemness -supersolemnity -supersolemnly -supersolicit -supersolicitation -supersolid -supersonant -supersonic -supersovereign -supersovereignty -superspecialize -superspecies -superspecification -supersphenoid -supersphenoidal -superspinous -superspiritual -superspirituality -supersquamosal -superstage -superstamp -superstandard -superstate -superstatesman -superstimulate -superstimulation -superstition -superstitionist -superstitionless -superstitious -superstitiously -superstitiousness -superstoical -superstrain -superstrata -superstratum -superstrenuous -superstrict -superstrong -superstruct -superstruction -superstructor -superstructory -superstructural -superstructure -superstuff -superstylish -supersublimated -supersuborder -supersubsist -supersubstantial -supersubstantiality -supersubstantiate -supersubtilized -supersubtle -supersufficiency -supersufficient -supersulcus -supersulphate -supersulphuret -supersulphureted -supersulphurize -supersuperabundance -supersuperabundant -supersuperabundantly -supersuperb -supersuperior -supersupremacy -supersupreme -supersurprise -supersuspicious -supersweet -supersympathy -supersyndicate -supersystem -supertare -supertartrate -supertax -supertaxation -supertemporal -supertempt -supertemptation -supertension -superterranean -superterraneous -superterrene -superterrestrial -superthankful -superthorough -superthyroidism -supertoleration -supertonic -supertotal -supertower -supertragic -supertragical -supertrain -supertramp -supertranscendent -supertranscendently -supertreason -supertrivial -supertuchun -supertunic -supertutelary -superugly -superultrafrostified -superunfit -superunit -superunity -superuniversal -superuniverse -superurgent -supervalue -supervast -supervene -supervenience -supervenient -supervenosity -supervention -supervestment -supervexation -supervictorious -supervigilant -supervigorous -supervirulent -supervisal -supervisance -supervise -supervision -supervisionary -supervisive -supervisor -supervisorial -supervisorship -supervisory -supervisual -supervisure -supervital -supervive -supervolition -supervoluminous -supervolute -superwager -superwealthy -superweening -superwise -superwoman -superworldly -superwrought -superyacht -superzealous -supinate -supination -supinator -supine -supinely -supineness -suppedaneum -supper -suppering -supperless -suppertime -supperwards -supping -supplace -supplant -supplantation -supplanter -supplantment -supple -supplejack -supplely -supplement -supplemental -supplementally -supplementarily -supplementary -supplementation -supplementer -suppleness -suppletion -suppletive -suppletively -suppletorily -suppletory -suppliable -supplial -suppliance -suppliancy -suppliant -suppliantly -suppliantness -supplicancy -supplicant -supplicantly -supplicat -supplicate -supplicating -supplicatingly -supplication -supplicationer -supplicative -supplicator -supplicatory -supplicavit -supplice -supplier -suppling -supply -support -supportability -supportable -supportableness -supportably -supportance -supporter -supportful -supporting -supportingly -supportive -supportless -supportlessly -supportress -supposable -supposableness -supposably -supposal -suppose -supposed -supposedly -supposer -supposing -supposition -suppositional -suppositionally -suppositionary -suppositionless -suppositious -supposititious -supposititiously -supposititiousness -suppositive -suppositively -suppository -suppositum -suppost -suppress -suppressal -suppressed -suppressedly -suppresser -suppressible -suppression -suppressionist -suppressive -suppressively -suppressor -supprise -suppurant -suppurate -suppuration -suppurative -suppuratory -suprabasidorsal -suprabranchial -suprabuccal -supracaecal -supracargo -supracaudal -supracensorious -supracentenarian -suprachorioid -suprachorioidal -suprachorioidea -suprachoroid -suprachoroidal -suprachoroidea -supraciliary -supraclavicle -supraclavicular -supraclusion -supracommissure -supraconduction -supraconductor -supracondylar -supracondyloid -supraconscious -supraconsciousness -supracoralline -supracostal -supracoxal -supracranial -supracretaceous -supradecompound -supradental -supradorsal -supradural -suprafeminine -suprafine -suprafoliaceous -suprafoliar -supraglacial -supraglenoid -supraglottic -supragovernmental -suprahepatic -suprahistorical -suprahuman -suprahumanity -suprahyoid -suprailiac -suprailium -supraintellectual -suprainterdorsal -suprajural -supralabial -supralapsarian -supralapsarianism -supralateral -supralegal -supraliminal -supraliminally -supralineal -supralinear -supralocal -supralocally -supraloral -supralunar -supralunary -supramammary -supramarginal -supramarine -supramastoid -supramaxilla -supramaxillary -supramaximal -suprameatal -supramechanical -supramedial -supramental -supramolecular -supramoral -supramortal -supramundane -supranasal -supranational -supranatural -supranaturalism -supranaturalist -supranaturalistic -supranature -supranervian -supraneural -supranormal -supranuclear -supraoccipital -supraocclusion -supraocular -supraoesophagal -supraoesophageal -supraoptimal -supraoptional -supraoral -supraorbital -supraorbitar -supraordinary -supraordinate -supraordination -suprapapillary -suprapedal -suprapharyngeal -supraposition -supraprotest -suprapubian -suprapubic -suprapygal -supraquantivalence -supraquantivalent -suprarational -suprarationalism -suprarationality -suprarenal -suprarenalectomize -suprarenalectomy -suprarenalin -suprarenine -suprarimal -suprasaturate -suprascapula -suprascapular -suprascapulary -suprascript -suprasegmental -suprasensible -suprasensitive -suprasensual -suprasensuous -supraseptal -suprasolar -suprasoriferous -suprasphanoidal -supraspinal -supraspinate -supraspinatus -supraspinous -suprasquamosal -suprastandard -suprastapedial -suprastate -suprasternal -suprastigmal -suprasubtle -supratemporal -supraterraneous -supraterrestrial -suprathoracic -supratonsillar -supratrochlear -supratropical -supratympanic -supravaginal -supraventricular -supraversion -supravital -supraworld -supremacy -suprematism -supreme -supremely -supremeness -supremity -sur -sura -suraddition -surah -surahi -sural -suralimentation -suranal -surangular -surat -surbase -surbased -surbasement -surbate -surbater -surbed -surcease -surcharge -surcharger -surcingle -surcoat -surcrue -surculi -surculigerous -surculose -surculous -surculus -surd -surdation -surdeline -surdent -surdimutism -surdity -surdomute -sure -surely -sureness -sures -Suresh -surette -surety -suretyship -surexcitation -surf -surface -surfaced -surfacedly -surfaceless -surfacely -surfaceman -surfacer -surfacing -surfactant -surfacy -surfbird -surfboard -surfboarding -surfboat -surfboatman -surfeit -surfeiter -surfer -surficial -surfle -surflike -surfman -surfmanship -surfrappe -surfuse -surfusion -surfy -surge -surgeful -surgeless -surgent -surgeon -surgeoncy -surgeoness -surgeonfish -surgeonless -surgeonship -surgeproof -surgerize -surgery -surgical -surgically -surginess -surging -surgy -Suriana -Surianaceae -Suricata -suricate -suriga -Surinam -surinamine -surlily -surliness -surly -surma -surmark -surmaster -surmisable -surmisal -surmisant -surmise -surmised -surmisedly -surmiser -surmount -surmountable -surmountableness -surmountal -surmounted -surmounter -surmullet -surname -surnamer -surnap -surnay -surnominal -surpass -surpassable -surpasser -surpassing -surpassingly -surpassingness -surpeopled -surplice -surpliced -surplicewise -surplician -surplus -surplusage -surpreciation -surprint -surprisable -surprisal -surprise -surprisedly -surprisement -surpriseproof -surpriser -surprising -surprisingly -surprisingness -surquedry -surquidry -surquidy -surra -surrealism -surrealist -surrealistic -surrealistically -surrebound -surrebut -surrebuttal -surrebutter -surrection -surrejoin -surrejoinder -surrenal -surrender -surrenderee -surrenderer -surrenderor -surreption -surreptitious -surreptitiously -surreptitiousness -surreverence -surreverently -surrey -surrogacy -surrogate -surrogateship -surrogation -surrosion -surround -surrounded -surroundedly -surrounder -surrounding -surroundings -sursaturation -sursolid -sursumduction -sursumvergence -sursumversion -surtax -surtout -surturbrand -surveillance -surveillant -survey -surveyable -surveyage -surveyal -surveyance -surveying -surveyor -surveyorship -survigrous -survivability -survivable -survival -survivalism -survivalist -survivance -survivancy -survive -surviver -surviving -survivor -survivoress -survivorship -Surya -Sus -Susan -Susanchite -Susanna -Susanne -susannite -suscept -susceptance -susceptibility -susceptible -susceptibleness -susceptibly -susception -susceptive -susceptiveness -susceptivity -susceptor -suscitate -suscitation -susi -Susian -Susianian -Susie -suslik -susotoxin -suspect -suspectable -suspected -suspectedness -suspecter -suspectful -suspectfulness -suspectible -suspectless -suspector -suspend -suspended -suspender -suspenderless -suspenders -suspendibility -suspendible -suspensation -suspense -suspenseful -suspensely -suspensibility -suspensible -suspension -suspensive -suspensively -suspensiveness -suspensoid -suspensor -suspensorial -suspensorium -suspensory -suspercollate -suspicion -suspicionable -suspicional -suspicionful -suspicionless -suspicious -suspiciously -suspiciousness -suspiration -suspiratious -suspirative -suspire -suspirious -Susquehanna -Sussex -sussexite -Sussexman -sussultatory -sussultorial -sustain -sustainable -sustained -sustainer -sustaining -sustainingly -sustainment -sustanedly -sustenance -sustenanceless -sustentacula -sustentacular -sustentaculum -sustentation -sustentational -sustentative -sustentator -sustention -sustentive -sustentor -Susu -susu -Susuhunan -Susuidae -Susumu -susurr -susurrant -susurrate -susurration -susurringly -susurrous -susurrus -Sutaio -suterbery -suther -Sutherlandia -sutile -sutler -sutlerage -sutleress -sutlership -sutlery -Suto -sutor -sutorial -sutorian -sutorious -sutra -Suttapitaka -suttee -sutteeism -sutten -suttin -suttle -Sutu -sutural -suturally -suturation -suture -Suu -suum -Suwandi -suwarro -suwe -Suyog -suz -Suzan -Suzanne -suzerain -suzeraine -suzerainship -suzerainty -Suzy -Svan -Svanetian -Svanish -Svante -Svantovit -svarabhakti -svarabhaktic -Svarloka -svelte -Svetambara -sviatonosite -swa -Swab -swab -swabber -swabberly -swabble -Swabian -swack -swacken -swacking -swad -swaddle -swaddlebill -swaddler -swaddling -swaddy -Swadeshi -Swadeshism -swag -swagbellied -swagbelly -swage -swager -swagger -swaggerer -swaggering -swaggeringly -swaggie -swaggy -swaglike -swagman -swagsman -Swahilese -Swahili -Swahilian -Swahilize -swaimous -swain -swainish -swainishness -swainship -Swainsona -swainsona -swaird -swale -swaler -swaling -swalingly -swallet -swallo -swallow -swallowable -swallower -swallowlike -swallowling -swallowpipe -swallowtail -swallowwort -swam -swami -swamp -swampable -swampberry -swamper -swampish -swampishness -swampland -swampside -swampweed -swampwood -swampy -Swamy -swan -swandown -swanflower -swang -swangy -swanherd -swanhood -swanimote -swank -swanker -swankily -swankiness -swanking -swanky -swanlike -swanmark -swanmarker -swanmarking -swanneck -swannecked -swanner -swannery -swannish -swanny -swanskin -Swantevit -swanweed -swanwort -swap -swape -swapper -swapping -swaraj -swarajism -swarajist -swarbie -sward -swardy -sware -swarf -swarfer -swarm -swarmer -swarming -swarmy -swarry -swart -swartback -swarth -swarthily -swarthiness -swarthness -swarthy -swartish -swartly -swartness -swartrutter -swartrutting -swarty -Swartzbois -Swartzia -swarve -swash -swashbuckle -swashbuckler -swashbucklerdom -swashbucklering -swashbucklery -swashbuckling -swasher -swashing -swashway -swashwork -swashy -swastika -swastikaed -Swat -swat -swatch -Swatchel -swatcher -swatchway -swath -swathable -swathband -swathe -swatheable -swather -swathy -Swati -Swatow -swatter -swattle -swaver -sway -swayable -swayed -swayer -swayful -swaying -swayingly -swayless -Swazi -Swaziland -sweal -sweamish -swear -swearer -swearingly -swearword -sweat -sweatband -sweatbox -sweated -sweater -sweatful -sweath -sweatily -sweatiness -sweating -sweatless -sweatproof -sweatshop -sweatweed -sweaty -Swede -Swedenborgian -Swedenborgianism -Swedenborgism -swedge -Swedish -sweeny -sweep -sweepable -sweepage -sweepback -sweepboard -sweepdom -sweeper -sweeperess -sweepforward -sweeping -sweepingly -sweepingness -sweepings -sweepstake -sweepwasher -sweepwashings -sweepy -sweer -sweered -sweet -sweetberry -sweetbread -sweetbrier -sweetbriery -sweeten -sweetener -sweetening -sweetfish -sweetful -sweetheart -sweetheartdom -sweethearted -sweetheartedness -sweethearting -sweetheartship -sweetie -sweeting -sweetish -sweetishly -sweetishness -sweetleaf -sweetless -sweetlike -sweetling -sweetly -sweetmaker -sweetmeat -sweetmouthed -sweetness -sweetroot -sweetshop -sweetsome -sweetsop -sweetwater -sweetweed -sweetwood -sweetwort -sweety -swego -swelchie -swell -swellage -swelldom -swelldoodle -swelled -sweller -swellfish -swelling -swellish -swellishness -swellmobsman -swellness -swelltoad -swelly -swelp -swelt -swelter -sweltering -swelteringly -swelth -sweltry -swelty -swep -swept -swerd -Swertia -swerve -swerveless -swerver -swervily -swick -swidge -Swietenia -swift -swiften -swifter -swiftfoot -swiftlet -swiftlike -swiftness -swifty -swig -swigger -swiggle -swile -swill -swillbowl -swiller -swilltub -swim -swimmable -swimmer -swimmeret -swimmily -swimminess -swimming -swimmingly -swimmingness -swimmist -swimmy -swimsuit -swimy -Swinburnesque -Swinburnian -swindle -swindleable -swindledom -swindler -swindlership -swindlery -swindling -swindlingly -swine -swinebread -swinecote -swinehead -swineherd -swineherdship -swinehood -swinehull -swinelike -swinely -swinepipe -swinery -swinestone -swinesty -swiney -swing -swingable -swingback -swingdevil -swingdingle -swinge -swingeing -swinger -swinging -swingingly -Swingism -swingle -swinglebar -swingletail -swingletree -swingstock -swingtree -swingy -swinish -swinishly -swinishness -swink -swinney -swipe -swiper -swipes -swiple -swipper -swipy -swird -swire -swirl -swirlingly -swirly -swirring -swish -swisher -swishing -swishingly -swishy -Swiss -swiss -Swissess -swissing -switch -switchback -switchbacker -switchboard -switched -switchel -switcher -switchgear -switching -switchkeeper -switchlike -switchman -switchy -switchyard -swith -swithe -swithen -swither -Swithin -Switzer -Switzeress -swivel -swiveled -swiveleye -swiveleyed -swivellike -swivet -swivetty -swiz -swizzle -swizzler -swob -swollen -swollenly -swollenness -swom -swonken -swoon -swooned -swooning -swooningly -swoony -swoop -swooper -swoosh -sword -swordbill -swordcraft -swordfish -swordfisherman -swordfishery -swordfishing -swordick -swording -swordless -swordlet -swordlike -swordmaker -swordmaking -swordman -swordmanship -swordplay -swordplayer -swordproof -swordsman -swordsmanship -swordsmith -swordster -swordstick -swordswoman -swordtail -swordweed -swore -sworn -swosh -swot -swotter -swounds -swow -swum -swung -swungen -swure -syagush -sybarism -sybarist -Sybarital -Sybaritan -Sybarite -Sybaritic -Sybaritical -Sybaritically -Sybaritish -sybaritism -Sybil -sybotic -sybotism -sycamine -sycamore -syce -sycee -sychnocarpous -sycock -sycoma -sycomancy -Sycon -Syconaria -syconarian -syconate -Sycones -syconid -Syconidae -syconium -syconoid -syconus -sycophancy -sycophant -sycophantic -sycophantical -sycophantically -sycophantish -sycophantishly -sycophantism -sycophantize -sycophantry -sycosiform -sycosis -Syd -Sydneian -Sydneyite -sye -Syed -syenite -syenitic -syenodiorite -syenogabbro -sylid -syllab -syllabarium -syllabary -syllabatim -syllabation -syllabe -syllabi -syllabic -syllabical -syllabically -syllabicate -syllabication -syllabicness -syllabification -syllabify -syllabism -syllabize -syllable -syllabled -syllabus -syllepsis -sylleptic -sylleptical -sylleptically -Syllidae -syllidian -Syllis -sylloge -syllogism -syllogist -syllogistic -syllogistical -syllogistically -syllogistics -syllogization -syllogize -syllogizer -sylph -sylphic -sylphid -sylphidine -sylphish -sylphize -sylphlike -Sylphon -sylphy -sylva -sylvae -sylvage -Sylvan -sylvan -sylvanesque -sylvanite -sylvanitic -sylvanity -sylvanize -sylvanly -sylvanry -sylvate -sylvatic -Sylvester -sylvester -sylvestral -sylvestrene -Sylvestrian -sylvestrian -Sylvestrine -Sylvia -Sylvian -sylvic -Sylvicolidae -sylvicoline -Sylviidae -Sylviinae -sylviine -sylvine -sylvinite -sylvite -symbasic -symbasical -symbasically -symbasis -symbiogenesis -symbiogenetic -symbiogenetically -symbion -symbiont -symbiontic -symbionticism -symbiosis -symbiot -symbiote -symbiotic -symbiotically -symbiotics -symbiotism -symbiotrophic -symblepharon -symbol -symbolaeography -symbolater -symbolatrous -symbolatry -symbolic -symbolical -symbolically -symbolicalness -symbolicly -symbolics -symbolism -symbolist -symbolistic -symbolistical -symbolistically -symbolization -symbolize -symbolizer -symbolofideism -symbological -symbologist -symbolography -symbology -symbololatry -symbolology -symbolry -symbouleutic -symbranch -Symbranchia -symbranchiate -symbranchoid -symbranchous -symmachy -symmedian -symmelia -symmelian -symmelus -symmetalism -symmetral -symmetric -symmetrical -symmetricality -symmetrically -symmetricalness -symmetrist -symmetrization -symmetrize -symmetroid -symmetrophobia -symmetry -symmorphic -symmorphism -sympalmograph -sympathectomize -sympathectomy -sympathetectomy -sympathetic -sympathetical -sympathetically -sympatheticism -sympatheticity -sympatheticness -sympatheticotonia -sympatheticotonic -sympathetoblast -sympathicoblast -sympathicotonia -sympathicotonic -sympathicotripsy -sympathism -sympathist -sympathize -sympathizer -sympathizing -sympathizingly -sympathoblast -sympatholysis -sympatholytic -sympathomimetic -sympathy -sympatric -sympatry -Sympetalae -sympetalous -Symphalangus -symphenomena -symphenomenal -symphile -symphilic -symphilism -symphilous -symphily -symphogenous -symphonetic -symphonia -symphonic -symphonically -symphonion -symphonious -symphoniously -symphonist -symphonize -symphonous -symphony -Symphoricarpos -symphoricarpous -symphrase -symphronistic -symphyantherous -symphycarpous -Symphyla -symphylan -symphyllous -symphylous -symphynote -symphyogenesis -symphyogenetic -symphyostemonous -symphyseal -symphyseotomy -symphysial -symphysian -symphysic -symphysion -symphysiotomy -symphysis -symphysodactylia -symphysotomy -symphysy -Symphyta -symphytic -symphytically -symphytism -symphytize -Symphytum -sympiesometer -symplasm -symplectic -Symplegades -symplesite -Symplocaceae -symplocaceous -Symplocarpus -symploce -Symplocos -sympode -sympodia -sympodial -sympodially -sympodium -sympolity -symposia -symposiac -symposiacal -symposial -symposiarch -symposiast -symposiastic -symposion -symposium -symptom -symptomatic -symptomatical -symptomatically -symptomatics -symptomatize -symptomatography -symptomatological -symptomatologically -symptomatology -symptomical -symptomize -symptomless -symptosis -symtomology -synacme -synacmic -synacmy -synactic -synadelphite -synaeresis -synagogal -synagogian -synagogical -synagogism -synagogist -synagogue -synalgia -synalgic -synallactic -synallagmatic -synaloepha -synanastomosis -synange -synangia -synangial -synangic -synangium -synanthema -synantherological -synantherologist -synantherology -synantherous -synanthesis -synanthetic -synanthic -synanthous -synanthrose -synanthy -synaphea -synaposematic -synapse -synapses -Synapsida -synapsidan -synapsis -synaptai -synaptase -synapte -synaptene -Synaptera -synapterous -synaptic -synaptical -synaptically -synapticula -synapticulae -synapticular -synapticulate -synapticulum -Synaptosauria -synaptychus -synarchical -synarchism -synarchy -synarmogoid -Synarmogoidea -synarquism -synartesis -synartete -synartetic -synarthrodia -synarthrodial -synarthrodially -synarthrosis -Synascidiae -synascidian -synastry -synaxar -synaxarion -synaxarist -synaxarium -synaxary -synaxis -sync -Syncarida -syncarp -syncarpia -syncarpium -syncarpous -syncarpy -syncategorematic -syncategorematical -syncategorematically -syncategoreme -syncephalic -syncephalus -syncerebral -syncerebrum -synch -synchitic -synchondoses -synchondrosial -synchondrosially -synchondrosis -synchondrotomy -synchoresis -synchro -synchroflash -synchromesh -synchronal -synchrone -synchronic -synchronical -synchronically -synchronism -synchronistic -synchronistical -synchronistically -synchronizable -synchronization -synchronize -synchronized -synchronizer -synchronograph -synchronological -synchronology -synchronous -synchronously -synchronousness -synchrony -synchroscope -synchrotron -synchysis -Synchytriaceae -Synchytrium -syncladous -synclastic -synclinal -synclinally -syncline -synclinical -synclinore -synclinorial -synclinorian -synclinorium -synclitic -syncliticism -synclitism -syncoelom -syncopal -syncopate -syncopated -syncopation -syncopator -syncope -syncopic -syncopism -syncopist -syncopize -syncotyledonous -syncracy -syncraniate -syncranterian -syncranteric -syncrasy -syncretic -syncretical -syncreticism -syncretion -syncretism -syncretist -syncretistic -syncretistical -syncretize -syncrisis -Syncrypta -syncryptic -syncytia -syncytial -syncytioma -syncytiomata -syncytium -syndactyl -syndactylia -syndactylic -syndactylism -syndactylous -syndactyly -syndectomy -synderesis -syndesis -syndesmectopia -syndesmitis -syndesmography -syndesmology -syndesmoma -Syndesmon -syndesmoplasty -syndesmorrhaphy -syndesmosis -syndesmotic -syndesmotomy -syndetic -syndetical -syndetically -syndic -syndical -syndicalism -syndicalist -syndicalistic -syndicalize -syndicate -syndicateer -syndication -syndicator -syndicship -syndoc -syndrome -syndromic -syndyasmian -Syndyoceras -syne -synecdoche -synecdochic -synecdochical -synecdochically -synecdochism -synechia -synechiological -synechiology -synechological -synechology -synechotomy -synechthran -synechthry -synecology -synecphonesis -synectic -synecticity -Synedra -synedral -Synedria -synedria -synedrial -synedrian -Synedrion -synedrion -Synedrium -synedrium -synedrous -syneidesis -synema -synemmenon -synenergistic -synenergistical -synenergistically -synentognath -Synentognathi -synentognathous -syneresis -synergastic -synergetic -synergia -synergic -synergically -synergid -synergidae -synergidal -synergism -synergist -synergistic -synergistical -synergistically -synergize -synergy -synerize -synesis -synesthesia -synesthetic -synethnic -syngamic -syngamous -syngamy -Syngenesia -syngenesian -syngenesious -syngenesis -syngenetic -syngenic -syngenism -syngenite -Syngnatha -Syngnathi -syngnathid -Syngnathidae -syngnathoid -syngnathous -Syngnathus -syngraph -synizesis -synkaryon -synkatathesis -synkinesia -synkinesis -synkinetic -synneurosis -synneusis -synochoid -synochus -synocreate -synod -synodal -synodalian -synodalist -synodally -synodical -synodically -synodist -synodite -synodontid -Synodontidae -synodontoid -synodsman -Synodus -synoecete -synoeciosis -synoecious -synoeciously -synoeciousness -synoecism -synoecize -synoecy -synoicous -synomosy -synonym -synonymatic -synonymic -synonymical -synonymicon -synonymics -synonymist -synonymity -synonymize -synonymous -synonymously -synonymousness -synonymy -synophthalmus -synopses -synopsis -synopsize -synopsy -synoptic -synoptical -synoptically -Synoptist -synoptist -Synoptistic -synorchidism -synorchism -synorthographic -synosteology -synosteosis -synostose -synostosis -synostotic -synostotical -synostotically -synousiacs -synovectomy -synovia -synovial -synovially -synoviparous -synovitic -synovitis -synpelmous -synrhabdosome -synsacral -synsacrum -synsepalous -synspermous -synsporous -syntactic -syntactical -syntactically -syntactician -syntactics -syntagma -syntan -syntasis -syntax -syntaxis -syntaxist -syntechnic -syntectic -syntelome -syntenosis -synteresis -syntexis -syntheme -synthermal -syntheses -synthesis -synthesism -synthesist -synthesization -synthesize -synthesizer -synthete -synthetic -synthetical -synthetically -syntheticism -synthetism -synthetist -synthetization -synthetize -synthetizer -synthol -synthroni -synthronoi -synthronos -synthronus -syntomia -syntomy -syntone -syntonic -syntonical -syntonically -syntonin -syntonization -syntonize -syntonizer -syntonolydian -syntonous -syntony -syntripsis -syntrope -syntrophic -syntropic -syntropical -syntropy -syntype -syntypic -syntypicism -Synura -synusia -synusiast -syodicon -sypher -syphilide -syphilidography -syphilidologist -syphiliphobia -syphilis -syphilitic -syphilitically -syphilization -syphilize -syphiloderm -syphilodermatous -syphilogenesis -syphilogeny -syphilographer -syphilography -syphiloid -syphilologist -syphilology -syphiloma -syphilomatous -syphilophobe -syphilophobia -syphilophobic -syphilopsychosis -syphilosis -syphilous -Syracusan -syre -Syriac -Syriacism -Syriacist -Syrian -Syrianic -Syrianism -Syrianize -Syriarch -Syriasm -syringa -syringadenous -syringe -syringeal -syringeful -syringes -syringin -syringitis -syringium -syringocoele -syringomyelia -syringomyelic -syringotome -syringotomy -syrinx -Syriologist -Syrma -syrma -Syrmian -Syrnium -Syrophoenician -syrphian -syrphid -Syrphidae -syrt -syrtic -Syrtis -syrup -syruped -syruper -syruplike -syrupy -Syryenian -syssarcosis -syssel -sysselman -syssiderite -syssitia -syssition -systaltic -systasis -systatic -system -systematic -systematical -systematicality -systematically -systematician -systematicness -systematics -systematism -systematist -systematization -systematize -systematizer -systematology -systemed -systemic -systemically -systemist -systemizable -systemization -systemize -systemizer -systemless -systemproof -systemwise -systilius -systolated -systole -systolic -systyle -systylous -Syun -syzygetic -syzygetically -syzygial -syzygium -syzygy -szaibelyite -Szekler -szlachta -szopelka -T -t -ta -taa -Taal -Taalbond -taar -Tab -tab -tabacin -tabacosis -tabacum -tabanid -Tabanidae -tabaniform -tabanuco -Tabanus -tabard -tabarded -tabaret -Tabasco -tabasheer -tabashir -tabaxir -tabbarea -tabber -tabbinet -Tabby -tabby -Tabebuia -tabefaction -tabefy -tabella -Tabellaria -Tabellariaceae -tabellion -taberdar -taberna -tabernacle -tabernacler -tabernacular -Tabernaemontana -tabernariae -tabes -tabescence -tabescent -tabet -tabetic -tabetiform -tabetless -tabic -tabid -tabidly -tabidness -tabific -tabifical -tabinet -Tabira -Tabitha -tabitude -tabla -tablature -table -tableau -tableaux -tablecloth -tableclothwise -tableclothy -tabled -tablefellow -tablefellowship -tableful -tableity -tableland -tableless -tablelike -tablemaid -tablemaker -tablemaking -tableman -tablemate -tabler -tables -tablespoon -tablespoonful -tablet -tabletary -tableware -tablewise -tabling -tablinum -Tabloid -tabloid -tabog -taboo -tabooism -tabooist -taboot -taboparalysis -taboparesis -taboparetic -tabophobia -tabor -taborer -taboret -taborin -Taborite -tabour -tabourer -tabouret -tabret -Tabriz -tabu -tabula -tabulable -tabular -tabulare -tabularium -tabularization -tabularize -tabularly -tabulary -Tabulata -tabulate -tabulated -tabulation -tabulator -tabulatory -tabule -tabuliform -tabut -tacahout -tacamahac -Tacana -Tacanan -Tacca -Taccaceae -taccaceous -taccada -tach -Tachardia -Tachardiinae -tache -tacheless -tacheography -tacheometer -tacheometric -tacheometry -tacheture -tachhydrite -tachibana -Tachina -Tachinaria -tachinarian -tachinid -Tachinidae -tachiol -tachistoscope -tachistoscopic -tachogram -tachograph -tachometer -tachometry -tachoscope -tachycardia -tachycardiac -tachygen -tachygenesis -tachygenetic -tachygenic -tachyglossal -tachyglossate -Tachyglossidae -Tachyglossus -tachygraph -tachygrapher -tachygraphic -tachygraphical -tachygraphically -tachygraphist -tachygraphometer -tachygraphometry -tachygraphy -tachyhydrite -tachyiatry -tachylalia -tachylite -tachylyte -tachylytic -tachymeter -tachymetric -tachymetry -tachyphagia -tachyphasia -tachyphemia -tachyphrasia -tachyphrenia -tachypnea -tachyscope -tachyseism -tachysterol -tachysystole -tachythanatous -tachytomy -tachytype -tacit -Tacitean -tacitly -tacitness -taciturn -taciturnist -taciturnity -taciturnly -tack -tacker -tacket -tackety -tackey -tackiness -tacking -tackingly -tackle -tackled -tackleless -tackleman -tackler -tackless -tackling -tackproof -tacksman -tacky -taclocus -tacmahack -tacnode -Taconian -Taconic -taconite -tacso -Tacsonia -tact -tactable -tactful -tactfully -tactfulness -tactic -tactical -tactically -tactician -tactics -tactile -tactilist -tactility -tactilogical -tactinvariant -taction -tactite -tactive -tactless -tactlessly -tactlessness -tactometer -tactor -tactosol -tactual -tactualist -tactuality -tactually -tactus -tacuacine -Taculli -Tad -tad -tade -Tadjik -Tadousac -tadpole -tadpoledom -tadpolehood -tadpolelike -tadpolism -tae -tael -taen -taenia -taeniacidal -taeniacide -Taeniada -taeniafuge -taenial -taenian -taeniasis -Taeniata -taeniate -taenicide -Taenidia -taenidium -taeniform -taenifuge -taeniiform -Taeniobranchia -taeniobranchiate -Taeniodonta -Taeniodontia -Taeniodontidae -Taenioglossa -taenioglossate -taenioid -taeniosome -Taeniosomi -taeniosomous -taenite -taennin -Taetsia -taffarel -tafferel -taffeta -taffety -taffle -taffrail -Taffy -taffy -taffylike -taffymaker -taffymaking -taffywise -tafia -tafinagh -taft -tafwiz -tag -Tagabilis -Tagakaolo -Tagal -Tagala -Tagalize -Tagalo -Tagalog -tagasaste -Tagassu -Tagassuidae -tagatose -Tagaur -Tagbanua -tagboard -Tagetes -tagetol -tagetone -tagged -tagger -taggle -taggy -Taghlik -tagilite -Tagish -taglet -Tagliacotian -Tagliacozzian -taglike -taglock -tagrag -tagraggery -tagsore -tagtail -tagua -taguan -Tagula -tagwerk -taha -Tahami -taheen -tahil -tahin -Tahiti -Tahitian -tahkhana -Tahltan -tahr -tahseeldar -tahsil -tahsildar -Tahsin -tahua -Tai -tai -taiaha -taich -taiga -taigle -taiglesome -taihoa -taikhana -tail -tailage -tailband -tailboard -tailed -tailender -tailer -tailet -tailfirst -tailflower -tailforemost -tailge -tailhead -tailing -tailings -taille -tailless -taillessly -taillessness -taillie -taillight -taillike -tailor -tailorage -tailorbird -tailorcraft -tailordom -tailoress -tailorhood -tailoring -tailorism -tailorization -tailorize -tailorless -tailorlike -tailorly -tailorman -tailorship -tailorwise -tailory -tailpiece -tailpin -tailpipe -tailrace -tailsman -tailstock -Tailte -tailward -tailwards -tailwise -taily -tailzee -tailzie -taimen -taimyrite -tain -Tainan -Taino -taint -taintable -taintless -taintlessly -taintlessness -taintment -taintor -taintproof -tainture -taintworm -Tainui -taipan -Taipi -Taiping -taipo -tairge -tairger -tairn -taisch -taise -Taisho -taissle -taistrel -taistril -Tait -tait -taiver -taivers -taivert -Taiwanhemp -Taiyal -taj -Tajik -takable -takamaka -Takao -takar -Takayuki -take -takedown -takedownable -takeful -Takelma -taken -taker -Takeuchi -Takhaar -Takhtadjy -Takilman -takin -taking -takingly -takingness -takings -Takitumu -takosis -takt -Taku -taky -takyr -Tal -tal -tala -talabon -talahib -Talaing -talaje -talak -talalgia -Talamanca -Talamancan -talanton -talao -talapoin -talar -talari -talaria -talaric -talayot -talbot -talbotype -talc -talcer -Talcher -talcky -talclike -talcochlorite -talcoid -talcomicaceous -talcose -talcous -talcum -tald -tale -talebearer -talebearing -talebook -talecarrier -talecarrying -taled -taleful -Talegallinae -Talegallus -talemaster -talemonger -talemongering -talent -talented -talentless -talepyet -taler -tales -talesman -taleteller -taletelling -tali -Taliacotian -taliage -taliation -taliera -taligrade -Talinum -talion -talionic -talipat -taliped -talipedic -talipes -talipomanus -talipot -talis -talisay -Talishi -talisman -talismanic -talismanical -talismanically -talismanist -talite -Talitha -talitol -talk -talkability -talkable -talkathon -talkative -talkatively -talkativeness -talker -talkfest -talkful -talkie -talkiness -talking -talkworthy -talky -tall -tallage -tallageability -tallageable -tallboy -tallegalane -taller -tallero -talles -tallet -talliable -talliage -talliar -talliate -tallier -tallis -tallish -tallit -tallith -tallness -talloel -tallote -tallow -tallowberry -tallower -tallowiness -tallowing -tallowish -tallowlike -tallowmaker -tallowmaking -tallowman -tallowroot -tallowweed -tallowwood -tallowy -tallwood -tally -tallyho -tallyman -tallymanship -tallywag -tallywalka -tallywoman -talma -talmouse -Talmud -Talmudic -Talmudical -Talmudism -Talmudist -Talmudistic -Talmudistical -Talmudization -Talmudize -talocalcaneal -talocalcanean -talocrural -talofibular -talon -talonavicular -taloned -talonic -talonid -taloscaphoid -talose -talotibial -Talpa -talpacoti -talpatate -talpetate -talpicide -talpid -Talpidae -talpiform -talpify -talpine -talpoid -talthib -Taltushtuntude -Taluche -Taluhet -taluk -taluka -talukdar -talukdari -talus -taluto -talwar -talwood -Talyshin -tam -Tama -tamability -tamable -tamableness -tamably -Tamaceae -Tamachek -tamacoare -tamale -Tamanac -Tamanaca -Tamanaco -tamandu -tamandua -tamanoas -tamanoir -tamanowus -tamanu -Tamara -tamara -tamarack -tamaraite -tamarao -Tamaricaceae -tamaricaceous -tamarin -tamarind -Tamarindus -tamarisk -Tamarix -Tamaroa -tamas -tamasha -Tamashek -Tamaulipecan -tambac -tambaroora -tamber -tambo -tamboo -Tambookie -tambookie -tambor -Tambouki -tambour -tamboura -tambourer -tambouret -tambourgi -tambourin -tambourinade -tambourine -tambourist -tambreet -Tambuki -tamburan -tamburello -Tame -tame -tamehearted -tameheartedness -tamein -tameless -tamelessly -tamelessness -tamely -tameness -tamer -Tamerlanism -Tamias -tamidine -Tamil -Tamilian -Tamilic -tamis -tamise -tamlung -Tammanial -Tammanize -Tammany -Tammanyism -Tammanyite -Tammanyize -tammie -tammock -Tammy -tammy -Tamonea -Tamoyo -tamp -tampala -tampan -tampang -tamper -tamperer -tamperproof -tampin -tamping -tampion -tampioned -tampon -tamponade -tamponage -tamponment -tampoon -Tamul -Tamulian -Tamulic -Tamus -Tamworth -Tamzine -tan -tana -tanacetin -tanacetone -Tanacetum -tanacetyl -tanach -tanager -Tanagra -Tanagraean -Tanagridae -tanagrine -tanagroid -Tanaidacea -tanaist -tanak -Tanaka -Tanala -tanan -tanbark -tanbur -tancel -Tanchelmian -tanchoir -tandan -tandem -tandemer -tandemist -tandemize -tandemwise -tandle -tandour -Tandy -tane -tanekaha -Tang -tang -tanga -Tangaloa -tangalung -tangantangan -Tangaridae -Tangaroa -Tangaroan -tanged -tangeite -tangelo -tangence -tangency -tangent -tangental -tangentally -tangential -tangentiality -tangentially -tangently -tanger -Tangerine -tangfish -tangham -tanghan -tanghin -Tanghinia -tanghinin -tangi -tangibile -tangibility -tangible -tangibleness -tangibly -tangie -Tangier -tangilin -Tangipahoa -tangka -tanglad -tangle -tangleberry -tanglefish -tanglefoot -tanglement -tangleproof -tangler -tangleroot -tanglesome -tangless -tanglewrack -tangling -tanglingly -tangly -tango -tangoreceptor -tangram -tangs -tangue -tanguile -tangum -tangun -Tangut -tangy -tanh -tanha -tanhouse -tania -tanica -tanier -tanist -tanistic -tanistry -tanistship -Tanite -Tanitic -tanjib -tanjong -tank -tanka -tankage -tankah -tankard -tanked -tanker -tankerabogus -tankert -tankette -tankful -tankle -tankless -tanklike -tankmaker -tankmaking -tankman -tankodrome -tankroom -tankwise -tanling -tannable -tannage -tannaic -tannaim -tannaitic -tannalbin -tannase -tannate -tanned -tanner -tannery -tannic -tannide -tanniferous -tannin -tannined -tanning -tanninlike -tannocaffeic -tannogallate -tannogallic -tannogelatin -tannogen -tannoid -tannometer -tannyl -Tano -tanoa -Tanoan -tanproof -tanquam -Tanquelinian -tanquen -tanrec -tanstuff -tansy -tantadlin -tantafflin -tantalate -Tantalean -Tantalian -Tantalic -tantalic -tantaliferous -tantalifluoride -tantalite -tantalization -tantalize -tantalizer -tantalizingly -tantalizingness -tantalofluoride -tantalum -Tantalus -tantamount -tantara -tantarabobus -tantarara -tanti -tantivy -tantle -Tantony -tantra -tantric -tantrik -tantrism -tantrist -tantrum -tantum -tanwood -tanworks -Tanya -tanyard -Tanyoan -Tanystomata -tanystomatous -tanystome -tanzeb -tanzib -Tanzine -tanzy -Tao -tao -Taoism -Taoist -Taoistic -Taonurus -Taos -taotai -taoyin -tap -Tapa -tapa -Tapachula -Tapachulteca -tapacolo -tapaculo -Tapacura -tapadera -tapadero -Tapajo -tapalo -tapamaker -tapamaking -tapas -tapasvi -Tape -tape -Tapeats -tapeinocephalic -tapeinocephalism -tapeinocephaly -tapeless -tapelike -tapeline -tapemaker -tapemaking -tapeman -tapen -taper -taperbearer -tapered -taperer -tapering -taperingly -taperly -tapermaker -tapermaking -taperness -taperwise -tapesium -tapestring -tapestry -tapestrylike -tapet -tapetal -tapete -tapeti -tapetless -tapetum -tapework -tapeworm -taphephobia -taphole -taphouse -Taphria -Taphrina -Taphrinaceae -tapia -Tapijulapane -tapinceophalism -tapinocephalic -tapinocephaly -Tapinoma -tapinophobia -tapinophoby -tapinosis -tapioca -tapir -Tapiridae -tapiridian -tapirine -Tapiro -tapiroid -Tapirus -tapis -tapism -tapist -taplash -taplet -Tapleyism -tapmost -tapnet -tapoa -Taposa -tapoun -tappa -tappable -tappableness -tappall -tappaul -tappen -tapper -tapperer -Tappertitian -tappet -tappietoorie -tapping -tappoon -Taprobane -taproom -taproot -taprooted -taps -tapster -tapsterlike -tapsterly -tapstress -tapu -tapul -Tapuya -Tapuyan -Tapuyo -taqua -tar -tara -tarabooka -taraf -tarafdar -tarage -Tarahumar -Tarahumara -Tarahumare -Tarahumari -Tarai -tarairi -tarakihi -Taraktogenos -taramellite -Taramembe -Taranchi -tarand -Tarandean -Tarandian -tarantara -tarantass -tarantella -tarantism -tarantist -tarantula -tarantular -tarantulary -tarantulated -tarantulid -Tarantulidae -tarantulism -tarantulite -tarantulous -tarapatch -taraph -tarapin -Tarapon -Tarasc -Tarascan -Tarasco -tarassis -tarata -taratah -taratantara -taratantarize -tarau -taraxacerin -taraxacin -Taraxacum -Tarazed -tarbadillo -tarbet -tarboard -tarbogan -tarboggin -tarboosh -tarbooshed -tarboy -tarbrush -tarbush -tarbuttite -Tardenoisian -Tardigrada -tardigrade -tardigradous -tardily -tardiness -tarditude -tardive -tardle -tardy -tare -tarea -tarefa -tarefitch -tarentala -tarente -Tarentine -tarentism -tarentola -tarepatch -Tareq -tarfa -tarflower -targe -targeman -targer -target -targeted -targeteer -targetlike -targetman -Targum -Targumic -Targumical -Targumist -Targumistic -Targumize -Tarheel -Tarheeler -tarhood -tari -Tariana -tarie -tariff -tariffable -tariffication -tariffism -tariffist -tariffite -tariffize -tariffless -tarin -Tariri -tariric -taririnic -tarish -Tarkalani -Tarkani -tarkashi -tarkeean -tarkhan -tarlatan -tarlataned -tarletan -tarlike -tarltonize -Tarmac -tarmac -tarman -Tarmi -tarmined -tarn -tarnal -tarnally -tarnation -tarnish -tarnishable -tarnisher -tarnishment -tarnishproof -tarnlike -tarnside -taro -taroc -tarocco -tarok -taropatch -tarot -tarp -tarpan -tarpaulin -tarpaulinmaker -Tarpeia -Tarpeian -tarpon -tarpot -tarpum -Tarquin -Tarquinish -tarr -tarrack -tarradiddle -tarradiddler -tarragon -tarragona -tarras -tarrass -Tarrateen -Tarratine -tarred -tarrer -tarri -tarriance -tarrie -tarrier -tarrify -tarrily -tarriness -tarrish -tarrock -tarrow -tarry -tarrying -tarryingly -tarryingness -tars -tarsadenitis -tarsal -tarsale -tarsalgia -tarse -tarsectomy -tarsectopia -tarsi -tarsia -tarsier -Tarsiidae -tarsioid -Tarsipedidae -Tarsipedinae -Tarsipes -tarsitis -Tarsius -tarsochiloplasty -tarsoclasis -tarsomalacia -tarsome -tarsometatarsal -tarsometatarsus -tarsonemid -Tarsonemidae -Tarsonemus -tarsophalangeal -tarsophyma -tarsoplasia -tarsoplasty -tarsoptosis -tarsorrhaphy -tarsotarsal -tarsotibal -tarsotomy -tarsus -tart -tartago -Tartan -tartan -tartana -tartane -Tartar -tartar -tartarated -Tartarean -Tartareous -tartareous -tartaret -Tartarian -Tartaric -tartaric -Tartarin -tartarish -Tartarism -Tartarization -tartarization -Tartarize -tartarize -Tartarized -Tartarlike -tartarly -Tartarology -tartarous -tartarproof -tartarum -Tartarus -Tartary -tartemorion -tarten -tartish -tartishly -tartle -tartlet -tartly -tartness -tartramate -tartramic -tartramide -tartrate -tartrated -tartratoferric -tartrazine -tartrazinic -tartro -tartronate -tartronic -tartronyl -tartronylurea -tartrous -tartryl -tartrylic -Tartufe -tartufery -tartufian -tartufish -tartufishly -tartufism -tartwoman -Taruma -Tarumari -tarve -Tarvia -tarweed -tarwhine -tarwood -tarworks -taryard -Taryba -Tarzan -Tarzanish -tasajo -tascal -tasco -taseometer -tash -tasheriff -tashie -tashlik -Tashnagist -Tashnakist -tashreef -tashrif -Tasian -tasimeter -tasimetric -tasimetry -task -taskage -tasker -taskit -taskless -tasklike -taskmaster -taskmastership -taskmistress -tasksetter -tasksetting -taskwork -taslet -Tasmanian -tasmanite -Tass -tass -tassago -tassah -tassal -tassard -tasse -tassel -tasseler -tasselet -tasselfish -tassellus -tasselmaker -tasselmaking -tassely -tasser -tasset -tassie -tassoo -tastable -tastableness -tastably -taste -tasteable -tasteableness -tasteably -tasted -tasteful -tastefully -tastefulness -tastekin -tasteless -tastelessly -tastelessness -tasten -taster -tastily -tastiness -tasting -tastingly -tasty -tasu -Tat -tat -Tatar -Tatarian -Tataric -Tatarization -Tatarize -Tatary -tataupa -tatbeb -tatchy -tate -tater -Tates -tath -Tatian -Tatianist -tatie -tatinek -tatler -tatou -tatouay -tatpurusha -Tatsanottine -tatsman -tatta -tatter -tatterdemalion -tatterdemalionism -tatterdemalionry -tattered -tatteredly -tatteredness -tatterly -tatterwallop -tattery -tatther -tattied -tatting -tattle -tattlement -tattler -tattlery -tattletale -tattling -tattlingly -tattoo -tattooage -tattooer -tattooing -tattooist -tattooment -tattva -tatty -Tatu -tatu -tatukira -Tatusia -Tatusiidae -tau -Taube -Tauchnitz -taught -taula -Tauli -taum -taun -Taungthu -taunt -taunter -taunting -tauntingly -tauntingness -Taunton -tauntress -taupe -taupo -taupou -taur -tauranga -taurean -Tauri -Taurian -taurian -Tauric -tauric -tauricide -tauricornous -Taurid -Tauridian -tauriferous -tauriform -taurine -Taurini -taurite -taurobolium -tauroboly -taurocephalous -taurocholate -taurocholic -taurocol -taurocolla -Tauroctonus -taurodont -tauroesque -taurokathapsia -taurolatry -tauromachian -tauromachic -tauromachy -tauromorphic -tauromorphous -taurophile -taurophobe -Tauropolos -Taurotragus -Taurus -tauryl -taut -tautaug -tauted -tautegorical -tautegory -tauten -tautirite -tautit -tautly -tautness -tautochrone -tautochronism -tautochronous -tautog -tautologic -tautological -tautologically -tautologicalness -tautologism -tautologist -tautologize -tautologizer -tautologous -tautologously -tautology -tautomer -tautomeral -tautomeric -tautomerism -tautomerizable -tautomerization -tautomerize -tautomery -tautometer -tautometric -tautometrical -tautomorphous -tautonym -tautonymic -tautonymy -tautoousian -tautoousious -tautophonic -tautophonical -tautophony -tautopodic -tautopody -tautosyllabic -tautotype -tautourea -tautousian -tautousious -tautozonal -tautozonality -tav -Tavast -Tavastian -Tave -tave -tavell -taver -tavern -taverner -tavernize -tavernless -tavernlike -tavernly -tavernous -tavernry -tavernwards -tavers -tavert -Tavghi -tavistockite -tavola -tavolatite -Tavy -taw -tawa -tawdered -tawdrily -tawdriness -tawdry -tawer -tawery -Tawgi -tawie -tawite -tawkee -tawkin -tawn -tawney -tawnily -tawniness -tawnle -tawny -tawpi -tawpie -taws -tawse -tawtie -tax -taxability -taxable -taxableness -taxably -Taxaceae -taxaceous -taxameter -taxaspidean -taxation -taxational -taxative -taxatively -taxator -taxeater -taxeating -taxed -taxeme -taxemic -taxeopod -Taxeopoda -taxeopodous -taxeopody -taxer -taxgatherer -taxgathering -taxi -taxiable -taxiarch -taxiauto -taxibus -taxicab -Taxidea -taxidermal -taxidermic -taxidermist -taxidermize -taxidermy -taximan -taximeter -taximetered -taxine -taxing -taxingly -taxinomic -taxinomist -taxinomy -taxiplane -taxis -taxite -taxitic -taxless -taxlessly -taxlessness -taxman -Taxodiaceae -Taxodium -taxodont -taxology -taxometer -taxon -taxonomer -taxonomic -taxonomical -taxonomically -taxonomist -taxonomy -taxor -taxpaid -taxpayer -taxpaying -Taxus -taxwax -taxy -tay -Tayassu -Tayassuidae -tayer -Taygeta -tayir -Taylor -Taylorism -Taylorite -taylorite -Taylorize -tayra -Tayrona -taysaam -tazia -Tcawi -tch -tchai -tcharik -tchast -tche -tcheirek -Tcheka -Tcherkess -tchervonets -tchervonetz -Tchetchentsish -Tchetnitsi -Tchi -tchick -tchu -Tchwi -tck -Td -te -tea -teaberry -teaboard -teabox -teaboy -teacake -teacart -teach -teachability -teachable -teachableness -teachably -teache -teacher -teacherage -teacherdom -teacheress -teacherhood -teacherless -teacherlike -teacherly -teachership -teachery -teaching -teachingly -teachless -teachment -teachy -teacup -teacupful -tead -teadish -teaer -teaey -teagardeny -teagle -Teague -Teagueland -Teaguelander -teahouse -teaish -teaism -teak -teakettle -teakwood -teal -tealeafy -tealery -tealess -teallite -team -teamaker -teamaking -teaman -teameo -teamer -teaming -teamland -teamless -teamman -teammate -teamsman -teamster -teamwise -teamwork -tean -teanal -teap -teapot -teapotful -teapottykin -teapoy -tear -tearable -tearableness -tearably -tearage -tearcat -teardown -teardrop -tearer -tearful -tearfully -tearfulness -tearing -tearless -tearlessly -tearlessness -tearlet -tearlike -tearoom -tearpit -tearproof -tearstain -teart -tearthroat -tearthumb -teary -teasable -teasableness -teasably -tease -teaseable -teaseableness -teaseably -teasehole -teasel -teaseler -teaseller -teasellike -teaselwort -teasement -teaser -teashop -teasiness -teasing -teasingly -teasler -teaspoon -teaspoonful -teasy -teat -teataster -teated -teatfish -teathe -teather -teatime -teatlike -teatling -teatman -teaty -teave -teaware -teaze -teazer -tebbet -Tebet -Tebeth -Tebu -tec -Teca -teca -tecali -Tech -tech -techily -techiness -technetium -technic -technica -technical -technicalism -technicalist -technicality -technicalize -technically -technicalness -technician -technicism -technicist -technicological -technicology -Technicolor -technicon -technics -techniphone -technique -techniquer -technism -technist -technocausis -technochemical -technochemistry -technocracy -technocrat -technocratic -technographer -technographic -technographical -technographically -technography -technolithic -technologic -technological -technologically -technologist -technologue -technology -technonomic -technonomy -technopsychology -techous -techy -teck -Tecla -tecnoctonia -tecnology -Teco -Tecoma -tecomin -tecon -Tecpanec -tectal -tectibranch -Tectibranchia -tectibranchian -Tectibranchiata -tectibranchiate -tectiform -tectocephalic -tectocephaly -tectological -tectology -Tectona -tectonic -tectonics -tectorial -tectorium -Tectosages -tectosphere -tectospinal -Tectospondyli -tectospondylic -tectospondylous -tectrices -tectricial -tectum -tecum -tecuma -Tecuna -Ted -ted -Teda -tedder -Teddy -tedescan -tedge -tediosity -tedious -tediously -tediousness -tediousome -tedisome -tedium -tee -teedle -teel -teem -teemer -teemful -teemfulness -teeming -teemingly -teemingness -teemless -teems -teen -teenage -teenet -teens -teensy -teenty -teeny -teer -teerer -teest -Teeswater -teet -teetaller -teetan -teeter -teeterboard -teeterer -teetertail -teeth -teethache -teethbrush -teethe -teethful -teethily -teething -teethless -teethlike -teethridge -teethy -teeting -teetotal -teetotaler -teetotalism -teetotalist -teetotally -teetotum -teetotumism -teetotumize -teetotumwise -teety -teevee -teewhaap -teff -teg -Tegean -Tegeticula -tegmen -tegmental -tegmentum -tegmina -tegminal -Tegmine -tegua -teguexin -Teguima -tegula -tegular -tegularly -tegulated -tegumen -tegument -tegumental -tegumentary -tegumentum -tegurium -Teheran -tehseel -tehseeldar -tehsil -tehsildar -Tehuantepecan -Tehueco -Tehuelche -Tehuelchean -Tehuelet -Teian -teicher -teiglech -Teiidae -teil -teind -teindable -teinder -teinland -teinoscope -teioid -Teiresias -Tejon -tejon -teju -tekiah -Tekintsi -Tekke -tekke -tekken -Tekkintzi -teknonymous -teknonymy -tektite -tekya -telacoustic -telakucha -telamon -telang -telangiectasia -telangiectasis -telangiectasy -telangiectatic -telangiosis -Telanthera -telar -telarian -telary -telautogram -telautograph -telautographic -telautographist -telautography -telautomatic -telautomatically -telautomatics -Telchines -Telchinic -tele -teleanemograph -teleangiectasia -telebarograph -telebarometer -telecast -telecaster -telechemic -telechirograph -telecinematography -telecode -telecommunication -telecryptograph -telectroscope -teledendrion -teledendrite -teledendron -teledu -telega -telegenic -Telegn -telegnosis -telegnostic -telegonic -telegonous -telegony -telegram -telegrammatic -telegrammic -telegraph -telegraphee -telegrapheme -telegrapher -telegraphese -telegraphic -telegraphical -telegraphically -telegraphist -telegraphone -telegraphophone -telegraphoscope -telegraphy -Telegu -telehydrobarometer -Telei -Teleia -teleianthous -teleiosis -telekinematography -telekinesis -telekinetic -telelectric -telelectrograph -telelectroscope -telemanometer -Telemark -telemark -Telembi -telemechanic -telemechanics -telemechanism -telemetacarpal -telemeteorograph -telemeteorographic -telemeteorography -telemeter -telemetric -telemetrical -telemetrist -telemetrograph -telemetrographic -telemetrography -telemetry -telemotor -telencephal -telencephalic -telencephalon -telenergic -telenergy -teleneurite -teleneuron -Telenget -telengiscope -Telenomus -teleobjective -Teleocephali -teleocephalous -Teleoceras -Teleodesmacea -teleodesmacean -teleodesmaceous -teleodont -teleologic -teleological -teleologically -teleologism -teleologist -teleology -teleometer -teleophobia -teleophore -teleophyte -teleoptile -teleorganic -teleoroentgenogram -teleoroentgenography -teleosaur -teleosaurian -Teleosauridae -Teleosaurus -teleost -teleostean -Teleostei -teleosteous -teleostomate -teleostome -Teleostomi -teleostomian -teleostomous -teleotemporal -teleotrocha -teleozoic -teleozoon -telepathic -telepathically -telepathist -telepathize -telepathy -telepheme -telephone -telephoner -telephonic -telephonical -telephonically -telephonist -telephonograph -telephonographic -telephony -telephote -telephoto -telephotograph -telephotographic -telephotography -Telephus -telepicture -teleplasm -teleplasmic -teleplastic -telepost -teleprinter -teleradiophone -teleran -telergic -telergical -telergically -telergy -telescope -telescopic -telescopical -telescopically -telescopiform -telescopist -Telescopium -telescopy -telescriptor -teleseism -teleseismic -teleseismology -teleseme -telesia -telesis -telesmeter -telesomatic -telespectroscope -telestereograph -telestereography -telestereoscope -telesterion -telesthesia -telesthetic -telestial -telestic -telestich -teletactile -teletactor -teletape -teletherapy -telethermogram -telethermograph -telethermometer -telethermometry -telethon -teletopometer -teletranscription -Teletype -teletype -teletyper -teletypesetter -teletypewriter -teletyping -Teleut -teleuto -teleutoform -teleutosorus -teleutospore -teleutosporic -teleutosporiferous -teleview -televiewer -televise -television -televisional -televisionary -televisor -televisual -televocal -televox -telewriter -Telfairia -telfairic -telfer -telferage -telford -telfordize -telharmonic -telharmonium -telharmony -teli -telial -telic -telical -telically -teliferous -Telinga -teliosorus -teliospore -teliosporic -teliosporiferous -teliostage -telium -tell -tellable -tellach -tellee -teller -tellership -telligraph -Tellima -Tellina -Tellinacea -tellinacean -tellinaceous -telling -tellingly -Tellinidae -tellinoid -tellsome -tellt -telltale -telltalely -telltruth -tellural -tellurate -telluret -tellureted -tellurethyl -telluretted -tellurhydric -tellurian -telluric -telluride -telluriferous -tellurion -tellurism -tellurist -tellurite -tellurium -tellurize -telluronium -tellurous -telmatological -telmatology -teloblast -teloblastic -telocentric -telodendrion -telodendron -telodynamic -telokinesis -telolecithal -telolemma -telome -telomic -telomitic -telonism -Teloogoo -Telopea -telophase -telophragma -telopsis -teloptic -telosynapsis -telosynaptic -telosynaptist -teloteropathic -teloteropathically -teloteropathy -Telotremata -telotrematous -telotroch -telotrocha -telotrochal -telotrochous -telotrophic -telotype -telpath -telpher -telpherage -telpherman -telpherway -telson -telsonic -telt -Telugu -telurgy -telyn -Tema -temacha -temalacatl -Teman -teman -Temanite -tembe -temblor -Tembu -temenos -temerarious -temerariously -temerariousness -temeritous -temerity -temerous -temerously -temerousness -temiak -temin -Temiskaming -Temne -Temnospondyli -temnospondylous -temp -Tempe -Tempean -temper -tempera -temperability -temperable -temperably -temperality -temperament -temperamental -temperamentalist -temperamentally -temperamented -temperance -temperate -temperately -temperateness -temperative -temperature -tempered -temperedly -temperedness -temperer -temperish -temperless -tempersome -tempery -tempest -tempestical -tempestive -tempestively -tempestivity -tempestuous -tempestuously -tempestuousness -tempesty -tempi -Templar -templar -templardom -templarism -templarlike -templarlikeness -templary -template -templater -temple -templed -templeful -templeless -templelike -templet -Templetonia -templeward -templize -tempo -tempora -temporal -temporale -temporalism -temporalist -temporality -temporalize -temporally -temporalness -temporalty -temporaneous -temporaneously -temporaneousness -temporarily -temporariness -temporary -temporator -temporization -temporizer -temporizing -temporizingly -temporoalar -temporoauricular -temporocentral -temporocerebellar -temporofacial -temporofrontal -temporohyoid -temporomalar -temporomandibular -temporomastoid -temporomaxillary -temporooccipital -temporoparietal -temporopontine -temporosphenoid -temporosphenoidal -temporozygomatic -tempre -temprely -tempt -temptability -temptable -temptableness -temptation -temptational -temptationless -temptatious -temptatory -tempter -tempting -temptingly -temptingness -temptress -Tempyo -temse -temser -temulence -temulency -temulent -temulentive -temulently -ten -tenability -tenable -tenableness -tenably -tenace -tenacious -tenaciously -tenaciousness -tenacity -tenaculum -tenai -tenaille -tenaillon -Tenaktak -tenancy -tenant -tenantable -tenantableness -tenanter -tenantism -tenantless -tenantlike -tenantry -tenantship -tench -tenchweed -Tencteri -tend -tendance -tendant -tendence -tendency -tendent -tendential -tendentious -tendentiously -tendentiousness -tender -tenderability -tenderable -tenderably -tenderee -tenderer -tenderfoot -tenderfootish -tenderful -tenderfully -tenderheart -tenderhearted -tenderheartedly -tenderheartedness -tenderish -tenderize -tenderling -tenderloin -tenderly -tenderness -tenderometer -tendersome -tendinal -tending -tendingly -tendinitis -tendinous -tendinousness -tendomucoid -tendon -tendonous -tendoplasty -tendosynovitis -tendotome -tendotomy -tendour -tendovaginal -tendovaginitis -tendresse -tendril -tendriled -tendriliferous -tendrillar -tendrilly -tendrilous -tendron -tenebra -Tenebrae -tenebricose -tenebrific -tenebrificate -Tenebrio -tenebrionid -Tenebrionidae -tenebrious -tenebriously -tenebrity -tenebrose -tenebrosity -tenebrous -tenebrously -tenebrousness -tenectomy -tenement -tenemental -tenementary -tenementer -tenementization -tenementize -tenendas -tenendum -tenent -teneral -Teneriffe -tenesmic -tenesmus -tenet -tenfold -tenfoldness -teng -tengere -tengerite -Tenggerese -tengu -teniacidal -teniacide -tenible -Tenino -tenio -tenline -tenmantale -tennantite -tenne -tenner -Tennessean -tennis -tennisdom -tennisy -Tennysonian -Tennysonianism -Tenochtitlan -tenodesis -tenodynia -tenography -tenology -tenomyoplasty -tenomyotomy -tenon -tenonectomy -tenoner -Tenonian -tenonitis -tenonostosis -tenontagra -tenontitis -tenontodynia -tenontography -tenontolemmitis -tenontology -tenontomyoplasty -tenontomyotomy -tenontophyma -tenontoplasty -tenontothecitis -tenontotomy -tenophony -tenophyte -tenoplastic -tenoplasty -tenor -tenorist -tenorister -tenorite -tenorless -tenoroon -tenorrhaphy -tenositis -tenostosis -tenosuture -tenotome -tenotomist -tenotomize -tenotomy -tenovaginitis -tenpence -tenpenny -tenpin -tenrec -Tenrecidae -tense -tenseless -tenselessness -tensely -tenseness -tensibility -tensible -tensibleness -tensibly -tensify -tensile -tensilely -tensileness -tensility -tensimeter -tensiometer -tension -tensional -tensionless -tensity -tensive -tenson -tensor -tent -tentability -tentable -tentacle -tentacled -tentaclelike -tentacula -tentacular -Tentaculata -tentaculate -tentaculated -Tentaculifera -tentaculite -Tentaculites -Tentaculitidae -tentaculocyst -tentaculoid -tentaculum -tentage -tentamen -tentation -tentative -tentatively -tentativeness -tented -tenter -tenterbelly -tenterer -tenterhook -tentful -tenth -tenthly -tenthmeter -tenthredinid -Tenthredinidae -tenthredinoid -Tenthredinoidea -Tenthredo -tentiform -tentigo -tentillum -tention -tentless -tentlet -tentlike -tentmaker -tentmaking -tentmate -tentorial -tentorium -tenture -tentwards -tentwise -tentwork -tentwort -tenty -tenuate -tenues -tenuicostate -tenuifasciate -tenuiflorous -tenuifolious -tenuious -tenuiroster -tenuirostral -tenuirostrate -Tenuirostres -tenuis -tenuistriate -tenuity -tenuous -tenuously -tenuousness -tenure -tenurial -tenurially -teocalli -teopan -teosinte -Teotihuacan -tepache -tepal -Tepanec -Tepecano -tepee -tepefaction -tepefy -Tepehua -Tepehuane -tepetate -Tephillah -tephillin -tephramancy -tephrite -tephritic -tephroite -tephromalacia -tephromyelitic -Tephrosia -tephrosis -tepid -tepidarium -tepidity -tepidly -tepidness -tepomporize -teponaztli -tepor -tequila -Tequistlateca -Tequistlatecan -tera -teraglin -terakihi -teramorphous -terap -teraphim -teras -teratical -teratism -teratoblastoma -teratogenesis -teratogenetic -teratogenic -teratogenous -teratogeny -teratoid -teratological -teratologist -teratology -teratoma -teratomatous -teratoscopy -teratosis -terbia -terbic -terbium -tercel -tercelet -tercentenarian -tercentenarize -tercentenary -tercentennial -tercer -terceron -tercet -terchloride -tercia -tercine -tercio -terdiurnal -terebate -terebella -terebellid -Terebellidae -terebelloid -terebellum -terebene -terebenic -terebenthene -terebic -terebilic -terebinic -terebinth -Terebinthaceae -terebinthial -terebinthian -terebinthic -terebinthina -terebinthinate -terebinthine -terebinthinous -Terebinthus -terebra -terebral -terebrant -Terebrantia -terebrate -terebration -Terebratula -terebratular -terebratulid -Terebratulidae -terebratuliform -terebratuline -terebratulite -terebratuloid -Terebridae -Teredinidae -teredo -terek -Terence -Terentian -terephthalate -terephthalic -Teresa -Teresian -Teresina -terete -teretial -tereticaudate -teretifolious -teretipronator -teretiscapular -teretiscapularis -teretish -tereu -Tereus -terfez -Terfezia -Terfeziaceae -tergal -tergant -tergeminate -tergeminous -tergiferous -tergite -tergitic -tergiversant -tergiversate -tergiversation -tergiversator -tergiversatory -tergiverse -tergolateral -tergum -Teri -Teriann -terlinguaite -term -terma -termagancy -Termagant -termagant -termagantish -termagantism -termagantly -termage -termatic -termen -termer -Termes -termillenary -termin -terminability -terminable -terminableness -terminably -terminal -Terminalia -Terminaliaceae -terminalization -terminalized -terminally -terminant -terminate -termination -terminational -terminative -terminatively -terminator -terminatory -termine -terminer -termini -terminine -terminism -terminist -terministic -terminize -termino -terminological -terminologically -terminologist -terminology -terminus -termital -termitarium -termitary -termite -termitic -termitid -Termitidae -termitophagous -termitophile -termitophilous -termless -termlessly -termlessness -termly -termolecular -termon -termor -termtime -tern -terna -ternal -ternar -ternariant -ternarious -ternary -ternate -ternately -ternatipinnate -ternatisect -ternatopinnate -terne -terneplate -ternery -ternion -ternize -ternlet -Ternstroemia -Ternstroemiaceae -teroxide -terp -terpadiene -terpane -terpene -terpeneless -terphenyl -terpilene -terpin -terpine -terpinene -terpineol -terpinol -terpinolene -terpodion -Terpsichore -terpsichoreal -terpsichoreally -Terpsichorean -terpsichorean -Terraba -terrace -terraceous -terracer -terracette -terracewards -terracewise -terracework -terraciform -terracing -terraculture -terraefilial -terraefilian -terrage -terrain -terral -terramara -terramare -Terrance -terrane -terranean -terraneous -Terrapene -terrapin -terraquean -terraqueous -terraqueousness -terrar -terrarium -terrazzo -terrella -terremotive -Terrence -terrene -terrenely -terreneness -terreplein -terrestrial -terrestrialism -terrestriality -terrestrialize -terrestrially -terrestrialness -terrestricity -terrestrious -terret -terreted -Terri -terribility -terrible -terribleness -terribly -terricole -terricoline -terricolous -terrier -terrierlike -terrific -terrifical -terrifically -terrification -terrificly -terrificness -terrifiedly -terrifier -terrify -terrifying -terrifyingly -terrigenous -terrine -Territelae -territelarian -territorial -territorialism -territorialist -territoriality -territorialization -territorialize -territorially -territorian -territoried -territory -terron -terror -terrorful -terrorific -terrorism -terrorist -terroristic -terroristical -terrorization -terrorize -terrorizer -terrorless -terrorproof -terrorsome -Terry -terry -terse -tersely -terseness -tersion -tersulphate -tersulphide -tersulphuret -tertenant -tertia -tertial -tertian -tertiana -tertianship -tertiarian -tertiary -tertiate -tertius -terton -tertrinal -Tertullianism -Tertullianist -teruncius -terutero -Teruyuki -tervalence -tervalency -tervalent -tervariant -tervee -terzetto -terzina -terzo -tesack -tesarovitch -teschenite -teschermacherite -teskere -teskeria -Tess -tessara -tessarace -tessaraconter -tessaradecad -tessaraglot -tessaraphthong -tessarescaedecahedron -tessel -tessella -tessellar -tessellate -tessellated -tessellation -tessera -tesseract -tesseradecade -tesseraic -tesseral -Tesserants -tesserarian -tesserate -tesserated -tesseratomic -tesseratomy -tessular -test -testa -testable -Testacea -testacean -testaceography -testaceology -testaceous -testaceousness -testacy -testament -testamental -testamentally -testamentalness -testamentarily -testamentary -testamentate -testamentation -testamentum -testamur -testar -testata -testate -testation -testator -testatorship -testatory -testatrices -testatrix -testatum -teste -tested -testee -tester -testes -testibrachial -testibrachium -testicardinate -testicardine -Testicardines -testicle -testicond -testicular -testiculate -testiculated -testiere -testificate -testification -testificator -testificatory -testifier -testify -testily -testimonial -testimonialist -testimonialization -testimonialize -testimonializer -testimonium -testimony -testiness -testing -testingly -testis -teston -testone -testoon -testor -testosterone -testril -testudinal -Testudinaria -testudinarious -Testudinata -testudinate -testudinated -testudineal -testudineous -Testudinidae -testudinous -testudo -testy -Tesuque -tetanic -tetanical -tetanically -tetaniform -tetanigenous -tetanilla -tetanine -tetanism -tetanization -tetanize -tetanoid -tetanolysin -tetanomotor -tetanospasmin -tetanotoxin -tetanus -tetany -tetarcone -tetarconid -tetard -tetartemorion -tetartocone -tetartoconid -tetartohedral -tetartohedrally -tetartohedrism -tetartohedron -tetartoid -tetartosymmetry -tetch -tetchy -tete -tetel -teterrimous -teth -tethelin -tether -tetherball -tethery -tethydan -Tethys -Teton -tetra -tetraamylose -tetrabasic -tetrabasicity -Tetrabelodon -tetrabelodont -tetrabiblos -tetraborate -tetraboric -tetrabrach -tetrabranch -Tetrabranchia -tetrabranchiate -tetrabromid -tetrabromide -tetrabromo -tetrabromoethane -tetracadactylity -tetracarboxylate -tetracarboxylic -tetracarpellary -tetraceratous -tetracerous -Tetracerus -tetrachical -tetrachlorid -tetrachloride -tetrachloro -tetrachloroethane -tetrachloroethylene -tetrachloromethane -tetrachord -tetrachordal -tetrachordon -tetrachoric -tetrachotomous -tetrachromatic -tetrachromic -tetrachronous -tetracid -tetracoccous -tetracoccus -tetracolic -tetracolon -tetracoral -Tetracoralla -tetracoralline -tetracosane -tetract -tetractinal -tetractine -tetractinellid -Tetractinellida -tetractinellidan -tetractinelline -tetractinose -tetracyclic -tetrad -tetradactyl -tetradactylous -tetradactyly -tetradarchy -tetradecane -tetradecanoic -tetradecapod -Tetradecapoda -tetradecapodan -tetradecapodous -tetradecyl -Tetradesmus -tetradiapason -tetradic -Tetradite -tetradrachma -tetradrachmal -tetradrachmon -tetradymite -Tetradynamia -tetradynamian -tetradynamious -tetradynamous -tetraedron -tetraedrum -tetraethylsilane -tetrafluoride -tetrafolious -tetragamy -tetragenous -tetraglot -tetraglottic -tetragon -tetragonal -tetragonally -tetragonalness -Tetragonia -Tetragoniaceae -tetragonidium -tetragonous -tetragonus -tetragram -tetragrammatic -Tetragrammaton -tetragrammatonic -tetragyn -Tetragynia -tetragynian -tetragynous -tetrahedral -tetrahedrally -tetrahedric -tetrahedrite -tetrahedroid -tetrahedron -tetrahexahedral -tetrahexahedron -tetrahydrate -tetrahydrated -tetrahydric -tetrahydride -tetrahydro -tetrahydroxy -tetraiodid -tetraiodide -tetraiodo -tetraiodophenolphthalein -tetrakaidecahedron -tetraketone -tetrakisazo -tetrakishexahedron -tetralemma -Tetralin -tetralogic -tetralogue -tetralogy -tetralophodont -tetramastia -tetramastigote -Tetramera -tetrameral -tetrameralian -tetrameric -tetramerism -tetramerous -tetrameter -tetramethyl -tetramethylammonium -tetramethylene -tetramethylium -tetramin -tetramine -tetrammine -tetramorph -tetramorphic -tetramorphism -tetramorphous -tetrander -Tetrandria -tetrandrian -tetrandrous -tetrane -tetranitrate -tetranitro -tetranitroaniline -tetranuclear -Tetranychus -Tetrao -Tetraodon -tetraodont -Tetraodontidae -tetraonid -Tetraonidae -Tetraoninae -tetraonine -Tetrapanax -tetrapartite -tetrapetalous -tetraphalangeate -tetrapharmacal -tetrapharmacon -tetraphenol -tetraphony -tetraphosphate -tetraphyllous -tetrapla -tetraplegia -tetrapleuron -tetraploid -tetraploidic -tetraploidy -tetraplous -Tetrapneumona -Tetrapneumones -tetrapneumonian -tetrapneumonous -tetrapod -Tetrapoda -tetrapodic -tetrapody -tetrapolar -tetrapolis -tetrapolitan -tetrapous -tetraprostyle -tetrapteran -tetrapteron -tetrapterous -tetraptote -Tetrapturus -tetraptych -tetrapylon -tetrapyramid -tetrapyrenous -tetraquetrous -tetrarch -tetrarchate -tetrarchic -tetrarchy -tetrasaccharide -tetrasalicylide -tetraselenodont -tetraseme -tetrasemic -tetrasepalous -tetraskelion -tetrasome -tetrasomic -tetrasomy -tetraspermal -tetraspermatous -tetraspermous -tetraspheric -tetrasporange -tetrasporangiate -tetrasporangium -tetraspore -tetrasporic -tetrasporiferous -tetrasporous -tetraster -tetrastich -tetrastichal -tetrastichic -Tetrastichidae -tetrastichous -Tetrastichus -tetrastoon -tetrastyle -tetrastylic -tetrastylos -tetrastylous -tetrasubstituted -tetrasubstitution -tetrasulphide -tetrasyllabic -tetrasyllable -tetrasymmetry -tetrathecal -tetratheism -tetratheite -tetrathionates -tetrathionic -tetratomic -tetratone -tetravalence -tetravalency -tetravalent -tetraxial -tetraxon -Tetraxonia -tetraxonian -tetraxonid -Tetraxonida -tetrazane -tetrazene -tetrazin -tetrazine -tetrazo -tetrazole -tetrazolium -tetrazolyl -tetrazone -tetrazotization -tetrazotize -tetrazyl -tetremimeral -tetrevangelium -tetric -tetrical -tetricity -tetricous -tetrigid -Tetrigidae -tetriodide -Tetrix -tetrobol -tetrobolon -tetrode -Tetrodon -tetrodont -Tetrodontidae -tetrole -tetrolic -tetronic -tetronymal -tetrose -tetroxalate -tetroxide -tetrsyllabical -tetryl -tetrylene -tetter -tetterish -tetterous -tetterwort -tettery -Tettigidae -tettigoniid -Tettigoniidae -tettix -Tetum -Teucer -Teucri -Teucrian -teucrin -Teucrium -teufit -teuk -Teutolatry -Teutomania -Teutomaniac -Teuton -Teutondom -Teutonesque -Teutonia -Teutonic -Teutonically -Teutonicism -Teutonism -Teutonist -Teutonity -Teutonization -Teutonize -Teutonomania -Teutonophobe -Teutonophobia -Teutophil -Teutophile -Teutophilism -Teutophobe -Teutophobia -Teutophobism -teviss -tew -Tewa -tewel -tewer -tewit -tewly -tewsome -Texan -Texas -Texcocan -texguino -text -textarian -textbook -textbookless -textiferous -textile -textilist -textlet -textman -textorial -textrine -textual -textualism -textualist -textuality -textually -textuarist -textuary -textural -texturally -texture -textureless -tez -Tezcatlipoca -Tezcatzoncatl -Tezcucan -tezkere -th -tha -thack -thacker -Thackerayan -Thackerayana -Thackerayesque -thackless -Thad -Thai -Thais -thakur -thakurate -thalamencephalic -thalamencephalon -thalami -thalamic -Thalamiflorae -thalamifloral -thalamiflorous -thalamite -thalamium -thalamocele -thalamocoele -thalamocortical -thalamocrural -thalamolenticular -thalamomammillary -thalamopeduncular -Thalamophora -thalamotegmental -thalamotomy -thalamus -Thalarctos -thalassal -Thalassarctos -thalassian -thalassic -thalassinid -Thalassinidea -thalassinidian -thalassinoid -thalassiophyte -thalassiophytous -thalasso -Thalassochelys -thalassocracy -thalassocrat -thalassographer -thalassographic -thalassographical -thalassography -thalassometer -thalassophilous -thalassophobia -thalassotherapy -thalattology -thalenite -thaler -Thalesia -Thalesian -Thalessa -Thalia -Thaliacea -thaliacean -Thalian -Thaliard -Thalictrum -thalli -thallic -thalliferous -thalliform -thalline -thallious -thallium -thallochlore -thallodal -thallogen -thallogenic -thallogenous -thalloid -thallome -Thallophyta -thallophyte -thallophytic -thallose -thallous -thallus -thalposis -thalpotic -thalthan -thameng -Thamesis -Thamnidium -thamnium -thamnophile -Thamnophilinae -thamnophiline -Thamnophilus -Thamnophis -Thamudean -Thamudene -Thamudic -thamuria -Thamus -Thamyras -than -thana -thanadar -thanage -thanan -thanatism -thanatist -thanatobiologic -thanatognomonic -thanatographer -thanatography -thanatoid -thanatological -thanatologist -thanatology -thanatomantic -thanatometer -thanatophidia -thanatophidian -thanatophobe -thanatophobia -thanatophobiac -thanatophoby -thanatopsis -Thanatos -thanatosis -thanatotic -thanatousia -thane -thanedom -thanehood -thaneland -thaneship -thank -thankee -thanker -thankful -thankfully -thankfulness -thankless -thanklessly -thanklessness -thanks -thanksgiver -thanksgiving -thankworthily -thankworthiness -thankworthy -thapes -Thapsia -thapsia -thar -Tharen -tharf -tharfcake -Thargelion -tharginyah -tharm -Thasian -Thaspium -that -thatch -thatcher -thatching -thatchless -thatchwood -thatchwork -thatchy -thatn -thatness -thats -thaught -Thaumantian -Thaumantias -thaumasite -thaumatogeny -thaumatography -thaumatolatry -thaumatology -thaumatrope -thaumatropical -thaumaturge -thaumaturgia -thaumaturgic -thaumaturgical -thaumaturgics -thaumaturgism -thaumaturgist -thaumaturgy -thaumoscopic -thave -thaw -thawer -thawless -thawn -thawy -The -the -Thea -Theaceae -theaceous -theah -theandric -theanthropic -theanthropical -theanthropism -theanthropist -theanthropology -theanthropophagy -theanthropos -theanthroposophy -theanthropy -thearchic -thearchy -theasum -theat -theater -theatergoer -theatergoing -theaterless -theaterlike -theaterward -theaterwards -theaterwise -Theatine -theatral -theatric -theatricable -theatrical -theatricalism -theatricality -theatricalization -theatricalize -theatrically -theatricalness -theatricals -theatrician -theatricism -theatricize -theatrics -theatrize -theatrocracy -theatrograph -theatromania -theatromaniac -theatron -theatrophile -theatrophobia -theatrophone -theatrophonic -theatropolis -theatroscope -theatry -theave -theb -Thebaic -Thebaid -thebaine -Thebais -thebaism -Theban -Thebesian -theca -thecae -thecal -Thecamoebae -thecaphore -thecasporal -thecaspore -thecaspored -thecasporous -Thecata -thecate -thecia -thecitis -thecium -Thecla -thecla -theclan -thecodont -thecoglossate -thecoid -Thecoidea -Thecophora -Thecosomata -thecosomatous -thee -theek -theeker -theelin -theelol -Theemim -theer -theet -theetsee -theezan -theft -theftbote -theftdom -theftless -theftproof -theftuous -theftuously -thegether -thegidder -thegither -thegn -thegndom -thegnhood -thegnland -thegnlike -thegnly -thegnship -thegnworthy -theiform -Theileria -theine -theinism -their -theirn -theirs -theirselves -theirsens -theism -theist -theistic -theistical -theistically -thelalgia -Thelemite -thelemite -Thelephora -Thelephoraceae -Theligonaceae -theligonaceous -Theligonum -thelitis -thelium -Thelodontidae -Thelodus -theloncus -thelorrhagia -Thelphusa -thelphusian -Thelphusidae -thelyblast -thelyblastic -thelyotokous -thelyotoky -Thelyphonidae -Thelyphonus -thelyplasty -thelytocia -thelytoky -thelytonic -them -thema -themata -thematic -thematical -thematically -thematist -theme -themeless -themelet -themer -Themis -themis -Themistian -themsel -themselves -then -thenabouts -thenadays -thenal -thenar -thenardite -thence -thenceafter -thenceforth -thenceforward -thenceforwards -thencefrom -thenceward -thenness -Theo -theoanthropomorphic -theoanthropomorphism -theoastrological -Theobald -Theobroma -theobromic -theobromine -theocentric -theocentricism -theocentrism -theochristic -theocollectivism -theocollectivist -theocracy -theocrasia -theocrasical -theocrasy -theocrat -theocratic -theocratical -theocratically -theocratist -Theocritan -Theocritean -theodemocracy -theodicaea -theodicean -theodicy -theodidact -theodolite -theodolitic -Theodora -Theodore -Theodoric -Theodosia -Theodosian -Theodotian -theodrama -theody -theogamy -theogeological -theognostic -theogonal -theogonic -theogonism -theogonist -theogony -theohuman -theokrasia -theoktonic -theoktony -theolatrous -theolatry -theolepsy -theoleptic -theologal -theologaster -theologastric -theologate -theologeion -theologer -theologi -theologian -theologic -theological -theologically -theologician -theologicoastronomical -theologicoethical -theologicohistorical -theologicometaphysical -theologicomilitary -theologicomoral -theologiconatural -theologicopolitical -theologics -theologism -theologist -theologium -theologization -theologize -theologizer -theologoumena -theologoumenon -theologue -theologus -theology -theomachia -theomachist -theomachy -theomammomist -theomancy -theomania -theomaniac -theomantic -theomastix -theomicrist -theomisanthropist -theomorphic -theomorphism -theomorphize -theomythologer -theomythology -theonomy -theopantism -Theopaschist -Theopaschitally -Theopaschite -Theopaschitic -Theopaschitism -theopathetic -theopathic -theopathy -theophagic -theophagite -theophagous -theophagy -Theophania -theophania -theophanic -theophanism -theophanous -theophany -Theophila -theophilanthrope -theophilanthropic -theophilanthropism -theophilanthropist -theophilanthropy -theophile -theophilist -theophilosophic -Theophilus -theophobia -theophoric -theophorous -Theophrastaceae -theophrastaceous -Theophrastan -Theophrastean -theophylline -theophysical -theopneust -theopneusted -theopneustia -theopneustic -theopneusty -theopolitician -theopolitics -theopolity -theopsychism -theorbist -theorbo -theorem -theorematic -theorematical -theorematically -theorematist -theoremic -theoretic -theoretical -theoreticalism -theoretically -theoretician -theoreticopractical -theoretics -theoria -theoriai -theoric -theorical -theorically -theorician -theoricon -theorics -theorism -theorist -theorization -theorize -theorizer -theorum -theory -theoryless -theorymonger -theosoph -theosopheme -theosophic -theosophical -theosophically -theosophism -theosophist -theosophistic -theosophistical -theosophize -theosophy -theotechnic -theotechnist -theotechny -theoteleological -theoteleology -theotherapy -Theotokos -theow -theowdom -theowman -Theraean -theralite -therapeusis -Therapeutae -Therapeutic -therapeutic -therapeutical -therapeutically -therapeutics -therapeutism -therapeutist -Theraphosa -theraphose -theraphosid -Theraphosidae -theraphosoid -therapist -therapsid -Therapsida -therapy -therblig -there -thereabouts -thereabove -thereacross -thereafter -thereafterward -thereagainst -thereamong -thereamongst -thereanent -thereanents -therearound -thereas -thereat -thereaway -thereaways -therebeside -therebesides -therebetween -thereby -thereckly -therefor -therefore -therefrom -therehence -therein -thereinafter -thereinbefore -thereinto -therence -thereness -thereof -thereoid -thereologist -thereology -thereon -thereout -thereover -thereright -theres -Theresa -therese -therethrough -theretill -thereto -theretofore -theretoward -thereunder -thereuntil -thereunto -thereup -thereupon -Thereva -therevid -Therevidae -therewhile -therewith -therewithal -therewithin -Theria -theriac -theriaca -theriacal -therial -therianthropic -therianthropism -theriatrics -theridiid -Theridiidae -Theridion -theriodic -theriodont -Theriodonta -Theriodontia -theriolatry -theriomancy -theriomaniac -theriomimicry -theriomorph -theriomorphic -theriomorphism -theriomorphosis -theriomorphous -theriotheism -theriotrophical -theriozoic -therm -thermacogenesis -thermae -thermal -thermalgesia -thermality -thermally -thermanalgesia -thermanesthesia -thermantic -thermantidote -thermatologic -thermatologist -thermatology -thermesthesia -thermesthesiometer -thermetograph -thermetrograph -thermic -thermically -Thermidorian -thermion -thermionic -thermionically -thermionics -thermistor -Thermit -thermit -thermite -thermo -thermoammeter -thermoanalgesia -thermoanesthesia -thermobarograph -thermobarometer -thermobattery -thermocautery -thermochemic -thermochemical -thermochemically -thermochemist -thermochemistry -thermochroic -thermochrosy -thermocline -thermocouple -thermocurrent -thermodiffusion -thermoduric -thermodynamic -thermodynamical -thermodynamically -thermodynamician -thermodynamicist -thermodynamics -thermodynamist -thermoelectric -thermoelectrical -thermoelectrically -thermoelectricity -thermoelectrometer -thermoelectromotive -thermoelement -thermoesthesia -thermoexcitory -thermogalvanometer -thermogen -thermogenerator -thermogenesis -thermogenetic -thermogenic -thermogenous -thermogeny -thermogeographical -thermogeography -thermogram -thermograph -thermography -thermohyperesthesia -thermojunction -thermokinematics -thermolabile -thermolability -thermological -thermology -thermoluminescence -thermoluminescent -thermolysis -thermolytic -thermolyze -thermomagnetic -thermomagnetism -thermometamorphic -thermometamorphism -thermometer -thermometerize -thermometric -thermometrical -thermometrically -thermometrograph -thermometry -thermomotive -thermomotor -thermomultiplier -thermonastic -thermonasty -thermonatrite -thermoneurosis -thermoneutrality -thermonous -thermonuclear -thermopair -thermopalpation -thermopenetration -thermoperiod -thermoperiodic -thermoperiodicity -thermoperiodism -thermophile -thermophilic -thermophilous -thermophobous -thermophone -thermophore -thermophosphor -thermophosphorescence -thermopile -thermoplastic -thermoplasticity -thermoplegia -thermopleion -thermopolymerization -thermopolypnea -thermopolypneic -Thermopsis -thermoradiotherapy -thermoreduction -thermoregulation -thermoregulator -thermoresistance -thermoresistant -thermos -thermoscope -thermoscopic -thermoscopical -thermoscopically -thermosetting -thermosiphon -thermostability -thermostable -thermostat -thermostatic -thermostatically -thermostatics -thermostimulation -thermosynthesis -thermosystaltic -thermosystaltism -thermotactic -thermotank -thermotaxic -thermotaxis -thermotelephone -thermotensile -thermotension -thermotherapeutics -thermotherapy -thermotic -thermotical -thermotically -thermotics -thermotropic -thermotropism -thermotropy -thermotype -thermotypic -thermotypy -thermovoltaic -therodont -theroid -therolatry -therologic -therological -therologist -therology -Theromora -Theromores -theromorph -Theromorpha -theromorphia -theromorphic -theromorphism -theromorphological -theromorphology -theromorphous -Theron -theropod -Theropoda -theropodous -thersitean -Thersites -thersitical -thesauri -thesaurus -these -Thesean -theses -Theseum -Theseus -thesial -thesicle -thesis -Thesium -Thesmophoria -Thesmophorian -Thesmophoric -thesmothetae -thesmothete -thesmothetes -thesocyte -Thespesia -Thespesius -Thespian -Thessalian -Thessalonian -thestreen -theta -thetch -thetic -thetical -thetically -thetics -thetin -thetine -Thetis -theurgic -theurgical -theurgically -theurgist -theurgy -Thevetia -thevetin -thew -thewed -thewless -thewness -thewy -they -theyll -theyre -thiacetic -thiadiazole -thialdine -thiamide -thiamin -thiamine -thianthrene -thiasi -thiasine -thiasite -thiasoi -thiasos -thiasote -thiasus -thiazine -thiazole -thiazoline -thick -thickbrained -thicken -thickener -thickening -thicket -thicketed -thicketful -thickety -thickhead -thickheaded -thickheadedly -thickheadedness -thickish -thickleaf -thicklips -thickly -thickneck -thickness -thicknessing -thickset -thickskin -thickskull -thickskulled -thickwind -thickwit -thief -thiefcraft -thiefdom -thiefland -thiefmaker -thiefmaking -thiefproof -thieftaker -thiefwise -Thielavia -Thielaviopsis -thienone -thienyl -Thierry -thievable -thieve -thieveless -thiever -thievery -thieving -thievingly -thievish -thievishly -thievishness -thig -thigger -thigging -thigh -thighbone -thighed -thight -thightness -thigmonegative -thigmopositive -thigmotactic -thigmotactically -thigmotaxis -thigmotropic -thigmotropically -thigmotropism -Thilanottine -thilk -thill -thiller -thilly -thimber -thimble -thimbleberry -thimbled -thimbleflower -thimbleful -thimblelike -thimblemaker -thimblemaking -thimbleman -thimblerig -thimblerigger -thimbleriggery -thimblerigging -thimbleweed -thin -thinbrained -thine -thing -thingal -thingamabob -thinghood -thinginess -thingish -thingless -thinglet -thinglike -thinglikeness -thingliness -thingly -thingman -thingness -thingstead -thingum -thingumajig -thingumbob -thingummy -thingy -Think -think -thinkable -thinkableness -thinkably -thinker -thinkful -thinking -thinkingly -thinkingpart -thinkling -thinly -thinner -thinness -thinning -thinnish -Thinocoridae -Thinocorus -thinolite -thio -thioacetal -thioacetic -thioalcohol -thioaldehyde -thioamide -thioantimonate -thioantimoniate -thioantimonious -thioantimonite -thioarsenate -thioarseniate -thioarsenic -thioarsenious -thioarsenite -Thiobacillus -Thiobacteria -thiobacteria -Thiobacteriales -thiobismuthite -thiocarbamic -thiocarbamide -thiocarbamyl -thiocarbanilide -thiocarbimide -thiocarbonate -thiocarbonic -thiocarbonyl -thiochloride -thiochrome -thiocresol -thiocyanate -thiocyanation -thiocyanic -thiocyanide -thiocyano -thiocyanogen -thiodiazole -thiodiphenylamine -thiofuran -thiofurane -thiofurfuran -thiofurfurane -thiogycolic -thiohydrate -thiohydrolysis -thiohydrolyze -thioindigo -thioketone -thiol -thiolacetic -thiolactic -thiolic -thionamic -thionaphthene -thionate -thionation -thioneine -thionic -thionine -thionitrite -thionium -thionobenzoic -thionthiolic -thionurate -thionyl -thionylamine -thiophen -thiophene -thiophenic -thiophenol -thiophosgene -thiophosphate -thiophosphite -thiophosphoric -thiophosphoryl -thiophthene -thiopyran -thioresorcinol -thiosinamine -Thiospira -thiostannate -thiostannic -thiostannite -thiostannous -thiosulphate -thiosulphonic -thiosulphuric -Thiothrix -thiotolene -thiotungstate -thiotungstic -thiouracil -thiourea -thiourethan -thiourethane -thioxene -thiozone -thiozonide -thir -third -thirdborough -thirdings -thirdling -thirdly -thirdness -thirdsman -thirl -thirlage -thirling -thirst -thirster -thirstful -thirstily -thirstiness -thirsting -thirstingly -thirstland -thirstle -thirstless -thirstlessness -thirstproof -thirsty -thirt -thirteen -thirteener -thirteenfold -thirteenth -thirteenthly -thirtieth -thirty -thirtyfold -thirtyish -this -thishow -thislike -thisn -thisness -thissen -thistle -thistlebird -thistled -thistledown -thistlelike -thistleproof -thistlery -thistlish -thistly -thiswise -thither -thitherto -thitherward -thitsiol -thiuram -thivel -thixle -thixolabile -thixotropic -thixotropy -Thlaspi -Thlingchadinne -Thlinget -thlipsis -Tho -tho -thob -thocht -thof -thoft -thoftfellow -thoke -thokish -thole -tholeiite -tholepin -tholi -tholoi -tholos -tholus -Thomaean -Thomas -Thomasa -Thomasine -thomasing -Thomasite -thomisid -Thomisidae -Thomism -Thomist -Thomistic -Thomistical -Thomite -Thomomys -thomsenolite -Thomsonian -Thomsonianism -thomsonite -thon -thonder -Thondracians -Thondraki -Thondrakians -thone -thong -Thonga -thonged -thongman -thongy -thoo -thooid -thoom -thoracalgia -thoracaorta -thoracectomy -thoracentesis -thoraces -thoracic -Thoracica -thoracical -thoracicoabdominal -thoracicoacromial -thoracicohumeral -thoracicolumbar -thoraciform -thoracispinal -thoracoabdominal -thoracoacromial -thoracobronchotomy -thoracoceloschisis -thoracocentesis -thoracocyllosis -thoracocyrtosis -thoracodelphus -thoracodidymus -thoracodorsal -thoracodynia -thoracogastroschisis -thoracograph -thoracohumeral -thoracolumbar -thoracolysis -thoracomelus -thoracometer -thoracometry -thoracomyodynia -thoracopagus -thoracoplasty -thoracoschisis -thoracoscope -thoracoscopy -Thoracostei -thoracostenosis -thoracostomy -Thoracostraca -thoracostracan -thoracostracous -thoracotomy -thoral -thorascope -thorax -thore -thoria -thorianite -thoriate -thoric -thoriferous -thorina -thorite -thorium -thorn -thornback -thornbill -thornbush -thorned -thornen -thornhead -thornily -thorniness -thornless -thornlessness -thornlet -thornlike -thornproof -thornstone -thorntail -thorny -thoro -thorocopagous -thorogummite -thoron -thorough -Thoroughbred -thoroughbred -thoroughbredness -thoroughfare -thoroughfarer -thoroughfaresome -thoroughfoot -thoroughgoing -thoroughgoingly -thoroughgoingness -thoroughgrowth -thoroughly -thoroughness -thoroughpaced -thoroughpin -thoroughsped -thoroughstem -thoroughstitch -thoroughstitched -thoroughwax -thoroughwort -thorp -thort -thorter -thortveitite -Thos -Those -those -thou -though -thought -thoughted -thoughten -thoughtful -thoughtfully -thoughtfulness -thoughtkin -thoughtless -thoughtlessly -thoughtlessness -thoughtlet -thoughtness -thoughtsick -thoughty -thousand -thousandfold -thousandfoldly -thousandth -thousandweight -thouse -thow -thowel -thowless -thowt -Thraces -Thracian -thrack -thraep -thrail -thrain -thrall -thrallborn -thralldom -thram -thrammle -thrang -thrangity -thranite -thranitic -thrap -thrapple -thrash -thrashel -thrasher -thrasherman -thrashing -thrasonic -thrasonical -thrasonically -thrast -Thraupidae -thrave -thraver -thraw -thrawcrook -thrawn -thrawneen -Thrax -thread -threadbare -threadbareness -threadbarity -threaded -threaden -threader -threadfin -threadfish -threadflower -threadfoot -threadiness -threadle -threadless -threadlet -threadlike -threadmaker -threadmaking -threadway -threadweed -threadworm -thready -threap -threaper -threat -threaten -threatenable -threatener -threatening -threateningly -threatful -threatfully -threatless -threatproof -three -threefold -threefolded -threefoldedness -threefoldly -threefoldness -threeling -threeness -threepence -threepenny -threepennyworth -threescore -threesome -thremmatology -threne -threnetic -threnetical -threnode -threnodial -threnodian -threnodic -threnodical -threnodist -threnody -threnos -threonin -threonine -threose -threpsology -threptic -thresh -threshel -thresher -thresherman -threshingtime -threshold -Threskiornithidae -Threskiornithinae -threw -thribble -thrice -thricecock -thridacium -thrift -thriftbox -thriftily -thriftiness -thriftless -thriftlessly -thriftlessness -thriftlike -thrifty -thrill -thriller -thrillful -thrillfully -thrilling -thrillingly -thrillingness -thrillproof -thrillsome -thrilly -thrimble -thrimp -Thrinax -thring -thrinter -thrioboly -thrip -thripel -Thripidae -thripple -thrips -thrive -thriveless -thriven -thriver -thriving -thrivingly -thrivingness -thro -throat -throatal -throatband -throated -throatful -throatily -throatiness -throating -throatlash -throatlatch -throatless -throatlet -throatroot -throatstrap -throatwort -throaty -throb -throbber -throbbingly -throbless -throck -throdden -throddy -throe -thrombase -thrombin -thromboangiitis -thromboarteritis -thrombocyst -thrombocyte -thrombocytopenia -thrombogen -thrombogenic -thromboid -thrombokinase -thrombolymphangitis -thrombopenia -thrombophlebitis -thromboplastic -thromboplastin -thrombose -thrombosis -thrombostasis -thrombotic -thrombus -thronal -throne -thronedom -throneless -thronelet -thronelike -throneward -throng -thronger -throngful -throngingly -thronize -thropple -throstle -throstlelike -throttle -throttler -throttling -throttlingly -throu -throuch -throucht -through -throughbear -throughbred -throughcome -throughgang -throughganging -throughgoing -throughgrow -throughknow -throughout -throughput -throve -throw -throwaway -throwback -throwdown -thrower -throwing -thrown -throwoff -throwout -throwster -throwwort -thrum -thrummer -thrummers -thrummy -thrumwort -thrush -thrushel -thrushlike -thrushy -thrust -thruster -thrustful -thrustfulness -thrusting -thrustings -thrutch -thrutchings -Thruthvang -thruv -thrymsa -Thryonomys -Thuan -Thuban -Thucydidean -thud -thudding -thuddingly -thug -thugdom -thuggee -thuggeeism -thuggery -thuggess -thuggish -thuggism -Thuidium -Thuja -thujene -thujin -thujone -Thujopsis -thujyl -Thule -thulia -thulir -thulite -thulium -thulr -thuluth -thumb -thumbbird -thumbed -thumber -thumbkin -thumble -thumbless -thumblike -thumbmark -thumbnail -thumbpiece -thumbprint -thumbrope -thumbscrew -thumbstall -thumbstring -thumbtack -thumby -thumlungur -thump -thumper -thumping -thumpingly -Thunar -Thunbergia -thunbergilene -thunder -thunderation -thunderball -thunderbearer -thunderbearing -thunderbird -thunderblast -thunderbolt -thunderburst -thunderclap -thundercloud -thundercrack -thunderer -thunderfish -thunderflower -thunderful -thunderhead -thunderheaded -thundering -thunderingly -thunderless -thunderlike -thunderous -thunderously -thunderousness -thunderpeal -thunderplump -thunderproof -thundershower -thundersmite -thundersquall -thunderstick -thunderstone -thunderstorm -thunderstrike -thunderstroke -thunderstruck -thunderwood -thunderworm -thunderwort -thundery -thundrous -thundrously -thung -thunge -Thunnidae -Thunnus -Thunor -thuoc -Thurberia -thurible -thuribuler -thuribulum -thurifer -thuriferous -thurificate -thurificati -thurification -thurify -Thuringian -thuringite -Thurio -thurl -thurm -thurmus -Thurnia -Thurniaceae -thurrock -Thursday -thurse -thurt -thus -thusgate -Thushi -thusly -thusness -thuswise -thutter -Thuyopsis -thwack -thwacker -thwacking -thwackingly -thwackstave -thwaite -thwart -thwartedly -thwarteous -thwarter -thwarting -thwartingly -thwartly -thwartman -thwartness -thwartover -thwartsaw -thwartship -thwartships -thwartways -thwartwise -thwite -thwittle -thy -Thyestean -Thyestes -thyine -thylacine -thylacitis -Thylacoleo -Thylacynus -thymacetin -Thymallidae -Thymallus -thymate -thyme -thymectomize -thymectomy -thymegol -Thymelaea -Thymelaeaceae -thymelaeaceous -Thymelaeales -thymelcosis -thymele -thymelic -thymelical -thymelici -thymene -thymetic -thymic -thymicolymphatic -thymine -thymiosis -thymitis -thymocyte -thymogenic -thymol -thymolate -thymolize -thymolphthalein -thymolsulphonephthalein -thymoma -thymonucleic -thymopathy -thymoprivic -thymoprivous -thymopsyche -thymoquinone -thymotactic -thymotic -Thymus -thymus -thymy -thymyl -thymylic -thynnid -Thynnidae -Thyraden -thyratron -thyreoadenitis -thyreoantitoxin -thyreoarytenoid -thyreoarytenoideus -thyreocervical -thyreocolloid -Thyreocoridae -thyreoepiglottic -thyreogenic -thyreogenous -thyreoglobulin -thyreoglossal -thyreohyal -thyreohyoid -thyreoid -thyreoidal -thyreoideal -thyreoidean -thyreoidectomy -thyreoiditis -thyreoitis -thyreolingual -thyreoprotein -thyreosis -thyreotomy -thyreotoxicosis -thyreotropic -thyridial -Thyrididae -thyridium -Thyris -thyrisiferous -thyroadenitis -thyroantitoxin -thyroarytenoid -thyroarytenoideus -thyrocardiac -thyrocele -thyrocervical -thyrocolloid -thyrocricoid -thyroepiglottic -thyroepiglottidean -thyrogenic -thyroglobulin -thyroglossal -thyrohyal -thyrohyoid -thyrohyoidean -thyroid -thyroidal -thyroidea -thyroideal -thyroidean -thyroidectomize -thyroidectomy -thyroidism -thyroiditis -thyroidization -thyroidless -thyroidotomy -thyroiodin -thyrolingual -thyronine -thyroparathyroidectomize -thyroparathyroidectomy -thyroprival -thyroprivia -thyroprivic -thyroprivous -thyroprotein -Thyrostraca -thyrostracan -thyrotherapy -thyrotomy -thyrotoxic -thyrotoxicosis -thyrotropic -thyroxine -thyrse -thyrsiflorous -thyrsiform -thyrsoid -thyrsoidal -thyrsus -Thysanocarpus -thysanopter -Thysanoptera -thysanopteran -thysanopteron -thysanopterous -Thysanoura -thysanouran -thysanourous -Thysanura -thysanuran -thysanurian -thysanuriform -thysanurous -thysel -thyself -thysen -Ti -ti -Tiahuanacan -Tiam -tiang -tiao -tiar -tiara -tiaralike -tiarella -Tiatinagua -tib -Tibbie -Tibbu -tibby -Tiberian -Tiberine -Tiberius -tibet -Tibetan -tibey -tibia -tibiad -tibiae -tibial -tibiale -tibicinist -tibiocalcanean -tibiofemoral -tibiofibula -tibiofibular -tibiometatarsal -tibionavicular -tibiopopliteal -tibioscaphoid -tibiotarsal -tibiotarsus -Tibouchina -tibourbou -tiburon -Tiburtine -tic -tical -ticca -tice -ticement -ticer -Tichodroma -tichodrome -tichorrhine -tick -tickbean -tickbird -tickeater -ticked -ticken -ticker -ticket -ticketer -ticketing -ticketless -ticketmonger -tickey -tickicide -tickie -ticking -tickle -tickleback -ticklebrain -tickled -ticklely -ticklenburg -tickleness -tickleproof -tickler -ticklesome -tickless -tickleweed -tickling -ticklingly -ticklish -ticklishly -ticklishness -tickly -tickney -tickproof -tickseed -tickseeded -ticktack -ticktacker -ticktacktoe -ticktick -ticktock -tickweed -ticky -ticul -Ticuna -Ticunan -tid -tidal -tidally -tidbit -tiddle -tiddledywinks -tiddler -tiddley -tiddling -tiddlywink -tiddlywinking -tiddy -tide -tided -tideful -tidehead -tideland -tideless -tidelessness -tidelike -tidely -tidemaker -tidemaking -tidemark -tiderace -tidesman -tidesurveyor -Tideswell -tidewaiter -tidewaitership -tideward -tidewater -tideway -tidiable -tidily -tidiness -tiding -tidingless -tidings -tidley -tidological -tidology -tidy -tidyism -tidytips -tie -tieback -tied -Tiefenthal -tiemaker -tiemaking -tiemannite -tien -tiepin -tier -tierce -tierced -tierceron -tiered -tierer -tierlike -tiersman -tietick -tiewig -tiewigged -tiff -tiffany -tiffanyite -tiffie -tiffin -tiffish -tiffle -tiffy -tifinagh -tift -tifter -tig -tige -tigella -tigellate -tigelle -tigellum -tigellus -tiger -tigerbird -tigereye -tigerflower -tigerfoot -tigerhearted -tigerhood -tigerish -tigerishly -tigerishness -tigerism -tigerkin -tigerlike -tigerling -tigerly -tigernut -tigerproof -tigerwood -tigery -Tigger -tigger -tight -tighten -tightener -tightfisted -tightish -tightly -tightness -tightrope -tights -tightwad -tightwire -tiglaldehyde -tiglic -tiglinic -tignum -Tigrai -Tigre -Tigrean -tigress -tigresslike -Tigridia -Tigrina -tigrine -Tigris -tigroid -tigrolysis -tigrolytic -tigtag -Tigua -Tigurine -Tiki -tikitiki -tikka -tikker -tiklin -tikolosh -tikor -tikur -til -tilaite -tilaka -tilasite -tilbury -Tilda -tilde -tile -tiled -tilefish -tilelike -tilemaker -tilemaking -tiler -tileroot -tilery -tileseed -tilestone -tileways -tilework -tileworks -tilewright -tileyard -Tilia -Tiliaceae -tiliaceous -tilikum -tiling -till -tillable -Tillaea -Tillaeastrum -tillage -Tillamook -Tillandsia -tiller -tillering -tillerless -tillerman -Tilletia -Tilletiaceae -tilletiaceous -tilley -tillite -tillodont -Tillodontia -Tillodontidae -tillot -tillotter -tilly -tilmus -tilpah -Tilsit -tilt -tiltable -tiltboard -tilter -tilth -tilting -tiltlike -tiltmaker -tiltmaking -tiltup -tilty -tiltyard -tilyer -Tim -timable -Timaeus -Timalia -Timaliidae -Timaliinae -timaliine -timaline -Timani -timar -timarau -timawa -timazite -timbal -timbale -timbang -timbe -timber -timbered -timberer -timberhead -timbering -timberjack -timberland -timberless -timberlike -timberling -timberman -timbermonger -timbern -timbersome -timbertuned -timberwood -timberwork -timberwright -timbery -timberyard -Timbira -timbo -timbre -timbrel -timbreled -timbreler -timbrologist -timbrology -timbromania -timbromaniac -timbromanist -timbrophilic -timbrophilism -timbrophilist -timbrophily -time -timeable -timecard -timed -timeful -timefully -timefulness -timekeep -timekeeper -timekeepership -timeless -timelessly -timelessness -Timelia -Timeliidae -timeliine -timelily -timeliness -timeling -timely -timenoguy -timeous -timeously -timepiece -timepleaser -timeproof -timer -times -timesaver -timesaving -timeserver -timeserving -timeservingness -timetable -timetaker -timetaking -timeward -timework -timeworker -timeworn -Timias -timid -timidity -timidly -timidness -timing -timish -timist -Timne -Timo -timocracy -timocratic -timocratical -Timon -timon -timoneer -Timonian -Timonism -Timonist -Timonize -timor -Timorese -timorous -timorously -timorousness -Timote -Timotean -Timothean -Timothy -timothy -timpani -timpanist -timpano -Timucua -Timucuan -Timuquan -Timuquanan -tin -Tina -Tinamidae -tinamine -tinamou -tinampipi -tincal -tinchel -tinchill -tinclad -tinct -tinction -tinctorial -tinctorially -tinctorious -tinctumutation -tincture -tind -tindal -tindalo -tinder -tinderbox -tindered -tinderish -tinderlike -tinderous -tindery -tine -tinea -tineal -tinean -tined -tinegrass -tineid -Tineidae -Tineina -tineine -tineman -tineoid -Tineoidea -tinetare -tinety -tineweed -tinful -Ting -ting -tinge -tinged -tinger -Tinggian -tingi -tingibility -tingible -tingid -Tingidae -Tingis -tingitid -Tingitidae -tinglass -tingle -tingler -tingletangle -tingling -tinglingly -tinglish -tingly -tingtang -tinguaite -tinguaitic -Tinguian -tinguy -tinhorn -tinhouse -tinily -tininess -tining -tink -tinker -tinkerbird -tinkerdom -tinkerer -tinkerlike -tinkerly -tinkershire -tinkershue -tinkerwise -tinkle -tinkler -tinklerman -tinkling -tinklingly -tinkly -tinlet -tinlike -tinman -Tinne -tinned -tinner -tinnery -tinnet -Tinni -tinnified -tinnily -tinniness -tinning -tinnitus -tinnock -tinny -Tino -Tinoceras -tinosa -tinsel -tinsellike -tinselly -tinselmaker -tinselmaking -tinselry -tinselweaver -tinselwork -tinsman -tinsmith -tinsmithing -tinsmithy -tinstone -tinstuff -tint -tinta -tintage -tintamarre -tintarron -tinted -tinter -tintie -tintiness -tinting -tintingly -tintinnabula -tintinnabulant -tintinnabular -tintinnabulary -tintinnabulate -tintinnabulation -tintinnabulatory -tintinnabulism -tintinnabulist -tintinnabulous -tintinnabulum -tintist -tintless -tintometer -tintometric -tintometry -tinty -tintype -tintyper -tinwald -tinware -tinwoman -tinwork -tinworker -tinworking -tiny -tinzenite -Tionontates -Tionontati -Tiou -tip -tipburn -tipcart -tipcat -tipe -tipful -tiphead -Tiphia -Tiphiidae -tipiti -tiple -tipless -tiplet -tipman -tipmost -tiponi -tippable -tipped -tippee -tipper -tippet -tipping -tipple -tippleman -tippler -tipply -tipproof -tippy -tipsification -tipsifier -tipsify -tipsily -tipsiness -tipstaff -tipster -tipstock -tipsy -tiptail -tipteerer -tiptilt -tiptoe -tiptoeing -tiptoeingly -tiptop -tiptopness -tiptopper -tiptoppish -tiptoppishness -tiptopsome -Tipula -Tipularia -tipulid -Tipulidae -tipuloid -Tipuloidea -tipup -Tipura -tirade -tiralee -tire -tired -tiredly -tiredness -tiredom -tirehouse -tireless -tirelessly -tirelessness -tiremaid -tiremaker -tiremaking -tireman -tirer -tireroom -tiresmith -tiresome -tiresomely -tiresomeness -tiresomeweed -tirewoman -Tirhutia -tiriba -tiring -tiringly -tirl -tirma -tirocinium -Tirolean -Tirolese -Tironian -tirr -tirralirra -tirret -Tirribi -tirrivee -tirrlie -tirrwirr -tirthankara -Tirurai -tirve -tirwit -tisane -tisar -Tishiya -Tishri -Tisiphone -tissual -tissue -tissued -tissueless -tissuelike -tissuey -tisswood -tiswin -tit -Titan -titanate -titanaugite -Titanesque -Titaness -titania -Titanian -Titanic -titanic -Titanical -Titanically -Titanichthyidae -Titanichthys -titaniferous -titanifluoride -Titanism -titanite -titanitic -titanium -Titanlike -titano -titanocolumbate -titanocyanide -titanofluoride -Titanolater -Titanolatry -Titanomachia -Titanomachy -titanomagnetite -titanoniobate -titanosaur -Titanosaurus -titanosilicate -titanothere -Titanotheridae -Titanotherium -titanous -titanyl -titar -titbit -titbitty -tite -titer -titeration -titfish -tithable -tithal -tithe -tithebook -titheless -tithemonger -tithepayer -tither -titheright -tithing -tithingman -tithingpenny -tithonic -tithonicity -tithonographic -tithonometer -Tithymalopsis -Tithymalus -titi -Titian -titian -Titianesque -Titianic -titien -Tities -titilate -titillability -titillant -titillater -titillating -titillatingly -titillation -titillative -titillator -titillatory -titivate -titivation -titivator -titlark -title -titleboard -titled -titledom -titleholder -titleless -titleproof -titler -titleship -titlike -titling -titlist -titmal -titman -Titmarsh -Titmarshian -titmouse -Titoism -Titoist -titoki -titrable -titratable -titrate -titration -titre -titrimetric -titrimetry -titter -titterel -titterer -tittering -titteringly -tittery -tittie -tittle -tittlebat -tittler -tittup -tittupy -titty -tittymouse -titubancy -titubant -titubantly -titubate -titubation -titular -titularity -titularly -titulary -titulation -titule -titulus -Titurel -Titus -tiver -Tivoli -tivoli -tivy -Tiwaz -tiza -tizeur -tizzy -tjanting -tji -tjosite -tlaco -Tlakluit -Tlapallan -Tlascalan -Tlingit -tmema -Tmesipteris -tmesis -to -toa -toad -toadback -toadeat -toadeater -toader -toadery -toadess -toadfish -toadflax -toadflower -toadhead -toadier -toadish -toadless -toadlet -toadlike -toadlikeness -toadling -toadpipe -toadroot -toadship -toadstone -toadstool -toadstoollike -toadwise -toady -toadyish -toadyism -toadyship -Toag -toast -toastable -toastee -toaster -toastiness -toastmaster -toastmastery -toastmistress -toasty -toat -toatoa -Toba -tobacco -tobaccofied -tobaccoism -tobaccoite -tobaccoless -tobaccolike -tobaccoman -tobacconalian -tobacconist -tobacconistical -tobacconize -tobaccophil -tobaccoroot -tobaccoweed -tobaccowood -tobaccoy -tobe -Tobiah -Tobias -Tobikhar -tobine -tobira -toboggan -tobogganeer -tobogganer -tobogganist -Toby -toby -tobyman -tocalote -toccata -Tocharese -Tocharian -Tocharic -Tocharish -tocher -tocherless -tock -toco -Tocobaga -tocodynamometer -tocogenetic -tocogony -tocokinin -tocological -tocologist -tocology -tocome -tocometer -tocopherol -tocororo -tocsin -tocusso -Tod -tod -Toda -today -todayish -Todd -todder -toddick -toddite -toddle -toddlekins -toddler -toddy -toddyize -toddyman -tode -Todea -Todidae -Todus -tody -toe -toeboard -toecap -toecapped -toed -toeless -toelike -toellite -toenail -toeplate -Toerless -toernebohmite -toetoe -toff -toffee -toffeeman -toffing -toffish -toffy -toffyman -Tofieldia -Toft -toft -tofter -toftman -toftstead -tofu -tog -toga -togaed -togalike -togata -togate -togated -togawise -together -togetherhood -togetheriness -togetherness -toggel -toggery -toggle -toggler -togless -togs -togt -togue -toher -toheroa -toho -Tohome -tohubohu -tohunga -toi -toil -toiled -toiler -toilet -toileted -toiletry -toilette -toiletted -toiletware -toilful -toilfully -toilinet -toiling -toilingly -toilless -toillessness -toilsome -toilsomely -toilsomeness -toilworn -toise -toit -toitish -toity -Tokay -tokay -toke -Tokelau -token -tokened -tokenless -toko -tokology -tokonoma -tokopat -tol -tolamine -tolan -tolane -tolbooth -told -toldo -tole -Toledan -Toledo -Toledoan -tolerability -tolerable -tolerableness -tolerablish -tolerably -tolerance -tolerancy -Tolerant -tolerant -tolerantism -tolerantly -tolerate -toleration -tolerationism -tolerationist -tolerative -tolerator -tolerism -Toletan -tolfraedic -tolguacha -tolidine -tolite -toll -tollable -tollage -tollbooth -Tollefsen -toller -tollery -tollgate -tollgatherer -tollhouse -tolliker -tolling -tollkeeper -tollman -tollmaster -tollpenny -tolltaker -tolly -Tolowa -tolpatch -tolpatchery -tolsester -tolsey -Tolstoyan -Tolstoyism -Tolstoyist -tolt -Toltec -Toltecan -tolter -tolu -tolualdehyde -toluate -toluene -toluic -toluide -toluidide -toluidine -toluidino -toluido -Toluifera -tolunitrile -toluol -toluquinaldine -tolusafranine -toluyl -toluylene -toluylenediamine -toluylic -tolyl -tolylene -tolylenediamine -Tolypeutes -tolypeutine -Tom -Toma -tomahawk -tomahawker -tomalley -toman -Tomas -tomatillo -tomato -tomb -tombac -tombal -tombe -tombic -tombless -tomblet -tomblike -tombola -tombolo -tomboy -tomboyful -tomboyish -tomboyishly -tomboyishness -tomboyism -tombstone -tomcat -tomcod -tome -tomeful -tomelet -toment -tomentose -tomentous -tomentulose -tomentum -tomfool -tomfoolery -tomfoolish -tomfoolishness -tomial -tomin -tomish -Tomistoma -tomium -tomjohn -Tomkin -tomkin -Tommer -Tomming -Tommy -tommy -tommybag -tommycod -tommyrot -tomnoddy -tomnoup -tomogram -tomographic -tomography -Tomopteridae -Tomopteris -tomorn -tomorrow -tomorrower -tomorrowing -tomorrowness -tomosis -Tompion -tompiper -tompon -tomtate -tomtit -Tomtitmouse -ton -tonal -tonalamatl -tonalist -tonalite -tonalitive -tonality -tonally -tonant -tonation -tondino -tone -toned -toneless -tonelessly -tonelessness -toneme -toneproof -toner -tonetic -tonetically -tonetician -tonetics -tong -Tonga -tonga -Tongan -Tongas -tonger -tongkang -tongman -Tongrian -tongs -tongsman -tongue -tonguecraft -tongued -tonguedoughty -tonguefence -tonguefencer -tongueflower -tongueful -tongueless -tonguelet -tonguelike -tongueman -tonguemanship -tongueplay -tongueproof -tonguer -tongueshot -tonguesman -tonguesore -tonguester -tonguetip -tonguey -tonguiness -tonguing -tonic -tonically -tonicity -tonicize -tonicobalsamic -tonicoclonic -tonicostimulant -tonify -tonight -Tonikan -tonish -tonishly -tonishness -tonite -tonitrocirrus -tonitruant -tonitruone -tonitruous -tonjon -tonk -Tonkawa -Tonkawan -tonkin -Tonkinese -tonlet -Tonna -tonnage -tonneau -tonneaued -tonner -tonnish -tonnishly -tonnishness -tonoclonic -tonogram -tonograph -tonological -tonology -tonometer -tonometric -tonometry -tonophant -tonoplast -tonoscope -tonotactic -tonotaxis -tonous -tonsbergite -tonsil -tonsilectomy -tonsilitic -tonsillar -tonsillary -tonsillectome -tonsillectomic -tonsillectomize -tonsillectomy -tonsillith -tonsillitic -tonsillitis -tonsillolith -tonsillotome -tonsillotomy -tonsilomycosis -tonsor -tonsorial -tonsurate -tonsure -tonsured -tontine -tontiner -Tonto -tonus -Tony -tony -tonyhoop -too -toodle -toodleloodle -took -tooken -tool -toolbox -toolbuilder -toolbuilding -tooler -toolhead -toolholder -toolholding -tooling -toolless -toolmaker -toolmaking -toolman -toolmark -toolmarking -toolplate -toolroom -toolsetter -toolslide -toolsmith -toolstock -toolstone -toom -toomly -toon -Toona -toonwood -toop -toorie -toorock -tooroo -toosh -toot -tooter -tooth -toothache -toothaching -toothachy -toothbill -toothbrush -toothbrushy -toothchiseled -toothcomb -toothcup -toothdrawer -toothdrawing -toothed -toother -toothflower -toothful -toothill -toothing -toothless -toothlessly -toothlessness -toothlet -toothleted -toothlike -toothpick -toothplate -toothproof -toothsome -toothsomely -toothsomeness -toothstick -toothwash -toothwork -toothwort -toothy -tootle -tootler -tootlish -tootsy -toozle -toozoo -top -topalgia -toparch -toparchia -toparchical -toparchy -topass -Topatopa -topaz -topazfels -topazine -topazite -topazolite -topazy -topcap -topcast -topchrome -topcoat -topcoating -tope -topectomy -topee -topeewallah -topeng -topepo -toper -toperdom -topesthesia -topflight -topfull -topgallant -toph -tophaceous -tophaike -Tophet -tophetic -tophetize -tophus -tophyperidrosis -topi -topia -topiarian -topiarist -topiarius -topiary -topic -topical -topicality -topically -topinambou -Topinish -topknot -topknotted -topless -toplighted -toplike -topline -toploftical -toploftily -toploftiness -toplofty -topmaker -topmaking -topman -topmast -topmost -topmostly -topnotch -topnotcher -topo -topoalgia -topochemical -topognosia -topognosis -topograph -topographer -topographic -topographical -topographically -topographics -topographist -topographize -topographometric -topography -topolatry -topologic -topological -topologist -topology -toponarcosis -toponym -toponymal -toponymic -toponymical -toponymics -toponymist -toponymy -topophobia -topophone -topotactic -topotaxis -topotype -topotypic -topotypical -topped -topper -toppiece -topping -toppingly -toppingness -topple -toppler -topply -toppy -toprail -toprope -tops -topsail -topsailite -topside -topsl -topsman -topsoil -topstone -topswarm -Topsy -topsyturn -toptail -topwise -toque -Tor -tor -tora -torah -Toraja -toral -toran -torbanite -torbanitic -torbernite -torc -torcel -torch -torchbearer -torchbearing -torcher -torchless -torchlight -torchlighted -torchlike -torchman -torchon -torchweed -torchwood -torchwort -torcular -torculus -tordrillite -tore -toreador -tored -Torenia -torero -toreumatography -toreumatology -toreutic -toreutics -torfaceous -torfel -torgoch -Torgot -toric -Toriest -Torified -torii -Torilis -Torinese -Toriness -torma -tormen -torment -tormenta -tormentable -tormentation -tormentative -tormented -tormentedly -tormentful -tormentil -tormentilla -tormenting -tormentingly -tormentingness -tormentive -tormentor -tormentous -tormentress -tormentry -tormentum -tormina -torminal -torminous -tormodont -torn -tornachile -tornade -tornadic -tornado -tornadoesque -tornadoproof -tornal -tornaria -tornarian -tornese -torney -tornillo -Tornit -tornote -tornus -toro -toroid -toroidal -torolillo -Toromona -Torontonian -tororokombu -Torosaurus -torose -torosity -torotoro -torous -torpedineer -Torpedinidae -torpedinous -torpedo -torpedoer -torpedoist -torpedolike -torpedoplane -torpedoproof -torpent -torpescence -torpescent -torpid -torpidity -torpidly -torpidness -torpify -torpitude -torpor -torporific -torporize -torquate -torquated -torque -torqued -torques -torrefaction -torrefication -torrefy -torrent -torrentful -torrentfulness -torrential -torrentiality -torrentially -torrentine -torrentless -torrentlike -torrentuous -torrentwise -Torreya -Torricellian -torrid -torridity -torridly -torridness -Torridonian -Torrubia -torsade -torse -torsel -torsibility -torsigraph -torsile -torsimeter -torsiogram -torsiograph -torsiometer -torsion -torsional -torsionally -torsioning -torsionless -torsive -torsk -torso -torsoclusion -torsometer -torsoocclusion -Torsten -tort -torta -torteau -torticollar -torticollis -torticone -tortile -tortility -tortilla -tortille -tortious -tortiously -tortive -tortoise -tortoiselike -Tortonian -tortrices -tortricid -Tortricidae -Tortricina -tortricine -tortricoid -Tortricoidea -Tortrix -tortula -Tortulaceae -tortulaceous -tortulous -tortuose -tortuosity -tortuous -tortuously -tortuousness -torturable -torturableness -torture -tortured -torturedly -tortureproof -torturer -torturesome -torturing -torturingly -torturous -torturously -toru -torula -torulaceous -torulaform -toruliform -torulin -toruloid -torulose -torulosis -torulous -torulus -torus -torve -torvid -torvity -torvous -Tory -tory -Torydom -Toryess -Toryfication -Toryfy -toryhillite -Toryish -Toryism -Toryistic -Toryize -Toryship -toryweed -tosaphist -tosaphoth -toscanite -Tosephta -Tosephtas -tosh -toshakhana -tosher -toshery -toshly -toshnail -toshy -tosily -Tosk -Toskish -toss -tosser -tossicated -tossily -tossing -tossingly -tossment -tosspot -tossup -tossy -tost -tosticate -tostication -toston -tosy -tot -total -totalitarian -totalitarianism -totality -totalization -totalizator -totalize -totalizer -totally -totalness -totanine -Totanus -totaquin -totaquina -totaquine -totara -totchka -tote -toteload -totem -totemic -totemically -totemism -totemist -totemistic -totemite -totemization -totemy -toter -tother -totient -Totipalmatae -totipalmate -totipalmation -totipotence -totipotency -totipotent -totipotential -totipotentiality -totitive -toto -Totonac -Totonacan -Totonaco -totora -Totoro -totquot -totter -totterer -tottergrass -tottering -totteringly -totterish -tottery -Tottie -totting -tottle -tottlish -totty -tottyhead -totuava -totum -toty -totyman -tou -toucan -toucanet -Toucanid -touch -touchable -touchableness -touchback -touchbell -touchbox -touchdown -touched -touchedness -toucher -touchhole -touchily -touchiness -touching -touchingly -touchingness -touchless -touchline -touchous -touchpan -touchpiece -touchstone -touchwood -touchy -Toufic -toug -tough -toughen -toughener -toughhead -toughhearted -toughish -toughly -toughness -tought -tould -toumnah -Tounatea -toup -toupee -toupeed -toupet -tour -touraco -tourbillion -tourer -tourette -touring -tourism -tourist -touristdom -touristic -touristproof -touristry -touristship -touristy -tourize -tourmaline -tourmalinic -tourmaliniferous -tourmalinization -tourmalinize -tourmalite -tourn -tournament -tournamental -tournant -tournasin -tournay -tournee -Tournefortia -Tournefortian -tourney -tourneyer -tourniquet -tourte -tousche -touse -touser -tousle -tously -tousy -tout -touter -Tovah -tovar -Tovaria -Tovariaceae -tovariaceous -tovarish -tow -towable -towage -towai -towan -toward -towardliness -towardly -towardness -towards -towboat -towcock -towd -towel -towelette -toweling -towelry -tower -towered -towering -toweringly -towerless -towerlet -towerlike -towerman -towerproof -towerwise -towerwork -towerwort -towery -towght -towhead -towheaded -towhee -towing -towkay -towlike -towline -towmast -town -towned -townee -towner -townet -townfaring -townfolk -townful -towngate -townhood -townify -towniness -townish -townishly -townishness -townist -townland -townless -townlet -townlike -townling -townly -townman -townsboy -townscape -Townsendia -Townsendite -townsfellow -townsfolk -township -townside -townsite -townsman -townspeople -townswoman -townward -townwards -townwear -towny -towpath -towrope -towser -towy -tox -toxa -toxalbumic -toxalbumin -toxalbumose -toxamin -toxanemia -toxaphene -toxcatl -toxemia -toxemic -toxic -toxicaemia -toxical -toxically -toxicant -toxicarol -toxication -toxicemia -toxicity -toxicodendrol -Toxicodendron -toxicoderma -toxicodermatitis -toxicodermatosis -toxicodermia -toxicodermitis -toxicogenic -toxicognath -toxicohaemia -toxicohemia -toxicoid -toxicologic -toxicological -toxicologically -toxicologist -toxicology -toxicomania -toxicopathic -toxicopathy -toxicophagous -toxicophagy -toxicophidia -toxicophobia -toxicosis -toxicotraumatic -toxicum -toxidermic -toxidermitis -toxifer -Toxifera -toxiferous -toxigenic -toxihaemia -toxihemia -toxiinfection -toxiinfectious -toxin -toxinemia -toxinfection -toxinfectious -toxinosis -toxiphobia -toxiphobiac -toxiphoric -toxitabellae -toxity -Toxodon -toxodont -Toxodontia -toxogenesis -Toxoglossa -toxoglossate -toxoid -toxology -toxolysis -toxon -toxone -toxonosis -toxophil -toxophile -toxophilism -toxophilite -toxophilitic -toxophilitism -toxophilous -toxophily -toxophoric -toxophorous -toxoplasmosis -toxosis -toxosozin -Toxostoma -toxotae -Toxotes -Toxotidae -Toxylon -toy -toydom -toyer -toyful -toyfulness -toyhouse -toying -toyingly -toyish -toyishly -toyishness -toyland -toyless -toylike -toymaker -toymaking -toyman -toyon -toyshop -toysome -toytown -toywoman -toywort -toze -tozee -tozer -tra -trabacolo -trabal -trabant -trabascolo -trabea -trabeae -trabeatae -trabeated -trabeation -trabecula -trabecular -trabecularism -trabeculate -trabeculated -trabeculation -trabecule -trabuch -trabucho -Tracaulon -trace -traceability -traceable -traceableness -traceably -traceless -tracelessly -tracer -traceried -tracery -Tracey -trachea -tracheaectasy -tracheal -trachealgia -trachealis -trachean -Trachearia -trachearian -tracheary -Tracheata -tracheate -tracheation -tracheid -tracheidal -tracheitis -trachelagra -trachelate -trachelectomopexia -trachelectomy -trachelismus -trachelitis -trachelium -tracheloacromialis -trachelobregmatic -tracheloclavicular -trachelocyllosis -trachelodynia -trachelology -trachelomastoid -trachelopexia -tracheloplasty -trachelorrhaphy -tracheloscapular -Trachelospermum -trachelotomy -trachenchyma -tracheobronchial -tracheobronchitis -tracheocele -tracheochromatic -tracheoesophageal -tracheofissure -tracheolar -tracheolaryngeal -tracheolaryngotomy -tracheole -tracheolingual -tracheopathia -tracheopathy -tracheopharyngeal -Tracheophonae -tracheophone -tracheophonesis -tracheophonine -tracheophony -tracheoplasty -tracheopyosis -tracheorrhagia -tracheoschisis -tracheoscopic -tracheoscopist -tracheoscopy -tracheostenosis -tracheostomy -tracheotome -tracheotomist -tracheotomize -tracheotomy -Trachinidae -trachinoid -Trachinus -trachitis -trachle -Trachodon -trachodont -trachodontid -Trachodontidae -Trachoma -trachomatous -Trachomedusae -trachomedusan -trachyandesite -trachybasalt -trachycarpous -Trachycarpus -trachychromatic -trachydolerite -trachyglossate -Trachylinae -trachyline -Trachymedusae -trachymedusan -trachyphonia -trachyphonous -Trachypteridae -trachypteroid -Trachypterus -trachyspermous -trachyte -trachytic -trachytoid -tracing -tracingly -track -trackable -trackage -trackbarrow -tracked -tracker -trackhound -trackingscout -tracklayer -tracklaying -trackless -tracklessly -tracklessness -trackman -trackmanship -trackmaster -trackscout -trackshifter -tracksick -trackside -trackwalker -trackway -trackwork -tract -tractability -tractable -tractableness -tractably -tractarian -Tractarianism -tractarianize -tractate -tractator -tractatule -tractellate -tractellum -tractiferous -tractile -tractility -traction -tractional -tractioneering -Tractite -tractlet -tractor -tractoration -tractorism -tractorist -tractorization -tractorize -tractory -tractrix -Tracy -tradable -tradal -trade -tradecraft -tradeful -tradeless -trademaster -trader -tradership -Tradescantia -tradesfolk -tradesman -tradesmanlike -tradesmanship -tradesmanwise -tradespeople -tradesperson -tradeswoman -tradiment -trading -tradite -tradition -traditional -traditionalism -traditionalist -traditionalistic -traditionality -traditionalize -traditionally -traditionarily -traditionary -traditionate -traditionately -traditioner -traditionism -traditionist -traditionitis -traditionize -traditionless -traditionmonger -traditious -traditive -traditor -traditores -traditorship -traduce -traducement -traducent -traducer -traducian -traducianism -traducianist -traducianistic -traducible -traducing -traducingly -traduction -traductionist -trady -traffic -trafficability -trafficable -trafficableness -trafficless -trafficway -trafflicker -trafflike -trag -tragacanth -tragacantha -tragacanthin -tragal -Tragasol -tragedial -tragedian -tragedianess -tragedical -tragedienne -tragedietta -tragedist -tragedization -tragedize -tragedy -tragelaph -tragelaphine -Tragelaphus -tragi -tragic -tragical -tragicality -tragically -tragicalness -tragicaster -tragicize -tragicly -tragicness -tragicofarcical -tragicoheroicomic -tragicolored -tragicomedian -tragicomedy -tragicomic -tragicomical -tragicomicality -tragicomically -tragicomipastoral -tragicoromantic -tragicose -tragopan -Tragopogon -Tragulidae -Tragulina -traguline -traguloid -Traguloidea -Tragulus -tragus -trah -traheen -traik -trail -trailer -trailery -trailiness -trailing -trailingly -trailless -trailmaker -trailmaking -trailman -trailside -trailsman -traily -train -trainable -trainage -trainagraph -trainband -trainbearer -trainbolt -trainboy -trained -trainee -trainer -trainful -training -trainless -trainload -trainman -trainmaster -trainsick -trainster -traintime -trainway -trainy -traipse -trait -traitless -traitor -traitorhood -traitorism -traitorize -traitorlike -traitorling -traitorous -traitorously -traitorousness -traitorship -traitorwise -traitress -traject -trajectile -trajection -trajectitious -trajectory -trajet -tralatician -tralaticiary -tralatition -tralatitious -tralatitiously -tralira -Trallian -tram -trama -tramal -tramcar -trame -Trametes -tramful -tramless -tramline -tramman -trammel -trammeled -trammeler -trammelhead -trammeling -trammelingly -trammelled -trammellingly -trammer -tramming -trammon -tramontane -tramp -trampage -trampdom -tramper -trampess -tramphood -trampish -trampishly -trampism -trample -trampler -tramplike -trampolin -trampoline -trampoose -trampot -tramroad -tramsmith -tramway -tramwayman -tramyard -Tran -trance -tranced -trancedly -tranceful -trancelike -tranchefer -tranchet -trancoidal -traneen -trank -tranka -tranker -trankum -tranky -tranquil -tranquility -tranquilization -tranquilize -tranquilizer -tranquilizing -tranquilizingly -tranquillity -tranquillization -tranquillize -tranquilly -tranquilness -transaccidentation -transact -transaction -transactional -transactionally -transactioneer -transactor -transalpine -transalpinely -transalpiner -transamination -transanimate -transanimation -transannular -transapical -transappalachian -transaquatic -transarctic -transatlantic -transatlantically -transatlantican -transatlanticism -transaudient -transbaikal -transbaikalian -transbay -transboard -transborder -transcalency -transcalent -transcalescency -transcalescent -Transcaucasian -transceiver -transcend -transcendence -transcendency -transcendent -transcendental -transcendentalism -transcendentalist -transcendentalistic -transcendentality -transcendentalize -transcendentally -transcendently -transcendentness -transcendible -transcending -transcendingly -transcendingness -transcension -transchannel -transcolor -transcoloration -transconductance -transcondylar -transcondyloid -transconscious -transcontinental -transcorporate -transcorporeal -transcortical -transcreate -transcribable -transcribble -transcribbler -transcribe -transcriber -transcript -transcription -transcriptional -transcriptionally -transcriptitious -transcriptive -transcriptively -transcriptural -transcrystalline -transcurrent -transcurrently -transcurvation -transdermic -transdesert -transdialect -transdiaphragmatic -transdiurnal -transducer -transduction -transect -transection -transelement -transelementate -transelementation -transempirical -transenna -transept -transeptal -transeptally -transequatorial -transessentiate -transeunt -transexperiential -transfashion -transfeature -transfer -transferability -transferable -transferableness -transferably -transferal -transferee -transference -transferent -transferential -transferography -transferor -transferotype -transferred -transferrer -transferribility -transferring -transferror -transferrotype -transfigurate -transfiguration -transfigurative -transfigure -transfigurement -transfiltration -transfinite -transfix -transfixation -transfixion -transfixture -transfluent -transfluvial -transflux -transforation -transform -transformability -transformable -transformance -transformation -transformationist -transformative -transformator -transformer -transforming -transformingly -transformism -transformist -transformistic -transfrontal -transfrontier -transfuge -transfugitive -transfuse -transfuser -transfusible -transfusion -transfusionist -transfusive -transfusively -transgredient -transgress -transgressible -transgressing -transgressingly -transgression -transgressional -transgressive -transgressively -transgressor -transhape -transhuman -transhumanate -transhumanation -transhumance -transhumanize -transhumant -transience -transiency -transient -transiently -transientness -transigence -transigent -transiliac -transilience -transiliency -transilient -transilluminate -transillumination -transilluminator -transimpression -transincorporation -transindividual -transinsular -transire -transischiac -transisthmian -transistor -transit -transitable -transiter -transition -transitional -transitionally -transitionalness -transitionary -transitionist -transitival -transitive -transitively -transitiveness -transitivism -transitivity -transitman -transitorily -transitoriness -transitory -transitus -Transjordanian -translade -translatable -translatableness -translate -translater -translation -translational -translationally -translative -translator -translatorese -translatorial -translatorship -translatory -translatress -translatrix -translay -transleithan -transletter -translinguate -transliterate -transliteration -transliterator -translocalization -translocate -translocation -translocatory -translucence -translucency -translucent -translucently -translucid -transmarginal -transmarine -transmaterial -transmateriation -transmedial -transmedian -transmental -transmentation -transmeridional -transmethylation -transmigrant -transmigrate -transmigration -transmigrationism -transmigrationist -transmigrative -transmigratively -transmigrator -transmigratory -transmissibility -transmissible -transmission -transmissional -transmissionist -transmissive -transmissively -transmissiveness -transmissivity -transmissometer -transmissory -transmit -transmittable -transmittal -transmittance -transmittancy -transmittant -transmitter -transmittible -transmogrification -transmogrifier -transmogrify -transmold -transmontane -transmorphism -transmundane -transmural -transmuscle -transmutability -transmutable -transmutableness -transmutably -transmutation -transmutational -transmutationist -transmutative -transmutatory -transmute -transmuter -transmuting -transmutive -transmutual -transnatation -transnational -transnatural -transnaturation -transnature -transnihilation -transnormal -transocean -transoceanic -transocular -transom -transomed -transonic -transorbital -transpacific -transpadane -transpalatine -transpalmar -transpanamic -transparence -transparency -transparent -transparentize -transparently -transparentness -transparietal -transparish -transpeciate -transpeciation -transpeer -transpenetrable -transpeninsular -transperitoneal -transperitoneally -transpersonal -transphenomenal -transphysical -transpicuity -transpicuous -transpicuously -transpierce -transpirability -transpirable -transpiration -transpirative -transpiratory -transpire -transpirometer -transplace -transplant -transplantability -transplantable -transplantar -transplantation -transplantee -transplanter -transplendency -transplendent -transplendently -transpleural -transpleurally -transpolar -transponibility -transponible -transpontine -transport -transportability -transportable -transportableness -transportal -transportance -transportation -transportational -transportationist -transportative -transported -transportedly -transportedness -transportee -transporter -transporting -transportingly -transportive -transportment -transposability -transposable -transposableness -transposal -transpose -transposer -transposition -transpositional -transpositive -transpositively -transpositor -transpository -transpour -transprint -transprocess -transprose -transproser -transpulmonary -transpyloric -transradiable -transrational -transreal -transrectification -transrhenane -transrhodanian -transriverine -transsegmental -transsensual -transseptal -transsepulchral -transshape -transshift -transship -transshipment -transsolid -transstellar -transsubjective -transtemporal -Transteverine -transthalamic -transthoracic -transubstantial -transubstantially -transubstantiate -transubstantiation -transubstantiationalist -transubstantiationite -transubstantiative -transubstantiatively -transubstantiatory -transudate -transudation -transudative -transudatory -transude -transumpt -transumption -transumptive -transuranian -transuranic -transuranium -transuterine -transvaal -Transvaaler -Transvaalian -transvaluate -transvaluation -transvalue -transvasate -transvasation -transvase -transvectant -transvection -transvenom -transverbate -transverbation -transverberate -transverberation -transversal -transversale -transversalis -transversality -transversally -transversan -transversary -transverse -transversely -transverseness -transverser -transversion -transversive -transversocubital -transversomedial -transversospinal -transversovertical -transversum -transversus -transvert -transverter -transvest -transvestism -transvestite -transvestitism -transvolation -transwritten -Transylvanian -trant -tranter -trantlum -Tranzschelia -trap -Trapa -Trapaceae -trapaceous -trapball -trapes -trapezate -trapeze -trapezia -trapezial -trapezian -trapeziform -trapezing -trapeziometacarpal -trapezist -trapezium -trapezius -trapezohedral -trapezohedron -trapezoid -trapezoidal -trapezoidiform -trapfall -traphole -trapiferous -traplight -traplike -trapmaker -trapmaking -trappean -trapped -trapper -trapperlike -trappiness -trapping -trappingly -Trappist -trappist -Trappistine -trappoid -trappose -trappous -trappy -traprock -traps -trapshoot -trapshooter -trapshooting -trapstick -trapunto -trasformism -trash -trashery -trashify -trashily -trashiness -traship -trashless -trashrack -trashy -trass -Trastevere -Trasteverine -trasy -traulism -trauma -traumasthenia -traumatic -traumatically -traumaticin -traumaticine -traumatism -traumatize -traumatology -traumatonesis -traumatopnea -traumatopyra -traumatosis -traumatotactic -traumatotaxis -traumatropic -traumatropism -Trautvetteria -travail -travale -travally -travated -trave -travel -travelability -travelable -traveldom -traveled -traveler -traveleress -travelerlike -traveling -travellability -travellable -travelled -traveller -travelogue -traveloguer -traveltime -traversable -traversal -traversary -traverse -traversed -traversely -traverser -traversewise -traversework -traversing -traversion -travertin -travertine -travestier -travestiment -travesty -Travis -travis -travois -travoy -trawl -trawlboat -trawler -trawlerman -trawlnet -tray -trayful -traylike -treacher -treacherous -treacherously -treacherousness -treachery -treacle -treaclelike -treaclewort -treacliness -treacly -tread -treadboard -treader -treading -treadle -treadler -treadmill -treadwheel -treason -treasonable -treasonableness -treasonably -treasonful -treasonish -treasonist -treasonless -treasonmonger -treasonous -treasonously -treasonproof -treasurable -treasure -treasureless -treasurer -treasurership -treasuress -treasurous -treasury -treasuryship -treat -treatable -treatableness -treatably -treatee -treater -treating -treatise -treatiser -treatment -treator -treaty -treatyist -treatyite -treatyless -Trebellian -treble -trebleness -trebletree -trebly -trebuchet -trecentist -trechmannite -treckschuyt -Treculia -treddle -tredecile -tredille -tree -treebeard -treebine -treed -treefish -treeful -treehair -treehood -treeify -treeiness -treeless -treelessness -treelet -treelike -treeling -treemaker -treemaking -treeman -treen -treenail -treescape -treeship -treespeeler -treetop -treeward -treewards -treey -tref -trefgordd -trefle -trefoil -trefoiled -trefoillike -trefoilwise -tregadyne -tregerg -tregohm -trehala -trehalase -trehalose -treillage -trek -trekker -trekometer -trekpath -trellis -trellised -trellislike -trelliswork -Trema -Tremandra -Tremandraceae -tremandraceous -Trematoda -trematode -Trematodea -Trematodes -trematoid -Trematosaurus -tremble -tremblement -trembler -trembling -tremblingly -tremblingness -tremblor -trembly -Tremella -Tremellaceae -tremellaceous -Tremellales -tremelliform -tremelline -tremellineous -tremelloid -tremellose -tremendous -tremendously -tremendousness -tremetol -tremie -tremolando -tremolant -tremolist -tremolite -tremolitic -tremolo -tremor -tremorless -tremorlessly -tremulant -tremulate -tremulation -tremulous -tremulously -tremulousness -trenail -trench -trenchancy -trenchant -trenchantly -trenchantness -trenchboard -trenched -trencher -trencherless -trencherlike -trenchermaker -trenchermaking -trencherman -trencherside -trencherwise -trencherwoman -trenchful -trenchlet -trenchlike -trenchmaster -trenchmore -trenchward -trenchwise -trenchwork -trend -trendle -Trent -trental -Trentepohlia -Trentepohliaceae -trentepohliaceous -Trentine -Trenton -trepan -trepanation -trepang -trepanize -trepanner -trepanning -trepanningly -trephination -trephine -trephiner -trephocyte -trephone -trepid -trepidancy -trepidant -trepidate -trepidation -trepidatory -trepidity -trepidly -trepidness -Treponema -treponematous -treponemiasis -treponemiatic -treponemicidal -treponemicide -Trepostomata -trepostomatous -Treron -Treronidae -Treroninae -tresaiel -trespass -trespassage -trespasser -trespassory -tress -tressed -tressful -tressilate -tressilation -tressless -tresslet -tresslike -tresson -tressour -tressure -tressured -tressy -trest -trestle -trestletree -trestlewise -trestlework -trestling -tret -trevally -trevet -Trevor -trews -trewsman -Trey -trey -tri -triable -triableness -triace -triacetamide -triacetate -triacetonamine -triachenium -triacid -triacontaeterid -triacontane -triaconter -triact -triactinal -triactine -triad -triadelphous -Triadenum -triadic -triadical -triadically -triadism -triadist -triaene -triaenose -triage -triagonal -triakisicosahedral -triakisicosahedron -triakisoctahedral -triakisoctahedrid -triakisoctahedron -triakistetrahedral -triakistetrahedron -trial -trialate -trialism -trialist -triality -trialogue -triamid -triamide -triamine -triamino -triammonium -triamylose -triander -Triandria -triandrian -triandrous -triangle -triangled -triangler -triangleways -trianglewise -trianglework -Triangula -triangular -triangularity -triangularly -triangulate -triangulately -triangulation -triangulator -Triangulid -trianguloid -triangulopyramidal -triangulotriangular -Triangulum -triannual -triannulate -Trianon -Triantaphyllos -triantelope -trianthous -triapsal -triapsidal -triarch -triarchate -triarchy -triarctic -triarcuated -triareal -triarii -Triarthrus -triarticulate -Trias -Triassic -triaster -triatic -Triatoma -triatomic -triatomicity -triaxial -triaxon -triaxonian -triazane -triazin -triazine -triazo -triazoic -triazole -triazolic -tribade -tribadism -tribady -tribal -tribalism -tribalist -tribally -tribarred -tribase -tribasic -tribasicity -tribasilar -tribble -tribe -tribeless -tribelet -tribelike -tribesfolk -tribeship -tribesman -tribesmanship -tribespeople -tribeswoman -triblastic -triblet -triboelectric -triboelectricity -tribofluorescence -tribofluorescent -Tribolium -triboluminescence -triboluminescent -tribometer -Tribonema -Tribonemaceae -tribophosphorescence -tribophosphorescent -tribophosphoroscope -triborough -tribrac -tribrach -tribrachial -tribrachic -tribracteate -tribracteolate -tribromacetic -tribromide -tribromoethanol -tribromophenol -tribromphenate -tribromphenol -tribual -tribually -tribular -tribulate -tribulation -tribuloid -Tribulus -tribuna -tribunal -tribunate -tribune -tribuneship -tribunitial -tribunitian -tribunitiary -tribunitive -tributable -tributarily -tributariness -tributary -tribute -tributer -tributist -tributorian -tributyrin -trica -tricae -tricalcic -tricalcium -tricapsular -tricar -tricarballylic -tricarbimide -tricarbon -tricarboxylic -tricarinate -tricarinated -tricarpellary -tricarpellate -tricarpous -tricaudal -tricaudate -trice -tricellular -tricenarious -tricenarium -tricenary -tricennial -tricentenarian -tricentenary -tricentennial -tricentral -tricephal -tricephalic -tricephalous -tricephalus -triceps -Triceratops -triceria -tricerion -tricerium -trichatrophia -trichauxis -Trichechidae -trichechine -trichechodont -Trichechus -trichevron -trichi -trichia -trichiasis -Trichilia -Trichina -trichina -trichinae -trichinal -Trichinella -trichiniasis -trichiniferous -trichinization -trichinize -trichinoid -trichinopoly -trichinoscope -trichinoscopy -trichinosed -trichinosis -trichinotic -trichinous -trichite -trichitic -trichitis -trichiurid -Trichiuridae -trichiuroid -Trichiurus -trichloride -trichlormethane -trichloro -trichloroacetic -trichloroethylene -trichloromethane -trichloromethyl -trichobacteria -trichobezoar -trichoblast -trichobranchia -trichobranchiate -trichocarpous -trichocephaliasis -Trichocephalus -trichoclasia -trichoclasis -trichocyst -trichocystic -trichode -Trichoderma -Trichodesmium -Trichodontidae -trichoepithelioma -trichogen -trichogenous -trichoglossia -Trichoglossidae -Trichoglossinae -trichoglossine -Trichogramma -Trichogrammatidae -trichogyne -trichogynial -trichogynic -trichoid -Tricholaena -trichological -trichologist -trichology -Tricholoma -trichoma -Trichomanes -trichomaphyte -trichomatose -trichomatosis -trichomatous -trichome -trichomic -trichomonad -Trichomonadidae -Trichomonas -trichomoniasis -trichomycosis -trichonosus -trichopathic -trichopathy -trichophore -trichophoric -trichophyllous -trichophyte -trichophytia -trichophytic -Trichophyton -trichophytosis -Trichoplax -trichopore -trichopter -Trichoptera -trichoptera -trichopteran -trichopteron -trichopterous -trichopterygid -Trichopterygidae -trichord -trichorrhea -trichorrhexic -trichorrhexis -Trichosanthes -trichoschisis -trichosis -trichosporange -trichosporangial -trichosporangium -Trichosporum -trichostasis -Trichostema -trichostrongyle -trichostrongylid -Trichostrongylus -trichothallic -trichotillomania -trichotomic -trichotomism -trichotomist -trichotomize -trichotomous -trichotomously -trichotomy -trichroic -trichroism -trichromat -trichromate -trichromatic -trichromatism -trichromatist -trichrome -trichromic -trichronous -trichuriasis -Trichuris -trichy -Tricia -tricinium -tricipital -tricircular -trick -tricker -trickery -trickful -trickily -trickiness -tricking -trickingly -trickish -trickishly -trickishness -trickle -trickless -tricklet -tricklike -trickling -tricklingly -trickly -trickment -trickproof -tricksical -tricksily -tricksiness -tricksome -trickster -trickstering -trickstress -tricksy -tricktrack -tricky -triclad -Tricladida -triclinate -triclinia -triclinial -tricliniarch -tricliniary -triclinic -triclinium -triclinohedric -tricoccose -tricoccous -tricolette -tricolic -tricolon -tricolor -tricolored -tricolumnar -tricompound -triconch -Triconodon -triconodont -Triconodonta -triconodontid -triconodontoid -triconodonty -triconsonantal -triconsonantalism -tricophorous -tricorn -tricornered -tricornute -tricorporal -tricorporate -tricoryphean -tricosane -tricosanone -tricostate -tricosyl -tricosylic -tricot -tricotine -tricotyledonous -tricresol -tricrotic -tricrotism -tricrotous -tricrural -tricurvate -tricuspal -tricuspid -tricuspidal -tricuspidate -tricuspidated -tricussate -tricyanide -tricycle -tricyclene -tricycler -tricyclic -tricyclist -Tricyrtis -Tridacna -Tridacnidae -tridactyl -tridactylous -tridaily -triddler -tridecane -tridecene -tridecilateral -tridecoic -tridecyl -tridecylene -tridecylic -trident -tridental -tridentate -tridentated -tridentiferous -Tridentine -Tridentinian -tridepside -tridermic -tridiametral -tridiapason -tridigitate -tridimensional -tridimensionality -tridimensioned -tridiurnal -tridominium -tridrachm -triduan -triduum -tridymite -tridynamous -tried -triedly -trielaidin -triene -triennial -trienniality -triennially -triennium -triens -triental -Trientalis -triequal -trier -trierarch -trierarchal -trierarchic -trierarchy -trierucin -trieteric -trieterics -triethanolamine -triethyl -triethylamine -triethylstibine -trifa -trifacial -trifarious -trifasciated -triferous -trifid -trifilar -trifistulary -triflagellate -trifle -trifledom -trifler -triflet -trifling -triflingly -triflingness -trifloral -triflorate -triflorous -trifluoride -trifocal -trifoil -trifold -trifoliate -trifoliated -trifoliolate -trifoliosis -Trifolium -trifolium -trifoly -triforial -triforium -triform -triformed -triformin -triformity -triformous -trifoveolate -trifuran -trifurcal -trifurcate -trifurcation -trig -trigamist -trigamous -trigamy -trigeminal -trigeminous -trigeneric -trigesimal -trigger -triggered -triggerfish -triggerless -trigintal -trigintennial -Trigla -triglandular -triglid -Triglidae -triglochid -Triglochin -triglochin -triglot -trigly -triglyceride -triglyceryl -triglyph -triglyphal -triglyphed -triglyphic -triglyphical -trigness -trigon -Trigona -trigonal -trigonally -trigone -Trigonella -trigonelline -trigoneutic -trigoneutism -Trigonia -Trigoniaceae -trigoniacean -trigoniaceous -trigonic -trigonid -Trigoniidae -trigonite -trigonitis -trigonocephalic -trigonocephalous -Trigonocephalus -trigonocephaly -trigonocerous -trigonododecahedron -trigonodont -trigonoid -trigonometer -trigonometric -trigonometrical -trigonometrician -trigonometry -trigonon -trigonotype -trigonous -trigonum -trigram -trigrammatic -trigrammatism -trigrammic -trigraph -trigraphic -triguttulate -trigyn -Trigynia -trigynian -trigynous -trihalide -trihedral -trihedron -trihemeral -trihemimer -trihemimeral -trihemimeris -trihemiobol -trihemiobolion -trihemitetartemorion -trihoral -trihourly -trihybrid -trihydrate -trihydrated -trihydric -trihydride -trihydrol -trihydroxy -trihypostatic -trijugate -trijugous -trijunction -trikaya -trike -triker -trikeria -trikerion -triketo -triketone -trikir -trilabe -trilabiate -trilamellar -trilamellated -trilaminar -trilaminate -trilarcenous -trilateral -trilaterality -trilaterally -trilateralness -trilaurin -trilby -trilemma -trilinear -trilineate -trilineated -trilingual -trilinguar -trilinolate -trilinoleate -trilinolenate -trilinolenin -Trilisa -trilit -trilite -triliteral -triliteralism -triliterality -triliterally -triliteralness -trilith -trilithic -trilithon -trill -trillachan -trillet -trilli -Trilliaceae -trilliaceous -trillibub -trilliin -trilling -trillion -trillionaire -trillionize -trillionth -Trillium -trillium -trillo -trilobate -trilobated -trilobation -trilobe -trilobed -Trilobita -trilobite -trilobitic -trilocular -triloculate -trilogic -trilogical -trilogist -trilogy -Trilophodon -trilophodont -triluminar -triluminous -trim -trimacer -trimacular -trimargarate -trimargarin -trimastigate -trimellitic -trimembral -trimensual -trimer -Trimera -trimercuric -Trimeresurus -trimeric -trimeride -trimerite -trimerization -trimerous -trimesic -trimesinic -trimesitic -trimesitinic -trimester -trimestral -trimestrial -trimesyl -trimetalism -trimetallic -trimeter -trimethoxy -trimethyl -trimethylacetic -trimethylamine -trimethylbenzene -trimethylene -trimethylmethane -trimethylstibine -trimetric -trimetrical -trimetrogon -trimly -trimmer -trimming -trimmingly -trimness -trimodal -trimodality -trimolecular -trimonthly -trimoric -trimorph -trimorphic -trimorphism -trimorphous -trimotor -trimotored -trimstone -trimtram -trimuscular -trimyristate -trimyristin -trin -Trinacrian -trinal -trinality -trinalize -trinary -trinational -trindle -trine -trinely -trinervate -trinerve -trinerved -trineural -Tringa -tringine -tringle -tringoid -Trinidadian -trinidado -Trinil -Trinitarian -trinitarian -Trinitarianism -trinitrate -trinitration -trinitride -trinitrin -trinitro -trinitrocarbolic -trinitrocellulose -trinitrocresol -trinitroglycerin -trinitromethane -trinitrophenol -trinitroresorcin -trinitrotoluene -trinitroxylene -trinitroxylol -Trinity -trinity -trinityhood -trink -trinkerman -trinket -trinketer -trinketry -trinkety -trinkle -trinklement -trinklet -trinkums -Trinobantes -trinoctial -trinodal -trinode -trinodine -trinol -trinomial -trinomialism -trinomialist -trinomiality -trinomially -trinopticon -Trinorantum -Trinovant -Trinovantes -trintle -trinucleate -Trinucleus -Trio -trio -triobol -triobolon -trioctile -triocular -triode -triodia -triodion -Triodon -Triodontes -Triodontidae -triodontoid -Triodontoidea -Triodontoidei -Triodontophorus -Trioecia -trioecious -trioeciously -trioecism -triolcous -triole -trioleate -triolefin -trioleic -triolein -triolet -triology -Trionychidae -trionychoid -Trionychoideachid -trionychoidean -trionym -trionymal -Trionyx -trioperculate -Triopidae -Triops -trior -triorchis -triorchism -triorthogonal -triose -Triosteum -triovulate -trioxazine -trioxide -trioxymethylene -triozonide -trip -tripal -tripaleolate -tripalmitate -tripalmitin -tripara -tripart -triparted -tripartedly -tripartible -tripartient -tripartite -tripartitely -tripartition -tripaschal -tripe -tripedal -tripel -tripelike -tripeman -tripemonger -tripennate -tripenny -tripeptide -tripersonal -tripersonalism -tripersonalist -tripersonality -tripersonally -tripery -tripeshop -tripestone -tripetaloid -tripetalous -tripewife -tripewoman -triphammer -triphane -triphase -triphaser -Triphasia -triphasic -triphenyl -triphenylamine -triphenylated -triphenylcarbinol -triphenylmethane -triphenylmethyl -triphenylphosphine -triphibian -triphibious -triphony -Triphora -triphthong -triphyletic -triphyline -triphylite -triphyllous -Triphysite -tripinnate -tripinnated -tripinnately -tripinnatifid -tripinnatisect -Tripitaka -triplane -Triplaris -triplasian -triplasic -triple -tripleback -triplefold -triplegia -tripleness -triplet -tripletail -tripletree -triplewise -triplex -triplexity -triplicate -triplication -triplicative -triplicature -Triplice -Triplicist -triplicity -triplicostate -tripliform -triplinerved -tripling -triplite -triploblastic -triplocaulescent -triplocaulous -Triplochitonaceae -triploid -triploidic -triploidite -triploidy -triplopia -triplopy -triplum -triplumbic -triply -tripmadam -tripod -tripodal -tripodial -tripodian -tripodic -tripodical -tripody -tripointed -tripolar -tripoli -Tripoline -tripoline -Tripolitan -tripolite -tripos -tripotassium -trippant -tripper -trippet -tripping -trippingly -trippingness -trippist -tripple -trippler -Tripsacum -tripsill -tripsis -tripsome -tripsomely -triptane -tripterous -triptote -triptych -triptyque -tripudial -tripudiant -tripudiary -tripudiate -tripudiation -tripudist -tripudium -tripunctal -tripunctate -tripy -Tripylaea -tripylaean -Tripylarian -tripylarian -tripyrenous -triquadrantal -triquetra -triquetral -triquetric -triquetrous -triquetrously -triquetrum -triquinate -triquinoyl -triradial -triradially -triradiate -triradiated -triradiately -triradiation -Triratna -trirectangular -triregnum -trireme -trirhombohedral -trirhomboidal -triricinolein -trisaccharide -trisaccharose -trisacramentarian -Trisagion -trisalt -trisazo -trisceptral -trisect -trisected -trisection -trisector -trisectrix -triseme -trisemic -trisensory -trisepalous -triseptate -triserial -triserially -triseriate -triseriatim -trisetose -Trisetum -trishna -trisilane -trisilicane -trisilicate -trisilicic -trisinuate -trisinuated -triskele -triskelion -trismegist -trismegistic -trismic -trismus -trisoctahedral -trisoctahedron -trisodium -trisome -trisomic -trisomy -trisonant -Trisotropis -trispast -trispaston -trispermous -trispinose -trisplanchnic -trisporic -trisporous -trisquare -trist -tristachyous -Tristam -Tristan -Tristania -tristate -tristearate -tristearin -tristeness -tristetrahedron -tristeza -tristful -tristfully -tristfulness -tristich -Tristichaceae -tristichic -tristichous -tristigmatic -tristigmatose -tristiloquy -tristisonous -Tristram -tristylous -trisubstituted -trisubstitution -trisul -trisula -trisulcate -trisulcated -trisulphate -trisulphide -trisulphone -trisulphonic -trisulphoxide -trisylabic -trisyllabical -trisyllabically -trisyllabism -trisyllabity -trisyllable -tritactic -tritagonist -tritangent -tritangential -tritanope -tritanopia -tritanopic -tritaph -trite -Triteleia -tritely -tritemorion -tritencephalon -triteness -triternate -triternately -triterpene -tritetartemorion -tritheism -tritheist -tritheistic -tritheistical -tritheite -tritheocracy -trithing -trithioaldehyde -trithiocarbonate -trithiocarbonic -trithionate -trithionic -Trithrinax -tritical -triticality -tritically -triticalness -triticeous -triticeum -triticin -triticism -triticoid -Triticum -triticum -tritish -tritium -tritocerebral -tritocerebrum -tritocone -tritoconid -Tritogeneia -tritolo -Tritoma -tritomite -Triton -triton -tritonal -tritonality -tritone -Tritoness -Tritonia -Tritonic -Tritonidae -tritonoid -tritonous -tritonymph -tritonymphal -tritopatores -tritopine -tritor -tritoral -tritorium -tritoxide -tritozooid -tritriacontane -trittichan -tritubercular -Trituberculata -trituberculism -trituberculy -triturable -tritural -triturate -trituration -triturator -triturature -triturium -Triturus -trityl -Tritylodon -Triumfetta -Triumph -triumph -triumphal -triumphance -triumphancy -triumphant -triumphantly -triumphator -triumpher -triumphing -triumphwise -triumvir -triumviral -triumvirate -triumviri -triumvirship -triunal -triune -triungulin -triunification -triunion -triunitarian -triunity -triunsaturated -triurid -Triuridaceae -Triuridales -Triuris -trivalence -trivalency -trivalent -trivalerin -trivalve -trivalvular -trivant -trivantly -trivariant -triverbal -triverbial -trivet -trivetwise -trivia -trivial -trivialism -trivialist -triviality -trivialize -trivially -trivialness -trivirga -trivirgate -trivium -trivoltine -trivvet -triweekly -Trix -Trixie -Trixy -trizoic -trizomal -trizonal -trizone -Trizonia -Troad -troat -troca -trocaical -trocar -Trochaic -trochaic -trochaicality -trochal -trochalopod -Trochalopoda -trochalopodous -trochanter -trochanteric -trochanterion -trochantin -trochantinian -trochart -trochate -troche -trocheameter -trochee -trocheeize -trochelminth -Trochelminthes -trochi -trochid -Trochidae -trochiferous -trochiform -Trochila -Trochili -trochili -trochilic -trochilics -trochilidae -trochilidine -trochilidist -trochiline -trochilopodous -Trochilus -trochilus -troching -trochiscation -trochiscus -trochite -trochitic -Trochius -trochlea -trochlear -trochleariform -trochlearis -trochleary -trochleate -trochleiform -trochocephalia -trochocephalic -trochocephalus -trochocephaly -Trochodendraceae -trochodendraceous -Trochodendron -trochoid -trochoidal -trochoidally -trochoides -trochometer -trochophore -Trochosphaera -Trochosphaerida -trochosphere -trochospherical -Trochozoa -trochozoic -trochozoon -Trochus -trochus -trock -troco -troctolite -trod -trodden -trode -troegerite -Troezenian -troft -trog -trogger -troggin -troglodytal -troglodyte -Troglodytes -troglodytic -troglodytical -Troglodytidae -Troglodytinae -troglodytish -troglodytism -trogon -Trogones -Trogonidae -Trogoniformes -trogonoid -trogs -trogue -Troiades -Troic -troika -troilite -Trojan -troke -troker -troll -trolldom -trolleite -troller -trolley -trolleyer -trolleyful -trolleyman -trollflower -trollimog -trolling -Trollius -trollman -trollol -trollop -Trollopean -Trollopeanism -trollopish -trollops -trollopy -trolly -tromba -trombe -trombiculid -trombidiasis -Trombidiidae -Trombidium -trombone -trombonist -trombony -trommel -tromometer -tromometric -tromometrical -tromometry -tromp -trompe -trompil -trompillo -tromple -tron -trona -tronador -tronage -tronc -trondhjemite -trone -troner -troolie -troop -trooper -trooperess -troopfowl -troopship -troopwise -troostite -troostitic -troot -tropacocaine -tropaeolaceae -tropaeolaceous -tropaeolin -Tropaeolum -tropaion -tropal -troparia -troparion -tropary -tropate -trope -tropeic -tropeine -troper -tropesis -trophaea -trophaeum -trophal -trophallactic -trophallaxis -trophectoderm -trophedema -trophema -trophesial -trophesy -trophi -trophic -trophical -trophically -trophicity -trophied -Trophis -trophism -trophobiont -trophobiosis -trophobiotic -trophoblast -trophoblastic -trophochromatin -trophocyte -trophoderm -trophodisc -trophodynamic -trophodynamics -trophogenesis -trophogenic -trophogeny -trophology -trophonema -trophoneurosis -trophoneurotic -Trophonian -trophonucleus -trophopathy -trophophore -trophophorous -trophophyte -trophoplasm -trophoplasmatic -trophoplasmic -trophoplast -trophosomal -trophosome -trophosperm -trophosphere -trophospongia -trophospongial -trophospongium -trophospore -trophotaxis -trophotherapy -trophothylax -trophotropic -trophotropism -trophozoite -trophozooid -trophy -trophyless -trophywort -tropic -tropical -Tropicalia -Tropicalian -tropicality -tropicalization -tropicalize -tropically -tropicopolitan -tropidine -Tropidoleptus -tropine -tropism -tropismatic -tropist -tropistic -tropocaine -tropologic -tropological -tropologically -tropologize -tropology -tropometer -tropopause -tropophil -tropophilous -tropophyte -tropophytic -troposphere -tropostereoscope -tropoyl -troptometer -tropyl -trostera -trot -trotcozy -troth -trothful -trothless -trothlike -trothplight -trotlet -trotline -trotol -trotter -trottie -trottles -trottoir -trottoired -trotty -trotyl -troubadour -troubadourish -troubadourism -troubadourist -trouble -troubledly -troubledness -troublemaker -troublemaking -troublement -troubleproof -troubler -troublesome -troublesomely -troublesomeness -troubling -troublingly -troublous -troublously -troublousness -troubly -trough -troughful -troughing -troughlike -troughster -troughway -troughwise -troughy -trounce -trouncer -troupand -troupe -trouper -troupial -trouse -trouser -trouserdom -trousered -trouserettes -trouserian -trousering -trouserless -trousers -trousseau -trousseaux -trout -troutbird -trouter -troutflower -troutful -troutiness -troutless -troutlet -troutlike -trouty -trouvere -trouveur -trove -troveless -trover -trow -trowel -trowelbeak -troweler -trowelful -trowelman -trowing -trowlesworthite -trowman -trowth -Troy -troy -Troynovant -Troytown -truancy -truandise -truant -truantcy -truantism -truantlike -truantly -truantness -truantry -truantship -trub -trubu -truce -trucebreaker -trucebreaking -truceless -trucemaker -trucemaking -trucial -trucidation -truck -truckage -trucker -truckful -trucking -truckle -truckler -trucklike -truckling -trucklingly -truckload -truckman -truckmaster -trucks -truckster -truckway -truculence -truculency -truculent -truculental -truculently -truculentness -truddo -trudellite -trudge -trudgen -trudger -Trudy -true -trueborn -truebred -truehearted -trueheartedly -trueheartedness -truelike -truelove -trueness -truepenny -truer -truff -truffle -truffled -trufflelike -truffler -trufflesque -trug -truish -truism -truismatic -truistic -truistical -trull -Trullan -truller -trullization -trullo -truly -trumbash -trummel -trump -trumper -trumperiness -trumpery -trumpet -trumpetbush -trumpeter -trumpeting -trumpetless -trumpetlike -trumpetry -trumpetweed -trumpetwood -trumpety -trumph -trumpie -trumpless -trumplike -trun -truncage -truncal -truncate -truncated -Truncatella -Truncatellidae -truncately -truncation -truncator -truncatorotund -truncatosinuate -truncature -trunch -trunched -truncheon -truncheoned -truncher -trunchman -trundle -trundlehead -trundler -trundleshot -trundletail -trundling -trunk -trunkback -trunked -trunkfish -trunkful -trunking -trunkless -trunkmaker -trunknose -trunkway -trunkwork -trunnel -trunnion -trunnioned -trunnionless -trush -trusion -truss -trussed -trussell -trusser -trussing -trussmaker -trussmaking -trusswork -trust -trustability -trustable -trustableness -trustably -trustee -trusteeism -trusteeship -trusten -truster -trustful -trustfully -trustfulness -trustification -trustify -trustihood -trustily -trustiness -trusting -trustingly -trustingness -trustle -trustless -trustlessly -trustlessness -trustman -trustmonger -trustwoman -trustworthily -trustworthiness -trustworthy -trusty -truth -truthable -truthful -truthfully -truthfulness -truthify -truthiness -truthless -truthlessly -truthlessness -truthlike -truthlikeness -truthsman -truthteller -truthtelling -truthy -Trutta -truttaceous -truvat -truxillic -truxilline -try -trygon -Trygonidae -tryhouse -Trying -trying -tryingly -tryingness -tryma -tryout -tryp -trypa -trypan -trypaneid -Trypaneidae -trypanocidal -trypanocide -trypanolysin -trypanolysis -trypanolytic -Trypanosoma -trypanosoma -trypanosomacidal -trypanosomacide -trypanosomal -trypanosomatic -Trypanosomatidae -trypanosomatosis -trypanosomatous -trypanosome -trypanosomiasis -trypanosomic -Tryparsamide -Trypeta -trypetid -Trypetidae -Tryphena -Tryphosa -trypiate -trypograph -trypographic -trypsin -trypsinize -trypsinogen -tryptase -tryptic -tryptogen -tryptone -tryptonize -tryptophan -trysail -tryst -tryster -trysting -tryt -tryworks -tsadik -tsamba -tsantsa -tsar -tsardom -tsarevitch -tsarina -tsaritza -tsarship -tsatlee -Tsattine -tscharik -tscheffkinite -Tscherkess -tsere -tsessebe -tsetse -Tshi -tsia -Tsiltaden -Tsimshian -tsine -tsingtauite -tsiology -Tsoneca -Tsonecan -tst -tsuba -tsubo -Tsuga -Tsuma -tsumebite -tsun -tsunami -tsungtu -Tsutsutsi -tu -tua -Tualati -Tuamotu -Tuamotuan -Tuan -tuan -Tuareg -tuarn -tuart -tuatara -tuatera -tuath -tub -Tuba -tuba -tubae -tubage -tubal -tubaphone -tubar -tubate -tubatoxin -Tubatulabal -tubba -tubbable -tubbal -tubbeck -tubber -tubbie -tubbiness -tubbing -tubbish -tubboe -tubby -tube -tubeflower -tubeform -tubeful -tubehead -tubehearted -tubeless -tubelet -tubelike -tubemaker -tubemaking -tubeman -tuber -Tuberaceae -tuberaceous -Tuberales -tuberation -tubercle -tubercled -tuberclelike -tubercula -tubercular -Tubercularia -Tuberculariaceae -tuberculariaceous -tubercularization -tubercularize -tubercularly -tubercularness -tuberculate -tuberculated -tuberculatedly -tuberculately -tuberculation -tuberculatogibbous -tuberculatonodose -tuberculatoradiate -tuberculatospinous -tubercule -tuberculed -tuberculid -tuberculide -tuberculiferous -tuberculiform -tuberculin -tuberculinic -tuberculinization -tuberculinize -tuberculization -tuberculize -tuberculocele -tuberculocidin -tuberculoderma -tuberculoid -tuberculoma -tuberculomania -tuberculomata -tuberculophobia -tuberculoprotein -tuberculose -tuberculosectorial -tuberculosed -tuberculosis -tuberculotherapist -tuberculotherapy -tuberculotoxin -tuberculotrophic -tuberculous -tuberculously -tuberculousness -tuberculum -tuberiferous -tuberiform -tuberin -tuberization -tuberize -tuberless -tuberoid -tuberose -tuberosity -tuberous -tuberously -tuberousness -tubesmith -tubework -tubeworks -tubfish -tubful -tubicen -tubicinate -tubicination -Tubicola -Tubicolae -tubicolar -tubicolous -tubicorn -tubicornous -tubifacient -tubifer -tubiferous -Tubifex -Tubificidae -Tubiflorales -tubiflorous -tubiform -tubig -tubik -tubilingual -Tubinares -tubinarial -tubinarine -tubing -Tubingen -tubiparous -Tubipora -tubipore -tubiporid -Tubiporidae -tubiporoid -tubiporous -tublet -tublike -tubmaker -tubmaking -tubman -tuboabdominal -tubocurarine -tubolabellate -tuboligamentous -tuboovarial -tuboovarian -tuboperitoneal -tuborrhea -tubotympanal -tubovaginal -tubular -Tubularia -tubularia -Tubulariae -tubularian -Tubularida -tubularidan -Tubulariidae -tubularity -tubularly -tubulate -tubulated -tubulation -tubulator -tubulature -tubule -tubulet -tubuli -tubulibranch -tubulibranchian -Tubulibranchiata -tubulibranchiate -Tubulidentata -tubulidentate -Tubulifera -tubuliferan -tubuliferous -tubulifloral -tubuliflorous -tubuliform -Tubulipora -tubulipore -tubuliporid -Tubuliporidae -tubuliporoid -tubulization -tubulodermoid -tubuloracemose -tubulosaccular -tubulose -tubulostriato -tubulous -tubulously -tubulousness -tubulure -tubulus -tubwoman -Tucana -Tucanae -tucandera -Tucano -tuchit -tuchun -tuchunate -tuchunism -tuchunize -tuck -Tuckahoe -tuckahoe -tucker -tuckermanity -tucket -tucking -tuckner -tuckshop -tucktoo -tucky -tucum -tucuma -tucuman -Tucuna -tudel -Tudesque -Tudor -Tudoresque -tue -tueiron -Tuesday -tufa -tufaceous -tufalike -tufan -tuff -tuffaceous -tuffet -tuffing -tuft -tuftaffeta -tufted -tufter -tufthunter -tufthunting -tuftily -tufting -tuftlet -tufty -tug -tugboat -tugboatman -tugger -tuggery -tugging -tuggingly -tughra -tugless -tuglike -tugman -tugrik -tugui -tugurium -tui -tuik -tuille -tuillette -tuilyie -tuism -tuition -tuitional -tuitionary -tuitive -tuke -tukra -Tukuler -Tukulor -tula -Tulalip -tulare -tularemia -tulasi -Tulbaghia -tulchan -tulchin -tule -tuliac -tulip -Tulipa -tulipflower -tulipiferous -tulipist -tuliplike -tulipomania -tulipomaniac -tulipwood -tulipy -tulisan -Tulkepaia -tulle -Tullian -tullibee -Tulostoma -tulsi -Tulu -tulwar -tum -tumasha -tumatakuru -tumatukuru -tumbak -tumbester -tumble -tumblebug -tumbled -tumbledung -tumbler -tumblerful -tumblerlike -tumblerwise -tumbleweed -tumblification -tumbling -tumblingly -tumbly -Tumboa -tumbrel -tume -tumefacient -tumefaction -tumefy -tumescence -tumescent -tumid -tumidity -tumidly -tumidness -Tumion -tummals -tummel -tummer -tummock -tummy -tumor -tumored -tumorlike -tumorous -tump -tumpline -tumtum -tumular -tumulary -tumulate -tumulation -tumuli -tumulose -tumulosity -tumulous -tumult -tumultuarily -tumultuariness -tumultuary -tumultuate -tumultuation -tumultuous -tumultuously -tumultuousness -tumulus -Tumupasa -tun -Tuna -tuna -tunable -tunableness -tunably -tunbellied -tunbelly -tunca -tund -tundagslatta -tunder -tundish -tundra -tundun -tune -Tunebo -tuned -tuneful -tunefully -tunefulness -tuneless -tunelessly -tunelessness -tunemaker -tunemaking -tuner -tunesome -tunester -tunful -tung -Tunga -Tungan -tungate -tungo -tungstate -tungsten -tungstenic -tungsteniferous -tungstenite -tungstic -tungstite -tungstosilicate -tungstosilicic -Tungus -Tungusian -Tungusic -tunhoof -tunic -Tunica -Tunican -tunicary -Tunicata -tunicate -tunicated -tunicin -tunicked -tunicle -tunicless -tuniness -tuning -tunish -Tunisian -tunist -tunk -Tunker -tunket -tunlike -tunmoot -tunna -tunnel -tunneled -tunneler -tunneling -tunnelist -tunnelite -tunnellike -tunnelly -tunnelmaker -tunnelmaking -tunnelman -tunnelway -tunner -tunnery -Tunnit -tunnland -tunnor -tunny -tuno -tunu -tuny -tup -Tupaia -Tupaiidae -tupakihi -tupanship -tupara -tupek -tupelo -Tupi -Tupian -tupik -Tupinamba -Tupinaqui -tupman -tuppence -tuppenny -Tupperian -Tupperish -Tupperism -Tupperize -tupuna -tuque -tur -turacin -Turacus -Turanian -Turanianism -Turanism -turanose -turb -turban -turbaned -turbanesque -turbanette -turbanless -turbanlike -turbantop -turbanwise -turbary -turbeh -Turbellaria -turbellarian -turbellariform -turbescency -turbid -turbidimeter -turbidimetric -turbidimetry -turbidity -turbidly -turbidness -turbinaceous -turbinage -turbinal -turbinate -turbinated -turbination -turbinatoconcave -turbinatocylindrical -turbinatoglobose -turbinatostipitate -turbine -turbinectomy -turbined -turbinelike -Turbinella -Turbinellidae -turbinelloid -turbiner -turbines -Turbinidae -turbiniform -turbinoid -turbinotome -turbinotomy -turbit -turbith -turbitteen -Turbo -turbo -turboalternator -turboblower -turbocompressor -turbodynamo -turboexciter -turbofan -turbogenerator -turbomachine -turbomotor -turbopump -turbosupercharge -turbosupercharger -turbot -turbotlike -turboventilator -turbulence -turbulency -turbulent -turbulently -turbulentness -Turcian -Turcic -Turcification -Turcism -Turcize -Turco -turco -Turcoman -Turcophilism -turcopole -turcopolier -turd -Turdetan -Turdidae -turdiform -Turdinae -turdine -turdoid -Turdus -tureen -tureenful -turf -turfage -turfdom -turfed -turfen -turfiness -turfing -turfite -turfless -turflike -turfman -turfwise -turfy -turgency -turgent -turgently -turgesce -turgescence -turgescency -turgescent -turgescible -turgid -turgidity -turgidly -turgidness -turgite -turgoid -turgor -turgy -Turi -turicata -turio -turion -turioniferous -turjaite -turjite -Turk -turk -Turkana -Turkdom -Turkeer -turken -Turkery -Turkess -Turkey -turkey -turkeyback -turkeyberry -turkeybush -Turkeydom -turkeyfoot -Turkeyism -turkeylike -Turki -Turkic -Turkicize -Turkification -Turkify -turkis -Turkish -Turkishly -Turkishness -Turkism -Turkize -turkle -Turklike -Turkman -Turkmen -Turkmenian -Turkologist -Turkology -Turkoman -Turkomania -Turkomanic -Turkomanize -Turkophil -Turkophile -Turkophilia -Turkophilism -Turkophobe -Turkophobist -turlough -Turlupin -turm -turma -turment -turmeric -turmit -turmoil -turmoiler -turn -turnable -turnabout -turnagain -turnaround -turnaway -turnback -turnbout -turnbuckle -turncap -turncoat -turncoatism -turncock -turndown -turndun -turned -turnel -turner -Turnera -Turneraceae -turneraceous -Turneresque -Turnerian -Turnerism -turnerite -turnery -turney -turngate -turnhall -Turnhalle -Turnices -Turnicidae -turnicine -Turnicomorphae -turnicomorphic -turning -turningness -turnip -turniplike -turnipweed -turnipwise -turnipwood -turnipy -Turnix -turnix -turnkey -turnoff -turnout -turnover -turnpike -turnpiker -turnpin -turnplate -turnplow -turnrow -turns -turnscrew -turnsheet -turnskin -turnsole -turnspit -turnstile -turnstone -turntable -turntail -turnup -turnwrest -turnwrist -Turonian -turp -turpantineweed -turpentine -turpentineweed -turpentinic -turpeth -turpethin -turpid -turpidly -turpitude -turps -turquoise -turquoiseberry -turquoiselike -turr -turret -turreted -turrethead -turretlike -turrical -turricle -turricula -turriculae -turricular -turriculate -turriferous -turriform -turrigerous -Turrilepas -turrilite -Turrilites -turriliticone -Turrilitidae -Turritella -turritella -turritellid -Turritellidae -turritelloid -turse -Tursenoi -Tursha -tursio -Tursiops -Turtan -turtle -turtleback -turtlebloom -turtledom -turtledove -turtlehead -turtleize -turtlelike -turtler -turtlet -turtling -turtosa -tururi -turus -Turveydrop -Turveydropdom -Turveydropian -turwar -Tusayan -Tuscan -Tuscanism -Tuscanize -Tuscanlike -Tuscany -Tuscarora -tusche -Tusculan -Tush -tush -tushed -Tushepaw -tusher -tushery -tusk -tuskar -tusked -Tuskegee -tusker -tuskish -tuskless -tusklike -tuskwise -tusky -tussah -tussal -tusser -tussicular -Tussilago -tussis -tussive -tussle -tussock -tussocked -tussocker -tussocky -tussore -tussur -tut -tutania -tutball -tute -tutee -tutela -tutelage -tutelar -tutelary -Tutelo -tutenag -tuth -tutin -tutiorism -tutiorist -tutly -tutman -tutor -tutorage -tutorer -tutoress -tutorhood -tutorial -tutorially -tutoriate -tutorism -tutorization -tutorize -tutorless -tutorly -tutorship -tutory -tutoyer -tutress -tutrice -tutrix -tuts -tutsan -tutster -tutti -tuttiman -tutty -tutu -tutulus -Tututni -tutwork -tutworker -tutworkman -tuwi -tux -tuxedo -tuyere -Tuyuneiri -tuza -Tuzla -tuzzle -twa -Twaddell -twaddle -twaddledom -twaddleize -twaddlement -twaddlemonger -twaddler -twaddlesome -twaddling -twaddlingly -twaddly -twaddy -twae -twaesome -twafauld -twagger -twain -twaite -twal -twale -twalpenny -twalpennyworth -twalt -Twana -twang -twanger -twanginess -twangle -twangler -twangy -twank -twanker -twanking -twankingly -twankle -twanky -twant -twarly -twas -twasome -twat -twatchel -twatterlight -twattle -twattler -twattling -tway -twayblade -twazzy -tweag -tweak -tweaker -tweaky -twee -tweed -tweeded -tweedle -tweedledee -tweedledum -tweedy -tweeg -tweel -tween -tweenlight -tweeny -tweesh -tweesht -tweest -tweet -tweeter -tweeze -tweezer -tweezers -tweil -twelfhynde -twelfhyndeman -twelfth -twelfthly -Twelfthtide -twelve -twelvefold -twelvehynde -twelvehyndeman -twelvemo -twelvemonth -twelvepence -twelvepenny -twelvescore -twentieth -twentiethly -twenty -twentyfold -twentymo -twere -twerp -Twi -twibil -twibilled -twice -twicer -twicet -twichild -twick -twiddle -twiddler -twiddling -twiddly -twifoil -twifold -twifoldly -twig -twigful -twigged -twiggen -twigger -twiggy -twigless -twiglet -twiglike -twigsome -twigwithy -twilight -twilightless -twilightlike -twilighty -twilit -twill -twilled -twiller -twilling -twilly -twilt -twin -twinable -twinberry -twinborn -twindle -twine -twineable -twinebush -twineless -twinelike -twinemaker -twinemaking -twiner -twinflower -twinfold -twinge -twingle -twinhood -twiningly -twinism -twink -twinkle -twinkledum -twinkleproof -twinkler -twinkles -twinkless -twinkling -twinklingly -twinkly -twinleaf -twinlike -twinling -twinly -twinned -twinner -twinness -twinning -twinship -twinsomeness -twinter -twiny -twire -twirk -twirl -twirler -twirligig -twirly -twiscar -twisel -twist -twistable -twisted -twistedly -twistened -twister -twisterer -twistical -twistification -twistily -twistiness -twisting -twistingly -twistiways -twistiwise -twistle -twistless -twisty -twit -twitch -twitchel -twitcheling -twitcher -twitchet -twitchety -twitchfire -twitchily -twitchiness -twitchingly -twitchy -twite -twitlark -twitten -twitter -twitteration -twitterboned -twitterer -twittering -twitteringly -twitterly -twittery -twittingly -twitty -twixt -twixtbrain -twizzened -twizzle -two -twodecker -twofold -twofoldly -twofoldness -twoling -twoness -twopence -twopenny -twosome -twyblade -twyhynde -Tybalt -Tyburn -Tyburnian -Tyche -tychism -tychite -Tychonian -Tychonic -tychoparthenogenesis -tychopotamic -tycoon -tycoonate -tyddyn -tydie -tye -tyee -tyg -Tyigh -tying -tyke -tyken -tykhana -tyking -tylarus -tyleberry -Tylenchus -Tyler -Tylerism -Tylerite -Tylerize -tylion -tyloma -tylopod -Tylopoda -tylopodous -Tylosaurus -tylose -tylosis -tylosteresis -Tylostoma -Tylostomaceae -tylostylar -tylostyle -tylostylote -tylostylus -Tylosurus -tylotate -tylote -tylotic -tylotoxea -tylotoxeate -tylotus -tylus -tymbalon -tymp -tympan -tympana -tympanal -tympanectomy -tympani -tympanic -tympanichord -tympanichordal -tympanicity -tympaniform -tympaning -tympanism -tympanist -tympanites -tympanitic -tympanitis -tympanocervical -tympanohyal -tympanomalleal -tympanomandibular -tympanomastoid -tympanomaxillary -tympanon -tympanoperiotic -tympanosis -tympanosquamosal -tympanostapedial -tympanotemporal -tympanotomy -Tympanuchus -tympanum -tympany -tynd -Tyndallization -Tyndallize -tyndallmeter -Tynwald -typal -typarchical -type -typecast -Typees -typeholder -typer -typescript -typeset -typesetter -typesetting -typewrite -typewriter -typewriting -Typha -Typhaceae -typhaceous -typhemia -typhia -typhic -typhinia -typhization -typhlatonia -typhlatony -typhlectasis -typhlectomy -typhlenteritis -typhlitic -typhlitis -typhloalbuminuria -typhlocele -typhloempyema -typhloenteritis -typhlohepatitis -typhlolexia -typhlolithiasis -typhlology -typhlomegaly -Typhlomolge -typhlon -typhlopexia -typhlopexy -typhlophile -typhlopid -Typhlopidae -Typhlops -typhloptosis -typhlosis -typhlosolar -typhlosole -typhlostenosis -typhlostomy -typhlotomy -typhobacillosis -Typhoean -typhoemia -typhogenic -typhoid -typhoidal -typhoidin -typhoidlike -typholysin -typhomalaria -typhomalarial -typhomania -typhonia -Typhonian -Typhonic -typhonic -typhoon -typhoonish -typhopneumonia -typhose -typhosepsis -typhosis -typhotoxine -typhous -Typhula -typhus -typic -typica -typical -typicality -typically -typicalness -typicon -typicum -typification -typifier -typify -typist -typo -typobar -typocosmy -typographer -typographia -typographic -typographical -typographically -typographist -typography -typolithographic -typolithography -typologic -typological -typologically -typologist -typology -typomania -typometry -typonym -typonymal -typonymic -typonymous -typophile -typorama -typoscript -typotelegraph -typotelegraphy -typothere -Typotheria -Typotheriidae -typothetae -typp -typtological -typtologist -typtology -typy -tyramine -tyranness -Tyranni -tyrannial -tyrannic -tyrannical -tyrannically -tyrannicalness -tyrannicidal -tyrannicide -tyrannicly -Tyrannidae -Tyrannides -Tyranninae -tyrannine -tyrannism -tyrannize -tyrannizer -tyrannizing -tyrannizingly -tyrannoid -tyrannophobia -tyrannosaur -Tyrannosaurus -tyrannous -tyrannously -tyrannousness -Tyrannus -tyranny -tyrant -tyrantcraft -tyrantlike -tyrantship -tyre -tyremesis -Tyrian -tyriasis -tyro -tyrocidin -tyrocidine -tyroglyphid -Tyroglyphidae -Tyroglyphus -Tyrolean -Tyrolese -Tyrolienne -tyrolite -tyrology -tyroma -tyromancy -tyromatous -tyrone -tyronic -tyronism -tyrosinase -tyrosine -tyrosinuria -tyrosyl -tyrotoxicon -tyrotoxine -Tyrr -Tyrrhene -Tyrrheni -Tyrrhenian -Tyrsenoi -Tyrtaean -tysonite -tyste -tyt -Tyto -Tytonidae -Tzaam -Tzapotec -tzaritza -Tzendal -Tzental -tzolkin -tzontle -Tzotzil -Tzutuhil -U -u -uang -Uaraycu -Uarekena -Uaupe -uayeb -Ubbenite -Ubbonite -uberant -uberous -uberously -uberousness -uberty -ubi -ubication -ubiety -Ubii -Ubiquarian -ubiquarian -ubiquious -Ubiquist -ubiquit -Ubiquitarian -ubiquitarian -Ubiquitarianism -ubiquitariness -ubiquitary -Ubiquitism -Ubiquitist -ubiquitous -ubiquitously -ubiquitousness -ubiquity -ubussu -Uca -Ucal -Ucayale -Uchean -Uchee -uckia -Ud -udal -udaler -udaller -udalman -udasi -udder -uddered -udderful -udderless -udderlike -udell -Udi -Udic -Udish -udo -Udolphoish -udometer -udometric -udometry -udomograph -Uds -Ueueteotl -ug -Ugandan -Ugarono -ugh -uglification -uglifier -uglify -uglily -ugliness -uglisome -ugly -Ugrian -Ugric -Ugroid -ugsome -ugsomely -ugsomeness -uhlan -uhllo -uhtensang -uhtsong -Uigur -Uigurian -Uiguric -uily -uinal -Uinta -uintaite -uintathere -Uintatheriidae -Uintatherium -uintjie -Uirina -Uitotan -uitspan -uji -ukase -uke -ukiyoye -Ukrainer -Ukrainian -ukulele -ula -ulatrophia -ulcer -ulcerable -ulcerate -ulceration -ulcerative -ulcered -ulceromembranous -ulcerous -ulcerously -ulcerousness -ulcery -ulcuscle -ulcuscule -ule -ulema -ulemorrhagia -ulerythema -uletic -Ulex -ulex -ulexine -ulexite -Ulidia -Ulidian -uliginose -uliginous -ulitis -ull -ulla -ullage -ullaged -ullagone -uller -ulling -ullmannite -ulluco -Ulmaceae -ulmaceous -Ulmaria -ulmic -ulmin -ulminic -ulmo -ulmous -Ulmus -ulna -ulnad -ulnae -ulnar -ulnare -ulnaria -ulnocarpal -ulnocondylar -ulnometacarpal -ulnoradial -uloborid -Uloboridae -Uloborus -ulocarcinoma -uloid -Ulonata -uloncus -Ulophocinae -ulorrhagia -ulorrhagy -ulorrhea -Ulothrix -Ulotrichaceae -ulotrichaceous -Ulotrichales -ulotrichan -Ulotriches -Ulotrichi -ulotrichous -ulotrichy -ulrichite -ulster -ulstered -ulsterette -Ulsterian -ulstering -Ulsterite -Ulsterman -ulterior -ulteriorly -ultima -ultimacy -ultimata -ultimate -ultimately -ultimateness -ultimation -ultimatum -ultimity -ultimo -ultimobranchial -ultimogenitary -ultimogeniture -ultimum -Ultonian -ultra -ultrabasic -ultrabasite -ultrabelieving -ultrabenevolent -ultrabrachycephalic -ultrabrachycephaly -ultrabrilliant -ultracentenarian -ultracentenarianism -ultracentralizer -ultracentrifuge -ultraceremonious -ultrachurchism -ultracivil -ultracomplex -ultraconcomitant -ultracondenser -ultraconfident -ultraconscientious -ultraconservatism -ultraconservative -ultracordial -ultracosmopolitan -ultracredulous -ultracrepidarian -ultracrepidarianism -ultracrepidate -ultracritical -ultradandyism -ultradeclamatory -ultrademocratic -ultradespotic -ultradignified -ultradiscipline -ultradolichocephalic -ultradolichocephaly -ultradolichocranial -ultraeducationist -ultraeligible -ultraelliptic -ultraemphasis -ultraenergetic -ultraenforcement -ultraenthusiasm -ultraenthusiastic -ultraepiscopal -ultraevangelical -ultraexcessive -ultraexclusive -ultraexpeditious -ultrafantastic -ultrafashionable -ultrafastidious -ultrafederalist -ultrafeudal -ultrafidian -ultrafidianism -ultrafilter -ultrafilterability -ultrafilterable -ultrafiltrate -ultrafiltration -ultraformal -ultrafrivolous -ultragallant -ultragaseous -ultragenteel -ultragood -ultragrave -ultraheroic -ultrahonorable -ultrahuman -ultraimperialism -ultraimperialist -ultraimpersonal -ultrainclusive -ultraindifferent -ultraindulgent -ultraingenious -ultrainsistent -ultraintimate -ultrainvolved -ultraism -ultraist -ultraistic -ultralaborious -ultralegality -ultralenient -ultraliberal -ultraliberalism -ultralogical -ultraloyal -ultraluxurious -ultramarine -ultramaternal -ultramaximal -ultramelancholy -ultramicrochemical -ultramicrochemist -ultramicrochemistry -ultramicrometer -ultramicron -ultramicroscope -ultramicroscopic -ultramicroscopical -ultramicroscopy -ultraminute -ultramoderate -ultramodern -ultramodernism -ultramodernist -ultramodernistic -ultramodest -ultramontane -ultramontanism -ultramontanist -ultramorose -ultramulish -ultramundane -ultranational -ultranationalism -ultranationalist -ultranatural -ultranegligent -ultranice -ultranonsensical -ultraobscure -ultraobstinate -ultraofficious -ultraoptimistic -ultraornate -ultraorthodox -ultraorthodoxy -ultraoutrageous -ultrapapist -ultraparallel -ultraperfect -ultrapersuasive -ultraphotomicrograph -ultrapious -ultraplanetary -ultraplausible -ultrapopish -ultraproud -ultraprudent -ultraradical -ultraradicalism -ultrarapid -ultrareactionary -ultrared -ultrarefined -ultrarefinement -ultrareligious -ultraremuneration -ultrarepublican -ultrarevolutionary -ultrarevolutionist -ultraritualism -ultraromantic -ultraroyalism -ultraroyalist -ultrasanguine -ultrascholastic -ultraselect -ultraservile -ultrasevere -ultrashrewd -ultrasimian -ultrasolemn -ultrasonic -ultrasonics -ultraspartan -ultraspecialization -ultraspiritualism -ultrasplendid -ultrastandardization -ultrastellar -ultrasterile -ultrastrenuous -ultrastrict -ultrasubtle -ultrasystematic -ultratechnical -ultratense -ultraterrene -ultraterrestrial -ultratotal -ultratrivial -ultratropical -ultraugly -ultrauncommon -ultraurgent -ultravicious -ultraviolent -ultraviolet -ultravirtuous -ultravirus -ultravisible -ultrawealthy -ultrawise -ultrayoung -ultrazealous -ultrazodiacal -ultroneous -ultroneously -ultroneousness -ulu -Ulua -ulua -uluhi -ululant -ululate -ululation -ululative -ululatory -ululu -Ulva -Ulvaceae -ulvaceous -Ulvales -Ulvan -Ulyssean -Ulysses -um -umangite -Umatilla -Umaua -umbeclad -umbel -umbeled -umbella -Umbellales -umbellar -umbellate -umbellated -umbellately -umbellet -umbellic -umbellifer -Umbelliferae -umbelliferone -umbelliferous -umbelliflorous -umbelliform -umbelloid -Umbellula -Umbellularia -umbellulate -umbellule -Umbellulidae -umbelluliferous -umbelwort -umber -umbethink -umbilectomy -umbilic -umbilical -umbilically -umbilicar -Umbilicaria -umbilicate -umbilicated -umbilication -umbilici -umbiliciform -umbilicus -umbiliform -umbilroot -umble -umbo -umbolateral -umbonal -umbonate -umbonated -umbonation -umbone -umbones -umbonial -umbonic -umbonulate -umbonule -Umbra -umbra -umbracious -umbraciousness -umbraculate -umbraculiferous -umbraculiform -umbraculum -umbrae -umbrage -umbrageous -umbrageously -umbrageousness -umbral -umbrally -umbratile -umbrel -umbrella -umbrellaed -umbrellaless -umbrellalike -umbrellawise -umbrellawort -umbrette -Umbrian -Umbriel -umbriferous -umbriferously -umbriferousness -umbril -umbrine -umbrose -umbrosity -umbrous -Umbundu -ume -umiak -umiri -umlaut -ump -umph -umpirage -umpire -umpirer -umpireship -umpiress -umpirism -Umpqua -umpteen -umpteenth -umptekite -umptieth -umpty -umquhile -umu -un -Una -unabandoned -unabased -unabasedly -unabashable -unabashed -unabashedly -unabatable -unabated -unabatedly -unabating -unabatingly -unabbreviated -unabetted -unabettedness -unabhorred -unabiding -unabidingly -unabidingness -unability -unabject -unabjured -unable -unableness -unably -unabolishable -unabolished -unabraded -unabrased -unabridgable -unabridged -unabrogated -unabrupt -unabsent -unabsolute -unabsolvable -unabsolved -unabsolvedness -unabsorb -unabsorbable -unabsorbed -unabsorbent -unabstract -unabsurd -unabundance -unabundant -unabundantly -unabused -unacademic -unacademical -unaccelerated -unaccent -unaccented -unaccentuated -unaccept -unacceptability -unacceptable -unacceptableness -unacceptably -unacceptance -unacceptant -unaccepted -unaccessibility -unaccessible -unaccessibleness -unaccessibly -unaccessional -unaccessory -unaccidental -unaccidentally -unaccidented -unacclimated -unacclimation -unacclimatization -unacclimatized -unaccommodable -unaccommodated -unaccommodatedness -unaccommodating -unaccommodatingly -unaccommodatingness -unaccompanable -unaccompanied -unaccompanying -unaccomplishable -unaccomplished -unaccomplishedness -unaccord -unaccordable -unaccordance -unaccordant -unaccorded -unaccording -unaccordingly -unaccostable -unaccosted -unaccountability -unaccountable -unaccountableness -unaccountably -unaccounted -unaccoutered -unaccoutred -unaccreditated -unaccredited -unaccrued -unaccumulable -unaccumulate -unaccumulated -unaccumulation -unaccuracy -unaccurate -unaccurately -unaccurateness -unaccursed -unaccusable -unaccusably -unaccuse -unaccusing -unaccustom -unaccustomed -unaccustomedly -unaccustomedness -unachievable -unachieved -unaching -unacidulated -unacknowledged -unacknowledgedness -unacknowledging -unacknowledgment -unacoustic -unacquaint -unacquaintable -unacquaintance -unacquainted -unacquaintedly -unacquaintedness -unacquiescent -unacquirable -unacquirableness -unacquirably -unacquired -unacquit -unacquittable -unacquitted -unacquittedness -unact -unactability -unactable -unacted -unacting -unactinic -unaction -unactivated -unactive -unactively -unactiveness -unactivity -unactorlike -unactual -unactuality -unactually -unactuated -unacute -unacutely -unadapt -unadaptability -unadaptable -unadaptableness -unadaptably -unadapted -unadaptedly -unadaptedness -unadaptive -unadd -unaddable -unadded -unaddicted -unaddictedness -unadditional -unaddress -unaddressed -unadequate -unadequately -unadequateness -unadherence -unadherent -unadherently -unadhesive -unadjacent -unadjacently -unadjectived -unadjourned -unadjournment -unadjudged -unadjust -unadjustably -unadjusted -unadjustment -unadministered -unadmirable -unadmire -unadmired -unadmiring -unadmissible -unadmissibly -unadmission -unadmittable -unadmittableness -unadmittably -unadmitted -unadmittedly -unadmitting -unadmonished -unadopt -unadoptable -unadoptably -unadopted -unadoption -unadorable -unadoration -unadored -unadoring -unadorn -unadornable -unadorned -unadornedly -unadornedness -unadornment -unadult -unadulterate -unadulterated -unadulteratedly -unadulteratedness -unadulterately -unadulterous -unadulterously -unadvanced -unadvancedly -unadvancedness -unadvancement -unadvancing -unadvantaged -unadvantageous -unadventured -unadventuring -unadventurous -unadventurously -unadverse -unadversely -unadverseness -unadvertency -unadvertised -unadvertisement -unadvertising -unadvisability -unadvisable -unadvisableness -unadvisably -unadvised -unadvisedly -unadvisedness -unadvocated -unaerated -unaesthetic -unaesthetical -unafeard -unafeared -unaffable -unaffably -unaffected -unaffectedly -unaffectedness -unaffecting -unaffectionate -unaffectionately -unaffectioned -unaffianced -unaffied -unaffiliated -unaffiliation -unaffirmation -unaffirmed -unaffixed -unafflicted -unafflictedly -unafflicting -unaffliction -unaffordable -unafforded -unaffranchised -unaffrighted -unaffrightedly -unaffronted -unafire -unafloat -unaflow -unafraid -unaged -unaggravated -unaggravating -unaggregated -unaggression -unaggressive -unaggressively -unaggressiveness -unaghast -unagile -unagility -unaging -unagitated -unagitatedly -unagitatedness -unagitation -unagonize -unagrarian -unagreeable -unagreeableness -unagreeably -unagreed -unagreeing -unagreement -unagricultural -unaidable -unaided -unaidedly -unaiding -unailing -unaimed -unaiming -unaired -unaisled -Unakhotana -unakin -unakite -unal -Unalachtigo -unalarm -unalarmed -unalarming -Unalaska -unalcoholized -unaldermanly -unalert -unalertly -unalertness -unalgebraical -unalienable -unalienableness -unalienably -unalienated -unalignable -unaligned -unalike -unalimentary -unalist -unalive -unallayable -unallayably -unallayed -unalleged -unallegorical -unalleviably -unalleviated -unalleviation -unalliable -unallied -unalliedly -unalliedness -unallotment -unallotted -unallow -unallowable -unallowed -unallowedly -unallowing -unalloyed -unallurable -unallured -unalluring -unalluringly -unalmsed -unalone -unaloud -unalphabeted -unalphabetic -unalphabetical -unalterability -unalterable -unalterableness -unalterably -unalteration -unaltered -unaltering -unalternated -unamalgamable -unamalgamated -unamalgamating -unamassed -unamazed -unamazedly -unambiguity -unambiguous -unambiguously -unambiguousness -unambition -unambitious -unambitiously -unambitiousness -unambrosial -unambush -unamenability -unamenable -unamenableness -unamenably -unamend -unamendable -unamended -unamendedly -unamending -unamendment -unamerced -Unami -unamiability -unamiable -unamiableness -unamiably -unamicable -unamicably -unamiss -unamo -unamortization -unamortized -unample -unamplifiable -unamplified -unamply -unamputated -unamusable -unamusably -unamused -unamusement -unamusing -unamusingly -unamusive -unanalogical -unanalogous -unanalogously -unanalogousness -unanalytic -unanalytical -unanalyzable -unanalyzed -unanalyzing -unanatomizable -unanatomized -unancestored -unancestried -unanchor -unanchored -unanchylosed -unancient -unaneled -unangelic -unangelical -unangrily -unangry -unangular -unanimalized -unanimate -unanimated -unanimatedly -unanimatedness -unanimately -unanimism -unanimist -unanimistic -unanimistically -unanimity -unanimous -unanimously -unanimousness -unannealed -unannex -unannexed -unannexedly -unannexedness -unannihilable -unannihilated -unannotated -unannounced -unannoyed -unannoying -unannullable -unannulled -unanointed -unanswerability -unanswerable -unanswerableness -unanswerably -unanswered -unanswering -unantagonistic -unantagonizable -unantagonized -unantagonizing -unanticipated -unanticipating -unanticipatingly -unanticipation -unanticipative -unantiquated -unantiquatedness -unantique -unantiquity -unanxiety -unanxious -unanxiously -unanxiousness -unapart -unapocryphal -unapologetic -unapologizing -unapostatized -unapostolic -unapostolical -unapostolically -unapostrophized -unappalled -unappareled -unapparent -unapparently -unapparentness -unappealable -unappealableness -unappealably -unappealed -unappealing -unappeasable -unappeasableness -unappeasably -unappeased -unappeasedly -unappeasedness -unappendaged -unapperceived -unappertaining -unappetizing -unapplauded -unapplauding -unapplausive -unappliable -unappliableness -unappliably -unapplianced -unapplicable -unapplicableness -unapplicably -unapplied -unapplying -unappoint -unappointable -unappointableness -unappointed -unapportioned -unapposite -unappositely -unappraised -unappreciable -unappreciableness -unappreciably -unappreciated -unappreciating -unappreciation -unappreciative -unappreciatively -unappreciativeness -unapprehendable -unapprehendableness -unapprehendably -unapprehended -unapprehending -unapprehensible -unapprehensibleness -unapprehension -unapprehensive -unapprehensively -unapprehensiveness -unapprenticed -unapprised -unapprisedly -unapprisedness -unapproachability -unapproachable -unapproachableness -unapproached -unapproaching -unapprobation -unappropriable -unappropriate -unappropriated -unappropriately -unappropriateness -unappropriation -unapprovable -unapprovableness -unapprovably -unapproved -unapproving -unapprovingly -unapproximate -unapproximately -unaproned -unapropos -unapt -unaptitude -unaptly -unaptness -unarbitrarily -unarbitrariness -unarbitrary -unarbitrated -unarch -unarchdeacon -unarched -unarchitectural -unarduous -unarguable -unarguableness -unarguably -unargued -unarguing -unargumentative -unargumentatively -unarisen -unarising -unaristocratic -unaristocratically -unarithmetical -unarithmetically -unark -unarm -unarmed -unarmedly -unarmedness -unarmored -unarmorial -unaromatized -unarousable -unaroused -unarousing -unarraignable -unarraigned -unarranged -unarray -unarrayed -unarrestable -unarrested -unarresting -unarrival -unarrived -unarriving -unarrogance -unarrogant -unarrogating -unarted -unartful -unartfully -unartfulness -unarticled -unarticulate -unarticulated -unartificial -unartificiality -unartificially -unartistic -unartistical -unartistically -unartistlike -unary -unascendable -unascendableness -unascended -unascertainable -unascertainableness -unascertainably -unascertained -unashamed -unashamedly -unashamedness -unasinous -unaskable -unasked -unasking -unasleep -unaspersed -unasphalted -unaspirated -unaspiring -unaspiringly -unaspiringness -unassailable -unassailableness -unassailably -unassailed -unassailing -unassassinated -unassaultable -unassaulted -unassayed -unassaying -unassembled -unassented -unassenting -unasserted -unassertive -unassertiveness -unassessable -unassessableness -unassessed -unassibilated -unassiduous -unassignable -unassignably -unassigned -unassimilable -unassimilated -unassimilating -unassimilative -unassisted -unassisting -unassociable -unassociably -unassociated -unassociative -unassociativeness -unassoiled -unassorted -unassuageable -unassuaged -unassuaging -unassuetude -unassumable -unassumed -unassuming -unassumingly -unassumingness -unassured -unassuredly -unassuredness -unassuring -unasterisk -unastonish -unastonished -unastonishment -unastray -unathirst -unathletically -unatmospheric -unatonable -unatoned -unatoning -unattach -unattachable -unattached -unattackable -unattackableness -unattackably -unattacked -unattainability -unattainable -unattainableness -unattainably -unattained -unattaining -unattainment -unattaint -unattainted -unattaintedly -unattempered -unattemptable -unattempted -unattempting -unattendance -unattendant -unattended -unattentive -unattenuated -unattested -unattestedness -unattire -unattired -unattractable -unattractableness -unattracted -unattracting -unattractive -unattractively -unattractiveness -unattributable -unattributed -unattuned -unau -unauctioned -unaudible -unaudibleness -unaudibly -unaudienced -unaudited -unaugmentable -unaugmented -unauspicious -unauspiciously -unauspiciousness -unaustere -unauthentic -unauthentical -unauthentically -unauthenticated -unauthenticity -unauthorish -unauthoritative -unauthoritatively -unauthoritativeness -unauthoritied -unauthoritiveness -unauthorizable -unauthorize -unauthorized -unauthorizedly -unauthorizedness -unautomatic -unautumnal -unavailability -unavailable -unavailableness -unavailably -unavailed -unavailful -unavailing -unavailingly -unavengeable -unavenged -unavenging -unavenued -unaveraged -unaverred -unaverted -unavertible -unavertibleness -unavertibly -unavian -unavoidable -unavoidableness -unavoidably -unavoidal -unavoided -unavoiding -unavouchable -unavouchableness -unavouchably -unavouched -unavowable -unavowableness -unavowably -unavowed -unavowedly -unawakable -unawakableness -unawake -unawaked -unawakened -unawakenedness -unawakening -unawaking -unawardable -unawardableness -unawardably -unawarded -unaware -unawared -unawaredly -unawareness -unawares -unaway -unawed -unawful -unawfully -unawkward -unawned -unaxled -unazotized -unbackboarded -unbacked -unbackward -unbadged -unbaffled -unbaffling -unbag -unbagged -unbailable -unbailableness -unbailed -unbain -unbait -unbaited -unbaized -unbaked -unbalance -unbalanceable -unbalanceably -unbalanced -unbalancement -unbalancing -unbalconied -unbale -unbalked -unballast -unballasted -unballoted -unbandage -unbandaged -unbanded -unbanished -unbank -unbankable -unbankableness -unbankably -unbanked -unbankrupt -unbannered -unbaptize -unbaptized -unbar -unbarb -unbarbarize -unbarbarous -unbarbed -unbarbered -unbare -unbargained -unbark -unbarking -unbaronet -unbarrable -unbarred -unbarrel -unbarreled -unbarren -unbarrenness -unbarricade -unbarricaded -unbarricadoed -unbase -unbased -unbasedness -unbashful -unbashfully -unbashfulness -unbasket -unbastardized -unbaste -unbasted -unbastilled -unbastinadoed -unbated -unbathed -unbating -unbatted -unbatten -unbatterable -unbattered -unbattling -unbay -unbe -unbeached -unbeaconed -unbeaded -unbear -unbearable -unbearableness -unbearably -unbeard -unbearded -unbearing -unbeast -unbeatable -unbeatableness -unbeatably -unbeaten -unbeaued -unbeauteous -unbeauteously -unbeauteousness -unbeautified -unbeautiful -unbeautifully -unbeautifulness -unbeautify -unbeavered -unbeclogged -unbeclouded -unbecome -unbecoming -unbecomingly -unbecomingness -unbed -unbedabbled -unbedaggled -unbedashed -unbedaubed -unbedded -unbedecked -unbedewed -unbedimmed -unbedinned -unbedizened -unbedraggled -unbefit -unbefitting -unbefittingly -unbefittingness -unbefool -unbefriend -unbefriended -unbefringed -unbeget -unbeggar -unbegged -unbegilt -unbeginning -unbeginningly -unbeginningness -unbegirded -unbegirt -unbegot -unbegotten -unbegottenly -unbegottenness -unbegreased -unbegrimed -unbegrudged -unbeguile -unbeguiled -unbeguileful -unbegun -unbehaving -unbeheaded -unbeheld -unbeholdable -unbeholden -unbeholdenness -unbeholding -unbehoveful -unbehoving -unbeing -unbejuggled -unbeknown -unbeknownst -unbelied -unbelief -unbeliefful -unbelieffulness -unbelievability -unbelievable -unbelievableness -unbelievably -unbelieve -unbelieved -unbeliever -unbelieving -unbelievingly -unbelievingness -unbell -unbellicose -unbelligerent -unbelonging -unbeloved -unbelt -unbemoaned -unbemourned -unbench -unbend -unbendable -unbendableness -unbendably -unbended -unbending -unbendingly -unbendingness -unbendsome -unbeneficed -unbeneficent -unbeneficial -unbenefitable -unbenefited -unbenefiting -unbenetted -unbenevolence -unbenevolent -unbenevolently -unbenight -unbenighted -unbenign -unbenignant -unbenignantly -unbenignity -unbenignly -unbent -unbenumb -unbenumbed -unbequeathable -unbequeathed -unbereaved -unbereft -unberouged -unberth -unberufen -unbeseem -unbeseeming -unbeseemingly -unbeseemingness -unbeseemly -unbeset -unbesieged -unbesmeared -unbesmirched -unbesmutted -unbesot -unbesought -unbespeak -unbespoke -unbespoken -unbesprinkled -unbestarred -unbestowed -unbet -unbeteared -unbethink -unbethought -unbetide -unbetoken -unbetray -unbetrayed -unbetraying -unbetrothed -unbetterable -unbettered -unbeveled -unbewailed -unbewailing -unbewilder -unbewildered -unbewilled -unbewitch -unbewitched -unbewitching -unbewrayed -unbewritten -unbias -unbiasable -unbiased -unbiasedly -unbiasedness -unbibulous -unbickered -unbickering -unbid -unbidable -unbiddable -unbidden -unbigged -unbigoted -unbilled -unbillet -unbilleted -unbind -unbindable -unbinding -unbiographical -unbiological -unbirdlike -unbirdlimed -unbirdly -unbirthday -unbishop -unbishoply -unbit -unbiting -unbitt -unbitted -unbitten -unbitter -unblacked -unblackened -unblade -unblamable -unblamableness -unblamably -unblamed -unblaming -unblanched -unblanketed -unblasphemed -unblasted -unblazoned -unbleached -unbleaching -unbled -unbleeding -unblemishable -unblemished -unblemishedness -unblemishing -unblenched -unblenching -unblenchingly -unblendable -unblended -unblent -unbless -unblessed -unblessedness -unblest -unblighted -unblightedly -unblightedness -unblind -unblindfold -unblinking -unblinkingly -unbliss -unblissful -unblistered -unblithe -unblithely -unblock -unblockaded -unblocked -unblooded -unbloodied -unbloodily -unbloodiness -unbloody -unbloom -unbloomed -unblooming -unblossomed -unblossoming -unblotted -unbloused -unblown -unblued -unbluestockingish -unbluffed -unbluffing -unblunder -unblundered -unblundering -unblunted -unblurred -unblush -unblushing -unblushingly -unblushingness -unboarded -unboasted -unboastful -unboastfully -unboasting -unboat -unbodied -unbodiliness -unbodily -unboding -unbodkined -unbody -unbodylike -unbog -unboggy -unbohemianize -unboiled -unboisterous -unbokel -unbold -unbolden -unboldly -unboldness -unbolled -unbolster -unbolstered -unbolt -unbolted -unbombast -unbondable -unbondableness -unbonded -unbone -unboned -unbonnet -unbonneted -unbonny -unbooked -unbookish -unbooklearned -unboot -unbooted -unboraxed -unborder -unbordered -unbored -unboring -unborn -unborne -unborough -unborrowed -unborrowing -unbosom -unbosomer -unbossed -unbotanical -unbothered -unbothering -unbottle -unbottom -unbottomed -unbought -unbound -unboundable -unboundableness -unboundably -unbounded -unboundedly -unboundedness -unboundless -unbounteous -unbountiful -unbountifully -unbountifulness -unbow -unbowable -unbowdlerized -unbowed -unbowel -unboweled -unbowered -unbowing -unbowingness -unbowled -unbowsome -unbox -unboxed -unboy -unboyish -unboylike -unbrace -unbraced -unbracedness -unbracelet -unbraceleted -unbracing -unbragged -unbragging -unbraid -unbraided -unbrailed -unbrained -unbran -unbranched -unbranching -unbrand -unbranded -unbrandied -unbrave -unbraved -unbravely -unbraze -unbreachable -unbreached -unbreaded -unbreakable -unbreakableness -unbreakably -unbreakfasted -unbreaking -unbreast -unbreath -unbreathable -unbreathableness -unbreathed -unbreathing -unbred -unbreech -unbreeched -unbreezy -unbrent -unbrewed -unbribable -unbribableness -unbribably -unbribed -unbribing -unbrick -unbridegroomlike -unbridgeable -unbridged -unbridle -unbridled -unbridledly -unbridledness -unbridling -unbrief -unbriefed -unbriefly -unbright -unbrightened -unbrilliant -unbrimming -unbrined -unbrittle -unbroached -unbroad -unbroadcasted -unbroidered -unbroiled -unbroke -unbroken -unbrokenly -unbrokenness -unbronzed -unbrooch -unbrooded -unbrookable -unbrookably -unbrothered -unbrotherlike -unbrotherliness -unbrotherly -unbrought -unbrown -unbrowned -unbruised -unbrushed -unbrutalize -unbrutalized -unbrute -unbrutelike -unbrutify -unbrutize -unbuckle -unbuckramed -unbud -unbudded -unbudgeability -unbudgeable -unbudgeableness -unbudgeably -unbudged -unbudgeted -unbudging -unbuffed -unbuffered -unbuffeted -unbuild -unbuilded -unbuilt -unbulky -unbulled -unbulletined -unbumped -unbumptious -unbunched -unbundle -unbundled -unbung -unbungling -unbuoyant -unbuoyed -unburden -unburdened -unburdenment -unburdensome -unburdensomeness -unburgessed -unburiable -unburial -unburied -unburlesqued -unburly -unburn -unburnable -unburned -unburning -unburnished -unburnt -unburrow -unburrowed -unburst -unburstable -unburstableness -unburthen -unbury -unbush -unbusied -unbusily -unbusiness -unbusinesslike -unbusk -unbuskin -unbuskined -unbustling -unbusy -unbutchered -unbutcherlike -unbuttered -unbutton -unbuttoned -unbuttonment -unbuttressed -unbuxom -unbuxomly -unbuxomness -unbuyable -unbuyableness -unbuying -unca -uncabined -uncabled -uncadenced -uncage -uncaged -uncake -uncalcareous -uncalcified -uncalcined -uncalculable -uncalculableness -uncalculably -uncalculated -uncalculating -uncalculatingly -uncalendered -uncalk -uncalked -uncall -uncalled -uncallow -uncallower -uncalm -uncalmed -uncalmly -uncalumniated -uncambered -uncamerated -uncamouflaged -uncanceled -uncancellable -uncancelled -uncandid -uncandidly -uncandidness -uncandied -uncandor -uncaned -uncankered -uncanned -uncannily -uncanniness -uncanny -uncanonic -uncanonical -uncanonically -uncanonicalness -uncanonize -uncanonized -uncanopied -uncantoned -uncantonized -uncanvassably -uncanvassed -uncap -uncapable -uncapableness -uncapably -uncapacious -uncapacitate -uncaparisoned -uncapitalized -uncapped -uncapper -uncapsizable -uncapsized -uncaptained -uncaptioned -uncaptious -uncaptiously -uncaptivate -uncaptivated -uncaptivating -uncaptived -uncapturable -uncaptured -uncarbonated -uncarboned -uncarbureted -uncarded -uncardinal -uncardinally -uncareful -uncarefully -uncarefulness -uncaressed -uncargoed -Uncaria -uncaricatured -uncaring -uncarnate -uncarnivorous -uncaroled -uncarpentered -uncarpeted -uncarriageable -uncarried -uncart -uncarted -uncartooned -uncarved -uncase -uncased -uncasemated -uncask -uncasked -uncasketed -uncasque -uncassock -uncast -uncaste -uncastigated -uncastle -uncastled -uncastrated -uncasual -uncatalogued -uncatchable -uncate -uncatechised -uncatechisedness -uncatechized -uncatechizedness -uncategorized -uncathedraled -uncatholcity -uncatholic -uncatholical -uncatholicalness -uncatholicize -uncatholicly -uncaucusable -uncaught -uncausatively -uncaused -uncauterized -uncautious -uncautiously -uncautiousness -uncavalier -uncavalierly -uncave -unceasable -unceased -unceasing -unceasingly -unceasingness -unceded -unceiled -unceilinged -uncelebrated -uncelebrating -uncelestial -uncelestialized -uncellar -uncement -uncemented -uncementing -uncensorable -uncensored -uncensorious -uncensoriously -uncensoriousness -uncensurable -uncensured -uncensuring -uncenter -uncentered -uncentral -uncentrality -uncentrally -uncentred -uncentury -uncereclothed -unceremented -unceremonial -unceremonious -unceremoniously -unceremoniousness -uncertain -uncertainly -uncertainness -uncertainty -uncertifiable -uncertifiableness -uncertificated -uncertified -uncertifying -uncertitude -uncessant -uncessantly -uncessantness -unchafed -unchain -unchainable -unchained -unchair -unchaired -unchalked -unchallengeable -unchallengeableness -unchallengeably -unchallenged -unchallenging -unchambered -unchamfered -unchampioned -unchance -unchancellor -unchancy -unchange -unchangeability -unchangeable -unchangeableness -unchangeably -unchanged -unchangedness -unchangeful -unchangefulness -unchanging -unchangingly -unchangingness -unchanneled -unchannelled -unchanted -unchaperoned -unchaplain -unchapleted -unchapter -unchaptered -uncharacter -uncharactered -uncharacteristic -uncharacteristically -uncharacterized -uncharge -unchargeable -uncharged -uncharging -uncharily -unchariness -unchariot -uncharitable -uncharitableness -uncharitably -uncharity -uncharm -uncharmable -uncharmed -uncharming -uncharnel -uncharred -uncharted -unchartered -unchary -unchased -unchaste -unchastely -unchastened -unchasteness -unchastisable -unchastised -unchastising -unchastity -unchatteled -unchauffeured -unchawed -uncheat -uncheated -uncheating -uncheck -uncheckable -unchecked -uncheckered -uncheerable -uncheered -uncheerful -uncheerfully -uncheerfulness -uncheerily -uncheeriness -uncheering -uncheery -unchemical -unchemically -uncherished -uncherishing -unchested -unchevroned -unchewable -unchewableness -unchewed -unchid -unchidden -unchided -unchiding -unchidingly -unchild -unchildish -unchildishly -unchildishness -unchildlike -unchilled -unchiming -unchinked -unchipped -unchiseled -unchiselled -unchivalric -unchivalrous -unchivalrously -unchivalrousness -unchivalry -unchloridized -unchoicely -unchokable -unchoked -uncholeric -unchoosable -unchopped -unchoral -unchorded -unchosen -unchrisom -unchristen -unchristened -unchristian -unchristianity -unchristianize -unchristianized -unchristianlike -unchristianly -unchristianness -unchronicled -unchronological -unchronologically -unchurch -unchurched -unchurchlike -unchurchly -unchurn -unci -uncia -uncial -uncialize -uncially -uncicatrized -unciferous -unciform -unciliated -uncinal -Uncinaria -uncinariasis -uncinariatic -Uncinata -uncinate -uncinated -uncinatum -uncinch -uncinct -uncinctured -uncini -Uncinula -uncinus -uncipher -uncircular -uncircularized -uncirculated -uncircumcised -uncircumcisedness -uncircumcision -uncircumlocutory -uncircumscribable -uncircumscribed -uncircumscribedness -uncircumscript -uncircumscriptible -uncircumscription -uncircumspect -uncircumspection -uncircumspectly -uncircumspectness -uncircumstanced -uncircumstantial -uncirostrate -uncite -uncited -uncitied -uncitizen -uncitizenlike -uncitizenly -uncity -uncivic -uncivil -uncivilish -uncivility -uncivilizable -uncivilization -uncivilize -uncivilized -uncivilizedly -uncivilizedness -uncivilly -uncivilness -unclad -unclaimed -unclaiming -unclamorous -unclamp -unclamped -unclarified -unclarifying -unclarity -unclashing -unclasp -unclasped -unclassable -unclassableness -unclassably -unclassed -unclassible -unclassical -unclassically -unclassifiable -unclassifiableness -unclassification -unclassified -unclassify -unclassifying -unclawed -unclay -unclayed -uncle -unclead -unclean -uncleanable -uncleaned -uncleanlily -uncleanliness -uncleanly -uncleanness -uncleansable -uncleanse -uncleansed -uncleansedness -unclear -uncleared -unclearing -uncleavable -uncleave -uncledom -uncleft -unclehood -unclement -unclemently -unclementness -unclench -unclergy -unclergyable -unclerical -unclericalize -unclerically -unclericalness -unclerklike -unclerkly -uncleship -unclever -uncleverly -uncleverness -unclew -unclick -uncliented -unclify -unclimaxed -unclimb -unclimbable -unclimbableness -unclimbably -unclimbed -unclimbing -unclinch -uncling -unclinical -unclip -unclipped -unclipper -uncloak -uncloakable -uncloaked -unclog -unclogged -uncloister -uncloistered -uncloistral -unclosable -unclose -unclosed -uncloseted -unclothe -unclothed -unclothedly -unclothedness -unclotted -uncloud -unclouded -uncloudedly -uncloudedness -uncloudy -unclout -uncloven -uncloyable -uncloyed -uncloying -unclub -unclubbable -unclubby -unclustered -unclustering -unclutch -unclutchable -unclutched -unclutter -uncluttered -unco -uncoach -uncoachable -uncoachableness -uncoached -uncoacted -uncoagulable -uncoagulated -uncoagulating -uncoat -uncoated -uncoatedness -uncoaxable -uncoaxed -uncoaxing -uncock -uncocked -uncockneyfy -uncocted -uncodded -uncoddled -uncoded -uncodified -uncoerced -uncoffer -uncoffin -uncoffined -uncoffle -uncogent -uncogged -uncogitable -uncognizable -uncognizant -uncognized -uncognoscibility -uncognoscible -uncoguidism -uncoherent -uncoherently -uncoherentness -uncohesive -uncoif -uncoifed -uncoil -uncoiled -uncoin -uncoined -uncoked -uncoking -uncollapsed -uncollapsible -uncollar -uncollared -uncollated -uncollatedness -uncollected -uncollectedly -uncollectedness -uncollectible -uncollectibleness -uncollectibly -uncolleged -uncollegian -uncollegiate -uncolloquial -uncolloquially -uncolonellike -uncolonial -uncolonize -uncolonized -uncolorable -uncolorably -uncolored -uncoloredly -uncoloredness -uncoloured -uncolouredly -uncolouredness -uncolt -uncoly -uncombable -uncombatable -uncombated -uncombed -uncombinable -uncombinableness -uncombinably -uncombine -uncombined -uncombining -uncombiningness -uncombustible -uncome -uncomelily -uncomeliness -uncomely -uncomfort -uncomfortable -uncomfortableness -uncomfortably -uncomforted -uncomforting -uncomfy -uncomic -uncommanded -uncommandedness -uncommanderlike -uncommemorated -uncommenced -uncommendable -uncommendableness -uncommendably -uncommended -uncommensurability -uncommensurable -uncommensurableness -uncommensurate -uncommented -uncommenting -uncommerciable -uncommercial -uncommercially -uncommercialness -uncommingled -uncomminuted -uncommiserated -uncommiserating -uncommissioned -uncommitted -uncommitting -uncommixed -uncommodious -uncommodiously -uncommodiousness -uncommon -uncommonable -uncommonly -uncommonness -uncommonplace -uncommunicable -uncommunicableness -uncommunicably -uncommunicated -uncommunicating -uncommunicative -uncommunicatively -uncommunicativeness -uncommutable -uncommutative -uncommuted -uncompact -uncompacted -Uncompahgre -uncompahgrite -uncompaniable -uncompanied -uncompanioned -uncomparable -uncomparably -uncompared -uncompass -uncompassable -uncompassed -uncompassion -uncompassionate -uncompassionated -uncompassionately -uncompassionateness -uncompassionating -uncompassioned -uncompatible -uncompatibly -uncompellable -uncompelled -uncompelling -uncompensable -uncompensated -uncompetent -uncompetitive -uncompiled -uncomplacent -uncomplained -uncomplaining -uncomplainingly -uncomplainingness -uncomplaint -uncomplaisance -uncomplaisant -uncomplaisantly -uncomplemental -uncompletable -uncomplete -uncompleted -uncompletely -uncompleteness -uncomplex -uncompliability -uncompliable -uncompliableness -uncompliance -uncompliant -uncomplicated -uncomplimentary -uncomplimented -uncomplimenting -uncomplying -uncomposable -uncomposeable -uncomposed -uncompoundable -uncompounded -uncompoundedly -uncompoundedness -uncompounding -uncomprehended -uncomprehending -uncomprehendingly -uncomprehendingness -uncomprehensible -uncomprehension -uncomprehensive -uncomprehensively -uncomprehensiveness -uncompressed -uncompressible -uncomprised -uncomprising -uncomprisingly -uncompromised -uncompromising -uncompromisingly -uncompromisingness -uncompulsive -uncompulsory -uncomputable -uncomputableness -uncomputably -uncomputed -uncomraded -unconcatenated -unconcatenating -unconcealable -unconcealableness -unconcealably -unconcealed -unconcealing -unconcealingly -unconcealment -unconceded -unconceited -unconceivable -unconceivableness -unconceivably -unconceived -unconceiving -unconcern -unconcerned -unconcernedly -unconcernedness -unconcerning -unconcernment -unconcertable -unconcerted -unconcertedly -unconcertedness -unconcessible -unconciliable -unconciliated -unconciliatedness -unconciliating -unconciliatory -unconcludable -unconcluded -unconcluding -unconcludingness -unconclusive -unconclusively -unconclusiveness -unconcocted -unconcordant -unconcrete -unconcreted -unconcurrent -unconcurring -uncondemnable -uncondemned -uncondensable -uncondensableness -uncondensed -uncondensing -uncondescending -uncondescension -uncondition -unconditional -unconditionality -unconditionally -unconditionalness -unconditionate -unconditionated -unconditionately -unconditioned -unconditionedly -unconditionedness -uncondoled -uncondoling -unconducing -unconducive -unconduciveness -unconducted -unconductive -unconductiveness -unconfected -unconfederated -unconferred -unconfess -unconfessed -unconfessing -unconfided -unconfidence -unconfident -unconfidential -unconfidentialness -unconfidently -unconfiding -unconfinable -unconfine -unconfined -unconfinedly -unconfinedness -unconfinement -unconfining -unconfirm -unconfirmative -unconfirmed -unconfirming -unconfiscable -unconfiscated -unconflicting -unconflictingly -unconflictingness -unconformability -unconformable -unconformableness -unconformably -unconformed -unconformedly -unconforming -unconformist -unconformity -unconfound -unconfounded -unconfoundedly -unconfrontable -unconfronted -unconfusable -unconfusably -unconfused -unconfusedly -unconfutable -unconfuted -unconfuting -uncongeal -uncongealable -uncongealed -uncongenial -uncongeniality -uncongenially -uncongested -unconglobated -unconglomerated -unconglutinated -uncongratulate -uncongratulated -uncongratulating -uncongregated -uncongregational -uncongressional -uncongruous -unconjecturable -unconjectured -unconjoined -unconjugal -unconjugated -unconjunctive -unconjured -unconnected -unconnectedly -unconnectedness -unconned -unconnived -unconniving -unconquerable -unconquerableness -unconquerably -unconquered -unconscienced -unconscient -unconscientious -unconscientiously -unconscientiousness -unconscionable -unconscionableness -unconscionably -unconscious -unconsciously -unconsciousness -unconsecrate -unconsecrated -unconsecratedly -unconsecratedness -unconsecration -unconsecutive -unconsent -unconsentaneous -unconsented -unconsenting -unconsequential -unconsequentially -unconsequentialness -unconservable -unconservative -unconserved -unconserving -unconsiderable -unconsiderate -unconsiderately -unconsiderateness -unconsidered -unconsideredly -unconsideredness -unconsidering -unconsideringly -unconsignable -unconsigned -unconsistent -unconsociable -unconsociated -unconsolable -unconsolably -unconsolatory -unconsoled -unconsolidated -unconsolidating -unconsolidation -unconsoling -unconsonancy -unconsonant -unconsonantly -unconsonous -unconspicuous -unconspicuously -unconspicuousness -unconspired -unconspiring -unconspiringly -unconspiringness -unconstancy -unconstant -unconstantly -unconstantness -unconstellated -unconstipated -unconstituted -unconstitutional -unconstitutionalism -unconstitutionality -unconstitutionally -unconstrainable -unconstrained -unconstrainedly -unconstrainedness -unconstraining -unconstraint -unconstricted -unconstruable -unconstructed -unconstructive -unconstructural -unconstrued -unconsular -unconsult -unconsultable -unconsulted -unconsulting -unconsumable -unconsumed -unconsuming -unconsummate -unconsummated -unconsumptive -uncontagious -uncontainable -uncontainableness -uncontainably -uncontained -uncontaminable -uncontaminate -uncontaminated -uncontemned -uncontemnedly -uncontemplated -uncontemporaneous -uncontemporary -uncontemptuous -uncontended -uncontending -uncontent -uncontentable -uncontented -uncontentedly -uncontentedness -uncontenting -uncontentingness -uncontentious -uncontentiously -uncontentiousness -uncontestable -uncontestableness -uncontestably -uncontested -uncontestedly -uncontestedness -uncontinence -uncontinent -uncontinental -uncontinented -uncontinently -uncontinual -uncontinued -uncontinuous -uncontorted -uncontract -uncontracted -uncontractedness -uncontractile -uncontradictable -uncontradictableness -uncontradictably -uncontradicted -uncontradictedly -uncontradictious -uncontradictory -uncontrastable -uncontrasted -uncontrasting -uncontributed -uncontributing -uncontributory -uncontrite -uncontrived -uncontriving -uncontrol -uncontrollability -uncontrollable -uncontrollableness -uncontrollably -uncontrolled -uncontrolledly -uncontrolledness -uncontrolling -uncontroversial -uncontroversially -uncontrovertable -uncontrovertableness -uncontrovertably -uncontroverted -uncontrovertedly -uncontrovertible -uncontrovertibleness -uncontrovertibly -unconvenable -unconvened -unconvenience -unconvenient -unconveniently -unconventional -unconventionalism -unconventionality -unconventionalize -unconventionally -unconventioned -unconversable -unconversableness -unconversably -unconversant -unconversational -unconversion -unconvert -unconverted -unconvertedly -unconvertedness -unconvertibility -unconvertible -unconveyable -unconveyed -unconvicted -unconvicting -unconvince -unconvinced -unconvincedly -unconvincedness -unconvincibility -unconvincible -unconvincing -unconvincingly -unconvincingness -unconvoluted -unconvoyed -unconvulsed -uncookable -uncooked -uncooled -uncoop -uncooped -uncoopered -uncooping -uncope -uncopiable -uncopied -uncopious -uncopyrighted -uncoquettish -uncoquettishly -uncord -uncorded -uncordial -uncordiality -uncordially -uncording -uncore -uncored -uncork -uncorked -uncorker -uncorking -uncorned -uncorner -uncoronated -uncoroneted -uncorporal -uncorpulent -uncorrect -uncorrectable -uncorrected -uncorrectible -uncorrectly -uncorrectness -uncorrelated -uncorrespondency -uncorrespondent -uncorresponding -uncorrigible -uncorrigibleness -uncorrigibly -uncorroborated -uncorroded -uncorrugated -uncorrupt -uncorrupted -uncorruptedly -uncorruptedness -uncorruptibility -uncorruptible -uncorruptibleness -uncorruptibly -uncorrupting -uncorruption -uncorruptive -uncorruptly -uncorruptness -uncorseted -uncosseted -uncost -uncostliness -uncostly -uncostumed -uncottoned -uncouch -uncouched -uncouching -uncounselable -uncounseled -uncounsellable -uncounselled -uncountable -uncountableness -uncountably -uncounted -uncountenanced -uncounteracted -uncounterbalanced -uncounterfeit -uncounterfeited -uncountermandable -uncountermanded -uncountervailed -uncountess -uncountrified -uncouple -uncoupled -uncoupler -uncourageous -uncoursed -uncourted -uncourteous -uncourteously -uncourteousness -uncourtierlike -uncourting -uncourtlike -uncourtliness -uncourtly -uncous -uncousinly -uncouth -uncouthie -uncouthly -uncouthness -uncouthsome -uncovenant -uncovenanted -uncover -uncoverable -uncovered -uncoveredly -uncoveted -uncoveting -uncovetingly -uncovetous -uncowed -uncowl -uncoy -uncracked -uncradled -uncraftily -uncraftiness -uncrafty -uncram -uncramp -uncramped -uncrampedness -uncranked -uncrannied -uncrated -uncravatted -uncraven -uncraving -uncravingly -uncrazed -uncream -uncreased -uncreatability -uncreatable -uncreatableness -uncreate -uncreated -uncreatedness -uncreating -uncreation -uncreative -uncreativeness -uncreaturely -uncredentialed -uncredentialled -uncredibility -uncredible -uncredibly -uncreditable -uncreditableness -uncreditably -uncredited -uncrediting -uncredulous -uncreeping -uncreosoted -uncrest -uncrested -uncrevassed -uncrib -uncried -uncrime -uncriminal -uncriminally -uncrinkle -uncrinkled -uncrinkling -uncrippled -uncrisp -uncritical -uncritically -uncriticisable -uncriticised -uncriticising -uncriticisingly -uncriticism -uncriticizable -uncriticized -uncriticizing -uncriticizingly -uncrochety -uncrook -uncrooked -uncrooking -uncropped -uncropt -uncross -uncrossable -uncrossableness -uncrossed -uncrossexaminable -uncrossexamined -uncrossly -uncrowded -uncrown -uncrowned -uncrowning -uncrucified -uncrudded -uncrude -uncruel -uncrumbled -uncrumple -uncrumpling -uncrushable -uncrushed -uncrusted -uncrying -uncrystaled -uncrystalled -uncrystalline -uncrystallizability -uncrystallizable -uncrystallized -unction -unctional -unctioneer -unctionless -unctious -unctiousness -unctorium -unctuose -unctuosity -unctuous -unctuously -unctuousness -uncubbed -uncubic -uncuckold -uncuckolded -uncudgelled -uncuffed -uncular -unculled -uncultivability -uncultivable -uncultivate -uncultivated -uncultivation -unculturable -unculture -uncultured -uncumber -uncumbered -uncumbrous -uncunning -uncunningly -uncunningness -uncupped -uncurable -uncurableness -uncurably -uncurb -uncurbable -uncurbed -uncurbedly -uncurbing -uncurd -uncurdled -uncurdling -uncured -uncurious -uncuriously -uncurl -uncurled -uncurling -uncurrent -uncurrently -uncurrentness -uncurricularized -uncurried -uncurse -uncursed -uncursing -uncurst -uncurtailed -uncurtain -uncurtained -uncus -uncushioned -uncusped -uncustomable -uncustomarily -uncustomariness -uncustomary -uncustomed -uncut -uncuth -uncuticulate -uncuttable -uncynical -uncynically -uncypress -undabbled -undaggled -undaily -undaintiness -undainty -undallying -undam -undamageable -undamaged -undamaging -undamasked -undammed -undamming -undamn -undamped -undancing -undandiacal -undandled -undangered -undangerous -undangerousness -undared -undaring -undark -undarken -undarkened -undarned -undashed -undatable -undate -undateable -undated -undatedness -undaub -undaubed -undaughter -undaughterliness -undaughterly -undauntable -undaunted -undauntedly -undauntedness -undaunting -undawned -undawning -undazed -undazing -undazzle -undazzled -undazzling -unde -undead -undeadened -undeaf -undealable -undealt -undean -undear -undebarred -undebased -undebatable -undebated -undebating -undebauched -undebilitated -undebilitating -undecagon -undecanaphthene -undecane -undecatoic -undecayable -undecayableness -undecayed -undecayedness -undecaying -undeceased -undeceitful -undeceivable -undeceivableness -undeceivably -undeceive -undeceived -undeceiver -undeceiving -undecency -undecennary -undecennial -undecent -undecently -undeception -undeceptious -undeceptitious -undeceptive -undecidable -undecide -undecided -undecidedly -undecidedness -undeciding -undecimal -undeciman -undecimole -undecipher -undecipherability -undecipherable -undecipherably -undeciphered -undecision -undecisive -undecisively -undecisiveness -undeck -undecked -undeclaimed -undeclaiming -undeclamatory -undeclarable -undeclare -undeclared -undeclinable -undeclinableness -undeclinably -undeclined -undeclining -undecocted -undecoic -undecolic -undecomposable -undecomposed -undecompounded -undecorated -undecorative -undecorous -undecorously -undecorousness -undecorticated -undecoyed -undecreased -undecreasing -undecree -undecreed -undecried -undecyl -undecylenic -undecylic -undedicate -undedicated -undeducible -undeducted -undeeded -undeemed -undeemous -undeemously -undeep -undefaceable -undefaced -undefalcated -undefamed -undefaming -undefatigable -undefaulted -undefaulting -undefeasible -undefeat -undefeatable -undefeated -undefeatedly -undefeatedness -undefecated -undefectible -undefective -undefectiveness -undefendable -undefendableness -undefendably -undefended -undefending -undefense -undefensed -undefensible -undeferential -undeferentially -undeferred -undefiant -undeficient -undefied -undefilable -undefiled -undefiledly -undefiledness -undefinable -undefinableness -undefinably -undefine -undefined -undefinedly -undefinedness -undeflected -undeflowered -undeformed -undeformedness -undefrauded -undefrayed -undeft -undegeneracy -undegenerate -undegenerated -undegenerating -undegraded -undegrading -undeification -undeified -undeify -undeistical -undejected -undelated -undelayable -undelayed -undelayedly -undelaying -undelayingly -undelectable -undelectably -undelegated -undeleted -undeliberate -undeliberated -undeliberately -undeliberateness -undeliberating -undeliberatingly -undeliberative -undeliberativeness -undelible -undelicious -undelight -undelighted -undelightful -undelightfully -undelightfulness -undelighting -undelightsome -undelimited -undelineated -undeliverable -undeliverableness -undelivered -undelivery -undeludable -undelude -undeluded -undeluding -undeluged -undelusive -undelusively -undelve -undelved -undelylene -undemagnetizable -undemanded -undemised -undemocratic -undemocratically -undemocratize -undemolishable -undemolished -undemonstrable -undemonstrably -undemonstratable -undemonstrated -undemonstrative -undemonstratively -undemonstrativeness -undemure -undemurring -unden -undeniable -undeniableness -undeniably -undenied -undeniedly -undenizened -undenominated -undenominational -undenominationalism -undenominationalist -undenominationalize -undenominationally -undenoted -undenounced -undenuded -undepartableness -undepartably -undeparted -undeparting -undependable -undependableness -undependably -undependent -undepending -undephlegmated -undepicted -undepleted -undeplored -undeported -undeposable -undeposed -undeposited -undepraved -undepravedness -undeprecated -undepreciated -undepressed -undepressible -undepressing -undeprivable -undeprived -undepurated -undeputed -under -underabyss -underaccident -underaccommodated -underact -underacted -underacting -underaction -underactor -underadjustment -underadmiral -underadventurer -underage -underagency -underagent -underagitation -underaid -underaim -underair -underalderman -underanged -underarch -underargue -underarm -underaverage -underback -underbailiff -underbake -underbalance -underballast -underbank -underbarber -underbarring -underbasal -underbeadle -underbeak -underbeam -underbear -underbearer -underbearing -underbeat -underbeaten -underbed -underbelly -underbeveling -underbid -underbidder -underbill -underbillow -underbishop -underbishopric -underbit -underbite -underbitted -underbitten -underboard -underboated -underbodice -underbody -underboil -underboom -underborn -underborne -underbottom -underbough -underbought -underbound -underbowed -underbowser -underbox -underboy -underbrace -underbraced -underbranch -underbreath -underbreathing -underbred -underbreeding -underbrew -underbridge -underbrigadier -underbright -underbrim -underbrush -underbubble -underbud -underbuild -underbuilder -underbuilding -underbuoy -underburn -underburned -underburnt -underbursar -underbury -underbush -underbutler -underbuy -undercanopy -undercanvass -undercap -undercapitaled -undercapitalization -undercapitalize -undercaptain -undercarder -undercarriage -undercarry -undercarter -undercarve -undercarved -undercase -undercasing -undercast -undercause -underceiling -undercellar -undercellarer -underchamber -underchamberlain -underchancellor -underchanter -underchap -undercharge -undercharged -underchief -underchime -underchin -underchord -underchurched -undercircle -undercitizen -underclad -underclass -underclassman -underclay -underclearer -underclerk -underclerkship -undercliff -underclift -undercloak -undercloth -underclothe -underclothed -underclothes -underclothing -underclub -underclutch -undercoachman -undercoat -undercoated -undercoater -undercoating -undercollector -undercolor -undercolored -undercoloring -undercommander -undercomment -undercompounded -underconcerned -undercondition -underconsciousness -underconstable -underconsume -underconsumption -undercook -undercool -undercooper -undercorrect -undercountenance -undercourse -undercourtier -undercover -undercovering -undercovert -undercrawl -undercreep -undercrest -undercrier -undercroft -undercrop -undercrust -undercry -undercrypt -undercup -undercurl -undercurrent -undercurve -undercut -undercutter -undercutting -underdauber -underdeacon -underdead -underdebauchee -underdeck -underdepth -underdevelop -underdevelopment -underdevil -underdialogue -underdig -underdip -underdish -underdistinction -underdistributor -underditch -underdive -underdo -underdoctor -underdoer -underdog -underdoing -underdone -underdose -underdot -underdown -underdraft -underdrag -underdrain -underdrainage -underdrainer -underdraught -underdraw -underdrawers -underdrawn -underdress -underdressed -underdrift -underdrive -underdriven -underdrudgery -underdrumming -underdry -underdunged -underearth -undereat -undereaten -underedge -undereducated -underemployment -underengraver -underenter -underer -underescheator -underestimate -underestimation -underexcited -underexercise -underexpose -underexposure -undereye -underface -underfaction -underfactor -underfaculty -underfalconer -underfall -underfarmer -underfeathering -underfeature -underfed -underfeed -underfeeder -underfeeling -underfeet -underfellow -underfiend -underfill -underfilling -underfinance -underfind -underfire -underfitting -underflame -underflannel -underfleece -underflood -underfloor -underflooring -underflow -underfold -underfolded -underfong -underfoot -underfootage -underfootman -underforebody -underform -underfortify -underframe -underframework -underframing -underfreight -underfrequency -underfringe -underfrock -underfur -underfurnish -underfurnisher -underfurrow -undergabble -undergamekeeper -undergaoler -undergarb -undergardener -undergarment -undergarnish -undergauge -undergear -undergeneral -undergentleman -undergird -undergirder -undergirding -undergirdle -undergirth -underglaze -undergloom -underglow -undergnaw -undergo -undergod -undergoer -undergoing -undergore -undergoverness -undergovernment -undergovernor -undergown -undergrad -undergrade -undergraduate -undergraduatedom -undergraduateness -undergraduateship -undergraduatish -undergraduette -undergraining -undergrass -undergreen -undergrieve -undergroan -underground -undergrounder -undergroundling -undergrove -undergrow -undergrowl -undergrown -undergrowth -undergrub -underguard -underguardian -undergunner -underhabit -underhammer -underhand -underhanded -underhandedly -underhandedness -underhang -underhanging -underhangman -underhatch -underhead -underheat -underheaven -underhelp -underhew -underhid -underhill -underhint -underhistory -underhive -underhold -underhole -underhonest -underhorse -underhorsed -underhousemaid -underhum -underhung -underided -underinstrument -underisive -underissue -underivable -underivative -underived -underivedly -underivedness -underjacket -underjailer -underjanitor -underjaw -underjawed -underjobbing -underjudge -underjungle -underkeel -underkeeper -underkind -underking -underkingdom -underlaborer -underlaid -underlain -underland -underlanguaged -underlap -underlapper -underlash -underlaundress -underlawyer -underlay -underlayer -underlaying -underleaf -underlease -underleather -underlegate -underlessee -underlet -underletter -underlevel -underlever -underlid -underlie -underlier -underlieutenant -underlife -underlift -underlight -underliking -underlimbed -underlimit -underline -underlineation -underlineman -underlinement -underlinen -underliner -underling -underlining -underlip -underlive -underload -underlock -underlodging -underloft -underlook -underlooker -underlout -underlunged -underly -underlye -underlying -undermade -undermaid -undermaker -underman -undermanager -undermanned -undermanning -undermark -undermarshal -undermarshalman -undermasted -undermaster -undermatch -undermatched -undermate -undermath -undermeal -undermeaning -undermeasure -undermediator -undermelody -undermentioned -undermiller -undermimic -underminable -undermine -underminer -undermining -underminingly -underminister -underministry -undermist -undermoated -undermoney -undermoral -undermost -undermotion -undermount -undermountain -undermusic -undermuslin -undern -undername -undernatural -underneath -underness -underniceness -undernote -undernoted -undernourish -undernourished -undernourishment -undernsong -underntide -underntime -undernurse -undernutrition -underoccupied -underofficer -underofficered -underofficial -underogating -underogatory -underopinion -underorb -underorganization -underorseman -underoverlooker -underoxidize -underpacking -underpaid -underpain -underpainting -underpan -underpants -underparticipation -underpartner -underpass -underpassion -underpay -underpayment -underpeep -underpeer -underpen -underpeopled -underpetticoat -underpetticoated -underpick -underpier -underpilaster -underpile -underpin -underpinner -underpinning -underpitch -underpitched -underplain -underplan -underplant -underplate -underplay -underplot -underplotter -underply -underpoint -underpole -underpopulate -underpopulation -underporch -underporter -underpose -underpossessor -underpot -underpower -underpraise -underprefect -underprentice -underpresence -underpresser -underpressure -underprice -underpriest -underprincipal -underprint -underprior -underprivileged -underprize -underproduce -underproduction -underproductive -underproficient -underprompt -underprompter -underproof -underprop -underproportion -underproportioned -underproposition -underpropped -underpropper -underpropping -underprospect -underpry -underpuke -underqualified -underqueen -underquote -underranger -underrate -underratement -underrating -underreach -underread -underreader -underrealize -underrealm -underream -underreamer -underreceiver -underreckon -underrecompense -underregion -underregistration -underrent -underrented -underrenting -underrepresent -underrepresentation -underrespected -underriddle -underriding -underrigged -underring -underripe -underripened -underriver -underroarer -underroast -underrobe -underrogue -underroll -underroller -underroof -underroom -underroot -underrooted -underrower -underrule -underruler -underrun -underrunning -undersacristan -undersailed -undersally -undersap -undersatisfaction -undersaturate -undersaturation -undersavior -undersaw -undersawyer -underscale -underscheme -underschool -underscoop -underscore -underscribe -underscript -underscrub -underscrupulous -undersea -underseam -underseaman -undersearch -underseas -underseated -undersecretary -undersecretaryship -undersect -undersee -underseeded -underseedman -undersell -underseller -underselling -undersense -undersequence -underservant -underserve -underservice -underset -undersetter -undersetting -undersettle -undersettler -undersettling -undersexton -undershapen -undersharp -undersheathing -undershepherd -undersheriff -undersheriffry -undersheriffship -undersheriffwick -undershield -undershine -undershining -undershire -undershirt -undershoe -undershoot -undershore -undershorten -undershot -undershrievalty -undershrieve -undershrievery -undershrub -undershrubbiness -undershrubby -undershunter -undershut -underside -undersight -undersighted -undersign -undersignalman -undersigner -undersill -undersinging -undersitter -undersize -undersized -underskin -underskirt -undersky -undersleep -undersleeve -underslip -underslope -undersluice -underslung -undersneer -undersociety -undersoil -undersole -undersomething -undersong -undersorcerer -undersort -undersoul -undersound -undersovereign -undersow -underspar -undersparred -underspecies -underspecified -underspend -undersphere -underspin -underspinner -undersplice -underspore -underspread -underspring -undersprout -underspurleather -undersquare -understaff -understage -understain -understairs -understamp -understand -understandability -understandable -understandableness -understandably -understander -understanding -understandingly -understandingness -understate -understatement -understay -understeer -understem -understep -understeward -understewardship -understimulus -understock -understocking -understood -understory -understrain -understrap -understrapper -understrapping -understratum -understream -understress -understrew -understride -understriding -understrife -understrike -understring -understroke -understrung -understudy -understuff -understuffing -undersuck -undersuggestion -undersuit -undersupply -undersupport -undersurface -underswain -underswamp -undersward -underswearer -undersweat -undersweep -underswell -undertakable -undertake -undertakement -undertaker -undertakerish -undertakerlike -undertakerly -undertakery -undertaking -undertakingly -undertalk -undertapster -undertaxed -underteacher -underteamed -underteller -undertenancy -undertenant -undertenter -undertenure -underterrestrial -undertest -underthane -underthaw -underthief -underthing -underthink -underthirst -underthought -underthroating -underthrob -underthrust -undertide -undertided -undertie -undertime -undertimed -undertint -undertitle -undertone -undertoned -undertook -undertow -undertrader -undertrained -undertread -undertreasurer -undertreat -undertribe -undertrick -undertrodden -undertruck -undertrump -undertruss -undertub -undertune -undertunic -underturf -underturn -underturnkey -undertutor -undertwig -undertype -undertyrant -underusher -undervaluation -undervalue -undervaluement -undervaluer -undervaluing -undervaluinglike -undervaluingly -undervalve -undervassal -undervaulted -undervaulting -undervegetation -underventilation -underverse -undervest -undervicar -underviewer -undervillain -undervinedresser -undervitalized -undervocabularied -undervoice -undervoltage -underwage -underwaist -underwaistcoat -underwalk -underward -underwarden -underwarmth -underwarp -underwash -underwatch -underwatcher -underwater -underwave -underway -underweapon -underwear -underweft -underweigh -underweight -underweighted -underwent -underwheel -underwhistle -underwind -underwing -underwit -underwitch -underwitted -underwood -underwooded -underwork -underworker -underworking -underworkman -underworld -underwrap -underwrite -underwriter -underwriting -underwrought -underyield -underyoke -underzeal -underzealot -undescendable -undescended -undescendible -undescribable -undescribably -undescribed -undescried -undescript -undescriptive -undescrying -undesert -undeserted -undeserting -undeserve -undeserved -undeservedly -undeservedness -undeserver -undeserving -undeservingly -undeservingness -undesign -undesignated -undesigned -undesignedly -undesignedness -undesigning -undesigningly -undesigningness -undesirability -undesirable -undesirableness -undesirably -undesire -undesired -undesiredly -undesiring -undesirous -undesirously -undesirousness -undesisting -undespaired -undespairing -undespairingly -undespatched -undespised -undespising -undespoiled -undespondent -undespondently -undesponding -undespotic -undestined -undestroyable -undestroyed -undestructible -undestructive -undetachable -undetached -undetailed -undetainable -undetained -undetectable -undetected -undetectible -undeteriorated -undeteriorating -undeterminable -undeterminate -undetermination -undetermined -undetermining -undeterred -undeterring -undetested -undetesting -undethronable -undethroned -undetracting -undetractingly -undetrimental -undevelopable -undeveloped -undeveloping -undeviated -undeviating -undeviatingly -undevil -undevious -undeviously -undevisable -undevised -undevoted -undevotion -undevotional -undevoured -undevout -undevoutly -undevoutness -undewed -undewy -undexterous -undexterously -undextrous -undextrously -undiademed -undiagnosable -undiagnosed -undialed -undialyzed -undiametric -undiamonded -undiapered -undiaphanous -undiatonic -undichotomous -undictated -undid -undidactic -undies -undieted -undifferenced -undifferent -undifferential -undifferentiated -undifficult -undiffident -undiffracted -undiffused -undiffusible -undiffusive -undig -undigenous -undigest -undigestable -undigested -undigestible -undigesting -undigestion -undigged -undight -undighted -undigitated -undignified -undignifiedly -undignifiedness -undignify -undiked -undilapidated -undilatable -undilated -undilatory -undiligent -undiligently -undilute -undiluted -undilution -undiluvial -undim -undimensioned -undimerous -undimidiate -undiminishable -undiminishableness -undiminishably -undiminished -undiminishing -undiminutive -undimmed -undimpled -Undine -undine -undined -undinted -undiocesed -undiphthongize -undiplomaed -undiplomatic -undipped -undirect -undirected -undirectional -undirectly -undirectness -undirk -undisabled -undisadvantageous -undisagreeable -undisappearing -undisappointable -undisappointed -undisappointing -undisarmed -undisastrous -undisbanded -undisbarred -undisburdened -undisbursed -undiscardable -undiscarded -undiscerned -undiscernedly -undiscernible -undiscernibleness -undiscernibly -undiscerning -undiscerningly -undischargeable -undischarged -undiscipled -undisciplinable -undiscipline -undisciplined -undisciplinedness -undisclaimed -undisclosed -undiscolored -undiscomfitable -undiscomfited -undiscomposed -undisconcerted -undisconnected -undiscontinued -undiscordant -undiscording -undiscounted -undiscourageable -undiscouraged -undiscouraging -undiscoursed -undiscoverable -undiscoverableness -undiscoverably -undiscovered -undiscreditable -undiscredited -undiscreet -undiscreetly -undiscreetness -undiscretion -undiscriminated -undiscriminating -undiscriminatingly -undiscriminatingness -undiscriminative -undiscursive -undiscussable -undiscussed -undisdained -undisdaining -undiseased -undisestablished -undisfigured -undisfranchised -undisfulfilled -undisgorged -undisgraced -undisguisable -undisguise -undisguised -undisguisedly -undisguisedness -undisgusted -undisheartened -undished -undisheveled -undishonored -undisillusioned -undisinfected -undisinheritable -undisinherited -undisintegrated -undisinterested -undisjoined -undisjointed -undisliked -undislocated -undislodgeable -undislodged -undismantled -undismay -undismayable -undismayed -undismayedly -undismembered -undismissed -undismounted -undisobedient -undisobeyed -undisobliging -undisordered -undisorderly -undisorganized -undisowned -undisowning -undisparaged -undisparity -undispassionate -undispatchable -undispatched -undispatching -undispellable -undispelled -undispensable -undispensed -undispensing -undispersed -undispersing -undisplaced -undisplanted -undisplay -undisplayable -undisplayed -undisplaying -undispleased -undispose -undisposed -undisposedness -undisprivacied -undisprovable -undisproved -undisproving -undisputable -undisputableness -undisputably -undisputatious -undisputatiously -undisputed -undisputedly -undisputedness -undisputing -undisqualifiable -undisqualified -undisquieted -undisreputable -undisrobed -undisrupted -undissected -undissembled -undissembledness -undissembling -undissemblingly -undisseminated -undissenting -undissevered -undissimulated -undissipated -undissociated -undissoluble -undissolute -undissolvable -undissolved -undissolving -undissonant -undissuadable -undissuadably -undissuade -undistanced -undistant -undistantly -undistasted -undistasteful -undistempered -undistend -undistended -undistilled -undistinct -undistinctive -undistinctly -undistinctness -undistinguish -undistinguishable -undistinguishableness -undistinguishably -undistinguished -undistinguishing -undistinguishingly -undistorted -undistorting -undistracted -undistractedly -undistractedness -undistracting -undistractingly -undistrained -undistraught -undistress -undistressed -undistributed -undistrusted -undistrustful -undisturbable -undisturbance -undisturbed -undisturbedly -undisturbedness -undisturbing -undisturbingly -unditched -undithyrambic -undittoed -undiuretic -undiurnal -undivable -undivergent -undiverging -undiverse -undiversified -undiverted -undivertible -undivertibly -undiverting -undivested -undivestedly -undividable -undividableness -undividably -undivided -undividedly -undividedness -undividing -undivinable -undivined -undivinelike -undivinely -undivining -undivisible -undivisive -undivorceable -undivorced -undivorcedness -undivorcing -undivulged -undivulging -undizened -undizzied -undo -undoable -undock -undocked -undoctor -undoctored -undoctrinal -undoctrined -undocumentary -undocumented -undocumentedness -undodged -undoer -undoffed -undog -undogmatic -undogmatical -undoing -undoingness -undolled -undolorous -undomed -undomestic -undomesticate -undomesticated -undomestication -undomicilable -undomiciled -undominated -undomineering -undominical -undominoed -undon -undonated -undonating -undone -undoneness -undonkey -undonnish -undoomed -undoped -undormant -undose -undosed -undoting -undotted -undouble -undoubled -undoubtable -undoubtableness -undoubtably -undoubted -undoubtedly -undoubtedness -undoubtful -undoubtfully -undoubtfulness -undoubting -undoubtingly -undoubtingness -undouched -undoughty -undovelike -undoweled -undowered -undowned -undowny -undrab -undraftable -undrafted -undrag -undragoned -undragooned -undrainable -undrained -undramatic -undramatical -undramatically -undramatizable -undramatized -undrape -undraped -undraperied -undraw -undrawable -undrawn -undreaded -undreadful -undreadfully -undreading -undreamed -undreaming -undreamlike -undreamt -undreamy -undredged -undreggy -undrenched -undress -undressed -undried -undrillable -undrilled -undrinkable -undrinkableness -undrinkably -undrinking -undripping -undrivable -undrivableness -undriven -undronelike -undrooping -undropped -undropsical -undrossy -undrowned -undrubbed -undrugged -undrunk -undrunken -undry -undryable -undrying -undualize -undub -undubbed -undubitable -undubitably -unducal -unduchess -undue -unduelling -undueness -undug -unduke -undulant -undular -undularly -undulatance -undulate -undulated -undulately -undulating -undulatingly -undulation -undulationist -undulative -undulatory -undull -undulled -undullness -unduloid -undulose -undulous -unduly -undumped -unduncelike -undunged -undupable -unduped -unduplicability -unduplicable -unduplicity -undurable -undurableness -undurably -undust -undusted -unduteous -undutiable -undutiful -undutifully -undutifulness -unduty -undwarfed -undwelt -undwindling -undy -undye -undyeable -undyed -undying -undyingly -undyingness -uneager -uneagerly -uneagerness -uneagled -unearly -unearned -unearnest -unearth -unearthed -unearthliness -unearthly -unease -uneaseful -uneasefulness -uneasily -uneasiness -uneastern -uneasy -uneatable -uneatableness -uneaten -uneath -uneating -unebbed -unebbing -unebriate -uneccentric -unecclesiastical -unechoed -unechoing -uneclectic -uneclipsed -uneconomic -uneconomical -uneconomically -uneconomicalness -uneconomizing -unecstatic -unedge -unedged -unedible -unedibleness -unedibly -unedified -unedifying -uneditable -unedited -uneducable -uneducableness -uneducably -uneducate -uneducated -uneducatedly -uneducatedness -uneducative -uneduced -uneffaceable -uneffaceably -uneffaced -uneffected -uneffectible -uneffective -uneffectless -uneffectual -uneffectually -uneffectualness -uneffectuated -uneffeminate -uneffeminated -uneffervescent -uneffete -unefficacious -unefficient -uneffigiated -uneffused -uneffusing -uneffusive -unegoist -unegoistical -unegoistically -unegregious -unejaculated -unejected -unelaborate -unelaborated -unelaborately -unelaborateness -unelapsed -unelastic -unelasticity -unelated -unelating -unelbowed -unelderly -unelect -unelectable -unelected -unelective -unelectric -unelectrical -unelectrified -unelectrify -unelectrifying -unelectrized -unelectronic -uneleemosynary -unelegant -unelegantly -unelegantness -unelemental -unelementary -unelevated -unelicited -unelided -unelidible -uneligibility -uneligible -uneligibly -uneliminated -unelongated -uneloped -uneloping -uneloquent -uneloquently -unelucidated -unelucidating -uneluded -unelusive -unemaciated -unemancipable -unemancipated -unemasculated -unembalmed -unembanked -unembarrassed -unembarrassedly -unembarrassedness -unembarrassing -unembarrassment -unembased -unembattled -unembayed -unembellished -unembezzled -unembittered -unemblazoned -unembodied -unembodiment -unembossed -unembowelled -unembowered -unembraceable -unembraced -unembroidered -unembroiled -unembryonic -unemendable -unemended -unemerged -unemerging -unemigrating -uneminent -uneminently -unemitted -unemolumentary -unemolumented -unemotional -unemotionalism -unemotionally -unemotionalness -unemotioned -unempaneled -unemphatic -unemphatical -unemphatically -unempirical -unempirically -unemploy -unemployability -unemployable -unemployableness -unemployably -unemployed -unemployment -unempoisoned -unempowered -unempt -unemptiable -unemptied -unempty -unemulative -unemulous -unemulsified -unenabled -unenacted -unenameled -unenamored -unencamped -unenchafed -unenchant -unenchanted -unencircled -unenclosed -unencompassed -unencored -unencounterable -unencountered -unencouraged -unencouraging -unencroached -unencroaching -unencumber -unencumbered -unencumberedly -unencumberedness -unencumbering -unencysted -unendable -unendamaged -unendangered -unendeared -unendeavored -unended -unending -unendingly -unendingness -unendorsable -unendorsed -unendowed -unendowing -unendued -unendurability -unendurable -unendurably -unendured -unenduring -unenduringly -unenergetic -unenergized -unenervated -unenfeebled -unenfiladed -unenforceable -unenforced -unenforcedly -unenforcedness -unenforcibility -unenfranchised -unengaged -unengaging -unengendered -unengineered -unenglish -unengraved -unengraven -unengrossed -unenhanced -unenjoined -unenjoyable -unenjoyed -unenjoying -unenjoyingly -unenkindled -unenlarged -unenlightened -unenlightening -unenlisted -unenlivened -unenlivening -unennobled -unennobling -unenounced -unenquired -unenquiring -unenraged -unenraptured -unenrichable -unenrichableness -unenriched -unenriching -unenrobed -unenrolled -unenshrined -unenslave -unenslaved -unensnared -unensouled -unensured -unentailed -unentangle -unentangleable -unentangled -unentanglement -unentangler -unenterable -unentered -unentering -unenterprise -unenterprised -unenterprising -unenterprisingly -unenterprisingness -unentertainable -unentertained -unentertaining -unentertainingly -unentertainingness -unenthralled -unenthralling -unenthroned -unenthusiasm -unenthusiastic -unenthusiastically -unenticed -unenticing -unentire -unentitled -unentombed -unentomological -unentrance -unentranced -unentrapped -unentreated -unentreating -unentrenched -unentwined -unenumerable -unenumerated -unenveloped -unenvenomed -unenviable -unenviably -unenvied -unenviedly -unenvious -unenviously -unenvironed -unenvying -unenwoven -unepauleted -unephemeral -unepic -unepicurean -unepigrammatic -unepilogued -unepiscopal -unepiscopally -unepistolary -unepitaphed -unepithelial -unepitomized -unequable -unequableness -unequably -unequal -unequalable -unequaled -unequality -unequalize -unequalized -unequally -unequalness -unequated -unequatorial -unequestrian -unequiangular -unequiaxed -unequilateral -unequilibrated -unequine -unequipped -unequitable -unequitableness -unequitably -unequivalent -unequivalve -unequivalved -unequivocal -unequivocally -unequivocalness -uneradicable -uneradicated -unerasable -unerased -unerasing -unerect -unerected -unermined -uneroded -unerrable -unerrableness -unerrably -unerrancy -unerrant -unerratic -unerring -unerringly -unerringness -unerroneous -unerroneously -unerudite -unerupted -uneruptive -unescaladed -unescalloped -unescapable -unescapableness -unescapably -unescaped -unescheated -uneschewable -uneschewably -uneschewed -Unesco -unescorted -unescutcheoned -unesoteric -unespied -unespousable -unespoused -unessayed -unessence -unessential -unessentially -unessentialness -unestablish -unestablishable -unestablished -unestablishment -unesteemed -unestimable -unestimableness -unestimably -unestimated -unestopped -unestranged -unetched -uneternal -uneternized -unethereal -unethic -unethical -unethically -unethicalness -unethnological -unethylated -unetymological -unetymologizable -uneucharistical -uneugenic -uneulogized -uneuphemistical -uneuphonic -uneuphonious -uneuphoniously -uneuphoniousness -unevacuated -unevadable -unevaded -unevaluated -unevanescent -unevangelic -unevangelical -unevangelized -unevaporate -unevaporated -unevasive -uneven -unevenly -unevenness -uneventful -uneventfully -uneventfulness -uneverted -unevicted -unevidenced -unevident -unevidential -unevil -unevinced -unevirated -uneviscerated -unevitable -unevitably -unevokable -unevoked -unevolutionary -unevolved -unexacerbated -unexact -unexacted -unexactedly -unexacting -unexactingly -unexactly -unexactness -unexaggerable -unexaggerated -unexaggerating -unexalted -unexaminable -unexamined -unexamining -unexampled -unexampledness -unexasperated -unexasperating -unexcavated -unexceedable -unexceeded -unexcelled -unexcellent -unexcelling -unexceptable -unexcepted -unexcepting -unexceptionability -unexceptionable -unexceptionableness -unexceptionably -unexceptional -unexceptionally -unexceptionalness -unexceptive -unexcerpted -unexcessive -unexchangeable -unexchangeableness -unexchanged -unexcised -unexcitability -unexcitable -unexcited -unexciting -unexclaiming -unexcludable -unexcluded -unexcluding -unexclusive -unexclusively -unexclusiveness -unexcogitable -unexcogitated -unexcommunicated -unexcoriated -unexcorticated -unexcrescent -unexcreted -unexcruciating -unexculpable -unexculpably -unexculpated -unexcursive -unexcusable -unexcusableness -unexcusably -unexcused -unexcusedly -unexcusedness -unexcusing -unexecrated -unexecutable -unexecuted -unexecuting -unexecutorial -unexemplary -unexemplifiable -unexemplified -unexempt -unexempted -unexemptible -unexempting -unexercisable -unexercise -unexercised -unexerted -unexhalable -unexhaled -unexhausted -unexhaustedly -unexhaustedness -unexhaustible -unexhaustibleness -unexhaustibly -unexhaustion -unexhaustive -unexhaustiveness -unexhibitable -unexhibitableness -unexhibited -unexhilarated -unexhilarating -unexhorted -unexhumed -unexigent -unexilable -unexiled -unexistence -unexistent -unexisting -unexonerable -unexonerated -unexorable -unexorableness -unexorbitant -unexorcisable -unexorcisably -unexorcised -unexotic -unexpandable -unexpanded -unexpanding -unexpansive -unexpectable -unexpectant -unexpected -unexpectedly -unexpectedness -unexpecting -unexpectingly -unexpectorated -unexpedient -unexpeditated -unexpedited -unexpeditious -unexpelled -unexpendable -unexpended -unexpensive -unexpensively -unexpensiveness -unexperience -unexperienced -unexperiencedness -unexperient -unexperiential -unexperimental -unexperimented -unexpert -unexpertly -unexpertness -unexpiable -unexpiated -unexpired -unexpiring -unexplainable -unexplainableness -unexplainably -unexplained -unexplainedly -unexplainedness -unexplaining -unexplanatory -unexplicable -unexplicableness -unexplicably -unexplicated -unexplicit -unexplicitly -unexplicitness -unexploded -unexploitation -unexploited -unexplorable -unexplorative -unexplored -unexplosive -unexportable -unexported -unexporting -unexposable -unexposed -unexpostulating -unexpoundable -unexpounded -unexpress -unexpressable -unexpressableness -unexpressably -unexpressed -unexpressedly -unexpressible -unexpressibleness -unexpressibly -unexpressive -unexpressively -unexpressiveness -unexpressly -unexpropriable -unexpropriated -unexpugnable -unexpunged -unexpurgated -unexpurgatedly -unexpurgatedness -unextended -unextendedly -unextendedness -unextendible -unextensible -unextenuable -unextenuated -unextenuating -unexterminable -unexterminated -unexternal -unexternality -unexterritoriality -unextinct -unextinctness -unextinguishable -unextinguishableness -unextinguishably -unextinguished -unextirpated -unextolled -unextortable -unextorted -unextractable -unextracted -unextradited -unextraneous -unextraordinary -unextravagance -unextravagant -unextravagating -unextravasated -unextreme -unextricable -unextricated -unextrinsic -unextruded -unexuberant -unexuded -unexultant -uneye -uneyeable -uneyed -unfabled -unfabling -unfabricated -unfabulous -unfacaded -unface -unfaceable -unfaced -unfaceted -unfacetious -unfacile -unfacilitated -unfact -unfactional -unfactious -unfactitious -unfactorable -unfactored -unfactual -unfadable -unfaded -unfading -unfadingly -unfadingness -unfagged -unfagoted -unfailable -unfailableness -unfailably -unfailed -unfailing -unfailingly -unfailingness -unfain -unfaint -unfainting -unfaintly -unfair -unfairly -unfairminded -unfairness -unfairylike -unfaith -unfaithful -unfaithfully -unfaithfulness -unfaked -unfallacious -unfallaciously -unfallen -unfallenness -unfallible -unfallibleness -unfallibly -unfalling -unfallowed -unfalse -unfalsifiable -unfalsified -unfalsifiedness -unfalsity -unfaltering -unfalteringly -unfamed -unfamiliar -unfamiliarity -unfamiliarized -unfamiliarly -unfanatical -unfanciable -unfancied -unfanciful -unfancy -unfanged -unfanned -unfantastic -unfantastical -unfantastically -unfar -unfarced -unfarcical -unfarewelled -unfarmed -unfarming -unfarrowed -unfarsighted -unfasciated -unfascinate -unfascinated -unfascinating -unfashion -unfashionable -unfashionableness -unfashionably -unfashioned -unfast -unfasten -unfastenable -unfastened -unfastener -unfastidious -unfastidiously -unfastidiousness -unfasting -unfather -unfathered -unfatherlike -unfatherliness -unfatherly -unfathomability -unfathomable -unfathomableness -unfathomably -unfathomed -unfatigue -unfatigueable -unfatigued -unfatiguing -unfattable -unfatted -unfatten -unfauceted -unfaultfinding -unfaulty -unfavorable -unfavorableness -unfavorably -unfavored -unfavoring -unfavorite -unfawning -unfealty -unfeared -unfearful -unfearfully -unfearing -unfearingly -unfeary -unfeasable -unfeasableness -unfeasably -unfeasibility -unfeasible -unfeasibleness -unfeasibly -unfeasted -unfeather -unfeathered -unfeatured -unfecund -unfecundated -unfed -unfederal -unfederated -unfeeble -unfeed -unfeedable -unfeeding -unfeeing -unfeelable -unfeeling -unfeelingly -unfeelingness -unfeignable -unfeignableness -unfeignably -unfeigned -unfeignedly -unfeignedness -unfeigning -unfeigningly -unfeigningness -unfele -unfelicitated -unfelicitating -unfelicitous -unfelicitously -unfelicitousness -unfeline -unfellable -unfelled -unfellied -unfellow -unfellowed -unfellowlike -unfellowly -unfellowshiped -unfelon -unfelonious -unfeloniously -unfelony -unfelt -unfelted -unfemale -unfeminine -unfemininely -unfeminineness -unfemininity -unfeminist -unfeminize -unfence -unfenced -unfendered -unfenestrated -unfeoffed -unfermentable -unfermentableness -unfermentably -unfermented -unfermenting -unfernlike -unferocious -unferreted -unferried -unfertile -unfertileness -unfertility -unfertilizable -unfertilized -unfervent -unfervid -unfester -unfestered -unfestival -unfestive -unfestively -unfestooned -unfetchable -unfetched -unfeted -unfetter -unfettered -unfettled -unfeudal -unfeudalize -unfeudalized -unfeued -unfevered -unfeverish -unfew -unfibbed -unfibbing -unfiber -unfibered -unfibrous -unfickle -unfictitious -unfidelity -unfidgeting -unfielded -unfiend -unfiendlike -unfierce -unfiery -unfight -unfightable -unfighting -unfigurable -unfigurative -unfigured -unfilamentous -unfilched -unfile -unfiled -unfilial -unfilially -unfilialness -unfill -unfillable -unfilled -unfilleted -unfilling -unfilm -unfilmed -unfiltered -unfiltrated -unfinable -unfinancial -unfine -unfined -unfinessed -unfingered -unfinical -unfinish -unfinishable -unfinished -unfinishedly -unfinishedness -unfinite -unfired -unfireproof -unfiring -unfirm -unfirmamented -unfirmly -unfirmness -unfiscal -unfishable -unfished -unfishing -unfishlike -unfissile -unfistulous -unfit -unfitly -unfitness -unfittable -unfitted -unfittedness -unfitten -unfitting -unfittingly -unfittingness -unfitty -unfix -unfixable -unfixated -unfixed -unfixedness -unfixing -unfixity -unflag -unflagged -unflagging -unflaggingly -unflaggingness -unflagitious -unflagrant -unflaky -unflamboyant -unflaming -unflanged -unflank -unflanked -unflapping -unflashing -unflat -unflated -unflattened -unflatterable -unflattered -unflattering -unflatteringly -unflaunted -unflavored -unflawed -unflayed -unflead -unflecked -unfledge -unfledged -unfledgedness -unfleece -unfleeced -unfleeing -unfleeting -unflesh -unfleshed -unfleshliness -unfleshly -unfleshy -unfletched -unflexed -unflexible -unflexibleness -unflexibly -unflickering -unflickeringly -unflighty -unflinching -unflinchingly -unflinchingness -unflintify -unflippant -unflirtatious -unflitched -unfloatable -unfloating -unflock -unfloggable -unflogged -unflooded -unfloor -unfloored -unflorid -unflossy -unflounced -unfloured -unflourished -unflourishing -unflouted -unflower -unflowered -unflowing -unflown -unfluctuating -unfluent -unfluid -unfluked -unflunked -unfluorescent -unflurried -unflush -unflushed -unflustered -unfluted -unflutterable -unfluttered -unfluttering -unfluvial -unfluxile -unflying -unfoaled -unfoaming -unfocused -unfoggy -unfoilable -unfoiled -unfoisted -unfold -unfoldable -unfolded -unfolder -unfolding -unfoldment -unfoldure -unfoliaged -unfoliated -unfollowable -unfollowed -unfollowing -unfomented -unfond -unfondled -unfondness -unfoodful -unfool -unfoolable -unfooled -unfooling -unfoolish -unfooted -unfootsore -unfoppish -unforaged -unforbade -unforbearance -unforbearing -unforbid -unforbidden -unforbiddenly -unforbiddenness -unforbidding -unforceable -unforced -unforcedly -unforcedness -unforceful -unforcible -unforcibleness -unforcibly -unfordable -unfordableness -unforded -unforeboded -unforeboding -unforecasted -unforegone -unforeign -unforeknowable -unforeknown -unforensic -unforeordained -unforesee -unforeseeable -unforeseeableness -unforeseeably -unforeseeing -unforeseeingly -unforeseen -unforeseenly -unforeseenness -unforeshortened -unforest -unforestallable -unforestalled -unforested -unforetellable -unforethought -unforethoughtful -unforetold -unforewarned -unforewarnedness -unforfeit -unforfeitable -unforfeited -unforgeability -unforgeable -unforged -unforget -unforgetful -unforgettable -unforgettableness -unforgettably -unforgetting -unforgettingly -unforgivable -unforgivableness -unforgivably -unforgiven -unforgiveness -unforgiver -unforgiving -unforgivingly -unforgivingness -unforgone -unforgot -unforgotten -unfork -unforked -unforkedness -unforlorn -unform -unformal -unformality -unformalized -unformally -unformalness -unformative -unformed -unformidable -unformulable -unformularizable -unformularize -unformulated -unformulistic -unforsaken -unforsaking -unforsook -unforsworn -unforthright -unfortifiable -unfortified -unfortify -unfortuitous -unfortunate -unfortunately -unfortunateness -unfortune -unforward -unforwarded -unfossiliferous -unfossilized -unfostered -unfought -unfoughten -unfoul -unfoulable -unfouled -unfound -unfounded -unfoundedly -unfoundedness -unfoundered -unfountained -unfowllike -unfoxy -unfractured -unfragrance -unfragrant -unfragrantly -unfrail -unframable -unframableness -unframably -unframe -unframed -unfranchised -unfrank -unfrankable -unfranked -unfrankly -unfrankness -unfraternal -unfraternizing -unfraudulent -unfraught -unfrayed -unfreckled -unfree -unfreed -unfreedom -unfreehold -unfreely -unfreeman -unfreeness -unfreezable -unfreeze -unfreezing -unfreighted -unfrenchified -unfrenzied -unfrequency -unfrequent -unfrequented -unfrequentedness -unfrequently -unfrequentness -unfret -unfretful -unfretting -unfriable -unfriarlike -unfricative -unfrictioned -unfried -unfriend -unfriended -unfriendedness -unfriending -unfriendlike -unfriendlily -unfriendliness -unfriendly -unfriendship -unfrighted -unfrightenable -unfrightened -unfrightenedness -unfrightful -unfrigid -unfrill -unfrilled -unfringe -unfringed -unfrisky -unfrivolous -unfrizz -unfrizzled -unfrizzy -unfrock -unfrocked -unfroglike -unfrolicsome -unfronted -unfrost -unfrosted -unfrosty -unfrounced -unfroward -unfrowardly -unfrowning -unfroze -unfrozen -unfructed -unfructified -unfructify -unfructuous -unfructuously -unfrugal -unfrugally -unfrugalness -unfruitful -unfruitfully -unfruitfulness -unfruity -unfrustrable -unfrustrably -unfrustratable -unfrustrated -unfrutuosity -unfuddled -unfueled -unfulfill -unfulfillable -unfulfilled -unfulfilling -unfulfillment -unfull -unfulled -unfully -unfulminated -unfulsome -unfumbled -unfumbling -unfumed -unfumigated -unfunctional -unfundamental -unfunded -unfunnily -unfunniness -unfunny -unfur -unfurbelowed -unfurbished -unfurcate -unfurious -unfurl -unfurlable -unfurnish -unfurnished -unfurnishedness -unfurnitured -unfurred -unfurrow -unfurrowable -unfurrowed -unfurthersome -unfused -unfusible -unfusibleness -unfusibly -unfussed -unfussing -unfussy -unfutile -unfuturistic -ungabled -ungag -ungaged -ungagged -ungain -ungainable -ungained -ungainful -ungainfully -ungainfulness -ungaining -ungainlike -ungainliness -ungainly -ungainness -ungainsaid -ungainsayable -ungainsayably -ungainsaying -ungainsome -ungainsomely -ungaite -ungallant -ungallantly -ungallantness -ungalling -ungalvanized -ungamboling -ungamelike -unganged -ungangrened -ungarbed -ungarbled -ungardened -ungargled -ungarland -ungarlanded -ungarment -ungarmented -ungarnered -ungarnish -ungarnished -ungaro -ungarrisoned -ungarter -ungartered -ungashed -ungassed -ungastric -ungathered -ungaudy -ungauged -ungauntlet -ungauntleted -ungazetted -ungazing -ungear -ungeared -ungelatinizable -ungelatinized -ungelded -ungelt -ungeminated -ungenerable -ungeneral -ungeneraled -ungeneralized -ungenerate -ungenerated -ungenerative -ungeneric -ungenerical -ungenerosity -ungenerous -ungenerously -ungenerousness -ungenial -ungeniality -ungenially -ungenialness -ungenitured -ungenius -ungenteel -ungenteelly -ungenteelness -ungentile -ungentility -ungentilize -ungentle -ungentled -ungentleman -ungentlemanize -ungentlemanlike -ungentlemanlikeness -ungentlemanliness -ungentlemanly -ungentleness -ungentlewomanlike -ungently -ungenuine -ungenuinely -ungenuineness -ungeodetical -ungeographic -ungeographical -ungeographically -ungeological -ungeometric -ungeometrical -ungeometrically -ungeometricalness -ungerminated -ungerminating -ungermlike -ungerontic -ungesting -ungesturing -unget -ungettable -unghostlike -unghostly -ungiant -ungibbet -ungiddy -ungifted -ungiftedness -ungild -ungilded -ungill -ungilt -ungingled -unginned -ungird -ungirded -ungirdle -ungirdled -ungirlish -ungirt -ungirth -ungirthed -ungive -ungiveable -ungiven -ungiving -ungka -unglaciated -unglad -ungladden -ungladdened -ungladly -ungladness -ungladsome -unglamorous -unglandular -unglassed -unglaze -unglazed -ungleaned -unglee -ungleeful -unglimpsed -unglistening -unglittering -ungloating -unglobe -unglobular -ungloom -ungloomed -ungloomy -unglorified -unglorify -unglorifying -unglorious -ungloriously -ungloriousness -unglory -unglosed -ungloss -unglossaried -unglossed -unglossily -unglossiness -unglossy -unglove -ungloved -unglowing -unglozed -unglue -unglued -unglutinate -unglutted -ungluttonous -ungnarred -ungnaw -ungnawn -ungnostic -ungoaded -ungoatlike -ungod -ungoddess -ungodlike -ungodlily -ungodliness -ungodly -ungodmothered -ungold -ungolden -ungone -ungood -ungoodliness -ungoodly -ungored -ungorge -ungorged -ungorgeous -ungospel -ungospelized -ungospelled -ungospellike -ungossiping -ungot -ungothic -ungotten -ungouged -ungouty -ungovernable -ungovernableness -ungovernably -ungoverned -ungovernedness -ungoverning -ungown -ungowned -ungrace -ungraced -ungraceful -ungracefully -ungracefulness -ungracious -ungraciously -ungraciousness -ungradated -ungraded -ungradual -ungradually -ungraduated -ungraduating -ungraft -ungrafted -ungrain -ungrainable -ungrained -ungrammar -ungrammared -ungrammatic -ungrammatical -ungrammatically -ungrammaticalness -ungrammaticism -ungrand -ungrantable -ungranted -ungranulated -ungraphic -ungraphitized -ungrapple -ungrappled -ungrappler -ungrasp -ungraspable -ungrasped -ungrasping -ungrassed -ungrassy -ungrated -ungrateful -ungratefully -ungratefulness -ungratifiable -ungratified -ungratifying -ungrating -ungrave -ungraved -ungraveled -ungravelly -ungravely -ungraven -ungrayed -ungrazed -ungreased -ungreat -ungreatly -ungreatness -ungreeable -ungreedy -ungreen -ungreenable -ungreened -ungreeted -ungregarious -ungrieve -ungrieved -ungrieving -ungrilled -ungrimed -ungrindable -ungrip -ungripe -ungrizzled -ungroaning -ungroined -ungroomed -ungrooved -ungropeable -ungross -ungrotesque -unground -ungroundable -ungroundably -ungrounded -ungroundedly -ungroundedness -ungroupable -ungrouped -ungrow -ungrowing -ungrown -ungrubbed -ungrudged -ungrudging -ungrudgingly -ungrudgingness -ungruesome -ungruff -ungrumbling -ungual -unguaranteed -unguard -unguardable -unguarded -unguardedly -unguardedness -ungueal -unguent -unguentaria -unguentarium -unguentary -unguentiferous -unguentous -unguentum -unguerdoned -ungues -unguessable -unguessableness -unguessed -unguical -unguicorn -unguicular -Unguiculata -unguiculate -unguiculated -unguidable -unguidableness -unguidably -unguided -unguidedly -unguiferous -unguiform -unguiled -unguileful -unguilefully -unguilefulness -unguillotined -unguiltily -unguiltiness -unguilty -unguinal -unguinous -unguirostral -unguis -ungula -ungulae -ungular -Ungulata -ungulate -ungulated -unguled -unguligrade -ungull -ungulous -ungulp -ungum -ungummed -ungushing -ungutted -unguttural -unguyed -unguzzled -ungymnastic -ungypsylike -ungyve -ungyved -unhabit -unhabitable -unhabitableness -unhabited -unhabitual -unhabitually -unhabituate -unhabituated -unhacked -unhackled -unhackneyed -unhackneyedness -unhad -unhaft -unhafted -unhaggled -unhaggling -unhailable -unhailed -unhair -unhaired -unhairer -unhairily -unhairiness -unhairing -unhairy -unhallooed -unhallow -unhallowed -unhallowedness -unhaloed -unhalsed -unhalted -unhalter -unhaltered -unhalting -unhalved -unhammered -unhamper -unhampered -unhand -unhandcuff -unhandcuffed -unhandicapped -unhandily -unhandiness -unhandled -unhandseled -unhandsome -unhandsomely -unhandsomeness -unhandy -unhang -unhanged -unhap -unhappen -unhappily -unhappiness -unhappy -unharangued -unharassed -unharbor -unharbored -unhard -unharden -unhardenable -unhardened -unhardihood -unhardily -unhardiness -unhardness -unhardy -unharked -unharmable -unharmed -unharmful -unharmfully -unharming -unharmonic -unharmonical -unharmonious -unharmoniously -unharmoniousness -unharmonize -unharmonized -unharmony -unharness -unharnessed -unharped -unharried -unharrowed -unharsh -unharvested -unhashed -unhasp -unhasped -unhaste -unhasted -unhastened -unhastily -unhastiness -unhasting -unhasty -unhat -unhatchability -unhatchable -unhatched -unhatcheled -unhate -unhated -unhateful -unhating -unhatingly -unhatted -unhauled -unhaunt -unhaunted -unhave -unhawked -unhayed -unhazarded -unhazarding -unhazardous -unhazardousness -unhazed -unhead -unheaded -unheader -unheady -unheal -unhealable -unhealableness -unhealably -unhealed -unhealing -unhealth -unhealthful -unhealthfully -unhealthfulness -unhealthily -unhealthiness -unhealthsome -unhealthsomeness -unhealthy -unheaped -unhearable -unheard -unhearing -unhearsed -unheart -unhearten -unheartsome -unhearty -unheatable -unheated -unheathen -unheaved -unheaven -unheavenly -unheavily -unheaviness -unheavy -unhectored -unhedge -unhedged -unheed -unheeded -unheededly -unheedful -unheedfully -unheedfulness -unheeding -unheedingly -unheedy -unheeled -unheelpieced -unhefted -unheightened -unheired -unheld -unhele -unheler -unhelm -unhelmed -unhelmet -unhelmeted -unhelpable -unhelpableness -unhelped -unhelpful -unhelpfully -unhelpfulness -unhelping -unhelved -unhemmed -unheppen -unheralded -unheraldic -unherd -unherded -unhereditary -unheretical -unheritable -unhermetic -unhero -unheroic -unheroical -unheroically -unheroism -unheroize -unherolike -unhesitant -unhesitating -unhesitatingly -unhesitatingness -unheuristic -unhewable -unhewed -unhewn -unhex -unhid -unhidable -unhidableness -unhidably -unhidated -unhidden -unhide -unhidebound -unhideous -unhieratic -unhigh -unhilarious -unhinderable -unhinderably -unhindered -unhindering -unhinge -unhingement -unhinted -unhipped -unhired -unhissed -unhistoric -unhistorical -unhistorically -unhistory -unhistrionic -unhit -unhitch -unhitched -unhittable -unhive -unhoard -unhoarded -unhoarding -unhoary -unhoaxed -unhobble -unhocked -unhoed -unhogged -unhoist -unhoisted -unhold -unholiday -unholily -unholiness -unhollow -unhollowed -unholy -unhome -unhomelike -unhomelikeness -unhomeliness -unhomely -unhomish -unhomogeneity -unhomogeneous -unhomogeneously -unhomologous -unhoned -unhonest -unhonestly -unhoneyed -unhonied -unhonorable -unhonorably -unhonored -unhonoured -unhood -unhooded -unhoodwink -unhoodwinked -unhoofed -unhook -unhooked -unhoop -unhooped -unhooper -unhooted -unhoped -unhopedly -unhopedness -unhopeful -unhopefully -unhopefulness -unhoping -unhopingly -unhopped -unhoppled -unhorizoned -unhorizontal -unhorned -unhorny -unhoroscopic -unhorse -unhose -unhosed -unhospitable -unhospitableness -unhospitably -unhostile -unhostilely -unhostileness -unhostility -unhot -unhoundlike -unhouse -unhoused -unhouseled -unhouselike -unhousewifely -unhuddle -unhugged -unhull -unhulled -unhuman -unhumanize -unhumanized -unhumanly -unhumanness -unhumble -unhumbled -unhumbledness -unhumbleness -unhumbly -unhumbugged -unhumid -unhumiliated -unhumored -unhumorous -unhumorously -unhumorousness -unhumoured -unhung -unhuntable -unhunted -unhurdled -unhurled -unhurried -unhurriedly -unhurriedness -unhurrying -unhurryingly -unhurt -unhurted -unhurtful -unhurtfully -unhurtfulness -unhurting -unhusbanded -unhusbandly -unhushable -unhushed -unhushing -unhusk -unhusked -unhustled -unhustling -unhutched -unhuzzaed -unhydraulic -unhydrolyzed -unhygienic -unhygienically -unhygrometric -unhymeneal -unhymned -unhyphenated -unhyphened -unhypnotic -unhypnotizable -unhypnotize -unhypocritical -unhypocritically -unhypothecated -unhypothetical -unhysterical -uniambic -uniambically -uniangulate -uniarticular -uniarticulate -Uniat -uniat -Uniate -uniate -uniauriculate -uniauriculated -uniaxal -uniaxally -uniaxial -uniaxially -unibasal -unibivalent -unible -unibracteate -unibracteolate -unibranchiate -unicalcarate -unicameral -unicameralism -unicameralist -unicamerate -unicapsular -unicarinate -unicarinated -unice -uniced -unicell -unicellate -unicelled -unicellular -unicellularity -unicentral -unichord -uniciliate -unicism -unicist -unicity -uniclinal -unicolor -unicolorate -unicolored -unicolorous -uniconstant -unicorn -unicorneal -unicornic -unicornlike -unicornous -unicornuted -unicostate -unicotyledonous -unicum -unicursal -unicursality -unicursally -unicuspid -unicuspidate -unicycle -unicyclist -unidactyl -unidactyle -unidactylous -unideaed -unideal -unidealism -unidealist -unidealistic -unidealized -unidentate -unidentated -unidenticulate -unidentifiable -unidentifiableness -unidentifiably -unidentified -unidentifiedly -unidentifying -unideographic -unidextral -unidextrality -unidigitate -unidimensional -unidiomatic -unidiomatically -unidirect -unidirected -unidirection -unidirectional -unidle -unidleness -unidly -unidolatrous -unidolized -unidyllic -unie -uniembryonate -uniequivalent -uniface -unifaced -unifacial -unifactorial -unifarious -unifiable -unific -unification -unificationist -unificator -unified -unifiedly -unifiedness -unifier -unifilar -uniflagellate -unifloral -uniflorate -uniflorous -uniflow -uniflowered -unifocal -unifoliar -unifoliate -unifoliolate -Unifolium -uniform -uniformal -uniformalization -uniformalize -uniformally -uniformation -uniformed -uniformist -uniformitarian -uniformitarianism -uniformity -uniformization -uniformize -uniformless -uniformly -uniformness -unify -unigenesis -unigenetic -unigenist -unigenistic -unigenital -unigeniture -unigenous -uniglandular -uniglobular -unignitable -unignited -unignitible -unignominious -unignorant -unignored -unigravida -uniguttulate -unijugate -unijugous -unilabiate -unilabiated -unilamellar -unilamellate -unilaminar -unilaminate -unilateral -unilateralism -unilateralist -unilaterality -unilateralization -unilateralize -unilaterally -unilinear -unilingual -unilingualism -uniliteral -unilludedly -unillumed -unilluminated -unilluminating -unillumination -unillumined -unillusioned -unillusory -unillustrated -unillustrative -unillustrious -unilobal -unilobar -unilobate -unilobe -unilobed -unilobular -unilocular -unilocularity -uniloculate -unimacular -unimaged -unimaginable -unimaginableness -unimaginably -unimaginary -unimaginative -unimaginatively -unimaginativeness -unimagine -unimagined -unimanual -unimbanked -unimbellished -unimbezzled -unimbibed -unimbibing -unimbittered -unimbodied -unimboldened -unimbordered -unimbosomed -unimbowed -unimbowered -unimbroiled -unimbrowned -unimbrued -unimbued -unimedial -unimitable -unimitableness -unimitably -unimitated -unimitating -unimitative -unimmaculate -unimmanent -unimmediate -unimmerged -unimmergible -unimmersed -unimmigrating -unimmolated -unimmortal -unimmortalize -unimmortalized -unimmovable -unimmured -unimodal -unimodality -unimodular -unimolecular -unimolecularity -unimpair -unimpairable -unimpaired -unimpartable -unimparted -unimpartial -unimpassionate -unimpassioned -unimpassionedly -unimpassionedness -unimpatient -unimpawned -unimpeachability -unimpeachable -unimpeachableness -unimpeachably -unimpeached -unimpearled -unimped -unimpeded -unimpededly -unimpedible -unimpedness -unimpelled -unimpenetrable -unimperative -unimperial -unimperialistic -unimperious -unimpertinent -unimpinging -unimplanted -unimplicable -unimplicate -unimplicated -unimplicit -unimplicitly -unimplied -unimplorable -unimplored -unimpoisoned -unimportance -unimportant -unimportantly -unimported -unimporting -unimportunate -unimportunately -unimportuned -unimposed -unimposedly -unimposing -unimpostrous -unimpounded -unimpoverished -unimpowered -unimprecated -unimpregnable -unimpregnate -unimpregnated -unimpressed -unimpressibility -unimpressible -unimpressibleness -unimpressibly -unimpressionability -unimpressionable -unimpressive -unimpressively -unimpressiveness -unimprinted -unimprison -unimprisonable -unimprisoned -unimpropriated -unimprovable -unimprovableness -unimprovably -unimproved -unimprovedly -unimprovedness -unimprovement -unimproving -unimprovised -unimpugnable -unimpugned -unimpulsive -unimpurpled -unimputable -unimputed -unimucronate -unimultiplex -unimuscular -uninaugurated -unincantoned -unincarcerated -unincarnate -unincarnated -unincensed -uninchoative -unincidental -unincised -unincisive -unincited -uninclinable -uninclined -uninclining -uninclosed -uninclosedness -unincludable -unincluded -uninclusive -uninclusiveness -uninconvenienced -unincorporate -unincorporated -unincorporatedly -unincorporatedness -unincreasable -unincreased -unincreasing -unincubated -uninculcated -unincumbered -unindebted -unindebtedly -unindebtedness -unindemnified -unindentable -unindented -unindentured -unindexed -unindicable -unindicated -unindicative -unindictable -unindicted -unindifference -unindifferency -unindifferent -unindifferently -unindigent -unindignant -unindividual -unindividualize -unindividualized -unindividuated -unindorsed -uninduced -uninductive -unindulged -unindulgent -unindulgently -unindurated -unindustrial -unindustrialized -unindustrious -unindustriously -unindwellable -uninebriated -uninebriating -uninervate -uninerved -uninfallibility -uninfallible -uninfatuated -uninfectable -uninfected -uninfectious -uninfectiousness -uninfeft -uninferred -uninfested -uninfiltrated -uninfinite -uninfiniteness -uninfixed -uninflamed -uninflammability -uninflammable -uninflated -uninflected -uninflectedness -uninflicted -uninfluenceable -uninfluenced -uninfluencing -uninfluencive -uninfluential -uninfluentiality -uninfolded -uninformed -uninforming -uninfracted -uninfringeable -uninfringed -uninfringible -uninfuriated -uninfused -uningenious -uningeniously -uningeniousness -uningenuity -uningenuous -uningenuously -uningenuousness -uningested -uningrafted -uningrained -uninhabitability -uninhabitable -uninhabitableness -uninhabitably -uninhabited -uninhabitedness -uninhaled -uninheritability -uninheritable -uninherited -uninhibited -uninhibitive -uninhumed -uninimical -uniniquitous -uninitialed -uninitialled -uninitiate -uninitiated -uninitiatedness -uninitiation -uninjectable -uninjected -uninjurable -uninjured -uninjuredness -uninjuring -uninjurious -uninjuriously -uninjuriousness -uninked -uninlaid -uninn -uninnate -uninnocence -uninnocent -uninnocently -uninnocuous -uninnovating -uninoculable -uninoculated -uninodal -uninominal -uninquired -uninquiring -uninquisitive -uninquisitively -uninquisitiveness -uninquisitorial -uninsane -uninsatiable -uninscribed -uninserted -uninshrined -uninsinuated -uninsistent -uninsolvent -uninspected -uninspirable -uninspired -uninspiring -uninspiringly -uninspirited -uninspissated -uninstalled -uninstanced -uninstated -uninstigated -uninstilled -uninstituted -uninstructed -uninstructedly -uninstructedness -uninstructible -uninstructing -uninstructive -uninstructively -uninstructiveness -uninstrumental -uninsular -uninsulate -uninsulated -uninsultable -uninsulted -uninsulting -uninsurability -uninsurable -uninsured -unintegrated -unintellective -unintellectual -unintellectualism -unintellectuality -unintellectually -unintelligence -unintelligent -unintelligently -unintelligentsia -unintelligibility -unintelligible -unintelligibleness -unintelligibly -unintended -unintendedly -unintensive -unintent -unintentional -unintentionality -unintentionally -unintentionalness -unintently -unintentness -unintercalated -unintercepted -uninterchangeable -uninterdicted -uninterested -uninterestedly -uninterestedness -uninteresting -uninterestingly -uninterestingness -uninterferedwith -uninterjected -uninterlaced -uninterlarded -uninterleave -uninterleaved -uninterlined -uninterlinked -uninterlocked -unintermarrying -unintermediate -unintermingled -unintermission -unintermissive -unintermitted -unintermittedly -unintermittedness -unintermittent -unintermitting -unintermittingly -unintermittingness -unintermixed -uninternational -uninterpleaded -uninterpolated -uninterposed -uninterposing -uninterpretable -uninterpreted -uninterred -uninterrogable -uninterrogated -uninterrupted -uninterruptedly -uninterruptedness -uninterruptible -uninterruptibleness -uninterrupting -uninterruption -unintersected -uninterspersed -unintervening -uninterviewed -unintervolved -uninterwoven -uninthroned -unintimate -unintimated -unintimidated -unintitled -unintombed -unintoned -unintoxicated -unintoxicatedness -unintoxicating -unintrenchable -unintrenched -unintricate -unintrigued -unintriguing -unintroduced -unintroducible -unintroitive -unintromitted -unintrospective -unintruded -unintruding -unintrusive -unintrusively -unintrusted -unintuitive -unintwined -uninuclear -uninucleate -uninucleated -uninundated -uninured -uninurned -uninvadable -uninvaded -uninvaginated -uninvalidated -uninveighing -uninveigled -uninvented -uninventful -uninventibleness -uninventive -uninventively -uninventiveness -uninverted -uninvested -uninvestigable -uninvestigated -uninvestigating -uninvestigative -uninvidious -uninvidiously -uninvigorated -uninvincible -uninvite -uninvited -uninvitedly -uninviting -uninvoiced -uninvoked -uninvolved -uninweaved -uninwoven -uninwrapped -uninwreathed -Unio -unio -uniocular -unioid -Uniola -union -unioned -unionic -unionid -Unionidae -unioniform -unionism -unionist -unionistic -unionization -unionize -unionoid -unioval -uniovular -uniovulate -unipara -uniparental -uniparient -uniparous -unipartite -uniped -unipeltate -uniperiodic -unipersonal -unipersonalist -unipersonality -unipetalous -uniphase -uniphaser -uniphonous -uniplanar -uniplicate -unipod -unipolar -unipolarity -uniporous -unipotence -unipotent -unipotential -unipulse -uniquantic -unique -uniquely -uniqueness -uniquity -uniradial -uniradiate -uniradiated -uniradical -uniramose -uniramous -unirascible -unireme -unirenic -unirhyme -uniridescent -unironed -unironical -unirradiated -unirrigated -unirritable -unirritant -unirritated -unirritatedly -unirritating -unisepalous -uniseptate -uniserial -uniserially -uniseriate -uniseriately -uniserrate -uniserrulate -unisexed -unisexual -unisexuality -unisexually -unisilicate -unisoil -unisolable -unisolate -unisolated -unisomeric -unisometrical -unisomorphic -unison -unisonal -unisonally -unisonance -unisonant -unisonous -unisotropic -unisparker -unispiculate -unispinose -unispiral -unissuable -unissued -unistylist -unisulcate -unit -unitage -unital -unitalicized -Unitarian -unitarian -Unitarianism -Unitarianize -unitarily -unitariness -unitarism -unitarist -unitary -unite -uniteability -uniteable -uniteably -united -unitedly -unitedness -unitemized -unitentacular -uniter -uniting -unitingly -unition -unitism -unitistic -unitive -unitively -unitiveness -unitize -unitooth -unitrivalent -unitrope -unituberculate -unitude -unity -uniunguiculate -uniungulate -univalence -univalency -univalent -univalvate -univalve -univalvular -univariant -univerbal -universal -universalia -Universalian -Universalism -universalism -Universalist -universalist -Universalistic -universalistic -universality -universalization -universalize -universalizer -universally -universalness -universanimous -universe -universeful -universitarian -universitarianism -universitary -universitize -university -universityless -universitylike -universityship -universological -universologist -universology -univied -univocability -univocacy -univocal -univocalized -univocally -univocity -univoltine -univorous -unjacketed -unjaded -unjagged -unjailed -unjam -unjapanned -unjarred -unjarring -unjaundiced -unjaunty -unjealous -unjealoused -unjellied -unjesting -unjesuited -unjesuitical -unjesuitically -unjewel -unjeweled -unjewelled -Unjewish -unjilted -unjocose -unjocund -unjogged -unjogging -unjoin -unjoinable -unjoint -unjointed -unjointedness -unjointured -unjoking -unjokingly -unjolly -unjolted -unjostled -unjournalized -unjovial -unjovially -unjoyed -unjoyful -unjoyfully -unjoyfulness -unjoyous -unjoyously -unjoyousness -unjudgable -unjudge -unjudged -unjudgelike -unjudging -unjudicable -unjudicial -unjudicially -unjudicious -unjudiciously -unjudiciousness -unjuggled -unjuiced -unjuicy -unjumbled -unjumpable -unjust -unjustice -unjusticiable -unjustifiable -unjustifiableness -unjustifiably -unjustified -unjustifiedly -unjustifiedness -unjustify -unjustled -unjustly -unjustness -unjuvenile -unkaiserlike -unkamed -unked -unkeeled -unkembed -unkempt -unkemptly -unkemptness -unken -unkenned -unkennedness -unkennel -unkenneled -unkenning -unkensome -unkept -unkerchiefed -unket -unkey -unkeyed -unkicked -unkid -unkill -unkillability -unkillable -unkilled -unkilling -unkilned -unkin -unkind -unkindhearted -unkindled -unkindledness -unkindlily -unkindliness -unkindling -unkindly -unkindness -unkindred -unkindredly -unking -unkingdom -unkinged -unkinger -unkinglike -unkingly -unkink -unkinlike -unkirk -unkiss -unkissed -unkist -unknave -unkneaded -unkneeling -unknelled -unknew -unknight -unknighted -unknightlike -unknit -unknittable -unknitted -unknitting -unknocked -unknocking -unknot -unknotted -unknotty -unknow -unknowability -unknowable -unknowableness -unknowably -unknowing -unknowingly -unknowingness -unknowledgeable -unknown -unknownly -unknownness -unknownst -unkodaked -unkoshered -unlabeled -unlabialize -unlabiate -unlaborable -unlabored -unlaboring -unlaborious -unlaboriously -unlaboriousness -unlace -unlaced -unlacerated -unlackeyed -unlacquered -unlade -unladen -unladled -unladyfied -unladylike -unlagging -unlaid -unlame -unlamed -unlamented -unlampooned -unlanced -unland -unlanded -unlandmarked -unlanguaged -unlanguid -unlanguishing -unlanterned -unlap -unlapped -unlapsed -unlapsing -unlarded -unlarge -unlash -unlashed -unlasher -unlassoed -unlasting -unlatch -unlath -unlathed -unlathered -unlatinized -unlatticed -unlaudable -unlaudableness -unlaudably -unlauded -unlaugh -unlaughing -unlaunched -unlaundered -unlaureled -unlaved -unlaving -unlavish -unlavished -unlaw -unlawed -unlawful -unlawfully -unlawfulness -unlawlearned -unlawlike -unlawly -unlawyered -unlawyerlike -unlay -unlayable -unleached -unlead -unleaded -unleaderly -unleaf -unleafed -unleagued -unleaguer -unleakable -unleaky -unleal -unlean -unleared -unlearn -unlearnability -unlearnable -unlearnableness -unlearned -unlearnedly -unlearnedness -unlearning -unlearnt -unleasable -unleased -unleash -unleashed -unleathered -unleave -unleaved -unleavenable -unleavened -unlectured -unled -unleft -unlegacied -unlegal -unlegalized -unlegally -unlegalness -unlegate -unlegislative -unleisured -unleisuredness -unleisurely -unlenient -unlensed -unlent -unless -unlessened -unlessoned -unlet -unlettable -unletted -unlettered -unletteredly -unletteredness -unlettering -unletterlike -unlevel -unleveled -unlevelly -unlevelness -unlevied -unlevigated -unlexicographical -unliability -unliable -unlibeled -unliberal -unliberalized -unliberated -unlibidinous -unlicensed -unlicentiated -unlicentious -unlichened -unlickable -unlicked -unlid -unlidded -unlie -unlifelike -unliftable -unlifted -unlifting -unligable -unligatured -unlight -unlighted -unlightedly -unlightedness -unlightened -unlignified -unlikable -unlikableness -unlikably -unlike -unlikeable -unlikeableness -unlikeably -unliked -unlikelihood -unlikeliness -unlikely -unliken -unlikeness -unliking -unlimb -unlimber -unlime -unlimed -unlimitable -unlimitableness -unlimitably -unlimited -unlimitedly -unlimitedness -unlimitless -unlimned -unlimp -unline -unlineal -unlined -unlingering -unlink -unlinked -unlionlike -unliquefiable -unliquefied -unliquid -unliquidatable -unliquidated -unliquidating -unliquidation -unliquored -unlisping -unlist -unlisted -unlistened -unlistening -unlisty -unlit -unliteral -unliterally -unliteralness -unliterary -unliterate -unlitigated -unlitten -unlittered -unliturgical -unliturgize -unlivable -unlivableness -unlivably -unlive -unliveable -unliveableness -unliveably -unliveliness -unlively -unliveried -unlivery -unliving -unlizardlike -unload -unloaded -unloaden -unloader -unloafing -unloanably -unloaned -unloaning -unloath -unloathed -unloathful -unloathly -unloathsome -unlobed -unlocal -unlocalizable -unlocalize -unlocalized -unlocally -unlocated -unlock -unlockable -unlocked -unlocker -unlocking -unlocomotive -unlodge -unlodged -unlofty -unlogged -unlogic -unlogical -unlogically -unlogicalness -unlonely -unlook -unlooked -unloop -unlooped -unloosable -unloosably -unloose -unloosen -unloosening -unloosing -unlooted -unlopped -unloquacious -unlord -unlorded -unlordly -unlosable -unlosableness -unlost -unlotted -unlousy -unlovable -unlovableness -unlovably -unlove -unloveable -unloveableness -unloveably -unloved -unlovelily -unloveliness -unlovely -unloverlike -unloverly -unloving -unlovingly -unlovingness -unlowered -unlowly -unloyal -unloyally -unloyalty -unlubricated -unlucent -unlucid -unluck -unluckful -unluckily -unluckiness -unlucky -unlucrative -unludicrous -unluffed -unlugged -unlugubrious -unluminous -unlumped -unlunar -unlured -unlust -unlustily -unlustiness -unlustrous -unlusty -unlute -unluted -unluxated -unluxuriant -unluxurious -unlycanthropize -unlying -unlyrical -unlyrically -unmacadamized -unmacerated -unmachinable -unmackly -unmad -unmadded -unmaddened -unmade -unmagic -unmagical -unmagisterial -unmagistratelike -unmagnanimous -unmagnetic -unmagnetical -unmagnetized -unmagnified -unmagnify -unmaid -unmaidenlike -unmaidenliness -unmaidenly -unmail -unmailable -unmailableness -unmailed -unmaimable -unmaimed -unmaintainable -unmaintained -unmajestic -unmakable -unmake -unmaker -unmalevolent -unmalicious -unmalignant -unmaligned -unmalleability -unmalleable -unmalleableness -unmalled -unmaltable -unmalted -unmammalian -unmammonized -unman -unmanacle -unmanacled -unmanageable -unmanageableness -unmanageably -unmanaged -unmancipated -unmandated -unmanducated -unmaned -unmaneged -unmanful -unmanfully -unmangled -unmaniable -unmaniac -unmaniacal -unmanicured -unmanifest -unmanifested -unmanipulatable -unmanipulated -unmanlike -unmanlily -unmanliness -unmanly -unmanned -unmanner -unmannered -unmanneredly -unmannerliness -unmannerly -unmannish -unmanored -unmantle -unmantled -unmanufacturable -unmanufactured -unmanumissible -unmanumitted -unmanurable -unmanured -unmappable -unmapped -unmarbled -unmarch -unmarching -unmarginal -unmarginated -unmarine -unmaritime -unmarkable -unmarked -unmarketable -unmarketed -unmarled -unmarred -unmarriable -unmarriageability -unmarriageable -unmarried -unmarring -unmarry -unmarrying -unmarshaled -unmartial -unmartyr -unmartyred -unmarvelous -unmasculine -unmashed -unmask -unmasked -unmasker -unmasking -unmasquerade -unmassacred -unmassed -unmast -unmaster -unmasterable -unmastered -unmasterful -unmasticable -unmasticated -unmatchable -unmatchableness -unmatchably -unmatched -unmatchedness -unmate -unmated -unmaterial -unmaterialistic -unmateriate -unmaternal -unmathematical -unmathematically -unmating -unmatriculated -unmatrimonial -unmatronlike -unmatted -unmature -unmatured -unmaturely -unmatureness -unmaturing -unmaturity -unmauled -unmaze -unmeaning -unmeaningly -unmeaningness -unmeant -unmeasurable -unmeasurableness -unmeasurably -unmeasured -unmeasuredly -unmeasuredness -unmeated -unmechanic -unmechanical -unmechanically -unmechanistic -unmechanize -unmechanized -unmedaled -unmedalled -unmeddle -unmeddled -unmeddlesome -unmeddling -unmeddlingly -unmeddlingness -unmediaeval -unmediated -unmediatized -unmedicable -unmedical -unmedicated -unmedicative -unmedicinable -unmedicinal -unmeditated -unmeditative -unmediumistic -unmedullated -unmeek -unmeekly -unmeekness -unmeet -unmeetable -unmeetly -unmeetness -unmelancholy -unmeliorated -unmellow -unmellowed -unmelodic -unmelodious -unmelodiously -unmelodiousness -unmelodized -unmelodramatic -unmeltable -unmeltableness -unmeltably -unmelted -unmeltedness -unmelting -unmember -unmemoired -unmemorable -unmemorialized -unmemoried -unmemorized -unmenaced -unmenacing -unmendable -unmendableness -unmendably -unmendacious -unmended -unmenial -unmenseful -unmenstruating -unmensurable -unmental -unmentionability -unmentionable -unmentionableness -unmentionables -unmentionably -unmentioned -unmercantile -unmercenariness -unmercenary -unmercerized -unmerchantable -unmerchantlike -unmerchantly -unmerciful -unmercifully -unmercifulness -unmercurial -unmeretricious -unmerge -unmerged -unmeridional -unmerited -unmeritedly -unmeritedness -unmeriting -unmeritorious -unmeritoriously -unmeritoriousness -unmerry -unmesh -unmesmeric -unmesmerize -unmesmerized -unmet -unmetaled -unmetalized -unmetalled -unmetallic -unmetallurgical -unmetamorphosed -unmetaphorical -unmetaphysic -unmetaphysical -unmeted -unmeteorological -unmetered -unmethodical -unmethodically -unmethodicalness -unmethodized -unmethodizing -unmethylated -unmeticulous -unmetric -unmetrical -unmetrically -unmetricalness -unmetropolitan -unmettle -unmew -unmewed -unmicaceous -unmicrobic -unmicroscopic -unmidwifed -unmighty -unmigrating -unmildewed -unmilitant -unmilitarily -unmilitariness -unmilitaristic -unmilitarized -unmilitary -unmilked -unmilled -unmillinered -unmilted -unmimicked -unminable -unminced -unmincing -unmind -unminded -unmindful -unmindfully -unmindfulness -unminding -unmined -unmineralized -unmingle -unmingleable -unmingled -unmingling -unminimized -unminished -unminister -unministered -unministerial -unministerially -unminted -unminuted -unmiracled -unmiraculous -unmiraculously -unmired -unmirrored -unmirthful -unmirthfully -unmirthfulness -unmiry -unmisanthropic -unmiscarrying -unmischievous -unmiscible -unmisconceivable -unmiserly -unmisgiving -unmisgivingly -unmisguided -unmisinterpretable -unmisled -unmissable -unmissed -unmissionary -unmissionized -unmist -unmistakable -unmistakableness -unmistakably -unmistakedly -unmistaken -unmistakingly -unmistressed -unmistrusted -unmistrustful -unmistrusting -unmisunderstandable -unmisunderstanding -unmisunderstood -unmiter -unmitigable -unmitigated -unmitigatedly -unmitigatedness -unmitigative -unmittened -unmix -unmixable -unmixableness -unmixed -unmixedly -unmixedness -unmoaned -unmoated -unmobbed -unmobilized -unmocked -unmocking -unmockingly -unmodel -unmodeled -unmodelled -unmoderate -unmoderately -unmoderateness -unmoderating -unmodern -unmodernity -unmodernize -unmodernized -unmodest -unmodifiable -unmodifiableness -unmodifiably -unmodified -unmodifiedness -unmodish -unmodulated -unmoiled -unmoist -unmoisten -unmold -unmoldable -unmolded -unmoldered -unmoldering -unmoldy -unmolested -unmolestedly -unmolesting -unmollifiable -unmollifiably -unmollified -unmollifying -unmolten -unmomentary -unmomentous -unmomentously -unmonarch -unmonarchical -unmonastic -unmonetary -unmoneyed -unmonistic -unmonitored -unmonkish -unmonkly -unmonopolize -unmonopolized -unmonopolizing -unmonotonous -unmonumented -unmoor -unmoored -unmooted -unmopped -unmoral -unmoralist -unmorality -unmoralize -unmoralized -unmoralizing -unmorally -unmoralness -unmorbid -unmordanted -unmoribund -unmorose -unmorphological -unmortal -unmortared -unmortgage -unmortgageable -unmortgaged -unmortified -unmortifiedly -unmortifiedness -unmortise -unmortised -unmossed -unmothered -unmotherly -unmotionable -unmotivated -unmotivatedly -unmotivatedness -unmotived -unmotorized -unmottled -unmounded -unmount -unmountable -unmountainous -unmounted -unmounting -unmourned -unmournful -unmourning -unmouthable -unmouthed -unmouthpieced -unmovability -unmovable -unmovableness -unmovably -unmoved -unmovedly -unmoving -unmovingly -unmovingness -unmowed -unmown -unmucilaged -unmudded -unmuddied -unmuddle -unmuddled -unmuddy -unmuffle -unmuffled -unmulcted -unmulish -unmulled -unmullioned -unmultipliable -unmultiplied -unmultipliedly -unmultiply -unmummied -unmummify -unmunched -unmundane -unmundified -unmunicipalized -unmunificent -unmunitioned -unmurmured -unmurmuring -unmurmuringly -unmurmurous -unmuscled -unmuscular -unmusical -unmusicality -unmusically -unmusicalness -unmusicianly -unmusked -unmussed -unmusted -unmusterable -unmustered -unmutated -unmutation -unmuted -unmutilated -unmutinous -unmuttered -unmutual -unmutualized -unmuzzle -unmuzzled -unmuzzling -unmyelinated -unmysterious -unmysteriously -unmystery -unmystical -unmysticize -unmystified -unmythical -unnabbed -unnagged -unnagging -unnail -unnailed -unnaked -unnamability -unnamable -unnamableness -unnamably -unname -unnameability -unnameable -unnameableness -unnameably -unnamed -unnapkined -unnapped -unnarcotic -unnarrated -unnarrow -unnation -unnational -unnationalized -unnative -unnatural -unnaturalism -unnaturalist -unnaturalistic -unnaturality -unnaturalizable -unnaturalize -unnaturalized -unnaturally -unnaturalness -unnature -unnautical -unnavigability -unnavigable -unnavigableness -unnavigably -unnavigated -unneaped -unnearable -unneared -unnearly -unnearness -unneat -unneatly -unneatness -unnebulous -unnecessarily -unnecessariness -unnecessary -unnecessitated -unnecessitating -unnecessity -unneeded -unneedful -unneedfully -unneedfulness -unneedy -unnefarious -unnegated -unneglected -unnegligent -unnegotiable -unnegotiableness -unnegotiably -unnegotiated -unnegro -unneighbored -unneighborlike -unneighborliness -unneighborly -unnephritic -unnerve -unnerved -unnervous -unnest -unnestle -unnestled -unneth -unnethe -unnethes -unnethis -unnetted -unnettled -unneurotic -unneutral -unneutralized -unneutrally -unnew -unnewly -unnewness -unnibbed -unnibbied -unnice -unnicely -unniceness -unniched -unnicked -unnickeled -unnickelled -unnicknamed -unniggard -unniggardly -unnigh -unnimbed -unnimble -unnimbleness -unnimbly -unnipped -unnitrogenized -unnobilitated -unnobility -unnoble -unnobleness -unnobly -unnoised -unnomadic -unnominated -unnonsensical -unnoosed -unnormal -unnorthern -unnose -unnosed -unnotable -unnotched -unnoted -unnoteworthy -unnoticeable -unnoticeableness -unnoticeably -unnoticed -unnoticing -unnotified -unnotify -unnoting -unnourishable -unnourished -unnourishing -unnovel -unnovercal -unnucleated -unnullified -unnumberable -unnumberableness -unnumberably -unnumbered -unnumberedness -unnumerical -unnumerous -unnurtured -unnutritious -unnutritive -unnuzzled -unnymphlike -unoared -unobdurate -unobedience -unobedient -unobediently -unobese -unobeyed -unobeying -unobjected -unobjectionable -unobjectionableness -unobjectionably -unobjectional -unobjective -unobligated -unobligatory -unobliged -unobliging -unobligingly -unobligingness -unobliterable -unobliterated -unoblivious -unobnoxious -unobscene -unobscure -unobscured -unobsequious -unobsequiously -unobsequiousness -unobservable -unobservance -unobservant -unobservantly -unobservantness -unobserved -unobservedly -unobserving -unobservingly -unobsessed -unobsolete -unobstinate -unobstruct -unobstructed -unobstructedly -unobstructedness -unobstructive -unobstruent -unobtainable -unobtainableness -unobtainably -unobtained -unobtruded -unobtruding -unobtrusive -unobtrusively -unobtrusiveness -unobtunded -unobumbrated -unobverted -unobviated -unobvious -unoccasional -unoccasioned -unoccidental -unoccluded -unoccupancy -unoccupation -unoccupied -unoccupiedly -unoccupiedness -unoccurring -unoceanic -unocular -unode -unodious -unodoriferous -unoecumenic -unoecumenical -unoffendable -unoffended -unoffendedly -unoffender -unoffending -unoffendingly -unoffensive -unoffensively -unoffensiveness -unoffered -unofficed -unofficered -unofficerlike -unofficial -unofficialdom -unofficially -unofficialness -unofficiating -unofficinal -unofficious -unofficiously -unofficiousness -unoffset -unoften -unogled -unoil -unoiled -unoiling -unoily -unold -unomened -unominous -unomitted -unomnipotent -unomniscient -Unona -unonerous -unontological -unopaque -unoped -unopen -unopenable -unopened -unopening -unopenly -unopenness -unoperably -unoperated -unoperatic -unoperating -unoperative -unoperculate -unoperculated -unopined -unopinionated -unoppignorated -unopportune -unopportunely -unopportuneness -unopposable -unopposed -unopposedly -unopposedness -unopposite -unoppressed -unoppressive -unoppressively -unoppressiveness -unopprobrious -unoppugned -unopulence -unopulent -unoratorial -unoratorical -unorbed -unorbital -unorchestrated -unordain -unordainable -unordained -unorder -unorderable -unordered -unorderly -unordinarily -unordinariness -unordinary -unordinate -unordinately -unordinateness -unordnanced -unorganic -unorganical -unorganically -unorganicalness -unorganizable -unorganized -unorganizedly -unorganizedness -unoriental -unorientalness -unoriented -unoriginal -unoriginality -unoriginally -unoriginalness -unoriginate -unoriginated -unoriginatedness -unoriginately -unoriginateness -unorigination -unoriginative -unoriginatively -unoriginativeness -unorn -unornamental -unornamentally -unornamentalness -unornamented -unornate -unornithological -unornly -unorphaned -unorthodox -unorthodoxically -unorthodoxly -unorthodoxness -unorthodoxy -unorthographical -unorthographically -unoscillating -unosculated -unossified -unostensible -unostentation -unostentatious -unostentatiously -unostentatiousness -unoutgrown -unoutlawed -unoutraged -unoutspeakable -unoutspoken -unoutworn -unoverclouded -unovercome -unoverdone -unoverdrawn -unoverflowing -unoverhauled -unoverleaped -unoverlooked -unoverpaid -unoverpowered -unoverruled -unovert -unovertaken -unoverthrown -unovervalued -unoverwhelmed -unowed -unowing -unown -unowned -unoxidable -unoxidated -unoxidizable -unoxidized -unoxygenated -unoxygenized -unpacable -unpaced -unpacifiable -unpacific -unpacified -unpacifiedly -unpacifiedness -unpacifist -unpack -unpacked -unpacker -unpadded -unpadlocked -unpagan -unpaganize -unpaged -unpaginal -unpaid -unpained -unpainful -unpaining -unpainstaking -unpaint -unpaintability -unpaintable -unpaintableness -unpaintably -unpainted -unpaintedly -unpaintedness -unpaired -unpalatability -unpalatable -unpalatableness -unpalatably -unpalatal -unpalatial -unpale -unpaled -unpalisaded -unpalisadoed -unpalled -unpalliable -unpalliated -unpalpable -unpalped -unpalpitating -unpalsied -unpampered -unpanegyrized -unpanel -unpaneled -unpanelled -unpanged -unpanniered -unpanoplied -unpantheistic -unpanting -unpapal -unpapaverous -unpaper -unpapered -unparaded -unparadise -unparadox -unparagoned -unparagonized -unparagraphed -unparallel -unparallelable -unparalleled -unparalleledly -unparalleledness -unparallelness -unparalyzed -unparaphrased -unparasitical -unparcel -unparceled -unparceling -unparcelled -unparcelling -unparch -unparched -unparching -unpardon -unpardonable -unpardonableness -unpardonably -unpardoned -unpardonedness -unpardoning -unpared -unparented -unparfit -unpargeted -unpark -unparked -unparking -unparliamentary -unparliamented -unparodied -unparrel -unparriable -unparried -unparroted -unparrying -unparsed -unparsimonious -unparsonic -unparsonical -unpartable -unpartableness -unpartably -unpartaken -unpartaking -unparted -unpartial -unpartiality -unpartially -unpartialness -unparticipant -unparticipated -unparticipating -unparticipative -unparticular -unparticularized -unparticularizing -unpartisan -unpartitioned -unpartizan -unpartnered -unpartook -unparty -unpass -unpassable -unpassableness -unpassably -unpassed -unpassing -unpassionate -unpassionately -unpassionateness -unpassioned -unpassive -unpaste -unpasted -unpasteurized -unpasting -unpastor -unpastoral -unpastured -unpatched -unpatent -unpatentable -unpatented -unpaternal -unpathed -unpathetic -unpathwayed -unpatient -unpatiently -unpatientness -unpatriarchal -unpatrician -unpatriotic -unpatriotically -unpatriotism -unpatristic -unpatrolled -unpatronizable -unpatronized -unpatronizing -unpatted -unpatterned -unpaunch -unpaunched -unpauperized -unpausing -unpausingly -unpave -unpaved -unpavilioned -unpaving -unpawed -unpawn -unpawned -unpayable -unpayableness -unpayably -unpaying -unpayment -unpeace -unpeaceable -unpeaceableness -unpeaceably -unpeaceful -unpeacefully -unpeacefulness -unpealed -unpearled -unpebbled -unpeccable -unpecked -unpecuniarily -unpedagogical -unpedantic -unpeddled -unpedestal -unpedigreed -unpeel -unpeelable -unpeelableness -unpeeled -unpeerable -unpeered -unpeg -unpejorative -unpelagic -unpelted -unpen -unpenal -unpenalized -unpenanced -unpenciled -unpencilled -unpenetrable -unpenetrated -unpenetrating -unpenitent -unpenitently -unpenitentness -unpenned -unpennied -unpennoned -unpensionable -unpensionableness -unpensioned -unpensioning -unpent -unpenurious -unpeople -unpeopled -unpeopling -unperceived -unperceivedly -unperceptible -unperceptibly -unperceptive -unperch -unperched -unpercipient -unpercolated -unpercussed -unperfect -unperfected -unperfectedly -unperfectedness -unperfectly -unperfectness -unperfidious -unperflated -unperforate -unperforated -unperformable -unperformance -unperformed -unperforming -unperfumed -unperilous -unperiodic -unperiodical -unperiphrased -unperishable -unperishableness -unperishably -unperished -unperishing -unperjured -unpermanency -unpermanent -unpermanently -unpermeable -unpermeated -unpermissible -unpermissive -unpermitted -unpermitting -unpermixed -unpernicious -unperpendicular -unperpetrated -unperpetuated -unperplex -unperplexed -unperplexing -unpersecuted -unpersecutive -unperseverance -unpersevering -unperseveringly -unperseveringness -unpersonable -unpersonableness -unpersonal -unpersonality -unpersonified -unpersonify -unperspicuous -unperspirable -unperspiring -unpersuadable -unpersuadableness -unpersuadably -unpersuaded -unpersuadedness -unpersuasibleness -unpersuasion -unpersuasive -unpersuasively -unpersuasiveness -unpertaining -unpertinent -unpertinently -unperturbed -unperturbedly -unperturbedness -unperuked -unperused -unpervaded -unperverse -unpervert -unperverted -unpervious -unpessimistic -unpestered -unpestilential -unpetal -unpetitioned -unpetrified -unpetrify -unpetticoated -unpetulant -unpharasaic -unpharasaical -unphased -unphenomenal -unphilanthropic -unphilanthropically -unphilological -unphilosophic -unphilosophically -unphilosophicalness -unphilosophize -unphilosophized -unphilosophy -unphlegmatic -unphonetic -unphoneticness -unphonographed -unphosphatized -unphotographed -unphrasable -unphrasableness -unphrased -unphrenological -unphysical -unphysically -unphysicianlike -unphysicked -unphysiological -unpicaresque -unpick -unpickable -unpicked -unpicketed -unpickled -unpictorial -unpictorially -unpicturability -unpicturable -unpictured -unpicturesque -unpicturesquely -unpicturesqueness -unpiece -unpieced -unpierceable -unpierced -unpiercing -unpiety -unpigmented -unpile -unpiled -unpilfered -unpilgrimlike -unpillaged -unpillared -unpilled -unpilloried -unpillowed -unpiloted -unpimpled -unpin -unpinched -unpining -unpinion -unpinioned -unpinked -unpinned -unpious -unpiped -unpiqued -unpirated -unpitched -unpiteous -unpiteously -unpiteousness -unpitiable -unpitiably -unpitied -unpitiedly -unpitiedness -unpitiful -unpitifully -unpitifulness -unpitted -unpitying -unpityingly -unpityingness -unplacable -unplacably -unplacated -unplace -unplaced -unplacid -unplagiarized -unplagued -unplaid -unplain -unplained -unplainly -unplainness -unplait -unplaited -unplan -unplaned -unplanished -unplank -unplanked -unplanned -unplannedly -unplannedness -unplant -unplantable -unplanted -unplantlike -unplashed -unplaster -unplastered -unplastic -unplat -unplated -unplatted -unplausible -unplausibleness -unplausibly -unplayable -unplayed -unplayful -unplaying -unpleached -unpleadable -unpleaded -unpleading -unpleasable -unpleasant -unpleasantish -unpleasantly -unpleasantness -unpleasantry -unpleased -unpleasing -unpleasingly -unpleasingness -unpleasurable -unpleasurably -unpleasure -unpleat -unpleated -unplebeian -unpledged -unplenished -unplenteous -unplentiful -unplentifulness -unpliable -unpliableness -unpliably -unpliancy -unpliant -unpliantly -unplied -unplighted -unplodding -unplotted -unplotting -unplough -unploughed -unplow -unplowed -unplucked -unplug -unplugged -unplugging -unplumb -unplumbed -unplume -unplumed -unplummeted -unplump -unplundered -unplunge -unplunged -unplutocratic -unplutocratically -unpoached -unpocket -unpocketed -unpodded -unpoetic -unpoetically -unpoeticalness -unpoeticized -unpoetize -unpoetized -unpoignard -unpointed -unpointing -unpoise -unpoised -unpoison -unpoisonable -unpoisoned -unpoisonous -unpolarizable -unpolarized -unpoled -unpolemical -unpolemically -unpoliced -unpolicied -unpolish -unpolishable -unpolished -unpolishedness -unpolite -unpolitely -unpoliteness -unpolitic -unpolitical -unpolitically -unpoliticly -unpollarded -unpolled -unpollutable -unpolluted -unpollutedly -unpolluting -unpolymerized -unpompous -unpondered -unpontifical -unpooled -unpope -unpopular -unpopularity -unpopularize -unpopularly -unpopularness -unpopulate -unpopulated -unpopulous -unpopulousness -unporous -unportable -unportended -unportentous -unportioned -unportly -unportmanteaued -unportraited -unportrayable -unportrayed -unportuous -unposed -unposing -unpositive -unpossessable -unpossessed -unpossessedness -unpossessing -unpossibility -unpossible -unpossibleness -unpossibly -unposted -unpostered -unposthumous -unpostmarked -unpostponable -unpostponed -unpostulated -unpot -unpotted -unpouched -unpoulticed -unpounced -unpounded -unpoured -unpowdered -unpower -unpowerful -unpowerfulness -unpracticability -unpracticable -unpracticableness -unpracticably -unpractical -unpracticality -unpractically -unpracticalness -unpractice -unpracticed -unpragmatical -unpraisable -unpraise -unpraised -unpraiseful -unpraiseworthy -unpranked -unpray -unprayable -unprayed -unprayerful -unpraying -unpreach -unpreached -unpreaching -unprecarious -unprecautioned -unpreceded -unprecedented -unprecedentedly -unprecedentedness -unprecedential -unprecedently -unprecious -unprecipitate -unprecipitated -unprecise -unprecisely -unpreciseness -unprecluded -unprecludible -unprecocious -unpredacious -unpredestinated -unpredestined -unpredicable -unpredicated -unpredict -unpredictable -unpredictableness -unpredictably -unpredicted -unpredictedness -unpredicting -unpredisposed -unpredisposing -unpreened -unprefaced -unpreferable -unpreferred -unprefigured -unprefined -unprefixed -unpregnant -unprejudged -unprejudicated -unprejudice -unprejudiced -unprejudicedly -unprejudicedness -unprejudiciable -unprejudicial -unprejudicially -unprejudicialness -unprelatic -unprelatical -unpreluded -unpremature -unpremeditate -unpremeditated -unpremeditatedly -unpremeditatedness -unpremeditately -unpremeditation -unpremonished -unpremonstrated -unprenominated -unprenticed -unpreoccupied -unpreordained -unpreparation -unprepare -unprepared -unpreparedly -unpreparedness -unpreparing -unpreponderated -unpreponderating -unprepossessedly -unprepossessing -unprepossessingly -unprepossessingness -unpreposterous -unpresaged -unpresageful -unpresaging -unpresbyterated -unprescient -unprescinded -unprescribed -unpresentability -unpresentable -unpresentableness -unpresentably -unpresented -unpreservable -unpreserved -unpresidential -unpresiding -unpressed -unpresumable -unpresumed -unpresuming -unpresumingness -unpresumptuous -unpresumptuously -unpresupposed -unpretended -unpretending -unpretendingly -unpretendingness -unpretentious -unpretentiously -unpretentiousness -unpretermitted -unpreternatural -unprettiness -unpretty -unprevailing -unprevalent -unprevaricating -unpreventable -unpreventableness -unpreventably -unprevented -unpreventible -unpreventive -unpriceably -unpriced -unpricked -unprickled -unprickly -unpriest -unpriestlike -unpriestly -unpriggish -unprim -unprime -unprimed -unprimitive -unprimmed -unprince -unprincelike -unprinceliness -unprincely -unprincess -unprincipal -unprinciple -unprincipled -unprincipledly -unprincipledness -unprint -unprintable -unprintableness -unprintably -unprinted -unpriority -unprismatic -unprison -unprisonable -unprisoned -unprivate -unprivileged -unprizable -unprized -unprobated -unprobationary -unprobed -unprobity -unproblematic -unproblematical -unprocessed -unproclaimed -unprocrastinated -unprocreant -unprocreated -unproctored -unprocurable -unprocurableness -unprocure -unprocured -unproded -unproduceable -unproduceableness -unproduceably -unproduced -unproducedness -unproducible -unproducibleness -unproducibly -unproductive -unproductively -unproductiveness -unproductivity -unprofanable -unprofane -unprofaned -unprofessed -unprofessing -unprofessional -unprofessionalism -unprofessionally -unprofessorial -unproffered -unproficiency -unproficient -unproficiently -unprofit -unprofitable -unprofitableness -unprofitably -unprofited -unprofiteering -unprofiting -unprofound -unprofuse -unprofusely -unprofuseness -unprognosticated -unprogressed -unprogressive -unprogressively -unprogressiveness -unprohibited -unprohibitedness -unprohibitive -unprojected -unprojecting -unproliferous -unprolific -unprolix -unprologued -unprolonged -unpromiscuous -unpromise -unpromised -unpromising -unpromisingly -unpromisingness -unpromotable -unpromoted -unprompted -unpromptly -unpromulgated -unpronounce -unpronounceable -unpronounced -unpronouncing -unproofread -unprop -unpropagated -unpropelled -unpropense -unproper -unproperly -unproperness -unpropertied -unprophesiable -unprophesied -unprophetic -unprophetical -unprophetically -unprophetlike -unpropitiable -unpropitiated -unpropitiatedness -unpropitiatory -unpropitious -unpropitiously -unpropitiousness -unproportion -unproportionable -unproportionableness -unproportionably -unproportional -unproportionality -unproportionally -unproportionate -unproportionately -unproportionateness -unproportioned -unproportionedly -unproportionedness -unproposed -unproposing -unpropounded -unpropped -unpropriety -unprorogued -unprosaic -unproscribable -unproscribed -unprosecutable -unprosecuted -unprosecuting -unproselyte -unproselyted -unprosodic -unprospected -unprospective -unprosperably -unprospered -unprosperity -unprosperous -unprosperously -unprosperousness -unprostitute -unprostituted -unprostrated -unprotectable -unprotected -unprotectedly -unprotectedness -unprotective -unprotestant -unprotestantize -unprotested -unprotesting -unprotruded -unprotruding -unprotrusive -unproud -unprovability -unprovable -unprovableness -unprovably -unproved -unprovedness -unproven -unproverbial -unprovidable -unprovide -unprovided -unprovidedly -unprovidedness -unprovidenced -unprovident -unprovidential -unprovidently -unprovincial -unproving -unprovision -unprovisioned -unprovocative -unprovokable -unprovoke -unprovoked -unprovokedly -unprovokedness -unprovoking -unproximity -unprudence -unprudent -unprudently -unpruned -unprying -unpsychic -unpsychological -unpublic -unpublicity -unpublishable -unpublishableness -unpublishably -unpublished -unpucker -unpuckered -unpuddled -unpuffed -unpuffing -unpugilistic -unpugnacious -unpulled -unpulleyed -unpulped -unpulverable -unpulverize -unpulverized -unpulvinate -unpulvinated -unpumicated -unpummeled -unpummelled -unpumpable -unpumped -unpunched -unpunctated -unpunctilious -unpunctual -unpunctuality -unpunctually -unpunctuated -unpunctuating -unpunishable -unpunishably -unpunished -unpunishedly -unpunishedness -unpunishing -unpunishingly -unpurchasable -unpurchased -unpure -unpurely -unpureness -unpurgeable -unpurged -unpurifiable -unpurified -unpurifying -unpuritan -unpurled -unpurloined -unpurpled -unpurported -unpurposed -unpurposelike -unpurposely -unpurposing -unpurse -unpursed -unpursuable -unpursued -unpursuing -unpurveyed -unpushed -unput -unputrefiable -unputrefied -unputrid -unputtied -unpuzzle -unquadded -unquaffed -unquailed -unquailing -unquailingly -unquakerlike -unquakerly -unquaking -unqualifiable -unqualification -unqualified -unqualifiedly -unqualifiedness -unqualify -unqualifying -unqualifyingly -unqualitied -unquality -unquantified -unquantitative -unquarantined -unquarreled -unquarreling -unquarrelled -unquarrelling -unquarrelsome -unquarried -unquartered -unquashed -unquayed -unqueen -unqueened -unqueening -unqueenlike -unqueenly -unquellable -unquelled -unquenchable -unquenchableness -unquenchably -unquenched -unqueried -unquested -unquestionability -unquestionable -unquestionableness -unquestionably -unquestionate -unquestioned -unquestionedly -unquestionedness -unquestioning -unquestioningly -unquestioningness -unquibbled -unquibbling -unquick -unquickened -unquickly -unquicksilvered -unquiescence -unquiescent -unquiescently -unquiet -unquietable -unquieted -unquieting -unquietly -unquietness -unquietude -unquilleted -unquilted -unquit -unquittable -unquitted -unquivered -unquivering -unquizzable -unquizzed -unquotable -unquote -unquoted -unrabbeted -unrabbinical -unraced -unrack -unracked -unracking -unradiated -unradical -unradicalize -unraffled -unraftered -unraided -unrailed -unrailroaded -unrailwayed -unrainy -unraised -unrake -unraked -unraking -unrallied -unram -unrambling -unramified -unrammed -unramped -unranched -unrancid -unrancored -unrandom -unrank -unranked -unransacked -unransomable -unransomed -unrapacious -unraped -unraptured -unrare -unrarefied -unrash -unrasped -unratable -unrated -unratified -unrational -unrattled -unravaged -unravel -unravelable -unraveled -unraveler -unraveling -unravellable -unravelled -unraveller -unravelling -unravelment -unraving -unravished -unravishing -unray -unrayed -unrazed -unrazored -unreachable -unreachably -unreached -unreactive -unread -unreadability -unreadable -unreadableness -unreadably -unreadily -unreadiness -unready -unreal -unrealism -unrealist -unrealistic -unreality -unrealizable -unrealize -unrealized -unrealizing -unreally -unrealmed -unrealness -unreaped -unreared -unreason -unreasonability -unreasonable -unreasonableness -unreasonably -unreasoned -unreasoning -unreasoningly -unreassuring -unreassuringly -unreave -unreaving -unrebated -unrebel -unrebellious -unrebuffable -unrebuffably -unrebuilt -unrebukable -unrebukably -unrebuked -unrebuttable -unrebuttableness -unrebutted -unrecallable -unrecallably -unrecalled -unrecalling -unrecantable -unrecanted -unrecaptured -unreceding -unreceipted -unreceivable -unreceived -unreceiving -unrecent -unreceptant -unreceptive -unreceptivity -unreciprocal -unreciprocated -unrecited -unrecked -unrecking -unreckingness -unreckon -unreckonable -unreckoned -unreclaimable -unreclaimably -unreclaimed -unreclaimedness -unreclaiming -unreclined -unreclining -unrecognition -unrecognizable -unrecognizableness -unrecognizably -unrecognized -unrecognizing -unrecognizingly -unrecoined -unrecollected -unrecommendable -unrecompensable -unrecompensed -unreconcilable -unreconcilableness -unreconcilably -unreconciled -unrecondite -unreconnoitered -unreconsidered -unreconstructed -unrecordable -unrecorded -unrecordedness -unrecording -unrecountable -unrecounted -unrecoverable -unrecoverableness -unrecoverably -unrecovered -unrecreant -unrecreated -unrecreating -unrecriminative -unrecruitable -unrecruited -unrectangular -unrectifiable -unrectifiably -unrectified -unrecumbent -unrecuperated -unrecurrent -unrecurring -unrecusant -unred -unredacted -unredeemable -unredeemableness -unredeemably -unredeemed -unredeemedly -unredeemedness -unredeeming -unredressable -unredressed -unreduceable -unreduced -unreducible -unreducibleness -unreducibly -unreduct -unreefed -unreel -unreelable -unreeled -unreeling -unreeve -unreeving -unreferenced -unreferred -unrefilled -unrefine -unrefined -unrefinedly -unrefinedness -unrefinement -unrefining -unrefitted -unreflected -unreflecting -unreflectingly -unreflectingness -unreflective -unreflectively -unreformable -unreformed -unreformedness -unreforming -unrefracted -unrefracting -unrefrainable -unrefrained -unrefraining -unrefreshed -unrefreshful -unrefreshing -unrefreshingly -unrefrigerated -unrefulgent -unrefunded -unrefunding -unrefusable -unrefusably -unrefused -unrefusing -unrefusingly -unrefutable -unrefuted -unrefuting -unregainable -unregained -unregal -unregaled -unregality -unregally -unregard -unregardable -unregardant -unregarded -unregardedly -unregardful -unregeneracy -unregenerate -unregenerately -unregenerateness -unregenerating -unregeneration -unregimented -unregistered -unregressive -unregretful -unregretfully -unregretfulness -unregrettable -unregretted -unregretting -unregular -unregulated -unregulative -unregurgitated -unrehabilitated -unrehearsable -unrehearsed -unrehearsing -unreigning -unreimbodied -unrein -unreined -unreinstated -unreiterable -unreiterated -unrejectable -unrejoiced -unrejoicing -unrejuvenated -unrelapsing -unrelated -unrelatedness -unrelating -unrelational -unrelative -unrelatively -unrelaxable -unrelaxed -unrelaxing -unrelaxingly -unreleasable -unreleased -unreleasing -unrelegated -unrelentance -unrelented -unrelenting -unrelentingly -unrelentingness -unrelentor -unrelevant -unreliability -unreliable -unreliableness -unreliably -unreliance -unrelievable -unrelievableness -unrelieved -unrelievedly -unreligion -unreligioned -unreligious -unreligiously -unreligiousness -unrelinquishable -unrelinquishably -unrelinquished -unrelinquishing -unrelishable -unrelished -unrelishing -unreluctant -unreluctantly -unremaining -unremanded -unremarkable -unremarked -unremarried -unremediable -unremedied -unremember -unrememberable -unremembered -unremembering -unremembrance -unreminded -unremissible -unremittable -unremitted -unremittedly -unremittent -unremittently -unremitting -unremittingly -unremittingness -unremonstrant -unremonstrated -unremonstrating -unremorseful -unremorsefully -unremote -unremotely -unremounted -unremovable -unremovableness -unremovably -unremoved -unremunerated -unremunerating -unremunerative -unremuneratively -unremunerativeness -unrenderable -unrendered -unrenewable -unrenewed -unrenounceable -unrenounced -unrenouncing -unrenovated -unrenowned -unrenownedly -unrenownedness -unrent -unrentable -unrented -unreorganized -unrepaid -unrepair -unrepairable -unrepaired -unrepartable -unreparted -unrepealability -unrepealable -unrepealableness -unrepealably -unrepealed -unrepeatable -unrepeated -unrepellable -unrepelled -unrepellent -unrepent -unrepentable -unrepentance -unrepentant -unrepentantly -unrepentantness -unrepented -unrepenting -unrepentingly -unrepentingness -unrepetitive -unrepined -unrepining -unrepiningly -unrepiqued -unreplaceable -unreplaced -unreplenished -unrepleviable -unreplevined -unrepliable -unrepliably -unreplied -unreplying -unreportable -unreported -unreportedly -unreportedness -unrepose -unreposed -unreposeful -unreposefulness -unreposing -unrepossessed -unreprehended -unrepresentable -unrepresentation -unrepresentative -unrepresented -unrepresentedness -unrepressed -unrepressible -unreprievable -unreprievably -unreprieved -unreprimanded -unreprinted -unreproachable -unreproachableness -unreproachably -unreproached -unreproachful -unreproachfully -unreproaching -unreproachingly -unreprobated -unreproducible -unreprovable -unreprovableness -unreprovably -unreproved -unreprovedly -unreprovedness -unreproving -unrepublican -unrepudiable -unrepudiated -unrepugnant -unrepulsable -unrepulsed -unrepulsing -unrepulsive -unreputable -unreputed -unrequalified -unrequested -unrequickened -unrequired -unrequisite -unrequitable -unrequital -unrequited -unrequitedly -unrequitedness -unrequitement -unrequiter -unrequiting -unrescinded -unrescued -unresemblant -unresembling -unresented -unresentful -unresenting -unreserve -unreserved -unreservedly -unreservedness -unresifted -unresigned -unresistable -unresistably -unresistance -unresistant -unresistantly -unresisted -unresistedly -unresistedness -unresistible -unresistibleness -unresistibly -unresisting -unresistingly -unresistingness -unresolute -unresolvable -unresolve -unresolved -unresolvedly -unresolvedness -unresolving -unresonant -unresounded -unresounding -unresourceful -unresourcefulness -unrespect -unrespectability -unrespectable -unrespected -unrespectful -unrespectfully -unrespectfulness -unrespective -unrespectively -unrespectiveness -unrespirable -unrespired -unrespited -unresplendent -unresponding -unresponsible -unresponsibleness -unresponsive -unresponsively -unresponsiveness -unrest -unrestable -unrested -unrestful -unrestfully -unrestfulness -unresting -unrestingly -unrestingness -unrestorable -unrestored -unrestrainable -unrestrainably -unrestrained -unrestrainedly -unrestrainedness -unrestraint -unrestrictable -unrestricted -unrestrictedly -unrestrictedness -unrestrictive -unresty -unresultive -unresumed -unresumptive -unretainable -unretained -unretaliated -unretaliating -unretardable -unretarded -unretentive -unreticent -unretinued -unretired -unretiring -unretorted -unretouched -unretractable -unretracted -unretreating -unretrenchable -unretrenched -unretrievable -unretrieved -unretrievingly -unretted -unreturnable -unreturnably -unreturned -unreturning -unreturningly -unrevealable -unrevealed -unrevealedness -unrevealing -unrevealingly -unrevelationize -unrevenged -unrevengeful -unrevengefulness -unrevenging -unrevengingly -unrevenue -unrevenued -unreverberated -unrevered -unreverence -unreverenced -unreverend -unreverendly -unreverent -unreverential -unreverently -unreverentness -unreversable -unreversed -unreversible -unreverted -unrevertible -unreverting -unrevested -unrevetted -unreviewable -unreviewed -unreviled -unrevised -unrevivable -unrevived -unrevocable -unrevocableness -unrevocably -unrevoked -unrevolted -unrevolting -unrevolutionary -unrevolutionized -unrevolved -unrevolving -unrewardable -unrewarded -unrewardedly -unrewarding -unreworded -unrhetorical -unrhetorically -unrhetoricalness -unrhyme -unrhymed -unrhythmic -unrhythmical -unrhythmically -unribbed -unribboned -unrich -unriched -unricht -unricked -unrid -unridable -unridableness -unridably -unridden -unriddle -unriddleable -unriddled -unriddler -unriddling -unride -unridely -unridered -unridged -unridiculed -unridiculous -unrife -unriffled -unrifled -unrifted -unrig -unrigged -unrigging -unright -unrightable -unrighted -unrighteous -unrighteously -unrighteousness -unrightful -unrightfully -unrightfulness -unrightly -unrightwise -unrigid -unrigorous -unrimpled -unrind -unring -unringable -unringed -unringing -unrinsed -unrioted -unrioting -unriotous -unrip -unripe -unriped -unripely -unripened -unripeness -unripening -unrippable -unripped -unripping -unrippled -unrippling -unripplingly -unrisen -unrising -unriskable -unrisked -unrisky -unritual -unritualistic -unrivalable -unrivaled -unrivaledly -unrivaledness -unrived -unriven -unrivet -unriveted -unriveting -unroaded -unroadworthy -unroaming -unroast -unroasted -unrobbed -unrobe -unrobed -unrobust -unrocked -unrococo -unrodded -unroiled -unroll -unrollable -unrolled -unroller -unrolling -unrollment -unromantic -unromantical -unromantically -unromanticalness -unromanticized -unroof -unroofed -unroofing -unroomy -unroost -unroosted -unroosting -unroot -unrooted -unrooting -unrope -unroped -unrosed -unrosined -unrostrated -unrotated -unrotating -unroted -unrotted -unrotten -unrotund -unrouged -unrough -unroughened -unround -unrounded -unrounding -unrousable -unroused -unroutable -unrouted -unrove -unroved -unroving -unrow -unrowed -unroweled -unroyal -unroyalist -unroyalized -unroyally -unroyalness -Unrra -unrubbed -unrubbish -unrubified -unrubrical -unrubricated -unruddered -unruddled -unrueful -unruffable -unruffed -unruffle -unruffled -unruffling -unrugged -unruinable -unruinated -unruined -unrulable -unrulableness -unrule -unruled -unruledly -unruledness -unruleful -unrulily -unruliness -unruly -unruminated -unruminating -unruminatingly -unrummaged -unrumored -unrumple -unrumpled -unrun -unrung -unruptured -unrural -unrushed -Unrussian -unrust -unrusted -unrustic -unrusticated -unrustling -unruth -unsabbatical -unsabered -unsabled -unsabred -unsaccharic -unsacerdotal -unsacerdotally -unsack -unsacked -unsacramental -unsacramentally -unsacramentarian -unsacred -unsacredly -unsacrificeable -unsacrificeably -unsacrificed -unsacrificial -unsacrificing -unsacrilegious -unsad -unsadden -unsaddened -unsaddle -unsaddled -unsaddling -unsafe -unsafeguarded -unsafely -unsafeness -unsafety -unsagacious -unsage -unsagging -unsaid -unsailable -unsailed -unsailorlike -unsaint -unsainted -unsaintlike -unsaintly -unsalability -unsalable -unsalableness -unsalably -unsalaried -unsalesmanlike -unsaline -unsalivated -unsallying -unsalmonlike -unsalt -unsaltable -unsaltatory -unsalted -unsalubrious -unsalutary -unsaluted -unsaluting -unsalvability -unsalvable -unsalvableness -unsalvaged -unsalved -unsampled -unsanctification -unsanctified -unsanctifiedly -unsanctifiedness -unsanctify -unsanctifying -unsanctimonious -unsanctimoniously -unsanctimoniousness -unsanction -unsanctionable -unsanctioned -unsanctioning -unsanctitude -unsanctity -unsanctuaried -unsandaled -unsanded -unsane -unsanguinary -unsanguine -unsanguinely -unsanguineness -unsanguineous -unsanguineously -unsanitariness -unsanitary -unsanitated -unsanitation -unsanity -unsaponifiable -unsaponified -unsapped -unsappy -unsarcastic -unsardonic -unsartorial -unsash -unsashed -unsatable -unsatanic -unsated -unsatedly -unsatedness -unsatiability -unsatiable -unsatiableness -unsatiably -unsatiate -unsatiated -unsatiating -unsatin -unsatire -unsatirical -unsatirically -unsatirize -unsatirized -unsatisfaction -unsatisfactorily -unsatisfactoriness -unsatisfactory -unsatisfiable -unsatisfiableness -unsatisfiably -unsatisfied -unsatisfiedly -unsatisfiedness -unsatisfying -unsatisfyingly -unsatisfyingness -unsaturable -unsaturated -unsaturatedly -unsaturatedness -unsaturation -unsatyrlike -unsauced -unsaurian -unsavable -unsaveable -unsaved -unsaving -unsavored -unsavoredly -unsavoredness -unsavorily -unsavoriness -unsavory -unsawed -unsawn -unsay -unsayability -unsayable -unscabbard -unscabbarded -unscabbed -unscaffolded -unscalable -unscalableness -unscalably -unscale -unscaled -unscaledness -unscalloped -unscaly -unscamped -unscandalize -unscandalized -unscandalous -unscannable -unscanned -unscanted -unscanty -unscarb -unscarce -unscared -unscarfed -unscarified -unscarred -unscathed -unscathedly -unscathedness -unscattered -unscavengered -unscenic -unscent -unscented -unscepter -unsceptered -unsceptical -unsceptre -unsceptred -unscheduled -unschematic -unschematized -unscholar -unscholarlike -unscholarly -unscholastic -unschool -unschooled -unschooledly -unschooledness -unscienced -unscientific -unscientifical -unscientifically -unscintillating -unscioned -unscissored -unscoffed -unscoffing -unscolded -unsconced -unscooped -unscorched -unscored -unscorified -unscoring -unscorned -unscornful -unscornfully -unscornfulness -unscotch -unscotched -unscottify -unscoured -unscourged -unscowling -unscramble -unscrambling -unscraped -unscratchable -unscratched -unscratching -unscratchingly -unscrawled -unscreen -unscreenable -unscreenably -unscreened -unscrew -unscrewable -unscrewed -unscrewing -unscribal -unscribbled -unscribed -unscrimped -unscriptural -unscripturally -unscripturalness -unscrubbed -unscrupled -unscrupulosity -unscrupulous -unscrupulously -unscrupulousness -unscrutable -unscrutinized -unscrutinizing -unscrutinizingly -unsculptural -unsculptured -unscummed -unscutcheoned -unseafaring -unseal -unsealable -unsealed -unsealer -unsealing -unseam -unseamanlike -unseamanship -unseamed -unseaming -unsearchable -unsearchableness -unsearchably -unsearched -unsearcherlike -unsearching -unseared -unseason -unseasonable -unseasonableness -unseasonably -unseasoned -unseat -unseated -unseaworthiness -unseaworthy -unseceding -unsecluded -unseclusive -unseconded -unsecrecy -unsecret -unsecretarylike -unsecreted -unsecreting -unsecretly -unsecretness -unsectarian -unsectarianism -unsectarianize -unsectional -unsecular -unsecularize -unsecularized -unsecure -unsecured -unsecuredly -unsecuredness -unsecurely -unsecureness -unsecurity -unsedate -unsedentary -unseditious -unseduce -unseduced -unseducible -unseductive -unsedulous -unsee -unseeable -unseeded -unseeing -unseeingly -unseeking -unseeming -unseemingly -unseemlily -unseemliness -unseemly -unseen -unseethed -unsegmented -unsegregable -unsegregated -unsegregatedness -unseignorial -unseismic -unseizable -unseized -unseldom -unselect -unselected -unselecting -unselective -unself -unselfish -unselfishly -unselfishness -unselflike -unselfness -unselling -unsenatorial -unsenescent -unsensational -unsense -unsensed -unsensibility -unsensible -unsensibleness -unsensibly -unsensitive -unsensitize -unsensitized -unsensory -unsensual -unsensualize -unsensualized -unsensually -unsensuous -unsensuousness -unsent -unsentenced -unsententious -unsentient -unsentimental -unsentimentalist -unsentimentality -unsentimentalize -unsentimentally -unsentineled -unsentinelled -unseparable -unseparableness -unseparably -unseparate -unseparated -unseptate -unseptated -unsepulcher -unsepulchered -unsepulchral -unsepulchre -unsepulchred -unsepultured -unsequenced -unsequential -unsequestered -unseraphical -unserenaded -unserene -unserflike -unserious -unseriousness -unserrated -unserried -unservable -unserved -unserviceability -unserviceable -unserviceableness -unserviceably -unservicelike -unservile -unsesquipedalian -unset -unsetting -unsettle -unsettleable -unsettled -unsettledness -unsettlement -unsettling -unseverable -unseverableness -unsevere -unsevered -unseveredly -unseveredness -unsew -unsewed -unsewered -unsewing -unsewn -unsex -unsexed -unsexing -unsexlike -unsexual -unshackle -unshackled -unshackling -unshade -unshaded -unshadow -unshadowable -unshadowed -unshady -unshafted -unshakable -unshakably -unshakeable -unshakeably -unshaken -unshakenly -unshakenness -unshaking -unshakingness -unshaled -unshamable -unshamableness -unshamably -unshameable -unshameableness -unshameably -unshamed -unshamefaced -unshamefacedness -unshameful -unshamefully -unshamefulness -unshammed -unshanked -unshapable -unshape -unshapeable -unshaped -unshapedness -unshapeliness -unshapely -unshapen -unshapenly -unshapenness -unsharable -unshared -unsharedness -unsharing -unsharp -unsharped -unsharpen -unsharpened -unsharpening -unsharping -unshattered -unshavable -unshaveable -unshaved -unshavedly -unshavedness -unshaven -unshavenly -unshavenness -unshawl -unsheaf -unsheared -unsheathe -unsheathed -unsheathing -unshed -unsheet -unsheeted -unsheeting -unshell -unshelled -unshelling -unshelterable -unsheltered -unsheltering -unshelve -unshepherded -unshepherding -unsheriff -unshewed -unshieldable -unshielded -unshielding -unshiftable -unshifted -unshiftiness -unshifting -unshifty -unshimmering -unshingled -unshining -unship -unshiplike -unshipment -unshipped -unshipping -unshipshape -unshipwrecked -unshirking -unshirted -unshivered -unshivering -unshockable -unshocked -unshod -unshodden -unshoe -unshoed -unshoeing -unshop -unshore -unshored -unshorn -unshort -unshortened -unshot -unshotted -unshoulder -unshouted -unshouting -unshoved -unshoveled -unshowable -unshowed -unshowmanlike -unshown -unshowy -unshredded -unshrew -unshrewd -unshrewish -unshrill -unshrine -unshrined -unshrinement -unshrink -unshrinkability -unshrinkable -unshrinking -unshrinkingly -unshrived -unshriveled -unshrivelled -unshriven -unshroud -unshrouded -unshrubbed -unshrugging -unshrunk -unshrunken -unshuddering -unshuffle -unshuffled -unshunnable -unshunned -unshunted -unshut -unshutter -unshuttered -unshy -unshyly -unshyness -unsibilant -unsiccated -unsick -unsickened -unsicker -unsickerly -unsickerness -unsickled -unsickly -unsided -unsiding -unsiege -unsifted -unsighing -unsight -unsightable -unsighted -unsighting -unsightliness -unsightly -unsigmatic -unsignable -unsignaled -unsignalized -unsignalled -unsignatured -unsigned -unsigneted -unsignificancy -unsignificant -unsignificantly -unsignificative -unsignified -unsignifying -unsilenceable -unsilenceably -unsilenced -unsilent -unsilentious -unsilently -unsilicified -unsilly -unsilvered -unsimilar -unsimilarity -unsimilarly -unsimple -unsimplicity -unsimplified -unsimplify -unsimulated -unsimultaneous -unsin -unsincere -unsincerely -unsincereness -unsincerity -unsinew -unsinewed -unsinewing -unsinewy -unsinful -unsinfully -unsinfulness -unsing -unsingability -unsingable -unsingableness -unsinged -unsingle -unsingled -unsingleness -unsingular -unsinister -unsinkability -unsinkable -unsinking -unsinnable -unsinning -unsinningness -unsiphon -unsipped -unsister -unsistered -unsisterliness -unsisterly -unsizable -unsizableness -unsizeable -unsizeableness -unsized -unskaithd -unskeptical -unsketchable -unsketched -unskewed -unskewered -unskilful -unskilfully -unskilled -unskilledly -unskilledness -unskillful -unskillfully -unskillfulness -unskimmed -unskin -unskinned -unskirted -unslack -unslacked -unslackened -unslackening -unslacking -unslagged -unslain -unslakable -unslakeable -unslaked -unslammed -unslandered -unslanderous -unslapped -unslashed -unslate -unslated -unslating -unslaughtered -unslave -unslayable -unsleaved -unsleek -unsleepably -unsleeping -unsleepingly -unsleepy -unsleeve -unsleeved -unslender -unslept -unsliced -unsliding -unslighted -unsling -unslip -unslipped -unslippery -unslipping -unslit -unslockened -unsloped -unslopped -unslot -unslothful -unslothfully -unslothfulness -unslotted -unsloughed -unsloughing -unslow -unsluggish -unsluice -unsluiced -unslumbering -unslumberous -unslumbrous -unslung -unslurred -unsly -unsmacked -unsmart -unsmartly -unsmartness -unsmeared -unsmelled -unsmelling -unsmelted -unsmiled -unsmiling -unsmilingly -unsmilingness -unsmirched -unsmirking -unsmitten -unsmokable -unsmokeable -unsmoked -unsmokified -unsmoking -unsmoky -unsmooth -unsmoothed -unsmoothly -unsmoothness -unsmote -unsmotherable -unsmothered -unsmudged -unsmuggled -unsmutched -unsmutted -unsmutty -unsnaffled -unsnagged -unsnaggled -unsnaky -unsnap -unsnapped -unsnare -unsnared -unsnarl -unsnatch -unsnatched -unsneck -unsneering -unsnib -unsnipped -unsnobbish -unsnoring -unsnouted -unsnow -unsnubbable -unsnubbed -unsnuffed -unsoaked -unsoaped -unsoarable -unsober -unsoberly -unsoberness -unsobriety -unsociability -unsociable -unsociableness -unsociably -unsocial -unsocialism -unsocialistic -unsociality -unsocializable -unsocialized -unsocially -unsocialness -unsociological -unsocket -unsodden -unsoft -unsoftened -unsoftening -unsoggy -unsoil -unsoiled -unsoiledness -unsolaced -unsolacing -unsolar -unsold -unsolder -unsoldered -unsoldering -unsoldier -unsoldiered -unsoldierlike -unsoldierly -unsole -unsoled -unsolemn -unsolemness -unsolemnize -unsolemnized -unsolemnly -unsolicitated -unsolicited -unsolicitedly -unsolicitous -unsolicitously -unsolicitousness -unsolid -unsolidarity -unsolidifiable -unsolidified -unsolidity -unsolidly -unsolidness -unsolitary -unsolubility -unsoluble -unsolvable -unsolvableness -unsolvably -unsolved -unsomatic -unsomber -unsombre -unsome -unson -unsonable -unsonant -unsonlike -unsonneted -unsonorous -unsonsy -unsoothable -unsoothed -unsoothfast -unsoothing -unsooty -unsophistical -unsophistically -unsophisticate -unsophisticated -unsophisticatedly -unsophisticatedness -unsophistication -unsophomoric -unsordid -unsore -unsorrowed -unsorrowing -unsorry -unsort -unsortable -unsorted -unsorting -unsotted -unsought -unsoul -unsoulful -unsoulfully -unsoulish -unsound -unsoundable -unsoundableness -unsounded -unsounding -unsoundly -unsoundness -unsour -unsoured -unsoused -unsovereign -unsowed -unsown -unspaced -unspacious -unspaded -unspan -unspangled -unspanked -unspanned -unspar -unsparable -unspared -unsparing -unsparingly -unsparingness -unsparkling -unsparred -unsparse -unspatial -unspatiality -unspattered -unspawned -unspayed -unspeak -unspeakability -unspeakable -unspeakableness -unspeakably -unspeaking -unspeared -unspecialized -unspecializing -unspecific -unspecified -unspecifiedly -unspecious -unspecked -unspeckled -unspectacled -unspectacular -unspectacularly -unspecterlike -unspectrelike -unspeculating -unspeculative -unspeculatively -unsped -unspeed -unspeedy -unspeered -unspell -unspellable -unspelled -unspelt -unspendable -unspending -unspent -unspewed -unsphere -unsphered -unsphering -unspiable -unspiced -unspicy -unspied -unspike -unspillable -unspin -unspinsterlike -unspinsterlikeness -unspiral -unspired -unspirit -unspirited -unspiritedly -unspiriting -unspiritual -unspirituality -unspiritualize -unspiritualized -unspiritually -unspiritualness -unspissated -unspit -unspited -unspiteful -unspitted -unsplashed -unsplattered -unsplayed -unspleened -unspleenish -unspleenishly -unsplendid -unspliced -unsplinted -unsplintered -unsplit -unspoil -unspoilable -unspoilableness -unspoilably -unspoiled -unspoken -unspokenly -unsponged -unspongy -unsponsored -unspontaneous -unspontaneously -unspookish -unsported -unsportful -unsporting -unsportive -unsportsmanlike -unsportsmanly -unspot -unspotlighted -unspottable -unspotted -unspottedly -unspottedness -unspoused -unspouselike -unspouted -unsprained -unsprayed -unspread -unsprightliness -unsprightly -unspring -unspringing -unspringlike -unsprinkled -unsprinklered -unsprouted -unsproutful -unsprouting -unspruced -unsprung -unspun -unspurned -unspurred -unspying -unsquandered -unsquarable -unsquare -unsquared -unsquashed -unsqueamish -unsqueezable -unsqueezed -unsquelched -unsquinting -unsquire -unsquired -unsquirelike -unsquirted -unstabbed -unstability -unstable -unstabled -unstableness -unstablished -unstably -unstack -unstacked -unstacker -unstaffed -unstaged -unstaggered -unstaggering -unstagnating -unstagy -unstaid -unstaidly -unstaidness -unstain -unstainable -unstainableness -unstained -unstainedly -unstainedness -unstaled -unstalked -unstalled -unstammering -unstamped -unstampeded -unstanch -unstanchable -unstandard -unstandardized -unstanzaic -unstar -unstarch -unstarched -unstarlike -unstarred -unstarted -unstarting -unstartled -unstarved -unstatable -unstate -unstateable -unstated -unstately -unstatesmanlike -unstatic -unstating -unstation -unstationary -unstationed -unstatistic -unstatistical -unstatued -unstatuesque -unstatutable -unstatutably -unstaunch -unstaunchable -unstaunched -unstavable -unstaveable -unstaved -unstayable -unstayed -unstayedness -unstaying -unsteadfast -unsteadfastly -unsteadfastness -unsteadied -unsteadily -unsteadiness -unsteady -unsteadying -unstealthy -unsteamed -unsteaming -unsteck -unstecked -unsteel -unsteeled -unsteep -unsteeped -unsteepled -unsteered -unstemmable -unstemmed -unstentorian -unstep -unstercorated -unstereotyped -unsterile -unsterilized -unstern -unstethoscoped -unstewardlike -unstewed -unstick -unsticking -unstickingness -unsticky -unstiffen -unstiffened -unstifled -unstigmatized -unstill -unstilled -unstillness -unstilted -unstimulated -unstimulating -unsting -unstinged -unstinging -unstinted -unstintedly -unstinting -unstintingly -unstippled -unstipulated -unstirrable -unstirred -unstirring -unstitch -unstitched -unstitching -unstock -unstocked -unstocking -unstockinged -unstoic -unstoical -unstoically -unstoicize -unstoked -unstoken -unstolen -unstonable -unstone -unstoned -unstoniness -unstony -unstooping -unstop -unstoppable -unstopped -unstopper -unstoppered -unstopple -unstore -unstored -unstoried -unstormed -unstormy -unstout -unstoved -unstow -unstowed -unstraddled -unstrafed -unstraight -unstraightened -unstraightforward -unstraightness -unstrain -unstrained -unstraitened -unstrand -unstranded -unstrange -unstrangered -unstrangled -unstrangulable -unstrap -unstrapped -unstrategic -unstrategically -unstratified -unstraying -unstreaked -unstrength -unstrengthen -unstrengthened -unstrenuous -unstressed -unstressedly -unstressedness -unstretch -unstretched -unstrewed -unstrewn -unstriated -unstricken -unstrictured -unstridulous -unstrike -unstriking -unstring -unstringed -unstringing -unstrip -unstriped -unstripped -unstriving -unstroked -unstrong -unstructural -unstruggling -unstrung -unstubbed -unstubborn -unstuccoed -unstuck -unstudded -unstudied -unstudious -unstuff -unstuffed -unstuffing -unstultified -unstumbling -unstung -unstunned -unstunted -unstupefied -unstupid -unstuttered -unstuttering -unsty -unstyled -unstylish -unstylishly -unstylishness -unsubdivided -unsubduable -unsubduableness -unsubduably -unsubducted -unsubdued -unsubduedly -unsubduedness -unsubject -unsubjectable -unsubjected -unsubjectedness -unsubjection -unsubjective -unsubjectlike -unsubjugate -unsubjugated -unsublimable -unsublimated -unsublimed -unsubmerged -unsubmergible -unsubmerging -unsubmission -unsubmissive -unsubmissively -unsubmissiveness -unsubmitted -unsubmitting -unsubordinate -unsubordinated -unsuborned -unsubpoenaed -unsubscribed -unsubscribing -unsubservient -unsubsided -unsubsidiary -unsubsiding -unsubsidized -unsubstanced -unsubstantial -unsubstantiality -unsubstantialize -unsubstantially -unsubstantialness -unsubstantiate -unsubstantiated -unsubstantiation -unsubstituted -unsubtle -unsubtleness -unsubtlety -unsubtly -unsubtracted -unsubventioned -unsubventionized -unsubversive -unsubvertable -unsubverted -unsubvertive -unsucceedable -unsucceeded -unsucceeding -unsuccess -unsuccessful -unsuccessfully -unsuccessfulness -unsuccessive -unsuccessively -unsuccessiveness -unsuccinct -unsuccorable -unsuccored -unsucculent -unsuccumbing -unsucked -unsuckled -unsued -unsufferable -unsufferableness -unsufferably -unsuffered -unsuffering -unsufficed -unsufficience -unsufficiency -unsufficient -unsufficiently -unsufficing -unsufficingness -unsufflated -unsuffocate -unsuffocated -unsuffocative -unsuffused -unsugared -unsugary -unsuggested -unsuggestedness -unsuggestive -unsuggestiveness -unsuit -unsuitability -unsuitable -unsuitableness -unsuitably -unsuited -unsuiting -unsulky -unsullen -unsulliable -unsullied -unsulliedly -unsulliedness -unsulphonated -unsulphureous -unsulphurized -unsultry -unsummable -unsummarized -unsummed -unsummered -unsummerlike -unsummerly -unsummonable -unsummoned -unsumptuary -unsumptuous -unsun -unsunburned -unsundered -unsung -unsunk -unsunken -unsunned -unsunny -unsuperable -unsuperannuated -unsupercilious -unsuperficial -unsuperfluous -unsuperior -unsuperlative -unsupernatural -unsupernaturalize -unsupernaturalized -unsuperscribed -unsuperseded -unsuperstitious -unsupervised -unsupervisedly -unsupped -unsupplantable -unsupplanted -unsupple -unsuppled -unsupplemented -unsuppliable -unsupplicated -unsupplied -unsupportable -unsupportableness -unsupportably -unsupported -unsupportedly -unsupportedness -unsupporting -unsupposable -unsupposed -unsuppressed -unsuppressible -unsuppressibly -unsuppurated -unsuppurative -unsupreme -unsurcharge -unsurcharged -unsure -unsurfaced -unsurfeited -unsurfeiting -unsurgical -unsurging -unsurmised -unsurmising -unsurmountable -unsurmountableness -unsurmountably -unsurmounted -unsurnamed -unsurpassable -unsurpassableness -unsurpassably -unsurpassed -unsurplice -unsurpliced -unsurprised -unsurprising -unsurrendered -unsurrendering -unsurrounded -unsurveyable -unsurveyed -unsurvived -unsurviving -unsusceptibility -unsusceptible -unsusceptibleness -unsusceptibly -unsusceptive -unsuspectable -unsuspectably -unsuspected -unsuspectedly -unsuspectedness -unsuspectful -unsuspectfulness -unsuspectible -unsuspecting -unsuspectingly -unsuspectingness -unsuspective -unsuspended -unsuspicion -unsuspicious -unsuspiciously -unsuspiciousness -unsustainable -unsustained -unsustaining -unsutured -unswabbed -unswaddle -unswaddled -unswaddling -unswallowable -unswallowed -unswanlike -unswapped -unswarming -unswathable -unswathe -unswathed -unswathing -unswayable -unswayed -unswayedness -unswaying -unswear -unswearing -unsweat -unsweated -unsweating -unsweepable -unsweet -unsweeten -unsweetened -unsweetenedness -unsweetly -unsweetness -unswell -unswelled -unswelling -unsweltered -unswept -unswervable -unswerved -unswerving -unswervingly -unswilled -unswing -unswingled -unswitched -unswivel -unswollen -unswooning -unsworn -unswung -unsyllabic -unsyllabled -unsyllogistical -unsymbolic -unsymbolical -unsymbolically -unsymbolicalness -unsymbolized -unsymmetrical -unsymmetrically -unsymmetricalness -unsymmetrized -unsymmetry -unsympathetic -unsympathetically -unsympathizability -unsympathizable -unsympathized -unsympathizing -unsympathizingly -unsympathy -unsymphonious -unsymptomatic -unsynchronized -unsynchronous -unsyncopated -unsyndicated -unsynonymous -unsyntactical -unsynthetic -unsyringed -unsystematic -unsystematical -unsystematically -unsystematized -unsystematizedly -unsystematizing -unsystemizable -untabernacled -untabled -untabulated -untack -untacked -untacking -untackle -untackled -untactful -untactfully -untactfulness -untagged -untailed -untailorlike -untailorly -untaint -untaintable -untainted -untaintedly -untaintedness -untainting -untakable -untakableness -untakeable -untakeableness -untaken -untaking -untalented -untalkative -untalked -untalking -untall -untallied -untallowed -untamable -untamableness -untame -untamed -untamedly -untamedness -untamely -untameness -untampered -untangential -untangibility -untangible -untangibleness -untangibly -untangle -untangled -untangling -untanned -untantalized -untantalizing -untap -untaped -untapered -untapering -untapestried -untappable -untapped -untar -untarnishable -untarnished -untarred -untarried -untarrying -untartarized -untasked -untasseled -untastable -untaste -untasteable -untasted -untasteful -untastefully -untastefulness -untasting -untasty -untattered -untattooed -untaught -untaughtness -untaunted -untaut -untautological -untawdry -untawed -untax -untaxable -untaxed -untaxing -unteach -unteachable -unteachableness -unteachably -unteacherlike -unteaching -unteam -unteamed -unteaming -untearable -unteased -unteasled -untechnical -untechnicalize -untechnically -untedded -untedious -unteem -unteeming -unteethed -untelegraphed -untell -untellable -untellably -untelling -untemper -untemperamental -untemperate -untemperately -untemperateness -untempered -untempering -untempested -untempestuous -untempled -untemporal -untemporary -untemporizing -untemptability -untemptable -untemptably -untempted -untemptible -untemptibly -untempting -untemptingly -untemptingness -untenability -untenable -untenableness -untenably -untenacious -untenacity -untenant -untenantable -untenantableness -untenanted -untended -untender -untendered -untenderly -untenderness -untenible -untenibleness -untenibly -untense -untent -untentaculate -untented -untentered -untenty -unterminable -unterminableness -unterminably -unterminated -unterminating -unterraced -unterrestrial -unterrible -unterribly -unterrifiable -unterrific -unterrified -unterrifying -unterrorized -untessellated -untestable -untestamentary -untested -untestifying -untether -untethered -untethering -untewed -untextual -unthank -unthanked -unthankful -unthankfully -unthankfulness -unthanking -unthatch -unthatched -unthaw -unthawed -unthawing -untheatric -untheatrical -untheatrically -untheistic -unthematic -untheological -untheologically -untheologize -untheoretic -untheoretical -untheorizable -untherapeutical -unthick -unthicken -unthickened -unthievish -unthink -unthinkability -unthinkable -unthinkableness -unthinkably -unthinker -unthinking -unthinkingly -unthinkingness -unthinned -unthinning -unthirsting -unthirsty -unthistle -untholeable -untholeably -unthorn -unthorny -unthorough -unthought -unthoughted -unthoughtedly -unthoughtful -unthoughtfully -unthoughtfulness -unthoughtlike -unthrall -unthralled -unthrashed -unthread -unthreadable -unthreaded -unthreading -unthreatened -unthreatening -unthreshed -unthrid -unthridden -unthrift -unthriftihood -unthriftily -unthriftiness -unthriftlike -unthrifty -unthrilled -unthrilling -unthriven -unthriving -unthrivingly -unthrivingness -unthrob -unthrone -unthroned -unthronged -unthroning -unthrottled -unthrowable -unthrown -unthrushlike -unthrust -unthumbed -unthumped -unthundered -unthwacked -unthwarted -untiaraed -unticketed -untickled -untidal -untidily -untidiness -untidy -untie -untied -untight -untighten -untightness -until -untile -untiled -untill -untillable -untilled -untilling -untilt -untilted -untilting -untimbered -untimed -untimedness -untimeliness -untimely -untimeous -untimeously -untimesome -untimorous -untin -untinct -untinctured -untine -untinged -untinkered -untinned -untinseled -untinted -untippable -untipped -untippled -untipt -untirability -untirable -untire -untired -untiredly -untiring -untiringly -untissued -untithability -untithable -untithed -untitled -untittering -untitular -unto -untoadying -untoasted -untogaed -untoggle -untoggler -untoiled -untoileted -untoiling -untold -untolerable -untolerableness -untolerably -untolerated -untomb -untombed -untonality -untone -untoned -untongued -untonsured -untooled -untooth -untoothed -untoothsome -untoothsomeness -untop -untopographical -untopped -untopping -untormented -untorn -untorpedoed -untorpid -untorrid -untortuous -untorture -untortured -untossed -untotaled -untotalled -untottering -untouch -untouchability -untouchable -untouchableness -untouchably -untouched -untouchedness -untouching -untough -untoured -untouristed -untoward -untowardliness -untowardly -untowardness -untowered -untown -untownlike -untrace -untraceable -untraceableness -untraceably -untraced -untraceried -untracked -untractability -untractable -untractableness -untractably -untractarian -untractible -untractibleness -untradeable -untraded -untradesmanlike -untrading -untraditional -untraduced -untraffickable -untrafficked -untragic -untragical -untrailed -untrain -untrainable -untrained -untrainedly -untrainedness -untraitored -untraitorous -untrammed -untrammeled -untrammeledness -untramped -untrampled -untrance -untranquil -untranquilized -untranquillize -untranquillized -untransacted -untranscended -untranscendental -untranscribable -untranscribed -untransferable -untransferred -untransfigured -untransfixed -untransformable -untransformed -untransforming -untransfused -untransfusible -untransgressed -untransient -untransitable -untransitive -untransitory -untranslatability -untranslatable -untranslatableness -untranslatably -untranslated -untransmigrated -untransmissible -untransmitted -untransmutable -untransmuted -untransparent -untranspassable -untranspired -untranspiring -untransplanted -untransportable -untransported -untransposed -untransubstantiated -untrappable -untrapped -untrashed -untravelable -untraveled -untraveling -untravellable -untravelling -untraversable -untraversed -untravestied -untreacherous -untread -untreadable -untreading -untreasonable -untreasure -untreasured -untreatable -untreatableness -untreatably -untreated -untreed -untrekked -untrellised -untrembling -untremblingly -untremendous -untremulous -untrenched -untrepanned -untrespassed -untrespassing -untress -untressed -untriable -untribal -untributary -untriced -untrickable -untricked -untried -untrifling -untrig -untrigonometrical -untrill -untrim -untrimmable -untrimmed -untrimmedness -untrinitarian -untripe -untrippable -untripped -untripping -untrite -untriturated -untriumphable -untriumphant -untriumphed -untrochaic -untrod -untrodden -untroddenness -untrolled -untrophied -untropical -untrotted -untroublable -untrouble -untroubled -untroubledly -untroubledness -untroublesome -untroublesomeness -untrounced -untrowed -untruant -untruck -untruckled -untruckling -untrue -untrueness -untruism -untruly -untrumped -untrumpeted -untrumping -untrundled -untrunked -untruss -untrussed -untrusser -untrussing -untrust -untrustably -untrusted -untrustful -untrustiness -untrusting -untrustworthily -untrustworthiness -untrustworthy -untrusty -untruth -untruther -untruthful -untruthfully -untruthfulness -untrying -untubbed -untuck -untucked -untuckered -untucking -untufted -untugged -untumbled -untumefied -untumid -untumultuous -untunable -untunableness -untunably -untune -untuneable -untuneableness -untuneably -untuned -untuneful -untunefully -untunefulness -untuning -untunneled -untupped -unturbaned -unturbid -unturbulent -unturf -unturfed -unturgid -unturn -unturnable -unturned -unturning -unturpentined -unturreted -untusked -untutelar -untutored -untutoredly -untutoredness -untwilled -untwinable -untwine -untwineable -untwined -untwining -untwinkling -untwinned -untwirl -untwirled -untwirling -untwist -untwisted -untwister -untwisting -untwitched -untying -untypical -untypically -untyrannic -untyrannical -untyrantlike -untz -unubiquitous -unugly -unulcerated -unultra -unumpired -ununanimity -ununanimous -ununanimously -ununderstandable -ununderstandably -ununderstanding -ununderstood -unundertaken -unundulatory -Unungun -ununifiable -ununified -ununiform -ununiformed -ununiformity -ununiformly -ununiformness -ununitable -ununitableness -ununitably -ununited -ununiting -ununiversity -ununiversitylike -unupbraiding -unupbraidingly -unupholstered -unupright -unuprightly -unuprightness -unupset -unupsettable -unurban -unurbane -unurged -unurgent -unurging -unurn -unurned -unusable -unusableness -unusably -unuse -unused -unusedness -unuseful -unusefully -unusefulness -unushered -unusual -unusuality -unusually -unusualness -unusurious -unusurped -unusurping -unutilizable -unutterability -unutterable -unutterableness -unutterably -unuttered -unuxorial -unuxorious -unvacant -unvaccinated -unvacillating -unvailable -unvain -unvaleted -unvaletudinary -unvaliant -unvalid -unvalidated -unvalidating -unvalidity -unvalidly -unvalidness -unvalorous -unvaluable -unvaluableness -unvaluably -unvalue -unvalued -unvamped -unvanishing -unvanquishable -unvanquished -unvantaged -unvaporized -unvariable -unvariableness -unvariably -unvariant -unvaried -unvariedly -unvariegated -unvarnished -unvarnishedly -unvarnishedness -unvarying -unvaryingly -unvaryingness -unvascular -unvassal -unvatted -unvaulted -unvaulting -unvaunted -unvaunting -unvauntingly -unveering -unveil -unveiled -unveiledly -unveiledness -unveiler -unveiling -unveilment -unveined -unvelvety -unvendable -unvendableness -unvended -unvendible -unvendibleness -unveneered -unvenerable -unvenerated -unvenereal -unvenged -unveniable -unvenial -unvenom -unvenomed -unvenomous -unventable -unvented -unventilated -unventured -unventurous -unvenued -unveracious -unveracity -unverbalized -unverdant -unverdured -unveridical -unverifiable -unverifiableness -unverifiably -unverified -unverifiedness -unveritable -unverity -unvermiculated -unverminous -unvernicular -unversatile -unversed -unversedly -unversedness -unversified -unvertical -unvessel -unvesseled -unvest -unvested -unvetoed -unvexed -unviable -unvibrated -unvibrating -unvicar -unvicarious -unvicariously -unvicious -unvictimized -unvictorious -unvictualed -unvictualled -unviewable -unviewed -unvigilant -unvigorous -unvigorously -unvilified -unvillaged -unvindicated -unvindictive -unvindictively -unvindictiveness -unvinous -unvintaged -unviolable -unviolated -unviolenced -unviolent -unviolined -unvirgin -unvirginal -unvirginlike -unvirile -unvirility -unvirtue -unvirtuous -unvirtuously -unvirtuousness -unvirulent -unvisible -unvisibleness -unvisibly -unvision -unvisionary -unvisioned -unvisitable -unvisited -unvisor -unvisored -unvisualized -unvital -unvitalized -unvitalness -unvitiated -unvitiatedly -unvitiatedness -unvitrescibility -unvitrescible -unvitrifiable -unvitrified -unvitriolized -unvituperated -unvivacious -unvivid -unvivified -unvizard -unvizarded -unvocal -unvocalized -unvociferous -unvoice -unvoiced -unvoiceful -unvoicing -unvoidable -unvoided -unvolatile -unvolatilize -unvolatilized -unvolcanic -unvolitioned -unvoluminous -unvoluntarily -unvoluntariness -unvoluntary -unvolunteering -unvoluptuous -unvomited -unvoracious -unvote -unvoted -unvoting -unvouched -unvouchedly -unvouchedness -unvouchsafed -unvowed -unvoweled -unvoyageable -unvoyaging -unvulcanized -unvulgar -unvulgarize -unvulgarized -unvulgarly -unvulnerable -unwadable -unwadded -unwadeable -unwaded -unwading -unwafted -unwaged -unwagered -unwaggable -unwaggably -unwagged -unwailed -unwailing -unwainscoted -unwaited -unwaiting -unwaked -unwakeful -unwakefulness -unwakened -unwakening -unwaking -unwalkable -unwalked -unwalking -unwall -unwalled -unwallet -unwallowed -unwan -unwandered -unwandering -unwaning -unwanted -unwanton -unwarbled -unware -unwarely -unwareness -unwarily -unwariness -unwarlike -unwarlikeness -unwarm -unwarmable -unwarmed -unwarming -unwarn -unwarned -unwarnedly -unwarnedness -unwarnished -unwarp -unwarpable -unwarped -unwarping -unwarrant -unwarrantability -unwarrantable -unwarrantableness -unwarrantably -unwarranted -unwarrantedly -unwarrantedness -unwary -unwashable -unwashed -unwashedness -unwassailing -unwastable -unwasted -unwasteful -unwastefully -unwasting -unwastingly -unwatchable -unwatched -unwatchful -unwatchfully -unwatchfulness -unwatching -unwater -unwatered -unwaterlike -unwatermarked -unwatery -unwattled -unwaved -unwaverable -unwavered -unwavering -unwaveringly -unwaving -unwax -unwaxed -unwayed -unwayward -unweaken -unweakened -unweal -unwealsomeness -unwealthy -unweaned -unweapon -unweaponed -unwearable -unweariability -unweariable -unweariableness -unweariably -unwearied -unweariedly -unweariedness -unwearily -unweariness -unwearing -unwearisome -unwearisomeness -unweary -unwearying -unwearyingly -unweathered -unweatherly -unweatherwise -unweave -unweaving -unweb -unwebbed -unwebbing -unwed -unwedded -unweddedly -unweddedness -unwedge -unwedgeable -unwedged -unweeded -unweel -unweelness -unweened -unweeping -unweeting -unweetingly -unweft -unweighable -unweighed -unweighing -unweight -unweighted -unweighty -unwelcome -unwelcomed -unwelcomely -unwelcomeness -unweld -unweldable -unwelded -unwell -unwellness -unwelted -unwept -unwestern -unwesternized -unwet -unwettable -unwetted -unwheedled -unwheel -unwheeled -unwhelmed -unwhelped -unwhetted -unwhig -unwhiglike -unwhimsical -unwhining -unwhip -unwhipped -unwhirled -unwhisked -unwhiskered -unwhisperable -unwhispered -unwhispering -unwhistled -unwhite -unwhited -unwhitened -unwhitewashed -unwholesome -unwholesomely -unwholesomeness -unwidened -unwidowed -unwield -unwieldable -unwieldily -unwieldiness -unwieldly -unwieldy -unwifed -unwifelike -unwifely -unwig -unwigged -unwild -unwilily -unwiliness -unwill -unwilled -unwillful -unwillfully -unwillfulness -unwilling -unwillingly -unwillingness -unwilted -unwilting -unwily -unwincing -unwincingly -unwind -unwindable -unwinding -unwindingly -unwindowed -unwindy -unwingable -unwinged -unwinking -unwinkingly -unwinnable -unwinning -unwinnowed -unwinsome -unwinter -unwintry -unwiped -unwire -unwired -unwisdom -unwise -unwisely -unwiseness -unwish -unwished -unwishful -unwishing -unwist -unwistful -unwitch -unwitched -unwithdrawable -unwithdrawing -unwithdrawn -unwitherable -unwithered -unwithering -unwithheld -unwithholden -unwithholding -unwithstanding -unwithstood -unwitless -unwitnessed -unwitted -unwittily -unwitting -unwittingly -unwittingness -unwitty -unwive -unwived -unwoeful -unwoful -unwoman -unwomanish -unwomanize -unwomanized -unwomanlike -unwomanliness -unwomanly -unwomb -unwon -unwonder -unwonderful -unwondering -unwonted -unwontedly -unwontedness -unwooded -unwooed -unwoof -unwooly -unwordable -unwordably -unwordily -unwordy -unwork -unworkability -unworkable -unworkableness -unworkably -unworked -unworkedness -unworker -unworking -unworkmanlike -unworkmanly -unworld -unworldliness -unworldly -unwormed -unwormy -unworn -unworried -unworriedly -unworriedness -unworshiped -unworshipful -unworshiping -unworshipped -unworshipping -unworth -unworthily -unworthiness -unworthy -unwotting -unwound -unwoundable -unwoundableness -unwounded -unwoven -unwrangling -unwrap -unwrapped -unwrapper -unwrapping -unwrathful -unwrathfully -unwreaked -unwreathe -unwreathed -unwreathing -unwrecked -unwrench -unwrenched -unwrested -unwrestedly -unwresting -unwrestled -unwretched -unwriggled -unwrinkle -unwrinkleable -unwrinkled -unwrit -unwritable -unwrite -unwriting -unwritten -unwronged -unwrongful -unwrought -unwrung -unyachtsmanlike -unyeaned -unyearned -unyearning -unyielded -unyielding -unyieldingly -unyieldingness -unyoke -unyoked -unyoking -unyoung -unyouthful -unyouthfully -unze -unzealous -unzealously -unzealousness -unzen -unzephyrlike -unzone -unzoned -up -upaisle -upaithric -upalley -upalong -upanishadic -upapurana -uparch -uparching -uparise -uparm -uparna -upas -upattic -upavenue -upbank -upbar -upbay -upbear -upbearer -upbeat -upbelch -upbelt -upbend -upbid -upbind -upblacken -upblast -upblaze -upblow -upboil -upbolster -upbolt -upboost -upborne -upbotch -upboulevard -upbound -upbrace -upbraid -upbraider -upbraiding -upbraidingly -upbray -upbreak -upbred -upbreed -upbreeze -upbrighten -upbrim -upbring -upbristle -upbroken -upbrook -upbrought -upbrow -upbubble -upbuild -upbuilder -upbulging -upbuoy -upbuoyance -upburn -upburst -upbuy -upcall -upcanal -upcanyon -upcarry -upcast -upcatch -upcaught -upchamber -upchannel -upchariot -upchimney -upchoke -upchuck -upcity -upclimb -upclose -upcloser -upcoast -upcock -upcoil -upcolumn -upcome -upcoming -upconjure -upcountry -upcourse -upcover -upcrane -upcrawl -upcreek -upcreep -upcrop -upcrowd -upcry -upcurl -upcurrent -upcurve -upcushion -upcut -updart -update -updeck -updelve -updive -updo -updome -updraft -updrag -updraw -updrink -updry -upeat -upend -upeygan -upfeed -upfield -upfill -upfingered -upflame -upflare -upflash -upflee -upflicker -upfling -upfloat -upflood -upflow -upflower -upflung -upfly -upfold -upfollow -upframe -upfurl -upgale -upgang -upgape -upgather -upgaze -upget -upgird -upgirt -upgive -upglean -upglide -upgo -upgorge -upgrade -upgrave -upgrow -upgrowth -upgully -upgush -uphand -uphang -upharbor -upharrow -uphasp -upheal -upheap -uphearted -upheaval -upheavalist -upheave -upheaven -upheld -uphelm -uphelya -upher -uphill -uphillward -uphoard -uphoist -uphold -upholden -upholder -upholster -upholstered -upholsterer -upholsteress -upholsterous -upholstery -upholsterydom -upholstress -uphung -uphurl -upisland -upjerk -upjet -upkeep -upkindle -upknell -upknit -upla -upladder -uplaid -uplake -upland -uplander -uplandish -uplane -uplay -uplead -upleap -upleg -uplick -uplift -upliftable -uplifted -upliftedly -upliftedness -uplifter -uplifting -upliftingly -upliftingness -upliftitis -upliftment -uplight -uplimb -uplimber -upline -uplock -uplong -uplook -uplooker -uploom -uploop -uplying -upmaking -upmast -upmix -upmost -upmount -upmountain -upmove -upness -upo -upon -uppard -uppent -upper -upperch -uppercut -upperer -upperest -upperhandism -uppermore -uppermost -uppers -uppertendom -uppile -upping -uppish -uppishly -uppishness -uppity -upplough -upplow -uppluck -uppoint -uppoise -uppop -uppour -uppowoc -upprick -upprop -uppuff -uppull -uppush -upquiver -upraisal -upraise -upraiser -upreach -uprear -uprein -uprend -uprender -uprest -uprestore -uprid -upridge -upright -uprighteous -uprighteously -uprighteousness -uprighting -uprightish -uprightly -uprightness -uprights -uprip -uprisal -uprise -uprisement -uprisen -upriser -uprising -uprist -uprive -upriver -uproad -uproar -uproariness -uproarious -uproariously -uproariousness -uproom -uproot -uprootal -uprooter -uprose -uprouse -uproute -uprun -uprush -upsaddle -upscale -upscrew -upscuddle -upseal -upseek -upseize -upsend -upset -upsetment -upsettable -upsettal -upsetted -upsetter -upsetting -upsettingly -upsey -upshaft -upshear -upsheath -upshoot -upshore -upshot -upshoulder -upshove -upshut -upside -upsides -upsighted -upsiloid -upsilon -upsilonism -upsit -upsitten -upsitting -upslant -upslip -upslope -upsmite -upsnatch -upsoak -upsoar -upsolve -upspeak -upspear -upspeed -upspew -upspin -upspire -upsplash -upspout -upspread -upspring -upsprinkle -upsprout -upspurt -upstaff -upstage -upstair -upstairs -upstamp -upstand -upstander -upstanding -upstare -upstart -upstartism -upstartle -upstartness -upstate -upstater -upstaunch -upstay -upsteal -upsteam -upstem -upstep -upstick -upstir -upstraight -upstream -upstreamward -upstreet -upstretch -upstrike -upstrive -upstroke -upstruggle -upsuck -upsun -upsup -upsurge -upsurgence -upswallow -upswarm -upsway -upsweep -upswell -upswing -uptable -uptake -uptaker -uptear -uptemper -uptend -upthrow -upthrust -upthunder -uptide -uptie -uptill -uptilt -uptorn -uptoss -uptower -uptown -uptowner -uptrace -uptrack -uptrail -uptrain -uptree -uptrend -uptrill -uptrunk -uptruss -uptube -uptuck -upturn -uptwined -uptwist -Upupa -Upupidae -upupoid -upvalley -upvomit -upwaft -upwall -upward -upwardly -upwardness -upwards -upwarp -upwax -upway -upways -upwell -upwent -upwheel -upwhelm -upwhir -upwhirl -upwind -upwith -upwork -upwound -upwrap -upwreathe -upwrench -upwring -upwrought -upyard -upyoke -ur -ura -urachal -urachovesical -urachus -uracil -uraemic -uraeus -Uragoga -Ural -ural -urali -Uralian -Uralic -uraline -uralite -uralitic -uralitization -uralitize -uralium -uramido -uramil -uramilic -uramino -Uran -uran -uranalysis -uranate -Urania -Uranian -uranic -Uranicentric -uranidine -uraniferous -uraniid -Uraniidae -uranin -uranine -uraninite -uranion -uraniscochasma -uraniscoplasty -uraniscoraphy -uraniscorrhaphy -uranism -uranist -uranite -uranitic -uranium -uranocircite -uranographer -uranographic -uranographical -uranographist -uranography -uranolatry -uranolite -uranological -uranology -uranometria -uranometrical -uranometry -uranophane -uranophotography -uranoplastic -uranoplasty -uranoplegia -uranorrhaphia -uranorrhaphy -uranoschisis -uranoschism -uranoscope -uranoscopia -uranoscopic -Uranoscopidae -Uranoscopus -uranoscopy -uranospathite -uranosphaerite -uranospinite -uranostaphyloplasty -uranostaphylorrhaphy -uranotantalite -uranothallite -uranothorite -uranotil -uranous -Uranus -uranyl -uranylic -urao -urare -urari -Urartaean -Urartic -urase -urataemia -urate -uratemia -uratic -uratoma -uratosis -uraturia -urazine -urazole -urbacity -urbainite -Urban -urban -urbane -urbanely -urbaneness -urbanism -Urbanist -urbanist -urbanite -urbanity -urbanization -urbanize -urbarial -urbian -urbic -Urbicolae -urbicolous -urbification -urbify -urbinate -urceiform -urceolar -urceolate -urceole -urceoli -Urceolina -urceolus -urceus -urchin -urchiness -urchinlike -urchinly -urd -urde -urdee -Urdu -ure -urea -ureal -ureameter -ureametry -urease -urechitin -urechitoxin -uredema -Uredinales -uredine -Uredineae -uredineal -uredineous -uredinia -uredinial -Urediniopsis -urediniospore -urediniosporic -uredinium -uredinoid -uredinologist -uredinology -uredinous -Uredo -uredo -uredosorus -uredospore -uredosporic -uredosporiferous -uredosporous -uredostage -ureic -ureid -ureide -ureido -uremia -uremic -Urena -urent -ureometer -ureometry -ureosecretory -uresis -uretal -ureter -ureteral -ureteralgia -uretercystoscope -ureterectasia -ureterectasis -ureterectomy -ureteric -ureteritis -ureterocele -ureterocervical -ureterocolostomy -ureterocystanastomosis -ureterocystoscope -ureterocystostomy -ureterodialysis -ureteroenteric -ureteroenterostomy -ureterogenital -ureterogram -ureterograph -ureterography -ureterointestinal -ureterolith -ureterolithiasis -ureterolithic -ureterolithotomy -ureterolysis -ureteronephrectomy -ureterophlegma -ureteroplasty -ureteroproctostomy -ureteropyelitis -ureteropyelogram -ureteropyelography -ureteropyelonephritis -ureteropyelostomy -ureteropyosis -ureteroradiography -ureterorectostomy -ureterorrhagia -ureterorrhaphy -ureterosalpingostomy -ureterosigmoidostomy -ureterostegnosis -ureterostenoma -ureterostenosis -ureterostoma -ureterostomy -ureterotomy -ureterouteral -ureterovaginal -ureterovesical -urethan -urethane -urethra -urethrae -urethragraph -urethral -urethralgia -urethrameter -urethrascope -urethratome -urethratresia -urethrectomy -urethremphraxis -urethreurynter -urethrism -urethritic -urethritis -urethroblennorrhea -urethrobulbar -urethrocele -urethrocystitis -urethrogenital -urethrogram -urethrograph -urethrometer -urethropenile -urethroperineal -urethrophyma -urethroplastic -urethroplasty -urethroprostatic -urethrorectal -urethrorrhagia -urethrorrhaphy -urethrorrhea -urethrorrhoea -urethroscope -urethroscopic -urethroscopical -urethroscopy -urethrosexual -urethrospasm -urethrostaxis -urethrostenosis -urethrostomy -urethrotome -urethrotomic -urethrotomy -urethrovaginal -urethrovesical -urethylan -uretic -ureylene -urf -urfirnis -urge -urgence -urgency -urgent -urgently -urgentness -urger -Urginea -urging -urgingly -Urgonian -urheen -Uri -Uria -Uriah -urial -Urian -uric -uricacidemia -uricaciduria -uricaemia -uricaemic -uricemia -uricemic -uricolysis -uricolytic -uridrosis -Uriel -urinaemia -urinal -urinalist -urinalysis -urinant -urinarium -urinary -urinate -urination -urinative -urinator -urine -urinemia -uriniferous -uriniparous -urinocryoscopy -urinogenital -urinogenitary -urinogenous -urinologist -urinology -urinomancy -urinometer -urinometric -urinometry -urinoscopic -urinoscopist -urinoscopy -urinose -urinosexual -urinous -urinousness -urite -urlar -urled -urling -urluch -urman -urn -urna -urnae -urnal -urnflower -urnful -urning -urningism -urnism -urnlike -urnmaker -Uro -uroacidimeter -uroazotometer -urobenzoic -urobilin -urobilinemia -urobilinogen -urobilinogenuria -urobilinuria -urocanic -urocele -Urocerata -urocerid -Uroceridae -urochloralic -urochord -Urochorda -urochordal -urochordate -urochrome -urochromogen -Urocoptidae -Urocoptis -urocyanogen -Urocyon -urocyst -urocystic -Urocystis -urocystitis -urodaeum -Urodela -urodelan -urodele -urodelous -urodialysis -urodynia -uroedema -uroerythrin -urofuscohematin -urogaster -urogastric -urogenic -urogenital -urogenitary -urogenous -uroglaucin -Uroglena -urogram -urography -urogravimeter -urohematin -urohyal -urolagnia -uroleucic -uroleucinic -urolith -urolithiasis -urolithic -urolithology -urologic -urological -urologist -urology -urolutein -urolytic -uromancy -uromantia -uromantist -Uromastix -uromelanin -uromelus -uromere -uromeric -urometer -Uromyces -Uromycladium -uronephrosis -uronic -uronology -uropatagium -Uropeltidae -urophanic -urophanous -urophein -Urophlyctis -urophthisis -uroplania -uropod -uropodal -uropodous -uropoetic -uropoiesis -uropoietic -uroporphyrin -uropsile -Uropsilus -uroptysis -Uropygi -uropygial -uropygium -uropyloric -urorosein -urorrhagia -urorrhea -urorubin -urosaccharometry -urosacral -uroschesis -uroscopic -uroscopist -uroscopy -urosepsis -uroseptic -urosis -urosomatic -urosome -urosomite -urosomitic -urostea -urostealith -urostegal -urostege -urostegite -urosteon -urosternite -urosthene -urosthenic -urostylar -urostyle -urotoxia -urotoxic -urotoxicity -urotoxin -urotoxy -uroxanate -uroxanic -uroxanthin -uroxin -urradhus -urrhodin -urrhodinic -Urs -Ursa -ursal -ursicidal -ursicide -Ursid -Ursidae -ursiform -ursigram -ursine -ursoid -ursolic -urson -ursone -ursuk -Ursula -Ursuline -Ursus -Urtica -urtica -Urticaceae -urticaceous -Urticales -urticant -urticaria -urticarial -urticarious -Urticastrum -urticate -urticating -urtication -urticose -urtite -Uru -urubu -urucu -urucuri -Uruguayan -uruisg -Urukuena -urunday -urus -urushi -urushic -urushinic -urushiol -urushiye -urva -us -usability -usable -usableness -usage -usager -usance -usar -usara -usaron -usation -use -used -usedly -usedness -usednt -usee -useful -usefullish -usefully -usefulness -usehold -useless -uselessly -uselessness -usent -user -ush -ushabti -ushabtiu -Ushak -Usheen -usher -usherance -usherdom -usherer -usheress -usherette -Usherian -usherian -usherism -usherless -ushership -usings -Usipetes -usitate -usitative -Uskara -Uskok -Usnea -usnea -Usneaceae -usneaceous -usneoid -usnic -usninic -Uspanteca -usque -usquebaugh -usself -ussels -usselven -ussingite -ust -Ustarana -uster -Ustilaginaceae -ustilaginaceous -Ustilaginales -ustilagineous -Ustilaginoidea -Ustilago -ustion -ustorious -ustulate -ustulation -Ustulina -usual -usualism -usually -usualness -usuary -usucapient -usucapion -usucapionary -usucapt -usucaptable -usucaption -usucaptor -usufruct -usufructuary -Usun -usure -usurer -usurerlike -usuress -usurious -usuriously -usuriousness -usurp -usurpation -usurpative -usurpatively -usurpatory -usurpature -usurpedly -usurper -usurpership -usurping -usurpingly -usurpment -usurpor -usurpress -usury -usward -uswards -ut -Uta -uta -Utah -Utahan -utahite -utai -utas -utch -utchy -Ute -utees -utensil -uteralgia -uterectomy -uteri -uterine -uteritis -uteroabdominal -uterocele -uterocervical -uterocystotomy -uterofixation -uterogestation -uterogram -uterography -uterointestinal -uterolith -uterology -uteromania -uterometer -uteroovarian -uteroparietal -uteropelvic -uteroperitoneal -uteropexia -uteropexy -uteroplacental -uteroplasty -uterosacral -uterosclerosis -uteroscope -uterotomy -uterotonic -uterotubal -uterovaginal -uteroventral -uterovesical -uterus -utfangenethef -utfangethef -utfangthef -utfangthief -utick -utile -utilitarian -utilitarianism -utilitarianist -utilitarianize -utilitarianly -utility -utilizable -utilization -utilize -utilizer -utinam -utmost -utmostness -Utopia -utopia -Utopian -utopian -utopianism -utopianist -Utopianize -Utopianizer -utopianizer -utopiast -utopism -utopist -utopistic -utopographer -Utraquism -utraquist -utraquistic -Utrecht -utricle -utricul -utricular -Utricularia -Utriculariaceae -utriculate -utriculiferous -utriculiform -utriculitis -utriculoid -utriculoplastic -utriculoplasty -utriculosaccular -utriculose -utriculus -utriform -utrubi -utrum -utsuk -utter -utterability -utterable -utterableness -utterance -utterancy -utterer -utterless -utterly -uttermost -utterness -utu -utum -uturuncu -uva -uval -uvalha -uvanite -uvarovite -uvate -uvea -uveal -uveitic -uveitis -Uvella -uveous -uvic -uvid -uviol -uvitic -uvitinic -uvito -uvitonic -uvrou -uvula -uvulae -uvular -Uvularia -uvularly -uvulitis -uvuloptosis -uvulotome -uvulotomy -uvver -uxorial -uxoriality -uxorially -uxoricidal -uxoricide -uxorious -uxoriously -uxoriousness -uzan -uzara -uzarin -uzaron -Uzbak -Uzbeg -Uzbek -V -v -vaagmer -vaalite -Vaalpens -vacabond -vacancy -vacant -vacanthearted -vacantheartedness -vacantly -vacantness -vacantry -vacatable -vacate -vacation -vacational -vacationer -vacationist -vacationless -vacatur -Vaccaria -vaccary -vaccenic -vaccicide -vaccigenous -vaccina -vaccinable -vaccinal -vaccinate -vaccination -vaccinationist -vaccinator -vaccinatory -vaccine -vaccinee -vaccinella -vaccinia -Vacciniaceae -vacciniaceous -vaccinial -vaccinifer -vacciniform -vacciniola -vaccinist -Vaccinium -vaccinium -vaccinization -vaccinogenic -vaccinogenous -vaccinoid -vaccinophobia -vaccinotherapy -vache -Vachellia -vachette -vacillancy -vacillant -vacillate -vacillating -vacillatingly -vacillation -vacillator -vacillatory -vacoa -vacona -vacoua -vacouf -vacual -vacuate -vacuation -vacuefy -vacuist -vacuity -vacuolar -vacuolary -vacuolate -vacuolated -vacuolation -vacuole -vacuolization -vacuome -vacuometer -vacuous -vacuously -vacuousness -vacuum -vacuuma -vacuumize -vade -Vadim -vadimonium -vadimony -vadium -vadose -vady -vag -vagabond -vagabondage -vagabondager -vagabondia -vagabondish -vagabondism -vagabondismus -vagabondize -vagabondizer -vagabondry -vagal -vagarian -vagarious -vagariously -vagarish -vagarisome -vagarist -vagaristic -vagarity -vagary -vagas -vage -vagiform -vagile -vagina -vaginal -vaginalectomy -vaginaless -vaginalitis -vaginant -vaginate -vaginated -vaginectomy -vaginervose -Vaginicola -vaginicoline -vaginicolous -vaginiferous -vaginipennate -vaginismus -vaginitis -vaginoabdominal -vaginocele -vaginodynia -vaginofixation -vaginolabial -vaginometer -vaginomycosis -vaginoperineal -vaginoperitoneal -vaginopexy -vaginoplasty -vaginoscope -vaginoscopy -vaginotome -vaginotomy -vaginovesical -vaginovulvar -vaginula -vaginulate -vaginule -vagitus -Vagnera -vagoaccessorius -vagodepressor -vagoglossopharyngeal -vagogram -vagolysis -vagosympathetic -vagotomize -vagotomy -vagotonia -vagotonic -vagotropic -vagotropism -vagrance -vagrancy -vagrant -vagrantism -vagrantize -vagrantlike -vagrantly -vagrantness -vagrate -vagrom -vague -vaguely -vagueness -vaguish -vaguity -vagulous -vagus -vahine -Vai -Vaidic -vail -vailable -vain -vainful -vainglorious -vaingloriously -vaingloriousness -vainglory -vainly -vainness -vair -vairagi -vaire -vairy -Vaishnava -Vaishnavism -vaivode -vajra -vajrasana -vakass -vakia -vakil -vakkaliga -Val -valance -valanced -valanche -valbellite -vale -valediction -valedictorian -valedictorily -valedictory -valence -Valencia -Valencian -valencianite -Valenciennes -valency -valent -Valentide -Valentin -Valentine -valentine -Valentinian -Valentinianism -valentinite -valeral -valeraldehyde -valeramide -valerate -Valeria -valerian -Valeriana -Valerianaceae -valerianaceous -Valerianales -valerianate -Valerianella -Valerianoides -valeric -Valerie -valerin -valerolactone -valerone -valeryl -valerylene -valet -valeta -valetage -valetdom -valethood -valetism -valetry -valetudinarian -valetudinarianism -valetudinariness -valetudinarist -valetudinarium -valetudinary -valeur -valeward -valgoid -valgus -valhall -Valhalla -Vali -vali -valiance -valiancy -valiant -valiantly -valiantness -valid -validate -validation -validatory -validification -validity -validly -validness -valine -valise -valiseful -valiship -Valkyr -Valkyria -Valkyrian -Valkyrie -vall -vallancy -vallar -vallary -vallate -vallated -vallation -vallecula -vallecular -valleculate -vallevarite -valley -valleyful -valleyite -valleylet -valleylike -valleyward -valleywise -vallicula -vallicular -vallidom -vallis -Valliscaulian -Vallisneria -Vallisneriaceae -vallisneriaceous -Vallombrosan -Vallota -vallum -Valmy -Valois -valonia -Valoniaceae -valoniaceous -valor -valorization -valorize -valorous -valorously -valorousness -Valsa -Valsaceae -Valsalvan -valse -valsoid -valuable -valuableness -valuably -valuate -valuation -valuational -valuator -value -valued -valueless -valuelessness -valuer -valuta -valva -valval -Valvata -valvate -Valvatidae -valve -valved -valveless -valvelet -valvelike -valveman -valviferous -valviform -valvotomy -valvula -valvular -valvulate -valvule -valvulitis -valvulotome -valvulotomy -valyl -valylene -vambrace -vambraced -vamfont -vammazsa -vamoose -vamp -vamped -vamper -vamphorn -vampire -vampireproof -vampiric -vampirish -vampirism -vampirize -vamplate -vampproof -Vampyrella -Vampyrellidae -Vampyrum -Van -van -vanadate -vanadiate -vanadic -vanadiferous -vanadinite -vanadium -vanadosilicate -vanadous -vanadyl -Vanaheim -vanaprastha -Vance -vancourier -Vancouveria -Vanda -Vandal -Vandalic -vandalish -vandalism -vandalistic -vandalization -vandalize -vandalroot -Vandemonian -Vandemonianism -Vandiemenian -Vandyke -vane -vaned -vaneless -vanelike -Vanellus -Vanessa -vanessian -vanfoss -vang -vangee -vangeli -vanglo -vanguard -Vanguardist -Vangueria -vanilla -vanillal -vanillaldehyde -vanillate -vanille -vanillery -vanillic -vanillin -vanillinic -vanillism -vanilloes -vanillon -vanilloyl -vanillyl -Vanir -vanish -vanisher -vanishing -vanishingly -vanishment -Vanist -vanitarianism -vanitied -vanity -vanjarrah -vanman -vanmost -Vannai -vanner -vannerman -vannet -Vannic -vanquish -vanquishable -vanquisher -vanquishment -vansire -vantage -vantageless -vantbrace -vantbrass -vanward -vapid -vapidism -vapidity -vapidly -vapidness -vapocauterization -vapographic -vapography -vapor -vaporability -vaporable -vaporarium -vaporary -vaporate -vapored -vaporer -vaporescence -vaporescent -vaporiferous -vaporiferousness -vaporific -vaporiform -vaporimeter -vaporing -vaporingly -vaporish -vaporishness -vaporium -vaporizable -vaporization -vaporize -vaporizer -vaporless -vaporlike -vaporograph -vaporographic -vaporose -vaporoseness -vaporosity -vaporous -vaporously -vaporousness -vaportight -vapory -vapulary -vapulate -vapulation -vapulatory -vara -varahan -varan -Varanger -Varangi -Varangian -varanid -Varanidae -Varanoid -Varanus -Varda -vardapet -vardy -vare -varec -vareheaded -vareuse -vargueno -vari -variability -variable -variableness -variably -Variag -variance -variancy -variant -variate -variation -variational -variationist -variatious -variative -variatively -variator -varical -varicated -varication -varicella -varicellar -varicellate -varicellation -varicelliform -varicelloid -varicellous -varices -variciform -varicoblepharon -varicocele -varicoid -varicolored -varicolorous -varicose -varicosed -varicoseness -varicosis -varicosity -varicotomy -varicula -varied -variedly -variegate -variegated -variegation -variegator -varier -varietal -varietally -varietism -varietist -variety -variform -variformed -variformity -variformly -varigradation -variocoupler -variola -variolar -Variolaria -variolate -variolation -variole -variolic -varioliform -variolite -variolitic -variolitization -variolization -varioloid -variolous -variolovaccine -variolovaccinia -variometer -variorum -variotinted -various -variously -variousness -variscite -varisse -varix -varlet -varletaille -varletess -varletry -varletto -varment -varna -varnashrama -varnish -varnished -varnisher -varnishing -varnishlike -varnishment -varnishy -varnpliktige -varnsingite -Varolian -Varronia -Varronian -varsha -varsity -Varsovian -varsoviana -Varuna -varus -varve -varved -vary -varyingly -vas -Vasa -vasa -vasal -Vascons -vascular -vascularity -vascularization -vascularize -vascularly -vasculated -vasculature -vasculiferous -vasculiform -vasculitis -vasculogenesis -vasculolymphatic -vasculomotor -vasculose -vasculum -vase -vasectomize -vasectomy -vaseful -vaselet -vaselike -Vaseline -vasemaker -vasemaking -vasewise -vasework -vashegyite -vasicentric -vasicine -vasifactive -vasiferous -vasiform -vasoconstricting -vasoconstriction -vasoconstrictive -vasoconstrictor -vasocorona -vasodentinal -vasodentine -vasodilatation -vasodilatin -vasodilating -vasodilation -vasodilator -vasoepididymostomy -vasofactive -vasoformative -vasoganglion -vasohypertonic -vasohypotonic -vasoinhibitor -vasoinhibitory -vasoligation -vasoligature -vasomotion -vasomotor -vasomotorial -vasomotoric -vasomotory -vasoneurosis -vasoparesis -vasopressor -vasopuncture -vasoreflex -vasorrhaphy -vasosection -vasospasm -vasospastic -vasostimulant -vasostomy -vasotomy -vasotonic -vasotribe -vasotripsy -vasotrophic -vasovesiculectomy -vasquine -vassal -vassalage -vassaldom -vassaless -vassalic -vassalism -vassality -vassalize -vassalless -vassalry -vassalship -Vassos -vast -vastate -vastation -vastidity -vastily -vastiness -vastitude -vastity -vastly -vastness -vasty -vasu -Vasudeva -Vasundhara -vat -Vateria -vatful -vatic -vatically -Vatican -vaticanal -vaticanic -vaticanical -Vaticanism -Vaticanist -Vaticanization -Vaticanize -vaticide -vaticinal -vaticinant -vaticinate -vaticination -vaticinator -vaticinatory -vaticinatress -vaticinatrix -vatmaker -vatmaking -vatman -Vatteluttu -vatter -vau -Vaucheria -Vaucheriaceae -vaucheriaceous -vaudeville -vaudevillian -vaudevillist -Vaudism -Vaudois -vaudy -Vaughn -vaugnerite -vault -vaulted -vaultedly -vaulter -vaulting -vaultlike -vaulty -vaunt -vauntage -vaunted -vaunter -vauntery -vauntful -vauntiness -vaunting -vauntingly -vauntmure -vaunty -vauquelinite -Vauxhall -Vauxhallian -vauxite -vavasor -vavasory -vaward -Vayu -Vazimba -Veadar -veal -vealer -vealiness -veallike -vealskin -vealy -vectigal -vection -vectis -vectograph -vectographic -vector -vectorial -vectorially -vecture -Veda -Vedaic -Vedaism -Vedalia -vedana -Vedanga -Vedanta -Vedantic -Vedantism -Vedantist -Vedda -Veddoid -vedette -Vedic -vedika -Vediovis -Vedism -Vedist -vedro -Veduis -veduis -vee -veen -veep -veer -veerable -veeringly -veery -Vega -vegasite -vegeculture -vegetability -vegetable -vegetablelike -vegetablewise -vegetablize -vegetably -vegetal -vegetalcule -vegetality -vegetant -vegetarian -vegetarianism -vegetate -vegetation -vegetational -vegetationless -vegetative -vegetatively -vegetativeness -vegete -vegeteness -vegetism -vegetive -vegetivorous -vegetoalkali -vegetoalkaline -vegetoalkaloid -vegetoanimal -vegetobituminous -vegetocarbonaceous -vegetomineral -vehemence -vehemency -vehement -vehemently -vehicle -vehicular -vehicularly -vehiculary -vehiculate -vehiculation -vehiculatory -Vehmic -vei -veigle -veil -veiled -veiledly -veiledness -veiler -veiling -veilless -veillike -veilmaker -veilmaking -Veiltail -veily -vein -veinage -veinal -veinbanding -veined -veiner -veinery -veininess -veining -veinless -veinlet -veinous -veinstone -veinstuff -veinule -veinulet -veinwise -veinwork -veiny -Vejoces -vejoces -Vejovis -Vejoz -vela -velal -velamen -velamentous -velamentum -velar -velardenite -velaric -velarium -velarize -velary -velate -velated -velation -velatura -Velchanos -veldcraft -veldman -veldschoen -veldt -veldtschoen -Velella -velellidous -velic -veliferous -veliform -veliger -veligerous -Velika -velitation -vell -vellala -velleda -velleity -vellicate -vellication -vellicative -vellinch -vellon -vellosine -Vellozia -Velloziaceae -velloziaceous -vellum -vellumy -velo -velociman -velocimeter -velocious -velociously -velocipedal -velocipede -velocipedean -velocipedic -velocitous -velocity -velodrome -velometer -velours -veloutine -velte -velum -velumen -velure -Velutina -velutinous -velveret -velvet -velvetbreast -velveted -velveteen -velveteened -velvetiness -velveting -velvetleaf -velvetlike -velvetry -velvetseed -velvetweed -velvetwork -velvety -venada -venal -venality -venalization -venalize -venally -venalness -Venantes -venanzite -venatic -venatical -venatically -venation -venational -venator -venatorial -venatorious -venatory -vencola -Vend -vend -vendace -Vendean -vendee -vender -vendetta -vendettist -vendibility -vendible -vendibleness -vendibly -vendicate -Vendidad -vending -venditate -venditation -vendition -venditor -vendor -vendue -Vened -Venedotian -veneer -veneerer -veneering -venefical -veneficious -veneficness -veneficous -venenate -venenation -venene -veneniferous -venenific -venenosalivary -venenous -venenousness -venepuncture -venerability -venerable -venerableness -venerably -Veneracea -veneracean -veneraceous -veneral -Veneralia -venerance -venerant -venerate -veneration -venerational -venerative -veneratively -venerativeness -venerator -venereal -venerealness -venereologist -venereology -venerer -Veneres -venerial -Veneridae -veneriform -venery -venesect -venesection -venesector -venesia -Venetes -Veneti -Venetian -Venetianed -Venetic -venezolano -Venezuelan -vengeable -vengeance -vengeant -vengeful -vengefully -vengefulness -vengeously -venger -venial -veniality -venially -venialness -Venice -venie -venin -veniplex -venipuncture -venireman -venison -venisonivorous -venisonlike -venisuture -Venite -Venizelist -Venkata -vennel -venner -venoatrial -venoauricular -venom -venomed -venomer -venomization -venomize -venomly -venomness -venomosalivary -venomous -venomously -venomousness -venomproof -venomsome -venomy -venosal -venosclerosis -venose -venosinal -venosity -venostasis -venous -venously -venousness -vent -ventage -ventail -venter -Ventersdorp -venthole -ventiduct -ventifact -ventil -ventilable -ventilagin -ventilate -ventilating -ventilation -ventilative -ventilator -ventilatory -ventless -ventometer -ventose -ventoseness -ventosity -ventpiece -ventrad -ventral -ventrally -ventralmost -ventralward -ventric -ventricle -ventricolumna -ventricolumnar -ventricornu -ventricornual -ventricose -ventricoseness -ventricosity -ventricous -ventricular -ventricularis -ventriculite -Ventriculites -ventriculitic -Ventriculitidae -ventriculogram -ventriculography -ventriculoscopy -ventriculose -ventriculous -ventriculus -ventricumbent -ventriduct -ventrifixation -ventrilateral -ventrilocution -ventriloqual -ventriloqually -ventriloque -ventriloquial -ventriloquially -ventriloquism -ventriloquist -ventriloquistic -ventriloquize -ventriloquous -ventriloquously -ventriloquy -ventrimesal -ventrimeson -ventrine -ventripotency -ventripotent -ventripotential -ventripyramid -ventroaxial -ventroaxillary -ventrocaudal -ventrocystorrhaphy -ventrodorsad -ventrodorsal -ventrodorsally -ventrofixation -ventrohysteropexy -ventroinguinal -ventrolateral -ventrolaterally -ventromedial -ventromedian -ventromesal -ventromesial -ventromyel -ventroposterior -ventroptosia -ventroptosis -ventroscopy -ventrose -ventrosity -ventrosuspension -ventrotomy -venture -venturer -venturesome -venturesomely -venturesomeness -Venturia -venturine -venturous -venturously -venturousness -venue -venula -venular -venule -venulose -Venus -Venusian -venust -Venutian -venville -Veps -Vepse -Vepsish -vera -veracious -veraciously -veraciousness -veracity -veranda -verandaed -verascope -veratral -veratralbine -veratraldehyde -veratrate -veratria -veratric -veratridine -veratrine -veratrinize -veratrize -veratroidine -veratrole -veratroyl -Veratrum -veratryl -veratrylidene -verb -verbal -verbalism -verbalist -verbality -verbalization -verbalize -verbalizer -verbally -verbarian -verbarium -verbasco -verbascose -Verbascum -verbate -verbatim -verbena -Verbenaceae -verbenaceous -verbenalike -verbenalin -Verbenarius -verbenate -verbene -verbenone -verberate -verberation -verberative -Verbesina -verbiage -verbicide -verbiculture -verbid -verbification -verbify -verbigerate -verbigeration -verbigerative -verbile -verbless -verbolatry -verbomania -verbomaniac -verbomotor -verbose -verbosely -verboseness -verbosity -verbous -verby -verchok -verd -verdancy -verdant -verdantly -verdantness -verdea -verdelho -verderer -verderership -verdet -verdict -verdigris -verdigrisy -verdin -verditer -verdoy -verdugoship -verdun -verdure -verdured -verdureless -verdurous -verdurousness -verecund -verecundity -verecundness -verek -veretilliform -Veretillum -veretillum -verge -vergeboard -vergence -vergency -vergent -vergentness -verger -vergeress -vergerism -vergerless -vergership -vergery -vergi -vergiform -Vergilianism -verglas -vergobret -veri -veridic -veridical -veridicality -veridically -veridicalness -veridicous -veridity -verifiability -verifiable -verifiableness -verifiably -verificate -verification -verificative -verificatory -verifier -verify -verily -verine -verisimilar -verisimilarly -verisimilitude -verisimilitudinous -verisimility -verism -verist -veristic -veritability -veritable -veritableness -veritably -verite -veritism -veritist -veritistic -verity -verjuice -vermeil -vermeologist -vermeology -Vermes -vermetid -Vermetidae -vermetidae -Vermetus -vermian -vermicelli -vermicidal -vermicide -vermicious -vermicle -vermicular -Vermicularia -vermicularly -vermiculate -vermiculated -vermiculation -vermicule -vermiculite -vermiculose -vermiculosity -vermiculous -vermiform -Vermiformia -vermiformis -vermiformity -vermiformous -vermifugal -vermifuge -vermifugous -vermigerous -vermigrade -Vermilingues -Vermilinguia -vermilinguial -vermilion -vermilionette -vermilionize -vermin -verminal -verminate -vermination -verminer -verminicidal -verminicide -verminiferous -verminlike -verminly -verminosis -verminous -verminously -verminousness -verminproof -verminy -vermiparous -vermiparousness -vermis -vermivorous -vermivorousness -vermix -Vermont -Vermonter -Vermontese -vermorel -vermouth -Vern -vernacle -vernacular -vernacularism -vernacularist -vernacularity -vernacularization -vernacularize -vernacularly -vernacularness -vernaculate -vernal -vernality -vernalization -vernalize -vernally -vernant -vernation -vernicose -vernier -vernile -vernility -vernin -vernine -vernition -Vernon -Vernonia -vernoniaceous -Vernonieae -vernonin -Verona -Veronal -veronalism -Veronese -Veronica -Veronicella -Veronicellidae -Verpa -verre -verrel -verriculate -verriculated -verricule -verruca -verrucano -Verrucaria -Verrucariaceae -verrucariaceous -verrucarioid -verrucated -verruciferous -verruciform -verrucose -verrucoseness -verrucosis -verrucosity -verrucous -verruculose -verruga -versability -versable -versableness -versal -versant -versate -versatile -versatilely -versatileness -versatility -versation -versative -verse -versecraft -versed -verseless -verselet -versemaker -versemaking -verseman -versemanship -versemonger -versemongering -versemongery -verser -versesmith -verset -versette -verseward -versewright -versicle -versicler -versicolor -versicolorate -versicolored -versicolorous -versicular -versicule -versifiable -versifiaster -versification -versificator -versificatory -versificatrix -versifier -versiform -versify -versiloquy -versine -version -versional -versioner -versionist -versionize -versipel -verso -versor -verst -versta -versual -versus -vert -vertebra -vertebrae -vertebral -vertebraless -vertebrally -Vertebraria -vertebrarium -vertebrarterial -Vertebrata -vertebrate -vertebrated -vertebration -vertebre -vertebrectomy -vertebriform -vertebroarterial -vertebrobasilar -vertebrochondral -vertebrocostal -vertebrodymus -vertebrofemoral -vertebroiliac -vertebromammary -vertebrosacral -vertebrosternal -vertex -vertibility -vertible -vertibleness -vertical -verticalism -verticality -vertically -verticalness -vertices -verticil -verticillary -verticillaster -verticillastrate -verticillate -verticillated -verticillately -verticillation -verticilliaceous -verticilliose -Verticillium -verticillus -verticity -verticomental -verticordious -vertiginate -vertigines -vertiginous -vertigo -vertilinear -vertimeter -Vertumnus -Verulamian -veruled -verumontanum -vervain -vervainlike -verve -vervecine -vervel -verveled -vervelle -vervenia -vervet -very -Vesalian -vesania -vesanic -vesbite -vesicae -vesical -vesicant -vesicate -vesication -vesicatory -vesicle -vesicoabdominal -vesicocavernous -vesicocele -vesicocervical -vesicoclysis -vesicofixation -vesicointestinal -vesicoprostatic -vesicopubic -vesicorectal -vesicosigmoid -vesicospinal -vesicotomy -vesicovaginal -vesicular -Vesicularia -vesicularly -vesiculary -vesiculase -Vesiculata -Vesiculatae -vesiculate -vesiculation -vesicule -vesiculectomy -vesiculiferous -vesiculiform -vesiculigerous -vesiculitis -vesiculobronchial -vesiculocavernous -vesiculopustular -vesiculose -vesiculotomy -vesiculotubular -vesiculotympanic -vesiculotympanitic -vesiculous -vesiculus -vesicupapular -veskit -Vespa -vespacide -vespal -vesper -vesperal -vesperian -vespering -vespers -vespertide -vespertilian -Vespertilio -vespertilio -Vespertiliones -vespertilionid -Vespertilionidae -Vespertilioninae -vespertilionine -vespertinal -vespertine -vespery -vespiary -vespid -Vespidae -vespiform -Vespina -vespine -vespoid -Vespoidea -vessel -vesseled -vesselful -vessignon -vest -Vesta -vestal -Vestalia -vestalia -vestalship -Vestas -vestee -vester -vestiarian -vestiarium -vestiary -vestibula -vestibular -vestibulary -vestibulate -vestibule -vestibuled -vestibulospinal -vestibulum -vestige -vestigial -vestigially -Vestigian -vestigiary -vestigium -vestiment -vestimental -vestimentary -vesting -Vestini -Vestinian -vestiture -vestlet -vestment -vestmental -vestmented -vestral -vestralization -vestrical -vestrification -vestrify -vestry -vestrydom -vestryhood -vestryish -vestryism -vestryize -vestryman -vestrymanly -vestrymanship -vestuary -vestural -vesture -vesturer -Vesuvian -vesuvian -vesuvianite -vesuviate -vesuvite -vesuvius -veszelyite -vet -veta -vetanda -vetch -vetchling -vetchy -veteran -veterancy -veteraness -veteranize -veterinarian -veterinarianism -veterinary -vetitive -vetivene -vetivenol -vetiver -Vetiveria -vetiveria -vetivert -vetkousie -veto -vetoer -vetoism -vetoist -vetoistic -vetoistical -vetust -vetusty -veuglaire -veuve -vex -vexable -vexation -vexatious -vexatiously -vexatiousness -vexatory -vexed -vexedly -vexedness -vexer -vexful -vexil -vexillar -vexillarious -vexillary -vexillate -vexillation -vexillum -vexingly -vexingness -vext -via -viability -viable -viaduct -viaggiatory -viagram -viagraph -viajaca -vial -vialful -vialmaker -vialmaking -vialogue -viameter -viand -viander -viatic -viatica -viatical -viaticum -viatometer -viator -viatorial -viatorially -vibetoite -vibex -vibgyor -vibix -vibracular -vibracularium -vibraculoid -vibraculum -vibrance -vibrancy -vibrant -vibrantly -vibraphone -vibrate -vibratile -vibratility -vibrating -vibratingly -vibration -vibrational -vibrationless -vibratiuncle -vibratiunculation -vibrative -vibrato -vibrator -vibratory -Vibrio -vibrioid -vibrion -vibrionic -vibrissa -vibrissae -vibrissal -vibrograph -vibromassage -vibrometer -vibromotive -vibronic -vibrophone -vibroscope -vibroscopic -vibrotherapeutics -viburnic -viburnin -Viburnum -Vic -vicar -vicarage -vicarate -vicaress -vicarial -vicarian -vicarianism -vicariate -vicariateship -vicarious -vicariously -vicariousness -vicarly -vicarship -Vice -vice -vicecomes -vicecomital -vicegeral -vicegerency -vicegerent -vicegerentship -viceless -vicelike -vicenary -vicennial -viceregal -viceregally -vicereine -viceroy -viceroyal -viceroyalty -viceroydom -viceroyship -vicety -viceversally -Vichyite -vichyssoise -Vicia -vicianin -vicianose -vicilin -vicinage -vicinal -vicine -vicinity -viciosity -vicious -viciously -viciousness -vicissitous -vicissitude -vicissitudinary -vicissitudinous -vicissitudinousness -Vick -Vicki -Vickie -Vicky -vicoite -vicontiel -victim -victimhood -victimizable -victimization -victimize -victimizer -victless -Victor -victor -victordom -victorfish -Victoria -Victorian -Victorianism -Victorianize -Victorianly -victoriate -victoriatus -victorine -victorious -victoriously -victoriousness -victorium -victory -victoryless -victress -victrix -Victrola -victrola -victual -victualage -victualer -victualing -victuallership -victualless -victualry -victuals -vicuna -Viddhal -viddui -videndum -video -videogenic -vidette -Vidhyanath -Vidian -vidonia -vidry -Vidua -viduage -vidual -vidually -viduate -viduated -viduation -Viduinae -viduine -viduity -viduous -vidya -vie -vielle -Vienna -Viennese -vier -vierling -viertel -viertelein -Vietminh -Vietnamese -view -viewable -viewably -viewer -viewiness -viewless -viewlessly -viewly -viewpoint -viewsome -viewster -viewworthy -viewy -vifda -viga -vigentennial -vigesimal -vigesimation -vigia -vigil -vigilance -vigilancy -vigilant -vigilante -vigilantism -vigilantly -vigilantness -vigilate -vigilation -vigintiangular -vigneron -vignette -vignetter -vignettist -vignin -vigonia -vigor -vigorist -vigorless -vigorous -vigorously -vigorousness -vihara -vihuela -vijao -Vijay -viking -vikingism -vikinglike -vikingship -vila -vilayet -vile -vilehearted -Vilela -vilely -vileness -Vilhelm -Vili -vilicate -vilification -vilifier -vilify -vilifyingly -vilipend -vilipender -vilipenditory -vility -vill -villa -villadom -villaette -village -villageful -villagehood -villageless -villagelet -villagelike -villageous -villager -villageress -villagery -villaget -villageward -villagey -villagism -villain -villainage -villaindom -villainess -villainist -villainous -villainously -villainousness -villainproof -villainy -villakin -villaless -villalike -villanage -villanella -villanelle -villanette -villanous -villanously -Villanova -Villanovan -villar -villate -villatic -ville -villein -villeinage -villeiness -villeinhold -villenage -villiaumite -villiferous -villiform -villiplacental -Villiplacentalia -villitis -villoid -villose -villosity -villous -villously -villus -vim -vimana -vimen -vimful -Viminal -viminal -vimineous -vina -vinaceous -vinaconic -vinage -vinagron -vinaigrette -vinaigretted -vinaigrier -vinaigrous -vinal -Vinalia -vinasse -vinata -Vince -Vincent -vincent -Vincentian -Vincenzo -Vincetoxicum -vincetoxin -vincibility -vincible -vincibleness -vincibly -vincular -vinculate -vinculation -vinculum -Vindelici -vindemial -vindemiate -vindemiation -vindemiatory -Vindemiatrix -vindex -vindhyan -vindicability -vindicable -vindicableness -vindicably -vindicate -vindication -vindicative -vindicatively -vindicativeness -vindicator -vindicatorily -vindicatorship -vindicatory -vindicatress -vindictive -vindictively -vindictiveness -vindictivolence -vindresser -vine -vinea -vineal -vineatic -vined -vinegar -vinegarer -vinegarette -vinegarish -vinegarist -vinegarroon -vinegarweed -vinegary -vinegerone -vinegrower -vineity -vineland -vineless -vinelet -vinelike -viner -vinery -vinestalk -vinewise -vineyard -Vineyarder -vineyarding -vineyardist -vingerhoed -Vingolf -vinhatico -vinic -vinicultural -viniculture -viniculturist -vinifera -viniferous -vinification -vinificator -Vinland -vinny -vino -vinoacetous -Vinod -vinolence -vinolent -vinologist -vinology -vinometer -vinomethylic -vinose -vinosity -vinosulphureous -vinous -vinously -vinousness -vinquish -vint -vinta -vintage -vintager -vintaging -vintem -vintener -vintlite -vintner -vintneress -vintnership -vintnery -vintress -vintry -viny -vinyl -vinylbenzene -vinylene -vinylic -vinylidene -viol -viola -violability -violable -violableness -violably -Violaceae -violacean -violaceous -violaceously -violal -Violales -violanin -violaquercitrin -violate -violater -violation -violational -violative -violator -violatory -violature -violence -violent -violently -violentness -violer -violescent -violet -violetish -violetlike -violette -violetwise -violety -violin -violina -violine -violinette -violinist -violinistic -violinlike -violinmaker -violinmaking -violist -violmaker -violmaking -violon -violoncellist -violoncello -violone -violotta -violuric -viosterol -Vip -viper -Vipera -viperan -viperess -viperfish -viperian -viperid -Viperidae -viperiform -Viperina -Viperinae -viperine -viperish -viperishly -viperlike -viperling -viperoid -Viperoidea -viperous -viperously -viperousness -vipery -vipolitic -vipresident -viqueen -Vira -viragin -viraginian -viraginity -viraginous -virago -viragoish -viragolike -viragoship -viral -Virales -Virbius -vire -virelay -viremia -viremic -virent -vireo -vireonine -virescence -virescent -virga -virgal -virgate -virgated -virgater -virgation -virgilia -Virgilism -virgin -virginal -Virginale -virginalist -virginality -virginally -virgineous -virginhead -Virginia -Virginian -Virginid -virginitis -virginity -virginityship -virginium -virginlike -virginly -virginship -Virgo -virgula -virgular -Virgularia -virgularian -Virgulariidae -virgulate -virgule -virgultum -virial -viricide -virid -viridene -viridescence -viridescent -viridian -viridigenous -viridine -viridite -viridity -virific -virify -virile -virilely -virileness -virilescence -virilescent -virilify -viriliously -virilism -virilist -virility -viripotent -viritrate -virl -virole -viroled -virological -virologist -virology -viron -virose -virosis -virous -virtu -virtual -virtualism -virtualist -virtuality -virtualize -virtually -virtue -virtued -virtuefy -virtuelessness -virtueproof -virtuless -virtuosa -virtuose -virtuosi -virtuosic -virtuosity -virtuoso -virtuosoship -virtuous -virtuouslike -virtuously -virtuousness -virucidal -virucide -viruela -virulence -virulency -virulent -virulented -virulently -virulentness -viruliferous -virus -viruscidal -viruscide -virusemic -vis -visa -visage -visaged -visagraph -visarga -Visaya -Visayan -viscacha -viscera -visceral -visceralgia -viscerally -viscerate -visceration -visceripericardial -visceroinhibitory -visceromotor -visceroparietal -visceroperitioneal -visceropleural -visceroptosis -visceroptotic -viscerosensory -visceroskeletal -viscerosomatic -viscerotomy -viscerotonia -viscerotonic -viscerotrophic -viscerotropic -viscerous -viscid -viscidity -viscidize -viscidly -viscidness -viscidulous -viscin -viscoidal -viscolize -viscometer -viscometrical -viscometrically -viscometry -viscontal -viscoscope -viscose -viscosimeter -viscosimetry -viscosity -viscount -viscountcy -viscountess -viscountship -viscounty -viscous -viscously -viscousness -viscus -vise -viseman -Vishal -Vishnavite -Vishnu -Vishnuism -Vishnuite -Vishnuvite -visibility -visibilize -visible -visibleness -visibly -visie -Visigoth -Visigothic -visile -vision -visional -visionally -visionarily -visionariness -visionary -visioned -visioner -visionic -visionist -visionize -visionless -visionlike -visionmonger -visionproof -visit -visita -visitable -Visitandine -visitant -visitation -visitational -visitative -visitator -visitatorial -visite -visitee -visiter -visiting -visitment -visitor -visitoress -visitorial -visitorship -visitress -visitrix -visive -visne -vison -visor -visorless -visorlike -vista -vistaed -vistal -vistaless -vistamente -Vistlik -visto -Vistulian -visual -visualist -visuality -visualization -visualize -visualizer -visually -visuoauditory -visuokinesthetic -visuometer -visuopsychic -visuosensory -vita -Vitaceae -Vitaglass -vital -vitalic -vitalism -vitalist -vitalistic -vitalistically -vitality -vitalization -vitalize -vitalizer -vitalizing -vitalizingly -Vitallium -vitally -vitalness -vitals -vitamer -vitameric -vitamin -vitaminic -vitaminize -vitaminology -vitapath -vitapathy -vitaphone -vitascope -vitascopic -vitasti -vitativeness -vitellarian -vitellarium -vitellary -vitellicle -vitelliferous -vitelligenous -vitelligerous -vitellin -vitelline -vitellogene -vitellogenous -vitellose -vitellus -viterbite -Viti -vitiable -vitiate -vitiated -vitiation -vitiator -viticetum -viticulose -viticultural -viticulture -viticulturer -viticulturist -vitiferous -vitiliginous -vitiligo -vitiligoidea -vitiosity -Vitis -vitium -vitochemic -vitochemical -vitrage -vitrail -vitrailed -vitrailist -vitrain -vitraux -vitreal -vitrean -vitrella -vitremyte -vitreodentinal -vitreodentine -vitreoelectric -vitreosity -vitreous -vitreouslike -vitreously -vitreousness -vitrescence -vitrescency -vitrescent -vitrescibility -vitrescible -vitreum -vitric -vitrics -vitrifaction -vitrifacture -vitrifiability -vitrifiable -vitrification -vitriform -vitrify -Vitrina -vitrine -vitrinoid -vitriol -vitriolate -vitriolation -vitriolic -vitrioline -vitriolizable -vitriolization -vitriolize -vitriolizer -vitrite -vitrobasalt -vitrophyre -vitrophyric -vitrotype -vitrous -Vitruvian -Vitruvianism -vitta -vittate -vitular -vituline -vituperable -vituperate -vituperation -vituperative -vituperatively -vituperator -vituperatory -vituperious -viuva -viva -vivacious -vivaciously -vivaciousness -vivacity -vivandiere -vivarium -vivary -vivax -vive -Vivek -vively -vivency -viver -Viverridae -viverriform -Viverrinae -viverrine -vivers -vives -vivianite -vivicremation -vivid -vividialysis -vividiffusion -vividissection -vividity -vividly -vividness -vivific -vivificate -vivification -vivificative -vivificator -vivifier -vivify -viviparism -viviparity -viviparous -viviparously -viviparousness -vivipary -viviperfuse -vivisect -vivisection -vivisectional -vivisectionally -vivisectionist -vivisective -vivisector -vivisectorium -vivisepulture -vixen -vixenish -vixenishly -vixenishness -vixenlike -vixenly -vizard -vizarded -vizardless -vizardlike -vizardmonger -vizier -vizierate -viziercraft -vizierial -viziership -vizircraft -Vlach -Vladimir -Vladislav -vlei -voar -vocability -vocable -vocably -vocabular -vocabularian -vocabularied -vocabulary -vocabulation -vocabulist -vocal -vocalic -vocalion -vocalise -vocalism -vocalist -vocalistic -vocality -vocalization -vocalize -vocalizer -vocaller -vocally -vocalness -vocate -vocation -vocational -vocationalism -vocationalization -vocationalize -vocationally -vocative -vocatively -Vochysiaceae -vochysiaceous -vocicultural -vociferance -vociferant -vociferate -vociferation -vociferative -vociferator -vociferize -vociferosity -vociferous -vociferously -vociferousness -vocification -vocimotor -vocular -vocule -Vod -vodka -voe -voet -voeten -Voetian -vog -vogesite -voglite -vogue -voguey -voguish -Vogul -voice -voiced -voiceful -voicefulness -voiceless -voicelessly -voicelessness -voicelet -voicelike -voicer -voicing -void -voidable -voidableness -voidance -voided -voidee -voider -voiding -voidless -voidly -voidness -voile -voiturette -voivode -voivodeship -vol -volable -volage -Volans -volant -volantly -Volapuk -Volapuker -Volapukism -Volapukist -volar -volata -volatic -volatile -volatilely -volatileness -volatility -volatilizable -volatilization -volatilize -volatilizer -volation -volational -volborthite -Volcae -volcan -Volcanalia -volcanian -volcanic -volcanically -volcanicity -volcanism -volcanist -volcanite -volcanity -volcanization -volcanize -volcano -volcanoism -volcanological -volcanologist -volcanologize -volcanology -Volcanus -vole -volemitol -volency -volent -volently -volery -volet -volhynite -volipresence -volipresent -volitant -volitate -volitation -volitational -volitiency -volitient -volition -volitional -volitionalist -volitionality -volitionally -volitionary -volitionate -volitionless -volitive -volitorial -Volkerwanderung -volley -volleyball -volleyer -volleying -volleyingly -volost -volplane -volplanist -Volsci -Volscian -volsella -volsellum -Volstead -Volsteadism -volt -Volta -voltaelectric -voltaelectricity -voltaelectrometer -voltaelectrometric -voltage -voltagraphy -voltaic -Voltairian -Voltairianize -Voltairish -Voltairism -voltaism -voltaite -voltameter -voltametric -voltammeter -voltaplast -voltatype -voltinism -voltivity -voltize -voltmeter -voltzite -volubilate -volubility -voluble -volubleness -volubly -volucrine -volume -volumed -volumenometer -volumenometry -volumescope -volumeter -volumetric -volumetrical -volumetrically -volumetry -volumette -voluminal -voluminosity -voluminous -voluminously -voluminousness -volumist -volumometer -volumometrical -volumometry -voluntariate -voluntarily -voluntariness -voluntarism -voluntarist -voluntaristic -voluntarity -voluntary -voluntaryism -voluntaryist -voluntative -volunteer -volunteerism -volunteerly -volunteership -volupt -voluptary -voluptas -voluptuarian -voluptuary -voluptuate -voluptuosity -voluptuous -voluptuously -voluptuousness -volupty -Voluspa -voluta -volutate -volutation -volute -voluted -Volutidae -volutiform -volutin -volution -volutoid -volva -volvate -volvelle -volvent -Volvocaceae -volvocaceous -volvulus -vomer -vomerine -vomerobasilar -vomeronasal -vomeropalatine -vomica -vomicine -vomit -vomitable -vomiter -vomiting -vomitingly -vomition -vomitive -vomitiveness -vomito -vomitory -vomiture -vomiturition -vomitus -vomitwort -vondsira -vonsenite -voodoo -voodooism -voodooist -voodooistic -voracious -voraciously -voraciousness -voracity -voraginous -vorago -vorant -vorhand -vorlooper -vorondreo -vorpal -vortex -vortical -vortically -vorticel -Vorticella -vorticellid -Vorticellidae -vortices -vorticial -vorticiform -vorticism -vorticist -vorticity -vorticose -vorticosely -vorticular -vorticularly -vortiginous -Vortumnus -Vosgian -vota -votable -votal -votally -votaress -votarist -votary -votation -Vote -vote -voteen -voteless -voter -voting -Votish -votive -votively -votiveness -votometer -votress -Votyak -vouch -vouchable -vouchee -voucher -voucheress -vouchment -vouchsafe -vouchsafement -vouge -Vougeot -Vouli -voussoir -vow -vowed -vowel -vowelish -vowelism -vowelist -vowelization -vowelize -vowelless -vowellessness -vowellike -vowely -vower -vowess -vowless -vowmaker -vowmaking -voyage -voyageable -voyager -voyance -voyeur -voyeurism -vraic -vraicker -vraicking -vrbaite -vriddhi -vrother -Vu -vug -vuggy -Vulcan -Vulcanalia -Vulcanalial -Vulcanalian -Vulcanian -Vulcanic -vulcanicity -vulcanism -vulcanist -vulcanite -vulcanizable -vulcanizate -vulcanization -vulcanize -vulcanizer -vulcanological -vulcanologist -vulcanology -vulgar -vulgare -vulgarian -vulgarish -vulgarism -vulgarist -vulgarity -vulgarization -vulgarize -vulgarizer -vulgarlike -vulgarly -vulgarness -vulgarwise -Vulgate -vulgate -vulgus -vuln -vulnerability -vulnerable -vulnerableness -vulnerably -vulnerary -vulnerate -vulneration -vulnerative -vulnerose -vulnific -vulnose -Vulpecula -vulpecular -Vulpeculid -Vulpes -vulpic -vulpicidal -vulpicide -vulpicidism -Vulpinae -vulpine -vulpinism -vulpinite -vulsella -vulsellum -vulsinite -Vultur -vulture -vulturelike -vulturewise -Vulturidae -Vulturinae -vulturine -vulturish -vulturism -vulturn -vulturous -vulva -vulval -vulvar -vulvate -vulviform -vulvitis -vulvocrural -vulvouterine -vulvovaginal -vulvovaginitis -vum -vying -vyingly -W -w -Wa -wa -Waac -waag -waapa -waar -Waasi -wab -wabber -wabble -wabbly -wabby -wabe -Wabena -wabeno -Wabi -wabster -Wabuma -Wabunga -Wac -wacago -wace -Wachaga -Wachenheimer -wachna -Wachuset -wack -wacke -wacken -wacker -wackiness -wacky -Waco -wad -waddent -wadder -wadding -waddler -waddlesome -waddling -waddlingly -waddly -waddy -waddywood -Wade -wade -wadeable -wader -wadi -wading -wadingly -wadlike -wadmaker -wadmaking -wadmal -wadmeal -wadna -wadset -wadsetter -wae -waeg -waer -waesome -waesuck -Waf -Wafd -Wafdist -wafer -waferer -waferish -wafermaker -wafermaking -waferwoman -waferwork -wafery -waff -waffle -wafflike -waffly -waft -waftage -wafter -wafture -wafty -wag -Waganda -waganging -wagaun -wagbeard -wage -waged -wagedom -wageless -wagelessness -wagenboom -Wagener -wager -wagerer -wagering -wages -wagesman -wagework -wageworker -wageworking -waggable -waggably -waggel -wagger -waggery -waggie -waggish -waggishly -waggishness -waggle -waggling -wagglingly -waggly -Waggumbura -waggy -waglike -wagling -Wagneresque -Wagnerian -Wagneriana -Wagnerianism -Wagnerism -Wagnerist -Wagnerite -wagnerite -Wagnerize -Wagogo -Wagoma -wagon -wagonable -wagonage -wagoner -wagoness -wagonette -wagonful -wagonload -wagonmaker -wagonmaking -wagonman -wagonry -wagonsmith -wagonway -wagonwayman -wagonwork -wagonwright -wagsome -wagtail -Waguha -wagwag -wagwants -Wagweno -wagwit -wah -Wahabi -Wahabiism -Wahabit -Wahabitism -wahahe -Wahehe -Wahima -wahine -Wahlenbergia -wahoo -wahpekute -Wahpeton -waiata -Waibling -Waicuri -Waicurian -waif -Waiguli -Waiilatpuan -waik -waikly -waikness -wail -Wailaki -wailer -wailful -wailfully -wailingly -wailsome -waily -wain -wainage -wainbote -wainer -wainful -wainman -wainrope -wainscot -wainscoting -wainwright -waipiro -wairch -waird -wairepo -wairsh -waise -waist -waistband -waistcloth -waistcoat -waistcoated -waistcoateer -waistcoathole -waistcoating -waistcoatless -waisted -waister -waisting -waistless -waistline -wait -waiter -waiterage -waiterdom -waiterhood -waitering -waiterlike -waitership -waiting -waitingly -waitress -waivatua -waive -waiver -waivery -waivod -Waiwai -waiwode -wajang -waka -Wakamba -wakan -Wakashan -wake -wakeel -wakeful -wakefully -wakefulness -wakeless -waken -wakener -wakening -waker -wakes -waketime -wakf -Wakhi -wakif -wakiki -waking -wakingly -wakiup -wakken -wakon -wakonda -Wakore -Wakwafi -waky -Walach -Walachian -walahee -Walapai -Walchia -Waldenses -Waldensian -waldflute -waldgrave -waldgravine -Waldheimia -waldhorn -waldmeister -Waldsteinia -wale -waled -walepiece -Waler -waler -walewort -wali -waling -walk -walkable -walkaway -walker -walking -walkist -walkmill -walkmiller -walkout -walkover -walkrife -walkside -walksman -walkway -walkyrie -wall -wallaba -wallaby -Wallach -wallah -wallaroo -Wallawalla -wallbird -wallboard -walled -waller -Wallerian -wallet -walletful -walleye -walleyed -wallflower -wallful -wallhick -walling -wallise -wallless -wallman -Wallon -Wallonian -Walloon -walloon -wallop -walloper -walloping -wallow -wallower -wallowish -wallowishly -wallowishness -wallpaper -wallpapering -wallpiece -Wallsend -wallwise -wallwork -wallwort -wally -walnut -Walpapi -Walpolean -Walpurgis -walpurgite -walrus -walsh -Walt -walt -Walter -walter -walth -Waltonian -waltz -waltzer -waltzlike -walycoat -wamara -wambais -wamble -wambliness -wambling -wamblingly -wambly -Wambuba -Wambugu -Wambutti -wame -wamefou -wamel -wammikin -wamp -Wampanoag -wampee -wample -wampum -wampumpeag -wampus -wamus -wan -Wanapum -wanchancy -wand -wander -wanderable -wanderer -wandering -wanderingly -wanderingness -Wanderjahr -wanderlust -wanderluster -wanderlustful -wanderoo -wandery -wanderyear -wandflower -wandle -wandlike -wandoo -Wandorobo -wandsman -wandy -wane -Waneatta -waned -waneless -wang -wanga -wangala -wangan -Wangara -wangateur -wanghee -wangle -wangler -Wangoni -wangrace -wangtooth -wanhope -wanhorn -wanigan -waning -wankapin -wankle -wankliness -wankly -wanle -wanly -wanner -wanness -wannish -wanny -wanrufe -wansonsy -want -wantage -wanter -wantful -wanthill -wanthrift -wanting -wantingly -wantingness -wantless -wantlessness -wanton -wantoner -wantonlike -wantonly -wantonness -wantwit -wanty -wanwordy -wanworth -wany -Wanyakyusa -Wanyamwezi -Wanyasa -Wanyoro -wap -wapacut -Wapato -wapatoo -wapentake -Wapisiana -wapiti -Wapogoro -Wapokomo -wapp -Wappato -wappenschaw -wappenschawing -wapper -wapping -Wappinger -Wappo -war -warabi -waratah -warble -warbled -warblelike -warbler -warblerlike -warblet -warbling -warblingly -warbly -warch -warcraft -ward -wardable -wardage -wardapet -warday -warded -Warden -warden -wardency -wardenry -wardenship -warder -warderer -wardership -wardholding -warding -wardite -wardless -wardlike -wardmaid -wardman -wardmote -wardress -wardrobe -wardrober -wardroom -wardship -wardsmaid -wardsman -wardswoman -wardwite -wardwoman -ware -Waregga -warehou -warehouse -warehouseage -warehoused -warehouseful -warehouseman -warehouser -wareless -waremaker -waremaking -wareman -wareroom -warf -warfare -warfarer -warfaring -warful -warily -wariness -Waring -waringin -warish -warison -wark -warkamoowee -warl -warless -warlessly -warlike -warlikely -warlikeness -warlock -warluck -warly -warm -warmable -warman -warmed -warmedly -warmer -warmful -warmhearted -warmheartedly -warmheartedness -warmhouse -warming -warmish -warmly -warmness -warmonger -warmongering -warmouth -warmth -warmthless -warmus -warn -warnel -warner -warning -warningly -warningproof -warnish -warnoth -warnt -Warori -warp -warpable -warpage -warped -warper -warping -warplane -warple -warplike -warproof -warpwise -warragal -warrambool -warran -warrand -warrandice -warrant -warrantable -warrantableness -warrantably -warranted -warrantee -warranter -warrantise -warrantless -warrantor -warranty -warratau -Warrau -warree -Warren -warren -warrener -warrenlike -warrer -Warri -warrin -warrior -warrioress -warriorhood -warriorism -warriorlike -warriorship -warriorwise -warrok -Warsaw -warsaw -warse -warsel -warship -warsle -warsler -warst -wart -warted -wartern -wartflower -warth -wartime -wartless -wartlet -wartlike -wartproof -wartweed -wartwort -warty -wartyback -Warua -Warundi -warve -warwards -Warwick -warwickite -warwolf -warworn -wary -was -wasabi -Wasagara -Wasandawi -Wasango -Wasat -Wasatch -Wasco -wase -Wasegua -wasel -wash -washability -washable -washableness -Washaki -washaway -washbasin -washbasket -washboard -washbowl -washbrew -washcloth -washday -washdish -washdown -washed -washen -washer -washerless -washerman -washerwife -washerwoman -washery -washeryman -washhand -washhouse -washin -washiness -washing -Washington -Washingtonia -Washingtonian -Washingtoniana -Washita -washland -washmaid -washman -Washo -Washoan -washoff -washout -washpot -washproof -washrag -washroad -washroom -washshed -washstand -washtail -washtray -washtrough -washtub -washway -washwoman -washwork -washy -Wasir -wasnt -Wasoga -Wasp -wasp -waspen -wasphood -waspily -waspish -waspishly -waspishness -wasplike -waspling -waspnesting -waspy -wassail -wassailer -wassailous -wassailry -wassie -wast -wastable -wastage -waste -wastebasket -wasteboard -wasted -wasteful -wastefully -wastefulness -wastel -wasteland -wastelbread -wasteless -wasteman -wastement -wasteness -wastepaper -wasteproof -waster -wasterful -wasterfully -wasterfulness -wastethrift -wasteword -wasteyard -wasting -wastingly -wastingness -wastland -wastrel -wastrife -wasty -Wasukuma -Waswahili -Wat -wat -Watala -watap -watch -watchable -watchboat -watchcase -watchcry -watchdog -watched -watcher -watchfree -watchful -watchfully -watchfulness -watchglassful -watchhouse -watching -watchingly -watchkeeper -watchless -watchlessness -watchmaker -watchmaking -watchman -watchmanly -watchmanship -watchmate -watchment -watchout -watchtower -watchwise -watchwoman -watchword -watchwork -water -waterage -waterbailage -waterbelly -Waterberg -waterboard -waterbok -waterbosh -waterbrain -waterchat -watercup -waterdoe -waterdrop -watered -waterer -waterfall -waterfinder -waterflood -waterfowl -waterfront -waterhead -waterhorse -waterie -waterily -wateriness -watering -wateringly -wateringman -waterish -waterishly -waterishness -Waterlander -Waterlandian -waterleave -waterless -waterlessly -waterlessness -waterlike -waterline -waterlog -waterlogged -waterloggedness -waterlogger -waterlogging -Waterloo -waterman -watermanship -watermark -watermaster -watermelon -watermonger -waterphone -waterpot -waterproof -waterproofer -waterproofing -waterproofness -waterquake -waterscape -watershed -watershoot -waterside -watersider -waterskin -watersmeet -waterspout -waterstead -watertight -watertightal -watertightness -waterward -waterwards -waterway -waterweed -waterwise -waterwoman -waterwood -waterwork -waterworker -waterworm -waterworn -waterwort -watery -wath -wathstead -Watsonia -watt -wattage -wattape -wattle -wattlebird -wattled -wattless -wattlework -wattling -wattman -wattmeter -Watusi -wauble -wauch -wauchle -waucht -wauf -waugh -waughy -wauken -waukit -waukrife -waul -waumle -wauner -wauns -waup -waur -Waura -wauregan -wauve -wavable -wavably -Wave -wave -waved -waveless -wavelessly -wavelessness -wavelet -wavelike -wavellite -wavemark -wavement -wavemeter -waveproof -waver -waverable -waverer -wavering -waveringly -waveringness -waverous -wavery -waveson -waveward -wavewise -wavey -wavicle -wavily -waviness -waving -wavingly -Wavira -wavy -waw -wawa -wawah -wawaskeesh -wax -waxberry -waxbill -waxbird -waxbush -waxchandler -waxchandlery -waxen -waxer -waxflower -Waxhaw -waxhearted -waxily -waxiness -waxing -waxingly -waxlike -waxmaker -waxmaking -waxman -waxweed -waxwing -waxwork -waxworker -waxworking -waxy -way -wayaka -wayang -Wayao -wayback -wayberry -waybill -waybird -waybook -waybread -waybung -wayfare -wayfarer -wayfaring -wayfaringly -wayfellow -waygang -waygate -waygoing -waygone -waygoose -wayhouse -waying -waylaid -waylaidlessness -waylay -waylayer -wayleave -wayless -waymaker -wayman -waymark -waymate -Wayne -waypost -ways -wayside -waysider -waysliding -waythorn -wayward -waywarden -waywardly -waywardness -waywiser -waywode -waywodeship -wayworn -waywort -wayzgoose -Wazir -we -Wea -weak -weakbrained -weaken -weakener -weakening -weakfish -weakhanded -weakhearted -weakheartedly -weakheartedness -weakish -weakishly -weakishness -weakliness -weakling -weakly -weakmouthed -weakness -weaky -weal -weald -Wealden -wealdsman -wealth -wealthily -wealthiness -wealthless -wealthmaker -wealthmaking -wealthmonger -Wealthy -wealthy -weam -wean -weanable -weanedness -weanel -weaner -weanling -Weanoc -weanyer -Weapemeoc -weapon -weaponed -weaponeer -weaponless -weaponmaker -weaponmaking -weaponproof -weaponry -weaponshaw -weaponshow -weaponshowing -weaponsmith -weaponsmithy -wear -wearability -wearable -wearer -weariable -weariableness -wearied -weariedly -weariedness -wearier -weariful -wearifully -wearifulness -weariless -wearilessly -wearily -weariness -wearing -wearingly -wearish -wearishly -wearishness -wearisome -wearisomely -wearisomeness -wearproof -weary -wearying -wearyingly -weasand -weasel -weaselfish -weasellike -weaselly -weaselship -weaselskin -weaselsnout -weaselwise -weaser -weason -weather -weatherboard -weatherboarding -weatherbreak -weathercock -weathercockish -weathercockism -weathercocky -weathered -weatherer -weatherfish -weatherglass -weathergleam -weatherhead -weatherheaded -weathering -weatherliness -weatherly -weathermaker -weathermaking -weatherman -weathermost -weatherology -weatherproof -weatherproofed -weatherproofing -weatherproofness -weatherward -weatherworn -weathery -weavable -weave -weaveable -weaved -weavement -weaver -weaverbird -weaveress -weaving -weazen -weazened -weazeny -web -webbed -webber -webbing -webby -weber -Weberian -webeye -webfoot -webfooter -webless -weblike -webmaker -webmaking -webster -Websterian -websterite -webwork -webworm -wecht -wed -wedana -wedbed -wedbedrip -wedded -weddedly -weddedness -wedder -wedding -weddinger -wede -wedge -wedgeable -wedgebill -wedged -wedgelike -wedger -wedgewise -Wedgie -wedging -Wedgwood -wedgy -wedlock -Wednesday -wedset -wee -weeble -weed -weeda -weedable -weedage -weeded -weeder -weedery -weedful -weedhook -weediness -weedingtime -weedish -weedless -weedlike -weedling -weedow -weedproof -weedy -week -weekday -weekend -weekender -weekly -weekwam -weel -weelfard -weelfaured -weemen -ween -weendigo -weeness -weening -weenong -weeny -weep -weepable -weeper -weepered -weepful -weeping -weepingly -weeps -weepy -weesh -weeshy -weet -weetbird -weetless -weever -weevil -weeviled -weevillike -weevilproof -weevily -weewow -weeze -weft -weftage -wefted -wefty -Wega -wegenerian -wegotism -wehrlite -Wei -weibyeite -weichselwood -Weierstrassian -Weigela -weigelite -weigh -weighable -weighage -weighbar -weighbauk -weighbridge -weighbridgeman -weighed -weigher -weighership -weighhouse -weighin -weighing -weighman -weighment -weighshaft -weight -weightchaser -weighted -weightedly -weightedness -weightily -weightiness -weighting -weightless -weightlessly -weightlessness -weightometer -weighty -weinbergerite -Weinmannia -weinschenkite -weir -weirangle -weird -weirdful -weirdish -weirdless -weirdlessness -weirdlike -weirdliness -weirdly -weirdness -weirdsome -weirdward -weirdwoman -weiring -weisbachite -weiselbergite -weism -Weismannian -Weismannism -weissite -Weissnichtwo -Weitspekan -wejack -weka -wekau -wekeen -weki -welcome -welcomeless -welcomely -welcomeness -welcomer -welcoming -welcomingly -weld -weldability -weldable -welder -welding -weldless -weldment -weldor -Welf -welfare -welfaring -Welfic -welk -welkin -welkinlike -well -wellat -wellaway -wellborn -wellcurb -wellhead -wellhole -welling -wellington -Wellingtonia -wellish -wellmaker -wellmaking -wellman -wellnear -wellness -wellring -Wellsian -wellside -wellsite -wellspring -wellstead -wellstrand -welly -wellyard -wels -Welsh -welsh -welsher -Welshery -Welshism -Welshland -Welshlike -Welshman -Welshness -Welshry -Welshwoman -Welshy -welsium -welt -welted -welter -welterweight -welting -Welwitschia -wem -wemless -wen -wench -wencher -wenchless -wenchlike -Wenchow -Wenchowese -Wend -wend -wende -Wendell -Wendi -Wendic -Wendish -Wendy -wene -Wenlock -Wenlockian -wennebergite -wennish -wenny -Wenonah -Wenrohronon -went -wentletrap -wenzel -wept -wer -Werchowinci -were -werebear -werecalf -werefolk -werefox -werehyena -werejaguar -wereleopard -werent -weretiger -werewolf -werewolfish -werewolfism -werf -wergil -weri -Werner -Wernerian -Wernerism -wernerite -werowance -wert -Werther -Wertherian -Wertherism -wervel -Wes -wese -weskit -Wesleyan -Wesleyanism -Wesleyism -wesselton -Wessexman -west -westaway -westbound -weste -wester -westering -westerliness -westerly -westermost -western -westerner -westernism -westernization -westernize -westernly -westernmost -westerwards -westfalite -westing -westland -Westlander -westlandways -westmost -westness -Westphalian -Westralian -Westralianism -westward -westwardly -westwardmost -westwards -westy -wet -weta -wetback -wetbird -wetched -wetchet -wether -wetherhog -wetherteg -wetly -wetness -wettability -wettable -wetted -wetter -wetting -wettish -Wetumpka -weve -wevet -Wewenoc -wey -Wezen -Wezn -wha -whabby -whack -whacker -whacking -whacky -whafabout -whale -whaleback -whalebacker -whalebird -whaleboat -whalebone -whaleboned -whaledom -whalehead -whalelike -whaleman -whaler -whaleroad -whalery -whaleship -whaling -whalish -whally -whalm -whalp -whaly -wham -whamble -whame -whammle -whamp -whampee -whample -whan -whand -whang -whangable -whangam -whangdoodle -whangee -whanghee -whank -whap -whappet -whapuka -whapukee -whapuku -whar -whare -whareer -wharf -wharfage -wharfhead -wharfholder -wharfing -wharfinger -wharfland -wharfless -wharfman -wharfmaster -wharfrae -wharfside -wharl -wharp -wharry -whart -wharve -whase -whasle -what -whata -whatabouts -whatever -whatkin -whatlike -whatna -whatness -whatnot -whatreck -whats -whatso -whatsoeer -whatsoever -whatsomever -whatten -whau -whauk -whaup -whaur -whauve -wheal -whealworm -whealy -wheam -wheat -wheatbird -wheatear -wheateared -wheaten -wheatgrower -wheatland -wheatless -wheatlike -wheatstalk -wheatworm -wheaty -whedder -whee -wheedle -wheedler -wheedlesome -wheedling -wheedlingly -wheel -wheelage -wheelband -wheelbarrow -wheelbarrowful -wheelbird -wheelbox -wheeldom -wheeled -wheeler -wheelery -wheelhouse -wheeling -wheelingly -wheelless -wheellike -wheelmaker -wheelmaking -wheelman -wheelrace -wheelroad -wheelsman -wheelsmith -wheelspin -wheelswarf -wheelway -wheelwise -wheelwork -wheelwright -wheelwrighting -wheely -wheem -wheen -wheencat -wheenge -wheep -wheeple -wheer -wheerikins -wheesht -wheetle -wheeze -wheezer -wheezily -wheeziness -wheezingly -wheezle -wheezy -wheft -whein -whekau -wheki -whelk -whelked -whelker -whelklike -whelky -whelm -whelp -whelphood -whelpish -whelpless -whelpling -whelve -whemmel -when -whenabouts -whenas -whence -whenceeer -whenceforth -whenceforward -whencesoeer -whencesoever -whencever -wheneer -whenever -whenness -whenso -whensoever -whensomever -where -whereabout -whereabouts -whereafter -whereanent -whereas -whereat -whereaway -whereby -whereer -wherefor -wherefore -wherefrom -wherein -whereinsoever -whereinto -whereness -whereof -whereon -whereout -whereover -whereso -wheresoeer -wheresoever -wheresomever -wherethrough -wheretill -whereto -wheretoever -wheretosoever -whereunder -whereuntil -whereunto -whereup -whereupon -wherever -wherewith -wherewithal -wherret -wherrit -wherry -wherryman -whet -whether -whetile -whetrock -whetstone -whetter -whew -whewellite -whewer -whewl -whewt -whey -wheybeard -wheyey -wheyeyness -wheyface -wheyfaced -wheyish -wheyishness -wheylike -wheyness -whiba -which -whichever -whichsoever -whichway -whichways -whick -whicken -whicker -whid -whidah -whidder -whiff -whiffenpoof -whiffer -whiffet -whiffle -whiffler -whifflery -whiffletree -whiffling -whifflingly -whiffy -whift -Whig -whig -Whiggamore -whiggamore -Whiggarchy -Whiggery -Whiggess -Whiggification -Whiggify -Whiggish -Whiggishly -Whiggishness -Whiggism -Whiglet -Whigling -whigmaleerie -whigship -whikerby -while -whileen -whilere -whiles -whilie -whilk -Whilkut -whill -whillaballoo -whillaloo -whillilew -whilly -whillywha -whilock -whilom -whils -whilst -whilter -whim -whimberry -whimble -whimbrel -whimling -whimmy -whimper -whimperer -whimpering -whimperingly -whimsey -whimsic -whimsical -whimsicality -whimsically -whimsicalness -whimsied -whimstone -whimwham -whin -whinberry -whinchacker -whinchat -whincheck -whincow -whindle -whine -whiner -whinestone -whing -whinge -whinger -whininess -whiningly -whinnel -whinner -whinnock -whinny -whinstone -whiny -whinyard -whip -whipbelly -whipbird -whipcat -whipcord -whipcordy -whipcrack -whipcracker -whipcraft -whipgraft -whipjack -whipking -whiplash -whiplike -whipmaker -whipmaking -whipman -whipmanship -whipmaster -whippa -whippable -whipparee -whipped -whipper -whippersnapper -whippertail -whippet -whippeter -whippiness -whipping -whippingly -whippletree -whippoorwill -whippost -whippowill -whippy -whipsaw -whipsawyer -whipship -whipsocket -whipstaff -whipstalk -whipstall -whipster -whipstick -whipstitch -whipstock -whipt -whiptail -whiptree -whipwise -whipworm -whir -whirken -whirl -whirlabout -whirlblast -whirlbone -whirlbrain -whirled -whirler -whirley -whirlgig -whirlicane -whirligig -whirlimagig -whirling -whirlingly -whirlmagee -whirlpool -whirlpuff -whirlwig -whirlwind -whirlwindish -whirlwindy -whirly -whirlygigum -whirret -whirrey -whirroo -whirry -whirtle -whish -whisk -whisker -whiskerage -whiskerando -whiskerandoed -whiskered -whiskerer -whiskerette -whiskerless -whiskerlike -whiskery -whiskey -whiskful -whiskied -whiskified -whisking -whiskingly -whisky -whiskyfied -whiskylike -whisp -whisper -whisperable -whisperation -whispered -whisperer -whisperhood -whispering -whisperingly -whisperingness -whisperless -whisperous -whisperously -whisperproof -whispery -whissle -Whisson -whist -whister -whisterpoop -whistle -whistlebelly -whistlefish -whistlelike -whistler -Whistlerian -whistlerism -whistlewing -whistlewood -whistlike -whistling -whistlingly -whistly -whistness -Whistonian -Whit -whit -white -whiteback -whitebait -whitebark -whitebeard -whitebelly -whitebill -whitebird -whiteblaze -whiteblow -whitebottle -Whiteboy -Whiteboyism -whitecap -whitecapper -Whitechapel -whitecoat -whitecomb -whitecorn -whitecup -whited -whiteface -Whitefieldian -Whitefieldism -Whitefieldite -whitefish -whitefisher -whitefishery -Whitefoot -whitefoot -whitefootism -whitehanded -whitehass -whitehawse -whitehead -whiteheart -whitehearted -whitelike -whitely -whiten -whitener -whiteness -whitening -whitenose -whitepot -whiteroot -whiterump -whites -whitesark -whiteseam -whiteshank -whiteside -whitesmith -whitestone -whitetail -whitethorn -whitethroat -whitetip -whitetop -whitevein -whitewall -whitewards -whiteware -whitewash -whitewasher -whiteweed -whitewing -whitewood -whiteworm -whitewort -whitfinch -whither -whitherso -whithersoever -whitherto -whitherward -whiting -whitish -whitishness -whitleather -Whitleyism -whitling -whitlow -whitlowwort -Whitmanese -Whitmanesque -Whitmanism -Whitmanize -Whitmonday -whitneyite -whitrack -whits -whitster -Whitsun -Whitsunday -Whitsuntide -whittaw -whitten -whittener -whitter -whitterick -whittle -whittler -whittling -whittret -whittrick -whity -whiz -whizgig -whizzer -whizzerman -whizziness -whizzing -whizzingly -whizzle -who -whoa -whodunit -whoever -whole -wholehearted -wholeheartedly -wholeheartedness -wholeness -wholesale -wholesalely -wholesaleness -wholesaler -wholesome -wholesomely -wholesomeness -wholewise -wholly -whom -whomble -whomever -whomso -whomsoever -whone -whoo -whoof -whoop -whoopee -whooper -whooping -whoopingly -whooplike -whoops -whoosh -whop -whopper -whopping -whorage -whore -whoredom -whorelike -whoremaster -whoremasterly -whoremastery -whoremonger -whoremonging -whoreship -whoreson -whorish -whorishly -whorishness -whorl -whorled -whorlflower -whorly -whorlywort -whort -whortle -whortleberry -whose -whosen -whosesoever -whosever -whosomever -whosumdever -whud -whuff -whuffle -whulk -whulter -whummle -whun -whunstane -whup -whush -whuskie -whussle -whute -whuther -whutter -whuttering -whuz -why -whyever -whyfor -whyness -whyo -wi -wice -Wichita -wicht -wichtisite -wichtje -wick -wickawee -wicked -wickedish -wickedlike -wickedly -wickedness -wicken -wicker -wickerby -wickerware -wickerwork -wickerworked -wickerworker -wicket -wicketkeep -wicketkeeper -wicketkeeping -wicketwork -wicking -wickiup -wickless -wickup -wicky -wicopy -wid -widbin -widdendream -widder -widdershins -widdifow -widdle -widdy -wide -widegab -widehearted -widely -widemouthed -widen -widener -wideness -widespread -widespreadedly -widespreadly -widespreadness -widewhere -widework -widgeon -widish -widow -widowed -widower -widowered -widowerhood -widowership -widowery -widowhood -widowish -widowlike -widowly -widowman -widowy -width -widthless -widthway -widthways -widthwise -widu -wield -wieldable -wielder -wieldiness -wieldy -wiener -wienerwurst -wienie -wierangle -wiesenboden -wife -wifecarl -wifedom -wifehood -wifeism -wifekin -wifeless -wifelessness -wifelet -wifelike -wifeling -wifelkin -wifely -wifeship -wifeward -wifie -wifiekie -wifish -wifock -wig -wigan -wigdom -wigful -wigged -wiggen -wigger -wiggery -wigging -wiggish -wiggishness -wiggism -wiggle -wiggler -wiggly -wiggy -wight -wightly -wightness -wigless -wiglet -wiglike -wigmaker -wigmaking -wigtail -wigwag -wigwagger -wigwam -wiikite -Wikeno -Wikstroemia -Wilbur -Wilburite -wild -wildbore -wildcat -wildcatter -wildcatting -wildebeest -wilded -wilder -wilderedly -wildering -wilderment -wilderness -wildfire -wildfowl -wildgrave -wilding -wildish -wildishly -wildishness -wildlife -wildlike -wildling -wildly -wildness -wildsome -wildwind -wile -wileful -wileless -wileproof -Wilfred -wilga -wilgers -Wilhelm -Wilhelmina -Wilhelmine -wilily -wiliness -wilk -wilkeite -wilkin -Wilkinson -Will -will -willable -willawa -willed -willedness -willemite -willer -willet -willey -willeyer -willful -willfully -willfulness -William -williamsite -Williamsonia -Williamsoniaceae -Willie -willie -willier -willies -willing -willinghearted -willinghood -willingly -willingness -williwaw -willmaker -willmaking -willness -willock -willow -willowbiter -willowed -willower -willowish -willowlike -willowware -willowweed -willowworm -willowwort -willowy -Willugbaeya -Willy -willy -willyard -willyart -willyer -Wilmer -wilsome -wilsomely -wilsomeness -Wilson -Wilsonian -wilt -wilter -Wilton -wiltproof -Wiltshire -wily -wim -wimberry -wimble -wimblelike -wimbrel -wime -wimick -wimple -wimpleless -wimplelike -Win -win -winberry -wince -wincer -wincey -winch -wincher -Winchester -winchman -wincing -wincingly -Wind -wind -windable -windage -windbag -windbagged -windbaggery -windball -windberry -windbibber -windbore -windbracing -windbreak -Windbreaker -windbreaker -windbroach -windclothes -windcuffer -winddog -winded -windedly -windedness -winder -windermost -Windesheimer -windfall -windfallen -windfanner -windfirm -windfish -windflaw -windflower -windgall -windgalled -windhole -windhover -windigo -windily -windiness -winding -windingly -windingness -windjammer -windjamming -windlass -windlasser -windle -windles -windless -windlessly -windlessness -windlestrae -windlestraw -windlike -windlin -windling -windmill -windmilly -windock -windore -window -windowful -windowless -windowlessness -windowlet -windowlight -windowlike -windowmaker -windowmaking -windowman -windowpane -windowpeeper -windowshut -windowward -windowwards -windowwise -windowy -windpipe -windplayer -windproof -windring -windroad -windroot -windrow -windrower -windscreen -windshield -windshock -Windsor -windsorite -windstorm -windsucker -windtight -windup -windward -windwardly -windwardmost -windwardness -windwards -windway -windwayward -windwaywardly -windy -wine -wineball -wineberry -winebibber -winebibbery -winebibbing -Winebrennerian -wineconner -wined -wineglass -wineglassful -winegrower -winegrowing -winehouse -wineless -winelike -winemay -winepot -winer -winery -Winesap -wineshop -wineskin -winesop -winetaster -winetree -winevat -Winfred -winful -wing -wingable -wingbeat -wingcut -winged -wingedly -wingedness -winger -wingfish -winghanded -wingle -wingless -winglessness -winglet -winglike -wingman -wingmanship -wingpiece -wingpost -wingseed -wingspread -wingstem -wingy -Winifred -winish -wink -winkel -winkelman -winker -winkered -winking -winkingly -winkle -winklehawk -winklehole -winklet -winly -winna -winnable -winnard -Winnebago -Winnecowet -winnel -winnelstrae -winner -Winnie -winning -winningly -winningness -winnings -winninish -Winnipesaukee -winnle -winnonish -winnow -winnower -winnowing -winnowingly -Winona -winrace -winrow -winsome -winsomely -winsomeness -Winston -wint -winter -Winteraceae -winterage -Winteranaceae -winterberry -winterbloom -winterbourne -winterdykes -wintered -winterer -winterfeed -wintergreen -winterhain -wintering -winterish -winterishly -winterishness -winterization -winterize -winterkill -winterkilling -winterless -winterlike -winterliness -winterling -winterly -winterproof -wintersome -wintertide -wintertime -winterward -winterwards -winterweed -wintle -wintrify -wintrily -wintriness -wintrish -wintrous -wintry -Wintun -winy -winze -winzeman -wipe -wiper -wippen -wips -wir -wirable -wirble -wird -wire -wirebar -wirebird -wired -wiredancer -wiredancing -wiredraw -wiredrawer -wiredrawn -wirehair -wireless -wirelessly -wirelessness -wirelike -wiremaker -wiremaking -wireman -wiremonger -Wirephoto -wirepull -wirepuller -wirepulling -wirer -wiresmith -wirespun -wiretail -wireway -wireweed -wirework -wireworker -wireworking -wireworks -wireworm -wirily -wiriness -wiring -wirl -wirling -Wiros -wirr -wirra -wirrah -wirrasthru -wiry -wis -Wisconsinite -wisdom -wisdomful -wisdomless -wisdomproof -wisdomship -wise -wiseacre -wiseacred -wiseacredness -wiseacredom -wiseacreish -wiseacreishness -wiseacreism -wisecrack -wisecracker -wisecrackery -wisehead -wisehearted -wiseheartedly -wiseheimer -wiselike -wiseling -wisely -wiseman -wisen -wiseness -wisenheimer -wisent -wiser -wiseweed -wisewoman -wish -wisha -wishable -wishbone -wished -wishedly -wisher -wishful -wishfully -wishfulness -wishing -wishingly -wishless -wishly -wishmay -wishness -Wishoskan -Wishram -wisht -wishtonwish -Wisigothic -wisket -wiskinky -wisp -wispish -wisplike -wispy -wiss -wisse -wissel -wist -Wistaria -wistaria -wiste -wistened -Wisteria -wisteria -wistful -wistfully -wistfulness -wistit -wistiti -wistless -wistlessness -wistonwish -wit -witan -Witbooi -witch -witchbells -witchcraft -witched -witchedly -witchen -witchering -witchery -witchet -witchetty -witchhood -witching -witchingly -witchleaf -witchlike -witchman -witchmonger -witchuck -witchweed -witchwife -witchwoman -witchwood -witchwork -witchy -witcraft -wite -witeless -witenagemot -witepenny -witess -witful -with -withal -withamite -Withania -withdraught -withdraw -withdrawable -withdrawal -withdrawer -withdrawing -withdrawingness -withdrawment -withdrawn -withdrawnness -withe -withen -wither -witherband -withered -witheredly -witheredness -witherer -withergloom -withering -witheringly -witherite -witherly -withernam -withers -withershins -withertip -witherwards -witherweight -withery -withewood -withheld -withhold -withholdable -withholdal -withholder -withholdment -within -withindoors -withinside -withinsides -withinward -withinwards -withness -witholden -without -withoutdoors -withouten -withoutforth -withoutside -withoutwards -withsave -withstand -withstander -withstandingness -withstay -withstood -withstrain -withvine -withwind -withy -withypot -withywind -witjar -witless -witlessly -witlessness -witlet -witling -witloof -witmonger -witness -witnessable -witnessdom -witnesser -witney -witneyer -Witoto -witship -wittal -wittawer -witteboom -witted -witter -wittering -witticaster -wittichenite -witticism -witticize -wittified -wittily -wittiness -witting -wittingly -wittol -wittolly -witty -Witumki -witwall -witzchoura -wive -wiver -wivern -Wiyat -Wiyot -wiz -wizard -wizardess -wizardism -wizardlike -wizardly -wizardry -wizardship -wizen -wizened -wizenedness -wizier -wizzen -wloka -wo -woad -woader -woadman -woadwaxen -woady -woak -woald -woan -wob -wobbegong -wobble -wobbler -wobbliness -wobbling -wobblingly -wobbly -wobster -wocheinite -Wochua -wod -woddie -wode -Wodenism -wodge -wodgy -woe -woebegone -woebegoneness -woebegonish -woeful -woefully -woefulness -woehlerite -woesome -woevine -woeworn -woffler -woft -wog -wogiet -Wogulian -woibe -wokas -woke -wokowi -wold -woldlike -woldsman -woldy -Wolf -wolf -wolfachite -wolfberry -wolfdom -wolfen -wolfer -Wolffia -Wolffian -Wolffianism -Wolfgang -wolfhood -wolfhound -Wolfian -wolfish -wolfishly -wolfishness -wolfkin -wolfless -wolflike -wolfling -wolfram -wolframate -wolframic -wolframine -wolframinium -wolframite -wolfsbane -wolfsbergite -wolfskin -wolfward -wolfwards -wollastonite -wollomai -wollop -Wolof -wolter -wolve -wolveboon -wolver -wolverine -woman -womanbody -womandom -womanfolk -womanfully -womanhead -womanhearted -womanhood -womanhouse -womanish -womanishly -womanishness -womanism -womanist -womanity -womanization -womanize -womanizer -womankind -womanless -womanlike -womanliness -womanly -womanmuckle -womanness -womanpost -womanproof -womanship -womanways -womanwise -womb -wombat -wombed -womble -wombstone -womby -womenfolk -womenfolks -womenkind -womera -wommerala -won -wonder -wonderberry -wonderbright -wondercraft -wonderer -wonderful -wonderfully -wonderfulness -wondering -wonderingly -wonderland -wonderlandish -wonderless -wonderment -wondermonger -wondermongering -wondersmith -wondersome -wonderstrong -wonderwell -wonderwork -wonderworthy -wondrous -wondrously -wondrousness -wone -wonegan -wong -wonga -Wongara -wongen -wongshy -wongsky -woning -wonky -wonna -wonned -wonner -wonning -wonnot -wont -wonted -wontedly -wontedness -wonting -woo -wooable -wood -woodagate -woodbark -woodbin -woodbind -woodbine -woodbined -woodbound -woodburytype -woodbush -woodchat -woodchuck -woodcock -woodcockize -woodcracker -woodcraft -woodcrafter -woodcraftiness -woodcraftsman -woodcrafty -woodcut -woodcutter -woodcutting -wooded -wooden -woodendite -woodenhead -woodenheaded -woodenheadedness -woodenly -woodenness -woodenware -woodenweary -woodeny -woodfish -woodgeld -woodgrub -woodhack -woodhacker -woodhole -woodhorse -woodhouse -woodhung -woodine -woodiness -wooding -woodish -woodjobber -woodkern -woodknacker -woodland -woodlander -woodless -woodlessness -woodlet -woodlike -woodlocked -woodly -woodman -woodmancraft -woodmanship -woodmonger -woodmote -woodness -woodpeck -woodpecker -woodpenny -woodpile -woodprint -woodranger -woodreeve -woodrick -woodrock -woodroof -woodrow -woodrowel -Woodruff -woodruff -woodsere -woodshed -woodshop -Woodsia -woodside -woodsilver -woodskin -woodsman -woodspite -woodstone -woodsy -woodwall -woodward -Woodwardia -woodwardship -woodware -woodwax -woodwaxen -woodwise -woodwork -woodworker -woodworking -woodworm -woodwose -woodwright -Woody -woody -woodyard -wooer -woof -woofed -woofell -woofer -woofy -woohoo -wooing -wooingly -wool -woold -woolder -woolding -wooled -woolen -woolenet -woolenization -woolenize -wooler -woolert -woolfell -woolgatherer -woolgathering -woolgrower -woolgrowing -woolhead -wooliness -woollike -woolly -woollyhead -woollyish -woolman -woolpack -woolpress -woolsack -woolsey -woolshearer -woolshearing -woolshears -woolshed -woolskin -woolsorter -woolsorting -woolsower -woolstock -woolulose -Woolwa -woolwasher -woolweed -woolwheel -woolwinder -woolwork -woolworker -woolworking -woom -woomer -woomerang -woon -woons -woorali -woorari -woosh -wootz -woozle -woozy -wop -woppish -wops -worble -worcester -word -wordable -wordably -wordage -wordbook -wordbuilding -wordcraft -wordcraftsman -worded -Worden -worder -wordily -wordiness -wording -wordish -wordishly -wordishness -wordle -wordless -wordlessly -wordlessness -wordlike -wordlorist -wordmaker -wordmaking -wordman -wordmanship -wordmonger -wordmongering -wordmongery -wordplay -wordsman -wordsmanship -wordsmith -wordspite -wordster -Wordsworthian -Wordsworthianism -wordy -wore -work -workability -workable -workableness -workaday -workaway -workbag -workbasket -workbench -workbook -workbox -workbrittle -workday -worked -worker -workfellow -workfolk -workfolks -workgirl -workhand -workhouse -workhoused -working -workingly -workingman -workingwoman -workless -worklessness -workloom -workman -workmanlike -workmanlikeness -workmanliness -workmanly -workmanship -workmaster -workmistress -workout -workpan -workpeople -workpiece -workplace -workroom -works -workship -workshop -worksome -workstand -worktable -worktime -workways -workwise -workwoman -workwomanlike -workwomanly -worky -workyard -world -worlded -worldful -worldish -worldless -worldlet -worldlike -worldlily -worldliness -worldling -worldly -worldmaker -worldmaking -worldproof -worldquake -worldward -worldwards -worldway -worldy -worm -wormed -wormer -wormhole -wormholed -wormhood -Wormian -wormil -worming -wormless -wormlike -wormling -wormproof -wormroot -wormseed -wormship -wormweed -wormwood -wormy -worn -wornil -wornness -worral -worriable -worricow -worried -worriedly -worriedness -worrier -worriless -worriment -worrisome -worrisomely -worrisomeness -worrit -worriter -worry -worrying -worryingly -worryproof -worrywart -worse -worsement -worsen -worseness -worsening -worser -worserment -worset -worship -worshipability -worshipable -worshiper -worshipful -worshipfully -worshipfulness -worshipingly -worshipless -worshipworth -worshipworthy -worst -worsted -wort -worth -worthful -worthfulness -worthiest -worthily -worthiness -worthless -worthlessly -worthlessness -worthship -worthward -worthy -wosbird -wot -wote -wots -wottest -wotteth -woubit -wouch -wouf -wough -would -wouldest -wouldnt -wouldst -wound -woundability -woundable -woundableness -wounded -woundedly -wounder -woundily -wounding -woundingly -woundless -wounds -woundwort -woundworth -woundy -wourali -wourari -wournil -wove -woven -Wovoka -wow -wowser -wowserdom -wowserian -wowserish -wowserism -wowsery -wowt -woy -Woyaway -wrack -wracker -wrackful -Wraf -wraggle -wrainbolt -wrainstaff -wrainstave -wraith -wraithe -wraithlike -wraithy -wraitly -wramp -wran -wrang -wrangle -wrangler -wranglership -wranglesome -wranglingly -wrannock -wranny -wrap -wrappage -wrapped -wrapper -wrapperer -wrappering -wrapping -wraprascal -wrasse -wrastle -wrastler -wrath -wrathful -wrathfully -wrathfulness -wrathily -wrathiness -wrathlike -wrathy -wraw -wrawl -wrawler -wraxle -wreak -wreakful -wreakless -wreat -wreath -wreathage -wreathe -wreathed -wreathen -wreather -wreathingly -wreathless -wreathlet -wreathlike -wreathmaker -wreathmaking -wreathwise -wreathwork -wreathwort -wreathy -wreck -wreckage -wrecker -wreckfish -wreckful -wrecking -wrecky -Wren -wren -wrench -wrenched -wrencher -wrenchingly -wrenlet -wrenlike -wrentail -wrest -wrestable -wrester -wresting -wrestingly -wrestle -wrestler -wrestlerlike -wrestling -wretch -wretched -wretchedly -wretchedness -wretchless -wretchlessly -wretchlessness -wretchock -wricht -wrick -wride -wried -wrier -wriest -wrig -wriggle -wriggler -wrigglesome -wrigglingly -wriggly -wright -wrightine -wring -wringbolt -wringer -wringman -wringstaff -wrinkle -wrinkleable -wrinkled -wrinkledness -wrinkledy -wrinkleful -wrinkleless -wrinkleproof -wrinklet -wrinkly -wrist -wristband -wristbone -wristed -wrister -wristfall -wristikin -wristlet -wristlock -wristwork -writ -writability -writable -writation -writative -write -writeable -writee -writer -writeress -writerling -writership -writh -writhe -writhed -writhedly -writhedness -writhen -writheneck -writher -writhing -writhingly -writhy -writing -writinger -writmaker -writmaking -writproof -written -writter -wrive -wrizzled -wro -wrocht -wroke -wroken -wrong -wrongdoer -wrongdoing -wronged -wronger -wrongful -wrongfully -wrongfulness -wronghead -wrongheaded -wrongheadedly -wrongheadedness -wronghearted -wrongheartedly -wrongheartedness -wrongish -wrongless -wronglessly -wrongly -wrongness -wrongous -wrongously -wrongousness -wrongwise -Wronskian -wrossle -wrote -wroth -wrothful -wrothfully -wrothily -wrothiness -wrothly -wrothsome -wrothy -wrought -wrox -wrung -wrungness -wry -wrybill -wryly -wrymouth -wryneck -wryness -wrytail -Wu -Wuchereria -wud -wuddie -wudge -wudu -wugg -wulfenite -wulk -wull -wullawins -wullcat -Wullie -wulliwa -wumble -wumman -wummel -wun -Wundtian -wungee -wunna -wunner -wunsome -wup -wur -wurley -wurmal -Wurmian -wurrus -wurset -wurtzilite -wurtzite -Wurzburger -wurzel -wush -wusp -wuss -wusser -wust -wut -wuther -wuzu -wuzzer -wuzzle -wuzzy -wy -Wyandot -Wyandotte -Wycliffian -Wycliffism -Wycliffist -Wycliffite -wyde -wye -Wyethia -wyke -Wykehamical -Wykehamist -wyle -wyliecoat -wymote -wyn -wynd -wyne -wynkernel -wynn -Wyomingite -wyomingite -wype -wyson -wyss -wyve -wyver -X -x -xanthaline -xanthamic -xanthamide -xanthane -xanthate -xanthation -xanthein -xanthelasma -xanthelasmic -xanthelasmoidea -xanthene -Xanthian -xanthic -xanthide -Xanthidium -xanthin -xanthine -xanthinuria -xanthione -Xanthisma -xanthite -Xanthium -xanthiuria -xanthocarpous -Xanthocephalus -Xanthoceras -Xanthochroi -xanthochroia -Xanthochroic -xanthochroid -xanthochroism -xanthochromia -xanthochromic -xanthochroous -xanthocobaltic -xanthocone -xanthoconite -xanthocreatinine -xanthocyanopsia -xanthocyanopsy -xanthocyanopy -xanthoderm -xanthoderma -xanthodont -xanthodontous -xanthogen -xanthogenamic -xanthogenamide -xanthogenate -xanthogenic -xantholeucophore -xanthoma -xanthomata -xanthomatosis -xanthomatous -Xanthomelanoi -xanthomelanous -xanthometer -Xanthomonas -xanthomyeloma -xanthone -xanthophane -xanthophore -xanthophose -Xanthophyceae -xanthophyll -xanthophyllite -xanthophyllous -Xanthopia -xanthopia -xanthopicrin -xanthopicrite -xanthoproteic -xanthoprotein -xanthoproteinic -xanthopsia -xanthopsin -xanthopsydracia -xanthopterin -xanthopurpurin -xanthorhamnin -Xanthorrhiza -Xanthorrhoea -xanthorrhoea -xanthosiderite -xanthosis -Xanthosoma -xanthospermous -xanthotic -Xanthoura -xanthous -Xanthoxalis -xanthoxenite -xanthoxylin -xanthuria -xanthydrol -xanthyl -xarque -Xaverian -xebec -Xema -xenacanthine -Xenacanthini -xenagogue -xenagogy -Xenarchi -Xenarthra -xenarthral -xenarthrous -xenelasia -xenelasy -xenia -xenial -xenian -Xenicidae -Xenicus -xenium -xenobiosis -xenoblast -Xenocratean -Xenocratic -xenocryst -xenodochium -xenogamous -xenogamy -xenogenesis -xenogenetic -xenogenic -xenogenous -xenogeny -xenolite -xenolith -xenolithic -xenomania -xenomaniac -Xenomi -Xenomorpha -xenomorphic -xenomorphosis -xenon -xenoparasite -xenoparasitism -xenopeltid -Xenopeltidae -Xenophanean -xenophile -xenophilism -xenophobe -xenophobia -xenophobian -xenophobism -xenophoby -Xenophonic -Xenophontean -Xenophontian -Xenophontic -Xenophontine -Xenophora -xenophoran -Xenophoridae -xenophthalmia -xenophya -xenopodid -Xenopodidae -xenopodoid -Xenopsylla -xenopteran -Xenopteri -xenopterygian -Xenopterygii -Xenopus -Xenorhynchus -Xenos -xenosaurid -Xenosauridae -xenosauroid -Xenosaurus -xenotime -Xenurus -xenyl -xenylamine -xerafin -xeransis -Xeranthemum -xeranthemum -xerantic -xerarch -xerasia -Xeres -xeric -xerically -xeriff -xerocline -xeroderma -xerodermatic -xerodermatous -xerodermia -xerodermic -xerogel -xerography -xeroma -xeromata -xeromenia -xeromorph -xeromorphic -xeromorphous -xeromorphy -xeromyron -xeromyrum -xeronate -xeronic -xerophagia -xerophagy -xerophil -xerophile -xerophilous -xerophily -xerophobous -xerophthalmia -xerophthalmos -xerophthalmy -Xerophyllum -xerophyte -xerophytic -xerophytically -xerophytism -xeroprinting -xerosis -xerostoma -xerostomia -xerotes -xerotherm -xerotic -xerotocia -xerotripsis -Xerus -xi -Xicak -Xicaque -Ximenia -Xina -Xinca -Xipe -Xiphias -xiphias -xiphihumeralis -xiphiid -Xiphiidae -xiphiiform -xiphioid -xiphiplastra -xiphiplastral -xiphiplastron -xiphisterna -xiphisternal -xiphisternum -Xiphisura -xiphisuran -Xiphiura -Xiphius -xiphocostal -Xiphodon -Xiphodontidae -xiphodynia -xiphoid -xiphoidal -xiphoidian -xiphopagic -xiphopagous -xiphopagus -xiphophyllous -xiphosterna -xiphosternum -Xiphosura -xiphosuran -xiphosure -Xiphosuridae -xiphosurous -Xiphosurus -xiphuous -Xiphura -Xiphydria -xiphydriid -Xiphydriidae -Xiraxara -Xmas -xoana -xoanon -Xosa -xurel -xyla -xylan -Xylaria -Xylariaceae -xylate -Xyleborus -xylem -xylene -xylenol -xylenyl -xyletic -Xylia -xylic -xylidic -xylidine -Xylina -xylindein -xylinid -xylite -xylitol -xylitone -xylobalsamum -xylocarp -xylocarpous -Xylocopa -xylocopid -Xylocopidae -xylogen -xyloglyphy -xylograph -xylographer -xylographic -xylographical -xylographically -xylography -xyloid -xyloidin -xylol -xylology -xyloma -xylomancy -xylometer -xylon -xylonic -Xylonite -xylonitrile -Xylophaga -xylophagan -xylophage -xylophagid -Xylophagidae -xylophagous -Xylophagus -xylophilous -xylophone -xylophonic -xylophonist -Xylopia -xyloplastic -xylopyrography -xyloquinone -xylorcin -xylorcinol -xylose -xyloside -Xylosma -xylostroma -xylostromata -xylostromatoid -xylotile -xylotomist -xylotomous -xylotomy -Xylotrya -xylotypographic -xylotypography -xyloyl -xylyl -xylylene -xylylic -xyphoid -Xyrichthys -xyrid -Xyridaceae -xyridaceous -Xyridales -Xyris -xyst -xyster -xysti -xystos -xystum -xystus -Y -y -ya -yaba -yabber -yabbi -yabble -yabby -yabu -yacal -yacca -yachan -yacht -yachtdom -yachter -yachting -yachtist -yachtman -yachtmanship -yachtsman -yachtsmanlike -yachtsmanship -yachtswoman -yachty -yad -Yadava -yade -yaff -yaffingale -yaffle -yagger -yaghourt -yagi -Yagnob -yagourundi -Yagua -yagua -yaguarundi -yaguaza -yah -yahan -Yahgan -Yahganan -Yahoo -yahoo -Yahoodom -Yahooish -Yahooism -Yahuna -Yahuskin -Yahweh -Yahwism -Yahwist -Yahwistic -yair -yaird -yaje -yajeine -yajenine -Yajna -Yajnavalkya -yajnopavita -yak -Yaka -Yakala -yakalo -yakamik -Yakan -yakattalo -Yakima -yakin -yakka -yakman -Yakona -Yakonan -Yakut -Yakutat -yalb -Yale -yale -Yalensian -yali -yalla -yallaer -yallow -yam -Yamacraw -Yamamadi -yamamai -yamanai -yamaskite -Yamassee -Yamato -Yamel -yamen -Yameo -yamilke -yammadji -yammer -yamp -yampa -yamph -yamshik -yamstchik -yan -Yana -Yanan -yancopin -yander -yang -yangtao -yank -Yankee -Yankeedom -Yankeefy -Yankeeism -Yankeeist -Yankeeize -Yankeeland -Yankeeness -yanking -Yankton -Yanktonai -yanky -Yannigan -Yao -yaoort -yaourti -yap -yapa -yaply -Yapman -yapness -yapok -yapp -yapped -yapper -yappiness -yapping -yappingly -yappish -yappy -yapster -Yaqui -Yaquina -yar -yarak -yaray -yarb -Yarborough -yard -yardage -yardang -yardarm -yarder -yardful -yarding -yardkeep -yardland -yardman -yardmaster -yardsman -yardstick -yardwand -yare -yareta -yark -Yarkand -yarke -yarl -yarly -yarm -yarn -yarnen -yarner -yarnwindle -yarpha -yarr -yarraman -yarran -yarringle -yarrow -yarth -yarthen -Yaru -Yarura -Yaruran -Yaruro -yarwhelp -yarwhip -yas -yashiro -yashmak -Yasht -Yasna -yat -yataghan -yatalite -yate -yati -Yatigan -yatter -Yatvyag -Yauapery -yaud -yauld -yaupon -yautia -yava -Yavapai -yaw -yawl -yawler -yawlsman -yawmeter -yawn -yawner -yawney -yawnful -yawnfully -yawnily -yawniness -yawning -yawningly -yawnproof -yawnups -yawny -yawp -yawper -yawroot -yaws -yawweed -yawy -yaxche -yaya -Yazdegerdian -Yazoo -ycie -yday -ye -yea -yeah -yealing -yean -yeanling -year -yeara -yearbird -yearbook -yeard -yearday -yearful -yearling -yearlong -yearly -yearn -yearnful -yearnfully -yearnfulness -yearning -yearnling -yearock -yearth -yeast -yeastily -yeastiness -yeasting -yeastlike -yeasty -yeat -yeather -yed -yede -yee -yeel -yeelaman -yees -yegg -yeggman -yeguita -yeld -yeldrin -yeldrock -yelk -yell -yeller -yelling -yelloch -yellow -yellowammer -yellowback -yellowbelly -yellowberry -yellowbill -yellowbird -yellowcrown -yellowcup -yellowfin -yellowfish -yellowhammer -yellowhead -yellowing -yellowish -yellowishness -Yellowknife -yellowlegs -yellowly -yellowness -yellowroot -yellowrump -yellows -yellowseed -yellowshank -yellowshanks -yellowshins -yellowtail -yellowthorn -yellowthroat -yellowtop -yellowware -yellowweed -yellowwood -yellowwort -yellowy -yelm -yelmer -yelp -yelper -yelt -Yemen -Yemeni -Yemenic -Yemenite -yen -yender -Yengee -Yengeese -yeni -Yenisei -Yeniseian -yenite -yentnite -yeo -yeoman -yeomaness -yeomanette -yeomanhood -yeomanlike -yeomanly -yeomanry -yeomanwise -yeorling -yeowoman -yep -yer -Yerava -Yeraver -yerb -yerba -yercum -yerd -yere -yerga -yerk -yern -yerth -yes -yese -Yeshibah -Yeshiva -yeso -yesso -yest -yester -yesterday -yestereve -yestereven -yesterevening -yestermorn -yestermorning -yestern -yesternight -yesternoon -yesterweek -yesteryear -yestreen -yesty -yet -yeta -yetapa -yeth -yether -yetlin -yeuk -yeukieness -yeuky -yeven -yew -yex -yez -Yezdi -Yezidi -yezzy -ygapo -Yid -Yiddish -Yiddisher -Yiddishism -Yiddishist -yield -yieldable -yieldableness -yieldance -yielden -yielder -yielding -yieldingly -yieldingness -yieldy -yigh -Yikirgaulit -Yildun -yill -yilt -Yin -yin -yince -yinst -yip -yird -yirk -yirm -yirmilik -yirn -yirr -yirth -yis -yite -ym -yn -ynambu -yo -yobi -yocco -yochel -yock -yockel -yodel -yodeler -yodelist -yodh -yoe -yoga -yogasana -yogh -yoghurt -yogi -yogin -yogism -yogist -yogoite -yohimbe -yohimbi -yohimbine -yohimbinization -yohimbinize -yoi -yoick -yoicks -yojan -yojana -Yojuane -yok -yoke -yokeable -yokeableness -yokeage -yokefellow -yokel -yokeldom -yokeless -yokelish -yokelism -yokelry -yokemate -yokemating -yoker -yokewise -yokewood -yoking -Yokuts -yoky -yolden -Yoldia -yoldring -yolk -yolked -yolkiness -yolkless -yolky -yom -yomer -Yomud -yon -yoncopin -yond -yonder -Yonkalla -yonner -yonside -yont -yook -yoop -yor -yore -yoretime -york -Yorker -yorker -Yorkish -Yorkist -Yorkshire -Yorkshireism -Yorkshireman -Yoruba -Yoruban -yot -yotacism -yotacize -yote -you -youd -youden -youdendrift -youdith -youff -youl -young -youngberry -younger -younghearted -youngish -younglet -youngling -youngly -youngness -youngster -youngun -younker -youp -your -yourn -yours -yoursel -yourself -yourselves -youse -youth -youthen -youthful -youthfullity -youthfully -youthfulness -youthhead -youthheid -youthhood -youthily -youthless -youthlessness -youthlike -youthlikeness -youthsome -youthtide -youthwort -youthy -youve -youward -youwards -youze -yoven -yow -yowie -yowl -yowler -yowley -yowlring -yowt -yox -yoy -yperite -Yponomeuta -Yponomeutid -Yponomeutidae -ypsiliform -ypsiloid -Ypurinan -Yquem -yr -ytterbia -ytterbic -ytterbium -yttria -yttrialite -yttric -yttriferous -yttrious -yttrium -yttrocerite -yttrocolumbite -yttrocrasite -yttrofluorite -yttrogummite -yttrotantalite -Yuan -yuan -Yuapin -yuca -Yucatec -Yucatecan -Yucateco -Yucca -yucca -Yuchi -yuck -yuckel -yucker -yuckle -yucky -Yuechi -yuft -Yuga -yugada -Yugoslav -Yugoslavian -Yugoslavic -yuh -Yuit -Yukaghir -Yuki -Yukian -yukkel -yulan -yule -yuleblock -yuletide -Yuma -Yuman -yummy -Yun -Yunca -Yuncan -yungan -Yunnanese -Yurak -Yurok -yurt -yurta -Yurucare -Yurucarean -Yurucari -Yurujure -Yuruk -Yuruna -Yurupary -yus -yusdrum -Yustaga -yutu -yuzlik -yuzluk -Yvonne -Z -z -za -Zabaean -zabaglione -Zabaism -Zaberma -zabeta -Zabian -Zabism -zabra -zabti -zabtie -zac -zacate -Zacatec -Zacateco -zacaton -Zach -Zachariah -zachun -zad -Zadokite -zadruga -zaffar -zaffer -zafree -zag -zagged -Zaglossus -zaibatsu -zain -Zaitha -zak -zakkeu -Zaklohpakap -zalambdodont -Zalambdodonta -Zalophus -zaman -zamang -zamarra -zamarro -Zambal -Zambezian -zambo -zamboorak -Zamenis -Zamia -Zamiaceae -Zamicrus -zamindar -zamindari -zamorin -zamouse -Zan -Zanclidae -Zanclodon -Zanclodontidae -Zande -zander -zandmole -zanella -Zaniah -Zannichellia -Zannichelliaceae -Zanonia -zant -zante -Zantedeschia -zantewood -Zanthorrhiza -Zanthoxylaceae -Zanthoxylum -zanthoxylum -Zantiot -zantiote -zany -zanyish -zanyism -zanyship -Zanzalian -zanze -Zanzibari -Zapara -Zaparan -Zaparo -Zaparoan -zapas -zapatero -zaphara -Zaphetic -zaphrentid -Zaphrentidae -Zaphrentis -zaphrentoid -Zapodidae -Zapodinae -Zaporogian -Zaporogue -zapota -Zapotec -Zapotecan -Zapoteco -zaptiah -zaptieh -Zaptoeca -zapupe -Zapus -zaqqum -Zaque -zar -zarabanda -Zaramo -Zarathustrian -Zarathustrianism -Zarathustrism -zaratite -Zardushti -zareba -Zarema -zarf -zarnich -zarp -zarzuela -zat -zati -zattare -Zaurak -Zauschneria -Zavijava -zax -zayat -zayin -Zea -zeal -Zealander -zealful -zealless -zeallessness -zealot -zealotic -zealotical -zealotism -zealotist -zealotry -zealous -zealously -zealousness -zealousy -zealproof -zebra -zebraic -zebralike -zebrass -zebrawood -Zebrina -zebrine -zebrinny -zebroid -zebrula -zebrule -zebu -zebub -Zebulunite -zeburro -zecchini -zecchino -zechin -Zechstein -zed -zedoary -zee -zeed -Zeelander -Zeguha -zehner -Zeidae -zein -zeism -zeist -Zeke -zel -Zelanian -zelator -zelatrice -zelatrix -Zelkova -Zeltinger -zemeism -zemi -zemimdari -zemindar -zemmi -zemni -zemstroist -zemstvo -Zen -Zenaga -Zenaida -Zenaidinae -Zenaidura -zenana -Zend -Zendic -zendician -zendik -zendikite -Zenelophon -zenick -zenith -zenithal -zenithward -zenithwards -Zenobia -zenocentric -zenographic -zenographical -zenography -Zenonian -Zenonic -zenu -Zeoidei -zeolite -zeolitic -zeolitization -zeolitize -zeoscope -Zep -zepharovichite -zephyr -Zephyranthes -zephyrean -zephyrless -zephyrlike -zephyrous -zephyrus -zephyry -Zeppelin -zeppelin -zequin -zer -zerda -Zerma -zermahbub -zero -zeroaxial -zeroize -zerumbet -zest -zestful -zestfully -zestfulness -zesty -zeta -zetacism -zetetic -Zeuctocoelomata -zeuctocoelomatic -zeuctocoelomic -Zeuglodon -zeuglodon -zeuglodont -Zeuglodonta -Zeuglodontia -Zeuglodontidae -zeuglodontoid -zeugma -zeugmatic -zeugmatically -Zeugobranchia -Zeugobranchiata -zeunerite -Zeus -Zeuxian -Zeuzera -zeuzerian -Zeuzeridae -Zhmud -ziamet -ziara -ziarat -zibeline -zibet -zibethone -zibetone -zibetum -ziega -zieger -zietrisikite -ziffs -zig -ziganka -ziggurat -zigzag -zigzagged -zigzaggedly -zigzaggedness -zigzagger -zigzaggery -zigzaggy -zigzagwise -zihar -zikurat -Zilla -zillah -zimarra -zimb -zimbabwe -zimbalon -zimbaloon -zimbi -zimentwater -zimme -Zimmerwaldian -Zimmerwaldist -zimmi -zimmis -zimocca -zinc -Zincalo -zincate -zincic -zincide -zinciferous -zincification -zincify -zincing -zincite -zincize -zincke -zincky -zinco -zincograph -zincographer -zincographic -zincographical -zincography -zincotype -zincous -zincum -zincuret -zinfandel -zing -zingaresca -zingel -zingerone -Zingiber -Zingiberaceae -zingiberaceous -zingiberene -zingiberol -zingiberone -zink -zinkenite -Zinnia -zinnwaldite -zinsang -zinyamunga -Zinzar -Zinziberaceae -zinziberaceous -Zion -Zionism -Zionist -Zionistic -Zionite -Zionless -Zionward -zip -Zipa -ziphian -Ziphiidae -Ziphiinae -ziphioid -Ziphius -Zipper -zipper -zipping -zippingly -zippy -Zips -zira -zirai -Zirak -Zirbanit -zircite -zircofluoride -zircon -zirconate -zirconia -zirconian -zirconic -zirconiferous -zirconifluoride -zirconium -zirconofluoride -zirconoid -zirconyl -Zirian -Zirianian -zirkelite -zither -zitherist -Zizania -Zizia -Zizyphus -zizz -zloty -Zmudz -zo -Zoa -zoa -zoacum -Zoanthacea -zoanthacean -Zoantharia -zoantharian -zoanthid -Zoanthidae -Zoanthidea -zoanthodeme -zoanthodemic -zoanthoid -zoanthropy -Zoanthus -Zoarces -zoarcidae -zoaria -zoarial -Zoarite -zoarium -zobo -zobtenite -zocco -zoccolo -zodiac -zodiacal -zodiophilous -zoea -zoeaform -zoeal -zoeform -zoehemera -zoehemerae -zoetic -zoetrope -zoetropic -zogan -zogo -Zohak -Zoharist -Zoharite -zoiatria -zoiatrics -zoic -zoid -zoidiophilous -zoidogamous -Zoilean -Zoilism -Zoilist -zoisite -zoisitization -zoism -zoist -zoistic -zokor -Zolaesque -Zolaism -Zolaist -Zolaistic -Zolaize -zoll -zolle -Zollernia -zollpfund -zolotink -zolotnik -zombi -zombie -zombiism -zomotherapeutic -zomotherapy -zonal -zonality -zonally -zonar -Zonaria -zonary -zonate -zonated -zonation -zone -zoned -zoneless -zonelet -zonelike -zonesthesia -Zongora -zonic -zoniferous -zoning -zonite -Zonites -zonitid -Zonitidae -Zonitoides -zonochlorite -zonociliate -zonoid -zonolimnetic -zonoplacental -Zonoplacentalia -zonoskeleton -Zonotrichia -Zonta -Zontian -zonular -zonule -zonulet -zonure -zonurid -Zonuridae -zonuroid -Zonurus -zoo -zoobenthos -zooblast -zoocarp -zoocecidium -zoochemical -zoochemistry -zoochemy -Zoochlorella -zoochore -zoocoenocyte -zoocultural -zooculture -zoocurrent -zoocyst -zoocystic -zoocytial -zoocytium -zoodendria -zoodendrium -zoodynamic -zoodynamics -zooecia -zooecial -zooecium -zooerastia -zooerythrin -zoofulvin -zoogamete -zoogamous -zoogamy -zoogene -zoogenesis -zoogenic -zoogenous -zoogeny -zoogeographer -zoogeographic -zoogeographical -zoogeographically -zoogeography -zoogeological -zoogeologist -zoogeology -zoogloea -zoogloeal -zoogloeic -zoogonic -zoogonidium -zoogonous -zoogony -zoograft -zoografting -zoographer -zoographic -zoographical -zoographically -zoographist -zoography -zooid -zooidal -zooidiophilous -zooks -zoolater -zoolatria -zoolatrous -zoolatry -zoolite -zoolith -zoolithic -zoolitic -zoologer -zoologic -zoological -zoologically -zoologicoarchaeologist -zoologicobotanical -zoologist -zoologize -zoology -zoom -zoomagnetic -zoomagnetism -zoomancy -zoomania -zoomantic -zoomantist -Zoomastigina -Zoomastigoda -zoomechanical -zoomechanics -zoomelanin -zoometric -zoometry -zoomimetic -zoomimic -zoomorph -zoomorphic -zoomorphism -zoomorphize -zoomorphy -zoon -zoonal -zoonerythrin -zoonic -zoonist -zoonite -zoonitic -zoonomia -zoonomic -zoonomical -zoonomist -zoonomy -zoonosis -zoonosologist -zoonosology -zoonotic -zoons -zoonule -zoopaleontology -zoopantheon -zooparasite -zooparasitic -zoopathological -zoopathologist -zoopathology -zoopathy -zooperal -zooperist -zoopery -Zoophaga -zoophagan -Zoophagineae -zoophagous -zoopharmacological -zoopharmacy -zoophile -zoophilia -zoophilic -zoophilism -zoophilist -zoophilite -zoophilitic -zoophilous -zoophily -zoophobia -zoophobous -zoophoric -zoophorus -zoophysical -zoophysics -zoophysiology -Zoophyta -zoophytal -zoophyte -zoophytic -zoophytical -zoophytish -zoophytography -zoophytoid -zoophytological -zoophytologist -zoophytology -zooplankton -zooplanktonic -zooplastic -zooplasty -zoopraxiscope -zoopsia -zoopsychological -zoopsychologist -zoopsychology -zooscopic -zooscopy -zoosis -zoosmosis -zoosperm -zoospermatic -zoospermia -zoospermium -zoosphere -zoosporange -zoosporangia -zoosporangial -zoosporangiophore -zoosporangium -zoospore -zoosporic -zoosporiferous -zoosporocyst -zoosporous -zootaxy -zootechnic -zootechnics -zootechny -zooter -zoothecia -zoothecial -zoothecium -zootheism -zootheist -zootheistic -zootherapy -zoothome -zootic -Zootoca -zootomic -zootomical -zootomically -zootomist -zootomy -zoototemism -zootoxin -zootrophic -zootrophy -zootype -zootypic -zooxanthella -zooxanthellae -zooxanthin -zoozoo -zopilote -Zoque -Zoquean -Zoraptera -zorgite -zoril -zorilla -Zorillinae -zorillo -Zoroastrian -Zoroastrianism -Zoroastrism -Zorotypus -zorrillo -zorro -Zosma -zoster -Zostera -Zosteraceae -zosteriform -Zosteropinae -Zosterops -Zouave -zounds -zowie -Zoysia -Zubeneschamali -zuccarino -zucchetto -zucchini -zudda -zugtierlast -zugtierlaster -zuisin -Zuleika -Zulhijjah -Zulinde -Zulkadah -Zulu -Zuludom -Zuluize -zumatic -zumbooruk -Zuni -Zunian -zunyite -zupanate -Zutugil -zuurveldt -zuza -zwanziger -Zwieback -zwieback -Zwinglian -Zwinglianism -Zwinglianist -zwitter -zwitterion -zwitterionic -zyga -zygadenine -Zygadenus -Zygaena -zygaenid -Zygaenidae -zygal -zygantra -zygantrum -zygapophyseal -zygapophysis -zygion -zygite -Zygnema -Zygnemaceae -Zygnemales -Zygnemataceae -zygnemataceous -Zygnematales -zygobranch -Zygobranchia -Zygobranchiata -zygobranchiate -Zygocactus -zygodactyl -Zygodactylae -Zygodactyli -zygodactylic -zygodactylism -zygodactylous -zygodont -zygolabialis -zygoma -zygomata -zygomatic -zygomaticoauricular -zygomaticoauricularis -zygomaticofacial -zygomaticofrontal -zygomaticomaxillary -zygomaticoorbital -zygomaticosphenoid -zygomaticotemporal -zygomaticum -zygomaticus -zygomaxillare -zygomaxillary -zygomorphic -zygomorphism -zygomorphous -zygomycete -Zygomycetes -zygomycetous -zygon -zygoneure -zygophore -zygophoric -Zygophyceae -zygophyceous -Zygophyllaceae -zygophyllaceous -Zygophyllum -zygophyte -zygopleural -Zygoptera -Zygopteraceae -zygopteran -zygopterid -Zygopterides -Zygopteris -zygopteron -zygopterous -Zygosaccharomyces -zygose -zygosis -zygosperm -zygosphenal -zygosphene -zygosphere -zygosporange -zygosporangium -zygospore -zygosporic -zygosporophore -zygostyle -zygotactic -zygotaxis -zygote -zygotene -zygotic -zygotoblast -zygotoid -zygotomere -zygous -zygozoospore -zymase -zyme -zymic -zymin -zymite -zymogen -zymogene -zymogenesis -zymogenic -zymogenous -zymoid -zymologic -zymological -zymologist -zymology -zymolyis -zymolysis -zymolytic -zymome -zymometer -zymomin -zymophore -zymophoric -zymophosphate -zymophyte -zymoplastic -zymoscope -zymosimeter -zymosis -zymosterol -zymosthenic -zymotechnic -zymotechnical -zymotechnics -zymotechny -zymotic -zymotically -zymotize -zymotoxic -zymurgy -Zyrenian -Zyrian -Zyryan -zythem -Zythia -zythum -Zyzomys -Zyzzogeton +A +a +aa +aal +aalii +aam +Aani +aardvark +aardwolf +Aaron +Aaronic +Aaronical +Aaronite +Aaronitic +Aaru +Ab +aba +Ababdeh +Ababua +abac +abaca +abacate +abacay +abacinate +abacination +abaciscus +abacist +aback +abactinal +abactinally +abaction +abactor +abaculus +abacus +Abadite +abaff +abaft +abaisance +abaiser +abaissed +abalienate +abalienation +abalone +Abama +abampere +abandon +abandonable +abandoned +abandonedly +abandonee +abandoner +abandonment +Abanic +Abantes +abaptiston +Abarambo +Abaris +abarthrosis +abarticular +abarticulation +abas +abase +abased +abasedly +abasedness +abasement +abaser +Abasgi +abash +abashed +abashedly +abashedness +abashless +abashlessly +abashment +abasia +abasic +abask +Abassin +abastardize +abatable +abate +abatement +abater +abatis +abatised +abaton +abator +abattoir +Abatua +abature +abave +abaxial +abaxile +abaze +abb +Abba +abbacomes +abbacy +Abbadide +abbas +abbasi +abbassi +Abbasside +abbatial +abbatical +abbess +abbey +abbeystede +Abbie +abbot +abbotcy +abbotnullius +abbotship +abbreviate +abbreviately +abbreviation +abbreviator +abbreviatory +abbreviature +Abby +abcoulomb +abdal +abdat +Abderian +Abderite +abdest +abdicable +abdicant +abdicate +abdication +abdicative +abdicator +Abdiel +abditive +abditory +abdomen +abdominal +Abdominales +abdominalian +abdominally +abdominoanterior +abdominocardiac +abdominocentesis +abdominocystic +abdominogenital +abdominohysterectomy +abdominohysterotomy +abdominoposterior +abdominoscope +abdominoscopy +abdominothoracic +abdominous +abdominovaginal +abdominovesical +abduce +abducens +abducent +abduct +abduction +abductor +Abe +abeam +abear +abearance +abecedarian +abecedarium +abecedary +abed +abeigh +Abel +abele +Abelia +Abelian +Abelicea +Abelite +abelite +Abelmoschus +abelmosk +Abelonian +abeltree +Abencerrages +abenteric +abepithymia +Aberdeen +aberdevine +Aberdonian +Aberia +aberrance +aberrancy +aberrant +aberrate +aberration +aberrational +aberrator +aberrometer +aberroscope +aberuncator +abet +abetment +abettal +abettor +abevacuation +abey +abeyance +abeyancy +abeyant +abfarad +abhenry +abhiseka +abhominable +abhor +abhorrence +abhorrency +abhorrent +abhorrently +abhorrer +abhorrible +abhorring +Abhorson +abidal +abidance +abide +abider +abidi +abiding +abidingly +abidingness +Abie +Abies +abietate +abietene +abietic +abietin +Abietineae +abietineous +abietinic +Abiezer +Abigail +abigail +abigailship +abigeat +abigeus +abilao +ability +abilla +abilo +abintestate +abiogenesis +abiogenesist +abiogenetic +abiogenetical +abiogenetically +abiogenist +abiogenous +abiogeny +abiological +abiologically +abiology +abiosis +abiotic +abiotrophic +abiotrophy +Abipon +abir +abirritant +abirritate +abirritation +abirritative +abiston +Abitibi +abiuret +abject +abjectedness +abjection +abjective +abjectly +abjectness +abjoint +abjudge +abjudicate +abjudication +abjunction +abjunctive +abjuration +abjuratory +abjure +abjurement +abjurer +abkar +abkari +Abkhas +Abkhasian +ablach +ablactate +ablactation +ablare +ablastemic +ablastous +ablate +ablation +ablatitious +ablatival +ablative +ablator +ablaut +ablaze +able +ableeze +ablegate +ableness +ablepharia +ablepharon +ablepharous +Ablepharus +ablepsia +ableptical +ableptically +abler +ablest +ablewhackets +ablins +abloom +ablow +ablude +abluent +ablush +ablution +ablutionary +abluvion +ably +abmho +Abnaki +abnegate +abnegation +abnegative +abnegator +Abner +abnerval +abnet +abneural +abnormal +abnormalism +abnormalist +abnormality +abnormalize +abnormally +abnormalness +abnormity +abnormous +abnumerable +Abo +aboard +Abobra +abode +abodement +abody +abohm +aboil +abolish +abolisher +abolishment +abolition +abolitionary +abolitionism +abolitionist +abolitionize +abolla +aboma +abomasum +abomasus +abominable +abominableness +abominably +abominate +abomination +abominator +abomine +Abongo +aboon +aborad +aboral +aborally +abord +aboriginal +aboriginality +aboriginally +aboriginary +aborigine +abort +aborted +aborticide +abortient +abortifacient +abortin +abortion +abortional +abortionist +abortive +abortively +abortiveness +abortus +abouchement +abound +abounder +abounding +aboundingly +about +abouts +above +aboveboard +abovedeck +aboveground +aboveproof +abovestairs +abox +abracadabra +abrachia +abradant +abrade +abrader +Abraham +Abrahamic +Abrahamidae +Abrahamite +Abrahamitic +abraid +Abram +Abramis +abranchial +abranchialism +abranchian +Abranchiata +abranchiate +abranchious +abrasax +abrase +abrash +abrasiometer +abrasion +abrasive +abrastol +abraum +abraxas +abreact +abreaction +abreast +abrenounce +abret +abrico +abridge +abridgeable +abridged +abridgedly +abridger +abridgment +abrim +abrin +abristle +abroach +abroad +Abrocoma +abrocome +abrogable +abrogate +abrogation +abrogative +abrogator +Abroma +Abronia +abrook +abrotanum +abrotine +abrupt +abruptedly +abruption +abruptly +abruptness +Abrus +Absalom +absampere +Absaroka +absarokite +abscess +abscessed +abscession +abscessroot +abscind +abscise +abscision +absciss +abscissa +abscissae +abscisse +abscission +absconce +abscond +absconded +abscondedly +abscondence +absconder +absconsa +abscoulomb +absence +absent +absentation +absentee +absenteeism +absenteeship +absenter +absently +absentment +absentmindedly +absentness +absfarad +abshenry +Absi +absinthe +absinthial +absinthian +absinthiate +absinthic +absinthin +absinthine +absinthism +absinthismic +absinthium +absinthol +absit +absmho +absohm +absolute +absolutely +absoluteness +absolution +absolutism +absolutist +absolutistic +absolutistically +absolutive +absolutization +absolutize +absolutory +absolvable +absolvatory +absolve +absolvent +absolver +absolvitor +absolvitory +absonant +absonous +absorb +absorbability +absorbable +absorbed +absorbedly +absorbedness +absorbefacient +absorbency +absorbent +absorber +absorbing +absorbingly +absorbition +absorpt +absorptance +absorptiometer +absorptiometric +absorption +absorptive +absorptively +absorptiveness +absorptivity +absquatulate +abstain +abstainer +abstainment +abstemious +abstemiously +abstemiousness +abstention +abstentionist +abstentious +absterge +abstergent +abstersion +abstersive +abstersiveness +abstinence +abstinency +abstinent +abstinential +abstinently +abstract +abstracted +abstractedly +abstractedness +abstracter +abstraction +abstractional +abstractionism +abstractionist +abstractitious +abstractive +abstractively +abstractiveness +abstractly +abstractness +abstractor +abstrahent +abstricted +abstriction +abstruse +abstrusely +abstruseness +abstrusion +abstrusity +absume +absumption +absurd +absurdity +absurdly +absurdness +absvolt +Absyrtus +abterminal +abthain +abthainrie +abthainry +abthanage +Abu +abu +abucco +abulia +abulic +abulomania +abuna +abundance +abundancy +abundant +Abundantia +abundantly +abura +aburabozu +aburban +aburst +aburton +abusable +abuse +abusedly +abusee +abuseful +abusefully +abusefulness +abuser +abusion +abusious +abusive +abusively +abusiveness +abut +Abuta +Abutilon +abutment +abuttal +abutter +abutting +abuzz +abvolt +abwab +aby +abysm +abysmal +abysmally +abyss +abyssal +Abyssinian +abyssobenthonic +abyssolith +abyssopelagic +acacatechin +acacatechol +acacetin +Acacia +Acacian +acaciin +acacin +academe +academial +academian +Academic +academic +academical +academically +academicals +academician +academicism +academism +academist +academite +academization +academize +Academus +academy +Acadia +acadialite +Acadian +Acadie +Acaena +acajou +acaleph +Acalepha +Acalephae +acalephan +acalephoid +acalycal +acalycine +acalycinous +acalyculate +Acalypha +Acalypterae +Acalyptrata +Acalyptratae +acalyptrate +Acamar +acampsia +acana +acanaceous +acanonical +acanth +acantha +Acanthaceae +acanthaceous +acanthad +Acantharia +Acanthia +acanthial +acanthin +acanthine +acanthion +acanthite +acanthocarpous +Acanthocephala +acanthocephalan +Acanthocephali +acanthocephalous +Acanthocereus +acanthocladous +Acanthodea +acanthodean +Acanthodei +Acanthodes +acanthodian +Acanthodidae +Acanthodii +Acanthodini +acanthoid +Acantholimon +acanthological +acanthology +acantholysis +acanthoma +Acanthomeridae +acanthon +Acanthopanax +Acanthophis +acanthophorous +acanthopod +acanthopodous +acanthopomatous +acanthopore +acanthopteran +Acanthopteri +acanthopterous +acanthopterygian +Acanthopterygii +acanthosis +acanthous +Acanthuridae +Acanthurus +acanthus +acapnia +acapnial +acapsular +acapu +acapulco +acara +Acarapis +acardia +acardiac +acari +acarian +acariasis +acaricidal +acaricide +acarid +Acarida +Acaridea +acaridean +acaridomatium +acariform +Acarina +acarine +acarinosis +acarocecidium +acarodermatitis +acaroid +acarol +acarologist +acarology +acarophilous +acarophobia +acarotoxic +acarpelous +acarpous +Acarus +Acastus +acatalectic +acatalepsia +acatalepsy +acataleptic +acatallactic +acatamathesia +acataphasia +acataposis +acatastasia +acatastatic +acate +acategorical +acatery +acatharsia +acatharsy +acatholic +acaudal +acaudate +acaulescent +acauline +acaulose +acaulous +acca +accede +accedence +acceder +accelerable +accelerando +accelerant +accelerate +accelerated +acceleratedly +acceleration +accelerative +accelerator +acceleratory +accelerograph +accelerometer +accend +accendibility +accendible +accension +accensor +accent +accentless +accentor +accentuable +accentual +accentuality +accentually +accentuate +accentuation +accentuator +accentus +accept +acceptability +acceptable +acceptableness +acceptably +acceptance +acceptancy +acceptant +acceptation +accepted +acceptedly +accepter +acceptilate +acceptilation +acception +acceptive +acceptor +acceptress +accerse +accersition +accersitor +access +accessarily +accessariness +accessary +accessaryship +accessibility +accessible +accessibly +accession +accessional +accessioner +accessive +accessively +accessless +accessorial +accessorily +accessoriness +accessorius +accessory +accidence +accidency +accident +accidental +accidentalism +accidentalist +accidentality +accidentally +accidentalness +accidented +accidential +accidentiality +accidently +accidia +accidie +accinge +accipient +Accipiter +accipitral +accipitrary +Accipitres +accipitrine +accismus +accite +acclaim +acclaimable +acclaimer +acclamation +acclamator +acclamatory +acclimatable +acclimatation +acclimate +acclimatement +acclimation +acclimatizable +acclimatization +acclimatize +acclimatizer +acclimature +acclinal +acclinate +acclivitous +acclivity +acclivous +accloy +accoast +accoil +accolade +accoladed +accolated +accolent +accolle +accombination +accommodable +accommodableness +accommodate +accommodately +accommodateness +accommodating +accommodatingly +accommodation +accommodational +accommodative +accommodativeness +accommodator +accompanier +accompaniment +accompanimental +accompanist +accompany +accompanyist +accompletive +accomplice +accompliceship +accomplicity +accomplish +accomplishable +accomplished +accomplisher +accomplishment +accomplisht +accompt +accord +accordable +accordance +accordancy +accordant +accordantly +accorder +according +accordingly +accordion +accordionist +accorporate +accorporation +accost +accostable +accosted +accouche +accouchement +accoucheur +accoucheuse +account +accountability +accountable +accountableness +accountably +accountancy +accountant +accountantship +accounting +accountment +accouple +accouplement +accouter +accouterment +accoy +accredit +accreditate +accreditation +accredited +accreditment +accrementitial +accrementition +accresce +accrescence +accrescent +accretal +accrete +accretion +accretionary +accretive +accroach +accroides +accrual +accrue +accruement +accruer +accubation +accubitum +accubitus +accultural +acculturate +acculturation +acculturize +accumbency +accumbent +accumber +accumulable +accumulate +accumulation +accumulativ +accumulative +accumulatively +accumulativeness +accumulator +accuracy +accurate +accurately +accurateness +accurse +accursed +accursedly +accursedness +accusable +accusably +accusal +accusant +accusation +accusatival +accusative +accusatively +accusatorial +accusatorially +accusatory +accusatrix +accuse +accused +accuser +accusingly +accusive +accustom +accustomed +accustomedly +accustomedness +ace +aceacenaphthene +aceanthrene +aceanthrenequinone +acecaffine +aceconitic +acedia +acediamine +acediast +acedy +Aceldama +Acemetae +Acemetic +acenaphthene +acenaphthenyl +acenaphthylene +acentric +acentrous +aceologic +aceology +acephal +Acephala +acephalan +Acephali +acephalia +Acephalina +acephaline +acephalism +acephalist +Acephalite +acephalocyst +acephalous +acephalus +Acer +Aceraceae +aceraceous +Acerae +Acerata +acerate +Acerates +acerathere +Aceratherium +aceratosis +acerb +Acerbas +acerbate +acerbic +acerbity +acerdol +acerin +acerose +acerous +acerra +acertannin +acervate +acervately +acervation +acervative +acervose +acervuline +acervulus +acescence +acescency +acescent +aceship +acesodyne +Acestes +acetabular +Acetabularia +acetabuliferous +acetabuliform +acetabulous +acetabulum +acetacetic +acetal +acetaldehydase +acetaldehyde +acetaldehydrase +acetalization +acetalize +acetamide +acetamidin +acetamidine +acetamido +acetaminol +acetanilid +acetanilide +acetanion +acetaniside +acetanisidide +acetannin +acetarious +acetarsone +acetate +acetated +acetation +acetbromamide +acetenyl +acethydrazide +acetic +acetification +acetifier +acetify +acetimeter +acetimetry +acetin +acetize +acetmethylanilide +acetnaphthalide +acetoacetanilide +acetoacetate +acetoacetic +acetoamidophenol +acetoarsenite +Acetobacter +acetobenzoic +acetobromanilide +acetochloral +acetocinnamene +acetoin +acetol +acetolysis +acetolytic +acetometer +acetometrical +acetometrically +acetometry +acetomorphine +acetonaphthone +acetonate +acetonation +acetone +acetonemia +acetonemic +acetonic +acetonitrile +acetonization +acetonize +acetonuria +acetonurometer +acetonyl +acetonylacetone +acetonylidene +acetophenetide +acetophenin +acetophenine +acetophenone +acetopiperone +acetopyrin +acetosalicylic +acetose +acetosity +acetosoluble +acetothienone +acetotoluide +acetotoluidine +acetous +acetoveratrone +acetoxime +acetoxyl +acetoxyphthalide +acetphenetid +acetphenetidin +acetract +acettoluide +acetum +aceturic +acetyl +acetylacetonates +acetylacetone +acetylamine +acetylate +acetylation +acetylator +acetylbenzene +acetylbenzoate +acetylbenzoic +acetylbiuret +acetylcarbazole +acetylcellulose +acetylcholine +acetylcyanide +acetylenation +acetylene +acetylenediurein +acetylenic +acetylenyl +acetylfluoride +acetylglycine +acetylhydrazine +acetylic +acetylide +acetyliodide +acetylizable +acetylization +acetylize +acetylizer +acetylmethylcarbinol +acetylperoxide +acetylphenol +acetylphenylhydrazine +acetylrosaniline +acetylsalicylate +acetylsalol +acetyltannin +acetylthymol +acetyltropeine +acetylurea +ach +Achaean +Achaemenian +Achaemenid +Achaemenidae +Achaemenidian +Achaenodon +Achaeta +achaetous +achage +Achagua +Achakzai +achalasia +Achamoth +Achango +achar +Achariaceae +Achariaceous +achate +Achates +Achatina +Achatinella +Achatinidae +ache +acheilia +acheilous +acheiria +acheirous +acheirus +Achen +achene +achenial +achenium +achenocarp +achenodium +acher +Achernar +Acheronian +Acherontic +Acherontical +achete +Achetidae +Acheulean +acheweed +achievable +achieve +achievement +achiever +achigan +achilary +achill +Achillea +Achillean +Achilleid +achilleine +Achillize +achillobursitis +achillodynia +achime +Achimenes +Achinese +aching +achingly +achira +Achitophel +achlamydate +Achlamydeae +achlamydeous +achlorhydria +achlorophyllous +achloropsia +Achmetha +acholia +acholic +Acholoe +acholous +acholuria +acholuric +Achomawi +achondrite +achondritic +achondroplasia +achondroplastic +achor +achordal +Achordata +achordate +Achorion +Achras +achree +achroacyte +Achroanthes +achrodextrin +achrodextrinase +achroglobin +achroiocythaemia +achroiocythemia +achroite +achroma +achromacyte +achromasia +achromat +achromate +Achromatiaceae +achromatic +achromatically +achromaticity +achromatin +achromatinic +achromatism +Achromatium +achromatizable +achromatization +achromatize +achromatocyte +achromatolysis +achromatope +achromatophile +achromatopia +achromatopsia +achromatopsy +achromatosis +achromatous +achromaturia +achromia +achromic +Achromobacter +Achromobacterieae +achromoderma +achromophilous +achromotrichia +achromous +achronical +achroodextrin +achroodextrinase +achroous +achropsia +achtehalber +achtel +achtelthaler +Achuas +achy +achylia +achylous +achymia +achymous +Achyranthes +Achyrodes +acichloride +acicula +acicular +acicularly +aciculate +aciculated +aciculum +acid +Acidanthera +Acidaspis +acidemia +acider +acidic +acidiferous +acidifiable +acidifiant +acidific +acidification +acidifier +acidify +acidimeter +acidimetric +acidimetrical +acidimetrically +acidimetry +acidite +acidity +acidize +acidly +acidness +acidoid +acidology +acidometer +acidometry +acidophile +acidophilic +acidophilous +acidoproteolytic +acidosis +acidosteophyte +acidotic +acidproof +acidulate +acidulent +acidulous +aciduric +acidyl +acier +acierage +Acieral +acierate +acieration +aciform +aciliate +aciliated +Acilius +acinaceous +acinaces +acinacifolious +acinaciform +acinar +acinarious +acinary +Acineta +Acinetae +acinetan +Acinetaria +acinetarian +acinetic +acinetiform +Acinetina +acinetinan +acinic +aciniform +acinose +acinotubular +acinous +acinus +Acipenser +Acipenseres +acipenserid +Acipenseridae +acipenserine +acipenseroid +Acipenseroidei +Acis +aciurgy +acker +ackey +ackman +acknow +acknowledge +acknowledgeable +acknowledged +acknowledgedly +acknowledger +aclastic +acle +acleidian +acleistous +Aclemon +aclidian +aclinal +aclinic +acloud +aclys +Acmaea +Acmaeidae +acmatic +acme +acmesthesia +acmic +Acmispon +acmite +acne +acneform +acneiform +acnemia +Acnida +acnodal +acnode +Acocanthera +acocantherin +acock +acockbill +acocotl +Acoela +Acoelomata +acoelomate +acoelomatous +Acoelomi +acoelomous +acoelous +Acoemetae +Acoemeti +Acoemetic +acoin +acoine +Acolapissa +acold +Acolhua +Acolhuan +acologic +acology +acolous +acoluthic +acolyte +acolythate +Acoma +acoma +acomia +acomous +aconative +acondylose +acondylous +acone +aconic +aconin +aconine +aconital +aconite +aconitia +aconitic +aconitin +aconitine +Aconitum +Acontias +acontium +Acontius +aconuresis +acopic +acopon +acopyrin +acopyrine +acor +acorea +acoria +acorn +acorned +Acorus +acosmic +acosmism +acosmist +acosmistic +acotyledon +acotyledonous +acouasm +acouchi +acouchy +acoumeter +acoumetry +acouometer +acouophonia +acoupa +acousmata +acousmatic +acoustic +acoustical +acoustically +acoustician +acousticolateral +Acousticon +acoustics +acquaint +acquaintance +acquaintanceship +acquaintancy +acquaintant +acquainted +acquaintedness +acquest +acquiesce +acquiescement +acquiescence +acquiescency +acquiescent +acquiescently +acquiescer +acquiescingly +acquirability +acquirable +acquire +acquired +acquirement +acquirenda +acquirer +acquisible +acquisite +acquisited +acquisition +acquisitive +acquisitively +acquisitiveness +acquisitor +acquisitum +acquist +acquit +acquitment +acquittal +acquittance +acquitter +Acrab +acracy +acraein +Acraeinae +acraldehyde +Acrania +acranial +acraniate +acrasia +Acrasiaceae +Acrasiales +Acrasida +Acrasieae +Acraspeda +acraspedote +acratia +acraturesis +acrawl +acraze +acre +acreable +acreage +acreak +acream +acred +Acredula +acreman +acrestaff +acrid +acridan +acridian +acridic +Acrididae +Acridiidae +acridine +acridinic +acridinium +acridity +Acridium +acridly +acridness +acridone +acridonium +acridophagus +acridyl +acriflavin +acriflavine +acrimonious +acrimoniously +acrimoniousness +acrimony +acrindoline +acrinyl +acrisia +Acrisius +Acrita +acritan +acrite +acritical +acritol +Acroa +acroaesthesia +acroama +acroamatic +acroamatics +acroanesthesia +acroarthritis +acroasphyxia +acroataxia +acroatic +acrobacy +acrobat +Acrobates +acrobatholithic +acrobatic +acrobatical +acrobatically +acrobatics +acrobatism +acroblast +acrobryous +acrobystitis +Acrocarpi +acrocarpous +acrocephalia +acrocephalic +acrocephalous +acrocephaly +Acrocera +Acroceratidae +Acroceraunian +Acroceridae +Acrochordidae +Acrochordinae +acrochordon +Acroclinium +Acrocomia +acroconidium +acrocontracture +acrocoracoid +acrocyanosis +acrocyst +acrodactylum +acrodermatitis +acrodont +acrodontism +acrodrome +acrodromous +Acrodus +acrodynia +acroesthesia +acrogamous +acrogamy +acrogen +acrogenic +acrogenous +acrogenously +acrography +Acrogynae +acrogynae +acrogynous +acrolein +acrolith +acrolithan +acrolithic +acrologic +acrologically +acrologism +acrologue +acrology +acromania +acromastitis +acromegalia +acromegalic +acromegaly +acromelalgia +acrometer +acromial +acromicria +acromioclavicular +acromiocoracoid +acromiodeltoid +acromiohumeral +acromiohyoid +acromion +acromioscapular +acromiosternal +acromiothoracic +acromonogrammatic +acromphalus +Acromyodi +acromyodian +acromyodic +acromyodous +acromyotonia +acromyotonus +acron +acronarcotic +acroneurosis +acronical +acronically +acronyc +acronych +Acronycta +acronyctous +acronym +acronymic +acronymize +acronymous +acronyx +acrook +acroparalysis +acroparesthesia +acropathology +acropathy +acropetal +acropetally +acrophobia +acrophonetic +acrophonic +acrophony +acropodium +acropoleis +acropolis +acropolitan +Acropora +acrorhagus +acrorrheuma +acrosarc +acrosarcum +acroscleriasis +acroscleroderma +acroscopic +acrose +acrosome +acrosphacelus +acrospire +acrospore +acrosporous +across +acrostic +acrostical +acrostically +acrostichal +Acrosticheae +acrostichic +acrostichoid +Acrostichum +acrosticism +acrostolion +acrostolium +acrotarsial +acrotarsium +acroteleutic +acroterial +acroteric +acroterium +Acrothoracica +acrotic +acrotism +acrotomous +Acrotreta +Acrotretidae +acrotrophic +acrotrophoneurosis +Acrux +Acrydium +acryl +acrylaldehyde +acrylate +acrylic +acrylonitrile +acrylyl +act +acta +actability +actable +Actaea +Actaeaceae +Actaeon +Actaeonidae +Actiad +Actian +actification +actifier +actify +actin +actinal +actinally +actinautographic +actinautography +actine +actinenchyma +acting +Actinia +actinian +Actiniaria +actiniarian +actinic +actinically +Actinidia +Actinidiaceae +actiniferous +actiniform +actinine +actiniochrome +actiniohematin +Actiniomorpha +actinism +Actinistia +actinium +actinobacillosis +Actinobacillus +actinoblast +actinobranch +actinobranchia +actinocarp +actinocarpic +actinocarpous +actinochemistry +actinocrinid +Actinocrinidae +actinocrinite +Actinocrinus +actinocutitis +actinodermatitis +actinodielectric +actinodrome +actinodromous +actinoelectric +actinoelectrically +actinoelectricity +actinogonidiate +actinogram +actinograph +actinography +actinoid +Actinoida +Actinoidea +actinolite +actinolitic +actinologous +actinologue +actinology +actinomere +actinomeric +actinometer +actinometric +actinometrical +actinometry +actinomorphic +actinomorphous +actinomorphy +Actinomyces +Actinomycetaceae +Actinomycetales +actinomycete +actinomycetous +actinomycin +actinomycoma +actinomycosis +actinomycotic +Actinomyxidia +Actinomyxidiida +actinon +Actinonema +actinoneuritis +actinophone +actinophonic +actinophore +actinophorous +actinophryan +Actinophrys +Actinopoda +actinopraxis +actinopteran +Actinopteri +actinopterous +actinopterygian +Actinopterygii +actinopterygious +actinoscopy +actinosoma +actinosome +Actinosphaerium +actinost +actinostereoscopy +actinostomal +actinostome +actinotherapeutic +actinotherapeutics +actinotherapy +actinotoxemia +actinotrichium +actinotrocha +actinouranium +Actinozoa +actinozoal +actinozoan +actinozoon +actinula +action +actionable +actionably +actional +actionary +actioner +actionize +actionless +Actipylea +Actium +activable +activate +activation +activator +active +actively +activeness +activin +activism +activist +activital +activity +activize +actless +actomyosin +acton +actor +actorship +actress +Acts +actu +actual +actualism +actualist +actualistic +actuality +actualization +actualize +actually +actualness +actuarial +actuarially +actuarian +actuary +actuaryship +actuation +actuator +acture +acturience +actutate +acuaesthesia +Acuan +acuate +acuation +Acubens +acuclosure +acuductor +acuesthesia +acuity +aculea +Aculeata +aculeate +aculeated +aculeiform +aculeolate +aculeolus +aculeus +acumen +acuminate +acumination +acuminose +acuminous +acuminulate +acupress +acupressure +acupunctuate +acupunctuation +acupuncturation +acupuncturator +acupuncture +acurative +acushla +acutangular +acutate +acute +acutely +acutenaculum +acuteness +acutiator +acutifoliate +Acutilinguae +acutilingual +acutilobate +acutiplantar +acutish +acutograve +acutonodose +acutorsion +acyanoblepsia +acyanopsia +acyclic +acyesis +acyetic +acyl +acylamido +acylamidobenzene +acylamino +acylate +acylation +acylogen +acyloin +acyloxy +acyloxymethane +acyrological +acyrology +acystia +ad +Ada +adactyl +adactylia +adactylism +adactylous +Adad +adad +adage +adagial +adagietto +adagio +Adai +Adaize +Adam +adamant +adamantean +adamantine +adamantinoma +adamantoblast +adamantoblastoma +adamantoid +adamantoma +adamas +Adamastor +adambulacral +adamellite +Adamhood +Adamic +Adamical +Adamically +adamine +Adamite +adamite +Adamitic +Adamitical +Adamitism +Adamsia +adamsite +adance +adangle +Adansonia +Adapa +adapid +Adapis +adapt +adaptability +adaptable +adaptation +adaptational +adaptationally +adaptative +adaptedness +adapter +adaption +adaptional +adaptionism +adaptitude +adaptive +adaptively +adaptiveness +adaptometer +adaptor +adaptorial +Adar +adarme +adat +adati +adatom +adaunt +adaw +adawe +adawlut +adawn +adaxial +aday +adays +adazzle +adcraft +add +Adda +adda +addability +addable +addax +addebted +added +addedly +addend +addenda +addendum +adder +adderbolt +adderfish +adderspit +adderwort +addibility +addible +addicent +addict +addicted +addictedness +addiction +Addie +addiment +Addisonian +Addisoniana +additament +additamentary +addition +additional +additionally +additionary +additionist +addititious +additive +additively +additivity +additory +addle +addlebrain +addlebrained +addlehead +addleheaded +addleheadedly +addleheadedness +addlement +addleness +addlepate +addlepated +addlepatedness +addleplot +addlings +addlins +addorsed +address +addressee +addresser +addressful +Addressograph +addressor +addrest +Addu +adduce +adducent +adducer +adducible +adduct +adduction +adductive +adductor +Addy +Ade +ade +adead +adeem +adeep +Adela +Adelaide +Adelarthra +Adelarthrosomata +adelarthrosomatous +Adelbert +Adelea +Adeleidae +Adelges +Adelia +Adelina +Adeline +adeling +adelite +Adeliza +adelocerous +Adelochorda +adelocodonic +adelomorphic +adelomorphous +adelopod +Adelops +Adelphi +Adelphian +adelphogamy +Adelphoi +adelpholite +adelphophagy +ademonist +adempted +ademption +adenalgia +adenalgy +Adenanthera +adenase +adenasthenia +adendric +adendritic +adenectomy +adenectopia +adenectopic +adenemphractic +adenemphraxis +adenia +adeniform +adenine +adenitis +adenization +adenoacanthoma +adenoblast +adenocancroid +adenocarcinoma +adenocarcinomatous +adenocele +adenocellulitis +adenochondroma +adenochondrosarcoma +adenochrome +adenocyst +adenocystoma +adenocystomatous +adenodermia +adenodiastasis +adenodynia +adenofibroma +adenofibrosis +adenogenesis +adenogenous +adenographer +adenographic +adenographical +adenography +adenohypersthenia +adenoid +adenoidal +adenoidism +adenoliomyofibroma +adenolipoma +adenolipomatosis +adenologaditis +adenological +adenology +adenolymphocele +adenolymphoma +adenoma +adenomalacia +adenomatome +adenomatous +adenomeningeal +adenometritis +adenomycosis +adenomyofibroma +adenomyoma +adenomyxoma +adenomyxosarcoma +adenoncus +adenoneural +adenoneure +adenopathy +adenopharyngeal +adenopharyngitis +adenophlegmon +Adenophora +adenophore +adenophorous +adenophthalmia +adenophyllous +adenophyma +adenopodous +adenosarcoma +adenosclerosis +adenose +adenosine +adenosis +adenostemonous +Adenostoma +adenotome +adenotomic +adenotomy +adenotyphoid +adenotyphus +adenyl +adenylic +Adeodatus +Adeona +Adephaga +adephagan +adephagia +adephagous +adept +adeptness +adeptship +adequacy +adequate +adequately +adequateness +adequation +adequative +adermia +adermin +Adessenarian +adet +adevism +adfected +adfix +adfluxion +adglutinate +Adhafera +adhaka +adhamant +Adhara +adharma +adhere +adherence +adherency +adherent +adherently +adherer +adherescence +adherescent +adhesion +adhesional +adhesive +adhesively +adhesivemeter +adhesiveness +adhibit +adhibition +adiabatic +adiabatically +adiabolist +adiactinic +adiadochokinesis +adiagnostic +adiantiform +Adiantum +adiaphon +adiaphonon +adiaphoral +adiaphoresis +adiaphoretic +adiaphorism +adiaphorist +adiaphoristic +adiaphorite +adiaphoron +adiaphorous +adiate +adiathermal +adiathermancy +adiathermanous +adiathermic +adiathetic +adiation +Adib +Adicea +adicity +Adiel +adieu +adieux +Adigei +Adighe +Adigranth +adigranth +Adin +Adinida +adinidan +adinole +adion +adipate +adipescent +adipic +adipinic +adipocele +adipocellulose +adipocere +adipoceriform +adipocerous +adipocyte +adipofibroma +adipogenic +adipogenous +adipoid +adipolysis +adipolytic +adipoma +adipomatous +adipometer +adipopexia +adipopexis +adipose +adiposeness +adiposis +adiposity +adiposogenital +adiposuria +adipous +adipsia +adipsic +adipsous +adipsy +adipyl +Adirondack +adit +adital +aditus +adjacency +adjacent +adjacently +adjag +adject +adjection +adjectional +adjectival +adjectivally +adjective +adjectively +adjectivism +adjectivitis +adjiger +adjoin +adjoined +adjoinedly +adjoining +adjoint +adjourn +adjournal +adjournment +adjudge +adjudgeable +adjudger +adjudgment +adjudicate +adjudication +adjudicative +adjudicator +adjudicature +adjunct +adjunction +adjunctive +adjunctively +adjunctly +adjuration +adjuratory +adjure +adjurer +adjust +adjustable +adjustably +adjustage +adjustation +adjuster +adjustive +adjustment +adjutage +adjutancy +adjutant +adjutantship +adjutorious +adjutory +adjutrice +adjuvant +Adlai +adlay +adless +adlet +Adlumia +adlumidine +adlumine +adman +admarginate +admaxillary +admeasure +admeasurement +admeasurer +admedial +admedian +admensuration +admi +adminicle +adminicula +adminicular +adminiculary +adminiculate +adminiculation +adminiculum +administer +administerd +administerial +administrable +administrant +administrate +administration +administrational +administrative +administratively +administrator +administratorship +administratress +administratrices +administratrix +admirability +admirable +admirableness +admirably +admiral +admiralship +admiralty +admiration +admirative +admirator +admire +admired +admiredly +admirer +admiring +admiringly +admissibility +admissible +admissibleness +admissibly +admission +admissive +admissory +admit +admittable +admittance +admitted +admittedly +admittee +admitter +admittible +admix +admixtion +admixture +admonish +admonisher +admonishingly +admonishment +admonition +admonitioner +admonitionist +admonitive +admonitively +admonitor +admonitorial +admonitorily +admonitory +admonitrix +admortization +adnascence +adnascent +adnate +adnation +adnephrine +adnerval +adneural +adnex +adnexal +adnexed +adnexitis +adnexopexy +adnominal +adnominally +adnomination +adnoun +ado +adobe +adolesce +adolescence +adolescency +adolescent +adolescently +Adolph +Adolphus +Adonai +Adonean +Adonia +Adoniad +Adonian +Adonic +adonidin +adonin +Adoniram +Adonis +adonite +adonitol +adonize +adoperate +adoperation +adopt +adoptability +adoptable +adoptant +adoptative +adopted +adoptedly +adoptee +adopter +adoptian +adoptianism +adoptianist +adoption +adoptional +adoptionism +adoptionist +adoptious +adoptive +adoptively +adorability +adorable +adorableness +adorably +adoral +adorally +adorant +Adorantes +adoration +adoratory +adore +adorer +Adoretus +adoringly +adorn +adorner +adorningly +adornment +adosculation +adossed +adoulie +adown +Adoxa +Adoxaceae +adoxaceous +adoxography +adoxy +adoze +adpao +adpress +adpromission +adradial +adradially +adradius +Adramelech +Adrammelech +adread +adream +adreamed +adreamt +adrectal +adrenal +adrenalectomize +adrenalectomy +Adrenalin +adrenaline +adrenalize +adrenalone +adrenergic +adrenin +adrenine +adrenochrome +adrenocortical +adrenocorticotropic +adrenolysis +adrenolytic +adrenotropic +Adrian +Adriana +Adriatic +Adrienne +adrift +adrip +adroit +adroitly +adroitness +adroop +adrop +adrostral +adrowse +adrue +adry +adsbud +adscendent +adscititious +adscititiously +adscript +adscripted +adscription +adscriptitious +adscriptitius +adscriptive +adsessor +adsheart +adsignification +adsignify +adsmith +adsmithing +adsorb +adsorbable +adsorbate +adsorbent +adsorption +adsorptive +adstipulate +adstipulation +adstipulator +adterminal +adtevac +adular +adularescence +adularia +adulate +adulation +adulator +adulatory +adulatress +Adullam +Adullamite +adult +adulter +adulterant +adulterate +adulterately +adulterateness +adulteration +adulterator +adulterer +adulteress +adulterine +adulterize +adulterous +adulterously +adultery +adulthood +adulticidal +adulticide +adultness +adultoid +adumbral +adumbrant +adumbrate +adumbration +adumbrative +adumbratively +adunc +aduncate +aduncated +aduncity +aduncous +adusk +adust +adustion +adustiosis +Advaita +advance +advanceable +advanced +advancedness +advancement +advancer +advancing +advancingly +advancive +advantage +advantageous +advantageously +advantageousness +advection +advectitious +advective +advehent +advene +advenience +advenient +Advent +advential +Adventism +Adventist +adventitia +adventitious +adventitiously +adventitiousness +adventive +adventual +adventure +adventureful +adventurement +adventurer +adventureship +adventuresome +adventuresomely +adventuresomeness +adventuress +adventurish +adventurous +adventurously +adventurousness +adverb +adverbial +adverbiality +adverbialize +adverbially +adverbiation +adversant +adversaria +adversarious +adversary +adversative +adversatively +adverse +adversely +adverseness +adversifoliate +adversifolious +adversity +advert +advertence +advertency +advertent +advertently +advertisable +advertise +advertisee +advertisement +advertiser +advertising +advice +adviceful +advisability +advisable +advisableness +advisably +advisal +advisatory +advise +advised +advisedly +advisedness +advisee +advisement +adviser +advisership +advisive +advisiveness +advisor +advisorily +advisory +advocacy +advocate +advocateship +advocatess +advocation +advocator +advocatory +advocatress +advocatrice +advocatrix +advolution +advowee +advowson +ady +adynamia +adynamic +adynamy +adyta +adyton +adytum +adz +adze +adzer +adzooks +ae +Aeacides +Aeacus +Aeaean +Aechmophorus +aecial +Aecidiaceae +aecidial +aecidioform +Aecidiomycetes +aecidiospore +aecidiostage +aecidium +aeciospore +aeciostage +aecioteliospore +aeciotelium +aecium +aedeagus +Aedes +aedicula +aedile +aedileship +aedilian +aedilic +aedilitian +aedility +aedoeagus +aefald +aefaldness +aefaldy +aefauld +aegagropila +aegagropile +aegagrus +Aegean +aegerian +aegeriid +Aegeriidae +Aegialitis +aegicrania +Aegina +Aeginetan +Aeginetic +Aegipan +aegirine +aegirinolite +aegirite +aegis +Aegisthus +Aegithalos +Aegithognathae +aegithognathism +aegithognathous +Aegle +Aegopodium +aegrotant +aegyptilla +aegyrite +aeluroid +Aeluroidea +aelurophobe +aelurophobia +aeluropodous +aenach +aenean +aeneolithic +aeneous +aenigmatite +aeolharmonica +Aeolia +Aeolian +Aeolic +Aeolicism +aeolid +Aeolidae +Aeolididae +aeolina +aeoline +aeolipile +Aeolis +Aeolism +Aeolist +aeolistic +aeolodicon +aeolodion +aeolomelodicon +aeolopantalon +aeolotropic +aeolotropism +aeolotropy +aeolsklavier +aeon +aeonial +aeonian +aeonist +Aepyceros +Aepyornis +Aepyornithidae +Aepyornithiformes +Aequi +Aequian +Aequiculi +Aequipalpia +aequoreal +aer +aerage +aerarian +aerarium +aerate +aeration +aerator +aerenchyma +aerenterectasia +aerial +aerialist +aeriality +aerially +aerialness +aeric +aerical +Aerides +aerie +aeried +aerifaction +aeriferous +aerification +aeriform +aerify +aero +Aerobacter +aerobate +aerobatic +aerobatics +aerobe +aerobian +aerobic +aerobically +aerobiologic +aerobiological +aerobiologically +aerobiologist +aerobiology +aerobion +aerobiont +aerobioscope +aerobiosis +aerobiotic +aerobiotically +aerobious +aerobium +aeroboat +Aerobranchia +aerobranchiate +aerobus +aerocamera +aerocartograph +Aerocharidae +aerocolpos +aerocraft +aerocurve +aerocyst +aerodermectasia +aerodone +aerodonetic +aerodonetics +aerodrome +aerodromics +aerodynamic +aerodynamical +aerodynamicist +aerodynamics +aerodyne +aeroembolism +aeroenterectasia +aerofoil +aerogel +aerogen +aerogenes +aerogenesis +aerogenic +aerogenically +aerogenous +aerogeologist +aerogeology +aerognosy +aerogram +aerograph +aerographer +aerographic +aerographical +aerographics +aerography +aerogun +aerohydrodynamic +aerohydropathy +aerohydroplane +aerohydrotherapy +aerohydrous +aeroides +aerolite +aerolith +aerolithology +aerolitic +aerolitics +aerologic +aerological +aerologist +aerology +aeromaechanic +aeromancer +aeromancy +aeromantic +aeromarine +aeromechanical +aeromechanics +aerometeorograph +aerometer +aerometric +aerometry +aeromotor +aeronat +aeronaut +aeronautic +aeronautical +aeronautically +aeronautics +aeronautism +aeronef +aeroneurosis +aeropathy +Aerope +aeroperitoneum +aeroperitonia +aerophagia +aerophagist +aerophagy +aerophane +aerophilatelic +aerophilatelist +aerophilately +aerophile +aerophilic +aerophilous +aerophobia +aerophobic +aerophone +aerophor +aerophore +aerophotography +aerophysical +aerophysics +aerophyte +aeroplane +aeroplaner +aeroplanist +aeropleustic +aeroporotomy +aeroscepsis +aeroscepsy +aeroscope +aeroscopic +aeroscopically +aeroscopy +aerose +aerosiderite +aerosiderolite +Aerosol +aerosol +aerosphere +aerosporin +aerostat +aerostatic +aerostatical +aerostatics +aerostation +aerosteam +aerotactic +aerotaxis +aerotechnical +aerotherapeutics +aerotherapy +aerotonometer +aerotonometric +aerotonometry +aerotropic +aerotropism +aeroyacht +aeruginous +aerugo +aery +aes +Aeschylean +Aeschynanthus +Aeschynomene +aeschynomenous +Aesculaceae +aesculaceous +Aesculapian +Aesculapius +Aesculus +Aesopian +Aesopic +aesthete +aesthetic +aesthetical +aesthetically +aesthetician +aestheticism +aestheticist +aestheticize +aesthetics +aesthiology +aesthophysiology +Aestii +aethalioid +aethalium +aetheogam +aetheogamic +aetheogamous +aethered +Aethionema +aethogen +aethrioscope +Aethusa +Aetian +aetiogenic +aetiotropic +aetiotropically +Aetobatidae +Aetobatus +Aetolian +Aetomorphae +aetosaur +aetosaurian +Aetosaurus +aevia +aface +afaint +Afar +afar +afara +afear +afeard +afeared +afebrile +Afenil +afernan +afetal +affa +affability +affable +affableness +affably +affabrous +affair +affaite +affect +affectable +affectate +affectation +affectationist +affected +affectedly +affectedness +affecter +affectibility +affectible +affecting +affectingly +affection +affectional +affectionally +affectionate +affectionately +affectionateness +affectioned +affectious +affective +affectively +affectivity +affeer +affeerer +affeerment +affeir +affenpinscher +affenspalte +afferent +affettuoso +affiance +affiancer +affiant +affidation +affidavit +affidavy +affiliable +affiliate +affiliation +affinal +affination +affine +affined +affinely +affinitative +affinitatively +affinite +affinition +affinitive +affinity +affirm +affirmable +affirmably +affirmance +affirmant +affirmation +affirmative +affirmatively +affirmatory +affirmer +affirmingly +affix +affixal +affixation +affixer +affixion +affixture +afflation +afflatus +afflict +afflicted +afflictedness +afflicter +afflicting +afflictingly +affliction +afflictionless +afflictive +afflictively +affluence +affluent +affluently +affluentness +afflux +affluxion +afforce +afforcement +afford +affordable +afforest +afforestable +afforestation +afforestment +afformative +affranchise +affranchisement +affray +affrayer +affreight +affreighter +affreightment +affricate +affricated +affrication +affricative +affright +affrighted +affrightedly +affrighter +affrightful +affrightfully +affrightingly +affrightment +affront +affronte +affronted +affrontedly +affrontedness +affronter +affronting +affrontingly +affrontingness +affrontive +affrontiveness +affrontment +affuse +affusion +affy +Afghan +afghani +afield +Afifi +afikomen +afire +aflagellar +aflame +aflare +aflat +aflaunt +aflicker +aflight +afloat +aflow +aflower +afluking +aflush +aflutter +afoam +afoot +afore +aforehand +aforenamed +aforesaid +aforethought +aforetime +aforetimes +afortiori +afoul +afraid +afraidness +Aframerican +Afrasia +Afrasian +afreet +afresh +afret +Afric +African +Africana +Africanism +Africanist +Africanization +Africanize +Africanoid +Africanthropus +Afridi +Afrikaans +Afrikander +Afrikanderdom +Afrikanderism +Afrikaner +Afrogaea +Afrogaean +afront +afrown +Afshah +Afshar +aft +aftaba +after +afteract +afterage +afterattack +afterband +afterbeat +afterbirth +afterblow +afterbody +afterbrain +afterbreach +afterbreast +afterburner +afterburning +aftercare +aftercareer +aftercast +aftercataract +aftercause +afterchance +afterchrome +afterchurch +afterclap +afterclause +aftercome +aftercomer +aftercoming +aftercooler +aftercost +aftercourse +aftercrop +aftercure +afterdamp +afterdate +afterdays +afterdeck +afterdinner +afterdrain +afterdrops +aftereffect +afterend +aftereye +afterfall +afterfame +afterfeed +afterfermentation +afterform +afterfriend +afterfruits +afterfuture +aftergame +aftergas +afterglide +afterglow +aftergo +aftergood +aftergrass +aftergrave +aftergrief +aftergrind +aftergrowth +afterguard +afterguns +afterhand +afterharm +afterhatch +afterhelp +afterhend +afterhold +afterhope +afterhours +afterimage +afterimpression +afterings +afterking +afterknowledge +afterlife +afterlifetime +afterlight +afterloss +afterlove +aftermark +aftermarriage +aftermass +aftermast +aftermath +aftermatter +aftermeal +aftermilk +aftermost +afternight +afternoon +afternoons +afternose +afternote +afteroar +afterpain +afterpart +afterpast +afterpeak +afterpiece +afterplanting +afterplay +afterpressure +afterproof +afterrake +afterreckoning +afterrider +afterripening +afterroll +afterschool +aftersend +aftersensation +aftershaft +aftershafted +aftershine +aftership +aftershock +aftersong +aftersound +afterspeech +afterspring +afterstain +afterstate +afterstorm +afterstrain +afterstretch +afterstudy +afterswarm +afterswarming +afterswell +aftertan +aftertask +aftertaste +afterthinker +afterthought +afterthoughted +afterthrift +aftertime +aftertimes +aftertouch +aftertreatment +aftertrial +afterturn +aftervision +afterwale +afterwar +afterward +afterwards +afterwash +afterwhile +afterwisdom +afterwise +afterwit +afterwitted +afterwork +afterworking +afterworld +afterwrath +afterwrist +aftmost +Aftonian +aftosa +aftward +aftwards +afunction +afunctional +afwillite +Afzelia +aga +agabanee +agacante +agacella +Agaces +Agade +Agag +again +against +againstand +agal +agalactia +agalactic +agalactous +agalawood +agalaxia +agalaxy +Agalena +Agalenidae +Agalinis +agalite +agalloch +agallochum +agallop +agalma +agalmatolite +agalwood +Agama +agama +Agamae +Agamemnon +agamete +agami +agamian +agamic +agamically +agamid +Agamidae +agamobium +agamogenesis +agamogenetic +agamogenetically +agamogony +agamoid +agamont +agamospore +agamous +agamy +aganglionic +Aganice +Aganippe +Agao +Agaonidae +Agapanthus +agape +Agapemone +Agapemonian +Agapemonist +Agapemonite +agapetae +agapeti +agapetid +Agapetidae +Agapornis +agar +agaric +agaricaceae +agaricaceous +Agaricales +agaricic +agariciform +agaricin +agaricine +agaricoid +Agaricus +Agaristidae +agarita +Agarum +agarwal +agasp +Agastache +Agastreae +agastric +agastroneuria +agate +agateware +Agatha +Agathaea +Agathaumas +agathin +Agathis +agathism +agathist +agathodaemon +agathodaemonic +agathokakological +agathology +Agathosma +agatiferous +agatiform +agatine +agatize +agatoid +agaty +Agau +Agave +agavose +Agawam +Agaz +agaze +agazed +Agdistis +age +aged +agedly +agedness +agee +Agelacrinites +Agelacrinitidae +Agelaius +Agelaus +ageless +agelessness +agelong +agen +Agena +agency +agenda +agendum +agenesia +agenesic +agenesis +agennetic +agent +agentess +agential +agentival +agentive +agentry +agentship +ageometrical +ager +Ageratum +ageusia +ageusic +ageustia +agger +aggerate +aggeration +aggerose +Aggie +agglomerant +agglomerate +agglomerated +agglomeratic +agglomeration +agglomerative +agglomerator +agglutinability +agglutinable +agglutinant +agglutinate +agglutination +agglutinationist +agglutinative +agglutinator +agglutinin +agglutinize +agglutinogen +agglutinogenic +agglutinoid +agglutinoscope +agglutogenic +aggradation +aggradational +aggrade +aggrandizable +aggrandize +aggrandizement +aggrandizer +aggrate +aggravate +aggravating +aggravatingly +aggravation +aggravative +aggravator +aggregable +aggregant +Aggregata +Aggregatae +aggregate +aggregately +aggregateness +aggregation +aggregative +aggregator +aggregatory +aggress +aggressin +aggression +aggressionist +aggressive +aggressively +aggressiveness +aggressor +aggrievance +aggrieve +aggrieved +aggrievedly +aggrievedness +aggrievement +aggroup +aggroupment +aggry +aggur +agha +Aghan +aghanee +aghast +aghastness +Aghlabite +Aghorapanthi +Aghori +Agialid +Agib +Agiel +agilawood +agile +agilely +agileness +agility +agillawood +aging +agio +agiotage +agist +agistator +agistment +agistor +agitable +agitant +agitate +agitatedly +agitation +agitational +agitationist +agitative +agitator +agitatorial +agitatrix +agitprop +Agkistrodon +agla +Aglaia +aglance +Aglaonema +Aglaos +aglaozonia +aglare +Aglaspis +Aglauros +agleaf +agleam +aglet +aglethead +agley +aglimmer +aglint +Aglipayan +Aglipayano +aglitter +aglobulia +Aglossa +aglossal +aglossate +aglossia +aglow +aglucon +aglutition +aglycosuric +Aglypha +aglyphodont +Aglyphodonta +Aglyphodontia +aglyphous +agmatine +agmatology +agminate +agminated +agnail +agname +agnamed +agnate +Agnatha +agnathia +agnathic +Agnathostomata +agnathostomatous +agnathous +agnatic +agnatically +agnation +agnel +Agnes +agnification +agnize +Agnoetae +Agnoete +Agnoetism +agnoiology +Agnoite +agnomen +agnomical +agnominal +agnomination +agnosia +agnosis +agnostic +agnostically +agnosticism +Agnostus +agnosy +Agnotozoic +agnus +ago +agog +agoge +agogic +agogics +agoho +agoing +agomensin +agomphiasis +agomphious +agomphosis +agon +agonal +agone +agoniada +agoniadin +agoniatite +Agoniatites +agonic +agonied +agonist +Agonista +agonistarch +agonistic +agonistically +agonistics +agonium +agonize +agonizedly +agonizer +agonizingly +Agonostomus +agonothete +agonothetic +agony +agora +agoranome +agoraphobia +agouara +agouta +agouti +agpaite +agpaitic +Agra +agraffee +agrah +agral +agrammatical +agrammatism +Agrania +agranulocyte +agranulocytosis +agranuloplastic +Agrapha +agraphia +agraphic +agrarian +agrarianism +agrarianize +agrarianly +Agrauleum +agre +agree +agreeability +agreeable +agreeableness +agreeably +agreed +agreeing +agreeingly +agreement +agreer +agregation +agrege +agrestal +agrestial +agrestian +agrestic +agria +agricere +agricole +agricolist +agricolite +agricolous +agricultor +agricultural +agriculturalist +agriculturally +agriculture +agriculturer +agriculturist +Agrilus +Agrimonia +agrimony +agrimotor +agrin +Agriochoeridae +Agriochoerus +agriological +agriologist +agriology +Agrionia +agrionid +Agrionidae +Agriotes +Agriotypidae +Agriotypus +agrise +agrito +agroan +agrobiologic +agrobiological +agrobiologically +agrobiologist +agrobiology +agrogeological +agrogeologically +agrogeology +agrologic +agrological +agrologically +agrology +agrom +Agromyza +agromyzid +Agromyzidae +agronome +agronomial +agronomic +agronomical +agronomics +agronomist +agronomy +agroof +agrope +Agropyron +Agrostemma +agrosteral +Agrostis +agrostographer +agrostographic +agrostographical +agrostography +agrostologic +agrostological +agrostologist +agrostology +agrotechny +Agrotis +aground +agrufe +agruif +agrypnia +agrypnotic +agsam +agua +aguacate +Aguacateca +aguavina +Agudist +ague +aguelike +agueproof +agueweed +aguey +aguilarite +aguilawood +aguinaldo +aguirage +aguish +aguishly +aguishness +agunah +agush +agust +agy +Agyieus +agynarious +agynary +agynous +agyrate +agyria +Ah +ah +aha +ahaaina +ahankara +Ahantchuyuk +ahartalav +ahaunch +ahead +aheap +ahem +Ahepatokla +Ahet +ahey +ahimsa +ahind +ahint +Ahir +ahluwalia +ahmadi +Ahmadiya +Ahmed +Ahmet +Ahnfeltia +aho +Ahom +ahong +ahorse +ahorseback +Ahousaht +ahoy +Ahrendahronon +Ahriman +Ahrimanian +ahsan +Aht +Ahtena +ahu +ahuatle +ahuehuete +ahull +ahum +ahungered +ahungry +ahunt +ahura +ahush +ahwal +ahypnia +ai +Aias +Aiawong +aichmophobia +aid +aidable +aidance +aidant +aide +Aidenn +aider +Aides +aidful +aidless +aiel +aigialosaur +Aigialosauridae +Aigialosaurus +aiglet +aigremore +aigrette +aiguille +aiguillesque +aiguillette +aiguilletted +aikinite +ail +ailantery +ailanthic +Ailanthus +ailantine +ailanto +aile +Aileen +aileron +ailette +Ailie +ailing +aillt +ailment +ailsyte +Ailuridae +ailuro +ailuroid +Ailuroidea +Ailuropoda +Ailuropus +Ailurus +ailweed +aim +Aimak +aimara +Aimee +aimer +aimful +aimfully +aiming +aimless +aimlessly +aimlessness +Aimore +aimworthiness +ainaleh +ainhum +ainoi +ainsell +aint +Ainu +aion +aionial +air +Aira +airable +airampo +airan +airbound +airbrained +airbrush +aircraft +aircraftman +aircraftsman +aircraftswoman +aircraftwoman +aircrew +aircrewman +airdock +airdrome +airdrop +aire +Airedale +airedale +airer +airfield +airfoil +airframe +airfreight +airfreighter +airgraphics +airhead +airiferous +airified +airily +airiness +airing +airish +airless +airlift +airlike +airliner +airmail +airman +airmanship +airmark +airmarker +airmonger +airohydrogen +airometer +airpark +airphobia +airplane +airplanist +airport +airproof +airscape +airscrew +airship +airsick +airsickness +airstrip +airt +airtight +airtightly +airtightness +airward +airwards +airway +airwayman +airwoman +airworthiness +airworthy +airy +aischrolatreia +aiseweed +aisle +aisled +aisleless +aisling +Aissaoua +Aissor +aisteoir +Aistopoda +Aistopodes +ait +aitch +aitchbone +aitchless +aitchpiece +aitesis +aithochroi +aition +aitiotropic +Aitkenite +Aitutakian +aiwan +Aix +aizle +Aizoaceae +aizoaceous +Aizoon +Ajaja +ajaja +ajangle +ajar +ajari +Ajatasatru +ajava +ajhar +ajivika +ajog +ajoint +ajowan +Ajuga +ajutment +ak +Aka +aka +Akal +akala +Akali +akalimba +akamatsu +Akamnik +Akan +Akanekunik +Akania +Akaniaceae +akaroa +akasa +Akawai +akazga +akazgine +akcheh +ake +akeake +akebi +Akebia +akee +akeki +akeley +akenobeite +akepiro +akerite +akey +Akha +Akhissar +Akhlame +Akhmimic +akhoond +akhrot +akhyana +akia +Akim +akimbo +akin +akindle +akinesia +akinesic +akinesis +akinete +akinetic +Akiskemikinik +Akiyenik +Akka +Akkad +Akkadian +Akkadist +akmudar +akmuddar +aknee +ako +akoasm +akoasma +akoluthia +akonge +Akontae +Akoulalion +akov +akpek +Akra +akra +Akrabattine +akroasis +akrochordite +akroterion +Aktistetae +Aktistete +Aktivismus +Aktivist +aku +akuammine +akule +akund +Akwapim +Al +al +ala +Alabama +Alabaman +Alabamian +alabamide +alabamine +alabandite +alabarch +alabaster +alabastos +alabastrian +alabastrine +alabastrites +alabastron +alabastrum +alacha +alack +alackaday +alacreatine +alacreatinine +alacrify +alacritous +alacrity +Alactaga +alada +Aladdin +Aladdinize +Aladfar +Aladinist +alaihi +Alain +alaite +Alaki +Alala +alala +alalite +alalonga +alalunga +alalus +Alamanni +Alamannian +Alamannic +alameda +alamo +alamodality +alamonti +alamosite +alamoth +Alan +alan +aland +Alangiaceae +alangin +alangine +Alangium +alani +alanine +alannah +Alans +alantic +alantin +alantol +alantolactone +alantolic +alanyl +alar +Alarbus +alares +Alaria +Alaric +alarm +alarmable +alarmed +alarmedly +alarming +alarmingly +alarmism +alarmist +Alarodian +alarum +alary +alas +Alascan +Alaska +alaskaite +Alaskan +alaskite +Alastair +Alaster +alastrim +alate +alated +alatern +alaternus +alation +Alauda +Alaudidae +alaudine +Alaunian +Alawi +Alb +alb +alba +albacore +albahaca +Albainn +Alban +alban +Albanenses +Albanensian +Albania +Albanian +albanite +Albany +albarco +albardine +albarello +albarium +albaspidin +albata +Albatros +albatross +albe +albedo +albedograph +albee +albeit +Alberene +Albert +Alberta +albertin +Albertina +Albertine +Albertinian +Albertist +albertite +Alberto +albertustaler +albertype +albescence +albescent +albespine +albetad +Albi +Albian +albicans +albicant +albication +albiculi +albification +albificative +albiflorous +albify +Albigenses +Albigensian +Albigensianism +Albin +albinal +albiness +albinic +albinism +albinistic +albino +albinoism +albinotic +albinuria +Albion +Albireo +albite +albitic +albitite +albitization +albitophyre +Albizzia +albocarbon +albocinereous +Albococcus +albocracy +Alboin +albolite +albolith +albopannin +albopruinose +alboranite +Albrecht +Albright +albronze +Albruna +Albuca +Albuginaceae +albuginea +albugineous +albuginitis +albugo +album +albumean +albumen +albumenization +albumenize +albumenizer +albumimeter +albumin +albuminate +albuminaturia +albuminiferous +albuminiform +albuminimeter +albuminimetry +albuminiparous +albuminization +albuminize +albuminocholia +albuminofibrin +albuminogenous +albuminoid +albuminoidal +albuminolysis +albuminometer +albuminometry +albuminone +albuminorrhea +albuminoscope +albuminose +albuminosis +albuminous +albuminousness +albuminuria +albuminuric +albumoid +albumoscope +albumose +albumosuria +alburn +alburnous +alburnum +albus +albutannin +Albyn +Alca +Alcaaba +Alcae +Alcaic +alcaide +alcalde +alcaldeship +alcaldia +Alcaligenes +alcalizate +Alcalzar +alcamine +alcanna +Alcantara +Alcantarines +alcarraza +alcatras +alcazar +Alcedines +Alcedinidae +Alcedininae +Alcedo +alcelaphine +Alcelaphus +Alces +alchemic +alchemical +alchemically +Alchemilla +alchemist +alchemistic +alchemistical +alchemistry +alchemize +alchemy +alchera +alcheringa +alchimy +alchitran +alchochoden +Alchornea +alchymy +Alcibiadean +Alcicornium +Alcidae +alcidine +alcine +Alcippe +alclad +alco +alcoate +alcogel +alcogene +alcohate +alcohol +alcoholate +alcoholature +alcoholdom +alcoholemia +alcoholic +alcoholically +alcoholicity +alcoholimeter +alcoholism +alcoholist +alcoholizable +alcoholization +alcoholize +alcoholmeter +alcoholmetric +alcoholomania +alcoholometer +alcoholometric +alcoholometrical +alcoholometry +alcoholophilia +alcoholuria +alcoholysis +alcoholytic +Alcor +Alcoran +Alcoranic +Alcoranist +alcornoco +alcornoque +alcosol +Alcotate +alcove +alcovinometer +Alcuinian +alcyon +Alcyonacea +alcyonacean +Alcyonaria +alcyonarian +Alcyone +Alcyones +Alcyoniaceae +alcyonic +alcyoniform +Alcyonium +alcyonoid +aldamine +aldane +aldazin +aldazine +aldeament +Aldebaran +aldebaranium +aldehol +aldehydase +aldehyde +aldehydic +aldehydine +aldehydrol +alder +Alderamin +alderman +aldermanate +aldermancy +aldermaness +aldermanic +aldermanical +aldermanity +aldermanlike +aldermanly +aldermanry +aldermanship +aldern +Alderney +alderwoman +Aldhafara +Aldhafera +aldim +aldime +aldimine +Aldine +aldine +aldoheptose +aldohexose +aldoketene +aldol +aldolization +aldolize +aldononose +aldopentose +aldose +aldoside +aldoxime +Aldrovanda +Aldus +ale +Alea +aleak +aleatory +alebench +aleberry +Alebion +alec +alecithal +alecize +Aleck +aleconner +alecost +Alectoria +alectoria +Alectorides +alectoridine +alectorioid +Alectoris +alectoromachy +alectoromancy +Alectoromorphae +alectoromorphous +Alectoropodes +alectoropodous +Alectrion +Alectrionidae +alectryomachy +alectryomancy +Alectryon +alecup +alee +alef +alefnull +aleft +alefzero +alegar +alehoof +alehouse +Alejandro +alem +alemana +Alemanni +Alemannian +Alemannic +Alemannish +alembic +alembicate +alembroth +Alemite +alemite +alemmal +alemonger +alen +Alencon +Aleochara +aleph +alephs +alephzero +alepidote +alepole +alepot +Aleppine +Aleppo +alerce +alerse +alert +alertly +alertness +alesan +alestake +aletap +aletaster +Alethea +alethiology +alethopteis +alethopteroid +alethoscope +aletocyte +Aletris +alette +aleukemic +Aleurites +aleuritic +Aleurobius +Aleurodes +Aleurodidae +aleuromancy +aleurometer +aleuronat +aleurone +aleuronic +aleuroscope +Aleut +Aleutian +Aleutic +aleutite +alevin +alewife +Alex +Alexander +alexanders +Alexandra +Alexandreid +Alexandrian +Alexandrianism +Alexandrina +Alexandrine +alexandrite +Alexas +Alexia +alexia +Alexian +alexic +alexin +alexinic +alexipharmacon +alexipharmacum +alexipharmic +alexipharmical +alexipyretic +Alexis +alexiteric +alexiterical +Alexius +aleyard +Aleyrodes +aleyrodid +Aleyrodidae +Alf +alf +alfa +alfaje +alfalfa +alfaqui +alfaquin +alfenide +alfet +alfilaria +alfileria +alfilerilla +alfilerillo +alfiona +Alfirk +alfonsin +alfonso +alforja +Alfred +Alfreda +alfresco +alfridaric +alfridary +Alfur +Alfurese +Alfuro +alga +algae +algaecide +algaeological +algaeologist +algaeology +algaesthesia +algaesthesis +algal +algalia +Algaroth +algarroba +algarrobilla +algarrobin +Algarsife +Algarsyf +algate +Algebar +algebra +algebraic +algebraical +algebraically +algebraist +algebraization +algebraize +Algedi +algedo +algedonic +algedonics +algefacient +Algenib +Algerian +Algerine +algerine +Algernon +algesia +algesic +algesis +algesthesis +algetic +Algic +algic +algid +algidity +algidness +Algieba +algific +algin +alginate +algine +alginic +alginuresis +algiomuscular +algist +algivorous +algocyan +algodoncillo +algodonite +algoesthesiometer +algogenic +algoid +Algol +algolagnia +algolagnic +algolagnist +algolagny +algological +algologist +algology +Algoman +algometer +algometric +algometrical +algometrically +algometry +Algomian +Algomic +Algonkian +Algonquian +Algonquin +algophilia +algophilist +algophobia +algor +Algorab +Algores +algorism +algorismic +algorist +algoristic +algorithm +algorithmic +algosis +algous +algovite +algraphic +algraphy +alguazil +algum +Algy +Alhagi +Alhambra +Alhambraic +Alhambresque +Alhena +alhenna +alias +Alibamu +alibangbang +alibi +alibility +alible +Alicant +Alice +alichel +Alichino +Alicia +Alick +alicoche +alictisal +alicyclic +Alida +alidade +Alids +alien +alienability +alienable +alienage +alienate +alienation +alienator +aliency +alienee +aliener +alienicola +alienigenate +alienism +alienist +alienize +alienor +alienship +aliethmoid +aliethmoidal +alif +aliferous +aliform +aligerous +alight +align +aligner +alignment +aligreek +aliipoe +alike +alikeness +alikewise +Alikuluf +Alikulufan +alilonghi +alima +aliment +alimental +alimentally +alimentariness +alimentary +alimentation +alimentative +alimentatively +alimentativeness +alimenter +alimentic +alimentive +alimentiveness +alimentotherapy +alimentum +alimonied +alimony +alin +alinasal +Aline +alineation +alintatao +aliofar +Alioth +alipata +aliped +aliphatic +alipterion +aliptes +aliptic +aliquant +aliquot +aliseptal +alish +alisier +Alisma +Alismaceae +alismaceous +alismad +alismal +Alismales +Alismataceae +alismoid +aliso +Alison +alison +alisonite +alisp +alisphenoid +alisphenoidal +alist +Alister +alit +alite +alitrunk +aliturgic +aliturgical +aliunde +alive +aliveness +alivincular +Alix +aliyah +alizarate +alizari +alizarin +aljoba +alk +alkahest +alkahestic +alkahestica +alkahestical +Alkaid +alkalamide +alkalemia +alkalescence +alkalescency +alkalescent +alkali +alkalic +alkaliferous +alkalifiable +alkalify +alkaligen +alkaligenous +alkalimeter +alkalimetric +alkalimetrical +alkalimetrically +alkalimetry +alkaline +alkalinity +alkalinization +alkalinize +alkalinuria +alkalizable +alkalizate +alkalization +alkalize +alkalizer +alkaloid +alkaloidal +alkalometry +alkalosis +alkalous +Alkalurops +alkamin +alkamine +alkane +alkanet +Alkanna +alkannin +Alkaphrah +alkapton +alkaptonuria +alkaptonuric +alkargen +alkarsin +alkekengi +alkene +alkenna +alkenyl +alkermes +Alkes +alkide +alkine +alkool +Alkoran +Alkoranic +alkoxide +alkoxy +alkoxyl +alky +alkyd +alkyl +alkylamine +alkylate +alkylation +alkylene +alkylic +alkylidene +alkylize +alkylogen +alkyloxy +alkyne +all +allabuta +allactite +allaeanthus +allagite +allagophyllous +allagostemonous +Allah +allalinite +Allamanda +allamotti +Allan +allan +allanite +allanitic +allantiasis +allantochorion +allantoic +allantoid +allantoidal +Allantoidea +allantoidean +allantoidian +allantoin +allantoinase +allantoinuria +allantois +allantoxaidin +allanturic +Allasch +allassotonic +allative +allatrate +allay +allayer +allayment +allbone +Alle +allecret +allectory +allegate +allegation +allegator +allege +allegeable +allegedly +allegement +alleger +Alleghenian +Allegheny +allegiance +allegiancy +allegiant +allegoric +allegorical +allegorically +allegoricalness +allegorism +allegorist +allegorister +allegoristic +allegorization +allegorize +allegorizer +allegory +allegretto +allegro +allele +allelic +allelism +allelocatalytic +allelomorph +allelomorphic +allelomorphism +allelotropic +allelotropism +allelotropy +alleluia +alleluiatic +allemand +allemande +allemontite +Allen +allenarly +allene +Allentiac +Allentiacan +aller +allergen +allergenic +allergia +allergic +allergin +allergist +allergy +allerion +allesthesia +alleviate +alleviatingly +alleviation +alleviative +alleviator +alleviatory +alley +alleyed +alleyite +alleyway +allgood +Allhallow +Allhallowtide +allheal +alliable +alliably +Alliaceae +alliaceous +alliance +alliancer +Alliaria +allicampane +allice +allicholly +alliciency +allicient +Allie +allied +Allies +allies +alligate +alligator +alligatored +allineate +allineation +Allionia +Allioniaceae +allision +alliteral +alliterate +alliteration +alliterational +alliterationist +alliterative +alliteratively +alliterativeness +alliterator +Allium +allivalite +allmouth +allness +Allobroges +allocable +allocaffeine +allocatable +allocate +allocatee +allocation +allocator +allochetia +allochetite +allochezia +allochiral +allochirally +allochiria +allochlorophyll +allochroic +allochroite +allochromatic +allochroous +allochthonous +allocinnamic +alloclase +alloclasite +allocochick +allocrotonic +allocryptic +allocute +allocution +allocutive +allocyanine +allodelphite +allodesmism +alloeosis +alloeostropha +alloeotic +alloerotic +alloerotism +allogamous +allogamy +allogene +allogeneity +allogeneous +allogenic +allogenically +allograph +alloiogenesis +alloisomer +alloisomeric +alloisomerism +allokinesis +allokinetic +allokurtic +allomerism +allomerous +allometric +allometry +allomorph +allomorphic +allomorphism +allomorphite +allomucic +allonomous +allonym +allonymous +allopalladium +allopath +allopathetic +allopathetically +allopathic +allopathically +allopathist +allopathy +allopatric +allopatrically +allopatry +allopelagic +allophanamide +allophanates +allophane +allophanic +allophone +allophyle +allophylian +allophylic +Allophylus +allophytoid +alloplasm +alloplasmatic +alloplasmic +alloplast +alloplastic +alloplasty +alloploidy +allopolyploid +allopsychic +alloquial +alloquialism +alloquy +allorhythmia +allorrhyhmia +allorrhythmic +allosaur +Allosaurus +allose +allosematic +allosome +allosyndesis +allosyndetic +allot +allotee +allotelluric +allotheism +Allotheria +allothigene +allothigenetic +allothigenetically +allothigenic +allothigenous +allothimorph +allothimorphic +allothogenic +allothogenous +allotment +allotriodontia +Allotriognathi +allotriomorphic +allotriophagia +allotriophagy +allotriuria +allotrope +allotrophic +allotropic +allotropical +allotropically +allotropicity +allotropism +allotropize +allotropous +allotropy +allotrylic +allottable +allottee +allotter +allotype +allotypical +allover +allow +allowable +allowableness +allowably +allowance +allowedly +allower +alloxan +alloxanate +alloxanic +alloxantin +alloxuraemia +alloxuremia +alloxuric +alloxyproteic +alloy +alloyage +allozooid +allseed +allspice +allthing +allthorn +alltud +allude +allure +allurement +allurer +alluring +alluringly +alluringness +allusion +allusive +allusively +allusiveness +alluvia +alluvial +alluviate +alluviation +alluvion +alluvious +alluvium +allwhere +allwhither +allwork +Allworthy +Ally +ally +allyl +allylamine +allylate +allylation +allylene +allylic +allylthiourea +Alma +alma +Almach +almaciga +almacigo +almadia +almadie +almagest +almagra +Almain +Alman +almanac +almandine +almandite +alme +almeidina +almemar +Almerian +almeriite +Almida +almightily +almightiness +almighty +almique +Almira +almirah +almochoden +Almohad +Almohade +Almohades +almoign +Almon +almon +almond +almondy +almoner +almonership +almonry +Almoravid +Almoravide +Almoravides +almost +almous +alms +almsdeed +almsfolk +almsful +almsgiver +almsgiving +almshouse +almsman +almswoman +almucantar +almuce +almud +almude +almug +Almuredin +almuten +aln +alnage +alnager +alnagership +Alnaschar +Alnascharism +alnein +alnico +Alnilam +alniresinol +Alnitak +Alnitham +alniviridol +alnoite +alnuin +Alnus +alo +Aloadae +Alocasia +alochia +alod +alodial +alodialism +alodialist +alodiality +alodially +alodian +alodiary +alodification +alodium +alody +aloe +aloed +aloelike +aloemodin +aloeroot +aloesol +aloeswood +aloetic +aloetical +aloewood +aloft +alogia +Alogian +alogical +alogically +alogism +alogy +aloid +aloin +Alois +aloisiite +aloma +alomancy +alone +aloneness +along +alongshore +alongshoreman +alongside +alongst +Alonso +Alonsoa +Alonzo +aloof +aloofly +aloofness +aloose +alop +alopecia +Alopecias +alopecist +alopecoid +Alopecurus +alopeke +Alopias +Alopiidae +Alosa +alose +Alouatta +alouatte +aloud +alow +alowe +Aloxite +Aloysia +Aloysius +alp +alpaca +alpasotes +Alpax +alpeen +Alpen +alpenglow +alpenhorn +alpenstock +alpenstocker +alpestral +alpestrian +alpestrine +alpha +alphabet +alphabetarian +alphabetic +alphabetical +alphabetically +alphabetics +alphabetiform +alphabetism +alphabetist +alphabetization +alphabetize +alphabetizer +Alphard +alphatoluic +Alphean +Alphecca +alphenic +Alpheratz +alphitomancy +alphitomorphous +alphol +Alphonist +Alphonse +Alphonsine +Alphonsism +Alphonso +alphorn +alphos +alphosis +alphyl +Alpian +Alpid +alpieu +alpigene +Alpine +alpine +alpinely +alpinery +alpinesque +Alpinia +Alpiniaceae +Alpinism +Alpinist +alpist +Alpujarra +alqueire +alquier +alquifou +alraun +alreadiness +already +alright +alrighty +alroot +alruna +Alsatia +Alsatian +alsbachite +Alshain +Alsinaceae +alsinaceous +Alsine +also +alsoon +Alsophila +Alstonia +alstonidine +alstonine +alstonite +Alstroemeria +alsweill +alt +Altaian +Altaic +Altaid +Altair +altaite +Altamira +altar +altarage +altared +altarist +altarlet +altarpiece +altarwise +altazimuth +alter +alterability +alterable +alterableness +alterably +alterant +alterate +alteration +alterative +altercate +altercation +altercative +alteregoism +alteregoistic +alterer +alterity +altern +alternacy +alternance +alternant +Alternanthera +Alternaria +alternariose +alternate +alternately +alternateness +alternating +alternatingly +alternation +alternationist +alternative +alternatively +alternativeness +alternativity +alternator +alterne +alternifoliate +alternipetalous +alternipinnate +alternisepalous +alternize +alterocentric +Althaea +althaein +Althea +althea +althein +altheine +althionic +altho +althorn +although +Altica +Alticamelus +altigraph +altilik +altiloquence +altiloquent +altimeter +altimetrical +altimetrically +altimetry +altin +altincar +Altingiaceae +altingiaceous +altininck +altiplano +altiscope +altisonant +altisonous +altissimo +altitude +altitudinal +altitudinarian +alto +altogether +altogetherness +altometer +altoun +altrices +altricial +altropathy +altrose +altruism +altruist +altruistic +altruistically +altschin +altun +Aluco +Aluconidae +Aluconinae +aludel +Aludra +alula +alular +alulet +Alulim +alum +alumbloom +Alumel +alumic +alumiferous +alumina +aluminaphone +aluminate +alumine +aluminic +aluminide +aluminiferous +aluminiform +aluminish +aluminite +aluminium +aluminize +aluminoferric +aluminographic +aluminography +aluminose +aluminosilicate +aluminosis +aluminosity +aluminothermic +aluminothermics +aluminothermy +aluminotype +aluminous +aluminum +aluminyl +alumish +alumite +alumium +alumna +alumnae +alumnal +alumni +alumniate +Alumnol +alumnus +alumohydrocalcite +alumroot +Alundum +aluniferous +alunite +alunogen +alupag +Alur +alure +alurgite +alushtite +aluta +alutaceous +Alvah +Alvan +alvar +alvearium +alveary +alveloz +alveola +alveolar +alveolariform +alveolary +alveolate +alveolated +alveolation +alveole +alveolectomy +alveoli +alveoliform +alveolite +Alveolites +alveolitis +alveoloclasia +alveolocondylean +alveolodental +alveololabial +alveololingual +alveolonasal +alveolosubnasal +alveolotomy +alveolus +alveus +alviducous +Alvin +Alvina +alvine +Alvissmal +alvite +alvus +alway +always +aly +Alya +alycompaine +alymphia +alymphopotent +alypin +alysson +Alyssum +alytarch +Alytes +am +ama +amaas +Amabel +amability +amacratic +amacrinal +amacrine +amadavat +amadelphous +Amadi +Amadis +amadou +Amaethon +Amafingo +amaga +amah +Amahuaca +amain +amaister +amakebe +Amakosa +amala +amalaita +amalaka +Amalfian +Amalfitan +amalgam +amalgamable +amalgamate +amalgamation +amalgamationist +amalgamative +amalgamatize +amalgamator +amalgamist +amalgamization +amalgamize +Amalings +Amalrician +amaltas +amamau +Amampondo +Amanda +amandin +Amandus +amang +amani +amania +Amanist +Amanita +amanitin +amanitine +Amanitopsis +amanori +amanous +amantillo +amanuenses +amanuensis +amapa +Amapondo +amar +Amara +Amarantaceae +amarantaceous +amaranth +Amaranthaceae +amaranthaceous +amaranthine +amaranthoid +Amaranthus +amarantite +Amarantus +amarelle +amarevole +amargoso +amarillo +amarin +amarine +amaritude +amarity +amaroid +amaroidal +Amarth +amarthritis +amaryllid +Amaryllidaceae +amaryllidaceous +amaryllideous +Amaryllis +amasesis +amass +amassable +amasser +amassment +Amasta +amasthenic +amastia +amasty +Amatembu +amaterialistic +amateur +amateurish +amateurishly +amateurishness +amateurism +amateurship +Amati +amative +amatively +amativeness +amatol +amatorial +amatorially +amatorian +amatorious +amatory +amatrice +amatungula +amaurosis +amaurotic +amaze +amazed +amazedly +amazedness +amazeful +amazement +amazia +Amazilia +amazing +amazingly +Amazon +Amazona +Amazonian +Amazonism +amazonite +Amazulu +amba +ambage +ambagiosity +ambagious +ambagiously +ambagiousness +ambagitory +ambalam +amban +ambar +ambaree +ambarella +ambary +ambash +ambassade +Ambassadeur +ambassador +ambassadorial +ambassadorially +ambassadorship +ambassadress +ambassage +ambassy +ambatch +ambatoarinite +ambay +ambeer +amber +amberfish +ambergris +amberiferous +amberite +amberoid +amberous +ambery +ambicolorate +ambicoloration +ambidexter +ambidexterity +ambidextral +ambidextrous +ambidextrously +ambidextrousness +ambience +ambiency +ambiens +ambient +ambier +ambigenous +ambiguity +ambiguous +ambiguously +ambiguousness +ambilateral +ambilateralaterally +ambilaterality +ambilevous +ambilian +ambilogy +ambiopia +ambiparous +ambisinister +ambisinistrous +ambisporangiate +ambisyllabic +ambit +ambital +ambitendency +ambition +ambitionist +ambitionless +ambitionlessly +ambitious +ambitiously +ambitiousness +ambitty +ambitus +ambivalence +ambivalency +ambivalent +ambivert +amble +ambler +ambling +amblingly +amblotic +amblyacousia +amblyaphia +Amblycephalidae +Amblycephalus +amblychromatic +Amblydactyla +amblygeusia +amblygon +amblygonal +amblygonite +amblyocarpous +Amblyomma +amblyope +amblyopia +amblyopic +Amblyopsidae +Amblyopsis +amblyoscope +amblypod +Amblypoda +amblypodous +Amblyrhynchus +amblystegite +Amblystoma +ambo +amboceptoid +amboceptor +Ambocoelia +Amboina +Amboinese +ambomalleal +ambon +ambonite +Ambonnay +ambos +ambosexous +ambosexual +ambrain +ambrein +ambrette +Ambrica +ambrite +ambroid +ambrology +Ambrose +ambrose +ambrosia +ambrosiac +Ambrosiaceae +ambrosiaceous +ambrosial +ambrosially +Ambrosian +ambrosian +ambrosiate +ambrosin +ambrosine +Ambrosio +ambrosterol +ambrotype +ambry +ambsace +ambulacral +ambulacriform +ambulacrum +ambulance +ambulancer +ambulant +ambulate +ambulatio +ambulation +ambulative +ambulator +Ambulatoria +ambulatorial +ambulatorium +ambulatory +ambuling +ambulomancy +amburbial +ambury +ambuscade +ambuscader +ambush +ambusher +ambushment +Ambystoma +Ambystomidae +amchoor +ame +amebiform +Amedeo +ameed +ameen +Ameiuridae +Ameiurus +Ameiva +Amelanchier +amelcorn +Amelia +amelia +amelification +ameliorable +ameliorableness +ameliorant +ameliorate +amelioration +ameliorativ +ameliorative +ameliorator +amellus +ameloblast +ameloblastic +amelu +amelus +Amen +amen +amenability +amenable +amenableness +amenably +amend +amendable +amendableness +amendatory +amende +amender +amendment +amends +amene +amenia +Amenism +Amenite +amenity +amenorrhea +amenorrheal +amenorrheic +amenorrhoea +ament +amentaceous +amental +amentia +Amentiferae +amentiferous +amentiform +amentulum +amentum +amerce +amerceable +amercement +amercer +amerciament +America +American +Americana +Americanese +Americanism +Americanist +Americanistic +Americanitis +Americanization +Americanize +Americanizer +Americanly +Americanoid +Americaward +Americawards +americium +Americomania +Americophobe +Amerimnon +Amerind +Amerindian +Amerindic +amerism +ameristic +amesite +Ametabola +ametabole +ametabolia +ametabolian +ametabolic +ametabolism +ametabolous +ametaboly +ametallous +amethodical +amethodically +amethyst +amethystine +ametoecious +ametria +ametrometer +ametrope +ametropia +ametropic +ametrous +Amex +amgarn +amhar +amherstite +amhran +Ami +ami +Amia +amiability +amiable +amiableness +amiably +amianth +amianthiform +amianthine +Amianthium +amianthoid +amianthoidal +amianthus +amic +amicability +amicable +amicableness +amicably +amical +amice +amiced +amicicide +amicrobic +amicron +amicronucleate +amid +amidase +amidate +amidation +amide +amidic +amidid +amidide +amidin +amidine +Amidism +Amidist +amido +amidoacetal +amidoacetic +amidoacetophenone +amidoaldehyde +amidoazo +amidoazobenzene +amidoazobenzol +amidocaffeine +amidocapric +amidofluorid +amidofluoride +amidogen +amidoguaiacol +amidohexose +amidoketone +amidol +amidomyelin +amidon +amidophenol +amidophosphoric +amidoplast +amidoplastid +amidopyrine +amidosuccinamic +amidosulphonal +amidothiazole +amidoxime +amidoxy +amidoxyl +amidrazone +amidship +amidships +amidst +amidstream +amidulin +Amigo +Amiidae +amil +Amiles +Amiloun +amimia +amimide +amin +aminate +amination +amine +amini +aminic +aminity +aminization +aminize +amino +aminoacetal +aminoacetanilide +aminoacetic +aminoacetone +aminoacetophenetidine +aminoacetophenone +aminoacidemia +aminoaciduria +aminoanthraquinone +aminoazobenzene +aminobarbituric +aminobenzaldehyde +aminobenzamide +aminobenzene +aminobenzoic +aminocaproic +aminodiphenyl +aminoethionic +aminoformic +aminogen +aminoglutaric +aminoguanidine +aminoid +aminoketone +aminolipin +aminolysis +aminolytic +aminomalonic +aminomyelin +aminophenol +aminoplast +aminoplastic +aminopropionic +aminopurine +aminopyrine +aminoquinoline +aminosis +aminosuccinamic +aminosulphonic +aminothiophen +aminovaleric +aminoxylol +Aminta +Amintor +Amioidei +Amir +amir +Amiranha +amiray +amirship +Amish +Amishgo +amiss +amissibility +amissible +amissness +Amita +Amitabha +amitosis +amitotic +amitotically +amity +amixia +Amizilis +amla +amli +amlikar +amlong +Amma +amma +amman +Ammanite +ammelide +ammelin +ammeline +ammer +ammeter +Ammi +Ammiaceae +ammiaceous +ammine +amminochloride +amminolysis +amminolytic +ammiolite +ammo +Ammobium +ammochaeta +ammochryse +ammocoete +ammocoetes +ammocoetid +Ammocoetidae +ammocoetiform +ammocoetoid +Ammodytes +Ammodytidae +ammodytoid +ammonal +ammonate +ammonation +Ammonea +ammonia +ammoniacal +ammoniacum +ammoniate +ammoniation +ammonic +ammonical +ammoniemia +ammonification +ammonifier +ammonify +ammoniojarosite +ammonion +ammonionitrate +Ammonite +ammonite +Ammonites +Ammonitess +ammonitic +ammoniticone +ammonitiferous +Ammonitish +ammonitoid +Ammonitoidea +ammonium +ammoniuria +ammonization +ammono +ammonobasic +ammonocarbonic +ammonocarbonous +ammonoid +Ammonoidea +ammonoidean +ammonolysis +ammonolytic +ammonolyze +Ammophila +ammophilous +ammoresinol +ammotherapy +ammu +ammunition +amnemonic +amnesia +amnesic +amnestic +amnesty +amnia +amniac +amniatic +amnic +Amnigenia +amnioallantoic +amniocentesis +amniochorial +amnioclepsis +amniomancy +amnion +Amnionata +amnionate +amnionic +amniorrhea +Amniota +amniote +amniotic +amniotitis +amniotome +amober +amobyr +amoeba +amoebae +Amoebaea +amoebaean +amoebaeum +amoebalike +amoeban +amoebian +amoebiasis +amoebic +amoebicide +amoebid +Amoebida +Amoebidae +amoebiform +Amoebobacter +Amoebobacterieae +amoebocyte +Amoebogeniae +amoeboid +amoeboidism +amoebous +amoebula +amok +amoke +amole +amolilla +amomal +Amomales +Amomis +amomum +among +amongst +amontillado +amor +amorado +amoraic +amoraim +amoral +amoralism +amoralist +amorality +amoralize +Amores +amoret +amoretto +Amoreuxia +amorism +amorist +amoristic +Amorite +Amoritic +Amoritish +amorosity +amoroso +amorous +amorously +amorousness +Amorpha +amorphia +amorphic +amorphinism +amorphism +Amorphophallus +amorphophyte +amorphotae +amorphous +amorphously +amorphousness +amorphus +amorphy +amort +amortisseur +amortizable +amortization +amortize +amortizement +Amorua +Amos +Amoskeag +amotion +amotus +amount +amour +amourette +amovability +amovable +amove +Amoy +Amoyan +Amoyese +ampalaya +ampalea +ampangabeite +ampasimenite +Ampelidaceae +ampelidaceous +Ampelidae +ampelideous +Ampelis +ampelite +ampelitic +ampelographist +ampelography +ampelopsidin +ampelopsin +Ampelopsis +Ampelosicyos +ampelotherapy +amper +amperage +ampere +amperemeter +Amperian +amperometer +ampersand +ampery +amphanthium +ampheclexis +ampherotokous +ampherotoky +amphetamine +amphiarthrodial +amphiarthrosis +amphiaster +amphibalus +Amphibia +amphibial +amphibian +amphibichnite +amphibiety +amphibiological +amphibiology +amphibion +amphibiotic +Amphibiotica +amphibious +amphibiously +amphibiousness +amphibium +amphiblastic +amphiblastula +amphiblestritis +Amphibola +amphibole +amphibolia +amphibolic +amphiboliferous +amphiboline +amphibolite +amphibolitic +amphibological +amphibologically +amphibologism +amphibology +amphibolous +amphiboly +amphibrach +amphibrachic +amphibryous +Amphicarpa +Amphicarpaea +amphicarpic +amphicarpium +amphicarpogenous +amphicarpous +amphicentric +amphichroic +amphichrom +amphichromatic +amphichrome +amphicoelian +amphicoelous +Amphicondyla +amphicondylous +amphicrania +amphicreatinine +amphicribral +amphictyon +amphictyonian +amphictyonic +amphictyony +Amphicyon +Amphicyonidae +amphicyrtic +amphicyrtous +amphicytula +amphid +amphide +amphidesmous +amphidetic +amphidiarthrosis +amphidiploid +amphidiploidy +amphidisc +Amphidiscophora +amphidiscophoran +amphierotic +amphierotism +Amphigaea +amphigam +Amphigamae +amphigamous +amphigastrium +amphigastrula +amphigean +amphigen +amphigene +amphigenesis +amphigenetic +amphigenous +amphigenously +amphigonic +amphigonium +amphigonous +amphigony +amphigoric +amphigory +amphigouri +amphikaryon +amphilogism +amphilogy +amphimacer +amphimictic +amphimictical +amphimictically +amphimixis +amphimorula +Amphinesian +Amphineura +amphineurous +amphinucleus +Amphion +Amphionic +Amphioxi +Amphioxidae +Amphioxides +Amphioxididae +amphioxus +amphipeptone +amphiphloic +amphiplatyan +Amphipleura +amphiploid +amphiploidy +amphipneust +Amphipneusta +amphipneustic +Amphipnous +amphipod +Amphipoda +amphipodal +amphipodan +amphipodiform +amphipodous +amphiprostylar +amphiprostyle +amphiprotic +amphipyrenin +Amphirhina +amphirhinal +amphirhine +amphisarca +amphisbaena +amphisbaenian +amphisbaenic +Amphisbaenidae +amphisbaenoid +amphisbaenous +amphiscians +amphiscii +Amphisile +Amphisilidae +amphispermous +amphisporangiate +amphispore +Amphistoma +amphistomatic +amphistome +amphistomoid +amphistomous +Amphistomum +amphistylar +amphistylic +amphistyly +amphitene +amphitheater +amphitheatered +amphitheatral +amphitheatric +amphitheatrical +amphitheatrically +amphithecial +amphithecium +amphithect +amphithyron +amphitokal +amphitokous +amphitoky +amphitriaene +amphitrichous +Amphitrite +amphitropal +amphitropous +Amphitruo +Amphitryon +Amphiuma +Amphiumidae +amphivasal +amphivorous +Amphizoidae +amphodarch +amphodelite +amphodiplopia +amphogenous +ampholyte +amphopeptone +amphophil +amphophile +amphophilic +amphophilous +amphora +amphoral +amphore +amphorette +amphoric +amphoricity +amphoriloquy +amphorophony +amphorous +amphoteric +Amphrysian +ample +amplectant +ampleness +amplexation +amplexicaudate +amplexicaul +amplexicauline +amplexifoliate +amplexus +ampliate +ampliation +ampliative +amplicative +amplidyne +amplification +amplificative +amplificator +amplificatory +amplifier +amplify +amplitude +amply +ampollosity +ampongue +ampoule +ampul +ampulla +ampullaceous +ampullar +Ampullaria +Ampullariidae +ampullary +ampullate +ampullated +ampulliform +ampullitis +ampullula +amputate +amputation +amputational +amputative +amputator +amputee +ampyx +amra +amreeta +amrita +Amritsar +amsath +amsel +Amsonia +Amsterdamer +amt +amtman +Amuchco +amuck +Amueixa +amuguis +amula +amulet +amuletic +amulla +amunam +amurca +amurcosity +amurcous +Amurru +amusable +amuse +amused +amusedly +amusee +amusement +amuser +amusette +Amusgo +amusia +amusing +amusingly +amusingness +amusive +amusively +amusiveness +amutter +amuyon +amuyong +amuze +amvis +Amy +amy +Amyclaean +Amyclas +amyelencephalia +amyelencephalic +amyelencephalous +amyelia +amyelic +amyelinic +amyelonic +amyelous +amygdal +amygdala +Amygdalaceae +amygdalaceous +amygdalase +amygdalate +amygdalectomy +amygdalic +amygdaliferous +amygdaliform +amygdalin +amygdaline +amygdalinic +amygdalitis +amygdaloid +amygdaloidal +amygdalolith +amygdaloncus +amygdalopathy +amygdalothripsis +amygdalotome +amygdalotomy +Amygdalus +amygdonitrile +amygdophenin +amygdule +amyl +amylaceous +amylamine +amylan +amylase +amylate +amylemia +amylene +amylenol +amylic +amylidene +amyliferous +amylin +amylo +amylocellulose +amyloclastic +amylocoagulase +amylodextrin +amylodyspepsia +amylogen +amylogenesis +amylogenic +amylohydrolysis +amylohydrolytic +amyloid +amyloidal +amyloidosis +amyloleucite +amylolysis +amylolytic +amylom +amylometer +amylon +amylopectin +amylophagia +amylophosphate +amylophosphoric +amyloplast +amyloplastic +amyloplastid +amylopsin +amylose +amylosis +amylosynthesis +amylum +amyluria +Amynodon +amynodont +amyosthenia +amyosthenic +amyotaxia +amyotonia +amyotrophia +amyotrophic +amyotrophy +amyous +Amyraldism +Amyraldist +Amyridaceae +amyrin +Amyris +amyrol +amyroot +Amytal +amyxorrhea +amyxorrhoea +an +Ana +ana +Anabaena +Anabantidae +Anabaptism +Anabaptist +Anabaptistic +Anabaptistical +Anabaptistically +Anabaptistry +anabaptize +Anabas +anabasine +anabasis +anabasse +anabata +anabathmos +anabatic +anaberoga +anabibazon +anabiosis +anabiotic +Anablepidae +Anableps +anabo +anabohitsite +anabolic +anabolin +anabolism +anabolite +anabolize +anabong +anabranch +anabrosis +anabrotic +anacahuita +anacahuite +anacalypsis +anacampsis +anacamptic +anacamptically +anacamptics +anacamptometer +anacanth +anacanthine +Anacanthini +anacanthous +anacara +anacard +Anacardiaceae +anacardiaceous +anacardic +Anacardium +anacatadidymus +anacatharsis +anacathartic +anacephalaeosis +anacephalize +Anaces +Anacharis +anachorism +anachromasis +anachronic +anachronical +anachronically +anachronism +anachronismatical +anachronist +anachronistic +anachronistical +anachronistically +anachronize +anachronous +anachronously +anachueta +anacid +anacidity +anaclasis +anaclastic +anaclastics +Anaclete +anacleticum +anaclinal +anaclisis +anaclitic +anacoenosis +anacoluthia +anacoluthic +anacoluthically +anacoluthon +anaconda +Anacreon +Anacreontic +Anacreontically +anacrisis +Anacrogynae +anacrogynae +anacrogynous +anacromyodian +anacrotic +anacrotism +anacrusis +anacrustic +anacrustically +anaculture +anacusia +anacusic +anacusis +Anacyclus +anadem +anadenia +anadicrotic +anadicrotism +anadidymus +anadiplosis +anadipsia +anadipsic +anadrom +anadromous +Anadyomene +anaematosis +anaemia +anaemic +anaeretic +anaerobation +anaerobe +anaerobia +anaerobian +anaerobic +anaerobically +anaerobies +anaerobion +anaerobiont +anaerobiosis +anaerobiotic +anaerobiotically +anaerobious +anaerobism +anaerobium +anaerophyte +anaeroplastic +anaeroplasty +anaesthesia +anaesthesiant +anaesthetically +anaesthetizer +anaetiological +anagalactic +Anagallis +anagap +anagenesis +anagenetic +anagep +anagignoskomena +anaglyph +anaglyphic +anaglyphical +anaglyphics +anaglyphoscope +anaglyphy +anaglyptic +anaglyptical +anaglyptics +anaglyptograph +anaglyptographic +anaglyptography +anaglypton +anagnorisis +anagnost +anagoge +anagogic +anagogical +anagogically +anagogics +anagogy +anagram +anagrammatic +anagrammatical +anagrammatically +anagrammatism +anagrammatist +anagrammatize +anagrams +anagraph +anagua +anagyrin +anagyrine +Anagyris +anahau +Anahita +Anaitis +Anakes +anakinesis +anakinetic +anakinetomer +anakinetomeric +anakoluthia +anakrousis +anaktoron +anal +analabos +analav +analcime +analcimite +analcite +analcitite +analecta +analectic +analects +analemma +analemmatic +analepsis +analepsy +analeptic +analeptical +analgen +analgesia +analgesic +Analgesidae +analgesis +analgesist +analgetic +analgia +analgic +analgize +analkalinity +anallagmatic +anallantoic +Anallantoidea +anallantoidean +anallergic +anally +analogic +analogical +analogically +analogicalness +analogion +analogism +analogist +analogistic +analogize +analogon +analogous +analogously +analogousness +analogue +analogy +analphabet +analphabete +analphabetic +analphabetical +analphabetism +analysability +analysable +analysand +analysation +analyse +analyser +analyses +analysis +analyst +analytic +analytical +analytically +analytics +analyzability +analyzable +analyzation +analyze +analyzer +Anam +anam +anama +anamesite +anametadromous +Anamirta +anamirtin +Anamite +anamite +anammonid +anammonide +anamnesis +anamnestic +anamnestically +Anamnia +Anamniata +Anamnionata +anamnionic +Anamniota +anamniote +anamniotic +anamorphic +anamorphism +anamorphoscope +anamorphose +anamorphosis +anamorphote +anamorphous +anan +anana +ananaplas +ananaples +ananas +ananda +anandrarious +anandria +anandrous +ananepionic +anangioid +anangular +Ananias +Ananism +Ananite +anankastic +Anansi +Ananta +anantherate +anantherous +ananthous +ananym +anapaest +anapaestic +anapaestical +anapaestically +anapaganize +anapaite +anapanapa +anapeiratic +anaphalantiasis +Anaphalis +anaphase +Anaphe +anaphia +anaphora +anaphoral +anaphoria +anaphoric +anaphorical +anaphrodisia +anaphrodisiac +anaphroditic +anaphroditous +anaphylactic +anaphylactin +anaphylactogen +anaphylactogenic +anaphylactoid +anaphylatoxin +anaphylaxis +anaphyte +anaplasia +anaplasis +anaplasm +Anaplasma +anaplasmosis +anaplastic +anaplasty +anaplerosis +anaplerotic +anapnea +anapneic +anapnoeic +anapnograph +anapnoic +anapnometer +anapodeictic +anapophysial +anapophysis +anapsid +Anapsida +anapsidan +Anapterygota +anapterygote +anapterygotism +anapterygotous +Anaptomorphidae +Anaptomorphus +anaptotic +anaptychus +anaptyctic +anaptyctical +anaptyxis +anaqua +anarcestean +Anarcestes +anarch +anarchal +anarchial +anarchic +anarchical +anarchically +anarchism +anarchist +anarchistic +anarchize +anarchoindividualist +anarchosocialist +anarchosyndicalism +anarchosyndicalist +anarchy +anarcotin +anareta +anaretic +anaretical +anargyros +anarthria +anarthric +anarthropod +Anarthropoda +anarthropodous +anarthrosis +anarthrous +anarthrously +anarthrousness +anartismos +anarya +Anaryan +Anas +Anasa +anasarca +anasarcous +Anasazi +anaschistic +anaseismic +Anasitch +anaspadias +anaspalin +Anaspida +Anaspidacea +Anaspides +anastalsis +anastaltic +Anastasia +Anastasian +anastasimon +anastasimos +anastasis +Anastasius +anastate +anastatic +Anastatica +Anastatus +anastigmat +anastigmatic +anastomose +anastomosis +anastomotic +Anastomus +anastrophe +Anastrophia +Anat +anatase +anatexis +anathema +anathematic +anathematical +anathematically +anathematism +anathematization +anathematize +anathematizer +anatheme +anathemize +Anatherum +Anatidae +anatifa +Anatifae +anatifer +anatiferous +Anatinacea +Anatinae +anatine +anatocism +Anatole +Anatolian +Anatolic +Anatoly +anatomic +anatomical +anatomically +anatomicobiological +anatomicochirurgical +anatomicomedical +anatomicopathologic +anatomicopathological +anatomicophysiologic +anatomicophysiological +anatomicosurgical +anatomism +anatomist +anatomization +anatomize +anatomizer +anatomopathologic +anatomopathological +anatomy +anatopism +anatox +anatoxin +anatreptic +anatripsis +anatripsology +anatriptic +anatron +anatropal +anatropia +anatropous +Anatum +anaudia +anaunter +anaunters +Anax +Anaxagorean +Anaxagorize +anaxial +Anaximandrian +anaxon +anaxone +Anaxonia +anay +anazoturia +anba +anbury +Ancerata +ancestor +ancestorial +ancestorially +ancestral +ancestrally +ancestress +ancestrial +ancestrian +ancestry +Ancha +Anchat +Anchietea +anchietin +anchietine +anchieutectic +anchimonomineral +Anchisaurus +Anchises +Anchistea +Anchistopoda +anchithere +anchitherioid +anchor +anchorable +anchorage +anchorate +anchored +anchorer +anchoress +anchoret +anchoretic +anchoretical +anchoretish +anchoretism +anchorhold +anchorite +anchoritess +anchoritic +anchoritical +anchoritish +anchoritism +anchorless +anchorlike +anchorwise +anchovy +Anchtherium +Anchusa +anchusin +anchusine +anchylose +anchylosis +ancience +anciency +ancient +ancientism +anciently +ancientness +ancientry +ancienty +ancile +ancilla +ancillary +ancipital +ancipitous +Ancistrocladaceae +ancistrocladaceous +Ancistrocladus +ancistroid +ancon +Ancona +anconad +anconagra +anconal +ancone +anconeal +anconeous +anconeus +anconitis +anconoid +ancony +ancora +ancoral +Ancyloceras +Ancylocladus +Ancylodactyla +ancylopod +Ancylopoda +Ancylostoma +ancylostome +ancylostomiasis +Ancylostomum +Ancylus +Ancyrean +Ancyrene +and +anda +andabatarian +Andalusian +andalusite +Andaman +Andamanese +andante +andantino +Andaqui +Andaquian +Andarko +Andaste +Ande +Andean +Anderson +Andesic +andesine +andesinite +andesite +andesitic +Andevo +Andhra +Andi +Andian +Andine +Andira +andirin +andirine +andiroba +andiron +Andoke +andorite +Andorobo +Andorran +andouillet +andradite +andranatomy +andrarchy +Andre +Andrea +Andreaea +Andreaeaceae +Andreaeales +Andreas +Andrena +andrenid +Andrenidae +Andrew +andrewsite +Andria +Andriana +Andrias +andric +Andries +androcentric +androcephalous +androcephalum +androclinium +Androclus +androconium +androcracy +androcratic +androcyte +androdioecious +androdioecism +androdynamous +androecial +androecium +androgametangium +androgametophore +androgen +androgenesis +androgenetic +androgenic +androgenous +androginous +androgone +androgonia +androgonial +androgonidium +androgonium +Andrographis +andrographolide +androgynal +androgynary +androgyne +androgyneity +androgynia +androgynism +androgynous +androgynus +androgyny +android +androidal +androkinin +androl +androlepsia +androlepsy +Andromache +andromania +Andromaque +Andromeda +Andromede +andromedotoxin +andromonoecious +andromonoecism +andromorphous +andron +Andronicus +andronitis +andropetalar +andropetalous +androphagous +androphobia +androphonomania +androphore +androphorous +androphorum +androphyll +Andropogon +Androsace +Androscoggin +androseme +androsin +androsphinx +androsporangium +androspore +androsterone +androtauric +androtomy +Andy +anear +aneath +anecdota +anecdotage +anecdotal +anecdotalism +anecdote +anecdotic +anecdotical +anecdotically +anecdotist +anele +anelectric +anelectrode +anelectrotonic +anelectrotonus +anelytrous +anematosis +Anemia +anemia +anemic +anemobiagraph +anemochord +anemoclastic +anemogram +anemograph +anemographic +anemographically +anemography +anemological +anemology +anemometer +anemometric +anemometrical +anemometrically +anemometrograph +anemometrographic +anemometrographically +anemometry +anemonal +anemone +Anemonella +anemonin +anemonol +anemony +anemopathy +anemophile +anemophilous +anemophily +Anemopsis +anemoscope +anemosis +anemotaxis +anemotropic +anemotropism +anencephalia +anencephalic +anencephalotrophia +anencephalous +anencephalus +anencephaly +anend +anenergia +anenst +anent +anenterous +anepia +anepigraphic +anepigraphous +anepiploic +anepithymia +anerethisia +aneretic +anergia +anergic +anergy +anerly +aneroid +aneroidograph +anerotic +anerythroplasia +anerythroplastic +anes +anesis +anesthesia +anesthesiant +anesthesimeter +anesthesiologist +anesthesiology +anesthesis +anesthetic +anesthetically +anesthetist +anesthetization +anesthetize +anesthetizer +anesthyl +anethole +Anethum +anetiological +aneuploid +aneuploidy +aneuria +aneuric +aneurilemmic +aneurin +aneurism +aneurismally +aneurysm +aneurysmal +aneurysmally +aneurysmatic +anew +Anezeh +anfractuose +anfractuosity +anfractuous +anfractuousness +anfracture +Angami +Angara +angaralite +angaria +angary +Angdistis +angekok +angel +Angela +angelate +angeldom +Angeleno +angelet +angeleyes +angelfish +angelhood +angelic +Angelica +angelica +Angelical +angelical +angelically +angelicalness +Angelican +angelicic +angelicize +angelico +angelin +Angelina +angeline +angelique +angelize +angellike +Angelo +angelocracy +angelographer +angelolater +angelolatry +angelologic +angelological +angelology +angelomachy +Angelonia +angelophany +angelot +angelship +Angelus +anger +angerly +Angerona +Angeronalia +Angers +Angetenar +Angevin +angeyok +angiasthenia +angico +Angie +angiectasis +angiectopia +angiemphraxis +angiitis +angild +angili +angina +anginal +anginiform +anginoid +anginose +anginous +angioasthenia +angioataxia +angioblast +angioblastic +angiocarditis +angiocarp +angiocarpian +angiocarpic +angiocarpous +angiocavernous +angiocholecystitis +angiocholitis +angiochondroma +angioclast +angiocyst +angiodermatitis +angiodiascopy +angioelephantiasis +angiofibroma +angiogenesis +angiogenic +angiogeny +angioglioma +angiograph +angiography +angiohyalinosis +angiohydrotomy +angiohypertonia +angiohypotonia +angioid +angiokeratoma +angiokinesis +angiokinetic +angioleucitis +angiolipoma +angiolith +angiology +angiolymphitis +angiolymphoma +angioma +angiomalacia +angiomatosis +angiomatous +angiomegaly +angiometer +angiomyocardiac +angiomyoma +angiomyosarcoma +angioneoplasm +angioneurosis +angioneurotic +angionoma +angionosis +angioparalysis +angioparalytic +angioparesis +angiopathy +angiophorous +angioplany +angioplasty +angioplerosis +angiopoietic +angiopressure +angiorrhagia +angiorrhaphy +angiorrhea +angiorrhexis +angiosarcoma +angiosclerosis +angiosclerotic +angioscope +angiosis +angiospasm +angiospastic +angiosperm +Angiospermae +angiospermal +angiospermatous +angiospermic +angiospermous +angiosporous +angiostegnosis +angiostenosis +angiosteosis +angiostomize +angiostomy +angiostrophy +angiosymphysis +angiotasis +angiotelectasia +angiothlipsis +angiotome +angiotomy +angiotonic +angiotonin +angiotribe +angiotripsy +angiotrophic +Angka +anglaise +angle +angleberry +angled +anglehook +anglepod +angler +Angles +anglesite +anglesmith +angletouch +angletwitch +anglewing +anglewise +angleworm +Anglian +Anglic +Anglican +Anglicanism +Anglicanize +Anglicanly +Anglicanum +Anglicism +Anglicist +Anglicization +anglicization +Anglicize +anglicize +Anglification +Anglify +anglimaniac +angling +Anglish +Anglist +Anglistics +Anglogaea +Anglogaean +angloid +Angloman +Anglomane +Anglomania +Anglomaniac +Anglophile +Anglophobe +Anglophobia +Anglophobiac +Anglophobic +Anglophobist +ango +Angola +angolar +Angolese +angor +Angora +angostura +Angouleme +Angoumian +Angraecum +angrily +angriness +angrite +angry +angst +angster +Angstrom +angstrom +anguid +Anguidae +anguiform +Anguilla +Anguillaria +Anguillidae +anguilliform +anguilloid +Anguillula +Anguillulidae +Anguimorpha +anguine +anguineal +anguineous +Anguinidae +anguiped +Anguis +anguis +anguish +anguished +anguishful +anguishous +anguishously +angula +angular +angulare +angularity +angularization +angularize +angularly +angularness +angulate +angulated +angulately +angulateness +angulation +angulatogibbous +angulatosinuous +anguliferous +angulinerved +Anguloa +angulodentate +angulometer +angulosity +angulosplenial +angulous +anguria +Angus +angusticlave +angustifoliate +angustifolious +angustirostrate +angustisellate +angustiseptal +angustiseptate +angwantibo +anhalamine +anhaline +anhalonine +Anhalonium +anhalouidine +anhang +Anhanga +anharmonic +anhedonia +anhedral +anhedron +anhelation +anhelous +anhematosis +anhemolytic +anhidrosis +anhidrotic +anhima +Anhimae +Anhimidae +anhinga +anhistic +anhistous +anhungered +anhungry +anhydrate +anhydration +anhydremia +anhydremic +anhydric +anhydride +anhydridization +anhydridize +anhydrite +anhydrization +anhydrize +anhydroglocose +anhydromyelia +anhydrous +anhydroxime +anhysteretic +ani +Aniba +Anice +aniconic +aniconism +anicular +anicut +anidian +anidiomatic +anidiomatical +anidrosis +Aniellidae +aniente +anigh +anight +anights +anil +anilao +anilau +anile +anileness +anilic +anilid +anilide +anilidic +anilidoxime +aniline +anilinism +anilinophile +anilinophilous +anility +anilla +anilopyrin +anilopyrine +anima +animability +animable +animableness +animadversion +animadversional +animadversive +animadversiveness +animadvert +animadverter +animal +animalcula +animalculae +animalcular +animalcule +animalculine +animalculism +animalculist +animalculous +animalculum +animalhood +Animalia +animalian +animalic +animalier +animalish +animalism +animalist +animalistic +animality +Animalivora +animalivore +animalivorous +animalization +animalize +animally +animastic +animastical +animate +animated +animatedly +animately +animateness +animater +animating +animatingly +animation +animatism +animatistic +animative +animatograph +animator +anime +animi +Animikean +animikite +animism +animist +animistic +animize +animosity +animotheism +animous +animus +anion +anionic +aniridia +anis +anisal +anisalcohol +anisaldehyde +anisaldoxime +anisamide +anisandrous +anisanilide +anisate +anischuria +anise +aniseed +aniseikonia +aniseikonic +aniselike +aniseroot +anisette +anisic +anisidin +anisidine +anisil +anisilic +anisobranchiate +anisocarpic +anisocarpous +anisocercal +anisochromatic +anisochromia +anisocoria +anisocotyledonous +anisocotyly +anisocratic +anisocycle +anisocytosis +anisodactyl +Anisodactyla +Anisodactyli +anisodactylic +anisodactylous +anisodont +anisogamete +anisogamous +anisogamy +anisogenous +anisogeny +anisognathism +anisognathous +anisogynous +anisoin +anisole +anisoleucocytosis +Anisomeles +anisomelia +anisomelus +anisomeric +anisomerous +anisometric +anisometrope +anisometropia +anisometropic +anisomyarian +Anisomyodi +anisomyodian +anisomyodous +anisopetalous +anisophyllous +anisophylly +anisopia +anisopleural +anisopleurous +anisopod +Anisopoda +anisopodal +anisopodous +anisopogonous +Anisoptera +anisopterous +anisosepalous +anisospore +anisostaminous +anisostemonous +anisosthenic +anisostichous +Anisostichus +anisostomous +anisotonic +anisotropal +anisotrope +anisotropic +anisotropical +anisotropically +anisotropism +anisotropous +anisotropy +anisoyl +anisum +anisuria +anisyl +anisylidene +Anita +anither +anitrogenous +anjan +Anjou +ankaramite +ankaratrite +ankee +anker +ankerite +ankh +ankle +anklebone +anklejack +anklet +anklong +Ankoli +Ankou +ankus +ankusha +ankylenteron +ankyloblepharon +ankylocheilia +ankylodactylia +ankylodontia +ankyloglossia +ankylomele +ankylomerism +ankylophobia +ankylopodia +ankylopoietic +ankyloproctia +ankylorrhinia +Ankylosaurus +ankylose +ankylosis +ankylostoma +ankylotia +ankylotic +ankylotome +ankylotomy +ankylurethria +ankyroid +anlace +anlaut +Ann +ann +Anna +anna +Annabel +annabergite +annal +annale +annaline +annalism +annalist +annalistic +annalize +annals +Annam +Annamese +Annamite +Annamitic +Annapurna +Annard +annat +annates +annatto +Anne +anneal +annealer +annectent +annection +annelid +Annelida +annelidan +Annelides +annelidian +annelidous +annelism +Annellata +anneloid +annerodite +Anneslia +annet +Annette +annex +annexa +annexable +annexal +annexation +annexational +annexationist +annexer +annexion +annexionist +annexitis +annexive +annexment +annexure +annidalin +Annie +Anniellidae +annihilability +annihilable +annihilate +annihilation +annihilationism +annihilationist +annihilative +annihilator +annihilatory +Annist +annite +anniversarily +anniversariness +anniversary +anniverse +annodated +Annona +annona +Annonaceae +annonaceous +annotate +annotater +annotation +annotative +annotator +annotatory +annotine +annotinous +announce +announceable +announcement +announcer +annoy +annoyance +annoyancer +annoyer +annoyful +annoying +annoyingly +annoyingness +annoyment +annual +annualist +annualize +annually +annuary +annueler +annuent +annuitant +annuity +annul +annular +Annularia +annularity +annularly +annulary +Annulata +annulate +annulated +annulation +annulet +annulettee +annulism +annullable +annullate +annullation +annuller +annulment +annuloid +Annuloida +Annulosa +annulosan +annulose +annulus +annunciable +annunciate +annunciation +annunciative +annunciator +annunciatory +anoa +Anobiidae +anocarpous +anociassociation +anococcygeal +anodal +anode +anodendron +anodic +anodically +anodize +Anodon +Anodonta +anodontia +anodos +anodyne +anodynia +anodynic +anodynous +anoegenetic +anoesia +anoesis +anoestrous +anoestrum +anoestrus +anoetic +anogenic +anogenital +Anogra +anoil +anoine +anoint +anointer +anointment +anole +anoli +anolian +Anolis +Anolympiad +anolyte +Anomala +anomaliflorous +anomaliped +anomalism +anomalist +anomalistic +anomalistical +anomalistically +anomalocephalus +anomaloflorous +Anomalogonatae +anomalogonatous +Anomalon +anomalonomy +Anomalopteryx +anomaloscope +anomalotrophy +anomalous +anomalously +anomalousness +anomalure +Anomaluridae +Anomalurus +anomaly +Anomatheca +Anomia +Anomiacea +Anomiidae +anomite +anomocarpous +anomodont +Anomodontia +Anomoean +Anomoeanism +anomophyllous +anomorhomboid +anomorhomboidal +anomphalous +Anomura +anomural +anomuran +anomurous +anomy +anon +anonang +anoncillo +anonol +anonychia +anonym +anonyma +anonymity +anonymous +anonymously +anonymousness +anonymuncule +anoopsia +anoperineal +anophele +Anopheles +Anophelinae +anopheline +anophoria +anophthalmia +anophthalmos +Anophthalmus +anophyte +anopia +anopisthographic +Anopla +Anoplanthus +anoplocephalic +anoplonemertean +Anoplonemertini +anoplothere +Anoplotheriidae +anoplotherioid +Anoplotherium +anoplotheroid +Anoplura +anopluriform +anopsia +anopubic +anorak +anorchia +anorchism +anorchous +anorchus +anorectal +anorectic +anorectous +anorexia +anorexy +anorgana +anorganic +anorganism +anorganology +anormal +anormality +anorogenic +anorth +anorthic +anorthite +anorthitic +anorthitite +anorthoclase +anorthographic +anorthographical +anorthographically +anorthography +anorthophyre +anorthopia +anorthoscope +anorthose +anorthosite +anoscope +anoscopy +Anosia +anosmatic +anosmia +anosmic +anosphrasia +anosphresia +anospinal +anostosis +Anostraca +anoterite +another +anotherkins +anotia +anotropia +anotta +anotto +anotus +anounou +Anous +anovesical +anoxemia +anoxemic +anoxia +anoxic +anoxidative +anoxybiosis +anoxybiotic +anoxyscope +ansa +ansar +ansarian +Ansarie +ansate +ansation +Anseis +Ansel +Anselm +Anselmian +Anser +anserated +Anseres +Anseriformes +Anserinae +anserine +anserous +anspessade +ansu +ansulate +answer +answerability +answerable +answerableness +answerably +answerer +answeringly +answerless +answerlessly +ant +Anta +anta +antacid +antacrid +antadiform +Antaean +Antaeus +antagonism +antagonist +antagonistic +antagonistical +antagonistically +antagonization +antagonize +antagonizer +antagony +Antaimerina +Antaios +Antaiva +antal +antalgesic +antalgol +antalkali +antalkaline +antambulacral +antanacathartic +antanaclasis +Antanandro +antanemic +antapex +antaphrodisiac +antaphroditic +antapocha +antapodosis +antapology +antapoplectic +Antar +Antara +antarchism +antarchist +antarchistic +antarchistical +antarchy +Antarctalia +Antarctalian +antarctic +Antarctica +antarctica +antarctical +antarctically +Antarctogaea +Antarctogaean +Antares +antarthritic +antasphyctic +antasthenic +antasthmatic +antatrophic +antdom +ante +anteact +anteal +anteambulate +anteambulation +anteater +antebaptismal +antebath +antebrachial +antebrachium +antebridal +antecabinet +antecaecal +antecardium +antecavern +antecedaneous +antecedaneously +antecede +antecedence +antecedency +antecedent +antecedental +antecedently +antecessor +antechamber +antechapel +Antechinomys +antechoir +antechurch +anteclassical +antecloset +antecolic +antecommunion +anteconsonantal +antecornu +antecourt +antecoxal +antecubital +antecurvature +antedate +antedawn +antediluvial +antediluvially +antediluvian +Antedon +antedonin +antedorsal +antefebrile +antefix +antefixal +anteflected +anteflexed +anteflexion +antefurca +antefurcal +antefuture +antegarden +antegrade +antehall +antehistoric +antehuman +antehypophysis +anteinitial +antejentacular +antejudiciary +antejuramentum +antelabium +antelegal +antelocation +antelope +antelopian +antelucan +antelude +anteluminary +antemarginal +antemarital +antemedial +antemeridian +antemetallic +antemetic +antemillennial +antemingent +antemortal +antemundane +antemural +antenarial +antenatal +antenatalitial +antenati +antenave +antenna +antennae +antennal +Antennaria +antennariid +Antennariidae +Antennarius +antennary +Antennata +antennate +antenniferous +antenniform +antennula +antennular +antennulary +antennule +antenodal +antenoon +Antenor +antenumber +anteoccupation +anteocular +anteopercle +anteoperculum +anteorbital +antepagmenta +antepagments +antepalatal +antepaschal +antepast +antepatriarchal +antepectoral +antepectus +antependium +antepenult +antepenultima +antepenultimate +antephialtic +antepileptic +antepirrhema +anteporch +anteportico +anteposition +anteposthumous +anteprandial +antepredicament +antepredicamental +antepreterit +antepretonic +anteprohibition +anteprostate +anteprostatic +antepyretic +antequalm +antereformation +antereformational +anteresurrection +anterethic +anterevolutional +anterevolutionary +anteriad +anterior +anteriority +anteriorly +anteriorness +anteroclusion +anterodorsal +anteroexternal +anterofixation +anteroflexion +anterofrontal +anterograde +anteroinferior +anterointerior +anterointernal +anterolateral +anterolaterally +anteromedial +anteromedian +anteroom +anteroparietal +anteroposterior +anteroposteriorly +anteropygal +anterospinal +anterosuperior +anteroventral +anteroventrally +antes +antescript +antesignanus +antespring +antestature +antesternal +antesternum +antesunrise +antesuperior +antetemple +antetype +Anteva +antevenient +anteversion +antevert +antevocalic +antewar +anthecological +anthecologist +anthecology +Antheia +anthela +anthelion +anthelmintic +anthem +anthema +anthemene +anthemia +Anthemideae +anthemion +Anthemis +anthemwise +anthemy +anther +Antheraea +antheral +Anthericum +antherid +antheridial +antheridiophore +antheridium +antheriferous +antheriform +antherless +antherogenous +antheroid +antherozoid +antherozoidal +antherozooid +antherozooidal +anthesis +Anthesteria +Anthesteriac +anthesterin +Anthesterion +anthesterol +antheximeter +Anthicidae +Anthidium +anthill +Anthinae +anthine +anthobiology +anthocarp +anthocarpous +anthocephalous +Anthoceros +Anthocerotaceae +Anthocerotales +anthocerote +anthochlor +anthochlorine +anthoclinium +anthocyan +anthocyanidin +anthocyanin +anthodium +anthoecological +anthoecologist +anthoecology +anthogenesis +anthogenetic +anthogenous +anthography +anthoid +anthokyan +antholite +anthological +anthologically +anthologion +anthologist +anthologize +anthology +antholysis +Antholyza +anthomania +anthomaniac +Anthomedusae +anthomedusan +Anthomyia +anthomyiid +Anthomyiidae +Anthonin +Anthonomus +Anthony +anthood +anthophagous +Anthophila +anthophile +anthophilian +anthophilous +anthophobia +Anthophora +anthophore +Anthophoridae +anthophorous +anthophyllite +anthophyllitic +Anthophyta +anthophyte +anthorine +anthosiderite +Anthospermum +anthotaxis +anthotaxy +anthotropic +anthotropism +anthoxanthin +Anthoxanthum +Anthozoa +anthozoan +anthozoic +anthozooid +anthozoon +anthracemia +anthracene +anthraceniferous +anthrachrysone +anthracia +anthracic +anthraciferous +anthracin +anthracite +anthracitic +anthracitiferous +anthracitious +anthracitism +anthracitization +anthracnose +anthracnosis +anthracocide +anthracoid +anthracolithic +anthracomancy +Anthracomarti +anthracomartian +Anthracomartus +anthracometer +anthracometric +anthraconecrosis +anthraconite +Anthracosaurus +anthracosis +anthracothere +Anthracotheriidae +Anthracotherium +anthracotic +anthracyl +anthradiol +anthradiquinone +anthraflavic +anthragallol +anthrahydroquinone +anthramine +anthranil +anthranilate +anthranilic +anthranol +anthranone +anthranoyl +anthranyl +anthraphenone +anthrapurpurin +anthrapyridine +anthraquinol +anthraquinone +anthraquinonyl +anthrarufin +anthratetrol +anthrathiophene +anthratriol +anthrax +anthraxolite +anthraxylon +Anthrenus +anthribid +Anthribidae +Anthriscus +anthrohopobiological +anthroic +anthrol +anthrone +anthropic +anthropical +Anthropidae +anthropobiologist +anthropobiology +anthropocentric +anthropocentrism +anthropoclimatologist +anthropoclimatology +anthropocosmic +anthropodeoxycholic +Anthropodus +anthropogenesis +anthropogenetic +anthropogenic +anthropogenist +anthropogenous +anthropogeny +anthropogeographer +anthropogeographical +anthropogeography +anthropoglot +anthropogony +anthropography +anthropoid +anthropoidal +Anthropoidea +anthropoidean +anthropolater +anthropolatric +anthropolatry +anthropolite +anthropolithic +anthropolitic +anthropological +anthropologically +anthropologist +anthropology +anthropomancy +anthropomantic +anthropomantist +anthropometer +anthropometric +anthropometrical +anthropometrically +anthropometrist +anthropometry +anthropomorph +Anthropomorpha +anthropomorphic +anthropomorphical +anthropomorphically +Anthropomorphidae +anthropomorphism +anthropomorphist +anthropomorphite +anthropomorphitic +anthropomorphitical +anthropomorphitism +anthropomorphization +anthropomorphize +anthropomorphological +anthropomorphologically +anthropomorphology +anthropomorphosis +anthropomorphotheist +anthropomorphous +anthropomorphously +anthroponomical +anthroponomics +anthroponomist +anthroponomy +anthropopathia +anthropopathic +anthropopathically +anthropopathism +anthropopathite +anthropopathy +anthropophagi +anthropophagic +anthropophagical +anthropophaginian +anthropophagism +anthropophagist +anthropophagistic +anthropophagite +anthropophagize +anthropophagous +anthropophagously +anthropophagy +anthropophilous +anthropophobia +anthropophuism +anthropophuistic +anthropophysiography +anthropophysite +Anthropopithecus +anthropopsychic +anthropopsychism +Anthropos +anthroposcopy +anthroposociologist +anthroposociology +anthroposomatology +anthroposophical +anthroposophist +anthroposophy +anthropoteleoclogy +anthropoteleological +anthropotheism +anthropotomical +anthropotomist +anthropotomy +anthropotoxin +Anthropozoic +anthropurgic +anthroropolith +anthroxan +anthroxanic +anthryl +anthrylene +Anthurium +Anthus +Anthyllis +anthypophora +anthypophoretic +Anti +anti +antiabolitionist +antiabrasion +antiabrin +antiabsolutist +antiacid +antiadiaphorist +antiaditis +antiadministration +antiae +antiaesthetic +antiager +antiagglutinating +antiagglutinin +antiaggression +antiaggressionist +antiaggressive +antiaircraft +antialbumid +antialbumin +antialbumose +antialcoholic +antialcoholism +antialcoholist +antialdoxime +antialexin +antialien +antiamboceptor +antiamusement +antiamylase +antianaphylactogen +antianaphylaxis +antianarchic +antianarchist +antiangular +antiannexation +antiannexationist +antianopheline +antianthrax +antianthropocentric +antianthropomorphism +antiantibody +antiantidote +antiantienzyme +antiantitoxin +antiaphrodisiac +antiaphthic +antiapoplectic +antiapostle +antiaquatic +antiar +Antiarcha +Antiarchi +antiarin +Antiaris +antiaristocrat +antiarthritic +antiascetic +antiasthmatic +antiastronomical +antiatheism +antiatheist +antiatonement +antiattrition +antiautolysin +antibacchic +antibacchius +antibacterial +antibacteriolytic +antiballooner +antibalm +antibank +antibasilican +antibenzaldoxime +antiberiberin +antibibliolatry +antibigotry +antibilious +antibiont +antibiosis +antibiotic +antibishop +antiblastic +antiblennorrhagic +antiblock +antiblue +antibody +antiboxing +antibreakage +antibridal +antibromic +antibubonic +Antiburgher +antic +anticachectic +antical +anticalcimine +anticalculous +anticalligraphic +anticancer +anticapital +anticapitalism +anticapitalist +anticardiac +anticardium +anticarious +anticarnivorous +anticaste +anticatalase +anticatalyst +anticatalytic +anticatalyzer +anticatarrhal +anticathexis +anticathode +anticaustic +anticensorship +anticentralization +anticephalalgic +anticeremonial +anticeremonialism +anticeremonialist +anticheater +antichlor +antichlorine +antichloristic +antichlorotic +anticholagogue +anticholinergic +antichoromanic +antichorus +antichresis +antichretic +antichrist +antichristian +antichristianity +antichristianly +antichrome +antichronical +antichronically +antichthon +antichurch +antichurchian +antichymosin +anticipant +anticipatable +anticipate +anticipation +anticipative +anticipatively +anticipator +anticipatorily +anticipatory +anticivic +anticivism +anticize +anticker +anticlactic +anticlassical +anticlassicist +Anticlea +anticlergy +anticlerical +anticlericalism +anticlimactic +anticlimax +anticlinal +anticline +anticlinorium +anticlockwise +anticlogging +anticly +anticnemion +anticness +anticoagulant +anticoagulating +anticoagulative +anticoagulin +anticogitative +anticolic +anticombination +anticomet +anticomment +anticommercial +anticommunist +anticomplement +anticomplementary +anticomplex +anticonceptionist +anticonductor +anticonfederationist +anticonformist +anticonscience +anticonscription +anticonscriptive +anticonstitutional +anticonstitutionalist +anticonstitutionally +anticontagion +anticontagionist +anticontagious +anticonventional +anticonventionalism +anticonvulsive +anticor +anticorn +anticorrosion +anticorrosive +anticorset +anticosine +anticosmetic +anticouncil +anticourt +anticourtier +anticous +anticovenanter +anticovenanting +anticreation +anticreative +anticreator +anticreep +anticreeper +anticreeping +anticrepuscular +anticrepuscule +anticrisis +anticritic +anticritique +anticrochet +anticrotalic +anticryptic +anticum +anticyclic +anticyclone +anticyclonic +anticyclonically +anticynic +anticytolysin +anticytotoxin +antidactyl +antidancing +antidecalogue +antideflation +antidemocrat +antidemocratic +antidemocratical +antidemoniac +antidetonant +antidetonating +antidiabetic +antidiastase +Antidicomarian +Antidicomarianite +antidictionary +antidiffuser +antidinic +antidiphtheria +antidiphtheric +antidiphtherin +antidiphtheritic +antidisciplinarian +antidivine +antidivorce +antidogmatic +antidomestic +antidominican +Antidorcas +antidoron +antidotal +antidotally +antidotary +antidote +antidotical +antidotically +antidotism +antidraft +antidrag +antidromal +antidromic +antidromically +antidromous +antidromy +antidrug +antiduke +antidumping +antidynamic +antidynastic +antidyscratic +antidysenteric +antidysuric +antiecclesiastic +antiecclesiastical +antiedemic +antieducation +antieducational +antiegotism +antiejaculation +antiemetic +antiemperor +antiempirical +antiendotoxin +antiendowment +antienergistic +antienthusiastic +antienzyme +antienzymic +antiepicenter +antiepileptic +antiepiscopal +antiepiscopist +antiepithelial +antierosion +antierysipelas +Antietam +antiethnic +antieugenic +antievangelical +antievolution +antievolutionist +antiexpansionist +antiexporting +antiextreme +antieyestrain +antiface +antifaction +antifame +antifanatic +antifat +antifatigue +antifebrile +antifederal +antifederalism +antifederalist +antifelon +antifelony +antifeminism +antifeminist +antiferment +antifermentative +antifertilizer +antifeudal +antifeudalism +antifibrinolysin +antifibrinolysis +antifideism +antifire +antiflash +antiflattering +antiflatulent +antiflux +antifoam +antifoaming +antifogmatic +antiforeign +antiforeignism +antiformin +antifouler +antifouling +antifowl +antifreeze +antifreezing +antifriction +antifrictional +antifrost +antifundamentalist +antifungin +antigalactagogue +antigalactic +antigambling +antiganting +antigen +antigenic +antigenicity +antighostism +antigigmanic +antiglare +antiglyoxalase +antigod +Antigone +antigonococcic +Antigonon +antigonorrheic +Antigonus +antigorite +antigovernment +antigraft +antigrammatical +antigraph +antigravitate +antigravitational +antigropelos +antigrowth +Antiguan +antiguggler +antigyrous +antihalation +antiharmonist +antihectic +antihelix +antihelminthic +antihemagglutinin +antihemisphere +antihemoglobin +antihemolysin +antihemolytic +antihemorrhagic +antihemorrheidal +antihero +antiheroic +antiheroism +antiheterolysin +antihidrotic +antihierarchical +antihierarchist +antihistamine +antihistaminic +antiholiday +antihormone +antihuff +antihum +antihuman +antihumbuggist +antihunting +antihydrophobic +antihydropic +antihydropin +antihygienic +antihylist +antihypnotic +antihypochondriac +antihypophora +antihysteric +Antikamnia +antikathode +antikenotoxin +antiketogen +antiketogenesis +antiketogenic +antikinase +antiking +antiknock +antilabor +antilaborist +antilacrosse +antilacrosser +antilactase +antilapsarian +antileague +antilegalist +antilegomena +antilemic +antilens +antilepsis +antileptic +antilethargic +antileveling +Antilia +antiliberal +antilibration +antilift +antilipase +antilipoid +antiliquor +antilithic +antiliturgical +antiliturgist +Antillean +antilobium +Antilocapra +Antilocapridae +Antilochus +antiloemic +antilogarithm +antilogic +antilogical +antilogism +antilogous +antilogy +antiloimic +Antilope +Antilopinae +antilottery +antiluetin +antilynching +antilysin +antilysis +antilyssic +antilytic +antimacassar +antimachine +antimachinery +antimagistratical +antimalaria +antimalarial +antimallein +antimaniac +antimaniacal +Antimarian +antimark +antimartyr +antimask +antimasker +Antimason +Antimasonic +Antimasonry +antimasque +antimasquer +antimasquerade +antimaterialist +antimaterialistic +antimatrimonial +antimatrimonialist +antimedical +antimedieval +antimelancholic +antimellin +antimeningococcic +antimension +antimensium +antimephitic +antimere +antimerger +antimeric +Antimerina +antimerism +antimeristem +antimetabole +antimetathesis +antimetathetic +antimeter +antimethod +antimetrical +antimetropia +antimetropic +antimiasmatic +antimicrobic +antimilitarism +antimilitarist +antimilitary +antiministerial +antiministerialist +antiminsion +antimiscegenation +antimission +antimissionary +antimissioner +antimixing +antimnemonic +antimodel +antimodern +antimonarchial +antimonarchic +antimonarchical +antimonarchically +antimonarchicalness +antimonarchist +antimonate +antimonial +antimoniate +antimoniated +antimonic +antimonid +antimonide +antimoniferous +antimonious +antimonite +antimonium +antimoniuret +antimoniureted +antimoniuretted +antimonopolist +antimonopoly +antimonsoon +antimony +antimonyl +antimoral +antimoralism +antimoralist +antimosquito +antimusical +antimycotic +antimythic +antimythical +antinarcotic +antinarrative +antinational +antinationalist +antinationalistic +antinatural +antinegro +antinegroism +antineologian +antinephritic +antinepotic +antineuralgic +antineuritic +antineurotoxin +antineutral +antinial +antinicotine +antinion +antinode +antinoise +antinome +antinomian +antinomianism +antinomic +antinomical +antinomist +antinomy +antinormal +antinosarian +Antinous +Antiochene +Antiochian +Antiochianism +antiodont +antiodontalgic +Antiope +antiopelmous +antiophthalmic +antiopium +antiopiumist +antiopiumite +antioptimist +antioptionist +antiorgastic +antiorthodox +antioxidant +antioxidase +antioxidizer +antioxidizing +antioxygen +antioxygenation +antioxygenator +antioxygenic +antipacifist +antipapacy +antipapal +antipapalist +antipapism +antipapist +antipapistical +antiparabema +antiparagraphe +antiparagraphic +antiparallel +antiparallelogram +antiparalytic +antiparalytical +antiparasitic +antiparastatitis +antiparliament +antiparliamental +antiparliamentarist +antiparliamentary +antipart +Antipasch +Antipascha +antipass +antipastic +Antipatharia +antipatharian +antipathetic +antipathetical +antipathetically +antipatheticalness +antipathic +Antipathida +antipathist +antipathize +antipathogen +antipathy +antipatriarch +antipatriarchal +antipatriot +antipatriotic +antipatriotism +antipedal +Antipedobaptism +Antipedobaptist +antipeduncular +antipellagric +antipepsin +antipeptone +antiperiodic +antiperistalsis +antiperistaltic +antiperistasis +antiperistatic +antiperistatical +antiperistatically +antipersonnel +antiperthite +antipestilential +antipetalous +antipewism +antiphagocytic +antipharisaic +antipharmic +antiphase +antiphilosophic +antiphilosophical +antiphlogistian +antiphlogistic +antiphon +antiphonal +antiphonally +antiphonary +antiphoner +antiphonetic +antiphonic +antiphonical +antiphonically +antiphonon +antiphony +antiphrasis +antiphrastic +antiphrastical +antiphrastically +antiphthisic +antiphthisical +antiphylloxeric +antiphysic +antiphysical +antiphysician +antiplague +antiplanet +antiplastic +antiplatelet +antipleion +antiplenist +antiplethoric +antipleuritic +antiplurality +antipneumococcic +antipodagric +antipodagron +antipodal +antipode +antipodean +antipodes +antipodic +antipodism +antipodist +antipoetic +antipoints +antipolar +antipole +antipolemist +antipolitical +antipollution +antipolo +antipolygamy +antipolyneuritic +antipool +antipooling +antipope +antipopery +antipopular +antipopulationist +antiportable +antiposition +antipoverty +antipragmatic +antipragmatist +antiprecipitin +antipredeterminant +antiprelate +antiprelatic +antiprelatist +antipreparedness +antiprestidigitation +antipriest +antipriestcraft +antiprime +antiprimer +antipriming +antiprinciple +antiprism +antiproductionist +antiprofiteering +antiprohibition +antiprohibitionist +antiprojectivity +antiprophet +antiprostate +antiprostatic +antiprotease +antiproteolysis +antiprotozoal +antiprudential +antipruritic +antipsalmist +antipsoric +antiptosis +antipudic +antipuritan +antiputrefaction +antiputrefactive +antiputrescent +antiputrid +antipyic +antipyonin +antipyresis +antipyretic +Antipyrine +antipyrotic +antipyryl +antiqua +antiquarian +antiquarianism +antiquarianize +antiquarianly +antiquarism +antiquartan +antiquary +antiquate +antiquated +antiquatedness +antiquation +antique +antiquely +antiqueness +antiquer +antiquing +antiquist +antiquitarian +antiquity +antirabic +antirabies +antiracemate +antiracer +antirachitic +antirachitically +antiracing +antiradiating +antiradiation +antiradical +antirailwayist +antirational +antirationalism +antirationalist +antirationalistic +antirattler +antireactive +antirealism +antirealistic +antirebating +antirecruiting +antired +antireducer +antireform +antireformer +antireforming +antireformist +antireligion +antireligious +antiremonstrant +antirennet +antirennin +antirent +antirenter +antirentism +antirepublican +antireservationist +antirestoration +antireticular +antirevisionist +antirevolutionary +antirevolutionist +antirheumatic +antiricin +antirickets +antiritual +antiritualistic +antirobin +antiromance +antiromantic +antiromanticism +antiroyal +antiroyalist +Antirrhinum +antirumor +antirun +antirust +antisacerdotal +antisacerdotalist +antisaloon +antisalooner +antisavage +antiscabious +antiscale +antischolastic +antischool +antiscians +antiscientific +antiscion +antiscolic +antiscorbutic +antiscorbutical +antiscrofulous +antiseismic +antiselene +antisensitizer +antisensuous +antisensuousness +antisepalous +antisepsin +antisepsis +antiseptic +antiseptical +antiseptically +antisepticism +antisepticist +antisepticize +antiseption +antiseptize +antiserum +antishipping +Antisi +antisialagogue +antisialic +antisiccative +antisideric +antisilverite +antisimoniacal +antisine +antisiphon +antisiphonal +antiskeptical +antiskid +antiskidding +antislavery +antislaveryism +antislickens +antislip +antismoking +antisnapper +antisocial +antisocialist +antisocialistic +antisocialistically +antisociality +antisolar +antisophist +antisoporific +antispace +antispadix +antispasis +antispasmodic +antispast +antispastic +antispectroscopic +antispermotoxin +antispiritual +antispirochetic +antisplasher +antisplenetic +antisplitting +antispreader +antispreading +antisquama +antisquatting +antistadholder +antistadholderian +antistalling +antistaphylococcic +antistate +antistatism +antistatist +antisteapsin +antisterility +antistes +antistimulant +antistock +antistreptococcal +antistreptococcic +antistreptococcin +antistreptococcus +antistrike +antistrophal +antistrophe +antistrophic +antistrophically +antistrophize +antistrophon +antistrumatic +antistrumous +antisubmarine +antisubstance +antisudoral +antisudorific +antisuffrage +antisuffragist +antisun +antisupernaturalism +antisupernaturalist +antisurplician +antisymmetrical +antisyndicalism +antisyndicalist +antisynod +antisyphilitic +antitabetic +antitabloid +antitangent +antitank +antitarnish +antitartaric +antitax +antiteetotalism +antitegula +antitemperance +antitetanic +antitetanolysin +antithalian +antitheft +antitheism +antitheist +antitheistic +antitheistical +antitheistically +antithenar +antitheologian +antitheological +antithermic +antithermin +antitheses +antithesis +antithesism +antithesize +antithet +antithetic +antithetical +antithetically +antithetics +antithrombic +antithrombin +antitintinnabularian +antitobacco +antitobacconal +antitobacconist +antitonic +antitorpedo +antitoxic +antitoxin +antitrade +antitrades +antitraditional +antitragal +antitragic +antitragicus +antitragus +antitrismus +antitrochanter +antitropal +antitrope +antitropic +antitropical +antitropous +antitropy +antitrust +antitrypsin +antitryptic +antituberculin +antituberculosis +antituberculotic +antituberculous +antiturnpikeism +antitwilight +antitypal +antitype +antityphoid +antitypic +antitypical +antitypically +antitypy +antityrosinase +antiunion +antiunionist +antiuratic +antiurease +antiusurious +antiutilitarian +antivaccination +antivaccinationist +antivaccinator +antivaccinist +antivariolous +antivenefic +antivenereal +antivenin +antivenom +antivenomous +antivermicular +antivibrating +antivibrator +antivibratory +antivice +antiviral +antivirus +antivitalist +antivitalistic +antivitamin +antivivisection +antivivisectionist +antivolition +antiwar +antiwarlike +antiwaste +antiwedge +antiweed +antiwit +antixerophthalmic +antizealot +antizymic +antizymotic +antler +antlered +antlerite +antlerless +antlia +antliate +Antlid +antling +antluetic +antodontalgic +antoeci +antoecian +antoecians +Antoinette +Anton +Antonella +Antonia +Antonina +antoninianus +Antonio +antonomasia +antonomastic +antonomastical +antonomastically +antonomasy +Antony +antonym +antonymous +antonymy +antorbital +antproof +antra +antral +antralgia +antre +antrectomy +antrin +antritis +antrocele +antronasal +antrophore +antrophose +antrorse +antrorsely +antroscope +antroscopy +Antrostomus +antrotome +antrotomy +antrotympanic +antrotympanitis +antrum +antrustion +antrustionship +antship +Antu +antu +Antum +Antwerp +antwise +anubing +Anubis +anucleate +anukabiet +Anukit +anuloma +Anura +anuran +anuresis +anuretic +anuria +anuric +anurous +anury +anus +anusim +anusvara +anutraminosa +anvasser +anvil +anvilsmith +anxietude +anxiety +anxious +anxiously +anxiousness +any +anybody +Anychia +anyhow +anyone +anyplace +Anystidae +anything +anythingarian +anythingarianism +anyway +anyways +anywhen +anywhere +anywhereness +anywheres +anywhy +anywise +anywither +Anzac +Anzanian +Ao +aogiri +Aoife +aonach +Aonian +aorist +aoristic +aoristically +aorta +aortal +aortarctia +aortectasia +aortectasis +aortic +aorticorenal +aortism +aortitis +aortoclasia +aortoclasis +aortolith +aortomalacia +aortomalaxis +aortopathy +aortoptosia +aortoptosis +aortorrhaphy +aortosclerosis +aortostenosis +aortotomy +aosmic +Aotea +Aotearoa +Aotes +Aotus +aoudad +Aouellimiden +Aoul +apa +apabhramsa +apace +Apache +apache +Apachette +apachism +apachite +apadana +apagoge +apagogic +apagogical +apagogically +apaid +Apalachee +apalit +Apama +apandry +Apanteles +Apantesis +apanthropia +apanthropy +apar +Aparai +aparaphysate +aparejo +Apargia +aparithmesis +apart +apartheid +aparthrosis +apartment +apartmental +apartness +apasote +apastron +apatan +Apatela +apatetic +apathetic +apathetical +apathetically +apathic +apathism +apathist +apathistical +apathogenic +Apathus +apathy +apatite +Apatornis +Apatosaurus +Apaturia +Apayao +ape +apeak +apectomy +apedom +apehood +apeiron +apelet +apelike +apeling +apellous +Apemantus +Apennine +apenteric +apepsia +apepsinia +apepsy +apeptic +aper +aperch +aperea +aperient +aperiodic +aperiodically +aperiodicity +aperispermic +aperistalsis +aperitive +apert +apertly +apertness +apertometer +apertural +aperture +apertured +Aperu +apery +apesthesia +apesthetic +apesthetize +Apetalae +apetaloid +apetalose +apetalous +apetalousness +apetaly +apex +apexed +aphaeresis +aphaeretic +aphagia +aphakia +aphakial +aphakic +Aphanapteryx +Aphanes +aphanesite +Aphaniptera +aphanipterous +aphanite +aphanitic +aphanitism +Aphanomyces +aphanophyre +aphanozygous +Apharsathacites +aphasia +aphasiac +aphasic +Aphelandra +Aphelenchus +aphelian +Aphelinus +aphelion +apheliotropic +apheliotropically +apheliotropism +Aphelops +aphemia +aphemic +aphengescope +aphengoscope +aphenoscope +apheresis +apheretic +aphesis +apheta +aphetic +aphetically +aphetism +aphetize +aphicidal +aphicide +aphid +aphides +aphidian +aphidicide +aphidicolous +aphidid +Aphididae +Aphidiinae +aphidious +Aphidius +aphidivorous +aphidolysin +aphidophagous +aphidozer +aphilanthropy +Aphis +aphlaston +aphlebia +aphlogistic +aphnology +aphodal +aphodian +Aphodius +aphodus +aphonia +aphonic +aphonous +aphony +aphoria +aphorism +aphorismatic +aphorismer +aphorismic +aphorismical +aphorismos +aphorist +aphoristic +aphoristically +aphorize +aphorizer +Aphoruridae +aphotic +aphototactic +aphototaxis +aphototropic +aphototropism +Aphra +aphrasia +aphrite +aphrizite +aphrodisia +aphrodisiac +aphrodisiacal +aphrodisian +Aphrodision +Aphrodistic +Aphrodite +Aphroditeum +aphroditic +Aphroditidae +aphroditous +aphrolite +aphronia +aphrosiderite +aphtha +Aphthartodocetae +Aphthartodocetic +Aphthartodocetism +aphthic +aphthitalite +aphthoid +aphthong +aphthongal +aphthongia +aphthous +aphydrotropic +aphydrotropism +aphyllose +aphyllous +aphylly +aphyric +Apiaca +Apiaceae +apiaceous +Apiales +apian +apiarian +apiarist +apiary +apiator +apicad +apical +apically +apices +Apician +apicifixed +apicilar +apicillary +apicitis +apickaback +apicoectomy +apicolysis +apicula +apicular +apiculate +apiculated +apiculation +apicultural +apiculture +apiculturist +apiculus +Apidae +apiece +apieces +apigenin +apii +apiin +apikoros +apilary +Apina +Apinae +Apinage +apinch +aping +apinoid +apio +Apioceridae +apioid +apioidal +apiole +apiolin +apiologist +apiology +apionol +Apios +apiose +Apiosoma +apiphobia +Apis +apish +apishamore +apishly +apishness +apism +apitong +apitpat +Apium +apivorous +apjohnite +aplacental +Aplacentalia +Aplacentaria +Aplacophora +aplacophoran +aplacophorous +aplanat +aplanatic +aplanatically +aplanatism +Aplanobacter +aplanogamete +aplanospore +aplasia +aplastic +Aplectrum +aplenty +aplite +aplitic +aplobasalt +aplodiorite +Aplodontia +Aplodontiidae +aplomb +aplome +Aplopappus +aploperistomatous +aplostemonous +aplotaxene +aplotomy +Apluda +aplustre +Aplysia +apnea +apneal +apneic +apneumatic +apneumatosis +Apneumona +apneumonous +apneustic +apoaconitine +apoatropine +apobiotic +apoblast +apocaffeine +apocalypse +apocalypst +apocalypt +apocalyptic +apocalyptical +apocalyptically +apocalypticism +apocalyptism +apocalyptist +apocamphoric +apocarp +apocarpous +apocarpy +apocatastasis +apocatastatic +apocatharsis +apocenter +apocentric +apocentricity +apocha +apocholic +apochromat +apochromatic +apochromatism +apocinchonine +apocodeine +apocopate +apocopated +apocopation +apocope +apocopic +apocrenic +apocrisiary +Apocrita +apocrustic +apocryph +Apocrypha +apocryphal +apocryphalist +apocryphally +apocryphalness +apocryphate +apocryphon +Apocynaceae +apocynaceous +apocyneous +Apocynum +apod +Apoda +apodal +apodan +apodeipnon +apodeixis +apodema +apodemal +apodematal +apodeme +Apodes +Apodia +apodia +apodictic +apodictical +apodictically +apodictive +Apodidae +apodixis +apodosis +apodous +apodyterium +apoembryony +apofenchene +apogaeic +apogalacteum +apogamic +apogamically +apogamous +apogamously +apogamy +apogeal +apogean +apogee +apogeic +apogenous +apogeny +apogeotropic +apogeotropically +apogeotropism +Apogon +Apogonidae +apograph +apographal +apoharmine +apohyal +Apoidea +apoise +apojove +apokrea +apokreos +apolar +apolarity +apolaustic +apolegamic +Apolista +Apolistan +Apollinarian +Apollinarianism +Apolline +Apollo +Apollonia +Apollonian +Apollonic +apollonicon +Apollonistic +Apolloship +Apollyon +apologal +apologete +apologetic +apologetical +apologetically +apologetics +apologia +apologist +apologize +apologizer +apologue +apology +apolousis +Apolysin +apolysis +apolytikion +apomecometer +apomecometry +apometabolic +apometabolism +apometabolous +apometaboly +apomictic +apomictical +apomixis +apomorphia +apomorphine +aponeurology +aponeurorrhaphy +aponeurosis +aponeurositis +aponeurotic +aponeurotome +aponeurotomy +aponia +aponic +Aponogeton +Aponogetonaceae +aponogetonaceous +apoop +apopenptic +apopetalous +apophantic +apophasis +apophatic +Apophis +apophlegmatic +apophonia +apophony +apophorometer +apophthegm +apophthegmatist +apophyge +apophylactic +apophylaxis +apophyllite +apophyllous +apophysary +apophysate +apophyseal +apophysis +apophysitis +apoplasmodial +apoplastogamous +apoplectic +apoplectical +apoplectically +apoplectiform +apoplectoid +apoplex +apoplexy +apopyle +apoquinamine +apoquinine +aporetic +aporetical +aporhyolite +aporia +Aporobranchia +aporobranchian +Aporobranchiata +Aporocactus +Aporosa +aporose +aporphin +aporphine +Aporrhaidae +Aporrhais +aporrhaoid +aporrhegma +aport +aportoise +aposafranine +aposaturn +aposaturnium +aposematic +aposematically +aposepalous +aposia +aposiopesis +aposiopetic +apositia +apositic +aposoro +aposporogony +aposporous +apospory +apostasis +apostasy +apostate +apostatic +apostatical +apostatically +apostatism +apostatize +apostaxis +apostemate +apostematic +apostemation +apostematous +aposteme +aposteriori +aposthia +apostil +apostle +apostlehood +apostleship +apostolate +apostoless +apostoli +Apostolian +Apostolic +apostolic +apostolical +apostolically +apostolicalness +Apostolici +apostolicism +apostolicity +apostolize +Apostolos +apostrophal +apostrophation +apostrophe +apostrophic +apostrophied +apostrophize +apostrophus +Apotactic +Apotactici +apotelesm +apotelesmatic +apotelesmatical +apothecal +apothecary +apothecaryship +apothece +apothecial +apothecium +apothegm +apothegmatic +apothegmatical +apothegmatically +apothegmatist +apothegmatize +apothem +apotheose +apotheoses +apotheosis +apotheosize +apothesine +apothesis +apotome +apotracheal +apotropaic +apotropaion +apotropaism +apotropous +apoturmeric +apotype +apotypic +apout +apoxesis +Apoxyomenos +apozem +apozema +apozemical +apozymase +Appalachia +Appalachian +appall +appalling +appallingly +appallment +appalment +appanage +appanagist +apparatus +apparel +apparelment +apparence +apparency +apparent +apparently +apparentness +apparition +apparitional +apparitor +appassionata +appassionato +appay +appeal +appealability +appealable +appealer +appealing +appealingly +appealingness +appear +appearance +appearanced +appearer +appeasable +appeasableness +appeasably +appease +appeasement +appeaser +appeasing +appeasingly +appeasive +appellability +appellable +appellancy +appellant +appellate +appellation +appellational +appellative +appellatived +appellatively +appellativeness +appellatory +appellee +appellor +append +appendage +appendaged +appendalgia +appendance +appendancy +appendant +appendectomy +appendical +appendicalgia +appendice +appendicectasis +appendicectomy +appendices +appendicial +appendicious +appendicitis +appendicle +appendicocaecostomy +appendicostomy +appendicular +Appendicularia +appendicularian +Appendiculariidae +Appendiculata +appendiculate +appendiculated +appenditious +appendix +appendorontgenography +appendotome +appentice +apperceive +apperception +apperceptionism +apperceptionist +apperceptionistic +apperceptive +apperceptively +appercipient +appersonation +appertain +appertainment +appertinent +appet +appete +appetence +appetency +appetent +appetently +appetibility +appetible +appetibleness +appetite +appetition +appetitional +appetitious +appetitive +appetize +appetizement +appetizer +appetizingly +appinite +Appius +applanate +applanation +applaud +applaudable +applaudably +applauder +applaudingly +applause +applausive +applausively +apple +appleberry +appleblossom +applecart +appledrane +applegrower +applejack +applejohn +applemonger +applenut +appleringy +appleroot +applesauce +applewife +applewoman +appliable +appliableness +appliably +appliance +appliant +applicability +applicable +applicableness +applicably +applicancy +applicant +applicate +application +applicative +applicatively +applicator +applicatorily +applicatory +applied +appliedly +applier +applique +applosion +applosive +applot +applotment +apply +applyingly +applyment +appoggiatura +appoint +appointable +appointe +appointee +appointer +appointive +appointment +appointor +Appomatox +Appomattoc +apport +apportion +apportionable +apportioner +apportionment +apposability +apposable +appose +apposer +apposiopestic +apposite +appositely +appositeness +apposition +appositional +appositionally +appositive +appositively +appraisable +appraisal +appraise +appraisement +appraiser +appraising +appraisingly +appraisive +appreciable +appreciably +appreciant +appreciate +appreciatingly +appreciation +appreciational +appreciativ +appreciative +appreciatively +appreciativeness +appreciator +appreciatorily +appreciatory +appredicate +apprehend +apprehender +apprehendingly +apprehensibility +apprehensible +apprehensibly +apprehension +apprehensive +apprehensively +apprehensiveness +apprend +apprense +apprentice +apprenticehood +apprenticement +apprenticeship +appressed +appressor +appressorial +appressorium +appreteur +apprise +apprize +apprizement +apprizer +approach +approachability +approachabl +approachable +approachableness +approacher +approaching +approachless +approachment +approbate +approbation +approbative +approbativeness +approbator +approbatory +approof +appropinquate +appropinquation +appropinquity +appropre +appropriable +appropriate +appropriately +appropriateness +appropriation +appropriative +appropriativeness +appropriator +approvable +approvableness +approval +approvance +approve +approvedly +approvedness +approvement +approver +approvingly +approximal +approximate +approximately +approximation +approximative +approximatively +approximativeness +approximator +appulse +appulsion +appulsive +appulsively +appurtenance +appurtenant +apractic +apraxia +apraxic +apricate +aprication +aprickle +apricot +April +Aprilesque +Apriline +Aprilis +apriori +apriorism +apriorist +aprioristic +apriority +Aprocta +aproctia +aproctous +apron +aproneer +apronful +apronless +apronlike +apropos +aprosexia +aprosopia +aprosopous +aproterodont +apse +apselaphesia +apselaphesis +apsidal +apsidally +apsides +apsidiole +apsis +apsychia +apsychical +apt +Aptal +Aptenodytes +Aptera +apteral +apteran +apterial +apterium +apteroid +apterous +Apteryges +apterygial +Apterygidae +Apterygiformes +Apterygogenea +Apterygota +apterygote +apterygotous +Apteryx +Aptian +Aptiana +aptitude +aptitudinal +aptitudinally +aptly +aptness +aptote +aptotic +aptyalia +aptyalism +aptychus +Apulian +apulmonic +apulse +apurpose +Apus +apyonin +apyrene +apyretic +apyrexia +apyrexial +apyrexy +apyrotype +apyrous +aqua +aquabelle +aquabib +aquacade +aquacultural +aquaculture +aquaemanale +aquafortist +aquage +aquagreen +aquamarine +aquameter +aquaplane +aquapuncture +aquarelle +aquarellist +aquaria +aquarial +Aquarian +aquarian +Aquarid +Aquarii +aquariist +aquarium +Aquarius +aquarter +aquascutum +aquatic +aquatical +aquatically +aquatile +aquatint +aquatinta +aquatinter +aquation +aquativeness +aquatone +aquavalent +aquavit +aqueduct +aqueoglacial +aqueoigneous +aqueomercurial +aqueous +aqueously +aqueousness +aquicolous +aquicultural +aquiculture +aquiculturist +aquifer +aquiferous +Aquifoliaceae +aquifoliaceous +aquiform +Aquila +Aquilaria +aquilawood +aquilege +Aquilegia +Aquilian +Aquilid +aquiline +aquilino +aquincubital +aquincubitalism +Aquinist +aquintocubital +aquintocubitalism +aquiparous +Aquitanian +aquiver +aquo +aquocapsulitis +aquocarbonic +aquocellolitis +aquopentamminecobaltic +aquose +aquosity +aquotization +aquotize +ar +ara +Arab +araba +araban +arabana +Arabella +arabesque +arabesquely +arabesquerie +Arabian +Arabianize +Arabic +Arabicism +Arabicize +Arabidopsis +arability +arabin +arabinic +arabinose +arabinosic +Arabis +Arabism +Arabist +arabit +arabitol +arabiyeh +Arabize +arable +Arabophil +Araby +araca +Aracana +aracanga +aracari +Araceae +araceous +arachic +arachidonic +arachin +Arachis +arachnactis +Arachne +arachnean +arachnid +Arachnida +arachnidan +arachnidial +arachnidism +arachnidium +arachnism +Arachnites +arachnitis +arachnoid +arachnoidal +Arachnoidea +arachnoidea +arachnoidean +arachnoiditis +arachnological +arachnologist +arachnology +Arachnomorphae +arachnophagous +arachnopia +arad +Aradidae +arado +araeostyle +araeosystyle +Aragallus +Aragonese +Aragonian +aragonite +araguato +arain +Arains +Arakanese +arakawaite +arake +Arales +Aralia +Araliaceae +araliaceous +araliad +Araliaephyllum +aralie +Araliophyllum +aralkyl +aralkylated +Aramaean +Aramaic +Aramaicize +Aramaism +aramayoite +Aramidae +aramina +Araminta +Aramis +Aramitess +Aramu +Aramus +Aranea +Araneae +araneid +Araneida +araneidan +araneiform +Araneiformes +Araneiformia +aranein +Araneina +Araneoidea +araneologist +araneology +araneous +aranga +arango +Aranyaka +aranzada +arapahite +Arapaho +arapaima +araphorostic +arapunga +Araquaju +arar +Arara +arara +araracanga +ararao +ararauna +arariba +araroba +arati +aration +aratory +Araua +Arauan +Araucan +Araucanian +Araucano +Araucaria +Araucariaceae +araucarian +Araucarioxylon +Araujia +Arauna +Arawa +Arawak +Arawakan +Arawakian +arba +Arbacia +arbacin +arbalest +arbalester +arbalestre +arbalestrier +arbalist +arbalister +arbalo +Arbela +arbiter +arbitrable +arbitrager +arbitragist +arbitral +arbitrament +arbitrarily +arbitrariness +arbitrary +arbitrate +arbitration +arbitrational +arbitrationist +arbitrative +arbitrator +arbitratorship +arbitratrix +arbitrement +arbitrer +arbitress +arboloco +arbor +arboraceous +arboral +arborary +arborator +arboreal +arboreally +arborean +arbored +arboreous +arborescence +arborescent +arborescently +arboresque +arboret +arboreta +arboretum +arborical +arboricole +arboricoline +arboricolous +arboricultural +arboriculture +arboriculturist +arboriform +arborist +arborization +arborize +arboroid +arborolatry +arborous +arborvitae +arborway +arbuscle +arbuscula +arbuscular +arbuscule +arbusterol +arbustum +arbutase +arbute +arbutean +arbutin +arbutinase +arbutus +arc +arca +Arcacea +arcade +Arcadia +Arcadian +arcadian +Arcadianism +Arcadianly +Arcadic +Arcady +arcana +arcanal +arcane +arcanite +arcanum +arcate +arcature +Arcella +Arceuthobium +arch +archabomination +archae +archaecraniate +Archaeoceti +Archaeocyathidae +Archaeocyathus +archaeogeology +archaeographic +archaeographical +archaeography +archaeolatry +archaeolith +archaeolithic +archaeologer +archaeologian +archaeologic +archaeological +archaeologically +archaeologist +archaeology +Archaeopithecus +Archaeopteris +Archaeopterygiformes +Archaeopteryx +Archaeornis +Archaeornithes +archaeostoma +Archaeostomata +archaeostomatous +archagitator +archaic +archaical +archaically +archaicism +archaism +archaist +archaistic +archaize +archaizer +archangel +archangelic +Archangelica +archangelical +archangelship +archantagonist +archantiquary +archapostate +archapostle +archarchitect +archarios +archartist +archband +archbeacon +archbeadle +archbishop +archbishopess +archbishopric +archbishopry +archbotcher +archboutefeu +archbuffoon +archbuilder +archchampion +archchaplain +archcharlatan +archcheater +archchemic +archchief +archchronicler +archcity +archconfraternity +archconsoler +archconspirator +archcorrupter +archcorsair +archcount +archcozener +archcriminal +archcritic +archcrown +archcupbearer +archdapifer +archdapifership +archdeacon +archdeaconate +archdeaconess +archdeaconry +archdeaconship +archdean +archdeanery +archdeceiver +archdefender +archdemon +archdepredator +archdespot +archdetective +archdevil +archdiocesan +archdiocese +archdiplomatist +archdissembler +archdisturber +archdivine +archdogmatist +archdolt +archdruid +archducal +archduchess +archduchy +archduke +archdukedom +arche +archeal +Archean +archearl +archebiosis +archecclesiastic +archecentric +arched +archegone +archegonial +Archegoniata +Archegoniatae +archegoniate +archegoniophore +archegonium +archegony +Archegosaurus +archeion +Archelaus +Archelenis +archelogy +Archelon +archemperor +Archencephala +archencephalic +archenemy +archengineer +archenteric +archenteron +archeocyte +Archeozoic +Archer +archer +archeress +archerfish +archership +archery +arches +archespore +archesporial +archesporium +archetypal +archetypally +archetype +archetypic +archetypical +archetypically +archetypist +archeunuch +archeus +archexorcist +archfelon +archfiend +archfire +archflamen +archflatterer +archfoe +archfool +archform +archfounder +archfriend +archgenethliac +archgod +archgomeral +archgovernor +archgunner +archhead +archheart +archheresy +archheretic +archhost +archhouse +archhumbug +archhypocrisy +archhypocrite +Archiannelida +archiater +Archibald +archibenthal +archibenthic +archibenthos +archiblast +archiblastic +archiblastoma +archiblastula +Archibuteo +archicantor +archicarp +archicerebrum +Archichlamydeae +archichlamydeous +archicleistogamous +archicleistogamy +archicoele +archicontinent +archicyte +archicytula +Archidamus +Archidiaceae +archidiaconal +archidiaconate +archididascalian +archididascalos +Archidiskodon +Archidium +archidome +Archie +archiepiscopacy +archiepiscopal +archiepiscopally +archiepiscopate +archiereus +archigaster +archigastrula +archigenesis +archigonic +archigonocyte +archigony +archiheretical +archikaryon +archil +archilithic +Archilochian +archilowe +archimage +Archimago +archimagus +archimandrite +Archimedean +Archimedes +archimime +archimorphic +archimorula +archimperial +archimperialism +archimperialist +archimperialistic +archimpressionist +Archimycetes +archineuron +archinfamy +archinformer +arching +archipallial +archipallium +archipelagian +archipelagic +archipelago +archipin +archiplasm +archiplasmic +Archiplata +archiprelatical +archipresbyter +archipterygial +archipterygium +archisperm +Archispermae +archisphere +archispore +archistome +archisupreme +archisymbolical +architect +architective +architectonic +Architectonica +architectonically +architectonics +architectress +architectural +architecturalist +architecturally +architecture +architecturesque +Architeuthis +architis +architraval +architrave +architraved +architypographer +archival +archive +archivist +archivolt +archizoic +archjockey +archking +archknave +archleader +archlecher +archleveler +archlexicographer +archliar +archlute +archly +archmachine +archmagician +archmagirist +archmarshal +archmediocrity +archmessenger +archmilitarist +archmime +archminister +archmock +archmocker +archmockery +archmonarch +archmonarchist +archmonarchy +archmugwump +archmurderer +archmystagogue +archness +archocele +archocystosyrinx +archology +archon +archonship +archont +archontate +Archontia +archontic +archoplasm +archoplasmic +archoptoma +archoptosis +archorrhagia +archorrhea +archostegnosis +archostenosis +archosyrinx +archoverseer +archpall +archpapist +archpastor +archpatriarch +archpatron +archphilosopher +archphylarch +archpiece +archpilferer +archpillar +archpirate +archplagiarist +archplagiary +archplayer +archplotter +archplunderer +archplutocrat +archpoet +archpolitician +archpontiff +archpractice +archprelate +archprelatic +archprelatical +archpresbyter +archpresbyterate +archpresbytery +archpretender +archpriest +archpriesthood +archpriestship +archprimate +archprince +archprophet +archprotopope +archprototype +archpublican +archpuritan +archradical +archrascal +archreactionary +archrebel +archregent +archrepresentative +archrobber +archrogue +archruler +archsacrificator +archsacrificer +archsaint +archsatrap +archscoundrel +archseducer +archsee +archsewer +archshepherd +archsin +archsnob +archspirit +archspy +archsteward +archswindler +archsynagogue +archtempter +archthief +archtraitor +archtreasurer +archtreasurership +archturncoat +archtyrant +archurger +archvagabond +archvampire +archvestryman +archvillain +archvillainy +archvisitor +archwag +archway +archwench +archwise +archworker +archworkmaster +Archy +archy +Arcidae +Arcifera +arciferous +arcifinious +arciform +arcing +Arcite +arcked +arcking +arcocentrous +arcocentrum +arcograph +Arcos +Arctalia +Arctalian +Arctamerican +arctation +Arctia +arctian +arctic +arctically +arctician +arcticize +arcticward +arcticwards +arctiid +Arctiidae +Arctisca +Arctium +Arctocephalus +Arctogaea +Arctogaeal +Arctogaean +arctoid +Arctoidea +arctoidean +Arctomys +Arctos +Arctosis +Arctostaphylos +Arcturia +Arcturus +arcual +arcuale +arcuate +arcuated +arcuately +arcuation +arcubalist +arcubalister +arcula +arculite +ardassine +Ardea +Ardeae +ardeb +Ardeidae +Ardelia +ardella +ardency +ardennite +ardent +ardently +ardentness +Ardhamagadhi +Ardhanari +ardish +Ardisia +Ardisiaceae +ardoise +ardor +ardri +ardu +arduinite +arduous +arduously +arduousness +ardurous +are +area +areach +aread +areal +areality +Arean +arear +areasoner +areaway +Areca +Arecaceae +arecaceous +arecaidin +arecaidine +arecain +arecaine +Arecales +arecolidin +arecolidine +arecolin +arecoline +Arecuna +ared +areek +areel +arefact +arefaction +aregenerative +aregeneratory +areito +arena +arenaceous +arenae +Arenaria +arenariae +arenarious +arenation +arend +arendalite +areng +Arenga +Arenicola +arenicole +arenicolite +arenicolous +Arenig +arenilitic +arenoid +arenose +arenosity +arent +areocentric +areographer +areographic +areographical +areographically +areography +areola +areolar +areolate +areolated +areolation +areole +areolet +areologic +areological +areologically +areologist +areology +areometer +areometric +areometrical +areometry +Areopagist +Areopagite +Areopagitic +Areopagitica +Areopagus +areotectonics +areroscope +aretaics +arete +Arethusa +Arethuse +Aretinian +arfvedsonite +argal +argala +argali +argans +Argante +Argas +argasid +Argasidae +Argean +argeers +argel +Argemone +argemony +argenol +argent +argental +argentamid +argentamide +argentamin +argentamine +argentate +argentation +argenteous +argenter +argenteum +argentic +argenticyanide +argentide +argentiferous +Argentina +Argentine +argentine +Argentinean +Argentinian +Argentinidae +argentinitrate +Argentinize +Argentino +argention +argentite +argentojarosite +argentol +argentometric +argentometrically +argentometry +argenton +argentoproteinum +argentose +argentous +argentum +Argestes +arghan +arghel +arghool +Argid +argil +argillaceous +argilliferous +argillite +argillitic +argilloarenaceous +argillocalcareous +argillocalcite +argilloferruginous +argilloid +argillomagnesian +argillous +arginine +argininephosphoric +Argiope +Argiopidae +Argiopoidea +Argive +Argo +argo +Argoan +argol +argolet +Argolian +Argolic +Argolid +argon +Argonaut +Argonauta +Argonautic +Argonne +argosy +argot +argotic +Argovian +arguable +argue +arguer +argufier +argufy +Argulus +argument +argumental +argumentation +argumentatious +argumentative +argumentatively +argumentativeness +argumentator +argumentatory +Argus +argusfish +Argusianus +Arguslike +argute +argutely +arguteness +Argyle +Argyll +Argynnis +argyranthemous +argyranthous +Argyraspides +argyria +argyric +argyrite +argyrocephalous +argyrodite +Argyrol +Argyroneta +Argyropelecus +argyrose +argyrosis +Argyrosomus +argyrythrose +arhar +arhat +arhatship +Arhauaco +arhythmic +aria +Ariadne +Arian +Ariana +Arianism +Arianistic +Arianistical +Arianize +Arianizer +Arianrhod +aribine +Arician +aricine +arid +Arided +aridge +aridian +aridity +aridly +aridness +ariegite +Ariel +ariel +arienzo +Aries +arietation +Arietid +arietinous +arietta +aright +arightly +arigue +Ariidae +Arikara +aril +ariled +arillary +arillate +arillated +arilliform +arillode +arillodium +arilloid +arillus +Arimasp +Arimaspian +Arimathaean +Ariocarpus +Arioi +Arioian +Arion +ariose +arioso +ariot +aripple +Arisaema +arisard +arise +arisen +arist +arista +Aristarch +Aristarchian +aristarchy +aristate +Aristeas +Aristida +Aristides +Aristippus +aristocracy +aristocrat +aristocratic +aristocratical +aristocratically +aristocraticalness +aristocraticism +aristocraticness +aristocratism +aristodemocracy +aristodemocratical +aristogenesis +aristogenetic +aristogenic +aristogenics +Aristol +Aristolochia +Aristolochiaceae +aristolochiaceous +Aristolochiales +aristolochin +aristolochine +aristological +aristologist +aristology +aristomonarchy +Aristophanic +aristorepublicanism +Aristotelian +Aristotelianism +Aristotelic +Aristotelism +aristotype +aristulate +arite +arithmetic +arithmetical +arithmetically +arithmetician +arithmetization +arithmetize +arithmic +arithmocracy +arithmocratic +arithmogram +arithmograph +arithmography +arithmomania +arithmometer +Arius +Arivaipa +Arizona +Arizonan +Arizonian +arizonite +arjun +ark +Arkab +Arkansan +Arkansas +Arkansawyer +arkansite +Arkite +arkite +arkose +arkosic +arksutite +Arlene +Arleng +arles +Arline +arm +armada +armadilla +Armadillididae +Armadillidium +armadillo +Armado +Armageddon +Armageddonist +armagnac +armament +armamentarium +armamentary +armangite +armariolum +armarium +Armata +Armatoles +Armatoli +armature +armbone +armchair +armchaired +armed +armeniaceous +Armenian +Armenic +Armenize +Armenoid +armer +Armeria +Armeriaceae +armet +armful +armgaunt +armhole +armhoop +Armida +armied +armiferous +armiger +armigeral +armigerous +armil +armilla +Armillaria +armillary +armillate +armillated +arming +Arminian +Arminianism +Arminianize +Arminianizer +armipotence +armipotent +armisonant +armisonous +armistice +armless +armlet +armload +armoire +armonica +armor +Armoracia +armored +armorer +armorial +Armoric +Armorican +Armorician +armoried +armorist +armorproof +armorwise +armory +Armouchiquois +armozeen +armpiece +armpit +armplate +armrack +armrest +arms +armscye +armure +army +arn +arna +Arnaut +arnberry +Arne +Arneb +Arnebia +arnee +arni +arnica +Arnold +Arnoldist +Arnoseris +arnotta +arnotto +Arnusian +arnut +Aro +aroar +aroast +arock +aroeira +aroid +aroideous +Aroides +aroint +arolium +arolla +aroma +aromacity +aromadendrin +aromatic +aromatically +aromaticness +aromatite +aromatites +aromatization +aromatize +aromatizer +aromatophor +aromatophore +Aronia +aroon +Aroras +Arosaguntacook +arose +around +arousal +arouse +arousement +arouser +arow +aroxyl +arpeggiando +arpeggiated +arpeggiation +arpeggio +arpeggioed +arpen +arpent +arquerite +arquifoux +arracach +arracacha +Arracacia +arrack +arrah +arraign +arraigner +arraignment +arrame +arrange +arrangeable +arrangement +arranger +arrant +arrantly +Arras +arras +arrased +arrasene +arrastra +arrastre +arratel +arrau +array +arrayal +arrayer +arrayment +arrear +arrearage +arrect +arrector +arrendation +arrenotokous +arrenotoky +arrent +arrentable +arrentation +arreptitious +arrest +arrestable +arrestation +arrestee +arrester +arresting +arrestingly +arrestive +arrestment +arrestor +Arretine +arrhenal +Arrhenatherum +arrhenoid +arrhenotokous +arrhenotoky +arrhinia +arrhizal +arrhizous +arrhythmia +arrhythmic +arrhythmical +arrhythmically +arrhythmous +arrhythmy +arriage +arriba +arride +arridge +arrie +arriere +Arriet +arrimby +arris +arrish +arrisways +arriswise +arrival +arrive +arriver +arroba +arrogance +arrogancy +arrogant +arrogantly +arrogantness +arrogate +arrogatingly +arrogation +arrogative +arrogator +arrojadite +arrope +arrosive +arrow +arrowbush +arrowed +arrowhead +arrowheaded +arrowleaf +arrowless +arrowlet +arrowlike +arrowplate +arrowroot +arrowsmith +arrowstone +arrowweed +arrowwood +arrowworm +arrowy +arroyo +Arruague +Arry +Arryish +Arsacid +Arsacidan +arsanilic +arse +arsedine +arsenal +arsenate +arsenation +arseneted +arsenetted +arsenfast +arsenferratose +arsenhemol +arseniasis +arseniate +arsenic +arsenical +arsenicalism +arsenicate +arsenicism +arsenicize +arsenicophagy +arsenide +arseniferous +arsenillo +arseniopleite +arseniosiderite +arsenious +arsenism +arsenite +arsenium +arseniuret +arseniureted +arsenization +arseno +arsenobenzene +arsenobenzol +arsenobismite +arsenoferratin +arsenofuran +arsenohemol +arsenolite +arsenophagy +arsenophen +arsenophenol +arsenophenylglycin +arsenopyrite +arsenostyracol +arsenotherapy +arsenotungstates +arsenotungstic +arsenous +arsenoxide +arsenyl +arses +arsesmart +arsheen +arshin +arshine +arsine +arsinic +arsino +Arsinoitherium +arsis +arsle +arsmetrik +arsmetrike +arsnicker +arsoite +arson +arsonate +arsonation +arsonic +arsonist +arsonite +arsonium +arsono +arsonvalization +arsphenamine +arsyl +arsylene +Art +art +artaba +artabe +artal +Artamidae +Artamus +artar +artarine +artcraft +artefact +artel +Artemas +Artemia +Artemis +Artemisia +artemisic +artemisin +Artemision +Artemisium +arteriagra +arterial +arterialization +arterialize +arterially +arteriarctia +arteriasis +arteriectasia +arteriectasis +arteriectopia +arterin +arterioarctia +arteriocapillary +arteriococcygeal +arteriodialysis +arteriodiastasis +arteriofibrosis +arteriogenesis +arteriogram +arteriograph +arteriography +arteriole +arteriolith +arteriology +arteriolosclerosis +arteriomalacia +arteriometer +arteriomotor +arterionecrosis +arteriopalmus +arteriopathy +arteriophlebotomy +arterioplania +arterioplasty +arteriopressor +arteriorenal +arteriorrhagia +arteriorrhaphy +arteriorrhexis +arteriosclerosis +arteriosclerotic +arteriospasm +arteriostenosis +arteriostosis +arteriostrepsis +arteriosympathectomy +arteriotome +arteriotomy +arteriotrepsis +arterious +arteriovenous +arterioversion +arterioverter +arteritis +artery +Artesian +artesian +artful +artfully +artfulness +Artgum +artha +arthel +arthemis +arthragra +arthral +arthralgia +arthralgic +arthrectomy +arthredema +arthrempyesis +arthresthesia +arthritic +arthritical +arthriticine +arthritis +arthritism +arthrobacterium +arthrobranch +arthrobranchia +arthrocace +arthrocarcinoma +arthrocele +arthrochondritis +arthroclasia +arthrocleisis +arthroclisis +arthroderm +arthrodesis +arthrodia +arthrodial +arthrodic +Arthrodira +arthrodiran +arthrodire +arthrodirous +Arthrodonteae +arthrodynia +arthrodynic +arthroempyema +arthroempyesis +arthroendoscopy +Arthrogastra +arthrogastran +arthrogenous +arthrography +arthrogryposis +arthrolite +arthrolith +arthrolithiasis +arthrology +arthromeningitis +arthromere +arthromeric +arthrometer +arthrometry +arthroncus +arthroneuralgia +arthropathic +arthropathology +arthropathy +arthrophlogosis +arthrophyma +arthroplastic +arthroplasty +arthropleura +arthropleure +arthropod +Arthropoda +arthropodal +arthropodan +arthropodous +Arthropomata +arthropomatous +arthropterous +arthropyosis +arthrorheumatism +arthrorrhagia +arthrosclerosis +arthrosia +arthrosis +arthrospore +arthrosporic +arthrosporous +arthrosteitis +arthrosterigma +arthrostome +arthrostomy +Arthrostraca +arthrosynovitis +arthrosyrinx +arthrotome +arthrotomy +arthrotrauma +arthrotropic +arthrotyphoid +arthrous +arthroxerosis +Arthrozoa +arthrozoan +arthrozoic +Arthur +Arthurian +Arthuriana +artiad +artichoke +article +articled +articulability +articulable +articulacy +articulant +articular +articulare +articularly +articulary +Articulata +articulate +articulated +articulately +articulateness +articulation +articulationist +articulative +articulator +articulatory +articulite +articulus +Artie +artifact +artifactitious +artifice +artificer +artificership +artificial +artificialism +artificiality +artificialize +artificially +artificialness +artiller +artillerist +artillery +artilleryman +artilleryship +artiness +artinite +Artinskian +artiodactyl +Artiodactyla +artiodactylous +artiphyllous +artisan +artisanship +artist +artistdom +artiste +artistic +artistical +artistically +artistry +artless +artlessly +artlessness +artlet +artlike +Artocarpaceae +artocarpad +artocarpeous +artocarpous +Artocarpus +artolater +artophagous +artophorion +artotype +artotypy +Artotyrite +artware +arty +aru +Aruac +arui +aruke +Arulo +Arum +arumin +Aruncus +arundiferous +arundinaceous +Arundinaria +arundineous +Arundo +Arunta +arupa +arusa +arusha +arustle +arval +arvel +Arverni +Arvicola +arvicole +Arvicolinae +arvicoline +arvicolous +arviculture +arx +ary +Arya +Aryan +Aryanism +Aryanization +Aryanize +aryballoid +aryballus +aryepiglottic +aryl +arylamine +arylamino +arylate +arytenoid +arytenoidal +arzan +Arzava +Arzawa +arzrunite +arzun +As +as +Asa +asaddle +asafetida +Asahel +asak +asale +asana +Asaph +asaphia +Asaphic +asaphid +Asaphidae +Asaphus +asaprol +asarabacca +Asaraceae +Asarh +asarite +asaron +asarone +asarotum +Asarum +asbest +asbestic +asbestiform +asbestine +asbestinize +asbestoid +asbestoidal +asbestos +asbestosis +asbestous +asbestus +asbolin +asbolite +Ascabart +Ascalabota +ascan +Ascanian +Ascanius +ascare +ascariasis +ascaricidal +ascaricide +ascarid +Ascaridae +ascarides +Ascaridia +ascaridiasis +ascaridole +Ascaris +ascaron +Ascella +ascellus +ascend +ascendable +ascendance +ascendancy +ascendant +ascendence +ascendency +ascendent +ascender +ascendible +ascending +ascendingly +ascension +ascensional +ascensionist +Ascensiontide +ascensive +ascent +ascertain +ascertainable +ascertainableness +ascertainably +ascertainer +ascertainment +ascescency +ascescent +ascetic +ascetical +ascetically +asceticism +Ascetta +aschaffite +ascham +aschistic +asci +ascian +Ascidia +Ascidiacea +Ascidiae +ascidian +ascidiate +ascidicolous +ascidiferous +ascidiform +ascidioid +Ascidioida +Ascidioidea +Ascidiozoa +ascidiozooid +ascidium +asciferous +ascigerous +ascii +ascites +ascitic +ascitical +ascititious +asclent +Asclepiad +asclepiad +Asclepiadaceae +asclepiadaceous +Asclepiadae +Asclepiadean +asclepiadeous +Asclepiadic +Asclepian +Asclepias +asclepidin +asclepidoid +Asclepieion +asclepin +Asclepius +ascocarp +ascocarpous +Ascochyta +ascogenous +ascogone +ascogonial +ascogonidium +ascogonium +ascolichen +Ascolichenes +ascoma +ascomycetal +ascomycete +Ascomycetes +ascomycetous +ascon +Ascones +ascophore +ascophorous +Ascophyllum +ascorbic +ascospore +ascosporic +ascosporous +Ascot +ascot +Ascothoracica +ascribable +ascribe +ascript +ascription +ascriptitii +ascriptitious +ascriptitius +ascry +ascula +Ascupart +ascus +ascyphous +Ascyrum +asdic +ase +asearch +asecretory +aseethe +aseismatic +aseismic +aseismicity +aseity +aselgeia +asellate +Aselli +Asellidae +Aselline +Asellus +asem +asemasia +asemia +asepsis +aseptate +aseptic +aseptically +asepticism +asepticize +aseptify +aseptol +aseptolin +asexual +asexuality +asexualization +asexualize +asexually +asfetida +ash +Asha +ashake +ashame +ashamed +ashamedly +ashamedness +ashamnu +Ashangos +Ashantee +Ashanti +Asharasi +ashberry +ashcake +ashen +Asher +asherah +Asherites +ashery +ashes +ashet +ashily +ashimmer +ashine +ashiness +ashipboard +Ashir +ashiver +Ashkenazic +Ashkenazim +ashkoko +ashlar +ashlared +ashlaring +ashless +ashling +Ashluslay +ashman +Ashmolean +Ashochimi +ashore +ashpan +ashpit +ashplant +ashraf +ashrafi +ashthroat +Ashur +ashur +ashweed +ashwort +ashy +asialia +Asian +Asianic +Asianism +Asiarch +Asiarchate +Asiatic +Asiatical +Asiatically +Asiatican +Asiaticism +Asiaticization +Asiaticize +Asiatize +aside +asidehand +asideness +asiderite +asideu +asiento +asilid +Asilidae +Asilus +asimen +Asimina +asimmer +asinego +asinine +asininely +asininity +asiphonate +asiphonogama +asitia +ask +askable +askance +askant +askar +askari +asker +askew +askingly +askip +asklent +Asklepios +askos +Askr +aslant +aslantwise +aslaver +asleep +aslop +aslope +aslumber +asmack +asmalte +asmear +asmile +asmoke +asmolder +asniffle +asnort +asoak +asocial +asok +asoka +asomatophyte +asomatous +asonant +asonia +asop +asor +asouth +asp +aspace +aspalathus +Aspalax +asparagic +asparagine +asparaginic +asparaginous +asparagus +asparagyl +asparkle +aspartate +aspartic +aspartyl +Aspasia +Aspatia +aspect +aspectable +aspectant +aspection +aspectual +aspen +asper +asperate +asperation +aspergation +asperge +asperger +Asperges +aspergil +aspergill +Aspergillaceae +Aspergillales +aspergilliform +aspergillin +aspergillosis +aspergillum +aspergillus +Asperifoliae +asperifoliate +asperifolious +asperite +asperity +aspermatic +aspermatism +aspermatous +aspermia +aspermic +aspermous +asperous +asperously +asperse +aspersed +asperser +aspersion +aspersive +aspersively +aspersor +aspersorium +aspersory +Asperugo +Asperula +asperuloside +asperulous +asphalt +asphaltene +asphalter +asphaltic +asphaltite +asphaltum +aspheterism +aspheterize +asphodel +Asphodelaceae +Asphodeline +Asphodelus +asphyctic +asphyctous +asphyxia +asphyxial +asphyxiant +asphyxiate +asphyxiation +asphyxiative +asphyxiator +asphyxied +asphyxy +aspic +aspiculate +aspiculous +aspidate +aspidiaria +aspidinol +Aspidiotus +Aspidiske +Aspidistra +aspidium +Aspidobranchia +Aspidobranchiata +aspidobranchiate +Aspidocephali +Aspidochirota +Aspidoganoidei +aspidomancy +Aspidosperma +aspidospermine +aspirant +aspirata +aspirate +aspiration +aspirator +aspiratory +aspire +aspirer +aspirin +aspiring +aspiringly +aspiringness +aspish +asplanchnic +Asplenieae +asplenioid +Asplenium +asporogenic +asporogenous +asporous +asport +asportation +asporulate +aspout +asprawl +aspread +Aspredinidae +Aspredo +aspring +asprout +asquare +asquat +asqueal +asquint +asquirm +ass +assacu +assagai +assai +assail +assailable +assailableness +assailant +assailer +assailment +Assam +Assamese +Assamites +assapan +assapanic +assarion +assart +assary +assassin +assassinate +assassination +assassinative +assassinator +assassinatress +assassinist +assate +assation +assault +assaultable +assaulter +assaut +assay +assayable +assayer +assaying +assbaa +asse +assecuration +assecurator +assedation +assegai +asself +assemblable +assemblage +assemble +assembler +assembly +assemblyman +assent +assentaneous +assentation +assentatious +assentator +assentatorily +assentatory +assented +assenter +assentient +assenting +assentingly +assentive +assentiveness +assentor +assert +assertable +assertative +asserter +assertible +assertion +assertional +assertive +assertively +assertiveness +assertor +assertorial +assertorially +assertoric +assertorical +assertorically +assertorily +assertory +assertress +assertrix +assertum +assess +assessable +assessably +assessed +assessee +assession +assessionary +assessment +assessor +assessorial +assessorship +assessory +asset +assets +assever +asseverate +asseveratingly +asseveration +asseverative +asseveratively +asseveratory +asshead +assi +assibilate +assibilation +Assidean +assident +assidual +assidually +assiduity +assiduous +assiduously +assiduousness +assientist +assiento +assify +assign +assignability +assignable +assignably +assignat +assignation +assigned +assignee +assigneeship +assigner +assignment +assignor +assilag +assimilability +assimilable +assimilate +assimilation +assimilationist +assimilative +assimilativeness +assimilator +assimilatory +Assiniboin +assis +Assisan +assise +assish +assishly +assishness +assist +assistance +assistant +assistanted +assistantship +assistency +assister +assistful +assistive +assistless +assistor +assize +assizement +assizer +assizes +asslike +assman +Assmannshauser +assmanship +associability +associable +associableness +associate +associated +associatedness +associateship +association +associational +associationalism +associationalist +associationism +associationist +associationistic +associative +associatively +associativeness +associator +associatory +assoil +assoilment +assoilzie +assonance +assonanced +assonant +assonantal +assonantic +assonate +Assonia +assort +assortative +assorted +assortedness +assorter +assortive +assortment +assuade +assuage +assuagement +assuager +assuasive +assubjugate +assuetude +assumable +assumably +assume +assumed +assumedly +assumer +assuming +assumingly +assumingness +assumpsit +assumption +Assumptionist +assumptious +assumptiousness +assumptive +assumptively +assurable +assurance +assurant +assure +assured +assuredly +assuredness +assurer +assurge +assurgency +assurgent +assuring +assuringly +assyntite +Assyrian +Assyrianize +Assyriological +Assyriologist +Assyriologue +Assyriology +Assyroid +assythment +ast +asta +Astacidae +Astacus +Astakiwi +astalk +astarboard +astare +astart +Astarte +Astartian +Astartidae +astasia +astatic +astatically +astaticism +astatine +astatize +astatizer +astay +asteam +asteatosis +asteep +asteer +asteism +astelic +astely +aster +Asteraceae +asteraceous +Asterales +Asterella +astereognosis +asteria +asterial +Asterias +asteriated +Asteriidae +asterikos +asterin +Asterina +Asterinidae +asterioid +Asterion +asterion +Asterionella +asterisk +asterism +asterismal +astern +asternal +Asternata +asternia +Asterochiton +asteroid +asteroidal +Asteroidea +asteroidean +Asterolepidae +Asterolepis +Asterope +asterophyllite +Asterophyllites +Asterospondyli +asterospondylic +asterospondylous +Asteroxylaceae +Asteroxylon +Asterozoa +asterwort +asthenia +asthenic +asthenical +asthenobiosis +asthenobiotic +asthenolith +asthenology +asthenopia +asthenopic +asthenosphere +astheny +asthma +asthmatic +asthmatical +asthmatically +asthmatoid +asthmogenic +asthore +asthorin +Astian +astichous +astigmatic +astigmatical +astigmatically +astigmatism +astigmatizer +astigmatometer +astigmatoscope +astigmatoscopy +astigmia +astigmism +astigmometer +astigmometry +Astilbe +astilbe +astint +astipulate +astir +astite +astomatal +astomatous +astomia +astomous +astonied +astonish +astonishedly +astonisher +astonishing +astonishingly +astonishingness +astonishment +astony +astoop +astor +astound +astoundable +astounding +astoundingly +astoundment +Astrachan +astraddle +Astraea +Astraean +astraean +astraeid +Astraeidae +astraeiform +astragal +astragalar +astragalectomy +astragali +astragalocalcaneal +astragalocentral +astragalomancy +astragalonavicular +astragaloscaphoid +astragalotibial +Astragalus +astragalus +astrain +astrakanite +astrakhan +astral +astrally +astrand +Astrantia +astraphobia +astrapophobia +astray +astream +astrer +astrict +astriction +astrictive +astrictively +astrictiveness +Astrid +astride +astrier +astriferous +astrild +astringe +astringency +astringent +astringently +astringer +astroalchemist +astroblast +Astrocaryum +astrochemist +astrochemistry +astrochronological +astrocyte +astrocytoma +astrocytomata +astrodiagnosis +astrodome +astrofel +astrogeny +astroglia +astrognosy +astrogonic +astrogony +astrograph +astrographic +astrography +astroid +astroite +astrolabe +astrolabical +astrolater +astrolatry +astrolithology +astrologaster +astrologer +astrologian +astrologic +astrological +astrologically +astrologistic +astrologize +astrologous +astrology +astromancer +astromancy +astromantic +astrometeorological +astrometeorologist +astrometeorology +astrometer +astrometrical +astrometry +astronaut +astronautics +astronomer +astronomic +astronomical +astronomically +astronomics +astronomize +astronomy +Astropecten +Astropectinidae +astrophil +astrophobia +astrophotographic +astrophotography +astrophotometer +astrophotometrical +astrophotometry +astrophyllite +astrophysical +astrophysicist +astrophysics +Astrophyton +astroscope +Astroscopus +astroscopy +astrospectral +astrospectroscopic +astrosphere +astrotheology +astrut +astucious +astuciously +astucity +Astur +Asturian +astute +astutely +astuteness +astylar +Astylospongia +Astylosternus +asudden +asunder +Asuri +aswail +aswarm +asway +asweat +aswell +aswim +aswing +aswirl +aswoon +aswooned +asyla +asyllabia +asyllabic +asyllabical +asylum +asymbiotic +asymbolia +asymbolic +asymbolical +asymmetric +asymmetrical +asymmetrically +Asymmetron +asymmetry +asymptomatic +asymptote +asymptotic +asymptotical +asymptotically +asynapsis +asynaptic +asynartete +asynartetic +asynchronism +asynchronous +asyndesis +asyndetic +asyndetically +asyndeton +asynergia +asynergy +asyngamic +asyngamy +asyntactic +asyntrophy +asystole +asystolic +asystolism +asyzygetic +at +Ata +atabal +atabeg +atabek +Atabrine +Atacaman +Atacamenan +Atacamenian +Atacameno +atacamite +atactic +atactiform +Ataentsic +atafter +Ataigal +Ataiyal +Atalan +ataman +atamasco +Atamosco +atangle +atap +ataraxia +ataraxy +atatschite +ataunt +atavi +atavic +atavism +atavist +atavistic +atavistically +atavus +ataxaphasia +ataxia +ataxiagram +ataxiagraph +ataxiameter +ataxiaphasia +ataxic +ataxinomic +ataxite +ataxonomic +ataxophemia +ataxy +atazir +atbash +atchison +ate +Ateba +atebrin +atechnic +atechnical +atechny +ateeter +atef +atelectasis +atelectatic +ateleological +Ateles +atelestite +atelets +atelier +ateliosis +Atellan +atelo +atelocardia +atelocephalous +ateloglossia +atelognathia +atelomitic +atelomyelia +atelopodia +ateloprosopia +atelorachidia +atelostomia +atemporal +Aten +Atenism +Atenist +Aterian +ates +Atestine +ateuchi +ateuchus +Atfalati +Athabasca +Athabascan +athalamous +athalline +Athamantid +athanasia +Athanasian +Athanasianism +Athanasianist +athanasy +athanor +Athapascan +athar +Atharvan +Athecae +Athecata +athecate +atheism +atheist +atheistic +atheistical +atheistically +atheisticalness +atheize +atheizer +athelia +atheling +athematic +Athena +Athenaea +athenaeum +athenee +Athenian +Athenianly +athenor +Athens +atheological +atheologically +atheology +atheous +Athericera +athericeran +athericerous +atherine +Atherinidae +Atheriogaea +Atheriogaean +Atheris +athermancy +athermanous +athermic +athermous +atheroma +atheromasia +atheromata +atheromatosis +atheromatous +atherosclerosis +Atherosperma +Atherurus +athetesis +athetize +athetoid +athetosic +athetosis +athing +athirst +athlete +athletehood +athletic +athletical +athletically +athleticism +athletics +athletism +athletocracy +athlothete +athlothetes +athodyd +athort +athrepsia +athreptic +athrill +athrive +athrob +athrocyte +athrocytosis +athrogenic +athrong +athrough +athwart +athwarthawse +athwartship +athwartships +athwartwise +athymia +athymic +athymy +athyreosis +athyria +athyrid +Athyridae +Athyris +Athyrium +athyroid +athyroidism +athyrosis +Ati +Atik +Atikokania +atilt +atimon +atinga +atingle +atinkle +atip +atis +Atka +Atlanta +atlantad +atlantal +Atlantean +atlantes +Atlantic +atlantic +Atlantica +Atlantid +Atlantides +atlantite +atlantoaxial +atlantodidymus +atlantomastoid +atlantoodontoid +Atlantosaurus +Atlas +atlas +Atlaslike +atlatl +atle +atlee +atloaxoid +atloid +atloidean +atloidoaxoid +atma +atman +atmiatrics +atmiatry +atmid +atmidalbumin +atmidometer +atmidometry +atmo +atmocausis +atmocautery +atmoclastic +atmogenic +atmograph +atmologic +atmological +atmologist +atmology +atmolysis +atmolyzation +atmolyze +atmolyzer +atmometer +atmometric +atmometry +atmos +atmosphere +atmosphereful +atmosphereless +atmospheric +atmospherical +atmospherically +atmospherics +atmospherology +atmostea +atmosteal +atmosteon +Atnah +atocha +atocia +atokal +atoke +atokous +atoll +atom +atomatic +atomechanics +atomerg +atomic +atomical +atomically +atomician +atomicism +atomicity +atomics +atomiferous +atomism +atomist +atomistic +atomistical +atomistically +atomistics +atomity +atomization +atomize +atomizer +atomology +atomy +atonable +atonal +atonalism +atonalistic +atonality +atonally +atone +atonement +atoneness +atoner +atonia +atonic +atonicity +atoningly +atony +atop +Atophan +atophan +atopic +atopite +atopy +Atorai +Atossa +atour +atoxic +Atoxyl +atoxyl +atrabilarian +atrabilarious +atrabiliar +atrabiliarious +atrabiliary +atrabilious +atrabiliousness +atracheate +Atractaspis +Atragene +atragene +atrail +atrament +atramental +atramentary +atramentous +atraumatic +Atrebates +Atremata +atrematous +atremble +atrepsy +atreptic +atresia +atresic +atresy +atretic +atria +atrial +atrichia +atrichosis +atrichous +atrickle +Atridean +atrienses +atriensis +atriocoelomic +atrioporal +atriopore +atrioventricular +atrip +Atriplex +atrium +atrocha +atrochal +atrochous +atrocious +atrociously +atrociousness +atrocity +atrolactic +Atropa +atropaceous +atropal +atropamine +atrophia +atrophiated +atrophic +atrophied +atrophoderma +atrophy +atropia +atropic +Atropidae +atropine +atropinism +atropinization +atropinize +atropism +atropous +atrorubent +atrosanguineous +atroscine +atrous +atry +Atrypa +Atta +atta +Attacapan +attacco +attach +attachable +attachableness +attache +attached +attachedly +attacher +attacheship +attachment +attack +attackable +attacker +attacolite +Attacus +attacus +attagen +attaghan +attain +attainability +attainable +attainableness +attainder +attainer +attainment +attaint +attaintment +attainture +Attalea +attaleh +Attalid +attar +attargul +attask +attemper +attemperament +attemperance +attemperate +attemperately +attemperation +attemperator +attempt +attemptability +attemptable +attempter +attemptless +attend +attendance +attendancy +attendant +attendantly +attender +attendingly +attendment +attendress +attensity +attent +attention +attentional +attentive +attentively +attentiveness +attently +attenuable +attenuant +attenuate +attenuation +attenuative +attenuator +atter +attercop +attercrop +atterminal +attermine +atterminement +attern +attery +attest +attestable +attestant +attestation +attestative +attestator +attester +attestive +Attic +attic +Attical +Atticism +atticism +Atticist +Atticize +atticize +atticomastoid +attid +Attidae +attinge +attingence +attingency +attingent +attire +attired +attirement +attirer +attitude +attitudinal +attitudinarian +attitudinarianism +attitudinize +attitudinizer +Attiwendaronk +attorn +attorney +attorneydom +attorneyism +attorneyship +attornment +attract +attractability +attractable +attractableness +attractant +attracter +attractile +attractingly +attraction +attractionally +attractive +attractively +attractiveness +attractivity +attractor +attrahent +attrap +attributable +attributal +attribute +attributer +attribution +attributive +attributively +attributiveness +attrist +attrite +attrited +attriteness +attrition +attritive +attritus +attune +attunely +attunement +Atuami +atule +atumble +atune +atwain +atweel +atween +atwin +atwirl +atwist +atwitch +atwitter +atwixt +atwo +atypic +atypical +atypically +atypy +auantic +aube +aubepine +Aubrey +Aubrietia +aubrietia +aubrite +auburn +aubusson +Auca +auca +Aucan +Aucaner +Aucanian +Auchenia +auchenia +auchenium +auchlet +auction +auctionary +auctioneer +auctorial +Aucuba +aucuba +aucupate +audacious +audaciously +audaciousness +audacity +Audaean +Audian +Audibertia +audibility +audible +audibleness +audibly +audience +audiencier +audient +audile +audio +audiogenic +audiogram +audiologist +audiology +audiometer +audiometric +audiometry +Audion +audion +audiophile +audiphone +audit +audition +auditive +auditor +auditoria +auditorial +auditorially +auditorily +auditorium +auditorship +auditory +auditress +auditual +audivise +audiviser +audivision +Audrey +Audubonistic +Aueto +auganite +auge +Augean +augelite +augen +augend +auger +augerer +augh +aught +aughtlins +augite +augitic +augitite +augitophyre +augment +augmentable +augmentation +augmentationer +augmentative +augmentatively +augmented +augmentedly +augmenter +augmentive +augur +augural +augurate +augurial +augurous +augurship +augury +August +august +Augusta +augustal +Augustan +Augusti +Augustin +Augustinian +Augustinianism +Augustinism +augustly +augustness +Augustus +auh +auhuhu +Auk +auk +auklet +aula +aulacocarpous +Aulacodus +Aulacomniaceae +Aulacomnium +aulae +aularian +auld +auldfarrantlike +auletai +aulete +auletes +auletic +auletrides +auletris +aulic +aulicism +auloi +aulophyte +aulos +Aulostoma +Aulostomatidae +Aulostomi +aulostomid +Aulostomidae +Aulostomus +aulu +aum +aumaga +aumail +aumbry +aumery +aumil +aumildar +aumous +aumrie +auncel +aune +Aunjetitz +aunt +aunthood +auntie +auntish +auntlike +auntly +auntsary +auntship +aupaka +aura +aurae +aural +aurally +auramine +Aurantiaceae +aurantiaceous +Aurantium +aurantium +aurar +aurate +aurated +aureate +aureately +aureateness +aureation +aureity +Aurelia +aurelia +aurelian +Aurelius +Aureocasidium +aureola +aureole +aureolin +aureoline +aureomycin +aureous +aureously +auresca +aureus +auribromide +auric +aurichalcite +aurichalcum +aurichloride +aurichlorohydric +auricle +auricled +auricomous +Auricula +auricula +auriculae +auricular +auriculare +auriculares +Auricularia +auricularia +Auriculariaceae +auriculariae +Auriculariales +auricularian +auricularis +auricularly +auriculate +auriculated +auriculately +Auriculidae +auriculocranial +auriculoparietal +auriculotemporal +auriculoventricular +auriculovertical +auricyanhydric +auricyanic +auricyanide +auride +auriferous +aurific +aurification +auriform +aurify +Auriga +aurigal +aurigation +aurigerous +Aurigid +Aurignacian +aurilave +aurin +aurinasal +auriphone +auriphrygia +auriphrygiate +auripuncture +aurir +auriscalp +auriscalpia +auriscalpium +auriscope +auriscopy +aurist +aurite +aurivorous +auroauric +aurobromide +aurochloride +aurochs +aurocyanide +aurodiamine +auronal +aurophobia +aurophore +aurora +aurorae +auroral +aurorally +aurore +aurorean +Aurorian +aurorium +aurotellurite +aurothiosulphate +aurothiosulphuric +aurous +aurrescu +aurulent +aurum +aurure +auryl +Aus +auscult +auscultascope +auscultate +auscultation +auscultative +auscultator +auscultatory +Auscultoscope +auscultoscope +Aushar +auslaut +auslaute +Ausones +Ausonian +auspex +auspicate +auspice +auspices +auspicial +auspicious +auspiciously +auspiciousness +auspicy +Aussie +Austafrican +austenite +austenitic +Auster +austere +austerely +austereness +austerity +Austerlitz +Austin +Austral +austral +Australasian +australene +Australia +Australian +Australianism +Australianize +Australic +Australioid +australite +Australoid +Australopithecinae +australopithecine +Australopithecus +Australorp +Austrasian +Austrian +Austrianize +Austric +austrium +Austroasiatic +Austrogaea +Austrogaean +austromancy +Austronesian +Austrophil +Austrophile +Austrophilism +Austroriparian +ausu +ausubo +autacoid +autacoidal +autallotriomorphic +autantitypy +autarch +autarchic +autarchical +Autarchoglossa +autarchy +autarkic +autarkical +autarkist +autarky +aute +autechoscope +autecious +auteciously +auteciousness +autecism +autecologic +autecological +autecologically +autecologist +autecology +autecy +autem +authentic +authentical +authentically +authenticalness +authenticate +authentication +authenticator +authenticity +authenticly +authenticness +authigene +authigenetic +authigenic +authigenous +author +authorcraft +authoress +authorhood +authorial +authorially +authorish +authorism +authoritarian +authoritarianism +authoritative +authoritatively +authoritativeness +authority +authorizable +authorization +authorize +authorized +authorizer +authorless +authorling +authorly +authorship +authotype +autism +autist +autistic +auto +autoabstract +autoactivation +autoactive +autoaddress +autoagglutinating +autoagglutination +autoagglutinin +autoalarm +autoalkylation +autoallogamous +autoallogamy +autoanalysis +autoanalytic +autoantibody +autoanticomplement +autoantitoxin +autoasphyxiation +autoaspiration +autoassimilation +autobahn +autobasidia +Autobasidiomycetes +autobasidiomycetous +autobasidium +Autobasisii +autobiographal +autobiographer +autobiographic +autobiographical +autobiographically +autobiographist +autobiography +autobiology +autoblast +autoboat +autoboating +autobolide +autobus +autocab +autocade +autocall +autocamp +autocamper +autocamping +autocar +autocarist +autocarpian +autocarpic +autocarpous +autocatalepsy +autocatalysis +autocatalytic +autocatalytically +autocatalyze +autocatheterism +autocephalia +autocephality +autocephalous +autocephaly +autoceptive +autochemical +autocholecystectomy +autochrome +autochromy +autochronograph +autochthon +autochthonal +autochthonic +autochthonism +autochthonous +autochthonously +autochthonousness +autochthony +autocide +autocinesis +autoclasis +autoclastic +autoclave +autocoenobium +autocoherer +autocoid +autocollimation +autocollimator +autocolony +autocombustible +autocombustion +autocomplexes +autocondensation +autoconduction +autoconvection +autoconverter +autocopist +autocoprophagous +autocorrosion +autocracy +autocrat +autocratic +autocratical +autocratically +autocrator +autocratoric +autocratorical +autocratrix +autocratship +autocremation +autocriticism +autocystoplasty +autocytolysis +autocytolytic +autodecomposition +autodepolymerization +autodermic +autodestruction +autodetector +autodiagnosis +autodiagnostic +autodiagrammatic +autodidact +autodidactic +autodifferentiation +autodiffusion +autodigestion +autodigestive +autodrainage +autodrome +autodynamic +autodyne +autoecholalia +autoecic +autoecious +autoeciously +autoeciousness +autoecism +autoecous +autoecy +autoeducation +autoeducative +autoelectrolysis +autoelectrolytic +autoelectronic +autoelevation +autoepigraph +autoepilation +autoerotic +autoerotically +autoeroticism +autoerotism +autoexcitation +autofecundation +autofermentation +autoformation +autofrettage +autogamic +autogamous +autogamy +autogauge +autogeneal +autogenesis +autogenetic +autogenetically +autogenic +autogenous +autogenously +autogeny +Autogiro +autogiro +autognosis +autognostic +autograft +autografting +autogram +autograph +autographal +autographer +autographic +autographical +autographically +autographism +autographist +autographometer +autography +autogravure +Autoharp +autoharp +autoheader +autohemic +autohemolysin +autohemolysis +autohemolytic +autohemorrhage +autohemotherapy +autoheterodyne +autoheterosis +autohexaploid +autohybridization +autohypnosis +autohypnotic +autohypnotism +autohypnotization +autoicous +autoignition +autoimmunity +autoimmunization +autoinduction +autoinductive +autoinfection +autoinfusion +autoinhibited +autoinoculable +autoinoculation +autointellectual +autointoxicant +autointoxication +autoirrigation +autoist +autojigger +autojuggernaut +autokinesis +autokinetic +autokrator +autolaryngoscope +autolaryngoscopic +autolaryngoscopy +autolater +autolatry +autolavage +autolesion +autolimnetic +autolith +autoloading +autological +autologist +autologous +autology +autoluminescence +autoluminescent +autolysate +autolysin +autolysis +autolytic +Autolytus +autolyzate +autolyze +automa +automacy +automanual +automat +automata +automatic +automatical +automatically +automaticity +automatin +automatism +automatist +automatization +automatize +automatograph +automaton +automatonlike +automatous +automechanical +automelon +autometamorphosis +autometric +autometry +automobile +automobilism +automobilist +automobilistic +automobility +automolite +automonstration +automorph +automorphic +automorphically +automorphism +automotive +automotor +automower +automysophobia +autonegation +autonephrectomy +autonephrotoxin +autoneurotoxin +autonitridation +autonoetic +autonomasy +autonomic +autonomical +autonomically +autonomist +autonomize +autonomous +autonomously +autonomy +autonym +autoparasitism +autopathic +autopathography +autopathy +autopelagic +autopepsia +autophagi +autophagia +autophagous +autophagy +autophobia +autophoby +autophon +autophone +autophonoscope +autophonous +autophony +autophotoelectric +autophotograph +autophotometry +autophthalmoscope +autophyllogeny +autophyte +autophytic +autophytically +autophytograph +autophytography +autopilot +autoplagiarism +autoplasmotherapy +autoplast +autoplastic +autoplasty +autopneumatic +autopoint +autopoisonous +autopolar +autopolo +autopoloist +autopolyploid +autopore +autoportrait +autoportraiture +autopositive +autopotent +autoprogressive +autoproteolysis +autoprothesis +autopsic +autopsical +autopsy +autopsychic +autopsychoanalysis +autopsychology +autopsychorhythmia +autopsychosis +autoptic +autoptical +autoptically +autopticity +autopyotherapy +autoracemization +autoradiograph +autoradiographic +autoradiography +autoreduction +autoregenerator +autoregulation +autoreinfusion +autoretardation +autorhythmic +autorhythmus +autoriser +autorotation +autorrhaphy +Autosauri +Autosauria +autoschediasm +autoschediastic +autoschediastical +autoschediastically +autoschediaze +autoscience +autoscope +autoscopic +autoscopy +autosender +autosensitization +autosensitized +autosepticemia +autoserotherapy +autoserum +autosexing +autosight +autosign +autosite +autositic +autoskeleton +autosled +autoslip +autosomal +autosomatognosis +autosomatognostic +autosome +autosoteric +autosoterism +autospore +autosporic +autospray +autostability +autostage +autostandardization +autostarter +autostethoscope +autostylic +autostylism +autostyly +autosuggestibility +autosuggestible +autosuggestion +autosuggestionist +autosuggestive +autosuppression +autosymbiontic +autosymbolic +autosymbolical +autosymbolically +autosymnoia +Autosyn +autosyndesis +autotelegraph +autotelic +autotetraploid +autotetraploidy +autothaumaturgist +autotheater +autotheism +autotheist +autotherapeutic +autotherapy +autothermy +autotomic +autotomize +autotomous +autotomy +autotoxaemia +autotoxic +autotoxication +autotoxicity +autotoxicosis +autotoxin +autotoxis +autotractor +autotransformer +autotransfusion +autotransplant +autotransplantation +autotrepanation +autotriploid +autotriploidy +autotroph +autotrophic +autotrophy +autotropic +autotropically +autotropism +autotruck +autotuberculin +autoturning +autotype +autotyphization +autotypic +autotypography +autotypy +autourine +autovaccination +autovaccine +autovalet +autovalve +autovivisection +autoxeny +autoxidation +autoxidator +autoxidizability +autoxidizable +autoxidize +autoxidizer +autozooid +autrefois +autumn +autumnal +autumnally +autumnian +autumnity +Autunian +autunite +auxamylase +auxanogram +auxanology +auxanometer +auxesis +auxetic +auxetical +auxetically +auxiliar +auxiliarly +auxiliary +auxiliate +auxiliation +auxiliator +auxiliatory +auxilium +auximone +auxin +auxinic +auxinically +auxoaction +auxoamylase +auxoblast +auxobody +auxocardia +auxochrome +auxochromic +auxochromism +auxochromous +auxocyte +auxoflore +auxofluor +auxograph +auxographic +auxohormone +auxology +auxometer +auxospore +auxosubstance +auxotonic +auxotox +ava +avadana +avadavat +avadhuta +avahi +avail +availability +available +availableness +availably +availingly +availment +aval +avalanche +avalent +avalvular +Avanguardisti +avania +avanious +Avanti +avanturine +Avar +Avaradrano +avaremotemo +Avarian +avarice +avaricious +avariciously +avariciousness +Avarish +Avars +avascular +avast +avaunt +Ave +ave +avellan +avellane +avellaneous +avellano +avelonge +aveloz +Avena +avenaceous +avenage +avenalin +avener +avenge +avengeful +avengement +avenger +avengeress +avenging +avengingly +avenin +avenolith +avenous +avens +aventail +Aventine +aventurine +avenue +aver +avera +average +averagely +averager +averah +averil +averin +averment +Avernal +Avernus +averrable +averral +Averrhoa +Averroism +Averroist +Averroistic +averruncate +averruncation +averruncator +aversant +aversation +averse +aversely +averseness +aversion +aversive +avert +avertable +averted +avertedly +averter +avertible +Avertin +Avery +Aves +Avesta +Avestan +avian +avianization +avianize +aviarist +aviary +aviate +aviatic +aviation +aviator +aviatorial +aviatoriality +aviatory +aviatress +aviatrices +aviatrix +Avicennia +Avicenniaceae +Avicennism +avichi +avicide +avick +avicolous +Avicula +avicular +Avicularia +avicularia +avicularian +Aviculariidae +Avicularimorphae +avicularium +Aviculidae +aviculture +aviculturist +avid +avidious +avidiously +avidity +avidly +avidous +avidya +avifauna +avifaunal +avigate +avigation +avigator +Avignonese +avijja +Avikom +avine +aviolite +avirulence +avirulent +Avis +aviso +avital +avitaminosis +avitaminotic +avitic +avives +avizandum +avo +avocado +avocate +avocation +avocative +avocatory +avocet +avodire +avogadrite +avoid +avoidable +avoidably +avoidance +avoider +avoidless +avoidment +avoirdupois +avolate +avolation +avolitional +avondbloem +avouch +avouchable +avoucher +avouchment +avourneen +avow +avowable +avowableness +avowably +avowal +avowance +avowant +avowed +avowedly +avowedness +avower +avowry +avoyer +avoyership +Avshar +avulse +avulsion +avuncular +avunculate +aw +awa +Awabakal +awabi +Awadhi +awaft +awag +await +awaiter +Awaitlala +awakable +awake +awaken +awakenable +awakener +awakening +awakeningly +awakenment +awald +awalim +awalt +Awan +awane +awanting +awapuhi +award +awardable +awarder +awardment +aware +awaredom +awareness +awaruite +awash +awaste +awat +awatch +awater +awave +away +awayness +awber +awd +awe +awearied +aweary +aweather +aweband +awedness +awee +aweek +aweel +aweigh +Awellimiden +awesome +awesomely +awesomeness +awest +aweto +awfu +awful +awfully +awfulness +awheel +awheft +awhet +awhile +awhir +awhirl +awide +awiggle +awikiwiki +awin +awing +awink +awiwi +awkward +awkwardish +awkwardly +awkwardness +awl +awless +awlessness +awlwort +awmous +awn +awned +awner +awning +awninged +awnless +awnlike +awny +awoke +Awol +awork +awreck +awrist +awrong +awry +Awshar +ax +axal +axbreaker +axe +axed +Axel +axenic +axes +axfetch +axhammer +axhammered +axhead +axial +axiality +axially +axiate +axiation +Axifera +axiform +axifugal +axil +axile +axilemma +axilemmata +axilla +axillae +axillant +axillar +axillary +axine +axinite +axinomancy +axiolite +axiolitic +axiological +axiologically +axiologist +axiology +axiom +axiomatic +axiomatical +axiomatically +axiomatization +axiomatize +axion +axiopisty +Axis +axis +axised +axisymmetric +axisymmetrical +axite +axle +axled +axlesmith +axletree +axmaker +axmaking +axman +axmanship +axmaster +Axminster +axodendrite +axofugal +axogamy +axoid +axoidean +axolemma +axolotl +axolysis +axometer +axometric +axometry +axon +axonal +axoneure +axoneuron +Axonia +Axonolipa +axonolipous +axonometric +axonometry +Axonophora +axonophorous +Axonopus +axonost +axopetal +axophyte +axoplasm +axopodia +axopodium +axospermous +axostyle +axseed +axstone +axtree +Axumite +axunge +axweed +axwise +axwort +Ay +ay +ayacahuite +ayah +Ayahuca +Aydendron +aye +ayegreen +ayelp +ayenbite +ayin +Aylesbury +ayless +aylet +ayllu +Aymara +Aymaran +Aymoro +ayond +ayont +ayous +Ayrshire +Aythya +ayu +Ayubite +Ayyubid +azadrachta +azafrin +Azalea +azalea +Azande +azarole +azedarach +azelaic +azelate +Azelfafage +azeotrope +azeotropic +azeotropism +azeotropy +Azerbaijanese +Azerbaijani +Azerbaijanian +Azha +azide +aziethane +Azilian +azilut +Azimech +azimene +azimethylene +azimide +azimine +azimino +aziminobenzene +azimuth +azimuthal +azimuthally +azine +aziola +azlactone +azo +azobacter +azobenzene +azobenzil +azobenzoic +azobenzol +azoblack +azoch +azocochineal +azocoralline +azocorinth +azocyanide +azocyclic +azodicarboxylic +azodiphenyl +azodisulphonic +azoeosin +azoerythrin +azofication +azofier +azoflavine +azoformamide +azoformic +azofy +azogallein +azogreen +azogrenadine +azohumic +azoic +azoimide +azoisobutyronitrile +azole +azolitmin +Azolla +azomethine +azon +azonal +azonaphthalene +azonic +azonium +azoospermia +azoparaffin +azophen +azophenetole +azophenine +azophenol +azophenyl +azophenylene +azophosphin +azophosphore +azoprotein +Azorian +azorite +azorubine +azosulphine +azosulphonic +azotate +azote +azoted +azotemia +azotenesis +azotetrazole +azoth +azothionium +azotic +azotine +azotite +azotize +Azotobacter +Azotobacterieae +azotoluene +azotometer +azotorrhoea +azotous +azoturia +azovernine +azox +azoxazole +azoxime +azoxine +azoxonium +azoxy +azoxyanisole +azoxybenzene +azoxybenzoic +azoxynaphthalene +azoxyphenetole +azoxytoluidine +Aztec +Azteca +azteca +Aztecan +azthionium +azulene +azulite +azulmic +azumbre +azure +azurean +azured +azureous +azurine +azurite +azurmalachite +azurous +azury +Azygobranchia +Azygobranchiata +azygobranchiate +azygomatous +azygos +azygosperm +azygospore +azygous +azyme +azymite +azymous +B +b +ba +baa +baahling +Baal +baal +Baalath +Baalish +Baalism +Baalist +Baalite +Baalitical +Baalize +Baalshem +baar +Bab +baba +babacoote +babai +babasco +babassu +babaylan +Babbie +Babbitt +babbitt +babbitter +Babbittess +Babbittian +Babbittism +Babbittry +babblative +babble +babblement +babbler +babblesome +babbling +babblingly +babblish +babblishly +babbly +babby +Babcock +babe +babehood +Babel +Babeldom +babelet +Babelic +babelike +Babelish +Babelism +Babelize +babery +babeship +Babesia +babesiasis +Babhan +Babi +Babiana +babiche +babied +Babiism +babillard +Babine +babingtonite +babirusa +babish +babished +babishly +babishness +Babism +Babist +Babite +bablah +babloh +baboen +Babongo +baboo +baboodom +babooism +baboon +baboonery +baboonish +baboonroot +baboot +babouche +Babouvism +Babouvist +babroot +Babs +babu +Babua +babudom +babuina +babuism +babul +Babuma +Babungera +babushka +baby +babydom +babyfied +babyhood +babyhouse +babyish +babyishly +babyishness +babyism +babylike +Babylon +Babylonian +Babylonic +Babylonish +Babylonism +Babylonite +Babylonize +babyolatry +babyship +bac +bacaba +bacach +bacalao +bacao +bacbakiri +bacca +baccaceous +baccae +baccalaurean +baccalaureate +baccara +baccarat +baccate +baccated +Bacchae +bacchanal +Bacchanalia +bacchanalian +bacchanalianism +bacchanalianly +bacchanalism +bacchanalization +bacchanalize +bacchant +bacchante +bacchantes +bacchantic +bacchar +baccharis +baccharoid +baccheion +bacchiac +bacchian +Bacchic +bacchic +Bacchical +Bacchides +bacchii +bacchius +Bacchus +Bacchuslike +bacciferous +bacciform +baccivorous +bach +Bacharach +bache +bachel +bachelor +bachelordom +bachelorhood +bachelorism +bachelorize +bachelorlike +bachelorly +bachelorship +bachelorwise +bachelry +Bachichi +Bacillaceae +bacillar +Bacillariaceae +bacillariaceous +Bacillariales +Bacillarieae +Bacillariophyta +bacillary +bacillemia +bacilli +bacillian +bacillicidal +bacillicide +bacillicidic +bacilliculture +bacilliform +bacilligenic +bacilliparous +bacillite +bacillogenic +bacillogenous +bacillophobia +bacillosis +bacilluria +bacillus +Bacis +bacitracin +back +backache +backaching +backachy +backage +backband +backbearing +backbencher +backbite +backbiter +backbitingly +backblow +backboard +backbone +backboned +backboneless +backbonelessness +backbrand +backbreaker +backbreaking +backcap +backcast +backchain +backchat +backcourt +backcross +backdoor +backdown +backdrop +backed +backen +backer +backet +backfall +backfatter +backfield +backfill +backfiller +backfilling +backfire +backfiring +backflap +backflash +backflow +backfold +backframe +backfriend +backfurrow +backgame +backgammon +background +backhand +backhanded +backhandedly +backhandedness +backhander +backhatch +backheel +backhooker +backhouse +backie +backiebird +backing +backjaw +backjoint +backlands +backlash +backlashing +backless +backlet +backlings +backlog +backlotter +backmost +backpedal +backpiece +backplate +backrope +backrun +backsaw +backscraper +backset +backsetting +backsettler +backshift +backside +backsight +backslap +backslapper +backslapping +backslide +backslider +backslidingness +backspace +backspacer +backspang +backspier +backspierer +backspin +backspread +backspringing +backstaff +backstage +backstamp +backstay +backster +backstick +backstitch +backstone +backstop +backstrap +backstretch +backstring +backstrip +backstroke +backstromite +backswept +backswing +backsword +backswording +backswordman +backswordsman +backtack +backtender +backtenter +backtrack +backtracker +backtrick +backup +backveld +backvelder +backwall +backward +backwardation +backwardly +backwardness +backwards +backwash +backwasher +backwashing +backwater +backwatered +backway +backwood +backwoods +backwoodsiness +backwoodsman +backwoodsy +backword +backworm +backwort +backyarder +baclin +bacon +baconer +Baconian +Baconianism +Baconic +Baconism +Baconist +baconize +baconweed +bacony +Bacopa +bacteremia +bacteria +Bacteriaceae +bacteriaceous +bacterial +bacterially +bacterian +bacteric +bactericholia +bactericidal +bactericide +bactericidin +bacterid +bacteriemia +bacteriform +bacterin +bacterioagglutinin +bacterioblast +bacteriocyte +bacteriodiagnosis +bacteriofluorescin +bacteriogenic +bacteriogenous +bacteriohemolysin +bacterioid +bacterioidal +bacteriologic +bacteriological +bacteriologically +bacteriologist +bacteriology +bacteriolysin +bacteriolysis +bacteriolytic +bacteriolyze +bacteriopathology +bacteriophage +bacteriophagia +bacteriophagic +bacteriophagous +bacteriophagy +bacteriophobia +bacterioprecipitin +bacterioprotein +bacteriopsonic +bacteriopsonin +bacteriopurpurin +bacterioscopic +bacterioscopical +bacterioscopically +bacterioscopist +bacterioscopy +bacteriosis +bacteriosolvent +bacteriostasis +bacteriostat +bacteriostatic +bacteriotherapeutic +bacteriotherapy +bacteriotoxic +bacteriotoxin +bacteriotropic +bacteriotropin +bacteriotrypsin +bacterious +bacteritic +bacterium +bacteriuria +bacterization +bacterize +bacteroid +bacteroidal +Bacteroideae +Bacteroides +Bactrian +Bactris +Bactrites +bactriticone +bactritoid +bacula +bacule +baculi +baculiferous +baculiform +baculine +baculite +Baculites +baculitic +baculiticone +baculoid +baculum +baculus +bacury +bad +Badaga +badan +Badarian +badarrah +Badawi +baddeleyite +badderlocks +baddish +baddishly +baddishness +baddock +bade +badenite +badge +badgeless +badgeman +badger +badgerbrush +badgerer +badgeringly +badgerlike +badgerly +badgerweed +badiaga +badian +badigeon +badinage +badious +badland +badlands +badly +badminton +badness +Badon +Baduhenna +bae +Baedeker +Baedekerian +Baeria +baetuli +baetulus +baetyl +baetylic +baetylus +baetzner +bafaro +baff +baffeta +baffle +bafflement +baffler +baffling +bafflingly +bafflingness +baffy +baft +bafta +Bafyot +bag +baga +Baganda +bagani +bagasse +bagataway +bagatelle +bagatine +bagattini +bagattino +Bagaudae +Bagdad +Bagdi +bagel +bagful +baggage +baggageman +baggagemaster +baggager +baggala +bagganet +Baggara +bagged +bagger +baggie +baggily +bagginess +bagging +baggit +baggy +Bagheli +baghouse +Baginda +Bagirmi +bagleaves +baglike +bagmaker +bagmaking +bagman +bagnio +bagnut +bago +Bagobo +bagonet +bagpipe +bagpiper +bagpipes +bagplant +bagrationite +bagre +bagreef +bagroom +baguette +bagwig +bagwigged +bagworm +bagwyn +bah +Bahai +Bahaism +Bahaist +Baham +Bahama +Bahamian +bahan +bahar +Bahaullah +bahawder +bahay +bahera +bahiaite +Bahima +bahisti +Bahmani +Bahmanid +bahnung +baho +bahoe +bahoo +baht +Bahuma +bahur +bahut +Bahutu +bahuvrihi +Baianism +baidarka +Baidya +Baiera +baiginet +baignet +baikalite +baikerinite +baikerite +baikie +bail +bailable +bailage +bailee +bailer +bailey +bailie +bailiery +bailieship +bailiff +bailiffry +bailiffship +bailiwick +bailliage +baillone +Baillonella +bailment +bailor +bailpiece +bailsman +bailwood +bain +bainie +Baining +baioc +baiocchi +baiocco +bairagi +Bairam +bairn +bairnie +bairnish +bairnishness +bairnliness +bairnly +bairnteam +bairntime +bairnwort +Bais +Baisakh +baister +bait +baiter +baith +baittle +baitylos +baize +bajada +bajan +Bajardo +bajarigar +Bajau +Bajocian +bajra +bajree +bajri +bajury +baka +Bakairi +bakal +Bakalai +Bakalei +Bakatan +bake +bakeboard +baked +bakehouse +Bakelite +bakelite +bakelize +baken +bakeoven +bakepan +baker +bakerdom +bakeress +bakerite +bakerless +bakerly +bakership +bakery +bakeshop +bakestone +Bakhtiari +bakie +baking +bakingly +bakli +Bakongo +Bakshaish +baksheesh +baktun +Baku +baku +Bakuba +bakula +Bakunda +Bakuninism +Bakuninist +bakupari +Bakutu +Bakwiri +Bal +bal +Bala +Balaam +Balaamite +Balaamitical +balachong +balaclava +baladine +Balaena +Balaenicipites +balaenid +Balaenidae +balaenoid +Balaenoidea +balaenoidean +Balaenoptera +Balaenopteridae +balafo +balagan +balaghat +balai +Balaic +Balak +Balaklava +balalaika +Balan +balance +balanceable +balanced +balancedness +balancelle +balanceman +balancement +balancer +balancewise +balancing +balander +balandra +balandrana +balaneutics +balangay +balanic +balanid +Balanidae +balaniferous +balanism +balanite +Balanites +balanitis +balanoblennorrhea +balanocele +Balanoglossida +Balanoglossus +balanoid +Balanophora +Balanophoraceae +balanophoraceous +balanophore +balanophorin +balanoplasty +balanoposthitis +balanopreputial +Balanops +Balanopsidaceae +Balanopsidales +balanorrhagia +Balanta +Balante +balantidial +balantidiasis +balantidic +balantidiosis +Balantidium +Balanus +Balao +balao +Balarama +balas +balata +balatong +balatron +balatronic +balausta +balaustine +balaustre +Balawa +Balawu +balboa +balbriggan +balbutiate +balbutient +balbuties +balconet +balconied +balcony +bald +baldachin +baldachined +baldachini +baldachino +baldberry +baldcrown +balden +balder +balderdash +baldhead +baldicoot +Baldie +baldish +baldling +baldly +baldmoney +baldness +baldpate +baldrib +baldric +baldricked +baldricwise +balductum +Baldwin +baldy +bale +Balearian +Balearic +Balearica +baleen +balefire +baleful +balefully +balefulness +balei +baleise +baleless +baler +balete +Bali +bali +balibago +Balija +Balilla +baline +Balinese +balinger +balinghasay +balisaur +balistarius +Balistes +balistid +Balistidae +balistraria +balita +balk +Balkan +Balkanic +Balkanization +Balkanize +Balkar +balker +balkingly +Balkis +balky +ball +ballad +ballade +balladeer +ballader +balladeroyal +balladic +balladical +balladier +balladism +balladist +balladize +balladlike +balladling +balladmonger +balladmongering +balladry +balladwise +ballahoo +ballam +ballan +ballant +ballast +ballastage +ballaster +ballasting +ballata +ballate +ballatoon +balldom +balled +baller +ballerina +ballet +balletic +balletomane +Ballhausplatz +balli +ballist +ballista +ballistae +ballistic +ballistically +ballistician +ballistics +Ballistite +ballistocardiograph +ballium +ballmine +ballogan +ballonet +balloon +balloonation +ballooner +balloonery +balloonet +balloonfish +balloonflower +balloonful +ballooning +balloonish +balloonist +balloonlike +ballot +Ballota +ballotade +ballotage +balloter +balloting +ballotist +ballottement +ballow +Ballplatz +ballplayer +ballproof +ballroom +ballstock +ballup +ballweed +bally +ballyhack +ballyhoo +ballyhooer +ballywack +ballywrack +balm +balmacaan +Balmarcodes +Balmawhapple +balmily +balminess +balmlike +balmony +Balmoral +balmy +balneal +balneary +balneation +balneatory +balneographer +balneography +balneologic +balneological +balneologist +balneology +balneophysiology +balneotechnics +balneotherapeutics +balneotherapia +balneotherapy +Balnibarbi +Baloch +Baloghia +Balolo +balonea +baloney +baloo +Balopticon +Balor +Baloskion +Baloskionaceae +balow +balsa +balsam +balsamation +Balsamea +Balsameaceae +balsameaceous +balsamer +balsamic +balsamical +balsamically +balsamiferous +balsamina +Balsaminaceae +balsaminaceous +balsamine +balsamitic +balsamiticness +balsamize +balsamo +Balsamodendron +Balsamorrhiza +balsamous +balsamroot +balsamum +balsamweed +balsamy +Balt +baltei +balter +balteus +Balthasar +Balti +Baltic +Baltimore +Baltimorean +baltimorite +Baltis +balu +Baluba +Baluch +Baluchi +Baluchistan +baluchithere +baluchitheria +Baluchitherium +baluchitherium +Baluga +Balunda +balushai +baluster +balustered +balustrade +balustraded +balustrading +balut +balwarra +balza +Balzacian +balzarine +bam +Bamalip +Bamangwato +bamban +Bambara +bambini +bambino +bambocciade +bamboo +bamboozle +bamboozlement +bamboozler +Bambos +bamboula +Bambuba +Bambusa +Bambuseae +Bambute +bamoth +Ban +ban +Bana +banaba +banago +banak +banakite +banal +banality +banally +banana +Bananaland +Bananalander +Banande +bananist +bananivorous +banat +Banate +banatite +banausic +Banba +Banbury +banc +banca +bancal +banchi +banco +bancus +band +Banda +banda +bandage +bandager +bandagist +bandaite +bandaka +bandala +bandalore +bandanna +bandannaed +bandar +bandarlog +bandbox +bandboxical +bandboxy +bandcase +bandcutter +bande +bandeau +banded +bandelet +bander +Banderma +banderole +bandersnatch +bandfish +bandhava +bandhook +Bandhor +bandhu +bandi +bandicoot +bandicoy +bandie +bandikai +bandiness +banding +bandit +banditism +banditry +banditti +bandle +bandless +bandlessly +bandlessness +bandlet +bandman +bandmaster +bando +bandog +bandoleer +bandoleered +bandoline +bandonion +Bandor +bandore +bandrol +bandsman +bandstand +bandster +bandstring +Bandusia +Bandusian +bandwork +bandy +bandyball +bandyman +bane +baneberry +baneful +banefully +banefulness +banewort +Banff +bang +banga +Bangala +bangalay +bangalow +Bangash +bangboard +bange +banger +banghy +Bangia +Bangiaceae +bangiaceous +Bangiales +banging +bangkok +bangle +bangled +bangling +bangster +bangtail +Bangwaketsi +bani +banian +banig +banilad +banish +banisher +banishment +banister +Baniva +baniwa +baniya +banjo +banjoist +banjore +banjorine +banjuke +bank +bankable +Bankalachi +bankbook +banked +banker +bankera +bankerdom +bankeress +banket +bankfull +banking +bankman +bankrider +bankrupt +bankruptcy +bankruptism +bankruptlike +bankruptly +bankruptship +bankrupture +bankshall +Banksia +Banksian +bankside +banksman +bankweed +banky +banner +bannered +bannerer +banneret +bannerfish +bannerless +bannerlike +bannerman +bannerol +bannerwise +bannet +banning +bannister +Bannock +bannock +Bannockburn +banns +bannut +banovina +banquet +banqueteer +banqueteering +banqueter +banquette +bansalague +banshee +banstickle +bant +Bantam +bantam +bantamize +bantamweight +bantay +bantayan +banteng +banter +banterer +banteringly +bantery +Bantingism +bantingize +bantling +Bantoid +Bantu +banty +banuyo +banxring +banya +Banyai +banyan +Banyoro +Banyuls +banzai +baobab +bap +Baphia +Baphomet +Baphometic +Baptanodon +Baptisia +baptisin +baptism +baptismal +baptismally +Baptist +baptistery +baptistic +baptizable +baptize +baptizee +baptizement +baptizer +Baptornis +bar +bara +barabara +barabora +Barabra +Baraca +barad +baragnosis +baragouin +baragouinish +Baraithas +barajillo +Baralipton +Baramika +barandos +barangay +barasingha +barathea +barathra +barathrum +barauna +barb +Barbacoa +Barbacoan +barbacou +Barbadian +Barbados +barbal +barbaloin +Barbara +barbaralalia +Barbarea +barbaresque +Barbarian +barbarian +barbarianism +barbarianize +barbaric +barbarical +barbarically +barbarious +barbariousness +barbarism +barbarity +barbarization +barbarize +barbarous +barbarously +barbarousness +Barbary +barbary +barbas +barbasco +barbastel +barbate +barbated +barbatimao +barbe +barbecue +barbed +barbeiro +barbel +barbellate +barbellula +barbellulate +barber +barberess +barberfish +barberish +barberry +barbershop +barbet +barbette +Barbeyaceae +barbican +barbicel +barbigerous +barbion +barbital +barbitalism +barbiton +barbitone +barbitos +barbiturate +barbituric +barbless +barblet +barbone +barbotine +Barbra +barbudo +Barbula +barbulate +barbule +barbulyie +barbwire +Barcan +barcarole +barcella +barcelona +Barcoo +bard +bardane +bardash +bardcraft +bardel +Bardesanism +Bardesanist +Bardesanite +bardess +bardic +bardie +bardiglio +bardily +bardiness +barding +bardish +bardism +bardlet +bardlike +bardling +bardo +Bardolater +Bardolatry +Bardolph +Bardolphian +bardship +Bardulph +bardy +Bare +bare +bareback +barebacked +bareboat +barebone +bareboned +bareca +barefaced +barefacedly +barefacedness +barefit +barefoot +barefooted +barehanded +barehead +bareheaded +bareheadedness +barelegged +barely +barenecked +bareness +barer +baresark +baresma +baretta +barff +barfish +barfly +barful +bargain +bargainee +bargainer +bargainor +bargainwise +bargander +barge +bargeboard +bargee +bargeer +bargeese +bargehouse +bargelike +bargeload +bargeman +bargemaster +barger +bargh +bargham +barghest +bargoose +Bari +bari +baria +baric +barid +barie +barile +barilla +baring +baris +barish +barit +barite +baritone +barium +bark +barkbound +barkcutter +barkeeper +barken +barkentine +barker +barkery +barkevikite +barkevikitic +barkey +barkhan +barking +barkingly +Barkinji +barkle +barkless +barklyite +barkometer +barkpeel +barkpeeler +barkpeeling +barksome +barky +barlafumble +barlafummil +barless +barley +barleybird +barleybreak +barleycorn +barleyhood +barleymow +barleysick +barling +barlock +barlow +barm +barmaid +barman +barmaster +barmbrack +barmcloth +Barmecidal +Barmecide +barmkin +barmote +barmskin +barmy +barmybrained +barn +Barnabas +Barnabite +Barnaby +barnacle +Barnard +barnard +barnbrack +Barnburner +Barney +barney +barnful +barnhardtite +barnman +barnstorm +barnstormer +barnstorming +Barnumism +Barnumize +barny +barnyard +Baroco +barocyclonometer +barodynamic +barodynamics +barognosis +barogram +barograph +barographic +baroi +barolo +barology +Barolong +barometer +barometric +barometrical +barometrically +barometrograph +barometrography +barometry +barometz +baromotor +baron +baronage +baroness +baronet +baronetage +baronetcy +baronethood +baronetical +baronetship +barong +Baronga +baronial +baronize +baronry +baronship +barony +Baroque +baroque +baroscope +baroscopic +baroscopical +Barosma +barosmin +barotactic +barotaxis +barotaxy +barothermograph +barothermohygrograph +baroto +Barotse +barouche +barouchet +Barouni +baroxyton +barpost +barquantine +barra +barrabkie +barrable +barrabora +barracan +barrack +barracker +barraclade +barracoon +barracouta +barracuda +barrad +barragan +barrage +barragon +barramunda +barramundi +barranca +barrandite +barras +barrator +barratrous +barratrously +barratry +barred +barrel +barrelage +barreled +barreler +barrelet +barrelful +barrelhead +barrelmaker +barrelmaking +barrelwise +barren +barrenly +barrenness +barrenwort +barrer +barret +Barrett +barrette +barretter +barricade +barricader +barricado +barrico +barrier +barriguda +barrigudo +barrikin +barriness +barring +Barrington +Barringtonia +Barrio +barrio +barrister +barristerial +barristership +barristress +barroom +barrow +barrowful +Barrowist +barrowman +barrulee +barrulet +barrulety +barruly +Barry +barry +Barsac +barse +barsom +Bart +bartender +bartending +barter +barterer +barth +barthite +bartholinitis +Bartholomean +Bartholomew +Bartholomewtide +Bartholomite +bartizan +bartizaned +Bartlemy +Bartlett +Barton +barton +Bartonella +Bartonia +Bartram +Bartramia +Bartramiaceae +Bartramian +Bartsia +baru +Baruch +Barundi +baruria +barvel +barwal +barway +barways +barwise +barwood +barycenter +barycentric +barye +baryecoia +baryglossia +barylalia +barylite +baryphonia +baryphonic +baryphony +barysilite +barysphere +baryta +barytes +barythymia +barytic +barytine +barytocalcite +barytocelestine +barytocelestite +baryton +barytone +barytophyllite +barytostrontianite +barytosulphate +bas +basal +basale +basalia +basally +basalt +basaltes +basaltic +basaltiform +basaltine +basaltoid +basanite +basaree +Bascology +bascule +base +baseball +baseballdom +baseballer +baseboard +baseborn +basebred +based +basehearted +baseheartedness +baselard +baseless +baselessly +baselessness +baselike +baseliner +Basella +Basellaceae +basellaceous +basely +baseman +basement +basementward +baseness +basenji +bases +bash +bashaw +bashawdom +bashawism +bashawship +bashful +bashfully +bashfulness +Bashilange +Bashkir +bashlyk +Bashmuric +basial +basialveolar +basiarachnitis +basiarachnoiditis +basiate +basiation +Basibracteolate +basibranchial +basibranchiate +basibregmatic +basic +basically +basichromatic +basichromatin +basichromatinic +basichromiole +basicity +basicranial +basicytoparaplastin +basidia +basidial +basidigital +basidigitale +basidiogenetic +basidiolichen +Basidiolichenes +basidiomycete +Basidiomycetes +basidiomycetous +basidiophore +basidiospore +basidiosporous +basidium +basidorsal +basifacial +basification +basifier +basifixed +basifugal +basify +basigamous +basigamy +basigenic +basigenous +basiglandular +basigynium +basihyal +basihyoid +Basil +basil +basilar +Basilarchia +basilary +basilateral +basilemma +basileus +Basilian +basilic +Basilica +basilica +Basilicae +basilical +basilican +basilicate +basilicon +Basilics +Basilidian +Basilidianism +basilinna +basiliscan +basiliscine +Basiliscus +basilisk +basilissa +Basilosauridae +Basilosaurus +basilweed +basilysis +basilyst +basimesostasis +basin +basinasal +basinasial +basined +basinerved +basinet +basinlike +basioccipital +basion +basiophitic +basiophthalmite +basiophthalmous +basiotribe +basiotripsy +basiparachromatin +basiparaplastin +basipetal +basiphobia +basipodite +basipoditic +basipterygial +basipterygium +basipterygoid +basiradial +basirhinal +basirostral +basis +basiscopic +basisphenoid +basisphenoidal +basitemporal +basiventral +basivertebral +bask +basker +Baskerville +basket +basketball +basketballer +basketful +basketing +basketmaker +basketmaking +basketry +basketware +basketwoman +basketwood +basketwork +basketworm +Baskish +Baskonize +Basoche +Basoga +basoid +Basoko +Basommatophora +basommatophorous +bason +Basongo +basophile +basophilia +basophilic +basophilous +basophobia +basos +basote +Basque +basque +basqued +basquine +bass +Bassa +Bassalia +Bassalian +bassan +bassanello +bassanite +bassara +bassarid +Bassaris +Bassariscus +bassarisk +basset +bassetite +bassetta +Bassia +bassie +bassine +bassinet +bassist +bassness +basso +bassoon +bassoonist +bassorin +bassus +basswood +Bast +bast +basta +Bastaard +Bastard +bastard +bastardism +bastardization +bastardize +bastardliness +bastardly +bastardy +baste +basten +baster +bastide +bastille +bastinade +bastinado +basting +bastion +bastionary +bastioned +bastionet +bastite +bastnasite +basto +baston +basurale +Basuto +Bat +bat +bataan +batad +Batak +batakan +bataleur +Batan +batara +batata +Batatas +batatilla +Batavi +Batavian +batch +batcher +bate +batea +bateau +bateaux +bated +Batekes +batel +bateman +batement +bater +Batetela +batfish +batfowl +batfowler +batfowling +Bath +bath +Bathala +bathe +batheable +bather +bathetic +bathflower +bathhouse +bathic +bathing +bathless +bathman +bathmic +bathmism +bathmotropic +bathmotropism +bathochromatic +bathochromatism +bathochrome +bathochromic +bathochromy +bathoflore +bathofloric +batholite +batholith +batholithic +batholitic +bathometer +Bathonian +bathophobia +bathorse +bathos +bathrobe +bathroom +bathroomed +bathroot +bathtub +bathukolpian +bathukolpic +bathvillite +bathwort +bathyal +bathyanesthesia +bathybian +bathybic +bathybius +bathycentesis +bathychrome +bathycolpian +bathycolpic +bathycurrent +bathyesthesia +bathygraphic +bathyhyperesthesia +bathyhypesthesia +bathylimnetic +bathylite +bathylith +bathylithic +bathylitic +bathymeter +bathymetric +bathymetrical +bathymetrically +bathymetry +bathyorographical +bathypelagic +bathyplankton +bathyseism +bathysmal +bathysophic +bathysophical +bathysphere +bathythermograph +Batidaceae +batidaceous +batik +batiker +batikulin +batikuling +bating +batino +Batis +batiste +batitinan +batlan +batlike +batling +batlon +batman +Batocrinidae +Batocrinus +Batodendron +batoid +Batoidei +Batoka +baton +Batonga +batonistic +batonne +batophobia +Batrachia +batrachian +batrachiate +Batrachidae +Batrachium +batrachoid +Batrachoididae +batrachophagous +Batrachophidia +batrachophobia +batrachoplasty +Batrachospermum +bats +batsman +batsmanship +batster +batswing +batt +Batta +batta +battailous +Battak +Battakhin +battalia +battalion +battarism +battarismus +battel +batteler +batten +battener +battening +batter +batterable +battercake +batterdock +battered +batterer +batterfang +batteried +batterman +battery +batteryman +battik +batting +battish +battle +battled +battledore +battlefield +battleful +battleground +battlement +battlemented +battleplane +battler +battleship +battlesome +battlestead +battlewagon +battleward +battlewise +battological +battologist +battologize +battology +battue +batty +batukite +batule +Batussi +Batwa +batwing +batyphone +batz +batzen +bauble +baublery +baubling +Baubo +bauch +bauchle +bauckie +bauckiebird +baud +baudekin +baudrons +Bauera +Bauhinia +baul +bauleah +Baume +baumhauerite +baun +bauno +Baure +bauson +bausond +bauta +bauxite +bauxitite +Bavarian +bavaroy +bavary +bavenite +baviaantje +Bavian +bavian +baviere +bavin +Bavius +bavoso +baw +bawarchi +bawbee +bawcock +bawd +bawdily +bawdiness +bawdry +bawdship +bawdyhouse +bawl +bawler +bawley +bawn +Bawra +bawtie +baxter +Baxterian +Baxterianism +baxtone +bay +Baya +baya +bayadere +bayal +bayamo +Bayard +bayard +bayardly +bayberry +baybolt +baybush +baycuru +bayed +bayeta +baygall +bayhead +bayish +bayldonite +baylet +baylike +bayman +bayness +Bayogoula +bayok +bayonet +bayoneted +bayoneteer +bayou +baywood +bazaar +baze +Bazigar +bazoo +bazooka +bazzite +bdellid +Bdellidae +bdellium +bdelloid +Bdelloida +Bdellostoma +Bdellostomatidae +Bdellostomidae +bdellotomy +Bdelloura +Bdellouridae +be +Bea +beach +beachcomb +beachcomber +beachcombing +beached +beachhead +beachlamar +beachless +beachman +beachmaster +beachward +beachy +beacon +beaconage +beaconless +beaconwise +bead +beaded +beader +beadflush +beadhouse +beadily +beadiness +beading +beadle +beadledom +beadlehood +beadleism +beadlery +beadleship +beadlet +beadlike +beadman +beadroll +beadrow +beadsman +beadswoman +beadwork +beady +Beagle +beagle +beagling +beak +beaked +beaker +beakerful +beakerman +beakermen +beakful +beakhead +beakiron +beaklike +beaky +beal +beala +bealing +beallach +bealtared +Bealtine +Bealtuinn +beam +beamage +beambird +beamed +beamer +beamfilling +beamful +beamhouse +beamily +beaminess +beaming +beamingly +beamish +beamless +beamlet +beamlike +beamman +beamsman +beamster +beamwork +beamy +bean +beanbag +beanbags +beancod +beanery +beanfeast +beanfeaster +beanfield +beanie +beano +beansetter +beanshooter +beanstalk +beant +beanweed +beany +beaproned +bear +bearable +bearableness +bearably +bearance +bearbaiter +bearbaiting +bearbane +bearberry +bearbind +bearbine +bearcoot +beard +bearded +bearder +beardie +bearding +beardless +beardlessness +beardom +beardtongue +beardy +bearer +bearess +bearfoot +bearherd +bearhide +bearhound +bearing +bearish +bearishly +bearishness +bearlet +bearlike +bearm +bearship +bearskin +beartongue +bearward +bearwood +bearwort +beast +beastbane +beastdom +beasthood +beastie +beastily +beastish +beastishness +beastlike +beastlily +beastliness +beastling +beastlings +beastly +beastman +beastship +beat +Beata +beata +beatable +beatae +beatee +beaten +beater +beaterman +beath +beatific +beatifical +beatifically +beatificate +beatification +beatify +beatinest +beating +beatitude +Beatrice +Beatrix +beatster +beatus +beau +Beauclerc +beaufin +Beaufort +beauish +beauism +Beaujolais +Beaumontia +Beaune +beaupere +beauseant +beauship +beauteous +beauteously +beauteousness +beauti +beautician +beautied +beautification +beautifier +beautiful +beautifully +beautifulness +beautify +beautihood +beauty +beautydom +beautyship +beaux +beaver +Beaverboard +beaverboard +beavered +beaverette +beaverish +beaverism +beaverite +beaverize +Beaverkill +beaverkin +beaverlike +beaverpelt +beaverroot +beaverteen +beaverwood +beavery +beback +bebait +beballed +bebang +bebannered +bebar +bebaron +bebaste +bebat +bebathe +bebatter +bebay +bebeast +bebed +bebeerine +bebeeru +bebelted +bebilya +bebite +bebization +beblain +beblear +bebled +bebless +beblister +beblood +bebloom +beblotch +beblubber +bebog +bebop +beboss +bebotch +bebothered +bebouldered +bebrave +bebreech +bebrine +bebrother +bebrush +bebump +bebusy +bebuttoned +becall +becalm +becalmment +becap +becard +becarpet +becarve +becassocked +becater +because +beccafico +becense +bechained +bechalk +bechance +becharm +bechase +bechatter +bechauffeur +becheck +becher +bechern +bechignoned +bechirp +Bechtler +Bechuana +becircled +becivet +Beck +beck +beckelite +becker +becket +Beckie +beckiron +beckon +beckoner +beckoning +beckoningly +Becky +beclad +beclamor +beclamour +beclang +beclart +beclasp +beclatter +beclaw +becloak +beclog +beclothe +becloud +beclout +beclown +becluster +becobweb +becoiffed +becollier +becolme +becolor +becombed +become +becomes +becoming +becomingly +becomingness +becomma +becompass +becompliment +becoom +becoresh +becost +becousined +becovet +becoward +becquerelite +becram +becramp +becrampon +becrawl +becreep +becrime +becrimson +becrinolined +becripple +becroak +becross +becrowd +becrown +becrush +becrust +becry +becudgel +becuffed +becuiba +becumber +becuna +becurl +becurry +becurse +becurtained +becushioned +becut +bed +bedabble +bedad +bedaggered +bedamn +bedamp +bedangled +bedare +bedark +bedarken +bedash +bedaub +bedawn +beday +bedaze +bedazement +bedazzle +bedazzlement +bedazzling +bedazzlingly +bedboard +bedbug +bedcap +bedcase +bedchair +bedchamber +bedclothes +bedcord +bedcover +bedded +bedder +bedding +bedead +bedeaf +bedeafen +bedebt +bedeck +bedecorate +bedeguar +bedel +beden +bedene +bedesman +bedevil +bedevilment +bedew +bedewer +bedewoman +bedfast +bedfellow +bedfellowship +bedflower +bedfoot +Bedford +bedframe +bedgery +bedgoer +bedgown +bediademed +bediamonded +bediaper +bedight +bedikah +bedim +bedimple +bedin +bedip +bedirt +bedirter +bedirty +bedismal +bedizen +bedizenment +bedkey +bedlam +bedlamer +Bedlamic +bedlamism +bedlamite +bedlamitish +bedlamize +bedlar +bedless +bedlids +bedmaker +bedmaking +bedman +bedmate +bedoctor +bedog +bedolt +bedot +bedote +Bedouin +Bedouinism +bedouse +bedown +bedoyo +bedpan +bedplate +bedpost +bedquilt +bedrabble +bedraggle +bedragglement +bedrail +bedral +bedrape +bedravel +bedrench +bedress +bedribble +bedrid +bedridden +bedriddenness +bedrift +bedright +bedrip +bedrivel +bedrizzle +bedrock +bedroll +bedroom +bedrop +bedrown +bedrowse +bedrug +bedscrew +bedsick +bedside +bedsite +bedsock +bedsore +bedspread +bedspring +bedstaff +bedstand +bedstaves +bedstead +bedstock +bedstraw +bedstring +bedtick +bedticking +bedtime +bedub +beduchess +beduck +beduke +bedull +bedumb +bedunce +bedunch +bedung +bedur +bedusk +bedust +bedwarf +bedway +bedways +bedwell +bedye +Bee +bee +beearn +beebread +beech +beechdrops +beechen +beechnut +beechwood +beechwoods +beechy +beedged +beedom +beef +beefeater +beefer +beefhead +beefheaded +beefily +beefin +beefiness +beefish +beefishness +beefless +beeflower +beefsteak +beeftongue +beefwood +beefy +beegerite +beehead +beeheaded +beeherd +beehive +beehouse +beeish +beeishness +beek +beekeeper +beekeeping +beekite +Beekmantown +beelbow +beelike +beeline +beelol +Beelzebub +Beelzebubian +Beelzebul +beeman +beemaster +been +beennut +beer +beerage +beerbachite +beerbibber +beerhouse +beerily +beeriness +beerish +beerishly +beermaker +beermaking +beermonger +beerocracy +Beerothite +beerpull +beery +bees +beest +beestings +beeswax +beeswing +beeswinged +beet +beeth +Beethovenian +Beethovenish +Beethovian +beetle +beetled +beetlehead +beetleheaded +beetler +beetlestock +beetlestone +beetleweed +beetmister +beetrave +beetroot +beetrooty +beety +beeve +beevish +beeware +beeway +beeweed +beewise +beewort +befall +befame +befamilied +befamine +befan +befancy +befanned +befathered +befavor +befavour +befeather +beferned +befetished +befetter +befezzed +befiddle +befilch +befile +befilleted +befilmed +befilth +befinger +befire +befist +befit +befitting +befittingly +befittingness +beflag +beflannel +beflap +beflatter +beflea +befleck +beflounce +beflour +beflout +beflower +beflum +befluster +befoam +befog +befool +befoolment +befop +before +beforehand +beforeness +beforested +beforetime +beforetimes +befortune +befoul +befouler +befoulment +befountained +befraught +befreckle +befreeze +befreight +befret +befriend +befriender +befriendment +befrill +befringe +befriz +befrocked +befrogged +befrounce +befrumple +befuddle +befuddlement +befuddler +befume +befurbelowed +befurred +beg +begabled +begad +begall +begani +begar +begari +begarlanded +begarnish +begartered +begash +begat +begaud +begaudy +begay +begaze +begeck +begem +beget +begettal +begetter +beggable +beggar +beggardom +beggarer +beggaress +beggarhood +beggarism +beggarlike +beggarliness +beggarly +beggarman +beggarweed +beggarwise +beggarwoman +beggary +Beggiatoa +Beggiatoaceae +beggiatoaceous +begging +beggingly +beggingwise +Beghard +begift +begiggle +begild +begin +beginger +beginner +beginning +begird +begirdle +beglad +beglamour +beglare +beglerbeg +beglerbeglic +beglerbegluc +beglerbegship +beglerbey +beglic +beglide +beglitter +beglobed +begloom +begloze +begluc +beglue +begnaw +bego +begob +begobs +begoggled +begohm +begone +begonia +Begoniaceae +begoniaceous +Begoniales +begorra +begorry +begotten +begottenness +begoud +begowk +begowned +begrace +begrain +begrave +begray +begrease +begreen +begrett +begrim +begrime +begrimer +begroan +begrown +begrudge +begrudgingly +begruntle +begrutch +begrutten +beguard +beguess +beguile +beguileful +beguilement +beguiler +beguiling +beguilingly +Beguin +Beguine +beguine +begulf +begum +begun +begunk +begut +behale +behalf +behallow +behammer +behap +behatted +behave +behavior +behavioral +behaviored +behaviorism +behaviorist +behavioristic +behavioristically +behead +beheadal +beheader +beheadlined +behear +behears +behearse +behedge +beheld +behelp +behemoth +behen +behenate +behenic +behest +behind +behinder +behindhand +behindsight +behint +behn +behold +beholdable +beholden +beholder +beholding +beholdingness +behoney +behoof +behooped +behoot +behoove +behooveful +behoovefully +behoovefulness +behooves +behooving +behoovingly +behorn +behorror +behowl +behung +behusband +behymn +behypocrite +beice +Beid +beige +being +beingless +beingness +beinked +beira +beisa +Beja +bejabers +bejade +bejan +bejant +bejaundice +bejazz +bejel +bejewel +bejezebel +bejig +bejuggle +bejumble +bekah +bekerchief +bekick +bekilted +beking +bekinkinite +bekiss +bekko +beknave +beknight +beknit +beknived +beknotted +beknottedly +beknottedness +beknow +beknown +Bel +bel +bela +belabor +belaced +beladle +belady +belage +belah +Belait +Belaites +belam +Belamcanda +belanda +belar +belard +belash +belate +belated +belatedly +belatedness +belatticed +belaud +belauder +belavendered +belay +belayer +belch +belcher +beld +beldam +beldamship +belderroot +belduque +beleaf +beleaguer +beleaguerer +beleaguerment +beleap +beleave +belecture +beledgered +belee +belemnid +belemnite +Belemnites +belemnitic +Belemnitidae +belemnoid +Belemnoidea +beletter +belfried +belfry +belga +Belgae +Belgian +Belgic +Belgophile +Belgrade +Belgravia +Belgravian +Belial +Belialic +Belialist +belibel +belick +belie +belief +beliefful +belieffulness +beliefless +belier +believability +believable +believableness +believe +believer +believing +believingly +belight +beliked +Belili +belimousined +Belinda +Belinuridae +Belinurus +belion +beliquor +Belis +belite +belitter +belittle +belittlement +belittler +belive +bell +Bella +Bellabella +Bellacoola +belladonna +bellarmine +Bellatrix +bellbind +bellbird +bellbottle +bellboy +belle +belled +belledom +Belleek +bellehood +belleric +Bellerophon +Bellerophontidae +belletrist +belletristic +bellflower +bellhanger +bellhanging +bellhop +bellhouse +bellicism +bellicose +bellicosely +bellicoseness +bellicosity +bellied +belliferous +belligerence +belligerency +belligerent +belligerently +belling +bellipotent +Bellis +bellite +bellmaker +bellmaking +bellman +bellmanship +bellmaster +bellmouth +bellmouthed +Bellona +Bellonian +bellonion +bellote +Bellovaci +bellow +bellower +bellows +bellowsful +bellowslike +bellowsmaker +bellowsmaking +bellowsman +bellpull +belltail +belltopper +belltopperdom +bellware +bellwaver +bellweed +bellwether +bellwind +bellwine +bellwood +bellwort +belly +bellyache +bellyband +bellyer +bellyfish +bellyflaught +bellyful +bellying +bellyland +bellylike +bellyman +bellypiece +bellypinch +beloam +beloeilite +beloid +belomancy +Belone +belonesite +belong +belonger +belonging +belonid +Belonidae +belonite +belonoid +belonosphaerite +belord +Belostoma +Belostomatidae +Belostomidae +belout +belove +beloved +below +belowstairs +belozenged +Belshazzar +Belshazzaresque +belsire +belt +Beltane +belted +Beltene +belter +Beltian +beltie +beltine +belting +Beltir +Beltis +beltmaker +beltmaking +beltman +belton +beltwise +Beluchi +Belucki +beluga +belugite +belute +belve +belvedere +Belverdian +bely +belying +belyingly +belzebuth +bema +bemad +bemadam +bemaddening +bemail +bemaim +bemajesty +beman +bemangle +bemantle +bemar +bemartyr +bemask +bemaster +bemat +bemata +bemaul +bemazed +Bemba +Bembecidae +Bembex +bemeal +bemean +bemedaled +bemedalled +bementite +bemercy +bemingle +beminstrel +bemire +bemirement +bemirror +bemirrorment +bemist +bemistress +bemitered +bemitred +bemix +bemoan +bemoanable +bemoaner +bemoaning +bemoaningly +bemoat +bemock +bemoil +bemoisten +bemole +bemolt +bemonster +bemoon +bemotto +bemoult +bemouth +bemuck +bemud +bemuddle +bemuddlement +bemuddy +bemuffle +bemurmur +bemuse +bemused +bemusedly +bemusement +bemusk +bemuslined +bemuzzle +Ben +ben +bena +benab +Benacus +bename +benami +benamidar +benasty +benben +bench +benchboard +bencher +benchership +benchfellow +benchful +benching +benchland +benchlet +benchman +benchwork +benchy +bencite +bend +benda +bendability +bendable +bended +bender +bending +bendingly +bendlet +bendsome +bendwise +bendy +bene +beneaped +beneath +beneception +beneceptive +beneceptor +benedicite +Benedict +benedict +Benedicta +Benedictine +Benedictinism +benediction +benedictional +benedictionary +benedictive +benedictively +benedictory +Benedictus +benedight +benefaction +benefactive +benefactor +benefactorship +benefactory +benefactress +benefic +benefice +beneficed +beneficeless +beneficence +beneficent +beneficential +beneficently +beneficial +beneficially +beneficialness +beneficiary +beneficiaryship +beneficiate +beneficiation +benefit +benefiter +beneighbored +Benelux +benempt +benempted +beneplacito +benet +Benetnasch +benettle +Beneventan +Beneventana +benevolence +benevolent +benevolently +benevolentness +benevolist +beng +Bengal +Bengalese +Bengali +Bengalic +bengaline +Bengola +Beni +beni +benight +benighted +benightedness +benighten +benighter +benightmare +benightment +benign +benignancy +benignant +benignantly +benignity +benignly +Benin +Benincasa +benison +benitoite +benj +Benjamin +benjamin +benjaminite +Benjamite +Benjy +benjy +Benkulen +benmost +benn +benne +bennel +Bennet +bennet +Bennettitaceae +bennettitaceous +Bennettitales +Bennettites +bennetweed +Benny +benny +beno +benorth +benote +bensel +bensh +benshea +benshee +benshi +Benson +bent +bentang +benthal +Benthamic +Benthamism +Benthamite +benthic +benthon +benthonic +benthos +Bentincks +bentiness +benting +Benton +bentonite +bentstar +bentwood +benty +Benu +benumb +benumbed +benumbedness +benumbing +benumbingly +benumbment +benward +benweed +benzacridine +benzal +benzalacetone +benzalacetophenone +benzalaniline +benzalazine +benzalcohol +benzalcyanhydrin +benzaldehyde +benzaldiphenyl +benzaldoxime +benzalethylamine +benzalhydrazine +benzalphenylhydrazone +benzalphthalide +benzamide +benzamido +benzamine +benzaminic +benzamino +benzanalgen +benzanilide +benzanthrone +benzantialdoxime +benzazide +benzazimide +benzazine +benzazole +benzbitriazole +benzdiazine +benzdifuran +benzdioxazine +benzdioxdiazine +benzdioxtriazine +Benzedrine +benzein +benzene +benzenediazonium +benzenoid +benzenyl +benzhydrol +benzhydroxamic +benzidine +benzidino +benzil +benzilic +benzimidazole +benziminazole +benzinduline +benzine +benzo +benzoate +benzoated +benzoazurine +benzobis +benzocaine +benzocoumaran +benzodiazine +benzodiazole +benzoflavine +benzofluorene +benzofulvene +benzofuran +benzofuroquinoxaline +benzofuryl +benzoglycolic +benzoglyoxaline +benzohydrol +benzoic +benzoid +benzoin +benzoinated +benzoiodohydrin +benzol +benzolate +benzole +benzolize +benzomorpholine +benzonaphthol +benzonitrile +benzonitrol +benzoperoxide +benzophenanthrazine +benzophenanthroline +benzophenazine +benzophenol +benzophenone +benzophenothiazine +benzophenoxazine +benzophloroglucinol +benzophosphinic +benzophthalazine +benzopinacone +benzopyran +benzopyranyl +benzopyrazolone +benzopyrylium +benzoquinoline +benzoquinone +benzoquinoxaline +benzosulphimide +benzotetrazine +benzotetrazole +benzothiazine +benzothiazole +benzothiazoline +benzothiodiazole +benzothiofuran +benzothiophene +benzothiopyran +benzotoluide +benzotriazine +benzotriazole +benzotrichloride +benzotrifuran +benzoxate +benzoxy +benzoxyacetic +benzoxycamphor +benzoxyphenanthrene +benzoyl +benzoylate +benzoylation +benzoylformic +benzoylglycine +benzpinacone +benzthiophen +benztrioxazine +benzyl +benzylamine +benzylic +benzylidene +benzylpenicillin +beode +Beothuk +Beothukan +Beowulf +bepaid +Bepaint +bepale +bepaper +beparch +beparody +beparse +bepart +bepaste +bepastured +bepat +bepatched +bepaw +bepearl +bepelt +bepen +bepepper +beperiwigged +bepester +bepewed +bephilter +bephrase +bepicture +bepiece +bepierce +bepile +bepill +bepillared +bepimple +bepinch +bepistoled +bepity +beplague +beplaided +beplaster +beplumed +bepommel +bepowder +bepraise +bepraisement +bepraiser +beprank +bepray +bepreach +bepress +bepretty +bepride +beprose +bepuddle +bepuff +bepun +bepurple +bepuzzle +bepuzzlement +bequalm +bequeath +bequeathable +bequeathal +bequeather +bequeathment +bequest +bequirtle +bequote +ber +berain +berairou +berakah +berake +berakoth +berapt +berascal +berat +berate +berattle +beraunite +beray +berbamine +Berber +Berberi +Berberian +berberid +Berberidaceae +berberidaceous +berberine +Berberis +berberry +Berchemia +Berchta +berdache +bere +Berean +bereason +bereave +bereavement +bereaven +bereaver +bereft +berend +Berengaria +Berengarian +Berengarianism +berengelite +Berenice +Bereshith +beresite +beret +berewick +berg +bergalith +Bergama +Bergamask +bergamiol +Bergamo +Bergamot +bergamot +bergander +bergaptene +berger +berghaan +berginization +berginize +berglet +bergschrund +Bergsonian +Bergsonism +bergut +bergy +bergylt +berhyme +Beri +beribanded +beribboned +beriberi +beriberic +beride +berigora +beringed +beringite +beringleted +berinse +berith +Berkeleian +Berkeleianism +Berkeleyism +Berkeleyite +berkelium +berkovets +berkowitz +Berkshire +berley +berlin +berline +Berliner +berlinite +Berlinize +berm +Bermuda +Bermudian +bermudite +Bern +Bernard +Bernardina +Bernardine +berne +Bernese +Bernice +Bernicia +bernicle +Bernie +Berninesque +Bernoullian +berobed +Beroe +Beroida +Beroidae +beroll +Berossos +berouged +beround +berrendo +berret +berri +berried +berrier +berrigan +berrugate +berry +berrybush +berryless +berrylike +berrypicker +berrypicking +berseem +berserk +berserker +Bersiamite +Bersil +Bert +Bertat +Berteroa +berth +Bertha +berthage +berthed +berther +berthierite +berthing +Berthold +Bertholletia +Bertie +Bertolonia +Bertram +bertram +Bertrand +bertrandite +bertrum +beruffed +beruffled +berust +bervie +berycid +Berycidae +beryciform +berycine +berycoid +Berycoidea +berycoidean +Berycoidei +Berycomorphi +beryl +berylate +beryllia +berylline +berylliosis +beryllium +berylloid +beryllonate +beryllonite +beryllosis +Berytidae +Beryx +berzelianite +berzeliite +bes +besa +besagne +besaiel +besaint +besan +besanctify +besauce +bescab +bescarf +bescatter +bescent +bescorch +bescorn +bescoundrel +bescour +bescourge +bescramble +bescrape +bescratch +bescrawl +bescreen +bescribble +bescurf +bescurvy +bescutcheon +beseam +besee +beseech +beseecher +beseeching +beseechingly +beseechingness +beseechment +beseem +beseeming +beseemingly +beseemingness +beseemliness +beseemly +beseen +beset +besetment +besetter +besetting +beshackle +beshade +beshadow +beshag +beshake +beshame +beshawled +beshear +beshell +beshield +beshine +beshiver +beshlik +beshod +beshout +beshow +beshower +beshrew +beshriek +beshrivel +beshroud +besiclometer +beside +besides +besiege +besieged +besiegement +besieger +besieging +besiegingly +besigh +besilver +besin +besing +besiren +besit +beslab +beslap +beslash +beslave +beslaver +besleeve +beslime +beslimer +beslings +beslipper +beslobber +beslow +beslubber +beslur +beslushed +besmear +besmearer +besmell +besmile +besmirch +besmircher +besmirchment +besmoke +besmooth +besmother +besmouch +besmudge +besmut +besmutch +besnare +besneer +besnivel +besnow +besnuff +besodden +besogne +besognier +besoil +besom +besomer +besonnet +besoot +besoothe +besoothement +besot +besotment +besotted +besottedly +besottedness +besotting +besottingly +besought +besoul +besour +bespangle +bespate +bespatter +bespatterer +bespatterment +bespawl +bespeak +bespeakable +bespeaker +bespecked +bespeckle +bespecklement +bespectacled +besped +bespeech +bespeed +bespell +bespelled +bespend +bespete +bespew +bespice +bespill +bespin +bespirit +bespit +besplash +besplatter +besplit +bespoke +bespoken +bespot +bespottedness +bespouse +bespout +bespray +bespread +besprent +besprinkle +besprinkler +bespurred +besputter +bespy +besqueeze +besquib +besra +Bess +Bessarabian +Besselian +Bessemer +bessemer +Bessemerize +bessemerize +Bessera +Bessi +Bessie +Bessy +best +bestab +bestain +bestamp +bestar +bestare +bestarve +bestatued +bestay +bestayed +bestead +besteer +bestench +bester +bestial +bestialism +bestialist +bestiality +bestialize +bestially +bestiarian +bestiarianism +bestiary +bestick +bestill +bestink +bestir +bestness +bestock +bestore +bestorm +bestove +bestow +bestowable +bestowage +bestowal +bestower +bestowing +bestowment +bestraddle +bestrapped +bestraught +bestraw +bestreak +bestream +bestrew +bestrewment +bestride +bestripe +bestrode +bestubbled +bestuck +bestud +besugar +besuit +besully +beswarm +besweatered +besweeten +beswelter +beswim +beswinge +beswitch +bet +Beta +beta +betacism +betacismus +betafite +betag +betail +betailor +betaine +betainogen +betalk +betallow +betangle +betanglement +betask +betassel +betatron +betattered +betaxed +betear +beteela +beteem +betel +Betelgeuse +Beth +beth +bethabara +bethankit +bethel +Bethesda +bethflower +bethink +Bethlehem +Bethlehemite +bethought +bethrall +bethreaten +bethroot +Bethuel +bethumb +bethump +bethunder +bethwack +Bethylidae +betide +betimber +betimes +betinge +betipple +betire +betis +betitle +betocsin +betoil +betoken +betokener +betone +betongue +Betonica +betony +betorcin +betorcinol +betoss +betowel +betowered +Betoya +Betoyan +betrace +betrail +betrample +betrap +betravel +betray +betrayal +betrayer +betrayment +betread +betrend +betrim +betrinket +betroth +betrothal +betrothed +betrothment +betrough +betrousered +betrumpet +betrunk +Betsey +Betsileos +Betsimisaraka +betso +Betsy +Betta +betted +better +betterer +bettergates +bettering +betterly +betterment +bettermost +betterness +betters +Bettina +Bettine +betting +bettong +bettonga +Bettongia +bettor +Betty +betty +betuckered +Betula +Betulaceae +betulaceous +betulin +betulinamaric +betulinic +betulinol +Betulites +beturbaned +betusked +betutor +betutored +betwattled +between +betweenbrain +betweenity +betweenmaid +betweenness +betweenwhiles +betwine +betwit +betwixen +betwixt +beudantite +Beulah +beuniformed +bevatron +beveil +bevel +beveled +beveler +bevelled +bevelment +bevenom +bever +beverage +Beverly +beverse +bevesseled +bevesselled +beveto +bevillain +bevined +bevoiled +bevomit +bevue +bevy +bewail +bewailable +bewailer +bewailing +bewailingly +bewailment +bewaitered +bewall +beware +bewash +bewaste +bewater +beweary +beweep +beweeper +bewelcome +bewelter +bewept +bewest +bewet +bewhig +bewhiskered +bewhisper +bewhistle +bewhite +bewhiten +bewidow +bewig +bewigged +bewilder +bewildered +bewilderedly +bewilderedness +bewildering +bewilderingly +bewilderment +bewimple +bewinged +bewinter +bewired +bewitch +bewitchedness +bewitcher +bewitchery +bewitchful +bewitching +bewitchingly +bewitchingness +bewitchment +bewith +bewizard +bework +beworm +beworn +beworry +beworship +bewrap +bewrathed +bewray +bewrayer +bewrayingly +bewrayment +bewreath +bewreck +bewrite +bey +beydom +beylic +beylical +beyond +beyrichite +beyship +Bezaleel +Bezaleelian +bezant +bezantee +bezanty +bezel +bezesteen +bezetta +bezique +bezoar +bezoardic +bezonian +Bezpopovets +bezzi +bezzle +bezzo +bhabar +Bhadon +Bhaga +bhagavat +bhagavata +bhaiachari +bhaiyachara +bhakta +bhakti +bhalu +bhandar +bhandari +bhang +bhangi +Bhar +bhara +bharal +Bharata +bhat +bhava +Bhavani +bheesty +bhikku +bhikshu +Bhil +Bhili +Bhima +Bhojpuri +bhoosa +Bhotia +Bhotiya +Bhowani +bhoy +Bhumij +bhungi +bhungini +bhut +Bhutanese +Bhutani +bhutatathata +Bhutia +biabo +biacetyl +biacetylene +biacid +biacromial +biacuminate +biacuru +bialate +biallyl +bialveolar +Bianca +Bianchi +bianchite +bianco +biangular +biangulate +biangulated +biangulous +bianisidine +biannual +biannually +biannulate +biarchy +biarcuate +biarcuated +biarticular +biarticulate +biarticulated +bias +biasness +biasteric +biaswise +biatomic +biauricular +biauriculate +biaxal +biaxial +biaxiality +biaxially +biaxillary +bib +bibacious +bibacity +bibasic +bibation +bibb +bibber +bibble +bibbler +bibbons +bibcock +bibenzyl +bibi +Bibio +bibionid +Bibionidae +bibiri +bibitory +Bible +bibless +Biblic +Biblical +Biblicality +Biblically +Biblicism +Biblicist +Biblicistic +Biblicolegal +Biblicoliterary +Biblicopsychological +biblioclasm +biblioclast +bibliofilm +bibliogenesis +bibliognost +bibliognostic +bibliogony +bibliograph +bibliographer +bibliographic +bibliographical +bibliographically +bibliographize +bibliography +biblioklept +bibliokleptomania +bibliokleptomaniac +bibliolater +bibliolatrous +bibliolatry +bibliological +bibliologist +bibliology +bibliomancy +bibliomane +bibliomania +bibliomaniac +bibliomaniacal +bibliomanian +bibliomanianism +bibliomanism +bibliomanist +bibliopegic +bibliopegist +bibliopegistic +bibliopegy +bibliophage +bibliophagic +bibliophagist +bibliophagous +bibliophile +bibliophilic +bibliophilism +bibliophilist +bibliophilistic +bibliophily +bibliophobia +bibliopolar +bibliopole +bibliopolery +bibliopolic +bibliopolical +bibliopolically +bibliopolism +bibliopolist +bibliopolistic +bibliopoly +bibliosoph +bibliotaph +bibliotaphic +bibliothec +bibliotheca +bibliothecal +bibliothecarial +bibliothecarian +bibliothecary +bibliotherapeutic +bibliotherapist +bibliotherapy +bibliothetic +bibliotic +bibliotics +bibliotist +Biblism +Biblist +biblus +biborate +bibracteate +bibracteolate +bibulosity +bibulous +bibulously +bibulousness +Bibulus +bicalcarate +bicameral +bicameralism +bicamerist +bicapitate +bicapsular +bicarbonate +bicarbureted +bicarinate +bicarpellary +bicarpellate +bicaudal +bicaudate +Bice +bice +bicellular +bicentenary +bicentennial +bicephalic +bicephalous +biceps +bicetyl +bichir +bichloride +bichord +bichromate +bichromatic +bichromatize +bichrome +bichromic +bichy +biciliate +biciliated +bicipital +bicipitous +bicircular +bicirrose +bick +bicker +bickerer +bickern +biclavate +biclinium +bicollateral +bicollaterality +bicolligate +bicolor +bicolored +bicolorous +biconcave +biconcavity +bicondylar +bicone +biconic +biconical +biconically +biconjugate +biconsonantal +biconvex +bicorn +bicornate +bicorne +bicorned +bicornous +bicornuate +bicornuous +bicornute +bicorporal +bicorporate +bicorporeal +bicostate +bicrenate +bicrescentic +bicrofarad +bicron +bicrural +bicursal +bicuspid +bicuspidate +bicyanide +bicycle +bicycler +bicyclic +bicyclism +bicyclist +bicyclo +bicycloheptane +bicylindrical +bid +bidactyl +bidactyle +bidactylous +bidar +bidarka +bidcock +biddable +biddableness +biddably +biddance +Biddelian +bidder +bidding +Biddulphia +Biddulphiaceae +Biddy +biddy +bide +Bidens +bident +bidental +bidentate +bidented +bidential +bidenticulate +bider +bidet +bidigitate +bidimensional +biding +bidirectional +bidiurnal +Bidpai +bidri +biduous +bieberite +Biedermeier +bield +bieldy +bielectrolysis +bielenite +Bielid +Bielorouss +bien +bienly +bienness +biennia +biennial +biennially +biennium +bier +bierbalk +biethnic +bietle +bifacial +bifanged +bifara +bifarious +bifariously +bifer +biferous +biff +biffin +bifid +bifidate +bifidated +bifidity +bifidly +bifilar +bifilarly +bifistular +biflabellate +biflagellate +biflecnode +biflected +biflex +biflorate +biflorous +bifluoride +bifocal +bifoil +bifold +bifolia +bifoliate +bifoliolate +bifolium +biforked +biform +biformed +biformity +biforous +bifront +bifrontal +bifronted +bifurcal +bifurcate +bifurcated +bifurcately +bifurcation +big +biga +bigamic +bigamist +bigamistic +bigamize +bigamous +bigamously +bigamy +bigarade +bigaroon +bigarreau +bigbloom +bigemina +bigeminal +bigeminate +bigeminated +bigeminum +bigener +bigeneric +bigential +bigeye +bigg +biggah +biggen +bigger +biggest +biggin +biggish +biggonet +bigha +bighead +bighearted +bigheartedness +bighorn +bight +biglandular +biglenoid +biglot +bigmouth +bigmouthed +bigness +Bignonia +Bignoniaceae +bignoniaceous +bignoniad +bignou +bigoniac +bigonial +bigot +bigoted +bigotedly +bigotish +bigotry +bigotty +bigroot +bigthatch +biguanide +biguttate +biguttulate +bigwig +bigwigged +bigwiggedness +bigwiggery +bigwiggism +Bihai +Biham +bihamate +Bihari +biharmonic +bihourly +bihydrazine +bija +bijasal +bijou +bijouterie +bijoux +bijugate +bijugular +bike +bikh +bikhaconitine +bikini +Bikol +Bikram +Bikukulla +Bilaan +bilabe +bilabial +bilabiate +bilalo +bilamellar +bilamellate +bilamellated +bilaminar +bilaminate +bilaminated +bilander +bilateral +bilateralism +bilaterality +bilaterally +bilateralness +Bilati +bilberry +bilbie +bilbo +bilboquet +bilby +bilch +bilcock +bildar +bilders +bile +bilestone +bilge +bilgy +Bilharzia +bilharzial +bilharziasis +bilharzic +bilharziosis +bilianic +biliary +biliate +biliation +bilic +bilicyanin +bilifaction +biliferous +bilification +bilifuscin +bilify +bilihumin +bilimbi +bilimbing +biliment +Bilin +bilinear +bilineate +bilingual +bilingualism +bilingually +bilinguar +bilinguist +bilinigrin +bilinite +bilio +bilious +biliously +biliousness +biliprasin +bilipurpurin +bilipyrrhin +bilirubin +bilirubinemia +bilirubinic +bilirubinuria +biliteral +biliteralism +bilith +bilithon +biliverdic +biliverdin +bilixanthin +bilk +bilker +Bill +bill +billa +billable +billabong +billback +billbeetle +Billbergia +billboard +billbroking +billbug +billed +biller +billet +billeter +billethead +billeting +billetwood +billety +billfish +billfold +billhead +billheading +billholder +billhook +billian +billiard +billiardist +billiardly +billiards +Billie +Billiken +billikin +billing +billingsgate +billion +billionaire +billionism +billionth +billitonite +Billjim +billman +billon +billot +billow +billowiness +billowy +billposter +billposting +billsticker +billsticking +Billy +billy +billyboy +billycan +billycock +billyer +billyhood +billywix +bilo +bilobated +bilobe +bilobed +bilobiate +bilobular +bilocation +bilocellate +bilocular +biloculate +Biloculina +biloculine +bilophodont +Biloxi +bilsh +Bilskirnir +bilsted +biltong +biltongue +Bim +bimaculate +bimaculated +bimalar +Bimana +bimanal +bimane +bimanous +bimanual +bimanually +bimarginate +bimarine +bimastic +bimastism +bimastoid +bimasty +bimaxillary +bimbil +Bimbisara +bimeby +bimensal +bimester +bimestrial +bimetalic +bimetallism +bimetallist +bimetallistic +bimillenary +bimillennium +bimillionaire +Bimini +Bimmeler +bimodal +bimodality +bimolecular +bimonthly +bimotored +bimotors +bimucronate +bimuscular +bin +binal +binaphthyl +binarium +binary +binate +binately +bination +binational +binaural +binauricular +binbashi +bind +binder +bindery +bindheimite +binding +bindingly +bindingness +bindle +bindlet +bindoree +bindweb +bindweed +bindwith +bindwood +bine +binervate +bineweed +bing +binge +bingey +binghi +bingle +bingo +bingy +binh +Bini +biniodide +Binitarian +Binitarianism +bink +binman +binna +binnacle +binning +binnite +binnogue +bino +binocle +binocular +binocularity +binocularly +binoculate +binodal +binode +binodose +binodous +binomenclature +binomial +binomialism +binomially +binominal +binominated +binominous +binormal +binotic +binotonous +binous +binoxalate +binoxide +bint +bintangor +binturong +binuclear +binucleate +binucleated +binucleolate +binukau +Binzuru +biobibliographical +biobibliography +bioblast +bioblastic +biocatalyst +biocellate +biocentric +biochemic +biochemical +biochemically +biochemics +biochemist +biochemistry +biochemy +biochore +bioclimatic +bioclimatology +biocoenose +biocoenosis +biocoenotic +biocycle +biod +biodynamic +biodynamical +biodynamics +biodyne +bioecologic +bioecological +bioecologically +bioecologist +bioecology +biogen +biogenase +biogenesis +biogenesist +biogenetic +biogenetical +biogenetically +biogenetics +biogenous +biogeny +biogeochemistry +biogeographic +biogeographical +biogeographically +biogeography +biognosis +biograph +biographee +biographer +biographic +biographical +biographically +biographist +biographize +biography +bioherm +biokinetics +biolinguistics +biolith +biologese +biologic +biological +biologically +biologicohumanistic +biologism +biologist +biologize +biology +bioluminescence +bioluminescent +biolysis +biolytic +biomagnetic +biomagnetism +biomathematics +biome +biomechanical +biomechanics +biometeorology +biometer +biometric +biometrical +biometrically +biometrician +biometricist +biometrics +biometry +biomicroscopy +bion +bionergy +bionomic +bionomical +bionomically +bionomics +bionomist +bionomy +biophagism +biophagous +biophagy +biophilous +biophore +biophotophone +biophysical +biophysicochemical +biophysics +biophysiography +biophysiological +biophysiologist +biophysiology +biophyte +bioplasm +bioplasmic +bioplast +bioplastic +bioprecipitation +biopsic +biopsy +biopsychic +biopsychical +biopsychological +biopsychologist +biopsychology +biopyribole +bioral +biorbital +biordinal +bioreaction +biorgan +bios +bioscope +bioscopic +bioscopy +biose +biosis +biosocial +biosociological +biosphere +biostatic +biostatical +biostatics +biostatistics +biosterin +biosterol +biostratigraphy +biosynthesis +biosynthetic +biosystematic +biosystematics +biosystematist +biosystematy +Biota +biota +biotaxy +biotechnics +biotic +biotical +biotics +biotin +biotite +biotitic +biotome +biotomy +biotope +biotype +biotypic +biovular +biovulate +bioxalate +bioxide +bipack +bipaleolate +Bipaliidae +Bipalium +bipalmate +biparasitic +biparental +biparietal +biparous +biparted +bipartible +bipartient +bipartile +bipartisan +bipartisanship +bipartite +bipartitely +bipartition +biparty +bipaschal +bipectinate +bipectinated +biped +bipedal +bipedality +bipedism +bipeltate +bipennate +bipennated +bipenniform +biperforate +bipersonal +bipetalous +biphase +biphasic +biphenol +biphenyl +biphenylene +bipinnaria +bipinnate +bipinnated +bipinnately +bipinnatifid +bipinnatiparted +bipinnatipartite +bipinnatisect +bipinnatisected +biplanal +biplanar +biplane +biplicate +biplicity +biplosion +biplosive +bipod +bipolar +bipolarity +bipolarize +Bipont +Bipontine +biporose +biporous +biprism +biprong +bipunctal +bipunctate +bipunctual +bipupillate +bipyramid +bipyramidal +bipyridine +bipyridyl +biquadrantal +biquadrate +biquadratic +biquarterly +biquartz +biquintile +biracial +biracialism +biradial +biradiate +biradiated +biramous +birational +birch +birchbark +birchen +birching +birchman +birchwood +bird +birdbander +birdbanding +birdbath +birdberry +birdcall +birdcatcher +birdcatching +birdclapper +birdcraft +birddom +birdeen +birder +birdglue +birdhood +birdhouse +birdie +birdikin +birding +birdland +birdless +birdlet +birdlike +birdlime +birdling +birdlore +birdman +birdmouthed +birdnest +birdnester +birdseed +birdstone +birdweed +birdwise +birdwoman +birdy +birectangular +birefracting +birefraction +birefractive +birefringence +birefringent +bireme +biretta +Birgus +biri +biriba +birimose +birk +birken +Birkenhead +Birkenia +Birkeniidae +birkie +birkremite +birl +birle +birler +birlie +birlieman +birlinn +birma +Birmingham +Birminghamize +birn +birny +Biron +birostrate +birostrated +birotation +birotatory +birr +birse +birsle +birsy +birth +birthbed +birthday +birthland +birthless +birthmark +birthmate +birthnight +birthplace +birthright +birthroot +birthstone +birthstool +birthwort +birthy +bis +bisabol +bisaccate +bisacromial +bisalt +Bisaltae +bisantler +bisaxillary +bisbeeite +biscacha +Biscanism +Biscayan +Biscayanism +biscayen +Biscayner +bischofite +biscotin +biscuit +biscuiting +biscuitlike +biscuitmaker +biscuitmaking +biscuitroot +biscuitry +bisdiapason +bisdimethylamino +bisect +bisection +bisectional +bisectionally +bisector +bisectrices +bisectrix +bisegment +biseptate +biserial +biserially +biseriate +biseriately +biserrate +bisetose +bisetous +bisexed +bisext +bisexual +bisexualism +bisexuality +bisexually +bisexuous +bisglyoxaline +Bishareen +Bishari +Bisharin +bishop +bishopdom +bishopess +bishopful +bishophood +bishopless +bishoplet +bishoplike +bishopling +bishopric +bishopship +bishopweed +bisiliac +bisilicate +bisiliquous +bisimine +bisinuate +bisinuation +bisischiadic +bisischiatic +Bisley +bislings +bismar +Bismarck +Bismarckian +Bismarckianism +bismarine +bismerpund +bismillah +bismite +Bismosol +bismuth +bismuthal +bismuthate +bismuthic +bismuthide +bismuthiferous +bismuthine +bismuthinite +bismuthite +bismuthous +bismuthyl +bismutite +bismutoplagionite +bismutosmaltite +bismutosphaerite +bisnaga +bison +bisonant +bisontine +bisphenoid +bispinose +bispinous +bispore +bisporous +bisque +bisquette +bissext +bissextile +bisson +bistate +bistephanic +bister +bistered +bistetrazole +bisti +bistipular +bistipulate +bistipuled +bistort +Bistorta +bistournage +bistoury +bistratal +bistratose +bistriate +bistriazole +bistro +bisubstituted +bisubstitution +bisulcate +bisulfid +bisulphate +bisulphide +bisulphite +bisyllabic +bisyllabism +bisymmetric +bisymmetrical +bisymmetrically +bisymmetry +bit +bitable +bitangent +bitangential +bitanhol +bitartrate +bitbrace +bitch +bite +bitemporal +bitentaculate +biter +biternate +biternately +bitesheep +bitewing +bitheism +Bithynian +biti +biting +bitingly +bitingness +Bitis +bitless +bito +bitolyl +bitonality +bitreadle +bitripartite +bitripinnatifid +bitriseptate +bitrochanteric +bitstock +bitstone +bitt +bitted +bitten +bitter +bitterbark +bitterblain +bitterbloom +bitterbur +bitterbush +bitterful +bitterhead +bitterhearted +bitterheartedness +bittering +bitterish +bitterishness +bitterless +bitterling +bitterly +bittern +bitterness +bitternut +bitterroot +bitters +bittersweet +bitterweed +bitterwood +bitterworm +bitterwort +bitthead +bittie +Bittium +bittock +bitty +bitubercular +bituberculate +bituberculated +Bitulithic +bitulithic +bitume +bitumed +bitumen +bituminate +bituminiferous +bituminization +bituminize +bituminoid +bituminous +bitwise +bityite +bitypic +biune +biunial +biunity +biunivocal +biurate +biurea +biuret +bivalence +bivalency +bivalent +bivalve +bivalved +Bivalvia +bivalvian +bivalvous +bivalvular +bivariant +bivariate +bivascular +bivaulted +bivector +biventer +biventral +biverbal +bivinyl +bivious +bivittate +bivocal +bivocalized +bivoltine +bivoluminous +bivouac +biwa +biweekly +biwinter +Bixa +Bixaceae +bixaceous +bixbyite +bixin +biyearly +biz +bizardite +bizarre +bizarrely +bizarreness +Bizen +bizet +bizonal +bizone +Bizonia +bizygomatic +bizz +Bjorne +blab +blabber +blabberer +blachong +black +blackacre +blackamoor +blackback +blackball +blackballer +blackband +Blackbeard +blackbelly +blackberry +blackbine +blackbird +blackbirder +blackbirding +blackboard +blackboy +blackbreast +blackbush +blackbutt +blackcap +blackcoat +blackcock +blackdamp +blacken +blackener +blackening +blacker +blacketeer +blackey +blackeyes +blackface +Blackfeet +blackfellow +blackfellows +blackfin +blackfire +blackfish +blackfisher +blackfishing +Blackfoot +blackfoot +Blackfriars +blackguard +blackguardism +blackguardize +blackguardly +blackguardry +Blackhander +blackhead +blackheads +blackheart +blackhearted +blackheartedness +blackie +blacking +blackish +blackishly +blackishness +blackit +blackjack +blackland +blackleg +blackleggery +blacklegism +blacklegs +blackly +blackmail +blackmailer +blackneb +blackneck +blackness +blacknob +blackout +blackpoll +blackroot +blackseed +blackshirted +blacksmith +blacksmithing +blackstick +blackstrap +blacktail +blackthorn +blacktongue +blacktree +blackwash +blackwasher +blackwater +blackwood +blackwork +blackwort +blacky +blad +bladder +bladderet +bladderless +bladderlike +bladdernose +bladdernut +bladderpod +bladderseed +bladderweed +bladderwort +bladdery +blade +bladebone +bladed +bladelet +bladelike +blader +bladesmith +bladewise +blading +bladish +blady +bladygrass +blae +blaeberry +blaeness +blaewort +blaff +blaffert +blaflum +blah +blahlaut +blain +Blaine +Blair +blair +blairmorite +Blake +blake +blakeberyed +blamable +blamableness +blamably +blame +blamed +blameful +blamefully +blamefulness +blameless +blamelessly +blamelessness +blamer +blameworthiness +blameworthy +blaming +blamingly +blan +blanc +blanca +blancard +Blanch +blanch +blancher +blanching +blanchingly +blancmange +blancmanger +blanco +bland +blanda +Blandfordia +blandiloquence +blandiloquious +blandiloquous +blandish +blandisher +blandishing +blandishingly +blandishment +blandly +blandness +blank +blankard +blankbook +blanked +blankeel +blanket +blanketed +blanketeer +blanketflower +blanketing +blanketless +blanketmaker +blanketmaking +blanketry +blanketweed +blankety +blanking +blankish +Blankit +blankite +blankly +blankness +blanky +blanque +blanquillo +blare +Blarina +blarney +blarneyer +blarnid +blarny +blart +blas +blase +blash +blashy +Blasia +blaspheme +blasphemer +blasphemous +blasphemously +blasphemousness +blasphemy +blast +blasted +blastema +blastemal +blastematic +blastemic +blaster +blastful +blasthole +blastid +blastie +blasting +blastment +blastocarpous +blastocheme +blastochyle +blastocoele +blastocolla +blastocyst +blastocyte +blastoderm +blastodermatic +blastodermic +blastodisk +blastogenesis +blastogenetic +blastogenic +blastogeny +blastogranitic +blastoid +Blastoidea +blastoma +blastomata +blastomere +blastomeric +Blastomyces +blastomycete +Blastomycetes +blastomycetic +blastomycetous +blastomycosis +blastomycotic +blastoneuropore +Blastophaga +blastophitic +blastophoral +blastophore +blastophoric +blastophthoria +blastophthoric +blastophyllum +blastoporal +blastopore +blastoporic +blastoporphyritic +blastosphere +blastospheric +blastostylar +blastostyle +blastozooid +blastplate +blastula +blastulae +blastular +blastulation +blastule +blasty +blat +blatancy +blatant +blatantly +blate +blately +blateness +blather +blatherer +blatherskite +blathery +blatjang +Blatta +blatta +Blattariae +blatter +blatterer +blatti +blattid +Blattidae +blattiform +Blattodea +blattoid +Blattoidea +blaubok +Blaugas +blauwbok +blaver +blaw +blawort +blay +Blayne +blaze +blazer +blazing +blazingly +blazon +blazoner +blazoning +blazonment +blazonry +blazy +bleaberry +bleach +bleachability +bleachable +bleached +bleacher +bleacherite +bleacherman +bleachery +bleachfield +bleachground +bleachhouse +bleaching +bleachman +bleachworks +bleachyard +bleak +bleakish +bleakly +bleakness +bleaky +blear +bleared +blearedness +bleareye +bleariness +blearness +bleary +bleat +bleater +bleating +bleatingly +bleaty +bleb +blebby +blechnoid +Blechnum +bleck +blee +bleed +bleeder +bleeding +bleekbok +bleery +bleeze +bleezy +blellum +blemish +blemisher +blemishment +Blemmyes +blench +blencher +blenching +blenchingly +blencorn +blend +blendcorn +blende +blended +blender +blending +blendor +blendure +blendwater +blennadenitis +blennemesis +blennenteria +blennenteritis +blenniid +Blenniidae +blenniiform +Blenniiformes +blennioid +Blennioidea +blennocele +blennocystitis +blennoemesis +blennogenic +blennogenous +blennoid +blennoma +blennometritis +blennophlogisma +blennophlogosis +blennophthalmia +blennoptysis +blennorrhagia +blennorrhagic +blennorrhea +blennorrheal +blennorrhinia +blennosis +blennostasis +blennostatic +blennothorax +blennotorrhea +blennuria +blenny +blennymenitis +blent +bleo +blephara +blepharadenitis +blepharal +blepharanthracosis +blepharedema +blepharelcosis +blepharemphysema +Blephariglottis +blepharism +blepharitic +blepharitis +blepharoadenitis +blepharoadenoma +blepharoatheroma +blepharoblennorrhea +blepharocarcinoma +Blepharocera +Blepharoceridae +blepharochalasis +blepharochromidrosis +blepharoclonus +blepharocoloboma +blepharoconjunctivitis +blepharodiastasis +blepharodyschroia +blepharohematidrosis +blepharolithiasis +blepharomelasma +blepharoncosis +blepharoncus +blepharophimosis +blepharophryplasty +blepharophthalmia +blepharophyma +blepharoplast +blepharoplastic +blepharoplasty +blepharoplegia +blepharoptosis +blepharopyorrhea +blepharorrhaphy +blepharospasm +blepharospath +blepharosphincterectomy +blepharostat +blepharostenosis +blepharosymphysis +blepharosyndesmitis +blepharosynechia +blepharotomy +blepharydatis +Blephillia +blesbok +blesbuck +bless +blessed +blessedly +blessedness +blesser +blessing +blessingly +blest +blet +bletheration +Bletia +Bletilla +blewits +blibe +blick +blickey +Blighia +blight +blightbird +blighted +blighter +blighting +blightingly +blighty +blimbing +blimp +blimy +blind +blindage +blindball +blinded +blindedly +blinder +blindeyes +blindfast +blindfish +blindfold +blindfolded +blindfoldedness +blindfolder +blindfoldly +blinding +blindingly +blindish +blindless +blindling +blindly +blindness +blindstory +blindweed +blindworm +blink +blinkard +blinked +blinker +blinkered +blinking +blinkingly +blinks +blinky +blinter +blintze +blip +bliss +blissful +blissfully +blissfulness +blissless +blissom +blister +blistered +blistering +blisteringly +blisterweed +blisterwort +blistery +blite +blithe +blithebread +blitheful +blithefully +blithehearted +blithelike +blithely +blithemeat +blithen +blitheness +blither +blithering +blithesome +blithesomely +blithesomeness +blitter +Blitum +blitz +blitzbuggy +blitzkrieg +blizz +blizzard +blizzardly +blizzardous +blizzardy +blo +bloat +bloated +bloatedness +bloater +bloating +blob +blobbed +blobber +blobby +bloc +block +blockade +blockader +blockage +blockbuster +blocked +blocker +blockhead +blockheaded +blockheadedly +blockheadedness +blockheadish +blockheadishness +blockheadism +blockholer +blockhouse +blockiness +blocking +blockish +blockishly +blockishness +blocklayer +blocklike +blockmaker +blockmaking +blockman +blockpate +blockship +blocky +blodite +bloke +blolly +blomstrandine +blonde +blondeness +blondine +blood +bloodalley +bloodalp +bloodbeat +bloodberry +bloodbird +bloodcurdler +bloodcurdling +blooddrop +blooddrops +blooded +bloodfin +bloodflower +bloodguilt +bloodguiltiness +bloodguiltless +bloodguilty +bloodhound +bloodied +bloodily +bloodiness +bloodleaf +bloodless +bloodlessly +bloodlessness +bloodletter +bloodletting +bloodline +bloodmobile +bloodmonger +bloodnoun +bloodripe +bloodripeness +bloodroot +bloodshed +bloodshedder +bloodshedding +bloodshot +bloodshotten +bloodspiller +bloodspilling +bloodstain +bloodstained +bloodstainedness +bloodstanch +bloodstock +bloodstone +bloodstroke +bloodsuck +bloodsucker +bloodsucking +bloodthirst +bloodthirster +bloodthirstily +bloodthirstiness +bloodthirsting +bloodthirsty +bloodweed +bloodwite +bloodwood +bloodworm +bloodwort +bloodworthy +bloody +bloodybones +blooey +bloom +bloomage +bloomer +Bloomeria +bloomerism +bloomers +bloomery +bloomfell +blooming +bloomingly +bloomingness +bloomkin +bloomless +Bloomsburian +Bloomsbury +bloomy +bloop +blooper +blooping +blore +blosmy +blossom +blossombill +blossomed +blossomhead +blossomless +blossomry +blossomtime +blossomy +blot +blotch +blotched +blotchy +blotless +blotter +blottesque +blottesquely +blotting +blottingly +blotto +blotty +bloubiskop +blouse +bloused +blousing +blout +blow +blowback +blowball +blowcock +blowdown +blowen +blower +blowfish +blowfly +blowgun +blowhard +blowhole +blowiness +blowing +blowings +blowiron +blowlamp +blowline +blown +blowoff +blowout +blowpipe +blowpoint +blowproof +blowspray +blowth +blowtorch +blowtube +blowup +blowy +blowze +blowzed +blowzing +blowzy +blub +blubber +blubberer +blubbering +blubberingly +blubberman +blubberous +blubbery +blucher +bludgeon +bludgeoned +bludgeoneer +bludgeoner +blue +blueback +bluebead +Bluebeard +bluebeard +Bluebeardism +bluebell +bluebelled +blueberry +bluebill +bluebird +blueblaw +bluebonnet +bluebook +bluebottle +bluebreast +bluebuck +bluebush +bluebutton +bluecap +bluecoat +bluecup +bluefish +bluegill +bluegown +bluegrass +bluehearted +bluehearts +blueing +bluejack +bluejacket +bluejoint +blueleg +bluelegs +bluely +blueness +bluenose +Bluenoser +blueprint +blueprinter +bluer +blues +bluesides +bluestem +bluestocking +bluestockingish +bluestockingism +bluestone +bluestoner +bluet +bluethroat +bluetongue +bluetop +blueweed +bluewing +bluewood +bluey +bluff +bluffable +bluffer +bluffly +bluffness +bluffy +bluggy +bluing +bluish +bluishness +bluism +Blumea +blunder +blunderbuss +blunderer +blunderful +blunderhead +blunderheaded +blunderheadedness +blundering +blunderingly +blundersome +blunge +blunger +blunk +blunker +blunks +blunnen +blunt +blunter +blunthead +blunthearted +bluntie +bluntish +bluntly +bluntness +blup +blur +blurb +blurbist +blurred +blurredness +blurrer +blurry +blurt +blush +blusher +blushful +blushfully +blushfulness +blushiness +blushing +blushingly +blushless +blushwort +blushy +bluster +blusteration +blusterer +blustering +blusteringly +blusterous +blusterously +blustery +blype +bo +boa +Boaedon +boagane +Boanbura +Boanerges +boanergism +boar +boarcite +board +boardable +boarder +boarding +boardinghouse +boardlike +boardly +boardman +boardwalk +boardy +boarfish +boarhound +boarish +boarishly +boarishness +boarship +boarskin +boarspear +boarstaff +boarwood +boast +boaster +boastful +boastfully +boastfulness +boasting +boastive +boastless +boat +boatable +boatage +boatbill +boatbuilder +boatbuilding +boater +boatfalls +boatful +boathead +boatheader +boathouse +boatie +boating +boatkeeper +boatless +boatlike +boatlip +boatload +boatloader +boatloading +boatly +boatman +boatmanship +boatmaster +boatowner +boatsetter +boatshop +boatside +boatsman +boatswain +boattail +boatward +boatwise +boatwoman +boatwright +Bob +bob +boba +bobac +Bobadil +Bobadilian +Bobadilish +Bobadilism +bobbed +bobber +bobbery +Bobbie +bobbin +bobbiner +bobbinet +bobbing +Bobbinite +bobbinwork +bobbish +bobbishly +bobble +Bobby +bobby +bobcat +bobcoat +bobeche +bobfly +bobierrite +bobization +bobjerom +bobo +bobolink +bobotie +bobsled +bobsleigh +bobstay +bobtail +bobtailed +bobwhite +bobwood +bocaccio +bocal +bocardo +bocasine +bocca +boccale +boccarella +boccaro +bocce +Bocconia +boce +bocedization +Boche +bocher +Bochism +bock +bockerel +bockeret +bocking +bocoy +bod +bodach +bodacious +bodaciously +bode +bodeful +bodega +bodement +boden +bodenbenderite +boder +bodewash +bodge +bodger +bodgery +bodhi +bodhisattva +bodice +bodiced +bodicemaker +bodicemaking +bodied +bodier +bodieron +bodikin +bodiless +bodilessness +bodiliness +bodily +bodiment +boding +bodingly +bodkin +bodkinwise +bodle +Bodleian +Bodo +bodock +Bodoni +body +bodybending +bodybuilder +bodyguard +bodyhood +bodyless +bodymaker +bodymaking +bodyplate +bodywise +bodywood +bodywork +Boebera +Boedromion +Boehmenism +Boehmenist +Boehmenite +Boehmeria +boeotarch +Boeotian +Boeotic +Boer +Boerdom +Boerhavia +Boethian +Boethusian +bog +boga +bogan +bogard +bogart +bogberry +bogey +bogeyman +boggart +boggin +bogginess +boggish +boggle +bogglebo +boggler +boggy +boghole +bogie +bogieman +bogier +Bogijiab +bogland +boglander +bogle +bogledom +boglet +bogman +bogmire +Bogo +bogo +Bogomil +Bogomile +Bogomilian +bogong +Bogota +bogsucker +bogtrot +bogtrotter +bogtrotting +bogue +bogum +bogus +bogusness +bogway +bogwood +bogwort +bogy +bogydom +bogyism +bogyland +Bohairic +bohawn +bohea +Bohemia +Bohemian +Bohemianism +bohemium +bohereen +bohireen +boho +bohor +bohunk +boid +Boidae +Boii +Boiko +boil +boilable +boildown +boiled +boiler +boilerful +boilerhouse +boilerless +boilermaker +boilermaking +boilerman +boilersmith +boilerworks +boilery +boiling +boilinglike +boilingly +boilover +boily +Bois +boist +boisterous +boisterously +boisterousness +bojite +bojo +bokadam +bokard +bokark +boke +Bokhara +Bokharan +bokom +bola +Bolag +bolar +Bolboxalis +bold +bolden +Bolderian +boldhearted +boldine +boldly +boldness +boldo +Boldu +bole +bolection +bolectioned +boled +boleite +Bolelia +bolelike +bolero +Boletaceae +boletaceous +bolete +Boletus +boleweed +bolewort +bolide +bolimba +bolis +bolivar +bolivarite +bolivia +Bolivian +boliviano +bolk +boll +Bollandist +bollard +bolled +boller +bolling +bollock +bollworm +bolly +Bolo +bolo +Bologna +Bolognan +Bolognese +bolograph +bolographic +bolographically +bolography +Boloism +boloman +bolometer +bolometric +boloney +boloroot +Bolshevik +Bolsheviki +Bolshevikian +Bolshevism +Bolshevist +Bolshevistic +Bolshevistically +Bolshevize +Bolshie +bolson +bolster +bolsterer +bolsterwork +bolt +boltage +boltant +boltcutter +boltel +bolter +bolthead +boltheader +boltheading +bolthole +bolti +bolting +boltless +boltlike +boltmaker +boltmaking +Boltonia +boltonite +boltrope +boltsmith +boltstrake +boltuprightness +boltwork +bolus +Bolyaian +bom +boma +Bomarea +bomb +bombable +Bombacaceae +bombacaceous +bombard +bombarde +bombardelle +bombarder +bombardier +bombardment +bombardon +bombast +bombaster +bombastic +bombastically +bombastry +Bombax +Bombay +bombazet +bombazine +bombed +bomber +bombiccite +Bombidae +bombilate +bombilation +Bombinae +bombinate +bombination +bombo +bombola +bombonne +bombous +bombproof +bombshell +bombsight +Bombus +bombycid +Bombycidae +bombyciform +Bombycilla +Bombycillidae +Bombycina +bombycine +Bombyliidae +Bombyx +Bon +bon +bonaci +bonagh +bonaght +bonair +bonairly +bonairness +bonally +bonang +bonanza +Bonapartean +Bonapartism +Bonapartist +Bonasa +bonasus +bonaventure +Bonaveria +bonavist +Bonbo +bonbon +bonce +bond +bondage +bondager +bondar +bonded +Bondelswarts +bonder +bonderman +bondfolk +bondholder +bondholding +bonding +bondless +bondman +bondmanship +bondsman +bondstone +bondswoman +bonduc +bondwoman +bone +boneache +bonebinder +boneblack +bonebreaker +boned +bonedog +bonefish +boneflower +bonehead +boneheaded +boneless +bonelessly +bonelessness +bonelet +bonelike +Bonellia +boner +boneset +bonesetter +bonesetting +boneshaker +boneshaw +bonetail +bonewood +bonework +bonewort +Boney +bonfire +bong +Bongo +bongo +bonhomie +Boni +boniata +Boniface +bonification +boniform +bonify +boniness +boninite +bonitarian +bonitary +bonito +bonk +bonnaz +bonnet +bonneted +bonneter +bonnethead +bonnetless +bonnetlike +bonnetman +bonnibel +Bonnie +bonnily +bonniness +Bonny +bonny +bonnyclabber +bonnyish +bonnyvis +Bononian +bonsai +bonspiel +bontebok +bontebuck +bontequagga +Bontok +bonus +bonxie +bony +bonyfish +bonze +bonzer +bonzery +bonzian +boo +boob +boobery +boobily +boobook +booby +boobyalla +boobyish +boobyism +bood +boodie +boodle +boodledom +boodleism +boodleize +boodler +boody +boof +booger +boogiewoogie +boohoo +boojum +book +bookable +bookbinder +bookbindery +bookbinding +bookboard +bookcase +bookcraft +bookdealer +bookdom +booked +booker +bookery +bookfold +bookful +bookholder +bookhood +bookie +bookiness +booking +bookish +bookishly +bookishness +bookism +bookkeeper +bookkeeping +bookland +bookless +booklet +booklike +bookling +booklore +booklover +bookmaker +bookmaking +Bookman +bookman +bookmark +bookmarker +bookmate +bookmobile +bookmonger +bookplate +bookpress +bookrack +bookrest +bookroom +bookseller +booksellerish +booksellerism +bookselling +bookshelf +bookshop +bookstack +bookstall +bookstand +bookstore +bookward +bookwards +bookways +bookwise +bookwork +bookworm +bookwright +booky +bool +Boolian +booly +boolya +boom +boomable +boomage +boomah +boomboat +boomdas +boomer +boomerang +booming +boomingly +boomless +boomlet +boomorah +boomslang +boomslange +boomster +boomy +boon +boondock +boondocks +boondoggle +boondoggler +Boone +boonfellow +boongary +boonk +boonless +Boophilus +boopis +boor +boorish +boorishly +boorishness +boort +boose +boost +booster +boosterism +boosy +boot +bootblack +bootboy +booted +bootee +booter +bootery +Bootes +bootful +booth +boother +Boothian +boothite +bootholder +boothose +Bootid +bootied +bootikin +booting +bootjack +bootlace +bootleg +bootlegger +bootlegging +bootless +bootlessly +bootlessness +bootlick +bootlicker +bootmaker +bootmaking +boots +bootstrap +booty +bootyless +booze +boozed +boozer +boozily +booziness +boozy +bop +bopeep +boppist +bopyrid +Bopyridae +bopyridian +Bopyrus +bor +bora +borable +borachio +boracic +boraciferous +boracous +borage +Boraginaceae +boraginaceous +Borago +Borak +borak +boral +Boran +Borana +Borani +borasca +borasque +Borassus +borate +borax +Borboridae +Borborus +borborygmic +borborygmus +bord +bordage +bordar +bordarius +Bordeaux +bordel +bordello +border +bordered +borderer +Borderies +bordering +borderism +borderland +borderlander +borderless +borderline +bordermark +Borderside +bordroom +bordure +bordured +bore +boreable +boread +Boreades +boreal +borealis +borean +Boreas +borecole +boredom +boree +boreen +boregat +borehole +Boreiad +boreism +borele +borer +boresome +Boreus +borg +borgh +borghalpenny +Borghese +borh +boric +borickite +boride +borine +boring +boringly +boringness +Borinqueno +Boris +borish +borism +bority +borize +borlase +born +borne +Bornean +Borneo +borneol +borning +bornite +bornitic +bornyl +Boro +boro +Borocaine +borocalcite +borocarbide +borocitrate +borofluohydric +borofluoric +borofluoride +borofluorin +boroglycerate +boroglyceride +boroglycerine +borolanite +boron +boronatrocalcite +Boronia +boronic +borophenol +borophenylic +Bororo +Bororoan +borosalicylate +borosalicylic +borosilicate +borosilicic +borotungstate +borotungstic +borough +boroughlet +boroughmaster +boroughmonger +boroughmongering +boroughmongery +boroughship +borowolframic +borracha +borrel +Borrelia +Borrelomycetaceae +Borreria +Borrichia +Borromean +Borrovian +borrow +borrowable +borrower +borrowing +borsch +borscht +borsholder +borsht +borstall +bort +bortsch +borty +bortz +Boruca +Borussian +borwort +boryl +Borzicactus +borzoi +Bos +Bosc +boscage +bosch +boschbok +Boschneger +boschvark +boschveld +bose +Boselaphus +boser +bosh +Boshas +bosher +Bosjesman +bosjesman +bosk +bosker +bosket +boskiness +bosky +bosn +Bosniac +Bosniak +Bosnian +Bosnisch +bosom +bosomed +bosomer +bosomy +Bosporan +Bosporanic +Bosporian +bosporus +boss +bossage +bossdom +bossed +bosselated +bosselation +bosser +bosset +bossiness +bossing +bossism +bosslet +bossship +bossy +bostangi +bostanji +bosthoon +Boston +boston +Bostonese +Bostonian +bostonite +bostrychid +Bostrychidae +bostrychoid +bostrychoidal +bostryx +bosun +Boswellia +Boswellian +Boswelliana +Boswellism +Boswellize +bot +bota +botanic +botanical +botanically +botanist +botanize +botanizer +botanomancy +botanophile +botanophilist +botany +botargo +Botaurinae +Botaurus +botch +botched +botchedly +botcher +botcherly +botchery +botchily +botchiness +botchka +botchy +bote +Botein +botella +boterol +botfly +both +bother +botheration +botherer +botherheaded +botherment +bothersome +bothlike +Bothnian +Bothnic +bothrenchyma +Bothriocephalus +Bothriocidaris +Bothriolepis +bothrium +Bothrodendron +bothropic +Bothrops +bothros +bothsided +bothsidedness +bothway +bothy +Botocudo +botonee +botong +Botrychium +Botrydium +Botryllidae +Botryllus +botryogen +botryoid +botryoidal +botryoidally +botryolite +Botryomyces +botryomycoma +botryomycosis +botryomycotic +Botryopteriaceae +botryopterid +Botryopteris +botryose +botryotherapy +Botrytis +bott +bottekin +Botticellian +bottine +bottle +bottlebird +bottled +bottleflower +bottleful +bottlehead +bottleholder +bottlelike +bottlemaker +bottlemaking +bottleman +bottleneck +bottlenest +bottlenose +bottler +bottling +bottom +bottomchrome +bottomed +bottomer +bottoming +bottomless +bottomlessly +bottomlessness +bottommost +bottomry +bottstick +botuliform +botulin +botulinum +botulism +botulismus +bouchal +bouchaleen +boucharde +bouche +boucher +boucherism +boucherize +bouchette +boud +boudoir +bouffancy +bouffant +Bougainvillaea +Bougainvillea +Bougainvillia +Bougainvilliidae +bougar +bouge +bouget +bough +boughed +boughless +boughpot +bought +boughten +boughy +bougie +bouillabaisse +bouillon +bouk +boukit +boulangerite +Boulangism +Boulangist +boulder +boulderhead +bouldering +bouldery +boule +boulevard +boulevardize +boultel +boulter +boulterer +boun +bounce +bounceable +bounceably +bouncer +bouncing +bouncingly +bound +boundable +boundary +bounded +boundedly +boundedness +bounden +bounder +bounding +boundingly +boundless +boundlessly +boundlessness +boundly +boundness +bounteous +bounteously +bounteousness +bountied +bountiful +bountifully +bountifulness +bountith +bountree +bounty +bountyless +bouquet +bourasque +Bourbon +bourbon +Bourbonesque +Bourbonian +Bourbonism +Bourbonist +bourbonize +bourd +bourder +bourdon +bourette +bourg +bourgeois +bourgeoise +bourgeoisie +bourgeoisitic +Bourignian +Bourignianism +Bourignianist +Bourignonism +Bourignonist +bourn +bournless +bournonite +bourock +Bourout +bourse +bourtree +bouse +bouser +Boussingaultia +boussingaultite +boustrophedon +boustrophedonic +bousy +bout +boutade +Bouteloua +bouto +boutonniere +boutylka +Bouvardia +bouw +bovarism +bovarysm +bovate +bovenland +bovicide +boviculture +bovid +Bovidae +boviform +bovine +bovinely +bovinity +Bovista +bovoid +bovovaccination +bovovaccine +bow +bowable +bowback +bowbells +bowbent +bowboy +Bowdichia +bowdlerism +bowdlerization +bowdlerize +bowed +bowedness +bowel +boweled +bowelless +bowellike +bowels +bowenite +bower +bowerbird +bowerlet +bowermaiden +bowermay +bowerwoman +Bowery +bowery +Boweryish +bowet +bowfin +bowgrace +bowhead +bowie +bowieful +bowing +bowingly +bowk +bowkail +bowker +bowknot +bowl +bowla +bowleg +bowlegged +bowleggedness +bowler +bowless +bowlful +bowlike +bowline +bowling +bowllike +bowlmaker +bowls +bowly +bowmaker +bowmaking +bowman +bowpin +bowralite +bowshot +bowsprit +bowstave +bowstring +bowstringed +bowwoman +bowwood +bowwort +bowwow +bowyer +boxberry +boxboard +boxbush +boxcar +boxen +Boxer +boxer +Boxerism +boxfish +boxful +boxhaul +boxhead +boxing +boxkeeper +boxlike +boxmaker +boxmaking +boxman +boxthorn +boxty +boxwallah +boxwood +boxwork +boxy +boy +boyang +boyar +boyard +boyardism +boyardom +boyarism +Boyce +boycott +boycottage +boycotter +boycottism +Boyd +boydom +boyer +boyhood +boyish +boyishly +boyishness +boyism +boyla +boylike +boyology +boysenberry +boyship +boza +bozal +bozo +bozze +bra +brab +brabagious +brabant +Brabanter +Brabantine +brabble +brabblement +brabbler +brabblingly +Brabejum +braca +braccate +braccia +bracciale +braccianite +braccio +brace +braced +bracelet +braceleted +bracer +bracero +braces +brach +Brachelytra +brachelytrous +bracherer +brachering +brachet +brachial +brachialgia +brachialis +Brachiata +brachiate +brachiation +brachiator +brachiferous +brachigerous +Brachinus +brachiocephalic +brachiocrural +brachiocubital +brachiocyllosis +brachiofacial +brachiofaciolingual +brachioganoid +Brachioganoidei +brachiolaria +brachiolarian +brachiopod +Brachiopoda +brachiopode +brachiopodist +brachiopodous +brachioradial +brachioradialis +brachiorrhachidian +brachiorrheuma +brachiosaur +Brachiosaurus +brachiostrophosis +brachiotomy +brachistocephali +brachistocephalic +brachistocephalous +brachistocephaly +brachistochrone +brachistochronic +brachistochronous +brachium +brachtmema +brachyaxis +brachycardia +brachycatalectic +brachycephal +brachycephalic +brachycephalism +brachycephalization +brachycephalize +brachycephalous +brachycephaly +Brachycera +brachyceral +brachyceric +brachycerous +brachychronic +brachycnemic +Brachycome +brachycranial +brachydactyl +brachydactylic +brachydactylism +brachydactylous +brachydactyly +brachydiagonal +brachydodrome +brachydodromous +brachydomal +brachydomatic +brachydome +brachydont +brachydontism +brachyfacial +brachyglossal +brachygnathia +brachygnathism +brachygnathous +brachygrapher +brachygraphic +brachygraphical +brachygraphy +brachyhieric +brachylogy +brachymetropia +brachymetropic +Brachyoura +brachyphalangia +Brachyphyllum +brachypinacoid +brachypinacoidal +brachypleural +brachypnea +brachypodine +brachypodous +brachyprism +brachyprosopic +brachypterous +brachypyramid +brachyrrhinia +brachysclereid +brachyskelic +brachysm +brachystaphylic +Brachystegia +brachystochrone +Brachystomata +brachystomatous +brachystomous +brachytic +brachytypous +Brachyura +brachyural +brachyuran +brachyuranic +brachyure +brachyurous +Brachyurus +bracing +bracingly +bracingness +brack +brackebuschite +bracken +brackened +bracker +bracket +bracketing +bracketwise +brackish +brackishness +brackmard +bracky +Bracon +braconid +Braconidae +bract +bractea +bracteal +bracteate +bracted +bracteiform +bracteolate +bracteole +bracteose +bractless +bractlet +Brad +brad +bradawl +Bradbury +Bradburya +bradenhead +Bradford +Bradley +bradmaker +Bradshaw +bradsot +bradyacousia +bradycardia +bradycauma +bradycinesia +bradycrotic +bradydactylia +bradyesthesia +bradyglossia +bradykinesia +bradykinetic +bradylalia +bradylexia +bradylogia +bradynosus +bradypepsia +bradypeptic +bradyphagia +bradyphasia +bradyphemia +bradyphrasia +bradyphrenia +bradypnea +bradypnoea +bradypod +bradypode +Bradypodidae +bradypodoid +Bradypus +bradyseism +bradyseismal +bradyseismic +bradyseismical +bradyseismism +bradyspermatism +bradysphygmia +bradystalsis +bradyteleocinesia +bradyteleokinesis +bradytocia +bradytrophic +bradyuria +brae +braeface +braehead +braeman +braeside +brag +braggardism +braggart +braggartism +braggartly +braggartry +braggat +bragger +braggery +bragget +bragging +braggingly +braggish +braggishly +Bragi +bragite +bragless +braguette +Brahm +Brahma +brahmachari +Brahmahood +Brahmaic +Brahman +Brahmana +Brahmanaspati +Brahmanda +Brahmaness +Brahmanhood +Brahmani +Brahmanic +Brahmanical +Brahmanism +Brahmanist +Brahmanistic +Brahmanize +Brahmany +Brahmi +Brahmic +Brahmin +Brahminic +Brahminism +Brahmoism +Brahmsian +Brahmsite +Brahui +braid +braided +braider +braiding +Braidism +Braidist +brail +Braille +Braillist +brain +brainache +braincap +braincraft +brainer +brainfag +brainge +braininess +brainless +brainlessly +brainlessness +brainlike +brainpan +brains +brainsick +brainsickly +brainsickness +brainstone +brainward +brainwash +brainwasher +brainwashing +brainwater +brainwood +brainwork +brainworker +brainy +braird +braireau +brairo +braise +brake +brakeage +brakehand +brakehead +brakeless +brakeload +brakemaker +brakemaking +brakeman +braker +brakeroot +brakesman +brakie +braky +Bram +Bramantesque +Bramantip +bramble +brambleberry +bramblebush +brambled +brambling +brambly +brambrack +Bramia +bran +brancard +branch +branchage +branched +Branchellion +brancher +branchery +branchful +branchi +branchia +branchiae +branchial +Branchiata +branchiate +branchicolous +branchiferous +branchiform +branchihyal +branchiness +branching +Branchiobdella +branchiocardiac +branchiogenous +branchiomere +branchiomeric +branchiomerism +branchiopallial +branchiopod +Branchiopoda +branchiopodan +branchiopodous +Branchiopulmonata +branchiopulmonate +branchiosaur +Branchiosauria +branchiosaurian +Branchiosaurus +branchiostegal +Branchiostegidae +branchiostegite +branchiostegous +Branchiostoma +branchiostomid +Branchiostomidae +Branchipodidae +Branchipus +branchireme +Branchiura +branchiurous +branchless +branchlet +branchlike +branchling +branchman +branchstand +branchway +branchy +brand +branded +Brandenburg +Brandenburger +brander +brandering +Brandi +brandied +brandify +brandise +brandish +brandisher +brandisite +brandless +brandling +Brandon +brandreth +Brandy +brandy +brandyball +brandyman +brandywine +brangle +brangled +branglement +brangler +brangling +branial +brank +brankie +brankursine +branle +branner +brannerite +branny +bransle +bransolder +brant +Branta +brantail +brantness +Brasenia +brash +brashiness +brashness +brashy +brasiletto +brasque +brass +brassage +brassard +brassart +Brassavola +brassbound +brassbounder +brasse +brasser +brasset +Brassia +brassic +Brassica +Brassicaceae +brassicaceous +brassidic +brassie +brassiere +brassily +brassiness +brassish +brasslike +brassware +brasswork +brassworker +brassworks +brassy +brassylic +brat +bratling +bratstvo +brattach +brattice +bratticer +bratticing +brattie +brattish +brattishing +brattle +brauna +Brauneberger +Brauneria +braunite +Brauronia +Brauronian +Brava +bravade +bravado +bravadoism +brave +bravehearted +bravely +braveness +braver +bravery +braving +bravish +bravo +bravoite +bravura +bravuraish +braw +brawl +brawler +brawling +brawlingly +brawlsome +brawly +brawlys +brawn +brawned +brawnedness +brawner +brawnily +brawniness +brawny +braws +braxy +bray +brayer +brayera +brayerin +braystone +braza +braze +brazen +brazenface +brazenfaced +brazenfacedly +brazenly +brazenness +brazer +brazera +brazier +braziery +brazil +brazilein +brazilette +Brazilian +brazilin +brazilite +brazilwood +breach +breacher +breachful +breachy +bread +breadbasket +breadberry +breadboard +breadbox +breadearner +breadearning +breaden +breadfruit +breadless +breadlessness +breadmaker +breadmaking +breadman +breadnut +breadroot +breadseller +breadstuff +breadth +breadthen +breadthless +breadthriders +breadthways +breadthwise +breadwinner +breadwinning +breaghe +break +breakable +breakableness +breakably +breakage +breakaway +breakax +breakback +breakbones +breakdown +breaker +breakerman +breakfast +breakfaster +breakfastless +breaking +breakless +breakneck +breakoff +breakout +breakover +breakshugh +breakstone +breakthrough +breakup +breakwater +breakwind +bream +breards +breast +breastband +breastbeam +breastbone +breasted +breaster +breastfeeding +breastful +breastheight +breasthook +breastie +breasting +breastless +breastmark +breastpiece +breastpin +breastplate +breastplow +breastrail +breastrope +breastsummer +breastweed +breastwise +breastwood +breastwork +breath +breathable +breathableness +breathe +breathed +breather +breathful +breathiness +breathing +breathingly +breathless +breathlessly +breathlessness +breathseller +breathy +breba +breccia +breccial +brecciated +brecciation +brecham +Brechites +breck +brecken +bred +bredbergite +brede +bredi +bree +breech +breechblock +breechcloth +breechclout +breeched +breeches +breechesflower +breechesless +breeching +breechless +breechloader +breed +breedable +breedbate +breeder +breediness +breeding +breedy +breek +breekless +breekums +breeze +breezeful +breezeless +breezelike +breezeway +breezily +breeziness +breezy +bregma +bregmata +bregmate +bregmatic +brehon +brehonship +brei +breislakite +breithauptite +brekkle +brelaw +breloque +breme +bremely +bremeness +Bremia +bremsstrahlung +Brenda +Brendan +Brender +brennage +Brent +brent +Brenthis +brephic +Brescian +Bret +bret +bretelle +bretesse +breth +brethren +Breton +Bretonian +Bretschneideraceae +Brett +brett +brettice +Bretwalda +Bretwaldadom +Bretwaldaship +breunnerite +breva +breve +brevet +brevetcy +breviary +breviate +breviature +brevicaudate +brevicipitid +Brevicipitidae +breviconic +brevier +brevifoliate +breviger +brevilingual +breviloquence +breviloquent +breviped +brevipen +brevipennate +breviradiate +brevirostral +brevirostrate +Brevirostrines +brevit +brevity +brew +brewage +brewer +brewership +brewery +brewhouse +brewing +brewis +brewmaster +brewst +brewster +brewsterite +brey +Brian +briar +briarberry +Briard +Briarean +Briareus +briarroot +bribe +bribee +bribegiver +bribegiving +bribemonger +briber +bribery +bribetaker +bribetaking +bribeworthy +Bribri +brichen +brichette +brick +brickbat +brickcroft +brickel +bricken +brickfield +brickfielder +brickhood +bricking +brickish +brickkiln +bricklayer +bricklaying +brickle +brickleness +bricklike +brickliner +bricklining +brickly +brickmaker +brickmaking +brickmason +brickset +bricksetter +bricktimber +brickwise +brickwork +bricky +brickyard +bricole +bridal +bridale +bridaler +bridally +Bride +bride +bridebed +bridebowl +bridecake +bridechamber +bridecup +bridegod +bridegroom +bridegroomship +bridehead +bridehood +brideknot +bridelace +brideless +bridelike +bridely +bridemaid +bridemaiden +bridemaidship +brideship +bridesmaid +bridesmaiding +bridesman +bridestake +bridewain +brideweed +bridewell +bridewort +bridge +bridgeable +bridgeboard +bridgebote +bridgebuilder +bridgebuilding +bridged +bridgehead +bridgekeeper +bridgeless +bridgelike +bridgemaker +bridgemaking +bridgeman +bridgemaster +bridgepot +Bridger +bridger +Bridget +bridgetree +bridgeward +bridgewards +bridgeway +bridgework +bridging +bridle +bridled +bridleless +bridleman +bridler +bridling +bridoon +brief +briefing +briefless +brieflessly +brieflessness +briefly +briefness +briefs +brier +brierberry +briered +brierroot +brierwood +briery +brieve +brig +brigade +brigadier +brigadiership +brigalow +brigand +brigandage +brigander +brigandine +brigandish +brigandishly +brigandism +Brigantes +Brigantia +brigantine +brigatry +brigbote +brigetty +Briggs +Briggsian +Brighella +Brighid +bright +brighten +brightener +brightening +Brighteyes +brighteyes +brightish +brightly +brightness +brightsmith +brightsome +brightsomeness +brightwork +Brigid +Brigittine +brill +brilliance +brilliancy +brilliandeer +brilliant +brilliantine +brilliantly +brilliantness +brilliantwise +brilliolette +brillolette +brills +brim +brimborion +brimborium +brimful +brimfully +brimfulness +briming +brimless +brimmed +brimmer +brimming +brimmingly +brimstone +brimstonewort +brimstony +brin +brindlish +brine +brinehouse +brineless +brineman +briner +bring +bringal +bringall +bringer +brininess +brinish +brinishness +brinjal +brinjarry +brink +brinkless +briny +brioche +briolette +brique +briquette +brisk +brisken +brisket +briskish +briskly +briskness +brisling +brisque +briss +Brissotin +Brissotine +bristle +bristlebird +bristlecone +bristled +bristleless +bristlelike +bristler +bristletail +bristlewort +bristliness +bristly +Bristol +brisure +brit +Britain +Britannia +Britannian +Britannic +Britannically +britchka +brith +brither +Briticism +British +Britisher +Britishhood +Britishism +Britishly +Britishness +Briton +Britoness +britska +Brittany +britten +brittle +brittlebush +brittlely +brittleness +brittlestem +brittlewood +brittlewort +brittling +Briza +brizz +broach +broacher +broad +broadacre +broadax +broadbill +Broadbrim +broadbrim +broadcast +broadcaster +broadcloth +broaden +broadhead +broadhearted +broadhorn +broadish +broadleaf +broadloom +broadly +broadmouth +broadness +broadpiece +broadshare +broadsheet +broadside +broadspread +broadsword +broadtail +broadthroat +Broadway +broadway +Broadwayite +broadways +broadwife +broadwise +brob +Brobdingnag +Brobdingnagian +brocade +brocaded +brocard +brocardic +brocatel +brocatello +broccoli +broch +brochan +brochant +brochantite +broche +brochette +brochidodromous +brocho +brochure +brock +brockage +brocked +brocket +brockle +brod +brodder +brodeglass +brodequin +broderer +Brodiaea +Brodie +brog +brogan +brogger +broggerite +broggle +brogue +brogueful +brogueneer +broguer +broguery +broguish +broider +broiderer +broideress +broidery +broigne +broil +broiler +broiling +broilingly +brokage +broke +broken +brokenhearted +brokenheartedly +brokenheartedness +brokenly +brokenness +broker +brokerage +brokeress +brokership +broking +brolga +broll +brolly +broma +bromacetanilide +bromacetate +bromacetic +bromacetone +bromal +bromalbumin +bromamide +bromargyrite +bromate +bromaurate +bromauric +brombenzamide +brombenzene +brombenzyl +bromcamphor +bromcresol +brome +bromeigon +Bromeikon +bromeikon +Bromelia +Bromeliaceae +bromeliaceous +bromeliad +bromelin +bromellite +bromethyl +bromethylene +bromgelatin +bromhidrosis +bromhydrate +bromhydric +Bromian +bromic +bromide +bromidic +bromidically +bromidrosis +brominate +bromination +bromindigo +bromine +brominism +brominize +bromiodide +Bromios +bromism +bromite +Bromius +bromization +bromize +bromizer +bromlite +bromoacetone +bromoaurate +bromoauric +bromobenzene +bromobenzyl +bromocamphor +bromochlorophenol +bromocresol +bromocyanidation +bromocyanide +bromocyanogen +bromoethylene +bromoform +bromogelatin +bromohydrate +bromohydrin +bromoil +bromoiodide +bromoiodism +bromoiodized +bromoketone +bromol +bromomania +bromomenorrhea +bromomethane +bromometric +bromometrical +bromometrically +bromometry +bromonaphthalene +bromophenol +bromopicrin +bromopnea +bromoprotein +bromothymol +bromous +bromphenol +brompicrin +bromthymol +bromuret +Bromus +bromvogel +bromyrite +bronc +bronchadenitis +bronchi +bronchia +bronchial +bronchially +bronchiarctia +bronchiectasis +bronchiectatic +bronchiloquy +bronchiocele +bronchiocrisis +bronchiogenic +bronchiolar +bronchiole +bronchioli +bronchiolitis +bronchiolus +bronchiospasm +bronchiostenosis +bronchitic +bronchitis +bronchium +bronchoadenitis +bronchoalveolar +bronchoaspergillosis +bronchoblennorrhea +bronchocavernous +bronchocele +bronchocephalitis +bronchoconstriction +bronchoconstrictor +bronchodilatation +bronchodilator +bronchoegophony +bronchoesophagoscopy +bronchogenic +bronchohemorrhagia +broncholemmitis +broncholith +broncholithiasis +bronchomotor +bronchomucormycosis +bronchomycosis +bronchopathy +bronchophonic +bronchophony +bronchophthisis +bronchoplasty +bronchoplegia +bronchopleurisy +bronchopneumonia +bronchopneumonic +bronchopulmonary +bronchorrhagia +bronchorrhaphy +bronchorrhea +bronchoscope +bronchoscopic +bronchoscopist +bronchoscopy +bronchospasm +bronchostenosis +bronchostomy +bronchotetany +bronchotome +bronchotomist +bronchotomy +bronchotracheal +bronchotyphoid +bronchotyphus +bronchovesicular +bronchus +bronco +broncobuster +brongniardite +bronk +Bronteana +bronteon +brontephobia +Brontesque +bronteum +brontide +brontogram +brontograph +brontolite +brontology +brontometer +brontophobia +Brontops +Brontosaurus +brontoscopy +Brontotherium +Brontozoum +Bronx +bronze +bronzed +bronzelike +bronzen +bronzer +bronzesmith +bronzewing +bronzify +bronzine +bronzing +bronzite +bronzitite +bronzy +broo +brooch +brood +brooder +broodiness +brooding +broodingly +broodless +broodlet +broodling +broody +brook +brookable +Brooke +brooked +brookflower +brookie +brookite +brookless +brooklet +brooklike +brooklime +Brooklynite +brookside +brookweed +brooky +brool +broom +broombush +broomcorn +broomer +broommaker +broommaking +broomrape +broomroot +broomshank +broomstaff +broomstick +broomstraw +broomtail +broomweed +broomwood +broomwort +broomy +broon +broose +broozled +brose +Brosimum +brosot +brosy +brot +brotan +brotany +broth +brothel +brotheler +brothellike +brothelry +brother +brotherhood +brotherless +brotherlike +brotherliness +brotherly +brothership +Brotherton +brotherwort +brothy +brotocrystal +Brotula +brotulid +Brotulidae +brotuliform +brough +brougham +brought +Broussonetia +brow +browache +Browallia +browallia +browband +browbeat +browbeater +browbound +browden +browed +browis +browless +browman +brown +brownback +browner +Brownian +brownie +browniness +browning +Browningesque +brownish +Brownism +Brownist +Brownistic +Brownistical +brownly +brownness +brownout +brownstone +browntail +browntop +brownweed +brownwort +browny +browpiece +browpost +browse +browser +browsick +browsing +browst +bruang +Bruce +Brucella +brucellosis +Bruchidae +Bruchus +brucia +brucina +brucine +brucite +bruckle +bruckled +bruckleness +Bructeri +brugh +brugnatellite +bruin +bruise +bruiser +bruisewort +bruising +bruit +bruiter +bruke +Brule +brulee +brulyie +brulyiement +brumal +Brumalia +brumby +brume +Brummagem +brummagem +brumous +brumstane +brumstone +brunch +Brunella +Brunellia +Brunelliaceae +brunelliaceous +brunet +brunetness +brunette +brunetteness +Brunfelsia +brunissure +Brunistic +brunneous +Brunnichia +Bruno +Brunonia +Brunoniaceae +Brunonian +Brunonism +Brunswick +brunswick +brunt +bruscus +brush +brushable +brushball +brushbird +brushbush +brushed +brusher +brushes +brushet +brushful +brushiness +brushing +brushite +brushland +brushless +brushlessness +brushlet +brushlike +brushmaker +brushmaking +brushman +brushoff +brushproof +brushwood +brushwork +brushy +brusque +brusquely +brusqueness +Brussels +brustle +brut +Bruta +brutage +brutal +brutalism +brutalist +brutalitarian +brutality +brutalization +brutalize +brutally +brute +brutedom +brutelike +brutely +bruteness +brutification +brutify +bruting +brutish +brutishly +brutishness +brutism +brutter +Brutus +bruzz +Bryaceae +bryaceous +Bryales +Bryan +Bryanism +Bryanite +Bryanthus +Bryce +bryogenin +bryological +bryologist +bryology +Bryonia +bryonidin +bryonin +bryony +Bryophyllum +Bryophyta +bryophyte +bryophytic +Bryozoa +bryozoan +bryozoon +bryozoum +Brython +Brythonic +Bryum +Bu +bu +bual +buaze +bub +buba +bubal +bubaline +Bubalis +bubalis +Bubastid +Bubastite +bubble +bubbleless +bubblement +bubbler +bubbling +bubblingly +bubblish +bubbly +bubby +bubbybush +Bube +bubinga +Bubo +bubo +buboed +bubonalgia +bubonic +Bubonidae +bubonocele +bubukle +bucare +bucca +buccal +buccally +buccan +buccaneer +buccaneerish +buccate +Buccellarius +buccina +buccinal +buccinator +buccinatory +Buccinidae +bucciniform +buccinoid +Buccinum +Bucco +buccobranchial +buccocervical +buccogingival +buccolabial +buccolingual +bucconasal +Bucconidae +Bucconinae +buccopharyngeal +buccula +Bucculatrix +bucentaur +Bucephala +Bucephalus +Buceros +Bucerotes +Bucerotidae +Bucerotinae +Buchanan +Buchanite +buchite +Buchloe +Buchmanism +Buchmanite +Buchnera +buchnerite +buchonite +buchu +buck +buckaroo +buckberry +buckboard +buckbrush +buckbush +bucked +buckeen +bucker +bucket +bucketer +bucketful +bucketing +bucketmaker +bucketmaking +bucketman +buckety +buckeye +buckhorn +buckhound +buckie +bucking +buckish +buckishly +buckishness +buckjump +buckjumper +bucklandite +buckle +buckled +buckleless +buckler +Buckleya +buckling +bucklum +bucko +buckplate +buckpot +buckra +buckram +bucksaw +buckshee +buckshot +buckskin +buckskinned +buckstall +buckstay +buckstone +bucktail +buckthorn +bucktooth +buckwagon +buckwash +buckwasher +buckwashing +buckwheat +buckwheater +buckwheatlike +Bucky +bucky +bucoliast +bucolic +bucolical +bucolically +bucolicism +Bucorvinae +Bucorvus +bucrane +bucranium +Bud +bud +buda +buddage +budder +Buddh +Buddha +Buddhahood +Buddhaship +buddhi +Buddhic +Buddhism +Buddhist +Buddhistic +Buddhistical +Buddhology +budding +buddle +Buddleia +buddleman +buddler +buddy +budge +budger +budgeree +budgereegah +budgerigar +budgerow +budget +budgetary +budgeteer +budgeter +budgetful +Budh +budless +budlet +budlike +budmash +Budorcas +budtime +Budukha +Buduma +budwood +budworm +budzat +Buettneria +Buettneriaceae +bufagin +buff +buffable +buffalo +buffaloback +buffball +buffcoat +buffed +buffer +buffet +buffeter +buffing +buffle +bufflehead +bufflehorn +buffont +buffoon +buffoonery +buffoonesque +buffoonish +buffoonism +buffware +buffy +bufidin +bufo +Bufonidae +bufonite +bufotalin +bug +bugaboo +bugan +bugbane +bugbear +bugbeardom +bugbearish +bugbite +bugdom +bugfish +bugger +buggery +bugginess +buggy +buggyman +bughead +bughouse +Bugi +Buginese +Buginvillaea +bugle +bugled +bugler +buglet +bugleweed +buglewort +bugloss +bugologist +bugology +bugproof +bugre +bugseed +bugweed +bugwort +buhl +buhr +buhrstone +build +buildable +builder +building +buildingless +buildress +buildup +built +buirdly +buisson +buist +Bukat +Bukeyef +bukh +Bukidnon +bukshi +bulak +Bulanda +bulb +bulbaceous +bulbar +bulbed +bulbiferous +bulbiform +bulbil +Bulbilis +bulbilla +bulbless +bulblet +bulblike +bulbocapnin +bulbocapnine +bulbocavernosus +bulbocavernous +Bulbochaete +Bulbocodium +bulbomedullary +bulbomembranous +bulbonuclear +Bulbophyllum +bulborectal +bulbose +bulbospinal +bulbotuber +bulbous +bulbul +bulbule +bulby +bulchin +Bulgar +Bulgari +Bulgarian +Bulgaric +Bulgarophil +bulge +bulger +bulginess +bulgy +bulimia +bulimiac +bulimic +bulimiform +bulimoid +Bulimulidae +Bulimus +bulimy +bulk +bulked +bulker +bulkhead +bulkheaded +bulkily +bulkiness +bulkish +bulky +bull +bulla +bullace +bullamacow +bullan +bullary +bullate +bullated +bullation +bullback +bullbaiting +bullbat +bullbeggar +bullberry +bullbird +bullboat +bullcart +bullcomber +bulldog +bulldogged +bulldoggedness +bulldoggy +bulldogism +bulldoze +bulldozer +buller +bullet +bulleted +bullethead +bulletheaded +bulletheadedness +bulletin +bulletless +bulletlike +bulletmaker +bulletmaking +bulletproof +bulletwood +bullety +bullfeast +bullfight +bullfighter +bullfighting +bullfinch +bullfist +bullflower +bullfoot +bullfrog +bullhead +bullheaded +bullheadedly +bullheadedness +bullhide +bullhoof +bullhorn +Bullidae +bulliform +bullimong +bulling +bullion +bullionism +bullionist +bullionless +bullish +bullishly +bullishness +bullism +bullit +bullneck +bullnose +bullnut +bullock +bullocker +Bullockite +bullockman +bullocky +Bullom +bullous +bullpates +bullpoll +bullpout +bullskin +bullsticker +bullsucker +bullswool +bulltoad +bullule +bullweed +bullwhack +bullwhacker +bullwhip +bullwort +bully +bullyable +bullydom +bullyhuff +bullying +bullyism +bullyrag +bullyragger +bullyragging +bullyrook +bulrush +bulrushlike +bulrushy +bulse +bult +bulter +bultey +bultong +bultow +bulwand +bulwark +bum +bumbailiff +bumbailiffship +bumbarge +bumbaste +bumbaze +bumbee +bumbershoot +bumble +bumblebee +bumbleberry +Bumbledom +bumblefoot +bumblekite +bumblepuppy +bumbler +bumbo +bumboat +bumboatman +bumboatwoman +bumclock +Bumelia +bumicky +bummalo +bummaree +bummed +bummer +bummerish +bummie +bumming +bummler +bummock +bump +bumpee +bumper +bumperette +bumpily +bumpiness +bumping +bumpingly +bumpkin +bumpkinet +bumpkinish +bumpkinly +bumpology +bumptious +bumptiously +bumptiousness +bumpy +bumtrap +bumwood +bun +Buna +buna +buncal +bunce +bunch +bunchberry +buncher +bunchflower +bunchily +bunchiness +bunchy +buncombe +bund +Bunda +Bundahish +Bundeli +bunder +Bundestag +bundle +bundler +bundlerooted +bundlet +bundobust +bundook +Bundu +bundweed +bundy +bunemost +bung +Bunga +bungaloid +bungalow +bungarum +Bungarus +bungee +bungerly +bungey +bungfu +bungfull +bunghole +bungle +bungler +bunglesome +bungling +bunglingly +bungmaker +bungo +bungwall +bungy +Buninahua +bunion +bunk +bunker +bunkerman +bunkery +bunkhouse +bunkie +bunkload +bunko +bunkum +bunnell +bunny +bunnymouth +bunodont +Bunodonta +bunolophodont +Bunomastodontidae +bunoselenodont +bunsenite +bunt +buntal +bunted +Bunter +bunter +bunting +buntline +bunton +bunty +bunya +bunyah +bunyip +Bunyoro +buoy +buoyage +buoyance +buoyancy +buoyant +buoyantly +buoyantness +Buphaga +buphthalmia +buphthalmic +Buphthalmum +bupleurol +Bupleurum +buplever +buprestid +Buprestidae +buprestidan +Buprestis +bur +buran +burao +Burbank +burbank +burbankian +Burbankism +burbark +Burberry +burble +burbler +burbly +burbot +burbush +burd +burdalone +burden +burdener +burdenless +burdenous +burdensome +burdensomely +burdensomeness +burdie +Burdigalian +burdock +burdon +bure +bureau +bureaucracy +bureaucrat +bureaucratic +bureaucratical +bureaucratically +bureaucratism +bureaucratist +bureaucratization +bureaucratize +bureaux +burel +burele +buret +burette +burfish +burg +burgage +burgality +burgall +burgee +burgensic +burgeon +burgess +burgessdom +burggrave +burgh +burghal +burghalpenny +burghbote +burghemot +burgher +burgherage +burgherdom +burgheress +burgherhood +burghermaster +burghership +burghmaster +burghmoot +burglar +burglarious +burglariously +burglarize +burglarproof +burglary +burgle +burgomaster +burgomastership +burgonet +burgoo +burgoyne +burgrave +burgraviate +burgul +Burgundian +Burgundy +burgus +burgware +burhead +Burhinidae +Burhinus +Buri +buri +burial +burian +Buriat +buried +burier +burin +burinist +burion +buriti +burka +burke +burker +burkundaz +burl +burlap +burled +burler +burlesque +burlesquely +burlesquer +burlet +burletta +Burley +burlily +burliness +Burlington +burly +Burman +Burmannia +Burmanniaceae +burmanniaceous +Burmese +burmite +burn +burnable +burnbeat +burned +burner +burnet +burnetize +burnfire +burnie +burniebee +burning +burningly +burnish +burnishable +burnisher +burnishing +burnishment +burnoose +burnoosed +burnous +burnout +burnover +Burnsian +burnside +burnsides +burnt +burntweed +burnut +burnwood +burny +buro +burp +burr +burrah +burrawang +burred +burrel +burrer +burrgrailer +burring +burrish +burrito +burrknot +burro +burrobrush +burrow +burroweed +burrower +burrowstown +burry +bursa +bursal +bursar +bursarial +bursarship +bursary +bursate +bursattee +bursautee +burse +burseed +Bursera +Burseraceae +Burseraceous +bursicle +bursiculate +bursiform +bursitis +burst +burster +burstwort +burt +burthenman +burton +burtonization +burtonize +burucha +Burushaski +Burut +burweed +bury +burying +bus +Busaos +busby +buscarl +buscarle +bush +bushbeater +bushbuck +bushcraft +bushed +bushel +busheler +bushelful +bushelman +bushelwoman +busher +bushfighter +bushfighting +bushful +bushhammer +bushi +bushily +bushiness +bushing +bushland +bushless +bushlet +bushlike +bushmaker +bushmaking +Bushman +bushmanship +bushmaster +bushment +Bushongo +bushranger +bushranging +bushrope +bushveld +bushwa +bushwhack +bushwhacker +bushwhacking +bushwife +bushwoman +bushwood +bushy +busied +busily +busine +business +businesslike +businesslikeness +businessman +businesswoman +busk +busked +busker +busket +buskin +buskined +buskle +busky +busman +buss +busser +bussock +bussu +bust +bustard +busted +bustee +buster +busthead +bustic +busticate +bustle +bustled +bustler +bustling +bustlingly +busy +busybodied +busybody +busybodyish +busybodyism +busybodyness +Busycon +busyhead +busying +busyish +busyness +busywork +but +butadiene +butadiyne +butanal +butane +butanoic +butanol +butanolid +butanolide +butanone +butch +butcher +butcherbird +butcherdom +butcherer +butcheress +butchering +butcherless +butcherliness +butcherly +butcherous +butchery +Bute +Butea +butein +butene +butenyl +Buteo +buteonine +butic +butine +Butler +butler +butlerage +butlerdom +butleress +butlerism +butlerlike +butlership +butlery +butment +Butomaceae +butomaceous +Butomus +butoxy +butoxyl +Butsu +butt +butte +butter +butteraceous +butterback +butterball +butterbill +butterbird +butterbox +butterbump +butterbur +butterbush +buttercup +buttered +butterfat +butterfingered +butterfingers +butterfish +butterflower +butterfly +butterflylike +butterhead +butterine +butteriness +butteris +butterjags +butterless +butterlike +buttermaker +buttermaking +butterman +buttermilk +buttermonger +buttermouth +butternose +butternut +butterroot +butterscotch +butterweed +butterwife +butterwoman +butterworker +butterwort +butterwright +buttery +butteryfingered +buttgenbachite +butting +buttinsky +buttle +buttock +buttocked +buttocker +button +buttonball +buttonbur +buttonbush +buttoned +buttoner +buttonhold +buttonholder +buttonhole +buttonholer +buttonhook +buttonless +buttonlike +buttonmold +buttons +buttonweed +buttonwood +buttony +buttress +buttressless +buttresslike +buttstock +buttwoman +buttwood +butty +buttyman +butyl +butylamine +butylation +butylene +butylic +Butyn +butyne +butyr +butyraceous +butyral +butyraldehyde +butyrate +butyric +butyrically +butyrin +butyrinase +butyrochloral +butyrolactone +butyrometer +butyrometric +butyrone +butyrous +butyrousness +butyryl +Buxaceae +buxaceous +Buxbaumia +Buxbaumiaceae +buxerry +buxom +buxomly +buxomness +Buxus +buy +buyable +buyer +Buyides +buzane +buzylene +buzz +buzzard +buzzardlike +buzzardly +buzzer +buzzerphone +buzzgloak +buzzies +buzzing +buzzingly +buzzle +buzzwig +buzzy +by +Byblidaceae +Byblis +bycoket +bye +byee +byegaein +byeman +byepath +byerite +byerlite +byestreet +byeworker +byeworkman +bygane +byganging +bygo +bygoing +bygone +byhand +bylaw +bylawman +byname +bynedestin +Bynin +byon +byordinar +byordinary +byous +byously +bypass +bypasser +bypast +bypath +byplay +byre +byreman +byrewards +byrewoman +byrlaw +byrlawman +byrnie +byroad +Byron +Byronesque +Byronian +Byroniana +Byronic +Byronically +Byronics +Byronish +Byronism +Byronist +Byronite +Byronize +byrrus +Byrsonima +byrthynsak +Bysacki +bysen +bysmalith +byspell +byssaceous +byssal +byssiferous +byssin +byssine +byssinosis +byssogenous +byssoid +byssolite +byssus +bystander +bystreet +byth +bytime +bytownite +bytownitite +bywalk +bywalker +byway +bywoner +byword +bywork +Byzantian +Byzantine +Byzantinesque +Byzantinism +Byzantinize +C +c +ca +caam +caama +caaming +caapeba +caatinga +cab +caba +cabaan +caback +cabaho +cabal +cabala +cabalassou +cabaletta +cabalic +cabalism +cabalist +cabalistic +cabalistical +cabalistically +caballer +caballine +caban +cabana +cabaret +cabas +cabasset +cabassou +cabbage +cabbagehead +cabbagewood +cabbagy +cabber +cabble +cabbler +cabby +cabda +cabdriver +cabdriving +cabellerote +caber +cabernet +cabestro +cabezon +cabilliau +cabin +Cabinda +cabinet +cabinetmaker +cabinetmaking +cabinetry +cabinetwork +cabinetworker +cabinetworking +cabio +Cabirean +Cabiri +Cabiria +Cabirian +Cabiric +Cabiritic +cable +cabled +cablegram +cableless +cablelike +cableman +cabler +cablet +cableway +cabling +cabman +cabob +caboceer +cabochon +cabocle +Cabomba +Cabombaceae +caboodle +cabook +caboose +caboshed +cabot +cabotage +cabree +cabrerite +cabreuva +cabrilla +cabriole +cabriolet +cabrit +cabstand +cabureiba +cabuya +Caca +Cacajao +Cacalia +cacam +Cacan +Cacana +cacanthrax +cacao +Cacara +Cacatua +Cacatuidae +Cacatuinae +Caccabis +cacesthesia +cacesthesis +cachalot +cachaza +cache +cachectic +cachemia +cachemic +cachet +cachexia +cachexic +cachexy +cachibou +cachinnate +cachinnation +cachinnator +cachinnatory +cacholong +cachou +cachrys +cachucha +cachunde +Cacicus +cacidrosis +caciocavallo +cacique +caciqueship +caciquism +cack +cackerel +cackle +cackler +cacocholia +cacochroia +cacochylia +cacochymia +cacochymic +cacochymical +cacochymy +cacocnemia +cacodaemoniac +cacodaemonial +cacodaemonic +cacodemon +cacodemonia +cacodemoniac +cacodemonial +cacodemonic +cacodemonize +cacodemonomania +cacodontia +cacodorous +cacodoxian +cacodoxical +cacodoxy +cacodyl +cacodylate +cacodylic +cacoeconomy +cacoepist +cacoepistic +cacoepy +cacoethes +cacoethic +cacogalactia +cacogastric +cacogenesis +cacogenic +cacogenics +cacogeusia +cacoglossia +cacographer +cacographic +cacographical +cacography +cacology +cacomagician +cacomelia +cacomistle +cacomixl +cacomixle +cacomorphia +cacomorphosis +caconychia +caconym +caconymic +cacoon +cacopathy +cacopharyngia +cacophonia +cacophonic +cacophonical +cacophonically +cacophonist +cacophonize +cacophonous +cacophonously +cacophony +cacophthalmia +cacoplasia +cacoplastic +cacoproctia +cacorhythmic +cacorrhachis +cacorrhinia +cacosmia +cacospermia +cacosplanchnia +cacostomia +cacothansia +cacotheline +cacothesis +cacothymia +cacotrichia +cacotrophia +cacotrophic +cacotrophy +cacotype +cacoxene +cacoxenite +cacozeal +cacozealous +cacozyme +Cactaceae +cactaceous +Cactales +cacti +cactiform +cactoid +Cactus +cacuminal +cacuminate +cacumination +cacuminous +cacur +cad +cadalene +cadamba +cadastral +cadastration +cadastre +cadaver +cadaveric +cadaverine +cadaverize +cadaverous +cadaverously +cadaverousness +cadbait +cadbit +cadbote +caddice +caddiced +Caddie +caddie +caddis +caddised +caddish +caddishly +caddishness +caddle +Caddo +Caddoan +caddow +caddy +cade +cadelle +cadence +cadenced +cadency +cadent +cadential +cadenza +cader +caderas +Cadet +cadet +cadetcy +cadetship +cadette +cadew +cadge +cadger +cadgily +cadginess +cadgy +cadi +cadilesker +cadinene +cadism +cadiueio +cadjan +cadlock +Cadmean +cadmia +cadmic +cadmide +cadmiferous +cadmium +cadmiumize +Cadmopone +Cadmus +cados +cadrans +cadre +cadua +caduac +caduca +caducary +caducean +caduceus +caduciary +caducibranch +Caducibranchiata +caducibranchiate +caducicorn +caducity +caducous +cadus +Cadwal +Cadwallader +cadweed +caeca +caecal +caecally +caecectomy +caeciform +Caecilia +Caeciliae +caecilian +Caeciliidae +caecitis +caecocolic +caecostomy +caecotomy +caecum +Caedmonian +Caedmonic +Caelian +caelometer +Caelum +Caelus +Caenogaea +Caenogaean +Caenolestes +caenostylic +caenostyly +caeoma +caeremoniarius +Caerphilly +Caesalpinia +Caesalpiniaceae +caesalpiniaceous +Caesar +Caesardom +Caesarean +Caesareanize +Caesarian +Caesarism +Caesarist +Caesarize +caesaropapacy +caesaropapism +caesaropopism +Caesarotomy +Caesarship +caesious +caesura +caesural +caesuric +cafeneh +cafenet +cafeteria +caffa +caffeate +caffeic +caffeina +caffeine +caffeinic +caffeinism +caffeism +caffeol +caffeone +caffetannic +caffetannin +caffiso +caffle +caffoline +caffoy +cafh +cafiz +caftan +caftaned +cag +Cagayan +cage +caged +cageful +cageless +cagelike +cageling +cageman +cager +cagester +cagework +cagey +caggy +cagily +cagit +cagmag +Cagn +Cahenslyism +Cahill +cahincic +Cahita +cahiz +Cahnite +Cahokia +cahoot +cahot +cahow +Cahuapana +Cahuilla +caickle +caid +cailcedra +cailleach +caimacam +caimakam +caiman +caimitillo +caimito +Cain +cain +Caingang +Caingua +Cainian +Cainish +Cainism +Cainite +Cainitic +caique +caiquejee +Cairba +caird +Cairene +cairn +cairned +cairngorm +cairngorum +cairny +Cairo +caisson +caissoned +Caitanyas +Caite +caitiff +Cajan +Cajanus +cajeput +cajole +cajolement +cajoler +cajolery +cajoling +cajolingly +cajuela +Cajun +cajun +cajuput +cajuputene +cajuputol +Cakavci +Cakchikel +cake +cakebox +cakebread +cakehouse +cakemaker +cakemaking +caker +cakette +cakewalk +cakewalker +cakey +Cakile +caky +cal +calaba +Calabar +Calabari +calabash +calabaza +calabazilla +calaber +calaboose +calabrasella +Calabrese +calabrese +Calabrian +calade +Caladium +calais +calalu +Calamagrostis +calamanco +calamansi +Calamariaceae +calamariaceous +Calamariales +calamarian +calamarioid +calamaroid +calamary +calambac +calambour +calamiferous +calamiform +calaminary +calamine +calamint +Calamintha +calamistral +calamistrum +calamite +calamitean +Calamites +calamitoid +calamitous +calamitously +calamitousness +calamity +Calamodendron +calamondin +Calamopitys +Calamospermae +Calamostachys +calamus +calander +Calandra +calandria +Calandridae +Calandrinae +Calandrinia +calangay +calantas +Calanthe +calapite +Calappa +Calappidae +Calas +calascione +calash +Calathea +calathian +calathidium +calathiform +calathiscus +calathus +Calatrava +calaverite +calbroben +calcaneal +calcaneoastragalar +calcaneoastragaloid +calcaneocuboid +calcaneofibular +calcaneonavicular +calcaneoplantar +calcaneoscaphoid +calcaneotibial +calcaneum +calcaneus +calcar +calcarate +Calcarea +calcareoargillaceous +calcareobituminous +calcareocorneous +calcareosiliceous +calcareosulphurous +calcareous +calcareously +calcareousness +calcariferous +calcariform +calcarine +calced +calceiform +calcemia +Calceolaria +calceolate +Calchaqui +Calchaquian +calcic +calciclase +calcicole +calcicolous +calcicosis +calciferol +Calciferous +calciferous +calcific +calcification +calcified +calciform +calcifugal +calcifuge +calcifugous +calcify +calcigenous +calcigerous +calcimeter +calcimine +calciminer +calcinable +calcination +calcinatory +calcine +calcined +calciner +calcinize +calciobiotite +calciocarnotite +calcioferrite +calcioscheelite +calciovolborthite +calcipexy +calciphile +calciphilia +calciphilous +calciphobe +calciphobous +calciphyre +calciprivic +calcisponge +Calcispongiae +calcite +calcitestaceous +calcitic +calcitrant +calcitrate +calcitreation +calcium +calcivorous +calcographer +calcographic +calcography +calcrete +calculability +calculable +Calculagraph +calculary +calculate +calculated +calculatedly +calculating +calculatingly +calculation +calculational +calculative +calculator +calculatory +calculi +calculiform +calculist +calculous +calculus +Calcydon +calden +caldron +calean +Caleb +Caledonia +Caledonian +caledonite +calefacient +calefaction +calefactive +calefactor +calefactory +calelectric +calelectrical +calelectricity +Calemes +calendal +calendar +calendarer +calendarial +calendarian +calendaric +calender +calenderer +calendric +calendrical +calendry +calends +Calendula +calendulin +calentural +calenture +calenturist +calepin +calescence +calescent +calf +calfbound +calfhood +calfish +calfkill +calfless +calflike +calfling +calfskin +Caliban +Calibanism +caliber +calibered +calibogus +calibrate +calibration +calibrator +calibre +Caliburn +Caliburno +calicate +calices +caliciform +calicle +calico +calicoback +calicoed +calicular +caliculate +Calicut +calid +calidity +caliduct +California +Californian +californite +californium +caliga +caligated +caliginous +caliginously +caligo +Calimeris +Calinago +calinda +calinut +caliological +caliologist +caliology +calipash +calipee +caliper +caliperer +calipers +caliph +caliphal +caliphate +caliphship +Calista +calistheneum +calisthenic +calisthenical +calisthenics +Calite +caliver +calix +Calixtin +Calixtus +calk +calkage +calker +calkin +calking +call +Calla +callable +callainite +callant +callboy +caller +callet +calli +Callianassa +Callianassidae +Calliandra +Callicarpa +Callicebus +callid +callidity +callidness +calligraph +calligrapha +calligrapher +calligraphic +calligraphical +calligraphically +calligraphist +calligraphy +calling +Callionymidae +Callionymus +Calliope +calliophone +Calliopsis +calliper +calliperer +Calliphora +calliphorid +Calliphoridae +calliphorine +callipygian +callipygous +Callirrhoe +Callisaurus +callisection +callisteia +Callistemon +Callistephus +Callithrix +callithump +callithumpian +Callitrichaceae +callitrichaceous +Callitriche +Callitrichidae +Callitris +callitype +callo +Callorhynchidae +Callorhynchus +callosal +callose +callosity +callosomarginal +callosum +callous +callously +callousness +Callovian +callow +callower +callowman +callowness +Calluna +callus +Callynteria +calm +calmant +calmative +calmer +calmierer +calmingly +calmly +calmness +calmy +Calocarpum +Calochortaceae +Calochortus +calodemon +calography +calomba +calomel +calomorphic +Calonectria +Calonyction +calool +Calophyllum +Calopogon +calor +calorescence +calorescent +caloric +caloricity +calorie +calorifacient +calorific +calorifical +calorifically +calorification +calorifics +calorifier +calorify +calorigenic +calorimeter +calorimetric +calorimetrical +calorimetrically +calorimetry +calorimotor +caloris +calorisator +calorist +Calorite +calorize +calorizer +Calosoma +Calotermes +calotermitid +Calotermitidae +Calothrix +calotte +calotype +calotypic +calotypist +caloyer +calp +calpac +calpack +calpacked +calpulli +Caltha +caltrap +caltrop +calumba +calumet +calumniate +calumniation +calumniative +calumniator +calumniatory +calumnious +calumniously +calumniousness +calumny +Calusa +calutron +Calvados +calvaria +calvarium +Calvary +Calvatia +calve +calved +calver +calves +Calvin +Calvinian +Calvinism +Calvinist +Calvinistic +Calvinistical +Calvinistically +Calvinize +calvish +calvities +calvity +calvous +calx +calycanth +Calycanthaceae +calycanthaceous +calycanthemous +calycanthemy +calycanthine +Calycanthus +calycate +Calyceraceae +calyceraceous +calyces +calyciferous +calycifloral +calyciflorate +calyciflorous +calyciform +calycinal +calycine +calycle +calycled +Calycocarpum +calycoid +calycoideous +Calycophora +Calycophorae +calycophoran +Calycozoa +calycozoan +calycozoic +calycozoon +calycular +calyculate +calyculated +calycule +calyculus +Calydon +Calydonian +Calymene +calymma +calyphyomy +calypsist +Calypso +calypso +calypsonian +calypter +Calypterae +Calyptoblastea +calyptoblastic +Calyptorhynchus +calyptra +Calyptraea +Calyptranthes +Calyptrata +Calyptratae +calyptrate +calyptriform +calyptrimorphous +calyptro +calyptrogen +Calyptrogyne +Calystegia +calyx +cam +camaca +Camacan +camagon +camail +camailed +Camaldolensian +Camaldolese +Camaldolesian +Camaldolite +Camaldule +Camaldulian +camalote +caman +camansi +camara +camaraderie +Camarasaurus +camarilla +camass +Camassia +camata +camatina +Camaxtli +camb +Camball +Cambalo +Cambarus +cambaye +camber +Cambeva +cambial +cambiform +cambiogenetic +cambism +cambist +cambistry +cambium +Cambodian +cambogia +cambrel +cambresine +Cambrian +Cambric +cambricleaf +cambuca +Cambuscan +Cambyuskan +Came +came +cameist +camel +camelback +cameleer +Camelid +Camelidae +Camelina +cameline +camelish +camelishness +camelkeeper +Camellia +Camelliaceae +camellike +camellin +Camellus +camelman +cameloid +Cameloidea +camelopard +Camelopardalis +Camelopardid +Camelopardidae +Camelopardus +camelry +Camelus +Camembert +Camenae +Camenes +cameo +cameograph +cameography +camera +cameral +cameralism +cameralist +cameralistic +cameralistics +cameraman +Camerata +camerate +camerated +cameration +camerier +Camerina +Camerinidae +camerist +camerlingo +Cameronian +Camestres +camilla +camillus +camion +camisado +Camisard +camise +camisia +camisole +camlet +camleteen +Cammarum +cammed +cammock +cammocky +camomile +camoodi +camoodie +Camorra +Camorrism +Camorrist +Camorrista +camouflage +camouflager +camp +Campa +campagna +campagnol +campaign +campaigner +campana +campane +campanero +Campanian +campaniform +campanile +campaniliform +campanilla +campanini +campanist +campanistic +campanologer +campanological +campanologically +campanologist +campanology +Campanula +Campanulaceae +campanulaceous +Campanulales +campanular +Campanularia +Campanulariae +campanularian +Campanularidae +Campanulatae +campanulate +campanulated +campanulous +Campaspe +Campbellism +Campbellite +campbellite +campcraft +Campe +Campephagidae +campephagine +Campephilus +camper +campestral +campfight +campfire +campground +camphane +camphanic +camphanone +camphanyl +camphene +camphine +camphire +campho +camphocarboxylic +camphoid +camphol +campholic +campholide +campholytic +camphor +camphoraceous +camphorate +camphoric +camphorize +camphorone +camphoronic +camphoroyl +camphorphorone +camphorwood +camphory +camphoryl +camphylene +Campignian +campimeter +campimetrical +campimetry +Campine +campion +cample +campmaster +campo +Campodea +campodeid +Campodeidae +campodeiform +campodeoid +campody +Camponotus +campoo +camporee +campshed +campshedding +campsheeting +campshot +campstool +camptodrome +camptonite +Camptosorus +campulitropal +campulitropous +campus +campward +campylite +campylodrome +campylometer +Campyloneuron +campylospermous +campylotropal +campylotropous +camshach +camshachle +camshaft +camstane +camstone +camuning +camus +camused +camwood +can +Cana +Canaan +Canaanite +Canaanitess +Canaanitic +Canaanitish +canaba +Canacee +Canada +canada +Canadian +Canadianism +Canadianization +Canadianize +canadine +canadite +canadol +canaigre +canaille +canajong +canal +canalage +canalboat +canalicular +canaliculate +canaliculated +canaliculation +canaliculi +canaliculization +canaliculus +canaliferous +canaliform +canalization +canalize +canaller +canalling +canalman +canalside +Canamary +canamo +Cananaean +Cananga +Canangium +canape +canapina +canard +Canari +canari +Canarian +canarin +Canariote +Canarium +Canarsee +canary +canasta +canaster +canaut +Canavali +Canavalia +canavalin +Canberra +cancan +cancel +cancelable +cancelation +canceleer +canceler +cancellarian +cancellate +cancellated +cancellation +cancelli +cancellous +cancellus +cancelment +cancer +cancerate +canceration +cancerdrops +cancered +cancerigenic +cancerism +cancerophobe +cancerophobia +cancerous +cancerously +cancerousness +cancerroot +cancerweed +cancerwort +canch +canchalagua +Canchi +Cancri +Cancrid +cancriform +cancrinite +cancrisocial +cancrivorous +cancrizans +cancroid +cancrophagous +cancrum +cand +Candace +candareen +candela +candelabra +candelabrum +candelilla +candent +candescence +candescent +candescently +candid +candidacy +candidate +candidateship +candidature +candidly +candidness +candied +candier +candify +Candiot +candiru +candle +candleball +candlebeam +candleberry +candlebomb +candlebox +candlefish +candleholder +candlelight +candlelighted +candlelighter +candlelighting +candlelit +candlemaker +candlemaking +Candlemas +candlenut +candlepin +candler +candlerent +candleshine +candleshrift +candlestand +candlestick +candlesticked +candlestickward +candlewaster +candlewasting +candlewick +candlewood +candlewright +candock +Candollea +Candolleaceae +candolleaceous +candor +candroy +candy +candymaker +candymaking +candys +candystick +candytuft +candyweed +cane +canebrake +canel +canelike +canella +Canellaceae +canellaceous +Canelo +canelo +caneology +canephor +canephore +canephoros +canephroi +caner +canescence +canescent +canette +canewise +canework +Canfield +canfieldite +canful +cangan +cangia +cangle +cangler +cangue +canhoop +Canichana +Canichanan +canicola +Canicula +canicular +canicule +canid +Canidae +Canidia +canille +caninal +canine +caniniform +caninity +caninus +canioned +canions +Canis +Canisiana +canistel +canister +canities +canjac +cank +canker +cankerberry +cankerbird +cankereat +cankered +cankeredly +cankeredness +cankerflower +cankerous +cankerroot +cankerweed +cankerworm +cankerwort +cankery +canmaker +canmaking +canman +Canna +canna +cannabic +Cannabinaceae +cannabinaceous +cannabine +cannabinol +Cannabis +cannabism +Cannaceae +cannaceous +cannach +canned +cannel +cannelated +cannelure +cannelured +cannequin +canner +cannery +cannet +cannibal +cannibalean +cannibalic +cannibalish +cannibalism +cannibalistic +cannibalistically +cannibality +cannibalization +cannibalize +cannibally +cannikin +cannily +canniness +canning +cannon +cannonade +cannoned +cannoneer +cannoneering +Cannonism +cannonproof +cannonry +cannot +Cannstatt +cannula +cannular +cannulate +cannulated +canny +canoe +canoeing +Canoeiro +canoeist +canoeload +canoeman +canoewood +canon +canoncito +canoness +canonic +canonical +canonically +canonicalness +canonicals +canonicate +canonicity +canonics +canonist +canonistic +canonistical +canonizant +canonization +canonize +canonizer +canonlike +canonry +canonship +canoodle +canoodler +Canopic +canopic +Canopus +canopy +canorous +canorously +canorousness +Canossa +canroy +canroyer +canso +cant +Cantab +cantabank +cantabile +Cantabri +Cantabrian +Cantabrigian +Cantabrize +cantala +cantalite +cantaloupe +cantankerous +cantankerously +cantankerousness +cantar +cantara +cantaro +cantata +Cantate +cantation +cantative +cantatory +cantboard +canted +canteen +cantefable +canter +Canterburian +Canterburianism +Canterbury +canterer +canthal +Cantharellus +Cantharidae +cantharidal +cantharidate +cantharides +cantharidian +cantharidin +cantharidism +cantharidize +cantharis +cantharophilous +cantharus +canthectomy +canthitis +cantholysis +canthoplasty +canthorrhaphy +canthotomy +canthus +cantic +canticle +cantico +cantilena +cantilene +cantilever +cantilevered +cantillate +cantillation +cantily +cantina +cantiness +canting +cantingly +cantingness +cantion +cantish +cantle +cantlet +canto +Canton +canton +cantonal +cantonalism +cantoned +cantoner +Cantonese +cantonment +cantoon +cantor +cantoral +Cantorian +cantoris +cantorous +cantorship +cantred +cantref +cantrip +cantus +cantwise +canty +Canuck +canun +canvas +canvasback +canvasman +canvass +canvassy +cany +canyon +canzon +canzonet +caoba +Caodaism +Caodaist +caoutchouc +caoutchoucin +cap +capability +capable +capableness +capably +capacious +capaciously +capaciousness +capacitance +capacitate +capacitation +capacitative +capacitativly +capacitive +capacitor +capacity +capanna +capanne +caparison +capax +capcase +Cape +cape +caped +capel +capelet +capelin +capeline +Capella +capellet +caper +caperbush +capercaillie +capercally +capercut +caperer +capering +caperingly +Capernaism +Capernaite +Capernaitic +Capernaitical +Capernaitically +Capernaitish +capernoited +capernoitie +capernoity +capersome +caperwort +capes +capeskin +Capetian +Capetonian +capeweed +capewise +capful +Caph +caph +caphar +caphite +Caphtor +Caphtorim +capias +capicha +capillaceous +capillaire +capillament +capillarectasia +capillarily +capillarimeter +capillariness +capillariomotor +capillarity +capillary +capillation +capilliculture +capilliform +capillitial +capillitium +capillose +capistrate +capital +capitaldom +capitaled +capitalism +capitalist +capitalistic +capitalistically +capitalizable +capitalization +capitalize +capitally +capitalness +capitan +capitate +capitated +capitatim +capitation +capitative +capitatum +capitellar +capitellate +capitelliform +capitellum +Capito +Capitol +Capitolian +Capitoline +Capitolium +Capitonidae +Capitoninae +capitoul +capitoulate +capitulant +capitular +capitularly +capitulary +capitulate +capitulation +capitulator +capitulatory +capituliform +capitulum +capivi +capkin +capless +caplin +capmaker +capmaking +capman +capmint +Capnodium +Capnoides +capnomancy +capocchia +capomo +capon +caponier +caponize +caponizer +caporal +capot +capote +cappadine +Cappadocian +Capparidaceae +capparidaceous +Capparis +capped +cappelenite +capper +cappie +capping +capple +cappy +Capra +caprate +Caprella +Caprellidae +caprelline +capreol +capreolar +capreolary +capreolate +capreoline +Capreolus +Capri +capric +capriccetto +capricci +capriccio +caprice +capricious +capriciously +capriciousness +Capricorn +Capricornid +Capricornus +caprid +caprificate +caprification +caprificator +caprifig +Caprifoliaceae +caprifoliaceous +Caprifolium +caprifolium +capriform +caprigenous +Caprimulgi +Caprimulgidae +Caprimulgiformes +caprimulgine +Caprimulgus +caprin +caprine +caprinic +Capriola +capriole +Capriote +capriped +capripede +caprizant +caproate +caproic +caproin +Capromys +caprone +capronic +capronyl +caproyl +capryl +caprylate +caprylene +caprylic +caprylin +caprylone +caprylyl +capsa +capsaicin +Capsella +capsheaf +capshore +Capsian +capsicin +Capsicum +capsicum +capsid +Capsidae +capsizal +capsize +capstan +capstone +capsula +capsulae +capsular +capsulate +capsulated +capsulation +capsule +capsulectomy +capsuler +capsuliferous +capsuliform +capsuligerous +capsulitis +capsulociliary +capsulogenous +capsulolenticular +capsulopupillary +capsulorrhaphy +capsulotome +capsulotomy +capsumin +captaculum +captain +captaincy +captainess +captainly +captainry +captainship +captance +captation +caption +captious +captiously +captiousness +captivate +captivately +captivating +captivatingly +captivation +captivative +captivator +captivatrix +captive +captivity +captor +captress +capturable +capture +capturer +Capuan +capuche +capuched +Capuchin +capuchin +capucine +capulet +capulin +capybara +Caquetio +car +Cara +carabao +carabeen +carabid +Carabidae +carabidan +carabideous +carabidoid +carabin +carabineer +Carabini +caraboid +Carabus +carabus +caracal +caracara +caracol +caracole +caracoler +caracoli +caracolite +caracoller +caracore +caract +Caractacus +caracter +Caradoc +carafe +Caragana +Caraguata +caraguata +Caraho +caraibe +Caraipa +caraipi +Caraja +Carajas +carajura +caramba +carambola +carambole +caramel +caramelan +caramelen +caramelin +caramelization +caramelize +caramoussal +carancha +caranda +Carandas +caranday +carane +Caranga +carangid +Carangidae +carangoid +Carangus +caranna +Caranx +Carapa +carapace +carapaced +Carapache +Carapacho +carapacic +carapato +carapax +Carapidae +carapine +carapo +Carapus +Carara +carat +caratch +caraunda +caravan +caravaneer +caravanist +caravanner +caravansary +caravanserai +caravanserial +caravel +caraway +Carayan +carbacidometer +carbamate +carbamic +carbamide +carbamido +carbamine +carbamino +carbamyl +carbanil +carbanilic +carbanilide +carbarn +carbasus +carbazic +carbazide +carbazine +carbazole +carbazylic +carbeen +carbene +carberry +carbethoxy +carbethoxyl +carbide +carbimide +carbine +carbinol +carbinyl +carbo +carboazotine +carbocinchomeronic +carbodiimide +carbodynamite +carbogelatin +carbohemoglobin +carbohydrase +carbohydrate +carbohydraturia +carbohydrazide +carbohydride +carbohydrogen +carbolate +carbolated +carbolfuchsin +carbolic +carbolineate +Carbolineum +carbolize +Carboloy +carboluria +carbolxylol +carbomethene +carbomethoxy +carbomethoxyl +carbon +carbona +carbonaceous +carbonade +carbonado +Carbonari +Carbonarism +Carbonarist +carbonatation +carbonate +carbonation +carbonatization +carbonator +carbonemia +carbonero +carbonic +carbonide +Carboniferous +carboniferous +carbonification +carbonify +carbonigenous +carbonimeter +carbonimide +carbonite +carbonitride +carbonium +carbonizable +carbonization +carbonize +carbonizer +carbonless +Carbonnieux +carbonometer +carbonometry +carbonous +carbonuria +carbonyl +carbonylene +carbonylic +carbophilous +carbora +Carborundum +carborundum +carbosilicate +carbostyril +carboxide +carboxy +Carboxydomonas +carboxyhemoglobin +carboxyl +carboxylase +carboxylate +carboxylation +carboxylic +carboy +carboyed +carbro +carbromal +carbuilder +carbuncle +carbuncled +carbuncular +carbungi +carburant +carburate +carburation +carburator +carbure +carburet +carburetant +carburetor +carburization +carburize +carburizer +carburometer +carbyl +carbylamine +carcajou +carcake +carcanet +carcaneted +carcass +Carcavelhos +carceag +carcel +carceral +carcerate +carceration +Carcharhinus +Carcharias +carchariid +Carchariidae +carcharioid +Carcharodon +carcharodont +carcinemia +carcinogen +carcinogenesis +carcinogenic +carcinoid +carcinological +carcinologist +carcinology +carcinolysin +carcinolytic +carcinoma +carcinomata +carcinomatoid +carcinomatosis +carcinomatous +carcinomorphic +carcinophagous +carcinopolypus +carcinosarcoma +carcinosarcomata +Carcinoscorpius +carcinosis +carcoon +card +cardaissin +Cardamine +cardamom +Cardanic +cardboard +cardcase +cardecu +carded +cardel +carder +cardholder +cardia +cardiac +cardiacal +Cardiacea +cardiacean +cardiagra +cardiagram +cardiagraph +cardiagraphy +cardial +cardialgia +cardialgy +cardiameter +cardiamorphia +cardianesthesia +cardianeuria +cardiant +cardiaplegia +cardiarctia +cardiasthenia +cardiasthma +cardiataxia +cardiatomy +cardiatrophia +cardiauxe +Cardiazol +cardicentesis +cardiectasis +cardiectomize +cardiectomy +cardielcosis +cardiemphraxia +cardiform +Cardigan +cardigan +Cardiidae +cardin +cardinal +cardinalate +cardinalic +Cardinalis +cardinalism +cardinalist +cardinalitial +cardinalitian +cardinally +cardinalship +cardines +carding +cardioaccelerator +cardioarterial +cardioblast +cardiocarpum +cardiocele +cardiocentesis +cardiocirrhosis +cardioclasia +cardioclasis +cardiodilator +cardiodynamics +cardiodynia +cardiodysesthesia +cardiodysneuria +cardiogenesis +cardiogenic +cardiogram +cardiograph +cardiographic +cardiography +cardiohepatic +cardioid +cardiokinetic +cardiolith +cardiological +cardiologist +cardiology +cardiolysis +cardiomalacia +cardiomegaly +cardiomelanosis +cardiometer +cardiometric +cardiometry +cardiomotility +cardiomyoliposis +cardiomyomalacia +cardioncus +cardionecrosis +cardionephric +cardioneural +cardioneurosis +cardionosus +cardioparplasis +cardiopathic +cardiopathy +cardiopericarditis +cardiophobe +cardiophobia +cardiophrenia +cardioplasty +cardioplegia +cardiopneumatic +cardiopneumograph +cardioptosis +cardiopulmonary +cardiopuncture +cardiopyloric +cardiorenal +cardiorespiratory +cardiorrhaphy +cardiorrheuma +cardiorrhexis +cardioschisis +cardiosclerosis +cardioscope +cardiospasm +Cardiospermum +cardiosphygmogram +cardiosphygmograph +cardiosymphysis +cardiotherapy +cardiotomy +cardiotonic +cardiotoxic +cardiotrophia +cardiotrophotherapy +cardiovascular +cardiovisceral +cardipaludism +cardipericarditis +cardisophistical +carditic +carditis +Cardium +cardlike +cardmaker +cardmaking +cardo +cardol +cardon +cardona +cardoncillo +cardooer +cardoon +cardophagus +cardplayer +cardroom +cardsharp +cardsharping +cardstock +Carduaceae +carduaceous +Carduelis +Carduus +care +carecloth +careen +careenage +careener +career +careerer +careering +careeringly +careerist +carefree +careful +carefully +carefulness +careless +carelessly +carelessness +carene +carer +caress +caressant +caresser +caressing +caressingly +caressive +caressively +carest +caret +caretaker +caretaking +Caretta +Carettochelydidae +careworn +Carex +carfare +carfax +carfuffle +carful +carga +cargo +cargoose +carhop +carhouse +cariacine +Cariacus +cariama +Cariamae +Carian +Carib +Caribal +Cariban +Caribbean +Caribbee +Caribi +Caribisi +caribou +Carica +Caricaceae +caricaceous +caricatura +caricaturable +caricatural +caricature +caricaturist +caricetum +caricographer +caricography +caricologist +caricology +caricous +carid +Carida +Caridea +caridean +caridoid +Caridomorpha +caries +Carijona +carillon +carillonneur +carina +carinal +Carinaria +Carinatae +carinate +carinated +carination +Cariniana +cariniform +Carinthian +cariole +carioling +cariosity +carious +cariousness +Caripuna +Cariri +Caririan +Carisa +Carissa +caritative +caritive +Cariyo +cark +carking +carkingly +carkled +Carl +carl +carless +carlet +carlie +carlin +Carlina +carline +carling +carlings +carlish +carlishness +Carlisle +Carlism +Carlist +Carlo +carload +carloading +carloadings +Carlos +carlot +Carlovingian +carls +Carludovica +Carlylean +Carlyleian +Carlylese +Carlylesque +Carlylian +Carlylism +carmagnole +carmalum +Carman +carman +Carmanians +Carmel +Carmela +carmele +Carmelite +Carmelitess +carmeloite +Carmen +carminative +Carmine +carmine +carminette +carminic +carminite +carminophilous +carmoisin +carmot +Carnacian +carnage +carnaged +carnal +carnalism +carnalite +carnality +carnalize +carnallite +carnally +carnalness +carnaptious +Carnaria +carnassial +carnate +carnation +carnationed +carnationist +carnauba +carnaubic +carnaubyl +Carnegie +Carnegiea +carnelian +carneol +carneole +carneous +carney +carnic +carniferous +carniferrin +carnifex +carnification +carnifices +carnificial +carniform +carnify +Carniolan +carnival +carnivaler +carnivalesque +Carnivora +carnivoracity +carnivoral +carnivore +carnivorism +carnivorous +carnivorously +carnivorousness +carnose +carnosine +carnosity +carnotite +carnous +Caro +caroa +carob +caroba +caroche +Caroid +Carol +carol +Carolan +Carole +Carolean +caroler +caroli +carolin +Carolina +Caroline +caroline +Caroling +Carolingian +Carolinian +carolus +Carolyn +carom +carombolette +carone +caronic +caroome +caroon +carotene +carotenoid +carotic +carotid +carotidal +carotidean +carotin +carotinemia +carotinoid +caroubier +carousal +carouse +carouser +carousing +carousingly +carp +carpaine +carpal +carpale +carpalia +Carpathian +carpel +carpellary +carpellate +carpent +carpenter +Carpenteria +carpentering +carpentership +carpentry +carper +carpet +carpetbag +carpetbagger +carpetbaggery +carpetbaggism +carpetbagism +carpetbeater +carpeting +carpetlayer +carpetless +carpetmaker +carpetmaking +carpetmonger +carpetweb +carpetweed +carpetwork +carpetwoven +Carphiophiops +carpholite +Carphophis +carphosiderite +carpid +carpidium +carpincho +carping +carpingly +carpintero +Carpinus +Carpiodes +carpitis +carpium +carpocace +Carpocapsa +carpocarpal +carpocephala +carpocephalum +carpocerite +carpocervical +Carpocratian +Carpodacus +Carpodetus +carpogam +carpogamy +carpogenic +carpogenous +carpogone +carpogonial +carpogonium +Carpoidea +carpolite +carpolith +carpological +carpologically +carpologist +carpology +carpomania +carpometacarpal +carpometacarpus +carpopedal +Carpophaga +carpophagous +carpophalangeal +carpophore +carpophyll +carpophyte +carpopodite +carpopoditic +carpoptosia +carpoptosis +carport +carpos +carposperm +carposporangia +carposporangial +carposporangium +carpospore +carposporic +carposporous +carpostome +carpus +carquaise +carr +carrack +carrageen +carrageenin +Carrara +Carraran +carrel +carriable +carriage +carriageable +carriageful +carriageless +carriagesmith +carriageway +Carrick +carrick +Carrie +carried +carrier +carrion +carritch +carritches +carriwitchet +Carrizo +carrizo +carroch +carrollite +carronade +carrot +carrotage +carroter +carrotiness +carrottop +carrotweed +carrotwood +carroty +carrousel +carrow +Carry +carry +carryall +carrying +carrytale +carse +carshop +carsick +carsmith +Carsten +cart +cartable +cartaceous +cartage +cartboot +cartbote +carte +cartel +cartelism +cartelist +cartelization +cartelize +Carter +carter +Cartesian +Cartesianism +cartful +Carthaginian +carthame +carthamic +carthamin +Carthamus +Carthusian +Cartier +cartilage +cartilaginean +Cartilaginei +cartilagineous +Cartilagines +cartilaginification +cartilaginoid +cartilaginous +cartisane +Cartist +cartload +cartmaker +cartmaking +cartman +cartobibliography +cartogram +cartograph +cartographer +cartographic +cartographical +cartographically +cartography +cartomancy +carton +cartonnage +cartoon +cartoonist +cartouche +cartridge +cartsale +cartulary +cartway +cartwright +cartwrighting +carty +carua +carucage +carucal +carucate +carucated +Carum +caruncle +caruncula +carunculae +caruncular +carunculate +carunculated +carunculous +carvacrol +carvacryl +carval +carve +carvel +carven +carvene +carver +carvership +carvestrene +carving +carvoepra +carvol +carvomenthene +carvone +carvyl +carwitchet +Cary +Carya +caryatic +caryatid +caryatidal +caryatidean +caryatidic +caryl +Caryocar +Caryocaraceae +caryocaraceous +Caryophyllaceae +caryophyllaceous +caryophyllene +caryophylleous +caryophyllin +caryophyllous +Caryophyllus +caryopilite +caryopses +caryopsides +caryopsis +Caryopteris +Caryota +casaba +casabe +casal +casalty +Casamarca +Casanovanic +Casasia +casate +casaun +casava +casave +casavi +casbah +cascabel +cascade +Cascadia +Cascadian +cascadite +cascado +cascalho +cascalote +cascara +cascarilla +cascaron +casco +cascol +Case +case +Casearia +casease +caseate +caseation +casebook +casebox +cased +caseful +casefy +caseharden +caseic +casein +caseinate +caseinogen +casekeeper +Casel +caseless +caselessly +casemaker +casemaking +casemate +casemated +casement +casemented +caseolysis +caseose +caseous +caser +casern +caseum +caseweed +casewood +casework +caseworker +caseworm +Casey +cash +casha +cashable +cashableness +cashaw +cashbook +cashbox +cashboy +cashcuttee +cashel +cashew +cashgirl +Cashibo +cashier +cashierer +cashierment +cashkeeper +cashment +Cashmere +cashmere +cashmerette +Cashmirian +Casimir +Casimiroa +casing +casino +casiri +cask +casket +casking +casklike +Caslon +Caspar +Casparian +Casper +Caspian +casque +casqued +casquet +casquetel +casquette +cass +cassabanana +cassabully +cassady +Cassandra +cassareep +cassation +casse +Cassegrain +Cassegrainian +casselty +cassena +casserole +Cassia +cassia +Cassiaceae +Cassian +cassican +Cassicus +Cassida +cassideous +cassidid +Cassididae +Cassidinae +cassidony +Cassidulina +cassiduloid +Cassiduloidea +Cassie +cassie +Cassiepeia +cassimere +cassina +cassine +Cassinese +cassinette +Cassinian +cassino +cassinoid +cassioberry +Cassiope +Cassiopeia +Cassiopeian +Cassiopeid +cassiopeium +Cassis +cassis +cassiterite +Cassius +cassock +cassolette +casson +cassonade +cassoon +cassowary +cassumunar +Cassytha +Cassythaceae +cast +castable +castagnole +Castalia +Castalian +Castalides +Castalio +Castanea +castanean +castaneous +castanet +Castanopsis +Castanospermum +castaway +caste +casteless +castelet +castellan +castellano +castellanship +castellany +castellar +castellate +castellated +castellation +caster +casterless +casthouse +castice +castigable +castigate +castigation +castigative +castigator +castigatory +Castilian +Castilla +Castilleja +Castilloa +casting +castle +castled +castlelike +castlet +castlewards +castlewise +castling +castock +castoff +Castor +castor +Castores +castoreum +castorial +Castoridae +castorin +castorite +castorized +Castoroides +castory +castra +castral +castrametation +castrate +castrater +castration +castrator +castrensial +castrensian +castrum +castuli +casual +casualism +casualist +casuality +casually +casualness +casualty +Casuariidae +Casuariiformes +Casuarina +Casuarinaceae +casuarinaceous +Casuarinales +Casuarius +casuary +casuist +casuistess +casuistic +casuistical +casuistically +casuistry +casula +caswellite +Casziel +Cat +cat +catabaptist +catabases +catabasis +catabatic +catabibazon +catabiotic +catabolic +catabolically +catabolin +catabolism +catabolite +catabolize +catacaustic +catachreses +catachresis +catachrestic +catachrestical +catachrestically +catachthonian +cataclasm +cataclasmic +cataclastic +cataclinal +cataclysm +cataclysmal +cataclysmatic +cataclysmatist +cataclysmic +cataclysmically +cataclysmist +catacomb +catacorolla +catacoustics +catacromyodian +catacrotic +catacrotism +catacumbal +catadicrotic +catadicrotism +catadioptric +catadioptrical +catadioptrics +catadromous +catafalco +catafalque +catagenesis +catagenetic +catagmatic +Cataian +catakinesis +catakinetic +catakinetomer +catakinomeric +Catalan +Catalanganes +Catalanist +catalase +Catalaunian +catalecta +catalectic +catalecticant +catalepsis +catalepsy +cataleptic +cataleptiform +cataleptize +cataleptoid +catalexis +catalina +catalineta +catalinite +catallactic +catallactically +catallactics +catallum +catalogia +catalogic +catalogical +catalogist +catalogistic +catalogue +cataloguer +cataloguish +cataloguist +cataloguize +Catalonian +catalowne +Catalpa +catalpa +catalufa +catalyses +catalysis +catalyst +catalyte +catalytic +catalytical +catalytically +catalyzator +catalyze +catalyzer +catamaran +Catamarcan +Catamarenan +catamenia +catamenial +catamite +catamited +catamiting +catamount +catamountain +catan +Catananche +catapan +catapasm +catapetalous +cataphasia +cataphatic +cataphora +cataphoresis +cataphoretic +cataphoria +cataphoric +cataphract +Cataphracta +Cataphracti +cataphrenia +cataphrenic +Cataphrygian +cataphrygianism +cataphyll +cataphylla +cataphyllary +cataphyllum +cataphysical +cataplasia +cataplasis +cataplasm +catapleiite +cataplexy +catapult +catapultic +catapultier +cataract +cataractal +cataracted +cataractine +cataractous +cataractwise +cataria +catarinite +catarrh +catarrhal +catarrhally +catarrhed +Catarrhina +catarrhine +catarrhinian +catarrhous +catasarka +Catasetum +catasta +catastaltic +catastasis +catastate +catastatic +catasterism +catastrophal +catastrophe +catastrophic +catastrophical +catastrophically +catastrophism +catastrophist +catathymic +catatonia +catatoniac +catatonic +catawampous +catawampously +catawamptious +catawamptiously +catawampus +Catawba +catberry +catbird +catboat +catcall +catch +catchable +catchall +catchcry +catcher +catchfly +catchiness +catching +catchingly +catchingness +catchland +catchment +catchpenny +catchplate +catchpole +catchpolery +catchpoleship +catchpoll +catchpollery +catchup +catchwater +catchweed +catchweight +catchword +catchwork +catchy +catclaw +catdom +cate +catechesis +catechetic +catechetical +catechetically +catechin +catechism +catechismal +catechist +catechistic +catechistical +catechistically +catechizable +catechization +catechize +catechizer +catechol +catechu +catechumen +catechumenal +catechumenate +catechumenical +catechumenically +catechumenism +catechumenship +catechutannic +categorem +categorematic +categorematical +categorematically +categorial +categoric +categorical +categorically +categoricalness +categorist +categorization +categorize +category +catelectrotonic +catelectrotonus +catella +catena +catenae +catenarian +catenary +catenate +catenated +catenation +catenoid +catenulate +catepuce +cater +cateran +catercap +catercorner +caterer +caterership +cateress +caterpillar +caterpillared +caterpillarlike +caterva +caterwaul +caterwauler +caterwauling +Catesbaea +cateye +catface +catfaced +catfacing +catfall +catfish +catfoot +catfooted +catgut +Catha +Cathari +Catharina +Catharine +Catharism +Catharist +Catharistic +catharization +catharize +catharpin +catharping +Cathars +catharsis +Cathartae +Cathartes +cathartic +cathartical +cathartically +catharticalness +Cathartidae +Cathartides +Cathartolinum +Cathay +Cathayan +cathead +cathect +cathectic +cathection +cathedra +cathedral +cathedraled +cathedralesque +cathedralic +cathedrallike +cathedralwise +cathedratic +cathedratica +cathedratical +cathedratically +cathedraticum +cathepsin +Catherine +catheter +catheterism +catheterization +catheterize +catheti +cathetometer +cathetometric +cathetus +cathexion +cathexis +cathidine +cathin +cathine +cathinine +cathion +cathisma +cathodal +cathode +cathodic +cathodical +cathodically +cathodofluorescence +cathodograph +cathodography +cathodoluminescence +cathograph +cathography +cathole +catholic +catholical +catholically +catholicalness +catholicate +catholicism +catholicist +catholicity +catholicize +catholicizer +catholicly +catholicness +catholicon +catholicos +catholicus +catholyte +cathood +cathop +Cathrin +cathro +Cathryn +Cathy +Catilinarian +cation +cationic +cativo +catjang +catkin +catkinate +catlap +catlike +catlin +catling +catlinite +catmalison +catmint +catnip +catoblepas +Catocala +catocalid +catocathartic +catoctin +Catodon +catodont +catogene +catogenic +Catoism +Catonian +Catonic +Catonically +Catonism +catoptric +catoptrical +catoptrically +catoptrics +catoptrite +catoptromancy +catoptromantic +Catoquina +catostomid +Catostomidae +catostomoid +Catostomus +catpiece +catpipe +catproof +Catskill +catskin +catstep +catstick +catstitch +catstitcher +catstone +catsup +cattabu +cattail +cattalo +cattery +Catti +cattily +cattimandoo +cattiness +catting +cattish +cattishly +cattishness +cattle +cattlebush +cattlegate +cattleless +cattleman +Cattleya +cattleya +cattleyak +Catty +catty +cattyman +Catullian +catvine +catwalk +catwise +catwood +catwort +caubeen +cauboge +Caucasian +Caucasic +Caucasoid +cauch +cauchillo +caucho +caucus +cauda +caudad +caudae +caudal +caudally +caudalward +Caudata +caudata +caudate +caudated +caudation +caudatolenticular +caudatory +caudatum +caudex +caudices +caudicle +caudiform +caudillism +caudle +caudocephalad +caudodorsal +caudofemoral +caudolateral +caudotibial +caudotibialis +Caughnawaga +caught +cauk +caul +cauld +cauldrife +cauldrifeness +Caulerpa +Caulerpaceae +caulerpaceous +caules +caulescent +caulicle +caulicole +caulicolous +caulicule +cauliculus +cauliferous +cauliflorous +cauliflory +cauliflower +cauliform +cauligenous +caulinar +caulinary +cauline +caulis +Caulite +caulivorous +caulocarpic +caulocarpous +caulome +caulomer +caulomic +caulophylline +Caulophyllum +Caulopteris +caulopteris +caulosarc +caulotaxis +caulotaxy +caulote +caum +cauma +caumatic +caunch +Caunos +Caunus +caup +caupo +caupones +Cauqui +caurale +Caurus +causability +causable +causal +causalgia +causality +causally +causate +causation +causational +causationism +causationist +causative +causatively +causativeness +causativity +cause +causeful +causeless +causelessly +causelessness +causer +causerie +causeway +causewayman +causey +causidical +causing +causingness +causse +causson +caustic +caustical +caustically +causticiser +causticism +causticity +causticization +causticize +causticizer +causticly +causticness +caustification +caustify +Causus +cautel +cautelous +cautelously +cautelousness +cauter +cauterant +cauterization +cauterize +cautery +caution +cautionary +cautioner +cautionry +cautious +cautiously +cautiousness +cautivo +cava +cavae +caval +cavalcade +cavalero +cavalier +cavalierish +cavalierishness +cavalierism +cavalierly +cavalierness +cavaliero +cavaliership +cavalla +cavalry +cavalryman +cavascope +cavate +cavatina +cave +caveat +caveator +cavekeeper +cavel +cavelet +cavelike +cavendish +cavern +cavernal +caverned +cavernicolous +cavernitis +cavernlike +cavernoma +cavernous +cavernously +cavernulous +cavesson +cavetto +Cavia +caviar +cavicorn +Cavicornia +Cavidae +cavie +cavil +caviler +caviling +cavilingly +cavilingness +cavillation +Cavina +caving +cavings +cavish +cavitary +cavitate +cavitation +cavitied +cavity +caviya +cavort +cavus +cavy +caw +cawk +cawky +cawney +cawquaw +caxiri +caxon +Caxton +Caxtonian +cay +Cayapa +Cayapo +Cayenne +cayenne +cayenned +Cayleyan +cayman +Cayubaba +Cayubaban +Cayuga +Cayugan +Cayuse +Cayuvava +caza +cazimi +Ccoya +ce +Ceanothus +cearin +cease +ceaseless +ceaselessly +ceaselessness +ceasmic +Cebalrai +Cebatha +cebell +cebian +cebid +Cebidae +cebil +cebine +ceboid +cebollite +cebur +Cebus +cecidiologist +cecidiology +cecidium +cecidogenous +cecidologist +cecidology +cecidomyian +cecidomyiid +Cecidomyiidae +cecidomyiidous +Cecil +Cecile +Cecilia +cecilite +cecils +Cecily +cecity +cecograph +Cecomorphae +cecomorphic +cecostomy +Cecropia +Cecrops +cecutiency +cedar +cedarbird +cedared +cedarn +cedarware +cedarwood +cedary +cede +cedent +ceder +cedilla +cedrat +cedrate +cedre +Cedrela +cedrene +Cedric +cedrin +cedrine +cedriret +cedrium +cedrol +cedron +Cedrus +cedry +cedula +cee +Ceiba +ceibo +ceil +ceile +ceiler +ceilidh +ceiling +ceilinged +ceilingward +ceilingwards +ceilometer +Celadon +celadon +celadonite +Celaeno +celandine +Celanese +Celarent +Celastraceae +celastraceous +Celastrus +celation +celative +celature +Celebesian +celebrant +celebrate +celebrated +celebratedness +celebrater +celebration +celebrative +celebrator +celebratory +celebrity +celemin +celemines +celeomorph +Celeomorphae +celeomorphic +celeriac +celerity +celery +celesta +Celeste +celeste +celestial +celestiality +celestialize +celestially +celestialness +celestina +Celestine +celestine +Celestinian +celestite +celestitude +Celia +celiac +celiadelphus +celiagra +celialgia +celibacy +celibatarian +celibate +celibatic +celibatist +celibatory +celidographer +celidography +celiectasia +celiectomy +celiemia +celiitis +celiocele +celiocentesis +celiocolpotomy +celiocyesis +celiodynia +celioelytrotomy +celioenterotomy +celiogastrotomy +celiohysterotomy +celiolymph +celiomyalgia +celiomyodynia +celiomyomectomy +celiomyomotomy +celiomyositis +celioncus +celioparacentesis +celiopyosis +celiorrhaphy +celiorrhea +celiosalpingectomy +celiosalpingotomy +celioschisis +celioscope +celioscopy +celiotomy +celite +cell +cella +cellae +cellar +cellarage +cellarer +cellaress +cellaret +cellaring +cellarless +cellarman +cellarous +cellarway +cellarwoman +cellated +celled +Cellepora +cellepore +Cellfalcicula +celliferous +celliform +cellifugal +cellipetal +cellist +Cellite +cello +cellobiose +celloid +celloidin +celloist +cellophane +cellose +Cellucotton +cellular +cellularity +cellularly +cellulase +cellulate +cellulated +cellulation +cellule +cellulicidal +celluliferous +cellulifugal +cellulifugally +cellulin +cellulipetal +cellulipetally +cellulitis +cellulocutaneous +cellulofibrous +Celluloid +celluloid +celluloided +Cellulomonadeae +Cellulomonas +cellulose +cellulosic +cellulosity +cellulotoxic +cellulous +Cellvibrio +Celosia +Celotex +celotomy +Celsia +celsian +Celsius +Celt +celt +Celtdom +Celtiberi +Celtiberian +Celtic +Celtically +Celticism +Celticist +Celticize +Celtidaceae +celtiform +Celtillyrians +Celtis +Celtish +Celtism +Celtist +celtium +Celtization +Celtologist +Celtologue +Celtomaniac +Celtophil +Celtophobe +Celtophobia +celtuce +cembalist +cembalo +cement +cemental +cementation +cementatory +cementer +cementification +cementin +cementite +cementitious +cementless +cementmaker +cementmaking +cementoblast +cementoma +cementum +cemeterial +cemetery +cenacle +cenaculum +cenanthous +cenanthy +cencerro +Cenchrus +cendre +cenobian +cenobite +cenobitic +cenobitical +cenobitically +cenobitism +cenobium +cenoby +cenogenesis +cenogenetic +cenogenetically +cenogonous +Cenomanian +cenosite +cenosity +cenospecies +cenospecific +cenospecifically +cenotaph +cenotaphic +cenotaphy +Cenozoic +cenozoology +cense +censer +censerless +censive +censor +censorable +censorate +censorial +censorious +censoriously +censoriousness +censorship +censual +censurability +censurable +censurableness +censurably +censure +censureless +censurer +censureship +census +cent +centage +cental +centare +centaur +centaurdom +Centaurea +centauress +centauri +centaurial +centaurian +centauric +Centaurid +Centauridium +Centaurium +centauromachia +centauromachy +Centaurus +centaurus +centaury +centavo +centena +centenar +centenarian +centenarianism +centenary +centenier +centenionalis +centennial +centennially +center +centerable +centerboard +centered +centerer +centering +centerless +centermost +centerpiece +centervelic +centerward +centerwise +centesimal +centesimally +centesimate +centesimation +centesimi +centesimo +centesis +Centetes +centetid +Centetidae +centgener +centiar +centiare +centibar +centifolious +centigrade +centigram +centile +centiliter +centillion +centillionth +Centiloquy +centime +centimeter +centimo +centimolar +centinormal +centipedal +centipede +centiplume +centipoise +centistere +centistoke +centner +cento +centonical +centonism +centrad +central +centrale +Centrales +centralism +centralist +centralistic +centrality +centralization +centralize +centralizer +centrally +centralness +centranth +Centranthus +centrarchid +Centrarchidae +centrarchoid +Centraxonia +centraxonial +Centrechinoida +centric +Centricae +centrical +centricality +centrically +centricalness +centricipital +centriciput +centricity +centriffed +centrifugal +centrifugalization +centrifugalize +centrifugaller +centrifugally +centrifugate +centrifugation +centrifuge +centrifugence +centriole +centripetal +centripetalism +centripetally +centripetence +centripetency +centriscid +Centriscidae +centrisciform +centriscoid +Centriscus +centrist +centroacinar +centrobaric +centrobarical +centroclinal +centrode +centrodesmose +centrodesmus +centrodorsal +centrodorsally +centroid +centroidal +centrolecithal +Centrolepidaceae +centrolepidaceous +centrolinead +centrolineal +centromere +centronucleus +centroplasm +Centropomidae +Centropomus +Centrosema +centrosome +centrosomic +Centrosoyus +Centrospermae +centrosphere +centrosymmetric +centrosymmetry +Centrotus +centrum +centry +centum +centumvir +centumviral +centumvirate +Centunculus +centuple +centuplicate +centuplication +centuply +centuria +centurial +centuriate +centuriation +centuriator +centuried +centurion +century +ceorl +ceorlish +cep +cepa +cepaceous +cepe +cephaeline +Cephaelis +Cephalacanthidae +Cephalacanthus +cephalad +cephalagra +cephalalgia +cephalalgic +cephalalgy +cephalanthium +cephalanthous +Cephalanthus +Cephalaspis +Cephalata +cephalate +cephaldemae +cephalemia +cephaletron +Cephaleuros +cephalhematoma +cephalhydrocele +cephalic +cephalin +Cephalina +cephaline +cephalism +cephalitis +cephalization +cephaloauricular +Cephalobranchiata +cephalobranchiate +cephalocathartic +cephalocaudal +cephalocele +cephalocentesis +cephalocercal +Cephalocereus +cephalochord +Cephalochorda +cephalochordal +Cephalochordata +cephalochordate +cephaloclasia +cephaloclast +cephalocone +cephaloconic +cephalocyst +cephalodiscid +Cephalodiscida +Cephalodiscus +cephalodymia +cephalodymus +cephalodynia +cephalofacial +cephalogenesis +cephalogram +cephalograph +cephalohumeral +cephalohumeralis +cephaloid +cephalology +cephalomancy +cephalomant +cephalomelus +cephalomenia +cephalomeningitis +cephalomere +cephalometer +cephalometric +cephalometry +cephalomotor +cephalomyitis +cephalon +cephalonasal +cephalopagus +cephalopathy +cephalopharyngeal +cephalophine +cephalophorous +Cephalophus +cephalophyma +cephaloplegia +cephaloplegic +cephalopod +Cephalopoda +cephalopodan +cephalopodic +cephalopodous +Cephalopterus +cephalorachidian +cephalorhachidian +cephalosome +cephalospinal +Cephalosporium +cephalostyle +Cephalotaceae +cephalotaceous +Cephalotaxus +cephalotheca +cephalothecal +cephalothoracic +cephalothoracopagus +cephalothorax +cephalotome +cephalotomy +cephalotractor +cephalotribe +cephalotripsy +cephalotrocha +Cephalotus +cephalous +Cephas +Cepheid +cephid +Cephidae +Cephus +Cepolidae +ceps +ceptor +cequi +ceraceous +cerago +ceral +ceramal +cerambycid +Cerambycidae +Ceramiaceae +ceramiaceous +ceramic +ceramicite +ceramics +ceramidium +ceramist +Ceramium +ceramographic +ceramography +cerargyrite +ceras +cerasein +cerasin +cerastes +Cerastium +Cerasus +cerata +cerate +ceratectomy +cerated +ceratiasis +ceratiid +Ceratiidae +ceratioid +ceration +ceratite +Ceratites +ceratitic +Ceratitidae +Ceratitis +ceratitoid +Ceratitoidea +Ceratium +Ceratobatrachinae +ceratoblast +ceratobranchial +ceratocricoid +Ceratodidae +Ceratodontidae +Ceratodus +ceratofibrous +ceratoglossal +ceratoglossus +ceratohyal +ceratohyoid +ceratoid +ceratomandibular +ceratomania +Ceratonia +Ceratophrys +Ceratophyllaceae +ceratophyllaceous +Ceratophyllum +Ceratophyta +ceratophyte +Ceratops +Ceratopsia +ceratopsian +ceratopsid +Ceratopsidae +Ceratopteridaceae +ceratopteridaceous +Ceratopteris +ceratorhine +Ceratosa +Ceratosaurus +Ceratospongiae +ceratospongian +Ceratostomataceae +Ceratostomella +ceratotheca +ceratothecal +Ceratozamia +ceraunia +ceraunics +ceraunogram +ceraunograph +ceraunomancy +ceraunophone +ceraunoscope +ceraunoscopy +Cerberean +Cerberic +Cerberus +cercal +cercaria +cercarial +cercarian +cercariform +cercelee +cerci +Cercidiphyllaceae +Cercis +Cercocebus +Cercolabes +Cercolabidae +cercomonad +Cercomonadidae +Cercomonas +cercopid +Cercopidae +cercopithecid +Cercopithecidae +cercopithecoid +Cercopithecus +cercopod +Cercospora +Cercosporella +cercus +Cerdonian +cere +cereal +cerealian +cerealin +cerealism +cerealist +cerealose +cerebella +cerebellar +cerebellifugal +cerebellipetal +cerebellocortex +cerebellopontile +cerebellopontine +cerebellorubral +cerebellospinal +cerebellum +cerebra +cerebral +cerebralgia +cerebralism +cerebralist +cerebralization +cerebralize +cerebrally +cerebrasthenia +cerebrasthenic +cerebrate +cerebration +cerebrational +Cerebratulus +cerebric +cerebricity +cerebriform +cerebriformly +cerebrifugal +cerebrin +cerebripetal +cerebritis +cerebrize +cerebrocardiac +cerebrogalactose +cerebroganglion +cerebroganglionic +cerebroid +cerebrology +cerebroma +cerebromalacia +cerebromedullary +cerebromeningeal +cerebromeningitis +cerebrometer +cerebron +cerebronic +cerebroparietal +cerebropathy +cerebropedal +cerebrophysiology +cerebropontile +cerebropsychosis +cerebrorachidian +cerebrosclerosis +cerebroscope +cerebroscopy +cerebrose +cerebrosensorial +cerebroside +cerebrosis +cerebrospinal +cerebrospinant +cerebrosuria +cerebrotomy +cerebrotonia +cerebrotonic +cerebrovisceral +cerebrum +cerecloth +cered +cereless +cerement +ceremonial +ceremonialism +ceremonialist +ceremonialize +ceremonially +ceremonious +ceremoniously +ceremoniousness +ceremony +cereous +cerer +ceresin +Cereus +cerevis +ceria +Cerialia +cerianthid +Cerianthidae +cerianthoid +Cerianthus +ceric +ceride +ceriferous +cerigerous +cerillo +ceriman +cerin +cerine +Cerinthe +Cerinthian +Ceriomyces +Cerion +Cerionidae +ceriops +Ceriornis +cerise +cerite +Cerithiidae +cerithioid +Cerithium +cerium +cermet +cern +cerniture +cernuous +cero +cerograph +cerographic +cerographist +cerography +ceroline +cerolite +ceroma +ceromancy +cerophilous +ceroplast +ceroplastic +ceroplastics +ceroplasty +cerotate +cerote +cerotene +cerotic +cerotin +cerotype +cerous +ceroxyle +Ceroxylon +cerrero +cerrial +cerris +certain +certainly +certainty +Certhia +Certhiidae +certie +certifiable +certifiableness +certifiably +certificate +certification +certificative +certificator +certificatory +certified +certifier +certify +certiorari +certiorate +certioration +certis +certitude +certosina +certosino +certy +cerule +cerulean +cerulein +ceruleite +ceruleolactite +ceruleous +cerulescent +ceruleum +cerulignol +cerulignone +cerumen +ceruminal +ceruminiferous +ceruminous +cerumniparous +ceruse +cerussite +Cervantist +cervantite +cervical +Cervicapra +cervicaprine +cervicectomy +cervicicardiac +cervicide +cerviciplex +cervicispinal +cervicitis +cervicoauricular +cervicoaxillary +cervicobasilar +cervicobrachial +cervicobregmatic +cervicobuccal +cervicodorsal +cervicodynia +cervicofacial +cervicohumeral +cervicolabial +cervicolingual +cervicolumbar +cervicomuscular +cerviconasal +cervicorn +cervicoscapular +cervicothoracic +cervicovaginal +cervicovesical +cervid +Cervidae +Cervinae +cervine +cervisia +cervisial +cervix +cervoid +cervuline +Cervulus +Cervus +ceryl +Cerynean +Cesare +cesarevitch +cesarolite +cesious +cesium +cespititous +cespitose +cespitosely +cespitulose +cess +cessantly +cessation +cessative +cessavit +cesser +cession +cessionaire +cessionary +cessor +cesspipe +cesspit +cesspool +cest +Cestida +Cestidae +Cestoda +Cestodaria +cestode +cestoid +Cestoidea +cestoidean +Cestracion +cestraciont +Cestraciontes +Cestraciontidae +Cestrian +Cestrum +cestrum +cestus +Cetacea +cetacean +cetaceous +cetaceum +cetane +Cete +cetene +ceterach +ceti +cetic +ceticide +Cetid +cetin +Cetiosauria +cetiosaurian +Cetiosaurus +cetological +cetologist +cetology +Cetomorpha +cetomorphic +Cetonia +cetonian +Cetoniides +Cetoniinae +cetorhinid +Cetorhinidae +cetorhinoid +Cetorhinus +cetotolite +Cetraria +cetraric +cetrarin +Cetus +cetyl +cetylene +cetylic +cevadilla +cevadilline +cevadine +Cevennian +Cevenol +Cevenole +cevine +cevitamic +ceylanite +Ceylon +Ceylonese +ceylonite +ceyssatite +Ceyx +Cezannesque +cha +chaa +chab +chabasie +chabazite +Chablis +chabot +chabouk +chabuk +chabutra +Chac +chacate +chachalaca +Chachapuya +chack +Chackchiuma +chacker +chackle +chackler +chacma +Chaco +chacona +chacte +chad +chadacryst +Chaenactis +Chaenolobus +Chaenomeles +chaeta +Chaetangiaceae +Chaetangium +Chaetetes +Chaetetidae +Chaetifera +chaetiferous +Chaetites +Chaetitidae +Chaetochloa +Chaetodon +chaetodont +chaetodontid +Chaetodontidae +chaetognath +Chaetognatha +chaetognathan +chaetognathous +Chaetophora +Chaetophoraceae +chaetophoraceous +Chaetophorales +chaetophorous +chaetopod +Chaetopoda +chaetopodan +chaetopodous +chaetopterin +Chaetopterus +chaetosema +Chaetosoma +Chaetosomatidae +Chaetosomidae +chaetotactic +chaetotaxy +Chaetura +chafe +chafer +chafery +chafewax +chafeweed +chaff +chaffcutter +chaffer +chafferer +chaffinch +chaffiness +chaffing +chaffingly +chaffless +chafflike +chaffman +chaffseed +chaffwax +chaffweed +chaffy +chaft +chafted +Chaga +chagan +Chagga +chagrin +chaguar +chagul +chahar +chai +Chailletiaceae +chain +chainage +chained +chainer +chainette +chainless +chainlet +chainmaker +chainmaking +chainman +chainon +chainsmith +chainwale +chainwork +chair +chairer +chairless +chairmaker +chairmaking +chairman +chairmanship +chairmender +chairmending +chairwarmer +chairwoman +chais +chaise +chaiseless +Chait +chaitya +chaja +chaka +chakar +chakari +Chakavski +chakazi +chakdar +chakobu +chakra +chakram +chakravartin +chaksi +chal +chalaco +chalana +chalastic +Chalastogastra +chalaza +chalazal +chalaze +chalazian +chalaziferous +chalazion +chalazogam +chalazogamic +chalazogamy +chalazoidite +chalcanthite +Chalcedonian +chalcedonic +chalcedonous +chalcedony +chalcedonyx +chalchuite +chalcid +Chalcidian +Chalcidic +chalcidicum +chalcidid +Chalcididae +chalcidiform +chalcidoid +Chalcidoidea +Chalcioecus +Chalcis +chalcites +chalcocite +chalcograph +chalcographer +chalcographic +chalcographical +chalcographist +chalcography +chalcolite +chalcolithic +chalcomancy +chalcomenite +chalcon +chalcone +chalcophanite +chalcophyllite +chalcopyrite +chalcosiderite +chalcosine +chalcostibite +chalcotrichite +chalcotript +chalcus +Chaldaei +Chaldaic +Chaldaical +Chaldaism +Chaldean +Chaldee +chalder +chaldron +chalet +chalice +chaliced +chalicosis +chalicothere +chalicotheriid +Chalicotheriidae +chalicotherioid +Chalicotherium +Chalina +Chalinidae +chalinine +Chalinitis +chalk +chalkcutter +chalker +chalkiness +chalklike +chalkography +chalkosideric +chalkstone +chalkstony +chalkworker +chalky +challah +challenge +challengeable +challengee +challengeful +challenger +challengingly +challie +challis +challote +chalmer +chalon +chalone +Chalons +chalque +chalta +Chalukya +Chalukyan +chalumeau +chalutz +chalutzim +Chalybean +chalybeate +chalybeous +Chalybes +chalybite +Cham +cham +Chama +Chamacea +Chamacoco +Chamaebatia +Chamaecistus +chamaecranial +Chamaecrista +Chamaecyparis +Chamaedaphne +Chamaeleo +Chamaeleon +Chamaeleontidae +Chamaelirium +Chamaenerion +Chamaepericlymenum +chamaeprosopic +Chamaerops +chamaerrhine +Chamaesaura +Chamaesiphon +Chamaesiphonaceae +Chamaesiphonaceous +Chamaesiphonales +Chamaesyce +chamal +Chamar +chamar +chamber +chamberdeacon +chambered +chamberer +chambering +chamberlain +chamberlainry +chamberlainship +chamberlet +chamberleted +chamberletted +chambermaid +Chambertin +chamberwoman +Chambioa +chambray +chambrel +chambul +chamecephalic +chamecephalous +chamecephalus +chamecephaly +chameleon +chameleonic +chameleonize +chameleonlike +chamfer +chamferer +chamfron +Chamian +Chamicuro +Chamidae +chamisal +chamiso +Chamite +chamite +Chamkanni +chamma +chamois +Chamoisette +chamoisite +chamoline +Chamomilla +Chamorro +Chamos +champ +Champa +champac +champaca +champacol +champagne +champagneless +champagnize +champaign +champain +champaka +champer +champertor +champertous +champerty +champignon +champion +championess +championize +championless +championlike +championship +Champlain +Champlainic +champleve +champy +Chanabal +Chanca +chance +chanceful +chancefully +chancefulness +chancel +chanceled +chanceless +chancellery +chancellor +chancellorate +chancelloress +chancellorism +chancellorship +chancer +chancery +chancewise +chanche +chanchito +chanco +chancre +chancriform +chancroid +chancroidal +chancrous +chancy +chandala +chandam +chandelier +Chandi +chandi +chandler +chandleress +chandlering +chandlery +chandoo +chandu +chandul +Chane +chanfrin +Chang +chang +changa +changar +change +changeability +changeable +changeableness +changeably +changedale +changedness +changeful +changefully +changefulness +changeless +changelessly +changelessness +changeling +changement +changer +Changoan +Changos +Changuina +Changuinan +Chanidae +chank +chankings +channel +channelbill +channeled +channeler +channeling +channelization +channelize +channelled +channeller +channelling +channelwards +channer +chanson +chansonnette +chanst +chant +chantable +chanter +chanterelle +chantership +chantey +chanteyman +chanticleer +chanting +chantingly +chantlate +chantress +chantry +chao +chaogenous +chaology +chaos +chaotic +chaotical +chaotically +chaoticness +Chaouia +chap +Chapacura +Chapacuran +chapah +Chapanec +chaparral +chaparro +chapatty +chapbook +chape +chapeau +chapeaux +chaped +chapel +chapeless +chapelet +chapelgoer +chapelgoing +chapellage +chapellany +chapelman +chapelmaster +chapelry +chapelward +chaperno +chaperon +chaperonage +chaperone +chaperonless +chapfallen +chapin +chapiter +chapitral +chaplain +chaplaincy +chaplainry +chaplainship +chapless +chaplet +chapleted +chapman +chapmanship +chapournet +chapournetted +chappaul +chapped +chapper +chappie +chappin +chapping +chappow +chappy +chaps +chapt +chaptalization +chaptalize +chapter +chapteral +chapterful +chapwoman +char +Chara +charabanc +charabancer +charac +Characeae +characeous +characetum +characin +characine +characinid +Characinidae +characinoid +character +characterful +characterial +characterical +characterism +characterist +characteristic +characteristical +characteristically +characteristicalness +characteristicness +characterizable +characterization +characterize +characterizer +characterless +characterlessness +characterological +characterologist +characterology +charactery +charade +Charadrii +Charadriidae +charadriiform +Charadriiformes +charadrine +charadrioid +Charadriomorphae +Charadrius +Charales +charas +charbon +Charca +charcoal +charcoaly +charcutier +chard +chardock +chare +charer +charet +charette +charge +chargeability +chargeable +chargeableness +chargeably +chargee +chargeless +chargeling +chargeman +charger +chargeship +charging +Charicleia +charier +charily +chariness +chariot +charioted +chariotee +charioteer +charioteership +chariotlike +chariotman +chariotry +chariotway +charism +charisma +charismatic +Charissa +charisticary +charitable +charitableness +charitably +Charites +charity +charityless +charivari +chark +charka +charkha +charkhana +charlady +charlatan +charlatanic +charlatanical +charlatanically +charlatanish +charlatanism +charlatanistic +charlatanry +charlatanship +Charleen +Charlene +Charles +Charleston +Charley +Charlie +charlock +Charlotte +charm +charmedly +charmel +charmer +charmful +charmfully +charmfulness +charming +charmingly +charmingness +charmless +charmlessly +charmwise +charnel +charnockite +Charon +Charonian +Charonic +Charontas +Charophyta +charpit +charpoy +charqued +charqui +charr +Charruan +Charruas +charry +charshaf +charsingha +chart +chartaceous +charter +charterable +charterage +chartered +charterer +charterhouse +Charterist +charterless +chartermaster +charthouse +charting +Chartism +Chartist +chartist +chartless +chartographist +chartology +chartometer +chartophylax +chartreuse +Chartreux +chartroom +chartula +chartulary +charuk +charwoman +chary +Charybdian +Charybdis +chasable +chase +chaseable +chaser +Chasidim +chasing +chasm +chasma +chasmal +chasmed +chasmic +chasmogamic +chasmogamous +chasmogamy +chasmophyte +chasmy +chasse +Chasselas +chassepot +chasseur +chassignite +chassis +Chastacosta +chaste +chastely +chasten +chastener +chasteness +chasteningly +chastenment +chasteweed +chastisable +chastise +chastisement +chastiser +chastity +chasuble +chasubled +chat +chataka +Chateau +chateau +chateaux +chatelain +chatelaine +chatelainry +chatellany +chathamite +chati +Chatillon +Chatino +Chatot +chatoyance +chatoyancy +chatoyant +chatsome +chatta +chattable +Chattanooga +Chattanoogan +chattation +chattel +chattelhood +chattelism +chattelization +chattelize +chattelship +chatter +chatteration +chatterbag +chatterbox +chatterer +chattering +chatteringly +chattermag +chattermagging +Chattertonian +chattery +Chatti +chattily +chattiness +chatting +chattingly +chatty +chatwood +Chaucerian +Chauceriana +Chaucerianism +Chaucerism +Chauchat +chaudron +chauffer +chauffeur +chauffeurship +Chaui +chauk +chaukidari +Chauliodes +chaulmoogra +chaulmoograte +chaulmoogric +Chauna +chaus +chausseemeile +Chautauqua +Chautauquan +chaute +chauth +chauvinism +chauvinist +chauvinistic +chauvinistically +Chavante +Chavantean +chavender +chavibetol +chavicin +chavicine +chavicol +chavish +chaw +chawan +chawbacon +chawer +Chawia +chawk +chawl +chawstick +chay +chaya +chayaroot +Chayma +Chayota +chayote +chayroot +chazan +Chazy +che +cheap +cheapen +cheapener +cheapery +cheaping +cheapish +cheaply +cheapness +Cheapside +cheat +cheatable +cheatableness +cheatee +cheater +cheatery +cheating +cheatingly +cheatrie +Chebacco +chebec +chebel +chebog +chebule +chebulinic +Chechehet +Chechen +check +checkable +checkage +checkbird +checkbite +checkbook +checked +checker +checkerbelly +checkerberry +checkerbloom +checkerboard +checkerbreast +checkered +checkerist +checkers +checkerwise +checkerwork +checkhook +checkless +checkman +checkmate +checkoff +checkrack +checkrein +checkroll +checkroom +checkrope +checkrow +checkrowed +checkrower +checkstone +checkstrap +checkstring +checkup +checkweigher +checkwork +checky +cheddaring +cheddite +cheder +chedlock +chee +cheecha +cheechako +cheek +cheekbone +cheeker +cheekily +cheekiness +cheekish +cheekless +cheekpiece +cheeky +cheep +cheeper +cheepily +cheepiness +cheepy +cheer +cheered +cheerer +cheerful +cheerfulize +cheerfully +cheerfulness +cheerfulsome +cheerily +cheeriness +cheering +cheeringly +cheerio +cheerleader +cheerless +cheerlessly +cheerlessness +cheerly +cheery +cheese +cheeseboard +cheesebox +cheeseburger +cheesecake +cheesecloth +cheesecurd +cheesecutter +cheeseflower +cheeselip +cheesemonger +cheesemongering +cheesemongerly +cheesemongery +cheeseparer +cheeseparing +cheeser +cheesery +cheesewood +cheesiness +cheesy +cheet +cheetah +cheeter +cheetie +chef +Chefrinia +chegoe +chegre +Chehalis +Cheilanthes +cheilitis +Cheilodipteridae +Cheilodipterus +Cheilostomata +cheilostomatous +cheir +cheiragra +Cheiranthus +Cheirogaleus +Cheiroglossa +cheirognomy +cheirography +cheirolin +cheirology +cheiromancy +cheiromegaly +cheiropatagium +cheiropodist +cheiropody +cheiropompholyx +Cheiroptera +cheiropterygium +cheirosophy +cheirospasm +Cheirotherium +Cheka +chekan +cheke +cheki +Chekist +chekmak +chela +chelaship +chelate +chelation +chelem +chelerythrine +chelicer +chelicera +cheliceral +chelicerate +chelicere +chelide +chelidon +chelidonate +chelidonian +chelidonic +chelidonine +Chelidonium +Chelidosaurus +Cheliferidea +cheliferous +cheliform +chelingo +cheliped +Chellean +chello +Chelodina +chelodine +chelone +Chelonia +chelonian +chelonid +Chelonidae +cheloniid +Cheloniidae +chelonin +chelophore +chelp +Cheltenham +Chelura +Chelydidae +Chelydra +Chelydridae +chelydroid +chelys +Chemakuan +chemasthenia +chemawinite +Chemehuevi +chemesthesis +chemiatric +chemiatrist +chemiatry +chemic +chemical +chemicalization +chemicalize +chemically +chemicker +chemicoastrological +chemicobiologic +chemicobiology +chemicocautery +chemicodynamic +chemicoengineering +chemicoluminescence +chemicomechanical +chemicomineralogical +chemicopharmaceutical +chemicophysical +chemicophysics +chemicophysiological +chemicovital +chemigraph +chemigraphic +chemigraphy +chemiloon +chemiluminescence +chemiotactic +chemiotaxic +chemiotaxis +chemiotropic +chemiotropism +chemiphotic +chemis +chemise +chemisette +chemism +chemisorb +chemisorption +chemist +chemistry +chemitype +chemitypy +chemoceptor +chemokinesis +chemokinetic +chemolysis +chemolytic +chemolyze +chemoreception +chemoreceptor +chemoreflex +chemoresistance +chemoserotherapy +chemosis +chemosmosis +chemosmotic +chemosynthesis +chemosynthetic +chemotactic +chemotactically +chemotaxis +chemotaxy +chemotherapeutic +chemotherapeutics +chemotherapist +chemotherapy +chemotic +chemotropic +chemotropically +chemotropism +Chemung +chemurgic +chemurgical +chemurgy +Chen +chena +chende +chenevixite +Cheney +cheng +chenica +chenille +cheniller +chenopod +Chenopodiaceae +chenopodiaceous +Chenopodiales +Chenopodium +cheoplastic +chepster +cheque +Chequers +Chera +chercock +cherem +Cheremiss +Cheremissian +cherimoya +cherish +cherishable +cherisher +cherishing +cherishingly +cherishment +Cherkess +Cherkesser +Chermes +Chermidae +Chermish +Chernomorish +chernozem +Cherokee +cheroot +cherried +cherry +cherryblossom +cherrylike +chersonese +Chersydridae +chert +cherte +cherty +cherub +cherubic +cherubical +cherubically +cherubim +cherubimic +cherubimical +cherubin +Cherusci +Chervante +chervil +chervonets +Chesapeake +Cheshire +cheson +chess +chessboard +chessdom +chessel +chesser +chessist +chessman +chessmen +chesstree +chessylite +chest +Chester +chester +chesterfield +Chesterfieldian +chesterlite +chestful +chestily +chestiness +chestnut +chestnutty +chesty +Chet +cheth +chettik +chetty +chetverik +chetvert +chevage +cheval +chevalier +chevaline +chevance +cheve +cheven +chevener +chevesaile +chevin +Cheviot +chevisance +chevise +chevon +chevrette +chevron +chevrone +chevronel +chevronelly +chevronwise +chevrony +chevrotain +chevy +chew +chewbark +chewer +chewink +chewstick +chewy +Cheyenne +cheyney +chhatri +chi +chia +Chiam +Chian +Chianti +Chiapanec +Chiapanecan +chiaroscurist +chiaroscuro +chiasm +chiasma +chiasmal +chiasmatype +chiasmatypy +chiasmic +Chiasmodon +chiasmodontid +Chiasmodontidae +chiasmus +chiastic +chiastolite +chiastoneural +chiastoneurous +chiastoneury +chiaus +Chibcha +Chibchan +chibinite +chibouk +chibrit +chic +chicane +chicaner +chicanery +chicaric +chicayote +Chicha +chichi +chichicaste +Chichimec +chichimecan +chichipate +chichipe +chichituna +chick +chickabiddy +chickadee +Chickahominy +Chickamauga +chickaree +Chickasaw +chickasaw +chickell +chicken +chickenberry +chickenbill +chickenbreasted +chickenhearted +chickenheartedly +chickenheartedness +chickenhood +chickenweed +chickenwort +chicker +chickhood +chickling +chickstone +chickweed +chickwit +chicky +chicle +chicness +Chico +chico +Chicomecoatl +chicory +chicot +chicote +chicqued +chicquer +chicquest +chicquing +chid +chidden +chide +chider +chiding +chidingly +chidingness +chidra +chief +chiefdom +chiefery +chiefess +chiefest +chiefish +chiefless +chiefling +chiefly +chiefship +chieftain +chieftaincy +chieftainess +chieftainry +chieftainship +chieftess +chield +Chien +chien +chiffer +chiffon +chiffonade +chiffonier +chiffony +chifforobe +chigetai +chiggak +chigger +chiggerweed +chignon +chignoned +chigoe +chih +chihfu +Chihuahua +chikara +chil +chilacavote +chilalgia +chilarium +chilblain +Chilcat +child +childbearing +childbed +childbirth +childcrowing +childe +childed +Childermas +childhood +childing +childish +childishly +childishness +childkind +childless +childlessness +childlike +childlikeness +childly +childness +childrenite +childridden +childship +childward +chile +Chilean +Chileanization +Chileanize +chilectropion +chilenite +chili +chiliad +chiliadal +chiliadic +chiliagon +chiliahedron +chiliarch +chiliarchia +chiliarchy +chiliasm +chiliast +chiliastic +chilicote +chilicothe +chilidium +Chilina +Chilinidae +chiliomb +Chilion +chilitis +Chilkat +chill +chilla +chillagite +chilled +chiller +chillily +chilliness +chilling +chillingly +chillish +Chilliwack +chillness +chillo +chillroom +chillsome +chillum +chillumchee +chilly +chilognath +Chilognatha +chilognathan +chilognathous +chilogrammo +chiloma +Chilomastix +chiloncus +chiloplasty +chilopod +Chilopoda +chilopodan +chilopodous +Chilopsis +Chilostoma +Chilostomata +chilostomatous +chilostome +chilotomy +Chiltern +chilver +chimaera +chimaerid +Chimaeridae +chimaeroid +Chimaeroidei +Chimakuan +Chimakum +Chimalakwe +Chimalapa +Chimane +chimango +Chimaphila +Chimarikan +Chimariko +chimble +chime +chimer +chimera +chimeric +chimerical +chimerically +chimericalness +chimesmaster +chiminage +Chimmesyan +chimney +chimneyhead +chimneyless +chimneyman +Chimonanthus +chimopeelagic +chimpanzee +Chimu +Chin +chin +china +chinaberry +chinalike +Chinaman +chinamania +chinamaniac +chinampa +chinanta +Chinantecan +Chinantecs +chinaphthol +chinar +chinaroot +Chinatown +chinaware +chinawoman +chinband +chinch +chincha +Chinchasuyu +chinchayote +chinche +chincherinchee +chinchilla +chinching +chincloth +chincough +chine +chined +Chinee +Chinese +Chinesery +ching +chingma +Chingpaw +Chinhwan +chinik +chinin +Chink +chink +chinkara +chinker +chinkerinchee +chinking +chinkle +chinks +chinky +chinless +chinnam +chinned +chinny +chino +chinoa +chinol +Chinook +Chinookan +chinotoxine +chinotti +chinpiece +chinquapin +chinse +chint +chintz +chinwood +Chiococca +chiococcine +Chiogenes +chiolite +chionablepsia +Chionanthus +Chionaspis +Chionididae +Chionis +Chionodoxa +Chiot +chiotilla +Chip +chip +chipchap +chipchop +Chipewyan +chiplet +chipling +chipmunk +chippable +chippage +chipped +Chippendale +chipper +chipping +chippy +chips +chipwood +Chiquitan +Chiquito +chiragra +chiral +chiralgia +chirality +chirapsia +chirarthritis +chirata +Chiriana +Chiricahua +Chiriguano +chirimen +Chirino +chirinola +chiripa +chirivita +chirk +chirm +chiro +chirocosmetics +chirogale +chirognomic +chirognomically +chirognomist +chirognomy +chirognostic +chirograph +chirographary +chirographer +chirographic +chirographical +chirography +chirogymnast +chirological +chirologically +chirologist +chirology +chiromance +chiromancer +chiromancist +chiromancy +chiromant +chiromantic +chiromantical +Chiromantis +chiromegaly +chirometer +Chiromyidae +Chiromys +Chiron +chironomic +chironomid +Chironomidae +Chironomus +chironomy +chironym +chiropatagium +chiroplasty +chiropod +chiropodial +chiropodic +chiropodical +chiropodist +chiropodistry +chiropodous +chiropody +chiropompholyx +chiropractic +chiropractor +chiropraxis +chiropter +Chiroptera +chiropteran +chiropterite +chiropterophilous +chiropterous +chiropterygian +chiropterygious +chiropterygium +chirosophist +chirospasm +Chirotes +chirotherian +Chirotherium +chirothesia +chirotonsor +chirotonsory +chirotony +chirotype +chirp +chirper +chirpily +chirpiness +chirping +chirpingly +chirpling +chirpy +chirr +chirrup +chirruper +chirrupy +chirurgeon +chirurgery +Chisedec +chisel +chiseled +chiseler +chisellike +chiselly +chiselmouth +chit +Chita +chitak +chital +chitchat +chitchatty +Chitimacha +Chitimachan +chitin +chitinization +chitinized +chitinocalcareous +chitinogenous +chitinoid +chitinous +chiton +chitosamine +chitosan +chitose +chitra +Chitrali +chittamwood +chitter +chitterling +chitty +chivalresque +chivalric +chivalrous +chivalrously +chivalrousness +chivalry +chive +chivey +chiviatite +Chiwere +chkalik +chladnite +chlamyd +chlamydate +chlamydeous +Chlamydobacteriaceae +chlamydobacteriaceous +Chlamydobacteriales +Chlamydomonadaceae +Chlamydomonadidae +Chlamydomonas +Chlamydosaurus +Chlamydoselachidae +Chlamydoselachus +chlamydospore +Chlamydozoa +chlamydozoan +chlamyphore +Chlamyphorus +chlamys +Chleuh +chloanthite +chloasma +Chloe +chlor +chloracetate +chloragogen +chloral +chloralformamide +chloralide +chloralism +chloralization +chloralize +chloralose +chloralum +chloramide +chloramine +chloramphenicol +chloranemia +chloranemic +chloranhydride +chloranil +Chloranthaceae +chloranthaceous +Chloranthus +chloranthy +chlorapatite +chlorastrolite +chlorate +chlorazide +chlorcosane +chlordan +chlordane +chlore +Chlorella +Chlorellaceae +chlorellaceous +chloremia +chlorenchyma +chlorhydrate +chlorhydric +chloric +chloridate +chloridation +chloride +Chloridella +Chloridellidae +chlorider +chloridize +chlorimeter +chlorimetric +chlorimetry +chlorinate +chlorination +chlorinator +chlorine +chlorinize +chlorinous +chloriodide +Chlorion +Chlorioninae +chlorite +chloritic +chloritization +chloritize +chloritoid +chlorize +chlormethane +chlormethylic +chloroacetate +chloroacetic +chloroacetone +chloroacetophenone +chloroamide +chloroamine +chloroanaemia +chloroanemia +chloroaurate +chloroauric +chloroaurite +chlorobenzene +chlorobromide +chlorocalcite +chlorocarbonate +chlorochromates +chlorochromic +chlorochrous +Chlorococcaceae +Chlorococcales +Chlorococcum +Chlorococcus +chlorocresol +chlorocruorin +chlorodize +chloroform +chloroformate +chloroformic +chloroformism +chloroformist +chloroformization +chloroformize +chlorogenic +chlorogenine +chlorohydrin +chlorohydrocarbon +chloroiodide +chloroleucite +chloroma +chloromelanite +chlorometer +chloromethane +chlorometric +chlorometry +Chloromycetin +chloronitrate +chloropal +chloropalladates +chloropalladic +chlorophane +chlorophenol +chlorophoenicite +Chlorophora +Chlorophyceae +chlorophyceous +chlorophyl +chlorophyll +chlorophyllaceous +chlorophyllan +chlorophyllase +chlorophyllian +chlorophyllide +chlorophylliferous +chlorophylligenous +chlorophylligerous +chlorophyllin +chlorophyllite +chlorophylloid +chlorophyllose +chlorophyllous +chloropia +chloropicrin +chloroplast +chloroplastic +chloroplastid +chloroplatinate +chloroplatinic +chloroplatinite +chloroplatinous +chloroprene +chloropsia +chloroquine +chlorosilicate +chlorosis +chlorospinel +chlorosulphonic +chlorotic +chlorous +chlorozincate +chlorsalol +chloryl +Chnuphis +cho +choachyte +choana +choanate +Choanephora +choanocytal +choanocyte +Choanoflagellata +choanoflagellate +Choanoflagellida +Choanoflagellidae +choanoid +choanophorous +choanosomal +choanosome +choate +choaty +chob +choca +chocard +Chocho +chocho +chock +chockablock +chocker +chockler +chockman +Choco +Chocoan +chocolate +Choctaw +choel +choenix +Choeropsis +Choes +choffer +choga +chogak +chogset +Choiak +choice +choiceful +choiceless +choicelessness +choicely +choiceness +choicy +choil +choiler +choir +choirboy +choirlike +choirman +choirmaster +choirwise +Choisya +chokage +choke +chokeberry +chokebore +chokecherry +chokedamp +choker +chokered +chokerman +chokestrap +chokeweed +chokidar +choking +chokingly +chokra +choky +Chol +chol +Chola +chola +cholagogic +cholagogue +cholalic +cholane +cholangioitis +cholangitis +cholanic +cholanthrene +cholate +chold +choleate +cholecyanine +cholecyst +cholecystalgia +cholecystectasia +cholecystectomy +cholecystenterorrhaphy +cholecystenterostomy +cholecystgastrostomy +cholecystic +cholecystitis +cholecystnephrostomy +cholecystocolostomy +cholecystocolotomy +cholecystoduodenostomy +cholecystogastrostomy +cholecystogram +cholecystography +cholecystoileostomy +cholecystojejunostomy +cholecystokinin +cholecystolithiasis +cholecystolithotripsy +cholecystonephrostomy +cholecystopexy +cholecystorrhaphy +cholecystostomy +cholecystotomy +choledoch +choledochal +choledochectomy +choledochitis +choledochoduodenostomy +choledochoenterostomy +choledocholithiasis +choledocholithotomy +choledocholithotripsy +choledochoplasty +choledochorrhaphy +choledochostomy +choledochotomy +cholehematin +choleic +choleine +choleinic +cholelith +cholelithiasis +cholelithic +cholelithotomy +cholelithotripsy +cholelithotrity +cholemia +choleokinase +cholepoietic +choler +cholera +choleraic +choleric +cholericly +cholericness +choleriform +cholerigenous +cholerine +choleroid +choleromania +cholerophobia +cholerrhagia +cholestane +cholestanol +cholesteatoma +cholesteatomatous +cholestene +cholesterate +cholesteremia +cholesteric +cholesterin +cholesterinemia +cholesterinic +cholesterinuria +cholesterol +cholesterolemia +cholesteroluria +cholesterosis +cholesteryl +choletelin +choletherapy +choleuria +choli +choliamb +choliambic +choliambist +cholic +choline +cholinergic +cholinesterase +cholinic +cholla +choller +Cholo +cholochrome +cholocyanine +Choloepus +chologenetic +choloidic +choloidinic +chololith +chololithic +Cholonan +Cholones +cholophein +cholorrhea +choloscopy +cholterheaded +cholum +choluria +Choluteca +chomp +chondral +chondralgia +chondrarsenite +chondre +chondrectomy +chondrenchyma +chondric +chondrification +chondrify +chondrigen +chondrigenous +Chondrilla +chondrin +chondrinous +chondriocont +chondriome +chondriomere +chondriomite +chondriosomal +chondriosome +chondriosphere +chondrite +chondritic +chondritis +chondroadenoma +chondroalbuminoid +chondroangioma +chondroarthritis +chondroblast +chondroblastoma +chondrocarcinoma +chondrocele +chondroclasis +chondroclast +chondrocoracoid +chondrocostal +chondrocranial +chondrocranium +chondrocyte +chondrodite +chondroditic +chondrodynia +chondrodystrophia +chondrodystrophy +chondroendothelioma +chondroepiphysis +chondrofetal +chondrofibroma +chondrofibromatous +Chondroganoidei +chondrogen +chondrogenesis +chondrogenetic +chondrogenous +chondrogeny +chondroglossal +chondroglossus +chondrography +chondroid +chondroitic +chondroitin +chondrolipoma +chondrology +chondroma +chondromalacia +chondromatous +chondromucoid +Chondromyces +chondromyoma +chondromyxoma +chondromyxosarcoma +chondropharyngeal +chondropharyngeus +chondrophore +chondrophyte +chondroplast +chondroplastic +chondroplasty +chondroprotein +chondropterygian +Chondropterygii +chondropterygious +chondrosamine +chondrosarcoma +chondrosarcomatous +chondroseptum +chondrosin +chondrosis +chondroskeleton +chondrostean +Chondrostei +chondrosteoma +chondrosteous +chondrosternal +chondrotome +chondrotomy +chondroxiphoid +chondrule +chondrus +chonolith +chonta +Chontal +Chontalan +Chontaquiro +chontawood +choop +choosable +choosableness +choose +chooser +choosing +choosingly +choosy +chop +chopa +chopboat +chopfallen +chophouse +chopin +chopine +choplogic +chopped +chopper +choppered +chopping +choppy +chopstick +Chopunnish +Chora +choragic +choragion +choragium +choragus +choragy +Chorai +choral +choralcelo +choraleon +choralist +chorally +Chorasmian +chord +chorda +Chordaceae +chordacentrous +chordacentrum +chordaceous +chordal +chordally +chordamesoderm +Chordata +chordate +chorded +Chordeiles +chorditis +chordoid +chordomesoderm +chordotomy +chordotonal +chore +chorea +choreal +choreatic +choree +choregic +choregus +choregy +choreic +choreiform +choreograph +choreographer +choreographic +choreographical +choreography +choreoid +choreomania +chorepiscopal +chorepiscopus +choreus +choreutic +chorial +choriamb +choriambic +choriambize +choriambus +choric +chorine +chorioadenoma +chorioallantoic +chorioallantoid +chorioallantois +choriocapillaris +choriocapillary +choriocarcinoma +choriocele +chorioepithelioma +chorioid +chorioidal +chorioiditis +chorioidocyclitis +chorioidoiritis +chorioidoretinitis +chorioma +chorion +chorionepithelioma +chorionic +Chorioptes +chorioptic +chorioretinal +chorioretinitis +Choripetalae +choripetalous +choriphyllous +chorisepalous +chorisis +chorism +chorist +choristate +chorister +choristership +choristic +choristoblastoma +choristoma +choristry +chorization +chorizont +chorizontal +chorizontes +chorizontic +chorizontist +chorogi +chorograph +chorographer +chorographic +chorographical +chorographically +chorography +choroid +choroidal +choroidea +choroiditis +choroidocyclitis +choroidoiritis +choroidoretinitis +chorological +chorologist +chorology +choromania +choromanic +chorometry +chorook +Chorotega +Choroti +chort +chorten +Chorti +chortle +chortler +chortosterol +chorus +choruser +choruslike +Chorwat +choryos +chose +chosen +chott +Chou +Chouan +Chouanize +chouette +chough +chouka +choultry +choup +chouquette +chous +chouse +chouser +chousingha +chow +Chowanoc +chowchow +chowder +chowderhead +chowderheaded +chowk +chowry +choya +choyroot +Chozar +chrematheism +chrematist +chrematistic +chrematistics +chreotechnics +chresmology +chrestomathic +chrestomathics +chrestomathy +chria +chrimsel +Chris +chrism +chrisma +chrismal +chrismary +chrismatine +chrismation +chrismatite +chrismatize +chrismatory +chrismon +chrisom +chrisomloosing +chrisroot +Chrissie +Christ +Christabel +Christadelphian +Christadelphianism +christcross +Christdom +Christed +christen +Christendie +Christendom +christened +christener +christening +Christenmas +Christhood +Christiad +Christian +Christiana +Christiania +Christianiadeal +Christianism +christianite +Christianity +Christianization +Christianize +Christianizer +Christianlike +Christianly +Christianness +Christianogentilism +Christianography +Christianomastix +Christianopaganism +Christicide +Christie +Christiform +Christina +Christine +Christless +Christlessness +Christlike +Christlikeness +Christliness +Christly +Christmas +Christmasberry +Christmasing +Christmastide +Christmasy +Christocentric +Christofer +Christogram +Christolatry +Christological +Christologist +Christology +Christophany +Christophe +Christopher +Christos +chroatol +Chrobat +chroma +chromaffin +chromaffinic +chromammine +chromaphil +chromaphore +chromascope +chromate +chromatic +chromatical +chromatically +chromatician +chromaticism +chromaticity +chromatics +chromatid +chromatin +chromatinic +Chromatioideae +chromatism +chromatist +Chromatium +chromatize +chromatocyte +chromatodysopia +chromatogenous +chromatogram +chromatograph +chromatographic +chromatography +chromatoid +chromatology +chromatolysis +chromatolytic +chromatometer +chromatone +chromatopathia +chromatopathic +chromatopathy +chromatophil +chromatophile +chromatophilia +chromatophilic +chromatophilous +chromatophobia +chromatophore +chromatophoric +chromatophorous +chromatoplasm +chromatopsia +chromatoptometer +chromatoptometry +chromatoscope +chromatoscopy +chromatosis +chromatosphere +chromatospheric +chromatrope +chromaturia +chromatype +chromazurine +chromdiagnosis +chrome +chromene +chromesthesia +chromic +chromicize +chromid +Chromidae +Chromides +chromidial +Chromididae +chromidiogamy +chromidiosome +chromidium +chromidrosis +chromiferous +chromiole +chromism +chromite +chromitite +chromium +chromo +Chromobacterieae +Chromobacterium +chromoblast +chromocenter +chromocentral +chromochalcographic +chromochalcography +chromocollograph +chromocollographic +chromocollography +chromocollotype +chromocollotypy +chromocratic +chromocyte +chromocytometer +chromodermatosis +chromodiascope +chromogen +chromogene +chromogenesis +chromogenetic +chromogenic +chromogenous +chromogram +chromograph +chromoisomer +chromoisomeric +chromoisomerism +chromoleucite +chromolipoid +chromolith +chromolithic +chromolithograph +chromolithographer +chromolithographic +chromolithography +chromolysis +chromomere +chromometer +chromone +chromonema +chromoparous +chromophage +chromophane +chromophile +chromophilic +chromophilous +chromophobic +chromophore +chromophoric +chromophorous +chromophotograph +chromophotographic +chromophotography +chromophotolithograph +chromophyll +chromoplasm +chromoplasmic +chromoplast +chromoplastid +chromoprotein +chromopsia +chromoptometer +chromoptometrical +chromosantonin +chromoscope +chromoscopic +chromoscopy +chromosomal +chromosome +chromosphere +chromospheric +chromotherapist +chromotherapy +chromotrope +chromotropic +chromotropism +chromotropy +chromotype +chromotypic +chromotypographic +chromotypography +chromotypy +chromous +chromoxylograph +chromoxylography +chromule +chromy +chromyl +chronal +chronanagram +chronaxia +chronaxie +chronaxy +chronic +chronical +chronically +chronicity +chronicle +chronicler +chronicon +chronisotherm +chronist +chronobarometer +chronocinematography +chronocrator +chronocyclegraph +chronodeik +chronogeneous +chronogenesis +chronogenetic +chronogram +chronogrammatic +chronogrammatical +chronogrammatically +chronogrammatist +chronogrammic +chronograph +chronographer +chronographic +chronographical +chronographically +chronography +chronoisothermal +chronologer +chronologic +chronological +chronologically +chronologist +chronologize +chronology +chronomancy +chronomantic +chronometer +chronometric +chronometrical +chronometrically +chronometry +chrononomy +chronopher +chronophotograph +chronophotographic +chronophotography +Chronos +chronoscope +chronoscopic +chronoscopically +chronoscopy +chronosemic +chronostichon +chronothermal +chronothermometer +chronotropic +chronotropism +Chroococcaceae +chroococcaceous +Chroococcales +chroococcoid +Chroococcus +Chrosperma +chrotta +chrysal +chrysalid +chrysalidal +chrysalides +chrysalidian +chrysaline +chrysalis +chrysaloid +chrysamine +chrysammic +chrysamminic +Chrysamphora +chrysaniline +chrysanisic +chrysanthemin +chrysanthemum +chrysanthous +Chrysaor +chrysarobin +chrysatropic +chrysazin +chrysazol +chryselectrum +chryselephantine +Chrysemys +chrysene +chrysenic +chrysid +Chrysidella +chrysidid +Chrysididae +chrysin +Chrysippus +Chrysis +chrysoaristocracy +Chrysobalanaceae +Chrysobalanus +chrysoberyl +chrysobull +chrysocarpous +chrysochlore +Chrysochloridae +Chrysochloris +chrysochlorous +chrysochrous +chrysocolla +chrysocracy +chrysoeriol +chrysogen +chrysograph +chrysographer +chrysography +chrysohermidin +chrysoidine +chrysolite +chrysolitic +chrysology +Chrysolophus +chrysomelid +Chrysomelidae +chrysomonad +Chrysomonadales +Chrysomonadina +chrysomonadine +Chrysomyia +Chrysopa +chrysopal +chrysopee +chrysophan +chrysophanic +Chrysophanus +chrysophenine +chrysophilist +chrysophilite +Chrysophlyctis +chrysophyll +Chrysophyllum +chrysopid +Chrysopidae +chrysopoeia +chrysopoetic +chrysopoetics +chrysoprase +Chrysops +Chrysopsis +chrysorin +chrysosperm +Chrysosplenium +Chrysothamnus +Chrysothrix +chrysotile +Chrysotis +chrystocrene +chthonian +chthonic +chthonophagia +chthonophagy +chub +chubbed +chubbedness +chubbily +chubbiness +chubby +Chuchona +Chuck +chuck +chucker +chuckhole +chuckies +chucking +chuckingly +chuckle +chucklehead +chuckleheaded +chuckler +chucklingly +chuckrum +chuckstone +chuckwalla +chucky +Chud +chuddar +Chude +Chudic +Chueta +chufa +chuff +chuffy +chug +chugger +chuhra +Chuje +chukar +Chukchi +chukker +chukor +chulan +chullpa +chum +Chumashan +Chumawi +chummage +chummer +chummery +chummily +chummy +chump +chumpaka +chumpish +chumpishness +Chumpivilca +chumpy +chumship +Chumulu +Chun +chun +chunari +Chuncho +chunga +chunk +chunkhead +chunkily +chunkiness +chunky +chunner +chunnia +chunter +chupak +chupon +chuprassie +chuprassy +church +churchanity +churchcraft +churchdom +churchful +churchgoer +churchgoing +churchgrith +churchianity +churchified +churchiness +churching +churchish +churchism +churchite +churchless +churchlet +churchlike +churchliness +churchly +churchman +churchmanly +churchmanship +churchmaster +churchscot +churchward +churchwarden +churchwardenism +churchwardenize +churchwardenship +churchwards +churchway +churchwise +churchwoman +churchy +churchyard +churel +churinga +churl +churled +churlhood +churlish +churlishly +churlishness +churly +churm +churn +churnability +churnful +churning +churnmilk +churnstaff +Churoya +Churoyan +churr +Churrigueresque +churruck +churrus +churrworm +chut +chute +chuter +chutney +Chuvash +Chwana +chyack +chyak +chylaceous +chylangioma +chylaqueous +chyle +chylemia +chylidrosis +chylifaction +chylifactive +chylifactory +chyliferous +chylific +chylification +chylificatory +chyliform +chylify +chylocaulous +chylocauly +chylocele +chylocyst +chyloid +chylomicron +chylopericardium +chylophyllous +chylophylly +chylopoiesis +chylopoietic +chylosis +chylothorax +chylous +chyluria +chymaqueous +chymase +chyme +chymia +chymic +chymiferous +chymification +chymify +chymosin +chymosinogen +chymotrypsin +chymotrypsinogen +chymous +chypre +chytra +chytrid +Chytridiaceae +chytridiaceous +chytridial +Chytridiales +chytridiose +chytridiosis +Chytridium +Chytroi +cibarial +cibarian +cibarious +cibation +cibol +Cibola +Cibolan +Ciboney +cibophobia +ciborium +cibory +ciboule +cicad +cicada +Cicadellidae +cicadid +Cicadidae +cicala +cicatrice +cicatrices +cicatricial +cicatricle +cicatricose +cicatricula +cicatricule +cicatrisive +cicatrix +cicatrizant +cicatrizate +cicatrization +cicatrize +cicatrizer +cicatrose +Cicely +cicely +cicer +ciceronage +cicerone +ciceroni +Ciceronian +Ciceronianism +Ciceronianize +Ciceronic +Ciceronically +ciceronism +ciceronize +cichlid +Cichlidae +cichloid +cichoraceous +Cichoriaceae +cichoriaceous +Cichorium +Cicindela +cicindelid +cicindelidae +cicisbeism +ciclatoun +Ciconia +Ciconiae +ciconian +ciconiid +Ciconiidae +ciconiiform +Ciconiiformes +ciconine +ciconioid +Cicuta +cicutoxin +Cid +cidarid +Cidaridae +cidaris +Cidaroida +cider +ciderish +ciderist +ciderkin +cig +cigala +cigar +cigaresque +cigarette +cigarfish +cigarillo +cigarito +cigarless +cigua +ciguatera +cilectomy +cilia +ciliary +Ciliata +ciliate +ciliated +ciliately +ciliation +cilice +Cilician +cilicious +Cilicism +ciliella +ciliferous +ciliform +ciliiferous +ciliiform +Cilioflagellata +cilioflagellate +ciliograde +ciliolate +ciliolum +Ciliophora +cilioretinal +cilioscleral +ciliospinal +ciliotomy +cilium +cillosis +cimbia +Cimbri +Cimbrian +Cimbric +cimelia +cimex +cimicid +Cimicidae +cimicide +cimiciform +Cimicifuga +cimicifugin +cimicoid +ciminite +cimline +Cimmeria +Cimmerian +Cimmerianism +cimolite +cinch +cincher +cincholoipon +cincholoiponic +cinchomeronic +Cinchona +Cinchonaceae +cinchonaceous +cinchonamine +cinchonate +cinchonia +cinchonic +cinchonicine +cinchonidia +cinchonidine +cinchonine +cinchoninic +cinchonism +cinchonization +cinchonize +cinchonology +cinchophen +cinchotine +cinchotoxine +cincinnal +Cincinnati +Cincinnatia +Cincinnatian +cincinnus +Cinclidae +Cinclidotus +cinclis +Cinclus +cinct +cincture +cinder +Cinderella +cinderlike +cinderman +cinderous +cindery +Cindie +Cindy +cine +cinecamera +cinefilm +cinel +cinema +Cinemascope +cinematic +cinematical +cinematically +cinematize +cinematograph +cinematographer +cinematographic +cinematographical +cinematographically +cinematographist +cinematography +cinemelodrama +cinemize +cinemograph +cinenchyma +cinenchymatous +cinene +cinenegative +cineole +cineolic +cinephone +cinephotomicrography +cineplastics +cineplasty +cineraceous +Cinerama +Cineraria +cinerarium +cinerary +cineration +cinerator +cinerea +cinereal +cinereous +cineritious +cinevariety +cingle +cingular +cingulate +cingulated +cingulum +cinnabar +cinnabaric +cinnabarine +cinnamal +cinnamaldehyde +cinnamate +cinnamein +cinnamene +cinnamenyl +cinnamic +Cinnamodendron +cinnamol +cinnamomic +Cinnamomum +cinnamon +cinnamoned +cinnamonic +cinnamonlike +cinnamonroot +cinnamonwood +cinnamyl +cinnamylidene +cinnoline +cinnyl +cinquain +cinque +cinquecentism +cinquecentist +cinquecento +cinquefoil +cinquefoiled +cinquepace +cinter +Cinura +cinuran +cinurous +cion +cionectomy +cionitis +cionocranial +cionocranian +cionoptosis +cionorrhaphia +cionotome +cionotomy +Cipango +cipher +cipherable +cipherdom +cipherer +cipherhood +cipo +cipolin +cippus +circa +Circaea +Circaeaceae +Circaetus +Circassian +Circassic +Circe +Circean +Circensian +circinal +circinate +circinately +circination +Circinus +circiter +circle +circled +circler +circlet +circlewise +circling +circovarian +circuit +circuitable +circuital +circuiteer +circuiter +circuition +circuitman +circuitor +circuitous +circuitously +circuitousness +circuity +circulable +circulant +circular +circularism +circularity +circularization +circularize +circularizer +circularly +circularness +circularwise +circulate +circulation +circulative +circulator +circulatory +circumagitate +circumagitation +circumambages +circumambagious +circumambience +circumambiency +circumambient +circumambulate +circumambulation +circumambulator +circumambulatory +circumanal +circumantarctic +circumarctic +circumarticular +circumaviate +circumaviation +circumaviator +circumaxial +circumaxile +circumaxillary +circumbasal +circumbendibus +circumboreal +circumbuccal +circumbulbar +circumcallosal +Circumcellion +circumcenter +circumcentral +circumcinct +circumcincture +circumcircle +circumcise +circumciser +circumcision +circumclude +circumclusion +circumcolumnar +circumcone +circumconic +circumcorneal +circumcrescence +circumcrescent +circumdenudation +circumdiction +circumduce +circumduct +circumduction +circumesophagal +circumesophageal +circumference +circumferential +circumferentially +circumferentor +circumflant +circumflect +circumflex +circumflexion +circumfluence +circumfluent +circumfluous +circumforaneous +circumfulgent +circumfuse +circumfusile +circumfusion +circumgenital +circumgyrate +circumgyration +circumgyratory +circumhorizontal +circumincession +circuminsession +circuminsular +circumintestinal +circumitineration +circumjacence +circumjacency +circumjacent +circumlental +circumlitio +circumlittoral +circumlocute +circumlocution +circumlocutional +circumlocutionary +circumlocutionist +circumlocutory +circummeridian +circummeridional +circummigration +circummundane +circummure +circumnatant +circumnavigable +circumnavigate +circumnavigation +circumnavigator +circumnavigatory +circumneutral +circumnuclear +circumnutate +circumnutation +circumnutatory +circumocular +circumoesophagal +circumoral +circumorbital +circumpacific +circumpallial +circumparallelogram +circumpentagon +circumplicate +circumplication +circumpolar +circumpolygon +circumpose +circumposition +circumradius +circumrenal +circumrotate +circumrotation +circumrotatory +circumsail +circumscissile +circumscribable +circumscribe +circumscribed +circumscriber +circumscript +circumscription +circumscriptive +circumscriptively +circumscriptly +circumsinous +circumspangle +circumspatial +circumspect +circumspection +circumspective +circumspectively +circumspectly +circumspectness +circumspheral +circumstance +circumstanced +circumstantiability +circumstantiable +circumstantial +circumstantiality +circumstantially +circumstantialness +circumstantiate +circumstantiation +circumtabular +circumterraneous +circumterrestrial +circumtonsillar +circumtropical +circumumbilical +circumundulate +circumundulation +circumvallate +circumvallation +circumvascular +circumvent +circumventer +circumvention +circumventive +circumventor +circumviate +circumvolant +circumvolute +circumvolution +circumvolutory +circumvolve +circumzenithal +circus +circusy +cirque +cirrate +cirrated +Cirratulidae +Cirratulus +Cirrhopetalum +cirrhosed +cirrhosis +cirrhotic +cirrhous +cirri +cirribranch +cirriferous +cirriform +cirrigerous +cirrigrade +cirriped +Cirripedia +cirripedial +cirrolite +cirropodous +cirrose +Cirrostomi +cirrous +cirrus +cirsectomy +Cirsium +cirsocele +cirsoid +cirsomphalos +cirsophthalmia +cirsotome +cirsotomy +ciruela +cirurgian +Cisalpine +cisalpine +Cisalpinism +cisandine +cisatlantic +cisco +cise +cisele +cisgangetic +cisjurane +cisleithan +cismarine +Cismontane +cismontane +Cismontanism +cisoceanic +cispadane +cisplatine +cispontine +cisrhenane +Cissampelos +cissing +cissoid +cissoidal +Cissus +cist +cista +Cistaceae +cistaceous +cistae +cisted +Cistercian +Cistercianism +cistern +cisterna +cisternal +cistic +cistophoric +cistophorus +Cistudo +Cistus +cistvaen +cit +citable +citadel +citation +citator +citatory +cite +citee +Citellus +citer +citess +cithara +Citharexylum +citharist +citharista +citharoedi +citharoedic +citharoedus +cither +citied +citification +citified +citify +Citigradae +citigrade +citizen +citizendom +citizeness +citizenhood +citizenish +citizenism +citizenize +citizenly +citizenry +citizenship +citole +citraconate +citraconic +citral +citramide +citramontane +citrange +citrangeade +citrate +citrated +citrean +citrene +citreous +citric +citriculture +citriculturist +citril +citrin +citrination +citrine +citrinin +citrinous +citrometer +Citromyces +citron +citronade +citronella +citronellal +citronelle +citronellic +citronellol +citronin +citronwood +Citropsis +citropten +citrous +citrullin +Citrullus +Citrus +citrus +citrylidene +cittern +citua +city +citycism +citydom +cityfolk +cityful +cityish +cityless +cityness +cityscape +cityward +citywards +cive +civet +civetlike +civetone +civic +civically +civicism +civics +civil +civilian +civility +civilizable +civilization +civilizational +civilizatory +civilize +civilized +civilizedness +civilizee +civilizer +civilly +civilness +civism +Civitan +civvy +cixiid +Cixiidae +Cixo +clabber +clabbery +clachan +clack +Clackama +clackdish +clacker +clacket +clackety +clad +cladanthous +cladautoicous +cladding +cladine +cladocarpous +Cladocera +cladoceran +cladocerous +cladode +cladodial +cladodont +cladodontid +Cladodontidae +Cladodus +cladogenous +Cladonia +Cladoniaceae +cladoniaceous +cladonioid +Cladophora +Cladophoraceae +cladophoraceous +Cladophorales +cladophyll +cladophyllum +cladoptosis +cladose +Cladoselache +Cladoselachea +cladoselachian +Cladoselachidae +cladosiphonic +Cladosporium +Cladothrix +Cladrastis +cladus +clag +claggum +claggy +Claiborne +Claibornian +claim +claimable +claimant +claimer +claimless +clairaudience +clairaudient +clairaudiently +clairce +Claire +clairecole +clairecolle +clairschach +clairschacher +clairsentience +clairsentient +clairvoyance +clairvoyancy +clairvoyant +clairvoyantly +claith +claithes +claiver +Clallam +clam +clamant +clamantly +clamative +Clamatores +clamatorial +clamatory +clamb +clambake +clamber +clamberer +clamcracker +clame +clamer +clammed +clammer +clammily +clamminess +clamming +clammish +clammy +clammyweed +clamor +clamorer +clamorist +clamorous +clamorously +clamorousness +clamorsome +clamp +clamper +clamshell +clamworm +clan +clancular +clancularly +clandestine +clandestinely +clandestineness +clandestinity +clanfellow +clang +clangful +clangingly +clangor +clangorous +clangorously +Clangula +clanjamfray +clanjamfrey +clanjamfrie +clanjamphrey +clank +clankety +clanking +clankingly +clankingness +clankless +clanless +clanned +clanning +clannishly +clannishness +clansfolk +clanship +clansman +clansmanship +clanswoman +Claosaurus +clap +clapboard +clapbread +clapmatch +clapnet +clapped +clapper +clapperclaw +clapperclawer +clapperdudgeon +clappermaclaw +clapping +clapt +claptrap +clapwort +claque +claquer +Clara +clarabella +clarain +Clare +Clarence +Clarenceux +Clarenceuxship +Clarencieux +clarendon +claret +Claretian +Claribel +claribella +Clarice +clarifiant +clarification +clarifier +clarify +clarigation +clarin +Clarinda +clarinet +clarinetist +clarinettist +clarion +clarionet +Clarissa +Clarisse +Clarist +clarity +Clark +clark +clarkeite +Clarkia +claro +Claromontane +clarshech +clart +clarty +clary +clash +clasher +clashingly +clashy +clasmatocyte +clasmatosis +clasp +clasper +clasping +claspt +class +classable +classbook +classed +classer +classes +classfellow +classic +classical +classicalism +classicalist +classicality +classicalize +classically +classicalness +classicism +classicist +classicistic +classicize +classicolatry +classifiable +classific +classifically +classification +classificational +classificator +classificatory +classified +classifier +classis +classism +classman +classmanship +classmate +classroom +classwise +classwork +classy +clastic +clat +clatch +Clathraceae +clathraceous +Clathraria +clathrarian +clathrate +Clathrina +Clathrinidae +clathroid +clathrose +clathrulate +Clathrus +Clatsop +clatter +clatterer +clatteringly +clattertrap +clattery +clatty +Claude +claudent +claudetite +Claudia +Claudian +claudicant +claudicate +claudication +Claudio +Claudius +claught +clausal +clause +Clausilia +Clausiliidae +clausthalite +claustra +claustral +claustration +claustrophobia +claustrum +clausula +clausular +clausule +clausure +claut +clava +clavacin +claval +Clavaria +Clavariaceae +clavariaceous +clavate +clavated +clavately +clavation +clave +clavecin +clavecinist +clavel +clavelization +clavelize +clavellate +clavellated +claver +clavial +claviature +clavicembalo +Claviceps +clavichord +clavichordist +clavicithern +clavicle +clavicorn +clavicornate +Clavicornes +Clavicornia +clavicotomy +clavicular +clavicularium +claviculate +claviculus +clavicylinder +clavicymbal +clavicytherium +clavier +clavierist +claviform +claviger +clavigerous +claviharp +clavilux +claviol +clavipectoral +clavis +clavodeltoid +clavodeltoideus +clavola +clavolae +clavolet +clavus +clavy +claw +clawed +clawer +clawk +clawker +clawless +Clay +clay +claybank +claybrained +clayen +clayer +clayey +clayiness +clayish +claylike +clayman +claymore +Clayoquot +claypan +Clayton +Claytonia +clayware +clayweed +cleach +clead +cleaded +cleading +cleam +cleamer +clean +cleanable +cleaner +cleanhanded +cleanhandedness +cleanhearted +cleaning +cleanish +cleanlily +cleanliness +cleanly +cleanness +cleanout +cleansable +cleanse +cleanser +cleansing +cleanskins +cleanup +clear +clearable +clearage +clearance +clearcole +clearedness +clearer +clearheaded +clearheadedly +clearheadedness +clearhearted +clearing +clearinghouse +clearish +clearly +clearness +clearskins +clearstarch +clearweed +clearwing +cleat +cleavability +cleavable +cleavage +cleave +cleaveful +cleavelandite +cleaver +cleavers +cleaverwort +cleaving +cleavingly +cleche +cleck +cled +cledge +cledgy +cledonism +clee +cleek +cleeked +cleeky +clef +cleft +clefted +cleg +cleidagra +cleidarthritis +cleidocostal +cleidocranial +cleidohyoid +cleidomancy +cleidomastoid +cleidorrhexis +cleidoscapular +cleidosternal +cleidotomy +cleidotripsy +cleistocarp +cleistocarpous +cleistogamic +cleistogamically +cleistogamous +cleistogamously +cleistogamy +cleistogene +cleistogenous +cleistogeny +cleistothecium +Cleistothecopsis +cleithral +cleithrum +Clem +clem +Clematis +clematite +Clemclemalats +clemence +clemency +Clement +clement +Clementina +Clementine +clemently +clench +cleoid +Cleome +Cleopatra +clep +Clepsine +clepsydra +cleptobiosis +cleptobiotic +clerestoried +clerestory +clergy +clergyable +clergylike +clergyman +clergywoman +cleric +clerical +clericalism +clericalist +clericality +clericalize +clerically +clericate +clericature +clericism +clericity +clerid +Cleridae +clerihew +clerisy +clerk +clerkage +clerkdom +clerkery +clerkess +clerkhood +clerking +clerkish +clerkless +clerklike +clerkliness +clerkly +clerkship +Clerodendron +cleromancy +cleronomy +cleruch +cleruchial +cleruchic +cleruchy +Clerus +cletch +Clethra +Clethraceae +clethraceous +cleuch +cleve +cleveite +clever +cleverality +cleverish +cleverishly +cleverly +cleverness +clevis +clew +cliack +clianthus +cliche +click +clicker +clicket +clickless +clicky +Clidastes +cliency +client +clientage +cliental +cliented +clientelage +clientele +clientless +clientry +clientship +Cliff +cliff +cliffed +cliffless +clifflet +clifflike +Clifford +cliffside +cliffsman +cliffweed +cliffy +clift +Cliftonia +cliftonite +clifty +clima +Climaciaceae +climaciaceous +Climacium +climacteric +climacterical +climacterically +climactic +climactical +climactically +climacus +climata +climatal +climate +climath +climatic +climatical +climatically +Climatius +climatize +climatographical +climatography +climatologic +climatological +climatologically +climatologist +climatology +climatometer +climatotherapeutics +climatotherapy +climature +climax +climb +climbable +climber +climbing +clime +climograph +clinal +clinamen +clinamina +clinandria +clinandrium +clinanthia +clinanthium +clinch +clincher +clinchingly +clinchingness +cline +cling +clinger +clingfish +clinging +clingingly +clingingness +clingstone +clingy +clinia +clinic +clinical +clinically +clinician +clinicist +clinicopathological +clinium +clink +clinker +clinkerer +clinkery +clinking +clinkstone +clinkum +clinoaxis +clinocephalic +clinocephalism +clinocephalous +clinocephalus +clinocephaly +clinochlore +clinoclase +clinoclasite +clinodiagonal +clinodomatic +clinodome +clinograph +clinographic +clinohedral +clinohedrite +clinohumite +clinoid +clinologic +clinology +clinometer +clinometric +clinometrical +clinometry +clinopinacoid +clinopinacoidal +Clinopodium +clinoprism +clinopyramid +clinopyroxene +clinorhombic +clinospore +clinostat +clinquant +clint +clinting +Clinton +Clintonia +clintonite +clinty +Clio +Cliona +Clione +clip +clipei +clipeus +clippable +clipped +clipper +clipperman +clipping +clips +clipse +clipsheet +clipsome +clipt +clique +cliquedom +cliqueless +cliquish +cliquishly +cliquishness +cliquism +cliquy +cliseometer +clisere +clishmaclaver +Clisiocampa +Clistogastra +clit +clitch +clite +clitella +clitellar +clitelliferous +clitelline +clitellum +clitellus +clites +clithe +clithral +clithridiate +clitia +clition +Clitocybe +Clitoria +clitoridauxe +clitoridean +clitoridectomy +clitoriditis +clitoridotomy +clitoris +clitorism +clitoritis +clitter +clitterclatter +clival +clive +clivers +Clivia +clivis +clivus +cloaca +cloacal +cloacaline +cloacean +cloacinal +cloacinean +cloacitis +cloak +cloakage +cloaked +cloakedly +cloaking +cloakless +cloaklet +cloakmaker +cloakmaking +cloakroom +cloakwise +cloam +cloamen +cloamer +clobber +clobberer +clochan +cloche +clocher +clochette +clock +clockbird +clockcase +clocked +clocker +clockface +clockhouse +clockkeeper +clockless +clocklike +clockmaker +clockmaking +clockmutch +clockroom +clocksmith +clockwise +clockwork +clod +clodbreaker +clodder +cloddily +cloddiness +cloddish +cloddishly +cloddishness +cloddy +clodhead +clodhopper +clodhopping +clodlet +clodpate +clodpated +clodpoll +cloff +clog +clogdogdo +clogger +cloggily +clogginess +cloggy +cloghad +cloglike +clogmaker +clogmaking +clogwood +clogwyn +cloiochoanitic +cloisonless +cloisonne +cloister +cloisteral +cloistered +cloisterer +cloisterless +cloisterlike +cloisterliness +cloisterly +cloisterwise +cloistral +cloistress +cloit +clomb +clomben +clonal +clone +clonic +clonicity +clonicotonic +clonism +clonorchiasis +Clonorchis +Clonothrix +clonus +cloof +cloop +cloot +clootie +clop +cloragen +clorargyrite +cloriodid +closable +close +closecross +closed +closefisted +closefistedly +closefistedness +closehanded +closehearted +closely +closemouth +closemouthed +closen +closeness +closer +closestool +closet +closewing +closh +closish +closter +Closterium +clostridial +Clostridium +closure +clot +clotbur +clote +cloth +clothbound +clothe +clothes +clothesbag +clothesbasket +clothesbrush +clotheshorse +clothesline +clothesman +clothesmonger +clothespin +clothespress +clothesyard +clothier +clothify +Clothilda +clothing +clothmaker +clothmaking +Clotho +clothworker +clothy +clottage +clottedness +clotter +clotty +cloture +clotweed +cloud +cloudage +cloudberry +cloudburst +cloudcap +clouded +cloudful +cloudily +cloudiness +clouding +cloudland +cloudless +cloudlessly +cloudlessness +cloudlet +cloudlike +cloudling +cloudology +cloudscape +cloudship +cloudward +cloudwards +cloudy +clough +clour +clout +clouted +clouter +clouterly +clouty +clove +cloven +clovene +clover +clovered +cloverlay +cloverleaf +cloveroot +cloverroot +clovery +clow +clown +clownade +clownage +clownery +clownheal +clownish +clownishly +clownishness +clownship +clowring +cloy +cloyedness +cloyer +cloying +cloyingly +cloyingness +cloyless +cloysome +club +clubbability +clubbable +clubbed +clubber +clubbily +clubbing +clubbish +clubbism +clubbist +clubby +clubdom +clubfellow +clubfisted +clubfoot +clubfooted +clubhand +clubhaul +clubhouse +clubionid +Clubionidae +clubland +clubman +clubmate +clubmobile +clubmonger +clubridden +clubroom +clubroot +clubstart +clubster +clubweed +clubwoman +clubwood +cluck +clue +cluff +clump +clumpish +clumproot +clumpy +clumse +clumsily +clumsiness +clumsy +clunch +clung +Cluniac +Cluniacensian +Clunisian +Clunist +clunk +clupanodonic +Clupea +clupeid +Clupeidae +clupeiform +clupeine +Clupeodei +clupeoid +cluricaune +Clusia +Clusiaceae +clusiaceous +cluster +clusterberry +clustered +clusterfist +clustering +clusteringly +clustery +clutch +clutchman +cluther +clutter +clutterer +clutterment +cluttery +cly +Clyde +Clydesdale +Clydeside +Clydesider +clyer +clyfaker +clyfaking +Clymenia +clype +clypeal +Clypeaster +Clypeastridea +Clypeastrina +clypeastroid +Clypeastroida +Clypeastroidea +clypeate +clypeiform +clypeolar +clypeolate +clypeole +clypeus +clysis +clysma +clysmian +clysmic +clyster +clysterize +Clytemnestra +cnemapophysis +cnemial +cnemidium +Cnemidophorus +cnemis +Cneoraceae +cneoraceous +Cneorum +cnicin +Cnicus +cnida +Cnidaria +cnidarian +Cnidian +cnidoblast +cnidocell +cnidocil +cnidocyst +cnidophore +cnidophorous +cnidopod +cnidosac +Cnidoscolus +cnidosis +coabode +coabound +coabsume +coacceptor +coacervate +coacervation +coach +coachability +coachable +coachbuilder +coachbuilding +coachee +coacher +coachfellow +coachful +coaching +coachlet +coachmaker +coachmaking +coachman +coachmanship +coachmaster +coachsmith +coachsmithing +coachway +coachwhip +coachwise +coachwoman +coachwork +coachwright +coachy +coact +coaction +coactive +coactively +coactivity +coactor +coadamite +coadapt +coadaptation +coadequate +coadjacence +coadjacency +coadjacent +coadjacently +coadjudicator +coadjust +coadjustment +coadjutant +coadjutator +coadjute +coadjutement +coadjutive +coadjutor +coadjutorship +coadjutress +coadjutrix +coadjuvancy +coadjuvant +coadjuvate +coadminister +coadministration +coadministrator +coadministratrix +coadmiration +coadmire +coadmit +coadnate +coadore +coadsorbent +coadunate +coadunation +coadunative +coadunatively +coadunite +coadventure +coadventurer +coadvice +coaffirmation +coafforest +coaged +coagency +coagent +coaggregate +coaggregated +coaggregation +coagitate +coagitator +coagment +coagonize +coagriculturist +coagula +coagulability +coagulable +coagulant +coagulase +coagulate +coagulation +coagulative +coagulator +coagulatory +coagulin +coagulometer +coagulose +coagulum +Coahuiltecan +coaid +coaita +coak +coakum +coal +coalbag +coalbagger +coalbin +coalbox +coaldealer +coaler +coalesce +coalescence +coalescency +coalescent +coalfish +coalfitter +coalhole +coalification +coalify +Coalite +coalition +coalitional +coalitioner +coalitionist +coalize +coalizer +coalless +coalmonger +coalmouse +coalpit +coalrake +coalsack +coalternate +coalternation +coalternative +coaltitude +coaly +coalyard +coambassador +coambulant +coamiable +coaming +Coan +coanimate +coannex +coannihilate +coapostate +coapparition +coappear +coappearance +coapprehend +coapprentice +coappriser +coapprover +coapt +coaptate +coaptation +coaration +coarb +coarbiter +coarbitrator +coarctate +coarctation +coardent +coarrange +coarrangement +coarse +coarsely +coarsen +coarseness +coarsish +coascend +coassert +coasserter +coassession +coassessor +coassignee +coassist +coassistance +coassistant +coassume +coast +coastal +coastally +coaster +Coastguard +coastguardman +coasting +coastland +coastman +coastside +coastwaiter +coastward +coastwards +coastways +coastwise +coat +coated +coatee +coater +coati +coatie +coatimondie +coatimundi +coating +coatless +coatroom +coattail +coattailed +coattend +coattest +coattestation +coattestator +coaudience +coauditor +coaugment +coauthor +coauthority +coauthorship +coawareness +coax +coaxal +coaxation +coaxer +coaxial +coaxially +coaxing +coaxingly +coaxy +cob +cobaea +cobalt +cobaltammine +cobaltic +cobalticyanic +cobalticyanides +cobaltiferous +cobaltinitrite +cobaltite +cobaltocyanic +cobaltocyanide +cobaltous +cobang +cobbed +cobber +cobberer +cobbing +cobble +cobbler +cobblerfish +cobblerism +cobblerless +cobblership +cobblery +cobblestone +cobbling +cobbly +cobbra +cobby +cobcab +Cobdenism +Cobdenite +cobego +cobelief +cobeliever +cobelligerent +cobenignity +coberger +cobewail +cobhead +cobia +cobiron +cobishop +Cobitidae +Cobitis +coble +cobleman +Coblentzian +Cobleskill +cobless +cobloaf +cobnut +cobola +coboundless +cobourg +cobra +cobreathe +cobridgehead +cobriform +cobrother +cobstone +coburg +coburgess +coburgher +coburghership +Cobus +cobweb +cobwebbery +cobwebbing +cobwebby +cobwork +coca +cocaceous +cocaine +cocainism +cocainist +cocainization +cocainize +cocainomania +cocainomaniac +Cocama +Cocamama +cocamine +Cocanucos +cocarboxylase +cocash +cocashweed +cocause +cocautioner +Coccaceae +coccagee +coccal +Cocceian +Cocceianism +coccerin +cocci +coccid +Coccidae +coccidia +coccidial +coccidian +Coccidiidea +coccidioidal +Coccidioides +Coccidiomorpha +coccidiosis +coccidium +coccidology +cocciferous +cocciform +coccigenic +coccinella +coccinellid +Coccinellidae +coccionella +cocco +coccobacillus +coccochromatic +Coccogonales +coccogone +Coccogoneae +coccogonium +coccoid +coccolite +coccolith +coccolithophorid +Coccolithophoridae +Coccoloba +Coccolobis +Coccomyces +coccosphere +coccostean +coccosteid +Coccosteidae +Coccosteus +Coccothraustes +coccothraustine +Coccothrinax +coccous +coccule +cocculiferous +Cocculus +cocculus +coccus +coccydynia +coccygalgia +coccygeal +coccygean +coccygectomy +coccygerector +coccyges +coccygeus +coccygine +coccygodynia +coccygomorph +Coccygomorphae +coccygomorphic +coccygotomy +coccyodynia +coccyx +Coccyzus +cocentric +cochairman +cochal +cochief +Cochin +cochineal +cochlea +cochlear +cochleare +Cochlearia +cochlearifoliate +cochleariform +cochleate +cochleated +cochleiform +cochleitis +cochleous +cochlidiid +Cochlidiidae +cochliodont +Cochliodontidae +Cochliodus +Cochlospermaceae +cochlospermaceous +Cochlospermum +Cochranea +cochurchwarden +cocillana +cocircular +cocircularity +cocitizen +cocitizenship +cock +cockade +cockaded +Cockaigne +cockal +cockalorum +cockamaroo +cockarouse +cockateel +cockatoo +cockatrice +cockawee +cockbell +cockbill +cockbird +cockboat +cockbrain +cockchafer +cockcrow +cockcrower +cockcrowing +cocked +Cocker +cocker +cockerel +cockermeg +cockernony +cocket +cockeye +cockeyed +cockfight +cockfighting +cockhead +cockhorse +cockieleekie +cockily +cockiness +cocking +cockish +cockle +cockleboat +cocklebur +cockled +cockler +cockleshell +cocklet +cocklewife +cocklight +cockling +cockloft +cockly +cockmaster +cockmatch +cockmate +cockneian +cockneity +cockney +cockneybred +cockneydom +cockneyese +cockneyess +cockneyfication +cockneyfy +cockneyish +cockneyishly +cockneyism +cockneyize +cockneyland +cockneyship +cockpit +cockroach +cockscomb +cockscombed +cocksfoot +cockshead +cockshot +cockshut +cockshy +cockshying +cockspur +cockstone +cocksure +cocksuredom +cocksureism +cocksurely +cocksureness +cocksurety +cocktail +cockthrowing +cockup +cockweed +cocky +Cocle +coco +cocoa +cocoach +cocobolo +Coconino +coconnection +coconqueror +coconscious +coconsciously +coconsciousness +coconsecrator +coconspirator +coconstituent +cocontractor +Coconucan +Coconuco +coconut +cocoon +cocoonery +cocorico +cocoroot +Cocos +cocotte +cocovenantor +cocowood +cocowort +cocozelle +cocreate +cocreator +cocreatorship +cocreditor +cocrucify +coctile +coction +coctoantigen +coctoprecipitin +cocuisa +cocullo +cocurator +cocurrent +cocuswood +cocuyo +Cocytean +Cocytus +cod +coda +codamine +codbank +codder +codding +coddle +coddler +code +codebtor +codeclination +codecree +codefendant +codeine +codeless +codelight +codelinquency +codelinquent +codenization +codeposit +coder +coderive +codescendant +codespairer +codex +codfish +codfisher +codfishery +codger +codhead +codheaded +Codiaceae +codiaceous +Codiaeum +Codiales +codical +codices +codicil +codicilic +codicillary +codictatorship +codification +codifier +codify +codilla +codille +codiniac +codirectional +codirector +codiscoverer +codisjunct +codist +Codium +codivine +codling +codman +codo +codol +codomestication +codominant +codon +codpiece +codpitchings +Codrus +codshead +codworm +coe +coecal +coecum +coed +coeditor +coeditorship +coeducate +coeducation +coeducational +coeducationalism +coeducationalize +coeducationally +coeffect +coefficacy +coefficient +coefficiently +coeffluent +coeffluential +coelacanth +coelacanthid +Coelacanthidae +coelacanthine +Coelacanthini +coelacanthoid +coelacanthous +coelanaglyphic +coelar +coelarium +Coelastraceae +coelastraceous +Coelastrum +Coelata +coelder +coeldership +Coelebogyne +coelect +coelection +coelector +coelectron +coelelminth +Coelelminthes +coelelminthic +Coelentera +Coelenterata +coelenterate +coelenteric +coelenteron +coelestine +coelevate +coelho +coelia +coeliac +coelialgia +coelian +Coelicolae +Coelicolist +coeligenous +coelin +coeline +coeliomyalgia +coeliorrhea +coeliorrhoea +coelioscopy +coeliotomy +coeloblastic +coeloblastula +Coelococcus +coelodont +coelogastrula +Coeloglossum +Coelogyne +coelom +coeloma +Coelomata +coelomate +coelomatic +coelomatous +coelomesoblast +coelomic +Coelomocoela +coelomopore +coelonavigation +coelongated +coeloplanula +coelosperm +coelospermous +coelostat +coelozoic +coemanate +coembedded +coembody +coembrace +coeminency +coemperor +coemploy +coemployee +coemployment +coempt +coemption +coemptional +coemptionator +coemptive +coemptor +coenact +coenactor +coenaculous +coenamor +coenamorment +coenamourment +coenanthium +coendear +Coendidae +Coendou +coendure +coenenchym +coenenchyma +coenenchymal +coenenchymatous +coenenchyme +coenesthesia +coenesthesis +coenflame +coengage +coengager +coenjoy +coenobe +coenobiar +coenobic +coenobioid +coenobium +coenoblast +coenoblastic +coenocentrum +coenocyte +coenocytic +coenodioecism +coenoecial +coenoecic +coenoecium +coenogamete +coenomonoecism +coenosarc +coenosarcal +coenosarcous +coenosite +coenospecies +coenospecific +coenospecifically +coenosteal +coenosteum +coenotrope +coenotype +coenotypic +coenthrone +coenurus +coenzyme +coequal +coequality +coequalize +coequally +coequalness +coequate +coequated +coequation +coerce +coercement +coercer +coercibility +coercible +coercibleness +coercibly +coercion +coercionary +coercionist +coercitive +coercive +coercively +coerciveness +coercivity +Coerebidae +coeruleolactite +coessential +coessentiality +coessentially +coessentialness +coestablishment +coestate +coetaneity +coetaneous +coetaneously +coetaneousness +coeternal +coeternally +coeternity +coetus +coeval +coevality +coevally +coexchangeable +coexclusive +coexecutant +coexecutor +coexecutrix +coexert +coexertion +coexist +coexistence +coexistency +coexistent +coexpand +coexpanded +coexperiencer +coexpire +coexplosion +coextend +coextension +coextensive +coextensively +coextensiveness +coextent +cofactor +Cofane +cofaster +cofather +cofathership +cofeature +cofeoffee +coferment +cofermentation +coff +Coffea +coffee +coffeebush +coffeecake +coffeegrower +coffeegrowing +coffeehouse +coffeeleaf +coffeepot +coffeeroom +coffeetime +coffeeweed +coffeewood +coffer +cofferdam +cofferer +cofferfish +coffering +cofferlike +cofferwork +coffin +coffinless +coffinmaker +coffinmaking +coffle +coffret +cofighter +coforeknown +coformulator +cofounder +cofoundress +cofreighter +coft +cofunction +cog +cogence +cogency +cogener +cogeneric +cogent +cogently +cogged +cogger +coggie +cogging +coggle +coggledy +cogglety +coggly +coghle +cogitability +cogitable +cogitabund +cogitabundity +cogitabundly +cogitabundous +cogitant +cogitantly +cogitate +cogitatingly +cogitation +cogitative +cogitatively +cogitativeness +cogitativity +cogitator +coglorify +coglorious +cogman +cognac +cognate +cognateness +cognatic +cognatical +cognation +cognisable +cognisance +cognition +cognitional +cognitive +cognitively +cognitum +cognizability +cognizable +cognizableness +cognizably +cognizance +cognizant +cognize +cognizee +cognizer +cognizor +cognomen +cognominal +cognominate +cognomination +cognosce +cognoscent +cognoscibility +cognoscible +cognoscitive +cognoscitively +cogon +cogonal +cogovernment +cogovernor +cogracious +cograil +cogrediency +cogredient +cogroad +Cogswellia +coguarantor +coguardian +cogue +cogway +cogwheel +cogwood +cohabit +cohabitancy +cohabitant +cohabitation +coharmonious +coharmoniously +coharmonize +coheartedness +coheir +coheiress +coheirship +cohelper +cohelpership +Cohen +cohenite +coherald +cohere +coherence +coherency +coherent +coherently +coherer +coheretic +coheritage +coheritor +cohesibility +cohesible +cohesion +cohesive +cohesively +cohesiveness +cohibit +cohibition +cohibitive +cohibitor +coho +cohoba +cohobate +cohobation +cohobator +cohol +cohort +cohortation +cohortative +cohosh +cohune +cohusband +coidentity +coif +coifed +coiffure +coign +coigue +coil +coiled +coiler +coiling +coilsmith +coimmense +coimplicant +coimplicate +coimplore +coin +coinable +coinage +coincide +coincidence +coincidency +coincident +coincidental +coincidentally +coincidently +coincider +coinclination +coincline +coinclude +coincorporate +coindicant +coindicate +coindication +coindwelling +coiner +coinfeftment +coinfer +coinfinite +coinfinity +coinhabit +coinhabitant +coinhabitor +coinhere +coinherence +coinherent +coinheritance +coinheritor +coining +coinitial +coinmaker +coinmaking +coinmate +coinspire +coinstantaneity +coinstantaneous +coinstantaneously +coinstantaneousness +coinsurance +coinsure +cointense +cointension +cointensity +cointer +cointerest +cointersecting +cointise +Cointreau +coinventor +coinvolve +coiny +coir +coislander +coistrel +coistril +coital +coition +coiture +coitus +Coix +cojudge +cojuror +cojusticiar +coke +cokelike +cokeman +coker +cokernut +cokery +coking +coky +col +Cola +cola +colaborer +Colada +colalgia +Colan +colander +colane +colarin +colate +colation +colatitude +colatorium +colature +colauxe +colback +colberter +colbertine +Colbertism +colcannon +Colchian +Colchicaceae +colchicine +Colchicum +Colchis +colchyte +Colcine +colcothar +cold +colder +coldfinch +coldhearted +coldheartedly +coldheartedness +coldish +coldly +coldness +coldproof +coldslaw +Cole +cole +coleader +colecannon +colectomy +Coleen +colegatee +colegislator +colemanite +colemouse +Coleochaetaceae +coleochaetaceous +Coleochaete +Coleophora +Coleophoridae +coleopter +Coleoptera +coleopteral +coleopteran +coleopterist +coleopteroid +coleopterological +coleopterology +coleopteron +coleopterous +coleoptile +coleoptilum +coleorhiza +Coleosporiaceae +Coleosporium +coleplant +coleseed +coleslaw +colessee +colessor +coletit +coleur +Coleus +colewort +coli +Colias +colibacillosis +colibacterin +colibri +colic +colical +colichemarde +colicky +colicolitis +colicroot +colicweed +colicwort +colicystitis +colicystopyelitis +coliform +Coliidae +Coliiformes +colilysin +Colima +colima +Colin +colin +colinear +colinephritis +coling +Colinus +coliplication +colipuncture +colipyelitis +colipyuria +colisepsis +Coliseum +coliseum +colitic +colitis +colitoxemia +coliuria +Colius +colk +coll +Colla +collaborate +collaboration +collaborationism +collaborationist +collaborative +collaboratively +collaborator +collage +collagen +collagenic +collagenous +collapse +collapsibility +collapsible +collar +collarband +collarbird +collarbone +collard +collare +collared +collaret +collarino +collarless +collarman +collatable +collate +collatee +collateral +collaterality +collaterally +collateralness +collation +collationer +collatitious +collative +collator +collatress +collaud +collaudation +colleague +colleagueship +collect +collectability +collectable +collectanea +collectarium +collected +collectedly +collectedness +collectibility +collectible +collection +collectional +collectioner +collective +collectively +collectiveness +collectivism +collectivist +collectivistic +collectivistically +collectivity +collectivization +collectivize +collector +collectorate +collectorship +collectress +colleen +collegatary +college +colleger +collegial +collegialism +collegiality +collegian +collegianer +Collegiant +collegiate +collegiately +collegiateness +collegiation +collegium +Collembola +collembolan +collembole +collembolic +collembolous +collenchyma +collenchymatic +collenchymatous +collenchyme +collencytal +collencyte +Colleri +Colleries +Collery +collery +collet +colleter +colleterial +colleterium +Colletes +Colletia +colletic +Colletidae +colletin +Colletotrichum +colletside +colley +collibert +colliculate +colliculus +collide +collidine +collie +collied +collier +colliery +collieshangie +colliform +colligate +colligation +colligative +colligible +collimate +collimation +collimator +Collin +collin +collinal +colline +collinear +collinearity +collinearly +collineate +collineation +colling +collingly +collingual +Collins +collins +Collinsia +collinsite +Collinsonia +colliquate +colliquation +colliquative +colliquativeness +collision +collisional +collisive +colloblast +collobrierite +collocal +Collocalia +collocate +collocation +collocationable +collocative +collocatory +collochemistry +collochromate +collock +collocution +collocutor +collocutory +collodiochloride +collodion +collodionization +collodionize +collodiotype +collodium +collogue +colloid +colloidal +colloidality +colloidize +colloidochemical +Collomia +collop +colloped +collophanite +collophore +colloque +colloquia +colloquial +colloquialism +colloquialist +colloquiality +colloquialize +colloquially +colloquialness +colloquist +colloquium +colloquize +colloquy +collothun +collotype +collotypic +collotypy +colloxylin +colluctation +collude +colluder +collum +collumelliaceous +collusion +collusive +collusively +collusiveness +collutorium +collutory +colluvial +colluvies +colly +collyba +Collybia +Collyridian +collyrite +collyrium +collywest +collyweston +collywobbles +colmar +colobin +colobium +coloboma +Colobus +Colocasia +colocentesis +Colocephali +colocephalous +coloclysis +colocola +colocolic +colocynth +colocynthin +colodyspepsia +coloenteritis +cologarithm +Cologne +cololite +Colombian +colombier +colombin +Colombina +colometric +colometrically +colometry +colon +colonalgia +colonate +colonel +colonelcy +colonelship +colongitude +colonial +colonialism +colonialist +colonialize +colonially +colonialness +colonic +colonist +colonitis +colonizability +colonizable +colonization +colonizationist +colonize +colonizer +colonnade +colonnaded +colonnette +colonopathy +colonopexy +colonoscope +colonoscopy +colony +colopexia +colopexotomy +colopexy +colophane +colophany +colophene +colophenic +colophon +colophonate +Colophonian +colophonic +colophonist +colophonite +colophonium +colophony +coloplication +coloproctitis +coloptosis +colopuncture +coloquintid +coloquintida +color +colorability +colorable +colorableness +colorably +Coloradan +Colorado +colorado +coloradoite +colorant +colorate +coloration +colorational +colorationally +colorative +coloratura +colorature +colorcast +colorectitis +colorectostomy +colored +colorer +colorfast +colorful +colorfully +colorfulness +colorific +colorifics +colorimeter +colorimetric +colorimetrical +colorimetrically +colorimetrics +colorimetrist +colorimetry +colorin +coloring +colorist +coloristic +colorization +colorize +colorless +colorlessly +colorlessness +colormaker +colormaking +colorman +colorrhaphy +colors +colortype +Colorum +colory +coloss +colossal +colossality +colossally +colossean +Colosseum +colossi +Colossian +Colossochelys +colossus +Colossuswise +colostomy +colostral +colostration +colostric +colostrous +colostrum +colotomy +colotyphoid +colove +colp +colpenchyma +colpeo +colpeurynter +colpeurysis +colpindach +colpitis +colpocele +colpocystocele +colpohyperplasia +colpohysterotomy +colpoperineoplasty +colpoperineorrhaphy +colpoplastic +colpoplasty +colpoptosis +colporrhagia +colporrhaphy +colporrhea +colporrhexis +colport +colportage +colporter +colporteur +colposcope +colposcopy +colpotomy +colpus +Colt +colt +colter +colthood +coltish +coltishly +coltishness +coltpixie +coltpixy +coltsfoot +coltskin +Coluber +colubrid +Colubridae +colubriform +Colubriformes +Colubriformia +Colubrina +Colubrinae +colubrine +colubroid +colugo +Columba +columbaceous +Columbae +Columban +Columbanian +columbarium +columbary +columbate +columbeion +Columbella +Columbia +columbiad +Columbian +columbic +Columbid +Columbidae +columbier +columbiferous +Columbiformes +columbin +Columbine +columbine +columbite +columbium +columbo +columboid +columbotantalate +columbotitanate +columella +columellar +columellate +Columellia +Columelliaceae +columelliform +column +columnal +columnar +columnarian +columnarity +columnated +columned +columner +columniation +columniferous +columniform +columning +columnist +columnization +columnwise +colunar +colure +Colutea +Colville +coly +Colymbidae +colymbiform +colymbion +Colymbriformes +Colymbus +colyone +colyonic +colytic +colyum +colyumist +colza +coma +comacine +comagistracy +comagmatic +comaker +comal +comamie +Coman +Comanche +Comanchean +Comandra +comanic +comart +Comarum +comate +comatose +comatosely +comatoseness +comatosity +comatous +comatula +comatulid +comb +combaron +combat +combatable +combatant +combater +combative +combatively +combativeness +combativity +combed +comber +combfish +combflower +combinable +combinableness +combinant +combinantive +combinate +combination +combinational +combinative +combinator +combinatorial +combinatory +combine +combined +combinedly +combinedness +combinement +combiner +combing +combining +comble +combless +comblessness +combmaker +combmaking +comboloio +comboy +Combretaceae +combretaceous +Combretum +combure +comburendo +comburent +comburgess +comburimeter +comburimetry +comburivorous +combust +combustibility +combustible +combustibleness +combustibly +combustion +combustive +combustor +combwise +combwright +comby +come +comeback +Comecrudo +comedial +comedian +comediant +comedic +comedical +comedienne +comedietta +comedist +comedo +comedown +comedy +comelily +comeliness +comeling +comely +comendite +comenic +comephorous +comer +comes +comestible +comet +cometarium +cometary +comether +cometic +cometical +cometlike +cometographer +cometographical +cometography +cometoid +cometology +cometwise +comeuppance +comfit +comfiture +comfort +comfortable +comfortableness +comfortably +comforter +comfortful +comforting +comfortingly +comfortless +comfortlessly +comfortlessness +comfortress +comfortroot +comfrey +comfy +Comiakin +comic +comical +comicality +comically +comicalness +comicocratic +comicocynical +comicodidactic +comicography +comicoprosaic +comicotragedy +comicotragic +comicotragical +comicry +Comid +comiferous +Cominform +coming +comingle +comino +Comintern +comism +comital +comitant +comitatensian +comitative +comitatus +comitia +comitial +Comitium +comitragedy +comity +comma +command +commandable +commandant +commandedness +commandeer +commander +commandership +commandery +commanding +commandingly +commandingness +commandless +commandment +commando +commandoman +commandress +commassation +commassee +commatic +commation +commatism +commeasurable +commeasure +commeddle +Commelina +Commelinaceae +commelinaceous +commemorable +commemorate +commemoration +commemorational +commemorative +commemoratively +commemorativeness +commemorator +commemoratory +commemorize +commence +commenceable +commencement +commencer +commend +commendable +commendableness +commendably +commendador +commendam +commendatary +commendation +commendator +commendatory +commender +commendingly +commendment +commensal +commensalism +commensalist +commensalistic +commensality +commensally +commensurability +commensurable +commensurableness +commensurably +commensurate +commensurately +commensurateness +commensuration +comment +commentarial +commentarialism +commentary +commentate +commentation +commentator +commentatorial +commentatorially +commentatorship +commenter +commerce +commerceless +commercer +commerciable +commercial +commercialism +commercialist +commercialistic +commerciality +commercialization +commercialize +commercially +commercium +commerge +commie +comminate +commination +comminative +comminator +comminatory +commingle +comminglement +commingler +comminister +comminuate +comminute +comminution +comminutor +Commiphora +commiserable +commiserate +commiseratingly +commiseration +commiserative +commiseratively +commiserator +commissar +commissarial +commissariat +commissary +commissaryship +commission +commissionaire +commissional +commissionate +commissioner +commissionership +commissionship +commissive +commissively +commissural +commissure +commissurotomy +commit +commitment +committable +committal +committee +committeeism +committeeman +committeeship +committeewoman +committent +committer +committible +committor +commix +commixt +commixtion +commixture +commodatary +commodate +commodation +commodatum +commode +commodious +commodiously +commodiousness +commoditable +commodity +commodore +common +commonable +commonage +commonality +commonalty +commoner +commonership +commoney +commonish +commonition +commonize +commonly +commonness +commonplace +commonplaceism +commonplacely +commonplaceness +commonplacer +commons +commonsensible +commonsensibly +commonsensical +commonsensically +commonty +commonweal +commonwealth +commonwealthism +commorancy +commorant +commorient +commorth +commot +commotion +commotional +commotive +commove +communa +communal +communalism +communalist +communalistic +communality +communalization +communalize +communalizer +communally +communard +commune +communer +communicability +communicable +communicableness +communicably +communicant +communicate +communicatee +communicating +communication +communicative +communicatively +communicativeness +communicator +communicatory +communion +communionist +communique +communism +communist +communistery +communistic +communistically +communital +communitarian +communitary +communitive +communitorium +community +communization +communize +commutability +commutable +commutableness +commutant +commutate +commutation +commutative +commutatively +commutator +commute +commuter +commuting +commutual +commutuality +Comnenian +comoid +comolecule +comortgagee +comose +comourn +comourner +comournful +comous +Comox +compact +compacted +compactedly +compactedness +compacter +compactible +compaction +compactly +compactness +compactor +compacture +compages +compaginate +compagination +companator +companion +companionability +companionable +companionableness +companionably +companionage +companionate +companionize +companionless +companionship +companionway +company +comparability +comparable +comparableness +comparably +comparascope +comparate +comparatival +comparative +comparatively +comparativeness +comparativist +comparator +compare +comparer +comparison +comparition +comparograph +compart +compartition +compartment +compartmental +compartmentalization +compartmentalize +compartmentally +compartmentize +compass +compassable +compasser +compasses +compassing +compassion +compassionable +compassionate +compassionately +compassionateness +compassionless +compassive +compassivity +compassless +compaternity +compatibility +compatible +compatibleness +compatibly +compatriot +compatriotic +compatriotism +compear +compearance +compearant +compeer +compel +compellable +compellably +compellation +compellative +compellent +compeller +compelling +compellingly +compend +compendency +compendent +compendia +compendiary +compendiate +compendious +compendiously +compendiousness +compendium +compenetrate +compenetration +compensable +compensate +compensating +compensatingly +compensation +compensational +compensative +compensativeness +compensator +compensatory +compense +compenser +compesce +compete +competence +competency +competent +competently +competentness +competition +competitioner +competitive +competitively +competitiveness +competitor +competitorship +competitory +competitress +competitrix +compilation +compilator +compilatory +compile +compilement +compiler +compital +Compitalia +compitum +complacence +complacency +complacent +complacential +complacentially +complacently +complain +complainable +complainant +complainer +complainingly +complainingness +complaint +complaintive +complaintiveness +complaisance +complaisant +complaisantly +complaisantness +complanar +complanate +complanation +complect +complected +complement +complemental +complementally +complementalness +complementariness +complementarism +complementary +complementation +complementative +complementer +complementoid +complete +completedness +completely +completement +completeness +completer +completion +completive +completively +completory +complex +complexedness +complexification +complexify +complexion +complexionably +complexional +complexionally +complexioned +complexionist +complexionless +complexity +complexively +complexly +complexness +complexus +compliable +compliableness +compliably +compliance +compliancy +compliant +compliantly +complicacy +complicant +complicate +complicated +complicatedly +complicatedness +complication +complicative +complice +complicitous +complicity +complier +compliment +complimentable +complimental +complimentally +complimentalness +complimentarily +complimentariness +complimentary +complimentation +complimentative +complimenter +complimentingly +complin +complot +complotter +Complutensian +compluvium +comply +compo +compoer +compole +compone +componed +componency +componendo +component +componental +componented +compony +comport +comportment +compos +compose +composed +composedly +composedness +composer +composita +Compositae +composite +compositely +compositeness +composition +compositional +compositionally +compositive +compositively +compositor +compositorial +compositous +composograph +compossibility +compossible +compost +composture +composure +compotation +compotationship +compotator +compotatory +compote +compotor +compound +compoundable +compoundedness +compounder +compounding +compoundness +comprachico +comprador +comprecation +compreg +compregnate +comprehend +comprehender +comprehendible +comprehendingly +comprehense +comprehensibility +comprehensible +comprehensibleness +comprehensibly +comprehension +comprehensive +comprehensively +comprehensiveness +comprehensor +compresbyter +compresbyterial +compresence +compresent +compress +compressed +compressedly +compressibility +compressible +compressibleness +compressingly +compression +compressional +compressive +compressively +compressometer +compressor +compressure +comprest +compriest +comprisable +comprisal +comprise +comprised +compromise +compromiser +compromising +compromisingly +compromissary +compromission +compromissorial +compromit +compromitment +comprovincial +Compsilura +Compsoa +Compsognathus +Compsothlypidae +compter +Comptometer +Comptonia +comptroller +comptrollership +compulsative +compulsatively +compulsatorily +compulsatory +compulsed +compulsion +compulsitor +compulsive +compulsively +compulsiveness +compulsorily +compulsoriness +compulsory +compunction +compunctionary +compunctionless +compunctious +compunctiously +compunctive +compurgation +compurgator +compurgatorial +compurgatory +compursion +computability +computable +computably +computation +computational +computative +computativeness +compute +computer +computist +computus +comrade +comradely +comradery +comradeship +Comsomol +comstockery +Comtian +Comtism +Comtist +comurmurer +Comus +con +conacaste +conacre +conal +conalbumin +conamed +Conant +conarial +conarium +conation +conational +conationalistic +conative +conatus +conaxial +concamerate +concamerated +concameration +concanavalin +concaptive +concassation +concatenary +concatenate +concatenation +concatenator +concausal +concause +concavation +concave +concavely +concaveness +concaver +concavity +conceal +concealable +concealed +concealedly +concealedness +concealer +concealment +concede +conceded +concededly +conceder +conceit +conceited +conceitedly +conceitedness +conceitless +conceity +conceivability +conceivable +conceivableness +conceivably +conceive +conceiver +concelebrate +concelebration +concent +concenter +concentive +concentralization +concentrate +concentrated +concentration +concentrative +concentrativeness +concentrator +concentric +concentrically +concentricity +concentual +concentus +concept +conceptacle +conceptacular +conceptaculum +conception +conceptional +conceptionist +conceptism +conceptive +conceptiveness +conceptual +conceptualism +conceptualist +conceptualistic +conceptuality +conceptualization +conceptualize +conceptually +conceptus +concern +concerned +concernedly +concernedness +concerning +concerningly +concerningness +concernment +concert +concerted +concertedly +concertgoer +concertina +concertinist +concertist +concertize +concertizer +concertmaster +concertmeister +concertment +concerto +concertstuck +concessible +concession +concessionaire +concessional +concessionary +concessioner +concessionist +concessive +concessively +concessiveness +concessor +concettism +concettist +conch +concha +conchal +conchate +conche +conched +concher +Conchifera +conchiferous +conchiform +conchinine +conchiolin +conchitic +conchitis +Conchobor +conchoid +conchoidal +conchoidally +conchological +conchologically +conchologist +conchologize +conchology +conchometer +conchometry +Conchostraca +conchotome +Conchubar +Conchucu +conchuela +conchy +conchyliated +conchyliferous +conchylium +concierge +concile +conciliable +conciliabule +conciliabulum +conciliar +conciliate +conciliating +conciliatingly +conciliation +conciliationist +conciliative +conciliator +conciliatorily +conciliatoriness +conciliatory +concilium +concinnity +concinnous +concionator +concipiency +concipient +concise +concisely +conciseness +concision +conclamant +conclamation +conclave +conclavist +concludable +conclude +concluder +concluding +concludingly +conclusion +conclusional +conclusionally +conclusive +conclusively +conclusiveness +conclusory +concoagulate +concoagulation +concoct +concocter +concoction +concoctive +concoctor +concolor +concolorous +concomitance +concomitancy +concomitant +concomitantly +conconscious +Concord +concord +concordal +concordance +concordancer +concordant +concordantial +concordantly +concordat +concordatory +concorder +concordial +concordist +concordity +concorporate +Concorrezanes +concourse +concreate +concremation +concrement +concresce +concrescence +concrescible +concrescive +concrete +concretely +concreteness +concreter +concretion +concretional +concretionary +concretism +concretive +concretively +concretize +concretor +concubinage +concubinal +concubinarian +concubinary +concubinate +concubine +concubinehood +concubitancy +concubitant +concubitous +concubitus +concupiscence +concupiscent +concupiscible +concupiscibleness +concupy +concur +concurrence +concurrency +concurrent +concurrently +concurrentness +concurring +concurringly +concursion +concurso +concursus +concuss +concussant +concussion +concussional +concussive +concutient +concyclic +concyclically +cond +Condalia +condemn +condemnable +condemnably +condemnate +condemnation +condemnatory +condemned +condemner +condemning +condemningly +condensability +condensable +condensance +condensary +condensate +condensation +condensational +condensative +condensator +condense +condensed +condensedly +condensedness +condenser +condensery +condensity +condescend +condescendence +condescendent +condescender +condescending +condescendingly +condescendingness +condescension +condescensive +condescensively +condescensiveness +condiction +condictious +condiddle +condiddlement +condign +condigness +condignity +condignly +condiment +condimental +condimentary +condisciple +condistillation +condite +condition +conditional +conditionalism +conditionalist +conditionality +conditionalize +conditionally +conditionate +conditioned +conditioner +condivision +condolatory +condole +condolement +condolence +condolent +condoler +condoling +condolingly +condominate +condominium +condonable +condonance +condonation +condonative +condone +condonement +condoner +condor +conduce +conducer +conducing +conducingly +conducive +conduciveness +conduct +conductance +conductibility +conductible +conductility +conductimeter +conductio +conduction +conductional +conductitious +conductive +conductively +conductivity +conductometer +conductometric +conductor +conductorial +conductorless +conductorship +conductory +conductress +conductus +conduit +conduplicate +conduplicated +conduplication +condurangin +condurango +condylar +condylarth +Condylarthra +condylarthrosis +condylarthrous +condyle +condylectomy +condylion +condyloid +condyloma +condylomatous +condylome +condylopod +Condylopoda +condylopodous +condylos +condylotomy +Condylura +condylure +cone +coned +coneen +coneflower +conehead +coneighboring +coneine +conelet +conemaker +conemaking +Conemaugh +conenose +conepate +coner +cones +conessine +Conestoga +confab +confabular +confabulate +confabulation +confabulator +confabulatory +confact +confarreate +confarreation +confated +confect +confection +confectionary +confectioner +confectionery +Confed +confederacy +confederal +confederalist +confederate +confederater +confederatio +confederation +confederationist +confederatism +confederative +confederatize +confederator +confelicity +conferee +conference +conferential +conferment +conferrable +conferral +conferrer +conferruminate +conferted +Conferva +Confervaceae +confervaceous +conferval +Confervales +confervoid +Confervoideae +confervous +confess +confessable +confessant +confessarius +confessary +confessedly +confesser +confessing +confessingly +confession +confessional +confessionalian +confessionalism +confessionalist +confessionary +confessionist +confessor +confessorship +confessory +confidant +confide +confidence +confidency +confident +confidential +confidentiality +confidentially +confidentialness +confidentiary +confidently +confidentness +confider +confiding +confidingly +confidingness +configural +configurate +configuration +configurational +configurationally +configurationism +configurationist +configurative +configure +confinable +confine +confineable +confined +confinedly +confinedness +confineless +confinement +confiner +confining +confinity +confirm +confirmable +confirmand +confirmation +confirmative +confirmatively +confirmatorily +confirmatory +confirmed +confirmedly +confirmedness +confirmee +confirmer +confirming +confirmingly +confirmity +confirmment +confirmor +confiscable +confiscatable +confiscate +confiscation +confiscator +confiscatory +confitent +confiteor +confiture +confix +conflagrant +conflagrate +conflagration +conflagrative +conflagrator +conflagratory +conflate +conflated +conflation +conflict +conflicting +conflictingly +confliction +conflictive +conflictory +conflow +confluence +confluent +confluently +conflux +confluxibility +confluxible +confluxibleness +confocal +conform +conformability +conformable +conformableness +conformably +conformal +conformance +conformant +conformate +conformation +conformator +conformer +conformist +conformity +confound +confoundable +confounded +confoundedly +confoundedness +confounder +confounding +confoundingly +confrater +confraternal +confraternity +confraternization +confrere +confriar +confrication +confront +confrontal +confrontation +confronte +confronter +confrontment +Confucian +Confucianism +Confucianist +confusability +confusable +confusably +confuse +confused +confusedly +confusedness +confusingly +confusion +confusional +confusticate +confustication +confutable +confutation +confutative +confutator +confute +confuter +conga +congeable +congeal +congealability +congealable +congealableness +congealedness +congealer +congealment +congee +congelation +congelative +congelifraction +congeliturbate +congeliturbation +congener +congeneracy +congeneric +congenerical +congenerous +congenerousness +congenetic +congenial +congeniality +congenialize +congenially +congenialness +congenital +congenitally +congenitalness +conger +congeree +congest +congested +congestible +congestion +congestive +congiary +congius +conglobate +conglobately +conglobation +conglobe +conglobulate +conglomerate +conglomeratic +conglomeration +conglutin +conglutinant +conglutinate +conglutination +conglutinative +Congo +Congoese +Congolese +Congoleum +congou +congratulable +congratulant +congratulate +congratulation +congratulational +congratulator +congratulatory +congredient +congreet +congregable +congreganist +congregant +congregate +congregation +congregational +congregationalism +Congregationalist +congregationalize +congregationally +Congregationer +congregationist +congregative +congregativeness +congregator +Congreso +congress +congresser +congressional +congressionalist +congressionally +congressionist +congressist +congressive +congressman +Congresso +congresswoman +Congreve +Congridae +congroid +congruence +congruency +congruent +congruential +congruently +congruism +congruist +congruistic +congruity +congruous +congruously +congruousness +conhydrine +Coniacian +conic +conical +conicality +conically +conicalness +coniceine +conichalcite +conicine +conicity +conicle +conicoid +conicopoly +conics +Conidae +conidia +conidial +conidian +conidiiferous +conidioid +conidiophore +conidiophorous +conidiospore +conidium +conifer +Coniferae +coniferin +coniferophyte +coniferous +conification +coniform +Conilurus +conima +conimene +conin +conine +Coniogramme +Coniophora +Coniopterygidae +Conioselinum +coniosis +Coniothyrium +coniroster +conirostral +Conirostres +Conium +conject +conjective +conjecturable +conjecturably +conjectural +conjecturalist +conjecturality +conjecturally +conjecture +conjecturer +conjobble +conjoin +conjoined +conjoinedly +conjoiner +conjoint +conjointly +conjointment +conjointness +conjubilant +conjugable +conjugacy +conjugal +Conjugales +conjugality +conjugally +conjugant +conjugata +Conjugatae +conjugate +conjugated +conjugately +conjugateness +conjugation +conjugational +conjugationally +conjugative +conjugator +conjugial +conjugium +conjunct +conjunction +conjunctional +conjunctionally +conjunctiva +conjunctival +conjunctive +conjunctively +conjunctiveness +conjunctivitis +conjunctly +conjunctur +conjunctural +conjuncture +conjuration +conjurator +conjure +conjurement +conjurer +conjurership +conjuror +conjury +conk +conkanee +conker +conkers +conky +conn +connach +Connaraceae +connaraceous +connarite +Connarus +connascency +connascent +connatal +connate +connately +connateness +connation +connatural +connaturality +connaturalize +connaturally +connaturalness +connature +connaught +connect +connectable +connectant +connected +connectedly +connectedness +connectible +connection +connectional +connectival +connective +connectively +connectivity +connector +connellite +conner +connex +connexion +connexionalism +connexity +connexive +connexivum +connexus +Connie +conning +conniption +connivance +connivancy +connivant +connivantly +connive +connivent +conniver +Connochaetes +connoissance +connoisseur +connoisseurship +connotation +connotative +connotatively +connote +connotive +connotively +connubial +connubiality +connubially +connubiate +connubium +connumerate +connumeration +Conocarpus +Conocephalum +Conocephalus +conoclinium +conocuneus +conodont +conoid +conoidal +conoidally +conoidic +conoidical +conoidically +Conolophus +conominee +cononintelligent +Conopholis +conopid +Conopidae +conoplain +conopodium +Conopophaga +Conopophagidae +Conor +Conorhinus +conormal +conoscope +conourish +Conoy +conphaseolin +conplane +conquedle +conquer +conquerable +conquerableness +conqueress +conquering +conqueringly +conquerment +conqueror +conquest +conquian +conquinamine +conquinine +conquistador +Conrad +conrector +conrectorship +conred +Conringia +consanguine +consanguineal +consanguinean +consanguineous +consanguineously +consanguinity +conscience +conscienceless +consciencelessly +consciencelessness +consciencewise +conscient +conscientious +conscientiously +conscientiousness +conscionable +conscionableness +conscionably +conscious +consciously +consciousness +conscribe +conscript +conscription +conscriptional +conscriptionist +conscriptive +consecrate +consecrated +consecratedness +consecrater +consecration +consecrative +consecrator +consecratory +consectary +consecute +consecution +consecutive +consecutively +consecutiveness +consecutives +consenescence +consenescency +consension +consensual +consensually +consensus +consent +consentable +consentaneity +consentaneous +consentaneously +consentaneousness +consentant +consenter +consentful +consentfully +consentience +consentient +consentiently +consenting +consentingly +consentingness +consentive +consentively +consentment +consequence +consequency +consequent +consequential +consequentiality +consequentially +consequentialness +consequently +consertal +conservable +conservacy +conservancy +conservant +conservate +conservation +conservational +conservationist +conservatism +conservatist +conservative +conservatively +conservativeness +conservatize +conservatoire +conservator +conservatorio +conservatorium +conservatorship +conservatory +conservatrix +conserve +conserver +consider +considerability +considerable +considerableness +considerably +considerance +considerate +considerately +considerateness +consideration +considerative +consideratively +considerativeness +considerator +considered +considerer +considering +consideringly +consign +consignable +consignatary +consignation +consignatory +consignee +consigneeship +consigner +consignificant +consignificate +consignification +consignificative +consignificator +consignify +consignment +consignor +consiliary +consilience +consilient +consimilar +consimilarity +consimilate +consist +consistence +consistency +consistent +consistently +consistorial +consistorian +consistory +consociate +consociation +consociational +consociationism +consociative +consocies +consol +consolable +consolableness +consolably +Consolamentum +consolation +Consolato +consolatorily +consolatoriness +consolatory +consolatrix +console +consolement +consoler +consolidant +consolidate +consolidated +consolidation +consolidationist +consolidative +consolidator +consoling +consolingly +consolute +consomme +consonance +consonancy +consonant +consonantal +consonantic +consonantism +consonantize +consonantly +consonantness +consonate +consonous +consort +consortable +consorter +consortial +consortion +consortism +consortium +consortship +consound +conspecies +conspecific +conspectus +consperse +conspersion +conspicuity +conspicuous +conspicuously +conspicuousness +conspiracy +conspirant +conspiration +conspirative +conspirator +conspiratorial +conspiratorially +conspiratory +conspiratress +conspire +conspirer +conspiring +conspiringly +conspue +constable +constablery +constableship +constabless +constablewick +constabular +constabulary +Constance +constancy +constant +constantan +Constantine +Constantinian +Constantinopolitan +constantly +constantness +constat +constatation +constate +constatory +constellate +constellation +constellatory +consternate +consternation +constipate +constipation +constituency +constituent +constituently +constitute +constituter +constitution +constitutional +constitutionalism +constitutionalist +constitutionality +constitutionalization +constitutionalize +constitutionally +constitutionary +constitutioner +constitutionist +constitutive +constitutively +constitutiveness +constitutor +constrain +constrainable +constrained +constrainedly +constrainedness +constrainer +constraining +constrainingly +constrainment +constraint +constrict +constricted +constriction +constrictive +constrictor +constringe +constringency +constringent +construability +construable +construct +constructer +constructible +construction +constructional +constructionally +constructionism +constructionist +constructive +constructively +constructiveness +constructivism +constructivist +constructor +constructorship +constructure +construe +construer +constuprate +constupration +consubsist +consubsistency +consubstantial +consubstantialism +consubstantialist +consubstantiality +consubstantially +consubstantiate +consubstantiation +consubstantiationist +consubstantive +consuete +consuetitude +consuetude +consuetudinal +consuetudinary +consul +consulage +consular +consularity +consulary +consulate +consulship +consult +consultable +consultant +consultary +consultation +consultative +consultatory +consultee +consulter +consulting +consultive +consultively +consultor +consultory +consumable +consume +consumedly +consumeless +consumer +consuming +consumingly +consumingness +consummate +consummately +consummation +consummative +consummatively +consummativeness +consummator +consummatory +consumpt +consumpted +consumptible +consumption +consumptional +consumptive +consumptively +consumptiveness +consumptivity +consute +contabescence +contabescent +contact +contactor +contactual +contactually +contagion +contagioned +contagionist +contagiosity +contagious +contagiously +contagiousness +contagium +contain +containable +container +containment +contakion +contaminable +contaminant +contaminate +contamination +contaminative +contaminator +contaminous +contangential +contango +conte +contect +contection +contemn +contemner +contemnible +contemnibly +contemning +contemningly +contemnor +contemper +contemperate +contemperature +contemplable +contemplamen +contemplant +contemplate +contemplatingly +contemplation +contemplatist +contemplative +contemplatively +contemplativeness +contemplator +contemplature +contemporanean +contemporaneity +contemporaneous +contemporaneously +contemporaneousness +contemporarily +contemporariness +contemporary +contemporize +contempt +contemptful +contemptibility +contemptible +contemptibleness +contemptibly +contemptuous +contemptuously +contemptuousness +contendent +contender +contending +contendingly +contendress +content +contentable +contented +contentedly +contentedness +contentful +contention +contentional +contentious +contentiously +contentiousness +contentless +contently +contentment +contentness +contents +conter +conterminal +conterminant +contermine +conterminous +conterminously +conterminousness +contest +contestable +contestableness +contestably +contestant +contestation +contestee +contester +contestingly +contestless +context +contextive +contextual +contextually +contextural +contexture +contextured +conticent +contignation +contiguity +contiguous +contiguously +contiguousness +continence +continency +continent +continental +Continentaler +continentalism +continentalist +continentality +Continentalize +continentally +continently +contingence +contingency +contingent +contingential +contingentialness +contingently +contingentness +continuable +continual +continuality +continually +continualness +continuance +continuancy +continuando +continuant +continuantly +continuate +continuately +continuateness +continuation +continuative +continuatively +continuativeness +continuator +continue +continued +continuedly +continuedness +continuer +continuingly +continuist +continuity +continuous +continuously +continuousness +continuum +contise +contline +conto +contorniate +contorsive +contort +Contortae +contorted +contortedly +contortedness +contortion +contortional +contortionate +contortioned +contortionist +contortionistic +contortive +contour +contourne +contra +contraband +contrabandage +contrabandery +contrabandism +contrabandist +contrabandista +contrabass +contrabassist +contrabasso +contracapitalist +contraception +contraceptionist +contraceptive +contracivil +contraclockwise +contract +contractable +contractant +contractation +contracted +contractedly +contractedness +contractee +contracter +contractibility +contractible +contractibleness +contractibly +contractile +contractility +contraction +contractional +contractionist +contractive +contractively +contractiveness +contractor +contractual +contractually +contracture +contractured +contradebt +contradict +contradictable +contradictedness +contradicter +contradiction +contradictional +contradictious +contradictiously +contradictiousness +contradictive +contradictively +contradictiveness +contradictor +contradictorily +contradictoriness +contradictory +contradiscriminate +contradistinct +contradistinction +contradistinctive +contradistinctively +contradistinctly +contradistinguish +contradivide +contrafacture +contrafagotto +contrafissura +contraflexure +contraflow +contrafocal +contragredience +contragredient +contrahent +contrail +contraindicate +contraindication +contraindicative +contralateral +contralto +contramarque +contranatural +contrantiscion +contraoctave +contraparallelogram +contraplex +contrapolarization +contrapone +contraponend +Contraposaune +contrapose +contraposit +contraposita +contraposition +contrapositive +contraprogressist +contraprop +contraproposal +contraption +contraptious +contrapuntal +contrapuntalist +contrapuntally +contrapuntist +contrapunto +contrarational +contraregular +contraregularity +contraremonstrance +contraremonstrant +contrarevolutionary +contrariant +contrariantly +contrariety +contrarily +contrariness +contrarious +contrariously +contrariousness +contrariwise +contrarotation +contrary +contrascriptural +contrast +contrastable +contrastably +contrastedly +contrastimulant +contrastimulation +contrastimulus +contrastingly +contrastive +contrastively +contrastment +contrasty +contrasuggestible +contratabular +contrate +contratempo +contratenor +contravalence +contravallation +contravariant +contravene +contravener +contravention +contraversion +contravindicate +contravindication +contrawise +contrayerva +contrectation +contreface +contrefort +contretemps +contributable +contribute +contribution +contributional +contributive +contributively +contributiveness +contributor +contributorial +contributorship +contributory +contrite +contritely +contriteness +contrition +contriturate +contrivance +contrivancy +contrive +contrivement +contriver +control +controllability +controllable +controllableness +controllably +controller +controllership +controlless +controllingly +controlment +controversial +controversialism +controversialist +controversialize +controversially +controversion +controversional +controversionalism +controversionalist +controversy +controvert +controverter +controvertible +controvertibly +controvertist +contubernal +contubernial +contubernium +contumacious +contumaciously +contumaciousness +contumacity +contumacy +contumelious +contumeliously +contumeliousness +contumely +contund +conturbation +contuse +contusion +contusioned +contusive +conubium +Conularia +conumerary +conumerous +conundrum +conundrumize +conurbation +conure +Conuropsis +Conurus +conus +conusable +conusance +conusant +conusee +conusor +conutrition +conuzee +conuzor +convalesce +convalescence +convalescency +convalescent +convalescently +convallamarin +Convallaria +Convallariaceae +convallariaceous +convallarin +convect +convection +convectional +convective +convectively +convector +convenable +convenably +convene +convenee +convener +convenership +convenience +conveniency +convenient +conveniently +convenientness +convent +conventical +conventically +conventicle +conventicler +conventicular +convention +conventional +conventionalism +conventionalist +conventionality +conventionalization +conventionalize +conventionally +conventionary +conventioner +conventionism +conventionist +conventionize +conventual +conventually +converge +convergement +convergence +convergency +convergent +convergescence +converging +conversable +conversableness +conversably +conversance +conversancy +conversant +conversantly +conversation +conversationable +conversational +conversationalist +conversationally +conversationism +conversationist +conversationize +conversative +converse +conversely +converser +conversibility +conversible +conversion +conversional +conversionism +conversionist +conversive +convert +converted +convertend +converter +convertibility +convertible +convertibleness +convertibly +converting +convertingness +convertise +convertism +convertite +convertive +convertor +conveth +convex +convexed +convexedly +convexedness +convexity +convexly +convexness +convey +conveyable +conveyal +conveyance +conveyancer +conveyancing +conveyer +convict +convictable +conviction +convictional +convictism +convictive +convictively +convictiveness +convictment +convictor +convince +convinced +convincedly +convincedness +convincement +convincer +convincibility +convincible +convincing +convincingly +convincingness +convival +convive +convivial +convivialist +conviviality +convivialize +convivially +convocant +convocate +convocation +convocational +convocationally +convocationist +convocative +convocator +convoke +convoker +Convoluta +convolute +convoluted +convolutely +convolution +convolutional +convolutionary +convolutive +convolve +convolvement +Convolvulaceae +convolvulaceous +convolvulad +convolvuli +convolvulic +convolvulin +convolvulinic +convolvulinolic +Convolvulus +convoy +convulsant +convulse +convulsedly +convulsibility +convulsible +convulsion +convulsional +convulsionary +convulsionism +convulsionist +convulsive +convulsively +convulsiveness +cony +conycatcher +conyrine +coo +cooba +coodle +cooee +cooer +coof +Coohee +cooing +cooingly +cooja +cook +cookable +cookbook +cookdom +cookee +cookeite +cooker +cookery +cookhouse +cooking +cookish +cookishly +cookless +cookmaid +cookout +cookroom +cookshack +cookshop +cookstove +cooky +cool +coolant +coolen +cooler +coolerman +coolheaded +coolheadedly +coolheadedness +coolhouse +coolibah +coolie +cooling +coolingly +coolingness +coolish +coolly +coolness +coolth +coolung +coolweed +coolwort +cooly +coom +coomb +coomy +coon +cooncan +coonily +cooniness +coonroot +coonskin +coontail +coontie +coony +coop +cooper +cooperage +Cooperia +coopering +coopery +cooree +Coorg +coorie +cooruptibly +Coos +cooser +coost +Coosuc +coot +cooter +cootfoot +coothay +cootie +cop +copa +copable +copacetic +copaene +copaiba +copaibic +Copaifera +Copaiva +copaivic +copaiye +copal +copalche +copalcocote +copaliferous +copalite +copalm +coparallel +coparcenary +coparcener +coparceny +coparent +copart +copartaker +copartner +copartnership +copartnery +coparty +copassionate +copastor +copastorate +copatain +copatentee +copatriot +copatron +copatroness +cope +Copehan +copei +Copelata +Copelatae +copelate +copellidine +copeman +copemate +copen +copending +copenetrate +Copeognatha +copepod +Copepoda +copepodan +copepodous +coper +coperception +coperiodic +Copernican +Copernicanism +Copernicia +coperta +copesman +copesmate +copestone +copetitioner +cophasal +Cophetua +cophosis +copiability +copiable +copiapite +copied +copier +copilot +coping +copiopia +copiopsia +copiosity +copious +copiously +copiousness +copis +copist +copita +coplaintiff +coplanar +coplanarity +copleased +coplotter +coploughing +coplowing +copolar +copolymer +copolymerization +copolymerize +coppaelite +copped +copper +copperas +copperbottom +copperer +copperhead +copperheadism +coppering +copperish +copperization +copperize +copperleaf +coppernose +coppernosed +copperplate +copperproof +coppersidesman +copperskin +coppersmith +coppersmithing +copperware +copperwing +copperworks +coppery +copperytailed +coppet +coppice +coppiced +coppicing +coppin +copping +copple +copplecrown +coppled +coppy +copr +copra +coprecipitate +coprecipitation +copremia +copremic +copresbyter +copresence +copresent +Coprides +Coprinae +coprincipal +coprincipate +Coprinus +coprisoner +coprodaeum +coproduce +coproducer +coprojector +coprolagnia +coprolagnist +coprolalia +coprolaliac +coprolite +coprolith +coprolitic +coprology +copromisor +copromoter +coprophagan +coprophagia +coprophagist +coprophagous +coprophagy +coprophilia +coprophiliac +coprophilic +coprophilism +coprophilous +coprophyte +coproprietor +coproprietorship +coprose +Coprosma +coprostasis +coprosterol +coprozoic +copse +copsewood +copsewooded +copsing +copsy +Copt +copter +Coptic +Coptis +copula +copulable +copular +copularium +copulate +copulation +copulative +copulatively +copulatory +copunctal +copurchaser +copus +copy +copybook +copycat +copygraph +copygraphed +copyhold +copyholder +copyholding +copyism +copyist +copyman +copyreader +copyright +copyrightable +copyrighter +copywise +coque +coquecigrue +coquelicot +coqueluche +coquet +coquetoon +coquetry +coquette +coquettish +coquettishly +coquettishness +coquicken +coquilla +Coquille +coquille +coquimbite +coquina +coquita +Coquitlam +coquito +cor +Cora +cora +Corabeca +Corabecan +corach +Coraciae +coracial +Coracias +Coracii +Coraciidae +coraciiform +Coraciiformes +coracine +coracle +coracler +coracoacromial +coracobrachial +coracobrachialis +coracoclavicular +coracocostal +coracohumeral +coracohyoid +coracoid +coracoidal +coracomandibular +coracomorph +Coracomorphae +coracomorphic +coracopectoral +coracoprocoracoid +coracoradialis +coracoscapular +coracovertebral +coradical +coradicate +corah +coraise +coral +coralberry +coralbush +coraled +coralflower +coralist +corallet +Corallian +corallic +Corallidae +corallidomous +coralliferous +coralliform +Coralligena +coralligenous +coralligerous +corallike +Corallina +Corallinaceae +corallinaceous +coralline +corallite +Corallium +coralloid +coralloidal +Corallorhiza +corallum +Corallus +coralroot +coralwort +coram +Corambis +coranto +corban +corbeau +corbeil +corbel +corbeling +corbicula +corbiculate +corbiculum +corbie +corbiestep +corbovinum +corbula +corcass +Corchorus +corcir +corcopali +Corcyraean +cord +cordage +Cordaitaceae +cordaitaceous +cordaitalean +Cordaitales +cordaitean +Cordaites +cordant +cordate +cordately +cordax +Cordeau +corded +cordel +Cordelia +Cordelier +cordeliere +cordelle +corder +Cordery +cordewane +Cordia +cordial +cordiality +cordialize +cordially +cordialness +cordiceps +cordicole +cordierite +cordies +cordiform +cordigeri +cordillera +cordilleran +cordiner +cording +cordite +corditis +cordleaf +cordmaker +cordoba +cordon +cordonnet +Cordovan +Cordula +corduroy +corduroyed +cordwain +cordwainer +cordwainery +cordwood +cordy +Cordyceps +cordyl +Cordylanthus +Cordyline +core +corebel +coreceiver +coreciprocal +corectome +corectomy +corector +cored +coredeem +coredeemer +coredemptress +coreductase +Coree +coreflexed +coregence +coregency +coregent +coregnancy +coregnant +coregonid +Coregonidae +coregonine +coregonoid +Coregonus +coreid +Coreidae +coreign +coreigner +corejoice +coreless +coreligionist +corella +corelysis +Corema +coremaker +coremaking +coremium +coremorphosis +corenounce +coreometer +Coreopsis +coreplastic +coreplasty +corer +coresidence +coresidual +coresign +coresonant +coresort +corespect +corespondency +corespondent +coretomy +coreveler +coreveller +corevolve +Corey +corf +Corfiote +Corflambo +corge +corgi +coriaceous +corial +coriamyrtin +coriander +coriandrol +Coriandrum +Coriaria +Coriariaceae +coriariaceous +coriin +Corimelaena +Corimelaenidae +Corin +corindon +Corineus +coring +Corinna +corinne +Corinth +Corinthian +Corinthianesque +Corinthianism +Corinthianize +Coriolanus +coriparian +corium +Corixa +Corixidae +cork +corkage +corkboard +corke +corked +corker +corkiness +corking +corkish +corkite +corkmaker +corkmaking +corkscrew +corkscrewy +corkwing +corkwood +corky +corm +Cormac +cormel +cormidium +cormoid +Cormophyta +cormophyte +cormophytic +cormorant +cormous +cormus +corn +Cornaceae +cornaceous +cornage +cornbell +cornberry +cornbin +cornbinks +cornbird +cornbole +cornbottle +cornbrash +corncake +corncob +corncracker +corncrib +corncrusher +corndodger +cornea +corneagen +corneal +cornein +corneitis +cornel +Cornelia +cornelian +Cornelius +cornemuse +corneocalcareous +corneosclerotic +corneosiliceous +corneous +corner +cornerbind +cornered +cornerer +cornerpiece +cornerstone +cornerways +cornerwise +cornet +cornetcy +cornettino +cornettist +corneule +corneum +cornfield +cornfloor +cornflower +corngrower +cornhouse +cornhusk +cornhusker +cornhusking +cornic +cornice +cornicle +corniculate +corniculer +corniculum +Corniferous +cornific +cornification +cornified +corniform +cornigerous +cornin +corning +corniplume +Cornish +Cornishman +cornland +cornless +cornloft +cornmaster +cornmonger +cornopean +cornpipe +cornrick +cornroot +cornstalk +cornstarch +cornstook +cornu +cornual +cornuate +cornuated +cornubianite +cornucopia +Cornucopiae +cornucopian +cornucopiate +cornule +cornulite +Cornulites +cornupete +Cornus +cornute +cornuted +cornutine +cornuto +cornwallis +cornwallite +corny +coroa +Coroado +corocleisis +corodiary +corodiastasis +corodiastole +corody +corol +corolla +corollaceous +corollarial +corollarially +corollary +corollate +corollated +corolliferous +corolliform +corollike +corolline +corollitic +corometer +corona +coronach +coronad +coronadite +coronae +coronagraph +coronagraphic +coronal +coronale +coronaled +coronally +coronamen +coronary +coronate +coronated +coronation +coronatorial +coroner +coronership +coronet +coroneted +coronetted +coronetty +coroniform +Coronilla +coronillin +coronion +coronitis +coronium +coronize +coronobasilar +coronofacial +coronofrontal +coronoid +Coronopus +coronule +coroparelcysis +coroplast +coroplasta +coroplastic +Coropo +coroscopy +corotomy +corozo +corp +corpora +corporal +corporalism +corporality +corporally +corporalship +corporas +corporate +corporately +corporateness +corporation +corporational +corporationer +corporationism +corporative +corporator +corporature +corporeal +corporealist +corporeality +corporealization +corporealize +corporeally +corporealness +corporeals +corporeity +corporeous +corporification +corporify +corporosity +corposant +corps +corpsbruder +corpse +corpsman +corpulence +corpulency +corpulent +corpulently +corpulentness +corpus +corpuscle +corpuscular +corpuscularian +corpuscularity +corpusculated +corpuscule +corpusculous +corpusculum +corrade +corradial +corradiate +corradiation +corral +corrasion +corrasive +Correa +correal +correality +correct +correctable +correctant +corrected +correctedness +correctible +correcting +correctingly +correction +correctional +correctionalist +correctioner +correctitude +corrective +correctively +correctiveness +correctly +correctness +corrector +correctorship +correctress +correctrice +corregidor +correlatable +correlate +correlated +correlation +correlational +correlative +correlatively +correlativeness +correlativism +correlativity +correligionist +corrente +correption +corresol +correspond +correspondence +correspondency +correspondent +correspondential +correspondentially +correspondently +correspondentship +corresponder +corresponding +correspondingly +corresponsion +corresponsive +corresponsively +corridor +corridored +corrie +Corriedale +corrige +corrigenda +corrigendum +corrigent +corrigibility +corrigible +corrigibleness +corrigibly +Corrigiola +Corrigiolaceae +corrival +corrivality +corrivalry +corrivalship +corrivate +corrivation +corrobboree +corroborant +corroborate +corroboration +corroborative +corroboratively +corroborator +corroboratorily +corroboratory +corroboree +corrode +corrodent +Corrodentia +corroder +corrodiary +corrodibility +corrodible +corrodier +corroding +corrosibility +corrosible +corrosibleness +corrosion +corrosional +corrosive +corrosively +corrosiveness +corrosivity +corrugate +corrugated +corrugation +corrugator +corrupt +corrupted +corruptedly +corruptedness +corrupter +corruptful +corruptibility +corruptible +corruptibleness +corrupting +corruptingly +corruption +corruptionist +corruptive +corruptively +corruptly +corruptness +corruptor +corruptress +corsac +corsage +corsaint +corsair +corse +corselet +corsepresent +corsesque +corset +corseting +corsetless +corsetry +Corsican +corsie +corsite +corta +Cortaderia +cortege +Cortes +cortex +cortez +cortical +cortically +corticate +corticated +corticating +cortication +cortices +corticiferous +corticiform +corticifugal +corticifugally +corticipetal +corticipetally +Corticium +corticoafferent +corticoefferent +corticoline +corticopeduncular +corticose +corticospinal +corticosterone +corticostriate +corticous +cortin +cortina +cortinarious +Cortinarius +cortinate +cortisone +cortlandtite +Corton +coruco +coruler +Coruminacan +corundophilite +corundum +corupay +coruscant +coruscate +coruscation +corver +corvette +corvetto +Corvidae +corviform +corvillosum +corvina +Corvinae +corvine +corvoid +Corvus +Cory +Corybant +Corybantian +corybantiasm +Corybantic +corybantic +Corybantine +corybantish +corybulbin +corybulbine +corycavamine +corycavidin +corycavidine +corycavine +Corycia +Corycian +corydalin +corydaline +Corydalis +corydine +Corydon +coryl +Corylaceae +corylaceous +corylin +Corylopsis +Corylus +corymb +corymbed +corymbiate +corymbiated +corymbiferous +corymbiform +corymbose +corymbous +corynebacterial +Corynebacterium +Coryneum +corynine +Corynocarpaceae +corynocarpaceous +Corynocarpus +Corypha +Coryphaena +coryphaenid +Coryphaenidae +coryphaenoid +Coryphaenoididae +coryphaeus +coryphee +coryphene +Coryphodon +coryphodont +coryphylly +corytuberine +coryza +cos +cosalite +cosaque +cosavior +coscet +Coscinodiscaceae +Coscinodiscus +coscinomancy +coscoroba +coseasonal +coseat +cosec +cosecant +cosech +cosectarian +cosectional +cosegment +coseism +coseismal +coseismic +cosenator +cosentiency +cosentient +coservant +cosession +coset +cosettler +cosh +cosharer +cosheath +cosher +cosherer +coshering +coshery +cosignatory +cosigner +cosignitary +cosily +cosinage +cosine +cosiness +cosingular +cosinusoid +Cosmati +cosmecology +cosmesis +cosmetic +cosmetical +cosmetically +cosmetician +cosmetiste +cosmetological +cosmetologist +cosmetology +cosmic +cosmical +cosmicality +cosmically +cosmism +cosmist +cosmocracy +cosmocrat +cosmocratic +cosmogenesis +cosmogenetic +cosmogenic +cosmogeny +cosmogonal +cosmogoner +cosmogonic +cosmogonical +cosmogonist +cosmogonize +cosmogony +cosmographer +cosmographic +cosmographical +cosmographically +cosmographist +cosmography +cosmolabe +cosmolatry +cosmologic +cosmological +cosmologically +cosmologist +cosmology +cosmometry +cosmopathic +cosmoplastic +cosmopoietic +cosmopolicy +cosmopolis +cosmopolitan +cosmopolitanism +cosmopolitanization +cosmopolitanize +cosmopolitanly +cosmopolite +cosmopolitic +cosmopolitical +cosmopolitics +cosmopolitism +cosmorama +cosmoramic +cosmorganic +cosmos +cosmoscope +cosmosophy +cosmosphere +cosmotellurian +cosmotheism +cosmotheist +cosmotheistic +cosmothetic +cosmotron +cosmozoan +cosmozoic +cosmozoism +cosonant +cosounding +cosovereign +cosovereignty +cospecies +cospecific +cosphered +cosplendor +cosplendour +coss +Cossack +Cossaean +cossas +cosse +cosset +cossette +cossid +Cossidae +cossnent +cossyrite +cost +costa +Costaea +costal +costalgia +costally +costander +Costanoan +costar +costard +Costata +costate +costated +costean +costeaning +costectomy +costellate +coster +costerdom +costermonger +costicartilage +costicartilaginous +costicervical +costiferous +costiform +costing +costipulator +costispinal +costive +costively +costiveness +costless +costlessness +costliness +costly +costmary +costoabdominal +costoapical +costocentral +costochondral +costoclavicular +costocolic +costocoracoid +costodiaphragmatic +costogenic +costoinferior +costophrenic +costopleural +costopneumopexy +costopulmonary +costoscapular +costosternal +costosuperior +costothoracic +costotome +costotomy +costotrachelian +costotransversal +costotransverse +costovertebral +costoxiphoid +costraight +costrel +costula +costulation +costume +costumer +costumery +costumic +costumier +costumiere +costuming +costumist +costusroot +cosubject +cosubordinate +cosuffer +cosufferer +cosuggestion +cosuitor +cosurety +cosustain +coswearer +cosy +cosymmedian +cot +cotangent +cotangential +cotarius +cotarnine +cotch +cote +coteful +coteline +coteller +cotemporane +cotemporanean +cotemporaneous +cotemporaneously +cotemporary +cotenancy +cotenant +cotenure +coterell +coterie +coterminous +Cotesian +coth +cothamore +cothe +cotheorist +cothish +cothon +cothurn +cothurnal +cothurnate +cothurned +cothurnian +cothurnus +cothy +cotidal +cotillage +cotillion +Cotinga +cotingid +Cotingidae +cotingoid +Cotinus +cotise +cotitular +cotland +cotman +coto +cotoin +Cotonam +Cotoneaster +cotonier +cotorment +cotoro +cotorture +Cotoxo +cotquean +cotraitor +cotransfuse +cotranslator +cotranspire +cotransubstantiate +cotrine +cotripper +cotrustee +cotset +cotsetla +cotsetle +cotta +cottabus +cottage +cottaged +cottager +cottagers +cottagey +cotte +cotted +cotter +cotterel +cotterite +cotterway +cottid +Cottidae +cottier +cottierism +cottiform +cottoid +cotton +cottonade +cottonbush +cottonee +cottoneer +cottoner +Cottonian +cottonization +cottonize +cottonless +cottonmouth +cottonocracy +Cottonopolis +cottonseed +cottontail +cottontop +cottonweed +cottonwood +cottony +Cottus +cotty +cotuit +cotula +cotunnite +Coturnix +cotutor +cotwin +cotwinned +cotwist +cotyla +cotylar +cotyledon +cotyledonal +cotyledonar +cotyledonary +cotyledonous +cotyliform +cotyligerous +cotyliscus +cotyloid +Cotylophora +cotylophorous +cotylopubic +cotylosacral +cotylosaur +Cotylosauria +cotylosaurian +cotype +Cotys +Cotyttia +couac +coucal +couch +couchancy +couchant +couched +couchee +coucher +couching +couchmaker +couchmaking +couchmate +couchy +coude +coudee +coue +Coueism +cougar +cough +cougher +coughroot +coughweed +coughwort +cougnar +coul +could +couldron +coulee +coulisse +coulomb +coulometer +coulterneb +coulure +couma +coumalic +coumalin +coumara +coumaran +coumarate +coumaric +coumarilic +coumarin +coumarinic +coumarone +coumarou +Coumarouna +council +councilist +councilman +councilmanic +councilor +councilorship +councilwoman +counderstand +counite +couniversal +counsel +counselable +counselee +counselful +counselor +counselorship +count +countable +countableness +countably +countdom +countenance +countenancer +counter +counterabut +counteraccusation +counteracquittance +counteract +counteractant +counteracter +counteracting +counteractingly +counteraction +counteractive +counteractively +counteractivity +counteractor +counteraddress +counteradvance +counteradvantage +counteradvice +counteradvise +counteraffirm +counteraffirmation +counteragency +counteragent +counteragitate +counteragitation +counteralliance +counterambush +counterannouncement +counteranswer +counterappeal +counterappellant +counterapproach +counterapse +counterarch +counterargue +counterargument +counterartillery +counterassertion +counterassociation +counterassurance +counterattack +counterattestation +counterattired +counterattraction +counterattractive +counterattractively +counteraverment +counteravouch +counteravouchment +counterbalance +counterbarrage +counterbase +counterbattery +counterbeating +counterbend +counterbewitch +counterbid +counterblast +counterblow +counterbond +counterborder +counterbore +counterboycott +counterbrace +counterbranch +counterbrand +counterbreastwork +counterbuff +counterbuilding +countercampaign +countercarte +countercause +counterchange +counterchanged +countercharge +countercharm +countercheck +countercheer +counterclaim +counterclaimant +counterclockwise +countercolored +countercommand +countercompetition +countercomplaint +countercompony +countercondemnation +counterconquest +counterconversion +countercouchant +countercoupe +countercourant +countercraft +countercriticism +countercross +countercry +countercurrent +countercurrently +countercurrentwise +counterdance +counterdash +counterdecision +counterdeclaration +counterdecree +counterdefender +counterdemand +counterdemonstration +counterdeputation +counterdesire +counterdevelopment +counterdifficulty +counterdigged +counterdike +counterdiscipline +counterdisengage +counterdisengagement +counterdistinction +counterdistinguish +counterdoctrine +counterdogmatism +counterdraft +counterdrain +counterdrive +counterearth +counterefficiency +countereffort +counterembattled +counterembowed +counterenamel +counterend +counterenergy +counterengagement +counterengine +counterenthusiasm +counterentry +counterequivalent +counterermine +counterespionage +counterestablishment +counterevidence +counterexaggeration +counterexcitement +counterexcommunication +counterexercise +counterexplanation +counterexposition +counterexpostulation +counterextend +counterextension +counterfact +counterfallacy +counterfaller +counterfeit +counterfeiter +counterfeitly +counterfeitment +counterfeitness +counterferment +counterfessed +counterfire +counterfix +counterflange +counterflashing +counterflight +counterflory +counterflow +counterflux +counterfoil +counterforce +counterformula +counterfort +counterfugue +countergabble +countergabion +countergambit +countergarrison +countergauge +countergauger +countergift +countergirded +counterglow +counterguard +counterhaft +counterhammering +counterhypothesis +counteridea +counterideal +counterimagination +counterimitate +counterimitation +counterimpulse +counterindentation +counterindented +counterindicate +counterindication +counterinfluence +counterinsult +counterintelligence +counterinterest +counterinterpretation +counterintrigue +counterinvective +counterirritant +counterirritate +counterirritation +counterjudging +counterjumper +counterlath +counterlathing +counterlatration +counterlaw +counterleague +counterlegislation +counterlife +counterlocking +counterlode +counterlove +counterly +countermachination +counterman +countermand +countermandable +countermaneuver +countermanifesto +countermarch +countermark +countermarriage +countermeasure +countermeet +countermessage +countermigration +countermine +countermission +countermotion +countermount +countermove +countermovement +countermure +countermutiny +counternaiant +counternarrative +counternatural +counternecromancy +counternoise +counternotice +counterobjection +counterobligation +counteroffensive +counteroffer +counteropening +counteropponent +counteropposite +counterorator +counterorder +counterorganization +counterpaled +counterpaly +counterpane +counterpaned +counterparadox +counterparallel +counterparole +counterparry +counterpart +counterpassant +counterpassion +counterpenalty +counterpendent +counterpetition +counterpicture +counterpillar +counterplan +counterplay +counterplayer +counterplea +counterplead +counterpleading +counterplease +counterplot +counterpoint +counterpointe +counterpointed +counterpoise +counterpoison +counterpole +counterponderate +counterpose +counterposition +counterposting +counterpotence +counterpotency +counterpotent +counterpractice +counterpray +counterpreach +counterpreparation +counterpressure +counterprick +counterprinciple +counterprocess +counterproject +counterpronunciamento +counterproof +counterpropaganda +counterpropagandize +counterprophet +counterproposal +counterproposition +counterprotection +counterprotest +counterprove +counterpull +counterpunch +counterpuncture +counterpush +counterquartered +counterquarterly +counterquery +counterquestion +counterquip +counterradiation +counterraid +counterraising +counterrampant +counterrate +counterreaction +counterreason +counterreckoning +counterrecoil +counterreconnaissance +counterrefer +counterreflected +counterreform +counterreformation +counterreligion +counterremonstrant +counterreply +counterreprisal +counterresolution +counterrestoration +counterretreat +counterrevolution +counterrevolutionary +counterrevolutionist +counterrevolutionize +counterriposte +counterroll +counterround +counterruin +countersale +countersalient +counterscale +counterscalloped +counterscarp +counterscoff +countersconce +counterscrutiny +countersea +counterseal +countersecure +countersecurity +counterselection +countersense +counterservice +countershade +countershaft +countershafting +countershear +countershine +countershout +counterside +countersiege +countersign +countersignal +countersignature +countersink +countersleight +counterslope +countersmile +countersnarl +counterspying +counterstain +counterstamp +counterstand +counterstatant +counterstatement +counterstatute +counterstep +counterstimulate +counterstimulation +counterstimulus +counterstock +counterstratagem +counterstream +counterstrike +counterstroke +counterstruggle +countersubject +countersuggestion +countersuit +countersun +countersunk +countersurprise +counterswing +countersworn +countersympathy +countersynod +countertack +countertail +countertally +countertaste +countertechnicality +countertendency +countertenor +counterterm +counterterror +countertheme +countertheory +counterthought +counterthreat +counterthrust +counterthwarting +countertierce +countertime +countertouch +countertraction +countertrades +countertransference +countertranslation +countertraverse +countertreason +countertree +countertrench +countertrespass +countertrippant +countertripping +countertruth +countertug +counterturn +counterturned +countertype +countervail +countervair +countervairy +countervallation +countervaunt +countervene +countervengeance +countervenom +countervibration +counterview +countervindication +countervolition +countervolley +countervote +counterwager +counterwall +counterwarmth +counterwave +counterweigh +counterweight +counterweighted +counterwheel +counterwill +counterwilling +counterwind +counterwitness +counterword +counterwork +counterworker +counterwrite +countess +countfish +counting +countinghouse +countless +countor +countrified +countrifiedness +country +countryfolk +countryman +countrypeople +countryseat +countryside +countryward +countrywoman +countship +county +coup +coupage +coupe +couped +coupee +coupelet +couper +couple +coupled +couplement +coupler +coupleress +couplet +coupleteer +coupling +coupon +couponed +couponless +coupstick +coupure +courage +courageous +courageously +courageousness +courager +courant +courante +courap +couratari +courb +courbache +courbaril +courbash +courge +courida +courier +couril +courlan +Cours +course +coursed +courser +coursing +court +courtbred +courtcraft +courteous +courteously +courteousness +courtepy +courter +courtesan +courtesanry +courtesanship +courtesy +courtezanry +courtezanship +courthouse +courtier +courtierism +courtierly +courtiership +courtin +courtless +courtlet +courtlike +courtliness +courtling +courtly +courtman +Courtney +courtroom +courtship +courtyard +courtzilite +couscous +couscousou +couseranite +cousin +cousinage +cousiness +cousinhood +cousinly +cousinry +cousinship +cousiny +coussinet +coustumier +coutel +coutelle +couter +Coutet +couth +couthie +couthily +couthiness +couthless +coutil +coutumier +couvade +couxia +covado +covalence +covalent +Covarecan +Covarecas +covariable +covariance +covariant +covariation +covassal +cove +coved +covelline +covellite +covenant +covenantal +covenanted +covenantee +Covenanter +covenanter +covenanting +covenantor +covent +coventrate +coventrize +Coventry +cover +coverage +coveralls +coverchief +covercle +covered +coverer +covering +coverless +coverlet +coverlid +coversed +coverside +coversine +coverslut +covert +covertical +covertly +covertness +coverture +covet +covetable +coveter +coveting +covetingly +covetiveness +covetous +covetously +covetousness +covey +covibrate +covibration +covid +Coviello +covillager +Covillea +covin +coving +covinous +covinously +covisit +covisitor +covite +covolume +covotary +cow +cowal +Cowan +coward +cowardice +cowardliness +cowardly +cowardness +cowardy +cowbane +cowbell +cowberry +cowbind +cowbird +cowboy +cowcatcher +cowdie +coween +cower +cowfish +cowgate +cowgram +cowhage +cowheart +cowhearted +cowheel +cowherb +cowherd +cowhide +cowhiding +cowhorn +Cowichan +cowish +cowitch +cowkeeper +cowl +cowle +cowled +cowleech +cowleeching +cowlick +cowlicks +cowlike +cowling +Cowlitz +cowlstaff +cowman +cowpath +cowpea +cowpen +Cowperian +cowperitis +cowpock +cowpox +cowpuncher +cowquake +cowrie +cowroid +cowshed +cowskin +cowslip +cowslipped +cowsucker +cowtail +cowthwort +cowtongue +cowweed +cowwheat +cowy +cowyard +cox +coxa +coxal +coxalgia +coxalgic +coxankylometer +coxarthritis +coxarthrocace +coxarthropathy +coxbones +coxcomb +coxcombess +coxcombhood +coxcombic +coxcombical +coxcombicality +coxcombically +coxcombity +coxcombry +coxcomby +coxcomical +coxcomically +coxite +coxitis +coxocerite +coxoceritic +coxodynia +coxofemoral +coxopodite +coxswain +coxy +coy +coyan +coydog +coyish +coyishness +coyly +coyness +coynye +coyo +coyol +coyote +Coyotero +coyotillo +coyoting +coypu +coyure +coz +coze +cozen +cozenage +cozener +cozening +cozeningly +cozier +cozily +coziness +cozy +crab +crabbed +crabbedly +crabbedness +crabber +crabbery +crabbing +crabby +crabcatcher +crabeater +craber +crabhole +crablet +crablike +crabman +crabmill +crabsidle +crabstick +crabweed +crabwise +crabwood +Cracca +Cracidae +Cracinae +crack +crackable +crackajack +crackbrain +crackbrained +crackbrainedness +crackdown +cracked +crackedness +cracker +crackerberry +crackerjack +crackers +crackhemp +crackiness +cracking +crackjaw +crackle +crackled +crackless +crackleware +crackling +crackly +crackmans +cracknel +crackpot +crackskull +cracksman +cracky +cracovienne +craddy +cradge +cradle +cradleboard +cradlechild +cradlefellow +cradleland +cradlelike +cradlemaker +cradlemaking +cradleman +cradlemate +cradler +cradleside +cradlesong +cradletime +cradling +Cradock +craft +craftily +craftiness +craftless +craftsman +craftsmanship +craftsmaster +craftswoman +craftwork +craftworker +crafty +crag +craggan +cragged +craggedness +craggily +cragginess +craggy +craglike +cragsman +cragwork +craichy +Craig +craigmontite +crain +craisey +craizey +crajuru +crake +crakefeet +crakow +cram +cramasie +crambambulee +crambambuli +Crambe +crambe +cramberry +crambid +Crambidae +Crambinae +cramble +crambly +crambo +Crambus +crammer +cramp +cramped +crampedness +cramper +crampet +crampfish +cramping +crampingly +crampon +cramponnee +crampy +cran +cranage +cranberry +crance +crandall +crandallite +crane +cranelike +craneman +craner +cranesman +craneway +craney +Crania +crania +craniacromial +craniad +cranial +cranially +cranian +Craniata +craniate +cranic +craniectomy +craniocele +craniocerebral +cranioclasis +cranioclasm +cranioclast +cranioclasty +craniodidymus +craniofacial +craniognomic +craniognomy +craniognosy +craniograph +craniographer +craniography +craniological +craniologically +craniologist +craniology +craniomalacia +craniomaxillary +craniometer +craniometric +craniometrical +craniometrically +craniometrist +craniometry +craniopagus +craniopathic +craniopathy +craniopharyngeal +craniophore +cranioplasty +craniopuncture +craniorhachischisis +craniosacral +cranioschisis +cranioscopical +cranioscopist +cranioscopy +craniospinal +craniostenosis +craniostosis +Craniota +craniotabes +craniotome +craniotomy +craniotopography +craniotympanic +craniovertebral +cranium +crank +crankbird +crankcase +cranked +cranker +crankery +crankily +crankiness +crankle +crankless +crankly +crankman +crankous +crankpin +crankshaft +crankum +cranky +crannage +crannied +crannock +crannog +crannoger +cranny +cranreuch +crantara +crants +crap +crapaud +crapaudine +crape +crapefish +crapehanger +crapelike +crappie +crappin +crapple +crappo +craps +crapshooter +crapulate +crapulence +crapulent +crapulous +crapulously +crapulousness +crapy +craquelure +crare +crash +crasher +crasis +craspedal +craspedodromous +craspedon +Craspedota +craspedotal +craspedote +crass +crassamentum +crassier +crassilingual +Crassina +crassitude +crassly +crassness +Crassula +Crassulaceae +crassulaceous +Crataegus +Crataeva +cratch +cratchens +cratches +crate +crateful +cratemaker +cratemaking +crateman +crater +crateral +cratered +Craterellus +Craterid +crateriform +crateris +craterkin +craterless +craterlet +craterlike +craterous +craticular +Cratinean +cratometer +cratometric +cratometry +craunch +craunching +craunchingly +cravat +crave +craven +Cravenette +cravenette +cravenhearted +cravenly +cravenness +craver +craving +cravingly +cravingness +cravo +craw +crawberry +crawdad +crawfish +crawfoot +crawful +crawl +crawler +crawlerize +crawley +crawleyroot +crawling +crawlingly +crawlsome +crawly +crawm +crawtae +Crawthumper +Crax +crayer +crayfish +crayon +crayonist +crayonstone +craze +crazed +crazedly +crazedness +crazily +craziness +crazingmill +crazy +crazycat +crazyweed +crea +creagh +creaght +creak +creaker +creakily +creakiness +creakingly +creaky +cream +creambush +creamcake +creamcup +creamer +creamery +creameryman +creamfruit +creamily +creaminess +creamless +creamlike +creammaker +creammaking +creamometer +creamsacs +creamware +creamy +creance +creancer +creant +crease +creaseless +creaser +creashaks +creasing +creasy +creat +creatable +create +createdness +creatic +creatine +creatinephosphoric +creatinine +creatininemia +creatinuria +creation +creational +creationary +creationism +creationist +creationistic +creative +creatively +creativeness +creativity +creatophagous +creator +creatorhood +creatorrhea +creatorship +creatotoxism +creatress +creatrix +creatural +creature +creaturehood +creatureless +creatureliness +creatureling +creaturely +creatureship +creaturize +crebricostate +crebrisulcate +crebrity +crebrous +creche +creddock +credence +credencive +credenciveness +credenda +credensive +credensiveness +credent +credential +credently +credenza +credibility +credible +credibleness +credibly +credit +creditability +creditable +creditableness +creditably +creditive +creditless +creditor +creditorship +creditress +creditrix +crednerite +Credo +credulity +credulous +credulously +credulousness +Cree +cree +creed +creedal +creedalism +creedalist +creeded +creedist +creedite +creedless +creedlessness +creedmore +creedsman +Creek +creek +creeker +creekfish +creekside +creekstuff +creeky +creel +creeler +creem +creen +creep +creepage +creeper +creepered +creeperless +creephole +creepie +creepiness +creeping +creepingly +creepmouse +creepmousy +creepy +creese +creesh +creeshie +creeshy +creirgist +cremaster +cremasterial +cremasteric +cremate +cremation +cremationism +cremationist +cremator +crematorial +crematorium +crematory +crembalum +cremnophobia +cremocarp +cremometer +cremone +cremor +cremorne +cremule +crena +crenate +crenated +crenately +crenation +crenature +crenel +crenelate +crenelated +crenelation +crenele +creneled +crenelet +crenellate +crenellation +crenic +crenitic +crenology +crenotherapy +Crenothrix +crenula +crenulate +crenulated +crenulation +creodont +Creodonta +creole +creoleize +creolian +Creolin +creolism +creolization +creolize +creophagia +creophagism +creophagist +creophagous +creophagy +creosol +creosote +creosoter +creosotic +crepance +crepe +crepehanger +Crepidula +crepine +crepiness +Crepis +crepitaculum +crepitant +crepitate +crepitation +crepitous +crepitus +crepon +crept +crepuscle +crepuscular +crepuscule +crepusculine +crepusculum +crepy +cresamine +crescendo +crescent +crescentade +crescentader +Crescentia +crescentic +crescentiform +crescentlike +crescentoid +crescentwise +crescive +crescograph +crescographic +cresegol +cresol +cresolin +cresorcinol +cresotate +cresotic +cresotinic +cresoxide +cresoxy +cresphontes +cress +cressed +cresselle +cresset +Cressida +cresson +cressweed +cresswort +cressy +crest +crested +crestfallen +crestfallenly +crestfallenness +cresting +crestless +crestline +crestmoreite +cresyl +cresylate +cresylene +cresylic +cresylite +creta +Cretaceous +cretaceous +cretaceously +Cretacic +Cretan +Crete +cretefaction +Cretic +cretic +cretification +cretify +cretin +cretinic +cretinism +cretinization +cretinize +cretinoid +cretinous +cretion +cretionary +Cretism +cretonne +crevalle +crevasse +crevice +creviced +crew +crewel +crewelist +crewellery +crewelwork +crewer +crewless +crewman +Crex +crib +cribbage +cribber +cribbing +cribble +cribellum +cribo +cribral +cribrate +cribrately +cribration +cribriform +cribrose +cribwork +cric +Cricetidae +cricetine +Cricetus +crick +cricket +cricketer +cricketing +crickety +crickey +crickle +cricoarytenoid +cricoid +cricopharyngeal +cricothyreoid +cricothyreotomy +cricothyroid +cricothyroidean +cricotomy +cricotracheotomy +Cricotus +cried +crier +criey +crig +crile +crime +Crimean +crimeful +crimeless +crimelessness +crimeproof +criminal +criminaldom +criminalese +criminalism +criminalist +criminalistic +criminalistician +criminalistics +criminality +criminally +criminalness +criminaloid +criminate +crimination +criminative +criminator +criminatory +crimine +criminogenesis +criminogenic +criminologic +criminological +criminologist +criminology +criminosis +criminous +criminously +criminousness +crimogenic +crimp +crimpage +crimper +crimping +crimple +crimpness +crimpy +crimson +crimsonly +crimsonness +crimsony +crin +crinal +crinanite +crinated +crinatory +crine +crined +crinet +cringe +cringeling +cringer +cringing +cringingly +cringingness +cringle +crinicultural +criniculture +criniferous +Criniger +crinigerous +criniparous +crinite +crinitory +crinivorous +crink +crinkle +crinkleroot +crinkly +crinoid +crinoidal +Crinoidea +crinoidean +crinoline +crinose +crinosity +crinula +Crinum +criobolium +criocephalus +Crioceras +crioceratite +crioceratitic +Crioceris +criophore +Criophoros +criosphinx +cripes +crippingly +cripple +crippledom +crippleness +crippler +crippling +cripply +Cris +crises +crisic +crisis +crisp +crispate +crispated +crispation +crispature +crisped +crisper +crispily +Crispin +crispine +crispiness +crisping +crisply +crispness +crispy +criss +crissal +crisscross +crissum +crista +cristate +Cristatella +Cristi +cristiform +Cristina +Cristineaux +Cristino +Cristispira +Cristivomer +cristobalite +Cristopher +critch +criteria +criteriology +criterion +criterional +criterium +crith +Crithidia +crithmene +crithomancy +critic +critical +criticality +critically +criticalness +criticaster +criticasterism +criticastry +criticisable +criticism +criticist +criticizable +criticize +criticizer +criticizingly +critickin +criticship +criticule +critique +critling +crizzle +cro +croak +Croaker +croaker +croakily +croakiness +croaky +Croat +Croatan +Croatian +croc +Crocanthemum +crocard +croceic +crocein +croceine +croceous +crocetin +croche +crochet +crocheter +crocheting +croci +crocidolite +Crocidura +crocin +crock +crocker +crockery +crockeryware +crocket +crocketed +crocky +crocodile +Crocodilia +crocodilian +Crocodilidae +crocodiline +crocodilite +crocodiloid +Crocodilus +Crocodylidae +Crocodylus +crocoisite +crocoite +croconate +croconic +Crocosmia +Crocus +crocus +crocused +croft +crofter +crofterization +crofterize +crofting +croftland +croisette +croissante +Crokinole +Crom +cromaltite +crome +Cromer +Cromerian +cromfordite +cromlech +cromorna +cromorne +Cromwell +Cromwellian +Cronartium +crone +croneberry +cronet +Cronian +cronish +cronk +cronkness +cronstedtite +crony +crood +croodle +crook +crookback +crookbacked +crookbill +crookbilled +crooked +crookedly +crookedness +crooken +crookesite +crookfingered +crookheaded +crookkneed +crookle +crooklegged +crookneck +crooknecked +crooknosed +crookshouldered +crooksided +crooksterned +crooktoothed +crool +Croomia +croon +crooner +crooning +crooningly +crop +crophead +cropland +cropman +croppa +cropper +croppie +cropplecrown +croppy +cropshin +cropsick +cropsickness +cropweed +croquet +croquette +crore +crosa +Crosby +crosier +crosiered +crosnes +cross +crossability +crossable +crossarm +crossband +crossbar +crossbeak +crossbeam +crossbelt +crossbill +crossbolt +crossbolted +crossbones +crossbow +crossbowman +crossbred +crossbreed +crosscurrent +crosscurrented +crosscut +crosscutter +crosscutting +crosse +crossed +crosser +crossette +crossfall +crossfish +crossflow +crossflower +crossfoot +crosshackle +crosshand +crosshatch +crosshaul +crosshauling +crosshead +crossing +crossite +crossjack +crosslegs +crosslet +crossleted +crosslight +crosslighted +crossline +crossly +crossness +crossopodia +crossopterygian +Crossopterygii +Crossosoma +Crossosomataceae +crossosomataceous +crossover +crosspatch +crosspath +crosspiece +crosspoint +crossrail +crossroad +crossroads +crossrow +crossruff +crosstail +crosstie +crosstied +crosstoes +crosstrack +crosstree +crosswalk +crossway +crossways +crossweb +crossweed +crosswise +crossword +crosswort +crostarie +crotal +Crotalaria +crotalic +Crotalidae +crotaliform +Crotalinae +crotaline +crotalism +crotalo +crotaloid +crotalum +Crotalus +crotaphic +crotaphion +crotaphite +crotaphitic +Crotaphytus +crotch +crotched +crotchet +crotcheteer +crotchetiness +crotchety +crotchy +crotin +Croton +crotonaldehyde +crotonate +crotonic +crotonization +crotonyl +crotonylene +Crotophaga +crottels +crottle +crotyl +crouch +crouchant +crouched +croucher +crouching +crouchingly +crounotherapy +croup +croupade +croupal +croupe +crouperbush +croupier +croupily +croupiness +croupous +croupy +crouse +crousely +crout +croute +crouton +crow +crowbait +crowbar +crowberry +crowbill +crowd +crowded +crowdedly +crowdedness +crowder +crowdweed +crowdy +crower +crowflower +crowfoot +crowfooted +crowhop +crowing +crowingly +crowkeeper +crowl +crown +crownbeard +crowned +crowner +crownless +crownlet +crownling +crownmaker +crownwork +crownwort +crowshay +crowstep +crowstepped +crowstick +crowstone +crowtoe +croy +croyden +croydon +croze +crozer +crozzle +crozzly +crubeen +cruce +cruces +crucethouse +cruche +crucial +cruciality +crucially +crucian +Crucianella +cruciate +cruciately +cruciation +crucible +Crucibulum +crucifer +Cruciferae +cruciferous +crucificial +crucified +crucifier +crucifix +crucifixion +cruciform +cruciformity +cruciformly +crucify +crucigerous +crucilly +crucily +cruck +crude +crudely +crudeness +crudity +crudwort +cruel +cruelhearted +cruelize +cruelly +cruelness +cruels +cruelty +cruent +cruentation +cruet +cruety +cruise +cruiser +cruisken +cruive +cruller +crum +crumb +crumbable +crumbcloth +crumber +crumble +crumblement +crumblet +crumbliness +crumblingness +crumblings +crumbly +crumby +crumen +crumenal +crumlet +crummie +crummier +crummiest +crummock +crummy +crump +crumper +crumpet +crumple +crumpled +crumpler +crumpling +crumply +crumpy +crunch +crunchable +crunchiness +crunching +crunchingly +crunchingness +crunchweed +crunchy +crunk +crunkle +crunodal +crunode +crunt +cruor +crupper +crural +crureus +crurogenital +cruroinguinal +crurotarsal +crus +crusade +crusader +crusado +Crusca +cruse +crush +crushability +crushable +crushed +crusher +crushing +crushingly +crusie +crusily +crust +crusta +Crustacea +crustaceal +crustacean +crustaceological +crustaceologist +crustaceology +crustaceous +crustade +crustal +crustalogical +crustalogist +crustalogy +crustate +crustated +crustation +crusted +crustedly +cruster +crustific +crustification +crustily +crustiness +crustless +crustose +crustosis +crusty +crutch +crutched +crutcher +crutching +crutchlike +cruth +crutter +crux +cruzeiro +cry +cryable +cryaesthesia +cryalgesia +cryanesthesia +crybaby +cryesthesia +crying +cryingly +crymodynia +crymotherapy +cryoconite +cryogen +cryogenic +cryogenics +cryogeny +cryohydrate +cryohydric +cryolite +cryometer +cryophile +cryophilic +cryophoric +cryophorus +cryophyllite +cryophyte +cryoplankton +cryoscope +cryoscopic +cryoscopy +cryosel +cryostase +cryostat +crypt +crypta +cryptal +cryptamnesia +cryptamnesic +cryptanalysis +cryptanalyst +cryptarch +cryptarchy +crypted +Crypteronia +Crypteroniaceae +cryptesthesia +cryptesthetic +cryptic +cryptical +cryptically +cryptoagnostic +cryptobatholithic +cryptobranch +Cryptobranchia +Cryptobranchiata +cryptobranchiate +Cryptobranchidae +Cryptobranchus +cryptocarp +cryptocarpic +cryptocarpous +Cryptocarya +Cryptocephala +cryptocephalous +Cryptocerata +cryptocerous +cryptoclastic +Cryptocleidus +cryptococci +cryptococcic +Cryptococcus +cryptococcus +cryptocommercial +cryptocrystalline +cryptocrystallization +cryptodeist +Cryptodira +cryptodiran +cryptodire +cryptodirous +cryptodouble +cryptodynamic +cryptogam +Cryptogamia +cryptogamian +cryptogamic +cryptogamical +cryptogamist +cryptogamous +cryptogamy +cryptogenetic +cryptogenic +cryptogenous +Cryptoglaux +cryptoglioma +cryptogram +Cryptogramma +cryptogrammatic +cryptogrammatical +cryptogrammatist +cryptogrammic +cryptograph +cryptographal +cryptographer +cryptographic +cryptographical +cryptographically +cryptographist +cryptography +cryptoheresy +cryptoheretic +cryptoinflationist +cryptolite +cryptologist +cryptology +cryptolunatic +cryptomere +Cryptomeria +cryptomerous +cryptomnesia +cryptomnesic +cryptomonad +Cryptomonadales +Cryptomonadina +cryptonema +Cryptonemiales +cryptoneurous +cryptonym +cryptonymous +cryptopapist +cryptoperthite +Cryptophagidae +cryptophthalmos +Cryptophyceae +cryptophyte +cryptopine +cryptoporticus +Cryptoprocta +cryptoproselyte +cryptoproselytism +cryptopyic +cryptopyrrole +cryptorchid +cryptorchidism +cryptorchis +Cryptorhynchus +cryptorrhesis +cryptorrhetic +cryptoscope +cryptoscopy +cryptosplenetic +Cryptostegia +cryptostoma +Cryptostomata +cryptostomate +cryptostome +Cryptotaenia +cryptous +cryptovalence +cryptovalency +cryptozonate +Cryptozonia +cryptozygosity +cryptozygous +Crypturi +Crypturidae +crystal +crystallic +crystalliferous +crystalliform +crystalligerous +crystallin +crystalline +crystallinity +crystallite +crystallitic +crystallitis +crystallizability +crystallizable +crystallization +crystallize +crystallized +crystallizer +crystalloblastic +crystallochemical +crystallochemistry +crystallogenesis +crystallogenetic +crystallogenic +crystallogenical +crystallogeny +crystallogram +crystallographer +crystallographic +crystallographical +crystallographically +crystallography +crystalloid +crystalloidal +crystallology +crystalloluminescence +crystallomagnetic +crystallomancy +crystallometric +crystallometry +crystallophyllian +crystallose +crystallurgy +crystalwort +crystic +crystograph +crystoleum +Crystolon +crystosphene +csardas +Ctenacanthus +ctene +ctenidial +ctenidium +cteniform +Ctenocephalus +ctenocyst +ctenodactyl +Ctenodipterini +ctenodont +Ctenodontidae +Ctenodus +ctenoid +ctenoidean +Ctenoidei +ctenoidian +ctenolium +Ctenophora +ctenophoral +ctenophoran +ctenophore +ctenophoric +ctenophorous +Ctenoplana +Ctenostomata +ctenostomatous +ctenostome +ctetology +cuadra +Cuailnge +cuapinole +cuarenta +cuarta +cuarteron +cuartilla +cuartillo +cub +Cuba +cubage +Cuban +cubangle +cubanite +Cubanize +cubatory +cubature +cubbing +cubbish +cubbishly +cubbishness +cubby +cubbyhole +cubbyhouse +cubbyyew +cubdom +cube +cubeb +cubelet +Cubelium +cuber +cubhood +cubi +cubic +cubica +cubical +cubically +cubicalness +cubicity +cubicle +cubicly +cubicone +cubicontravariant +cubicovariant +cubicular +cubiculum +cubiform +cubism +cubist +cubit +cubital +cubitale +cubited +cubitiere +cubito +cubitocarpal +cubitocutaneous +cubitodigital +cubitometacarpal +cubitopalmar +cubitoplantar +cubitoradial +cubitus +cubmaster +cubocalcaneal +cuboctahedron +cubocube +cubocuneiform +cubododecahedral +cuboid +cuboidal +cuboides +cubomancy +Cubomedusae +cubomedusan +cubometatarsal +cubonavicular +Cuchan +Cuchulainn +cuck +cuckhold +cuckold +cuckoldom +cuckoldry +cuckoldy +cuckoo +cuckooflower +cuckoomaid +cuckoopint +cuckoopintle +cuckstool +cucoline +Cucujid +Cucujidae +Cucujus +Cuculi +Cuculidae +cuculiform +Cuculiformes +cuculine +cuculla +cucullaris +cucullate +cucullately +cuculliform +cucullus +cuculoid +Cuculus +Cucumaria +Cucumariidae +cucumber +cucumiform +Cucumis +cucurbit +Cucurbita +Cucurbitaceae +cucurbitaceous +cucurbite +cucurbitine +cud +cudava +cudbear +cudden +cuddle +cuddleable +cuddlesome +cuddly +Cuddy +cuddy +cuddyhole +cudgel +cudgeler +cudgerie +cudweed +cue +cueball +cueca +cueist +cueman +cuemanship +cuerda +cuesta +Cueva +cuff +cuffer +cuffin +cuffy +cuffyism +cuggermugger +cuichunchulli +cuinage +cuir +cuirass +cuirassed +cuirassier +cuisinary +cuisine +cuissard +cuissart +cuisse +cuissen +cuisten +Cuitlateco +cuittikin +Cujam +cuke +Culavamsa +culbut +Culdee +culebra +culet +culeus +Culex +culgee +culicid +Culicidae +culicidal +culicide +culiciform +culicifugal +culicifuge +Culicinae +culicine +Culicoides +culilawan +culinarily +culinary +cull +culla +cullage +Cullen +culler +cullet +culling +cullion +cullis +cully +culm +culmen +culmicolous +culmiferous +culmigenous +culminal +culminant +culminate +culmination +culmy +culotte +culottes +culottic +culottism +culpa +culpability +culpable +culpableness +culpably +culpatory +culpose +culprit +cult +cultch +cultellation +cultellus +culteranismo +cultic +cultigen +cultirostral +Cultirostres +cultish +cultism +cultismo +cultist +cultivability +cultivable +cultivably +cultivar +cultivatability +cultivatable +cultivate +cultivated +cultivation +cultivator +cultrate +cultrated +cultriform +cultrirostral +Cultrirostres +cultual +culturable +cultural +culturally +culture +cultured +culturine +culturist +culturization +culturize +culturological +culturologically +culturologist +culturology +cultus +culver +culverfoot +culverhouse +culverin +culverineer +culverkey +culvert +culvertage +culverwort +cum +Cumacea +cumacean +cumaceous +Cumaean +cumal +cumaldehyde +Cumanagoto +cumaphyte +cumaphytic +cumaphytism +Cumar +cumay +cumbent +cumber +cumberer +cumberlandite +cumberless +cumberment +cumbersome +cumbersomely +cumbersomeness +cumberworld +cumbha +cumbly +cumbraite +cumbrance +cumbre +Cumbrian +cumbrous +cumbrously +cumbrousness +cumbu +cumene +cumengite +cumenyl +cumflutter +cumhal +cumic +cumidin +cumidine +cumin +cuminal +cuminic +cuminoin +cuminol +cuminole +cuminseed +cuminyl +cummer +cummerbund +cummin +cummingtonite +cumol +cump +cumshaw +cumulant +cumular +cumulate +cumulately +cumulation +cumulatist +cumulative +cumulatively +cumulativeness +cumuli +cumuliform +cumulite +cumulophyric +cumulose +cumulous +cumulus +cumyl +Cuna +cunabular +Cunan +Cunarder +Cunas +cunctation +cunctatious +cunctative +cunctator +cunctatorship +cunctatury +cunctipotent +cundeamor +cuneal +cuneate +cuneately +cuneatic +cuneator +cuneiform +cuneiformist +cuneocuboid +cuneonavicular +cuneoscaphoid +cunette +cuneus +cungeboi +cunicular +cuniculus +cunila +cunjah +cunjer +cunjevoi +cunner +cunnilinctus +cunnilingus +cunning +Cunninghamia +cunningly +cunningness +Cunonia +Cunoniaceae +cunoniaceous +cunye +Cunza +Cuon +cuorin +cup +Cupania +cupay +cupbearer +cupboard +cupcake +cupel +cupeler +cupellation +cupflower +cupful +Cuphea +cuphead +cupholder +Cupid +cupidinous +cupidity +cupidon +cupidone +cupless +cupmaker +cupmaking +cupman +cupmate +cupola +cupolaman +cupolar +cupolated +cupped +cupper +cupping +cuppy +cuprammonia +cuprammonium +cupreine +cuprene +cupreous +Cupressaceae +cupressineous +Cupressinoxylon +Cupressus +cupric +cupride +cupriferous +cuprite +cuproammonium +cuprobismutite +cuprocyanide +cuprodescloizite +cuproid +cuproiodargyrite +cupromanganese +cupronickel +cuproplumbite +cuproscheelite +cuprose +cuprosilicon +cuprotungstite +cuprous +cuprum +cupseed +cupstone +cupula +cupulate +cupule +Cupuliferae +cupuliferous +cupuliform +cur +curability +curable +curableness +curably +curacao +curacy +curare +curarine +curarization +curarize +curassow +curatage +curate +curatel +curateship +curatess +curatial +curatic +curation +curative +curatively +curativeness +curatize +curatolatry +curator +curatorial +curatorium +curatorship +curatory +curatrix +Curavecan +curb +curbable +curber +curbing +curbless +curblike +curbstone +curbstoner +curby +curcas +curch +curcuddoch +Curculio +curculionid +Curculionidae +curculionist +Curcuma +curcumin +curd +curdiness +curdle +curdler +curdly +curdwort +curdy +cure +cureless +curelessly +curemaster +curer +curettage +curette +curettement +curfew +curial +curialism +curialist +curialistic +curiality +curiate +Curiatii +curiboca +curie +curiescopy +curietherapy +curin +curine +curing +curio +curiologic +curiologically +curiologics +curiology +curiomaniac +curiosa +curiosity +curioso +curious +curiously +curiousness +curite +Curitis +curium +curl +curled +curledly +curledness +curler +curlew +curlewberry +curlicue +curliewurly +curlike +curlily +curliness +curling +curlingly +curlpaper +curly +curlycue +curlyhead +curlylocks +curmudgeon +curmudgeonery +curmudgeonish +curmudgeonly +curmurring +curn +curney +curnock +curple +curr +currach +currack +curragh +currant +curratow +currawang +currency +current +currently +currentness +currentwise +curricle +curricula +curricular +curricularization +curricularize +curriculum +curried +currier +curriery +currish +currishly +currishness +curry +currycomb +curryfavel +Cursa +cursal +curse +cursed +cursedly +cursedness +curser +curship +cursitor +cursive +cursively +cursiveness +cursor +cursorary +Cursores +Cursoria +cursorial +Cursoriidae +cursorily +cursoriness +cursorious +Cursorius +cursory +curst +curstful +curstfully +curstly +curstness +cursus +Curt +curt +curtail +curtailed +curtailedly +curtailer +curtailment +curtain +curtaining +curtainless +curtainwise +curtal +Curtana +curtate +curtation +curtesy +curtilage +Curtis +Curtise +curtly +curtness +curtsy +curua +curuba +Curucaneca +Curucanecan +curucucu +curule +Curuminaca +Curuminacan +Curupira +cururo +curvaceous +curvaceousness +curvacious +curvant +curvate +curvation +curvature +curve +curved +curvedly +curvedness +curver +curvesome +curvesomeness +curvet +curvicaudate +curvicostate +curvidentate +curvifoliate +curviform +curvilineal +curvilinear +curvilinearity +curvilinearly +curvimeter +curvinervate +curvinerved +curvirostral +Curvirostres +curviserial +curvital +curvity +curvograph +curvometer +curvous +curvulate +curvy +curwhibble +curwillet +cuscohygrine +cusconine +Cuscus +cuscus +Cuscuta +Cuscutaceae +cuscutaceous +cusec +cuselite +cush +cushag +cushat +cushaw +cushewbird +cushion +cushioned +cushionflower +cushionless +cushionlike +cushiony +Cushite +Cushitic +cushlamochree +cushy +cusie +cusinero +cusk +cusp +cuspal +cusparidine +cusparine +cuspate +cusped +cuspid +cuspidal +cuspidate +cuspidation +cuspidine +cuspidor +cuspule +cuss +cussed +cussedly +cussedness +cusser +cusso +custard +custerite +custodee +custodes +custodial +custodiam +custodian +custodianship +custodier +custody +custom +customable +customarily +customariness +customary +customer +customhouse +customs +custumal +cut +cutaneal +cutaneous +cutaneously +cutaway +cutback +cutch +cutcher +cutcherry +cute +cutely +cuteness +Cuterebra +Cuthbert +cutheal +cuticle +cuticolor +cuticula +cuticular +cuticularization +cuticularize +cuticulate +cutidure +cutie +cutification +cutigeral +cutin +cutinization +cutinize +cutireaction +cutis +cutisector +Cutiterebra +cutitis +cutization +cutlass +cutler +cutleress +Cutleria +Cutleriaceae +cutleriaceous +Cutleriales +cutlery +cutlet +cutling +cutlips +cutocellulose +cutoff +cutout +cutover +cutpurse +cuttable +cuttage +cuttail +cuttanee +cutted +cutter +cutterhead +cutterman +cutthroat +cutting +cuttingly +cuttingness +cuttle +cuttlebone +cuttlefish +cuttler +cuttoo +cutty +cuttyhunk +cutup +cutwater +cutweed +cutwork +cutworm +cuvette +Cuvierian +cuvy +cuya +Cuzceno +cwierc +cwm +cyamelide +Cyamus +cyan +cyanacetic +cyanamide +cyananthrol +Cyanastraceae +Cyanastrum +cyanate +cyanaurate +cyanauric +cyanbenzyl +cyancarbonic +Cyanea +cyanean +cyanemia +cyaneous +cyanephidrosis +cyanformate +cyanformic +cyanhidrosis +cyanhydrate +cyanhydric +cyanhydrin +cyanic +cyanicide +cyanidation +cyanide +cyanidin +cyanidine +cyanidrosis +cyanimide +cyanin +cyanine +cyanite +cyanize +cyanmethemoglobin +cyanoacetate +cyanoacetic +cyanoaurate +cyanoauric +cyanobenzene +cyanocarbonic +cyanochlorous +cyanochroia +cyanochroic +Cyanocitta +cyanocrystallin +cyanoderma +cyanogen +cyanogenesis +cyanogenetic +cyanogenic +cyanoguanidine +cyanohermidin +cyanohydrin +cyanol +cyanole +cyanomaclurin +cyanometer +cyanomethaemoglobin +cyanomethemoglobin +cyanometric +cyanometry +cyanopathic +cyanopathy +cyanophile +cyanophilous +cyanophoric +cyanophose +Cyanophyceae +cyanophycean +cyanophyceous +cyanophycin +cyanopia +cyanoplastid +cyanoplatinite +cyanoplatinous +cyanopsia +cyanose +cyanosed +cyanosis +Cyanospiza +cyanotic +cyanotrichite +cyanotype +cyanuramide +cyanurate +cyanuret +cyanuric +cyanurine +cyanus +cyaphenine +cyath +Cyathaspis +Cyathea +Cyatheaceae +cyatheaceous +cyathiform +cyathium +cyathoid +cyatholith +Cyathophyllidae +cyathophylline +cyathophylloid +Cyathophyllum +cyathos +cyathozooid +cyathus +cybernetic +cyberneticist +cybernetics +Cybister +cycad +Cycadaceae +cycadaceous +Cycadales +cycadean +cycadeoid +Cycadeoidea +cycadeous +cycadiform +cycadlike +cycadofilicale +Cycadofilicales +Cycadofilices +cycadofilicinean +Cycadophyta +Cycas +Cycladic +cyclamen +cyclamin +cyclamine +cyclammonium +cyclane +Cyclanthaceae +cyclanthaceous +Cyclanthales +Cyclanthus +cyclar +cyclarthrodial +cyclarthrsis +cyclas +cycle +cyclecar +cycledom +cyclene +cycler +cyclesmith +Cycliae +cyclian +cyclic +cyclical +cyclically +cyclicism +cyclide +cycling +cyclism +cyclist +cyclistic +cyclitic +cyclitis +cyclization +cyclize +cycloalkane +Cyclobothra +cyclobutane +cyclocoelic +cyclocoelous +Cycloconium +cyclodiolefin +cycloganoid +Cycloganoidei +cyclogram +cyclograph +cyclographer +cycloheptane +cycloheptanone +cyclohexane +cyclohexanol +cyclohexanone +cyclohexene +cyclohexyl +cycloid +cycloidal +cycloidally +cycloidean +Cycloidei +cycloidian +cycloidotrope +cyclolith +Cycloloma +cyclomania +cyclometer +cyclometric +cyclometrical +cyclometry +Cyclomyaria +cyclomyarian +cyclonal +cyclone +cyclonic +cyclonical +cyclonically +cyclonist +cyclonite +cyclonologist +cyclonology +cyclonometer +cyclonoscope +cycloolefin +cycloparaffin +cyclope +Cyclopean +cyclopean +cyclopedia +cyclopedic +cyclopedical +cyclopedically +cyclopedist +cyclopentadiene +cyclopentane +cyclopentanone +cyclopentene +Cyclopes +cyclopes +cyclophoria +cyclophoric +Cyclophorus +cyclophrenia +cyclopia +Cyclopic +cyclopism +cyclopite +cycloplegia +cycloplegic +cyclopoid +cyclopropane +Cyclops +Cyclopteridae +cyclopteroid +cyclopterous +cyclopy +cyclorama +cycloramic +Cyclorrhapha +cyclorrhaphous +cycloscope +cyclose +cyclosis +cyclospermous +Cyclospondyli +cyclospondylic +cyclospondylous +Cyclosporales +Cyclosporeae +Cyclosporinae +cyclosporous +Cyclostoma +Cyclostomata +cyclostomate +Cyclostomatidae +cyclostomatous +cyclostome +Cyclostomes +Cyclostomi +Cyclostomidae +cyclostomous +cyclostrophic +cyclostyle +Cyclotella +cyclothem +cyclothure +cyclothurine +Cyclothurus +cyclothyme +cyclothymia +cyclothymiac +cyclothymic +cyclotome +cyclotomic +cyclotomy +Cyclotosaurus +cyclotron +cyclovertebral +cyclus +Cydippe +cydippian +cydippid +Cydippida +Cydonia +Cydonian +cydonium +cyesiology +cyesis +cygneous +cygnet +Cygnid +Cygninae +cygnine +Cygnus +cyke +cylinder +cylindered +cylinderer +cylinderlike +cylindraceous +cylindrarthrosis +Cylindrella +cylindrelloid +cylindrenchyma +cylindric +cylindrical +cylindricality +cylindrically +cylindricalness +cylindricity +cylindricule +cylindriform +cylindrite +cylindrocellular +cylindrocephalic +cylindroconical +cylindroconoidal +cylindrocylindric +cylindrodendrite +cylindrograph +cylindroid +cylindroidal +cylindroma +cylindromatous +cylindrometric +cylindroogival +Cylindrophis +Cylindrosporium +cylindruria +cylix +Cyllenian +Cyllenius +cyllosis +cyma +cymagraph +cymaphen +cymaphyte +cymaphytic +cymaphytism +cymar +cymation +cymatium +cymba +cymbaeform +cymbal +Cymbalaria +cymbaleer +cymbaler +cymbaline +cymbalist +cymballike +cymbalo +cymbalon +cymbate +Cymbella +cymbiform +Cymbium +cymbling +cymbocephalic +cymbocephalous +cymbocephaly +Cymbopogon +cyme +cymelet +cymene +cymiferous +cymling +Cymodoceaceae +cymogene +cymograph +cymographic +cymoid +Cymoidium +cymometer +cymophane +cymophanous +cymophenol +cymoscope +cymose +cymosely +cymotrichous +cymotrichy +cymous +Cymraeg +Cymric +Cymry +cymule +cymulose +cynanche +Cynanchum +cynanthropy +Cynara +cynaraceous +cynarctomachy +cynareous +cynaroid +cynebot +cynegetic +cynegetics +cynegild +cynhyena +Cynias +cyniatria +cyniatrics +cynic +cynical +cynically +cynicalness +cynicism +cynicist +cynipid +Cynipidae +cynipidous +cynipoid +Cynipoidea +Cynips +cynism +cynocephalic +cynocephalous +cynocephalus +cynoclept +Cynocrambaceae +cynocrambaceous +Cynocrambe +Cynodon +cynodont +Cynodontia +Cynogale +cynogenealogist +cynogenealogy +Cynoglossum +Cynognathus +cynography +cynoid +Cynoidea +cynology +Cynomoriaceae +cynomoriaceous +Cynomorium +Cynomorpha +cynomorphic +cynomorphous +Cynomys +cynophile +cynophilic +cynophilist +cynophobe +cynophobia +Cynopithecidae +cynopithecoid +cynopodous +cynorrhodon +Cynosarges +Cynoscion +Cynosura +cynosural +cynosure +Cynosurus +cynotherapy +Cynoxylon +Cynthia +Cynthian +Cynthiidae +Cynthius +cyp +Cyperaceae +cyperaceous +Cyperus +cyphella +cyphellate +Cyphomandra +cyphonautes +cyphonism +Cypraea +cypraeid +Cypraeidae +cypraeiform +cypraeoid +cypre +cypres +cypress +cypressed +cypressroot +Cypria +Cyprian +Cyprididae +Cypridina +Cypridinidae +cypridinoid +Cyprina +cyprine +cyprinid +Cyprinidae +cypriniform +cyprinine +cyprinodont +Cyprinodontes +Cyprinodontidae +cyprinodontoid +cyprinoid +Cyprinoidea +cyprinoidean +Cyprinus +Cypriote +Cypripedium +Cypris +cypsela +Cypseli +Cypselid +Cypselidae +cypseliform +Cypseliformes +cypseline +cypseloid +cypselomorph +Cypselomorphae +cypselomorphic +cypselous +Cypselus +cyptozoic +Cyrano +Cyrenaic +Cyrenaicism +Cyrenian +Cyril +Cyrilla +Cyrillaceae +cyrillaceous +Cyrillian +Cyrillianism +Cyrillic +cyriologic +cyriological +Cyrtandraceae +Cyrtidae +cyrtoceracone +Cyrtoceras +cyrtoceratite +cyrtoceratitic +cyrtograph +cyrtolite +cyrtometer +Cyrtomium +cyrtopia +cyrtosis +Cyrus +cyrus +cyst +cystadenoma +cystadenosarcoma +cystal +cystalgia +cystamine +cystaster +cystatrophia +cystatrophy +cystectasia +cystectasy +cystectomy +cysted +cysteine +cysteinic +cystelcosis +cystenchyma +cystenchymatous +cystencyte +cysterethism +cystic +cysticarpic +cysticarpium +cysticercoid +cysticercoidal +cysticercosis +cysticercus +cysticolous +cystid +Cystidea +cystidean +cystidicolous +cystidium +cystiferous +cystiform +cystigerous +Cystignathidae +cystignathine +cystine +cystinuria +cystirrhea +cystis +cystitis +cystitome +cystoadenoma +cystocarcinoma +cystocarp +cystocarpic +cystocele +cystocolostomy +cystocyte +cystodynia +cystoelytroplasty +cystoenterocele +cystoepiplocele +cystoepithelioma +cystofibroma +Cystoflagellata +cystoflagellate +cystogenesis +cystogenous +cystogram +cystoid +Cystoidea +cystoidean +cystolith +cystolithectomy +cystolithiasis +cystolithic +cystoma +cystomatous +cystomorphous +cystomyoma +cystomyxoma +Cystonectae +cystonectous +cystonephrosis +cystoneuralgia +cystoparalysis +Cystophora +cystophore +cystophotography +cystophthisis +cystoplasty +cystoplegia +cystoproctostomy +Cystopteris +cystoptosis +Cystopus +cystopyelitis +cystopyelography +cystopyelonephritis +cystoradiography +cystorrhagia +cystorrhaphy +cystorrhea +cystosarcoma +cystoschisis +cystoscope +cystoscopic +cystoscopy +cystose +cystospasm +cystospastic +cystospore +cystostomy +cystosyrinx +cystotome +cystotomy +cystotrachelotomy +cystoureteritis +cystourethritis +cystous +cytase +cytasic +Cytherea +Cytherean +Cytherella +Cytherellidae +Cytinaceae +cytinaceous +Cytinus +cytioderm +cytisine +Cytisus +cytitis +cytoblast +cytoblastema +cytoblastemal +cytoblastematous +cytoblastemic +cytoblastemous +cytochemistry +cytochrome +cytochylema +cytocide +cytoclasis +cytoclastic +cytococcus +cytocyst +cytode +cytodendrite +cytoderm +cytodiagnosis +cytodieresis +cytodieretic +cytogamy +cytogene +cytogenesis +cytogenetic +cytogenetical +cytogenetically +cytogeneticist +cytogenetics +cytogenic +cytogenous +cytogeny +cytoglobin +cytohyaloplasm +cytoid +cytokinesis +cytolist +cytologic +cytological +cytologically +cytologist +cytology +cytolymph +cytolysin +cytolysis +cytolytic +cytoma +cytomere +cytometer +cytomicrosome +cytomitome +cytomorphosis +cyton +cytoparaplastin +cytopathologic +cytopathological +cytopathologically +cytopathology +Cytophaga +cytophagous +cytophagy +cytopharynx +cytophil +cytophysics +cytophysiology +cytoplasm +cytoplasmic +cytoplast +cytoplastic +cytoproct +cytopyge +cytoreticulum +cytoryctes +cytosine +cytosome +Cytospora +Cytosporina +cytost +cytostomal +cytostome +cytostroma +cytostromatic +cytotactic +cytotaxis +cytotoxic +cytotoxin +cytotrophoblast +cytotrophy +cytotropic +cytotropism +cytozoic +cytozoon +cytozymase +cytozyme +cytula +Cyzicene +cyzicene +czar +czardas +czardom +czarevitch +czarevna +czarian +czaric +czarina +czarinian +czarish +czarism +czarist +czaristic +czaritza +czarowitch +czarowitz +czarship +Czech +Czechic +Czechish +Czechization +Czechoslovak +Czechoslovakian +D +d +da +daalder +dab +dabb +dabba +dabber +dabble +dabbler +dabbling +dabblingly +dabblingness +dabby +dabchick +Dabih +Dabitis +dablet +daboia +daboya +dabster +dace +Dacelo +Daceloninae +dacelonine +dachshound +dachshund +Dacian +dacite +dacitic +dacker +dacoit +dacoitage +dacoity +dacryadenalgia +dacryadenitis +dacryagogue +dacrycystalgia +Dacrydium +dacryelcosis +dacryoadenalgia +dacryoadenitis +dacryoblenorrhea +dacryocele +dacryocyst +dacryocystalgia +dacryocystitis +dacryocystoblennorrhea +dacryocystocele +dacryocystoptosis +dacryocystorhinostomy +dacryocystosyringotomy +dacryocystotome +dacryocystotomy +dacryohelcosis +dacryohemorrhea +dacryolite +dacryolith +dacryolithiasis +dacryoma +dacryon +dacryops +dacryopyorrhea +dacryopyosis +dacryosolenitis +dacryostenosis +dacryosyrinx +dacryuria +Dactyl +dactyl +dactylar +dactylate +dactylic +dactylically +dactylioglyph +dactylioglyphic +dactylioglyphist +dactylioglyphtic +dactylioglyphy +dactyliographer +dactyliographic +dactyliography +dactyliology +dactyliomancy +dactylion +dactyliotheca +Dactylis +dactylist +dactylitic +dactylitis +dactylogram +dactylograph +dactylographic +dactylography +dactyloid +dactylology +dactylomegaly +dactylonomy +dactylopatagium +Dactylopius +dactylopodite +dactylopore +Dactylopteridae +Dactylopterus +dactylorhiza +dactyloscopic +dactyloscopy +dactylose +dactylosternal +dactylosymphysis +dactylotheca +dactylous +dactylozooid +dactylus +Dacus +dacyorrhea +dad +Dada +dada +Dadaism +Dadaist +dadap +Dadayag +dadder +daddle +daddock +daddocky +daddy +daddynut +dade +dadenhudd +dado +Dadoxylon +Dadu +daduchus +Dadupanthi +dae +Daedal +daedal +Daedalea +Daedalean +Daedalian +Daedalic +Daedalidae +Daedalist +daedaloid +Daedalus +daemon +Daemonelix +daemonic +daemonurgist +daemonurgy +daemony +daer +daff +daffery +daffing +daffish +daffle +daffodil +daffodilly +daffy +daffydowndilly +Dafla +daft +daftberry +daftlike +daftly +daftness +dag +dagaba +dagame +dagassa +Dagbamba +Dagbane +dagesh +Dagestan +dagga +dagger +daggerbush +daggered +daggerlike +daggerproof +daggers +daggle +daggletail +daggletailed +daggly +daggy +daghesh +daglock +Dagmar +Dago +dagoba +Dagomba +dags +Daguerrean +daguerreotype +daguerreotyper +daguerreotypic +daguerreotypist +daguerreotypy +dah +dahabeah +Dahlia +Dahoman +Dahomeyan +dahoon +Daibutsu +daidle +daidly +Daijo +daiker +daikon +Dail +Dailamite +dailiness +daily +daimen +daimiate +daimio +daimon +daimonic +daimonion +daimonistic +daimonology +dain +daincha +dainteth +daintify +daintihood +daintily +daintiness +daintith +dainty +Daira +daira +dairi +dairy +dairying +dairymaid +dairyman +dairywoman +dais +daisied +daisy +daisybush +daitya +daiva +dak +daker +Dakhini +dakir +Dakota +daktylon +daktylos +dal +dalar +Dalarnian +Dalbergia +Dalcassian +Dale +dale +Dalea +Dalecarlian +daleman +daler +dalesfolk +dalesman +dalespeople +daleswoman +daleth +dali +Dalibarda +dalk +dallack +dalle +dalles +dalliance +dallier +dally +dallying +dallyingly +Dalmania +Dalmanites +Dalmatian +Dalmatic +dalmatic +Dalradian +dalt +dalteen +Dalton +dalton +Daltonian +Daltonic +Daltonism +Daltonist +dam +dama +damage +damageability +damageable +damageableness +damageably +damagement +damager +damages +damagingly +daman +Damara +Damascene +damascene +damascened +damascener +damascenine +Damascus +damask +damaskeen +damasse +damassin +Damayanti +dambonitol +dambose +dambrod +dame +damenization +damewort +Damgalnunna +Damia +damiana +Damianist +damie +damier +damine +damkjernite +damlike +dammar +Dammara +damme +dammer +dammish +damn +damnability +damnable +damnableness +damnably +damnation +damnatory +damned +damner +damnification +damnify +Damnii +damning +damningly +damningness +damnonians +Damnonii +damnous +damnously +Damoclean +Damocles +Damoetas +damoiseau +Damon +Damone +damonico +damourite +damp +dampang +damped +dampen +dampener +damper +damping +dampish +dampishly +dampishness +damply +dampness +dampproof +dampproofer +dampproofing +dampy +damsel +damselfish +damselhood +damson +Dan +dan +Dana +Danaan +Danagla +Danai +Danaid +danaid +Danaidae +danaide +Danaidean +Danainae +danaine +Danais +danaite +Danakil +danalite +danburite +dancalite +dance +dancer +danceress +dancery +dancette +dancing +dancingly +dand +danda +dandelion +dander +dandiacal +dandiacally +dandically +dandification +dandify +dandilly +dandily +dandiprat +dandizette +dandle +dandler +dandling +dandlingly +dandruff +dandruffy +dandy +dandydom +dandyish +dandyism +dandyize +dandyling +Dane +Daneball +Daneflower +Danegeld +Danelaw +Daneweed +Danewort +dang +danger +dangerful +dangerfully +dangerless +dangerous +dangerously +dangerousness +dangersome +dangle +dangleberry +danglement +dangler +danglin +dangling +danglingly +Dani +Danian +Danic +danicism +Daniel +Daniele +Danielic +Danielle +Daniglacial +danio +Danish +Danism +Danite +Danization +Danize +dank +Dankali +dankish +dankishness +dankly +dankness +danli +Dannebrog +dannemorite +danner +Dannie +dannock +Danny +danoranja +dansant +danseuse +danta +Dantean +Dantesque +Danthonia +Dantist +Dantology +Dantomania +danton +Dantonesque +Dantonist +Dantophilist +Dantophily +Danube +Danubian +Danuri +Danzig +Danziger +dao +daoine +dap +Dapedium +Dapedius +Daphnaceae +Daphne +Daphnean +Daphnephoria +daphnetin +Daphnia +daphnin +daphnioid +Daphnis +daphnoid +dapicho +dapico +dapifer +dapper +dapperling +dapperly +dapperness +dapple +dappled +dar +darabukka +darac +daraf +Darapti +darat +darbha +darby +Darbyism +Darbyite +Darci +Dard +Dardan +dardanarius +Dardani +dardanium +dardaol +Dardic +Dardistan +dare +dareall +daredevil +daredevilism +daredevilry +daredeviltry +dareful +Daren +darer +Dares +daresay +darg +dargah +darger +Darghin +Dargo +dargsman +dargue +dari +daribah +daric +Darien +Darii +Darin +daring +daringly +daringness +dariole +Darius +Darjeeling +dark +darken +darkener +darkening +darkful +darkhearted +darkheartedness +darkish +darkishness +darkle +darkling +darklings +darkly +darkmans +darkness +darkroom +darkskin +darksome +darksomeness +darky +darling +darlingly +darlingness +Darlingtonia +darn +darnation +darned +darnel +darner +darnex +darning +daroga +daroo +darr +darrein +Darrell +Darren +Darryl +darshana +Darsonval +Darsonvalism +darst +dart +Dartagnan +dartars +dartboard +darter +darting +dartingly +dartingness +dartle +dartlike +dartman +Dartmoor +dartoic +dartoid +dartos +dartre +dartrose +dartrous +darts +dartsman +Darwinian +Darwinical +Darwinically +Darwinism +Darwinist +Darwinistic +Darwinite +Darwinize +Daryl +darzee +das +Daschagga +dash +dashboard +dashed +dashedly +dashee +dasheen +dasher +dashing +dashingly +dashmaker +Dashnak +Dashnakist +Dashnaktzutiun +dashplate +dashpot +dashwheel +dashy +dasi +Dasiphora +dasnt +dassie +dassy +dastard +dastardize +dastardliness +dastardly +dastur +dasturi +Dasya +Dasyatidae +Dasyatis +Dasycladaceae +dasycladaceous +Dasylirion +dasymeter +dasypaedal +dasypaedes +dasypaedic +Dasypeltis +dasyphyllous +Dasypodidae +dasypodoid +Dasyprocta +Dasyproctidae +dasyproctine +Dasypus +Dasystephana +dasyure +Dasyuridae +dasyurine +dasyuroid +Dasyurus +Dasyus +data +datable +datableness +datably +dataria +datary +datch +datcha +date +dateless +datemark +dater +datil +dating +dation +Datisca +Datiscaceae +datiscaceous +datiscetin +datiscin +datiscoside +Datisi +Datism +datival +dative +datively +dativogerundial +datolite +datolitic +dattock +datum +Datura +daturic +daturism +daub +daube +Daubentonia +Daubentoniidae +dauber +daubery +daubing +daubingly +daubreeite +daubreelite +daubster +dauby +Daucus +daud +daughter +daughterhood +daughterkin +daughterless +daughterlike +daughterliness +daughterling +daughterly +daughtership +Daulias +daunch +dauncy +Daunii +daunt +daunter +daunting +dauntingly +dauntingness +dauntless +dauntlessly +dauntlessness +daunton +dauphin +dauphine +dauphiness +Daur +Dauri +daut +dautie +dauw +davach +Davallia +Dave +daven +davenport +daver +daverdy +David +Davidian +Davidic +Davidical +Davidist +davidsonite +Daviesia +daviesite +davit +davoch +Davy +davy +davyne +daw +dawdle +dawdler +dawdling +dawdlingly +dawdy +dawish +dawkin +Dawn +dawn +dawning +dawnlight +dawnlike +dawnstreak +dawnward +dawny +Dawson +Dawsonia +Dawsoniaceae +dawsoniaceous +dawsonite +dawtet +dawtit +dawut +day +dayabhaga +Dayakker +dayal +daybeam +dayberry +dayblush +daybook +daybreak +daydawn +daydream +daydreamer +daydreamy +daydrudge +dayflower +dayfly +daygoing +dayless +daylight +daylit +daylong +dayman +daymare +daymark +dayroom +days +dayshine +daysman +dayspring +daystar +daystreak +daytale +daytide +daytime +daytimes +dayward +daywork +dayworker +daywrit +Daza +daze +dazed +dazedly +dazedness +dazement +dazingly +dazy +dazzle +dazzlement +dazzler +dazzlingly +de +deacetylate +deacetylation +deacidification +deacidify +deacon +deaconal +deaconate +deaconess +deaconhood +deaconize +deaconry +deaconship +deactivate +deactivation +dead +deadbeat +deadborn +deadcenter +deaden +deadener +deadening +deader +deadeye +deadfall +deadhead +deadheadism +deadhearted +deadheartedly +deadheartedness +deadhouse +deading +deadish +deadishly +deadishness +deadlatch +deadlight +deadlily +deadline +deadliness +deadlock +deadly +deadman +deadmelt +deadness +deadpan +deadpay +deadtongue +deadwood +deadwort +deaerate +deaeration +deaerator +deaf +deafen +deafening +deafeningly +deafforest +deafforestation +deafish +deafly +deafness +deair +deal +dealable +dealate +dealated +dealation +dealbate +dealbation +dealbuminize +dealcoholist +dealcoholization +dealcoholize +dealer +dealerdom +dealership +dealfish +dealing +dealkalize +dealkylate +dealkylation +dealt +deambulation +deambulatory +deamidase +deamidate +deamidation +deamidization +deamidize +deaminase +deaminate +deamination +deaminization +deaminize +deammonation +Dean +dean +deanathematize +deaner +deanery +deaness +deanimalize +deanship +deanthropomorphic +deanthropomorphism +deanthropomorphization +deanthropomorphize +deappetizing +deaquation +dear +dearborn +dearie +dearly +dearness +dearomatize +dearsenicate +dearsenicator +dearsenicize +dearth +dearthfu +dearticulation +dearworth +dearworthily +dearworthiness +deary +deash +deasil +deaspirate +deaspiration +deassimilation +death +deathbed +deathblow +deathday +deathful +deathfully +deathfulness +deathify +deathin +deathiness +deathless +deathlessly +deathlessness +deathlike +deathliness +deathling +deathly +deathroot +deathshot +deathsman +deathtrap +deathward +deathwards +deathwatch +deathweed +deathworm +deathy +deave +deavely +Deb +deb +debacle +debadge +debamboozle +debar +debarbarization +debarbarize +debark +debarkation +debarkment +debarment +debarrance +debarrass +debarration +debase +debasedness +debasement +debaser +debasingly +debatable +debate +debateful +debatefully +debatement +debater +debating +debatingly +debauch +debauched +debauchedly +debauchedness +debauchee +debaucher +debauchery +debauchment +Debbie +Debby +debby +debeige +debellate +debellation +debellator +deben +debenture +debentured +debenzolize +Debi +debile +debilissima +debilitant +debilitate +debilitated +debilitation +debilitative +debility +debind +debit +debiteuse +debituminization +debituminize +deblaterate +deblateration +deboistly +deboistness +debonair +debonaire +debonairity +debonairly +debonairness +debonnaire +Deborah +debord +debordment +debosh +deboshed +debouch +debouchment +debride +debrief +debris +debrominate +debromination +debruise +debt +debtee +debtful +debtless +debtor +debtorship +debullition +debunk +debunker +debunkment +debus +Debussyan +Debussyanize +debut +debutant +debutante +decachord +decad +decadactylous +decadal +decadally +decadarch +decadarchy +decadary +decadation +decade +decadence +decadency +decadent +decadentism +decadently +decadescent +decadianome +decadic +decadist +decadrachm +decadrachma +decaesarize +decaffeinate +decaffeinize +decafid +decagon +decagonal +decagram +decagramme +decahedral +decahedron +decahydrate +decahydrated +decahydronaphthalene +Decaisnea +decal +decalcification +decalcifier +decalcify +decalcomania +decalcomaniac +decalescence +decalescent +Decalin +decaliter +decalitre +decalobate +Decalogist +Decalogue +decalvant +decalvation +decameral +Decameron +Decameronic +decamerous +decameter +decametre +decamp +decampment +decan +decanal +decanally +decanate +decane +decangular +decani +decanically +decannulation +decanonization +decanonize +decant +decantate +decantation +decanter +decantherous +decap +decapetalous +decaphyllous +decapitable +decapitalization +decapitalize +decapitate +decapitation +decapitator +decapod +Decapoda +decapodal +decapodan +decapodiform +decapodous +decapper +decapsulate +decapsulation +decarbonate +decarbonator +decarbonization +decarbonize +decarbonized +decarbonizer +decarboxylate +decarboxylation +decarboxylization +decarboxylize +decarburation +decarburization +decarburize +decarch +decarchy +decardinalize +decare +decarhinus +decarnate +decarnated +decart +decasemic +decasepalous +decaspermal +decaspermous +decast +decastellate +decastere +decastich +decastyle +decasualization +decasualize +decasyllabic +decasyllable +decasyllabon +decate +decathlon +decatholicize +decatize +decatizer +decatoic +decator +decatyl +decaudate +decaudation +decay +decayable +decayed +decayedness +decayer +decayless +decease +deceased +decedent +deceit +deceitful +deceitfully +deceitfulness +deceivability +deceivable +deceivableness +deceivably +deceive +deceiver +deceiving +deceivingly +decelerate +deceleration +decelerator +decelerometer +December +Decemberish +Decemberly +Decembrist +decemcostate +decemdentate +decemfid +decemflorous +decemfoliate +decemfoliolate +decemjugate +decemlocular +decempartite +decempeda +decempedal +decempedate +decempennate +decemplex +decemplicate +decempunctate +decemstriate +decemuiri +decemvir +decemviral +decemvirate +decemvirship +decenary +decence +decency +decene +decennal +decennary +decennia +decenniad +decennial +decennially +decennium +decennoval +decent +decenter +decently +decentness +decentralism +decentralist +decentralization +decentralize +decentration +decentre +decenyl +decephalization +deceptibility +deceptible +deception +deceptious +deceptiously +deceptitious +deceptive +deceptively +deceptiveness +deceptivity +decerebrate +decerebration +decerebrize +decern +decerniture +decernment +decess +decession +dechemicalization +dechemicalize +dechenite +Dechlog +dechlore +dechlorination +dechoralize +dechristianization +dechristianize +Decian +deciare +deciatine +decibel +deciceronize +decidable +decide +decided +decidedly +decidedness +decider +decidingly +decidua +decidual +deciduary +Deciduata +deciduate +deciduitis +deciduoma +deciduous +deciduously +deciduousness +decigram +decigramme +decil +decile +deciliter +decillion +decillionth +decima +decimal +decimalism +decimalist +decimalization +decimalize +decimally +decimate +decimation +decimator +decimestrial +decimeter +decimolar +decimole +decimosexto +Decimus +decinormal +decipher +decipherability +decipherable +decipherably +decipherer +decipherment +decipium +decipolar +decision +decisional +decisive +decisively +decisiveness +decistere +decitizenize +Decius +decivilization +decivilize +deck +decke +decked +deckel +decker +deckhead +deckhouse +deckie +decking +deckle +deckload +deckswabber +declaim +declaimant +declaimer +declamation +declamatoriness +declamatory +declarable +declarant +declaration +declarative +declaratively +declarator +declaratorily +declaratory +declare +declared +declaredly +declaredness +declarer +declass +declassicize +declassify +declension +declensional +declensionally +declericalize +declimatize +declinable +declinal +declinate +declination +declinational +declinatory +declinature +decline +declined +declinedness +decliner +declinograph +declinometer +declivate +declive +declivitous +declivity +declivous +declutch +decoagulate +decoagulation +decoat +decocainize +decoct +decoctible +decoction +decoctive +decoctum +decode +Decodon +decohere +decoherence +decoherer +decohesion +decoic +decoke +decollate +decollated +decollation +decollator +decolletage +decollete +decolor +decolorant +decolorate +decoloration +decolorimeter +decolorization +decolorize +decolorizer +decolour +decommission +decompensate +decompensation +decomplex +decomponible +decomposability +decomposable +decompose +decomposed +decomposer +decomposite +decomposition +decomposure +decompound +decompoundable +decompoundly +decompress +decompressing +decompression +decompressive +deconcatenate +deconcentrate +deconcentration +deconcentrator +decongestive +deconsecrate +deconsecration +deconsider +deconsideration +decontaminate +decontamination +decontrol +deconventionalize +decopperization +decopperize +decorability +decorable +decorably +decorament +decorate +decorated +decoration +decorationist +decorative +decoratively +decorativeness +decorator +decoratory +decorist +decorous +decorously +decorousness +decorrugative +decorticate +decortication +decorticator +decorticosis +decorum +decostate +decoy +decoyer +decoyman +decrassify +decream +decrease +decreaseless +decreasing +decreasingly +decreation +decreative +decree +decreeable +decreement +decreer +decreet +decrement +decrementless +decremeter +decrepit +decrepitate +decrepitation +decrepitly +decrepitness +decrepitude +decrescence +decrescendo +decrescent +decretal +decretalist +decrete +decretist +decretive +decretively +decretorial +decretorily +decretory +decretum +decrew +decrial +decried +decrier +decrown +decrudescence +decrustation +decry +decrystallization +decubital +decubitus +decultivate +deculturate +decuman +decumana +decumanus +Decumaria +decumary +decumbence +decumbency +decumbent +decumbently +decumbiture +decuple +decuplet +decuria +decurion +decurionate +decurrence +decurrency +decurrent +decurrently +decurring +decursion +decursive +decursively +decurtate +decurvation +decurvature +decurve +decury +decus +decussate +decussated +decussately +decussation +decussis +decussorium +decyl +decylene +decylenic +decylic +decyne +Dedan +Dedanim +Dedanite +dedecorate +dedecoration +dedecorous +dedendum +dedentition +dedicant +dedicate +dedicatee +dedication +dedicational +dedicative +dedicator +dedicatorial +dedicatorily +dedicatory +dedicature +dedifferentiate +dedifferentiation +dedimus +deditician +dediticiancy +dedition +dedo +dedoggerelize +dedogmatize +dedolation +deduce +deducement +deducibility +deducible +deducibleness +deducibly +deducive +deduct +deductible +deduction +deductive +deductively +deductory +deduplication +dee +deed +deedbox +deedeed +deedful +deedfully +deedily +deediness +deedless +deedy +deem +deemer +deemie +deemster +deemstership +deep +deepen +deepener +deepening +deepeningly +Deepfreeze +deeping +deepish +deeplier +deeply +deepmost +deepmouthed +deepness +deepsome +deepwater +deepwaterman +deer +deerberry +deerdog +deerdrive +deerfood +deerhair +deerherd +deerhorn +deerhound +deerlet +deermeat +deerskin +deerstalker +deerstalking +deerstand +deerstealer +deertongue +deerweed +deerwood +deeryard +deevey +deevilick +deface +defaceable +defacement +defacer +defacing +defacingly +defalcate +defalcation +defalcator +defalk +defamation +defamatory +defame +defamed +defamer +defamingly +defassa +defat +default +defaultant +defaulter +defaultless +defaulture +defeasance +defeasanced +defease +defeasibility +defeasible +defeasibleness +defeat +defeater +defeatism +defeatist +defeatment +defeature +defecant +defecate +defecation +defecator +defect +defectibility +defectible +defection +defectionist +defectious +defective +defectively +defectiveness +defectless +defectology +defector +defectoscope +defedation +defeminize +defence +defend +defendable +defendant +defender +defendress +defenestration +defensative +defense +defenseless +defenselessly +defenselessness +defensibility +defensible +defensibleness +defensibly +defension +defensive +defensively +defensiveness +defensor +defensorship +defensory +defer +deferable +deference +deferent +deferentectomy +deferential +deferentiality +deferentially +deferentitis +deferment +deferrable +deferral +deferred +deferrer +deferrization +deferrize +defervesce +defervescence +defervescent +defeudalize +defiable +defial +defiance +defiant +defiantly +defiantness +defiber +defibrinate +defibrination +defibrinize +deficience +deficiency +deficient +deficiently +deficit +defier +defiguration +defilade +defile +defiled +defiledness +defilement +defiler +defiliation +defiling +defilingly +definability +definable +definably +define +defined +definedly +definement +definer +definiendum +definiens +definite +definitely +definiteness +definition +definitional +definitiones +definitive +definitively +definitiveness +definitization +definitize +definitor +definitude +deflagrability +deflagrable +deflagrate +deflagration +deflagrator +deflate +deflation +deflationary +deflationist +deflator +deflect +deflectable +deflected +deflection +deflectionization +deflectionize +deflective +deflectometer +deflector +deflesh +deflex +deflexibility +deflexible +deflexion +deflexure +deflocculant +deflocculate +deflocculation +deflocculator +deflorate +defloration +deflorescence +deflower +deflowerer +defluent +defluous +defluvium +defluxion +defoedation +defog +defoliage +defoliate +defoliated +defoliation +defoliator +deforce +deforcement +deforceor +deforcer +deforciant +deforest +deforestation +deforester +deform +deformability +deformable +deformalize +deformation +deformational +deformative +deformed +deformedly +deformedness +deformer +deformeter +deformism +deformity +defortify +defoul +defraud +defraudation +defrauder +defraudment +defray +defrayable +defrayal +defrayer +defrayment +defreeze +defrication +defrock +defrost +defroster +deft +defterdar +deftly +deftness +defunct +defunction +defunctionalization +defunctionalize +defunctness +defuse +defusion +defy +defyingly +deg +deganglionate +degarnish +degas +degasification +degasifier +degasify +degasser +degauss +degelatinize +degelation +degeneracy +degeneralize +degenerate +degenerately +degenerateness +degeneration +degenerationist +degenerative +degenerescence +degenerescent +degentilize +degerm +degerminate +degerminator +degged +degger +deglaciation +deglaze +deglutinate +deglutination +deglutition +deglutitious +deglutitive +deglutitory +deglycerin +deglycerine +degorge +degradable +degradand +degradation +degradational +degradative +degrade +degraded +degradedly +degradedness +degradement +degrader +degrading +degradingly +degradingness +degraduate +degraduation +degrain +degrease +degreaser +degree +degreeless +degreewise +degression +degressive +degressively +degu +Deguelia +deguelin +degum +degummer +degust +degustation +dehair +dehairer +Dehaites +deheathenize +dehematize +dehepatize +Dehgan +dehisce +dehiscence +dehiscent +dehistoricize +Dehkan +dehnstufe +dehonestate +dehonestation +dehorn +dehorner +dehors +dehort +dehortation +dehortative +dehortatory +dehorter +dehull +dehumanization +dehumanize +dehumidification +dehumidifier +dehumidify +dehusk +Dehwar +dehydrant +dehydrase +dehydrate +dehydration +dehydrator +dehydroascorbic +dehydrocorydaline +dehydrofreezing +dehydrogenase +dehydrogenate +dehydrogenation +dehydrogenization +dehydrogenize +dehydromucic +dehydrosparteine +dehypnotize +deice +deicer +deicidal +deicide +deictic +deictical +deictically +deidealize +Deidesheimer +deific +deifical +deification +deificatory +deifier +deiform +deiformity +deify +deign +Deimos +deincrustant +deindividualization +deindividualize +deindividuate +deindustrialization +deindustrialize +deink +Deino +Deinocephalia +Deinoceras +Deinodon +Deinodontidae +deinos +Deinosauria +Deinotherium +deinsularize +deintellectualization +deintellectualize +deionize +Deipara +deiparous +Deiphobus +deipnodiplomatic +deipnophobia +deipnosophism +deipnosophist +deipnosophistic +deipotent +Deirdre +deiseal +deisidaimonia +deism +deist +deistic +deistical +deistically +deisticalness +deity +deityship +deject +dejecta +dejected +dejectedly +dejectedness +dejectile +dejection +dejectly +dejectory +dejecture +dejerate +dejeration +dejerator +dejeune +dejeuner +dejunkerize +Dekabrist +dekaparsec +dekapode +dekko +dekle +deknight +Del +delabialization +delabialize +delacrimation +delactation +delaine +delaminate +delamination +delapse +delapsion +delate +delater +delatinization +delatinize +delation +delator +delatorian +Delaware +Delawarean +delawn +delay +delayable +delayage +delayer +delayful +delaying +delayingly +Delbert +dele +delead +delectability +delectable +delectableness +delectably +delectate +delectation +delectus +delegable +delegacy +delegalize +delegant +delegate +delegatee +delegateship +delegation +delegative +delegator +delegatory +delenda +Delesseria +Delesseriaceae +delesseriaceous +delete +deleterious +deleteriously +deleteriousness +deletion +deletive +deletory +delf +delft +delftware +Delhi +Delia +Delian +deliberalization +deliberalize +deliberant +deliberate +deliberately +deliberateness +deliberation +deliberative +deliberatively +deliberativeness +deliberator +delible +delicacy +delicate +delicately +delicateness +delicatesse +delicatessen +delicense +Delichon +delicioso +Delicious +delicious +deliciously +deliciousness +delict +delictum +deligated +deligation +delight +delightable +delighted +delightedly +delightedness +delighter +delightful +delightfully +delightfulness +delighting +delightingly +delightless +delightsome +delightsomely +delightsomeness +delignate +delignification +Delilah +delime +delimit +delimitate +delimitation +delimitative +delimiter +delimitize +delineable +delineament +delineate +delineation +delineative +delineator +delineatory +delineature +delinquence +delinquency +delinquent +delinquently +delint +delinter +deliquesce +deliquescence +deliquescent +deliquium +deliracy +delirament +deliration +deliriant +delirifacient +delirious +deliriously +deliriousness +delirium +delitescence +delitescency +delitescent +deliver +deliverable +deliverance +deliverer +deliveress +deliveror +delivery +deliveryman +dell +Della +dellenite +Delobranchiata +delocalization +delocalize +delomorphic +delomorphous +deloul +delouse +delphacid +Delphacidae +Delphian +Delphin +Delphinapterus +delphine +delphinic +Delphinid +Delphinidae +delphinin +delphinine +delphinite +Delphinium +Delphinius +delphinoid +Delphinoidea +delphinoidine +Delphinus +delphocurarine +Delsarte +Delsartean +Delsartian +Delta +delta +deltafication +deltaic +deltal +deltarium +deltation +delthyrial +delthyrium +deltic +deltidial +deltidium +deltiology +deltohedron +deltoid +deltoidal +delubrum +deludable +delude +deluder +deludher +deluding +deludingly +deluge +deluminize +delundung +delusion +delusional +delusionist +delusive +delusively +delusiveness +delusory +deluster +deluxe +delve +delver +demagnetizable +demagnetization +demagnetize +demagnetizer +demagog +demagogic +demagogical +demagogically +demagogism +demagogue +demagoguery +demagogy +demal +demand +demandable +demandant +demander +demanding +demandingly +demanganization +demanganize +demantoid +demarcate +demarcation +demarcator +demarch +demarchy +demargarinate +demark +demarkation +demast +dematerialization +dematerialize +Dematiaceae +dematiaceous +deme +demean +demeanor +demegoric +demency +dement +dementate +dementation +demented +dementedly +dementedness +dementholize +dementia +demephitize +demerit +demeritorious +demeritoriously +Demerol +demersal +demersed +demersion +demesman +demesmerize +demesne +demesnial +demetallize +demethylate +demethylation +Demetrian +demetricize +demi +demiadult +demiangel +demiassignation +demiatheism +demiatheist +demibarrel +demibastion +demibastioned +demibath +demibeast +demibelt +demibob +demibombard +demibrassart +demibrigade +demibrute +demibuckram +demicadence +demicannon +demicanon +demicanton +demicaponier +demichamfron +demicircle +demicircular +demicivilized +demicolumn +demicoronal +demicritic +demicuirass +demiculverin +demicylinder +demicylindrical +demidandiprat +demideify +demideity +demidevil +demidigested +demidistance +demiditone +demidoctor +demidog +demidolmen +demidome +demieagle +demifarthing +demifigure +demiflouncing +demifusion +demigardebras +demigauntlet +demigentleman +demiglobe +demigod +demigoddess +demigoddessship +demigorge +demigriffin +demigroat +demihag +demihearse +demiheavenly +demihigh +demihogshead +demihorse +demihuman +demijambe +demijohn +demikindred +demiking +demilance +demilancer +demilawyer +demilegato +demilion +demilitarization +demilitarize +demiliterate +demilune +demiluster +demilustre +demiman +demimark +demimentoniere +demimetope +demimillionaire +demimondaine +demimonde +demimonk +deminatured +demineralization +demineralize +deminude +deminudity +demioctagonal +demioctangular +demiofficial +demiorbit +demiourgoi +demiowl +demiox +demipagan +demiparallel +demipauldron +demipectinate +demipesade +demipike +demipillar +demipique +demiplacate +demiplate +demipomada +demipremise +demipremiss +demipriest +demipronation +demipuppet +demiquaver +demiracle +demiram +demirelief +demirep +demirevetment +demirhumb +demirilievo +demirobe +demisability +demisable +demisacrilege +demisang +demisangue +demisavage +demise +demiseason +demisecond +demisemiquaver +demisemitone +demisheath +demishirt +demisovereign +demisphere +demiss +demission +demissionary +demissly +demissness +demissory +demisuit +demit +demitasse +demitint +demitoilet +demitone +demitrain +demitranslucence +demitube +demiturned +demiurge +demiurgeous +demiurgic +demiurgical +demiurgically +demiurgism +demivambrace +demivirgin +demivoice +demivol +demivolt +demivotary +demiwivern +demiwolf +demnition +demob +demobilization +demobilize +democracy +democrat +democratian +democratic +democratical +democratically +democratifiable +democratism +democratist +democratization +democratize +demodectic +demoded +Demodex +Demodicidae +Demodocus +demodulation +demodulator +demogenic +Demogorgon +demographer +demographic +demographical +demographically +demographist +demography +demoid +demoiselle +demolish +demolisher +demolishment +demolition +demolitionary +demolitionist +demological +demology +Demon +demon +demonastery +demoness +demonetization +demonetize +demoniac +demoniacal +demoniacally +demoniacism +demonial +demonian +demonianism +demoniast +demonic +demonical +demonifuge +demonish +demonism +demonist +demonize +demonkind +demonland +demonlike +demonocracy +demonograph +demonographer +demonography +demonolater +demonolatrous +demonolatrously +demonolatry +demonologer +demonologic +demonological +demonologically +demonologist +demonology +demonomancy +demonophobia +demonry +demonship +demonstrability +demonstrable +demonstrableness +demonstrably +demonstrant +demonstratable +demonstrate +demonstratedly +demonstrater +demonstration +demonstrational +demonstrationist +demonstrative +demonstratively +demonstrativeness +demonstrator +demonstratorship +demonstratory +demophil +demophilism +demophobe +Demophon +Demophoon +demoralization +demoralize +demoralizer +demorphinization +demorphism +demos +Demospongiae +Demosthenean +Demosthenic +demote +demotic +demotics +demotion +demotist +demount +demountability +demountable +dempster +demulce +demulcent +demulsibility +demulsify +demulsion +demure +demurely +demureness +demurity +demurrable +demurrage +demurral +demurrant +demurrer +demurring +demurringly +demutization +demy +demyship +den +denarcotization +denarcotize +denarius +denaro +denary +denat +denationalization +denationalize +denaturalization +denaturalize +denaturant +denaturate +denaturation +denature +denaturization +denaturize +denaturizer +denazify +denda +dendrachate +dendral +Dendraspis +dendraxon +dendric +dendriform +dendrite +Dendrites +dendritic +dendritical +dendritically +dendritiform +Dendrium +Dendrobates +Dendrobatinae +dendrobe +Dendrobium +Dendrocalamus +Dendroceratina +dendroceratine +Dendrochirota +dendrochronological +dendrochronologist +dendrochronology +dendroclastic +Dendrocoela +dendrocoelan +dendrocoele +dendrocoelous +Dendrocolaptidae +dendrocolaptine +Dendroctonus +Dendrocygna +dendrodont +Dendrodus +Dendroeca +Dendrogaea +Dendrogaean +dendrograph +dendrography +Dendrohyrax +Dendroica +dendroid +dendroidal +Dendroidea +Dendrolagus +dendrolatry +Dendrolene +dendrolite +dendrologic +dendrological +dendrologist +dendrologous +dendrology +Dendromecon +dendrometer +dendron +dendrophil +dendrophile +dendrophilous +Dendropogon +Dene +dene +Deneb +Denebola +denegate +denegation +denehole +denervate +denervation +deneutralization +dengue +deniable +denial +denicotinize +denier +denierage +denierer +denigrate +denigration +denigrator +denim +Denis +denitrate +denitration +denitrator +denitrificant +denitrification +denitrificator +denitrifier +denitrify +denitrize +denization +denizen +denizenation +denizenize +denizenship +Denmark +dennet +Dennis +Dennstaedtia +denominable +denominate +denomination +denominational +denominationalism +denominationalist +denominationalize +denominationally +denominative +denominatively +denominator +denotable +denotation +denotative +denotatively +denotativeness +denotatum +denote +denotement +denotive +denouement +denounce +denouncement +denouncer +dense +densely +densen +denseness +denshare +densher +denshire +densification +densifier +densify +densimeter +densimetric +densimetrically +densimetry +densitometer +density +dent +dentagra +dental +dentale +dentalgia +Dentaliidae +dentalism +dentality +Dentalium +dentalization +dentalize +dentally +dentaphone +Dentaria +dentary +dentata +dentate +dentated +dentately +dentation +dentatoangulate +dentatocillitate +dentatocostate +dentatocrenate +dentatoserrate +dentatosetaceous +dentatosinuate +dentel +dentelated +dentelle +dentelure +denter +dentex +dentical +denticate +Denticeti +denticle +denticular +denticulate +denticulately +denticulation +denticule +dentiferous +dentification +dentiform +dentifrice +dentigerous +dentil +dentilabial +dentilated +dentilation +dentile +dentilingual +dentiloquist +dentiloquy +dentimeter +dentin +dentinal +dentinalgia +dentinasal +dentine +dentinitis +dentinoblast +dentinocemental +dentinoid +dentinoma +dentiparous +dentiphone +dentiroster +dentirostral +dentirostrate +Dentirostres +dentiscalp +dentist +dentistic +dentistical +dentistry +dentition +dentoid +dentolabial +dentolingual +dentonasal +dentosurgical +dentural +denture +denty +denucleate +denudant +denudate +denudation +denudative +denude +denuder +denumerable +denumerably +denumeral +denumerant +denumerantive +denumeration +denumerative +denunciable +denunciant +denunciate +denunciation +denunciative +denunciatively +denunciator +denunciatory +denutrition +deny +denyingly +deobstruct +deobstruent +deoccidentalize +deoculate +deodand +deodara +deodorant +deodorization +deodorize +deodorizer +deontological +deontologist +deontology +deoperculate +deoppilant +deoppilate +deoppilation +deoppilative +deordination +deorganization +deorganize +deorientalize +deorsumvergence +deorsumversion +deorusumduction +deossification +deossify +deota +deoxidant +deoxidate +deoxidation +deoxidative +deoxidator +deoxidization +deoxidize +deoxidizer +deoxygenate +deoxygenation +deoxygenization +deozonization +deozonize +deozonizer +depa +depaganize +depaint +depancreatization +depancreatize +depark +deparliament +depart +departed +departer +departisanize +departition +department +departmental +departmentalism +departmentalization +departmentalize +departmentally +departmentization +departmentize +departure +depas +depascent +depass +depasturable +depasturage +depasturation +depasture +depatriate +depauperate +depauperation +depauperization +depauperize +depencil +depend +dependability +dependable +dependableness +dependably +dependence +dependency +dependent +dependently +depender +depending +dependingly +depeople +deperdite +deperditely +deperition +depersonalization +depersonalize +depersonize +depetalize +depeter +depetticoat +dephase +dephilosophize +dephlegmate +dephlegmation +dephlegmatize +dephlegmator +dephlegmatory +dephlegmedness +dephlogisticate +dephlogisticated +dephlogistication +dephosphorization +dephosphorize +dephysicalization +dephysicalize +depickle +depict +depicter +depiction +depictive +depicture +depiedmontize +depigment +depigmentate +depigmentation +depigmentize +depilate +depilation +depilator +depilatory +depilitant +depilous +deplaceable +deplane +deplasmolysis +deplaster +deplenish +deplete +deplethoric +depletion +depletive +depletory +deploitation +deplorability +deplorable +deplorableness +deplorably +deploration +deplore +deplored +deploredly +deploredness +deplorer +deploringly +deploy +deployment +deplumate +deplumated +deplumation +deplume +deplump +depoetize +depoh +depolarization +depolarize +depolarizer +depolish +depolishing +depolymerization +depolymerize +depone +deponent +depopularize +depopulate +depopulation +depopulative +depopulator +deport +deportable +deportation +deportee +deporter +deportment +deposable +deposal +depose +deposer +deposit +depositary +depositation +depositee +deposition +depositional +depositive +depositor +depository +depositum +depositure +depot +depotentiate +depotentiation +depravation +deprave +depraved +depravedly +depravedness +depraver +depravingly +depravity +deprecable +deprecate +deprecatingly +deprecation +deprecative +deprecator +deprecatorily +deprecatoriness +deprecatory +depreciable +depreciant +depreciate +depreciatingly +depreciation +depreciative +depreciatively +depreciator +depreciatoriness +depreciatory +depredate +depredation +depredationist +depredator +depredatory +depress +depressant +depressed +depressibility +depressible +depressing +depressingly +depressingness +depression +depressive +depressively +depressiveness +depressomotor +depressor +depreter +deprint +depriorize +deprivable +deprival +deprivate +deprivation +deprivative +deprive +deprivement +depriver +deprovincialize +depside +depth +depthen +depthing +depthless +depthometer +depthwise +depullulation +depurant +depurate +depuration +depurative +depurator +depuratory +depursement +deputable +deputation +deputational +deputationist +deputationize +deputative +deputatively +deputator +depute +deputize +deputy +deputyship +dequeen +derabbinize +deracialize +deracinate +deracination +deradelphus +deradenitis +deradenoncus +derah +deraign +derail +derailer +derailment +derange +derangeable +deranged +derangement +deranger +derat +derate +derater +derationalization +derationalize +deratization +deray +Derbend +Derby +derby +derbylite +dere +deregister +deregulationize +dereism +dereistic +dereistically +Derek +derelict +dereliction +derelictly +derelictness +dereligion +dereligionize +derencephalocele +derencephalus +deresinate +deresinize +deric +deride +derider +deridingly +Deringa +Deripia +derisible +derision +derisive +derisively +derisiveness +derisory +derivability +derivable +derivably +derival +derivant +derivate +derivately +derivation +derivational +derivationally +derivationist +derivatist +derivative +derivatively +derivativeness +derive +derived +derivedly +derivedness +deriver +derm +derma +Dermacentor +dermad +dermahemia +dermal +dermalgia +dermalith +dermamyiasis +dermanaplasty +dermapostasis +Dermaptera +dermapteran +dermapterous +dermaskeleton +dermasurgery +dermatagra +dermatalgia +dermataneuria +dermatatrophia +dermatauxe +dermathemia +dermatic +dermatine +dermatitis +Dermatobia +dermatocele +dermatocellulitis +dermatoconiosis +Dermatocoptes +dermatocoptic +dermatocyst +dermatodynia +dermatogen +dermatoglyphics +dermatograph +dermatographia +dermatography +dermatoheteroplasty +dermatoid +dermatological +dermatologist +dermatology +dermatolysis +dermatoma +dermatome +dermatomere +dermatomic +dermatomuscular +dermatomyces +dermatomycosis +dermatomyoma +dermatoneural +dermatoneurology +dermatoneurosis +dermatonosus +dermatopathia +dermatopathic +dermatopathology +dermatopathophobia +Dermatophagus +dermatophobia +dermatophone +dermatophony +dermatophyte +dermatophytic +dermatophytosis +dermatoplasm +dermatoplast +dermatoplastic +dermatoplasty +dermatopnagic +dermatopsy +Dermatoptera +dermatoptic +dermatorrhagia +dermatorrhea +dermatorrhoea +dermatosclerosis +dermatoscopy +dermatosis +dermatoskeleton +dermatotherapy +dermatotome +dermatotomy +dermatotropic +dermatoxerasia +dermatozoon +dermatozoonosis +dermatrophia +dermatrophy +dermenchysis +Dermestes +dermestid +Dermestidae +dermestoid +dermic +dermis +dermitis +dermoblast +Dermobranchia +dermobranchiata +dermobranchiate +Dermochelys +dermochrome +dermococcus +dermogastric +dermographia +dermographic +dermographism +dermography +dermohemal +dermohemia +dermohumeral +dermoid +dermoidal +dermoidectomy +dermol +dermolysis +dermomuscular +dermomycosis +dermoneural +dermoneurosis +dermonosology +dermoosseous +dermoossification +dermopathic +dermopathy +dermophlebitis +dermophobe +dermophyte +dermophytic +dermoplasty +Dermoptera +dermopteran +dermopterous +dermoreaction +Dermorhynchi +dermorhynchous +dermosclerite +dermoskeletal +dermoskeleton +dermostenosis +dermostosis +dermosynovitis +dermotropic +dermovaccine +dermutation +dern +dernier +derodidymus +derogate +derogately +derogation +derogative +derogatively +derogator +derogatorily +derogatoriness +derogatory +Derotrema +Derotremata +derotremate +derotrematous +derotreme +derout +Derrick +derrick +derricking +derrickman +derride +derries +derringer +Derris +derry +dertrotheca +dertrum +deruinate +deruralize +derust +dervish +dervishhood +dervishism +dervishlike +desaccharification +desacralization +desacralize +desalt +desamidization +desand +desaturate +desaturation +desaurin +descale +descant +descanter +descantist +descend +descendable +descendance +descendant +descendence +descendent +descendental +descendentalism +descendentalist +descendentalistic +descender +descendibility +descendible +descending +descendingly +descension +descensional +descensionist +descensive +descent +Deschampsia +descloizite +descort +describability +describable +describably +describe +describer +descrier +descript +description +descriptionist +descriptionless +descriptive +descriptively +descriptiveness +descriptory +descrive +descry +deseasonalize +desecrate +desecrater +desecration +desectionalize +deseed +desegmentation +desegmented +desensitization +desensitize +desensitizer +desentimentalize +deseret +desert +deserted +desertedly +desertedness +deserter +desertful +desertfully +desertic +deserticolous +desertion +desertism +desertless +desertlessly +desertlike +desertness +desertress +desertrice +desertward +deserve +deserved +deservedly +deservedness +deserveless +deserver +deserving +deservingly +deservingness +desex +desexualization +desexualize +deshabille +desi +desiccant +desiccate +desiccation +desiccative +desiccator +desiccatory +desiderant +desiderata +desiderate +desideration +desiderative +desideratum +desight +desightment +design +designable +designate +designation +designative +designator +designatory +designatum +designed +designedly +designedness +designee +designer +designful +designfully +designfulness +designing +designingly +designless +designlessly +designlessness +desilicate +desilicification +desilicify +desiliconization +desiliconize +desilver +desilverization +desilverize +desilverizer +desinence +desinent +desiodothyroxine +desipience +desipiency +desipient +desirability +desirable +desirableness +desirably +desire +desired +desiredly +desiredness +desireful +desirefulness +desireless +desirer +desiringly +desirous +desirously +desirousness +desist +desistance +desistive +desition +desize +desk +desklike +deslime +desma +desmachymatous +desmachyme +desmacyte +desman +Desmanthus +Desmarestia +Desmarestiaceae +desmarestiaceous +Desmatippus +desmectasia +desmepithelium +desmic +desmid +Desmidiaceae +desmidiaceous +Desmidiales +desmidiologist +desmidiology +desmine +desmitis +desmocyte +desmocytoma +Desmodactyli +Desmodium +desmodont +Desmodontidae +Desmodus +desmodynia +desmogen +desmogenous +Desmognathae +desmognathism +desmognathous +desmography +desmohemoblast +desmoid +desmology +desmoma +Desmomyaria +desmon +Desmoncus +desmoneoplasm +desmonosology +desmopathologist +desmopathology +desmopathy +desmopelmous +desmopexia +desmopyknosis +desmorrhexis +Desmoscolecidae +Desmoscolex +desmosis +desmosite +Desmothoraca +desmotomy +desmotrope +desmotropic +desmotropism +desocialization +desocialize +desolate +desolately +desolateness +desolater +desolating +desolatingly +desolation +desolative +desonation +desophisticate +desophistication +desorption +desoxalate +desoxyanisoin +desoxybenzoin +desoxycinchonine +desoxycorticosterone +desoxymorphine +desoxyribonucleic +despair +despairer +despairful +despairfully +despairfulness +despairing +despairingly +despairingness +despecialization +despecialize +despecificate +despecification +despect +desperacy +desperado +desperadoism +desperate +desperately +desperateness +desperation +despicability +despicable +despicableness +despicably +despiritualization +despiritualize +despisable +despisableness +despisal +despise +despisedness +despisement +despiser +despisingly +despite +despiteful +despitefully +despitefulness +despiteous +despiteously +despoil +despoiler +despoilment +despoliation +despond +despondence +despondency +despondent +despondently +desponder +desponding +despondingly +despot +despotat +Despotes +despotic +despotically +despoticalness +despoticly +despotism +despotist +despotize +despumate +despumation +desquamate +desquamation +desquamative +desquamatory +dess +dessa +dessert +dessertspoon +dessertspoonful +dessiatine +dessil +destabilize +destain +destandardize +desterilization +desterilize +destinate +destination +destine +destinezite +destinism +destinist +destiny +destitute +destitutely +destituteness +destitution +destour +destress +destrier +destroy +destroyable +destroyer +destroyingly +destructibility +destructible +destructibleness +destruction +destructional +destructionism +destructionist +destructive +destructively +destructiveness +destructivism +destructivity +destructor +destructuralize +desubstantiate +desucration +desuete +desuetude +desugar +desugarize +Desulfovibrio +desulphur +desulphurate +desulphuration +desulphurization +desulphurize +desulphurizer +desultor +desultorily +desultoriness +desultorious +desultory +desuperheater +desyatin +desyl +desynapsis +desynaptic +desynonymization +desynonymize +detach +detachability +detachable +detachableness +detachably +detached +detachedly +detachedness +detacher +detachment +detail +detailed +detailedly +detailedness +detailer +detailism +detailist +detain +detainable +detainal +detainer +detainingly +detainment +detar +detassel +detax +detect +detectability +detectable +detectably +detectaphone +detecter +detectible +detection +detective +detectivism +detector +detenant +detent +detention +detentive +deter +deterge +detergence +detergency +detergent +detergible +deteriorate +deterioration +deteriorationist +deteriorative +deteriorator +deteriorism +deteriority +determent +determinability +determinable +determinableness +determinably +determinacy +determinant +determinantal +determinate +determinately +determinateness +determination +determinative +determinatively +determinativeness +determinator +determine +determined +determinedly +determinedness +determiner +determinism +determinist +deterministic +determinoid +deterrence +deterrent +detersion +detersive +detersively +detersiveness +detest +detestability +detestable +detestableness +detestably +detestation +detester +dethronable +dethrone +dethronement +dethroner +dethyroidism +detin +detinet +detinue +detonable +detonate +detonation +detonative +detonator +detorsion +detour +detoxicant +detoxicate +detoxication +detoxicator +detoxification +detoxify +detract +detracter +detractingly +detraction +detractive +detractively +detractiveness +detractor +detractory +detractress +detrain +detrainment +detribalization +detribalize +detriment +detrimental +detrimentality +detrimentally +detrimentalness +detrital +detrited +detrition +detritus +Detroiter +detrude +detruncate +detruncation +detrusion +detrusive +detrusor +detubation +detumescence +detune +detur +deuce +deuced +deucedly +deul +deurbanize +deutencephalic +deutencephalon +deuteragonist +deuteranomal +deuteranomalous +deuteranope +deuteranopia +deuteranopic +deuteric +deuteride +deuterium +deuteroalbumose +deuterocanonical +deuterocasease +deuterocone +deuteroconid +deuterodome +deuteroelastose +deuterofibrinose +deuterogamist +deuterogamy +deuterogelatose +deuterogenic +deuteroglobulose +deuteromorphic +Deuteromycetes +deuteromyosinose +deuteron +Deuteronomic +Deuteronomical +Deuteronomist +Deuteronomistic +Deuteronomy +deuteropathic +deuteropathy +deuteroplasm +deuteroprism +deuteroproteose +deuteroscopic +deuteroscopy +deuterostoma +Deuterostomata +deuterostomatous +deuterotokous +deuterotoky +deuterotype +deuterovitellose +deuterozooid +deutobromide +deutocarbonate +deutochloride +deutomala +deutomalal +deutomalar +deutomerite +deuton +deutonephron +deutonymph +deutonymphal +deutoplasm +deutoplasmic +deutoplastic +deutoscolex +deutoxide +Deutzia +dev +deva +devachan +devadasi +devall +devaloka +devalorize +devaluate +devaluation +devalue +devance +devaporate +devaporation +devast +devastate +devastating +devastatingly +devastation +devastative +devastator +devastavit +devaster +devata +develin +develop +developability +developable +developedness +developer +developist +development +developmental +developmentalist +developmentally +developmentarian +developmentary +developmentist +developoid +devertebrated +devest +deviability +deviable +deviancy +deviant +deviate +deviation +deviationism +deviationist +deviative +deviator +deviatory +device +deviceful +devicefully +devicefulness +devil +devilbird +devildom +deviled +deviler +deviless +devilet +devilfish +devilhood +deviling +devilish +devilishly +devilishness +devilism +devilize +devilkin +devillike +devilman +devilment +devilmonger +devilry +devilship +deviltry +devilward +devilwise +devilwood +devily +devious +deviously +deviousness +devirginate +devirgination +devirginator +devirilize +devisable +devisal +deviscerate +devisceration +devise +devisee +deviser +devisor +devitalization +devitalize +devitalized +devitaminize +devitrification +devitrify +devocalization +devocalize +devoice +devoid +devoir +devolatilize +devolute +devolution +devolutionary +devolutionist +devolve +devolvement +Devon +Devonian +Devonic +devonite +devonport +devonshire +devorative +devote +devoted +devotedly +devotedness +devotee +devoteeism +devotement +devoter +devotion +devotional +devotionalism +devotionalist +devotionality +devotionally +devotionalness +devotionate +devotionist +devour +devourable +devourer +devouress +devouring +devouringly +devouringness +devourment +devout +devoutless +devoutlessly +devoutlessness +devoutly +devoutness +devow +devulcanization +devulcanize +devulgarize +devvel +dew +dewan +dewanee +dewanship +dewater +dewaterer +dewax +dewbeam +dewberry +dewclaw +dewclawed +dewcup +dewdamp +dewdrop +dewdropper +dewer +Dewey +deweylite +dewfall +dewflower +dewily +dewiness +dewlap +dewlapped +dewless +dewlight +dewlike +dewool +deworm +dewret +dewtry +dewworm +dewy +dexiocardia +dexiotrope +dexiotropic +dexiotropism +dexiotropous +Dexter +dexter +dexterical +dexterity +dexterous +dexterously +dexterousness +dextrad +dextral +dextrality +dextrally +dextran +dextraural +dextrin +dextrinase +dextrinate +dextrinize +dextrinous +dextro +dextroaural +dextrocardia +dextrocardial +dextrocerebral +dextrocular +dextrocularity +dextroduction +dextroglucose +dextrogyrate +dextrogyration +dextrogyratory +dextrogyrous +dextrolactic +dextrolimonene +dextropinene +dextrorotary +dextrorotatary +dextrorotation +dextrorsal +dextrorse +dextrorsely +dextrosazone +dextrose +dextrosinistral +dextrosinistrally +dextrosuria +dextrotartaric +dextrotropic +dextrotropous +dextrous +dextrously +dextrousness +dextroversion +dey +deyhouse +deyship +deywoman +Dezaley +dezinc +dezincation +dezincification +dezincify +dezymotize +dha +dhabb +dhai +dhak +dhamnoo +dhan +dhangar +dhanuk +dhanush +Dhanvantari +dharana +dharani +dharma +dharmakaya +dharmashastra +dharmasmriti +dharmasutra +dharmsala +dharna +dhaura +dhauri +dhava +dhaw +Dheneb +dheri +dhobi +dhole +dhoni +dhoon +dhoti +dhoul +dhow +Dhritarashtra +dhu +dhunchee +dhunchi +Dhundia +dhurra +dhyal +dhyana +di +diabase +diabasic +diabetes +diabetic +diabetogenic +diabetogenous +diabetometer +diablerie +diabolarch +diabolarchy +diabolatry +diabolepsy +diaboleptic +diabolic +diabolical +diabolically +diabolicalness +diabolification +diabolify +diabolism +diabolist +diabolization +diabolize +diabological +diabology +diabolology +diabrosis +diabrotic +Diabrotica +diacanthous +diacaustic +diacetamide +diacetate +diacetic +diacetin +diacetine +diacetonuria +diaceturia +diacetyl +diacetylene +diachoretic +diachronic +diachylon +diachylum +diacid +diacipiperazine +diaclase +diaclasis +diaclastic +diacle +diaclinal +diacodion +diacoele +diacoelia +diaconal +diaconate +diaconia +diaconicon +diaconicum +diacope +diacranterian +diacranteric +diacrisis +diacritic +diacritical +diacritically +Diacromyodi +diacromyodian +diact +diactin +diactinal +diactinic +diactinism +Diadelphia +diadelphian +diadelphic +diadelphous +diadem +Diadema +Diadematoida +diaderm +diadermic +diadoche +Diadochi +Diadochian +diadochite +diadochokinesia +diadochokinetic +diadromous +diadumenus +diaene +diaereses +diaeresis +diaeretic +diaetetae +diagenesis +diagenetic +diageotropic +diageotropism +diaglyph +diaglyphic +diagnosable +diagnose +diagnoseable +diagnoses +diagnosis +diagnostic +diagnostically +diagnosticate +diagnostication +diagnostician +diagnostics +diagometer +diagonal +diagonality +diagonalize +diagonally +diagonalwise +diagonic +diagram +diagrammatic +diagrammatical +diagrammatician +diagrammatize +diagrammeter +diagrammitically +diagraph +diagraphic +diagraphical +diagraphics +diagredium +diagrydium +Diaguitas +Diaguite +diaheliotropic +diaheliotropically +diaheliotropism +diakinesis +dial +dialcohol +dialdehyde +dialect +dialectal +dialectalize +dialectally +dialectic +dialectical +dialectically +dialectician +dialecticism +dialecticize +dialectics +dialectologer +dialectological +dialectologist +dialectology +dialector +dialer +dialin +dialing +dialist +Dialister +dialkyl +dialkylamine +diallage +diallagic +diallagite +diallagoid +diallel +diallelon +diallelus +diallyl +dialogic +dialogical +dialogically +dialogism +dialogist +dialogistic +dialogistical +dialogistically +dialogite +dialogize +dialogue +dialoguer +Dialonian +dialuric +dialycarpous +Dialypetalae +dialypetalous +dialyphyllous +dialysepalous +dialysis +dialystaminous +dialystelic +dialystely +dialytic +dialytically +dialyzability +dialyzable +dialyzate +dialyzation +dialyzator +dialyze +dialyzer +diamagnet +diamagnetic +diamagnetically +diamagnetism +diamantiferous +diamantine +diamantoid +diamb +diambic +diamesogamous +diameter +diametral +diametrally +diametric +diametrical +diametrically +diamicton +diamide +diamidogen +diamine +diaminogen +diaminogene +diammine +diamminobromide +diamminonitrate +diammonium +diamond +diamondback +diamonded +diamondiferous +diamondize +diamondlike +diamondwise +diamondwork +diamorphine +diamylose +Dian +dian +Diana +Diancecht +diander +Diandria +diandrian +diandrous +Diane +dianetics +Dianil +dianilid +dianilide +dianisidin +dianisidine +dianite +dianodal +dianoetic +dianoetical +dianoetically +Dianthaceae +Dianthera +Dianthus +diapalma +diapase +diapasm +diapason +diapasonal +diapause +diapedesis +diapedetic +Diapensia +Diapensiaceae +diapensiaceous +diapente +diaper +diapering +diaphane +diaphaneity +diaphanie +diaphanometer +diaphanometric +diaphanometry +diaphanoscope +diaphanoscopy +diaphanotype +diaphanous +diaphanously +diaphanousness +diaphany +diaphone +diaphonia +diaphonic +diaphonical +diaphony +diaphoresis +diaphoretic +diaphoretical +diaphorite +diaphote +diaphototropic +diaphototropism +diaphragm +diaphragmal +diaphragmatic +diaphragmatically +diaphtherin +diaphysial +diaphysis +diaplasma +diaplex +diaplexal +diaplexus +diapnoic +diapnotic +diapophysial +diapophysis +Diaporthe +diapositive +diapsid +Diapsida +diapsidan +diapyesis +diapyetic +diarch +diarchial +diarchic +diarchy +diarhemia +diarial +diarian +diarist +diaristic +diarize +diarrhea +diarrheal +diarrheic +diarrhetic +diarsenide +diarthric +diarthrodial +diarthrosis +diarticular +diary +diaschisis +diaschisma +diaschistic +Diascia +diascope +diascopy +diascord +diascordium +diaskeuasis +diaskeuast +Diaspidinae +diaspidine +Diaspinae +diaspine +diaspirin +Diaspora +diaspore +diastaltic +diastase +diastasic +diastasimetry +diastasis +diastataxic +diastataxy +diastatic +diastatically +diastem +diastema +diastematic +diastematomyelia +diaster +diastole +diastolic +diastomatic +diastral +diastrophe +diastrophic +diastrophism +diastrophy +diasynthesis +diasyrm +diatessaron +diathermacy +diathermal +diathermancy +diathermaneity +diathermanous +diathermic +diathermize +diathermometer +diathermotherapy +diathermous +diathermy +diathesic +diathesis +diathetic +diatom +Diatoma +Diatomaceae +diatomacean +diatomaceoid +diatomaceous +Diatomales +Diatomeae +diatomean +diatomic +diatomicity +diatomiferous +diatomin +diatomist +diatomite +diatomous +diatonic +diatonical +diatonically +diatonous +diatoric +diatreme +diatribe +diatribist +diatropic +diatropism +Diatryma +Diatrymiformes +Diau +diaulic +diaulos +diaxial +diaxon +diazenithal +diazeuctic +diazeuxis +diazide +diazine +diazoamine +diazoamino +diazoaminobenzene +diazoanhydride +diazoate +diazobenzene +diazohydroxide +diazoic +diazoimide +diazoimido +diazole +diazoma +diazomethane +diazonium +diazotate +diazotic +diazotizability +diazotizable +diazotization +diazotize +diazotype +dib +dibase +dibasic +dibasicity +dibatag +Dibatis +dibber +dibble +dibbler +dibbuk +dibenzophenazine +dibenzopyrrole +dibenzoyl +dibenzyl +dibhole +diblastula +diborate +Dibothriocephalus +dibrach +dibranch +Dibranchia +Dibranchiata +dibranchiate +dibranchious +dibrom +dibromid +dibromide +dibromoacetaldehyde +dibromobenzene +dibs +dibstone +dibutyrate +dibutyrin +dicacodyl +Dicaeidae +dicaeology +dicalcic +dicalcium +dicarbonate +dicarbonic +dicarboxylate +dicarboxylic +dicarpellary +dicaryon +dicaryophase +dicaryophyte +dicaryotic +dicast +dicastery +dicastic +dicatalectic +dicatalexis +Diccon +dice +diceboard +dicebox +dicecup +dicellate +diceman +Dicentra +dicentrine +dicephalism +dicephalous +dicephalus +diceplay +dicer +Diceras +Diceratidae +dicerion +dicerous +dicetyl +dich +Dichapetalaceae +Dichapetalum +dichas +dichasial +dichasium +dichastic +Dichelyma +dichlamydeous +dichloramine +dichlorhydrin +dichloride +dichloroacetic +dichlorohydrin +dichloromethane +dichocarpism +dichocarpous +dichogamous +dichogamy +Dichondra +Dichondraceae +dichopodial +dichoptic +dichord +dichoree +Dichorisandra +dichotic +dichotomal +dichotomic +dichotomically +dichotomist +dichotomistic +dichotomization +dichotomize +dichotomous +dichotomously +dichotomy +dichroic +dichroiscope +dichroism +dichroite +dichroitic +dichromasy +dichromat +dichromate +dichromatic +dichromatism +dichromic +dichromism +dichronous +dichrooscope +dichroous +dichroscope +dichroscopic +Dichter +dicing +Dick +dick +dickcissel +dickens +Dickensian +Dickensiana +dicker +dickey +dickeybird +dickinsonite +Dicksonia +dicky +Diclidantheraceae +diclinic +diclinism +diclinous +Diclytra +dicoccous +dicodeine +dicoelious +dicolic +dicolon +dicondylian +dicot +dicotyl +dicotyledon +dicotyledonary +Dicotyledones +dicotyledonous +Dicotyles +Dicotylidae +dicotylous +dicoumarin +Dicranaceae +dicranaceous +dicranoid +dicranterian +Dicranum +Dicrostonyx +dicrotal +dicrotic +dicrotism +dicrotous +Dicruridae +dicta +Dictaen +Dictamnus +Dictaphone +dictate +dictatingly +dictation +dictational +dictative +dictator +dictatorial +dictatorialism +dictatorially +dictatorialness +dictatorship +dictatory +dictatress +dictatrix +dictature +dictic +diction +dictionary +Dictograph +dictum +dictynid +Dictynidae +Dictyoceratina +dictyoceratine +dictyodromous +dictyogen +dictyogenous +Dictyograptus +dictyoid +Dictyonema +Dictyonina +dictyonine +Dictyophora +dictyopteran +Dictyopteris +Dictyosiphon +Dictyosiphonaceae +dictyosiphonaceous +dictyosome +dictyostele +dictyostelic +Dictyota +Dictyotaceae +dictyotaceous +Dictyotales +dictyotic +Dictyoxylon +dicyanide +dicyanine +dicyanodiamide +dicyanogen +dicycle +dicyclic +Dicyclica +dicyclist +Dicyema +Dicyemata +dicyemid +Dicyemida +Dicyemidae +Dicynodon +dicynodont +Dicynodontia +Dicynodontidae +did +Didache +Didachist +didactic +didactical +didacticality +didactically +didactician +didacticism +didacticity +didactics +didactive +didactyl +didactylism +didactylous +didapper +didascalar +didascaliae +didascalic +didascalos +didascaly +didder +diddle +diddler +diddy +didelph +Didelphia +didelphian +didelphic +didelphid +Didelphidae +didelphine +Didelphis +didelphoid +didelphous +Didelphyidae +didepsid +didepside +Dididae +didie +didine +Didinium +didle +didna +didnt +Dido +didodecahedral +didodecahedron +didrachma +didrachmal +didromy +didst +diductor +Didunculidae +Didunculinae +Didunculus +Didus +didym +didymate +didymia +didymitis +didymium +didymoid +didymolite +didymous +didymus +Didynamia +didynamian +didynamic +didynamous +didynamy +die +dieb +dieback +diectasis +diedral +diedric +Dieffenbachia +Diego +Diegueno +diehard +dielectric +dielectrically +dielike +Dielytra +diem +diemaker +diemaking +diencephalic +diencephalon +diene +dier +Dieri +Diervilla +diesel +dieselization +dieselize +diesinker +diesinking +diesis +diestock +diet +dietal +dietarian +dietary +Dieter +dieter +dietetic +dietetically +dietetics +dietetist +diethanolamine +diethyl +diethylamine +diethylenediamine +diethylstilbestrol +dietic +dietician +dietics +dietine +dietist +dietitian +dietotherapeutics +dietotherapy +dietotoxic +dietotoxicity +dietrichite +dietzeite +diewise +Dieyerie +diezeugmenon +Difda +diferrion +diffame +diffarreation +differ +difference +differencingly +different +differentia +differentiable +differential +differentialize +differentially +differentiant +differentiate +differentiation +differentiator +differently +differentness +differingly +difficile +difficileness +difficult +difficultly +difficultness +difficulty +diffidation +diffide +diffidence +diffident +diffidently +diffidentness +diffinity +diffluence +diffluent +Difflugia +difform +difformed +difformity +diffract +diffraction +diffractive +diffractively +diffractiveness +diffractometer +diffrangibility +diffrangible +diffugient +diffusate +diffuse +diffused +diffusedly +diffusely +diffuseness +diffuser +diffusibility +diffusible +diffusibleness +diffusibly +diffusimeter +diffusiometer +diffusion +diffusionism +diffusionist +diffusive +diffusively +diffusiveness +diffusivity +diffusor +diformin +dig +digallate +digallic +digametic +digamist +digamma +digammated +digammic +digamous +digamy +digastric +Digenea +digeneous +digenesis +digenetic +Digenetica +digenic +digenous +digeny +digerent +digest +digestant +digested +digestedly +digestedness +digester +digestibility +digestible +digestibleness +digestibly +digestion +digestional +digestive +digestively +digestiveness +digestment +diggable +digger +digging +diggings +dight +dighter +digit +digital +digitalein +digitalin +digitalis +digitalism +digitalization +digitalize +digitally +Digitaria +digitate +digitated +digitately +digitation +digitiform +Digitigrada +digitigrade +digitigradism +digitinervate +digitinerved +digitipinnate +digitize +digitizer +digitogenin +digitonin +digitoplantar +digitorium +digitoxin +digitoxose +digitule +digitus +digladiate +digladiation +digladiator +diglossia +diglot +diglottic +diglottism +diglottist +diglucoside +diglyceride +diglyph +diglyphic +digmeat +dignification +dignified +dignifiedly +dignifiedness +dignify +dignitarial +dignitarian +dignitary +dignity +digoneutic +digoneutism +digonoporous +digonous +Digor +digram +digraph +digraphic +digredience +digrediency +digredient +digress +digressingly +digression +digressional +digressionary +digressive +digressively +digressiveness +digressory +digs +diguanide +Digynia +digynian +digynous +dihalide +dihalo +dihalogen +dihedral +dihedron +dihexagonal +dihexahedral +dihexahedron +dihybrid +dihybridism +dihydrate +dihydrated +dihydrazone +dihydric +dihydride +dihydrite +dihydrocupreine +dihydrocuprin +dihydrogen +dihydrol +dihydronaphthalene +dihydronicotine +dihydrotachysterol +dihydroxy +dihydroxysuccinic +dihydroxytoluene +dihysteria +diiamb +diiambus +diiodide +diiodo +diiodoform +diipenates +Diipolia +diisatogen +dijudicate +dijudication +dika +dikage +dikamali +dikaryon +dikaryophase +dikaryophasic +dikaryophyte +dikaryophytic +dikaryotic +Dike +dike +dikegrave +dikelocephalid +Dikelocephalus +diker +dikereeve +dikeside +diketo +diketone +dikkop +diktyonite +dilacerate +dilaceration +dilambdodont +dilamination +Dilantin +dilapidate +dilapidated +dilapidation +dilapidator +dilatability +dilatable +dilatableness +dilatably +dilatancy +dilatant +dilatate +dilatation +dilatative +dilatator +dilatatory +dilate +dilated +dilatedly +dilatedness +dilater +dilatingly +dilation +dilative +dilatometer +dilatometric +dilatometry +dilator +dilatorily +dilatoriness +dilatory +dildo +dilection +Dilemi +Dilemite +dilemma +dilemmatic +dilemmatical +dilemmatically +dilettant +dilettante +dilettanteish +dilettanteism +dilettanteship +dilettanti +dilettantish +dilettantism +dilettantist +diligence +diligency +diligent +diligentia +diligently +diligentness +dilker +dill +Dillenia +Dilleniaceae +dilleniaceous +dilleniad +dilli +dillier +dilligrout +dilling +dillseed +dillue +dilluer +dillweed +dilly +dillydallier +dillydally +dillyman +dilo +dilogy +diluent +dilute +diluted +dilutedly +dilutedness +dilutee +dilutely +diluteness +dilutent +diluter +dilution +dilutive +dilutor +diluvia +diluvial +diluvialist +diluvian +diluvianism +diluvion +diluvium +dim +dimagnesic +dimanganion +dimanganous +Dimaris +dimastigate +Dimatis +dimber +dimberdamber +dimble +dime +dimensible +dimension +dimensional +dimensionality +dimensionally +dimensioned +dimensionless +dimensive +dimer +Dimera +dimeran +dimercuric +dimercurion +dimercury +dimeric +dimeride +dimerism +dimerization +dimerlie +dimerous +dimetallic +dimeter +dimethoxy +dimethyl +dimethylamine +dimethylamino +dimethylaniline +dimethylbenzene +dimetria +dimetric +Dimetry +dimication +dimidiate +dimidiation +diminish +diminishable +diminishableness +diminisher +diminishingly +diminishment +diminuendo +diminutal +diminute +diminution +diminutival +diminutive +diminutively +diminutiveness +diminutivize +dimiss +dimission +dimissorial +dimissory +dimit +Dimitry +Dimittis +dimity +dimly +dimmed +dimmedness +dimmer +dimmest +dimmet +dimmish +Dimna +dimness +dimolecular +dimoric +dimorph +dimorphic +dimorphism +Dimorphotheca +dimorphous +dimple +dimplement +dimply +dimps +dimpsy +Dimyaria +dimyarian +dimyaric +din +Dinah +dinamode +Dinantian +dinaphthyl +dinar +Dinaric +Dinarzade +dinder +dindle +Dindymene +Dindymus +dine +diner +dinergate +dineric +dinero +dinette +dineuric +ding +dingar +dingbat +dingdong +dinge +dingee +dinghee +dinghy +dingily +dinginess +dingle +dingleberry +dinglebird +dingledangle +dingly +dingmaul +dingo +dingus +Dingwall +dingy +dinheiro +dinic +dinical +Dinichthys +dining +dinitrate +dinitril +dinitrile +dinitro +dinitrobenzene +dinitrocellulose +dinitrophenol +dinitrotoluene +dink +Dinka +dinkey +dinkum +dinky +dinmont +dinner +dinnerless +dinnerly +dinnertime +dinnerware +dinnery +Dinobryon +Dinoceras +Dinocerata +dinoceratan +dinoceratid +Dinoceratidae +Dinoflagellata +Dinoflagellatae +dinoflagellate +Dinoflagellida +dinomic +Dinomys +Dinophilea +Dinophilus +Dinophyceae +Dinornis +Dinornithes +dinornithic +dinornithid +Dinornithidae +Dinornithiformes +dinornithine +dinornithoid +dinosaur +Dinosauria +dinosaurian +dinothere +Dinotheres +dinotherian +Dinotheriidae +Dinotherium +dinsome +dint +dintless +dinus +diobely +diobol +diocesan +diocese +Diocletian +dioctahedral +Dioctophyme +diode +Diodia +Diodon +diodont +Diodontidae +Dioecia +dioecian +dioeciodimorphous +dioeciopolygamous +dioecious +dioeciously +dioeciousness +dioecism +dioecy +dioestrous +dioestrum +dioestrus +Diogenean +Diogenic +diogenite +dioicous +diol +diolefin +diolefinic +Diomedea +Diomedeidae +Dion +Dionaea +Dionaeaceae +Dione +dionise +dionym +dionymal +Dionysia +Dionysiac +Dionysiacal +Dionysiacally +Dioon +Diophantine +Diopsidae +diopside +Diopsis +dioptase +diopter +Dioptidae +dioptograph +dioptometer +dioptometry +dioptoscopy +dioptra +dioptral +dioptrate +dioptric +dioptrical +dioptrically +dioptrics +dioptrometer +dioptrometry +dioptroscopy +dioptry +diorama +dioramic +diordinal +diorite +dioritic +diorthosis +diorthotic +Dioscorea +Dioscoreaceae +dioscoreaceous +dioscorein +dioscorine +Dioscuri +Dioscurian +diose +Diosma +diosmin +diosmose +diosmosis +diosmotic +diosphenol +Diospyraceae +diospyraceous +Diospyros +diota +diotic +Diotocardia +diovular +dioxane +dioxide +dioxime +dioxindole +dioxy +dip +Dipala +diparentum +dipartite +dipartition +dipaschal +dipentene +dipeptid +dipeptide +dipetalous +dipetto +diphase +diphaser +diphasic +diphead +diphenol +diphenyl +diphenylamine +diphenylchloroarsine +diphenylene +diphenylenimide +diphenylguanidine +diphenylmethane +diphenylquinomethane +diphenylthiourea +diphosgene +diphosphate +diphosphide +diphosphoric +diphosphothiamine +diphrelatic +diphtheria +diphtherial +diphtherian +diphtheric +diphtheritic +diphtheritically +diphtheritis +diphtheroid +diphtheroidal +diphtherotoxin +diphthong +diphthongal +diphthongalize +diphthongally +diphthongation +diphthongic +diphthongization +diphthongize +diphycercal +diphycercy +Diphyes +diphygenic +diphyletic +Diphylla +Diphylleia +Diphyllobothrium +diphyllous +diphyodont +diphyozooid +Diphysite +Diphysitism +diphyzooid +dipicrate +dipicrylamin +dipicrylamine +Diplacanthidae +Diplacanthus +diplacusis +Dipladenia +diplanar +diplanetic +diplanetism +diplantidian +diplarthrism +diplarthrous +diplasiasmus +diplasic +diplasion +diplegia +dipleidoscope +dipleura +dipleural +dipleurogenesis +dipleurogenetic +diplex +diplobacillus +diplobacterium +diploblastic +diplocardia +diplocardiac +Diplocarpon +diplocaulescent +diplocephalous +diplocephalus +diplocephaly +diplochlamydeous +diplococcal +diplococcemia +diplococcic +diplococcoid +diplococcus +diploconical +diplocoria +Diplodia +Diplodocus +Diplodus +diploe +diploetic +diplogangliate +diplogenesis +diplogenetic +diplogenic +Diploglossata +diploglossate +diplograph +diplographic +diplographical +diplography +diplohedral +diplohedron +diploic +diploid +diploidic +diploidion +diploidy +diplois +diplokaryon +diploma +diplomacy +diplomat +diplomate +diplomatic +diplomatical +diplomatically +diplomatics +diplomatism +diplomatist +diplomatize +diplomatology +diplomyelia +diplonema +diplonephridia +diploneural +diplont +diploperistomic +diplophase +diplophyte +diplopia +diplopic +diploplacula +diploplacular +diploplaculate +diplopod +Diplopoda +diplopodic +Diploptera +diplopterous +Diplopteryga +diplopy +diplosis +diplosome +diplosphenal +diplosphene +Diplospondyli +diplospondylic +diplospondylism +diplostemonous +diplostemony +diplostichous +Diplotaxis +diplotegia +diplotene +Diplozoon +diplumbic +Dipneumona +Dipneumones +dipneumonous +dipneustal +Dipneusti +dipnoan +Dipnoi +dipnoid +dipnoous +dipode +dipodic +Dipodidae +Dipodomyinae +Dipodomys +dipody +dipolar +dipolarization +dipolarize +dipole +diporpa +dipotassic +dipotassium +dipped +dipper +dipperful +dipping +diprimary +diprismatic +dipropargyl +dipropyl +Diprotodon +diprotodont +Diprotodontia +Dipsacaceae +dipsacaceous +Dipsaceae +dipsaceous +Dipsacus +Dipsadinae +dipsas +dipsetic +dipsey +dipsomania +dipsomaniac +dipsomaniacal +Dipsosaurus +dipsosis +dipter +Diptera +Dipteraceae +dipteraceous +dipterad +dipteral +dipteran +dipterist +dipterocarp +Dipterocarpaceae +dipterocarpaceous +dipterocarpous +Dipterocarpus +dipterocecidium +dipterological +dipterologist +dipterology +dipteron +dipteros +dipterous +Dipteryx +diptote +diptych +Dipus +dipware +dipygus +dipylon +dipyre +dipyrenous +dipyridyl +Dirca +Dircaean +dird +dirdum +dire +direct +directable +directed +directer +direction +directional +directionally +directionless +directitude +directive +directively +directiveness +directivity +directly +directness +Directoire +director +directoral +directorate +directorial +directorially +directorship +directory +directress +directrices +directrix +direful +direfully +direfulness +direly +dirempt +diremption +direness +direption +dirge +dirgeful +dirgelike +dirgeman +dirgler +dirhem +Dirian +Dirichletian +dirigent +dirigibility +dirigible +dirigomotor +diriment +Dirk +dirk +dirl +dirndl +dirt +dirtbird +dirtboard +dirten +dirtily +dirtiness +dirtplate +dirty +dis +Disa +disability +disable +disabled +disablement +disabusal +disabuse +disacceptance +disaccharide +disaccharose +disaccommodate +disaccommodation +disaccord +disaccordance +disaccordant +disaccustom +disaccustomed +disaccustomedness +disacidify +disacknowledge +disacknowledgement +disacquaint +disacquaintance +disadjust +disadorn +disadvance +disadvantage +disadvantageous +disadvantageously +disadvantageousness +disadventure +disadventurous +disadvise +disaffect +disaffectation +disaffected +disaffectedly +disaffectedness +disaffection +disaffectionate +disaffiliate +disaffiliation +disaffirm +disaffirmance +disaffirmation +disaffirmative +disafforest +disafforestation +disafforestment +disagglomeration +disaggregate +disaggregation +disaggregative +disagio +disagree +disagreeability +disagreeable +disagreeableness +disagreeably +disagreed +disagreement +disagreer +disalicylide +disalign +disalignment +disalike +disallow +disallowable +disallowableness +disallowance +disally +disamenity +Disamis +disanagrammatize +disanalogous +disangularize +disanimal +disanimate +disanimation +disannex +disannexation +disannul +disannuller +disannulment +disanoint +disanswerable +disapostle +disapparel +disappear +disappearance +disappearer +disappearing +disappoint +disappointed +disappointedly +disappointer +disappointing +disappointingly +disappointingness +disappointment +disappreciate +disappreciation +disapprobation +disapprobative +disapprobatory +disappropriate +disappropriation +disapprovable +disapproval +disapprove +disapprover +disapprovingly +disaproned +disarchbishop +disarm +disarmament +disarmature +disarmed +disarmer +disarming +disarmingly +disarrange +disarrangement +disarray +disarticulate +disarticulation +disarticulator +disasinate +disasinize +disassemble +disassembly +disassimilate +disassimilation +disassimilative +disassociate +disassociation +disaster +disastimeter +disastrous +disastrously +disastrousness +disattaint +disattire +disattune +disauthenticate +disauthorize +disavow +disavowable +disavowal +disavowedly +disavower +disavowment +disawa +disazo +disbalance +disbalancement +disband +disbandment +disbar +disbark +disbarment +disbelief +disbelieve +disbeliever +disbelieving +disbelievingly +disbench +disbenchment +disbloom +disbody +disbosom +disbowel +disbrain +disbranch +disbud +disbudder +disburden +disburdenment +disbursable +disburse +disbursement +disburser +disburthen +disbury +disbutton +disc +discage +discal +discalceate +discalced +discanonization +discanonize +discanter +discantus +discapacitate +discard +discardable +discarder +discardment +discarnate +discarnation +discase +discastle +discept +disceptation +disceptator +discern +discerner +discernible +discernibleness +discernibly +discerning +discerningly +discernment +discerp +discerpibility +discerpible +discerpibleness +discerptibility +discerptible +discerptibleness +discerption +discharacter +discharge +dischargeable +dischargee +discharger +discharging +discharity +discharm +dischase +Disciflorae +discifloral +disciform +discigerous +Discina +discinct +discinoid +disciple +disciplelike +discipleship +disciplinability +disciplinable +disciplinableness +disciplinal +disciplinant +disciplinarian +disciplinarianism +disciplinarily +disciplinary +disciplinative +disciplinatory +discipline +discipliner +discipular +discircumspection +discission +discitis +disclaim +disclaimant +disclaimer +disclamation +disclamatory +disclass +disclassify +disclike +disclimax +discloister +disclose +disclosed +discloser +disclosive +disclosure +discloud +discoach +discoactine +discoblastic +discoblastula +discobolus +discocarp +discocarpium +discocarpous +discocephalous +discodactyl +discodactylous +discogastrula +discoglossid +Discoglossidae +discoglossoid +discographical +discography +discohexaster +discoid +discoidal +Discoidea +Discoideae +discolichen +discolith +discolor +discolorate +discoloration +discolored +discoloredness +discolorization +discolorment +discolourization +Discomedusae +discomedusan +discomedusoid +discomfit +discomfiter +discomfiture +discomfort +discomfortable +discomfortableness +discomforting +discomfortingly +discommend +discommendable +discommendableness +discommendably +discommendation +discommender +discommode +discommodious +discommodiously +discommodiousness +discommodity +discommon +discommons +discommunity +discomorula +discompliance +discompose +discomposed +discomposedly +discomposedness +discomposing +discomposingly +discomposure +discomycete +Discomycetes +discomycetous +Disconanthae +disconanthous +disconcert +disconcerted +disconcertedly +disconcertedness +disconcerting +disconcertingly +disconcertingness +disconcertion +disconcertment +disconcord +disconduce +disconducive +Disconectae +disconform +disconformable +disconformity +discongruity +disconjure +disconnect +disconnected +disconnectedly +disconnectedness +disconnecter +disconnection +disconnective +disconnectiveness +disconnector +disconsider +disconsideration +disconsolate +disconsolately +disconsolateness +disconsolation +disconsonancy +disconsonant +discontent +discontented +discontentedly +discontentedness +discontentful +discontenting +discontentive +discontentment +discontiguity +discontiguous +discontiguousness +discontinuable +discontinuance +discontinuation +discontinue +discontinuee +discontinuer +discontinuity +discontinuor +discontinuous +discontinuously +discontinuousness +disconula +disconvenience +disconvenient +disconventicle +discophile +Discophora +discophoran +discophore +discophorous +discoplacenta +discoplacental +Discoplacentalia +discoplacentalian +discoplasm +discopodous +discord +discordance +discordancy +discordant +discordantly +discordantness +discordful +Discordia +discording +discorporate +discorrespondency +discorrespondent +discount +discountable +discountenance +discountenancer +discounter +discouple +discourage +discourageable +discouragement +discourager +discouraging +discouragingly +discouragingness +discourse +discourseless +discourser +discoursive +discoursively +discoursiveness +discourteous +discourteously +discourteousness +discourtesy +discous +discovenant +discover +discoverability +discoverable +discoverably +discovered +discoverer +discovert +discoverture +discovery +discreate +discreation +discredence +discredit +discreditability +discreditable +discreet +discreetly +discreetness +discrepance +discrepancy +discrepant +discrepantly +discrepate +discrepation +discrested +discrete +discretely +discreteness +discretion +discretional +discretionally +discretionarily +discretionary +discretive +discretively +discretiveness +discriminability +discriminable +discriminal +discriminant +discriminantal +discriminate +discriminately +discriminateness +discriminating +discriminatingly +discrimination +discriminational +discriminative +discriminatively +discriminator +discriminatory +discrown +disculpate +disculpation +disculpatory +discumber +discursative +discursativeness +discursify +discursion +discursive +discursively +discursiveness +discursory +discursus +discurtain +discus +discuss +discussable +discussant +discusser +discussible +discussion +discussional +discussionism +discussionist +discussive +discussment +discutable +discutient +disdain +disdainable +disdainer +disdainful +disdainfully +disdainfulness +disdainly +disdeceive +disdenominationalize +disdiaclast +disdiaclastic +disdiapason +disdiazo +disdiplomatize +disdodecahedroid +disdub +disease +diseased +diseasedly +diseasedness +diseaseful +diseasefulness +disecondary +disedge +disedification +disedify +diseducate +diselder +diselectrification +diselectrify +diselenide +disematism +disembargo +disembark +disembarkation +disembarkment +disembarrass +disembarrassment +disembattle +disembed +disembellish +disembitter +disembocation +disembodiment +disembody +disembogue +disemboguement +disembosom +disembowel +disembowelment +disembower +disembroil +disemburden +diseme +disemic +disemplane +disemploy +disemployment +disempower +disenable +disenablement +disenact +disenactment +disenamor +disenamour +disenchain +disenchant +disenchanter +disenchantingly +disenchantment +disenchantress +disencharm +disenclose +disencumber +disencumberment +disencumbrance +disendow +disendower +disendowment +disenfranchise +disenfranchisement +disengage +disengaged +disengagedness +disengagement +disengirdle +disenjoy +disenjoyment +disenmesh +disennoble +disennui +disenshroud +disenslave +disensoul +disensure +disentail +disentailment +disentangle +disentanglement +disentangler +disenthral +disenthrall +disenthrallment +disenthralment +disenthrone +disenthronement +disentitle +disentomb +disentombment +disentrain +disentrainment +disentrammel +disentrance +disentrancement +disentwine +disenvelop +disepalous +disequalize +disequalizer +disequilibrate +disequilibration +disequilibrium +disestablish +disestablisher +disestablishment +disestablishmentarian +disesteem +disesteemer +disestimation +disexcommunicate +disfaith +disfame +disfashion +disfavor +disfavorer +disfeature +disfeaturement +disfellowship +disfen +disfiguration +disfigurative +disfigure +disfigurement +disfigurer +disfiguringly +disflesh +disfoliage +disforest +disforestation +disfranchise +disfranchisement +disfranchiser +disfrequent +disfriar +disfrock +disfurnish +disfurnishment +disgarland +disgarnish +disgarrison +disgavel +disgeneric +disgenius +disgig +disglorify +disglut +disgood +disgorge +disgorgement +disgorger +disgospel +disgown +disgrace +disgraceful +disgracefully +disgracefulness +disgracement +disgracer +disgracious +disgradation +disgrade +disgregate +disgregation +disgruntle +disgruntlement +disguisable +disguisal +disguise +disguised +disguisedly +disguisedness +disguiseless +disguisement +disguiser +disguising +disgulf +disgust +disgusted +disgustedly +disgustedness +disguster +disgustful +disgustfully +disgustfulness +disgusting +disgustingly +disgustingness +dish +dishabilitate +dishabilitation +dishabille +dishabituate +dishallow +dishallucination +disharmonic +disharmonical +disharmonious +disharmonism +disharmonize +disharmony +dishboard +dishcloth +dishclout +disheart +dishearten +disheartener +disheartening +dishearteningly +disheartenment +disheaven +dished +dishellenize +dishelm +disher +disherent +disherison +disherit +disheritment +dishevel +disheveled +dishevelment +dishexecontahedroid +dishful +Dishley +dishlike +dishling +dishmaker +dishmaking +dishmonger +dishome +dishonest +dishonestly +dishonor +dishonorable +dishonorableness +dishonorably +dishonorary +dishonorer +dishorn +dishorner +dishorse +dishouse +dishpan +dishpanful +dishrag +dishumanize +dishwasher +dishwashing +dishwashings +dishwater +dishwatery +dishwiper +dishwiping +disidentify +disilane +disilicane +disilicate +disilicic +disilicid +disilicide +disillude +disilluminate +disillusion +disillusionist +disillusionize +disillusionizer +disillusionment +disillusive +disimagine +disimbitter +disimitate +disimitation +disimmure +disimpark +disimpassioned +disimprison +disimprisonment +disimprove +disimprovement +disincarcerate +disincarceration +disincarnate +disincarnation +disinclination +disincline +disincorporate +disincorporation +disincrust +disincrustant +disincrustion +disindividualize +disinfect +disinfectant +disinfecter +disinfection +disinfective +disinfector +disinfest +disinfestation +disinfeudation +disinflame +disinflate +disinflation +disingenuity +disingenuous +disingenuously +disingenuousness +disinherison +disinherit +disinheritable +disinheritance +disinhume +disinsulation +disinsure +disintegrable +disintegrant +disintegrate +disintegration +disintegrationist +disintegrative +disintegrator +disintegratory +disintegrity +disintegrous +disintensify +disinter +disinterest +disinterested +disinterestedly +disinterestedness +disinteresting +disinterment +disintertwine +disintrench +disintricate +disinvagination +disinvest +disinvestiture +disinvigorate +disinvite +disinvolve +disjasked +disject +disjection +disjoin +disjoinable +disjoint +disjointed +disjointedly +disjointedness +disjointly +disjointure +disjunct +disjunction +disjunctive +disjunctively +disjunctor +disjuncture +disjune +disk +diskelion +diskless +disklike +dislaurel +disleaf +dislegitimate +dislevelment +dislicense +dislikable +dislike +dislikelihood +disliker +disliking +dislimn +dislink +dislip +disload +dislocability +dislocable +dislocate +dislocated +dislocatedly +dislocatedness +dislocation +dislocator +dislocatory +dislodge +dislodgeable +dislodgement +dislove +disloyal +disloyalist +disloyally +disloyalty +disluster +dismain +dismal +dismality +dismalize +dismally +dismalness +disman +dismantle +dismantlement +dismantler +dismarble +dismark +dismarket +dismask +dismast +dismastment +dismay +dismayable +dismayed +dismayedness +dismayful +dismayfully +dismayingly +disme +dismember +dismembered +dismemberer +dismemberment +dismembrate +dismembrator +disminion +disminister +dismiss +dismissable +dismissal +dismissible +dismissingly +dismission +dismissive +dismissory +dismoded +dismount +dismountable +dismutation +disna +disnaturalization +disnaturalize +disnature +disnest +disnew +disniche +disnosed +disnumber +disobedience +disobedient +disobediently +disobey +disobeyal +disobeyer +disobligation +disoblige +disobliger +disobliging +disobligingly +disobligingness +disoccupation +disoccupy +disodic +disodium +disomatic +disomatous +disomic +disomus +disoperculate +disorb +disorchard +disordained +disorder +disordered +disorderedly +disorderedness +disorderer +disorderliness +disorderly +disordinated +disordination +disorganic +disorganization +disorganize +disorganizer +disorient +disorientate +disorientation +disown +disownable +disownment +disoxygenate +disoxygenation +disozonize +dispapalize +disparage +disparageable +disparagement +disparager +disparaging +disparagingly +disparate +disparately +disparateness +disparation +disparity +dispark +dispart +dispartment +dispassionate +dispassionately +dispassionateness +dispassioned +dispatch +dispatcher +dispatchful +dispatriated +dispauper +dispauperize +dispeace +dispeaceful +dispel +dispeller +dispend +dispender +dispendious +dispendiously +dispenditure +dispensability +dispensable +dispensableness +dispensary +dispensate +dispensation +dispensational +dispensative +dispensatively +dispensator +dispensatorily +dispensatory +dispensatress +dispensatrix +dispense +dispenser +dispensingly +dispeople +dispeoplement +dispeopler +dispergate +dispergation +dispergator +dispericraniate +disperiwig +dispermic +dispermous +dispermy +dispersal +dispersant +disperse +dispersed +dispersedly +dispersedness +dispersement +disperser +dispersibility +dispersible +dispersion +dispersity +dispersive +dispersively +dispersiveness +dispersoid +dispersoidological +dispersoidology +dispersonalize +dispersonate +dispersonification +dispersonify +dispetal +disphenoid +dispiece +dispireme +dispirit +dispirited +dispiritedly +dispiritedness +dispiritingly +dispiritment +dispiteous +dispiteously +dispiteousness +displace +displaceability +displaceable +displacement +displacency +displacer +displant +display +displayable +displayed +displayer +displease +displeased +displeasedly +displeaser +displeasing +displeasingly +displeasingness +displeasurable +displeasurably +displeasure +displeasurement +displenish +displicency +displume +displuviate +dispondaic +dispondee +dispone +disponee +disponent +disponer +dispope +dispopularize +disporous +disport +disportive +disportment +Disporum +disposability +disposable +disposableness +disposal +dispose +disposed +disposedly +disposedness +disposer +disposingly +disposition +dispositional +dispositioned +dispositive +dispositively +dispossess +dispossession +dispossessor +dispossessory +dispost +disposure +dispowder +dispractice +dispraise +dispraiser +dispraisingly +dispread +dispreader +disprejudice +disprepare +disprince +disprison +disprivacied +disprivilege +disprize +disprobabilization +disprobabilize +disprobative +dispromise +disproof +disproportion +disproportionable +disproportionableness +disproportionably +disproportional +disproportionality +disproportionally +disproportionalness +disproportionate +disproportionately +disproportionateness +disproportionation +disprovable +disproval +disprove +disprovement +disproven +disprover +dispulp +dispunct +dispunishable +dispunitive +disputability +disputable +disputableness +disputably +disputant +disputation +disputatious +disputatiously +disputatiousness +disputative +disputatively +disputativeness +disputator +dispute +disputeless +disputer +disqualification +disqualify +disquantity +disquiet +disquieted +disquietedly +disquietedness +disquieten +disquieter +disquieting +disquietingly +disquietly +disquietness +disquietude +disquiparancy +disquiparant +disquiparation +disquisite +disquisition +disquisitional +disquisitionary +disquisitive +disquisitively +disquisitor +disquisitorial +disquisitory +disquixote +disrank +disrate +disrealize +disrecommendation +disregard +disregardable +disregardance +disregardant +disregarder +disregardful +disregardfully +disregardfulness +disrelated +disrelation +disrelish +disrelishable +disremember +disrepair +disreputability +disreputable +disreputableness +disreputably +disreputation +disrepute +disrespect +disrespecter +disrespectful +disrespectfully +disrespectfulness +disrestore +disring +disrobe +disrobement +disrober +disroof +disroost +disroot +disrudder +disrump +disrupt +disruptability +disruptable +disrupter +disruption +disruptionist +disruptive +disruptively +disruptiveness +disruptment +disruptor +disrupture +diss +dissatisfaction +dissatisfactoriness +dissatisfactory +dissatisfied +dissatisfiedly +dissatisfiedness +dissatisfy +dissaturate +disscepter +disseat +dissect +dissected +dissectible +dissecting +dissection +dissectional +dissective +dissector +disseize +disseizee +disseizin +disseizor +disseizoress +disselboom +dissemblance +dissemble +dissembler +dissemblingly +dissembly +dissemilative +disseminate +dissemination +disseminative +disseminator +disseminule +dissension +dissensualize +dissent +dissentaneous +dissentaneousness +dissenter +dissenterism +dissentience +dissentiency +dissentient +dissenting +dissentingly +dissentious +dissentiously +dissentism +dissentment +dissepiment +dissepimental +dissert +dissertate +dissertation +dissertational +dissertationist +dissertative +dissertator +disserve +disservice +disserviceable +disserviceableness +disserviceably +dissettlement +dissever +disseverance +disseverment +disshadow +dissheathe +disshroud +dissidence +dissident +dissidently +dissight +dissightly +dissiliency +dissilient +dissimilar +dissimilarity +dissimilarly +dissimilars +dissimilate +dissimilation +dissimilatory +dissimile +dissimilitude +dissimulate +dissimulation +dissimulative +dissimulator +dissimule +dissimuler +dissipable +dissipate +dissipated +dissipatedly +dissipatedness +dissipater +dissipation +dissipative +dissipativity +dissipator +dissociability +dissociable +dissociableness +dissocial +dissociality +dissocialize +dissociant +dissociate +dissociation +dissociative +dissoconch +dissogeny +dissogony +dissolubility +dissoluble +dissolubleness +dissolute +dissolutely +dissoluteness +dissolution +dissolutional +dissolutionism +dissolutionist +dissolutive +dissolvable +dissolvableness +dissolve +dissolveability +dissolvent +dissolver +dissolving +dissolvingly +dissonance +dissonancy +dissonant +dissonantly +dissonous +dissoul +dissuade +dissuader +dissuasion +dissuasive +dissuasively +dissuasiveness +dissuasory +dissuit +dissuitable +dissuited +dissyllabic +dissyllabification +dissyllabify +dissyllabism +dissyllabize +dissyllable +dissymmetric +dissymmetrical +dissymmetrically +dissymmetry +dissympathize +dissympathy +distad +distaff +distain +distal +distale +distally +distalwards +distance +distanceless +distancy +distannic +distant +distantly +distantness +distaste +distasted +distasteful +distastefully +distastefulness +distater +distemonous +distemper +distemperature +distempered +distemperedly +distemperedness +distemperer +distenant +distend +distendedly +distender +distensibility +distensible +distensive +distent +distention +disthene +disthrall +disthrone +distich +Distichlis +distichous +distichously +distill +distillable +distillage +distilland +distillate +distillation +distillatory +distilled +distiller +distillery +distilling +distillmint +distinct +distinctify +distinction +distinctional +distinctionless +distinctive +distinctively +distinctiveness +distinctly +distinctness +distingue +distinguish +distinguishability +distinguishable +distinguishableness +distinguishably +distinguished +distinguishedly +distinguisher +distinguishing +distinguishingly +distinguishment +distoclusion +Distoma +Distomatidae +distomatosis +distomatous +distome +distomian +distomiasis +Distomidae +Distomum +distort +distorted +distortedly +distortedness +distorter +distortion +distortional +distortionist +distortionless +distortive +distract +distracted +distractedly +distractedness +distracter +distractibility +distractible +distractingly +distraction +distractive +distractively +distrain +distrainable +distrainee +distrainer +distrainment +distrainor +distraint +distrait +distraite +distraught +distress +distressed +distressedly +distressedness +distressful +distressfully +distressfulness +distressing +distressingly +distributable +distributary +distribute +distributed +distributedly +distributee +distributer +distribution +distributional +distributionist +distributival +distributive +distributively +distributiveness +distributor +distributress +district +distrouser +distrust +distruster +distrustful +distrustfully +distrustfulness +distrustingly +distune +disturb +disturbance +disturbative +disturbed +disturbedly +disturber +disturbing +disturbingly +disturn +disturnpike +disubstituted +disubstitution +disulfonic +disulfuric +disulphate +disulphide +disulphonate +disulphone +disulphonic +disulphoxide +disulphuret +disulphuric +disuniform +disuniformity +disunify +disunion +disunionism +disunionist +disunite +disuniter +disunity +disusage +disusance +disuse +disutility +disutilize +disvaluation +disvalue +disvertebrate +disvisage +disvoice +disvulnerability +diswarren +diswench +diswood +disworth +disyllabic +disyllable +disyoke +dit +dita +dital +ditch +ditchbank +ditchbur +ditchdigger +ditchdown +ditcher +ditchless +ditchside +ditchwater +dite +diter +diterpene +ditertiary +ditetragonal +dithalous +dithecal +ditheism +ditheist +ditheistic +ditheistical +dithematic +dither +dithery +dithiobenzoic +dithioglycol +dithioic +dithion +dithionate +dithionic +dithionite +dithionous +dithymol +dithyramb +dithyrambic +dithyrambically +Dithyrambos +Dithyrambus +ditokous +ditolyl +ditone +ditrematous +ditremid +Ditremidae +ditrichotomous +ditriglyph +ditriglyphic +ditrigonal +ditrigonally +Ditrocha +ditrochean +ditrochee +ditrochous +ditroite +dittamy +dittander +dittany +dittay +dittied +ditto +dittogram +dittograph +dittographic +dittography +dittology +ditty +diumvirate +diuranate +diureide +diuresis +diuretic +diuretically +diureticalness +Diurna +diurnal +diurnally +diurnalness +diurnation +diurne +diurnule +diuturnal +diuturnity +div +diva +divagate +divagation +divalence +divalent +divan +divariant +divaricate +divaricately +divaricating +divaricatingly +divarication +divaricator +divata +dive +divekeeper +divel +divellent +divellicate +diver +diverge +divergement +divergence +divergency +divergent +divergently +diverging +divergingly +divers +diverse +diversely +diverseness +diversicolored +diversifiability +diversifiable +diversification +diversified +diversifier +diversiflorate +diversiflorous +diversifoliate +diversifolious +diversiform +diversify +diversion +diversional +diversionary +diversipedate +diversisporous +diversity +diversly +diversory +divert +divertedly +diverter +divertibility +divertible +diverticle +diverticular +diverticulate +diverticulitis +diverticulosis +diverticulum +diverting +divertingly +divertingness +divertisement +divertive +divertor +divest +divestible +divestitive +divestiture +divestment +divesture +dividable +dividableness +divide +divided +dividedly +dividedness +dividend +divider +dividing +dividingly +dividual +dividualism +dividually +dividuity +dividuous +divinable +divinail +divination +divinator +divinatory +divine +divinely +divineness +diviner +divineress +diving +divinify +divining +diviningly +divinity +divinityship +divinization +divinize +divinyl +divisibility +divisible +divisibleness +divisibly +division +divisional +divisionally +divisionary +divisionism +divisionist +divisionistic +divisive +divisively +divisiveness +divisor +divisorial +divisory +divisural +divorce +divorceable +divorcee +divorcement +divorcer +divorcible +divorcive +divot +divoto +divulgate +divulgater +divulgation +divulgatory +divulge +divulgement +divulgence +divulger +divulse +divulsion +divulsive +divulsor +divus +Divvers +divvy +diwata +dixenite +Dixie +dixie +Dixiecrat +dixit +dixy +dizain +dizen +dizenment +dizoic +dizygotic +dizzard +dizzily +dizziness +dizzy +Djagatay +djasakid +djave +djehad +djerib +djersa +Djuka +do +doab +doable +doarium +doat +doated +doater +doating +doatish +Dob +dob +dobbed +dobber +dobbin +dobbing +dobby +dobe +dobla +doblon +dobra +dobrao +dobson +doby +doc +docent +docentship +Docetae +Docetic +Docetically +Docetism +Docetist +Docetistic +Docetize +dochmiac +dochmiacal +dochmiasis +dochmius +docibility +docible +docibleness +docile +docilely +docility +docimasia +docimastic +docimastical +docimasy +docimology +docity +dock +dockage +docken +docker +docket +dockhead +dockhouse +dockization +dockize +dockland +dockmackie +dockman +dockmaster +dockside +dockyard +dockyardman +docmac +Docoglossa +docoglossan +docoglossate +docosane +doctor +doctoral +doctorally +doctorate +doctorbird +doctordom +doctoress +doctorfish +doctorhood +doctorial +doctorially +doctorization +doctorize +doctorless +doctorlike +doctorly +doctorship +doctress +doctrinaire +doctrinairism +doctrinal +doctrinalism +doctrinalist +doctrinality +doctrinally +doctrinarian +doctrinarianism +doctrinarily +doctrinarity +doctrinary +doctrinate +doctrine +doctrinism +doctrinist +doctrinization +doctrinize +doctrix +document +documental +documentalist +documentarily +documentary +documentation +documentize +dod +dodd +doddart +dodded +dodder +doddered +dodderer +doddering +doddery +doddie +dodding +doddle +doddy +doddypoll +Dode +dodecade +dodecadrachm +dodecafid +dodecagon +dodecagonal +dodecahedral +dodecahedric +dodecahedron +dodecahydrate +dodecahydrated +dodecamerous +dodecane +Dodecanesian +dodecanoic +dodecant +dodecapartite +dodecapetalous +dodecarch +dodecarchy +dodecasemic +dodecastyle +dodecastylos +dodecasyllabic +dodecasyllable +dodecatemory +Dodecatheon +dodecatoic +dodecatyl +dodecatylic +dodecuplet +dodecyl +dodecylene +dodecylic +dodge +dodgeful +dodger +dodgery +dodgily +dodginess +dodgy +dodkin +dodlet +dodman +dodo +dodoism +Dodona +Dodonaea +Dodonaeaceae +Dodonaean +Dodonean +Dodonian +dodrans +doe +doebird +Doedicurus +Doeg +doeglic +doegling +doer +does +doeskin +doesnt +doest +doff +doffer +doftberry +dog +dogal +dogate +dogbane +Dogberry +dogberry +Dogberrydom +Dogberryism +dogbite +dogblow +dogboat +dogbolt +dogbush +dogcart +dogcatcher +dogdom +doge +dogedom +dogeless +dogeship +dogface +dogfall +dogfight +dogfish +dogfoot +dogged +doggedly +doggedness +dogger +doggerel +doggereler +doggerelism +doggerelist +doggerelize +doggerelizer +doggery +doggess +doggish +doggishly +doggishness +doggo +doggone +doggoned +doggrel +doggrelize +doggy +doghead +doghearted +doghole +doghood +doghouse +dogie +dogless +doglike +dogly +dogma +dogman +dogmata +dogmatic +dogmatical +dogmatically +dogmaticalness +dogmatician +dogmatics +dogmatism +dogmatist +dogmatization +dogmatize +dogmatizer +dogmouth +dogplate +dogproof +Dogra +Dogrib +dogs +dogship +dogshore +dogskin +dogsleep +dogstone +dogtail +dogtie +dogtooth +dogtoothing +dogtrick +dogtrot +dogvane +dogwatch +dogwood +dogy +doigt +doiled +doily +doina +doing +doings +doit +doited +doitkin +doitrified +doke +Doketic +Doketism +dokhma +dokimastic +Dokmarok +Doko +Dol +dola +dolabra +dolabrate +dolabriform +dolcan +dolcian +dolciano +dolcino +doldrum +doldrums +dole +dolefish +doleful +dolefully +dolefulness +dolefuls +dolent +dolently +dolerite +doleritic +dolerophanite +dolesman +dolesome +dolesomely +dolesomeness +doless +doli +dolia +dolichoblond +dolichocephal +dolichocephali +dolichocephalic +dolichocephalism +dolichocephalize +dolichocephalous +dolichocephaly +dolichocercic +dolichocnemic +dolichocranial +dolichofacial +Dolichoglossus +dolichohieric +Dolicholus +dolichopellic +dolichopodous +dolichoprosopic +Dolichopsyllidae +Dolichos +dolichos +dolichosaur +Dolichosauri +Dolichosauria +Dolichosaurus +Dolichosoma +dolichostylous +dolichotmema +dolichuric +dolichurus +Doliidae +dolina +doline +dolioform +Doliolidae +Doliolum +dolium +doll +dollar +dollarbird +dollardee +dollardom +dollarfish +dollarleaf +dollbeer +dolldom +dollface +dollfish +dollhood +dollhouse +dollier +dolliness +dollish +dollishly +dollishness +dollmaker +dollmaking +dollop +dollship +dolly +dollyman +dollyway +dolman +dolmen +dolmenic +Dolomedes +dolomite +dolomitic +dolomitization +dolomitize +dolomization +dolomize +dolor +Dolores +doloriferous +dolorific +dolorifuge +dolorous +dolorously +dolorousness +dolose +dolous +Dolph +dolphin +dolphinlike +Dolphus +dolt +dolthead +doltish +doltishly +doltishness +dom +domain +domainal +domal +domanial +domatium +domatophobia +domba +Dombeya +Domdaniel +dome +domelike +doment +domer +domesday +domestic +domesticable +domesticality +domestically +domesticate +domestication +domesticative +domesticator +domesticity +domesticize +domett +domeykite +domic +domical +domically +Domicella +domicile +domicilement +domiciliar +domiciliary +domiciliate +domiciliation +dominance +dominancy +dominant +dominantly +dominate +dominated +dominatingly +domination +dominative +dominator +domine +domineer +domineerer +domineering +domineeringly +domineeringness +dominial +Dominic +dominical +dominicale +Dominican +Dominick +dominie +dominion +dominionism +dominionist +Dominique +dominium +domino +dominus +domitable +domite +Domitian +domitic +domn +domnei +domoid +dompt +domy +Don +don +donable +Donacidae +donaciform +Donal +Donald +Donar +donary +donatary +donate +donated +donatee +Donatiaceae +donation +Donatism +Donatist +Donatistic +Donatistical +donative +donatively +donator +donatory +donatress +donax +doncella +Dondia +done +donee +Donet +doney +dong +donga +Dongola +Dongolese +dongon +Donia +donjon +donkey +donkeyback +donkeyish +donkeyism +donkeyman +donkeywork +Donmeh +Donn +Donna +donna +Donne +donnered +donnert +Donnie +donnish +donnishness +donnism +donnot +donor +donorship +donought +Donovan +donship +donsie +dont +donum +doob +doocot +doodab +doodad +Doodia +doodle +doodlebug +doodler +doodlesack +doohickey +doohickus +doohinkey +doohinkus +dooja +dook +dooket +dookit +dool +doolee +dooley +dooli +doolie +dooly +doom +doomage +doombook +doomer +doomful +dooms +doomsday +doomsman +doomstead +doon +door +doorba +doorbell +doorboy +doorbrand +doorcase +doorcheek +doored +doorframe +doorhead +doorjamb +doorkeeper +doorknob +doorless +doorlike +doormaid +doormaker +doormaking +doorman +doornail +doorplate +doorpost +doorsill +doorstead +doorstep +doorstone +doorstop +doorward +doorway +doorweed +doorwise +dooryard +dop +dopa +dopamelanin +dopaoxidase +dopatta +dope +dopebook +doper +dopester +dopey +doppelkummel +Dopper +dopper +doppia +Doppler +dopplerite +Dor +dor +Dora +dorab +dorad +Doradidae +dorado +doraphobia +Dorask +Doraskean +dorbeetle +Dorcas +dorcastry +Dorcatherium +Dorcopsis +doree +dorestane +dorhawk +Dori +doria +Dorian +Doric +Dorical +Doricism +Doricize +Dorididae +Dorine +Doris +Dorism +Dorize +dorje +Dorking +dorlach +dorlot +dorm +dormancy +dormant +dormer +dormered +dormie +dormient +dormilona +dormition +dormitive +dormitory +dormouse +dormy +dorn +dorneck +dornic +dornick +dornock +Dorobo +Doronicum +Dorosoma +Dorothea +Dorothy +dorp +dorsabdominal +dorsabdominally +dorsad +dorsal +dorsale +dorsalgia +dorsalis +dorsally +dorsalmost +dorsalward +dorsalwards +dorsel +dorser +dorsibranch +Dorsibranchiata +dorsibranchiate +dorsicollar +dorsicolumn +dorsicommissure +dorsicornu +dorsiduct +dorsiferous +dorsifixed +dorsiflex +dorsiflexion +dorsiflexor +dorsigrade +dorsilateral +dorsilumbar +dorsimedian +dorsimesal +dorsimeson +dorsiparous +dorsispinal +dorsiventral +dorsiventrality +dorsiventrally +dorsoabdominal +dorsoanterior +dorsoapical +Dorsobranchiata +dorsocaudad +dorsocaudal +dorsocentral +dorsocephalad +dorsocephalic +dorsocervical +dorsocervically +dorsodynia +dorsoepitrochlear +dorsointercostal +dorsointestinal +dorsolateral +dorsolumbar +dorsomedial +dorsomedian +dorsomesal +dorsonasal +dorsonuchal +dorsopleural +dorsoposteriad +dorsoposterior +dorsoradial +dorsosacral +dorsoscapular +dorsosternal +dorsothoracic +dorsoventrad +dorsoventral +dorsoventrally +Dorstenia +dorsulum +dorsum +dorsumbonal +dorter +dortiness +dortiship +dorts +dorty +doruck +Dory +dory +Doryanthes +Dorylinae +doryphorus +dos +dosa +dosadh +dosage +dose +doser +dosimeter +dosimetric +dosimetrician +dosimetrist +dosimetry +Dosinia +dosiology +dosis +Dositheans +dosology +doss +dossal +dossel +dosser +dosseret +dossier +dossil +dossman +Dot +dot +dotage +dotal +dotard +dotardism +dotardly +dotardy +dotate +dotation +dotchin +dote +doted +doter +Dothideacea +dothideaceous +Dothideales +Dothidella +dothienenteritis +Dothiorella +dotiness +doting +dotingly +dotingness +dotish +dotishness +dotkin +dotless +dotlike +Doto +Dotonidae +dotriacontane +dotted +dotter +dotterel +dottily +dottiness +dotting +dottle +dottler +Dottore +Dotty +dotty +doty +douar +double +doubled +doubledamn +doubleganger +doublegear +doublehanded +doublehandedly +doublehandedness +doublehatching +doublehearted +doubleheartedness +doublehorned +doubleleaf +doublelunged +doubleness +doubler +doublet +doubleted +doubleton +doubletone +doubletree +doublets +doubling +doubloon +doubly +doubt +doubtable +doubtably +doubtedly +doubter +doubtful +doubtfully +doubtfulness +doubting +doubtingly +doubtingness +doubtless +doubtlessly +doubtlessness +doubtmonger +doubtous +doubtsome +douc +douce +doucely +douceness +doucet +douche +doucin +doucine +doudle +Doug +dough +doughbird +doughboy +doughface +doughfaceism +doughfoot +doughhead +doughiness +doughlike +doughmaker +doughmaking +doughman +doughnut +dought +doughtily +doughtiness +doughty +doughy +Douglas +doulocracy +doum +doundake +doup +douping +dour +dourine +dourly +dourness +douse +douser +dout +douter +doutous +douzepers +douzieme +dove +dovecot +doveflower +dovefoot +dovehouse +dovekey +dovekie +dovelet +dovelike +doveling +dover +dovetail +dovetailed +dovetailer +dovetailwise +doveweed +dovewood +dovish +Dovyalis +dow +dowable +dowager +dowagerism +dowcet +dowd +dowdily +dowdiness +dowdy +dowdyish +dowdyism +dowed +dowel +dower +doweral +doweress +dowerless +dowery +dowf +dowie +Dowieism +Dowieite +dowily +dowiness +dowitch +dowitcher +dowl +dowlas +dowless +down +downbear +downbeard +downbeat +downby +downcast +downcastly +downcastness +downcome +downcomer +downcoming +downcry +downcurved +downcut +downdale +downdraft +downer +downface +downfall +downfallen +downfalling +downfeed +downflow +downfold +downfolded +downgate +downgone +downgrade +downgrowth +downhanging +downhaul +downheaded +downhearted +downheartedly +downheartedness +downhill +downily +downiness +Downing +Downingia +downland +downless +downlie +downlier +downligging +downlike +downline +downlooked +downlooker +downlying +downmost +downness +downpour +downpouring +downright +downrightly +downrightness +downrush +downrushing +downset +downshare +downshore +downside +downsinking +downsitting +downsliding +downslip +downslope +downsman +downspout +downstage +downstairs +downstate +downstater +downstream +downstreet +downstroke +downswing +downtake +downthrow +downthrown +downthrust +Downton +downtown +downtrampling +downtreading +downtrend +downtrodden +downtroddenness +downturn +downward +downwardly +downwardness +downway +downweed +downweigh +downweight +downweighted +downwind +downwith +downy +dowp +dowry +dowsabel +dowse +dowser +dowset +doxa +Doxantha +doxastic +doxasticon +doxographer +doxographical +doxography +doxological +doxologically +doxologize +doxology +doxy +Doyle +doze +dozed +dozen +dozener +dozenth +dozer +dozily +doziness +dozy +dozzled +drab +Draba +drabbet +drabbish +drabble +drabbler +drabbletail +drabbletailed +drabby +drably +drabness +Dracaena +Dracaenaceae +drachm +drachma +drachmae +drachmai +drachmal +dracma +Draco +Dracocephalum +Draconian +Draconianism +Draconic +draconic +Draconically +Draconid +Draconis +Draconism +draconites +draconitic +dracontian +dracontiasis +dracontic +dracontine +dracontites +Dracontium +dracunculus +draegerman +draff +draffman +draffy +draft +draftage +draftee +drafter +draftily +draftiness +drafting +draftman +draftmanship +draftproof +draftsman +draftsmanship +draftswoman +draftswomanship +draftwoman +drafty +drag +dragade +dragbar +dragbolt +dragged +dragger +draggily +dragginess +dragging +draggingly +draggle +draggletail +draggletailed +draggletailedly +draggletailedness +draggly +draggy +draghound +dragline +dragman +dragnet +drago +dragoman +dragomanate +dragomanic +dragomanish +dragon +dragonesque +dragoness +dragonet +dragonfish +dragonfly +dragonhead +dragonhood +dragonish +dragonism +dragonize +dragonkind +dragonlike +dragonnade +dragonroot +dragontail +dragonwort +dragoon +dragoonable +dragoonade +dragoonage +dragooner +dragrope +dragsaw +dragsawing +dragsman +dragstaff +drail +drain +drainable +drainage +drainboard +draine +drained +drainer +drainerman +drainless +drainman +drainpipe +draintile +draisine +drake +drakestone +drakonite +dram +drama +dramalogue +Dramamine +dramatic +dramatical +dramatically +dramaticism +dramatics +dramaticule +dramatism +dramatist +dramatizable +dramatization +dramatize +dramatizer +dramaturge +dramaturgic +dramaturgical +dramaturgist +dramaturgy +dramm +drammage +dramme +drammed +drammer +dramming +drammock +dramseller +dramshop +drang +drank +drant +drapable +Draparnaldia +drape +drapeable +draper +draperess +draperied +drapery +drapetomania +drapping +drassid +Drassidae +drastic +drastically +drat +dratchell +drate +dratted +dratting +draught +draughtboard +draughthouse +draughtman +draughtmanship +draughts +draughtsman +draughtsmanship +draughtswoman +draughtswomanship +Dravida +Dravidian +Dravidic +dravya +draw +drawable +drawarm +drawback +drawbar +drawbeam +drawbench +drawboard +drawbolt +drawbore +drawboy +drawbridge +Drawcansir +drawcut +drawdown +drawee +drawer +drawers +drawfile +drawfiling +drawgate +drawgear +drawglove +drawhead +drawhorse +drawing +drawk +drawknife +drawknot +drawl +drawlatch +drawler +drawling +drawlingly +drawlingness +drawlink +drawloom +drawly +drawn +drawnet +drawoff +drawout +drawplate +drawpoint +drawrod +drawshave +drawsheet +drawspan +drawspring +drawstop +drawstring +drawtongs +drawtube +dray +drayage +drayman +drazel +dread +dreadable +dreader +dreadful +dreadfully +dreadfulness +dreadingly +dreadless +dreadlessly +dreadlessness +dreadly +dreadness +dreadnought +dream +dreamage +dreamer +dreamery +dreamful +dreamfully +dreamfulness +dreamhole +dreamily +dreaminess +dreamingly +dreamish +dreamland +dreamless +dreamlessly +dreamlessness +dreamlet +dreamlike +dreamlit +dreamlore +dreamsily +dreamsiness +dreamsy +dreamt +dreamtide +dreamwhile +dreamwise +dreamworld +dreamy +drear +drearfully +drearily +dreariment +dreariness +drearisome +drearly +drearness +dreary +dredge +dredgeful +dredger +dredging +dree +dreep +dreepiness +dreepy +dreg +dreggily +dregginess +dreggish +dreggy +dregless +dregs +dreiling +Dreissensia +dreissiger +drench +drencher +drenching +drenchingly +dreng +drengage +Drepanaspis +Drepanidae +Drepanididae +drepaniform +Drepanis +drepanium +drepanoid +Dreparnaudia +dress +dressage +dressed +dresser +dressership +dressily +dressiness +dressing +dressline +dressmaker +dressmakership +dressmakery +dressmaking +dressy +drest +Drew +drew +drewite +Dreyfusism +Dreyfusist +drias +drib +dribble +dribblement +dribbler +driblet +driddle +dried +drier +drierman +driest +drift +driftage +driftbolt +drifter +drifting +driftingly +driftland +driftless +driftlessness +driftlet +driftman +driftpiece +driftpin +driftway +driftweed +driftwind +driftwood +drifty +drightin +drill +driller +drillet +drilling +drillman +drillmaster +drillstock +Drimys +dringle +drink +drinkability +drinkable +drinkableness +drinkably +drinker +drinking +drinkless +drinkproof +drinn +drip +dripper +dripping +dripple +dripproof +drippy +dripstick +dripstone +drisheen +drisk +drivable +drivage +drive +driveaway +driveboat +drivebolt +drivehead +drivel +driveler +drivelingly +driven +drivepipe +driver +driverless +drivership +drivescrew +driveway +drivewell +driving +drivingly +drizzle +drizzly +drochuil +droddum +drofland +drogh +drogher +drogherman +drogue +droit +droitsman +droitural +droiturel +Drokpa +droll +drollery +drollingly +drollish +drollishness +drollist +drollness +drolly +Dromaeognathae +dromaeognathism +dromaeognathous +Dromaeus +drome +dromedarian +dromedarist +dromedary +drometer +Dromiacea +dromic +Dromiceiidae +Dromiceius +Dromicia +dromograph +dromomania +dromometer +dromond +Dromornis +dromos +dromotropic +drona +dronage +drone +dronepipe +droner +drongo +droningly +dronish +dronishly +dronishness +dronkgrass +drony +drool +droop +drooper +drooping +droopingly +droopingness +droopt +droopy +drop +dropberry +dropcloth +dropflower +drophead +droplet +droplight +droplike +dropling +dropman +dropout +dropper +dropping +droppingly +droppy +dropseed +dropsical +dropsically +dropsicalness +dropsied +dropsy +dropsywort +dropt +dropwise +dropworm +dropwort +Droschken +Drosera +Droseraceae +droseraceous +droshky +drosky +drosograph +drosometer +Drosophila +Drosophilidae +Drosophyllum +dross +drossel +drosser +drossiness +drossless +drossy +drostdy +droud +drought +droughtiness +droughty +drouk +drove +drover +drovy +drow +drown +drowner +drowningly +drowse +drowsily +drowsiness +drowsy +drub +drubber +drubbing +drubbly +drucken +drudge +drudger +drudgery +drudgingly +drudgism +druery +drug +drugeteria +drugger +druggery +drugget +druggeting +druggist +druggister +druggy +drugless +drugman +drugshop +drugstore +druid +druidess +druidic +druidical +druidism +druidry +druith +Drukpa +drum +drumbeat +drumble +drumbledore +drumbler +drumfire +drumfish +drumhead +drumheads +drumlike +drumlin +drumline +drumlinoid +drumloid +drumloidal +drumly +drummer +drumming +drummy +drumskin +drumstick +drumwood +drung +drungar +drunk +drunkard +drunken +drunkenly +drunkenness +drunkensome +drunkenwise +drunkery +Drupa +Drupaceae +drupaceous +drupal +drupe +drupel +drupelet +drupeole +drupetum +drupiferous +Druse +druse +Drusean +Drusedom +drusy +druxiness +druxy +dry +dryad +dryadetum +dryadic +dryas +dryasdust +drybeard +drybrained +drycoal +Drydenian +Drydenism +dryfoot +drygoodsman +dryhouse +drying +dryish +dryly +Drynaria +dryness +Dryobalanops +Dryope +Dryopes +Dryophyllum +Dryopians +dryopithecid +Dryopithecinae +dryopithecine +Dryopithecus +Dryops +Dryopteris +dryopteroid +drysalter +drysaltery +dryster +dryth +dryworker +Dschubba +duad +duadic +dual +Duala +duali +dualin +dualism +dualist +dualistic +dualistically +duality +dualization +dualize +dually +Dualmutef +dualogue +Duane +duarch +duarchy +dub +dubash +dubb +dubba +dubbah +dubbeltje +dubber +dubbing +dubby +Dubhe +Dubhgall +dubiety +dubiocrystalline +dubiosity +dubious +dubiously +dubiousness +dubitable +dubitably +dubitancy +dubitant +dubitate +dubitatingly +dubitation +dubitative +dubitatively +Duboisia +duboisin +duboisine +Dubonnet +dubs +ducal +ducally +ducamara +ducape +ducat +ducato +ducatoon +ducdame +duces +Duchesnea +Duchess +duchess +duchesse +duchesslike +duchy +duck +duckbill +duckblind +duckboard +duckboat +ducker +duckery +duckfoot +duckhearted +duckhood +duckhouse +duckhunting +duckie +ducking +duckling +ducklingship +duckmeat +duckpin +duckpond +duckstone +duckweed +duckwife +duckwing +Duco +duct +ducted +ductibility +ductible +ductile +ductilely +ductileness +ductilimeter +ductility +ductilize +duction +ductless +ductor +ductule +Ducula +Duculinae +dud +dudaim +dudder +duddery +duddies +dude +dudeen +dudgeon +dudine +dudish +dudishness +dudism +dudler +dudley +Dudleya +dudleyite +dudman +due +duel +dueler +dueling +duelist +duelistic +duello +dueness +duenna +duennadom +duennaship +duer +Duessa +duet +duettist +duff +duffadar +duffel +duffer +dufferdom +duffing +dufoil +dufrenite +dufrenoysite +dufter +dufterdar +duftery +dug +dugal +dugdug +duggler +dugong +Dugongidae +dugout +dugway +duhat +Duhr +duiker +duikerbok +duim +Duit +duit +dujan +Duke +duke +dukedom +dukeling +dukely +dukery +dukeship +dukhn +dukker +dukkeripen +Dulanganes +Dulat +dulbert +dulcet +dulcetly +dulcetness +dulcian +dulciana +dulcification +dulcifluous +dulcify +dulcigenic +dulcimer +Dulcin +Dulcinea +Dulcinist +dulcitol +dulcitude +dulcose +duledge +duler +dulia +dull +dullard +dullardism +dullardness +dullbrained +duller +dullery +dullhead +dullhearted +dullification +dullify +dullish +dullity +dullness +dullpate +dullsome +dully +dulosis +dulotic +dulse +dulseman +dult +dultie +dulwilly +duly +dum +duma +dumaist +dumb +dumba +dumbbell +dumbbeller +dumbcow +dumbfounder +dumbfounderment +dumbhead +dumbledore +dumbly +dumbness +dumdum +dumetose +dumfound +dumfounder +dumfounderment +dummel +dummered +dumminess +dummy +dummyism +dummyweed +Dumontia +Dumontiaceae +dumontite +dumortierite +dumose +dumosity +dump +dumpage +dumpcart +dumper +dumpily +dumpiness +dumping +dumpish +dumpishly +dumpishness +dumple +dumpling +dumpoke +dumpy +dumsola +dun +dunair +dunal +dunbird +Duncan +dunce +duncedom +duncehood +duncery +dunch +Dunciad +duncical +duncify +duncish +duncishly +duncishness +dundasite +dunder +dunderhead +dunderheaded +dunderheadedness +dunderpate +dune +dunelike +dunfish +dung +Dungan +dungannonite +dungaree +dungbeck +dungbird +dungbred +dungeon +dungeoner +dungeonlike +dunger +dunghill +dunghilly +dungol +dungon +dungy +dungyard +dunite +dunk +dunkadoo +Dunkard +Dunker +dunker +Dunkirk +Dunkirker +Dunlap +dunlin +Dunlop +dunnage +dunne +dunner +dunness +dunnish +dunnite +dunnock +dunny +dunpickle +Duns +dunst +dunstable +dunt +duntle +duny +dunziekte +duo +duocosane +duodecahedral +duodecahedron +duodecane +duodecennial +duodecillion +duodecimal +duodecimality +duodecimally +duodecimfid +duodecimo +duodecimole +duodecuple +duodena +duodenal +duodenary +duodenate +duodenation +duodene +duodenectomy +duodenitis +duodenocholangitis +duodenocholecystostomy +duodenocholedochotomy +duodenocystostomy +duodenoenterostomy +duodenogram +duodenojejunal +duodenojejunostomy +duodenopancreatectomy +duodenoscopy +duodenostomy +duodenotomy +duodenum +duodrama +duograph +duogravure +duole +duoliteral +duologue +duomachy +duopod +duopolistic +duopoly +duopsonistic +duopsony +duosecant +duotone +duotriacontane +duotype +dup +dupability +dupable +dupe +dupedom +duper +dupery +dupion +dupla +duplation +duple +duplet +duplex +duplexity +duplicability +duplicable +duplicand +duplicate +duplication +duplicative +duplicator +duplicature +duplicia +duplicident +Duplicidentata +duplicidentate +duplicipennate +duplicitas +duplicity +duplification +duplify +duplone +dupondius +duppy +dura +durability +durable +durableness +durably +durain +dural +Duralumin +duramatral +duramen +durance +Durandarte +durangite +Durango +Durani +durant +Duranta +duraplasty +duraquara +duraspinalis +duration +durational +durationless +durative +durax +durbachite +Durban +durbar +durdenite +dure +durene +durenol +duress +duressor +durgan +Durham +durian +duridine +Durindana +during +duringly +Durio +durity +durmast +durn +duro +Duroc +durometer +duroquinone +durra +durrie +durrin +durry +durst +durukuli +durwaun +duryl +Duryodhana +Durzada +dusack +duscle +dush +dusio +dusk +dusken +duskily +duskiness +duskingtide +duskish +duskishly +duskishness +duskly +duskness +dusky +dust +dustbin +dustbox +dustcloth +dustee +duster +dusterman +dustfall +dustily +Dustin +dustiness +dusting +dustless +dustlessness +dustman +dustpan +dustproof +dustuck +dustwoman +dusty +dustyfoot +Dusun +Dutch +dutch +Dutcher +Dutchify +Dutchman +Dutchy +duteous +duteously +duteousness +dutiability +dutiable +dutied +dutiful +dutifully +dutifulness +dutra +duty +dutymonger +duumvir +duumviral +duumvirate +duvet +duvetyn +dux +duyker +dvaita +dvandva +dwale +dwalm +Dwamish +dwang +dwarf +dwarfish +dwarfishly +dwarfishness +dwarfism +dwarfling +dwarfness +dwarfy +dwayberry +Dwayne +dwell +dwelled +dweller +dwelling +dwelt +Dwight +dwindle +dwindlement +dwine +Dwyka +dyad +dyadic +Dyak +dyakisdodecahedron +Dyakish +dyarchic +dyarchical +dyarchy +Dyas +Dyassic +dyaster +Dyaus +dyce +dye +dyeable +dyehouse +dyeing +dyeleaves +dyemaker +dyemaking +dyer +dyester +dyestuff +dyeware +dyeweed +dyewood +dygogram +dying +dyingly +dyingness +dyke +dykehopper +dyker +dykereeve +Dylan +dynagraph +dynameter +dynametric +dynametrical +dynamic +dynamical +dynamically +dynamics +dynamis +dynamism +dynamist +dynamistic +dynamitard +dynamite +dynamiter +dynamitic +dynamitical +dynamitically +dynamiting +dynamitish +dynamitism +dynamitist +dynamization +dynamize +dynamo +dynamoelectric +dynamoelectrical +dynamogenesis +dynamogenic +dynamogenous +dynamogenously +dynamogeny +dynamometamorphic +dynamometamorphism +dynamometamorphosed +dynamometer +dynamometric +dynamometrical +dynamometry +dynamomorphic +dynamoneure +dynamophone +dynamostatic +dynamotor +dynast +Dynastes +dynastical +dynastically +dynasticism +dynastid +dynastidan +Dynastides +Dynastinae +dynasty +dynatron +dyne +dyophone +Dyophysite +Dyophysitic +Dyophysitical +Dyophysitism +dyotheism +Dyothelete +Dyotheletian +Dyotheletic +Dyotheletical +Dyotheletism +Dyothelism +dyphone +dysacousia +dysacousis +dysanalyte +dysaphia +dysarthria +dysarthric +dysarthrosis +dysbulia +dysbulic +dyschiria +dyschroa +dyschroia +dyschromatopsia +dyschromatoptic +dyschronous +dyscrasia +dyscrasial +dyscrasic +dyscrasite +dyscratic +dyscrystalline +dysenteric +dysenterical +dysentery +dysepulotic +dysepulotical +dyserethisia +dysergasia +dysergia +dysesthesia +dysesthetic +dysfunction +dysgenesic +dysgenesis +dysgenetic +dysgenic +dysgenical +dysgenics +dysgeogenous +dysgnosia +dysgraphia +dysidrosis +dyskeratosis +dyskinesia +dyskinetic +dyslalia +dyslexia +dyslogia +dyslogistic +dyslogistically +dyslogy +dysluite +dyslysin +dysmenorrhea +dysmenorrheal +dysmerism +dysmeristic +dysmerogenesis +dysmerogenetic +dysmeromorph +dysmeromorphic +dysmetria +dysmnesia +dysmorphism +dysmorphophobia +dysneuria +dysnomy +dysodile +dysodontiasis +dysorexia +dysorexy +dysoxidation +dysoxidizable +dysoxidize +dyspathetic +dyspathy +dyspepsia +dyspepsy +dyspeptic +dyspeptical +dyspeptically +dysphagia +dysphagic +dysphasia +dysphasic +dysphemia +dysphonia +dysphonic +dysphoria +dysphoric +dysphotic +dysphrasia +dysphrenia +dyspituitarism +dysplasia +dysplastic +dyspnea +dyspneal +dyspneic +dyspnoic +dysprosia +dysprosium +dysraphia +dyssnite +Dyssodia +dysspermatism +dyssynergia +dyssystole +dystaxia +dystectic +dysteleological +dysteleologist +dysteleology +dysthyroidism +dystocia +dystocial +dystome +dystomic +dystomous +dystrophia +dystrophic +dystrophy +dysuria +dysuric +dysyntribite +dytiscid +Dytiscidae +Dytiscus +dzeren +Dzungar +E +e +ea +each +eachwhere +eager +eagerly +eagerness +eagle +eaglelike +eagless +eaglestone +eaglet +eaglewood +eagre +ean +ear +earache +earbob +earcap +earcockle +eardrop +eardropper +eardrum +eared +earflower +earful +earhole +earing +earjewel +Earl +earl +earlap +earldom +Earle +earless +earlet +earlike +earliness +earlish +earlock +earlship +early +earmark +earn +earner +earnest +earnestly +earnestness +earnful +Earnie +earning +earnings +earphone +earpick +earpiece +earplug +earreach +earring +earringed +earscrew +earshot +earsore +earsplitting +eartab +earth +earthboard +earthborn +earthbred +earthdrake +earthed +earthen +earthenhearted +earthenware +earthfall +earthfast +earthgall +earthgrubber +earthian +earthiness +earthkin +earthless +earthlight +earthlike +earthliness +earthling +earthly +earthmaker +earthmaking +earthnut +earthpea +earthquake +earthquaked +earthquaken +earthquaking +Earthshaker +earthshine +earthshock +earthslide +earthsmoke +earthstar +earthtongue +earthwall +earthward +earthwards +earthwork +earthworm +earthy +earwax +earwig +earwigginess +earwiggy +earwitness +earworm +earwort +ease +easeful +easefully +easefulness +easel +easeless +easement +easer +easier +easiest +easily +easiness +easing +east +eastabout +eastbound +Easter +easter +easterling +easterly +Eastern +eastern +easterner +Easternism +Easternly +easternmost +Eastertide +easting +Eastlake +eastland +eastmost +Eastre +eastward +eastwardly +easy +easygoing +easygoingness +eat +eatability +eatable +eatableness +eatage +Eatanswill +eatberry +eaten +eater +eatery +eating +eats +eave +eaved +eavedrop +eaver +eaves +eavesdrop +eavesdropper +eavesdropping +ebb +ebbman +Eben +Ebenaceae +ebenaceous +Ebenales +ebeneous +Ebenezer +Eberthella +Ebionism +Ebionite +Ebionitic +Ebionitism +Ebionize +Eboe +eboe +ebon +ebonist +ebonite +ebonize +ebony +ebracteate +ebracteolate +ebriate +ebriety +ebriosity +ebrious +ebriously +ebullate +ebullience +ebulliency +ebullient +ebulliently +ebulliometer +ebullioscope +ebullioscopic +ebullioscopy +ebullition +ebullitive +ebulus +eburated +eburine +Eburna +eburnated +eburnation +eburnean +eburneoid +eburneous +eburnian +eburnification +ecad +ecalcarate +ecanda +ecardinal +Ecardines +ecarinate +ecarte +Ecaudata +ecaudate +Ecballium +ecbatic +ecblastesis +ecbole +ecbolic +Ecca +eccaleobion +eccentrate +eccentric +eccentrical +eccentrically +eccentricity +eccentring +eccentrometer +ecchondroma +ecchondrosis +ecchondrotome +ecchymoma +ecchymose +ecchymosis +ecclesia +ecclesial +ecclesiarch +ecclesiarchy +ecclesiast +Ecclesiastes +ecclesiastic +ecclesiastical +ecclesiastically +ecclesiasticism +ecclesiasticize +ecclesiastics +Ecclesiasticus +ecclesiastry +ecclesioclastic +ecclesiography +ecclesiolater +ecclesiolatry +ecclesiologic +ecclesiological +ecclesiologically +ecclesiologist +ecclesiology +ecclesiophobia +eccoprotic +eccoproticophoric +eccrinology +eccrisis +eccritic +eccyclema +eccyesis +ecdemic +ecdemite +ecderon +ecderonic +ecdysiast +ecdysis +ecesic +ecesis +ecgonine +eche +echea +echelette +echelon +echelonment +Echeloot +Echeneidae +echeneidid +Echeneididae +echeneidoid +Echeneis +Echeveria +echidna +Echidnidae +Echimys +Echinacea +echinal +echinate +echinid +Echinidea +echinital +echinite +Echinocactus +Echinocaris +Echinocereus +Echinochloa +echinochrome +echinococcus +Echinoderes +Echinoderidae +echinoderm +Echinoderma +echinodermal +Echinodermata +echinodermatous +echinodermic +Echinodorus +echinoid +Echinoidea +echinologist +echinology +Echinomys +Echinopanax +Echinops +echinopsine +Echinorhinidae +Echinorhinus +Echinorhynchus +Echinospermum +Echinosphaerites +Echinosphaeritidae +Echinostoma +Echinostomatidae +echinostome +echinostomiasis +Echinozoa +echinulate +echinulated +echinulation +echinuliform +echinus +Echis +echitamine +Echites +Echium +echiurid +Echiurida +echiuroid +Echiuroidea +Echiurus +echo +echoer +echoic +echoingly +echoism +echoist +echoize +echolalia +echolalic +echoless +echometer +echopractic +echopraxia +echowise +Echuca +eciliate +Eciton +ecize +Eckehart +ecklein +eclair +eclampsia +eclamptic +eclat +eclectic +eclectical +eclectically +eclecticism +eclecticize +Eclectics +eclectism +eclectist +eclegm +eclegma +eclipsable +eclipsareon +eclipsation +eclipse +eclipser +eclipsis +ecliptic +ecliptical +ecliptically +eclogite +eclogue +eclosion +ecmnesia +ecoid +ecole +ecologic +ecological +ecologically +ecologist +ecology +econometer +econometric +econometrician +econometrics +economic +economical +economically +economics +economism +economist +Economite +economization +economize +economizer +economy +ecophene +ecophobia +ecorticate +ecospecies +ecospecific +ecospecifically +ecostate +ecosystem +ecotonal +ecotone +ecotype +ecotypic +ecotypically +ecphonesis +ecphorable +ecphore +ecphoria +ecphorization +ecphorize +ecphrasis +ecrasite +ecru +ecrustaceous +ecstasis +ecstasize +ecstasy +ecstatic +ecstatica +ecstatical +ecstatically +ecstaticize +ecstrophy +ectad +ectadenia +ectal +ectally +ectasia +ectasis +ectatic +ectene +ectental +ectepicondylar +ectethmoid +ectethmoidal +Ecthesis +ecthetically +ecthlipsis +ecthyma +ectiris +ectobatic +ectoblast +ectoblastic +ectobronchium +ectocardia +Ectocarpaceae +ectocarpaceous +Ectocarpales +ectocarpic +ectocarpous +Ectocarpus +ectocinerea +ectocinereal +ectocoelic +ectocondylar +ectocondyle +ectocondyloid +ectocornea +ectocranial +ectocuneiform +ectocuniform +ectocyst +ectodactylism +ectoderm +ectodermal +ectodermic +ectodermoidal +ectodermosis +ectodynamomorphic +ectoentad +ectoenzyme +ectoethmoid +ectogenesis +ectogenic +ectogenous +ectoglia +Ectognatha +ectolecithal +ectoloph +ectomere +ectomeric +ectomesoblast +ectomorph +ectomorphic +ectomorphy +ectonephridium +ectoparasite +ectoparasitic +Ectoparasitica +ectopatagium +ectophloic +ectophyte +ectophytic +ectopia +ectopic +Ectopistes +ectoplacenta +ectoplasm +ectoplasmatic +ectoplasmic +ectoplastic +ectoplasy +Ectoprocta +ectoproctan +ectoproctous +ectopterygoid +ectopy +ectoretina +ectorganism +ectorhinal +ectosarc +ectosarcous +ectoskeleton +ectosomal +ectosome +ectosphenoid +ectosphenotic +ectosphere +ectosteal +ectosteally +ectostosis +ectotheca +ectotoxin +Ectotrophi +ectotrophic +ectozoa +ectozoan +ectozoic +ectozoon +ectrodactylia +ectrodactylism +ectrodactyly +ectrogenic +ectrogeny +ectromelia +ectromelian +ectromelic +ectromelus +ectropion +ectropium +ectropometer +ectrosyndactyly +ectypal +ectype +ectypography +Ecuadoran +Ecuadorian +ecuelling +ecumenic +ecumenical +ecumenicalism +ecumenicality +ecumenically +ecumenicity +ecyphellate +eczema +eczematization +eczematoid +eczematosis +eczematous +Ed +edacious +edaciously +edaciousness +edacity +Edana +edaphic +edaphology +edaphon +Edaphosauria +Edaphosaurus +Edda +Eddaic +edder +Eddic +Eddie +eddish +eddo +Eddy +eddy +eddyroot +edea +edeagra +edeitis +edelweiss +edema +edematous +edemic +Eden +Edenic +edenite +Edenization +Edenize +edental +edentalous +Edentata +edentate +edentulate +edentulous +edeodynia +edeology +edeomania +edeoscopy +edeotomy +Edessan +edestan +edestin +Edestosaurus +Edgar +edge +edgebone +edged +edgeless +edgemaker +edgemaking +edgeman +edger +edgerman +edgeshot +edgestone +edgeways +edgeweed +edgewise +edginess +edging +edgingly +edgrew +edgy +edh +edibility +edible +edibleness +edict +edictal +edictally +edicule +edificable +edification +edificator +edificatory +edifice +edificial +edifier +edify +edifying +edifyingly +edifyingness +edingtonite +edit +edital +Edith +edition +editor +editorial +editorialize +editorially +editorship +editress +Ediya +Edmond +Edmund +Edna +Edo +Edomite +Edomitish +Edoni +Edriasteroidea +Edrioasteroid +Edrioasteroidea +Edriophthalma +edriophthalmatous +edriophthalmian +edriophthalmic +edriophthalmous +Eduardo +Educabilia +educabilian +educability +educable +educand +educatable +educate +educated +educatee +education +educationable +educational +educationalism +educationalist +educationally +educationary +educationist +educative +educator +educatory +educatress +educe +educement +educible +educive +educt +eduction +eductive +eductor +edulcorate +edulcoration +edulcorative +edulcorator +Eduskunta +Edward +Edwardean +Edwardeanism +Edwardian +Edwardine +Edwardsia +Edwardsiidae +Edwin +Edwina +eegrass +eel +eelboat +eelbob +eelbobber +eelcake +eelcatcher +eeler +eelery +eelfare +eelfish +eelgrass +eellike +eelpot +eelpout +eelshop +eelskin +eelspear +eelware +eelworm +eely +eer +eerie +eerily +eeriness +eerisome +effable +efface +effaceable +effacement +effacer +effect +effecter +effectful +effectible +effective +effectively +effectiveness +effectivity +effectless +effector +effects +effectual +effectuality +effectualize +effectually +effectualness +effectuate +effectuation +effeminacy +effeminate +effeminately +effeminateness +effemination +effeminatize +effeminization +effeminize +effendi +efferent +effervesce +effervescence +effervescency +effervescent +effervescible +effervescingly +effervescive +effete +effeteness +effetman +efficacious +efficaciously +efficaciousness +efficacity +efficacy +efficience +efficiency +efficient +efficiently +Effie +effigial +effigiate +effigiation +effigurate +effiguration +effigy +efflate +efflation +effloresce +efflorescence +efflorescency +efflorescent +efflower +effluence +effluency +effluent +effluvia +effluvial +effluviate +effluviography +effluvious +effluvium +efflux +effluxion +effodient +Effodientia +efform +efformation +efformative +effort +effortful +effortless +effortlessly +effossion +effraction +effranchise +effranchisement +effrontery +effulge +effulgence +effulgent +effulgently +effund +effuse +effusiometer +effusion +effusive +effusively +effusiveness +Efik +eflagelliferous +efoliolate +efoliose +efoveolate +eft +eftest +eftsoons +egad +egalitarian +egalitarianism +egality +Egba +Egbert +Egbo +egence +egeran +Egeria +egest +egesta +egestion +egestive +egg +eggberry +eggcup +eggcupful +eggeater +egger +eggfish +eggfruit +egghead +egghot +egging +eggler +eggless +egglike +eggnog +eggplant +eggshell +eggy +egilops +egipto +Eglamore +eglandular +eglandulose +eglantine +eglatere +eglestonite +egma +ego +egocentric +egocentricity +egocentrism +Egocerus +egohood +egoism +egoist +egoistic +egoistical +egoistically +egoity +egoize +egoizer +egol +egolatrous +egomania +egomaniac +egomaniacal +egomism +egophonic +egophony +egosyntonic +egotheism +egotism +egotist +egotistic +egotistical +egotistically +egotize +egregious +egregiously +egregiousness +egress +egression +egressive +egressor +egret +Egretta +egrimony +egueiite +egurgitate +eguttulate +Egypt +Egyptian +Egyptianism +Egyptianization +Egyptianize +Egyptize +Egyptologer +Egyptologic +Egyptological +Egyptologist +Egyptology +eh +Ehatisaht +eheu +ehlite +Ehretia +Ehretiaceae +ehrwaldite +ehuawa +eichbergite +Eichhornia +eichwaldite +eicosane +eident +eidently +eider +eidetic +eidograph +eidolic +eidolism +eidology +eidolology +eidolon +eidoptometry +eidouranion +eigenfunction +eigenvalue +eight +eighteen +eighteenfold +eighteenmo +eighteenth +eighteenthly +eightfoil +eightfold +eighth +eighthly +eightieth +eightling +eightpenny +eightscore +eightsman +eightsome +eighty +eightyfold +eigne +Eikonogen +eikonology +Eileen +Eimak +eimer +Eimeria +einkorn +Einsteinian +Eireannach +Eirene +eiresione +eisegesis +eisegetical +eisodic +eisteddfod +eisteddfodic +eisteddfodism +either +ejaculate +ejaculation +ejaculative +ejaculator +ejaculatory +Ejam +eject +ejecta +ejectable +ejection +ejective +ejectively +ejectivity +ejectment +ejector +ejicient +ejoo +ekaboron +ekacaesium +ekaha +ekamanganese +ekasilicon +ekatantalum +eke +ekebergite +eker +ekerite +eking +ekka +Ekoi +ekphore +Ekron +Ekronite +ektene +ektenes +ektodynamorphic +el +elaborate +elaborately +elaborateness +elaboration +elaborative +elaborator +elaboratory +elabrate +Elachista +Elachistaceae +elachistaceous +Elaeagnaceae +elaeagnaceous +Elaeagnus +Elaeis +elaeoblast +elaeoblastic +Elaeocarpaceae +elaeocarpaceous +Elaeocarpus +Elaeococca +Elaeodendron +elaeodochon +elaeomargaric +elaeometer +elaeoptene +elaeosaccharum +elaeothesium +elaidate +elaidic +elaidin +elaidinic +elain +Elaine +elaine +elaioleucite +elaioplast +elaiosome +Elamite +Elamitic +Elamitish +elance +eland +elanet +Elanus +Elaphe +Elaphebolion +elaphine +Elaphodus +Elaphoglossum +Elaphomyces +Elaphomycetaceae +Elaphrium +elaphure +elaphurine +Elaphurus +elapid +Elapidae +Elapinae +elapine +elapoid +Elaps +elapse +Elapsoidea +elasmobranch +elasmobranchian +elasmobranchiate +Elasmobranchii +elasmosaur +Elasmosaurus +elasmothere +Elasmotherium +elastance +elastic +elastica +elastically +elastician +elasticin +elasticity +elasticize +elasticizer +elasticness +elastin +elastivity +elastomer +elastomeric +elastometer +elastometry +elastose +elatcha +elate +elated +elatedly +elatedness +elater +elaterid +Elateridae +elaterin +elaterite +elaterium +elateroid +Elatha +Elatinaceae +elatinaceous +Elatine +elation +elative +elator +elatrometer +elb +Elbert +Elberta +elbow +elbowboard +elbowbush +elbowchair +elbowed +elbower +elbowpiece +elbowroom +elbowy +elcaja +elchee +eld +elder +elderberry +elderbrotherhood +elderbrotherish +elderbrotherly +elderbush +elderhood +elderliness +elderly +elderman +eldership +eldersisterly +elderwoman +elderwood +elderwort +eldest +eldin +elding +Eldred +eldress +eldritch +Elean +Eleanor +Eleatic +Eleaticism +Eleazar +elecampane +elect +electable +electee +electicism +election +electionary +electioneer +electioneerer +elective +electively +electiveness +electivism +electivity +electly +elector +electoral +electorally +electorate +electorial +electorship +Electra +electragist +electragy +electralize +electrepeter +electress +electret +electric +electrical +electricalize +electrically +electricalness +electrician +electricity +electricize +electrics +electriferous +electrifiable +electrification +electrifier +electrify +electrion +electrionic +electrizable +electrization +electrize +electrizer +electro +electroacoustic +electroaffinity +electroamalgamation +electroanalysis +electroanalytic +electroanalytical +electroanesthesia +electroballistic +electroballistics +electrobath +electrobiological +electrobiologist +electrobiology +electrobioscopy +electroblasting +electrobrasser +electrobus +electrocapillarity +electrocapillary +electrocardiogram +electrocardiograph +electrocardiographic +electrocardiography +electrocatalysis +electrocatalytic +electrocataphoresis +electrocataphoretic +electrocauterization +electrocautery +electroceramic +electrochemical +electrochemically +electrochemist +electrochemistry +electrochronograph +electrochronographic +electrochronometer +electrochronometric +electrocoagulation +electrocoating +electrocolloidal +electrocontractility +electrocorticogram +electroculture +electrocute +electrocution +electrocutional +electrocutioner +electrocystoscope +electrode +electrodeless +electrodentistry +electrodeposit +electrodepositable +electrodeposition +electrodepositor +electrodesiccate +electrodesiccation +electrodiagnosis +electrodialysis +electrodialyze +electrodialyzer +electrodiplomatic +electrodispersive +electrodissolution +electrodynamic +electrodynamical +electrodynamics +electrodynamism +electrodynamometer +electroencephalogram +electroencephalograph +electroencephalography +electroendosmose +electroendosmosis +electroendosmotic +electroengrave +electroengraving +electroergometer +electroetching +electroethereal +electroextraction +electroform +electroforming +electrofuse +electrofused +electrofusion +electrogalvanic +electrogalvanize +electrogenesis +electrogenetic +electrogild +electrogilding +electrogilt +electrograph +electrographic +electrographite +electrography +electroharmonic +electrohemostasis +electrohomeopathy +electrohorticulture +electrohydraulic +electroimpulse +electroindustrial +electroionic +electroirrigation +electrokinematics +electrokinetic +electrokinetics +electrolier +electrolithotrity +electrologic +electrological +electrologist +electrology +electroluminescence +electroluminescent +electrolysis +electrolyte +electrolytic +electrolytical +electrolytically +electrolyzability +electrolyzable +electrolyzation +electrolyze +electrolyzer +electromagnet +electromagnetic +electromagnetical +electromagnetically +electromagnetics +electromagnetism +electromagnetist +electromassage +electromechanical +electromechanics +electromedical +electromer +electromeric +electromerism +electrometallurgical +electrometallurgist +electrometallurgy +electrometer +electrometric +electrometrical +electrometrically +electrometry +electromobile +electromobilism +electromotion +electromotive +electromotivity +electromotograph +electromotor +electromuscular +electromyographic +electron +electronarcosis +electronegative +electronervous +electronic +electronics +electronographic +electrooptic +electrooptical +electrooptically +electrooptics +electroosmosis +electroosmotic +electroosmotically +electrootiatrics +electropathic +electropathology +electropathy +electropercussive +electrophobia +electrophone +electrophore +electrophoresis +electrophoretic +electrophoric +Electrophoridae +electrophorus +electrophotometer +electrophotometry +electrophototherapy +electrophrenic +electrophysics +electrophysiological +electrophysiologist +electrophysiology +electropism +electroplate +electroplater +electroplating +electroplax +electropneumatic +electropneumatically +electropoion +electropolar +electropositive +electropotential +electropower +electropsychrometer +electropult +electropuncturation +electropuncture +electropuncturing +electropyrometer +electroreceptive +electroreduction +electrorefine +electroscission +electroscope +electroscopic +electrosherardizing +electroshock +electrosmosis +electrostatic +electrostatical +electrostatically +electrostatics +electrosteel +electrostenolysis +electrostenolytic +electrostereotype +electrostriction +electrosurgery +electrosurgical +electrosynthesis +electrosynthetic +electrosynthetically +electrotactic +electrotautomerism +electrotaxis +electrotechnic +electrotechnical +electrotechnician +electrotechnics +electrotechnology +electrotelegraphic +electrotelegraphy +electrotelethermometer +electrotellurograph +electrotest +electrothanasia +electrothanatosis +electrotherapeutic +electrotherapeutical +electrotherapeutics +electrotherapeutist +electrotherapist +electrotherapy +electrothermal +electrothermancy +electrothermic +electrothermics +electrothermometer +electrothermostat +electrothermostatic +electrothermotic +electrotitration +electrotonic +electrotonicity +electrotonize +electrotonus +electrotrephine +electrotropic +electrotropism +electrotype +electrotyper +electrotypic +electrotyping +electrotypist +electrotypy +electrovalence +electrovalency +electrovection +electroviscous +electrovital +electrowin +electrum +electuary +eleemosynarily +eleemosynariness +eleemosynary +elegance +elegancy +elegant +elegantly +elegiac +elegiacal +elegiambic +elegiambus +elegiast +elegist +elegit +elegize +elegy +eleidin +element +elemental +elementalism +elementalist +elementalistic +elementalistically +elementality +elementalize +elementally +elementarily +elementariness +elementary +elementoid +elemi +elemicin +elemin +elench +elenchi +elenchic +elenchical +elenchically +elenchize +elenchtic +elenchtical +elenctic +elenge +eleoblast +Eleocharis +eleolite +eleomargaric +eleometer +eleonorite +eleoptene +eleostearate +eleostearic +elephant +elephanta +elephantiac +elephantiasic +elephantiasis +elephantic +elephanticide +Elephantidae +elephantine +elephantlike +elephantoid +elephantoidal +Elephantopus +elephantous +elephantry +Elephas +Elettaria +Eleusine +Eleusinia +Eleusinian +Eleusinion +Eleut +eleutherarch +Eleutheri +Eleutheria +Eleutherian +Eleutherios +eleutherism +eleutherodactyl +Eleutherodactyli +Eleutherodactylus +eleutheromania +eleutheromaniac +eleutheromorph +eleutheropetalous +eleutherophyllous +eleutherosepalous +Eleutherozoa +eleutherozoan +elevate +elevated +elevatedly +elevatedness +elevating +elevatingly +elevation +elevational +elevator +elevatory +eleven +elevener +elevenfold +eleventh +eleventhly +elevon +elf +elfenfolk +elfhood +elfic +elfin +elfinwood +elfish +elfishly +elfishness +elfkin +elfland +elflike +elflock +elfship +elfwife +elfwort +Eli +Elia +Elian +Elianic +Elias +eliasite +elicit +elicitable +elicitate +elicitation +elicitor +elicitory +elide +elidible +eligibility +eligible +eligibleness +eligibly +Elihu +Elijah +eliminable +eliminand +eliminant +eliminate +elimination +eliminative +eliminator +eliminatory +Elinor +Elinvar +Eliot +Eliphalet +eliquate +eliquation +Elisabeth +Elisha +Elishah +elision +elisor +Elissa +elite +elixir +Eliza +Elizabeth +Elizabethan +Elizabethanism +Elizabethanize +elk +Elkanah +Elkdom +Elkesaite +elkhorn +elkhound +Elkoshite +elkslip +Elkuma +elkwood +ell +Ella +ellachick +ellagate +ellagic +ellagitannin +Ellasar +elle +elleck +Ellen +ellenyard +Ellerian +ellfish +Ellice +Ellick +Elliot +Elliott +ellipse +ellipses +ellipsis +ellipsograph +ellipsoid +ellipsoidal +ellipsone +ellipsonic +elliptic +elliptical +elliptically +ellipticalness +ellipticity +elliptograph +elliptoid +ellops +ellwand +elm +Elmer +elmy +Eloah +elocular +elocute +elocution +elocutionary +elocutioner +elocutionist +elocutionize +elod +Elodea +Elodeaceae +Elodes +eloge +elogium +Elohim +Elohimic +Elohism +Elohist +Elohistic +eloign +eloigner +eloignment +Eloise +Elon +elongate +elongated +elongation +elongative +Elonite +elope +elopement +eloper +Elopidae +elops +eloquence +eloquent +eloquential +eloquently +eloquentness +Elotherium +elotillo +elpasolite +elpidite +Elric +els +Elsa +else +elsehow +elsewards +elseways +elsewhen +elsewhere +elsewheres +elsewhither +elsewise +Elsholtzia +elsin +elt +eluate +elucidate +elucidation +elucidative +elucidator +elucidatory +elucubrate +elucubration +elude +eluder +elusion +elusive +elusively +elusiveness +elusoriness +elusory +elute +elution +elutor +elutriate +elutriation +elutriator +eluvial +eluviate +eluviation +eluvium +elvan +elvanite +elvanitic +elver +elves +elvet +Elvira +Elvis +elvish +elvishly +Elwood +elydoric +Elymi +Elymus +Elysee +Elysia +elysia +Elysian +Elysiidae +Elysium +elytral +elytriferous +elytriform +elytrigerous +elytrin +elytrocele +elytroclasia +elytroid +elytron +elytroplastic +elytropolypus +elytroposis +elytrorhagia +elytrorrhagia +elytrorrhaphy +elytrostenosis +elytrotomy +elytrous +elytrum +Elzevir +Elzevirian +Em +em +emaciate +emaciation +emajagua +emanant +emanate +emanation +emanational +emanationism +emanationist +emanatism +emanatist +emanatistic +emanativ +emanative +emanatively +emanator +emanatory +emancipate +emancipation +emancipationist +emancipatist +emancipative +emancipator +emancipatory +emancipatress +emancipist +emandibulate +emanium +emarcid +emarginate +emarginately +emargination +Emarginula +emasculate +emasculation +emasculative +emasculator +emasculatory +Embadomonas +emball +emballonurid +Emballonuridae +emballonurine +embalm +embalmer +embalmment +embank +embankment +embannered +embar +embargo +embargoist +embark +embarkation +embarkment +embarras +embarrass +embarrassed +embarrassedly +embarrassing +embarrassingly +embarrassment +embarrel +embassage +embassy +embastioned +embathe +embatholithic +embattle +embattled +embattlement +embay +embayment +Embden +embed +embedment +embeggar +Embelia +embelic +embellish +embellisher +embellishment +ember +embergoose +Emberiza +emberizidae +Emberizinae +emberizine +embezzle +embezzlement +embezzler +Embiidae +Embiidina +embind +Embiodea +Embioptera +embiotocid +Embiotocidae +embiotocoid +embira +embitter +embitterer +embitterment +emblaze +emblazer +emblazon +emblazoner +emblazonment +emblazonry +emblem +emblema +emblematic +emblematical +emblematically +emblematicalness +emblematicize +emblematist +emblematize +emblematology +emblement +emblemist +emblemize +emblemology +emblic +emblossom +embodier +embodiment +embody +embog +emboitement +embolden +emboldener +embole +embolectomy +embolemia +embolic +emboliform +embolism +embolismic +embolismus +embolite +embolium +embolize +embolo +embololalia +Embolomeri +embolomerism +embolomerous +embolomycotic +embolum +embolus +emboly +emborder +emboscata +embosom +emboss +embossage +embosser +embossing +embossman +embossment +embosture +embottle +embouchure +embound +embow +embowed +embowel +emboweler +embowelment +embower +embowerment +embowment +embox +embrace +embraceable +embraceably +embracement +embraceor +embracer +embracery +embracing +embracingly +embracingness +embracive +embrail +embranchment +embrangle +embranglement +embrasure +embreathe +embreathement +Embrica +embright +embrittle +embrittlement +embroaden +embrocate +embrocation +embroider +embroiderer +embroideress +embroidery +embroil +embroiler +embroilment +embronze +embrown +embryectomy +embryo +embryocardia +embryoctonic +embryoctony +embryoferous +embryogenesis +embryogenetic +embryogenic +embryogeny +embryogony +embryographer +embryographic +embryography +embryoid +embryoism +embryologic +embryological +embryologically +embryologist +embryology +embryoma +embryon +embryonal +embryonary +embryonate +embryonated +embryonic +embryonically +embryoniferous +embryoniform +embryony +embryopathology +embryophagous +embryophore +Embryophyta +embryophyte +embryoplastic +embryoscope +embryoscopic +embryotega +embryotic +embryotome +embryotomy +embryotrophic +embryotrophy +embryous +embryulcia +embryulcus +embubble +embuia +embus +embusk +embuskin +emcee +eme +emeer +emeership +Emeline +emend +emendable +emendandum +emendate +emendation +emendator +emendatory +emender +emerald +emeraldine +emeraude +emerge +emergence +emergency +emergent +emergently +emergentness +Emerita +emerited +emeritus +emerize +emerse +emersed +emersion +Emersonian +Emersonianism +Emery +emery +Emesa +Emesidae +emesis +emetatrophia +emetic +emetically +emetine +emetocathartic +emetology +emetomorphine +emgalla +emication +emiction +emictory +emigrant +emigrate +emigration +emigrational +emigrationist +emigrative +emigrator +emigratory +emigree +Emil +Emilia +Emily +Emim +eminence +eminency +eminent +eminently +emir +emirate +emirship +emissarium +emissary +emissaryship +emissile +emission +emissive +emissivity +emit +emittent +emitter +Emm +Emma +emma +Emmanuel +emmarble +emmarvel +emmenagogic +emmenagogue +emmenic +emmeniopathy +emmenology +emmensite +Emmental +emmer +emmergoose +emmet +emmetrope +emmetropia +emmetropic +emmetropism +emmetropy +Emmett +emodin +emollescence +emolliate +emollient +emoloa +emolument +emolumental +emolumentary +emote +emotion +emotionable +emotional +emotionalism +emotionalist +emotionality +emotionalization +emotionalize +emotionally +emotioned +emotionist +emotionize +emotionless +emotionlessness +emotive +emotively +emotiveness +emotivity +empacket +empaistic +empall +empanel +empanelment +empanoply +empaper +emparadise +emparchment +empark +empasm +empathic +empathically +empathize +empathy +Empedoclean +empeirema +Empeo +emperor +emperorship +empery +Empetraceae +empetraceous +Empetrum +emphases +emphasis +emphasize +emphatic +emphatical +emphatically +emphaticalness +emphlysis +emphractic +emphraxis +emphysema +emphysematous +emphyteusis +emphyteuta +emphyteutic +empicture +Empididae +Empidonax +empiecement +Empire +empire +empirema +empiric +empirical +empiricalness +empiricism +empiricist +empirics +empiriocritcism +empiriocritical +empiriological +empirism +empiristic +emplace +emplacement +emplane +emplastic +emplastration +emplastrum +emplectite +empleomania +employ +employability +employable +employed +employee +employer +employless +employment +emplume +empocket +empodium +empoison +empoisonment +emporetic +emporeutic +emporia +emporial +emporium +empower +empowerment +empress +emprise +emprosthotonic +emprosthotonos +emprosthotonus +empt +emptier +emptily +emptiness +emptings +emptins +emption +emptional +emptor +empty +emptyhearted +emptysis +empurple +Empusa +empyema +empyemic +empyesis +empyocele +empyreal +empyrean +empyreuma +empyreumatic +empyreumatical +empyreumatize +empyromancy +emu +emulable +emulant +emulate +emulation +emulative +emulatively +emulator +emulatory +emulatress +emulgence +emulgent +emulous +emulously +emulousness +emulsibility +emulsible +emulsifiability +emulsifiable +emulsification +emulsifier +emulsify +emulsin +emulsion +emulsionize +emulsive +emulsoid +emulsor +emunctory +emundation +emyd +Emydea +emydian +Emydidae +Emydinae +Emydosauria +emydosaurian +Emys +en +enable +enablement +enabler +enact +enactable +enaction +enactive +enactment +enactor +enactory +enaena +enage +Enajim +enalid +Enaliornis +enaliosaur +Enaliosauria +enaliosaurian +enallachrome +enallage +enaluron +enam +enamber +enambush +enamdar +enamel +enameler +enameling +enamelist +enamelless +enamellist +enameloma +enamelware +enamor +enamorato +enamored +enamoredness +enamorment +enamourment +enanguish +enanthem +enanthema +enanthematous +enanthesis +enantiobiosis +enantioblastic +enantioblastous +enantiomer +enantiomeride +enantiomorph +enantiomorphic +enantiomorphism +enantiomorphous +enantiomorphously +enantiomorphy +enantiopathia +enantiopathic +enantiopathy +enantiosis +enantiotropic +enantiotropy +enantobiosis +enapt +enarbor +enarbour +enarch +enarched +enargite +enarm +enarme +enarthrodia +enarthrodial +enarthrosis +enate +enatic +enation +enbrave +encaenia +encage +encake +encalendar +encallow +encamp +encampment +encanker +encanthis +encapsulate +encapsulation +encapsule +encarditis +encarnadine +encarnalize +encarpium +encarpus +encase +encasement +encash +encashable +encashment +encasserole +encastage +encatarrhaphy +encauma +encaustes +encaustic +encaustically +encave +encefalon +Encelia +encell +encenter +encephala +encephalalgia +Encephalartos +encephalasthenia +encephalic +encephalin +encephalitic +encephalitis +encephalocele +encephalocoele +encephalodialysis +encephalogram +encephalograph +encephalography +encephaloid +encephalolith +encephalology +encephaloma +encephalomalacia +encephalomalacosis +encephalomalaxis +encephalomeningitis +encephalomeningocele +encephalomere +encephalomeric +encephalometer +encephalometric +encephalomyelitis +encephalomyelopathy +encephalon +encephalonarcosis +encephalopathia +encephalopathic +encephalopathy +encephalophyma +encephalopsychesis +encephalopyosis +encephalorrhagia +encephalosclerosis +encephaloscope +encephaloscopy +encephalosepsis +encephalospinal +encephalothlipsis +encephalotome +encephalotomy +encephalous +enchain +enchainment +enchair +enchalice +enchannel +enchant +enchanter +enchanting +enchantingly +enchantingness +enchantment +enchantress +encharge +encharnel +enchase +enchaser +enchasten +Enchelycephali +enchequer +enchest +enchilada +enchiridion +Enchodontid +Enchodontidae +Enchodontoid +Enchodus +enchondroma +enchondromatous +enchondrosis +enchorial +enchurch +enchylema +enchylematous +enchymatous +enchytrae +enchytraeid +Enchytraeidae +Enchytraeus +encina +encinal +encincture +encinder +encinillo +encipher +encircle +encirclement +encircler +encist +encitadel +enclaret +enclasp +enclave +enclavement +enclisis +enclitic +enclitical +enclitically +encloak +encloister +enclose +encloser +enclosure +enclothe +encloud +encoach +encode +encoffin +encoignure +encoil +encolden +encollar +encolor +encolpion +encolumn +encomendero +encomia +encomiast +encomiastic +encomiastical +encomiastically +encomic +encomienda +encomiologic +encomium +encommon +encompass +encompasser +encompassment +encoop +encorbelment +encore +encoronal +encoronate +encoronet +encounter +encounterable +encounterer +encourage +encouragement +encourager +encouraging +encouragingly +encowl +encraal +encradle +encranial +encratic +Encratism +Encratite +encraty +encreel +encrimson +encrinal +encrinic +Encrinidae +encrinidae +encrinital +encrinite +encrinitic +encrinitical +encrinoid +Encrinoidea +Encrinus +encrisp +encroach +encroacher +encroachingly +encroachment +encrotchet +encrown +encrownment +encrust +encrustment +encrypt +encryption +encuirassed +encumber +encumberer +encumberingly +encumberment +encumbrance +encumbrancer +encup +encurl +encurtain +encushion +encyclic +encyclical +encyclopedia +encyclopediac +encyclopediacal +encyclopedial +encyclopedian +encyclopediast +encyclopedic +encyclopedically +encyclopedism +encyclopedist +encyclopedize +encyrtid +Encyrtidae +encyst +encystation +encystment +end +endable +endamage +endamageable +endamagement +endamask +endameba +endamebic +Endamoeba +endamoebiasis +endamoebic +Endamoebidae +endanger +endangerer +endangerment +endangium +endaortic +endaortitis +endarch +endarchy +endarterial +endarteritis +endarterium +endaspidean +endaze +endboard +endbrain +endear +endearance +endeared +endearedly +endearedness +endearing +endearingly +endearingness +endearment +endeavor +endeavorer +ended +endeictic +endellionite +endemial +endemic +endemically +endemicity +endemiological +endemiology +endemism +endenizen +ender +endere +endermatic +endermic +endermically +enderon +enderonic +endevil +endew +endgate +endiadem +endiaper +ending +endite +endive +endless +endlessly +endlessness +endlichite +endlong +endmatcher +endmost +endoabdominal +endoangiitis +endoaortitis +endoappendicitis +endoarteritis +endoauscultation +endobatholithic +endobiotic +endoblast +endoblastic +endobronchial +endobronchially +endobronchitis +endocannibalism +endocardiac +endocardial +endocarditic +endocarditis +endocardium +endocarp +endocarpal +endocarpic +endocarpoid +endocellular +endocentric +Endoceras +Endoceratidae +endoceratite +endoceratitic +endocervical +endocervicitis +endochondral +endochorion +endochorionic +endochrome +endochylous +endoclinal +endocline +endocoelar +endocoele +endocoeliac +endocolitis +endocolpitis +endocondensation +endocone +endoconidium +endocorpuscular +endocortex +endocranial +endocranium +endocrinal +endocrine +endocrinic +endocrinism +endocrinological +endocrinologist +endocrinology +endocrinopathic +endocrinopathy +endocrinotherapy +endocrinous +endocritic +endocycle +endocyclic +endocyemate +endocyst +endocystitis +endoderm +endodermal +endodermic +endodermis +endodontia +endodontic +endodontist +endodynamomorphic +endoenteritis +endoenzyme +endoesophagitis +endofaradism +endogalvanism +endogamic +endogamous +endogamy +endogastric +endogastrically +endogastritis +endogen +Endogenae +endogenesis +endogenetic +endogenic +endogenous +endogenously +endogeny +endoglobular +endognath +endognathal +endognathion +endogonidium +endointoxication +endokaryogamy +endolabyrinthitis +endolaryngeal +endolemma +endolumbar +endolymph +endolymphangial +endolymphatic +endolymphic +endolysin +endomastoiditis +endome +endomesoderm +endometrial +endometritis +endometrium +endometry +endomitosis +endomitotic +endomixis +endomorph +endomorphic +endomorphism +endomorphy +Endomyces +Endomycetaceae +endomysial +endomysium +endoneurial +endoneurium +endonuclear +endonucleolus +endoparasite +endoparasitic +Endoparasitica +endopathic +endopelvic +endopericarditis +endoperidial +endoperidium +endoperitonitis +endophagous +endophagy +endophasia +endophasic +endophlebitis +endophragm +endophragmal +Endophyllaceae +endophyllous +Endophyllum +endophytal +endophyte +endophytic +endophytically +endophytous +endoplasm +endoplasma +endoplasmic +endoplast +endoplastron +endoplastular +endoplastule +endopleura +endopleural +endopleurite +endopleuritic +endopod +endopodite +endopoditic +endoproct +Endoprocta +endoproctous +endopsychic +Endopterygota +endopterygote +endopterygotic +endopterygotism +endopterygotous +endorachis +endoral +endore +endorhinitis +endorsable +endorsation +endorse +endorsed +endorsee +endorsement +endorser +endorsingly +endosalpingitis +endosarc +endosarcode +endosarcous +endosclerite +endoscope +endoscopic +endoscopy +endosecretory +endosepsis +endosiphon +endosiphonal +endosiphonate +endosiphuncle +endoskeletal +endoskeleton +endosmometer +endosmometric +endosmosic +endosmosis +endosmotic +endosmotically +endosome +endosperm +endospermic +endospore +endosporium +endosporous +endoss +endosteal +endosteally +endosteitis +endosteoma +endosternite +endosternum +endosteum +endostitis +endostoma +endostome +endostosis +endostracal +endostracum +endostylar +endostyle +endostylic +endotheca +endothecal +endothecate +endothecial +endothecium +endothelia +endothelial +endothelioblastoma +endotheliocyte +endothelioid +endotheliolysin +endotheliolytic +endothelioma +endotheliomyoma +endotheliomyxoma +endotheliotoxin +endothelium +endothermal +endothermic +endothermous +endothermy +Endothia +endothoracic +endothorax +Endothrix +endothys +endotoxic +endotoxin +endotoxoid +endotracheitis +endotrachelitis +Endotrophi +endotrophic +endotys +endovaccination +endovasculitis +endovenous +endow +endower +endowment +endozoa +endpiece +Endromididae +Endromis +endue +enduement +endungeon +endura +endurability +endurable +endurableness +endurably +endurance +endurant +endure +endurer +enduring +enduringly +enduringness +endways +endwise +endyma +endymal +Endymion +endysis +Eneas +eneclann +enema +enemy +enemylike +enemyship +enepidermic +energeia +energesis +energetic +energetical +energetically +energeticalness +energeticist +energetics +energetistic +energic +energical +energid +energism +energist +energize +energizer +energumen +energumenon +energy +enervate +enervation +enervative +enervator +eneuch +eneugh +enface +enfacement +enfamous +enfasten +enfatico +enfeature +enfeeble +enfeeblement +enfeebler +enfelon +enfeoff +enfeoffment +enfester +enfetter +enfever +enfigure +enfilade +enfilading +enfile +enfiled +enflagellate +enflagellation +enflesh +enfleurage +enflower +enfoil +enfold +enfolden +enfolder +enfoldment +enfonced +enforce +enforceability +enforceable +enforced +enforcedly +enforcement +enforcer +enforcibility +enforcible +enforcingly +enfork +enfoul +enframe +enframement +enfranchisable +enfranchise +enfranchisement +enfranchiser +enfree +enfrenzy +enfuddle +enfurrow +engage +engaged +engagedly +engagedness +engagement +engager +engaging +engagingly +engagingness +engaol +engarb +engarble +engarland +engarment +engarrison +engastrimyth +engastrimythic +engaud +engaze +Engelmannia +engem +engender +engenderer +engenderment +engerminate +enghosted +engild +engine +engineer +engineering +engineership +enginehouse +engineless +enginelike +engineman +enginery +enginous +engird +engirdle +engirt +engjateigur +englacial +englacially +englad +engladden +Englander +Engler +Englerophoenix +Englifier +Englify +English +Englishable +Englisher +Englishhood +Englishism +Englishize +Englishly +Englishman +Englishness +Englishry +Englishwoman +englobe +englobement +engloom +englory +englut +englyn +engnessang +engobe +engold +engolden +engore +engorge +engorgement +engouled +engrace +engraff +engraft +engraftation +engrafter +engraftment +engrail +engrailed +engrailment +engrain +engrained +engrainedly +engrainer +engram +engramma +engrammatic +engrammic +engrandize +engrandizement +engraphia +engraphic +engraphically +engraphy +engrapple +engrasp +Engraulidae +Engraulis +engrave +engraved +engravement +engraver +engraving +engreen +engrieve +engroove +engross +engrossed +engrossedly +engrosser +engrossing +engrossingly +engrossingness +engrossment +enguard +engulf +engulfment +engyscope +engysseismology +Engystomatidae +enhallow +enhalo +enhamper +enhance +enhanced +enhancement +enhancer +enhancive +enharmonic +enharmonical +enharmonically +enhat +enhaunt +enhearse +enheart +enhearten +enhedge +enhelm +enhemospore +enherit +enheritage +enheritance +enhorror +enhunger +enhusk +Enhydra +Enhydrinae +Enhydris +enhydrite +enhydritic +enhydros +enhydrous +enhypostasia +enhypostasis +enhypostatic +enhypostatize +eniac +Enicuridae +Enid +Enif +enigma +enigmatic +enigmatical +enigmatically +enigmaticalness +enigmatist +enigmatization +enigmatize +enigmatographer +enigmatography +enigmatology +enisle +enjail +enjamb +enjambed +enjambment +enjelly +enjeopard +enjeopardy +enjewel +enjoin +enjoinder +enjoiner +enjoinment +enjoy +enjoyable +enjoyableness +enjoyably +enjoyer +enjoying +enjoyingly +enjoyment +enkerchief +enkernel +Enki +Enkidu +enkindle +enkindler +enkraal +enlace +enlacement +enlard +enlarge +enlargeable +enlargeableness +enlarged +enlargedly +enlargedness +enlargement +enlarger +enlarging +enlargingly +enlaurel +enleaf +enleague +enlevement +enlief +enlife +enlight +enlighten +enlightened +enlightenedly +enlightenedness +enlightener +enlightening +enlighteningly +enlightenment +enlink +enlinkment +enlist +enlisted +enlister +enlistment +enliven +enlivener +enlivening +enliveningly +enlivenment +enlock +enlodge +enlodgement +enmarble +enmask +enmass +enmesh +enmeshment +enmist +enmity +enmoss +enmuffle +enneacontahedral +enneacontahedron +ennead +enneadianome +enneadic +enneagon +enneagynous +enneahedral +enneahedria +enneahedron +enneapetalous +enneaphyllous +enneasemic +enneasepalous +enneaspermous +enneastyle +enneastylos +enneasyllabic +enneateric +enneatic +enneatical +ennerve +enniche +ennoble +ennoblement +ennobler +ennobling +ennoblingly +ennoic +ennomic +ennui +Enoch +Enochic +enocyte +enodal +enodally +enoil +enol +enolate +enolic +enolizable +enolization +enolize +enomania +enomaniac +enomotarch +enomoty +enophthalmos +enophthalmus +Enopla +enoplan +enoptromancy +enorganic +enorm +enormity +enormous +enormously +enormousness +Enos +enostosis +enough +enounce +enouncement +enow +enphytotic +enplane +enquicken +enquire +enquirer +enquiry +enrace +enrage +enraged +enragedly +enragement +enrange +enrank +enrapt +enrapture +enrapturer +enravish +enravishingly +enravishment +enray +enregiment +enregister +enregistration +enregistry +enrib +enrich +enricher +enriching +enrichingly +enrichment +enring +enrive +enrobe +enrobement +enrober +enrockment +enrol +enroll +enrolled +enrollee +enroller +enrollment +enrolment +enroot +enrough +enruin +enrut +ens +ensaffron +ensaint +ensample +ensand +ensandal +ensanguine +ensate +enscene +ensconce +enscroll +ensculpture +ense +enseam +enseat +enseem +ensellure +ensemble +ensepulcher +ensepulchre +enseraph +enserf +ensete +enshade +enshadow +enshawl +ensheathe +enshell +enshelter +enshield +enshrine +enshrinement +enshroud +Ensiferi +ensiform +ensign +ensigncy +ensignhood +ensignment +ensignry +ensignship +ensilage +ensilate +ensilation +ensile +ensilist +ensilver +ensisternum +ensky +enslave +enslavedness +enslavement +enslaver +ensmall +ensnare +ensnarement +ensnarer +ensnaring +ensnaringly +ensnarl +ensnow +ensorcelize +ensorcell +ensoul +enspell +ensphere +enspirit +enstamp +enstar +enstate +enstatite +enstatitic +enstatolite +ensteel +enstool +enstore +enstrengthen +ensuable +ensuance +ensuant +ensue +ensuer +ensuingly +ensulphur +ensure +ensurer +enswathe +enswathement +ensweep +entablature +entablatured +entablement +entach +entad +Entada +entail +entailable +entailer +entailment +ental +entame +Entamoeba +entamoebiasis +entamoebic +entangle +entangled +entangledly +entangledness +entanglement +entangler +entangling +entanglingly +entapophysial +entapophysis +entarthrotic +entasia +entasis +entelam +entelechy +entellus +Entelodon +entelodont +entempest +entemple +entente +Ententophil +entepicondylar +enter +enterable +enteraden +enteradenographic +enteradenography +enteradenological +enteradenology +enteral +enteralgia +enterate +enterauxe +enterclose +enterectomy +enterer +entergogenic +enteria +enteric +entericoid +entering +enteritidis +enteritis +entermete +enteroanastomosis +enterobiliary +enterocele +enterocentesis +enterochirurgia +enterochlorophyll +enterocholecystostomy +enterocinesia +enterocinetic +enterocleisis +enteroclisis +enteroclysis +Enterocoela +enterocoele +enterocoelic +enterocoelous +enterocolitis +enterocolostomy +enterocrinin +enterocyst +enterocystoma +enterodynia +enteroepiplocele +enterogastritis +enterogastrone +enterogenous +enterogram +enterograph +enterography +enterohelcosis +enterohemorrhage +enterohepatitis +enterohydrocele +enteroid +enterointestinal +enteroischiocele +enterokinase +enterokinesia +enterokinetic +enterolith +enterolithiasis +Enterolobium +enterology +enteromegalia +enteromegaly +enteromere +enteromesenteric +Enteromorpha +enteromycosis +enteromyiasis +enteron +enteroneuritis +enteroparalysis +enteroparesis +enteropathy +enteropexia +enteropexy +enterophthisis +enteroplasty +enteroplegia +enteropneust +Enteropneusta +enteropneustan +enteroptosis +enteroptotic +enterorrhagia +enterorrhaphy +enterorrhea +enteroscope +enterosepsis +enterospasm +enterostasis +enterostenosis +enterostomy +enterosyphilis +enterotome +enterotomy +enterotoxemia +enterotoxication +enterozoa +enterozoan +enterozoic +enterprise +enterpriseless +enterpriser +enterprising +enterprisingly +enterritoriality +entertain +entertainable +entertainer +entertaining +entertainingly +entertainingness +entertainment +enthalpy +entheal +enthelmintha +enthelminthes +enthelminthic +enthetic +enthral +enthraldom +enthrall +enthralldom +enthraller +enthralling +enthrallingly +enthrallment +enthralment +enthrone +enthronement +enthronization +enthronize +enthuse +enthusiasm +enthusiast +enthusiastic +enthusiastical +enthusiastically +enthusiastly +enthymematic +enthymematical +enthymeme +entia +entice +enticeable +enticeful +enticement +enticer +enticing +enticingly +enticingness +entifical +entification +entify +entincture +entire +entirely +entireness +entirety +entiris +entitative +entitatively +entitle +entitlement +entity +entoblast +entoblastic +entobranchiate +entobronchium +entocalcaneal +entocarotid +entocele +entocnemial +entocoele +entocoelic +entocondylar +entocondyle +entocondyloid +entocone +entoconid +entocornea +entocranial +entocuneiform +entocuniform +entocyemate +entocyst +entoderm +entodermal +entodermic +entogastric +entogenous +entoglossal +entohyal +entoil +entoilment +Entoloma +entomb +entombment +entomere +entomeric +entomic +entomical +entomion +entomogenous +entomoid +entomologic +entomological +entomologically +entomologist +entomologize +entomology +Entomophaga +entomophagan +entomophagous +Entomophila +entomophilous +entomophily +Entomophthora +Entomophthoraceae +entomophthoraceous +Entomophthorales +entomophthorous +entomophytous +Entomosporium +Entomostraca +entomostracan +entomostracous +entomotaxy +entomotomist +entomotomy +entone +entonement +entoolitic +entoparasite +entoparasitic +entoperipheral +entophytal +entophyte +entophytic +entophytically +entophytous +entopic +entopical +entoplasm +entoplastic +entoplastral +entoplastron +entopopliteal +Entoprocta +entoproctous +entopterygoid +entoptic +entoptical +entoptically +entoptics +entoptoscope +entoptoscopic +entoptoscopy +entoretina +entorganism +entosarc +entosclerite +entosphenal +entosphenoid +entosphere +entosternal +entosternite +entosternum +entothorax +entotic +Entotrophi +entotympanic +entourage +entozoa +entozoal +entozoan +entozoarian +entozoic +entozoological +entozoologically +entozoologist +entozoology +entozoon +entracte +entrail +entrails +entrain +entrainer +entrainment +entrammel +entrance +entrancedly +entrancement +entranceway +entrancing +entrancingly +entrant +entrap +entrapment +entrapper +entrappingly +entreasure +entreat +entreating +entreatingly +entreatment +entreaty +entree +entremets +entrench +entrenchment +entrepas +entrepot +entrepreneur +entrepreneurial +entrepreneurship +entresol +entrochite +entrochus +entropion +entropionize +entropium +entropy +entrough +entrust +entrustment +entry +entryman +entryway +enturret +entwine +entwinement +entwist +Entyloma +enucleate +enucleation +enucleator +Enukki +enumerable +enumerate +enumeration +enumerative +enumerator +enunciability +enunciable +enunciate +enunciation +enunciative +enunciatively +enunciator +enunciatory +enure +enuresis +enuretic +enurny +envapor +envapour +envassal +envassalage +envault +enveil +envelop +envelope +enveloper +envelopment +envenom +envenomation +enverdure +envermeil +enviable +enviableness +enviably +envied +envier +envineyard +envious +enviously +enviousness +environ +environage +environal +environic +environment +environmental +environmentalism +environmentalist +environmentally +environs +envisage +envisagement +envision +envolume +envoy +envoyship +envy +envying +envyingly +enwallow +enwiden +enwind +enwisen +enwoman +enwomb +enwood +enworthed +enwound +enwrap +enwrapment +enwreathe +enwrite +enwrought +enzone +enzootic +enzooty +enzym +enzymatic +enzyme +enzymic +enzymically +enzymologist +enzymology +enzymolysis +enzymolytic +enzymosis +enzymotic +eoan +Eoanthropus +Eocarboniferous +Eocene +Eodevonian +Eogaea +Eogaean +Eoghanacht +Eohippus +eolation +eolith +eolithic +Eomecon +eon +eonism +Eopalaeozoic +Eopaleozoic +eophyte +eophytic +eophyton +eorhyolite +eosate +Eosaurus +eoside +eosin +eosinate +eosinic +eosinoblast +eosinophile +eosinophilia +eosinophilic +eosinophilous +eosphorite +Eozoic +eozoon +eozoonal +epacmaic +epacme +epacrid +Epacridaceae +epacridaceous +Epacris +epact +epactal +epagoge +epagogic +epagomenae +epagomenal +epagomenic +epagomenous +epaleaceous +epalpate +epanadiplosis +Epanagoge +epanalepsis +epanaleptic +epanaphora +epanaphoral +epanastrophe +epanisognathism +epanisognathous +epanodos +epanody +Epanorthidae +epanorthosis +epanorthotic +epanthous +epapillate +epappose +eparch +eparchate +Eparchean +eparchial +eparchy +eparcuale +eparterial +epaule +epaulement +epaulet +epauleted +epauletted +epauliere +epaxial +epaxially +epedaphic +epee +epeeist +Epeira +epeiric +epeirid +Epeiridae +epeirogenesis +epeirogenetic +epeirogenic +epeirogeny +epeisodion +epembryonic +epencephal +epencephalic +epencephalon +ependyma +ependymal +ependyme +ependymitis +ependymoma +ependytes +epenthesis +epenthesize +epenthetic +epephragmal +epepophysial +epepophysis +epergne +eperotesis +Eperua +epexegesis +epexegetic +epexegetical +epexegetically +epha +ephah +epharmonic +epharmony +ephebe +ephebeion +ephebeum +ephebic +ephebos +ephebus +ephectic +Ephedra +Ephedraceae +ephedrine +ephelcystic +ephelis +Ephemera +ephemera +ephemerae +ephemeral +ephemerality +ephemerally +ephemeralness +ephemeran +ephemerid +Ephemerida +Ephemeridae +ephemerides +ephemeris +ephemerist +ephemeromorph +ephemeromorphic +ephemeron +Ephemeroptera +ephemerous +Ephesian +Ephesine +ephetae +ephete +ephetic +ephialtes +ephidrosis +ephippial +ephippium +ephod +ephor +ephoral +ephoralty +ephorate +ephoric +ephorship +ephorus +ephphatha +Ephraim +Ephraimite +Ephraimitic +Ephraimitish +Ephraitic +Ephrathite +Ephthalite +Ephthianura +ephthianure +Ephydra +ephydriad +ephydrid +Ephydridae +ephymnium +ephyra +ephyrula +epibasal +Epibaterium +epibatholithic +epibenthic +epibenthos +epiblast +epiblastema +epiblastic +epiblema +epibole +epibolic +epibolism +epiboly +epiboulangerite +epibranchial +epic +epical +epically +epicalyx +epicanthic +epicanthus +epicardia +epicardiac +epicardial +epicardium +epicarid +epicaridan +Epicaridea +Epicarides +epicarp +Epicauta +epicede +epicedial +epicedian +epicedium +epicele +epicene +epicenism +epicenity +epicenter +epicentral +epicentrum +Epiceratodus +epicerebral +epicheirema +epichil +epichile +epichilium +epichindrotic +epichirema +epichondrosis +epichordal +epichorial +epichoric +epichorion +epichoristic +Epichristian +epicism +epicist +epiclastic +epicleidian +epicleidium +epiclesis +epiclidal +epiclinal +epicly +epicnemial +Epicoela +epicoelar +epicoele +epicoelia +epicoeliac +epicoelian +epicoeloma +epicoelous +epicolic +epicondylar +epicondyle +epicondylian +epicondylic +epicontinental +epicoracohumeral +epicoracoid +epicoracoidal +epicormic +epicorolline +epicortical +epicostal +epicotyl +epicotyleal +epicotyledonary +epicranial +epicranium +epicranius +Epicrates +epicrisis +epicritic +epicrystalline +Epictetian +epicure +Epicurean +Epicureanism +epicurish +epicurishly +Epicurism +Epicurize +epicycle +epicyclic +epicyclical +epicycloid +epicycloidal +epicyemate +epicyesis +epicystotomy +epicyte +epideictic +epideictical +epideistic +epidemic +epidemical +epidemically +epidemicalness +epidemicity +epidemiographist +epidemiography +epidemiological +epidemiologist +epidemiology +epidemy +epidendral +epidendric +Epidendron +Epidendrum +epiderm +epiderma +epidermal +epidermatic +epidermatoid +epidermatous +epidermic +epidermical +epidermically +epidermidalization +epidermis +epidermization +epidermoid +epidermoidal +epidermolysis +epidermomycosis +Epidermophyton +epidermophytosis +epidermose +epidermous +epidesmine +epidialogue +epidiascope +epidiascopic +epidictic +epidictical +epididymal +epididymectomy +epididymis +epididymite +epididymitis +epididymodeferentectomy +epididymodeferential +epididymovasostomy +epidiorite +epidiorthosis +epidosite +epidote +epidotic +epidotiferous +epidotization +epidural +epidymides +epifascial +epifocal +epifolliculitis +Epigaea +epigamic +epigaster +epigastraeum +epigastral +epigastrial +epigastric +epigastrical +epigastriocele +epigastrium +epigastrocele +epigeal +epigean +epigeic +epigene +epigenesis +epigenesist +epigenetic +epigenetically +epigenic +epigenist +epigenous +epigeous +epiglottal +epiglottic +epiglottidean +epiglottiditis +epiglottis +epiglottitis +epignathous +epigonal +epigonation +epigone +Epigoni +epigonic +Epigonichthyidae +Epigonichthys +epigonium +epigonos +epigonous +Epigonus +epigram +epigrammatic +epigrammatical +epigrammatically +epigrammatism +epigrammatist +epigrammatize +epigrammatizer +epigraph +epigrapher +epigraphic +epigraphical +epigraphically +epigraphist +epigraphy +epiguanine +epigyne +epigynous +epigynum +epigyny +Epihippus +epihyal +epihydric +epihydrinic +epikeia +epiklesis +Epikouros +epilabrum +Epilachna +Epilachnides +epilamellar +epilaryngeal +epilate +epilation +epilatory +epilegomenon +epilemma +epilemmal +epilepsy +epileptic +epileptically +epileptiform +epileptogenic +epileptogenous +epileptoid +epileptologist +epileptology +epilimnion +epilobe +Epilobiaceae +Epilobium +epilogation +epilogic +epilogical +epilogist +epilogistic +epilogize +epilogue +Epimachinae +epimacus +epimandibular +epimanikia +Epimedium +Epimenidean +epimer +epimeral +epimere +epimeric +epimeride +epimerite +epimeritic +epimeron +epimerum +epimorphic +epimorphosis +epimysium +epimyth +epinaos +epinastic +epinastically +epinasty +epineolithic +Epinephelidae +Epinephelus +epinephrine +epinette +epineural +epineurial +epineurium +epinglette +epinicial +epinician +epinicion +epinine +epiopticon +epiotic +Epipactis +epipaleolithic +epiparasite +epiparodos +epipastic +epiperipheral +epipetalous +epiphanous +Epiphany +epipharyngeal +epipharynx +Epiphegus +epiphenomenal +epiphenomenalism +epiphenomenalist +epiphenomenon +epiphloedal +epiphloedic +epiphloeum +epiphonema +epiphora +epiphragm +epiphylline +epiphyllous +Epiphyllum +epiphysary +epiphyseal +epiphyseolysis +epiphysial +epiphysis +epiphysitis +epiphytal +epiphyte +epiphytic +epiphytical +epiphytically +epiphytism +epiphytology +epiphytotic +epiphytous +epipial +epiplankton +epiplanktonic +epiplasm +epiplasmic +epiplastral +epiplastron +epiplectic +epipleura +epipleural +epiplexis +epiploce +epiplocele +epiploic +epiploitis +epiploon +epiplopexy +epipodial +epipodiale +epipodite +epipoditic +epipodium +epipolic +epipolism +epipolize +epiprecoracoid +Epipsychidion +epipteric +epipterous +epipterygoid +epipubic +epipubis +epirhizous +epirogenic +epirogeny +Epirote +Epirotic +epirotulian +epirrhema +epirrhematic +epirrheme +episarcine +episcenium +episclera +episcleral +episcleritis +episcopable +episcopacy +Episcopal +episcopal +episcopalian +Episcopalianism +Episcopalianize +episcopalism +episcopality +Episcopally +episcopally +episcopate +episcopature +episcope +episcopicide +episcopization +episcopize +episcopolatry +episcotister +episematic +episepalous +episiocele +episiohematoma +episioplasty +episiorrhagia +episiorrhaphy +episiostenosis +episiotomy +episkeletal +episkotister +episodal +episode +episodial +episodic +episodical +episodically +epispadiac +epispadias +epispastic +episperm +epispermic +epispinal +episplenitis +episporangium +epispore +episporium +epistapedial +epistasis +epistatic +epistaxis +epistemic +epistemolog +epistemological +epistemologically +epistemologist +epistemology +epistemonic +epistemonical +epistemophilia +epistemophiliac +epistemophilic +episternal +episternalia +episternite +episternum +epistilbite +epistlar +epistle +epistler +epistolarian +epistolarily +epistolary +epistolatory +epistoler +epistolet +epistolic +epistolical +epistolist +epistolizable +epistolization +epistolize +epistolizer +epistolographer +epistolographic +epistolographist +epistolography +epistoma +epistomal +epistome +epistomian +epistroma +epistrophe +epistropheal +epistropheus +epistrophic +epistrophy +epistylar +epistyle +Epistylis +episyllogism +episynaloephe +episynthetic +episyntheton +epitactic +epitaph +epitapher +epitaphial +epitaphian +epitaphic +epitaphical +epitaphist +epitaphize +epitaphless +epitasis +epitela +epitendineum +epitenon +epithalamia +epithalamial +epithalamiast +epithalamic +epithalamion +epithalamium +epithalamize +epithalamus +epithalamy +epithalline +epitheca +epithecal +epithecate +epithecium +epithelia +epithelial +epithelioblastoma +epithelioceptor +epitheliogenetic +epithelioglandular +epithelioid +epitheliolysin +epitheliolysis +epitheliolytic +epithelioma +epitheliomatous +epitheliomuscular +epitheliosis +epitheliotoxin +epithelium +epithelization +epithelize +epitheloid +epithem +epithesis +epithet +epithetic +epithetical +epithetically +epithetician +epithetize +epitheton +epithumetic +epithyme +epithymetic +epithymetical +epitimesis +epitoke +epitomator +epitomatory +epitome +epitomic +epitomical +epitomically +epitomist +epitomization +epitomize +epitomizer +epitonic +Epitoniidae +epitonion +Epitonium +epitoxoid +epitrachelion +epitrichial +epitrichium +epitrite +epitritic +epitrochlea +epitrochlear +epitrochoid +epitrochoidal +epitrope +epitrophic +epitrophy +epituberculosis +epituberculous +epitympanic +epitympanum +epityphlitis +epityphlon +epiural +epivalve +epixylous +epizeuxis +Epizoa +epizoa +epizoal +epizoan +epizoarian +epizoic +epizoicide +epizoon +epizootic +epizootiology +epoch +epocha +epochal +epochally +epochism +epochist +epode +epodic +epollicate +Epomophorus +eponychium +eponym +eponymic +eponymism +eponymist +eponymize +eponymous +eponymus +eponymy +epoophoron +epopee +epopoean +epopoeia +epopoeist +epopt +epoptes +epoptic +epoptist +epornitic +epornitically +epos +Eppie +Eppy +Eproboscidea +epruinose +epsilon +Epsom +epsomite +Eptatretidae +Eptatretus +epulary +epulation +epulis +epulo +epuloid +epulosis +epulotic +epupillate +epural +epurate +epuration +epyllion +equability +equable +equableness +equably +equaeval +equal +equalable +equaling +equalist +equalitarian +equalitarianism +equality +equalization +equalize +equalizer +equalizing +equalling +equally +equalness +equangular +equanimity +equanimous +equanimously +equanimousness +equant +equatable +equate +equation +equational +equationally +equationism +equationist +equator +equatorial +equatorially +equatorward +equatorwards +equerry +equerryship +equestrial +equestrian +equestrianism +equestrianize +equestrianship +equestrienne +equianchorate +equiangle +equiangular +equiangularity +equianharmonic +equiarticulate +equiatomic +equiaxed +equiaxial +equibalance +equibiradiate +equicellular +equichangeable +equicohesive +equiconvex +equicostate +equicrural +equicurve +equid +equidense +equidensity +equidiagonal +equidifferent +equidimensional +equidistance +equidistant +equidistantial +equidistantly +equidistribution +equidiurnal +equidivision +equidominant +equidurable +equielliptical +equiexcellency +equiform +equiformal +equiformity +equiglacial +equigranular +equijacent +equilateral +equilaterally +equilibrant +equilibrate +equilibration +equilibrative +equilibrator +equilibratory +equilibria +equilibrial +equilibriate +equilibrio +equilibrious +equilibrist +equilibristat +equilibristic +equilibrity +equilibrium +equilibrize +equilobate +equilobed +equilocation +equilucent +equimodal +equimolar +equimolecular +equimomental +equimultiple +equinate +equine +equinecessary +equinely +equinia +equinity +equinoctial +equinoctially +equinovarus +equinox +equinumerally +equinus +equiomnipotent +equip +equipaga +equipage +equiparant +equiparate +equiparation +equipartile +equipartisan +equipartition +equiped +equipedal +equiperiodic +equipluve +equipment +equipoise +equipollence +equipollency +equipollent +equipollently +equipollentness +equiponderance +equiponderancy +equiponderant +equiponderate +equiponderation +equipostile +equipotent +equipotential +equipotentiality +equipper +equiprobabilism +equiprobabilist +equiprobability +equiproducing +equiproportional +equiproportionality +equiradial +equiradiate +equiradical +equirotal +equisegmented +Equisetaceae +equisetaceous +Equisetales +equisetic +Equisetum +equisided +equisignal +equisized +equison +equisonance +equisonant +equispaced +equispatial +equisufficiency +equisurface +equitable +equitableness +equitably +equitangential +equitant +equitation +equitative +equitemporal +equitemporaneous +equites +equitist +equitriangular +equity +equivalence +equivalenced +equivalency +equivalent +equivalently +equivaliant +equivalue +equivaluer +equivalve +equivalved +equivalvular +equivelocity +equivocacy +equivocal +equivocality +equivocally +equivocalness +equivocate +equivocatingly +equivocation +equivocator +equivocatory +equivoluminal +equivoque +equivorous +equivote +equoid +equoidean +equuleus +Equus +er +era +erade +eradiate +eradiation +eradicable +eradicant +eradicate +eradication +eradicative +eradicator +eradicatory +eradiculose +Eragrostis +eral +eranist +Eranthemum +Eranthis +erasable +erase +erased +erasement +eraser +erasion +Erasmian +Erasmus +Erastian +Erastianism +Erastianize +Erastus +erasure +Erava +erbia +erbium +erd +erdvark +ere +Erechtheum +Erechtheus +Erechtites +erect +erectable +erecter +erectile +erectility +erecting +erection +erective +erectly +erectness +erectopatent +erector +erelong +eremacausis +Eremian +eremic +eremital +eremite +eremiteship +eremitic +eremitical +eremitish +eremitism +Eremochaeta +eremochaetous +eremology +eremophyte +Eremopteris +Eremurus +erenach +erenow +erepsin +erept +ereptase +ereptic +ereption +erethic +erethisia +erethism +erethismic +erethistic +erethitic +Erethizon +Erethizontidae +Eretrian +erewhile +erewhiles +erg +ergal +ergamine +Ergane +ergasia +ergasterion +ergastic +ergastoplasm +ergastoplasmic +ergastulum +ergatandromorph +ergatandromorphic +ergatandrous +ergatandry +ergates +ergatocracy +ergatocrat +ergatogyne +ergatogynous +ergatogyny +ergatoid +ergatomorph +ergatomorphic +ergatomorphism +ergmeter +ergodic +ergogram +ergograph +ergographic +ergoism +ergology +ergomaniac +ergometer +ergometric +ergometrine +ergon +ergonovine +ergophile +ergophobia +ergophobiac +ergoplasm +ergostat +ergosterin +ergosterol +ergot +ergotamine +ergotaminine +ergoted +ergothioneine +ergotic +ergotin +ergotinine +ergotism +ergotist +ergotization +ergotize +ergotoxin +ergotoxine +ergusia +eria +Erian +Erianthus +Eric +eric +Erica +Ericaceae +ericaceous +ericad +erical +Ericales +ericetal +ericeticolous +ericetum +erichthus +erichtoid +ericineous +ericius +Erick +ericoid +ericolin +ericophyte +Eridanid +Erie +Erigenia +Erigeron +erigible +Eriglossa +eriglossate +Erik +erika +erikite +Erinaceidae +erinaceous +Erinaceus +erineum +erinite +Erinize +erinose +Eriobotrya +Eriocaulaceae +eriocaulaceous +Eriocaulon +Eriocomi +Eriodendron +Eriodictyon +erioglaucine +Eriogonum +eriometer +erionite +Eriophorum +Eriophyes +Eriophyidae +eriophyllous +Eriosoma +Eriphyle +Eristalis +eristic +eristical +eristically +Erithacus +Eritrean +erizo +erlking +Erma +Ermanaric +Ermani +Ermanrich +ermelin +ermine +ermined +erminee +ermines +erminites +erminois +erne +Ernest +Ernestine +Ernie +Ernst +erode +eroded +erodent +erodible +Erodium +erogeneity +erogenesis +erogenetic +erogenic +erogenous +erogeny +Eros +eros +erose +erosely +erosible +erosion +erosional +erosionist +erosive +erostrate +eroteme +erotesis +erotetic +erotic +erotica +erotical +erotically +eroticism +eroticize +eroticomania +erotism +erotogenesis +erotogenetic +erotogenic +erotogenicity +erotomania +erotomaniac +erotopath +erotopathic +erotopathy +Erotylidae +Erpetoichthys +erpetologist +err +errability +errable +errableness +errabund +errancy +errand +errant +Errantia +errantly +errantness +errantry +errata +erratic +erratical +erratically +erraticalness +erraticism +erraticness +erratum +errhine +erring +erringly +errite +erroneous +erroneously +erroneousness +error +errorful +errorist +errorless +ers +Ersar +ersatz +Erse +Ertebolle +erth +erthen +erthling +erthly +erubescence +erubescent +erubescite +eruc +Eruca +eruca +erucic +eruciform +erucin +erucivorous +eruct +eructance +eructation +eructative +eruction +erudit +erudite +eruditely +eruditeness +eruditical +erudition +eruditional +eruditionist +erugate +erugation +erugatory +erumpent +erupt +eruption +eruptional +eruptive +eruptively +eruptiveness +eruptivity +ervenholder +Ervipiame +Ervum +Erwin +Erwinia +eryhtrism +Erymanthian +Eryngium +eryngo +Eryon +Eryops +Erysibe +Erysimum +erysipelas +erysipelatoid +erysipelatous +erysipeloid +Erysipelothrix +erysipelous +Erysiphaceae +Erysiphe +Erythea +erythema +erythematic +erythematous +erythemic +Erythraea +Erythraean +Erythraeidae +erythrasma +erythrean +erythremia +erythremomelalgia +erythrene +erythrin +Erythrina +erythrine +Erythrinidae +Erythrinus +erythrismal +erythristic +erythrite +erythritic +erythritol +erythroblast +erythroblastic +erythroblastosis +erythrocarpous +erythrocatalysis +Erythrochaete +erythrochroic +erythrochroism +erythroclasis +erythroclastic +erythrocyte +erythrocytic +erythrocytoblast +erythrocytolysin +erythrocytolysis +erythrocytolytic +erythrocytometer +erythrocytorrhexis +erythrocytoschisis +erythrocytosis +erythrodegenerative +erythrodermia +erythrodextrin +erythrogenesis +erythrogenic +erythroglucin +erythrogonium +erythroid +erythrol +erythrolein +erythrolitmin +erythrolysin +erythrolysis +erythrolytic +erythromelalgia +erythron +erythroneocytosis +Erythronium +erythronium +erythropenia +erythrophage +erythrophagous +erythrophilous +erythrophleine +erythrophobia +erythrophore +erythrophyll +erythrophyllin +erythropia +erythroplastid +erythropoiesis +erythropoietic +erythropsia +erythropsin +erythrorrhexis +erythroscope +erythrose +erythrosiderite +erythrosin +erythrosinophile +erythrosis +Erythroxylaceae +erythroxylaceous +erythroxyline +Erythroxylon +Erythroxylum +erythrozincite +erythrozyme +erythrulose +Eryx +es +esca +escadrille +escalade +escalader +escalado +escalan +escalate +Escalator +escalator +escalin +Escallonia +Escalloniaceae +escalloniaceous +escalop +escaloped +escambio +escambron +escapable +escapade +escapage +escape +escapee +escapeful +escapeless +escapement +escaper +escapingly +escapism +escapist +escarbuncle +escargatoire +escarole +escarp +escarpment +eschalot +eschar +eschara +escharine +escharoid +escharotic +eschatocol +eschatological +eschatologist +eschatology +escheat +escheatable +escheatage +escheatment +escheator +escheatorship +Escherichia +eschew +eschewal +eschewance +eschewer +Eschscholtzia +eschynite +esclavage +escoba +escobadura +escobilla +escobita +escolar +esconson +escopette +Escorial +escort +escortage +escortee +escortment +escribe +escritoire +escritorial +escrol +escropulo +escrow +escruage +escudo +Esculapian +esculent +esculetin +esculin +escutcheon +escutcheoned +escutellate +esdragol +Esdras +Esebrias +esemplastic +esemplasy +eseptate +esere +eserine +esexual +eshin +esiphonal +esker +Eskimauan +Eskimo +Eskimoic +Eskimoid +Eskimoized +Eskualdun +Eskuara +Esmeralda +Esmeraldan +esmeraldite +esne +esoanhydride +esocataphoria +Esocidae +esociform +esocyclic +esodic +esoenteritis +esoethmoiditis +esogastritis +esonarthex +esoneural +esophagal +esophagalgia +esophageal +esophagean +esophagectasia +esophagectomy +esophagi +esophagism +esophagismus +esophagitis +esophago +esophagocele +esophagodynia +esophagogastroscopy +esophagogastrostomy +esophagomalacia +esophagometer +esophagomycosis +esophagopathy +esophagoplasty +esophagoplegia +esophagoplication +esophagoptosis +esophagorrhagia +esophagoscope +esophagoscopy +esophagospasm +esophagostenosis +esophagostomy +esophagotome +esophagotomy +esophagus +esophoria +esophoric +Esopus +esoteric +esoterica +esoterical +esoterically +esotericism +esotericist +esoterics +esoterism +esoterist +esoterize +esotery +esothyropexy +esotrope +esotropia +esotropic +Esox +espacement +espadon +espalier +espantoon +esparcet +esparsette +esparto +espathate +espave +especial +especially +especialness +esperance +Esperantic +Esperantidist +Esperantido +Esperantism +Esperantist +Esperanto +espial +espichellite +espier +espinal +espingole +espinillo +espino +espionage +esplanade +esplees +esponton +espousal +espouse +espousement +espouser +Espriella +espringal +espundia +espy +esquamate +esquamulose +Esquiline +esquire +esquirearchy +esquiredom +esquireship +ess +essang +essay +essayer +essayette +essayical +essayish +essayism +essayist +essayistic +essayistical +essaylet +essed +Essedones +Esselen +Esselenian +essence +essency +Essene +Essenian +Essenianism +Essenic +Essenical +Essenis +Essenism +Essenize +essentia +essential +essentialism +essentialist +essentiality +essentialize +essentially +essentialness +essenwood +Essex +essexite +Essie +essling +essoin +essoinee +essoiner +essoinment +essonite +essorant +establish +establishable +established +establisher +establishment +establishmentarian +establishmentarianism +establishmentism +estacade +estadal +estadio +estado +estafette +estafetted +estamene +estamp +estampage +estampede +estampedero +estate +estatesman +esteem +esteemable +esteemer +Estella +ester +esterase +esterellite +esteriferous +esterification +esterify +esterization +esterize +esterlin +esterling +estevin +Esth +Esthacyte +esthematology +Esther +Estheria +estherian +Estheriidae +esthesia +esthesio +esthesioblast +esthesiogen +esthesiogenic +esthesiogeny +esthesiography +esthesiology +esthesiometer +esthesiometric +esthesiometry +esthesioneurosis +esthesiophysiology +esthesis +esthetology +esthetophore +esthiomene +estimable +estimableness +estimably +estimate +estimatingly +estimation +estimative +estimator +estipulate +estivage +estival +estivate +estivation +estivator +estmark +estoc +estoile +Estonian +estop +estoppage +estoppel +Estotiland +estovers +estrade +estradiol +estradiot +estragole +estrange +estrangedness +estrangement +estranger +estrapade +estray +estre +estreat +estrepe +estrepement +estriate +estriche +estrin +estriol +estrogen +estrogenic +estrone +estrous +estrual +estruate +estruation +estuarial +estuarine +estuary +estufa +estuous +estus +esugarization +esurience +esurient +esuriently +eta +etaballi +etacism +etacist +etalon +Etamin +etamine +etch +Etchareottine +etcher +Etchimin +etching +Eteoclus +Eteocretes +Eteocreton +eternal +eternalism +eternalist +eternalization +eternalize +eternally +eternalness +eternity +eternization +eternize +etesian +ethal +ethaldehyde +Ethan +ethanal +ethanamide +ethane +ethanedial +ethanediol +ethanedithiol +ethanethial +ethanethiol +Ethanim +ethanol +ethanolamine +ethanolysis +ethanoyl +Ethel +ethel +ethene +Etheneldeli +ethenic +ethenoid +ethenoidal +ethenol +ethenyl +Etheostoma +Etheostomidae +Etheostominae +etheostomoid +ether +etherate +ethereal +etherealism +ethereality +etherealization +etherealize +ethereally +etherealness +etherean +ethered +ethereous +Etheria +etheric +etherification +etheriform +etherify +Etheriidae +etherin +etherion +etherism +etherization +etherize +etherizer +etherolate +etherous +ethic +ethical +ethicalism +ethicality +ethically +ethicalness +ethician +ethicism +ethicist +ethicize +ethicoaesthetic +ethicophysical +ethicopolitical +ethicoreligious +ethicosocial +ethics +ethid +ethide +ethidene +ethine +ethiodide +ethionic +Ethiop +Ethiopia +Ethiopian +Ethiopic +ethiops +ethmofrontal +ethmoid +ethmoidal +ethmoiditis +ethmolachrymal +ethmolith +ethmomaxillary +ethmonasal +ethmopalatal +ethmopalatine +ethmophysal +ethmopresphenoidal +ethmosphenoid +ethmosphenoidal +ethmoturbinal +ethmoturbinate +ethmovomer +ethmovomerine +ethmyphitis +ethnal +ethnarch +ethnarchy +ethnic +ethnical +ethnically +ethnicism +ethnicist +ethnicize +ethnicon +ethnize +ethnobiological +ethnobiology +ethnobotanic +ethnobotanical +ethnobotanist +ethnobotany +ethnocentric +ethnocentrism +ethnocracy +ethnodicy +ethnoflora +ethnogenic +ethnogeny +ethnogeographer +ethnogeographic +ethnogeographical +ethnogeographically +ethnogeography +ethnographer +ethnographic +ethnographical +ethnographically +ethnographist +ethnography +ethnologer +ethnologic +ethnological +ethnologically +ethnologist +ethnology +ethnomaniac +ethnopsychic +ethnopsychological +ethnopsychology +ethnos +ethnotechnics +ethnotechnography +ethnozoological +ethnozoology +ethography +etholide +ethologic +ethological +ethology +ethonomic +ethonomics +ethopoeia +ethos +ethoxide +ethoxycaffeine +ethoxyl +ethrog +ethyl +ethylamide +ethylamine +ethylate +ethylation +ethylene +ethylenediamine +ethylenic +ethylenimine +ethylenoid +ethylhydrocupreine +ethylic +ethylidene +ethylidyne +ethylin +ethylmorphine +ethylsulphuric +ethyne +ethynyl +etiogenic +etiolate +etiolation +etiolin +etiolize +etiological +etiologically +etiologist +etiologue +etiology +etiophyllin +etioporphyrin +etiotropic +etiotropically +etiquette +etiquettical +etna +Etnean +Etonian +Etrurian +Etruscan +Etruscologist +Etruscology +Etta +Ettarre +ettle +etua +etude +etui +etym +etymic +etymography +etymologer +etymologic +etymological +etymologically +etymologicon +etymologist +etymologization +etymologize +etymology +etymon +etymonic +etypic +etypical +etypically +eu +Euahlayi +euangiotic +Euascomycetes +euaster +Eubacteriales +eubacterium +Eubasidii +Euboean +Euboic +Eubranchipus +eucaine +eucairite +eucalypt +eucalypteol +eucalyptian +eucalyptic +eucalyptography +eucalyptol +eucalyptole +Eucalyptus +eucalyptus +Eucarida +eucatropine +eucephalous +Eucharis +Eucharist +eucharistial +eucharistic +eucharistical +Eucharistically +eucharistically +eucharistize +Eucharitidae +Euchite +Euchlaena +euchlorhydria +euchloric +euchlorine +Euchlorophyceae +euchological +euchologion +euchology +Euchorda +euchre +euchred +euchroic +euchroite +euchromatic +euchromatin +euchrome +euchromosome +euchrone +Eucirripedia +euclase +Euclea +Eucleidae +Euclid +Euclidean +Euclideanism +Eucnemidae +eucolite +Eucommia +Eucommiaceae +eucone +euconic +Euconjugatae +Eucopepoda +Eucosia +eucosmid +Eucosmidae +eucrasia +eucrasite +eucrasy +eucrite +Eucryphia +Eucryphiaceae +eucryphiaceous +eucryptite +eucrystalline +euctical +eucyclic +eudaemon +eudaemonia +eudaemonic +eudaemonical +eudaemonics +eudaemonism +eudaemonist +eudaemonistic +eudaemonistical +eudaemonistically +eudaemonize +eudaemony +eudaimonia +eudaimonism +eudaimonist +Eudemian +Eudendrium +Eudeve +eudiagnostic +eudialyte +eudiaphoresis +eudidymite +eudiometer +eudiometric +eudiometrical +eudiometrically +eudiometry +eudipleural +Eudist +Eudora +Eudorina +Eudoxian +Eudromias +Eudyptes +Euergetes +euge +Eugene +eugenesic +eugenesis +eugenetic +Eugenia +eugenic +eugenical +eugenically +eugenicist +eugenics +Eugenie +eugenism +eugenist +eugenol +eugenolate +eugeny +Euglandina +Euglena +Euglenaceae +Euglenales +Euglenida +Euglenidae +Euglenineae +euglenoid +Euglenoidina +euglobulin +eugranitic +Eugregarinida +Eugubine +Eugubium +euharmonic +euhedral +euhemerism +euhemerist +euhemeristic +euhemeristically +euhemerize +euhyostylic +euhyostyly +euktolite +eulachon +Eulalia +eulalia +eulamellibranch +Eulamellibranchia +Eulamellibranchiata +Eulima +Eulimidae +eulogia +eulogic +eulogical +eulogically +eulogious +eulogism +eulogist +eulogistic +eulogistical +eulogistically +eulogium +eulogization +eulogize +eulogizer +eulogy +eulysite +eulytine +eulytite +Eumenes +eumenid +Eumenidae +Eumenidean +Eumenides +eumenorrhea +eumerism +eumeristic +eumerogenesis +eumerogenetic +eumeromorph +eumeromorphic +eumitosis +eumitotic +eumoiriety +eumoirous +Eumolpides +Eumolpus +eumorphous +eumycete +Eumycetes +eumycetic +Eunectes +Eunice +eunicid +Eunicidae +Eunomia +Eunomian +Eunomianism +eunomy +eunuch +eunuchal +eunuchism +eunuchize +eunuchoid +eunuchoidism +eunuchry +euomphalid +Euomphalus +euonym +euonymin +euonymous +Euonymus +euonymy +Euornithes +euornithic +Euorthoptera +euosmite +euouae +eupad +Eupanorthidae +Eupanorthus +eupathy +eupatoriaceous +eupatorin +Eupatorium +eupatory +eupatrid +eupatridae +eupepsia +eupepsy +eupeptic +eupepticism +eupepticity +Euphausia +Euphausiacea +euphausiid +Euphausiidae +Euphemia +euphemian +euphemious +euphemiously +euphemism +euphemist +euphemistic +euphemistical +euphemistically +euphemize +euphemizer +euphemous +euphemy +euphon +euphone +euphonetic +euphonetics +euphonia +euphonic +euphonical +euphonically +euphonicalness +euphonious +euphoniously +euphoniousness +euphonism +euphonium +euphonize +euphonon +euphonous +euphony +euphonym +Euphorbia +Euphorbiaceae +euphorbiaceous +euphorbium +euphoria +euphoric +euphory +Euphrasia +euphrasy +Euphratean +euphroe +Euphrosyne +Euphues +euphuism +euphuist +euphuistic +euphuistical +euphuistically +euphuize +Euphyllopoda +eupione +eupittonic +euplastic +Euplectella +Euplexoptera +Euplocomi +Euploeinae +euploid +euploidy +eupnea +Eupolidean +Eupolyzoa +eupolyzoan +Eupomatia +Eupomatiaceae +eupractic +eupraxia +Euprepia +Euproctis +eupsychics +Euptelea +Eupterotidae +eupyrchroite +eupyrene +eupyrion +Eurafric +Eurafrican +Euraquilo +Eurasian +Eurasianism +Eurasiatic +eureka +eurhodine +eurhodol +Eurindic +Euripidean +euripus +eurite +Euroaquilo +eurobin +Euroclydon +Europa +Europasian +European +Europeanism +Europeanization +Europeanize +Europeanly +Europeward +europium +Europocentric +Eurus +Euryalae +Euryale +Euryaleae +euryalean +Euryalida +euryalidan +Euryalus +eurybathic +eurybenthic +eurycephalic +eurycephalous +Eurycerotidae +Euryclea +Eurydice +Eurygaea +Eurygaean +eurygnathic +eurygnathism +eurygnathous +euryhaline +Eurylaimi +Eurylaimidae +eurylaimoid +Eurylaimus +Eurymus +euryon +Eurypelma +Eurypharyngidae +Eurypharynx +euryprognathous +euryprosopic +eurypterid +Eurypterida +eurypteroid +Eurypteroidea +Eurypterus +Eurypyga +Eurypygae +Eurypygidae +eurypylous +euryscope +Eurystheus +eurystomatous +eurythermal +eurythermic +eurythmic +eurythmical +eurythmics +eurythmy +eurytomid +Eurytomidae +Eurytus +euryzygous +Euscaro +Eusebian +Euselachii +Euskaldun +Euskara +Euskarian +Euskaric +Euskera +eusol +Euspongia +eusporangiate +Eustace +Eustachian +eustachium +Eustathian +eustatic +Eusthenopteron +eustomatous +eustyle +Eusuchia +eusuchian +eusynchite +Eutaenia +eutannin +eutaxic +eutaxite +eutaxitic +eutaxy +eutechnic +eutechnics +eutectic +eutectoid +Euterpe +Euterpean +eutexia +Euthamia +euthanasia +euthanasy +euthenics +euthenist +Eutheria +eutherian +euthermic +Euthycomi +euthycomic +Euthyneura +euthyneural +euthyneurous +euthytatic +euthytropic +eutomous +eutony +Eutopia +Eutopian +eutrophic +eutrophy +eutropic +eutropous +Eutychian +Eutychianism +euxanthate +euxanthic +euxanthone +euxenite +Euxine +Eva +evacuant +evacuate +evacuation +evacuative +evacuator +evacue +evacuee +evadable +evade +evader +evadingly +Evadne +evagation +evaginable +evaginate +evagination +evaluable +evaluate +evaluation +evaluative +evalue +Evan +evanesce +evanescence +evanescency +evanescent +evanescently +evanescible +evangel +evangelary +evangelian +evangeliarium +evangeliary +evangelical +evangelicalism +evangelicality +evangelically +evangelicalness +evangelican +evangelicism +evangelicity +Evangeline +evangelion +evangelism +evangelist +evangelistarion +evangelistarium +evangelistary +evangelistic +evangelistically +evangelistics +evangelistship +evangelium +evangelization +evangelize +evangelizer +Evaniidae +evanish +evanishment +evanition +evansite +evaporability +evaporable +evaporate +evaporation +evaporative +evaporativity +evaporator +evaporimeter +evaporize +evaporometer +evase +evasible +evasion +evasional +evasive +evasively +evasiveness +Eve +eve +Evea +evechurr +evection +evectional +Evehood +evejar +Eveless +evelight +Evelina +Eveline +evelong +Evelyn +even +evenblush +evendown +evener +evenfall +evenforth +evenglow +evenhanded +evenhandedly +evenhandedness +evening +evenlight +evenlong +evenly +evenmete +evenminded +evenmindedness +evenness +evens +evensong +event +eventful +eventfully +eventfulness +eventide +eventime +eventless +eventlessly +eventlessness +eventognath +Eventognathi +eventognathous +eventration +eventual +eventuality +eventualize +eventually +eventuate +eventuation +evenwise +evenworthy +eveque +ever +Everard +everbearer +everbearing +everbloomer +everblooming +everduring +Everett +everglade +evergreen +evergreenery +evergreenite +everlasting +everlastingly +everlastingness +everliving +evermore +Evernia +evernioid +eversible +eversion +eversive +eversporting +evert +evertebral +Evertebrata +evertebrate +evertile +evertor +everwhich +everwho +every +everybody +everyday +everydayness +everyhow +everylike +Everyman +everyman +everyness +everyone +everything +everywhen +everywhence +everywhere +everywhereness +everywheres +everywhither +evestar +evetide +eveweed +evict +eviction +evictor +evidence +evidencive +evident +evidential +evidentially +evidentiary +evidently +evidentness +evil +evildoer +evilhearted +evilly +evilmouthed +evilness +evilproof +evilsayer +evilspeaker +evilspeaking +evilwishing +evince +evincement +evincible +evincibly +evincingly +evincive +evirate +eviration +eviscerate +evisceration +evisite +evitable +evitate +evitation +evittate +evocable +evocate +evocation +evocative +evocatively +evocator +evocatory +evocatrix +Evodia +evoe +evoke +evoker +evolute +evolution +evolutional +evolutionally +evolutionary +evolutionism +evolutionist +evolutionize +evolutive +evolutoid +evolvable +evolve +evolvement +evolvent +evolver +Evonymus +evovae +evulgate +evulgation +evulse +evulsion +evzone +ewder +Ewe +ewe +ewelease +ewer +ewerer +ewery +ewry +ex +exacerbate +exacerbation +exacerbescence +exacerbescent +exact +exactable +exacter +exacting +exactingly +exactingness +exaction +exactitude +exactive +exactiveness +exactly +exactment +exactness +exactor +exactress +exadversum +exaggerate +exaggerated +exaggeratedly +exaggerating +exaggeratingly +exaggeration +exaggerative +exaggeratively +exaggerativeness +exaggerator +exaggeratory +exagitate +exagitation +exairesis +exalate +exalbuminose +exalbuminous +exallotriote +exalt +exaltation +exaltative +exalted +exaltedly +exaltedness +exalter +exam +examen +examinability +examinable +examinant +examinate +examination +examinational +examinationism +examinationist +examinative +examinator +examinatorial +examinatory +examine +examinee +examiner +examinership +examining +examiningly +example +exampleless +exampleship +exanimate +exanimation +exanthem +exanthema +exanthematic +exanthematous +exappendiculate +exarate +exaration +exarch +exarchal +exarchate +exarchateship +Exarchic +Exarchist +exarchist +exarchy +exareolate +exarillate +exaristate +exarteritis +exarticulate +exarticulation +exasperate +exasperated +exasperatedly +exasperater +exasperating +exasperatingly +exasperation +exasperative +exaspidean +Exaudi +exaugurate +exauguration +excalate +excalation +excalcarate +excalceate +excalceation +Excalibur +excamb +excamber +excambion +excandescence +excandescency +excandescent +excantation +excarnate +excarnation +excathedral +excaudate +excavate +excavation +excavationist +excavator +excavatorial +excavatory +excave +excecate +excecation +excedent +exceed +exceeder +exceeding +exceedingly +exceedingness +excel +excelente +excellence +excellency +excellent +excellently +excelsin +Excelsior +excelsior +excelsitude +excentral +excentric +excentrical +excentricity +except +exceptant +excepting +exception +exceptionable +exceptionableness +exceptionably +exceptional +exceptionality +exceptionally +exceptionalness +exceptionary +exceptionless +exceptious +exceptiousness +exceptive +exceptively +exceptiveness +exceptor +excerebration +excerpt +excerptible +excerption +excerptive +excerptor +excess +excessive +excessively +excessiveness +excessman +exchange +exchangeability +exchangeable +exchangeably +exchanger +Exchangite +Exchequer +exchequer +excide +excipient +exciple +Excipulaceae +excipular +excipule +excipuliform +excipulum +excircle +excisable +excise +exciseman +excisemanship +excision +excisor +excitability +excitable +excitableness +excitancy +excitant +excitation +excitative +excitator +excitatory +excite +excited +excitedly +excitedness +excitement +exciter +exciting +excitingly +excitive +excitoglandular +excitometabolic +excitomotion +excitomotor +excitomotory +excitomuscular +excitonutrient +excitor +excitory +excitosecretory +excitovascular +exclaim +exclaimer +exclaiming +exclaimingly +exclamation +exclamational +exclamative +exclamatively +exclamatorily +exclamatory +exclave +exclosure +excludable +exclude +excluder +excluding +excludingly +exclusion +exclusionary +exclusioner +exclusionism +exclusionist +exclusive +exclusively +exclusiveness +exclusivism +exclusivist +exclusivity +exclusory +Excoecaria +excogitable +excogitate +excogitation +excogitative +excogitator +excommunicable +excommunicant +excommunicate +excommunication +excommunicative +excommunicator +excommunicatory +exconjugant +excoriable +excoriate +excoriation +excoriator +excorticate +excortication +excrement +excremental +excrementary +excrementitial +excrementitious +excrementitiously +excrementitiousness +excrementive +excresce +excrescence +excrescency +excrescent +excrescential +excreta +excretal +excrete +excreter +excretes +excretion +excretionary +excretitious +excretive +excretory +excriminate +excruciable +excruciate +excruciating +excruciatingly +excruciation +excruciator +excubant +excudate +exculpable +exculpate +exculpation +exculpative +exculpatorily +exculpatory +excurrent +excurse +excursion +excursional +excursionary +excursioner +excursionism +excursionist +excursionize +excursive +excursively +excursiveness +excursory +excursus +excurvate +excurvated +excurvation +excurvature +excurved +excusability +excusable +excusableness +excusably +excusal +excusative +excusator +excusatory +excuse +excuseful +excusefully +excuseless +excuser +excusing +excusingly +excusive +excuss +excyst +excystation +excysted +excystment +exdelicto +exdie +exeat +execrable +execrableness +execrably +execrate +execration +execrative +execratively +execrator +execratory +executable +executancy +executant +execute +executed +executer +execution +executional +executioneering +executioner +executioneress +executionist +executive +executively +executiveness +executiveship +executor +executorial +executorship +executory +executress +executrices +executrix +executrixship +executry +exedent +exedra +exegeses +exegesis +exegesist +exegete +exegetic +exegetical +exegetically +exegetics +exegetist +exemplar +exemplaric +exemplarily +exemplariness +exemplarism +exemplarity +exemplary +exemplifiable +exemplification +exemplificational +exemplificative +exemplificator +exemplifier +exemplify +exempt +exemptible +exemptile +exemption +exemptionist +exemptive +exencephalia +exencephalic +exencephalous +exencephalus +exendospermic +exendospermous +exenterate +exenteration +exequatur +exequial +exequy +exercisable +exercise +exerciser +exercitant +exercitation +exercitor +exercitorial +exercitorian +exeresis +exergual +exergue +exert +exertion +exertionless +exertive +exes +exeunt +exfiguration +exfigure +exfiltration +exflagellate +exflagellation +exflect +exfodiate +exfodiation +exfoliate +exfoliation +exfoliative +exfoliatory +exgorgitation +exhalable +exhalant +exhalation +exhalatory +exhale +exhaust +exhausted +exhaustedly +exhaustedness +exhauster +exhaustibility +exhaustible +exhausting +exhaustingly +exhaustion +exhaustive +exhaustively +exhaustiveness +exhaustless +exhaustlessly +exhaustlessness +exheredate +exheredation +exhibit +exhibitable +exhibitant +exhibiter +exhibition +exhibitional +exhibitioner +exhibitionism +exhibitionist +exhibitionistic +exhibitionize +exhibitive +exhibitively +exhibitor +exhibitorial +exhibitorship +exhibitory +exhilarant +exhilarate +exhilarating +exhilaratingly +exhilaration +exhilarative +exhilarator +exhilaratory +exhort +exhortation +exhortative +exhortatively +exhortator +exhortatory +exhorter +exhortingly +exhumate +exhumation +exhumator +exhumatory +exhume +exhumer +exigence +exigency +exigent +exigenter +exigently +exigible +exiguity +exiguous +exiguously +exiguousness +exilarch +exilarchate +exile +exiledom +exilement +exiler +exilian +exilic +exility +eximious +eximiously +eximiousness +exinanite +exinanition +exindusiate +exinguinal +exist +existability +existence +existent +existential +existentialism +existentialist +existentialistic +existentialize +existentially +existently +exister +existibility +existible +existlessness +exit +exite +exition +exitus +exlex +exmeridian +Exmoor +exoarteritis +Exoascaceae +exoascaceous +Exoascales +Exoascus +Exobasidiaceae +Exobasidiales +Exobasidium +exocannibalism +exocardia +exocardiac +exocardial +exocarp +exocataphoria +exoccipital +exocentric +Exochorda +exochorion +exoclinal +exocline +exocoelar +exocoele +exocoelic +exocoelom +Exocoetidae +Exocoetus +exocolitis +exocone +exocrine +exoculate +exoculation +exocyclic +Exocyclica +Exocycloida +exode +exoderm +exodermis +exodic +exodist +exodontia +exodontist +exodos +exodromic +exodromy +exodus +exody +exoenzyme +exoenzymic +exoerythrocytic +exogamic +exogamous +exogamy +exogastric +exogastrically +exogastritis +exogen +Exogenae +exogenetic +exogenic +exogenous +exogenously +exogeny +exognathion +exognathite +Exogonium +Exogyra +exolemma +exometritis +exomion +exomis +exomologesis +exomorphic +exomorphism +exomphalos +exomphalous +exomphalus +Exon +exon +exonarthex +exoner +exonerate +exoneration +exonerative +exonerator +exoneural +Exonian +exonship +exopathic +exoperidium +exophagous +exophagy +exophasia +exophasic +exophoria +exophoric +exophthalmic +exophthalmos +exoplasm +exopod +exopodite +exopoditic +Exopterygota +exopterygotic +exopterygotism +exopterygotous +exorability +exorable +exorableness +exorbital +exorbitance +exorbitancy +exorbitant +exorbitantly +exorbitate +exorbitation +exorcisation +exorcise +exorcisement +exorciser +exorcism +exorcismal +exorcisory +exorcist +exorcistic +exorcistical +exordia +exordial +exordium +exordize +exorganic +exorhason +exormia +exornation +exosepsis +exoskeletal +exoskeleton +exosmic +exosmose +exosmosis +exosmotic +exosperm +exosporal +exospore +exosporium +exosporous +Exostema +exostome +exostosed +exostosis +exostotic +exostra +exostracism +exostracize +exoteric +exoterical +exoterically +exotericism +exoterics +exotheca +exothecal +exothecate +exothecium +exothermal +exothermic +exothermous +exotic +exotically +exoticalness +exoticism +exoticist +exoticity +exoticness +exotism +exotospore +exotoxic +exotoxin +exotropia +exotropic +exotropism +expalpate +expand +expanded +expandedly +expandedness +expander +expanding +expandingly +expanse +expansibility +expansible +expansibleness +expansibly +expansile +expansion +expansional +expansionary +expansionism +expansionist +expansive +expansively +expansiveness +expansivity +expansometer +expansure +expatiate +expatiater +expatiatingly +expatiation +expatiative +expatiator +expatiatory +expatriate +expatriation +expect +expectable +expectance +expectancy +expectant +expectantly +expectation +expectative +expectedly +expecter +expectingly +expective +expectorant +expectorate +expectoration +expectorative +expectorator +expede +expediate +expedience +expediency +expedient +expediential +expedientially +expedientist +expediently +expeditate +expeditation +expedite +expedited +expeditely +expediteness +expediter +expedition +expeditionary +expeditionist +expeditious +expeditiously +expeditiousness +expel +expellable +expellant +expellee +expeller +expend +expendability +expendable +expender +expendible +expenditor +expenditrix +expenditure +expense +expenseful +expensefully +expensefulness +expenseless +expensilation +expensive +expensively +expensiveness +expenthesis +expergefacient +expergefaction +experience +experienceable +experienced +experienceless +experiencer +experiencible +experient +experiential +experientialism +experientialist +experientially +experiment +experimental +experimentalism +experimentalist +experimentalize +experimentally +experimentarian +experimentation +experimentative +experimentator +experimented +experimentee +experimenter +experimentist +experimentize +experimently +expert +expertism +expertize +expertly +expertness +expertship +expiable +expiate +expiation +expiational +expiatist +expiative +expiator +expiatoriness +expiatory +expilate +expilation +expilator +expirable +expirant +expirate +expiration +expirator +expiratory +expire +expiree +expirer +expiring +expiringly +expiry +expiscate +expiscation +expiscator +expiscatory +explain +explainable +explainer +explaining +explainingly +explanate +explanation +explanative +explanatively +explanator +explanatorily +explanatoriness +explanatory +explant +explantation +explement +explemental +expletive +expletively +expletiveness +expletory +explicable +explicableness +explicate +explication +explicative +explicatively +explicator +explicatory +explicit +explicitly +explicitness +explodable +explode +exploded +explodent +exploder +exploit +exploitable +exploitage +exploitation +exploitationist +exploitative +exploiter +exploitive +exploiture +explorable +exploration +explorational +explorative +exploratively +explorativeness +explorator +exploratory +explore +explorement +explorer +exploring +exploringly +explosibility +explosible +explosion +explosionist +explosive +explosively +explosiveness +expone +exponence +exponency +exponent +exponential +exponentially +exponentiation +exponible +export +exportability +exportable +exportation +exporter +exposal +expose +exposed +exposedness +exposer +exposit +exposition +expositional +expositionary +expositive +expositively +expositor +expositorial +expositorially +expositorily +expositoriness +expository +expositress +expostulate +expostulating +expostulatingly +expostulation +expostulative +expostulatively +expostulator +expostulatory +exposure +expound +expoundable +expounder +express +expressable +expressage +expressed +expresser +expressibility +expressible +expressibly +expression +expressionable +expressional +expressionful +expressionism +expressionist +expressionistic +expressionless +expressionlessly +expressionlessness +expressive +expressively +expressiveness +expressivism +expressivity +expressless +expressly +expressman +expressness +expressway +exprimable +exprobrate +exprobration +exprobratory +expromission +expromissor +expropriable +expropriate +expropriation +expropriator +expugn +expugnable +expuition +expulsatory +expulse +expulser +expulsion +expulsionist +expulsive +expulsory +expunction +expunge +expungeable +expungement +expunger +expurgate +expurgation +expurgative +expurgator +expurgatorial +expurgatory +expurge +exquisite +exquisitely +exquisiteness +exquisitism +exquisitively +exradio +exradius +exrupeal +exsanguinate +exsanguination +exsanguine +exsanguineous +exsanguinity +exsanguinous +exsanguious +exscind +exscissor +exscriptural +exsculptate +exscutellate +exsect +exsectile +exsection +exsector +exsequatur +exsert +exserted +exsertile +exsertion +exship +exsibilate +exsibilation +exsiccant +exsiccatae +exsiccate +exsiccation +exsiccative +exsiccator +exsiliency +exsomatic +exspuition +exsputory +exstipulate +exstrophy +exsuccous +exsuction +exsufflate +exsufflation +exsufflicate +exsurge +exsurgent +extant +extemporal +extemporally +extemporalness +extemporaneity +extemporaneous +extemporaneously +extemporaneousness +extemporarily +extemporariness +extemporary +extempore +extemporization +extemporize +extemporizer +extend +extended +extendedly +extendedness +extender +extendibility +extendible +extending +extense +extensibility +extensible +extensibleness +extensile +extensimeter +extension +extensional +extensionist +extensity +extensive +extensively +extensiveness +extensometer +extensor +extensory +extensum +extent +extenuate +extenuating +extenuatingly +extenuation +extenuative +extenuator +extenuatory +exter +exterior +exteriorate +exterioration +exteriority +exteriorization +exteriorize +exteriorly +exteriorness +exterminable +exterminate +extermination +exterminative +exterminator +exterminatory +exterminatress +exterminatrix +exterminist +extern +external +externalism +externalist +externalistic +externality +externalization +externalize +externally +externals +externate +externation +externe +externity +externization +externize +externomedian +externum +exteroceptist +exteroceptive +exteroceptor +exterraneous +exterrestrial +exterritorial +exterritoriality +exterritorialize +exterritorially +extima +extinct +extinction +extinctionist +extinctive +extinctor +extine +extinguish +extinguishable +extinguishant +extinguished +extinguisher +extinguishment +extipulate +extirpate +extirpation +extirpationist +extirpative +extirpator +extirpatory +extispex +extispicious +extispicy +extogenous +extol +extoll +extollation +extoller +extollingly +extollment +extolment +extoolitic +extorsive +extorsively +extort +extorter +extortion +extortionary +extortionate +extortionately +extortioner +extortionist +extortive +extra +extrabold +extrabranchial +extrabronchial +extrabuccal +extrabulbar +extrabureau +extraburghal +extracalendar +extracalicular +extracanonical +extracapsular +extracardial +extracarpal +extracathedral +extracellular +extracellularly +extracerebral +extracivic +extracivically +extraclassroom +extraclaustral +extracloacal +extracollegiate +extracolumella +extraconscious +extraconstellated +extraconstitutional +extracorporeal +extracorpuscular +extracosmic +extracosmical +extracostal +extracranial +extract +extractable +extractant +extracted +extractible +extractiform +extraction +extractive +extractor +extractorship +extracultural +extracurial +extracurricular +extracurriculum +extracutaneous +extracystic +extradecretal +extradialectal +extraditable +extradite +extradition +extradomestic +extrados +extradosed +extradotal +extraduction +extradural +extraembryonic +extraenteric +extraepiphyseal +extraequilibrium +extraessential +extraessentially +extrafascicular +extrafloral +extrafocal +extrafoliaceous +extraforaneous +extraformal +extragalactic +extragastric +extrait +extrajudicial +extrajudicially +extralateral +extralite +extrality +extramarginal +extramatrical +extramedullary +extramental +extrameridian +extrameridional +extrametaphysical +extrametrical +extrametropolitan +extramodal +extramolecular +extramorainal +extramorainic +extramoral +extramoralist +extramundane +extramural +extramurally +extramusical +extranational +extranatural +extranean +extraneity +extraneous +extraneously +extraneousness +extranidal +extranormal +extranuclear +extraocular +extraofficial +extraoral +extraorbital +extraorbitally +extraordinarily +extraordinariness +extraordinary +extraorganismal +extraovate +extraovular +extraparenchymal +extraparental +extraparietal +extraparliamentary +extraparochial +extraparochially +extrapatriarchal +extrapelvic +extraperineal +extraperiodic +extraperiosteal +extraperitoneal +extraphenomenal +extraphysical +extraphysiological +extrapituitary +extraplacental +extraplanetary +extrapleural +extrapoetical +extrapolar +extrapolate +extrapolation +extrapolative +extrapolator +extrapopular +extraprofessional +extraprostatic +extraprovincial +extrapulmonary +extrapyramidal +extraquiz +extrared +extraregarding +extraregular +extraregularly +extrarenal +extraretinal +extrarhythmical +extrasacerdotal +extrascholastic +extraschool +extrascientific +extrascriptural +extrascripturality +extrasensible +extrasensory +extrasensuous +extraserous +extrasocial +extrasolar +extrasomatic +extraspectral +extraspherical +extraspinal +extrastapedial +extrastate +extrasterile +extrastomachal +extrasyllabic +extrasyllogistic +extrasyphilitic +extrasystole +extrasystolic +extratabular +extratarsal +extratellurian +extratelluric +extratemporal +extratension +extratensive +extraterrene +extraterrestrial +extraterritorial +extraterritoriality +extraterritorially +extrathecal +extratheistic +extrathermodynamic +extrathoracic +extratorrid +extratracheal +extratribal +extratropical +extratubal +extratympanic +extrauterine +extravagance +extravagancy +extravagant +Extravagantes +extravagantly +extravagantness +extravaganza +extravagate +extravaginal +extravasate +extravasation +extravascular +extraventricular +extraversion +extravert +extravillar +extraviolet +extravisceral +extrazodiacal +extreme +extremeless +extremely +extremeness +extremism +extremist +extremistic +extremital +extremity +extricable +extricably +extricate +extricated +extrication +extrinsic +extrinsical +extrinsicality +extrinsically +extrinsicalness +extrinsicate +extrinsication +extroitive +extropical +extrorsal +extrorse +extrorsely +extrospect +extrospection +extrospective +extroversion +extroversive +extrovert +extrovertish +extrude +extruder +extruding +extrusile +extrusion +extrusive +extrusory +extubate +extubation +extumescence +extund +extusion +exuberance +exuberancy +exuberant +exuberantly +exuberantness +exuberate +exuberation +exudate +exudation +exudative +exude +exudence +exulcerate +exulceration +exulcerative +exulceratory +exult +exultance +exultancy +exultant +exultantly +exultation +exultet +exultingly +exululate +exumbral +exumbrella +exumbrellar +exundance +exundancy +exundate +exundation +exuviability +exuviable +exuviae +exuvial +exuviate +exuviation +exzodiacal +ey +eyah +eyalet +eyas +eye +eyeball +eyebalm +eyebar +eyebeam +eyeberry +eyeblink +eyebolt +eyebree +eyebridled +eyebright +eyebrow +eyecup +eyed +eyedness +eyedot +eyedrop +eyeflap +eyeful +eyeglance +eyeglass +eyehole +Eyeish +eyelash +eyeless +eyelessness +eyelet +eyeleteer +eyeletter +eyelid +eyelight +eyelike +eyeline +eyemark +eyen +eyepiece +eyepit +eyepoint +eyer +eyereach +eyeroot +eyesalve +eyeseed +eyeservant +eyeserver +eyeservice +eyeshade +eyeshield +eyeshot +eyesight +eyesome +eyesore +eyespot +eyestalk +eyestone +eyestrain +eyestring +eyetooth +eyewaiter +eyewash +eyewater +eyewear +eyewink +eyewinker +eyewitness +eyewort +eyey +eying +eyn +eyne +eyot +eyoty +eyra +eyre +eyrie +eyrir +ezba +Ezekiel +Ezra +F +f +fa +Faba +Fabaceae +fabaceous +fabella +fabes +Fabian +Fabianism +Fabianist +fabiform +fable +fabled +fabledom +fableist +fableland +fablemaker +fablemonger +fablemongering +fabler +fabliau +fabling +Fabraea +fabric +fabricant +fabricate +fabrication +fabricative +fabricator +fabricatress +Fabrikoid +fabrikoid +Fabronia +Fabroniaceae +fabular +fabulist +fabulosity +fabulous +fabulously +fabulousness +faburden +facadal +facade +face +faceable +facebread +facecloth +faced +faceless +facellite +facemaker +facemaking +faceman +facemark +facepiece +faceplate +facer +facet +facete +faceted +facetely +faceteness +facetiae +facetiation +facetious +facetiously +facetiousness +facewise +facework +facia +facial +facially +faciation +faciend +facient +facies +facile +facilely +facileness +facilitate +facilitation +facilitative +facilitator +facility +facing +facingly +facinorous +facinorousness +faciobrachial +faciocervical +faciolingual +facioplegia +facioscapulohumeral +fack +fackeltanz +fackings +fackins +facks +facsimile +facsimilist +facsimilize +fact +factable +factabling +factful +Factice +facticide +faction +factional +factionalism +factionary +factioneer +factionist +factionistism +factious +factiously +factiousness +factish +factitial +factitious +factitiously +factitive +factitively +factitude +factive +factor +factorability +factorable +factorage +factordom +factoress +factorial +factorially +factorist +factorization +factorize +factorship +factory +factoryship +factotum +factrix +factual +factuality +factually +factualness +factum +facture +facty +facula +facular +faculous +facultate +facultative +facultatively +facultied +facultize +faculty +facund +facy +fad +fadable +faddiness +faddish +faddishness +faddism +faddist +faddle +faddy +fade +fadeaway +faded +fadedly +fadedness +fadeless +faden +fader +fadge +fading +fadingly +fadingness +fadmonger +fadmongering +fadmongery +fadridden +fady +fae +faerie +Faeroe +faery +faeryland +faff +faffle +faffy +fag +Fagaceae +fagaceous +fagald +Fagales +Fagara +fage +Fagelia +fager +fagger +faggery +fagging +faggingly +fagine +fagopyrism +fagopyrismus +Fagopyrum +fagot +fagoter +fagoting +fagottino +fagottist +fagoty +Fagus +faham +fahlerz +fahlore +fahlunite +Fahrenheit +faience +fail +failing +failingly +failingness +faille +failure +fain +fainaigue +fainaiguer +faineance +faineancy +faineant +faineantism +fainly +fainness +fains +faint +fainter +faintful +faintheart +fainthearted +faintheartedly +faintheartedness +fainting +faintingly +faintish +faintishness +faintly +faintness +faints +fainty +faipule +fair +fairer +fairfieldite +fairgoer +fairgoing +fairgrass +fairground +fairily +fairing +fairish +fairishly +fairkeeper +fairlike +fairling +fairly +fairm +fairness +fairstead +fairtime +fairwater +fairway +fairy +fairydom +fairyfolk +fairyhood +fairyish +fairyism +fairyland +fairylike +fairyologist +fairyology +fairyship +faith +faithbreach +faithbreaker +faithful +faithfully +faithfulness +faithless +faithlessly +faithlessness +faithwise +faithworthiness +faithworthy +faitour +fake +fakement +faker +fakery +fakiness +fakir +fakirism +Fakofo +faky +falanaka +Falange +Falangism +Falangist +Falasha +falbala +falcade +Falcata +falcate +falcated +falcation +falcer +falces +falchion +falcial +Falcidian +falciform +Falcinellus +falciparum +Falco +falcon +falconbill +falconelle +falconer +Falcones +falconet +Falconidae +Falconiformes +Falconinae +falconine +falconlike +falconoid +falconry +falcopern +falcula +falcular +falculate +Falcunculus +faldage +falderal +faldfee +faldstool +Falerian +Falernian +Falerno +Faliscan +Falisci +Falkland +fall +fallace +fallacious +fallaciously +fallaciousness +fallacy +fallage +fallation +fallaway +fallback +fallectomy +fallen +fallenness +faller +fallfish +fallibility +fallible +fallibleness +fallibly +falling +Fallopian +fallostomy +fallotomy +fallow +fallowist +fallowness +falltime +fallway +fally +falsary +false +falsehearted +falseheartedly +falseheartedness +falsehood +falsely +falsen +falseness +falser +falsettist +falsetto +falsework +falsidical +falsie +falsifiable +falsificate +falsification +falsificator +falsifier +falsify +falsism +Falstaffian +faltboat +faltche +falter +falterer +faltering +falteringly +Falunian +Faluns +falutin +falx +fam +Fama +famatinite +famble +fame +fameflower +fameful +fameless +famelessly +famelessness +Fameuse +fameworthy +familia +familial +familiar +familiarism +familiarity +familiarization +familiarize +familiarizer +familiarizingly +familiarly +familiarness +familism +familist +familistery +familistic +familistical +family +familyish +famine +famish +famishment +famous +famously +famousness +famulary +famulus +Fan +fan +fana +fanal +fanam +fanatic +fanatical +fanatically +fanaticalness +fanaticism +fanaticize +fanback +fanbearer +fanciable +fancical +fancied +fancier +fanciful +fancifully +fancifulness +fancify +fanciless +fancy +fancymonger +fancysick +fancywork +fand +fandangle +fandango +fandom +fanega +fanegada +fanfarade +Fanfare +fanfare +fanfaron +fanfaronade +fanfaronading +fanflower +fanfoot +fang +fanged +fangle +fangled +fanglement +fangless +fanglet +fanglomerate +fangot +fangy +fanhouse +faniente +fanion +fanioned +fanlight +fanlike +fanmaker +fanmaking +fanman +fannel +fanner +Fannia +fannier +fanning +Fanny +fanon +fant +fantail +fantasia +fantasie +fantasied +fantasist +fantasque +fantassin +fantast +fantastic +fantastical +fantasticality +fantastically +fantasticalness +fantasticate +fantastication +fantasticism +fantasticly +fantasticness +fantastico +fantastry +fantasy +Fanti +fantigue +fantoccini +fantocine +fantod +fantoddish +Fanwe +fanweed +fanwise +fanwork +fanwort +fanwright +Fany +faon +Fapesmo +far +farad +faradaic +faraday +faradic +faradism +faradization +faradize +faradizer +faradmeter +faradocontractility +faradomuscular +faradonervous +faradopalpation +farandole +farasula +faraway +farawayness +farce +farcelike +farcer +farcetta +farcial +farcialize +farcical +farcicality +farcically +farcicalness +farcied +farcify +farcing +farcinoma +farcist +farctate +farcy +farde +fardel +fardelet +fardh +fardo +fare +farer +farewell +farfara +farfel +farfetched +farfetchedness +Farfugium +fargoing +fargood +farina +farinaceous +farinaceously +faring +farinometer +farinose +farinosely +farinulent +Farish +farish +farkleberry +farl +farleu +farm +farmable +farmage +farmer +farmeress +farmerette +farmerlike +farmership +farmery +farmhold +farmhouse +farmhousey +farming +farmost +farmplace +farmstead +farmsteading +farmtown +farmy +farmyard +farmyardy +farnesol +farness +Farnovian +faro +Faroeish +Faroese +farolito +Farouk +farraginous +farrago +farrand +farrandly +farrantly +farreate +farreation +farrier +farrierlike +farriery +farrisite +farrow +farruca +farsalah +farse +farseeing +farseeingness +farseer +farset +Farsi +farsighted +farsightedly +farsightedness +farther +farthermost +farthest +farthing +farthingale +farthingless +farweltered +fasces +fascet +fascia +fascial +fasciate +fasciated +fasciately +fasciation +fascicle +fascicled +fascicular +fascicularly +fasciculate +fasciculated +fasciculately +fasciculation +fascicule +fasciculus +fascinate +fascinated +fascinatedly +fascinating +fascinatingly +fascination +fascinative +fascinator +fascinatress +fascine +fascinery +Fascio +fasciodesis +fasciola +fasciolar +Fasciolaria +Fasciolariidae +fasciole +fasciolet +fascioliasis +Fasciolidae +fascioloid +fascioplasty +fasciotomy +fascis +fascism +fascist +Fascista +Fascisti +fascisticization +fascisticize +fascistization +fascistize +fash +fasher +fashery +fashion +fashionability +fashionable +fashionableness +fashionably +fashioned +fashioner +fashionist +fashionize +fashionless +fashionmonger +fashionmonging +fashious +fashiousness +fasibitikite +fasinite +fass +fassalite +fast +fasten +fastener +fastening +faster +fastgoing +fasthold +fastidiosity +fastidious +fastidiously +fastidiousness +fastidium +fastigate +fastigated +fastigiate +fastigium +fasting +fastingly +fastish +fastland +fastness +fastuous +fastuously +fastuousness +fastus +fat +Fatagaga +fatal +fatalism +fatalist +fatalistic +fatalistically +fatality +fatalize +fatally +fatalness +fatbird +fatbrained +fate +fated +fateful +fatefully +fatefulness +fatelike +fathead +fatheaded +fatheadedness +fathearted +father +fathercraft +fathered +fatherhood +fatherland +fatherlandish +fatherless +fatherlessness +fatherlike +fatherliness +fatherling +fatherly +fathership +fathmur +fathom +fathomable +fathomage +fathomer +Fathometer +fathomless +fathomlessly +fathomlessness +fatidic +fatidical +fatidically +fatiferous +fatigability +fatigable +fatigableness +fatigue +fatigueless +fatiguesome +fatiguing +fatiguingly +fatiha +fatil +fatiloquent +Fatima +Fatimid +fatiscence +fatiscent +fatless +fatling +fatly +fatness +fatsia +fattable +fatten +fattenable +fattener +fatter +fattily +fattiness +fattish +fattishness +fattrels +fatty +fatuism +fatuitous +fatuitousness +fatuity +fatuoid +fatuous +fatuously +fatuousness +fatwood +faucal +faucalize +fauces +faucet +fauchard +faucial +faucitis +faucre +faugh +faujasite +fauld +Faulkland +fault +faultage +faulter +faultfind +faultfinder +faultfinding +faultful +faultfully +faultily +faultiness +faulting +faultless +faultlessly +faultlessness +faultsman +faulty +faun +Fauna +faunal +faunally +faunated +faunish +faunist +faunistic +faunistical +faunistically +faunlike +faunological +faunology +faunule +fause +faussebraie +faussebrayed +faust +Faustian +fauterer +fautor +fautorship +fauve +Fauvism +Fauvist +favaginous +favella +favellidium +favelloid +Faventine +faveolate +faveolus +faviform +favilla +favillous +favism +favissa +favn +favonian +Favonius +favor +favorable +favorableness +favorably +favored +favoredly +favoredness +favorer +favoress +favoring +favoringly +favorite +favoritism +favorless +favose +favosely +favosite +Favosites +Favositidae +favositoid +favous +favus +fawn +fawner +fawnery +fawning +fawningly +fawningness +fawnlike +fawnskin +fawny +Fay +fay +Fayal +fayalite +Fayettism +fayles +Fayumic +faze +fazenda +fe +feaberry +feague +feak +feal +fealty +fear +fearable +feared +fearedly +fearedness +fearer +fearful +fearfully +fearfulness +fearingly +fearless +fearlessly +fearlessness +fearnought +fearsome +fearsomely +fearsomeness +feasance +feasibility +feasible +feasibleness +feasibly +feasor +feast +feasten +feaster +feastful +feastfully +feastless +feat +feather +featherback +featherbed +featherbedding +featherbird +featherbone +featherbrain +featherbrained +featherdom +feathered +featheredge +featheredged +featherer +featherfew +featherfoil +featherhead +featherheaded +featheriness +feathering +featherleaf +featherless +featherlessness +featherlet +featherlike +featherman +feathermonger +featherpate +featherpated +featherstitch +featherstitching +feathertop +featherway +featherweed +featherweight +featherwing +featherwise +featherwood +featherwork +featherworker +feathery +featliness +featly +featness +featous +featural +featurally +feature +featured +featureful +featureless +featureliness +featurely +featy +feaze +feazings +febricant +febricide +febricity +febricula +febrifacient +febriferous +febrific +febrifugal +febrifuge +febrile +febrility +Febronian +Febronianism +Februarius +February +februation +fecal +fecalith +fecaloid +feces +Fechnerian +feck +feckful +feckfully +feckless +fecklessly +fecklessness +feckly +fecula +feculence +feculency +feculent +fecund +fecundate +fecundation +fecundative +fecundator +fecundatory +fecundify +fecundity +fecundize +fed +feddan +federacy +Federal +federal +federalism +federalist +federalization +federalize +federally +federalness +federate +federation +federationist +federatist +federative +federatively +federator +Fedia +Fedora +fee +feeable +feeble +feeblebrained +feeblehearted +feebleheartedly +feebleheartedness +feebleness +feebling +feeblish +feebly +feed +feedable +feedback +feedbin +feedboard +feedbox +feeder +feedhead +feeding +feedman +feedsman +feedstuff +feedway +feedy +feel +feelable +feeler +feeless +feeling +feelingful +feelingless +feelinglessly +feelingly +feelingness +feer +feere +feering +feetage +feetless +feeze +fefnicute +fegary +Fegatella +Fehmic +fei +feif +feigher +feign +feigned +feignedly +feignedness +feigner +feigning +feigningly +Feijoa +feil +feint +feis +feist +feisty +Felapton +feldsher +feldspar +feldsparphyre +feldspathic +feldspathization +feldspathoid +Felichthys +felicide +felicific +felicitate +felicitation +felicitator +felicitous +felicitously +felicitousness +felicity +felid +Felidae +feliform +Felinae +feline +felinely +felineness +felinity +felinophile +felinophobe +Felis +Felix +fell +fellable +fellage +fellah +fellaheen +fellahin +Fellani +Fellata +Fellatah +fellatio +fellation +fellen +feller +fellic +felliducous +fellifluous +felling +fellingbird +fellinic +fellmonger +fellmongering +fellmongery +fellness +felloe +fellow +fellowcraft +fellowess +fellowheirship +fellowless +fellowlike +fellowship +fellside +fellsman +felly +feloid +felon +feloness +felonious +feloniously +feloniousness +felonry +felonsetter +felonsetting +felonweed +felonwood +felonwort +felony +fels +felsite +felsitic +felsobanyite +felsophyre +felsophyric +felsosphaerite +felstone +felt +felted +felter +felting +feltlike +feltmaker +feltmaking +feltmonger +feltness +feltwork +feltwort +felty +feltyfare +felucca +Felup +felwort +female +femalely +femaleness +femality +femalize +Feme +feme +femerell +femic +femicide +feminacy +feminal +feminality +feminate +femineity +feminie +feminility +feminin +feminine +femininely +feminineness +femininism +femininity +feminism +feminist +feministic +feministics +feminity +feminization +feminize +feminologist +feminology +feminophobe +femora +femoral +femorocaudal +femorocele +femorococcygeal +femorofibular +femoropopliteal +femororotulian +femorotibial +femur +fen +fenbank +fenberry +fence +fenceful +fenceless +fencelessness +fencelet +fenceplay +fencer +fenceress +fenchene +fenchone +fenchyl +fencible +fencing +fend +fendable +fender +fendering +fenderless +fendillate +fendillation +fendy +feneration +fenestella +Fenestellidae +fenestra +fenestral +fenestrate +fenestrated +fenestration +fenestrato +fenestrule +Fenian +Fenianism +fenite +fenks +fenland +fenlander +fenman +fennec +fennel +fennelflower +fennig +fennish +Fennoman +fenny +fenouillet +Fenrir +fensive +fent +fenter +fenugreek +Fenzelia +feod +feodal +feodality +feodary +feodatory +feoff +feoffee +feoffeeship +feoffment +feoffor +feower +feracious +feracity +Ferae +Ferahan +feral +feralin +Feramorz +ferash +ferberite +Ferdiad +ferdwit +feretory +feretrum +ferfathmur +ferfet +ferganite +Fergus +fergusite +Ferguson +fergusonite +feria +ferial +feridgi +ferie +ferine +ferinely +ferineness +Feringi +Ferio +Ferison +ferity +ferk +ferling +ferly +fermail +Fermatian +ferme +ferment +fermentability +fermentable +fermentarian +fermentation +fermentative +fermentatively +fermentativeness +fermentatory +fermenter +fermentescible +fermentitious +fermentive +fermentology +fermentor +fermentum +fermerer +fermery +fermila +fermorite +fern +fernandinite +Fernando +fernbird +fernbrake +ferned +fernery +ferngale +ferngrower +fernland +fernleaf +fernless +fernlike +fernshaw +fernsick +ferntickle +ferntickled +fernwort +ferny +Ferocactus +ferocious +ferociously +ferociousness +ferocity +feroher +Feronia +ferrado +ferrament +Ferrara +Ferrarese +ferrate +ferrated +ferrateen +ferratin +ferrean +ferreous +ferret +ferreter +ferreting +ferretto +ferrety +ferri +ferriage +ferric +ferrichloride +ferricyanate +ferricyanhydric +ferricyanic +ferricyanide +ferricyanogen +ferrier +ferriferous +ferrihydrocyanic +ferriprussiate +ferriprussic +ferrite +ferritization +ferritungstite +ferrivorous +ferroalloy +ferroaluminum +ferroboron +ferrocalcite +ferrocerium +ferrochrome +ferrochromium +ferroconcrete +ferroconcretor +ferrocyanate +ferrocyanhydric +ferrocyanic +ferrocyanide +ferrocyanogen +ferroglass +ferrogoslarite +ferrohydrocyanic +ferroinclave +ferromagnesian +ferromagnetic +ferromagnetism +ferromanganese +ferromolybdenum +ferronatrite +ferronickel +ferrophosphorus +ferroprint +ferroprussiate +ferroprussic +ferrosilicon +ferrotitanium +ferrotungsten +ferrotype +ferrotyper +ferrous +ferrovanadium +ferrozirconium +ferruginate +ferrugination +ferruginean +ferruginous +ferrule +ferruler +ferrum +ferruminate +ferrumination +ferry +ferryboat +ferryhouse +ferryman +ferryway +ferthumlungur +Fertil +fertile +fertilely +fertileness +fertility +fertilizable +fertilization +fertilizational +fertilize +fertilizer +feru +ferula +ferulaceous +ferule +ferulic +fervanite +fervency +fervent +fervently +ferventness +fervescence +fervescent +fervid +fervidity +fervidly +fervidness +Fervidor +fervor +fervorless +Fesapo +Fescennine +fescenninity +fescue +fess +fessely +fesswise +fest +festal +festally +Feste +fester +festerment +festilogy +festinance +festinate +festinately +festination +festine +Festino +festival +festivally +festive +festively +festiveness +festivity +festivous +festology +festoon +festoonery +festoony +festuca +festucine +fet +fetal +fetalism +fetalization +fetation +fetch +fetched +fetcher +fetching +fetchingly +feteless +feterita +fetial +fetiales +fetichmonger +feticidal +feticide +fetid +fetidity +fetidly +fetidness +fetiferous +fetiparous +fetish +fetisheer +fetishic +fetishism +fetishist +fetishistic +fetishization +fetishize +fetishmonger +fetishry +fetlock +fetlocked +fetlow +fetography +fetometry +fetoplacental +fetor +fetter +fetterbush +fetterer +fetterless +fetterlock +fetticus +fettle +fettler +fettling +fetus +feu +feuage +feuar +feucht +feud +feudal +feudalism +feudalist +feudalistic +feudality +feudalizable +feudalization +feudalize +feudally +feudatorial +feudatory +feudee +feudist +feudovassalism +feued +Feuillants +feuille +feuilletonism +feuilletonist +feuilletonistic +feulamort +fever +feverberry +feverbush +fevercup +feveret +feverfew +fevergum +feverish +feverishly +feverishness +feverless +feverlike +feverous +feverously +feverroot +fevertrap +fevertwig +fevertwitch +feverweed +feverwort +few +fewness +fewsome +fewter +fewterer +fewtrils +fey +feyness +fez +Fezzan +fezzed +Fezziwig +fezzy +fi +fiacre +fiance +fiancee +fianchetto +Fianna +fiar +fiard +fiasco +fiat +fiatconfirmatio +fib +fibber +fibbery +fibdom +Fiber +fiber +fiberboard +fibered +Fiberglas +fiberize +fiberizer +fiberless +fiberware +fibration +fibreless +fibreware +fibriform +fibril +fibrilla +fibrillar +fibrillary +fibrillate +fibrillated +fibrillation +fibrilled +fibrilliferous +fibrilliform +fibrillose +fibrillous +fibrin +fibrinate +fibrination +fibrine +fibrinemia +fibrinoalbuminous +fibrinocellular +fibrinogen +fibrinogenetic +fibrinogenic +fibrinogenous +fibrinolysin +fibrinolysis +fibrinolytic +fibrinoplastic +fibrinoplastin +fibrinopurulent +fibrinose +fibrinosis +fibrinous +fibrinuria +fibroadenia +fibroadenoma +fibroadipose +fibroangioma +fibroareolar +fibroblast +fibroblastic +fibrobronchitis +fibrocalcareous +fibrocarcinoma +fibrocartilage +fibrocartilaginous +fibrocaseose +fibrocaseous +fibrocellular +fibrochondritis +fibrochondroma +fibrochondrosteal +fibrocrystalline +fibrocyst +fibrocystic +fibrocystoma +fibrocyte +fibroelastic +fibroenchondroma +fibrofatty +fibroferrite +fibroglia +fibroglioma +fibrohemorrhagic +fibroid +fibroin +fibrointestinal +fibroligamentous +fibrolipoma +fibrolipomatous +fibrolite +fibrolitic +fibroma +fibromata +fibromatoid +fibromatosis +fibromatous +fibromembrane +fibromembranous +fibromucous +fibromuscular +fibromyectomy +fibromyitis +fibromyoma +fibromyomatous +fibromyomectomy +fibromyositis +fibromyotomy +fibromyxoma +fibromyxosarcoma +fibroneuroma +fibronuclear +fibronucleated +fibropapilloma +fibropericarditis +fibroplastic +fibropolypus +fibropsammoma +fibropurulent +fibroreticulate +fibrosarcoma +fibrose +fibroserous +fibrosis +fibrositis +Fibrospongiae +fibrotic +fibrotuberculosis +fibrous +fibrously +fibrousness +fibrovasal +fibrovascular +fibry +fibster +fibula +fibulae +fibular +fibulare +fibulocalcaneal +Ficaria +ficary +fice +ficelle +fiche +Fichtean +Fichteanism +fichtelite +fichu +ficiform +fickle +ficklehearted +fickleness +ficklety +ficklewise +fickly +fico +ficoid +Ficoidaceae +Ficoideae +ficoides +fictation +fictile +fictileness +fictility +fiction +fictional +fictionalize +fictionally +fictionary +fictioneer +fictioner +fictionist +fictionistic +fictionization +fictionize +fictionmonger +fictious +fictitious +fictitiously +fictitiousness +fictive +fictively +Ficula +Ficus +fid +Fidac +fidalgo +fidate +fidation +fiddle +fiddleback +fiddlebrained +fiddlecome +fiddledeedee +fiddlefaced +fiddlehead +fiddleheaded +fiddler +fiddlerfish +fiddlery +fiddlestick +fiddlestring +fiddlewood +fiddley +fiddling +fide +fideicommiss +fideicommissary +fideicommission +fideicommissioner +fideicommissor +fideicommissum +fideism +fideist +fidejussion +fidejussionary +fidejussor +fidejussory +Fidele +Fidelia +Fidelio +fidelity +fidepromission +fidepromissor +Fides +Fidessa +fidfad +fidge +fidget +fidgeter +fidgetily +fidgetiness +fidgeting +fidgetingly +fidgety +Fidia +fidicinal +fidicinales +fidicula +Fido +fiducia +fiducial +fiducially +fiduciarily +fiduciary +fiducinales +fie +fiedlerite +fiefdom +field +fieldball +fieldbird +fielded +fielder +fieldfare +fieldish +fieldman +fieldpiece +fieldsman +fieldward +fieldwards +fieldwork +fieldworker +fieldwort +fieldy +fiend +fiendful +fiendfully +fiendhead +fiendish +fiendishly +fiendishness +fiendism +fiendlike +fiendliness +fiendly +fiendship +fient +Fierabras +Fierasfer +fierasferid +Fierasferidae +fierasferoid +fierce +fiercehearted +fiercely +fiercen +fierceness +fierding +fierily +fieriness +fiery +fiesta +fieulamort +Fife +fife +fifer +fifie +fifish +fifo +fifteen +fifteener +fifteenfold +fifteenth +fifteenthly +fifth +fifthly +fiftieth +fifty +fiftyfold +fig +figaro +figbird +figeater +figent +figged +figgery +figging +figgle +figgy +fight +fightable +fighter +fighteress +fighting +fightingly +fightwite +Figitidae +figless +figlike +figment +figmental +figpecker +figshell +figulate +figulated +figuline +figurability +figurable +figural +figurant +figurante +figurate +figurately +figuration +figurative +figuratively +figurativeness +figure +figured +figuredly +figurehead +figureheadless +figureheadship +figureless +figurer +figuresome +figurette +figurial +figurine +figurism +figurist +figurize +figury +figworm +figwort +Fiji +Fijian +fike +fikie +filace +filaceous +filacer +Filago +filament +filamentar +filamentary +filamented +filamentiferous +filamentoid +filamentose +filamentous +filamentule +filander +filanders +filao +filar +Filaria +filaria +filarial +filarian +filariasis +filaricidal +filariform +filariid +Filariidae +filarious +filasse +filate +filator +filature +filbert +filch +filcher +filchery +filching +filchingly +file +filefish +filelike +filemaker +filemaking +filemot +filer +filesmith +filet +filial +filiality +filially +filialness +filiate +filiation +filibeg +filibranch +Filibranchia +filibranchiate +filibuster +filibusterer +filibusterism +filibusterous +filical +Filicales +filicauline +Filices +filicic +filicidal +filicide +filiciform +filicin +Filicineae +filicinean +filicite +Filicites +filicologist +filicology +Filicornia +filiety +filiferous +filiform +filiformed +Filigera +filigerous +filigree +filing +filings +filionymic +filiopietistic +filioque +Filipendula +filipendulous +Filipina +Filipiniana +Filipinization +Filipinize +Filipino +filippo +filipuncture +filite +Filix +fill +fillable +filled +fillemot +filler +fillercap +fillet +filleter +filleting +filletlike +filletster +filleul +filling +fillingly +fillingness +fillip +fillipeen +fillister +fillmass +fillock +fillowite +filly +film +filmable +filmdom +filmet +filmgoer +filmgoing +filmic +filmiform +filmily +filminess +filmish +filmist +filmize +filmland +filmlike +filmogen +filmslide +filmstrip +filmy +filo +filoplumaceous +filoplume +filopodium +Filosa +filose +filoselle +fils +filter +filterability +filterable +filterableness +filterer +filtering +filterman +filth +filthify +filthily +filthiness +filthless +filthy +filtrability +filtrable +filtratable +filtrate +filtration +fimble +fimbria +fimbrial +fimbriate +fimbriated +fimbriation +fimbriatum +fimbricate +fimbricated +fimbrilla +fimbrillate +fimbrilliferous +fimbrillose +fimbriodentate +Fimbristylis +fimetarious +fimicolous +Fin +fin +finable +finableness +finagle +finagler +final +finale +finalism +finalist +finality +finalize +finally +finance +financial +financialist +financially +financier +financiery +financist +finback +finch +finchbacked +finched +finchery +find +findability +findable +findal +finder +findfault +finding +findjan +fine +fineable +finebent +fineish +fineleaf +fineless +finely +finement +fineness +finer +finery +finespun +finesse +finesser +finestill +finestiller +finetop +finfish +finfoot +Fingal +Fingall +Fingallian +fingent +finger +fingerable +fingerberry +fingerbreadth +fingered +fingerer +fingerfish +fingerflower +fingerhold +fingerhook +fingering +fingerleaf +fingerless +fingerlet +fingerlike +fingerling +fingernail +fingerparted +fingerprint +fingerprinting +fingerroot +fingersmith +fingerspin +fingerstall +fingerstone +fingertip +fingerwise +fingerwork +fingery +fingrigo +Fingu +finial +finialed +finical +finicality +finically +finicalness +finicism +finick +finickily +finickiness +finicking +finickingly +finickingness +finific +finify +Finiglacial +finikin +finiking +fining +finis +finish +finishable +finished +finisher +finishing +finite +finitely +finiteness +finitesimal +finitive +finitude +finity +finjan +fink +finkel +finland +Finlander +finless +finlet +finlike +Finmark +Finn +finnac +finned +finner +finnesko +Finnic +Finnicize +finnip +Finnish +finny +finochio +Fionnuala +fiord +fiorded +Fioretti +fiorin +fiorite +Fiot +fip +fipenny +fipple +fique +fir +Firbolg +firca +fire +fireable +firearm +firearmed +fireback +fireball +firebird +fireblende +fireboard +fireboat +firebolt +firebolted +firebote +firebox +fireboy +firebrand +firebrat +firebreak +firebrick +firebug +fireburn +firecoat +firecracker +firecrest +fired +firedamp +firedog +firedrake +firefall +firefang +firefanged +fireflaught +fireflirt +fireflower +firefly +fireguard +firehouse +fireless +firelight +firelike +fireling +firelit +firelock +fireman +firemanship +firemaster +fireplace +fireplug +firepower +fireproof +fireproofing +fireproofness +firer +fireroom +firesafe +firesafeness +firesafety +fireshaft +fireshine +fireside +firesider +firesideship +firespout +firestone +firestopping +firetail +firetop +firetrap +firewarden +firewater +fireweed +firewood +firework +fireworkless +fireworky +fireworm +firing +firk +firker +firkin +firlot +firm +firmament +firmamental +firman +firmance +firmer +firmhearted +firmisternal +Firmisternia +firmisternial +firmisternous +firmly +firmness +firn +Firnismalerei +Firoloida +firring +firry +first +firstcomer +firsthand +firstling +firstly +firstness +firstship +firth +fisc +fiscal +fiscalify +fiscalism +fiscalization +fiscalize +fiscally +fischerite +fise +fisetin +fish +fishable +fishback +fishbed +fishberry +fishbolt +fishbone +fisheater +fished +fisher +fisherboat +fisherboy +fisheress +fisherfolk +fishergirl +fisherman +fisherpeople +fisherwoman +fishery +fishet +fisheye +fishfall +fishful +fishgarth +fishgig +fishhood +fishhook +fishhooks +fishhouse +fishify +fishily +fishiness +fishing +fishingly +fishless +fishlet +fishlike +fishline +fishling +fishman +fishmonger +fishmouth +fishplate +fishpond +fishpool +fishpot +fishpotter +fishpound +fishskin +fishtail +fishway +fishweed +fishweir +fishwife +fishwoman +fishwood +fishworker +fishworks +fishworm +fishy +fishyard +fisnoga +fissate +fissicostate +fissidactyl +Fissidens +Fissidentaceae +fissidentaceous +fissile +fissileness +fissilingual +Fissilinguia +fissility +fission +fissionable +fissipalmate +fissipalmation +fissiparation +fissiparism +fissiparity +fissiparous +fissiparously +fissiparousness +fissiped +Fissipeda +fissipedal +fissipedate +Fissipedia +fissipedial +Fissipes +fissirostral +fissirostrate +Fissirostres +fissive +fissural +fissuration +fissure +fissureless +Fissurella +Fissurellidae +fissuriform +fissury +fist +fisted +fister +fistful +fistiana +fistic +fistical +fisticuff +fisticuffer +fisticuffery +fistify +fistiness +fisting +fistlike +fistmele +fistnote +fistuca +fistula +Fistulana +fistular +Fistularia +Fistulariidae +fistularioid +fistulate +fistulated +fistulatome +fistulatous +fistule +fistuliform +Fistulina +fistulize +fistulose +fistulous +fistwise +fisty +fit +fitch +fitched +fitchee +fitcher +fitchery +fitchet +fitchew +fitful +fitfully +fitfulness +fitly +fitment +fitness +fitout +fitroot +fittable +fittage +fitted +fittedness +fitten +fitter +fitters +fittily +fittiness +fitting +fittingly +fittingness +Fittonia +fitty +fittyfied +fittyways +fittywise +fitweed +Fitzclarence +Fitzroy +Fitzroya +Fiuman +five +fivebar +fivefold +fivefoldness +fiveling +fivepence +fivepenny +fivepins +fiver +fives +fivescore +fivesome +fivestones +fix +fixable +fixage +fixate +fixatif +fixation +fixative +fixator +fixature +fixed +fixedly +fixedness +fixer +fixidity +fixing +fixity +fixture +fixtureless +fixure +fizelyite +fizgig +fizz +fizzer +fizzle +fizzy +fjarding +fjeld +fjerding +Fjorgyn +flabbergast +flabbergastation +flabbily +flabbiness +flabby +flabellarium +flabellate +flabellation +flabellifoliate +flabelliform +flabellinerved +flabellum +flabrum +flaccid +flaccidity +flaccidly +flaccidness +flacherie +Flacian +Flacianism +Flacianist +flack +flacked +flacker +flacket +Flacourtia +Flacourtiaceae +flacourtiaceous +flaff +flaffer +flag +flagboat +flagellant +flagellantism +flagellar +Flagellaria +Flagellariaceae +flagellariaceous +Flagellata +Flagellatae +flagellate +flagellated +flagellation +flagellative +flagellator +flagellatory +flagelliferous +flagelliform +flagellist +flagellosis +flagellula +flagellum +flageolet +flagfall +flagger +flaggery +flaggily +flagginess +flagging +flaggingly +flaggish +flaggy +flagitate +flagitation +flagitious +flagitiously +flagitiousness +flagleaf +flagless +flaglet +flaglike +flagmaker +flagmaking +flagman +flagon +flagonet +flagonless +flagpole +flagrance +flagrancy +flagrant +flagrantly +flagrantness +flagroot +flagship +flagstaff +flagstick +flagstone +flagworm +flail +flaillike +flair +flaith +flaithship +flajolotite +flak +flakage +flake +flakeless +flakelet +flaker +flakily +flakiness +flaky +flam +Flamandization +Flamandize +flamant +flamb +flambeau +flambeaux +flamberg +flamboyance +flamboyancy +flamboyant +flamboyantism +flamboyantize +flamboyantly +flamboyer +flame +flamed +flameflower +flameless +flamelet +flamelike +flamen +flamenco +flamenship +flameproof +flamer +flamfew +flamineous +flaming +Flamingant +flamingly +flamingo +Flaminian +flaminica +flaminical +flammability +flammable +flammeous +flammiferous +flammulated +flammulation +flammule +flamy +flan +flancard +flanch +flanched +flanconade +flandan +flandowser +flane +flange +flangeless +flanger +flangeway +flank +flankard +flanked +flanker +flanking +flankwise +flanky +flannel +flannelbush +flanneled +flannelette +flannelflower +flannelleaf +flannelly +flannelmouth +flannelmouthed +flannels +flanque +flap +flapcake +flapdock +flapdoodle +flapdragon +flapjack +flapmouthed +flapper +flapperdom +flapperhood +flapperish +flapperism +flare +flareback +flareboard +flareless +flaring +flaringly +flary +flaser +flash +flashboard +flasher +flashet +flashily +flashiness +flashing +flashingly +flashlight +flashlike +flashly +flashness +flashover +flashpan +flashproof +flashtester +flashy +flask +flasker +flasket +flasklet +flasque +flat +flatboat +flatbottom +flatcap +flatcar +flatdom +flated +flatfish +flatfoot +flathat +flathead +flatiron +flatland +flatlet +flatling +flatly +flatman +flatness +flatnose +flatten +flattener +flattening +flatter +flatterable +flattercap +flatterdock +flatterer +flattering +flatteringly +flatteringness +flattery +flattie +flatting +flattish +flattop +flatulence +flatulency +flatulent +flatulently +flatulentness +flatus +flatware +flatway +flatways +flatweed +flatwise +flatwoods +flatwork +flatworm +Flaubertian +flaught +flaughter +flaunt +flaunter +flauntily +flauntiness +flaunting +flauntingly +flaunty +flautino +flautist +flavanilin +flavaniline +flavanthrene +flavanthrone +flavedo +Flaveria +flavescence +flavescent +Flavia +Flavian +flavic +flavicant +flavid +flavin +flavine +Flavius +flavo +Flavobacterium +flavone +flavoprotein +flavopurpurin +flavor +flavored +flavorer +flavorful +flavoring +flavorless +flavorous +flavorsome +flavory +flavour +flaw +flawed +flawflower +flawful +flawless +flawlessly +flawlessness +flawn +flawy +flax +flaxboard +flaxbush +flaxdrop +flaxen +flaxlike +flaxman +flaxseed +flaxtail +flaxweed +flaxwench +flaxwife +flaxwoman +flaxwort +flaxy +flay +flayer +flayflint +flea +fleabane +fleabite +fleadock +fleam +fleaseed +fleaweed +fleawood +fleawort +fleay +flebile +fleche +flechette +fleck +flecken +flecker +fleckiness +fleckled +fleckless +flecklessly +flecky +flecnodal +flecnode +flection +flectional +flectionless +flector +fled +fledge +fledgeless +fledgling +fledgy +flee +fleece +fleeceable +fleeced +fleeceflower +fleeceless +fleecelike +fleecer +fleech +fleechment +fleecily +fleeciness +fleecy +fleer +fleerer +fleering +fleeringly +fleet +fleeter +fleetful +fleeting +fleetingly +fleetingness +fleetings +fleetly +fleetness +fleetwing +Flem +Fleming +Flemish +flemish +flench +flense +flenser +flerry +flesh +fleshbrush +fleshed +fleshen +flesher +fleshful +fleshhood +fleshhook +fleshiness +fleshing +fleshings +fleshless +fleshlike +fleshlily +fleshliness +fleshly +fleshment +fleshmonger +fleshpot +fleshy +flet +Fleta +fletch +Fletcher +fletcher +Fletcherism +Fletcherite +Fletcherize +flether +fleuret +fleurettee +fleuronnee +fleury +flew +flewed +flewit +flews +flex +flexanimous +flexed +flexibility +flexible +flexibleness +flexibly +flexile +flexility +flexion +flexionless +flexor +flexuose +flexuosity +flexuous +flexuously +flexuousness +flexural +flexure +flexured +fley +fleyedly +fleyedness +fleyland +fleysome +flibbertigibbet +flicflac +flick +flicker +flickering +flickeringly +flickerproof +flickertail +flickery +flicky +flidder +flier +fligger +flight +flighted +flighter +flightful +flightily +flightiness +flighting +flightless +flightshot +flighty +flimflam +flimflammer +flimflammery +flimmer +flimp +flimsily +flimsiness +flimsy +flinch +flincher +flinching +flinchingly +flinder +Flindersia +flindosa +flindosy +fling +flinger +flingy +flinkite +flint +flinter +flinthearted +flintify +flintily +flintiness +flintless +flintlike +flintlock +flintwood +flintwork +flintworker +flinty +flioma +flip +flipe +flipjack +flippancy +flippant +flippantly +flippantness +flipper +flipperling +flippery +flirt +flirtable +flirtation +flirtational +flirtationless +flirtatious +flirtatiously +flirtatiousness +flirter +flirtigig +flirting +flirtingly +flirtish +flirtishness +flirtling +flirty +flisk +flisky +flit +flitch +flitchen +flite +flitfold +fliting +flitter +flitterbat +flittermouse +flittern +flitting +flittingly +flitwite +flivver +flix +flixweed +Flo +float +floatability +floatable +floatage +floatation +floatative +floatboard +floater +floatiness +floating +floatingly +floative +floatless +floatmaker +floatman +floatplane +floatsman +floatstone +floaty +flob +flobby +floc +floccillation +floccipend +floccose +floccosely +flocculable +flocculant +floccular +flocculate +flocculation +flocculator +floccule +flocculence +flocculency +flocculent +flocculently +flocculose +flocculus +floccus +flock +flocker +flocking +flockless +flocklike +flockman +flockmaster +flockowner +flockwise +flocky +flocoon +flodge +floe +floeberg +Floerkea +floey +flog +floggable +flogger +flogging +floggingly +flogmaster +flogster +flokite +flong +flood +floodable +floodage +floodboard +floodcock +flooded +flooder +floodgate +flooding +floodless +floodlet +floodlight +floodlighting +floodlike +floodmark +floodometer +floodproof +floodtime +floodwater +floodway +floodwood +floody +floor +floorage +floorcloth +floorer +floorhead +flooring +floorless +floorman +floorwalker +floorward +floorway +floorwise +floozy +flop +flophouse +flopover +flopper +floppers +floppily +floppiness +floppy +flopwing +Flora +flora +floral +Floralia +floralize +florally +floramor +floran +florate +floreal +floreate +Florence +florence +florent +Florentine +Florentinism +florentium +flores +florescence +florescent +floressence +floret +floreted +floretum +Floria +Florian +floriate +floriated +floriation +florican +floricin +floricultural +floriculturally +floriculture +floriculturist +florid +Florida +Floridan +Florideae +floridean +florideous +Floridian +floridity +floridly +floridness +floriferous +floriferously +floriferousness +florification +floriform +florigen +florigenic +florigraphy +florikan +floriken +florilegium +florimania +florimanist +florin +Florinda +floriparous +floripondio +floriscope +Florissant +florist +floristic +floristically +floristics +floristry +florisugent +florivorous +floroon +floroscope +florula +florulent +flory +floscular +Floscularia +floscularian +Flosculariidae +floscule +flosculose +flosculous +flosh +floss +flosser +flossflower +Flossie +flossification +flossing +flossy +flot +flota +flotage +flotant +flotation +flotative +flotilla +flotorial +flotsam +flounce +flouncey +flouncing +flounder +floundering +flounderingly +flour +flourish +flourishable +flourisher +flourishing +flourishingly +flourishment +flourishy +flourlike +floury +flouse +flout +flouter +flouting +floutingly +flow +flowable +flowage +flower +flowerage +flowered +flowerer +floweret +flowerful +flowerily +floweriness +flowering +flowerist +flowerless +flowerlessness +flowerlet +flowerlike +flowerpecker +flowerpot +flowerwork +flowery +flowing +flowingly +flowingness +flowmanostat +flowmeter +flown +flowoff +Floyd +flu +fluate +fluavil +flub +flubdub +flubdubbery +flucan +fluctiferous +fluctigerous +fluctisonant +fluctisonous +fluctuability +fluctuable +fluctuant +fluctuate +fluctuation +fluctuosity +fluctuous +flue +flued +flueless +fluellen +fluellite +flueman +fluency +fluent +fluently +fluentness +fluer +fluework +fluey +fluff +fluffer +fluffily +fluffiness +fluffy +Flugelhorn +flugelman +fluible +fluid +fluidacetextract +fluidal +fluidally +fluidextract +fluidglycerate +fluidible +fluidic +fluidification +fluidifier +fluidify +fluidimeter +fluidism +fluidist +fluidity +fluidization +fluidize +fluidly +fluidness +fluidram +fluigram +fluitant +fluke +fluked +flukeless +flukeworm +flukewort +flukily +flukiness +fluking +fluky +flumdiddle +flume +flumerin +fluminose +flummadiddle +flummer +flummery +flummox +flummydiddle +flump +flung +flunk +flunker +flunkeydom +flunkeyhood +flunkeyish +flunkeyize +flunky +flunkydom +flunkyhood +flunkyish +flunkyism +flunkyistic +flunkyite +flunkyize +fluoaluminate +fluoaluminic +fluoarsenate +fluoborate +fluoboric +fluoborid +fluoboride +fluoborite +fluobromide +fluocarbonate +fluocerine +fluocerite +fluochloride +fluohydric +fluophosphate +fluor +fluoran +fluoranthene +fluorapatite +fluorate +fluorbenzene +fluorene +fluorenyl +fluoresage +fluoresce +fluorescein +fluorescence +fluorescent +fluorescigenic +fluorescigenous +fluorescin +fluorhydric +fluoric +fluoridate +fluoridation +fluoride +fluoridization +fluoridize +fluorimeter +fluorinate +fluorination +fluorindine +fluorine +fluorite +fluormeter +fluorobenzene +fluoroborate +fluoroform +fluoroformol +fluorogen +fluorogenic +fluorography +fluoroid +fluorometer +fluoroscope +fluoroscopic +fluoroscopy +fluorosis +fluorotype +fluorspar +fluoryl +fluosilicate +fluosilicic +fluotantalate +fluotantalic +fluotitanate +fluotitanic +fluozirconic +flurn +flurr +flurried +flurriedly +flurriment +flurry +flush +flushboard +flusher +flusherman +flushgate +flushing +flushingly +flushness +flushy +flusk +flusker +fluster +flusterate +flusteration +flusterer +flusterment +flustery +Flustra +flustrine +flustroid +flustrum +flute +flutebird +fluted +flutelike +flutemouth +fluter +flutework +Flutidae +flutina +fluting +flutist +flutter +flutterable +flutteration +flutterer +fluttering +flutteringly +flutterless +flutterment +fluttersome +fluttery +fluty +fluvial +fluvialist +fluviatic +fluviatile +fluvicoline +fluvioglacial +fluviograph +fluviolacustrine +fluviology +fluviomarine +fluviometer +fluviose +fluvioterrestrial +fluviovolcanic +flux +fluxation +fluxer +fluxibility +fluxible +fluxibleness +fluxibly +fluxile +fluxility +fluxion +fluxional +fluxionally +fluxionary +fluxionist +fluxmeter +fluxroot +fluxweed +fly +flyable +flyaway +flyback +flyball +flybane +flybelt +flyblow +flyblown +flyboat +flyboy +flycatcher +flyeater +flyer +flyflap +flyflapper +flyflower +flying +flyingly +flyleaf +flyless +flyman +flyness +flypaper +flype +flyproof +Flysch +flyspeck +flytail +flytier +flytrap +flyway +flyweight +flywheel +flywinch +flywort +Fo +foal +foalfoot +foalhood +foaly +foam +foambow +foamer +foamflower +foamily +foaminess +foaming +foamingly +foamless +foamlike +foamy +fob +focal +focalization +focalize +focally +focaloid +foci +focimeter +focimetry +focoids +focometer +focometry +focsle +focus +focusable +focuser +focusless +fod +fodda +fodder +fodderer +foddering +fodderless +foder +fodge +fodgel +fodient +Fodientia +foe +foehn +foehnlike +foeish +foeless +foelike +foeman +foemanship +Foeniculum +foenngreek +foeship +foetalization +fog +fogbound +fogbow +fogdog +fogdom +fogeater +fogey +fogfruit +foggage +fogged +fogger +foggily +fogginess +foggish +foggy +foghorn +fogle +fogless +fogman +fogo +fogon +fogou +fogproof +fogram +fogramite +fogramity +fogscoffer +fogus +fogy +fogydom +fogyish +fogyism +fohat +foible +foil +foilable +foiler +foiling +foilsman +foining +foiningly +Foism +foison +foisonless +Foist +foist +foister +foistiness +foisty +foiter +Fokker +fold +foldable +foldage +foldboat +foldcourse +folded +foldedly +folden +folder +folding +foldless +foldskirt +foldure +foldwards +foldy +fole +folgerite +folia +foliaceous +foliaceousness +foliage +foliaged +foliageous +folial +foliar +foliary +foliate +foliated +foliation +foliature +folie +foliicolous +foliiferous +foliiform +folio +foliobranch +foliobranchiate +foliocellosis +foliolate +foliole +folioliferous +foliolose +foliose +foliosity +foliot +folious +foliously +folium +folk +folkcraft +folkfree +folkland +folklore +folkloric +folklorish +folklorism +folklorist +folkloristic +folkmoot +folkmooter +folkmot +folkmote +folkmoter +folkright +folksiness +folksy +Folkvang +Folkvangr +folkway +folky +folles +folletage +follicle +follicular +folliculate +folliculated +follicule +folliculin +Folliculina +folliculitis +folliculose +folliculosis +folliculous +folliful +follis +follow +followable +follower +followership +following +followingly +folly +follyproof +Fomalhaut +foment +fomentation +fomenter +fomes +fomites +Fon +fondak +fondant +fondish +fondle +fondler +fondlesome +fondlike +fondling +fondlingly +fondly +fondness +fondu +fondue +fonduk +fonly +fonnish +fono +fons +font +Fontainea +fontal +fontally +fontanel +fontange +fonted +fontful +fonticulus +fontinal +Fontinalaceae +fontinalaceous +Fontinalis +fontlet +foo +Foochow +Foochowese +food +fooder +foodful +foodless +foodlessness +foodstuff +foody +foofaraw +fool +fooldom +foolery +fooless +foolfish +foolhardihood +foolhardily +foolhardiness +foolhardiship +foolhardy +fooling +foolish +foolishly +foolishness +foollike +foolocracy +foolproof +foolproofness +foolscap +foolship +fooner +fooster +foosterer +foot +footage +footback +football +footballer +footballist +footband +footblower +footboard +footboy +footbreadth +footbridge +footcloth +footed +footeite +footer +footfall +footfarer +footfault +footfolk +footful +footganger +footgear +footgeld +foothalt +foothill +foothold +foothook +foothot +footing +footingly +footings +footle +footler +footless +footlicker +footlight +footlights +footling +footlining +footlock +footmaker +footman +footmanhood +footmanry +footmanship +footmark +footnote +footnoted +footpace +footpad +footpaddery +footpath +footpick +footplate +footprint +footrail +footrest +footrill +footroom +footrope +foots +footscald +footslog +footslogger +footsore +footsoreness +footstalk +footstall +footstep +footstick +footstock +footstone +footstool +footwalk +footwall +footway +footwear +footwork +footworn +footy +fooyoung +foozle +foozler +fop +fopling +foppery +foppish +foppishly +foppishness +foppy +fopship +For +for +fora +forage +foragement +forager +foralite +foramen +foraminated +foramination +foraminifer +Foraminifera +foraminiferal +foraminiferan +foraminiferous +foraminose +foraminous +foraminulate +foraminule +foraminulose +foraminulous +forane +foraneen +foraneous +forasmuch +foray +forayer +forb +forbade +forbar +forbathe +forbear +forbearable +forbearance +forbearant +forbearantly +forbearer +forbearing +forbearingly +forbearingness +forbesite +forbid +forbiddable +forbiddal +forbiddance +forbidden +forbiddenly +forbiddenness +forbidder +forbidding +forbiddingly +forbiddingness +forbit +forbled +forblow +forbore +forborne +forbow +forby +force +forceable +forced +forcedly +forcedness +forceful +forcefully +forcefulness +forceless +forcemeat +forcement +forceps +forcepslike +forcer +forchase +forche +forcibility +forcible +forcibleness +forcibly +forcing +forcingly +forcipate +forcipated +forcipes +forcipiform +forcipressure +Forcipulata +forcipulate +forcleave +forconceit +ford +fordable +fordableness +fordays +Fordicidia +fording +fordless +fordo +fordone +fordwine +fordy +fore +foreaccounting +foreaccustom +foreacquaint +foreact +foreadapt +foreadmonish +foreadvertise +foreadvice +foreadvise +foreallege +foreallot +foreannounce +foreannouncement +foreanswer +foreappoint +foreappointment +forearm +foreassign +foreassurance +forebackwardly +forebay +forebear +forebemoan +forebemoaned +forebespeak +forebitt +forebitten +forebitter +forebless +foreboard +forebode +forebodement +foreboder +foreboding +forebodingly +forebodingness +forebody +foreboot +forebowels +forebowline +forebrace +forebrain +forebreast +forebridge +foreburton +forebush +forecar +forecarriage +forecast +forecaster +forecasting +forecastingly +forecastle +forecastlehead +forecastleman +forecatching +forecatharping +forechamber +forechase +forechoice +forechoose +forechurch +forecited +foreclaw +foreclosable +foreclose +foreclosure +forecome +forecomingness +forecommend +foreconceive +foreconclude +forecondemn +foreconscious +foreconsent +foreconsider +forecontrive +forecool +forecooler +forecounsel +forecount +forecourse +forecourt +forecover +forecovert +foredate +foredawn +foreday +foredeck +foredeclare +foredecree +foredeep +foredefeated +foredefine +foredenounce +foredescribe +foredeserved +foredesign +foredesignment +foredesk +foredestine +foredestiny +foredetermination +foredetermine +foredevised +foredevote +forediscern +foredispose +foredivine +foredone +foredoom +foredoomer +foredoor +foreface +forefather +forefatherly +forefault +forefeel +forefeeling +forefeelingly +forefelt +forefield +forefigure +forefin +forefinger +forefit +foreflank +foreflap +foreflipper +forefoot +forefront +foregallery +foregame +foreganger +foregate +foregift +foregirth +foreglance +foregleam +foreglimpse +foreglow +forego +foregoer +foregoing +foregone +foregoneness +foreground +foreguess +foreguidance +forehalf +forehall +forehammer +forehand +forehanded +forehandedness +forehandsel +forehard +forehatch +forehatchway +forehead +foreheaded +forehear +forehearth +foreheater +forehill +forehinting +forehold +forehood +forehoof +forehook +foreign +foreigneering +foreigner +foreignership +foreignism +foreignization +foreignize +foreignly +foreignness +foreimagination +foreimagine +foreimpressed +foreimpression +foreinclined +foreinstruct +foreintend +foreiron +forejudge +forejudgment +forekeel +foreking +foreknee +foreknow +foreknowable +foreknower +foreknowing +foreknowingly +foreknowledge +forel +forelady +foreland +forelay +foreleech +foreleg +forelimb +forelive +forellenstein +forelock +forelook +foreloop +forelooper +foreloper +foremade +foreman +foremanship +foremarch +foremark +foremartyr +foremast +foremasthand +foremastman +foremean +foremeant +foremelt +foremention +forementioned +foremessenger +foremilk +foremisgiving +foremistress +foremost +foremostly +foremother +forename +forenamed +forenews +forenight +forenoon +forenote +forenoted +forenotice +forenotion +forensal +forensic +forensical +forensicality +forensically +foreordain +foreordainment +foreorder +foreordinate +foreordination +foreorlop +forepad +forepale +foreparents +forepart +forepassed +forepast +forepaw +forepayment +forepeak +foreperiod +forepiece +foreplace +foreplan +foreplanting +forepole +foreporch +forepossessed +forepost +forepredicament +forepreparation +foreprepare +forepretended +foreproduct +foreproffer +forepromise +forepromised +foreprovided +foreprovision +forepurpose +forequarter +forequoted +foreran +forerank +forereach +forereaching +foreread +forereading +forerecited +forereckon +forerehearsed +foreremembered +forereport +forerequest +forerevelation +forerib +forerigging +foreright +foreroom +foreroyal +forerun +forerunner +forerunnership +forerunnings +foresaddle +foresaid +foresail +foresay +forescene +forescent +foreschool +foreschooling +forescript +foreseason +foreseat +foresee +foreseeability +foreseeable +foreseeingly +foreseer +foreseize +foresend +foresense +foresentence +foreset +foresettle +foresettled +foreshadow +foreshadower +foreshaft +foreshank +foreshape +foresheet +foreshift +foreship +foreshock +foreshoe +foreshop +foreshore +foreshorten +foreshortening +foreshot +foreshoulder +foreshow +foreshower +foreshroud +foreside +foresight +foresighted +foresightedness +foresightful +foresightless +foresign +foresignify +foresin +foresing +foresinger +foreskin +foreskirt +foresleeve +foresound +forespeak +forespecified +forespeed +forespencer +forest +forestaff +forestage +forestair +forestal +forestall +forestaller +forestallment +forestarling +forestate +forestation +forestay +forestaysail +forestcraft +forested +foresteep +forestem +forestep +forester +forestership +forestful +forestial +Forestian +forestick +Forestiera +forestine +forestish +forestless +forestlike +forestology +forestral +forestress +forestry +forestside +forestudy +forestwards +foresty +foresummer +foresummon +foresweat +foretack +foretackle +foretalk +foretalking +foretaste +foretaster +foretell +foretellable +foreteller +forethink +forethinker +forethought +forethoughted +forethoughtful +forethoughtfully +forethoughtfulness +forethoughtless +forethrift +foretime +foretimed +foretoken +foretold +foretop +foretopman +foretrace +foretrysail +foreturn +foretype +foretypified +foreuse +foreutter +forevalue +forever +forevermore +foreview +forevision +forevouch +forevouched +forevow +forewarm +forewarmer +forewarn +forewarner +forewarning +forewarningly +forewaters +foreween +foreweep +foreweigh +forewing +forewinning +forewisdom +forewish +forewoman +forewonted +foreword +foreworld +foreworn +forewritten +forewrought +foreyard +foreyear +forfairn +forfar +forfare +forfars +forfault +forfaulture +forfeit +forfeiter +forfeits +forfeiture +forfend +forficate +forficated +forfication +forficiform +Forficula +forficulate +Forficulidae +forfouchten +forfoughen +forfoughten +forgainst +forgather +forge +forgeability +forgeable +forged +forgedly +forgeful +forgeman +forger +forgery +forget +forgetful +forgetfully +forgetfulness +forgetive +forgetness +forgettable +forgetter +forgetting +forgettingly +forgie +forging +forgivable +forgivableness +forgivably +forgive +forgiveless +forgiveness +forgiver +forgiving +forgivingly +forgivingness +forgo +forgoer +forgot +forgotten +forgottenness +forgrow +forgrown +forhoo +forhooy +forhow +forinsec +forint +forisfamiliate +forisfamiliation +forjesket +forjudge +forjudger +fork +forkable +forkbeard +forked +forkedly +forkedness +forker +forkful +forkhead +forkiness +forkless +forklike +forkman +forksmith +forktail +forkwise +forky +forleft +forlet +forlorn +forlornity +forlornly +forlornness +form +formability +formable +formably +formagen +formagenic +formal +formalazine +formaldehyde +formaldehydesulphoxylate +formaldehydesulphoxylic +formaldoxime +formalesque +Formalin +formalism +formalist +formalistic +formalith +formality +formalization +formalize +formalizer +formally +formalness +formamide +formamidine +formamido +formamidoxime +formanilide +formant +format +formate +formation +formational +formative +formatively +formativeness +formature +formazyl +forme +formed +formedon +formee +formel +formene +formenic +former +formeret +formerly +formerness +formful +formiate +formic +Formica +formican +Formicariae +formicarian +Formicariidae +formicarioid +formicarium +formicaroid +formicary +formicate +formication +formicative +formicicide +formicid +Formicidae +formicide +Formicina +Formicinae +formicine +Formicivora +formicivorous +Formicoidea +formidability +formidable +formidableness +formidably +formin +forminate +forming +formless +formlessly +formlessness +Formol +formolite +formonitrile +Formosan +formose +formoxime +formula +formulable +formulae +formulaic +formular +formularism +formularist +formularistic +formularization +formularize +formulary +formulate +formulation +formulator +formulatory +formule +formulism +formulist +formulistic +formulization +formulize +formulizer +formwork +formy +formyl +formylal +formylate +formylation +fornacic +Fornax +fornaxid +fornenst +fornent +fornical +fornicate +fornicated +fornication +fornicator +fornicatress +fornicatrix +forniciform +forninst +fornix +forpet +forpine +forpit +forprise +forrad +forrard +forride +forrit +forritsome +forrue +forsake +forsaken +forsakenly +forsakenness +forsaker +forset +forslow +forsooth +forspeak +forspend +forspread +Forst +forsterite +forswear +forswearer +forsworn +forswornness +Forsythia +fort +fortalice +forte +fortescue +fortescure +forth +forthbring +forthbringer +forthcome +forthcomer +forthcoming +forthcomingness +forthcut +forthfare +forthfigured +forthgaze +forthgo +forthgoing +forthink +forthputting +forthright +forthrightly +forthrightness +forthrights +forthtell +forthteller +forthwith +forthy +forties +fortieth +fortifiable +fortification +fortifier +fortify +fortifying +fortifyingly +fortin +fortis +fortissimo +fortitude +fortitudinous +fortlet +fortnight +fortnightly +fortravail +fortread +fortress +fortuitism +fortuitist +fortuitous +fortuitously +fortuitousness +fortuity +fortunate +fortunately +fortunateness +fortune +fortuned +fortuneless +Fortunella +fortunetell +fortuneteller +fortunetelling +fortunite +forty +fortyfold +forum +forumize +forwander +forward +forwardal +forwardation +forwarder +forwarding +forwardly +forwardness +forwards +forwean +forweend +forwent +forwoden +forworden +fosh +fosie +Fosite +fossa +fossage +fossane +fossarian +fosse +fossed +fossette +fossick +fossicker +fossiform +fossil +fossilage +fossilated +fossilation +fossildom +fossiled +fossiliferous +fossilification +fossilify +fossilism +fossilist +fossilizable +fossilization +fossilize +fossillike +fossilogist +fossilogy +fossilological +fossilologist +fossilology +fossor +Fossores +Fossoria +fossorial +fossorious +fossula +fossulate +fossule +fossulet +fostell +Foster +foster +fosterable +fosterage +fosterer +fosterhood +fostering +fosteringly +fosterite +fosterland +fosterling +fostership +fostress +fot +fotch +fother +Fothergilla +fotmal +fotui +fou +foud +foudroyant +fouette +fougade +fougasse +fought +foughten +foughty +foujdar +foujdary +foul +foulage +foulard +fouler +fouling +foulish +foully +foulmouthed +foulmouthedly +foulmouthedness +foulness +foulsome +foumart +foun +found +foundation +foundational +foundationally +foundationary +foundationed +foundationer +foundationless +foundationlessness +founder +founderous +foundership +foundery +founding +foundling +foundress +foundry +foundryman +fount +fountain +fountained +fountaineer +fountainhead +fountainless +fountainlet +fountainous +fountainously +fountainwise +fountful +Fouquieria +Fouquieriaceae +fouquieriaceous +four +fourble +fourche +fourchee +fourcher +fourchette +fourchite +fourer +fourflusher +fourfold +Fourierian +Fourierism +Fourierist +Fourieristic +Fourierite +fourling +fourpence +fourpenny +fourpounder +fourre +fourrier +fourscore +foursome +foursquare +foursquarely +foursquareness +fourstrand +fourteen +fourteener +fourteenfold +fourteenth +fourteenthly +fourth +fourther +fourthly +foussa +foute +fouter +fouth +fovea +foveal +foveate +foveated +foveation +foveiform +foveola +foveolarious +foveolate +foveolated +foveole +foveolet +fow +fowk +fowl +fowler +fowlerite +fowlery +fowlfoot +fowling +fox +foxbane +foxberry +foxchop +foxer +foxery +foxfeet +foxfinger +foxfish +foxglove +foxhole +foxhound +foxily +foxiness +foxing +foxish +foxlike +foxproof +foxship +foxskin +foxtail +foxtailed +foxtongue +foxwood +foxy +foy +foyaite +foyaitic +foyboat +foyer +foziness +fozy +fra +frab +frabbit +frabjous +frabjously +frabous +fracas +fracedinous +frache +frack +fractable +fractabling +fracted +Fracticipita +fractile +fraction +fractional +fractionalism +fractionalize +fractionally +fractionary +fractionate +fractionating +fractionation +fractionator +fractionization +fractionize +fractionlet +fractious +fractiously +fractiousness +fractocumulus +fractonimbus +fractostratus +fractuosity +fracturable +fractural +fracture +fractureproof +frae +Fragaria +fraghan +Fragilaria +Fragilariaceae +fragile +fragilely +fragileness +fragility +fragment +fragmental +fragmentally +fragmentarily +fragmentariness +fragmentary +fragmentation +fragmented +fragmentist +fragmentitious +fragmentize +fragrance +fragrancy +fragrant +fragrantly +fragrantness +fraid +fraik +frail +frailejon +frailish +frailly +frailness +frailty +fraise +fraiser +Fram +framable +framableness +frambesia +frame +framea +frameable +frameableness +framed +frameless +framer +framesmith +framework +framing +frammit +frampler +frampold +franc +Frances +franchisal +franchise +franchisement +franchiser +Francic +Francis +francisc +francisca +Franciscan +Franciscanism +Francisco +francium +Francize +franco +Francois +francolin +francolite +Francomania +Franconian +Francophile +Francophilism +Francophobe +Francophobia +frangent +Frangi +frangibility +frangible +frangibleness +frangipane +frangipani +frangula +Frangulaceae +frangulic +frangulin +frangulinic +Frank +frank +frankability +frankable +frankalmoign +Frankenia +Frankeniaceae +frankeniaceous +Frankenstein +franker +frankfurter +frankhearted +frankheartedly +frankheartedness +Frankify +frankincense +frankincensed +franking +Frankish +Frankist +franklandite +Franklin +franklin +Franklinia +Franklinian +Frankliniana +Franklinic +Franklinism +Franklinist +franklinite +Franklinization +frankly +frankmarriage +frankness +frankpledge +frantic +frantically +franticly +franticness +franzy +frap +frappe +frapping +frasco +frase +Frasera +frasier +frass +frat +fratch +fratched +fratcheous +fratcher +fratchety +fratchy +frater +Fratercula +fraternal +fraternalism +fraternalist +fraternality +fraternally +fraternate +fraternation +fraternism +fraternity +fraternization +fraternize +fraternizer +fratery +Fraticelli +Fraticellian +fratority +Fratricelli +fratricidal +fratricide +fratry +fraud +fraudful +fraudfully +fraudless +fraudlessly +fraudlessness +fraudproof +fraudulence +fraudulency +fraudulent +fraudulently +fraudulentness +fraughan +fraught +frawn +fraxetin +fraxin +fraxinella +Fraxinus +fray +frayed +frayedly +frayedness +fraying +frayn +frayproof +fraze +frazer +frazil +frazzle +frazzling +freak +freakdom +freakery +freakful +freakily +freakiness +freakish +freakishly +freakishness +freaky +fream +freath +freck +frecken +freckened +frecket +freckle +freckled +freckledness +freckleproof +freckling +frecklish +freckly +Fred +Freddie +Freddy +Frederic +Frederica +Frederick +frederik +fredricite +free +freeboard +freeboot +freebooter +freebootery +freebooting +freeborn +Freechurchism +freed +freedman +freedom +freedwoman +freehand +freehanded +freehandedly +freehandedness +freehearted +freeheartedly +freeheartedness +freehold +freeholder +freeholdership +freeholding +freeing +freeish +Freekirker +freelage +freeloving +freelovism +freely +freeman +freemanship +freemartin +freemason +freemasonic +freemasonical +freemasonism +freemasonry +freeness +freer +Freesia +freesilverism +freesilverite +freestanding +freestone +freet +freethinker +freethinking +freetrader +freety +freeward +freeway +freewheel +freewheeler +freewheeling +freewill +freewoman +freezable +freeze +freezer +freezing +freezingly +Fregata +Fregatae +Fregatidae +freibergite +freieslebenite +freight +freightage +freighter +freightless +freightment +freir +freit +freity +fremd +fremdly +fremdness +fremescence +fremescent +fremitus +Fremontia +Fremontodendron +frenal +Frenatae +frenate +French +frenched +Frenchification +frenchification +Frenchify +frenchify +Frenchily +Frenchiness +frenching +Frenchism +Frenchize +Frenchless +Frenchly +Frenchman +Frenchness +Frenchwise +Frenchwoman +Frenchy +frenetic +frenetical +frenetically +Frenghi +frenular +frenulum +frenum +frenzelite +frenzied +frenziedly +frenzy +Freon +frequence +frequency +frequent +frequentable +frequentage +frequentation +frequentative +frequenter +frequently +frequentness +frescade +fresco +frescoer +frescoist +fresh +freshen +freshener +freshet +freshhearted +freshish +freshly +freshman +freshmanhood +freshmanic +freshmanship +freshness +freshwoman +Fresison +fresnel +fresno +fret +fretful +fretfully +fretfulness +fretless +fretsome +frett +frettage +frettation +frette +fretted +fretter +fretting +frettingly +fretty +fretum +fretways +fretwise +fretwork +fretworked +Freudian +Freudianism +Freudism +Freudist +Freya +freyalite +Freycinetia +Freyja +Freyr +friability +friable +friableness +friand +friandise +friar +friarbird +friarhood +friarling +friarly +friary +frib +fribble +fribbleism +fribbler +fribblery +fribbling +fribblish +fribby +fricandeau +fricandel +fricassee +frication +fricative +fricatrice +friction +frictionable +frictional +frictionally +frictionize +frictionless +frictionlessly +frictionproof +Friday +Fridila +fridstool +fried +Frieda +friedcake +friedelite +friedrichsdor +friend +friended +friendless +friendlessness +friendlike +friendlily +friendliness +friendliwise +friendly +friendship +frier +frieseite +Friesian +Friesic +Friesish +frieze +friezer +friezy +frig +frigate +frigatoon +friggle +fright +frightable +frighten +frightenable +frightened +frightenedly +frightenedness +frightener +frightening +frighteningly +frighter +frightful +frightfully +frightfulness +frightless +frightment +frighty +frigid +Frigidaire +frigidarium +frigidity +frigidly +frigidness +frigiferous +frigolabile +frigoric +frigorific +frigorifical +frigorify +frigorimeter +frigostable +frigotherapy +Frija +frijol +frijolillo +frijolito +frike +frill +frillback +frilled +friller +frillery +frillily +frilliness +frilling +frilly +frim +Frimaire +fringe +fringed +fringeflower +fringeless +fringelet +fringent +fringepod +Fringetail +Fringilla +fringillaceous +Fringillidae +fringilliform +Fringilliformes +fringilline +fringilloid +fringing +fringy +fripperer +frippery +frisca +Frisesomorum +frisette +Frisian +Frisii +frisk +frisker +frisket +friskful +friskily +friskiness +frisking +friskingly +frisky +frisolee +frison +frist +frisure +frit +frith +frithborh +frithbot +frithles +frithsoken +frithstool +frithwork +Fritillaria +fritillary +fritt +fritter +fritterer +Fritz +Friulian +frivol +frivoler +frivolism +frivolist +frivolity +frivolize +frivolous +frivolously +frivolousness +frixion +friz +frize +frizer +frizz +frizzer +frizzily +frizziness +frizzing +frizzle +frizzler +frizzly +frizzy +fro +frock +frocking +frockless +frocklike +frockmaker +froe +Froebelian +Froebelism +Froebelist +frog +frogbit +frogeater +frogeye +frogface +frogfish +frogflower +frogfoot +frogged +froggery +frogginess +frogging +froggish +froggy +froghood +froghopper +frogland +frogleaf +frogleg +froglet +froglike +frogling +frogman +frogmouth +frognose +frogskin +frogstool +frogtongue +frogwort +froise +frolic +frolicful +frolicker +frolicky +frolicly +frolicness +frolicsome +frolicsomely +frolicsomeness +from +fromward +fromwards +frond +frondage +fronded +frondent +frondesce +frondescence +frondescent +frondiferous +frondiform +frondigerous +frondivorous +frondlet +frondose +frondosely +frondous +front +frontad +frontage +frontager +frontal +frontalis +frontality +frontally +frontbencher +fronted +fronter +frontier +frontierlike +frontierman +frontiersman +Frontignan +fronting +frontingly +Frontirostria +frontispiece +frontless +frontlessly +frontlessness +frontlet +frontoauricular +frontoethmoid +frontogenesis +frontolysis +frontomallar +frontomaxillary +frontomental +frontonasal +frontooccipital +frontoorbital +frontoparietal +frontopontine +frontosphenoidal +frontosquamosal +frontotemporal +frontozygomatic +frontpiece +frontsman +frontstall +frontward +frontways +frontwise +froom +frore +frory +frosh +frost +frostation +frostbird +frostbite +frostbow +frosted +froster +frostfish +frostflower +frostily +frostiness +frosting +frostless +frostlike +frostproof +frostproofing +frostroot +frostweed +frostwork +frostwort +frosty +frot +froth +frother +Frothi +frothily +frothiness +frothing +frothless +frothsome +frothy +frotton +froufrou +frough +froughy +frounce +frounceless +frow +froward +frowardly +frowardness +frower +frowl +frown +frowner +frownful +frowning +frowningly +frownless +frowny +frowst +frowstily +frowstiness +frowsty +frowy +frowze +frowzily +frowziness +frowzled +frowzly +frowzy +froze +frozen +frozenhearted +frozenly +frozenness +fruchtschiefer +fructed +fructescence +fructescent +fructicultural +fructiculture +Fructidor +fructiferous +fructiferously +fructification +fructificative +fructifier +fructiform +fructify +fructiparous +fructivorous +fructose +fructoside +fructuary +fructuosity +fructuous +fructuously +fructuousness +frugal +frugalism +frugalist +frugality +frugally +frugalness +fruggan +Frugivora +frugivorous +fruit +fruitade +fruitage +fruitarian +fruitarianism +fruitcake +fruited +fruiter +fruiterer +fruiteress +fruitery +fruitful +fruitfullness +fruitfully +fruitgrower +fruitgrowing +fruitiness +fruiting +fruition +fruitist +fruitive +fruitless +fruitlessly +fruitlessness +fruitlet +fruitling +fruitstalk +fruittime +fruitwise +fruitwoman +fruitwood +fruitworm +fruity +frumentaceous +frumentarious +frumentation +frumenty +frump +frumpery +frumpily +frumpiness +frumpish +frumpishly +frumpishness +frumple +frumpy +frush +frustrate +frustrately +frustrater +frustration +frustrative +frustratory +frustule +frustulent +frustulose +frustum +frutescence +frutescent +fruticetum +fruticose +fruticous +fruticulose +frutify +fry +fryer +fu +fub +fubby +fubsy +Fucaceae +fucaceous +Fucales +fucate +fucation +fucatious +Fuchsia +Fuchsian +fuchsin +fuchsine +fuchsinophil +fuchsinophilous +fuchsite +fuchsone +fuci +fucinita +fuciphagous +fucoid +fucoidal +Fucoideae +fucosan +fucose +fucous +fucoxanthin +fucus +fud +fuddle +fuddler +fuder +fudge +fudger +fudgy +Fuegian +fuel +fueler +fuelizer +fuerte +fuff +fuffy +fugacious +fugaciously +fugaciousness +fugacity +fugal +fugally +fuggy +fugient +fugitate +fugitation +fugitive +fugitively +fugitiveness +fugitivism +fugitivity +fugle +fugleman +fuglemanship +fugler +fugu +fugue +fuguist +fuidhir +fuirdays +Fuirena +fuji +Fulah +fulciform +fulcral +fulcrate +fulcrum +fulcrumage +fulfill +fulfiller +fulfillment +Fulfulde +fulgent +fulgently +fulgentness +fulgid +fulgide +fulgidity +fulgor +Fulgora +fulgorid +Fulgoridae +Fulgoroidea +fulgorous +Fulgur +fulgural +fulgurant +fulgurantly +fulgurata +fulgurate +fulgurating +fulguration +fulgurator +fulgurite +fulgurous +fulham +Fulica +Fulicinae +fulicine +fuliginosity +fuliginous +fuliginously +fuliginousness +Fuligula +Fuligulinae +fuliguline +fulk +full +fullam +fullback +fuller +fullering +fullery +fullface +fullhearted +fulling +fullish +fullmouth +fullmouthed +fullmouthedly +fullness +fullom +Fullonian +fully +fulmar +Fulmarus +fulmicotton +fulminancy +fulminant +fulminate +fulminating +fulmination +fulminator +fulminatory +fulmine +fulmineous +fulminic +fulminous +fulminurate +fulminuric +fulsome +fulsomely +fulsomeness +fulth +Fultz +Fulup +fulvene +fulvescent +fulvid +fulvidness +fulvous +fulwa +fulyie +fulzie +fum +fumacious +fumado +fumage +fumagine +Fumago +fumarate +Fumaria +Fumariaceae +fumariaceous +fumaric +fumarine +fumarium +fumaroid +fumaroidal +fumarole +fumarolic +fumaryl +fumatorium +fumatory +fumble +fumbler +fumbling +fume +fumeless +fumer +fumeroot +fumet +fumette +fumewort +fumiduct +fumiferous +fumigant +fumigate +fumigation +fumigator +fumigatorium +fumigatory +fumily +fuminess +fuming +fumingly +fumistery +fumitory +fumose +fumosity +fumous +fumously +fumy +fun +funambulate +funambulation +funambulator +funambulatory +funambulic +funambulism +funambulist +funambulo +Funaria +Funariaceae +funariaceous +function +functional +functionalism +functionalist +functionality +functionalize +functionally +functionarism +functionary +functionate +functionation +functionize +functionless +fund +fundable +fundal +fundament +fundamental +fundamentalism +fundamentalist +fundamentality +fundamentally +fundamentalness +fundatorial +fundatrix +funded +funder +fundholder +fundi +fundic +fundiform +funditor +fundless +fundmonger +fundmongering +funds +Fundulinae +funduline +Fundulus +fundungi +fundus +funebrial +funeral +funeralize +funerary +funereal +funereally +funest +fungaceous +fungal +Fungales +fungate +fungation +fungi +Fungia +fungian +fungibility +fungible +fungic +fungicidal +fungicide +fungicolous +fungiferous +fungiform +fungilliform +fungin +fungistatic +fungivorous +fungo +fungoid +fungoidal +fungological +fungologist +fungology +fungose +fungosity +fungous +fungus +fungused +funguslike +fungusy +funicle +funicular +funiculate +funicule +funiculitis +funiculus +funiform +funipendulous +funis +Funje +funk +funker +Funkia +funkiness +funky +funmaker +funmaking +funnel +funneled +funnelform +funnellike +funnelwise +funnily +funniment +funniness +funny +funnyman +funori +funt +Funtumia +Fur +fur +furacious +furaciousness +furacity +fural +furaldehyde +furan +furanoid +furazan +furazane +furbelow +furbish +furbishable +furbisher +furbishment +furca +furcal +furcate +furcately +furcation +Furcellaria +furcellate +furciferine +furciferous +furciform +Furcraea +furcula +furcular +furculum +furdel +Furfooz +furfur +furfuraceous +furfuraceously +furfural +furfuralcohol +furfuraldehyde +furfuramide +furfuran +furfuration +furfurine +furfuroid +furfurole +furfurous +furfuryl +furfurylidene +furiant +furibund +furied +Furies +furify +furil +furilic +furiosa +furiosity +furioso +furious +furiously +furiousness +furison +furl +furlable +Furlan +furler +furless +furlong +furlough +furnace +furnacelike +furnaceman +furnacer +furnacite +furnage +Furnariidae +Furnariides +Furnarius +furner +furnish +furnishable +furnished +furnisher +furnishing +furnishment +furniture +furnitureless +furodiazole +furoic +furoid +furoin +furole +furomethyl +furomonazole +furor +furore +furphy +furred +furrier +furriered +furriery +furrily +furriness +furring +furrow +furrower +furrowless +furrowlike +furrowy +furry +furstone +further +furtherance +furtherer +furtherest +furtherly +furthermore +furthermost +furthersome +furthest +furtive +furtively +furtiveness +Furud +furuncle +furuncular +furunculoid +furunculosis +furunculous +fury +furyl +furze +furzechat +furzed +furzeling +furzery +furzetop +furzy +fusain +fusarial +fusariose +fusariosis +Fusarium +fusarole +fusate +fusc +fuscescent +fuscin +fuscohyaline +fuscous +fuse +fuseboard +fused +fusee +fuselage +fuseplug +fusht +fusibility +fusible +fusibleness +fusibly +Fusicladium +Fusicoccum +fusiform +Fusiformis +fusil +fusilier +fusillade +fusilly +fusinist +fusion +fusional +fusionism +fusionist +fusionless +fusoid +fuss +fusser +fussification +fussify +fussily +fussiness +fussock +fussy +fust +fustanella +fustee +fusteric +fustet +fustian +fustianish +fustianist +fustianize +fustic +fustigate +fustigation +fustigator +fustigatory +fustilugs +fustily +fustin +fustiness +fustle +fusty +Fusulina +fusuma +fusure +Fusus +fut +futchel +fute +futhorc +futile +futilely +futileness +futilitarian +futilitarianism +futility +futilize +futtermassel +futtock +futural +future +futureless +futureness +futuric +futurism +futurist +futuristic +futurition +futurity +futurize +futwa +fuye +fuze +fuzz +fuzzball +fuzzily +fuzziness +fuzzy +fyke +fylfot +fyrd +G +g +Ga +ga +gab +gabardine +gabbard +gabber +gabble +gabblement +gabbler +gabbro +gabbroic +gabbroid +gabbroitic +gabby +Gabe +gabelle +gabelled +gabelleman +gabeller +gaberdine +gaberlunzie +gabgab +gabi +gabion +gabionade +gabionage +gabioned +gablatores +gable +gableboard +gablelike +gablet +gablewise +gablock +Gaboon +Gabriel +Gabriella +Gabrielrache +Gabunese +gaby +Gad +gad +Gadaba +gadabout +Gadarene +Gadaria +gadbee +gadbush +Gaddang +gadded +gadder +Gaddi +gaddi +gadding +gaddingly +gaddish +gaddishness +gade +gadfly +gadge +gadger +gadget +gadid +Gadidae +gadinine +Gaditan +gadling +gadman +gadoid +Gadoidea +gadolinia +gadolinic +gadolinite +gadolinium +gadroon +gadroonage +Gadsbodikins +Gadsbud +Gadslid +gadsman +Gadswoons +gaduin +Gadus +gadwall +Gadzooks +Gael +Gaeldom +Gaelic +Gaelicism +Gaelicist +Gaelicization +Gaelicize +Gaeltacht +gaen +Gaertnerian +gaet +Gaetulan +Gaetuli +Gaetulian +gaff +gaffe +gaffer +Gaffkya +gaffle +gaffsman +gag +gagate +gage +gageable +gagee +gageite +gagelike +gager +gagership +gagger +gaggery +gaggle +gaggler +gagman +gagor +gagroot +gagtooth +gahnite +Gahrwali +Gaia +gaiassa +Gaidropsaridae +gaiety +Gail +Gaillardia +gaily +gain +gainable +gainage +gainbirth +gaincall +gaincome +gaine +gainer +gainful +gainfully +gainfulness +gaining +gainless +gainlessness +gainliness +gainly +gains +gainsay +gainsayer +gainset +gainsome +gainspeaker +gainspeaking +gainst +gainstrive +gainturn +gaintwist +gainyield +gair +gairfish +gaisling +gait +gaited +gaiter +gaiterless +gaiting +gaize +gaj +gal +gala +Galacaceae +galactagogue +galactagoguic +galactan +galactase +galactemia +galacthidrosis +Galactia +galactic +galactidrosis +galactite +galactocele +galactodendron +galactodensimeter +galactogenetic +galactohemia +galactoid +galactolipide +galactolipin +galactolysis +galactolytic +galactoma +galactometer +galactometry +galactonic +galactopathy +galactophagist +galactophagous +galactophlebitis +galactophlysis +galactophore +galactophoritis +galactophorous +galactophthysis +galactophygous +galactopoiesis +galactopoietic +galactopyra +galactorrhea +galactorrhoea +galactoscope +galactose +galactoside +galactosis +galactostasis +galactosuria +galactotherapy +galactotrophy +galacturia +galagala +Galaginae +Galago +galah +galanas +galanga +galangin +galant +Galanthus +galantine +galany +galapago +Galatae +galatea +Galatian +Galatic +galatotrophic +Galax +galaxian +Galaxias +Galaxiidae +galaxy +galban +galbanum +Galbula +Galbulae +Galbulidae +Galbulinae +galbulus +Galcha +Galchic +Gale +gale +galea +galeage +galeate +galeated +galee +galeeny +Galega +galegine +Galei +galeid +Galeidae +galeiform +galempung +Galen +galena +Galenian +Galenic +galenic +Galenical +galenical +Galenism +Galenist +galenite +galenobismutite +galenoid +Galeodes +Galeodidae +galeoid +Galeopithecus +Galeopsis +Galeorchis +Galeorhinidae +Galeorhinus +galeproof +galera +galericulate +galerum +galerus +Galesaurus +galet +Galeus +galewort +galey +Galga +galgal +Galgulidae +gali +Galibi +Galician +Galictis +Galidia +Galidictis +Galik +Galilean +galilee +galimatias +galingale +Galinsoga +galiongee +galiot +galipidine +galipine +galipoidin +galipoidine +galipoipin +galipot +Galium +gall +Galla +galla +gallacetophenone +gallah +gallanilide +gallant +gallantize +gallantly +gallantness +gallantry +gallate +gallature +gallberry +gallbush +galleass +galled +Gallegan +gallein +galleon +galler +Galleria +gallerian +galleried +Galleriidae +gallery +gallerylike +gallet +galley +galleylike +galleyman +galleyworm +gallflower +gallfly +Galli +galliambic +galliambus +Gallian +galliard +galliardise +galliardly +galliardness +Gallic +gallic +Gallican +Gallicanism +Gallicism +Gallicization +Gallicize +Gallicizer +gallicola +Gallicolae +gallicole +gallicolous +galliferous +Gallification +gallification +galliform +Galliformes +Gallify +galligaskin +gallimaufry +Gallinaceae +gallinacean +Gallinacei +gallinaceous +Gallinae +Gallinago +gallinazo +galline +galling +gallingly +gallingness +gallinipper +Gallinula +gallinule +Gallinulinae +gallinuline +gallipot +Gallirallus +gallisin +gallium +gallivant +gallivanter +gallivat +gallivorous +galliwasp +gallnut +gallocyanin +gallocyanine +galloflavine +galloglass +Galloman +Gallomania +Gallomaniac +gallon +gallonage +galloner +galloon +gallooned +gallop +gallopade +galloper +Galloperdix +Gallophile +Gallophilism +Gallophobe +Gallophobia +galloping +galloptious +gallotannate +gallotannic +gallotannin +gallous +Gallovidian +Galloway +galloway +gallowglass +gallows +gallowsmaker +gallowsness +gallowsward +gallstone +Gallus +galluses +gallweed +gallwort +gally +gallybagger +gallybeggar +gallycrow +Galoisian +galoot +galop +galore +galosh +galp +galravage +galravitch +galt +Galtonia +Galtonian +galuchat +galumph +galumptious +Galusha +galuth +galvanic +galvanical +galvanically +galvanism +galvanist +galvanization +galvanize +galvanized +galvanizer +galvanocauterization +galvanocautery +galvanocontractility +galvanofaradization +galvanoglyph +galvanoglyphy +galvanograph +galvanographic +galvanography +galvanologist +galvanology +galvanolysis +galvanomagnet +galvanomagnetic +galvanomagnetism +galvanometer +galvanometric +galvanometrical +galvanometrically +galvanometry +galvanoplastic +galvanoplastical +galvanoplastically +galvanoplastics +galvanoplasty +galvanopsychic +galvanopuncture +galvanoscope +galvanoscopic +galvanoscopy +galvanosurgery +galvanotactic +galvanotaxis +galvanotherapy +galvanothermometer +galvanothermy +galvanotonic +galvanotropic +galvanotropism +galvayne +galvayning +Galways +Galwegian +galyac +galyak +galziekte +gam +gamahe +Gamaliel +gamashes +gamasid +Gamasidae +Gamasoidea +gamb +gamba +gambade +gambado +gambang +gambeer +gambeson +gambet +gambette +gambia +gambier +gambist +gambit +gamble +gambler +gamblesome +gamblesomeness +gambling +gambodic +gamboge +gambogian +gambogic +gamboised +gambol +gambrel +gambreled +gambroon +Gambusia +gamdeboo +game +gamebag +gameball +gamecock +gamecraft +gameful +gamekeeper +gamekeeping +gamelang +gameless +gamelike +Gamelion +gamelotte +gamely +gamene +gameness +gamesome +gamesomely +gamesomeness +gamester +gamestress +gametal +gametange +gametangium +gamete +gametic +gametically +gametocyst +gametocyte +gametogenesis +gametogenic +gametogenous +gametogeny +gametogonium +gametogony +gametoid +gametophagia +gametophore +gametophyll +gametophyte +gametophytic +gamic +gamily +gamin +gaminesque +gaminess +gaming +gaminish +gamma +gammacism +gammacismus +gammadion +gammarid +Gammaridae +gammarine +gammaroid +Gammarus +gammation +gammelost +gammer +gammerel +gammerstang +Gammexane +gammick +gammock +gammon +gammoner +gammoning +gammy +gamobium +gamodesmic +gamodesmy +gamogenesis +gamogenetic +gamogenetical +gamogenetically +gamogony +Gamolepis +gamomania +gamont +Gamopetalae +gamopetalous +gamophagia +gamophagy +gamophyllous +gamori +gamosepalous +gamostele +gamostelic +gamostely +gamotropic +gamotropism +gamp +gamphrel +gamut +gamy +gan +ganam +ganancial +Ganapati +ganch +Ganda +gander +ganderess +gandergoose +gandermooner +ganderteeth +Gandhara +Gandharva +Gandhiism +Gandhism +Gandhist +gandul +gandum +gandurah +gane +ganef +gang +Ganga +ganga +Gangamopteris +gangan +gangava +gangboard +gangdom +gange +ganger +Gangetic +ganggang +ganging +gangism +gangland +ganglander +ganglia +gangliac +ganglial +gangliar +gangliasthenia +gangliate +gangliated +gangliectomy +gangliform +gangliitis +gangling +ganglioblast +gangliocyte +ganglioform +ganglioid +ganglioma +ganglion +ganglionary +ganglionate +ganglionectomy +ganglioneural +ganglioneure +ganglioneuroma +ganglioneuron +ganglionic +ganglionitis +ganglionless +ganglioplexus +gangly +gangman +gangmaster +gangplank +gangrel +gangrene +gangrenescent +gangrenous +gangsman +gangster +gangsterism +gangtide +gangue +Ganguela +gangway +gangwayman +ganister +ganja +ganner +gannet +Ganocephala +ganocephalan +ganocephalous +ganodont +Ganodonta +Ganodus +ganoid +ganoidal +ganoidean +Ganoidei +ganoidian +ganoin +ganomalite +ganophyllite +ganosis +Ganowanian +gansel +gansey +gansy +gant +ganta +gantang +gantlet +gantline +ganton +gantries +gantry +gantryman +gantsl +Ganymede +Ganymedes +ganza +ganzie +gaol +gaolbird +gaoler +Gaon +Gaonate +Gaonic +gap +Gapa +gapa +gape +gaper +gapes +gapeseed +gapeworm +gaping +gapingly +gapingstock +gapo +gappy +gapy +gar +gara +garabato +garad +garage +garageman +Garamond +garance +garancine +garapata +garava +garavance +garawi +garb +garbage +garbardine +garbel +garbell +garbill +garble +garbleable +garbler +garbless +garbling +garboard +garboil +garbure +garce +Garcinia +gardant +gardeen +garden +gardenable +gardencraft +gardened +gardener +gardenership +gardenesque +gardenful +gardenhood +Gardenia +gardenin +gardening +gardenize +gardenless +gardenlike +gardenly +gardenmaker +gardenmaking +gardenwards +gardenwise +gardeny +garderobe +gardevin +gardy +gardyloo +gare +garefowl +gareh +garetta +garewaite +garfish +garganey +Gargantua +Gargantuan +garget +gargety +gargle +gargol +gargoyle +gargoyled +gargoyley +gargoylish +gargoylishly +gargoylism +Garhwali +garial +gariba +garibaldi +Garibaldian +garish +garishly +garishness +garland +garlandage +garlandless +garlandlike +garlandry +garlandwise +garle +garlic +garlicky +garliclike +garlicmonger +garlicwort +garment +garmentless +garmentmaker +garmenture +garmentworker +garn +garnel +garner +garnerage +garnet +garnetberry +garneter +garnetiferous +garnets +garnett +garnetter +garnetwork +garnetz +garnice +garniec +garnierite +garnish +garnishable +garnished +garnishee +garnisheement +garnisher +garnishment +garnishry +garniture +Garo +garoo +garookuh +garrafa +garran +Garret +garret +garreted +garreteer +garretmaster +garrison +Garrisonian +Garrisonism +garrot +garrote +garroter +Garrulinae +garruline +garrulity +garrulous +garrulously +garrulousness +Garrulus +garrupa +Garrya +Garryaceae +garse +Garshuni +garsil +garston +garten +garter +gartered +gartering +garterless +garth +garthman +Garuda +garum +garvanzo +garvey +garvock +Gary +gas +Gasan +gasbag +gascoigny +Gascon +gasconade +gasconader +Gasconism +gascromh +gaseity +gaselier +gaseosity +gaseous +gaseousness +gasfiring +gash +gashes +gashful +gashliness +gashly +gasholder +gashouse +gashy +gasifiable +gasification +gasifier +gasiform +gasify +gasket +gaskin +gasking +gaskins +gasless +gaslight +gaslighted +gaslighting +gaslit +gaslock +gasmaker +gasman +gasogenic +gasoliery +gasoline +gasolineless +gasoliner +gasometer +gasometric +gasometrical +gasometry +gasp +Gaspar +gasparillo +gasper +gaspereau +gaspergou +gaspiness +gasping +gaspingly +gasproof +gaspy +gasser +Gasserian +gassiness +gassing +gassy +gast +gastaldite +gastaldo +gaster +gasteralgia +Gasterolichenes +gasteromycete +Gasteromycetes +gasteromycetous +Gasterophilus +gasteropod +Gasteropoda +gasterosteid +Gasterosteidae +gasterosteiform +gasterosteoid +Gasterosteus +gasterotheca +gasterothecal +Gasterotricha +gasterotrichan +gasterozooid +gastight +gastightness +Gastornis +Gastornithidae +gastradenitis +gastraea +gastraead +Gastraeadae +gastraeal +gastraeum +gastral +gastralgia +gastralgic +gastralgy +gastraneuria +gastrasthenia +gastratrophia +gastrectasia +gastrectasis +gastrectomy +gastrelcosis +gastric +gastricism +gastrilegous +gastriloquial +gastriloquism +gastriloquist +gastriloquous +gastriloquy +gastrin +gastritic +gastritis +gastroadenitis +gastroadynamic +gastroalbuminorrhea +gastroanastomosis +gastroarthritis +gastroatonia +gastroatrophia +gastroblennorrhea +gastrocatarrhal +gastrocele +gastrocentrous +Gastrochaena +Gastrochaenidae +gastrocnemial +gastrocnemian +gastrocnemius +gastrocoel +gastrocolic +gastrocoloptosis +gastrocolostomy +gastrocolotomy +gastrocolpotomy +gastrocystic +gastrocystis +gastrodialysis +gastrodiaphanoscopy +gastrodidymus +gastrodisk +gastroduodenal +gastroduodenitis +gastroduodenoscopy +gastroduodenotomy +gastrodynia +gastroelytrotomy +gastroenteralgia +gastroenteric +gastroenteritic +gastroenteritis +gastroenteroanastomosis +gastroenterocolitis +gastroenterocolostomy +gastroenterological +gastroenterologist +gastroenterology +gastroenteroptosis +gastroenterostomy +gastroenterotomy +gastroepiploic +gastroesophageal +gastroesophagostomy +gastrogastrotomy +gastrogenital +gastrograph +gastrohelcosis +gastrohepatic +gastrohepatitis +gastrohydrorrhea +gastrohyperneuria +gastrohypertonic +gastrohysterectomy +gastrohysteropexy +gastrohysterorrhaphy +gastrohysterotomy +gastroid +gastrointestinal +gastrojejunal +gastrojejunostomy +gastrolater +gastrolatrous +gastrolienal +gastrolith +Gastrolobium +gastrologer +gastrological +gastrologist +gastrology +gastrolysis +gastrolytic +gastromalacia +gastromancy +gastromelus +gastromenia +gastromyces +gastromycosis +gastromyxorrhea +gastronephritis +gastronome +gastronomer +gastronomic +gastronomical +gastronomically +gastronomist +gastronomy +gastronosus +gastropancreatic +gastropancreatitis +gastroparalysis +gastroparesis +gastroparietal +gastropathic +gastropathy +gastroperiodynia +gastropexy +gastrophile +gastrophilism +gastrophilist +gastrophilite +Gastrophilus +gastrophrenic +gastrophthisis +gastroplasty +gastroplenic +gastropleuritis +gastroplication +gastropneumatic +gastropneumonic +gastropod +Gastropoda +gastropodan +gastropodous +gastropore +gastroptosia +gastroptosis +gastropulmonary +gastropulmonic +gastropyloric +gastrorrhagia +gastrorrhaphy +gastrorrhea +gastroschisis +gastroscope +gastroscopic +gastroscopy +gastrosoph +gastrosopher +gastrosophy +gastrospasm +gastrosplenic +gastrostaxis +gastrostegal +gastrostege +gastrostenosis +gastrostomize +Gastrostomus +gastrostomy +gastrosuccorrhea +gastrotheca +gastrothecal +gastrotome +gastrotomic +gastrotomy +Gastrotricha +gastrotrichan +gastrotubotomy +gastrotympanites +gastrovascular +gastroxynsis +gastrozooid +gastrula +gastrular +gastrulate +gastrulation +gasworker +gasworks +gat +gata +gatch +gatchwork +gate +gateado +gateage +gated +gatehouse +gatekeeper +gateless +gatelike +gatemaker +gateman +gatepost +gater +gatetender +gateward +gatewards +gateway +gatewayman +gatewise +gatewoman +gateworks +gatewright +Gatha +gather +gatherable +gatherer +gathering +Gathic +gating +gator +gatter +gatteridge +gau +gaub +gauby +gauche +gauchely +gaucheness +gaucherie +Gaucho +gaud +gaudery +Gaudete +gaudful +gaudily +gaudiness +gaudless +gaudsman +gaudy +gaufer +gauffer +gauffered +gauffre +gaufre +gaufrette +gauge +gaugeable +gauger +gaugership +gauging +Gaul +gaulding +gauleiter +Gaulic +gaulin +Gaulish +Gaullism +Gaullist +Gault +gault +gaulter +gaultherase +Gaultheria +gaultherin +gaum +gaumish +gaumless +gaumlike +gaumy +gaun +gaunt +gaunted +gauntlet +gauntleted +gauntly +gauntness +gauntry +gaunty +gaup +gaupus +gaur +Gaura +Gaurian +gaus +gauss +gaussage +gaussbergite +Gaussian +gauster +gausterer +gaut +gauteite +gauze +gauzelike +gauzewing +gauzily +gauziness +gauzy +gavall +gave +gavel +gaveler +gavelkind +gavelkinder +gavelman +gavelock +Gavia +Gaviae +gavial +Gavialis +gavialoid +Gaviiformes +gavotte +gavyuti +gaw +gawby +gawcie +gawk +gawkhammer +gawkihood +gawkily +gawkiness +gawkish +gawkishly +gawkishness +gawky +gawm +gawn +gawney +gawsie +gay +gayal +gayatri +gaybine +gaycat +gaydiang +gayish +Gaylussacia +gaylussite +gayment +gayness +Gaypoo +gaysome +gaywings +gayyou +gaz +gazabo +gazangabin +Gazania +gaze +gazebo +gazee +gazehound +gazel +gazeless +Gazella +gazelle +gazelline +gazement +gazer +gazettal +gazette +gazetteer +gazetteerage +gazetteerish +gazetteership +gazi +gazing +gazingly +gazingstock +gazogene +gazon +gazophylacium +gazy +gazzetta +Ge +ge +Geadephaga +geadephagous +geal +gean +geanticlinal +geanticline +gear +gearbox +geared +gearing +gearksutite +gearless +gearman +gearset +gearshift +gearwheel +gease +geason +Geaster +Geat +geat +Geatas +gebang +gebanga +gebbie +gebur +Gecarcinidae +Gecarcinus +geck +gecko +geckoid +geckotian +geckotid +Geckotidae +geckotoid +Ged +ged +gedackt +gedanite +gedder +gedeckt +gedecktwork +Gederathite +Gederite +gedrite +Gee +gee +geebong +geebung +Geechee +geejee +geek +geelbec +geeldikkop +geelhout +geepound +geerah +geest +geet +Geez +geezer +Gegenschein +gegg +geggee +gegger +geggery +Geheimrat +Gehenna +gehlenite +Geikia +geikielite +gein +geira +Geisenheimer +geisha +geison +geisotherm +geisothermal +Geissoloma +Geissolomataceae +Geissolomataceous +Geissorhiza +geissospermin +geissospermine +geitjie +geitonogamous +geitonogamy +Gekko +Gekkones +gekkonid +Gekkonidae +gekkonoid +Gekkota +gel +gelable +gelada +gelandejump +gelandelaufer +gelandesprung +Gelasian +Gelasimus +gelastic +Gelastocoridae +gelatification +gelatigenous +gelatin +gelatinate +gelatination +gelatined +gelatiniferous +gelatiniform +gelatinify +gelatinigerous +gelatinity +gelatinizability +gelatinizable +gelatinization +gelatinize +gelatinizer +gelatinobromide +gelatinochloride +gelatinoid +gelatinotype +gelatinous +gelatinously +gelatinousness +gelation +gelatose +geld +geldability +geldable +geldant +gelder +gelding +Gelechia +gelechiid +Gelechiidae +Gelfomino +gelid +Gelidiaceae +gelidity +Gelidium +gelidly +gelidness +gelignite +gelilah +gelinotte +gell +Gellert +gelly +gelogenic +gelong +geloscopy +gelose +gelosin +gelotherapy +gelotometer +gelotoscopy +gelototherapy +gelsemic +gelsemine +gelseminic +gelseminine +Gelsemium +gelt +gem +Gemara +Gemaric +Gemarist +gematria +gematrical +gemauve +gemel +gemeled +gemellione +gemellus +geminate +geminated +geminately +gemination +geminative +Gemini +Geminid +geminiflorous +geminiform +geminous +Gemitores +gemitorial +gemless +gemlike +Gemma +gemma +gemmaceous +gemmae +gemmate +gemmation +gemmative +gemmeous +gemmer +gemmiferous +gemmiferousness +gemmification +gemmiform +gemmily +gemminess +Gemmingia +gemmipara +gemmipares +gemmiparity +gemmiparous +gemmiparously +gemmoid +gemmology +gemmula +gemmulation +gemmule +gemmuliferous +gemmy +gemot +gemsbok +gemsbuck +gemshorn +gemul +gemuti +gemwork +gen +gena +genal +genapp +genapper +genarch +genarcha +genarchaship +genarchship +gendarme +gendarmery +gender +genderer +genderless +Gene +gene +genealogic +genealogical +genealogically +genealogist +genealogize +genealogizer +genealogy +genear +geneat +genecologic +genecological +genecologically +genecologist +genecology +geneki +genep +genera +generability +generable +generableness +general +generalate +generalcy +generale +generalia +Generalidad +generalific +generalism +generalissima +generalissimo +generalist +generalistic +generality +generalizable +generalization +generalize +generalized +generalizer +generall +generally +generalness +generalship +generalty +generant +generate +generating +generation +generational +generationism +generative +generatively +generativeness +generator +generatrix +generic +generical +generically +genericalness +generification +generosity +generous +generously +generousness +Genesee +geneserine +Genesiac +Genesiacal +genesial +genesic +genesiology +genesis +Genesitic +genesiurgic +genet +genethliac +genethliacal +genethliacally +genethliacon +genethliacs +genethlialogic +genethlialogical +genethlialogy +genethlic +genetic +genetical +genetically +geneticism +geneticist +genetics +genetmoil +genetous +Genetrix +genetrix +Genetta +Geneura +Geneva +geneva +Genevan +Genevese +Genevieve +Genevois +genevoise +genial +geniality +genialize +genially +genialness +genian +genic +genicular +geniculate +geniculated +geniculately +geniculation +geniculum +genie +genii +genin +genioglossal +genioglossi +genioglossus +geniohyoglossal +geniohyoglossus +geniohyoid +geniolatry +genion +genioplasty +genip +Genipa +genipa +genipap +genipapada +genisaro +Genista +genista +genistein +genital +genitalia +genitals +genitival +genitivally +genitive +genitocrural +genitofemoral +genitor +genitorial +genitory +genitourinary +geniture +genius +genizah +genizero +Genny +Genoa +genoblast +genoblastic +genocidal +genocide +Genoese +genoese +genom +genome +genomic +genonema +genos +genotype +genotypic +genotypical +genotypically +Genoveva +genovino +genre +genro +gens +genson +gent +genteel +genteelish +genteelism +genteelize +genteelly +genteelness +gentes +genthite +gentian +Gentiana +Gentianaceae +gentianaceous +Gentianales +gentianella +gentianic +gentianin +gentianose +gentianwort +gentile +gentiledom +gentilesse +gentilic +gentilism +gentilitial +gentilitian +gentilitious +gentility +gentilization +gentilize +gentiobiose +gentiopicrin +gentisein +gentisic +gentisin +gentle +gentlefolk +gentlehearted +gentleheartedly +gentleheartedness +gentlehood +gentleman +gentlemanhood +gentlemanism +gentlemanize +gentlemanlike +gentlemanlikeness +gentlemanliness +gentlemanly +gentlemanship +gentlemens +gentlemouthed +gentleness +gentlepeople +gentleship +gentlewoman +gentlewomanhood +gentlewomanish +gentlewomanlike +gentlewomanliness +gentlewomanly +gently +gentman +Gentoo +gentrice +gentry +genty +genu +genua +genual +genuclast +genuflect +genuflection +genuflector +genuflectory +genuflex +genuflexuous +genuine +genuinely +genuineness +genus +genyantrum +Genyophrynidae +genyoplasty +genys +geo +geoaesthesia +geoagronomic +geobiologic +geobiology +geobiont +geobios +geoblast +geobotanic +geobotanical +geobotanist +geobotany +geocarpic +geocentric +geocentrical +geocentrically +geocentricism +geocerite +geochemical +geochemist +geochemistry +geochronic +geochronology +geochrony +Geococcyx +geocoronium +geocratic +geocronite +geocyclic +geodaesia +geodal +geode +geodesic +geodesical +geodesist +geodesy +geodete +geodetic +geodetical +geodetically +geodetician +geodetics +geodiatropism +geodic +geodiferous +geodist +geoduck +geodynamic +geodynamical +geodynamics +geoethnic +Geoff +Geoffrey +geoffroyin +geoffroyine +geoform +geogenesis +geogenetic +geogenic +geogenous +geogeny +Geoglossaceae +Geoglossum +geoglyphic +geognosis +geognosist +geognost +geognostic +geognostical +geognostically +geognosy +geogonic +geogonical +geogony +geographer +geographic +geographical +geographically +geographics +geographism +geographize +geography +geohydrologist +geohydrology +geoid +geoidal +geoisotherm +geolatry +geologer +geologian +geologic +geological +geologically +geologician +geologist +geologize +geology +geomagnetic +geomagnetician +geomagnetics +geomagnetist +geomalic +geomalism +geomaly +geomance +geomancer +geomancy +geomant +geomantic +geomantical +geomantically +geometer +geometric +geometrical +geometrically +geometrician +geometricize +geometrid +Geometridae +geometriform +Geometrina +geometrine +geometrize +geometroid +Geometroidea +geometry +geomoroi +geomorphic +geomorphist +geomorphogenic +geomorphogenist +geomorphogeny +geomorphological +geomorphology +geomorphy +geomyid +Geomyidae +Geomys +Geon +geonavigation +geonegative +Geonic +Geonim +Geonoma +geonoma +geonyctinastic +geonyctitropic +geoparallelotropic +geophagia +geophagism +geophagist +geophagous +geophagy +Geophila +geophilid +Geophilidae +geophilous +Geophilus +Geophone +geophone +geophysical +geophysicist +geophysics +geophyte +geophytic +geoplagiotropism +Geoplana +Geoplanidae +geopolar +geopolitic +geopolitical +geopolitically +geopolitician +geopolitics +Geopolitik +geoponic +geoponical +geoponics +geopony +geopositive +Geoprumnon +georama +Geordie +George +Georgemas +Georgette +Georgia +georgiadesite +Georgian +Georgiana +georgic +Georgie +geoscopic +geoscopy +geoselenic +geosid +geoside +geosphere +Geospiza +geostatic +geostatics +geostrategic +geostrategist +geostrategy +geostrophic +geosynclinal +geosyncline +geotactic +geotactically +geotaxis +geotaxy +geotechnic +geotechnics +geotectology +geotectonic +geotectonics +Geoteuthis +geotherm +geothermal +geothermic +geothermometer +Geothlypis +geotic +geotical +geotilla +geotonic +geotonus +geotropic +geotropically +geotropism +geotropy +geoty +Gepeoo +Gephyrea +gephyrean +gephyrocercal +gephyrocercy +Gepidae +ger +gerah +Gerald +Geraldine +Geraniaceae +geraniaceous +geranial +Geraniales +geranic +geraniol +Geranium +geranium +geranomorph +Geranomorphae +geranomorphic +geranyl +Gerard +gerardia +Gerasene +gerastian +gerate +gerated +geratic +geratologic +geratologous +geratology +geraty +gerb +gerbe +Gerbera +Gerberia +gerbil +Gerbillinae +Gerbillus +gercrow +gereagle +gerefa +gerenda +gerendum +gerent +gerenuk +gerfalcon +gerhardtite +geriatric +geriatrician +geriatrics +gerim +gerip +germ +germal +German +german +germander +germane +germanely +germaneness +Germanesque +Germanhood +Germania +Germanic +germanic +Germanical +Germanically +Germanics +Germanification +Germanify +germanious +Germanish +Germanism +Germanist +Germanistic +germanite +Germanity +germanity +germanium +Germanization +germanization +Germanize +germanize +Germanizer +Germanly +Germanness +Germanocentric +Germanomania +Germanomaniac +Germanophile +Germanophilist +Germanophobe +Germanophobia +Germanophobic +Germanophobist +germanous +Germantown +germanyl +germarium +germen +germfree +germicidal +germicide +germifuge +germigenous +germin +germina +germinability +germinable +Germinal +germinal +germinally +germinance +germinancy +germinant +germinate +germination +germinative +germinatively +germinator +germing +germinogony +germiparity +germless +germlike +germling +germon +germproof +germule +germy +gernitz +gerocomia +gerocomical +gerocomy +geromorphism +Geronomite +geront +gerontal +gerontes +gerontic +gerontine +gerontism +geronto +gerontocracy +gerontocrat +gerontocratic +gerontogeous +gerontology +gerontophilia +gerontoxon +Gerres +gerrhosaurid +Gerrhosauridae +Gerridae +gerrymander +gerrymanderer +gers +gersdorffite +Gershom +Gershon +Gershonite +gersum +Gertie +Gertrude +gerund +gerundial +gerundially +gerundival +gerundive +gerundively +gerusia +Gervais +gervao +Gervas +Gervase +Gerygone +gerygone +Geryonia +geryonid +Geryonidae +Geryoniidae +Ges +Gesan +Geshurites +gesith +gesithcund +gesithcundman +Gesnera +Gesneraceae +gesneraceous +Gesneria +gesneria +Gesneriaceae +gesneriaceous +Gesnerian +gesning +gessamine +gesso +gest +Gestalt +gestalter +gestaltist +gestant +Gestapo +gestate +gestation +gestational +gestative +gestatorial +gestatorium +gestatory +geste +gested +gesten +gestening +gestic +gestical +gesticulacious +gesticulant +gesticular +gesticularious +gesticulate +gesticulation +gesticulative +gesticulatively +gesticulator +gesticulatory +gestion +gestning +gestural +gesture +gestureless +gesturer +get +geta +Getae +getah +getaway +gether +Gethsemane +gethsemane +Gethsemanic +gethsemanic +Getic +getling +getpenny +Getsul +gettable +getter +getting +getup +Geullah +Geum +geum +gewgaw +gewgawed +gewgawish +gewgawry +gewgawy +gey +geyan +geyerite +geyser +geyseral +geyseric +geyserine +geyserish +geyserite +gez +ghafir +ghaist +ghalva +Ghan +gharial +gharnao +gharry +Ghassanid +ghastily +ghastlily +ghastliness +ghastly +ghat +ghatti +ghatwal +ghatwazi +ghazi +ghazism +Ghaznevid +Gheber +ghebeta +Ghedda +ghee +Gheg +Ghegish +gheleem +Ghent +gherkin +ghetchoo +ghetti +ghetto +ghettoization +ghettoize +Ghibelline +Ghibellinism +Ghilzai +Ghiordes +ghizite +ghoom +ghost +ghostcraft +ghostdom +ghoster +ghostess +ghostfish +ghostflower +ghosthood +ghostified +ghostily +ghostish +ghostism +ghostland +ghostless +ghostlet +ghostlify +ghostlike +ghostlily +ghostliness +ghostly +ghostmonger +ghostology +ghostship +ghostweed +ghostwrite +ghosty +ghoul +ghoulery +ghoulish +ghoulishly +ghoulishness +ghrush +ghurry +Ghuz +Gi +Giansar +giant +giantesque +giantess +gianthood +giantish +giantism +giantize +giantkind +giantlike +giantly +giantry +giantship +Giardia +giardia +giardiasis +giarra +giarre +Gib +gib +gibaro +gibbals +gibbed +gibber +Gibberella +gibbergunyah +gibberish +gibberose +gibberosity +gibbet +gibbetwise +Gibbi +gibblegabble +gibblegabbler +gibbles +gibbon +gibbose +gibbosity +gibbous +gibbously +gibbousness +gibbsite +gibbus +gibby +gibe +gibel +gibelite +Gibeonite +giber +gibing +gibingly +gibleh +giblet +giblets +Gibraltar +Gibson +gibstaff +gibus +gid +giddap +giddea +giddify +giddily +giddiness +giddy +giddyberry +giddybrain +giddyhead +giddyish +Gideon +Gideonite +gidgee +gie +gied +gien +Gienah +gieseckite +gif +giffgaff +Gifola +gift +gifted +giftedly +giftedness +giftie +giftless +giftling +giftware +gig +gigantean +gigantesque +gigantic +gigantical +gigantically +giganticidal +giganticide +giganticness +gigantism +gigantize +gigantoblast +gigantocyte +gigantolite +gigantological +gigantology +gigantomachy +Gigantopithecus +Gigantosaurus +Gigantostraca +gigantostracan +gigantostracous +Gigartina +Gigartinaceae +gigartinaceous +Gigartinales +gigback +gigelira +gigeria +gigerium +gigful +gigger +giggish +giggit +giggle +giggledom +gigglement +giggler +gigglesome +giggling +gigglingly +gigglish +giggly +Gigi +giglet +gigliato +giglot +gigman +gigmaness +gigmanhood +gigmania +gigmanic +gigmanically +gigmanism +gigmanity +gignate +gignitive +gigolo +gigot +gigsman +gigster +gigtree +gigunu +Gil +Gila +Gilaki +Gilbert +gilbert +gilbertage +Gilbertese +Gilbertian +Gilbertianism +gilbertite +gild +gildable +gilded +gilden +gilder +gilding +Gileadite +Gileno +Giles +gilguy +Gilia +gilia +Giliak +gilim +Gill +gill +gillaroo +gillbird +gilled +Gillenia +giller +Gilles +gillflirt +gillhooter +Gillian +gillie +gilliflirt +gilling +gilliver +gillotage +gillotype +gillstoup +gilly +gillyflower +gillygaupus +gilo +gilpy +gilravage +gilravager +gilse +gilsonite +gilt +giltcup +gilthead +gilttail +gim +gimbal +gimbaled +gimbaljawed +gimberjawed +gimble +gimcrack +gimcrackery +gimcrackiness +gimcracky +gimel +Gimirrai +gimlet +gimleteyed +gimlety +gimmal +gimmer +gimmerpet +gimmick +gimp +gimped +gimper +gimping +gin +ging +ginger +gingerade +gingerberry +gingerbread +gingerbready +gingerin +gingerleaf +gingerline +gingerliness +gingerly +gingerness +gingernut +gingerol +gingerous +gingerroot +gingersnap +gingerspice +gingerwork +gingerwort +gingery +gingham +ginghamed +gingili +gingiva +gingivae +gingival +gingivalgia +gingivectomy +gingivitis +gingivoglossitis +gingivolabial +ginglyform +ginglymoarthrodia +ginglymoarthrodial +Ginglymodi +ginglymodian +ginglymoid +ginglymoidal +Ginglymostoma +ginglymostomoid +ginglymus +ginglyni +ginhouse +gink +Ginkgo +ginkgo +Ginkgoaceae +ginkgoaceous +Ginkgoales +ginned +ginner +ginners +ginnery +ginney +ginning +ginnle +Ginny +ginny +ginseng +ginward +gio +giobertite +giornata +giornatate +Giottesque +Giovanni +gip +gipon +gipper +Gippy +gipser +gipsire +gipsyweed +Giraffa +giraffe +giraffesque +Giraffidae +giraffine +giraffoid +girandola +girandole +girasol +girasole +girba +gird +girder +girderage +girderless +girding +girdingly +girdle +girdlecake +girdlelike +girdler +girdlestead +girdling +girdlingly +Girella +Girellidae +Girgashite +Girgasite +girl +girleen +girlery +girlfully +girlhood +girlie +girliness +girling +girlish +girlishly +girlishness +girlism +girllike +girly +girn +girny +giro +giroflore +Girondin +Girondism +Girondist +girouette +girouettism +girr +girse +girsh +girsle +girt +girth +girtline +gisarme +gish +gisla +gisler +gismondine +gismondite +gist +git +gitaligenin +gitalin +Gitanemuck +gith +Gitksan +gitonin +gitoxigenin +gitoxin +gittern +Gittite +gittith +Giuseppe +giustina +give +giveable +giveaway +given +givenness +giver +givey +giving +gizz +gizzard +gizzen +gizzern +glabella +glabellae +glabellar +glabellous +glabellum +glabrate +glabrescent +glabrous +glace +glaceed +glaceing +glaciable +glacial +glacialism +glacialist +glacialize +glacially +glaciaria +glaciarium +glaciate +glaciation +glacier +glaciered +glacieret +glacierist +glacification +glacioaqueous +glaciolacustrine +glaciological +glaciologist +glaciology +glaciomarine +glaciometer +glacionatant +glacis +glack +glad +gladden +gladdener +gladdon +gladdy +glade +gladelike +gladeye +gladful +gladfully +gladfulness +gladhearted +gladiate +gladiator +gladiatorial +gladiatorism +gladiatorship +gladiatrix +gladify +gladii +gladiola +gladiolar +gladiole +gladioli +gladiolus +gladius +gladkaite +gladless +gladly +gladness +gladsome +gladsomely +gladsomeness +Gladstone +Gladstonian +Gladstonianism +glady +Gladys +glaga +Glagol +Glagolic +Glagolitic +Glagolitsa +glaieul +glaik +glaiket +glaiketness +glair +glaireous +glairiness +glairy +glaister +glaive +glaived +glaked +glaky +glam +glamberry +glamorize +glamorous +glamorously +glamour +glamoury +glance +glancer +glancing +glancingly +gland +glandaceous +glandarious +glandered +glanderous +glanders +glandes +glandiferous +glandiform +glandless +glandlike +glandular +glandularly +glandule +glanduliferous +glanduliform +glanduligerous +glandulose +glandulosity +glandulous +glandulousness +Glaniostomi +glans +glar +glare +glareless +Glareola +glareole +Glareolidae +glareous +glareproof +glareworm +glarily +glariness +glaring +glaringly +glaringness +glarry +glary +Glaserian +glaserite +glashan +glass +glassen +glasser +glasses +glassfish +glassful +glasshouse +glassie +glassily +glassine +glassiness +Glassite +glassless +glasslike +glassmaker +glassmaking +glassman +glassophone +glassrope +glassteel +glassware +glassweed +glasswork +glassworker +glassworking +glassworks +glasswort +glassy +Glaswegian +Glathsheim +Glathsheimr +glauberite +glaucescence +glaucescent +Glaucidium +glaucin +glaucine +Glaucionetta +Glaucium +glaucochroite +glaucodot +glaucolite +glaucoma +glaucomatous +Glaucomys +Glauconia +glauconiferous +Glauconiidae +glauconite +glauconitic +glauconitization +glaucophane +glaucophanite +glaucophanization +glaucophanize +glaucophyllous +Glaucopis +glaucosuria +glaucous +glaucously +Glauke +glaum +glaumrie +glaur +glaury +Glaux +glaver +glaze +glazed +glazen +glazer +glazework +glazier +glaziery +glazily +glaziness +glazing +glazy +gleam +gleamily +gleaminess +gleaming +gleamingly +gleamless +gleamy +glean +gleanable +gleaner +gleaning +gleary +gleba +glebal +glebe +glebeless +glebous +Glecoma +glede +Gleditsia +gledy +glee +gleed +gleeful +gleefully +gleefulness +gleeishly +gleek +gleemaiden +gleeman +gleesome +gleesomely +gleesomeness +gleet +gleety +gleewoman +gleg +glegly +glegness +Glen +glen +Glengarry +Glenn +glenohumeral +glenoid +glenoidal +glent +glessite +gleyde +glia +gliadin +glial +glib +glibbery +glibly +glibness +glidder +gliddery +glide +glideless +glideness +glider +gliderport +glidewort +gliding +glidingly +gliff +gliffing +glime +glimmer +glimmering +glimmeringly +glimmerite +glimmerous +glimmery +glimpse +glimpser +glink +glint +glioma +gliomatous +gliosa +gliosis +Glires +Gliridae +gliriform +Gliriformia +glirine +Glis +glisk +glisky +glissade +glissader +glissando +glissette +glisten +glistening +glisteningly +glister +glisteringly +Glitnir +glitter +glitterance +glittering +glitteringly +glittersome +glittery +gloam +gloaming +gloat +gloater +gloating +gloatingly +global +globally +globate +globated +globe +globed +globefish +globeflower +globeholder +globelet +Globicephala +globiferous +Globigerina +globigerine +Globigerinidae +globin +Globiocephalus +globoid +globose +globosely +globoseness +globosite +globosity +globosphaerite +globous +globously +globousness +globular +Globularia +Globulariaceae +globulariaceous +globularity +globularly +globularness +globule +globulet +globulicidal +globulicide +globuliferous +globuliform +globulimeter +globulin +globulinuria +globulite +globulitic +globuloid +globulolysis +globulose +globulous +globulousness +globulysis +globy +glochid +glochideous +glochidia +glochidial +glochidian +glochidiate +glochidium +glochis +glockenspiel +gloea +gloeal +Gloeocapsa +gloeocapsoid +gloeosporiose +Gloeosporium +Gloiopeltis +Gloiosiphonia +Gloiosiphoniaceae +glom +glome +glomerate +glomeration +Glomerella +glomeroporphyritic +glomerular +glomerulate +glomerule +glomerulitis +glomerulonephritis +glomerulose +glomerulus +glommox +glomus +glonoin +glonoine +gloom +gloomful +gloomfully +gloomily +gloominess +glooming +gloomingly +gloomless +gloomth +gloomy +glop +gloppen +glor +glore +Gloria +Gloriana +gloriation +gloriette +glorifiable +glorification +glorifier +glorify +gloriole +Gloriosa +gloriosity +glorious +gloriously +gloriousness +glory +gloryful +glorying +gloryingly +gloryless +gloss +glossa +glossagra +glossal +glossalgia +glossalgy +glossanthrax +glossarial +glossarially +glossarian +glossarist +glossarize +glossary +Glossata +glossate +glossator +glossatorial +glossectomy +glossed +glosser +glossic +glossily +Glossina +glossiness +glossing +glossingly +Glossiphonia +Glossiphonidae +glossist +glossitic +glossitis +glossless +glossmeter +glossocarcinoma +glossocele +glossocoma +glossocomon +glossodynamometer +glossodynia +glossoepiglottic +glossoepiglottidean +glossograph +glossographer +glossographical +glossography +glossohyal +glossoid +glossokinesthetic +glossolabial +glossolabiolaryngeal +glossolabiopharyngeal +glossolalia +glossolalist +glossolaly +glossolaryngeal +glossological +glossologist +glossology +glossolysis +glossoncus +glossopalatine +glossopalatinus +glossopathy +glossopetra +Glossophaga +glossophagine +glossopharyngeal +glossopharyngeus +Glossophora +glossophorous +glossophytia +glossoplasty +glossoplegia +glossopode +glossopodium +Glossopteris +glossoptosis +glossopyrosis +glossorrhaphy +glossoscopia +glossoscopy +glossospasm +glossosteresis +Glossotherium +glossotomy +glossotype +glossy +glost +glottal +glottalite +glottalize +glottic +glottid +glottidean +glottis +glottiscope +glottogonic +glottogonist +glottogony +glottologic +glottological +glottologist +glottology +Gloucester +glout +glove +gloveless +glovelike +glovemaker +glovemaking +glover +gloveress +glovey +gloving +glow +glower +glowerer +glowering +gloweringly +glowfly +glowing +glowingly +glowworm +Gloxinia +gloy +gloze +glozing +glozingly +glub +glucase +glucemia +glucid +glucide +glucidic +glucina +glucine +glucinic +glucinium +glucinum +gluck +glucofrangulin +glucokinin +glucolipid +glucolipide +glucolipin +glucolipine +glucolysis +glucosaemia +glucosamine +glucosan +glucosane +glucosazone +glucose +glucosemia +glucosic +glucosid +glucosidal +glucosidase +glucoside +glucosidic +glucosidically +glucosin +glucosine +glucosone +glucosuria +glucuronic +glue +glued +gluemaker +gluemaking +gluepot +gluer +gluey +glueyness +glug +gluish +gluishness +glum +gluma +Glumaceae +glumaceous +glumal +Glumales +glume +glumiferous +Glumiflorae +glumly +glummy +glumness +glumose +glumosity +glump +glumpily +glumpiness +glumpish +glumpy +glunch +Gluneamie +glusid +gluside +glut +glutamic +glutamine +glutaminic +glutaric +glutathione +glutch +gluteal +glutelin +gluten +glutenin +glutenous +gluteofemoral +gluteoinguinal +gluteoperineal +gluteus +glutin +glutinate +glutination +glutinative +glutinize +glutinose +glutinosity +glutinous +glutinously +glutinousness +glutition +glutoid +glutose +glutter +gluttery +glutting +gluttingly +glutton +gluttoness +gluttonish +gluttonism +gluttonize +gluttonous +gluttonously +gluttonousness +gluttony +glyceraldehyde +glycerate +Glyceria +glyceric +glyceride +glycerin +glycerinate +glycerination +glycerine +glycerinize +glycerite +glycerize +glycerizin +glycerizine +glycerogel +glycerogelatin +glycerol +glycerolate +glycerole +glycerolize +glycerophosphate +glycerophosphoric +glycerose +glyceroxide +glyceryl +glycid +glycide +glycidic +glycidol +Glycine +glycine +glycinin +glycocholate +glycocholic +glycocin +glycocoll +glycogelatin +glycogen +glycogenesis +glycogenetic +glycogenic +glycogenize +glycogenolysis +glycogenous +glycogeny +glycohaemia +glycohemia +glycol +glycolaldehyde +glycolate +glycolic +glycolide +glycolipid +glycolipide +glycolipin +glycolipine +glycoluric +glycoluril +glycolyl +glycolylurea +glycolysis +glycolytic +glycolytically +Glyconian +Glyconic +glyconic +glyconin +glycoproteid +glycoprotein +glycosaemia +glycose +glycosemia +glycosin +glycosine +glycosuria +glycosuric +glycuresis +glycuronic +glycyl +glycyphyllin +Glycyrrhiza +glycyrrhizin +Glynn +glyoxal +glyoxalase +glyoxalic +glyoxalin +glyoxaline +glyoxim +glyoxime +glyoxyl +glyoxylic +glyph +glyphic +glyphograph +glyphographer +glyphographic +glyphography +glyptic +glyptical +glyptician +Glyptodon +glyptodont +Glyptodontidae +glyptodontoid +glyptograph +glyptographer +glyptographic +glyptography +glyptolith +glyptological +glyptologist +glyptology +glyptotheca +Glyptotherium +glyster +Gmelina +gmelinite +gnabble +Gnaeus +gnaphalioid +Gnaphalium +gnar +gnarl +gnarled +gnarliness +gnarly +gnash +gnashingly +gnat +gnatcatcher +gnatflower +gnathal +gnathalgia +gnathic +gnathidium +gnathion +gnathism +gnathite +gnathitis +Gnatho +gnathobase +gnathobasic +Gnathobdellae +Gnathobdellida +gnathometer +gnathonic +gnathonical +gnathonically +gnathonism +gnathonize +gnathophorous +gnathoplasty +gnathopod +Gnathopoda +gnathopodite +gnathopodous +gnathostegite +Gnathostoma +Gnathostomata +gnathostomatous +gnathostome +Gnathostomi +gnathostomous +gnathotheca +gnatling +gnatproof +gnatsnap +gnatsnapper +gnatter +gnatty +gnatworm +gnaw +gnawable +gnawer +gnawing +gnawingly +gnawn +gneiss +gneissic +gneissitic +gneissoid +gneissose +gneissy +Gnetaceae +gnetaceous +Gnetales +Gnetum +gnocchetti +gnome +gnomed +gnomesque +gnomic +gnomical +gnomically +gnomide +gnomish +gnomist +gnomologic +gnomological +gnomologist +gnomology +gnomon +Gnomonia +Gnomoniaceae +gnomonic +gnomonical +gnomonics +gnomonological +gnomonologically +gnomonology +gnosiological +gnosiology +gnosis +Gnostic +gnostic +gnostical +gnostically +Gnosticism +gnosticity +gnosticize +gnosticizer +gnostology +gnu +go +goa +goad +goadsman +goadster +goaf +Goajiro +goal +Goala +goalage +goalee +goalie +goalkeeper +goalkeeping +goalless +goalmouth +Goan +Goanese +goanna +Goasila +goat +goatbeard +goatbrush +goatbush +goatee +goateed +goatfish +goatherd +goatherdess +goatish +goatishly +goatishness +goatland +goatlike +goatling +goatly +goatroot +goatsbane +goatsbeard +goatsfoot +goatskin +goatstone +goatsucker +goatweed +goaty +goave +gob +goback +goban +gobang +gobbe +gobber +gobbet +gobbin +gobbing +gobble +gobbledygook +gobbler +gobby +Gobelin +gobelin +gobernadora +gobi +Gobia +Gobian +gobiesocid +Gobiesocidae +gobiesociform +Gobiesox +gobiid +Gobiidae +gobiiform +Gobiiformes +Gobinism +Gobinist +Gobio +gobioid +Gobioidea +Gobioidei +goblet +gobleted +gobletful +goblin +gobline +goblinesque +goblinish +goblinism +goblinize +goblinry +gobmouthed +gobo +gobonated +gobony +gobstick +goburra +goby +gobylike +gocart +Goclenian +God +god +godchild +Goddam +Goddard +goddard +goddaughter +godded +goddess +goddesshood +goddessship +goddikin +goddize +gode +godet +Godetia +godfather +godfatherhood +godfathership +Godforsaken +Godfrey +Godful +godhead +godhood +Godiva +godkin +godless +godlessly +godlessness +godlet +godlike +godlikeness +godlily +godliness +godling +godly +godmaker +godmaking +godmamma +godmother +godmotherhood +godmothership +godown +godpapa +godparent +Godsake +godsend +godship +godson +godsonship +Godspeed +Godward +Godwin +Godwinian +godwit +goeduck +goel +goelism +Goemagot +Goemot +goer +goes +Goetae +Goethian +goetia +goetic +goetical +goety +goff +goffer +goffered +gofferer +goffering +goffle +gog +gogga +goggan +goggle +goggled +goggler +gogglers +goggly +goglet +Gogo +gogo +Gohila +goi +goiabada +Goidel +Goidelic +going +goitcho +goiter +goitered +goitral +goitrogen +goitrogenic +goitrous +Gokuraku +gol +gola +golach +goladar +golandaas +golandause +Golaseccan +Golconda +Gold +gold +goldbeater +goldbeating +Goldbird +goldbrick +goldbricker +goldbug +goldcrest +goldcup +golden +goldenback +goldeneye +goldenfleece +goldenhair +goldenknop +goldenlocks +goldenly +Goldenmouth +goldenmouthed +goldenness +goldenpert +goldenrod +goldenseal +goldentop +goldenwing +golder +goldfielder +goldfinch +goldfinny +goldfish +goldflower +goldhammer +goldhead +Goldi +Goldic +goldie +goldilocks +goldin +goldish +goldless +goldlike +Goldonian +goldseed +goldsinny +goldsmith +goldsmithery +goldsmithing +goldspink +goldstone +goldtail +goldtit +goldwater +goldweed +goldwork +goldworker +Goldy +goldy +golee +golem +golf +golfdom +golfer +Golgi +Golgotha +goli +goliard +goliardery +goliardic +Goliath +goliath +goliathize +golkakra +Goll +golland +gollar +golliwogg +golly +Golo +goloe +golpe +Goma +gomari +Gomarian +Gomarist +Gomarite +gomart +gomashta +gomavel +gombay +gombeen +gombeenism +gombroon +Gomeisa +gomer +gomeral +gomlah +gommelin +Gomontia +Gomorrhean +Gomphocarpus +gomphodont +Gompholobium +gomphosis +Gomphrena +gomuti +gon +Gona +gonad +gonadal +gonadial +gonadic +gonadotropic +gonadotropin +gonaduct +gonagra +gonakie +gonal +gonalgia +gonangial +gonangium +gonapod +gonapophysal +gonapophysial +gonapophysis +gonarthritis +Gond +gondang +Gondi +gondite +gondola +gondolet +gondolier +gone +goneness +goneoclinic +gonepoiesis +gonepoietic +goner +Goneril +gonesome +gonfalcon +gonfalonier +gonfalonierate +gonfaloniership +gonfanon +gong +gongman +Gongoresque +Gongorism +Gongorist +gongoristic +gonia +goniac +gonial +goniale +Goniaster +goniatite +Goniatites +goniatitic +goniatitid +Goniatitidae +goniatitoid +gonid +gonidangium +gonidia +gonidial +gonidic +gonidiferous +gonidiogenous +gonidioid +gonidiophore +gonidiose +gonidiospore +gonidium +gonimic +gonimium +gonimolobe +gonimous +goniocraniometry +Goniodoridae +Goniodorididae +Goniodoris +goniometer +goniometric +goniometrical +goniometrically +goniometry +gonion +Goniopholidae +Goniopholis +goniostat +goniotropous +gonitis +Gonium +gonium +gonnardite +gonne +gonoblast +gonoblastic +gonoblastidial +gonoblastidium +gonocalycine +gonocalyx +gonocheme +gonochorism +gonochorismal +gonochorismus +gonochoristic +gonococcal +gonococcic +gonococcoid +gonococcus +gonocoel +gonocyte +gonoecium +Gonolobus +gonomere +gonomery +gonophore +gonophoric +gonophorous +gonoplasm +gonopoietic +gonorrhea +gonorrheal +gonorrheic +gonosomal +gonosome +gonosphere +gonostyle +gonotheca +gonothecal +gonotokont +gonotome +gonotype +gonozooid +gony +gonyalgia +gonydeal +gonydial +gonyocele +gonyoncus +gonys +Gonystylaceae +gonystylaceous +Gonystylus +gonytheca +Gonzalo +goo +goober +good +Goodenia +Goodeniaceae +goodeniaceous +Goodenoviaceae +goodhearted +goodheartedly +goodheartedness +gooding +goodish +goodishness +goodlihead +goodlike +goodliness +goodly +goodman +goodmanship +goodness +goods +goodsome +goodwife +goodwill +goodwillit +goodwilly +goody +goodyear +Goodyera +goodyish +goodyism +goodyness +goodyship +goof +goofer +goofily +goofiness +goofy +googly +googol +googolplex +googul +gook +gool +goolah +gools +gooma +goon +goondie +goonie +Goop +goosander +goose +goosebeak +gooseberry +goosebill +goosebird +goosebone +gooseboy +goosecap +goosefish +gooseflower +goosefoot +goosegirl +goosegog +gooseherd +goosehouse +gooselike +goosemouth +gooseneck +goosenecked +gooserumped +goosery +goosetongue +gooseweed +goosewing +goosewinged +goosish +goosishly +goosishness +goosy +gopher +gopherberry +gopherroot +gopherwood +gopura +Gor +gor +gora +goracco +goral +goran +gorb +gorbal +gorbellied +gorbelly +gorbet +gorble +gorblimy +gorce +gorcock +gorcrow +Gordiacea +gordiacean +gordiaceous +Gordian +Gordiidae +Gordioidea +Gordius +gordolobo +Gordon +Gordonia +gordunite +Gordyaean +gore +gorer +gorevan +gorfly +gorge +gorgeable +gorged +gorgedly +gorgelet +gorgeous +gorgeously +gorgeousness +gorger +gorgerin +gorget +gorgeted +gorglin +Gorgon +Gorgonacea +gorgonacean +gorgonaceous +gorgonesque +gorgoneum +Gorgonia +Gorgoniacea +gorgoniacean +gorgoniaceous +Gorgonian +gorgonian +gorgonin +gorgonize +gorgonlike +Gorgonzola +Gorgosaurus +gorhen +goric +gorilla +gorillaship +gorillian +gorilline +gorilloid +gorily +goriness +goring +Gorkhali +Gorkiesque +gorlin +gorlois +gormandize +gormandizer +gormaw +gormed +gorra +gorraf +gorry +gorse +gorsebird +gorsechat +gorsedd +gorsehatch +gorsy +Gortonian +Gortonite +gory +gos +gosain +goschen +gosh +goshawk +Goshen +goshenite +goslarite +goslet +gosling +gosmore +gospel +gospeler +gospelist +gospelize +gospellike +gospelly +gospelmonger +gospelwards +Gosplan +gospodar +gosport +gossamer +gossamered +gossamery +gossampine +gossan +gossaniferous +gossard +gossip +gossipdom +gossipee +gossiper +gossiphood +gossipiness +gossiping +gossipingly +gossipmonger +gossipred +gossipry +gossipy +gossoon +gossy +gossypine +Gossypium +gossypol +gossypose +got +gotch +gote +Goth +Gotha +Gotham +Gothamite +Gothic +Gothically +Gothicism +Gothicist +Gothicity +Gothicize +Gothicizer +Gothicness +Gothish +Gothism +gothite +Gothlander +Gothonic +Gotiglacial +gotra +gotraja +gotten +Gottfried +Gottlieb +gouaree +Gouda +Goudy +gouge +gouger +goujon +goulash +goumi +goup +Goura +gourami +gourd +gourde +gourdful +gourdhead +gourdiness +gourdlike +gourdworm +gourdy +Gourinae +gourmand +gourmander +gourmanderie +gourmandism +gourmet +gourmetism +gourounut +goustrous +gousty +gout +goutify +goutily +goutiness +goutish +goutte +goutweed +goutwort +gouty +gove +govern +governability +governable +governableness +governably +governail +governance +governess +governessdom +governesshood +governessy +governing +governingly +government +governmental +governmentalism +governmentalist +governmentalize +governmentally +governmentish +governor +governorate +governorship +gowan +gowdnie +gowf +gowfer +gowiddie +gowk +gowked +gowkedly +gowkedness +gowkit +gowl +gown +gownlet +gownsman +gowpen +goy +Goyana +goyazite +Goyetian +goyim +goyin +goyle +gozell +gozzard +gra +Graafian +grab +grabbable +grabber +grabble +grabbler +grabbling +grabbots +graben +grabhook +grabouche +Grace +grace +graceful +gracefully +gracefulness +graceless +gracelessly +gracelessness +gracelike +gracer +Gracilaria +gracilariid +Gracilariidae +gracile +gracileness +gracilescent +gracilis +gracility +graciosity +gracioso +gracious +graciously +graciousness +grackle +Graculus +grad +gradable +gradal +gradate +gradation +gradational +gradationally +gradationately +gradative +gradatively +gradatory +graddan +grade +graded +gradefinder +gradely +grader +Gradgrind +gradgrind +Gradgrindian +Gradgrindish +Gradgrindism +gradient +gradienter +Gradientia +gradin +gradine +grading +gradiometer +gradiometric +gradometer +gradual +gradualism +gradualist +gradualistic +graduality +gradually +gradualness +graduand +graduate +graduated +graduateship +graduatical +graduating +graduation +graduator +gradus +Graeae +Graeculus +Graeme +graff +graffage +graffer +Graffias +graffito +grafship +graft +graftage +graftdom +grafted +grafter +grafting +graftonite +graftproof +Graham +graham +grahamite +Graian +grail +grailer +grailing +grain +grainage +grained +grainedness +grainer +grainering +grainery +grainfield +graininess +graining +grainland +grainless +grainman +grainsick +grainsickness +grainsman +grainways +grainy +graip +graisse +graith +Grallae +Grallatores +grallatorial +grallatory +grallic +Grallina +gralline +gralloch +gram +grama +gramarye +gramashes +grame +gramenite +gramicidin +Graminaceae +graminaceous +Gramineae +gramineal +gramineous +gramineousness +graminicolous +graminiferous +graminifolious +graminiform +graminin +graminivore +graminivorous +graminological +graminology +graminous +grammalogue +grammar +grammarian +grammarianism +grammarless +grammatic +grammatical +grammatically +grammaticalness +grammaticaster +grammaticism +grammaticize +grammatics +grammatist +grammatistical +grammatite +grammatolator +grammatolatry +Grammatophyllum +gramme +Grammontine +gramoches +Gramophone +gramophone +gramophonic +gramophonical +gramophonically +gramophonist +gramp +grampa +grampus +granada +granadilla +granadillo +Granadine +granage +granary +granate +granatum +granch +grand +grandam +grandame +grandaunt +grandchild +granddad +granddaddy +granddaughter +granddaughterly +grandee +grandeeism +grandeeship +grandesque +grandeur +grandeval +grandfather +grandfatherhood +grandfatherish +grandfatherless +grandfatherly +grandfathership +grandfer +grandfilial +grandiloquence +grandiloquent +grandiloquently +grandiloquous +grandiose +grandiosely +grandiosity +grandisonant +Grandisonian +Grandisonianism +grandisonous +grandly +grandma +grandmaternal +Grandmontine +grandmother +grandmotherhood +grandmotherism +grandmotherliness +grandmotherly +grandnephew +grandness +grandniece +grandpa +grandparent +grandparentage +grandparental +grandpaternal +grandsire +grandson +grandsonship +grandstand +grandstander +granduncle +grane +grange +granger +grangerism +grangerite +grangerization +grangerize +grangerizer +Grangousier +graniform +granilla +granite +granitelike +graniteware +granitic +granitical +graniticoline +granitiferous +granitification +granitiform +granitite +granitization +granitize +granitoid +granivore +granivorous +granjeno +grank +grannom +granny +grannybush +grano +granoblastic +granodiorite +granogabbro +granolite +granolith +granolithic +granomerite +granophyre +granophyric +granose +granospherite +Grant +grant +grantable +grantedly +grantee +granter +Granth +Grantha +Grantia +Grantiidae +grantor +granula +granular +granularity +granularly +granulary +granulate +granulated +granulater +granulation +granulative +granulator +granule +granulet +granuliferous +granuliform +granulite +granulitic +granulitis +granulitization +granulitize +granulize +granuloadipose +granulocyte +granuloma +granulomatous +granulometric +granulosa +granulose +granulous +Granville +granza +granzita +grape +graped +grapeflower +grapefruit +grapeful +grapeless +grapelet +grapelike +grapenuts +graperoot +grapery +grapeshot +grapeskin +grapestalk +grapestone +grapevine +grapewise +grapewort +graph +graphalloy +graphic +graphical +graphically +graphicalness +graphicly +graphicness +graphics +Graphidiaceae +Graphiola +graphiological +graphiologist +graphiology +Graphis +graphite +graphiter +graphitic +graphitization +graphitize +graphitoid +graphitoidal +Graphium +graphologic +graphological +graphologist +graphology +graphomania +graphomaniac +graphometer +graphometric +graphometrical +graphometry +graphomotor +Graphophone +graphophone +graphophonic +graphorrhea +graphoscope +graphospasm +graphostatic +graphostatical +graphostatics +graphotype +graphotypic +graphy +graping +grapnel +grappa +grapple +grappler +grappling +Grapsidae +grapsoid +Grapsus +Grapta +graptolite +Graptolitha +Graptolithida +Graptolithina +graptolitic +Graptolitoidea +Graptoloidea +graptomancy +grapy +grasp +graspable +grasper +grasping +graspingly +graspingness +graspless +grass +grassant +grassation +grassbird +grasschat +grasscut +grasscutter +grassed +grasser +grasset +grassflat +grassflower +grasshop +grasshopper +grasshopperdom +grasshopperish +grasshouse +grassiness +grassing +grassland +grassless +grasslike +grassman +grassnut +grassplot +grassquit +grasswards +grassweed +grasswidowhood +grasswork +grassworm +grassy +grat +grate +grateful +gratefully +gratefulness +grateless +grateman +grater +gratewise +grather +Gratia +Gratiano +graticulate +graticulation +graticule +gratification +gratified +gratifiedly +gratifier +gratify +gratifying +gratifyingly +gratility +gratillity +gratinate +grating +Gratiola +gratiolin +gratiosolin +gratis +gratitude +gratten +grattoir +gratuitant +gratuitous +gratuitously +gratuitousness +gratuity +gratulant +gratulate +gratulation +gratulatorily +gratulatory +graupel +gravamen +gravamina +grave +graveclod +gravecloth +graveclothes +graved +gravedigger +gravegarth +gravel +graveless +gravelike +graveling +gravelish +gravelliness +gravelly +gravelroot +gravelstone +gravelweed +gravely +gravemaker +gravemaking +graveman +gravemaster +graven +graveness +Gravenstein +graveolence +graveolency +graveolent +graver +Graves +graveship +graveside +gravestead +gravestone +graveward +gravewards +graveyard +gravic +gravicembalo +gravid +gravidity +gravidly +gravidness +Gravigrada +gravigrade +gravimeter +gravimetric +gravimetrical +gravimetrically +gravimetry +graving +gravitate +gravitater +gravitation +gravitational +gravitationally +gravitative +gravitometer +gravity +gravure +gravy +grawls +gray +grayback +graybeard +graycoat +grayfish +grayfly +grayhead +grayish +graylag +grayling +grayly +graymalkin +graymill +grayness +graypate +graywacke +grayware +graywether +grazable +graze +grazeable +grazer +grazier +grazierdom +graziery +grazing +grazingly +grease +greasebush +greasehorn +greaseless +greaselessness +greaseproof +greaseproofness +greaser +greasewood +greasily +greasiness +greasy +great +greatcoat +greatcoated +greaten +greater +greathead +greatheart +greathearted +greatheartedness +greatish +greatly +greatmouthed +greatness +greave +greaved +greaves +grebe +Grebo +grece +Grecian +Grecianize +Grecism +Grecize +Grecomania +Grecomaniac +Grecophil +gree +greed +greedily +greediness +greedless +greedsome +greedy +greedygut +greedyguts +Greek +Greekdom +Greekery +Greekess +Greekish +Greekism +Greekist +Greekize +Greekless +Greekling +green +greenable +greenage +greenalite +greenback +Greenbacker +Greenbackism +greenbark +greenbone +greenbrier +Greencloth +greencoat +greener +greenery +greeney +greenfinch +greenfish +greengage +greengill +greengrocer +greengrocery +greenhead +greenheaded +greenheart +greenhearted +greenhew +greenhide +greenhood +greenhorn +greenhornism +greenhouse +greening +greenish +greenishness +greenkeeper +greenkeeping +Greenland +Greenlander +Greenlandic +Greenlandish +greenlandite +Greenlandman +greenleek +greenless +greenlet +greenling +greenly +greenness +greenockite +greenovite +greenroom +greensand +greensauce +greenshank +greensick +greensickness +greenside +greenstone +greenstuff +greensward +greenswarded +greentail +greenth +greenuk +greenweed +Greenwich +greenwing +greenwithe +greenwood +greenwort +greeny +greenyard +greet +greeter +greeting +greetingless +greetingly +greffier +greffotome +Greg +gregal +gregale +gregaloid +gregarian +gregarianism +Gregarina +Gregarinae +Gregarinaria +gregarine +Gregarinida +gregarinidal +gregariniform +Gregarinina +Gregarinoidea +gregarinosis +gregarinous +gregarious +gregariously +gregariousness +gregaritic +grege +Gregg +Gregge +greggle +grego +Gregor +Gregorian +Gregorianist +Gregorianize +Gregorianizer +Gregory +greige +grein +greisen +gremial +gremlin +grenade +Grenadian +grenadier +grenadierial +grenadierly +grenadiership +grenadin +grenadine +Grendel +Grenelle +Gressoria +gressorial +gressorious +Greta +Gretchen +Gretel +greund +Grevillea +grew +grewhound +Grewia +grey +greyhound +Greyiaceae +greyly +greyness +gribble +grice +grid +griddle +griddlecake +griddler +gride +gridelin +gridiron +griece +grieced +grief +griefful +grieffully +griefless +grieflessness +grieshoch +grievance +grieve +grieved +grievedly +griever +grieveship +grieving +grievingly +grievous +grievously +grievousness +Griff +griff +griffade +griffado +griffaun +griffe +griffin +griffinage +griffinesque +griffinhood +griffinish +griffinism +Griffith +griffithite +Griffon +griffon +griffonage +griffonne +grift +grifter +grig +griggles +grignet +grigri +grihastha +grihyasutra +grike +grill +grillade +grillage +grille +grilled +griller +grillroom +grillwork +grilse +grim +grimace +grimacer +grimacier +grimacing +grimacingly +grimalkin +grime +grimful +grimgribber +grimily +griminess +grimliness +grimly +grimme +Grimmia +Grimmiaceae +grimmiaceous +grimmish +grimness +grimp +grimy +grin +grinagog +grinch +grind +grindable +Grindelia +grinder +grinderman +grindery +grinding +grindingly +grindle +grindstone +gringo +gringolee +gringophobia +Grinnellia +grinner +grinning +grinningly +grinny +grintern +grip +gripe +gripeful +griper +gripgrass +griphite +Griphosaurus +griping +gripingly +gripless +gripman +gripment +grippal +grippe +gripper +grippiness +gripping +grippingly +grippingness +gripple +grippleness +grippotoxin +grippy +gripsack +gripy +Griqua +griquaite +Griqualander +gris +grisaille +grisard +Griselda +griseous +grisette +grisettish +grisgris +griskin +grisliness +grisly +Grison +grison +grisounite +grisoutine +Grissel +grissens +grissons +grist +gristbite +grister +Gristhorbia +gristle +gristliness +gristly +gristmill +gristmiller +gristmilling +gristy +grit +grith +grithbreach +grithman +gritless +gritrock +grits +gritstone +gritten +gritter +grittily +grittiness +grittle +gritty +grivet +grivna +Grizel +Grizzel +grizzle +grizzled +grizzler +grizzly +grizzlyman +groan +groaner +groanful +groaning +groaningly +groat +groats +groatsworth +grobian +grobianism +grocer +grocerdom +groceress +grocerly +grocerwise +grocery +groceryman +Groenendael +groff +grog +groggery +groggily +grogginess +groggy +grogram +grogshop +groin +groined +groinery +groining +Grolier +Grolieresque +gromatic +gromatics +Gromia +grommet +gromwell +groom +groomer +groomish +groomishly +groomlet +groomling +groomsman +groomy +groop +groose +groot +grooty +groove +grooveless +groovelike +groover +grooverhead +grooviness +grooving +groovy +grope +groper +groping +gropingly +gropple +grorudite +gros +grosbeak +groschen +groser +groset +grosgrain +grosgrained +gross +grossart +grossen +grosser +grossification +grossify +grossly +grossness +grosso +grossulaceous +grossular +Grossularia +grossularia +Grossulariaceae +grossulariaceous +grossularious +grossularite +grosz +groszy +grot +grotesque +grotesquely +grotesqueness +grotesquerie +grothine +grothite +Grotian +Grotianism +grottesco +grotto +grottoed +grottolike +grottowork +grouch +grouchily +grouchiness +grouchingly +grouchy +grouf +grough +ground +groundable +groundably +groundage +groundberry +groundbird +grounded +groundedly +groundedness +groundenell +grounder +groundflower +grounding +groundless +groundlessly +groundlessness +groundliness +groundling +groundly +groundman +groundmass +groundneedle +groundnut +groundplot +grounds +groundsel +groundsill +groundsman +groundward +groundwood +groundwork +groundy +group +groupage +groupageness +grouped +grouper +grouping +groupist +grouplet +groupment +groupwise +grouse +grouseberry +grouseless +grouser +grouseward +grousewards +grousy +grout +grouter +grouthead +grouts +grouty +grouze +grove +groved +grovel +groveler +groveless +groveling +grovelingly +grovelings +grovy +grow +growable +growan +growed +grower +growing +growingly +growingupness +growl +growler +growlery +growling +growlingly +growly +grown +grownup +growse +growsome +growth +growthful +growthiness +growthless +growthy +grozart +grozet +grr +grub +grubbed +grubber +grubbery +grubbily +grubbiness +grubby +grubhood +grubless +grubroot +grubs +grubstake +grubstaker +Grubstreet +grubstreet +grubworm +grudge +grudgeful +grudgefully +grudgekin +grudgeless +grudger +grudgery +grudging +grudgingly +grudgingness +grudgment +grue +gruel +grueler +grueling +gruelly +Grues +gruesome +gruesomely +gruesomeness +gruff +gruffily +gruffiness +gruffish +gruffly +gruffness +gruffs +gruffy +grufted +grugru +Gruidae +gruiform +Gruiformes +gruine +Gruis +grum +grumble +grumbler +grumblesome +Grumbletonian +grumbling +grumblingly +grumbly +grume +Grumium +grumly +grummel +grummels +grummet +grummeter +grumness +grumose +grumous +grumousness +grump +grumph +grumphie +grumphy +grumpily +grumpiness +grumpish +grumpy +grun +Grundified +Grundlov +grundy +Grundyism +Grundyist +Grundyite +grunerite +gruneritization +grunion +grunt +grunter +Grunth +grunting +gruntingly +gruntle +gruntled +gruntling +Grus +grush +grushie +Grusian +Grusinian +gruss +grutch +grutten +gryde +grylli +gryllid +Gryllidae +gryllos +Gryllotalpa +Gryllus +gryllus +grypanian +Gryphaea +Gryphosaurus +gryposis +Grypotherium +grysbok +guaba +guacacoa +guachamaca +guacharo +guachipilin +Guacho +Guacico +guacimo +guacin +guaco +guaconize +Guadagnini +guadalcazarite +Guaharibo +Guahiban +Guahibo +Guahivo +guaiac +guaiacol +guaiacolize +guaiaconic +guaiacum +guaiaretic +guaiasanol +guaiol +guaka +Gualaca +guama +guan +Guana +guana +guanabana +guanabano +guanaco +guanajuatite +guanamine +guanase +guanay +Guanche +guaneide +guango +guanidine +guanidopropionic +guaniferous +guanine +guanize +guano +guanophore +guanosine +guanyl +guanylic +guao +guapena +guapilla +guapinol +Guaque +guar +guara +guarabu +guaracha +guaraguao +guarana +Guarani +guarani +Guaranian +guaranine +guarantee +guaranteeship +guarantor +guarantorship +guaranty +guarapucu +Guaraunan +Guarauno +guard +guardable +guardant +guarded +guardedly +guardedness +guardeen +guarder +guardfish +guardful +guardfully +guardhouse +guardian +guardiancy +guardianess +guardianless +guardianly +guardianship +guarding +guardingly +guardless +guardlike +guardo +guardrail +guardroom +guardship +guardsman +guardstone +Guarea +guariba +guarinite +guarneri +Guarnerius +Guarnieri +Guarrau +guarri +Guaruan +guasa +Guastalline +guatambu +Guatemalan +Guatemaltecan +guativere +Guato +Guatoan +Guatusan +Guatuso +Guauaenok +guava +guavaberry +guavina +guayaba +guayabi +guayabo +guayacan +Guayaqui +Guaycuru +Guaycuruan +Guaymie +guayroto +guayule +guaza +Guazuma +gubbertush +Gubbin +gubbo +gubernacula +gubernacular +gubernaculum +gubernative +gubernator +gubernatorial +gubernatrix +guberniya +gucki +gud +gudame +guddle +gude +gudebrother +gudefather +gudemother +gudesake +gudesakes +gudesire +gudewife +gudge +gudgeon +gudget +gudok +gue +guebucu +guejarite +Guelph +Guelphic +Guelphish +Guelphism +guemal +guenepe +guenon +guepard +guerdon +guerdonable +guerdoner +guerdonless +guereza +Guerickian +Guerinet +Guernsey +guernsey +guernseyed +guerrilla +guerrillaism +guerrillaship +Guesdism +Guesdist +guess +guessable +guesser +guessing +guessingly +guesswork +guessworker +guest +guestchamber +guesten +guester +guesthouse +guesting +guestive +guestless +Guestling +guestling +guestmaster +guestship +guestwise +Guetar +Guetare +gufa +guff +guffaw +guffer +guffin +guffy +gugal +guggle +gugglet +guglet +guglia +guglio +gugu +Guha +Guhayna +guhr +Guiana +Guianan +Guianese +guib +guiba +guidable +guidage +guidance +guide +guideboard +guidebook +guidebookish +guidecraft +guideless +guideline +guidepost +guider +guideress +guidership +guideship +guideway +guidman +Guido +guidon +Guidonian +guidwilly +guige +Guignardia +guignol +guijo +Guilandina +guild +guilder +guildhall +guildic +guildry +guildship +guildsman +guile +guileful +guilefully +guilefulness +guileless +guilelessly +guilelessness +guilery +guillemet +guillemot +Guillermo +guillevat +guilloche +guillochee +guillotinade +guillotine +guillotinement +guillotiner +guillotinism +guillotinist +guilt +guiltily +guiltiness +guiltless +guiltlessly +guiltlessness +guiltsick +guilty +guily +guimbard +guimpe +Guinea +guinea +Guineaman +Guinean +Guinevere +guipure +Guisard +guisard +guise +guiser +Guisian +guising +guitar +guitarfish +guitarist +guitermanite +guitguit +Guittonian +Gujar +Gujarati +Gujrati +gul +gula +gulae +gulaman +gulancha +Gulanganes +gular +gularis +gulch +gulden +guldengroschen +gule +gules +Gulf +gulf +gulflike +gulfside +gulfwards +gulfweed +gulfy +gulgul +gulinula +gulinulae +gulinular +gulix +gull +Gullah +gullery +gullet +gulleting +gullibility +gullible +gullibly +gullion +gullish +gullishly +gullishness +gully +gullyhole +Gulo +gulonic +gulose +gulosity +gulp +gulper +gulpin +gulping +gulpingly +gulpy +gulravage +gulsach +Gum +gum +gumbo +gumboil +gumbotil +gumby +gumchewer +gumdigger +gumdigging +gumdrop +gumfield +gumflower +gumihan +gumless +gumlike +gumly +gumma +gummage +gummaker +gummaking +gummata +gummatous +gummed +gummer +gummiferous +gumminess +gumming +gummite +gummose +gummosis +gummosity +gummous +gummy +gump +gumphion +gumption +gumptionless +gumptious +gumpus +gumshoe +gumweed +gumwood +gun +guna +gunate +gunation +gunbearer +gunboat +gunbright +gunbuilder +guncotton +gundi +gundy +gunebo +gunfire +gunflint +gunge +gunhouse +Gunite +gunite +gunj +gunk +gunl +gunless +gunlock +gunmaker +gunmaking +gunman +gunmanship +gunnage +Gunnar +gunne +gunnel +gunner +Gunnera +Gunneraceae +gunneress +gunnership +gunnery +gunnies +gunning +gunnung +gunny +gunocracy +gunong +gunpaper +gunplay +gunpowder +gunpowderous +gunpowdery +gunpower +gunrack +gunreach +gunrunner +gunrunning +gunsel +gunshop +gunshot +gunsman +gunsmith +gunsmithery +gunsmithing +gunster +gunstick +gunstock +gunstocker +gunstocking +gunstone +Gunter +gunter +Gunther +gunwale +gunyah +gunyang +gunyeh +Gunz +Gunzian +gup +guppy +guptavidya +gur +Guran +gurdfish +gurdle +gurdwara +gurge +gurgeon +gurgeons +gurges +gurgitation +gurgle +gurglet +gurgling +gurglingly +gurgly +gurgoyle +gurgulation +Gurian +Guric +Gurish +Gurjara +gurjun +gurk +Gurkha +gurl +gurly +Gurmukhi +gurnard +gurnet +gurnetty +Gurneyite +gurniad +gurr +gurrah +gurry +gurt +guru +guruship +Gus +gush +gusher +gushet +gushily +gushiness +gushing +gushingly +gushingness +gushy +gusla +gusle +guss +gusset +Gussie +gussie +gust +gustable +gustation +gustative +gustativeness +gustatory +Gustavus +gustful +gustfully +gustfulness +gustily +gustiness +gustless +gusto +gustoish +Gustus +gusty +gut +Guti +Gutium +gutless +gutlike +gutling +Gutnic +Gutnish +gutt +gutta +guttable +guttate +guttated +guttatim +guttation +gutte +gutter +Guttera +gutterblood +guttering +gutterlike +gutterling +gutterman +guttersnipe +guttersnipish +gutterspout +gutterwise +guttery +gutti +guttide +guttie +Guttiferae +guttiferal +Guttiferales +guttiferous +guttiform +guttiness +guttle +guttler +guttula +guttulae +guttular +guttulate +guttule +guttural +gutturalism +gutturality +gutturalization +gutturalize +gutturally +gutturalness +gutturize +gutturonasal +gutturopalatal +gutturopalatine +gutturotetany +guttus +gutty +gutweed +gutwise +gutwort +guvacine +guvacoline +Guy +guy +Guyandot +guydom +guyer +guytrash +guz +guze +Guzmania +guzmania +Guzul +guzzle +guzzledom +guzzler +gwag +gweduc +gweed +gweeon +gwely +Gwen +Gwendolen +gwine +gwyniad +Gyarung +gyascutus +Gyges +Gygis +gyle +gym +gymel +gymkhana +Gymnadenia +Gymnadeniopsis +Gymnanthes +gymnanthous +Gymnarchidae +Gymnarchus +gymnasia +gymnasial +gymnasiarch +gymnasiarchy +gymnasiast +gymnasic +gymnasium +gymnast +gymnastic +gymnastically +gymnastics +gymnemic +gymnetrous +gymnic +gymnical +gymnics +gymnite +Gymnoblastea +gymnoblastic +Gymnocalycium +gymnocarpic +gymnocarpous +Gymnocerata +gymnoceratous +gymnocidium +Gymnocladus +Gymnoconia +Gymnoderinae +Gymnodiniaceae +gymnodiniaceous +Gymnodiniidae +Gymnodinium +gymnodont +Gymnodontes +gymnogen +gymnogenous +Gymnoglossa +gymnoglossate +gymnogynous +Gymnogyps +Gymnolaema +Gymnolaemata +gymnolaematous +Gymnonoti +Gymnopaedes +gymnopaedic +gymnophiona +gymnoplast +Gymnorhina +gymnorhinal +Gymnorhininae +gymnosoph +gymnosophist +gymnosophy +gymnosperm +Gymnospermae +gymnospermal +gymnospermic +gymnospermism +Gymnospermous +gymnospermy +Gymnosporangium +gymnospore +gymnosporous +Gymnostomata +Gymnostomina +gymnostomous +Gymnothorax +gymnotid +Gymnotidae +Gymnotoka +gymnotokous +Gymnotus +Gymnura +gymnure +Gymnurinae +gymnurine +gympie +gyn +gynaecea +gynaeceum +gynaecocoenic +gynander +gynandrarchic +gynandrarchy +Gynandria +gynandria +gynandrian +gynandrism +gynandroid +gynandromorph +gynandromorphic +gynandromorphism +gynandromorphous +gynandromorphy +gynandrophore +gynandrosporous +gynandrous +gynandry +gynantherous +gynarchic +gynarchy +gyne +gynecic +gynecidal +gynecide +gynecocentric +gynecocracy +gynecocrat +gynecocratic +gynecocratical +gynecoid +gynecolatry +gynecologic +gynecological +gynecologist +gynecology +gynecomania +gynecomastia +gynecomastism +gynecomasty +gynecomazia +gynecomorphous +gyneconitis +gynecopathic +gynecopathy +gynecophore +gynecophoric +gynecophorous +gynecotelic +gynecratic +gyneocracy +gyneolater +gyneolatry +gynephobia +Gynerium +gynethusia +gyniatrics +gyniatry +gynic +gynics +gynobase +gynobaseous +gynobasic +gynocardia +gynocardic +gynocracy +gynocratic +gynodioecious +gynodioeciously +gynodioecism +gynoecia +gynoecium +gynogenesis +gynomonecious +gynomonoeciously +gynomonoecism +gynophagite +gynophore +gynophoric +gynosporangium +gynospore +gynostegia +gynostegium +gynostemium +Gynura +gyp +Gypaetus +gype +gypper +Gyppo +Gyps +gyps +gypseian +gypseous +gypsiferous +gypsine +gypsiologist +gypsite +gypsography +gypsologist +gypsology +Gypsophila +gypsophila +gypsophilous +gypsophily +gypsoplast +gypsous +gypster +gypsum +Gypsy +gypsy +gypsydom +gypsyesque +gypsyfy +gypsyhead +gypsyhood +gypsyish +gypsyism +gypsylike +gypsyry +gypsyweed +gypsywise +gypsywort +Gyracanthus +gyral +gyrally +gyrant +gyrate +gyration +gyrational +gyrator +gyratory +gyre +Gyrencephala +gyrencephalate +gyrencephalic +gyrencephalous +gyrene +gyrfalcon +gyri +gyric +gyrinid +Gyrinidae +Gyrinus +gyro +gyrocar +gyroceracone +gyroceran +Gyroceras +gyrochrome +gyrocompass +Gyrodactylidae +Gyrodactylus +gyrogonite +gyrograph +gyroidal +gyroidally +gyrolite +gyrolith +gyroma +gyromagnetic +gyromancy +gyromele +gyrometer +Gyromitra +gyron +gyronny +Gyrophora +Gyrophoraceae +Gyrophoraceous +gyrophoric +gyropigeon +gyroplane +gyroscope +gyroscopic +gyroscopically +gyroscopics +gyrose +gyrostabilizer +Gyrostachys +gyrostat +gyrostatic +gyrostatically +gyrostatics +Gyrotheca +gyrous +gyrovagi +gyrovagues +gyrowheel +gyrus +gyte +gytling +gyve +H +h +ha +haab +haaf +Habab +habanera +Habbe +habble +habdalah +Habe +habeas +habena +habenal +habenar +Habenaria +habendum +habenula +habenular +haberdash +haberdasher +haberdasheress +haberdashery +haberdine +habergeon +habilable +habilatory +habile +habiliment +habilimentation +habilimented +habilitate +habilitation +habilitator +hability +habille +Habiri +Habiru +habit +habitability +habitable +habitableness +habitably +habitacle +habitacule +habitally +habitan +habitance +habitancy +habitant +habitat +habitate +habitation +habitational +habitative +habited +habitual +habituality +habitualize +habitually +habitualness +habituate +habituation +habitude +habitudinal +habitue +habitus +habnab +haboob +Habronema +habronemiasis +habronemic +habu +habutai +habutaye +hache +Hachiman +hachure +hacienda +hack +hackamatak +hackamore +hackbarrow +hackberry +hackbolt +hackbush +hackbut +hackbuteer +hacked +hackee +hacker +hackery +hackin +hacking +hackingly +hackle +hackleback +hackler +hacklog +hackly +hackmack +hackman +hackmatack +hackney +hackneyed +hackneyer +hackneyism +hackneyman +hacksaw +hacksilber +hackster +hackthorn +hacktree +hackwood +hacky +had +Hadassah +hadbot +hadden +haddie +haddo +haddock +haddocker +hade +Hadean +Hadendoa +Hadendowa +hadentomoid +Hadentomoidea +Hades +Hadhramautian +hading +Hadith +hadj +Hadjemi +hadji +hadland +Hadramautian +hadrome +Hadromerina +hadromycosis +hadrosaur +Hadrosaurus +haec +haecceity +Haeckelian +Haeckelism +haem +Haemamoeba +Haemanthus +Haemaphysalis +haemaspectroscope +haematherm +haemathermal +haemathermous +haematinon +haematinum +haematite +Haematobranchia +haematobranchiate +Haematocrya +haematocryal +Haematophilina +haematophiline +Haematopus +haematorrhachis +haematosepsis +Haematotherma +haematothermal +haematoxylic +haematoxylin +Haematoxylon +haemoconcentration +haemodilution +Haemodoraceae +haemodoraceous +haemoglobin +haemogram +Haemogregarina +Haemogregarinidae +haemonchiasis +haemonchosis +Haemonchus +haemony +haemophile +Haemoproteus +haemorrhage +haemorrhagia +haemorrhagic +haemorrhoid +haemorrhoidal +haemosporid +Haemosporidia +haemosporidian +Haemosporidium +Haemulidae +haemuloid +haeremai +haet +haff +haffet +haffkinize +haffle +Hafgan +hafiz +hafnium +hafnyl +haft +hafter +hag +Haganah +Hagarite +hagberry +hagboat +hagborn +hagbush +hagdon +hageen +Hagenia +hagfish +haggada +haggaday +haggadic +haggadical +haggadist +haggadistic +haggard +haggardly +haggardness +hagged +hagger +haggis +haggish +haggishly +haggishness +haggister +haggle +haggler +haggly +haggy +hagi +hagia +hagiarchy +hagiocracy +Hagiographa +hagiographal +hagiographer +hagiographic +hagiographical +hagiographist +hagiography +hagiolater +hagiolatrous +hagiolatry +hagiologic +hagiological +hagiologist +hagiology +hagiophobia +hagioscope +hagioscopic +haglet +haglike +haglin +hagride +hagrope +hagseed +hagship +hagstone +hagtaper +hagweed +hagworm +hah +Hahnemannian +Hahnemannism +Haiathalah +Haida +Haidan +Haidee +haidingerite +Haiduk +haik +haikai +haikal +Haikh +haikwan +hail +hailer +hailproof +hailse +hailshot +hailstone +hailstorm +hailweed +haily +Haimavati +hain +Hainai +Hainan +Hainanese +hainberry +haine +hair +hairband +hairbeard +hairbird +hairbrain +hairbreadth +hairbrush +haircloth +haircut +haircutter +haircutting +hairdo +hairdress +hairdresser +hairdressing +haire +haired +hairen +hairhoof +hairhound +hairif +hairiness +hairlace +hairless +hairlessness +hairlet +hairline +hairlock +hairmeal +hairmonger +hairpin +hairsplitter +hairsplitting +hairspring +hairstone +hairstreak +hairtail +hairup +hairweed +hairwood +hairwork +hairworm +hairy +Haisla +Haithal +Haitian +haje +hajib +hajilij +hak +hakam +hakdar +hake +Hakea +hakeem +hakenkreuz +Hakenkreuzler +hakim +Hakka +hako +haku +Hal +hala +halakah +halakic +halakist +halakistic +halal +halalcor +halation +Halawi +halazone +halberd +halberdier +halberdman +halberdsman +halbert +halch +halcyon +halcyonian +halcyonic +Halcyonidae +Halcyoninae +halcyonine +Haldanite +hale +halebi +Halecomorphi +haleness +Halenia +haler +halerz +Halesia +halesome +half +halfback +halfbeak +halfer +halfheaded +halfhearted +halfheartedly +halfheartedness +halfling +halfman +halfness +halfpace +halfpaced +halfpenny +halfpennyworth +halfway +halfwise +Haliaeetus +halibios +halibiotic +halibiu +halibut +halibuter +Halicarnassean +Halicarnassian +Halichondriae +halichondrine +halichondroid +Halicore +Halicoridae +halide +halidom +halieutic +halieutically +halieutics +Haligonian +Halimeda +halimous +halinous +haliographer +haliography +Haliotidae +Haliotis +haliotoid +haliplankton +haliplid +Haliplidae +Haliserites +halisteresis +halisteretic +halite +Halitheriidae +Halitherium +halitosis +halituosity +halituous +halitus +hall +hallabaloo +hallage +hallah +hallan +hallanshaker +hallebardier +hallecret +halleflinta +halleflintoid +hallel +hallelujah +hallelujatic +hallex +Halleyan +halliblash +halling +hallman +hallmark +hallmarked +hallmarker +hallmoot +halloo +Hallopididae +hallopodous +Hallopus +hallow +Hallowday +hallowed +hallowedly +hallowedness +Halloween +hallower +Hallowmas +Hallowtide +halloysite +Hallstatt +Hallstattian +hallucal +hallucinate +hallucination +hallucinational +hallucinative +hallucinator +hallucinatory +hallucined +hallucinosis +hallux +hallway +halma +halmalille +halmawise +halo +Haloa +Halobates +halobios +halobiotic +halochromism +halochromy +Halocynthiidae +haloesque +halogen +halogenate +halogenation +halogenoid +halogenous +Halogeton +halohydrin +haloid +halolike +halolimnic +halomancy +halometer +halomorphic +halophile +halophilism +halophilous +halophyte +halophytic +halophytism +Halopsyche +Halopsychidae +Haloragidaceae +haloragidaceous +Halosauridae +Halosaurus +haloscope +Halosphaera +halotrichite +haloxene +hals +halse +halsen +halsfang +halt +halter +halterbreak +halteres +Halteridium +halterproof +Haltica +halting +haltingly +haltingness +haltless +halucket +halukkah +halurgist +halurgy +halutz +halvaner +halvans +halve +halved +halvelings +halver +halves +halyard +Halysites +ham +hamacratic +Hamadan +hamadryad +Hamal +hamal +hamald +Hamamelidaceae +hamamelidaceous +Hamamelidanthemum +hamamelidin +Hamamelidoxylon +hamamelin +Hamamelis +Hamamelites +hamartiologist +hamartiology +hamartite +hamate +hamated +Hamathite +hamatum +hambergite +hamble +hambroline +hamburger +hame +hameil +hamel +Hamelia +hamesucken +hamewith +hamfat +hamfatter +hami +Hamidian +Hamidieh +hamiform +Hamilton +Hamiltonian +Hamiltonianism +Hamiltonism +hamingja +hamirostrate +Hamital +Hamite +Hamites +Hamitic +Hamiticized +Hamitism +Hamitoid +hamlah +hamlet +hamleted +hamleteer +hamletization +hamletize +hamlinite +hammada +hammam +hammer +hammerable +hammerbird +hammercloth +hammerdress +hammerer +hammerfish +hammerhead +hammerheaded +hammering +hammeringly +hammerkop +hammerless +hammerlike +hammerman +hammersmith +hammerstone +hammertoe +hammerwise +hammerwork +hammerwort +hammochrysos +hammock +hammy +hamose +hamous +hamper +hamperedly +hamperedness +hamperer +hamperman +Hampshire +hamrongite +hamsa +hamshackle +hamster +hamstring +hamular +hamulate +hamule +Hamulites +hamulose +hamulus +hamus +hamza +han +Hanafi +Hanafite +hanaper +hanaster +Hanbalite +hanbury +hance +hanced +hanch +hancockite +hand +handbag +handball +handballer +handbank +handbanker +handbarrow +handbill +handblow +handbolt +handbook +handbow +handbreadth +handcar +handcart +handclap +handclasp +handcloth +handcraft +handcraftman +handcraftsman +handcuff +handed +handedness +Handelian +hander +handersome +handfast +handfasting +handfastly +handfastness +handflower +handful +handgrasp +handgravure +handgrip +handgriping +handgun +handhaving +handhold +handhole +handicap +handicapped +handicapper +handicraft +handicraftship +handicraftsman +handicraftsmanship +handicraftswoman +handicuff +handily +handiness +handistroke +handiwork +handkercher +handkerchief +handkerchiefful +handlaid +handle +handleable +handled +handleless +handler +handless +handlike +handling +handmade +handmaid +handmaiden +handmaidenly +handout +handpost +handprint +handrail +handrailing +handreader +handreading +handsale +handsaw +handsbreadth +handscrape +handsel +handseller +handset +handshake +handshaker +handshaking +handsmooth +handsome +handsomeish +handsomely +handsomeness +handspade +handspike +handspoke +handspring +handstaff +handstand +handstone +handstroke +handwear +handwheel +handwhile +handwork +handworkman +handwrist +handwrite +handwriting +handy +handyblow +handybook +handygrip +hangability +hangable +hangalai +hangar +hangbird +hangby +hangdog +hange +hangee +hanger +hangfire +hangie +hanging +hangingly +hangkang +hangle +hangman +hangmanship +hangment +hangnail +hangnest +hangout +hangul +hangwoman +hangworm +hangworthy +hanif +hanifism +hanifite +hanifiya +Hank +hank +hanker +hankerer +hankering +hankeringly +hankie +hankle +hanksite +hanky +hanna +hannayite +Hannibal +Hannibalian +Hannibalic +Hano +Hanoverian +Hanoverianize +Hanoverize +Hans +hansa +Hansard +Hansardization +Hansardize +Hanse +hanse +Hanseatic +hansel +hansgrave +hansom +hant +hantle +Hanukkah +Hanuman +hao +haole +haoma +haori +hap +Hapale +Hapalidae +hapalote +Hapalotis +hapaxanthous +haphazard +haphazardly +haphazardness +haphtarah +Hapi +hapless +haplessly +haplessness +haplite +haplocaulescent +haplochlamydeous +Haplodoci +Haplodon +haplodont +haplodonty +haplography +haploid +haploidic +haploidy +haplolaly +haplologic +haplology +haploma +Haplomi +haplomid +haplomous +haplont +haploperistomic +haploperistomous +haplopetalous +haplophase +haplophyte +haploscope +haploscopic +haplosis +haplostemonous +haplotype +haply +happen +happening +happenstance +happier +happiest +happify +happiless +happily +happiness +happing +happy +hapten +haptene +haptenic +haptere +hapteron +haptic +haptics +haptometer +haptophor +haptophoric +haptophorous +haptotropic +haptotropically +haptotropism +hapu +hapuku +haqueton +harakeke +harangue +harangueful +haranguer +Hararese +Harari +harass +harassable +harassedly +harasser +harassingly +harassment +haratch +Haratin +Haraya +Harb +harbergage +harbi +harbinge +harbinger +harbingership +harbingery +harbor +harborage +harborer +harborless +harborous +harborside +harborward +hard +hardanger +hardback +hardbake +hardbeam +hardberry +harden +hardenable +Hardenbergia +hardener +hardening +hardenite +harder +Harderian +hardfern +hardfist +hardfisted +hardfistedness +hardhack +hardhanded +hardhandedness +hardhead +hardheaded +hardheadedly +hardheadedness +hardhearted +hardheartedly +hardheartedness +hardihood +hardily +hardim +hardiment +hardiness +hardish +hardishrew +hardly +hardmouth +hardmouthed +hardness +hardock +hardpan +hardship +hardstand +hardstanding +hardtack +hardtail +hardware +hardwareman +Hardwickia +hardwood +hardy +hardystonite +hare +harebell +harebottle +harebrain +harebrained +harebrainedly +harebrainedness +harebur +harefoot +harefooted +harehearted +harehound +Harelda +harelike +harelip +harelipped +harem +haremism +haremlik +harengiform +harfang +haricot +harigalds +hariolate +hariolation +hariolize +harish +hark +harka +harl +Harleian +Harlemese +Harlemite +harlequin +harlequina +harlequinade +harlequinery +harlequinesque +harlequinic +harlequinism +harlequinize +harling +harlock +harlot +harlotry +harm +Harmachis +harmal +harmala +harmaline +harman +harmattan +harmel +harmer +harmful +harmfully +harmfulness +harmine +harminic +harmless +harmlessly +harmlessness +Harmon +harmonia +harmoniacal +harmonial +harmonic +harmonica +harmonical +harmonically +harmonicalness +harmonichord +harmonici +harmonicism +harmonicon +harmonics +harmonious +harmoniously +harmoniousness +harmoniphon +harmoniphone +harmonist +harmonistic +harmonistically +Harmonite +harmonium +harmonizable +harmonization +harmonize +harmonizer +harmonogram +harmonograph +harmonometer +harmony +harmost +harmotome +harmotomic +harmproof +harn +harness +harnesser +harnessry +harnpan +Harold +harp +Harpa +harpago +harpagon +Harpagornis +Harpalides +Harpalinae +Harpalus +harper +harperess +Harpidae +harpier +harpings +harpist +harpless +harplike +Harpocrates +harpoon +harpooner +Harporhynchus +harpress +harpsichord +harpsichordist +harpula +Harpullia +harpwaytuning +harpwise +Harpy +Harpyia +harpylike +harquebus +harquebusade +harquebusier +harr +harrateen +harridan +harrier +Harris +Harrisia +harrisite +Harrovian +harrow +harrower +harrowing +harrowingly +harrowingness +harrowment +Harry +harry +harsh +harshen +harshish +harshly +harshness +harshweed +harstigite +hart +hartal +hartberry +hartebeest +hartin +hartite +Hartleian +Hartleyan +Hartmann +Hartmannia +Hartogia +hartshorn +hartstongue +harttite +Hartungen +haruspex +haruspical +haruspicate +haruspication +haruspice +haruspices +haruspicy +Harv +Harvard +Harvardian +Harvardize +Harveian +harvest +harvestbug +harvester +harvestless +harvestman +harvestry +harvesttime +Harvey +Harveyize +harzburgite +hasan +hasenpfeffer +hash +hashab +hasher +Hashimite +hashish +Hashiya +hashy +Hasidean +Hasidic +Hasidim +Hasidism +Hasinai +hask +Haskalah +haskness +hasky +haslet +haslock +Hasmonaean +hasp +hassar +hassel +hassle +hassock +hassocky +hasta +hastate +hastately +hastati +hastatolanceolate +hastatosagittate +haste +hasteful +hastefully +hasteless +hastelessness +hasten +hastener +hasteproof +haster +hastilude +hastily +hastiness +hastings +hastingsite +hastish +hastler +hasty +hat +hatable +hatband +hatbox +hatbrim +hatbrush +hatch +hatchability +hatchable +hatchel +hatcheler +hatcher +hatchery +hatcheryman +hatchet +hatchetback +hatchetfish +hatchetlike +hatchetman +hatchettine +hatchettolite +hatchety +hatchgate +hatching +hatchling +hatchman +hatchment +hatchminder +hatchway +hatchwayman +hate +hateable +hateful +hatefully +hatefulness +hateless +hatelessness +hater +hatful +hath +hatherlite +hathi +Hathor +Hathoric +Hati +Hatikvah +hatless +hatlessness +hatlike +hatmaker +hatmaking +hatpin +hatrack +hatrail +hatred +hatress +hatstand +hatt +hatted +Hattemist +hatter +Hatteria +hattery +Hatti +Hattic +Hattie +hatting +Hattism +Hattize +hattock +Hatty +hatty +hau +hauberget +hauberk +hauchecornite +hauerite +haugh +haughland +haught +haughtily +haughtiness +haughtly +haughtness +haughtonite +haughty +haul +haulabout +haulage +haulageway +haulback +hauld +hauler +haulier +haulm +haulmy +haulster +haunch +haunched +hauncher +haunching +haunchless +haunchy +haunt +haunter +hauntingly +haunty +Hauranitic +hauriant +haurient +Hausa +hause +hausen +hausmannite +hausse +Haussmannization +Haussmannize +haustellate +haustellated +haustellous +haustellum +haustement +haustorial +haustorium +haustral +haustrum +hautboy +hautboyist +hauteur +hauynite +hauynophyre +havage +Havaiki +Havaikian +Havana +Havanese +have +haveable +haveage +havel +haveless +havelock +haven +havenage +havener +havenership +havenet +havenful +havenless +havent +havenward +haver +havercake +haverel +haverer +havergrass +havermeal +havers +haversack +Haversian +haversine +havier +havildar +havingness +havoc +havocker +haw +Hawaiian +hawaiite +hawbuck +hawcubite +hawer +hawfinch +Hawiya +hawk +hawkbill +hawkbit +hawked +hawker +hawkery +Hawkeye +hawkie +hawking +hawkish +hawklike +hawknut +hawkweed +hawkwise +hawky +hawm +hawok +Haworthia +hawse +hawsehole +hawseman +hawsepiece +hawsepipe +hawser +hawserwise +hawthorn +hawthorned +hawthorny +hay +haya +hayband +haybird +haybote +haycap +haycart +haycock +haydenite +hayey +hayfield +hayfork +haygrower +haylift +hayloft +haymaker +haymaking +haymarket +haymow +hayrack +hayrake +hayraker +hayrick +hayseed +haysel +haystack +haysuck +haytime +hayward +hayweed +haywire +hayz +Hazara +hazard +hazardable +hazarder +hazardful +hazardize +hazardless +hazardous +hazardously +hazardousness +hazardry +haze +Hazel +hazel +hazeled +hazeless +hazelly +hazelnut +hazelwood +hazelwort +hazen +hazer +hazily +haziness +hazing +hazle +haznadar +hazy +hazzan +he +head +headache +headachy +headband +headbander +headboard +headborough +headcap +headchair +headcheese +headchute +headcloth +headdress +headed +headender +header +headfirst +headforemost +headframe +headful +headgear +headily +headiness +heading +headkerchief +headland +headledge +headless +headlessness +headlight +headlighting +headlike +headline +headliner +headlock +headlong +headlongly +headlongs +headlongwise +headman +headmark +headmaster +headmasterly +headmastership +headmistress +headmistressship +headmold +headmost +headnote +headpenny +headphone +headpiece +headplate +headpost +headquarter +headquarters +headrace +headrail +headreach +headrent +headrest +headright +headring +headroom +headrope +headsail +headset +headshake +headship +headsill +headskin +headsman +headspring +headstall +headstand +headstick +headstock +headstone +headstream +headstrong +headstrongly +headstrongness +headwaiter +headwall +headward +headwark +headwater +headway +headwear +headwork +headworker +headworking +heady +heaf +heal +healable +heald +healder +healer +healful +healing +healingly +healless +healsome +healsomeness +health +healthcraft +healthful +healthfully +healthfulness +healthguard +healthily +healthiness +healthless +healthlessness +healthsome +healthsomely +healthsomeness +healthward +healthy +heap +heaper +heaps +heapstead +heapy +hear +hearable +hearer +hearing +hearingless +hearken +hearkener +hearsay +hearse +hearsecloth +hearselike +hearst +heart +heartache +heartaching +heartbeat +heartbird +heartblood +heartbreak +heartbreaker +heartbreaking +heartbreakingly +heartbroken +heartbrokenly +heartbrokenness +heartburn +heartburning +heartdeep +heartease +hearted +heartedly +heartedness +hearten +heartener +heartening +hearteningly +heartfelt +heartful +heartfully +heartfulness +heartgrief +hearth +hearthless +hearthman +hearthpenny +hearthrug +hearthstead +hearthstone +hearthward +hearthwarming +heartikin +heartily +heartiness +hearting +heartland +heartleaf +heartless +heartlessly +heartlessness +heartlet +heartling +heartly +heartnut +heartpea +heartquake +heartroot +hearts +heartscald +heartsease +heartseed +heartsette +heartsick +heartsickening +heartsickness +heartsome +heartsomely +heartsomeness +heartsore +heartstring +heartthrob +heartward +heartwater +heartweed +heartwise +heartwood +heartwort +hearty +heat +heatable +heatdrop +heatedly +heater +heaterman +heatful +heath +heathberry +heathbird +heathen +heathendom +heatheness +heathenesse +heathenhood +heathenish +heathenishly +heathenishness +heathenism +heathenize +heathenness +heathenry +heathenship +Heather +heather +heathered +heatheriness +heathery +heathless +heathlike +heathwort +heathy +heating +heatingly +heatless +heatlike +heatmaker +heatmaking +heatproof +heatronic +heatsman +heatstroke +heaume +heaumer +heautarit +heautomorphism +Heautontimorumenos +heautophany +heave +heaveless +heaven +Heavenese +heavenful +heavenhood +heavenish +heavenishly +heavenize +heavenless +heavenlike +heavenliness +heavenly +heavens +heavenward +heavenwardly +heavenwardness +heavenwards +heaver +heavies +heavily +heaviness +heaving +heavisome +heavity +heavy +heavyback +heavyhanded +heavyhandedness +heavyheaded +heavyhearted +heavyheartedness +heavyweight +hebamic +hebdomad +hebdomadal +hebdomadally +hebdomadary +hebdomader +hebdomarian +hebdomary +hebeanthous +hebecarpous +hebecladous +hebegynous +hebenon +hebeosteotomy +hebepetalous +hebephrenia +hebephrenic +hebetate +hebetation +hebetative +hebete +hebetic +hebetomy +hebetude +hebetudinous +Hebraean +Hebraic +Hebraica +Hebraical +Hebraically +Hebraicize +Hebraism +Hebraist +Hebraistic +Hebraistical +Hebraistically +Hebraization +Hebraize +Hebraizer +Hebrew +Hebrewdom +Hebrewess +Hebrewism +Hebrician +Hebridean +Hebronite +hebronite +hecastotheism +Hecate +Hecatean +Hecatic +Hecatine +hecatomb +Hecatombaeon +hecatomped +hecatompedon +hecatonstylon +hecatontarchy +hecatontome +hecatophyllous +hech +Hechtia +heck +heckelphone +Heckerism +heckimal +heckle +heckler +hectare +hecte +hectic +hectical +hectically +hecticly +hecticness +hectocotyl +hectocotyle +hectocotyliferous +hectocotylization +hectocotylize +hectocotylus +hectogram +hectograph +hectographic +hectography +hectoliter +hectometer +Hector +hector +Hectorean +Hectorian +hectoringly +hectorism +hectorly +hectorship +hectostere +hectowatt +heddle +heddlemaker +heddler +hedebo +hedenbergite +Hedeoma +heder +Hedera +hederaceous +hederaceously +hederated +hederic +hederiferous +hederiform +hederigerent +hederin +hederose +hedge +hedgeberry +hedgeborn +hedgebote +hedgebreaker +hedgehog +hedgehoggy +hedgehop +hedgehopper +hedgeless +hedgemaker +hedgemaking +hedger +hedgerow +hedgesmith +hedgeweed +hedgewise +hedgewood +hedging +hedgingly +hedgy +hedonic +hedonical +hedonically +hedonics +hedonism +hedonist +hedonistic +hedonistically +hedonology +hedriophthalmous +hedrocele +hedrumite +Hedychium +hedyphane +Hedysarum +heed +heeder +heedful +heedfully +heedfulness +heedily +heediness +heedless +heedlessly +heedlessness +heedy +heehaw +heel +heelball +heelband +heelcap +heeled +heeler +heelgrip +heelless +heelmaker +heelmaking +heelpath +heelpiece +heelplate +heelpost +heelprint +heelstrap +heeltap +heeltree +heemraad +heer +heeze +heezie +heezy +heft +hefter +heftily +heftiness +hefty +hegari +Hegelian +Hegelianism +Hegelianize +Hegelizer +hegemon +hegemonic +hegemonical +hegemonist +hegemonizer +hegemony +hegira +hegumen +hegumene +Hehe +hei +heiau +Heidi +heifer +heiferhood +heigh +heighday +height +heighten +heightener +heii +Heikum +Heiltsuk +heimin +Hein +Heinesque +Heinie +heinous +heinously +heinousness +Heinrich +heintzite +Heinz +heir +heirdom +heiress +heiressdom +heiresshood +heirless +heirloom +heirship +heirskip +heitiki +Hejazi +Hejazian +hekteus +helbeh +helcoid +helcology +helcoplasty +helcosis +helcotic +heldentenor +helder +Helderbergian +hele +Helen +Helena +helenin +helenioid +Helenium +Helenus +helepole +Helge +heliacal +heliacally +Heliaea +heliaean +Heliamphora +Heliand +helianthaceous +Helianthemum +helianthic +helianthin +Helianthium +Helianthoidea +Helianthoidean +Helianthus +heliast +heliastic +heliazophyte +helical +helically +heliced +helices +helichryse +helichrysum +Helicidae +heliciform +helicin +Helicina +helicine +Helicinidae +helicitic +helicline +helicograph +helicogyrate +helicogyre +helicoid +helicoidal +helicoidally +helicometry +helicon +Heliconia +Heliconian +Heliconiidae +Heliconiinae +heliconist +Heliconius +helicoprotein +helicopter +helicorubin +helicotrema +Helicteres +helictite +helide +Heligmus +heling +helio +heliocentric +heliocentrical +heliocentrically +heliocentricism +heliocentricity +heliochrome +heliochromic +heliochromoscope +heliochromotype +heliochromy +helioculture +heliodon +heliodor +helioelectric +helioengraving +heliofugal +Heliogabalize +Heliogabalus +heliogram +heliograph +heliographer +heliographic +heliographical +heliographically +heliography +heliogravure +helioid +heliolater +heliolatrous +heliolatry +heliolite +Heliolites +heliolithic +Heliolitidae +heliologist +heliology +heliometer +heliometric +heliometrical +heliometrically +heliometry +heliomicrometer +Helion +heliophilia +heliophiliac +heliophilous +heliophobe +heliophobia +heliophobic +heliophobous +heliophotography +heliophyllite +heliophyte +Heliopora +Helioporidae +Heliopsis +heliopticon +Heliornis +Heliornithes +Heliornithidae +Helios +helioscope +helioscopic +helioscopy +heliosis +heliostat +heliostatic +heliotactic +heliotaxis +heliotherapy +heliothermometer +Heliothis +heliotrope +heliotroper +Heliotropiaceae +heliotropian +heliotropic +heliotropical +heliotropically +heliotropine +heliotropism +Heliotropium +heliotropy +heliotype +heliotypic +heliotypically +heliotypography +heliotypy +Heliozoa +heliozoan +heliozoic +heliport +Helipterum +helispheric +helispherical +helium +helix +helizitic +hell +Helladian +Helladic +Helladotherium +hellandite +hellanodic +hellbender +hellborn +hellbox +hellbred +hellbroth +hellcat +helldog +helleboraceous +helleboraster +hellebore +helleborein +helleboric +helleborin +Helleborine +helleborism +Helleborus +Hellelt +Hellen +Hellene +Hellenian +Hellenic +Hellenically +Hellenicism +Hellenism +Hellenist +Hellenistic +Hellenistical +Hellenistically +Hellenisticism +Hellenization +Hellenize +Hellenizer +Hellenocentric +Hellenophile +heller +helleri +Hellespont +Hellespontine +hellgrammite +hellhag +hellhole +hellhound +hellicat +hellier +hellion +hellish +hellishly +hellishness +hellkite +hellness +hello +hellroot +hellship +helluo +hellward +hellweed +helly +helm +helmage +helmed +helmet +helmeted +helmetlike +helmetmaker +helmetmaking +Helmholtzian +helminth +helminthagogic +helminthagogue +Helminthes +helminthiasis +helminthic +helminthism +helminthite +Helminthocladiaceae +helminthoid +helminthologic +helminthological +helminthologist +helminthology +helminthosporiose +Helminthosporium +helminthosporoid +helminthous +helmless +helmsman +helmsmanship +helobious +heloderm +Heloderma +Helodermatidae +helodermatoid +helodermatous +helodes +heloe +heloma +Helonias +helonin +helosis +Helot +helotage +helotism +helotize +helotomy +helotry +help +helpable +helper +helpful +helpfully +helpfulness +helping +helpingly +helpless +helplessly +helplessness +helply +helpmate +helpmeet +helpsome +helpworthy +helsingkite +helve +helvell +Helvella +Helvellaceae +helvellaceous +Helvellales +helvellic +helver +Helvetia +Helvetian +Helvetic +Helvetii +Helvidian +helvite +hem +hemabarometer +hemachate +hemachrome +hemachrosis +hemacite +hemad +hemadrometer +hemadrometry +hemadromograph +hemadromometer +hemadynameter +hemadynamic +hemadynamics +hemadynamometer +hemafibrite +hemagglutinate +hemagglutination +hemagglutinative +hemagglutinin +hemagogic +hemagogue +hemal +hemalbumen +hemamoeba +hemangioma +hemangiomatosis +hemangiosarcoma +hemaphein +hemapod +hemapodous +hemapoiesis +hemapoietic +hemapophyseal +hemapophysial +hemapophysis +hemarthrosis +hemase +hemaspectroscope +hemastatics +hematachometer +hematachometry +hematal +hematein +hematemesis +hematemetic +hematencephalon +hematherapy +hematherm +hemathermal +hemathermous +hemathidrosis +hematic +hematid +hematidrosis +hematimeter +hematin +hematinic +hematinometer +hematinometric +hematinuria +hematite +hematitic +hematobic +hematobious +hematobium +hematoblast +hematobranchiate +hematocatharsis +hematocathartic +hematocele +hematochezia +hematochrome +hematochyluria +hematoclasia +hematoclasis +hematocolpus +hematocrit +hematocryal +hematocrystallin +hematocyanin +hematocyst +hematocystis +hematocyte +hematocytoblast +hematocytogenesis +hematocytometer +hematocytotripsis +hematocytozoon +hematocyturia +hematodynamics +hematodynamometer +hematodystrophy +hematogen +hematogenesis +hematogenetic +hematogenic +hematogenous +hematoglobulin +hematography +hematohidrosis +hematoid +hematoidin +hematolin +hematolite +hematological +hematologist +hematology +hematolymphangioma +hematolysis +hematolytic +hematoma +hematomancy +hematometer +hematometra +hematometry +hematomphalocele +hematomyelia +hematomyelitis +hematonephrosis +hematonic +hematopathology +hematopericardium +hematopexis +hematophobia +hematophyte +hematoplast +hematoplastic +hematopoiesis +hematopoietic +hematoporphyrin +hematoporphyrinuria +hematorrhachis +hematorrhea +hematosalpinx +hematoscope +hematoscopy +hematose +hematosepsis +hematosin +hematosis +hematospectrophotometer +hematospectroscope +hematospermatocele +hematospermia +hematostibiite +hematotherapy +hematothermal +hematothorax +hematoxic +hematozoal +hematozoan +hematozoic +hematozoon +hematozymosis +hematozymotic +hematuresis +hematuria +hematuric +hemautogram +hemautograph +hemautographic +hemautography +heme +hemellitene +hemellitic +hemelytral +hemelytron +hemen +hemera +hemeralope +hemeralopia +hemeralopic +Hemerobaptism +Hemerobaptist +Hemerobian +Hemerobiid +Hemerobiidae +Hemerobius +Hemerocallis +hemerologium +hemerology +hemerythrin +hemiablepsia +hemiacetal +hemiachromatopsia +hemiageusia +hemiageustia +hemialbumin +hemialbumose +hemialbumosuria +hemialgia +hemiamaurosis +hemiamb +hemiamblyopia +hemiamyosthenia +hemianacusia +hemianalgesia +hemianatropous +hemianesthesia +hemianopia +hemianopic +hemianopsia +hemianoptic +hemianosmia +hemiapraxia +Hemiascales +Hemiasci +Hemiascomycetes +hemiasynergia +hemiataxia +hemiataxy +hemiathetosis +hemiatrophy +hemiazygous +Hemibasidiales +Hemibasidii +Hemibasidiomycetes +hemibasidium +hemibathybian +hemibenthic +hemibenthonic +hemibranch +hemibranchiate +Hemibranchii +hemic +hemicanities +hemicardia +hemicardiac +hemicarp +hemicatalepsy +hemicataleptic +hemicellulose +hemicentrum +hemicephalous +hemicerebrum +Hemichorda +hemichordate +hemichorea +hemichromatopsia +hemicircle +hemicircular +hemiclastic +hemicollin +hemicrane +hemicrania +hemicranic +hemicrany +hemicrystalline +hemicycle +hemicyclic +hemicyclium +hemicylindrical +hemidactylous +Hemidactylus +hemidemisemiquaver +hemidiapente +hemidiaphoresis +hemiditone +hemidomatic +hemidome +hemidrachm +hemidysergia +hemidysesthesia +hemidystrophy +hemiekton +hemielliptic +hemiepilepsy +hemifacial +hemiform +Hemigale +Hemigalus +Hemiganus +hemigastrectomy +hemigeusia +hemiglossal +hemiglossitis +hemiglyph +hemignathous +hemihdry +hemihedral +hemihedrally +hemihedric +hemihedrism +hemihedron +hemiholohedral +hemihydrate +hemihydrated +hemihydrosis +hemihypalgesia +hemihyperesthesia +hemihyperidrosis +hemihypertonia +hemihypertrophy +hemihypesthesia +hemihypoesthesia +hemihypotonia +hemikaryon +hemikaryotic +hemilaminectomy +hemilaryngectomy +Hemileia +hemilethargy +hemiligulate +hemilingual +hemimellitene +hemimellitic +hemimelus +Hemimeridae +Hemimerus +Hemimetabola +hemimetabole +hemimetabolic +hemimetabolism +hemimetabolous +hemimetaboly +hemimetamorphic +hemimetamorphosis +hemimetamorphous +hemimorph +hemimorphic +hemimorphism +hemimorphite +hemimorphy +Hemimyaria +hemin +hemina +hemine +heminee +hemineurasthenia +hemiobol +hemiolia +hemiolic +hemionus +hemiope +hemiopia +hemiopic +hemiorthotype +hemiparalysis +hemiparanesthesia +hemiparaplegia +hemiparasite +hemiparasitic +hemiparasitism +hemiparesis +hemiparesthesia +hemiparetic +hemipenis +hemipeptone +hemiphrase +hemipic +hemipinnate +hemiplane +hemiplankton +hemiplegia +hemiplegic +hemiplegy +hemipodan +hemipode +Hemipodii +Hemipodius +hemiprism +hemiprismatic +hemiprotein +hemipter +Hemiptera +hemipteral +hemipteran +hemipteroid +hemipterological +hemipterology +hemipteron +hemipterous +hemipyramid +hemiquinonoid +hemiramph +Hemiramphidae +Hemiramphinae +hemiramphine +Hemiramphus +hemisaprophyte +hemisaprophytic +hemiscotosis +hemisect +hemisection +hemispasm +hemispheral +hemisphere +hemisphered +hemispherical +hemispherically +hemispheroid +hemispheroidal +hemispherule +hemistater +hemistich +hemistichal +hemistrumectomy +hemisymmetrical +hemisymmetry +hemisystole +hemiterata +hemiteratic +hemiteratics +hemiteria +hemiterpene +hemitery +hemithyroidectomy +hemitone +hemitremor +hemitrichous +hemitriglyph +hemitropal +hemitrope +hemitropic +hemitropism +hemitropous +hemitropy +hemitype +hemitypic +hemivagotony +heml +hemlock +hemmel +hemmer +hemoalkalimeter +hemoblast +hemochromatosis +hemochrome +hemochromogen +hemochromometer +hemochromometry +hemoclasia +hemoclasis +hemoclastic +hemocoel +hemocoele +hemocoelic +hemocoelom +hemoconcentration +hemoconia +hemoconiosis +hemocry +hemocrystallin +hemoculture +hemocyanin +hemocyte +hemocytoblast +hemocytogenesis +hemocytolysis +hemocytometer +hemocytotripsis +hemocytozoon +hemocyturia +hemodiagnosis +hemodilution +hemodrometer +hemodrometry +hemodromograph +hemodromometer +hemodynameter +hemodynamic +hemodynamics +hemodystrophy +hemoerythrin +hemoflagellate +hemofuscin +hemogastric +hemogenesis +hemogenetic +hemogenic +hemogenous +hemoglobic +hemoglobin +hemoglobinemia +hemoglobiniferous +hemoglobinocholia +hemoglobinometer +hemoglobinophilic +hemoglobinous +hemoglobinuria +hemoglobinuric +hemoglobulin +hemogram +hemogregarine +hemoid +hemokonia +hemokoniosis +hemol +hemoleucocyte +hemoleucocytic +hemologist +hemology +hemolymph +hemolymphatic +hemolysin +hemolysis +hemolytic +hemolyze +hemomanometer +hemometer +hemometry +hemonephrosis +hemopathology +hemopathy +hemopericardium +hemoperitoneum +hemopexis +hemophage +hemophagia +hemophagocyte +hemophagocytosis +hemophagous +hemophagy +hemophile +Hemophileae +hemophilia +hemophiliac +hemophilic +Hemophilus +hemophobia +hemophthalmia +hemophthisis +hemopiezometer +hemoplasmodium +hemoplastic +hemopneumothorax +hemopod +hemopoiesis +hemopoietic +hemoproctia +hemoptoe +hemoptysis +hemopyrrole +hemorrhage +hemorrhagic +hemorrhagin +hemorrhea +hemorrhodin +hemorrhoid +hemorrhoidal +hemorrhoidectomy +hemosalpinx +hemoscope +hemoscopy +hemosiderin +hemosiderosis +hemospasia +hemospastic +hemospermia +hemosporid +hemosporidian +hemostasia +hemostasis +hemostat +hemostatic +hemotachometer +hemotherapeutics +hemotherapy +hemothorax +hemotoxic +hemotoxin +hemotrophe +hemotropic +hemozoon +hemp +hempbush +hempen +hemplike +hempseed +hempstring +hempweed +hempwort +hempy +hemstitch +hemstitcher +hen +henad +henbane +henbill +henbit +hence +henceforth +henceforward +henceforwards +henchboy +henchman +henchmanship +hencoop +hencote +hend +hendecacolic +hendecagon +hendecagonal +hendecahedron +hendecane +hendecasemic +hendecasyllabic +hendecasyllable +hendecatoic +hendecoic +hendecyl +hendiadys +hendly +hendness +heneicosane +henequen +henfish +henhearted +henhouse +henhussy +henism +henlike +henmoldy +henna +Hennebique +hennery +hennin +hennish +henny +henogeny +henotheism +henotheist +henotheistic +henotic +henpeck +henpen +Henrician +Henrietta +henroost +Henry +henry +hent +Hentenian +henter +hentriacontane +henware +henwife +henwise +henwoodite +henyard +heortological +heortologion +heortology +hep +hepar +heparin +heparinize +hepatalgia +hepatatrophia +hepatatrophy +hepatauxe +hepatectomy +hepatic +Hepatica +hepatica +Hepaticae +hepatical +hepaticoduodenostomy +hepaticoenterostomy +hepaticogastrostomy +hepaticologist +hepaticology +hepaticopulmonary +hepaticostomy +hepaticotomy +hepatite +hepatitis +hepatization +hepatize +hepatocele +hepatocirrhosis +hepatocolic +hepatocystic +hepatoduodenal +hepatoduodenostomy +hepatodynia +hepatodysentery +hepatoenteric +hepatoflavin +hepatogastric +hepatogenic +hepatogenous +hepatography +hepatoid +hepatolenticular +hepatolith +hepatolithiasis +hepatolithic +hepatological +hepatologist +hepatology +hepatolysis +hepatolytic +hepatoma +hepatomalacia +hepatomegalia +hepatomegaly +hepatomelanosis +hepatonephric +hepatopathy +hepatoperitonitis +hepatopexia +hepatopexy +hepatophlebitis +hepatophlebotomy +hepatophyma +hepatopneumonic +hepatoportal +hepatoptosia +hepatoptosis +hepatopulmonary +hepatorenal +hepatorrhagia +hepatorrhaphy +hepatorrhea +hepatorrhexis +hepatorrhoea +hepatoscopy +hepatostomy +hepatotherapy +hepatotomy +hepatotoxemia +hepatoumbilical +hepcat +Hephaesteum +Hephaestian +Hephaestic +Hephaestus +hephthemimer +hephthemimeral +hepialid +Hepialidae +Hepialus +heppen +hepper +heptacapsular +heptace +heptachord +heptachronous +heptacolic +heptacosane +heptad +heptadecane +heptadecyl +heptaglot +heptagon +heptagonal +heptagynous +heptahedral +heptahedrical +heptahedron +heptahexahedral +heptahydrate +heptahydrated +heptahydric +heptahydroxy +heptal +heptameride +Heptameron +heptamerous +heptameter +heptamethylene +heptametrical +heptanaphthene +Heptanchus +heptandrous +heptane +Heptanesian +heptangular +heptanoic +heptanone +heptapetalous +heptaphyllous +heptaploid +heptaploidy +heptapodic +heptapody +heptarch +heptarchal +heptarchic +heptarchical +heptarchist +heptarchy +heptasemic +heptasepalous +heptaspermous +heptastich +heptastrophic +heptastylar +heptastyle +heptasulphide +heptasyllabic +Heptateuch +heptatomic +heptatonic +Heptatrema +heptavalent +heptene +hepteris +heptine +heptite +heptitol +heptoic +heptorite +heptose +heptoxide +Heptranchias +heptyl +heptylene +heptylic +heptyne +her +Heraclean +Heracleidan +Heracleonite +Heracleopolitan +Heracleopolite +Heracleum +Heraclid +Heraclidae +Heraclidan +Heraclitean +Heracliteanism +Heraclitic +Heraclitical +Heraclitism +Herakles +herald +heraldess +heraldic +heraldical +heraldically +heraldist +heraldize +heraldress +heraldry +heraldship +herapathite +Herat +Herb +herb +herbaceous +herbaceously +herbage +herbaged +herbager +herbagious +herbal +herbalism +herbalist +herbalize +herbane +herbaria +herbarial +herbarian +herbarism +herbarist +herbarium +herbarize +Herbartian +Herbartianism +herbary +Herbert +herbescent +herbicidal +herbicide +herbicolous +herbiferous +herbish +herbist +Herbivora +herbivore +herbivority +herbivorous +herbless +herblet +herblike +herbman +herborist +herborization +herborize +herborizer +herbose +herbosity +herbous +herbwife +herbwoman +herby +hercogamous +hercogamy +Herculanean +Herculanensian +Herculanian +Herculean +Hercules +Herculid +Hercynian +hercynite +herd +herdbook +herdboy +herder +herderite +herdic +herding +herdship +herdsman +herdswoman +herdwick +here +hereabout +hereadays +hereafter +hereafterward +hereamong +hereat +hereaway +hereaways +herebefore +hereby +heredipetous +heredipety +hereditability +hereditable +hereditably +hereditament +hereditarian +hereditarianism +hereditarily +hereditariness +hereditarist +hereditary +hereditation +hereditative +hereditism +hereditist +hereditivity +heredity +heredium +heredofamilial +heredolues +heredoluetic +heredosyphilis +heredosyphilitic +heredosyphilogy +heredotuberculosis +Hereford +herefrom +heregeld +herein +hereinabove +hereinafter +hereinbefore +hereinto +herem +hereness +hereniging +hereof +hereon +hereright +Herero +heresiarch +heresimach +heresiographer +heresiography +heresiologer +heresiologist +heresiology +heresy +heresyphobia +heresyproof +heretic +heretical +heretically +hereticalness +hereticate +heretication +hereticator +hereticide +hereticize +hereto +heretoch +heretofore +heretoforetime +heretoga +heretrix +hereunder +hereunto +hereupon +hereward +herewith +herewithal +herile +heriot +heriotable +herisson +heritability +heritable +heritably +heritage +heritance +Heritiera +heritor +heritress +heritrix +herl +herling +herma +hermaean +hermaic +Herman +hermaphrodite +hermaphroditic +hermaphroditical +hermaphroditically +hermaphroditish +hermaphroditism +hermaphroditize +Hermaphroditus +hermeneut +hermeneutic +hermeneutical +hermeneutically +hermeneutics +hermeneutist +Hermes +Hermesian +Hermesianism +Hermetic +hermetic +hermetical +hermetically +hermeticism +Hermetics +Hermetism +Hermetist +hermidin +Herminone +Hermione +Hermit +hermit +hermitage +hermitary +hermitess +hermitic +hermitical +hermitically +hermitish +hermitism +hermitize +hermitry +hermitship +Hermo +hermodact +hermodactyl +Hermogenian +hermoglyphic +hermoglyphist +hermokopid +hern +Hernandia +Hernandiaceae +hernandiaceous +hernanesell +hernani +hernant +herne +hernia +hernial +Herniaria +herniarin +herniary +herniate +herniated +herniation +hernioenterotomy +hernioid +herniology +herniopuncture +herniorrhaphy +herniotome +herniotomist +herniotomy +hero +heroarchy +Herodian +herodian +Herodianic +Herodii +Herodiones +herodionine +heroess +herohead +herohood +heroic +heroical +heroically +heroicalness +heroicity +heroicly +heroicness +heroicomic +heroicomical +heroid +Heroides +heroify +Heroin +heroin +heroine +heroineship +heroinism +heroinize +heroism +heroistic +heroization +heroize +herolike +heromonger +heron +heroner +heronite +heronry +heroogony +heroologist +heroology +Herophile +Herophilist +heroship +herotheism +herpes +Herpestes +Herpestinae +herpestine +herpetic +herpetiform +herpetism +herpetography +herpetoid +herpetologic +herpetological +herpetologically +herpetologist +herpetology +herpetomonad +Herpetomonas +herpetophobia +herpetotomist +herpetotomy +herpolhode +Herpotrichia +herrengrundite +Herrenvolk +herring +herringbone +herringer +Herrnhuter +hers +Herschelian +herschelite +herse +hersed +herself +hership +hersir +hertz +hertzian +Heruli +Herulian +Hervati +Herve +Herzegovinian +Hesiodic +Hesione +Hesionidae +hesitance +hesitancy +hesitant +hesitantly +hesitate +hesitater +hesitating +hesitatingly +hesitatingness +hesitation +hesitative +hesitatively +hesitatory +Hesper +Hespera +Hesperia +Hesperian +Hesperic +Hesperid +hesperid +hesperidate +hesperidene +hesperideous +Hesperides +Hesperidian +hesperidin +hesperidium +hesperiid +Hesperiidae +hesperinon +Hesperis +hesperitin +Hesperornis +Hesperornithes +hesperornithid +Hesperornithiformes +hesperornithoid +Hesperus +Hessian +hessite +hessonite +hest +Hester +hestern +hesternal +Hesther +hesthogenous +Hesychasm +Hesychast +hesychastic +het +hetaera +hetaeria +hetaeric +hetaerism +Hetaerist +hetaerist +hetaeristic +hetaerocracy +hetaerolite +hetaery +heteradenia +heteradenic +heterakid +Heterakis +Heteralocha +heterandrous +heterandry +heteratomic +heterauxesis +heteraxial +heteric +heterically +hetericism +hetericist +heterism +heterization +heterize +hetero +heteroagglutinin +heteroalbumose +heteroauxin +heteroblastic +heteroblastically +heteroblasty +heterocarpism +heterocarpous +Heterocarpus +heterocaseose +heterocellular +heterocentric +heterocephalous +Heterocera +heterocerc +heterocercal +heterocercality +heterocercy +heterocerous +heterochiral +heterochlamydeous +Heterochloridales +heterochromatic +heterochromatin +heterochromatism +heterochromatization +heterochromatized +heterochrome +heterochromia +heterochromic +heterochromosome +heterochromous +heterochromy +heterochronic +heterochronism +heterochronistic +heterochronous +heterochrony +heterochrosis +heterochthon +heterochthonous +heterocline +heteroclinous +heteroclital +heteroclite +heteroclitica +heteroclitous +Heterocoela +heterocoelous +Heterocotylea +heterocycle +heterocyclic +heterocyst +heterocystous +heterodactyl +Heterodactylae +heterodactylous +Heterodera +Heterodon +heterodont +Heterodonta +Heterodontidae +heterodontism +heterodontoid +Heterodontus +heterodox +heterodoxal +heterodoxical +heterodoxly +heterodoxness +heterodoxy +heterodromous +heterodromy +heterodyne +heteroecious +heteroeciously +heteroeciousness +heteroecism +heteroecismal +heteroecy +heteroepic +heteroepy +heteroerotic +heteroerotism +heterofermentative +heterofertilization +heterogalactic +heterogamete +heterogametic +heterogametism +heterogamety +heterogamic +heterogamous +heterogamy +heterogangliate +heterogen +heterogene +heterogeneal +heterogenean +heterogeneity +heterogeneous +heterogeneously +heterogeneousness +heterogenesis +heterogenetic +heterogenic +heterogenicity +heterogenist +heterogenous +heterogeny +heteroglobulose +heterognath +Heterognathi +heterogone +heterogonism +heterogonous +heterogonously +heterogony +heterograft +heterographic +heterographical +heterography +Heterogyna +heterogynal +heterogynous +heteroicous +heteroimmune +heteroinfection +heteroinoculable +heteroinoculation +heterointoxication +heterokaryon +heterokaryosis +heterokaryotic +heterokinesis +heterokinetic +Heterokontae +heterokontan +heterolalia +heterolateral +heterolecithal +heterolith +heterolobous +heterologic +heterological +heterologically +heterologous +heterology +heterolysin +heterolysis +heterolytic +heteromallous +heteromastigate +heteromastigote +Heteromeles +Heteromera +heteromeral +Heteromeran +Heteromeri +heteromeric +heteromerous +Heterometabola +heterometabole +heterometabolic +heterometabolism +heterometabolous +heterometaboly +heterometric +Heteromi +Heteromita +Heteromorpha +Heteromorphae +heteromorphic +heteromorphism +heteromorphite +heteromorphosis +heteromorphous +heteromorphy +Heteromya +Heteromyaria +heteromyarian +Heteromyidae +Heteromys +heteronereid +heteronereis +Heteroneura +heteronomous +heteronomously +heteronomy +heteronuclear +heteronym +heteronymic +heteronymous +heteronymously +heteronymy +heteroousia +Heteroousian +heteroousian +Heteroousiast +heteroousious +heteropathic +heteropathy +heteropelmous +heteropetalous +Heterophaga +Heterophagi +heterophagous +heterophasia +heterophemism +heterophemist +heterophemistic +heterophemize +heterophemy +heterophile +heterophoria +heterophoric +heterophylesis +heterophyletic +heterophyllous +heterophylly +heterophyly +heterophyte +heterophytic +Heteropia +Heteropidae +heteroplasia +heteroplasm +heteroplastic +heteroplasty +heteroploid +heteroploidy +heteropod +Heteropoda +heteropodal +heteropodous +heteropolar +heteropolarity +heteropoly +heteroproteide +heteroproteose +heteropter +Heteroptera +heteropterous +heteroptics +heteropycnosis +Heterorhachis +heteroscope +heteroscopy +heterosexual +heterosexuality +heteroside +Heterosiphonales +heterosis +Heterosomata +Heterosomati +heterosomatous +heterosome +Heterosomi +heterosomous +Heterosporeae +heterosporic +Heterosporium +heterosporous +heterospory +heterostatic +heterostemonous +Heterostraca +heterostracan +Heterostraci +heterostrophic +heterostrophous +heterostrophy +heterostyled +heterostylism +heterostylous +heterostyly +heterosuggestion +heterosyllabic +heterotactic +heterotactous +heterotaxia +heterotaxic +heterotaxis +heterotaxy +heterotelic +heterothallic +heterothallism +heterothermal +heterothermic +heterotic +heterotopia +heterotopic +heterotopism +heterotopous +heterotopy +heterotransplant +heterotransplantation +heterotrich +Heterotricha +Heterotrichales +Heterotrichida +heterotrichosis +heterotrichous +heterotropal +heterotroph +heterotrophic +heterotrophy +heterotropia +heterotropic +heterotropous +heterotype +heterotypic +heterotypical +heteroxanthine +heteroxenous +heterozetesis +heterozygosis +heterozygosity +heterozygote +heterozygotic +heterozygous +heterozygousness +hething +hetman +hetmanate +hetmanship +hetter +hetterly +Hettie +Hetty +heuau +Heuchera +heugh +heulandite +heumite +heuretic +heuristic +heuristically +Hevea +hevi +hew +hewable +hewel +hewer +hewettite +hewhall +hewn +hewt +hex +hexa +hexabasic +Hexabiblos +hexabiose +hexabromide +hexacanth +hexacanthous +hexacapsular +hexacarbon +hexace +hexachloride +hexachlorocyclohexane +hexachloroethane +hexachord +hexachronous +hexacid +hexacolic +Hexacoralla +hexacorallan +Hexacorallia +hexacosane +hexacosihedroid +hexact +hexactinal +hexactine +hexactinellid +Hexactinellida +hexactinellidan +hexactinelline +hexactinian +hexacyclic +hexad +hexadactyle +hexadactylic +hexadactylism +hexadactylous +hexadactyly +hexadecahedroid +hexadecane +hexadecanoic +hexadecene +hexadecyl +hexadic +hexadiene +hexadiyne +hexafoil +hexaglot +hexagon +hexagonal +hexagonally +hexagonial +hexagonical +hexagonous +hexagram +Hexagrammidae +hexagrammoid +Hexagrammos +hexagyn +Hexagynia +hexagynian +hexagynous +hexahedral +hexahedron +hexahydrate +hexahydrated +hexahydric +hexahydride +hexahydrite +hexahydrobenzene +hexahydroxy +hexakisoctahedron +hexakistetrahedron +hexameral +hexameric +hexamerism +hexameron +hexamerous +hexameter +hexamethylenamine +hexamethylene +hexamethylenetetramine +hexametral +hexametric +hexametrical +hexametrist +hexametrize +hexametrographer +Hexamita +hexamitiasis +hexammine +hexammino +hexanaphthene +Hexanchidae +Hexanchus +Hexandria +hexandric +hexandrous +hexandry +hexane +hexanedione +hexangular +hexangularly +hexanitrate +hexanitrodiphenylamine +hexapartite +hexaped +hexapetaloid +hexapetaloideous +hexapetalous +hexaphyllous +hexapla +hexaplar +hexaplarian +hexaplaric +hexaploid +hexaploidy +hexapod +Hexapoda +hexapodal +hexapodan +hexapodous +hexapody +hexapterous +hexaradial +hexarch +hexarchy +hexaseme +hexasemic +hexasepalous +hexaspermous +hexastemonous +hexaster +hexastich +hexastichic +hexastichon +hexastichous +hexastichy +hexastigm +hexastylar +hexastyle +hexastylos +hexasulphide +hexasyllabic +hexatetrahedron +Hexateuch +Hexateuchal +hexathlon +hexatomic +hexatriacontane +hexatriose +hexavalent +hexecontane +hexenbesen +hexene +hexer +hexerei +hexeris +hexestrol +hexicological +hexicology +hexine +hexiological +hexiology +hexis +hexitol +hexoctahedral +hexoctahedron +hexode +hexoestrol +hexogen +hexoic +hexokinase +hexone +hexonic +hexosamine +hexosaminic +hexosan +hexose +hexosediphosphoric +hexosemonophosphoric +hexosephosphatase +hexosephosphoric +hexoylene +hexpartite +hexyl +hexylene +hexylic +hexylresorcinol +hexyne +hey +heyday +Hezron +Hezronites +hi +hia +Hianakoto +hiant +hiatal +hiate +hiation +hiatus +Hibbertia +hibbin +hibernacle +hibernacular +hibernaculum +hibernal +hibernate +hibernation +hibernator +Hibernia +Hibernian +Hibernianism +Hibernic +Hibernical +Hibernically +Hibernicism +Hibernicize +Hibernization +Hibernize +Hibernologist +Hibernology +Hibiscus +Hibito +Hibitos +Hibunci +hic +hicatee +hiccup +hick +hickey +hickory +Hicksite +hickwall +Hicoria +hidable +hidage +hidalgism +hidalgo +hidalgoism +hidated +hidation +Hidatsa +hidden +hiddenite +hiddenly +hiddenmost +hiddenness +hide +hideaway +hidebind +hidebound +hideboundness +hided +hideland +hideless +hideling +hideosity +hideous +hideously +hideousness +hider +hidling +hidlings +hidradenitis +hidrocystoma +hidromancy +hidropoiesis +hidrosis +hidrotic +hie +hieder +hielaman +hield +hielmite +hiemal +hiemation +Hienz +Hieracian +Hieracium +hieracosphinx +hierapicra +hierarch +hierarchal +hierarchic +hierarchical +hierarchically +hierarchism +hierarchist +hierarchize +hierarchy +hieratic +hieratical +hieratically +hieraticism +hieratite +Hierochloe +hierocracy +hierocratic +hierocratical +hierodule +hierodulic +Hierofalco +hierogamy +hieroglyph +hieroglypher +hieroglyphic +hieroglyphical +hieroglyphically +hieroglyphist +hieroglyphize +hieroglyphology +hieroglyphy +hierogram +hierogrammat +hierogrammate +hierogrammateus +hierogrammatic +hierogrammatical +hierogrammatist +hierograph +hierographer +hierographic +hierographical +hierography +hierolatry +hierologic +hierological +hierologist +hierology +hieromachy +hieromancy +hieromnemon +hieromonach +hieron +Hieronymic +Hieronymite +hieropathic +hierophancy +hierophant +hierophantes +hierophantic +hierophantically +hierophanticly +hieros +hieroscopy +Hierosolymitan +Hierosolymite +hierurgical +hierurgy +hifalutin +higdon +higgaion +higginsite +higgle +higglehaggle +higgler +higglery +high +highball +highbelia +highbinder +highborn +highboy +highbred +higher +highermost +highest +highfalutin +highfaluting +highfalutinism +highflying +highhanded +highhandedly +highhandedness +highhearted +highheartedly +highheartedness +highish +highjack +highjacker +highland +highlander +highlandish +Highlandman +Highlandry +highlight +highliving +highly +highman +highmoor +highmost +highness +highroad +hight +hightoby +hightop +highway +highwayman +higuero +hijack +hike +hiker +Hilaria +hilarious +hilariously +hilariousness +hilarity +Hilary +Hilarymas +Hilarytide +hilasmic +hilch +Hilda +Hildebrand +Hildebrandian +Hildebrandic +Hildebrandine +Hildebrandism +Hildebrandist +Hildebrandslied +Hildegarde +hilding +hiliferous +hill +Hillary +hillberry +hillbilly +hillculture +hillebrandite +Hillel +hiller +hillet +Hillhousia +hilliness +hillman +hillock +hillocked +hillocky +hillsale +hillsalesman +hillside +hillsman +hilltop +hilltrot +hillward +hillwoman +hilly +hilsa +hilt +hiltless +hilum +hilus +him +Hima +Himalaya +Himalayan +Himantopus +himation +Himawan +himp +himself +himward +himwards +Himyaric +Himyarite +Himyaritic +hin +hinau +Hinayana +hinch +hind +hindberry +hindbrain +hindcast +hinddeck +hinder +hinderance +hinderer +hinderest +hinderful +hinderfully +hinderingly +hinderlands +hinderlings +hinderlins +hinderly +hinderment +hindermost +hindersome +hindhand +hindhead +Hindi +hindmost +hindquarter +hindrance +hindsaddle +hindsight +Hindu +Hinduism +Hinduize +Hindustani +hindward +hing +hinge +hingecorner +hingeflower +hingeless +hingelike +hinger +hingeways +hingle +hinney +hinnible +Hinnites +hinny +hinoid +hinoideous +hinoki +hinsdalite +hint +hintedly +hinter +hinterland +hintingly +hintproof +hintzeite +Hiodon +hiodont +Hiodontidae +hiortdahlite +hip +hipbone +hipe +hiper +hiphalt +hipless +hipmold +Hippa +hippalectryon +hipparch +Hipparion +Hippeastrum +hipped +Hippelates +hippen +Hippia +hippian +hippiater +hippiatric +hippiatrical +hippiatrics +hippiatrist +hippiatry +hippic +Hippidae +Hippidion +Hippidium +hipping +hippish +hipple +hippo +Hippobosca +hippoboscid +Hippoboscidae +hippocamp +hippocampal +hippocampi +hippocampine +hippocampus +Hippocastanaceae +hippocastanaceous +hippocaust +hippocentaur +hippocentauric +hippocerf +hippocoprosterol +hippocras +Hippocratea +Hippocrateaceae +hippocrateaceous +Hippocratian +Hippocratic +Hippocratical +Hippocratism +Hippocrene +Hippocrenian +hippocrepian +hippocrepiform +Hippodamia +hippodamous +hippodrome +hippodromic +hippodromist +hippogastronomy +Hippoglosinae +Hippoglossidae +Hippoglossus +hippogriff +hippogriffin +hippoid +hippolite +hippolith +hippological +hippologist +hippology +Hippolytan +Hippolyte +Hippolytidae +Hippolytus +hippomachy +hippomancy +hippomanes +Hippomedon +hippomelanin +Hippomenes +hippometer +hippometric +hippometry +Hipponactean +hipponosological +hipponosology +hippopathological +hippopathology +hippophagi +hippophagism +hippophagist +hippophagistical +hippophagous +hippophagy +hippophile +hippophobia +hippopod +hippopotami +hippopotamian +hippopotamic +Hippopotamidae +hippopotamine +hippopotamoid +hippopotamus +Hipposelinum +hippotigrine +Hippotigris +hippotomical +hippotomist +hippotomy +hippotragine +Hippotragus +hippurate +hippuric +hippurid +Hippuridaceae +Hippuris +hippurite +Hippurites +hippuritic +Hippuritidae +hippuritoid +hippus +hippy +hipshot +hipwort +hirable +hiragana +Hiram +Hiramite +hircarra +hircine +hircinous +hircocerf +hircocervus +hircosity +hire +hired +hireless +hireling +hireman +Hiren +hirer +hirmologion +hirmos +Hirneola +hiro +Hirofumi +hirondelle +Hirotoshi +Hiroyuki +hirple +hirrient +hirse +hirsel +hirsle +hirsute +hirsuteness +hirsuties +hirsutism +hirsutulous +Hirtella +hirtellous +Hirudin +hirudine +Hirudinea +hirudinean +hirudiniculture +Hirudinidae +hirudinize +hirudinoid +Hirudo +hirundine +Hirundinidae +hirundinous +Hirundo +his +hish +hisingerite +hisn +Hispa +Hispania +Hispanic +Hispanicism +Hispanicize +hispanidad +Hispaniolate +Hispaniolize +Hispanist +Hispanize +Hispanophile +Hispanophobe +hispid +hispidity +hispidulate +hispidulous +Hispinae +hiss +hisser +hissing +hissingly +hissproof +hist +histaminase +histamine +histaminic +histidine +histie +histiocyte +histiocytic +histioid +histiology +Histiophoridae +Histiophorus +histoblast +histochemic +histochemical +histochemistry +histoclastic +histocyte +histodiagnosis +histodialysis +histodialytic +histogen +histogenesis +histogenetic +histogenetically +histogenic +histogenous +histogeny +histogram +histographer +histographic +histographical +histography +histoid +histologic +histological +histologically +histologist +histology +histolysis +histolytic +histometabasis +histomorphological +histomorphologically +histomorphology +histon +histonal +histone +histonomy +histopathologic +histopathological +histopathologist +histopathology +histophyly +histophysiological +histophysiology +Histoplasma +histoplasmin +histoplasmosis +historial +historian +historiated +historic +historical +historically +historicalness +historician +historicism +historicity +historicize +historicocabbalistical +historicocritical +historicocultural +historicodogmatic +historicogeographical +historicophilosophica +historicophysical +historicopolitical +historicoprophetic +historicoreligious +historics +historicus +historied +historier +historiette +historify +historiograph +historiographer +historiographership +historiographic +historiographical +historiographically +historiography +historiological +historiology +historiometric +historiometry +historionomer +historious +historism +historize +history +histotherapist +histotherapy +histotome +histotomy +histotrophic +histotrophy +histotropic +histozoic +histozyme +histrio +Histriobdella +Histriomastix +histrion +histrionic +histrionical +histrionically +histrionicism +histrionism +hit +hitch +hitcher +hitchhike +hitchhiker +hitchily +hitchiness +Hitchiti +hitchproof +hitchy +hithe +hither +hithermost +hitherto +hitherward +Hitlerism +Hitlerite +hitless +Hitoshi +hittable +hitter +Hittite +Hittitics +Hittitology +Hittology +hive +hiveless +hiver +hives +hiveward +Hivite +hizz +Hler +Hlidhskjalf +Hlithskjalf +Hlorrithi +Ho +ho +hoar +hoard +hoarder +hoarding +hoardward +hoarfrost +hoarhead +hoarheaded +hoarhound +hoarily +hoariness +hoarish +hoarness +hoarse +hoarsely +hoarsen +hoarseness +hoarstone +hoarwort +hoary +hoaryheaded +hoast +hoastman +hoatzin +hoax +hoaxee +hoaxer +hoaxproof +hob +hobber +Hobbesian +hobbet +Hobbian +hobbil +Hobbism +Hobbist +Hobbistical +hobble +hobblebush +hobbledehoy +hobbledehoydom +hobbledehoyhood +hobbledehoyish +hobbledehoyishness +hobbledehoyism +hobbledygee +hobbler +hobbling +hobblingly +hobbly +hobby +hobbyhorse +hobbyhorsical +hobbyhorsically +hobbyism +hobbyist +hobbyless +hobgoblin +hoblike +hobnail +hobnailed +hobnailer +hobnob +hobo +hoboism +Hobomoco +hobthrush +hocco +Hochelaga +Hochheimer +hock +Hockday +hockelty +hocker +hocket +hockey +hockshin +Hocktide +hocky +hocus +hod +hodden +hodder +hoddle +hoddy +hodening +hodful +hodgepodge +Hodgkin +hodgkinsonite +hodiernal +hodman +hodmandod +hodograph +hodometer +hodometrical +hoe +hoecake +hoedown +hoeful +hoer +hoernesite +Hoffmannist +Hoffmannite +hog +hoga +hogan +Hogarthian +hogback +hogbush +hogfish +hogframe +hogged +hogger +hoggerel +hoggery +hogget +hoggie +hoggin +hoggish +hoggishly +hoggishness +hoggism +hoggy +hogherd +hoghide +hoghood +hoglike +hogling +hogmace +hogmanay +Hogni +hognose +hognut +hogpen +hogreeve +hogrophyte +hogshead +hogship +hogshouther +hogskin +hogsty +hogward +hogwash +hogweed +hogwort +hogyard +Hohe +Hohenzollern +Hohenzollernism +Hohn +Hohokam +hoi +hoick +hoin +hoise +hoist +hoistaway +hoister +hoisting +hoistman +hoistway +hoit +hoju +Hokan +hokey +hokeypokey +hokum +holagogue +holarctic +holard +holarthritic +holarthritis +holaspidean +holcad +holcodont +Holconoti +Holcus +hold +holdable +holdall +holdback +holden +holdenite +holder +holdership +holdfast +holdfastness +holding +holdingly +holdout +holdover +holdsman +holdup +hole +holeable +Holectypina +holectypoid +holeless +holeman +holeproof +holer +holethnic +holethnos +holewort +holey +holia +holiday +holidayer +holidayism +holidaymaker +holidaymaking +holily +holiness +holing +holinight +holism +holistic +holistically +holl +holla +hollaite +Holland +hollandaise +Hollander +Hollandish +hollandite +Hollands +Hollantide +holler +hollin +holliper +hollo +hollock +hollong +hollow +hollower +hollowfaced +hollowfoot +hollowhearted +hollowheartedness +hollowly +hollowness +holluschick +Holly +holly +hollyhock +Hollywood +Hollywooder +Hollywoodize +holm +holmberry +holmgang +holmia +holmic +holmium +holmos +holobaptist +holobenthic +holoblastic +holoblastically +holobranch +holocaine +holocarpic +holocarpous +holocaust +holocaustal +holocaustic +Holocene +holocentrid +Holocentridae +holocentroid +Holocentrus +Holocephala +holocephalan +Holocephali +holocephalian +holocephalous +Holochoanites +holochoanitic +holochoanoid +Holochoanoida +holochoanoidal +holochordate +holochroal +holoclastic +holocrine +holocryptic +holocrystalline +holodactylic +holodedron +Holodiscus +hologamous +hologamy +hologastrula +hologastrular +Holognatha +holognathous +hologonidium +holograph +holographic +holographical +holohedral +holohedric +holohedrism +holohemihedral +holohyaline +holomastigote +Holometabola +holometabole +holometabolian +holometabolic +holometabolism +holometabolous +holometaboly +holometer +holomorph +holomorphic +holomorphism +holomorphosis +holomorphy +Holomyaria +holomyarian +Holomyarii +holoparasite +holoparasitic +Holophane +holophane +holophotal +holophote +holophotometer +holophrase +holophrasis +holophrasm +holophrastic +holophyte +holophytic +holoplankton +holoplanktonic +holoplexia +holopneustic +holoproteide +holoptic +holoptychian +holoptychiid +Holoptychiidae +Holoptychius +holoquinoid +holoquinoidal +holoquinonic +holoquinonoid +holorhinal +holosaprophyte +holosaprophytic +holosericeous +holoside +holosiderite +Holosiphona +holosiphonate +Holosomata +holosomatous +holospondaic +holostean +Holostei +holosteous +holosteric +Holosteum +Holostomata +holostomate +holostomatous +holostome +holostomous +holostylic +holosymmetric +holosymmetrical +holosymmetry +holosystematic +holosystolic +holothecal +holothoracic +Holothuria +holothurian +Holothuridea +holothurioid +Holothurioidea +holotonia +holotonic +holotony +holotrich +Holotricha +holotrichal +Holotrichida +holotrichous +holotype +holour +holozoic +Holstein +holster +holstered +holt +holy +holyday +holyokeite +holystone +holytide +homage +homageable +homager +Homalocenchrus +homalogonatous +homalographic +homaloid +homaloidal +Homalonotus +Homalopsinae +Homaloptera +Homalopterous +homalosternal +Homalosternii +Homam +Homaridae +homarine +homaroid +Homarus +homatomic +homaxial +homaxonial +homaxonic +Homburg +home +homebody +homeborn +homebound +homebred +homecomer +homecraft +homecroft +homecrofter +homecrofting +homefarer +homefelt +homegoer +homekeeper +homekeeping +homeland +homelander +homeless +homelessly +homelessness +homelet +homelike +homelikeness +homelily +homeliness +homeling +homely +homelyn +homemade +homemaker +homemaking +homeoblastic +homeochromatic +homeochromatism +homeochronous +homeocrystalline +homeogenic +homeogenous +homeoid +homeoidal +homeoidality +homeokinesis +homeokinetic +homeomerous +homeomorph +homeomorphic +homeomorphism +homeomorphous +homeomorphy +homeopath +homeopathic +homeopathically +homeopathician +homeopathicity +homeopathist +homeopathy +homeophony +homeoplasia +homeoplastic +homeoplasy +homeopolar +homeosis +homeostasis +homeostatic +homeotic +homeotransplant +homeotransplantation +homeotype +homeotypic +homeotypical +homeowner +homeozoic +Homer +homer +Homerian +Homeric +Homerical +Homerically +Homerid +Homeridae +Homeridian +Homerist +Homerologist +Homerology +Homeromastix +homeseeker +homesick +homesickly +homesickness +homesite +homesome +homespun +homestall +homestead +homesteader +homester +homestretch +homeward +homewardly +homework +homeworker +homewort +homey +homeyness +homicidal +homicidally +homicide +homicidious +homiculture +homilete +homiletic +homiletical +homiletically +homiletics +homiliarium +homiliary +homilist +homilite +homilize +homily +hominal +hominess +Hominian +hominid +Hominidae +hominiform +hominify +hominine +hominisection +hominivorous +hominoid +hominy +homish +homishness +homo +homoanisaldehyde +homoanisic +homoarecoline +homobaric +homoblastic +homoblasty +homocarpous +homocategoric +homocentric +homocentrical +homocentrically +homocerc +homocercal +homocercality +homocercy +homocerebrin +homochiral +homochlamydeous +homochromatic +homochromatism +homochrome +homochromic +homochromosome +homochromous +homochromy +homochronous +homoclinal +homocline +Homocoela +homocoelous +homocreosol +homocyclic +homodermic +homodermy +homodont +homodontism +homodox +homodoxian +homodromal +homodrome +homodromous +homodromy +homodynamic +homodynamous +homodynamy +homodyne +Homoean +Homoeanism +homoecious +homoeoarchy +homoeoblastic +homoeochromatic +homoeochronous +homoeocrystalline +homoeogenic +homoeogenous +homoeography +homoeokinesis +homoeomerae +Homoeomeri +homoeomeria +homoeomerian +homoeomerianism +homoeomeric +homoeomerical +homoeomerous +homoeomery +homoeomorph +homoeomorphic +homoeomorphism +homoeomorphous +homoeomorphy +homoeopath +homoeopathic +homoeopathically +homoeopathician +homoeopathicity +homoeopathist +homoeopathy +homoeophony +homoeophyllous +homoeoplasia +homoeoplastic +homoeoplasy +homoeopolar +homoeosis +homoeotel +homoeoteleutic +homoeoteleuton +homoeotic +homoeotopy +homoeotype +homoeotypic +homoeotypical +homoeozoic +homoerotic +homoerotism +homofermentative +homogametic +homogamic +homogamous +homogamy +homogangliate +homogen +homogenate +homogene +homogeneal +homogenealness +homogeneate +homogeneity +homogeneization +homogeneize +homogeneous +homogeneously +homogeneousness +homogenesis +homogenetic +homogenetical +homogenic +homogenization +homogenize +homogenizer +homogenous +homogentisic +homogeny +homoglot +homogone +homogonous +homogonously +homogony +homograft +homograph +homographic +homography +homohedral +homoiotherm +homoiothermal +homoiothermic +homoiothermism +homoiothermous +homoiousia +Homoiousian +homoiousian +Homoiousianism +homoiousious +homolateral +homolecithal +homolegalis +homologate +homologation +homologic +homological +homologically +homologist +homologize +homologizer +homologon +homologoumena +homologous +homolographic +homolography +homologue +homology +homolosine +homolysin +homolysis +homomallous +homomeral +homomerous +homometrical +homometrically +homomorph +Homomorpha +homomorphic +homomorphism +homomorphosis +homomorphous +homomorphy +Homoneura +homonomous +homonomy +homonuclear +homonym +homonymic +homonymous +homonymously +homonymy +homoousia +Homoousian +Homoousianism +Homoousianist +Homoousiast +Homoousion +homoousious +homopathy +homoperiodic +homopetalous +homophene +homophenous +homophone +homophonic +homophonous +homophony +homophthalic +homophylic +homophyllous +homophyly +homopiperonyl +homoplasis +homoplasmic +homoplasmy +homoplast +homoplastic +homoplasy +homopolar +homopolarity +homopolic +homopter +Homoptera +homopteran +homopteron +homopterous +Homorelaps +homorganic +homoseismal +homosexual +homosexualism +homosexualist +homosexuality +homosporous +homospory +Homosteus +homostyled +homostylic +homostylism +homostylous +homostyly +homosystemic +homotactic +homotatic +homotaxeous +homotaxia +homotaxial +homotaxially +homotaxic +homotaxis +homotaxy +homothallic +homothallism +homothetic +homothety +homotonic +homotonous +homotonously +homotony +homotopic +homotransplant +homotransplantation +homotropal +homotropous +homotypal +homotype +homotypic +homotypical +homotypy +homovanillic +homovanillin +homoveratric +homoveratrole +homozygosis +homozygosity +homozygote +homozygous +homozygousness +homrai +homuncle +homuncular +homunculus +homy +Hon +honda +hondo +Honduran +Honduranean +Honduranian +Hondurean +Hondurian +hone +honest +honestly +honestness +honestone +honesty +honewort +honey +honeybee +honeyberry +honeybind +honeyblob +honeybloom +honeycomb +honeycombed +honeydew +honeydewed +honeydrop +honeyed +honeyedly +honeyedness +honeyfall +honeyflower +honeyfogle +honeyful +honeyhearted +honeyless +honeylike +honeylipped +honeymoon +honeymooner +honeymoonlight +honeymoonshine +honeymoonstruck +honeymoony +honeymouthed +honeypod +honeypot +honeystone +honeysuck +honeysucker +honeysuckle +honeysuckled +honeysweet +honeyware +Honeywood +honeywood +honeywort +hong +honied +honily +honk +honker +honor +Honora +honorability +honorable +honorableness +honorableship +honorably +honorance +honoraria +honorarily +honorarium +honorary +honoree +honorer +honoress +honorific +honorifically +honorless +honorous +honorsman +honorworthy +hontish +hontous +Honzo +hooch +hoochinoo +hood +hoodcap +hooded +hoodedness +hoodful +hoodie +hoodless +hoodlike +hoodlum +hoodlumish +hoodlumism +hoodlumize +hoodman +hoodmold +hoodoo +hoodsheaf +hoodshy +hoodshyness +hoodwink +hoodwinkable +hoodwinker +hoodwise +hoodwort +hooey +hoof +hoofbeat +hoofbound +hoofed +hoofer +hoofiness +hoofish +hoofless +hooflet +hooflike +hoofmark +hoofprint +hoofrot +hoofs +hoofworm +hoofy +hook +hookah +hookaroon +hooked +hookedness +hookedwise +hooker +Hookera +hookerman +hookers +hookheal +hookish +hookless +hooklet +hooklike +hookmaker +hookmaking +hookman +hooknose +hooksmith +hooktip +hookum +hookup +hookweed +hookwise +hookworm +hookwormer +hookwormy +hooky +hooligan +hooliganism +hooliganize +hoolock +hooly +hoon +hoonoomaun +hoop +hooped +hooper +hooping +hoopla +hoople +hoopless +hooplike +hoopmaker +hoopman +hoopoe +hoopstick +hoopwood +hoose +hoosegow +hoosh +Hoosier +Hoosierdom +Hoosierese +Hoosierize +hoot +hootay +hooter +hootingly +hoove +hooven +Hooverism +Hooverize +hoovey +hop +hopbine +hopbush +Hopcalite +hopcrease +hope +hoped +hopeful +hopefully +hopefulness +hopeite +hopeless +hopelessly +hopelessness +hoper +Hopi +hopi +hopingly +Hopkinsian +Hopkinsianism +Hopkinsonian +hoplite +hoplitic +hoplitodromos +Hoplocephalus +hoplology +hoplomachic +hoplomachist +hoplomachos +hoplomachy +Hoplonemertea +hoplonemertean +hoplonemertine +Hoplonemertini +hopoff +hopped +hopper +hopperburn +hopperdozer +hopperette +hoppergrass +hopperings +hopperman +hoppers +hoppestere +hoppet +hoppingly +hoppity +hopple +hoppy +hopscotch +hopscotcher +hoptoad +hopvine +hopyard +hora +horal +horary +Horatian +Horatio +Horatius +horbachite +hordarian +hordary +horde +hordeaceous +hordeiform +hordein +hordenine +Hordeum +horehound +Horim +horismology +horizometer +horizon +horizonless +horizontal +horizontalism +horizontality +horizontalization +horizontalize +horizontally +horizontalness +horizontic +horizontical +horizontically +horizonward +horme +hormic +hormigo +hormion +hormist +hormogon +Hormogonales +Hormogoneae +Hormogoneales +hormogonium +hormogonous +hormonal +hormone +hormonic +hormonize +hormonogenesis +hormonogenic +hormonology +hormonopoiesis +hormonopoietic +hormos +horn +hornbeam +hornbill +hornblende +hornblendic +hornblendite +hornblendophyre +hornblower +hornbook +horned +hornedness +horner +hornerah +hornet +hornety +hornfair +hornfels +hornfish +hornful +horngeld +Hornie +hornify +hornily +horniness +horning +hornish +hornist +hornito +hornless +hornlessness +hornlet +hornlike +hornotine +hornpipe +hornplant +hornsman +hornstay +hornstone +hornswoggle +horntail +hornthumb +horntip +hornwood +hornwork +hornworm +hornwort +horny +hornyhanded +hornyhead +horograph +horographer +horography +horokaka +horologe +horologer +horologic +horological +horologically +horologiography +horologist +horologium +horologue +horology +horometrical +horometry +Horonite +horopito +horopter +horopteric +horoptery +horoscopal +horoscope +horoscoper +horoscopic +horoscopical +horoscopist +horoscopy +Horouta +horrendous +horrendously +horrent +horrescent +horreum +horribility +horrible +horribleness +horribly +horrid +horridity +horridly +horridness +horrific +horrifically +horrification +horrify +horripilant +horripilate +horripilation +horrisonant +horror +horrorful +horrorish +horrorist +horrorize +horrormonger +horrormongering +horrorous +horrorsome +horse +horseback +horsebacker +horseboy +horsebreaker +horsecar +horsecloth +horsecraft +horsedom +horsefair +horsefettler +horsefight +horsefish +horseflesh +horsefly +horsefoot +horsegate +horsehair +horsehaired +horsehead +horseherd +horsehide +horsehood +horsehoof +horsejockey +horsekeeper +horselaugh +horselaugher +horselaughter +horseleech +horseless +horselike +horseload +horseman +horsemanship +horsemastership +horsemint +horsemonger +horseplay +horseplayful +horsepond +horsepower +horsepox +horser +horseshoe +horseshoer +horsetail +horsetongue +Horsetown +horsetree +horseway +horseweed +horsewhip +horsewhipper +horsewoman +horsewomanship +horsewood +horsfordite +horsify +horsily +horsiness +horsing +Horst +horst +horsy +horsyism +hortation +hortative +hortatively +hortator +hortatorily +hortatory +Hortense +Hortensia +hortensial +Hortensian +hortensian +horticultural +horticulturally +horticulture +horticulturist +hortite +hortonolite +hortulan +Horvatian +hory +Hosackia +hosanna +hose +hosed +hosel +hoseless +hoselike +hoseman +hosier +hosiery +hosiomartyr +hospice +hospitable +hospitableness +hospitably +hospitage +hospital +hospitalary +hospitaler +hospitalism +hospitality +hospitalization +hospitalize +hospitant +hospitate +hospitation +hospitator +hospitious +hospitium +hospitize +hospodar +hospodariat +hospodariate +host +Hosta +hostage +hostager +hostageship +hostel +hosteler +hostelry +hoster +hostess +hostie +hostile +hostilely +hostileness +hostility +hostilize +hosting +hostler +hostlership +hostlerwife +hostless +hostly +hostry +hostship +hot +hotbed +hotblood +hotbox +hotbrained +hotch +hotchpot +hotchpotch +hotchpotchly +hotel +hoteldom +hotelhood +hotelier +hotelization +hotelize +hotelkeeper +hotelless +hotelward +hotfoot +hothead +hotheaded +hotheadedly +hotheadedness +hothearted +hotheartedly +hotheartedness +hothouse +hoti +hotly +hotmouthed +hotness +hotspur +hotspurred +Hotta +Hottentot +Hottentotese +Hottentotic +Hottentotish +Hottentotism +hotter +hottery +hottish +Hottonia +houbara +Houdan +hough +houghband +hougher +houghite +houghmagandy +Houghton +hounce +hound +hounder +houndfish +hounding +houndish +houndlike +houndman +houndsbane +houndsberry +houndshark +houndy +houppelande +hour +hourful +hourglass +houri +hourless +hourly +housage +housal +Housatonic +house +houseball +houseboat +houseboating +housebote +housebound +houseboy +housebreak +housebreaker +housebreaking +housebroke +housebroken +housebug +housebuilder +housebuilding +housecarl +housecoat +housecraft +housefast +housefather +housefly +houseful +housefurnishings +household +householder +householdership +householding +householdry +housekeep +housekeeper +housekeeperlike +housekeeperly +housekeeping +housel +houseleek +houseless +houselessness +houselet +houseline +houseling +housemaid +housemaidenly +housemaiding +housemaidy +houseman +housemaster +housemastership +housemate +housemating +houseminder +housemistress +housemother +housemotherly +houseowner +houser +houseridden +houseroom +housesmith +housetop +houseward +housewares +housewarm +housewarmer +housewarming +housewear +housewife +housewifeliness +housewifely +housewifery +housewifeship +housewifish +housewive +housework +housewright +housing +Houstonia +housty +housy +houtou +houvari +Hova +hove +hovedance +hovel +hoveler +hoven +Hovenia +hover +hoverer +hovering +hoveringly +hoverly +how +howadji +Howard +howardite +howbeit +howdah +howder +howdie +howdy +howe +Howea +howel +however +howff +howish +howitzer +howk +howkit +howl +howler +howlet +howling +howlingly +howlite +howso +howsoever +howsomever +hox +hoy +Hoya +hoyden +hoydenhood +hoydenish +hoydenism +hoyle +hoyman +Hrimfaxi +Hrothgar +Hsi +Hsuan +Hu +huaca +huaco +huajillo +huamuchil +huantajayite +huaracho +Huari +huarizo +Huashi +Huastec +Huastecan +Huave +Huavean +hub +hubb +hubba +hubber +Hubbite +hubble +hubbly +hubbub +hubbuboo +hubby +Hubert +hubmaker +hubmaking +hubnerite +hubristic +hubshi +huccatoon +huchen +Huchnom +hucho +huck +huckaback +huckle +huckleback +hucklebacked +huckleberry +hucklebone +huckmuck +huckster +hucksterage +hucksterer +hucksteress +hucksterize +huckstery +hud +huddle +huddledom +huddlement +huddler +huddling +huddlingly +huddock +huddroun +huddup +Hudibras +Hudibrastic +Hudibrastically +Hudsonia +Hudsonian +hudsonite +hue +hued +hueful +hueless +huelessness +huer +Huey +huff +huffier +huffily +huffiness +huffingly +huffish +huffishly +huffishness +huffle +huffler +huffy +hug +huge +Hugelia +hugelite +hugely +hugeness +hugeous +hugeously +hugeousness +huggable +hugger +huggermugger +huggermuggery +Huggin +hugging +huggingly +huggle +Hugh +Hughes +Hughoc +Hugo +Hugoesque +hugsome +Huguenot +Huguenotic +Huguenotism +huh +Hui +huia +huipil +huisache +huiscoyol +huitain +Huk +Hukbalahap +huke +hula +Huldah +huldee +hulk +hulkage +hulking +hulky +hull +hullabaloo +huller +hullock +hulloo +hulotheism +Hulsean +hulsite +hulster +hulu +hulver +hulverhead +hulverheaded +hum +Huma +human +humane +humanely +humaneness +humanhood +humanics +humanification +humaniform +humaniformian +humanify +humanish +humanism +humanist +humanistic +humanistical +humanistically +humanitarian +humanitarianism +humanitarianist +humanitarianize +humanitary +humanitian +humanity +humanitymonger +humanization +humanize +humanizer +humankind +humanlike +humanly +humanness +humanoid +humate +humble +humblebee +humblehearted +humblemouthed +humbleness +humbler +humblie +humblingly +humbly +humbo +humboldtilite +humboldtine +humboldtite +humbug +humbugability +humbugable +humbugger +humbuggery +humbuggism +humbuzz +humdinger +humdrum +humdrumminess +humdrummish +humdrummishness +humdudgeon +Hume +Humean +humect +humectant +humectate +humectation +humective +humeral +humeri +humeroabdominal +humerocubital +humerodigital +humerodorsal +humerometacarpal +humeroradial +humeroscapular +humeroulnar +humerus +humet +humetty +humhum +humic +humicubation +humid +humidate +humidification +humidifier +humidify +humidistat +humidity +humidityproof +humidly +humidness +humidor +humific +humification +humifuse +humify +humiliant +humiliate +humiliating +humiliatingly +humiliation +humiliative +humiliator +humiliatory +humilific +humilitude +humility +humin +Humiria +Humiriaceae +Humiriaceous +Humism +Humist +humistratous +humite +humlie +hummel +hummeler +hummer +hummie +humming +hummingbird +hummock +hummocky +humor +humoral +humoralism +humoralist +humoralistic +humoresque +humoresquely +humorful +humorific +humorism +humorist +humoristic +humoristical +humorize +humorless +humorlessness +humorology +humorous +humorously +humorousness +humorproof +humorsome +humorsomely +humorsomeness +humourful +humous +hump +humpback +humpbacked +humped +humph +Humphrey +humpiness +humpless +humpty +humpy +humstrum +humulene +humulone +Humulus +humus +humuslike +Hun +Hunanese +hunch +Hunchakist +hunchback +hunchbacked +hunchet +hunchy +hundi +hundred +hundredal +hundredary +hundreder +hundredfold +hundredman +hundredpenny +hundredth +hundredweight +hundredwork +hung +Hungaria +Hungarian +hungarite +hunger +hungerer +hungeringly +hungerless +hungerly +hungerproof +hungerweed +hungrify +hungrily +hungriness +hungry +hunh +hunk +Hunker +hunker +Hunkerism +hunkerous +hunkerousness +hunkers +hunkies +Hunkpapa +hunks +hunky +Hunlike +Hunnian +Hunnic +Hunnican +Hunnish +Hunnishness +hunt +huntable +huntedly +Hunter +Hunterian +hunterlike +huntilite +hunting +huntress +huntsman +huntsmanship +huntswoman +Hunyak +hup +Hupa +hupaithric +Hura +hura +hurcheon +hurdies +hurdis +hurdle +hurdleman +hurdler +hurdlewise +hurds +hure +hureaulite +hureek +Hurf +hurgila +hurkle +hurl +hurlbarrow +hurled +hurler +hurley +hurleyhouse +hurling +hurlock +hurly +Huron +huron +Huronian +hurr +hurrah +Hurri +Hurrian +hurricane +hurricanize +hurricano +hurried +hurriedly +hurriedness +hurrier +hurrisome +hurrock +hurroo +hurroosh +hurry +hurryingly +hurryproof +hursinghar +hurst +hurt +hurtable +hurted +hurter +hurtful +hurtfully +hurtfulness +hurting +hurtingest +hurtle +hurtleberry +hurtless +hurtlessly +hurtlessness +hurtlingly +hurtsome +hurty +husband +husbandable +husbandage +husbander +husbandfield +husbandhood +husbandland +husbandless +husbandlike +husbandliness +husbandly +husbandman +husbandress +husbandry +husbandship +huse +hush +hushable +hushaby +hushcloth +hushedly +husheen +hushel +husher +hushful +hushfully +hushing +hushingly +hushion +husho +husk +huskanaw +husked +huskened +husker +huskershredder +huskily +huskiness +husking +huskroot +huskwort +Husky +husky +huso +huspil +huss +hussar +Hussite +Hussitism +hussy +hussydom +hussyness +husting +hustle +hustlecap +hustlement +hustler +hut +hutch +hutcher +hutchet +Hutchinsonian +Hutchinsonianism +hutchinsonite +Huterian +huthold +hutholder +hutia +hutkeeper +hutlet +hutment +Hutsulian +Hutterites +Huttonian +Huttonianism +huttoning +huttonweed +hutukhtu +huvelyk +Huxleian +Huygenian +huzoor +Huzvaresh +huzz +huzza +huzzard +Hwa +Hy +hyacinth +Hyacinthia +hyacinthian +hyacinthine +Hyacinthus +Hyades +hyaena +Hyaenanche +Hyaenarctos +Hyaenidae +Hyaenodon +hyaenodont +hyaenodontoid +Hyakume +hyalescence +hyalescent +hyaline +hyalinization +hyalinize +hyalinocrystalline +hyalinosis +hyalite +hyalitis +hyaloandesite +hyalobasalt +hyalocrystalline +hyalodacite +hyalogen +hyalograph +hyalographer +hyalography +hyaloid +hyaloiditis +hyaloliparite +hyalolith +hyalomelan +hyalomucoid +Hyalonema +hyalophagia +hyalophane +hyalophyre +hyalopilitic +hyaloplasm +hyaloplasma +hyaloplasmic +hyalopsite +hyalopterous +hyalosiderite +Hyalospongia +hyalotekite +hyalotype +hyaluronic +hyaluronidase +Hybanthus +Hybla +Hyblaea +Hyblaean +Hyblan +hybodont +Hybodus +hybosis +hybrid +hybridal +hybridation +hybridism +hybridist +hybridity +hybridizable +hybridization +hybridize +hybridizer +hybridous +hydantoate +hydantoic +hydantoin +hydathode +hydatid +hydatidiform +hydatidinous +hydatidocele +hydatiform +hydatigenous +Hydatina +hydatogenesis +hydatogenic +hydatogenous +hydatoid +hydatomorphic +hydatomorphism +hydatopneumatic +hydatopneumatolytic +hydatopyrogenic +hydatoscopy +Hydnaceae +hydnaceous +hydnocarpate +hydnocarpic +Hydnocarpus +hydnoid +Hydnora +Hydnoraceae +hydnoraceous +Hydnum +Hydra +hydracetin +Hydrachna +hydrachnid +Hydrachnidae +hydracid +hydracoral +hydracrylate +hydracrylic +Hydractinia +hydractinian +Hydradephaga +hydradephagan +hydradephagous +hydragogue +hydragogy +hydramine +hydramnion +hydramnios +Hydrangea +Hydrangeaceae +hydrangeaceous +hydrant +hydranth +hydrarch +hydrargillite +hydrargyrate +hydrargyria +hydrargyriasis +hydrargyric +hydrargyrism +hydrargyrosis +hydrargyrum +hydrarthrosis +hydrarthrus +hydrastine +Hydrastis +hydrate +hydrated +hydration +hydrator +hydratropic +hydraucone +hydraulic +hydraulically +hydraulician +hydraulicity +hydraulicked +hydraulicon +hydraulics +hydraulist +hydraulus +hydrazide +hydrazidine +hydrazimethylene +hydrazine +hydrazino +hydrazo +hydrazoate +hydrazobenzene +hydrazoic +hydrazone +hydrazyl +hydremia +hydremic +hydrencephalocele +hydrencephaloid +hydrencephalus +hydria +hydriatric +hydriatrist +hydriatry +hydric +hydrically +Hydrid +hydride +hydriform +hydrindene +hydriodate +hydriodic +hydriodide +hydriotaphia +Hydriote +hydro +hydroa +hydroadipsia +hydroaeric +hydroalcoholic +hydroaromatic +hydroatmospheric +hydroaviation +hydrobarometer +Hydrobates +Hydrobatidae +hydrobenzoin +hydrobilirubin +hydrobiological +hydrobiologist +hydrobiology +hydrobiosis +hydrobiplane +hydrobomb +hydroboracite +hydroborofluoric +hydrobranchiate +hydrobromate +hydrobromic +hydrobromide +hydrocarbide +hydrocarbon +hydrocarbonaceous +hydrocarbonate +hydrocarbonic +hydrocarbonous +hydrocarbostyril +hydrocardia +Hydrocaryaceae +hydrocaryaceous +hydrocatalysis +hydrocauline +hydrocaulus +hydrocele +hydrocellulose +hydrocephalic +hydrocephalocele +hydrocephaloid +hydrocephalous +hydrocephalus +hydrocephaly +hydroceramic +hydrocerussite +Hydrocharidaceae +hydrocharidaceous +Hydrocharis +Hydrocharitaceae +hydrocharitaceous +Hydrochelidon +hydrochemical +hydrochemistry +hydrochlorate +hydrochlorauric +hydrochloric +hydrochloride +hydrochlorplatinic +hydrochlorplatinous +Hydrochoerus +hydrocholecystis +hydrocinchonine +hydrocinnamic +hydrocirsocele +hydrocladium +hydroclastic +Hydrocleis +hydroclimate +hydrocobalticyanic +hydrocoele +hydrocollidine +hydroconion +Hydrocorallia +Hydrocorallinae +hydrocoralline +Hydrocores +Hydrocorisae +hydrocorisan +hydrocotarnine +Hydrocotyle +hydrocoumaric +hydrocupreine +hydrocyanate +hydrocyanic +hydrocyanide +hydrocycle +hydrocyclic +hydrocyclist +Hydrocyon +hydrocyst +hydrocystic +Hydrodamalidae +Hydrodamalis +Hydrodictyaceae +Hydrodictyon +hydrodrome +Hydrodromica +hydrodromican +hydrodynamic +hydrodynamical +hydrodynamics +hydrodynamometer +hydroeconomics +hydroelectric +hydroelectricity +hydroelectrization +hydroergotinine +hydroextract +hydroextractor +hydroferricyanic +hydroferrocyanate +hydroferrocyanic +hydrofluate +hydrofluoboric +hydrofluoric +hydrofluorid +hydrofluoride +hydrofluosilicate +hydrofluosilicic +hydrofluozirconic +hydrofoil +hydroforming +hydrofranklinite +hydrofuge +hydrogalvanic +hydrogel +hydrogen +hydrogenase +hydrogenate +hydrogenation +hydrogenator +hydrogenic +hydrogenide +hydrogenium +hydrogenization +hydrogenize +hydrogenolysis +Hydrogenomonas +hydrogenous +hydrogeological +hydrogeology +hydroglider +hydrognosy +hydrogode +hydrograph +hydrographer +hydrographic +hydrographical +hydrographically +hydrography +hydrogymnastics +hydrohalide +hydrohematite +hydrohemothorax +hydroid +Hydroida +Hydroidea +hydroidean +hydroiodic +hydrokinetic +hydrokinetical +hydrokinetics +hydrol +hydrolase +hydrolatry +Hydrolea +Hydroleaceae +hydrolize +hydrologic +hydrological +hydrologically +hydrologist +hydrology +hydrolysis +hydrolyst +hydrolyte +hydrolytic +hydrolyzable +hydrolyzate +hydrolyzation +hydrolyze +hydromagnesite +hydromancer +hydromancy +hydromania +hydromaniac +hydromantic +hydromantical +hydromantically +hydrome +hydromechanical +hydromechanics +hydromedusa +Hydromedusae +hydromedusan +hydromedusoid +hydromel +hydromeningitis +hydromeningocele +hydrometallurgical +hydrometallurgically +hydrometallurgy +hydrometamorphism +hydrometeor +hydrometeorological +hydrometeorology +hydrometer +hydrometra +hydrometric +hydrometrical +hydrometrid +Hydrometridae +hydrometry +hydromica +hydromicaceous +hydromonoplane +hydromorph +hydromorphic +hydromorphous +hydromorphy +hydromotor +hydromyelia +hydromyelocele +hydromyoma +Hydromys +hydrone +hydronegative +hydronephelite +hydronephrosis +hydronephrotic +hydronitric +hydronitroprussic +hydronitrous +hydronium +hydroparacoumaric +Hydroparastatae +hydropath +hydropathic +hydropathical +hydropathist +hydropathy +hydropericarditis +hydropericardium +hydroperiod +hydroperitoneum +hydroperitonitis +hydroperoxide +hydrophane +hydrophanous +hydrophid +Hydrophidae +hydrophil +hydrophile +hydrophilic +hydrophilid +Hydrophilidae +hydrophilism +hydrophilite +hydrophiloid +hydrophilous +hydrophily +Hydrophinae +Hydrophis +hydrophobe +hydrophobia +hydrophobic +hydrophobical +hydrophobist +hydrophobophobia +hydrophobous +hydrophoby +hydrophoid +hydrophone +Hydrophora +hydrophoran +hydrophore +hydrophoria +hydrophorous +hydrophthalmia +hydrophthalmos +hydrophthalmus +hydrophylacium +hydrophyll +Hydrophyllaceae +hydrophyllaceous +hydrophylliaceous +hydrophyllium +Hydrophyllum +hydrophysometra +hydrophyte +hydrophytic +hydrophytism +hydrophyton +hydrophytous +hydropic +hydropical +hydropically +hydropigenous +hydroplane +hydroplanula +hydroplatinocyanic +hydroplutonic +hydropneumatic +hydropneumatosis +hydropneumopericardium +hydropneumothorax +hydropolyp +hydroponic +hydroponicist +hydroponics +hydroponist +hydropositive +hydropot +Hydropotes +hydropropulsion +hydrops +hydropsy +Hydropterideae +hydroptic +hydropult +hydropultic +hydroquinine +hydroquinol +hydroquinoline +hydroquinone +hydrorachis +hydrorhiza +hydrorhizal +hydrorrhachis +hydrorrhachitis +hydrorrhea +hydrorrhoea +hydrorubber +hydrosalpinx +hydrosalt +hydrosarcocele +hydroscope +hydroscopic +hydroscopical +hydroscopicity +hydroscopist +hydroselenic +hydroselenide +hydroselenuret +hydroseparation +hydrosilicate +hydrosilicon +hydrosol +hydrosomal +hydrosomatous +hydrosome +hydrosorbic +hydrosphere +hydrospire +hydrospiric +hydrostat +hydrostatic +hydrostatical +hydrostatically +hydrostatician +hydrostatics +hydrostome +hydrosulphate +hydrosulphide +hydrosulphite +hydrosulphocyanic +hydrosulphurated +hydrosulphuret +hydrosulphureted +hydrosulphuric +hydrosulphurous +hydrosulphuryl +hydrotachymeter +hydrotactic +hydrotalcite +hydrotasimeter +hydrotaxis +hydrotechnic +hydrotechnical +hydrotechnologist +hydrotechny +hydroterpene +hydrotheca +hydrothecal +hydrotherapeutic +hydrotherapeutics +hydrotherapy +hydrothermal +hydrothoracic +hydrothorax +hydrotic +hydrotical +hydrotimeter +hydrotimetric +hydrotimetry +hydrotomy +hydrotropic +hydrotropism +hydroturbine +hydrotype +hydrous +hydrovane +hydroxamic +hydroxamino +hydroxide +hydroximic +hydroxy +hydroxyacetic +hydroxyanthraquinone +hydroxybutyricacid +hydroxyketone +hydroxyl +hydroxylactone +hydroxylamine +hydroxylate +hydroxylation +hydroxylic +hydroxylization +hydroxylize +hydrozincite +Hydrozoa +hydrozoal +hydrozoan +hydrozoic +hydrozoon +hydrula +Hydruntine +Hydrurus +Hydrus +hydurilate +hydurilic +hyena +hyenadog +hyenanchin +hyenic +hyeniform +hyenine +hyenoid +hyetal +hyetograph +hyetographic +hyetographical +hyetographically +hyetography +hyetological +hyetology +hyetometer +hyetometrograph +Hygeia +Hygeian +hygeiolatry +hygeist +hygeistic +hygeology +hygiantic +hygiantics +hygiastic +hygiastics +hygieist +hygienal +hygiene +hygienic +hygienical +hygienically +hygienics +hygienist +hygienization +hygienize +hygiologist +hygiology +hygric +hygrine +hygroblepharic +hygrodeik +hygroexpansivity +hygrograph +hygrology +hygroma +hygromatous +hygrometer +hygrometric +hygrometrical +hygrometrically +hygrometry +hygrophaneity +hygrophanous +hygrophilous +hygrophobia +hygrophthalmic +hygrophyte +hygrophytic +hygroplasm +hygroplasma +hygroscope +hygroscopic +hygroscopical +hygroscopically +hygroscopicity +hygroscopy +hygrostat +hygrostatics +hygrostomia +hygrothermal +hygrothermograph +hying +hyke +Hyla +hylactic +hylactism +hylarchic +hylarchical +hyle +hyleg +hylegiacal +hylic +hylicism +hylicist +Hylidae +hylism +hylist +Hyllus +Hylobates +hylobatian +hylobatic +hylobatine +Hylocereus +Hylocichla +Hylocomium +Hylodes +hylogenesis +hylogeny +hyloid +hylology +hylomorphic +hylomorphical +hylomorphism +hylomorphist +hylomorphous +Hylomys +hylopathism +hylopathist +hylopathy +hylophagous +hylotheism +hylotheist +hylotheistic +hylotheistical +hylotomous +hylozoic +hylozoism +hylozoist +hylozoistic +hylozoistically +hymen +Hymenaea +Hymenaeus +Hymenaic +hymenal +hymeneal +hymeneally +hymeneals +hymenean +hymenial +hymenic +hymenicolar +hymeniferous +hymeniophore +hymenium +Hymenocallis +Hymenochaete +Hymenogaster +Hymenogastraceae +hymenogeny +hymenoid +Hymenolepis +hymenomycetal +hymenomycete +Hymenomycetes +hymenomycetoid +hymenomycetous +hymenophore +hymenophorum +Hymenophyllaceae +hymenophyllaceous +Hymenophyllites +Hymenophyllum +hymenopter +Hymenoptera +hymenopteran +hymenopterist +hymenopterological +hymenopterologist +hymenopterology +hymenopteron +hymenopterous +hymenotomy +Hymettian +Hymettic +hymn +hymnal +hymnarium +hymnary +hymnbook +hymner +hymnic +hymnist +hymnless +hymnlike +hymnode +hymnodical +hymnodist +hymnody +hymnographer +hymnography +hymnologic +hymnological +hymnologically +hymnologist +hymnology +hymnwise +hynde +hyne +hyobranchial +hyocholalic +hyocholic +hyoepiglottic +hyoepiglottidean +hyoglossal +hyoglossus +hyoglycocholic +hyoid +hyoidal +hyoidan +hyoideal +hyoidean +hyoides +Hyolithes +hyolithid +Hyolithidae +hyolithoid +hyomandibula +hyomandibular +hyomental +hyoplastral +hyoplastron +hyoscapular +hyoscine +hyoscyamine +Hyoscyamus +hyosternal +hyosternum +hyostylic +hyostyly +hyothere +Hyotherium +hyothyreoid +hyothyroid +hyp +hypabyssal +hypaethral +hypaethron +hypaethros +hypaethrum +hypalgesia +hypalgia +hypalgic +hypallactic +hypallage +hypanthial +hypanthium +hypantrum +Hypapante +hypapophysial +hypapophysis +hyparterial +hypaspist +hypate +hypaton +hypautomorphic +hypaxial +Hypenantron +hyper +hyperabelian +hyperabsorption +hyperaccurate +hyperacid +hyperacidaminuria +hyperacidity +hyperacoustics +hyperaction +hyperactive +hyperactivity +hyperacuity +hyperacusia +hyperacusis +hyperacute +hyperacuteness +hyperadenosis +hyperadiposis +hyperadiposity +hyperadrenalemia +hyperaeolism +hyperalbuminosis +hyperalgebra +hyperalgesia +hyperalgesic +hyperalgesis +hyperalgetic +hyperalimentation +hyperalkalinity +hyperaltruism +hyperaminoacidemia +hyperanabolic +hyperanarchy +hyperangelical +hyperaphia +hyperaphic +hyperapophyseal +hyperapophysial +hyperapophysis +hyperarchaeological +hyperarchepiscopal +hyperazotemia +hyperbarbarous +hyperbatic +hyperbatically +hyperbaton +hyperbola +hyperbolaeon +hyperbole +hyperbolic +hyperbolically +hyperbolicly +hyperbolism +hyperbolize +hyperboloid +hyperboloidal +hyperboreal +Hyperborean +hyperborean +hyperbrachycephal +hyperbrachycephalic +hyperbrachycephaly +hyperbrachycranial +hyperbrachyskelic +hyperbranchia +hyperbrutal +hyperbulia +hypercalcemia +hypercarbamidemia +hypercarbureted +hypercarburetted +hypercarnal +hypercatalectic +hypercatalexis +hypercatharsis +hypercathartic +hypercathexis +hypercenosis +hyperchamaerrhine +hyperchlorhydria +hyperchloric +hypercholesterinemia +hypercholesterolemia +hypercholia +hypercivilization +hypercivilized +hyperclassical +hyperclimax +hypercoagulability +hypercoagulable +hypercomplex +hypercomposite +hyperconcentration +hypercone +hyperconfident +hyperconformist +hyperconscientious +hyperconscientiousness +hyperconscious +hyperconsciousness +hyperconservatism +hyperconstitutional +hypercoracoid +hypercorrect +hypercorrection +hypercorrectness +hypercosmic +hypercreaturely +hypercritic +hypercritical +hypercritically +hypercriticism +hypercriticize +hypercryalgesia +hypercube +hypercyanotic +hypercycle +hypercylinder +hyperdactyl +hyperdactylia +hyperdactyly +hyperdeify +hyperdelicacy +hyperdelicate +hyperdemocracy +hyperdemocratic +hyperdeterminant +hyperdiabolical +hyperdialectism +hyperdiapason +hyperdiapente +hyperdiastole +hyperdiatessaron +hyperdiazeuxis +hyperdicrotic +hyperdicrotism +hyperdicrotous +hyperdimensional +hyperdimensionality +hyperdissyllable +hyperdistention +hyperditone +hyperdivision +hyperdolichocephal +hyperdolichocephalic +hyperdolichocephaly +hyperdolichocranial +hyperdoricism +hyperdulia +hyperdulic +hyperdulical +hyperelegant +hyperelliptic +hyperemesis +hyperemetic +hyperemia +hyperemic +hyperemotivity +hyperemphasize +hyperenthusiasm +hypereosinophilia +hyperephidrosis +hyperequatorial +hypererethism +hyperessence +hyperesthesia +hyperesthetic +hyperethical +hypereuryprosopic +hypereutectic +hypereutectoid +hyperexaltation +hyperexcitability +hyperexcitable +hyperexcitement +hyperexcursive +hyperexophoria +hyperextend +hyperextension +hyperfastidious +hyperfederalist +hyperfine +hyperflexion +hyperfocal +hyperfunction +hyperfunctional +hyperfunctioning +hypergalactia +hypergamous +hypergamy +hypergenesis +hypergenetic +hypergeometric +hypergeometrical +hypergeometry +hypergeusia +hypergeustia +hyperglycemia +hyperglycemic +hyperglycorrhachia +hyperglycosuria +hypergoddess +hypergol +hypergolic +Hypergon +hypergrammatical +hyperhedonia +hyperhemoglobinemia +hyperhilarious +hyperhypocrisy +Hypericaceae +hypericaceous +Hypericales +hypericin +hypericism +Hypericum +hypericum +hyperidealistic +hyperideation +hyperimmune +hyperimmunity +hyperimmunization +hyperimmunize +hyperingenuity +hyperinosis +hyperinotic +hyperinsulinization +hyperinsulinize +hyperintellectual +hyperintelligence +hyperinvolution +hyperirritability +hyperirritable +hyperisotonic +hyperite +hyperkeratosis +hyperkinesia +hyperkinesis +hyperkinetic +hyperlactation +hyperleptoprosopic +hyperleucocytosis +hyperlipemia +hyperlipoidemia +hyperlithuria +hyperlogical +hyperlustrous +hypermagical +hypermakroskelic +hypermedication +hypermenorrhea +hypermetabolism +hypermetamorphic +hypermetamorphism +hypermetamorphosis +hypermetamorphotic +hypermetaphorical +hypermetaphysical +hypermetaplasia +hypermeter +hypermetric +hypermetrical +hypermetron +hypermetrope +hypermetropia +hypermetropic +hypermetropical +hypermetropy +hypermiraculous +hypermixolydian +hypermnesia +hypermnesic +hypermnesis +hypermnestic +hypermodest +hypermonosyllable +hypermoral +hypermorph +hypermorphism +hypermorphosis +hypermotile +hypermotility +hypermyotonia +hypermyotrophy +hypermyriorama +hypermystical +hypernatural +hypernephroma +hyperneuria +hyperneurotic +hypernic +hypernitrogenous +hypernomian +hypernomic +hypernormal +hypernote +hypernutrition +Hyperoartia +hyperoartian +hyperobtrusive +hyperodontogeny +Hyperoodon +hyperoon +hyperope +hyperopia +hyperopic +hyperorganic +hyperorthognathic +hyperorthognathous +hyperorthognathy +hyperosmia +hyperosmic +hyperostosis +hyperostotic +hyperothodox +hyperothodoxy +Hyperotreta +hyperotretan +Hyperotreti +hyperotretous +hyperoxidation +hyperoxide +hyperoxygenate +hyperoxygenation +hyperoxygenize +hyperpanegyric +hyperparasite +hyperparasitic +hyperparasitism +hyperparasitize +hyperparoxysm +hyperpathetic +hyperpatriotic +hyperpencil +hyperpepsinia +hyperper +hyperperistalsis +hyperperistaltic +hyperpersonal +hyperphalangeal +hyperphalangism +hyperpharyngeal +hyperphenomena +hyperphoria +hyperphoric +hyperphosphorescence +hyperphysical +hyperphysically +hyperphysics +hyperpiesia +hyperpiesis +hyperpietic +hyperpietist +hyperpigmentation +hyperpigmented +hyperpinealism +hyperpituitarism +hyperplagiarism +hyperplane +hyperplasia +hyperplasic +hyperplastic +hyperplatyrrhine +hyperploid +hyperploidy +hyperpnea +hyperpnoea +hyperpolysyllabic +hyperpredator +hyperprism +hyperproduction +hyperprognathous +hyperprophetical +hyperprosexia +hyperpulmonary +hyperpure +hyperpurist +hyperpyramid +hyperpyretic +hyperpyrexia +hyperpyrexial +hyperquadric +hyperrational +hyperreactive +hyperrealize +hyperresonance +hyperresonant +hyperreverential +hyperrhythmical +hyperridiculous +hyperritualism +hypersacerdotal +hypersaintly +hypersalivation +hypersceptical +hyperscholastic +hyperscrupulosity +hypersecretion +hypersensibility +hypersensitive +hypersensitiveness +hypersensitivity +hypersensitization +hypersensitize +hypersensual +hypersensualism +hypersensuous +hypersentimental +hypersolid +hypersomnia +hypersonic +hypersophisticated +hyperspace +hyperspatial +hyperspeculative +hypersphere +hyperspherical +hyperspiritualizing +hypersplenia +hypersplenism +hypersthene +hypersthenia +hypersthenic +hypersthenite +hyperstoic +hyperstrophic +hypersubtlety +hypersuggestibility +hypersuperlative +hypersurface +hypersusceptibility +hypersusceptible +hypersystole +hypersystolic +hypertechnical +hypertelic +hypertely +hypertense +hypertensin +hypertension +hypertensive +hyperterrestrial +hypertetrahedron +hyperthermal +hyperthermalgesia +hyperthermesthesia +hyperthermia +hyperthermic +hyperthermy +hyperthesis +hyperthetic +hyperthetical +hyperthyreosis +hyperthyroid +hyperthyroidism +hyperthyroidization +hyperthyroidize +hypertonia +hypertonic +hypertonicity +hypertonus +hypertorrid +hypertoxic +hypertoxicity +hypertragical +hypertragically +hypertranscendent +hypertrichosis +hypertridimensional +hypertrophic +hypertrophied +hypertrophous +hypertrophy +hypertropia +hypertropical +hypertype +hypertypic +hypertypical +hyperurbanism +hyperuresis +hypervascular +hypervascularity +hypervenosity +hyperventilate +hyperventilation +hypervigilant +hyperviscosity +hypervitalization +hypervitalize +hypervitaminosis +hypervolume +hyperwrought +hypesthesia +hypesthesic +hypethral +hypha +Hyphaene +hyphaeresis +hyphal +hyphedonia +hyphema +hyphen +hyphenate +hyphenated +hyphenation +hyphenic +hyphenism +hyphenization +hyphenize +hypho +hyphodrome +Hyphomycetales +hyphomycete +Hyphomycetes +hyphomycetic +hyphomycetous +hyphomycosis +hypidiomorphic +hypidiomorphically +hypinosis +hypinotic +Hypnaceae +hypnaceous +hypnagogic +hypnesthesis +hypnesthetic +hypnoanalysis +hypnobate +hypnocyst +hypnody +hypnoetic +hypnogenesis +hypnogenetic +hypnoid +hypnoidal +hypnoidization +hypnoidize +hypnologic +hypnological +hypnologist +hypnology +hypnone +hypnophobia +hypnophobic +hypnophoby +hypnopompic +Hypnos +hypnoses +hypnosis +hypnosperm +hypnosporangium +hypnospore +hypnosporic +hypnotherapy +hypnotic +hypnotically +hypnotism +hypnotist +hypnotistic +hypnotizability +hypnotizable +hypnotization +hypnotize +hypnotizer +hypnotoid +hypnotoxin +Hypnum +hypo +hypoacid +hypoacidity +hypoactive +hypoactivity +hypoadenia +hypoadrenia +hypoaeolian +hypoalimentation +hypoalkaline +hypoalkalinity +hypoaminoacidemia +hypoantimonate +hypoazoturia +hypobasal +hypobatholithic +hypobenthonic +hypobenthos +hypoblast +hypoblastic +hypobole +hypobranchial +hypobranchiate +hypobromite +hypobromous +hypobulia +hypobulic +hypocalcemia +hypocarp +hypocarpium +hypocarpogean +hypocatharsis +hypocathartic +hypocathexis +hypocaust +hypocentrum +hypocephalus +Hypochaeris +hypochil +hypochilium +hypochlorhydria +hypochlorhydric +hypochloric +hypochlorite +hypochlorous +hypochloruria +Hypochnaceae +hypochnose +Hypochnus +hypochondria +hypochondriac +hypochondriacal +hypochondriacally +hypochondriacism +hypochondrial +hypochondriasis +hypochondriast +hypochondrium +hypochondry +hypochordal +hypochromia +hypochrosis +hypochylia +hypocist +hypocleidian +hypocleidium +hypocoelom +hypocondylar +hypocone +hypoconid +hypoconule +hypoconulid +hypocoracoid +hypocorism +hypocoristic +hypocoristical +hypocoristically +hypocotyl +hypocotyleal +hypocotyledonary +hypocotyledonous +hypocotylous +hypocrater +hypocrateriform +hypocraterimorphous +Hypocreaceae +hypocreaceous +Hypocreales +hypocrisis +hypocrisy +hypocrital +hypocrite +hypocritic +hypocritical +hypocritically +hypocrize +hypocrystalline +hypocycloid +hypocycloidal +hypocystotomy +hypocytosis +hypodactylum +hypoderm +hypoderma +hypodermal +hypodermatic +hypodermatically +hypodermatoclysis +hypodermatomy +Hypodermella +hypodermic +hypodermically +hypodermis +hypodermoclysis +hypodermosis +hypodermous +hypodiapason +hypodiapente +hypodiastole +hypodiatessaron +hypodiazeuxis +hypodicrotic +hypodicrotous +hypoditone +hypodorian +hypodynamia +hypodynamic +hypoeliminator +hypoendocrinism +hypoeosinophilia +hypoeutectic +hypoeutectoid +hypofunction +hypogastric +hypogastrium +hypogastrocele +hypogeal +hypogean +hypogee +hypogeic +hypogeiody +hypogene +hypogenesis +hypogenetic +hypogenic +hypogenous +hypogeocarpous +hypogeous +hypogeum +hypogeusia +hypoglobulia +hypoglossal +hypoglossitis +hypoglossus +hypoglottis +hypoglycemia +hypoglycemic +hypognathism +hypognathous +hypogonation +hypogynic +hypogynium +hypogynous +hypogyny +hypohalous +hypohemia +hypohidrosis +Hypohippus +hypohyal +hypohyaline +hypoid +hypoiodite +hypoiodous +hypoionian +hypoischium +hypoisotonic +hypokeimenometry +hypokinesia +hypokinesis +hypokinetic +hypokoristikon +hypolemniscus +hypoleptically +hypoleucocytosis +hypolimnion +hypolocrian +hypolydian +hypomania +hypomanic +hypomelancholia +hypomeral +hypomere +hypomeron +hypometropia +hypomixolydian +hypomnematic +hypomnesis +hypomochlion +hypomorph +hypomotility +hypomyotonia +hyponastic +hyponastically +hyponasty +hyponeuria +hyponitric +hyponitrite +hyponitrous +hyponoetic +hyponoia +hyponome +hyponomic +hyponychial +hyponychium +hyponym +hyponymic +hyponymous +Hypoparia +hypopepsia +hypopepsinia +hypopepsy +hypopetalous +hypopetaly +hypophalangism +hypophamin +hypophamine +hypophare +hypopharyngeal +hypopharynx +hypophloeodal +hypophloeodic +hypophloeous +hypophonic +hypophonous +hypophora +hypophoria +hypophosphate +hypophosphite +hypophosphoric +hypophosphorous +hypophrenia +hypophrenic +hypophrenosis +hypophrygian +hypophyge +hypophyll +hypophyllium +hypophyllous +hypophyllum +hypophyse +hypophyseal +hypophysectomize +hypophysectomy +hypophyseoprivic +hypophyseoprivous +hypophysial +hypophysical +hypophysics +hypophysis +hypopial +hypopinealism +hypopituitarism +Hypopitys +hypoplankton +hypoplanktonic +hypoplasia +hypoplastic +hypoplastral +hypoplastron +hypoplasty +hypoplasy +hypoploid +hypoploidy +hypopodium +hypopraxia +hypoprosexia +hypopselaphesia +hypopteral +hypopteron +hypoptilar +hypoptilum +hypoptosis +hypoptyalism +hypopus +hypopygial +hypopygidium +hypopygium +hypopyon +hyporadial +hyporadiolus +hyporadius +hyporchema +hyporchematic +hyporcheme +hyporchesis +hyporhachidian +hyporhachis +hyporhined +hyporit +hyporrhythmic +hyposcenium +hyposcleral +hyposcope +hyposecretion +hyposensitization +hyposensitize +hyposkeletal +hyposmia +hypospadiac +hypospadias +hyposphene +hypospray +hypostase +hypostasis +hypostasization +hypostasize +hypostasy +hypostatic +hypostatical +hypostatically +hypostatization +hypostatize +hyposternal +hyposternum +hyposthenia +hyposthenic +hyposthenuria +hypostigma +hypostilbite +hypostoma +Hypostomata +hypostomatic +hypostomatous +hypostome +hypostomial +Hypostomides +hypostomous +hypostrophe +hypostyle +hypostypsis +hypostyptic +hyposulphite +hyposulphurous +hyposuprarenalism +hyposyllogistic +hyposynaphe +hyposynergia +hyposystole +hypotactic +hypotarsal +hypotarsus +hypotaxia +hypotaxic +hypotaxis +hypotension +hypotensive +hypotensor +hypotenusal +hypotenuse +hypothalamic +hypothalamus +hypothalline +hypothallus +hypothec +hypotheca +hypothecal +hypothecary +hypothecate +hypothecation +hypothecative +hypothecator +hypothecatory +hypothecial +hypothecium +hypothenal +hypothenar +Hypotheria +hypothermal +hypothermia +hypothermic +hypothermy +hypotheses +hypothesis +hypothesist +hypothesize +hypothesizer +hypothetic +hypothetical +hypothetically +hypothetics +hypothetist +hypothetize +hypothetizer +hypothyreosis +hypothyroid +hypothyroidism +hypotonia +hypotonic +hypotonicity +hypotonus +hypotony +hypotoxic +hypotoxicity +hypotrachelium +Hypotremata +hypotrich +Hypotricha +Hypotrichida +hypotrichosis +hypotrichous +hypotrochanteric +hypotrochoid +hypotrochoidal +hypotrophic +hypotrophy +hypotympanic +hypotypic +hypotypical +hypotyposis +hypovalve +hypovanadate +hypovanadic +hypovanadious +hypovanadous +hypovitaminosis +hypoxanthic +hypoxanthine +Hypoxis +Hypoxylon +hypozeugma +hypozeuxis +Hypozoa +hypozoan +hypozoic +hyppish +hypsibrachycephalic +hypsibrachycephalism +hypsibrachycephaly +hypsicephalic +hypsicephaly +hypsidolichocephalic +hypsidolichocephalism +hypsidolichocephaly +hypsiliform +hypsiloid +Hypsilophodon +hypsilophodont +hypsilophodontid +Hypsilophodontidae +hypsilophodontoid +Hypsiprymninae +Hypsiprymnodontinae +Hypsiprymnus +Hypsistarian +hypsistenocephalic +hypsistenocephalism +hypsistenocephaly +hypsobathymetric +hypsocephalous +hypsochrome +hypsochromic +hypsochromy +hypsodont +hypsodontism +hypsodonty +hypsographic +hypsographical +hypsography +hypsoisotherm +hypsometer +hypsometric +hypsometrical +hypsometrically +hypsometrist +hypsometry +hypsophobia +hypsophonous +hypsophyll +hypsophyllar +hypsophyllary +hypsophyllous +hypsophyllum +hypsothermometer +hypural +hyraces +hyraceum +Hyrachyus +hyracid +Hyracidae +hyraciform +Hyracina +Hyracodon +hyracodont +hyracodontid +Hyracodontidae +hyracodontoid +hyracoid +Hyracoidea +hyracoidean +hyracothere +hyracotherian +Hyracotheriinae +Hyracotherium +hyrax +Hyrcan +Hyrcanian +hyson +hyssop +Hyssopus +hystazarin +hysteralgia +hysteralgic +hysteranthous +hysterectomy +hysterelcosis +hysteresial +hysteresis +hysteretic +hysteretically +hysteria +hysteriac +Hysteriales +hysteric +hysterical +hysterically +hystericky +hysterics +hysteriform +hysterioid +Hysterocarpus +hysterocatalepsy +hysterocele +hysterocleisis +hysterocrystalline +hysterocystic +hysterodynia +hysterogen +hysterogenetic +hysterogenic +hysterogenous +hysterogeny +hysteroid +hysterolaparotomy +hysterolith +hysterolithiasis +hysterology +hysterolysis +hysteromania +hysterometer +hysterometry +hysteromorphous +hysteromyoma +hysteromyomectomy +hysteron +hysteroneurasthenia +hysteropathy +hysteropexia +hysteropexy +hysterophore +Hysterophyta +hysterophytal +hysterophyte +hysteroproterize +hysteroptosia +hysteroptosis +hysterorrhaphy +hysterorrhexis +hysteroscope +hysterosis +hysterotome +hysterotomy +hysterotraumatism +hystriciasis +hystricid +Hystricidae +Hystricinae +hystricine +hystricism +hystricismus +hystricoid +hystricomorph +Hystricomorpha +hystricomorphic +hystricomorphous +Hystrix +I +i +Iacchic +Iacchos +Iacchus +Iachimo +iamatology +iamb +Iambe +iambelegus +iambi +iambic +iambically +iambist +iambize +iambographer +iambus +Ian +Ianthina +ianthine +ianthinite +Ianus +iao +Iapetus +Iapyges +Iapygian +Iapygii +iatraliptic +iatraliptics +iatric +iatrical +iatrochemic +iatrochemical +iatrochemist +iatrochemistry +iatrological +iatrology +iatromathematical +iatromathematician +iatromathematics +iatromechanical +iatromechanist +iatrophysical +iatrophysicist +iatrophysics +iatrotechnics +iba +Ibad +Ibadite +Iban +Ibanag +Iberes +Iberi +Iberia +Iberian +Iberic +Iberis +Iberism +iberite +ibex +ibices +ibid +Ibididae +Ibidinae +ibidine +Ibidium +Ibilao +ibis +ibisbill +Ibo +ibolium +ibota +Ibsenian +Ibsenic +Ibsenish +Ibsenism +Ibsenite +Ibycter +Ibycus +Icacinaceae +icacinaceous +icaco +Icacorea +Icaria +Icarian +Icarianism +Icarus +ice +iceberg +iceblink +iceboat +icebone +icebound +icebox +icebreaker +icecap +icecraft +iced +icefall +icefish +icehouse +Iceland +iceland +Icelander +Icelandian +Icelandic +iceleaf +iceless +Icelidae +icelike +iceman +Iceni +icequake +iceroot +Icerya +icework +ich +Ichneumia +ichneumon +ichneumoned +Ichneumones +ichneumonid +Ichneumonidae +ichneumonidan +Ichneumonides +ichneumoniform +ichneumonized +ichneumonoid +Ichneumonoidea +ichneumonology +ichneumous +ichneutic +ichnite +ichnographic +ichnographical +ichnographically +ichnography +ichnolite +ichnolithology +ichnolitic +ichnological +ichnology +ichnomancy +icho +ichoglan +ichor +ichorous +ichorrhea +ichorrhemia +ichthulin +ichthulinic +ichthus +ichthyal +ichthyic +ichthyism +ichthyismus +ichthyization +ichthyized +ichthyobatrachian +Ichthyocephali +ichthyocephalous +ichthyocol +ichthyocolla +ichthyocoprolite +Ichthyodea +Ichthyodectidae +ichthyodian +ichthyodont +ichthyodorulite +ichthyofauna +ichthyoform +ichthyographer +ichthyographia +ichthyographic +ichthyography +ichthyoid +ichthyoidal +Ichthyoidea +Ichthyol +ichthyolatrous +ichthyolatry +ichthyolite +ichthyolitic +ichthyologic +ichthyological +ichthyologically +ichthyologist +ichthyology +ichthyomancy +ichthyomantic +Ichthyomorpha +ichthyomorphic +ichthyomorphous +ichthyonomy +ichthyopaleontology +ichthyophagan +ichthyophagi +ichthyophagian +ichthyophagist +ichthyophagize +ichthyophagous +ichthyophagy +ichthyophile +ichthyophobia +ichthyophthalmite +ichthyophthiriasis +ichthyopolism +ichthyopolist +ichthyopsid +Ichthyopsida +ichthyopsidan +Ichthyopterygia +ichthyopterygian +ichthyopterygium +Ichthyornis +Ichthyornithes +ichthyornithic +Ichthyornithidae +Ichthyornithiformes +ichthyornithoid +ichthyosaur +Ichthyosauria +ichthyosaurian +ichthyosaurid +Ichthyosauridae +ichthyosauroid +Ichthyosaurus +ichthyosis +ichthyosism +ichthyotic +Ichthyotomi +ichthyotomist +ichthyotomous +ichthyotomy +ichthyotoxin +ichthyotoxism +ichthytaxidermy +ichu +icica +icicle +icicled +icily +iciness +icing +icon +Iconian +iconic +iconical +iconism +iconoclasm +iconoclast +iconoclastic +iconoclastically +iconoclasticism +iconodule +iconodulic +iconodulist +iconoduly +iconograph +iconographer +iconographic +iconographical +iconographist +iconography +iconolater +iconolatrous +iconolatry +iconological +iconologist +iconology +iconomachal +iconomachist +iconomachy +iconomania +iconomatic +iconomatically +iconomaticism +iconomatography +iconometer +iconometric +iconometrical +iconometrically +iconometry +iconophile +iconophilism +iconophilist +iconophily +iconoplast +iconoscope +iconostas +iconostasion +iconostasis +iconotype +icosahedral +Icosandria +icosasemic +icosian +icositetrahedron +icosteid +Icosteidae +icosteine +Icosteus +icotype +icteric +icterical +Icteridae +icterine +icteritious +icterode +icterogenetic +icterogenic +icterogenous +icterohematuria +icteroid +icterus +ictic +Ictonyx +ictuate +ictus +icy +id +Ida +Idaean +Idaho +Idahoan +Idaic +idalia +Idalian +idant +iddat +Iddio +ide +idea +ideaed +ideaful +ideagenous +ideal +idealess +idealism +idealist +idealistic +idealistical +idealistically +ideality +idealization +idealize +idealizer +idealless +ideally +idealness +ideamonger +Idean +ideate +ideation +ideational +ideationally +ideative +ideist +idempotent +identic +identical +identicalism +identically +identicalness +identifiable +identifiableness +identification +identifier +identify +identism +identity +ideogenetic +ideogenical +ideogenous +ideogeny +ideoglyph +ideogram +ideogrammic +ideograph +ideographic +ideographical +ideographically +ideography +ideolatry +ideologic +ideological +ideologically +ideologist +ideologize +ideologue +ideology +ideomotion +ideomotor +ideophone +ideophonetics +ideophonous +ideoplastia +ideoplastic +ideoplastics +ideoplasty +ideopraxist +ides +idgah +idiasm +idic +idiobiology +idioblast +idioblastic +idiochromatic +idiochromatin +idiochromosome +idiocrasis +idiocrasy +idiocratic +idiocratical +idiocy +idiocyclophanous +idioelectric +idioelectrical +Idiogastra +idiogenesis +idiogenetic +idiogenous +idioglossia +idioglottic +idiograph +idiographic +idiographical +idiohypnotism +idiolalia +idiolatry +idiologism +idiolysin +idiom +idiomatic +idiomatical +idiomatically +idiomaticalness +idiomelon +idiometer +idiomography +idiomology +idiomorphic +idiomorphically +idiomorphism +idiomorphous +idiomuscular +idiopathetic +idiopathic +idiopathical +idiopathically +idiopathy +idiophanism +idiophanous +idiophonic +idioplasm +idioplasmatic +idioplasmic +idiopsychological +idiopsychology +idioreflex +idiorepulsive +idioretinal +idiorrhythmic +Idiosepiidae +Idiosepion +idiosome +idiospasm +idiospastic +idiostatic +idiosyncrasy +idiosyncratic +idiosyncratical +idiosyncratically +idiot +idiotcy +idiothalamous +idiothermous +idiothermy +idiotic +idiotical +idiotically +idioticalness +idioticon +idiotish +idiotism +idiotize +idiotropian +idiotry +idiotype +idiotypic +Idism +Idist +Idistic +idite +iditol +idle +idleful +idleheaded +idlehood +idleman +idlement +idleness +idler +idleset +idleship +idlety +idlish +idly +Ido +idocrase +Idoism +Idoist +Idoistic +idol +idola +idolaster +idolater +idolatress +idolatric +idolatrize +idolatrizer +idolatrous +idolatrously +idolatrousness +idolatry +idolify +idolism +idolist +idolistic +idolization +idolize +idolizer +idoloclast +idoloclastic +idolodulia +idolographical +idololatrical +idololatry +idolomancy +idolomania +idolothyte +idolothytic +idolous +idolum +Idomeneus +idoneal +idoneity +idoneous +idoneousness +idorgan +idosaccharic +idose +Idotea +Idoteidae +Idothea +Idotheidae +idrialin +idrialine +idrialite +Idrisid +Idrisite +idryl +Idumaean +idyl +idyler +idylism +idylist +idylize +idyllian +idyllic +idyllical +idyllically +idyllicism +ie +Ierne +if +ife +iffy +Ifugao +Igara +Igbira +Igdyr +igelstromite +igloo +Iglulirmiut +ignatia +Ignatian +Ignatianist +Ignatius +ignavia +igneoaqueous +igneous +ignescent +ignicolist +igniferous +igniferousness +igniform +ignifuge +ignify +ignigenous +ignipotent +ignipuncture +ignitability +ignite +igniter +ignitibility +ignitible +ignition +ignitive +ignitor +ignitron +ignivomous +ignivomousness +ignobility +ignoble +ignobleness +ignoblesse +ignobly +ignominious +ignominiously +ignominiousness +ignominy +ignorable +ignoramus +ignorance +ignorant +Ignorantine +ignorantism +ignorantist +ignorantly +ignorantness +ignoration +ignore +ignorement +ignorer +ignote +Igorot +iguana +Iguania +iguanian +iguanid +Iguanidae +iguaniform +Iguanodon +iguanodont +Iguanodontia +Iguanodontidae +iguanodontoid +Iguanodontoidea +iguanoid +Iguvine +ihi +Ihlat +ihleite +ihram +iiwi +ijma +Ijo +ijolite +Ijore +ijussite +ikat +Ike +ikey +ikeyness +Ikhwan +ikona +ikra +Ila +ileac +ileectomy +ileitis +ileocaecal +ileocaecum +ileocolic +ileocolitis +ileocolostomy +ileocolotomy +ileon +ileosigmoidostomy +ileostomy +ileotomy +ilesite +ileum +ileus +ilex +ilia +Iliac +iliac +iliacus +Iliad +Iliadic +Iliadist +Iliadize +iliahi +ilial +Ilian +iliau +Ilicaceae +ilicaceous +ilicic +ilicin +ilima +iliocaudal +iliocaudalis +iliococcygeal +iliococcygeus +iliococcygian +iliocostal +iliocostalis +iliodorsal +iliofemoral +iliohypogastric +ilioinguinal +ilioischiac +ilioischiatic +iliolumbar +iliopectineal +iliopelvic +ilioperoneal +iliopsoas +iliopsoatic +iliopubic +iliosacral +iliosciatic +ilioscrotal +iliospinal +iliotibial +iliotrochanteric +Ilissus +ilium +ilk +ilka +ilkane +ill +illaborate +illachrymable +illachrymableness +Illaenus +Illano +Illanun +illapsable +illapse +illapsive +illaqueate +illaqueation +illation +illative +illatively +illaudable +illaudably +illaudation +illaudatory +Illecebraceae +illecebrous +illeck +illegal +illegality +illegalize +illegally +illegalness +illegibility +illegible +illegibleness +illegibly +illegitimacy +illegitimate +illegitimately +illegitimateness +illegitimation +illegitimatize +illeism +illeist +illess +illfare +illguide +illiberal +illiberalism +illiberality +illiberalize +illiberally +illiberalness +illicit +illicitly +illicitness +Illicium +illimitability +illimitable +illimitableness +illimitably +illimitate +illimitation +illimited +illimitedly +illimitedness +illinition +illinium +Illinoian +Illinois +Illinoisan +Illinoisian +Illipe +illipene +illiquation +illiquid +illiquidity +illiquidly +illish +illision +illiteracy +illiteral +illiterate +illiterately +illiterateness +illiterature +illium +illness +illocal +illocality +illocally +illogic +illogical +illogicality +illogically +illogicalness +illogician +illogicity +Illoricata +illoricate +illoricated +illoyal +illoyalty +illth +illucidate +illucidation +illucidative +illude +illudedly +illuder +illume +illumer +illuminability +illuminable +illuminance +illuminant +illuminate +illuminated +illuminati +illuminating +illuminatingly +illumination +illuminational +illuminatism +illuminatist +illuminative +illuminato +illuminator +illuminatory +illuminatus +illumine +illuminee +illuminer +Illuminism +illuminist +Illuministic +Illuminize +illuminometer +illuminous +illupi +illure +illurement +illusible +illusion +illusionable +illusional +illusionary +illusioned +illusionism +illusionist +illusionistic +illusive +illusively +illusiveness +illusor +illusorily +illusoriness +illusory +illustrable +illustratable +illustrate +illustration +illustrational +illustrative +illustratively +illustrator +illustratory +illustratress +illustre +illustricity +illustrious +illustriously +illustriousness +illutate +illutation +illuvial +illuviate +illuviation +illy +Illyrian +Illyric +ilmenite +ilmenitite +ilmenorutile +Ilocano +Ilokano +Iloko +Ilongot +ilot +Ilpirra +ilvaite +Ilya +Ilysanthes +Ilysia +Ilysiidae +ilysioid +Ima +image +imageable +imageless +imager +imagerial +imagerially +imagery +imaginability +imaginable +imaginableness +imaginably +imaginal +imaginant +imaginarily +imaginariness +imaginary +imaginate +imagination +imaginational +imaginationalism +imaginative +imaginatively +imaginativeness +imaginator +imagine +imaginer +imagines +imaginist +imaginous +imagism +imagist +imagistic +imago +imam +imamah +imamate +imambarah +imamic +imamship +Imantophyllum +imaret +imbalance +imban +imband +imbannered +imbarge +imbark +imbarn +imbased +imbastardize +imbat +imbauba +imbe +imbecile +imbecilely +imbecilic +imbecilitate +imbecility +imbed +imbellious +imber +imbibe +imbiber +imbibition +imbibitional +imbibitory +imbirussu +imbitter +imbitterment +imbolish +imbondo +imbonity +imbordure +imborsation +imbosom +imbower +imbreathe +imbreviate +imbrex +imbricate +imbricated +imbricately +imbrication +imbricative +imbroglio +imbrue +imbruement +imbrute +imbrutement +imbue +imbuement +imburse +imbursement +Imer +Imerina +Imeritian +imi +imidazole +imidazolyl +imide +imidic +imidogen +iminazole +imine +imino +iminohydrin +imitability +imitable +imitableness +imitancy +imitant +imitate +imitatee +imitation +imitational +imitationist +imitative +imitatively +imitativeness +imitator +imitatorship +imitatress +imitatrix +immaculacy +immaculance +immaculate +immaculately +immaculateness +immalleable +immanacle +immanation +immane +immanely +immanence +immanency +immaneness +immanent +immanental +immanentism +immanentist +immanently +Immanes +immanifest +immanifestness +immanity +immantle +Immanuel +immarble +immarcescible +immarcescibly +immarcibleness +immarginate +immask +immatchable +immaterial +immaterialism +immaterialist +immateriality +immaterialize +immaterially +immaterialness +immaterials +immateriate +immatriculate +immatriculation +immature +immatured +immaturely +immatureness +immaturity +immeability +immeasurability +immeasurable +immeasurableness +immeasurably +immeasured +immechanical +immechanically +immediacy +immedial +immediate +immediately +immediateness +immediatism +immediatist +immedicable +immedicableness +immedicably +immelodious +immember +immemorable +immemorial +immemorially +immense +immensely +immenseness +immensity +immensive +immensurability +immensurable +immensurableness +immensurate +immerd +immerge +immergence +immergent +immerit +immerited +immeritorious +immeritoriously +immeritous +immerse +immersement +immersible +immersion +immersionism +immersionist +immersive +immethodic +immethodical +immethodically +immethodicalness +immethodize +immetrical +immetrically +immetricalness +immew +immi +immigrant +immigrate +immigration +immigrator +immigratory +imminence +imminency +imminent +imminently +imminentness +immingle +imminution +immiscibility +immiscible +immiscibly +immission +immit +immitigability +immitigable +immitigably +immix +immixable +immixture +immobile +immobility +immobilization +immobilize +immoderacy +immoderate +immoderately +immoderateness +immoderation +immodest +immodestly +immodesty +immodulated +immolate +immolation +immolator +immoment +immomentous +immonastered +immoral +immoralism +immoralist +immorality +immoralize +immorally +immorigerous +immorigerousness +immortability +immortable +immortal +immortalism +immortalist +immortality +immortalizable +immortalization +immortalize +immortalizer +immortally +immortalness +immortalship +immortelle +immortification +immortified +immotile +immotioned +immotive +immound +immovability +immovable +immovableness +immovably +immund +immundity +immune +immunist +immunity +immunization +immunize +immunochemistry +immunogen +immunogenetic +immunogenetics +immunogenic +immunogenically +immunogenicity +immunologic +immunological +immunologically +immunologist +immunology +immunoreaction +immunotoxin +immuration +immure +immurement +immusical +immusically +immutability +immutable +immutableness +immutably +immutation +immute +immutilate +immutual +Imogen +Imolinda +imonium +imp +impacability +impacable +impack +impackment +impact +impacted +impaction +impactionize +impactment +impactual +impages +impaint +impair +impairable +impairer +impairment +impala +impalace +impalatable +impale +impalement +impaler +impall +impalm +impalpability +impalpable +impalpably +impalsy +impaludism +impanate +impanation +impanator +impane +impanel +impanelment +impapase +impapyrate +impar +imparadise +imparalleled +imparasitic +impardonable +impardonably +imparidigitate +imparipinnate +imparisyllabic +imparity +impark +imparkation +imparl +imparlance +imparsonee +impart +impartable +impartance +impartation +imparter +impartial +impartialism +impartialist +impartiality +impartially +impartialness +impartibilibly +impartibility +impartible +impartibly +imparticipable +impartite +impartive +impartivity +impartment +impassability +impassable +impassableness +impassably +impasse +impassibilibly +impassibility +impassible +impassibleness +impassion +impassionable +impassionate +impassionately +impassioned +impassionedly +impassionedness +impassionment +impassive +impassively +impassiveness +impassivity +impastation +impaste +impasto +impasture +impaternate +impatible +impatience +impatiency +Impatiens +impatient +Impatientaceae +impatientaceous +impatiently +impatientness +impatronize +impave +impavid +impavidity +impavidly +impawn +impayable +impeach +impeachability +impeachable +impeacher +impeachment +impearl +impeccability +impeccable +impeccably +impeccance +impeccancy +impeccant +impectinate +impecuniary +impecuniosity +impecunious +impecuniously +impecuniousness +impedance +impede +impeder +impedibility +impedible +impedient +impediment +impedimenta +impedimental +impedimentary +impeding +impedingly +impedite +impedition +impeditive +impedometer +impeevish +impel +impellent +impeller +impen +impend +impendence +impendency +impendent +impending +impenetrability +impenetrable +impenetrableness +impenetrably +impenetrate +impenetration +impenetrative +impenitence +impenitent +impenitently +impenitentness +impenitible +impenitibleness +impennate +Impennes +impent +imperance +imperant +Imperata +imperate +imperation +imperatival +imperative +imperatively +imperativeness +imperator +imperatorial +imperatorially +imperatorian +imperatorious +imperatorship +imperatory +imperatrix +imperceivable +imperceivableness +imperceivably +imperceived +imperceiverant +imperceptibility +imperceptible +imperceptibleness +imperceptibly +imperception +imperceptive +imperceptiveness +imperceptivity +impercipience +impercipient +imperence +imperent +imperfect +imperfected +imperfectibility +imperfectible +imperfection +imperfectious +imperfective +imperfectly +imperfectness +imperforable +Imperforata +imperforate +imperforated +imperforation +imperformable +imperia +imperial +imperialin +imperialine +imperialism +imperialist +imperialistic +imperialistically +imperiality +imperialization +imperialize +imperially +imperialness +imperialty +imperil +imperilment +imperious +imperiously +imperiousness +imperish +imperishability +imperishable +imperishableness +imperishably +imperite +imperium +impermanence +impermanency +impermanent +impermanently +impermeability +impermeabilization +impermeabilize +impermeable +impermeableness +impermeably +impermeated +impermeator +impermissible +impermutable +imperscriptible +imperscrutable +impersonable +impersonal +impersonality +impersonalization +impersonalize +impersonally +impersonate +impersonation +impersonative +impersonator +impersonatress +impersonatrix +impersonification +impersonify +impersonization +impersonize +imperspicuity +imperspicuous +imperspirability +imperspirable +impersuadable +impersuadableness +impersuasibility +impersuasible +impersuasibleness +impersuasibly +impertinacy +impertinence +impertinency +impertinent +impertinently +impertinentness +impertransible +imperturbability +imperturbable +imperturbableness +imperturbably +imperturbation +imperturbed +imperverse +impervertible +impervestigable +imperviability +imperviable +imperviableness +impervial +impervious +imperviously +imperviousness +impest +impestation +impester +impeticos +impetiginous +impetigo +impetition +impetrate +impetration +impetrative +impetrator +impetratory +impetre +impetulant +impetulantly +impetuosity +impetuous +impetuously +impetuousness +impetus +Impeyan +imphee +impi +impicture +impierceable +impiety +impignorate +impignoration +impinge +impingement +impingence +impingent +impinger +impinguate +impious +impiously +impiousness +impish +impishly +impishness +impiteous +impitiably +implacability +implacable +implacableness +implacably +implacement +implacental +Implacentalia +implacentate +implant +implantation +implanter +implastic +implasticity +implate +implausibility +implausible +implausibleness +implausibly +impleach +implead +impleadable +impleader +impledge +implement +implemental +implementation +implementiferous +implete +impletion +impletive +implex +impliable +implial +implicant +implicate +implicately +implicateness +implication +implicational +implicative +implicatively +implicatory +implicit +implicitly +implicitness +impliedly +impliedness +impling +implode +implodent +implorable +imploration +implorator +imploratory +implore +implorer +imploring +imploringly +imploringness +implosion +implosive +implosively +implume +implumed +implunge +impluvium +imply +impocket +impofo +impoison +impoisoner +impolarizable +impolicy +impolished +impolite +impolitely +impoliteness +impolitic +impolitical +impolitically +impoliticalness +impoliticly +impoliticness +impollute +imponderabilia +imponderability +imponderable +imponderableness +imponderably +imponderous +impone +imponent +impoor +impopular +impopularly +imporosity +imporous +import +importability +importable +importableness +importably +importance +importancy +important +importantly +importation +importer +importless +importment +importraiture +importray +importunacy +importunance +importunate +importunately +importunateness +importunator +importune +importunely +importunement +importuner +importunity +imposable +imposableness +imposal +impose +imposement +imposer +imposing +imposingly +imposingness +imposition +impositional +impositive +impossibilification +impossibilism +impossibilist +impossibilitate +impossibility +impossible +impossibleness +impossibly +impost +imposter +imposterous +impostor +impostorism +impostorship +impostress +impostrix +impostrous +impostumate +impostumation +impostume +imposture +imposturism +imposturous +imposure +impot +impotable +impotence +impotency +impotent +impotently +impotentness +impound +impoundable +impoundage +impounder +impoundment +impoverish +impoverisher +impoverishment +impracticability +impracticable +impracticableness +impracticably +impractical +impracticality +impracticalness +imprecant +imprecate +imprecation +imprecator +imprecatorily +imprecatory +imprecise +imprecisely +imprecision +impredicability +impredicable +impreg +impregn +impregnability +impregnable +impregnableness +impregnably +impregnant +impregnate +impregnation +impregnative +impregnator +impregnatory +imprejudice +impremeditate +impreparation +impresa +impresario +imprescience +imprescribable +imprescriptibility +imprescriptible +imprescriptibly +imprese +impress +impressable +impressedly +impresser +impressibility +impressible +impressibleness +impressibly +impression +impressionability +impressionable +impressionableness +impressionably +impressional +impressionalist +impressionality +impressionally +impressionary +impressionism +impressionist +impressionistic +impressionistically +impressionless +impressive +impressively +impressiveness +impressment +impressor +impressure +imprest +imprestable +impreventability +impreventable +imprevisibility +imprevisible +imprevision +imprimatur +imprime +imprimitive +imprimitivity +imprint +imprinter +imprison +imprisonable +imprisoner +imprisonment +improbability +improbabilize +improbable +improbableness +improbably +improbation +improbative +improbatory +improbity +improcreant +improcurability +improcurable +improducible +improficience +improficiency +improgressive +improgressively +improgressiveness +improlificical +impromptitude +impromptu +impromptuary +impromptuist +improof +improper +improperation +improperly +improperness +impropriate +impropriation +impropriator +impropriatrix +impropriety +improvability +improvable +improvableness +improvably +improve +improvement +improver +improvership +improvidence +improvident +improvidentially +improvidently +improving +improvingly +improvisate +improvisation +improvisational +improvisator +improvisatorial +improvisatorially +improvisatorize +improvisatory +improvise +improvisedly +improviser +improvision +improviso +improvisor +imprudence +imprudency +imprudent +imprudential +imprudently +imprudentness +impship +impuberal +impuberate +impuberty +impubic +impudence +impudency +impudent +impudently +impudentness +impudicity +impugn +impugnability +impugnable +impugnation +impugner +impugnment +impuissance +impuissant +impulse +impulsion +impulsive +impulsively +impulsiveness +impulsivity +impulsory +impunctate +impunctual +impunctuality +impunely +impunible +impunibly +impunity +impure +impurely +impureness +impuritan +impuritanism +impurity +imputability +imputable +imputableness +imputably +imputation +imputative +imputatively +imputativeness +impute +imputedly +imputer +imputrescence +imputrescibility +imputrescible +imputrid +impy +imshi +imsonic +imu +in +inability +inabordable +inabstinence +inaccentuated +inaccentuation +inacceptable +inaccessibility +inaccessible +inaccessibleness +inaccessibly +inaccordance +inaccordancy +inaccordant +inaccordantly +inaccuracy +inaccurate +inaccurately +inaccurateness +inachid +Inachidae +inachoid +Inachus +inacquaintance +inacquiescent +inactinic +inaction +inactionist +inactivate +inactivation +inactive +inactively +inactiveness +inactivity +inactuate +inactuation +inadaptability +inadaptable +inadaptation +inadaptive +inadept +inadequacy +inadequate +inadequately +inadequateness +inadequation +inadequative +inadequatively +inadherent +inadhesion +inadhesive +inadjustability +inadjustable +inadmissibility +inadmissible +inadmissibly +inadventurous +inadvertence +inadvertency +inadvertent +inadvertently +inadvisability +inadvisable +inadvisableness +inadvisedly +inaesthetic +inaffability +inaffable +inaffectation +inagglutinability +inagglutinable +inaggressive +inagile +inaidable +inaja +inalacrity +inalienability +inalienable +inalienableness +inalienably +inalimental +inalterability +inalterable +inalterableness +inalterably +inamissibility +inamissible +inamissibleness +inamorata +inamorate +inamoration +inamorato +inamovability +inamovable +inane +inanely +inanga +inangulate +inanimadvertence +inanimate +inanimated +inanimately +inanimateness +inanimation +inanition +inanity +inantherate +inapathy +inapostate +inapparent +inappealable +inappeasable +inappellability +inappellable +inappendiculate +inapperceptible +inappertinent +inappetence +inappetency +inappetent +inappetible +inapplicability +inapplicable +inapplicableness +inapplicably +inapplication +inapposite +inappositely +inappositeness +inappreciable +inappreciably +inappreciation +inappreciative +inappreciatively +inappreciativeness +inapprehensible +inapprehension +inapprehensive +inapprehensiveness +inapproachability +inapproachable +inapproachably +inappropriable +inappropriableness +inappropriate +inappropriately +inappropriateness +inapt +inaptitude +inaptly +inaptness +inaqueous +inarable +inarch +inarculum +inarguable +inarguably +inarm +inarticulacy +Inarticulata +inarticulate +inarticulated +inarticulately +inarticulateness +inarticulation +inartificial +inartificiality +inartificially +inartificialness +inartistic +inartistical +inartisticality +inartistically +inasmuch +inassimilable +inassimilation +inassuageable +inattackable +inattention +inattentive +inattentively +inattentiveness +inaudibility +inaudible +inaudibleness +inaudibly +inaugur +inaugural +inaugurate +inauguration +inaugurative +inaugurator +inauguratory +inaugurer +inaurate +inauration +inauspicious +inauspiciously +inauspiciousness +inauthentic +inauthenticity +inauthoritative +inauthoritativeness +inaxon +inbe +inbeaming +inbearing +inbeing +inbending +inbent +inbirth +inblow +inblowing +inblown +inboard +inbond +inborn +inbound +inbread +inbreak +inbreaking +inbreathe +inbreather +inbred +inbreed +inbring +inbringer +inbuilt +inburning +inburnt +inburst +inby +Inca +Incaic +incalculability +incalculable +incalculableness +incalculably +incalescence +incalescency +incalescent +incaliculate +incalver +incalving +incameration +Incan +incandent +incandesce +incandescence +incandescency +incandescent +incandescently +incanous +incantation +incantational +incantator +incantatory +incanton +incapability +incapable +incapableness +incapably +incapacious +incapaciousness +incapacitate +incapacitation +incapacity +incapsulate +incapsulation +incaptivate +incarcerate +incarceration +incarcerator +incardinate +incardination +Incarial +incarmined +incarn +incarnadine +incarnant +incarnate +incarnation +incarnational +incarnationist +incarnative +Incarvillea +incase +incasement +incast +incatenate +incatenation +incaution +incautious +incautiously +incautiousness +incavate +incavated +incavation +incavern +incedingly +incelebrity +incendiarism +incendiary +incendivity +incensation +incense +incenseless +incensement +incensory +incensurable +incensurably +incenter +incentive +incentively +incentor +incept +inception +inceptive +inceptively +inceptor +inceration +incertitude +incessable +incessably +incessancy +incessant +incessantly +incessantness +incest +incestuous +incestuously +incestuousness +inch +inched +inchmeal +inchoacy +inchoant +inchoate +inchoately +inchoateness +inchoation +inchoative +inchpin +inchworm +incide +incidence +incident +incidental +incidentalist +incidentally +incidentalness +incidentless +incidently +incinerable +incinerate +incineration +incinerator +incipience +incipient +incipiently +incircumscription +incircumspect +incircumspection +incircumspectly +incircumspectness +incisal +incise +incisely +incisiform +incision +incisive +incisively +incisiveness +incisor +incisorial +incisory +incisure +incitability +incitable +incitant +incitation +incite +incitement +inciter +incitingly +incitive +incitress +incivic +incivility +incivilization +incivism +inclemency +inclement +inclemently +inclementness +inclinable +inclinableness +inclination +inclinational +inclinator +inclinatorily +inclinatorium +inclinatory +incline +incliner +inclinograph +inclinometer +inclip +inclose +inclosure +includable +include +included +includedness +includer +inclusa +incluse +inclusion +inclusionist +inclusive +inclusively +inclusiveness +inclusory +incoagulable +incoalescence +incoercible +incog +incogent +incogitability +incogitable +incogitancy +incogitant +incogitantly +incogitative +incognita +incognitive +incognito +incognizability +incognizable +incognizance +incognizant +incognoscent +incognoscibility +incognoscible +incoherence +incoherency +incoherent +incoherentific +incoherently +incoherentness +incohering +incohesion +incohesive +incoincidence +incoincident +incombustibility +incombustible +incombustibleness +incombustibly +incombustion +income +incomeless +incomer +incoming +incommensurability +incommensurable +incommensurableness +incommensurably +incommensurate +incommensurately +incommensurateness +incommiscibility +incommiscible +incommodate +incommodation +incommode +incommodement +incommodious +incommodiously +incommodiousness +incommodity +incommunicability +incommunicable +incommunicableness +incommunicably +incommunicado +incommunicative +incommunicatively +incommunicativeness +incommutability +incommutable +incommutableness +incommutably +incompact +incompactly +incompactness +incomparability +incomparable +incomparableness +incomparably +incompassionate +incompassionately +incompassionateness +incompatibility +incompatible +incompatibleness +incompatibly +incompendious +incompensated +incompensation +incompetence +incompetency +incompetent +incompetently +incompetentness +incompletability +incompletable +incompletableness +incomplete +incompleted +incompletely +incompleteness +incompletion +incomplex +incompliance +incompliancy +incompliant +incompliantly +incomplicate +incomplying +incomposed +incomposedly +incomposedness +incomposite +incompossibility +incompossible +incomprehended +incomprehending +incomprehendingly +incomprehensibility +incomprehensible +incomprehensibleness +incomprehensibly +incomprehension +incomprehensive +incomprehensively +incomprehensiveness +incompressibility +incompressible +incompressibleness +incompressibly +incomputable +inconcealable +inconceivability +inconceivable +inconceivableness +inconceivably +inconcinnate +inconcinnately +inconcinnity +inconcinnous +inconcludent +inconcluding +inconclusion +inconclusive +inconclusively +inconclusiveness +inconcrete +inconcurrent +inconcurring +incondensability +incondensable +incondensibility +incondensible +incondite +inconditionate +inconditioned +inconducive +inconfirm +inconformable +inconformably +inconformity +inconfused +inconfusedly +inconfusion +inconfutable +inconfutably +incongealable +incongealableness +incongenerous +incongenial +incongeniality +inconglomerate +incongruence +incongruent +incongruently +incongruity +incongruous +incongruously +incongruousness +inconjoinable +inconnected +inconnectedness +inconnu +inconscience +inconscient +inconsciently +inconscious +inconsciously +inconsecutive +inconsecutively +inconsecutiveness +inconsequence +inconsequent +inconsequential +inconsequentiality +inconsequentially +inconsequently +inconsequentness +inconsiderable +inconsiderableness +inconsiderably +inconsiderate +inconsiderately +inconsiderateness +inconsideration +inconsidered +inconsistence +inconsistency +inconsistent +inconsistently +inconsistentness +inconsolability +inconsolable +inconsolableness +inconsolably +inconsolate +inconsolately +inconsonance +inconsonant +inconsonantly +inconspicuous +inconspicuously +inconspicuousness +inconstancy +inconstant +inconstantly +inconstantness +inconstruable +inconsultable +inconsumable +inconsumably +inconsumed +incontaminable +incontaminate +incontaminateness +incontemptible +incontestability +incontestable +incontestableness +incontestably +incontinence +incontinency +incontinent +incontinently +incontinuity +incontinuous +incontracted +incontractile +incontraction +incontrollable +incontrollably +incontrolled +incontrovertibility +incontrovertible +incontrovertibleness +incontrovertibly +inconvenience +inconveniency +inconvenient +inconveniently +inconvenientness +inconversable +inconversant +inconversibility +inconvertibility +inconvertible +inconvertibleness +inconvertibly +inconvinced +inconvincedly +inconvincibility +inconvincible +inconvincibly +incopresentability +incopresentable +incoronate +incoronated +incoronation +incorporable +incorporate +incorporated +incorporatedness +incorporation +incorporative +incorporator +incorporeal +incorporealism +incorporealist +incorporeality +incorporealize +incorporeally +incorporeity +incorporeous +incorpse +incorrect +incorrection +incorrectly +incorrectness +incorrespondence +incorrespondency +incorrespondent +incorresponding +incorrigibility +incorrigible +incorrigibleness +incorrigibly +incorrodable +incorrodible +incorrosive +incorrupt +incorrupted +incorruptibility +Incorruptible +incorruptible +incorruptibleness +incorruptibly +incorruption +incorruptly +incorruptness +incourteous +incourteously +incrash +incrassate +incrassated +incrassation +incrassative +increasable +increasableness +increase +increasedly +increaseful +increasement +increaser +increasing +increasingly +increate +increately +increative +incredibility +incredible +incredibleness +incredibly +increditable +incredited +incredulity +incredulous +incredulously +incredulousness +increep +incremate +incremation +increment +incremental +incrementation +increpate +increpation +increscence +increscent +increst +incretion +incretionary +incretory +incriminate +incrimination +incriminator +incriminatory +incross +incrossbred +incrossing +incrotchet +incruent +incruental +incruentous +incrust +incrustant +Incrustata +incrustate +incrustation +incrustator +incrustive +incrustment +incrystal +incrystallizable +incubate +incubation +incubational +incubative +incubator +incubatorium +incubatory +incubi +incubous +incubus +incudal +incudate +incudectomy +incudes +incudomalleal +incudostapedial +inculcate +inculcation +inculcative +inculcator +inculcatory +inculpability +inculpable +inculpableness +inculpably +inculpate +inculpation +inculpative +inculpatory +incult +incultivation +inculture +incumbence +incumbency +incumbent +incumbentess +incumbently +incumber +incumberment +incumbrance +incumbrancer +incunable +incunabula +incunabular +incunabulist +incunabulum +incuneation +incur +incurability +incurable +incurableness +incurably +incuriosity +incurious +incuriously +incuriousness +incurrable +incurrence +incurrent +incurse +incursion +incursionist +incursive +incurvate +incurvation +incurvature +incurve +incus +incuse +incut +incutting +Ind +indaba +indaconitine +indagate +indagation +indagative +indagator +indagatory +indamine +indan +indane +Indanthrene +indanthrene +indart +indazin +indazine +indazol +indazole +inde +indebt +indebted +indebtedness +indebtment +indecence +indecency +indecent +indecently +indecentness +Indecidua +indeciduate +indeciduous +indecipherability +indecipherable +indecipherableness +indecipherably +indecision +indecisive +indecisively +indecisiveness +indeclinable +indeclinableness +indeclinably +indecomponible +indecomposable +indecomposableness +indecorous +indecorously +indecorousness +indecorum +indeed +indeedy +indefaceable +indefatigability +indefatigable +indefatigableness +indefatigably +indefeasibility +indefeasible +indefeasibleness +indefeasibly +indefeatable +indefectibility +indefectible +indefectibly +indefective +indefensibility +indefensible +indefensibleness +indefensibly +indefensive +indeficiency +indeficient +indeficiently +indefinable +indefinableness +indefinably +indefinite +indefinitely +indefiniteness +indefinitive +indefinitively +indefinitiveness +indefinitude +indefinity +indeflectible +indefluent +indeformable +indehiscence +indehiscent +indelectable +indelegability +indelegable +indeliberate +indeliberately +indeliberateness +indeliberation +indelibility +indelible +indelibleness +indelibly +indelicacy +indelicate +indelicately +indelicateness +indemnification +indemnificator +indemnificatory +indemnifier +indemnify +indemnitee +indemnitor +indemnity +indemnization +indemoniate +indemonstrability +indemonstrable +indemonstrableness +indemonstrably +indene +indent +indentation +indented +indentedly +indentee +indenter +indention +indentment +indentor +indenture +indentured +indentureship +indentwise +independable +independence +independency +independent +independentism +independently +Independista +indeposable +indeprehensible +indeprivability +indeprivable +inderivative +indescribability +indescribable +indescribableness +indescribably +indescript +indescriptive +indesert +indesignate +indesirable +indestructibility +indestructible +indestructibleness +indestructibly +indetectable +indeterminable +indeterminableness +indeterminably +indeterminacy +indeterminate +indeterminately +indeterminateness +indetermination +indeterminative +indetermined +indeterminism +indeterminist +indeterministic +indevirginate +indevoted +indevotion +indevotional +indevout +indevoutly +indevoutness +index +indexed +indexer +indexical +indexically +indexing +indexless +indexlessness +indexterity +India +indiadem +Indiaman +Indian +Indiana +indianaite +Indianan +Indianeer +Indianesque +Indianhood +Indianian +Indianism +Indianist +indianite +indianization +indianize +Indic +indic +indicable +indican +indicant +indicanuria +indicate +indication +indicative +indicatively +indicator +Indicatoridae +Indicatorinae +indicatory +indicatrix +indices +indicia +indicial +indicible +indicium +indicolite +indict +indictable +indictably +indictee +indicter +indiction +indictional +indictive +indictment +indictor +Indies +indiferous +indifference +indifferency +indifferent +indifferential +indifferentism +indifferentist +indifferentistic +indifferently +indigena +indigenal +indigenate +indigence +indigency +indigene +indigeneity +Indigenismo +indigenist +indigenity +indigenous +indigenously +indigenousness +indigent +indigently +indigested +indigestedness +indigestibility +indigestible +indigestibleness +indigestibly +indigestion +indigestive +indigitamenta +indigitate +indigitation +indign +indignance +indignancy +indignant +indignantly +indignation +indignatory +indignify +indignity +indignly +indigo +indigoberry +Indigofera +indigoferous +indigoid +indigotic +indigotin +indigotindisulphonic +indiguria +indimensible +indimensional +indiminishable +indimple +indirect +indirected +indirection +indirectly +indirectness +indirubin +indiscernibility +indiscernible +indiscernibleness +indiscernibly +indiscerptibility +indiscerptible +indiscerptibleness +indiscerptibly +indisciplinable +indiscipline +indisciplined +indiscoverable +indiscoverably +indiscovered +indiscreet +indiscreetly +indiscreetness +indiscrete +indiscretely +indiscretion +indiscretionary +indiscriminate +indiscriminated +indiscriminately +indiscriminateness +indiscriminating +indiscriminatingly +indiscrimination +indiscriminative +indiscriminatively +indiscriminatory +indiscussable +indiscussible +indispellable +indispensability +indispensable +indispensableness +indispensably +indispose +indisposed +indisposedness +indisposition +indisputability +indisputable +indisputableness +indisputably +indissipable +indissociable +indissolubility +indissoluble +indissolubleness +indissolubly +indissolute +indissolvability +indissolvable +indissolvableness +indissolvably +indissuadable +indissuadably +indistinct +indistinction +indistinctive +indistinctively +indistinctiveness +indistinctly +indistinctness +indistinguishability +indistinguishable +indistinguishableness +indistinguishably +indistinguished +indistortable +indistributable +indisturbable +indisturbance +indisturbed +indite +inditement +inditer +indium +indivertible +indivertibly +individable +individua +individual +individualism +individualist +individualistic +individualistically +individuality +individualization +individualize +individualizer +individualizingly +individually +individuate +individuation +individuative +individuator +individuity +individuum +indivinable +indivisibility +indivisible +indivisibleness +indivisibly +indivision +indocibility +indocible +indocibleness +indocile +indocility +indoctrinate +indoctrination +indoctrinator +indoctrine +indoctrinization +indoctrinize +Indogaea +Indogaean +indogen +indogenide +indole +indolence +indolent +indolently +indoles +indoline +Indologian +Indologist +Indologue +Indology +indoloid +indolyl +indomitability +indomitable +indomitableness +indomitably +Indone +Indonesian +indoor +indoors +indophenin +indophenol +Indophile +Indophilism +Indophilist +indorsation +indorse +indoxyl +indoxylic +indoxylsulphuric +Indra +indraft +indraught +indrawal +indrawing +indrawn +indri +Indris +indubious +indubiously +indubitable +indubitableness +indubitably +indubitatively +induce +induced +inducedly +inducement +inducer +induciae +inducible +inducive +induct +inductance +inductee +inducteous +inductile +inductility +induction +inductional +inductionally +inductionless +inductive +inductively +inductiveness +inductivity +inductometer +inductophone +inductor +inductorium +inductory +inductoscope +indue +induement +indulge +indulgeable +indulgement +indulgence +indulgenced +indulgency +indulgent +indulgential +indulgentially +indulgently +indulgentness +indulger +indulging +indulgingly +induline +indult +indulto +indument +indumentum +induna +induplicate +induplication +induplicative +indurable +indurate +induration +indurative +indurite +Indus +indusial +indusiate +indusiated +indusiform +indusioid +indusium +industrial +industrialism +industrialist +industrialization +industrialize +industrially +industrialness +industrious +industriously +industriousness +industrochemical +industry +induviae +induvial +induviate +indwell +indweller +indy +indyl +indylic +inearth +inebriacy +inebriant +inebriate +inebriation +inebriative +inebriety +inebrious +ineconomic +ineconomy +inedibility +inedible +inedited +Ineducabilia +ineducabilian +ineducability +ineducable +ineducation +ineffability +ineffable +ineffableness +ineffably +ineffaceability +ineffaceable +ineffaceably +ineffectible +ineffectibly +ineffective +ineffectively +ineffectiveness +ineffectual +ineffectuality +ineffectually +ineffectualness +ineffervescence +ineffervescent +ineffervescibility +ineffervescible +inefficacious +inefficaciously +inefficaciousness +inefficacity +inefficacy +inefficience +inefficiency +inefficient +inefficiently +ineffulgent +inelaborate +inelaborated +inelaborately +inelastic +inelasticate +inelasticity +inelegance +inelegancy +inelegant +inelegantly +ineligibility +ineligible +ineligibleness +ineligibly +ineliminable +ineloquence +ineloquent +ineloquently +ineluctability +ineluctable +ineluctably +ineludible +ineludibly +inembryonate +inemendable +inemotivity +inemulous +inenarrable +inenergetic +inenubilable +inenucleable +inept +ineptitude +ineptly +ineptness +inequable +inequal +inequalitarian +inequality +inequally +inequalness +inequation +inequiaxial +inequicostate +inequidistant +inequigranular +inequilateral +inequilibrium +inequilobate +inequilobed +inequipotential +inequipotentiality +inequitable +inequitableness +inequitably +inequity +inequivalent +inequivalve +inequivalvular +ineradicable +ineradicableness +ineradicably +inerasable +inerasableness +inerasably +inerasible +Ineri +inerm +Inermes +Inermi +Inermia +inermous +inerrability +inerrable +inerrableness +inerrably +inerrancy +inerrant +inerrantly +inerratic +inerring +inerringly +inerroneous +inert +inertance +inertia +inertial +inertion +inertly +inertness +inerubescent +inerudite +ineruditely +inerudition +inescapable +inescapableness +inescapably +inesculent +inescutcheon +inesite +inessential +inessentiality +inestimability +inestimable +inestimableness +inestimably +inestivation +inethical +ineunt +ineuphonious +inevadible +inevadibly +inevaporable +inevasible +inevidence +inevident +inevitability +inevitable +inevitableness +inevitably +inexact +inexacting +inexactitude +inexactly +inexactness +inexcellence +inexcitability +inexcitable +inexclusive +inexclusively +inexcommunicable +inexcusability +inexcusable +inexcusableness +inexcusably +inexecutable +inexecution +inexertion +inexhausted +inexhaustedly +inexhaustibility +inexhaustible +inexhaustibleness +inexhaustibly +inexhaustive +inexhaustively +inexigible +inexist +inexistence +inexistency +inexistent +inexorability +inexorable +inexorableness +inexorably +inexpansible +inexpansive +inexpectancy +inexpectant +inexpectation +inexpected +inexpectedly +inexpectedness +inexpedience +inexpediency +inexpedient +inexpediently +inexpensive +inexpensively +inexpensiveness +inexperience +inexperienced +inexpert +inexpertly +inexpertness +inexpiable +inexpiableness +inexpiably +inexpiate +inexplainable +inexplicability +inexplicable +inexplicableness +inexplicables +inexplicably +inexplicit +inexplicitly +inexplicitness +inexplorable +inexplosive +inexportable +inexposable +inexposure +inexpress +inexpressibility +inexpressible +inexpressibleness +inexpressibles +inexpressibly +inexpressive +inexpressively +inexpressiveness +inexpugnability +inexpugnable +inexpugnableness +inexpugnably +inexpungeable +inexpungible +inextant +inextended +inextensibility +inextensible +inextensile +inextension +inextensional +inextensive +inexterminable +inextinct +inextinguishable +inextinguishably +inextirpable +inextirpableness +inextricability +inextricable +inextricableness +inextricably +Inez +inface +infall +infallibilism +infallibilist +infallibility +infallible +infallibleness +infallibly +infalling +infalsificable +infame +infamiliar +infamiliarity +infamize +infamonize +infamous +infamously +infamousness +infamy +infancy +infand +infandous +infang +infanglement +infangthief +infant +infanta +infantado +infante +infanthood +infanticidal +infanticide +infantile +infantilism +infantility +infantine +infantlike +infantry +infantryman +infarct +infarctate +infarcted +infarction +infare +infatuate +infatuatedly +infatuation +infatuator +infaust +infeasibility +infeasible +infeasibleness +infect +infectant +infected +infectedness +infecter +infectible +infection +infectionist +infectious +infectiously +infectiousness +infective +infectiveness +infectivity +infector +infectress +infectuous +infecund +infecundity +infeed +infeft +infeftment +infelicific +infelicitous +infelicitously +infelicitousness +infelicity +infelonious +infelt +infeminine +infer +inferable +inference +inferent +inferential +inferentialism +inferentialist +inferentially +inferior +inferiorism +inferiority +inferiorize +inferiorly +infern +infernal +infernalism +infernality +infernalize +infernally +infernalry +infernalship +inferno +inferoanterior +inferobranchiate +inferofrontal +inferolateral +inferomedian +inferoposterior +inferrer +inferribility +inferrible +inferringly +infertile +infertilely +infertileness +infertility +infest +infestant +infestation +infester +infestive +infestivity +infestment +infeudation +infibulate +infibulation +inficete +infidel +infidelic +infidelical +infidelism +infidelistic +infidelity +infidelize +infidelly +infield +infielder +infieldsman +infighter +infighting +infill +infilling +infilm +infilter +infiltrate +infiltration +infiltrative +infinitant +infinitarily +infinitary +infinitate +infinitation +infinite +infinitely +infiniteness +infinitesimal +infinitesimalism +infinitesimality +infinitesimally +infinitesimalness +infiniteth +infinitieth +infinitival +infinitivally +infinitive +infinitively +infinitize +infinitude +infinituple +infinity +infirm +infirmarer +infirmaress +infirmarian +infirmary +infirmate +infirmation +infirmative +infirmity +infirmly +infirmness +infissile +infit +infitter +infix +infixion +inflame +inflamed +inflamedly +inflamedness +inflamer +inflaming +inflamingly +inflammability +inflammable +inflammableness +inflammably +inflammation +inflammative +inflammatorily +inflammatory +inflatable +inflate +inflated +inflatedly +inflatedness +inflater +inflatile +inflatingly +inflation +inflationary +inflationism +inflationist +inflative +inflatus +inflect +inflected +inflectedness +inflection +inflectional +inflectionally +inflectionless +inflective +inflector +inflex +inflexed +inflexibility +inflexible +inflexibleness +inflexibly +inflexive +inflict +inflictable +inflicter +infliction +inflictive +inflood +inflorescence +inflorescent +inflow +inflowering +influence +influenceable +influencer +influencive +influent +influential +influentiality +influentially +influenza +influenzal +influenzic +influx +influxable +influxible +influxibly +influxion +influxionism +infold +infolder +infolding +infoldment +infoliate +inform +informable +informal +informality +informalize +informally +informant +information +informational +informative +informatively +informatory +informed +informedly +informer +informidable +informingly +informity +infortiate +infortitude +infortunate +infortunately +infortunateness +infortune +infra +infrabasal +infrabestial +infrabranchial +infrabuccal +infracanthal +infracaudal +infracelestial +infracentral +infracephalic +infraclavicle +infraclavicular +infraclusion +infraconscious +infracortical +infracostal +infracostalis +infracotyloid +infract +infractible +infraction +infractor +infradentary +infradiaphragmatic +infragenual +infraglacial +infraglenoid +infraglottic +infragrant +infragular +infrahuman +infrahyoid +infralabial +infralapsarian +infralapsarianism +infralinear +infralittoral +inframammary +inframammillary +inframandibular +inframarginal +inframaxillary +inframedian +inframercurial +inframercurian +inframolecular +inframontane +inframundane +infranatural +infranaturalism +infrangibility +infrangible +infrangibleness +infrangibly +infranodal +infranuclear +infraoccipital +infraocclusion +infraocular +infraoral +infraorbital +infraordinary +infrapapillary +infrapatellar +infraperipherial +infrapose +infraposition +infraprotein +infrapubian +infraradular +infrared +infrarenal +infrarenally +infrarimal +infrascapular +infrascapularis +infrascientific +infraspinal +infraspinate +infraspinatus +infraspinous +infrastapedial +infrasternal +infrastigmatal +infrastipular +infrastructure +infrasutral +infratemporal +infraterrene +infraterritorial +infrathoracic +infratonsillar +infratracheal +infratrochanteric +infratrochlear +infratubal +infraturbinal +infravaginal +infraventral +infrequency +infrequent +infrequently +infrigidate +infrigidation +infrigidative +infringe +infringement +infringer +infringible +infructiferous +infructuose +infructuosity +infructuous +infructuously +infrugal +infrustrable +infrustrably +infula +infumate +infumated +infumation +infundibular +Infundibulata +infundibulate +infundibuliform +infundibulum +infuriate +infuriately +infuriatingly +infuriation +infuscate +infuscation +infuse +infusedly +infuser +infusibility +infusible +infusibleness +infusile +infusion +infusionism +infusionist +infusive +Infusoria +infusorial +infusorian +infusoriform +infusorioid +infusorium +infusory +Ing +ing +Inga +Ingaevones +Ingaevonic +ingallantry +ingate +ingather +ingatherer +ingathering +ingeldable +ingeminate +ingemination +ingenerability +ingenerable +ingenerably +ingenerate +ingenerately +ingeneration +ingenerative +ingeniosity +ingenious +ingeniously +ingeniousness +ingenit +ingenue +ingenuity +ingenuous +ingenuously +ingenuousness +Inger +ingerminate +ingest +ingesta +ingestible +ingestion +ingestive +Inghamite +Inghilois +ingiver +ingiving +ingle +inglenook +ingleside +inglobate +inglobe +inglorious +ingloriously +ingloriousness +inglutition +ingluvial +ingluvies +ingluviitis +ingoing +Ingomar +ingot +ingotman +ingraft +ingrain +ingrained +ingrainedly +ingrainedness +Ingram +ingrammaticism +ingrandize +ingrate +ingrateful +ingratefully +ingratefulness +ingrately +ingratiate +ingratiating +ingratiatingly +ingratiation +ingratiatory +ingratitude +ingravescent +ingravidate +ingravidation +ingredient +ingress +ingression +ingressive +ingressiveness +ingross +ingrow +ingrown +ingrownness +ingrowth +inguen +inguinal +inguinoabdominal +inguinocrural +inguinocutaneous +inguinodynia +inguinolabial +inguinoscrotal +Inguklimiut +ingulf +ingulfment +ingurgitate +ingurgitation +Ingush +inhabit +inhabitability +inhabitable +inhabitancy +inhabitant +inhabitation +inhabitative +inhabitativeness +inhabited +inhabitedness +inhabiter +inhabitiveness +inhabitress +inhalant +inhalation +inhalator +inhale +inhalement +inhalent +inhaler +inharmonic +inharmonical +inharmonious +inharmoniously +inharmoniousness +inharmony +inhaul +inhauler +inhaust +inhaustion +inhearse +inheaven +inhere +inherence +inherency +inherent +inherently +inherit +inheritability +inheritable +inheritableness +inheritably +inheritage +inheritance +inheritor +inheritress +inheritrice +inheritrix +inhesion +inhiate +inhibit +inhibitable +inhibiter +inhibition +inhibitionist +inhibitive +inhibitor +inhibitory +inhomogeneity +inhomogeneous +inhomogeneously +inhospitable +inhospitableness +inhospitably +inhospitality +inhuman +inhumane +inhumanely +inhumanism +inhumanity +inhumanize +inhumanly +inhumanness +inhumate +inhumation +inhumationist +inhume +inhumer +inhumorous +inhumorously +Inia +inial +inidoneity +inidoneous +Inigo +inimicable +inimical +inimicality +inimically +inimicalness +inimitability +inimitable +inimitableness +inimitably +iniome +Iniomi +iniomous +inion +iniquitable +iniquitably +iniquitous +iniquitously +iniquitousness +iniquity +inirritability +inirritable +inirritant +inirritative +inissuable +initial +initialer +initialist +initialize +initially +initiant +initiary +initiate +initiation +initiative +initiatively +initiator +initiatorily +initiatory +initiatress +initiatrix +initis +initive +inject +injectable +injection +injector +injelly +injudicial +injudicially +injudicious +injudiciously +injudiciousness +Injun +injunct +injunction +injunctive +injunctively +injurable +injure +injured +injuredly +injuredness +injurer +injurious +injuriously +injuriousness +injury +injustice +ink +inkberry +inkbush +inken +inker +Inkerman +inket +inkfish +inkholder +inkhorn +inkhornism +inkhornist +inkhornize +inkhornizer +inkindle +inkiness +inkish +inkle +inkless +inklike +inkling +inkmaker +inkmaking +inknot +inkosi +inkpot +Inkra +inkroot +inks +inkshed +inkslinger +inkslinging +inkstain +inkstand +inkstandish +inkstone +inkweed +inkwell +inkwood +inkwriter +inky +inlagation +inlaid +inlaik +inlake +inland +inlander +inlandish +inlaut +inlaw +inlawry +inlay +inlayer +inlaying +inleague +inleak +inleakage +inlet +inlier +inlook +inlooker +inly +inlying +inmate +inmeats +inmixture +inmost +inn +innascibility +innascible +innate +innately +innateness +innatism +innative +innatural +innaturality +innaturally +inneity +inner +innerly +innermore +innermost +innermostly +innerness +innervate +innervation +innervational +innerve +inness +innest +innet +innholder +inning +inninmorite +Innisfail +innkeeper +innless +innocence +innocency +innocent +innocently +innocentness +innocuity +innocuous +innocuously +innocuousness +innominable +innominables +innominata +innominate +innominatum +innovant +innovate +innovation +innovational +innovationist +innovative +innovator +innovatory +innoxious +innoxiously +innoxiousness +innuendo +Innuit +innumerability +innumerable +innumerableness +innumerably +innumerous +innutrient +innutrition +innutritious +innutritive +innyard +Ino +inobedience +inobedient +inobediently +inoblast +inobnoxious +inobscurable +inobservable +inobservance +inobservancy +inobservant +inobservantly +inobservantness +inobservation +inobtainable +inobtrusive +inobtrusively +inobtrusiveness +inobvious +Inocarpus +inoccupation +Inoceramus +inochondritis +inochondroma +inoculability +inoculable +inoculant +inocular +inoculate +inoculation +inoculative +inoculator +inoculum +inocystoma +inocyte +Inodes +inodorous +inodorously +inodorousness +inoepithelioma +inoffending +inoffensive +inoffensively +inoffensiveness +inofficial +inofficially +inofficiosity +inofficious +inofficiously +inofficiousness +inogen +inogenesis +inogenic +inogenous +inoglia +inohymenitic +inolith +inoma +inominous +inomyoma +inomyositis +inomyxoma +inone +inoneuroma +inoperable +inoperative +inoperativeness +inopercular +Inoperculata +inoperculate +inopinable +inopinate +inopinately +inopine +inopportune +inopportunely +inopportuneness +inopportunism +inopportunist +inopportunity +inoppressive +inoppugnable +inopulent +inorb +inorderly +inordinacy +inordinary +inordinate +inordinately +inordinateness +inorganic +inorganical +inorganically +inorganizable +inorganization +inorganized +inoriginate +inornate +inosclerosis +inoscopy +inosculate +inosculation +inosic +inosin +inosinic +inosite +inositol +inostensible +inostensibly +inotropic +inower +inoxidability +inoxidable +inoxidizable +inoxidize +inparabola +inpardonable +inpatient +inpayment +inpensioner +inphase +inpolygon +inpolyhedron +inport +inpour +inpush +input +inquaintance +inquartation +inquest +inquestual +inquiet +inquietation +inquietly +inquietness +inquietude +Inquilinae +inquiline +inquilinism +inquilinity +inquilinous +inquinate +inquination +inquirable +inquirant +inquiration +inquire +inquirendo +inquirent +inquirer +inquiring +inquiringly +inquiry +inquisite +inquisition +inquisitional +inquisitionist +inquisitive +inquisitively +inquisitiveness +inquisitor +inquisitorial +inquisitorially +inquisitorialness +inquisitorious +inquisitorship +inquisitory +inquisitress +inquisitrix +inquisiturient +inradius +inreality +inrigged +inrigger +inrighted +inring +inro +inroad +inroader +inroll +inrooted +inrub +inrun +inrunning +inruption +inrush +insack +insagacity +insalivate +insalivation +insalubrious +insalubrity +insalutary +insalvability +insalvable +insane +insanely +insaneness +insanify +insanitariness +insanitary +insanitation +insanity +insapiency +insapient +insatiability +insatiable +insatiableness +insatiably +insatiate +insatiated +insatiately +insatiateness +insatiety +insatisfaction +insatisfactorily +insaturable +inscenation +inscibile +inscience +inscient +inscribable +inscribableness +inscribe +inscriber +inscript +inscriptible +inscription +inscriptional +inscriptioned +inscriptionist +inscriptionless +inscriptive +inscriptively +inscriptured +inscroll +inscrutability +inscrutable +inscrutableness +inscrutables +inscrutably +insculp +insculpture +insea +inseam +insect +Insecta +insectan +insectarium +insectary +insectean +insected +insecticidal +insecticide +insectiferous +insectiform +insectifuge +insectile +insectine +insection +insectival +Insectivora +insectivore +insectivorous +insectlike +insectmonger +insectologer +insectologist +insectology +insectproof +insecure +insecurely +insecureness +insecurity +insee +inseer +inselberg +inseminate +insemination +insenescible +insensate +insensately +insensateness +insense +insensibility +insensibilization +insensibilize +insensibilizer +insensible +insensibleness +insensibly +insensitive +insensitiveness +insensitivity +insensuous +insentience +insentiency +insentient +inseparability +inseparable +inseparableness +inseparably +inseparate +inseparately +insequent +insert +insertable +inserted +inserter +insertion +insertional +insertive +inserviceable +insessor +Insessores +insessorial +inset +insetter +inseverable +inseverably +inshave +insheathe +inshell +inshining +inship +inshoe +inshoot +inshore +inside +insider +insidiosity +insidious +insidiously +insidiousness +insight +insightful +insigne +insignia +insignificance +insignificancy +insignificant +insignificantly +insimplicity +insincere +insincerely +insincerity +insinking +insinuant +insinuate +insinuating +insinuatingly +insinuation +insinuative +insinuatively +insinuativeness +insinuator +insinuatory +insinuendo +insipid +insipidity +insipidly +insipidness +insipience +insipient +insipiently +insist +insistence +insistency +insistent +insistently +insister +insistingly +insistive +insititious +insnare +insnarement +insnarer +insobriety +insociability +insociable +insociableness +insociably +insocial +insocially +insofar +insolate +insolation +insole +insolence +insolency +insolent +insolently +insolentness +insolid +insolidity +insolubility +insoluble +insolubleness +insolubly +insolvability +insolvable +insolvably +insolvence +insolvency +insolvent +insomnia +insomniac +insomnious +insomnolence +insomnolency +insomnolent +insomuch +insonorous +insooth +insorb +insorbent +insouciance +insouciant +insouciantly +insoul +inspan +inspeak +inspect +inspectability +inspectable +inspectingly +inspection +inspectional +inspectioneer +inspective +inspector +inspectoral +inspectorate +inspectorial +inspectorship +inspectress +inspectrix +inspheration +insphere +inspirability +inspirable +inspirant +inspiration +inspirational +inspirationalism +inspirationally +inspirationist +inspirative +inspirator +inspiratory +inspiratrix +inspire +inspired +inspiredly +inspirer +inspiring +inspiringly +inspirit +inspiriter +inspiriting +inspiritingly +inspiritment +inspirometer +inspissant +inspissate +inspissation +inspissator +inspissosis +inspoke +inspoken +inspreith +instability +instable +install +installant +installation +installer +installment +instance +instancy +instanding +instant +instantaneity +instantaneous +instantaneously +instantaneousness +instanter +instantial +instantly +instantness +instar +instate +instatement +instaurate +instauration +instaurator +instead +instealing +insteam +insteep +instellation +instep +instigant +instigate +instigatingly +instigation +instigative +instigator +instigatrix +instill +instillation +instillator +instillatory +instiller +instillment +instinct +instinctive +instinctively +instinctivist +instinctivity +instinctual +instipulate +institor +institorial +institorian +institory +institute +instituter +institution +institutional +institutionalism +institutionalist +institutionality +institutionalization +institutionalize +institutionally +institutionary +institutionize +institutive +institutively +institutor +institutress +institutrix +instonement +instratified +instreaming +instrengthen +instressed +instroke +instruct +instructed +instructedly +instructedness +instructer +instructible +instruction +instructional +instructionary +instructive +instructively +instructiveness +instructor +instructorship +instructress +instrument +instrumental +instrumentalism +instrumentalist +instrumentality +instrumentalize +instrumentally +instrumentary +instrumentate +instrumentation +instrumentative +instrumentist +instrumentman +insuavity +insubduable +insubjection +insubmergible +insubmersible +insubmission +insubmissive +insubordinate +insubordinately +insubordinateness +insubordination +insubstantial +insubstantiality +insubstantiate +insubstantiation +insubvertible +insuccess +insuccessful +insucken +insuetude +insufferable +insufferableness +insufferably +insufficience +insufficiency +insufficient +insufficiently +insufflate +insufflation +insufflator +insula +insulance +insulant +insular +insularism +insularity +insularize +insularly +insulary +insulate +insulated +insulating +insulation +insulator +insulin +insulize +insulse +insulsity +insult +insultable +insultant +insultation +insulter +insulting +insultingly +insultproof +insunk +insuperability +insuperable +insuperableness +insuperably +insupportable +insupportableness +insupportably +insupposable +insuppressible +insuppressibly +insuppressive +insurability +insurable +insurance +insurant +insure +insured +insurer +insurge +insurgence +insurgency +insurgent +insurgentism +insurgescence +insurmountability +insurmountable +insurmountableness +insurmountably +insurpassable +insurrect +insurrection +insurrectional +insurrectionally +insurrectionary +insurrectionism +insurrectionist +insurrectionize +insurrectory +insusceptibility +insusceptible +insusceptibly +insusceptive +inswamp +inswarming +insweeping +inswell +inswept +inswing +inswinger +intabulate +intact +intactile +intactly +intactness +intagliated +intagliation +intaglio +intagliotype +intake +intaker +intangibility +intangible +intangibleness +intangibly +intarissable +intarsia +intarsiate +intarsist +intastable +intaxable +intechnicality +integer +integrability +integrable +integral +integrality +integralization +integralize +integrally +integrand +integrant +integraph +integrate +integration +integrative +integrator +integrifolious +integrious +integriously +integripalliate +integrity +integrodifferential +integropallial +Integropallialia +Integropalliata +integropalliate +integument +integumental +integumentary +integumentation +inteind +intellect +intellectation +intellected +intellectible +intellection +intellective +intellectively +intellectual +intellectualism +intellectualist +intellectualistic +intellectualistically +intellectuality +intellectualization +intellectualize +intellectualizer +intellectually +intellectualness +intelligence +intelligenced +intelligencer +intelligency +intelligent +intelligential +intelligently +intelligentsia +intelligibility +intelligible +intelligibleness +intelligibly +intelligize +intemerate +intemerately +intemerateness +intemeration +intemperable +intemperably +intemperament +intemperance +intemperate +intemperately +intemperateness +intemperature +intempestive +intempestively +intempestivity +intemporal +intemporally +intenability +intenable +intenancy +intend +intendance +intendancy +intendant +intendantism +intendantship +intended +intendedly +intendedness +intendence +intender +intendible +intending +intendingly +intendit +intendment +intenerate +inteneration +intenible +intensate +intensation +intensative +intense +intensely +intenseness +intensification +intensifier +intensify +intension +intensional +intensionally +intensitive +intensity +intensive +intensively +intensiveness +intent +intention +intentional +intentionalism +intentionality +intentionally +intentioned +intentionless +intentive +intentively +intentiveness +intently +intentness +inter +interabsorption +interacademic +interaccessory +interaccuse +interacinar +interacinous +interact +interaction +interactional +interactionism +interactionist +interactive +interactivity +interadaptation +interadditive +interadventual +interaffiliation +interagency +interagent +interagglutinate +interagglutination +interagree +interagreement +interalar +interallied +interally +interalveolar +interambulacral +interambulacrum +interamnian +interangular +interanimate +interannular +interantagonism +interantennal +interantennary +interapophyseal +interapplication +interarboration +interarch +interarcualis +interarmy +interarticular +interartistic +interarytenoid +interassociation +interassure +interasteroidal +interastral +interatomic +interatrial +interattrition +interaulic +interaural +interauricular +interavailability +interavailable +interaxal +interaxial +interaxillary +interaxis +interbalance +interbanded +interbank +interbedded +interbelligerent +interblend +interbody +interbonding +interborough +interbourse +interbrachial +interbrain +interbranch +interbranchial +interbreath +interbreed +interbrigade +interbring +interbronchial +intercadence +intercadent +intercalare +intercalarily +intercalarium +intercalary +intercalate +intercalation +intercalative +intercalatory +intercale +intercalm +intercanal +intercanalicular +intercapillary +intercardinal +intercarotid +intercarpal +intercarpellary +intercarrier +intercartilaginous +intercaste +intercatenated +intercausative +intercavernous +intercede +interceder +intercellular +intercensal +intercentral +intercentrum +intercept +intercepter +intercepting +interception +interceptive +interceptor +interceptress +intercerebral +intercession +intercessional +intercessionary +intercessionment +intercessive +intercessor +intercessorial +intercessory +interchaff +interchange +interchangeability +interchangeable +interchangeableness +interchangeably +interchanger +interchapter +intercharge +interchase +intercheck +interchoke +interchondral +interchurch +Intercidona +interciliary +intercilium +intercircle +intercirculate +intercirculation +intercision +intercitizenship +intercity +intercivic +intercivilization +interclash +interclasp +interclass +interclavicle +interclavicular +interclerical +intercloud +interclub +intercoastal +intercoccygeal +intercoccygean +intercohesion +intercollege +intercollegian +intercollegiate +intercolline +intercolonial +intercolonially +intercolonization +intercolumn +intercolumnal +intercolumnar +intercolumniation +intercom +intercombat +intercombination +intercombine +intercome +intercommission +intercommon +intercommonable +intercommonage +intercommoner +intercommunal +intercommune +intercommuner +intercommunicability +intercommunicable +intercommunicate +intercommunication +intercommunicative +intercommunicator +intercommunion +intercommunity +intercompany +intercomparable +intercompare +intercomparison +intercomplexity +intercomplimentary +interconal +interconciliary +intercondenser +intercondylar +intercondylic +intercondyloid +interconfessional +interconfound +interconnect +interconnection +intercontinental +intercontorted +intercontradiction +intercontradictory +interconversion +interconvertibility +interconvertible +interconvertibly +intercooler +intercooling +intercoracoid +intercorporate +intercorpuscular +intercorrelate +intercorrelation +intercortical +intercosmic +intercosmically +intercostal +intercostally +intercostobrachial +intercostohumeral +intercotylar +intercounty +intercourse +intercoxal +intercranial +intercreate +intercrescence +intercrinal +intercrop +intercross +intercrural +intercrust +intercrystalline +intercrystallization +intercrystallize +intercultural +interculture +intercurl +intercurrence +intercurrent +intercurrently +intercursation +intercuspidal +intercutaneous +intercystic +interdash +interdebate +interdenominational +interdental +interdentally +interdentil +interdepartmental +interdepartmentally +interdepend +interdependable +interdependence +interdependency +interdependent +interdependently +interderivative +interdespise +interdestructive +interdestructiveness +interdetermination +interdetermine +interdevour +interdict +interdiction +interdictive +interdictor +interdictory +interdictum +interdifferentiation +interdiffuse +interdiffusion +interdiffusive +interdiffusiveness +interdigital +interdigitate +interdigitation +interdine +interdiscal +interdispensation +interdistinguish +interdistrict +interdivision +interdome +interdorsal +interdrink +intereat +interelectrode +interelectrodic +interempire +interenjoy +interentangle +interentanglement +interepidemic +interepimeral +interepithelial +interequinoctial +interessee +interest +interested +interestedly +interestedness +interester +interesting +interestingly +interestingness +interestless +interestuarine +interface +interfacial +interfactional +interfamily +interfascicular +interfault +interfector +interfederation +interfemoral +interfenestral +interfenestration +interferant +interfere +interference +interferent +interferential +interferer +interfering +interferingly +interferingness +interferometer +interferometry +interferric +interfertile +interfertility +interfibrillar +interfibrillary +interfibrous +interfilamentar +interfilamentary +interfilamentous +interfilar +interfiltrate +interfinger +interflange +interflashing +interflow +interfluence +interfluent +interfluminal +interfluous +interfluve +interfluvial +interflux +interfold +interfoliaceous +interfoliar +interfoliate +interfollicular +interforce +interfraternal +interfraternity +interfret +interfretted +interfriction +interfrontal +interfruitful +interfulgent +interfuse +interfusion +interganglionic +intergenerant +intergenerating +intergeneration +intergential +intergesture +intergilt +interglacial +interglandular +interglobular +interglyph +intergossip +intergovernmental +intergradation +intergrade +intergradient +intergraft +intergranular +intergrapple +intergrave +intergroupal +intergrow +intergrown +intergrowth +intergular +intergyral +interhabitation +interhemal +interhemispheric +interhostile +interhuman +interhyal +interhybridize +interim +interimist +interimistic +interimistical +interimistically +interimperial +interincorporation +interindependence +interindicate +interindividual +interinfluence +interinhibition +interinhibitive +interinsert +interinsular +interinsurance +interinsurer +interinvolve +interionic +interior +interiority +interiorize +interiorly +interiorness +interirrigation +interisland +interjacence +interjacency +interjacent +interjaculate +interjaculatory +interjangle +interjealousy +interject +interjection +interjectional +interjectionalize +interjectionally +interjectionary +interjectionize +interjectiveness +interjector +interjectorily +interjectory +interjectural +interjoin +interjoist +interjudgment +interjunction +interkinesis +interkinetic +interknit +interknot +interknow +interknowledge +interlaboratory +interlace +interlaced +interlacedly +interlacement +interlacery +interlacustrine +interlaid +interlake +interlamellar +interlamellation +interlaminar +interlaminate +interlamination +interlanguage +interlap +interlapse +interlard +interlardation +interlardment +interlatitudinal +interlaudation +interlay +interleaf +interleague +interleave +interleaver +interlibel +interlibrary +interlie +interligamentary +interligamentous +interlight +interlimitation +interline +interlineal +interlineally +interlinear +interlinearily +interlinearly +interlineary +interlineate +interlineation +interlinement +interliner +Interlingua +interlingual +interlinguist +interlinguistic +interlining +interlink +interloan +interlobar +interlobate +interlobular +interlocal +interlocally +interlocate +interlocation +interlock +interlocker +interlocular +interloculus +interlocution +interlocutive +interlocutor +interlocutorily +interlocutory +interlocutress +interlocutrice +interlocutrix +interloop +interlope +interloper +interlot +interlucation +interlucent +interlude +interluder +interludial +interlunar +interlunation +interlying +intermalleolar +intermammary +intermammillary +intermandibular +intermanorial +intermarginal +intermarine +intermarriage +intermarriageable +intermarry +intermason +intermastoid +intermat +intermatch +intermaxilla +intermaxillar +intermaxillary +intermaze +intermeasurable +intermeasure +intermeddle +intermeddlement +intermeddler +intermeddlesome +intermeddlesomeness +intermeddling +intermeddlingly +intermediacy +intermediae +intermedial +intermediary +intermediate +intermediately +intermediateness +intermediation +intermediator +intermediatory +intermedium +intermedius +intermeet +intermelt +intermembral +intermembranous +intermeningeal +intermenstrual +intermenstruum +interment +intermental +intermention +intermercurial +intermesenterial +intermesenteric +intermesh +intermessage +intermessenger +intermetacarpal +intermetallic +intermetameric +intermetatarsal +intermew +intermewed +intermewer +intermezzo +intermigration +interminability +interminable +interminableness +interminably +interminant +interminate +intermine +intermingle +intermingledom +interminglement +interminister +interministerial +interministerium +intermission +intermissive +intermit +intermitted +intermittedly +intermittence +intermittency +intermittent +intermittently +intermitter +intermitting +intermittingly +intermix +intermixedly +intermixtly +intermixture +intermobility +intermodification +intermodillion +intermodulation +intermolar +intermolecular +intermomentary +intermontane +intermorainic +intermotion +intermountain +intermundane +intermundial +intermundian +intermundium +intermunicipal +intermunicipality +intermural +intermuscular +intermutation +intermutual +intermutually +intermutule +intern +internal +internality +internalization +internalize +internally +internalness +internals +internarial +internasal +internation +international +internationalism +internationalist +internationality +internationalization +internationalize +internationally +interneciary +internecinal +internecine +internecion +internecive +internee +internetted +interneural +interneuronic +internidal +internist +internment +internobasal +internodal +internode +internodial +internodian +internodium +internodular +internship +internuclear +internuncial +internunciary +internunciatory +internuncio +internuncioship +internuncius +internuptial +interobjective +interoceanic +interoceptive +interoceptor +interocular +interoffice +interolivary +interopercle +interopercular +interoperculum +interoptic +interorbital +interorbitally +interoscillate +interosculant +interosculate +interosculation +interosseal +interosseous +interownership +interpage +interpalatine +interpalpebral +interpapillary +interparenchymal +interparental +interparenthetical +interparenthetically +interparietal +interparietale +interparliament +interparliamentary +interparoxysmal +interparty +interpause +interpave +interpeal +interpectoral +interpeduncular +interpel +interpellant +interpellate +interpellation +interpellator +interpenetrable +interpenetrant +interpenetrate +interpenetration +interpenetrative +interpenetratively +interpermeate +interpersonal +interpervade +interpetaloid +interpetiolar +interpetiolary +interphalangeal +interphase +interphone +interpiece +interpilaster +interpilastering +interplacental +interplait +interplanetary +interplant +interplanting +interplay +interplea +interplead +interpleader +interpledge +interpleural +interplical +interplicate +interplication +interplight +interpoint +interpolable +interpolar +interpolary +interpolate +interpolater +interpolation +interpolative +interpolatively +interpolator +interpole +interpolitical +interpolity +interpollinate +interpolymer +interpone +interportal +interposable +interposal +interpose +interposer +interposing +interposingly +interposition +interposure +interpour +interprater +interpressure +interpret +interpretability +interpretable +interpretableness +interpretably +interpretament +interpretation +interpretational +interpretative +interpretatively +interpreter +interpretership +interpretive +interpretively +interpretorial +interpretress +interprismatic +interproduce +interprofessional +interproglottidal +interproportional +interprotoplasmic +interprovincial +interproximal +interproximate +interpterygoid +interpubic +interpulmonary +interpunct +interpunction +interpunctuate +interpunctuation +interpupillary +interquarrel +interquarter +interrace +interracial +interracialism +interradial +interradially +interradiate +interradiation +interradium +interradius +interrailway +interramal +interramicorn +interramification +interreceive +interreflection +interregal +interregimental +interregional +interregna +interregnal +interregnum +interreign +interrelate +interrelated +interrelatedly +interrelatedness +interrelation +interrelationship +interreligious +interrenal +interrenalism +interrepellent +interrepulsion +interrer +interresponsibility +interresponsible +interreticular +interreticulation +interrex +interrhyme +interright +interriven +interroad +interrogability +interrogable +interrogant +interrogate +interrogatedness +interrogatee +interrogatingly +interrogation +interrogational +interrogative +interrogatively +interrogator +interrogatorily +interrogatory +interrogatrix +interrogee +interroom +interrule +interrun +interrupt +interrupted +interruptedly +interruptedness +interrupter +interruptible +interrupting +interruptingly +interruption +interruptive +interruptively +interruptor +interruptory +intersale +intersalute +interscapilium +interscapular +interscapulum +interscene +interscholastic +interschool +interscience +interscribe +interscription +interseaboard +interseamed +intersect +intersectant +intersection +intersectional +intersegmental +interseminal +intersentimental +interseptal +intersertal +intersesamoid +intersession +intersessional +interset +intersex +intersexual +intersexualism +intersexuality +intershade +intershifting +intershock +intershoot +intershop +intersidereal +intersituate +intersocial +intersocietal +intersociety +intersole +intersolubility +intersoluble +intersomnial +intersomnious +intersonant +intersow +interspace +interspatial +interspatially +interspeaker +interspecial +interspecific +interspersal +intersperse +interspersedly +interspersion +interspheral +intersphere +interspicular +interspinal +interspinalis +interspinous +interspiral +interspiration +intersporal +intersprinkle +intersqueeze +interstadial +interstage +interstaminal +interstapedial +interstate +interstation +interstellar +interstellary +intersterile +intersterility +intersternal +interstice +intersticed +interstimulate +interstimulation +interstitial +interstitially +interstitious +interstratification +interstratify +interstreak +interstream +interstreet +interstrial +interstriation +interstrive +intersubjective +intersubsistence +intersubstitution +intersuperciliary +intersusceptation +intersystem +intersystematical +intertalk +intertangle +intertanglement +intertarsal +interteam +intertentacular +intertergal +interterminal +interterritorial +intertessellation +intertexture +interthing +interthreaded +interthronging +intertidal +intertie +intertill +intertillage +intertinge +intertissued +intertone +intertongue +intertonic +intertouch +intertown +intertrabecular +intertrace +intertrade +intertrading +intertraffic +intertragian +intertransformability +intertransformable +intertransmissible +intertransmission +intertranspicuous +intertransversal +intertransversalis +intertransversary +intertransverse +intertrappean +intertribal +intertriginous +intertriglyph +intertrigo +intertrinitarian +intertrochanteric +intertropic +intertropical +intertropics +intertrude +intertuberal +intertubercular +intertubular +intertwin +intertwine +intertwinement +intertwining +intertwiningly +intertwist +intertwistingly +Intertype +interungular +interungulate +interunion +interuniversity +interurban +interureteric +intervaginal +interval +intervale +intervalley +intervallic +intervallum +intervalvular +intervarietal +intervary +intervascular +intervein +interveinal +intervenant +intervene +intervener +intervenience +interveniency +intervenient +intervenium +intervention +interventional +interventionism +interventionist +interventive +interventor +interventral +interventralia +interventricular +intervenular +interverbal +interversion +intervert +intervertebra +intervertebral +intervertebrally +intervesicular +interview +interviewable +interviewee +interviewer +intervillous +intervisibility +intervisible +intervisit +intervisitation +intervital +intervocal +intervocalic +intervolute +intervolution +intervolve +interwar +interweave +interweavement +interweaver +interweaving +interweavingly +interwed +interweld +interwhiff +interwhile +interwhistle +interwind +interwish +interword +interwork +interworks +interworld +interworry +interwound +interwove +interwoven +interwovenly +interwrap +interwreathe +interwrought +interxylary +interzonal +interzone +interzooecial +interzygapophysial +intestable +intestacy +intestate +intestation +intestinal +intestinally +intestine +intestineness +intestiniform +intestinovesical +intext +intextine +intexture +inthrall +inthrallment +inthrong +inthronistic +inthronization +inthronize +inthrow +inthrust +intil +intima +intimacy +intimal +intimate +intimately +intimateness +intimater +intimation +intimidate +intimidation +intimidator +intimidatory +intimidity +intimity +intinction +intine +intitule +into +intoed +intolerability +intolerable +intolerableness +intolerably +intolerance +intolerancy +intolerant +intolerantly +intolerantness +intolerated +intolerating +intoleration +intonable +intonate +intonation +intonator +intone +intonement +intoner +intoothed +intorsion +intort +intortillage +intown +intoxation +intoxicable +intoxicant +intoxicate +intoxicated +intoxicatedly +intoxicatedness +intoxicating +intoxicatingly +intoxication +intoxicative +intoxicator +intrabiontic +intrabranchial +intrabred +intrabronchial +intrabuccal +intracalicular +intracanalicular +intracanonical +intracapsular +intracardiac +intracardial +intracarpal +intracarpellary +intracartilaginous +intracellular +intracellularly +intracephalic +intracerebellar +intracerebral +intracerebrally +intracervical +intrachordal +intracistern +intracity +intraclitelline +intracloacal +intracoastal +intracoelomic +intracolic +intracollegiate +intracommunication +intracompany +intracontinental +intracorporeal +intracorpuscular +intracortical +intracosmic +intracosmical +intracosmically +intracostal +intracranial +intracranially +intractability +intractable +intractableness +intractably +intractile +intracutaneous +intracystic +intrada +intradepartmental +intradermal +intradermally +intradermic +intradermically +intradermo +intradistrict +intradivisional +intrados +intraduodenal +intradural +intraecclesiastical +intraepiphyseal +intraepithelial +intrafactory +intrafascicular +intrafissural +intrafistular +intrafoliaceous +intraformational +intrafusal +intragastric +intragemmal +intraglacial +intraglandular +intraglobular +intragroup +intragroupal +intragyral +intrahepatic +intrahyoid +intraimperial +intrait +intrajugular +intralamellar +intralaryngeal +intralaryngeally +intraleukocytic +intraligamentary +intraligamentous +intralingual +intralobar +intralobular +intralocular +intralogical +intralumbar +intramammary +intramarginal +intramastoid +intramatrical +intramatrically +intramedullary +intramembranous +intrameningeal +intramental +intrametropolitan +intramolecular +intramontane +intramorainic +intramundane +intramural +intramuralism +intramuscular +intramuscularly +intramyocardial +intranarial +intranasal +intranatal +intranational +intraneous +intraneural +intranidal +intranquil +intranquillity +intranscalency +intranscalent +intransferable +intransformable +intransfusible +intransgressible +intransient +intransigency +intransigent +intransigentism +intransigentist +intransigently +intransitable +intransitive +intransitively +intransitiveness +intransitivity +intranslatable +intransmissible +intransmutability +intransmutable +intransparency +intransparent +intrant +intranuclear +intraoctave +intraocular +intraoral +intraorbital +intraorganization +intraossal +intraosseous +intraosteal +intraovarian +intrapair +intraparenchymatous +intraparietal +intraparochial +intraparty +intrapelvic +intrapericardiac +intrapericardial +intraperineal +intraperiosteal +intraperitoneal +intraperitoneally +intrapetiolar +intraphilosophic +intrapial +intraplacental +intraplant +intrapleural +intrapolar +intrapontine +intraprostatic +intraprotoplasmic +intrapsychic +intrapsychical +intrapsychically +intrapulmonary +intrapyretic +intrarachidian +intrarectal +intrarelation +intrarenal +intraretinal +intrarhachidian +intraschool +intrascrotal +intrasegmental +intraselection +intrasellar +intraseminal +intraseptal +intraserous +intrashop +intraspecific +intraspinal +intrastate +intrastromal +intrasusception +intrasynovial +intratarsal +intratelluric +intraterritorial +intratesticular +intrathecal +intrathoracic +intrathyroid +intratomic +intratonsillar +intratrabecular +intratracheal +intratracheally +intratropical +intratubal +intratubular +intratympanic +intravaginal +intravalvular +intravasation +intravascular +intravenous +intravenously +intraventricular +intraverbal +intraversable +intravertebral +intravertebrally +intravesical +intravital +intravitelline +intravitreous +intraxylary +intreat +intrench +intrenchant +intrencher +intrenchment +intrepid +intrepidity +intrepidly +intrepidness +intricacy +intricate +intricately +intricateness +intrication +intrigant +intrigue +intrigueproof +intriguer +intriguery +intriguess +intriguing +intriguingly +intrine +intrinse +intrinsic +intrinsical +intrinsicality +intrinsically +intrinsicalness +introactive +introceptive +introconversion +introconvertibility +introconvertible +introdden +introduce +introducee +introducement +introducer +introducible +introduction +introductive +introductively +introductor +introductorily +introductoriness +introductory +introductress +introflex +introflexion +introgression +introgressive +introinflection +introit +introitus +introject +introjection +introjective +intromissibility +intromissible +intromission +intromissive +intromit +intromittence +intromittent +intromitter +intropression +intropulsive +introreception +introrsal +introrse +introrsely +introsensible +introsentient +introspect +introspectable +introspection +introspectional +introspectionism +introspectionist +introspective +introspectively +introspectiveness +introspectivism +introspectivist +introspector +introsuction +introsuscept +introsusception +introthoracic +introtraction +introvenient +introverse +introversibility +introversible +introversion +introversive +introversively +introvert +introverted +introvertive +introvision +introvolution +intrudance +intrude +intruder +intruding +intrudingly +intrudress +intruse +intrusion +intrusional +intrusionism +intrusionist +intrusive +intrusively +intrusiveness +intrust +intubate +intubation +intubationist +intubator +intube +intue +intuent +intuicity +intuit +intuitable +intuition +intuitional +intuitionalism +intuitionalist +intuitionally +intuitionism +intuitionist +intuitionistic +intuitionless +intuitive +intuitively +intuitiveness +intuitivism +intuitivist +intumesce +intumescence +intumescent +inturbidate +inturn +inturned +inturning +intussuscept +intussusception +intussusceptive +intwist +inula +inulaceous +inulase +inulin +inuloid +inumbrate +inumbration +inunct +inunction +inunctum +inunctuosity +inunctuous +inundable +inundant +inundate +inundation +inundator +inundatory +inunderstandable +inurbane +inurbanely +inurbaneness +inurbanity +inure +inured +inuredness +inurement +inurn +inusitate +inusitateness +inusitation +inustion +inutile +inutilely +inutility +inutilized +inutterable +invaccinate +invaccination +invadable +invade +invader +invaginable +invaginate +invagination +invalescence +invalid +invalidate +invalidation +invalidator +invalidcy +invalidhood +invalidish +invalidism +invalidity +invalidly +invalidness +invalidship +invalorous +invaluable +invaluableness +invaluably +invalued +Invar +invariability +invariable +invariableness +invariably +invariance +invariancy +invariant +invariantive +invariantively +invariantly +invaried +invasion +invasionist +invasive +invecked +invected +invection +invective +invectively +invectiveness +invectivist +invector +inveigh +inveigher +inveigle +inveiglement +inveigler +inveil +invein +invendibility +invendible +invendibleness +invenient +invent +inventable +inventary +inventer +inventful +inventibility +inventible +inventibleness +invention +inventional +inventionless +inventive +inventively +inventiveness +inventor +inventoriable +inventorial +inventorially +inventory +inventress +inventurous +inveracious +inveracity +inverisimilitude +inverity +inverminate +invermination +invernacular +Inverness +inversable +inversatile +inverse +inversed +inversedly +inversely +inversion +inversionist +inversive +invert +invertase +invertebracy +invertebral +Invertebrata +invertebrate +invertebrated +inverted +invertedly +invertend +inverter +invertibility +invertible +invertile +invertin +invertive +invertor +invest +investable +investible +investigable +investigatable +investigate +investigating +investigatingly +investigation +investigational +investigative +investigator +investigatorial +investigatory +investitive +investitor +investiture +investment +investor +inveteracy +inveterate +inveterately +inveterateness +inviability +invictive +invidious +invidiously +invidiousness +invigilance +invigilancy +invigilation +invigilator +invigor +invigorant +invigorate +invigorating +invigoratingly +invigoratingness +invigoration +invigorative +invigoratively +invigorator +invinate +invination +invincibility +invincible +invincibleness +invincibly +inviolability +inviolable +inviolableness +inviolably +inviolacy +inviolate +inviolated +inviolately +inviolateness +invirile +invirility +invirtuate +inviscate +inviscation +inviscid +inviscidity +invised +invisibility +invisible +invisibleness +invisibly +invitable +invital +invitant +invitation +invitational +invitatory +invite +invitee +invitement +inviter +invitiate +inviting +invitingly +invitingness +invitress +invitrifiable +invivid +invocable +invocant +invocate +invocation +invocative +invocator +invocatory +invoice +invoke +invoker +involatile +involatility +involucel +involucellate +involucellated +involucral +involucrate +involucre +involucred +involucriform +involucrum +involuntarily +involuntariness +involuntary +involute +involuted +involutedly +involutely +involution +involutional +involutionary +involutorial +involutory +involve +involved +involvedly +involvedness +involvement +involvent +involver +invulnerability +invulnerable +invulnerableness +invulnerably +invultuation +inwale +inwall +inwandering +inward +inwardly +inwardness +inwards +inweave +inwedged +inweed +inweight +inwick +inwind +inwit +inwith +inwood +inwork +inworn +inwound +inwoven +inwrap +inwrapment +inwreathe +inwrit +inwrought +inyoite +inyoke +Io +io +Iodamoeba +iodate +iodation +iodhydrate +iodhydric +iodhydrin +iodic +iodide +iodiferous +iodinate +iodination +iodine +iodinium +iodinophil +iodinophilic +iodinophilous +iodism +iodite +iodization +iodize +iodizer +iodo +iodobehenate +iodobenzene +iodobromite +iodocasein +iodochloride +iodochromate +iodocresol +iododerma +iodoethane +iodoform +iodogallicin +iodohydrate +iodohydric +iodohydrin +iodol +iodomercurate +iodomercuriate +iodomethane +iodometric +iodometrical +iodometry +iodonium +iodopsin +iodoso +iodosobenzene +iodospongin +iodotannic +iodotherapy +iodothyrin +iodous +iodoxy +iodoxybenzene +iodyrite +iolite +ion +Ione +Ioni +Ionian +Ionic +ionic +Ionicism +Ionicization +Ionicize +Ionidium +Ionism +Ionist +ionium +ionizable +Ionization +ionization +Ionize +ionize +ionizer +ionogen +ionogenic +ionone +Ionornis +ionosphere +ionospheric +Ionoxalis +iontophoresis +Ioskeha +iota +iotacism +iotacismus +iotacist +iotization +iotize +Iowa +Iowan +Ipalnemohuani +ipecac +ipecacuanha +ipecacuanhic +Iphimedia +Iphis +ipid +Ipidae +ipil +ipomea +Ipomoea +ipomoein +ipseand +ipsedixitish +ipsedixitism +ipsedixitist +ipseity +ipsilateral +Ira +iracund +iracundity +iracundulous +irade +Iran +Irani +Iranian +Iranic +Iranism +Iranist +Iranize +Iraq +Iraqi +Iraqian +irascent +irascibility +irascible +irascibleness +irascibly +irate +irately +ire +ireful +irefully +irefulness +Irelander +ireless +Irena +irenarch +Irene +irene +irenic +irenical +irenically +irenicism +irenicist +irenicon +irenics +irenicum +Iresine +Irfan +Irgun +Irgunist +irian +Iriartea +Iriarteaceae +Iricism +Iricize +irid +Iridaceae +iridaceous +iridadenosis +iridal +iridalgia +iridate +iridauxesis +iridectome +iridectomize +iridectomy +iridectropium +iridemia +iridencleisis +iridentropium +irideous +irideremia +irides +iridesce +iridescence +iridescency +iridescent +iridescently +iridial +iridian +iridiate +iridic +iridical +iridin +iridine +iridiocyte +iridiophore +iridioplatinum +iridious +iridite +iridium +iridization +iridize +iridoavulsion +iridocapsulitis +iridocele +iridoceratitic +iridochoroiditis +iridocoloboma +iridoconstrictor +iridocyclitis +iridocyte +iridodesis +iridodiagnosis +iridodialysis +iridodonesis +iridokinesia +iridomalacia +iridomotor +Iridomyrmex +iridoncus +iridoparalysis +iridophore +iridoplegia +iridoptosis +iridopupillary +iridorhexis +iridosclerotomy +iridosmine +iridosmium +iridotasis +iridotome +iridotomy +iris +irisated +irisation +iriscope +irised +Irish +Irisher +Irishian +Irishism +Irishize +Irishly +Irishman +Irishness +Irishry +Irishwoman +Irishy +irisin +irislike +irisroot +iritic +iritis +irk +irksome +irksomely +irksomeness +Irma +Iroha +irok +iroko +iron +ironback +ironbark +ironbound +ironbush +ironclad +irone +ironer +ironfisted +ironflower +ironhanded +ironhandedly +ironhandedness +ironhard +ironhead +ironheaded +ironhearted +ironheartedly +ironheartedness +ironical +ironically +ironicalness +ironice +ironish +ironism +ironist +ironize +ironless +ironlike +ironly +ironmaker +ironmaking +ironman +ironmaster +ironmonger +ironmongering +ironmongery +ironness +ironshod +ironshot +ironside +ironsided +ironsides +ironsmith +ironstone +ironware +ironweed +ironwood +ironwork +ironworked +ironworker +ironworking +ironworks +ironwort +irony +Iroquoian +Iroquois +Irpex +irradiance +irradiancy +irradiant +irradiate +irradiated +irradiatingly +irradiation +irradiative +irradiator +irradicable +irradicate +irrarefiable +irrationability +irrationable +irrationably +irrational +irrationalism +irrationalist +irrationalistic +irrationality +irrationalize +irrationally +irrationalness +irreality +irrealizable +irrebuttable +irreceptive +irreceptivity +irreciprocal +irreciprocity +irreclaimability +irreclaimable +irreclaimableness +irreclaimably +irreclaimed +irrecognition +irrecognizability +irrecognizable +irrecognizably +irrecognizant +irrecollection +irreconcilability +irreconcilable +irreconcilableness +irreconcilably +irreconcile +irreconcilement +irreconciliability +irreconciliable +irreconciliableness +irreconciliably +irreconciliation +irrecordable +irrecoverable +irrecoverableness +irrecoverably +irrecusable +irrecusably +irredeemability +irredeemable +irredeemableness +irredeemably +irredeemed +irredenta +irredential +Irredentism +Irredentist +irredressibility +irredressible +irredressibly +irreducibility +irreducible +irreducibleness +irreducibly +irreductibility +irreductible +irreduction +irreferable +irreflection +irreflective +irreflectively +irreflectiveness +irreflexive +irreformability +irreformable +irrefragability +irrefragable +irrefragableness +irrefragably +irrefrangibility +irrefrangible +irrefrangibleness +irrefrangibly +irrefusable +irrefutability +irrefutable +irrefutableness +irrefutably +irregardless +irregeneracy +irregenerate +irregeneration +irregular +irregularism +irregularist +irregularity +irregularize +irregularly +irregularness +irregulate +irregulated +irregulation +irrelate +irrelated +irrelation +irrelative +irrelatively +irrelativeness +irrelevance +irrelevancy +irrelevant +irrelevantly +irreliability +irrelievable +irreligion +irreligionism +irreligionist +irreligionize +irreligiosity +irreligious +irreligiously +irreligiousness +irreluctant +irremeable +irremeably +irremediable +irremediableness +irremediably +irrememberable +irremissibility +irremissible +irremissibleness +irremissibly +irremission +irremissive +irremovability +irremovable +irremovableness +irremovably +irremunerable +irrenderable +irrenewable +irrenunciable +irrepair +irrepairable +irreparability +irreparable +irreparableness +irreparably +irrepassable +irrepealability +irrepealable +irrepealableness +irrepealably +irrepentance +irrepentant +irrepentantly +irreplaceable +irreplaceably +irrepleviable +irreplevisable +irreportable +irreprehensible +irreprehensibleness +irreprehensibly +irrepresentable +irrepresentableness +irrepressibility +irrepressible +irrepressibleness +irrepressibly +irrepressive +irreproachability +irreproachable +irreproachableness +irreproachably +irreproducible +irreproductive +irreprovable +irreprovableness +irreprovably +irreptitious +irrepublican +irresilient +irresistance +irresistibility +irresistible +irresistibleness +irresistibly +irresoluble +irresolubleness +irresolute +irresolutely +irresoluteness +irresolution +irresolvability +irresolvable +irresolvableness +irresolved +irresolvedly +irresonance +irresonant +irrespectability +irrespectable +irrespectful +irrespective +irrespectively +irrespirable +irrespondence +irresponsibility +irresponsible +irresponsibleness +irresponsibly +irresponsive +irresponsiveness +irrestrainable +irrestrainably +irrestrictive +irresultive +irresuscitable +irresuscitably +irretention +irretentive +irretentiveness +irreticence +irreticent +irretraceable +irretraceably +irretractable +irretractile +irretrievability +irretrievable +irretrievableness +irretrievably +irrevealable +irrevealably +irreverence +irreverend +irreverendly +irreverent +irreverential +irreverentialism +irreverentially +irreverently +irreversibility +irreversible +irreversibleness +irreversibly +irrevertible +irreviewable +irrevisable +irrevocability +irrevocable +irrevocableness +irrevocably +irrevoluble +irrigable +irrigably +irrigant +irrigate +irrigation +irrigational +irrigationist +irrigative +irrigator +irrigatorial +irrigatory +irriguous +irriguousness +irrision +irrisor +Irrisoridae +irrisory +irritability +irritable +irritableness +irritably +irritament +irritancy +irritant +irritate +irritatedly +irritating +irritatingly +irritation +irritative +irritativeness +irritator +irritatory +Irritila +irritomotile +irritomotility +irrorate +irrotational +irrotationally +irrubrical +irrupt +irruptible +irruption +irruptive +irruptively +Irvin +Irving +Irvingesque +Irvingiana +Irvingism +Irvingite +Irwin +is +Isaac +Isabel +isabelina +isabelita +Isabella +Isabelle +Isabelline +isabnormal +isaconitine +isacoustic +isadelphous +Isadora +isagoge +isagogic +isagogical +isagogically +isagogics +isagon +Isaiah +Isaian +isallobar +isallotherm +isamine +Isander +isandrous +isanemone +isanomal +isanomalous +isanthous +isapostolic +Isaria +isarioid +isatate +isatic +isatide +isatin +isatinic +Isatis +isatogen +isatogenic +Isaurian +Isawa +isazoxy +isba +Iscariot +Iscariotic +Iscariotical +Iscariotism +ischemia +ischemic +ischiac +ischiadic +ischiadicus +ischial +ischialgia +ischialgic +ischiatic +ischidrosis +ischioanal +ischiobulbar +ischiocapsular +ischiocaudal +ischiocavernosus +ischiocavernous +ischiocele +ischiocerite +ischiococcygeal +ischiofemoral +ischiofibular +ischioiliac +ischioneuralgia +ischioperineal +ischiopodite +ischiopubic +ischiopubis +ischiorectal +ischiorrhogic +ischiosacral +ischiotibial +ischiovaginal +ischiovertebral +ischium +ischocholia +ischuretic +ischuria +ischury +Ischyodus +Isegrim +isenergic +isentropic +isepiptesial +isepiptesis +iserine +iserite +isethionate +isethionic +Iseum +Isfahan +Ishmael +Ishmaelite +Ishmaelitic +Ishmaelitish +Ishmaelitism +ishpingo +ishshakku +Isiac +Isiacal +Isidae +isidiiferous +isidioid +isidiophorous +isidiose +isidium +isidoid +Isidore +Isidorian +Isidoric +Isinai +isindazole +isinglass +Isis +Islam +Islamic +Islamism +Islamist +Islamistic +Islamite +Islamitic +Islamitish +Islamization +Islamize +island +islander +islandhood +islandic +islandish +islandless +islandlike +islandman +islandress +islandry +islandy +islay +isle +isleless +islesman +islet +Isleta +isleted +isleward +islot +ism +Ismaelism +Ismaelite +Ismaelitic +Ismaelitical +Ismaelitish +Ismaili +Ismailian +Ismailite +ismal +ismatic +ismatical +ismaticalness +ismdom +ismy +Isnardia +iso +isoabnormal +isoagglutination +isoagglutinative +isoagglutinin +isoagglutinogen +isoalantolactone +isoallyl +isoamarine +isoamide +isoamyl +isoamylamine +isoamylene +isoamylethyl +isoamylidene +isoantibody +isoantigen +isoapiole +isoasparagine +isoaurore +isobar +isobarbaloin +isobarbituric +isobare +isobaric +isobarism +isobarometric +isobase +isobath +isobathic +isobathytherm +isobathythermal +isobathythermic +isobenzofuran +isobilateral +isobilianic +isobiogenetic +isoborneol +isobornyl +isobront +isobronton +isobutane +isobutyl +isobutylene +isobutyraldehyde +isobutyrate +isobutyric +isobutyryl +isocamphor +isocamphoric +isocaproic +isocarbostyril +Isocardia +Isocardiidae +isocarpic +isocarpous +isocellular +isocephalic +isocephalism +isocephalous +isocephaly +isocercal +isocercy +isochasm +isochasmic +isocheim +isocheimal +isocheimenal +isocheimic +isocheimonal +isochlor +isochlorophyll +isochlorophyllin +isocholanic +isocholesterin +isocholesterol +isochor +isochoric +isochromatic +isochronal +isochronally +isochrone +isochronic +isochronical +isochronism +isochronize +isochronon +isochronous +isochronously +isochroous +isocinchomeronic +isocinchonine +isocitric +isoclasite +isoclimatic +isoclinal +isocline +isoclinic +isocodeine +isocola +isocolic +isocolon +isocoria +isocorybulbin +isocorybulbine +isocorydine +isocoumarin +isocracy +isocrat +isocratic +isocreosol +isocrotonic +isocrymal +isocryme +isocrymic +isocyanate +isocyanic +isocyanide +isocyanine +isocyano +isocyanogen +isocyanurate +isocyanuric +isocyclic +isocymene +isocytic +isodactylism +isodactylous +isodiabatic +isodialuric +isodiametric +isodiametrical +isodiazo +isodiazotate +isodimorphic +isodimorphism +isodimorphous +isodomic +isodomous +isodomum +isodont +isodontous +isodrome +isodulcite +isodurene +isodynamia +isodynamic +isodynamical +isoelectric +isoelectrically +isoelectronic +isoelemicin +isoemodin +isoenergetic +isoerucic +Isoetaceae +Isoetales +Isoetes +isoeugenol +isoflavone +isoflor +isogamete +isogametic +isogametism +isogamic +isogamous +isogamy +isogen +isogenesis +isogenetic +isogenic +isogenotype +isogenotypic +isogenous +isogeny +isogeotherm +isogeothermal +isogeothermic +isogloss +isoglossal +isognathism +isognathous +isogon +isogonal +isogonality +isogonally +isogonic +isogoniostat +isogonism +isograft +isogram +isograph +isographic +isographical +isographically +isography +isogynous +isohaline +isohalsine +isohel +isohemopyrrole +isoheptane +isohesperidin +isohexyl +isohydric +isohydrocyanic +isohydrosorbic +isohyet +isohyetal +isoimmune +isoimmunity +isoimmunization +isoimmunize +isoindazole +isoindigotin +isoindole +isoionone +isokeraunic +isokeraunographic +isokeraunophonic +Isokontae +isokontan +isokurtic +isolability +isolable +isolapachol +isolate +isolated +isolatedly +isolating +isolation +isolationism +isolationist +isolative +Isolde +isolecithal +isoleucine +isolichenin +isolinolenic +isologous +isologue +isology +Isoloma +isolysin +isolysis +isomagnetic +isomaltose +isomastigate +isomelamine +isomenthone +isomer +Isomera +isomere +isomeric +isomerical +isomerically +isomeride +isomerism +isomerization +isomerize +isomeromorphism +isomerous +isomery +isometric +isometrical +isometrically +isometrograph +isometropia +isometry +isomorph +isomorphic +isomorphism +isomorphous +Isomyaria +isomyarian +isoneph +isonephelic +isonergic +isonicotinic +isonitramine +isonitrile +isonitroso +isonomic +isonomous +isonomy +isonuclear +isonym +isonymic +isonymy +isooleic +isoosmosis +isopachous +isopag +isoparaffin +isopectic +isopelletierin +isopelletierine +isopentane +isoperimeter +isoperimetric +isoperimetrical +isoperimetry +isopetalous +isophanal +isophane +isophasal +isophene +isophenomenal +isophoria +isophorone +isophthalic +isophthalyl +isophyllous +isophylly +isopicramic +isopiestic +isopiestically +isopilocarpine +isoplere +isopleth +Isopleura +isopleural +isopleuran +isopleurous +isopod +Isopoda +isopodan +isopodiform +isopodimorphous +isopodous +isopogonous +isopolite +isopolitical +isopolity +isopoly +isoprene +isopropenyl +isopropyl +isopropylacetic +isopropylamine +isopsephic +isopsephism +Isoptera +isopterous +isoptic +isopulegone +isopurpurin +isopycnic +isopyre +isopyromucic +isopyrrole +isoquercitrin +isoquinine +isoquinoline +isorcinol +isorhamnose +isorhodeose +isorithm +isorosindone +isorrhythmic +isorropic +isosaccharic +isosaccharin +isoscele +isosceles +isoscope +isoseismal +isoseismic +isoseismical +isoseist +isoserine +isosmotic +Isospondyli +isospondylous +isospore +isosporic +isosporous +isospory +isostasist +isostasy +isostatic +isostatical +isostatically +isostemonous +isostemony +isostere +isosteric +isosterism +isostrychnine +isosuccinic +isosulphide +isosulphocyanate +isosulphocyanic +isosultam +isotac +isoteles +isotely +isotheral +isothere +isotherm +isothermal +isothermally +isothermic +isothermical +isothermobath +isothermobathic +isothermous +isotherombrose +isothiocyanates +isothiocyanic +isothiocyano +isothujone +isotimal +isotome +isotomous +isotonia +isotonic +isotonicity +isotony +isotope +isotopic +isotopism +isotopy +isotrehalose +Isotria +isotrimorphic +isotrimorphism +isotrimorphous +isotron +isotrope +isotropic +isotropism +isotropous +isotropy +isotype +isotypic +isotypical +isovalerate +isovalerianate +isovalerianic +isovaleric +isovalerone +isovaline +isovanillic +isovoluminal +isoxanthine +isoxazine +isoxazole +isoxime +isoxylene +isoyohimbine +isozooid +ispaghul +ispravnik +Israel +Israeli +Israelite +Israeliteship +Israelitic +Israelitish +Israelitism +Israelitize +issanguila +Issedoi +Issedones +issei +issite +issuable +issuably +issuance +issuant +issue +issueless +issuer +issuing +ist +isthmi +Isthmia +isthmial +isthmian +isthmiate +isthmic +isthmoid +isthmus +istiophorid +Istiophoridae +Istiophorus +istle +istoke +Istrian +Istvaeones +isuret +isuretine +Isuridae +isuroid +Isurus +Iswara +it +Ita +itabirite +itacism +itacist +itacistic +itacolumite +itaconate +itaconic +Itala +Itali +Italian +Italianate +Italianately +Italianation +Italianesque +Italianish +Italianism +Italianist +Italianity +Italianization +Italianize +Italianizer +Italianly +Italic +Italical +Italically +Italican +Italicanist +Italici +Italicism +italicization +italicize +italics +Italiote +italite +Italomania +Italon +Italophile +itamalate +itamalic +itatartaric +itatartrate +Itaves +itch +itchiness +itching +itchingly +itchless +itchproof +itchreed +itchweed +itchy +itcze +Itea +Iteaceae +Itelmes +item +iteming +itemization +itemize +itemizer +itemy +Iten +Itenean +iter +iterable +iterance +iterancy +iterant +iterate +iteration +iterative +iteratively +iterativeness +Ithaca +Ithacan +Ithacensian +ithagine +Ithaginis +ither +Ithiel +ithomiid +Ithomiidae +Ithomiinae +ithyphallic +Ithyphallus +ithyphyllous +itineracy +itinerancy +itinerant +itinerantly +itinerarian +Itinerarium +itinerary +itinerate +itineration +itmo +Ito +Itoism +Itoist +Itoland +Itonama +Itonaman +Itonia +itonidid +Itonididae +itoubou +its +itself +Ituraean +iturite +Itylus +Itys +Itza +itzebu +iva +Ivan +ivied +ivin +ivoried +ivorine +ivoriness +ivorist +ivory +ivorylike +ivorytype +ivorywood +ivy +ivybells +ivyberry +ivyflower +ivylike +ivyweed +ivywood +ivywort +iwa +iwaiwa +iwis +Ixia +Ixiaceae +Ixiama +Ixil +Ixion +Ixionian +Ixodes +ixodian +ixodic +ixodid +Ixodidae +Ixora +iyo +Izar +izar +izard +Izcateco +Izchak +Izdubar +izle +izote +iztle +Izumi +izzard +Izzy +J +j +Jaalin +jab +Jabarite +jabbed +jabber +jabberer +jabbering +jabberingly +jabberment +Jabberwock +jabberwockian +Jabberwocky +jabbing +jabbingly +jabble +jabers +jabia +jabiru +jaborandi +jaborine +jabot +jaboticaba +jabul +jacal +Jacaltec +Jacalteca +jacamar +Jacamaralcyon +jacameropine +Jacamerops +jacami +jacamin +Jacana +jacana +Jacanidae +Jacaranda +jacare +jacate +jacchus +jacent +jacinth +jacinthe +Jack +jack +jackal +jackanapes +jackanapish +jackaroo +jackass +jackassery +jackassification +jackassism +jackassness +jackbird +jackbox +jackboy +jackdaw +jackeen +jacker +jacket +jacketed +jacketing +jacketless +jacketwise +jackety +jackfish +jackhammer +jackknife +jackleg +jackman +jacko +jackpudding +jackpuddinghood +jackrod +jacksaw +jackscrew +jackshaft +jackshay +jacksnipe +Jackson +Jacksonia +Jacksonian +Jacksonite +jackstay +jackstone +jackstraw +jacktan +jackweed +jackwood +Jacky +Jackye +Jacob +jacobaea +jacobaean +Jacobean +Jacobian +Jacobic +Jacobin +Jacobinia +Jacobinic +Jacobinical +Jacobinically +Jacobinism +Jacobinization +Jacobinize +Jacobite +Jacobitely +Jacobitiana +Jacobitic +Jacobitical +Jacobitically +Jacobitish +Jacobitishly +Jacobitism +jacobsite +Jacobson +jacobus +jacoby +jaconet +Jacqueminot +Jacques +jactance +jactancy +jactant +jactation +jactitate +jactitation +jacu +jacuaru +jaculate +jaculation +jaculative +jaculator +jaculatorial +jaculatory +jaculiferous +Jacunda +jacutinga +jadder +jade +jaded +jadedly +jadedness +jadeite +jadery +jadesheen +jadeship +jadestone +jadish +jadishly +jadishness +jady +jaeger +jag +Jaga +Jagannath +Jagannatha +jagat +Jagatai +Jagataic +Jagath +jager +jagged +jaggedly +jaggedness +jagger +jaggery +jaggy +jagir +jagirdar +jagla +jagless +jagong +jagrata +jagua +jaguar +jaguarete +Jahve +Jahvist +Jahvistic +jail +jailage +jailbird +jaildom +jailer +jaileress +jailering +jailership +jailhouse +jailish +jailkeeper +jaillike +jailmate +jailward +jailyard +Jaime +Jain +Jaina +Jainism +Jainist +Jaipuri +jajman +Jake +jake +jakes +jako +Jakob +Jakun +Jalalaean +jalap +jalapa +jalapin +jalkar +jalloped +jalopy +jalouse +jalousie +jalousied +jalpaite +Jam +jam +jama +Jamaica +Jamaican +jaman +jamb +jambalaya +jambeau +jambo +jambolan +jambone +jambool +jamboree +Jambos +jambosa +jambstone +jamdani +James +Jamesian +Jamesina +jamesonite +jami +Jamie +jamlike +jammedness +jammer +jammy +Jamnia +jampan +jampani +jamrosade +jamwood +Jan +janapa +janapan +Jane +jane +Janet +jangada +Janghey +jangkar +jangle +jangler +jangly +Janice +janiceps +Janiculan +Janiculum +Janiform +janissary +janitor +janitorial +janitorship +janitress +janitrix +Janizarian +Janizary +jank +janker +jann +jannock +Janos +Jansenism +Jansenist +Jansenistic +Jansenistical +Jansenize +Janthina +Janthinidae +jantu +janua +Januarius +January +Janus +Januslike +jaob +Jap +jap +japaconine +japaconitine +Japan +japan +Japanee +Japanese +Japanesque +Japanesquely +Japanesquery +Japanesy +Japanicize +Japanism +Japanization +Japanize +japanned +Japanner +japanner +japannery +Japannish +Japanolatry +Japanologist +Japanology +Japanophile +Japanophobe +Japanophobia +jape +japer +japery +Japetus +Japheth +Japhetic +Japhetide +Japhetite +japing +japingly +japish +japishly +japishness +Japonic +japonica +Japonically +Japonicize +Japonism +Japonize +Japonizer +Japygidae +japygoid +Japyx +Jaqueline +Jaquesian +jaquima +jar +jara +jaragua +jararaca +jararacussu +jarbird +jarble +jarbot +jardiniere +Jared +jarfly +jarful +jarg +jargon +jargonal +jargoneer +jargonelle +jargoner +jargonesque +jargonic +jargonish +jargonist +jargonistic +jargonium +jargonization +jargonize +jarkman +Jarl +jarl +jarldom +jarless +jarlship +Jarmo +jarnut +jarool +jarosite +jarra +jarrah +jarring +jarringly +jarringness +jarry +jarvey +Jarvis +jasey +jaseyed +Jasione +Jasminaceae +jasmine +jasmined +jasminewood +Jasminum +jasmone +Jason +jaspachate +jaspagate +Jasper +jasper +jasperated +jaspered +jasperize +jasperoid +jaspery +jaspidean +jaspideous +jaspilite +jaspis +jaspoid +jasponyx +jaspopal +jass +jassid +Jassidae +jassoid +Jat +jatamansi +Jateorhiza +jateorhizine +jatha +jati +Jatki +Jatni +jato +Jatropha +jatrophic +jatrorrhizine +Jatulian +jaudie +jauk +jaun +jaunce +jaunder +jaundice +jaundiceroot +jaunt +jauntie +jauntily +jauntiness +jauntingly +jaunty +jaup +Java +Javahai +javali +Javan +Javanee +Javanese +javelin +javelina +javeline +javelineer +javer +Javitero +jaw +jawab +jawbation +jawbone +jawbreaker +jawbreaking +jawbreakingly +jawed +jawfall +jawfallen +jawfish +jawfoot +jawfooted +jawless +jawsmith +jawy +Jay +jay +Jayant +Jayesh +jayhawk +jayhawker +jaypie +jaywalk +jaywalker +jazerant +Jazyges +jazz +jazzer +jazzily +jazziness +jazzy +jealous +jealously +jealousness +jealousy +Jeames +Jean +jean +Jean-Christophe +Jean-Pierre +Jeanette +Jeanie +Jeanne +Jeannette +Jeannie +Jeanpaulia +jeans +Jeany +Jebus +Jebusi +Jebusite +Jebusitic +Jebusitical +Jebusitish +jecoral +jecorin +jecorize +jed +jedcock +jedding +jeddock +jeel +jeep +jeer +jeerer +jeering +jeeringly +jeerproof +jeery +jeewhillijers +jeewhillikens +Jef +Jeff +jeff +jefferisite +Jeffersonia +Jeffersonian +Jeffersonianism +jeffersonite +Jeffery +Jeffie +Jeffrey +Jehovah +Jehovic +Jehovism +Jehovist +Jehovistic +jehu +jehup +jejunal +jejunator +jejune +jejunely +jejuneness +jejunitis +jejunity +jejunoduodenal +jejunoileitis +jejunostomy +jejunotomy +jejunum +jelab +jelerang +jelick +jell +jellica +jellico +jellied +jelliedness +jellification +jellify +jellily +jelloid +jelly +jellydom +jellyfish +jellyleaf +jellylike +Jelske +jelutong +Jem +jemadar +Jemez +Jemima +jemmily +jemminess +Jemmy +jemmy +Jenine +jenkin +jenna +jennerization +jennerize +jennet +jenneting +Jennie +jennier +Jennifer +Jenny +jenny +Jenson +jentacular +jeofail +jeopard +jeoparder +jeopardize +jeopardous +jeopardously +jeopardousness +jeopardy +jequirity +Jerahmeel +Jerahmeelites +Jerald +jerboa +jereed +jeremejevite +jeremiad +Jeremiah +Jeremian +Jeremianic +Jeremias +Jeremy +jerez +jerib +jerk +jerker +jerkily +jerkin +jerkined +jerkiness +jerkingly +jerkish +jerksome +jerkwater +jerky +jerl +jerm +jermonal +Jeroboam +Jerome +Jeromian +Jeronymite +jerque +jerquer +Jerrie +Jerry +jerry +jerryism +Jersey +jersey +Jerseyan +jerseyed +Jerseyite +Jerseyman +jert +Jerusalem +jervia +jervina +jervine +Jesper +Jess +jess +jessakeed +jessamine +jessamy +jessant +Jesse +Jessean +jessed +Jessica +Jessie +jessur +jest +jestbook +jestee +jester +jestful +jesting +jestingly +jestingstock +jestmonger +jestproof +jestwise +jestword +Jesu +Jesuate +Jesuit +Jesuited +Jesuitess +Jesuitic +Jesuitical +Jesuitically +Jesuitish +Jesuitism +Jesuitist +Jesuitize +Jesuitocracy +Jesuitry +Jesus +jet +jetbead +jete +Jethro +Jethronian +jetsam +jettage +jetted +jetter +jettied +jettiness +jettingly +jettison +jetton +jetty +jettyhead +jettywise +jetware +Jew +jewbird +jewbush +Jewdom +jewel +jeweler +jewelhouse +jeweling +jewelless +jewellike +jewelry +jewelsmith +jewelweed +jewely +Jewess +jewfish +Jewhood +Jewish +Jewishly +Jewishness +Jewism +Jewless +Jewlike +Jewling +Jewry +Jewship +Jewstone +Jewy +jezail +Jezebel +Jezebelian +Jezebelish +jezekite +jeziah +Jezreelite +jharal +jheel +jhool +jhow +Jhuria +Ji +Jianyun +jib +jibbah +jibber +jibbings +jibby +jibe +jibhead +jibi +jibman +jiboa +jibstay +jicama +Jicaque +Jicaquean +jicara +Jicarilla +jiff +jiffle +jiffy +jig +jigamaree +jigger +jiggerer +jiggerman +jiggers +jigget +jiggety +jigginess +jiggish +jiggle +jiggly +jiggumbob +jiggy +jiglike +jigman +jihad +jikungu +Jill +jillet +jillflirt +jilt +jiltee +jilter +jiltish +Jim +jimbang +jimberjaw +jimberjawed +jimjam +Jimmy +jimmy +jimp +jimply +jimpness +jimpricute +jimsedge +Jin +jina +jincamas +Jincan +Jinchao +jing +jingal +Jingbai +jingbang +jingle +jingled +jinglejangle +jingler +jinglet +jingling +jinglingly +jingly +jingo +jingodom +jingoish +jingoism +jingoist +jingoistic +jinja +jinjili +jink +jinker +jinket +jinkle +jinks +jinn +jinnestan +jinni +jinniwink +jinniyeh +Jinny +jinny +jinriki +jinrikiman +jinrikisha +jinshang +jinx +jipijapa +jipper +jiqui +jirble +jirga +Jiri +jirkinet +Jisheng +Jitendra +jiti +jitneur +jitneuse +jitney +jitneyman +jitro +jitter +jitterbug +jitters +jittery +jiva +Jivaran +Jivaro +Jivaroan +jive +jixie +Jo +jo +Joachim +Joachimite +Joan +Joanna +Joanne +Joannite +joaquinite +Job +job +jobade +jobarbe +jobation +jobber +jobbernowl +jobbernowlism +jobbery +jobbet +jobbing +jobbish +jobble +jobholder +jobless +joblessness +jobman +jobmaster +jobmistress +jobmonger +jobo +jobsmith +Jocasta +Jocelin +Joceline +Jocelyn +joch +Jochen +Jock +jock +jocker +jockey +jockeydom +jockeyish +jockeyism +jockeylike +jockeyship +jocko +jockteleg +jocoque +jocose +jocosely +jocoseness +jocoseriosity +jocoserious +jocosity +jocote +jocu +jocular +jocularity +jocularly +jocularness +joculator +jocum +jocuma +jocund +jocundity +jocundly +jocundness +jodel +jodelr +jodhpurs +Jodo +Joe +joe +joebush +Joel +joewood +Joey +joey +jog +jogger +joggle +joggler +jogglety +jogglework +joggly +jogtrottism +Johan +Johann +Johanna +Johannean +Johannes +johannes +Johannine +Johannisberger +Johannist +Johannite +johannite +John +Johnadreams +Johnathan +Johnian +johnin +Johnnie +Johnny +johnnycake +johnnydom +Johnsmas +Johnsonese +Johnsonian +Johnsoniana +Johnsonianism +Johnsonianly +Johnsonism +johnstrupite +join +joinable +joinant +joinder +joiner +joinery +joining +joiningly +joint +jointage +jointed +jointedly +jointedness +jointer +jointing +jointist +jointless +jointly +jointress +jointure +jointureless +jointuress +jointweed +jointworm +jointy +joist +joisting +joistless +jojoba +joke +jokeless +jokelet +jokeproof +joker +jokesmith +jokesome +jokesomeness +jokester +jokingly +jokish +jokist +jokul +joky +joll +jolleyman +jollier +jollification +jollify +jollily +jolliness +jollity +jollop +jolloped +jolly +jollytail +Joloano +jolt +jolter +jolterhead +jolterheaded +jolterheadedness +jolthead +joltiness +jolting +joltingly +joltless +joltproof +jolty +Jon +Jonah +Jonahesque +Jonahism +Jonas +Jonathan +Jonathanization +Jones +Jonesian +Jong +jonglery +jongleur +Joni +jonque +jonquil +jonquille +Jonsonian +Jonval +jonvalization +jonvalize +jookerie +joola +joom +Joon +Jophiel +Jordan +jordan +Jordanian +jordanite +joree +Jorge +Jorist +jorum +Jos +Jose +josefite +joseite +Joseph +Josepha +Josephine +Josephinism +josephinite +Josephism +Josephite +Josh +josh +josher +joshi +Joshua +Josiah +josie +Josip +joskin +joss +jossakeed +josser +jostle +jostlement +jostler +jot +jota +jotation +jotisi +Jotnian +jotter +jotting +jotty +joubarb +Joubert +joug +jough +jouk +joukerypawkery +joule +joulean +joulemeter +jounce +journal +journalese +journalish +journalism +journalist +journalistic +journalistically +journalization +journalize +journalizer +journey +journeycake +journeyer +journeying +journeyman +journeywoman +journeywork +journeyworker +jours +joust +jouster +Jova +Jove +Jovial +jovial +jovialist +jovialistic +joviality +jovialize +jovially +jovialness +jovialty +Jovian +Jovianly +Jovicentric +Jovicentrical +Jovicentrically +jovilabe +Joviniamish +Jovinian +Jovinianist +Jovite +jow +jowar +jowari +jowel +jower +jowery +jowl +jowler +jowlish +jowlop +jowly +jowpy +jowser +jowter +joy +joyance +joyancy +joyant +Joyce +joyful +joyfully +joyfulness +joyhop +joyleaf +joyless +joylessly +joylessness +joylet +joyous +joyously +joyousness +joyproof +joysome +joyweed +Jozy +Ju +Juan +Juang +juba +jubate +jubbah +jubbe +jube +juberous +jubilance +jubilancy +jubilant +jubilantly +jubilarian +jubilate +jubilatio +jubilation +jubilatory +jubilean +jubilee +jubilist +jubilization +jubilize +jubilus +juck +juckies +Jucuna +jucundity +jud +Judaeomancy +Judaeophile +Judaeophilism +Judaeophobe +Judaeophobia +Judah +Judahite +Judaic +Judaica +Judaical +Judaically +Judaism +Judaist +Judaistic +Judaistically +Judaization +Judaize +Judaizer +Judas +Judaslike +judcock +Jude +Judean +judex +Judge +judge +judgeable +judgelike +judger +judgeship +judgingly +judgmatic +judgmatical +judgmatically +judgment +Judica +judicable +judicate +judication +judicative +judicator +judicatorial +judicatory +judicature +judices +judiciable +judicial +judiciality +judicialize +judicially +judicialness +judiciarily +judiciary +judicious +judiciously +judiciousness +Judith +judo +Judophobism +Judy +Juergen +jufti +jug +Juga +jugal +jugale +Jugatae +jugate +jugated +jugation +juger +jugerum +jugful +jugger +Juggernaut +juggernaut +Juggernautish +juggins +juggle +jugglement +juggler +jugglery +juggling +jugglingly +Juglandaceae +juglandaceous +Juglandales +juglandin +Juglans +juglone +jugular +Jugulares +jugulary +jugulate +jugulum +jugum +Jugurthine +Juha +juice +juiceful +juiceless +juicily +juiciness +juicy +jujitsu +juju +jujube +jujuism +jujuist +juke +jukebox +Jule +julep +Jules +Juletta +Julia +Julian +Juliana +Juliane +Julianist +Julianto +julid +Julidae +julidan +Julie +Julien +julienite +julienne +Juliet +Julietta +julio +Julius +juloid +Juloidea +juloidian +julole +julolidin +julolidine +julolin +juloline +Julus +July +Julyflower +Jumada +Jumana +jumart +jumba +jumble +jumblement +jumbler +jumblingly +jumbly +jumbo +jumboesque +jumboism +jumbuck +jumby +jumelle +jument +jumentous +jumfru +jumillite +jumma +jump +jumpable +jumper +jumperism +jumpiness +jumpingly +jumpness +jumprock +jumpseed +jumpsome +jumpy +Jun +Juncaceae +juncaceous +Juncaginaceae +juncaginaceous +juncagineous +junciform +juncite +Junco +Juncoides +juncous +junction +junctional +junctive +juncture +Juncus +June +june +Juneberry +Junebud +junectomy +Juneflower +Jungermannia +Jungermanniaceae +jungermanniaceous +Jungermanniales +jungle +jungled +jungleside +junglewards +junglewood +jungli +jungly +juniata +junior +juniorate +juniority +juniorship +juniper +Juniperaceae +Juniperus +Junius +junk +junkboard +Junker +junker +Junkerdom +junkerdom +junkerish +Junkerism +junkerism +junket +junketer +junketing +junking +junkman +Juno +Junoesque +Junonia +Junonian +junt +junta +junto +jupati +jupe +Jupiter +jupon +Jur +Jura +jural +jurally +jurament +juramentado +juramental +juramentally +juramentum +Jurane +jurant +jurara +Jurassic +jurat +juration +jurative +jurator +juratorial +juratory +jure +jurel +Jurevis +Juri +juridic +juridical +juridically +juring +jurisconsult +jurisdiction +jurisdictional +jurisdictionalism +jurisdictionally +jurisdictive +jurisprudence +jurisprudent +jurisprudential +jurisprudentialist +jurisprudentially +jurist +juristic +juristical +juristically +juror +jurupaite +jury +juryless +juryman +jurywoman +jusquaboutisme +jusquaboutist +jussel +Jussi +Jussiaea +Jussiaean +Jussieuan +jussion +jussive +jussory +just +justen +justice +justicehood +justiceless +justicelike +justicer +justiceship +justiceweed +Justicia +justiciability +justiciable +justicial +justiciar +justiciarship +justiciary +justiciaryship +justicies +justifiability +justifiable +justifiableness +justifiably +justification +justificative +justificator +justificatory +justifier +justify +justifying +justifyingly +Justin +Justina +Justine +Justinian +Justinianian +Justinianist +justly +justment +justness +justo +Justus +jut +Jute +jute +Jutic +Jutish +jutka +Jutlander +Jutlandish +jutting +juttingly +jutty +Juturna +Juvavian +juvenal +Juvenalian +juvenate +juvenescence +juvenescent +juvenile +juvenilely +juvenileness +juvenilify +juvenilism +juvenility +juvenilize +Juventas +juventude +Juverna +juvia +juvite +juxtalittoral +juxtamarine +juxtapose +juxtaposit +juxtaposition +juxtapositional +juxtapositive +juxtapyloric +juxtaspinal +juxtaterrestrial +juxtatropical +Juyas +Juza +Jwahar +Jynginae +jyngine +Jynx +jynx +K +k +ka +Kababish +Kabaka +kabaragoya +Kabard +Kabardian +kabaya +Kabbeljaws +kabel +kaberu +kabiet +Kabirpanthi +Kabistan +Kabonga +kabuki +Kabuli +Kabyle +Kachari +Kachin +kachin +Kadaga +Kadarite +kadaya +Kadayan +Kaddish +kadein +kadikane +kadischi +Kadmi +kados +Kadu +kaempferol +Kaf +Kafa +kaferita +Kaffir +kaffir +kaffiyeh +Kaffraria +Kaffrarian +Kafir +kafir +Kafiri +kafirin +kafiz +Kafka +Kafkaesque +kafta +kago +kagu +kaha +kahar +kahau +kahikatea +kahili +kahu +kahuna +kai +Kaibab +Kaibartha +kaid +kaik +kaikara +kaikawaka +kail +kailyard +kailyarder +kailyardism +Kaimo +Kainah +kainga +kainite +kainsi +kainyn +kairine +kairoline +kaiser +kaiserdom +kaiserism +kaisership +kaitaka +Kaithi +kaiwhiria +kaiwi +Kaj +Kajar +kajawah +kajugaru +kaka +Kakan +kakapo +kakar +kakarali +kakariki +Kakatoe +Kakatoidae +kakawahie +kaki +kakidrosis +kakistocracy +kakkak +kakke +kakortokite +kala +kaladana +kalamalo +kalamansanai +Kalamian +Kalanchoe +Kalandariyah +Kalang +Kalapooian +kalashnikov +kalasie +Kaldani +kale +kaleidophon +kaleidophone +kaleidoscope +kaleidoscopic +kaleidoscopical +kaleidoscopically +Kalekah +kalema +Kalendae +kalends +kalewife +kaleyard +kali +kalian +Kaliana +kaliborite +kalidium +kaliform +kaligenous +Kalinga +kalinite +kaliophilite +kalipaya +Kalispel +kalium +kallah +kallege +kallilite +Kallima +kallitype +Kalmarian +Kalmia +Kalmuck +kalo +kalogeros +kalokagathia +kalon +kalong +kalpis +kalsomine +kalsominer +kalumpang +kalumpit +Kalwar +kalymmaukion +kalymmocyte +kamachile +kamacite +kamahi +kamala +kamaloka +kamansi +kamao +Kamares +kamarezite +kamarupa +kamarupic +kamas +Kamasin +Kamass +kamassi +Kamba +kambal +kamboh +Kamchadal +Kamchatkan +kame +kameeldoorn +kameelthorn +Kamel +kamelaukion +kamerad +kamias +kamichi +kamik +kamikaze +Kamiya +kammalan +kammererite +kamperite +kampong +kamptomorph +kan +kana +kanae +kanagi +Kanaka +kanap +kanara +Kanarese +kanari +kanat +Kanauji +Kanawari +Kanawha +kanchil +kande +Kandelia +kandol +kaneh +kanephore +kanephoros +Kaneshite +Kanesian +kang +kanga +kangani +kangaroo +kangarooer +Kangli +Kanji +Kankanai +kankie +kannume +kanoon +Kanred +kans +Kansa +Kansan +kantele +kanteletar +kanten +Kanthan +Kantian +Kantianism +Kantism +Kantist +Kanuri +Kanwar +kaoliang +kaolin +kaolinate +kaolinic +kaolinite +kaolinization +kaolinize +kapa +kapai +kapeika +kapok +kapp +kappa +kappe +kappland +kapur +kaput +Karabagh +karagan +Karaism +Karaite +Karaitism +karaka +Karakatchan +Karakul +karakul +Karamojo +karamu +karaoke +Karatas +karate +Karaya +karaya +karbi +karch +kareao +kareeta +Karel +karela +Karelian +Karen +Karharbari +Kari +karite +Karl +Karling +Karluk +karma +Karmathian +karmic +karmouth +karo +kaross +karou +karree +karri +Karroo +karroo +karrusel +karsha +Karshuni +Karst +karst +karstenite +karstic +kartel +Karthli +kartometer +kartos +Kartvel +Kartvelian +karwar +Karwinskia +karyaster +karyenchyma +karyochrome +karyochylema +karyogamic +karyogamy +karyokinesis +karyokinetic +karyologic +karyological +karyologically +karyology +karyolymph +Karyolysidae +karyolysis +Karyolysus +karyolytic +karyomere +karyomerite +karyomicrosome +karyomitoic +karyomitome +karyomiton +karyomitosis +karyomitotic +karyon +karyoplasm +karyoplasma +karyoplasmatic +karyoplasmic +karyopyknosis +karyorrhexis +karyoschisis +karyosome +karyotin +karyotype +kasa +kasbah +kasbeke +kascamiol +Kasha +Kashan +kasher +kashga +kashi +kashima +Kashmiri +Kashmirian +Kashoubish +kashruth +Kashube +Kashubian +Kashyapa +kasida +Kasikumuk +Kaska +Kaskaskia +kasm +kasolite +kassabah +Kassak +Kassite +kassu +kastura +Kasubian +kat +Katabanian +katabasis +katabatic +katabella +katabolic +katabolically +katabolism +katabolite +katabolize +katabothron +katachromasis +katacrotic +katacrotism +katagenesis +katagenetic +katakana +katakinesis +katakinetic +katakinetomer +katakinetomeric +katakiribori +katalase +katalysis +katalyst +katalytic +katalyze +katamorphism +kataphoresis +kataphoretic +kataphoric +kataphrenia +kataplasia +kataplectic +kataplexy +katar +katastate +katastatic +katathermometer +katatonia +katatonic +katatype +katchung +katcina +Kate +kath +Katha +katha +kathal +Katharina +Katharine +katharometer +katharsis +kathartic +kathemoglobin +kathenotheism +Kathleen +kathodic +Kathopanishad +Kathryn +Kathy +Katie +Katik +Katinka +katipo +Katipunan +Katipuneros +katmon +katogle +Katrine +Katrinka +katsup +Katsuwonidae +katuka +Katukina +katun +katurai +Katy +katydid +Kauravas +kauri +kava +kavaic +kavass +Kavi +Kaw +kawaka +Kawchodinne +kawika +Kay +kay +kayak +kayaker +Kayan +Kayasth +Kayastha +kayles +kayo +Kayvan +Kazak +kazi +kazoo +Kazuhiro +kea +keach +keacorn +Keatsian +keawe +keb +kebab +kebbie +kebbuck +kechel +keck +keckle +keckling +kecksy +kecky +ked +Kedar +Kedarite +keddah +kedge +kedger +kedgeree +kedlock +Kedushshah +Kee +keech +keek +keeker +keel +keelage +keelbill +keelblock +keelboat +keelboatman +keeled +keeler +keelfat +keelhale +keelhaul +keelie +keeling +keelivine +keelless +keelman +keelrake +keelson +keen +keena +keened +keener +keenly +keenness +keep +keepable +keeper +keeperess +keepering +keeperless +keepership +keeping +keepsake +keepsaky +keepworthy +keerogue +Kees +keeshond +keest +keet +keeve +Keewatin +kef +keffel +kefir +kefiric +Kefti +Keftian +Keftiu +keg +kegler +kehaya +kehillah +kehoeite +Keid +keilhauite +keita +Keith +keitloa +Kekchi +kekotene +kekuna +kelchin +keld +Kele +kele +kelebe +kelectome +keleh +kelek +kelep +Kelima +kelk +kell +kella +kellion +kellupweed +Kelly +kelly +keloid +keloidal +kelp +kelper +kelpfish +kelpie +kelpware +kelpwort +kelpy +kelt +kelter +Keltoi +kelty +Kelvin +kelvin +kelyphite +Kemal +Kemalism +Kemalist +kemb +kemp +kemperyman +kempite +kemple +kempster +kempt +kempy +Ken +ken +kenaf +Kenai +kenareh +kench +kend +kendir +kendyr +Kenelm +Kenipsim +kenlore +kenmark +Kenn +Kennebec +kennebecker +kennebunker +Kennedya +kennel +kennelly +kennelman +kenner +Kenneth +kenning +kenningwort +kenno +keno +kenogenesis +kenogenetic +kenogenetically +kenogeny +kenosis +kenotic +kenoticism +kenoticist +kenotism +kenotist +kenotoxin +kenotron +Kenseikai +kensington +Kensitite +kenspac +kenspeck +kenspeckle +Kent +kent +kentallenite +Kentia +Kenticism +Kentish +Kentishman +kentledge +Kenton +kentrogon +kentrolite +Kentuckian +Kentucky +kenyte +kep +kepi +Keplerian +kept +Ker +keracele +keralite +kerana +keraphyllocele +keraphyllous +kerasin +kerasine +kerat +keratalgia +keratectasia +keratectomy +Keraterpeton +keratin +keratinization +keratinize +keratinoid +keratinose +keratinous +keratitis +keratoangioma +keratocele +keratocentesis +keratoconjunctivitis +keratoconus +keratocricoid +keratode +keratodermia +keratogenic +keratogenous +keratoglobus +keratoglossus +keratohelcosis +keratohyal +keratoid +Keratoidea +keratoiritis +Keratol +keratoleukoma +keratolysis +keratolytic +keratoma +keratomalacia +keratome +keratometer +keratometry +keratomycosis +keratoncus +keratonosus +keratonyxis +keratophyre +keratoplastic +keratoplasty +keratorrhexis +keratoscope +keratoscopy +keratose +keratosis +keratotome +keratotomy +keratto +keraulophon +keraulophone +Keraunia +keraunion +keraunograph +keraunographic +keraunography +keraunophone +keraunophonic +keraunoscopia +keraunoscopy +kerbstone +kerchief +kerchiefed +kerchoo +kerchug +kerchunk +kerectomy +kerel +Keres +Keresan +Kerewa +kerf +kerflap +kerflop +kerflummox +Kerite +Kermanji +Kermanshah +kermes +kermesic +kermesite +kermis +kern +kernel +kerneled +kernelless +kernelly +kerner +kernetty +kernish +kernite +kernos +kerogen +kerosene +kerplunk +Kerri +Kerria +kerrie +kerrikerri +kerril +kerrite +Kerry +kerry +kersantite +kersey +kerseymere +kerslam +kerslosh +kersmash +kerugma +kerwham +kerygma +kerygmatic +kerykeion +kerystic +kerystics +Keryx +kesslerman +kestrel +ket +keta +ketal +ketapang +ketazine +ketch +ketchcraft +ketchup +ketembilla +keten +ketene +ketimide +ketimine +ketipate +ketipic +keto +ketogen +ketogenesis +ketogenic +ketoheptose +ketohexose +ketoketene +ketol +ketole +ketolysis +ketolytic +ketone +ketonemia +ketonic +ketonimid +ketonimide +ketonimin +ketonimine +ketonization +ketonize +ketonuria +ketose +ketoside +ketosis +ketosuccinic +ketoxime +kette +ketting +kettle +kettlecase +kettledrum +kettledrummer +kettleful +kettlemaker +kettlemaking +kettler +ketty +Ketu +ketuba +ketupa +ketyl +keup +Keuper +keurboom +kevalin +Kevan +kevel +kevelhead +Kevin +kevutzah +Kevyn +Keweenawan +keweenawite +kewpie +kex +kexy +key +keyage +keyboard +keyed +keyhole +keyless +keylet +keylock +Keynesian +Keynesianism +keynote +keynoter +keyseater +keyserlick +keysmith +keystone +keystoned +Keystoner +keyway +Kha +khaddar +khadi +khagiarite +khahoon +khaiki +khair +khaja +khajur +khakanship +khaki +khakied +Khaldian +khalifa +Khalifat +Khalkha +khalsa +Khami +khamsin +Khamti +khan +khanate +khanda +khandait +khanjar +khanjee +khankah +khansamah +khanum +khar +kharaj +Kharia +Kharijite +Kharoshthi +kharouba +kharroubah +Khartoumer +kharua +Kharwar +Khasa +Khasi +khass +khat +khatib +khatri +Khatti +Khattish +Khaya +Khazar +Khazarian +khediva +khedival +khedivate +khedive +khediviah +khedivial +khediviate +khepesh +Kherwari +Kherwarian +khet +Khevzur +khidmatgar +Khila +khilat +khir +khirka +Khitan +Khivan +Khlysti +Khmer +Khoja +khoja +khoka +Khokani +Khond +Khorassan +khot +Khotan +Khotana +Khowar +khu +Khuai +khubber +khula +khuskhus +Khussak +khutbah +khutuktu +Khuzi +khvat +Khwarazmian +kiack +kiaki +kialee +kiang +Kiangan +kiaugh +kibber +kibble +kibbler +kibblerman +kibe +kibei +kibitka +kibitz +kibitzer +kiblah +kibosh +kiby +kick +kickable +Kickapoo +kickback +kickee +kicker +kicking +kickish +kickless +kickoff +kickout +kickseys +kickshaw +kickup +Kidder +kidder +Kidderminster +kiddier +kiddish +kiddush +kiddushin +kiddy +kidhood +kidlet +kidling +kidnap +kidnapee +kidnaper +kidney +kidneyroot +kidneywort +Kids +kidskin +kidsman +kiefekil +Kieffer +kiekie +kiel +kier +Kieran +kieselguhr +kieserite +kiestless +kieye +Kiho +kikar +Kikatsik +kikawaeo +kike +Kiki +kiki +Kikki +Kikongo +kiku +kikuel +kikumon +Kikuyu +kil +kiladja +kilah +kilampere +kilan +kilbrickenite +kildee +kilderkin +kileh +kilerg +kiley +Kilhamite +kilhig +kiliare +kilim +kill +killable +killadar +Killarney +killas +killcalf +killcrop +killcu +killdeer +killeekillee +killeen +killer +killick +killifish +killing +killingly +killingness +killinite +killogie +killweed +killwort +killy +Kilmarnock +kiln +kilneye +kilnhole +kilnman +kilnrib +kilo +kiloampere +kilobar +kilocalorie +kilocycle +kilodyne +kilogauss +kilogram +kilojoule +kiloliter +kilolumen +kilometer +kilometrage +kilometric +kilometrical +kiloparsec +kilostere +kiloton +kilovar +kilovolt +kilowatt +kilp +kilt +kilter +kiltie +kilting +Kiluba +Kim +kim +kimbang +kimberlin +kimberlite +Kimberly +Kimbundu +Kimeridgian +kimigayo +Kimmo +kimnel +kimono +kimonoed +kin +kina +kinaesthesia +kinaesthesis +kinah +kinase +kinbote +Kinch +kinch +kinchin +kinchinmort +kincob +kind +kindergarten +kindergartener +kindergartening +kindergartner +Kinderhook +kindheart +kindhearted +kindheartedly +kindheartedness +kindle +kindler +kindlesome +kindlily +kindliness +kindling +kindly +kindness +kindred +kindredless +kindredly +kindredness +kindredship +kinematic +kinematical +kinematically +kinematics +kinematograph +kinemometer +kineplasty +kinepox +kinesalgia +kinescope +kinesiatric +kinesiatrics +kinesic +kinesics +kinesimeter +kinesiologic +kinesiological +kinesiology +kinesiometer +kinesis +kinesitherapy +kinesodic +kinesthesia +kinesthesis +kinesthetic +kinetic +kinetical +kinetically +kinetics +kinetochore +kinetogenesis +kinetogenetic +kinetogenetically +kinetogenic +kinetogram +kinetograph +kinetographer +kinetographic +kinetography +kinetomer +kinetomeric +kinetonema +kinetonucleus +kinetophone +kinetophonograph +kinetoplast +kinetoscope +kinetoscopic +King +king +kingbird +kingbolt +kingcob +kingcraft +kingcup +kingdom +kingdomed +kingdomful +kingdomless +kingdomship +kingfish +kingfisher +kinghead +kinghood +kinghunter +kingless +kinglessness +kinglet +kinglihood +kinglike +kinglily +kingliness +kingling +kingly +kingmaker +kingmaking +kingpiece +kingpin +kingrow +kingship +kingsman +Kingu +kingweed +kingwood +Kinipetu +kink +kinkable +kinkaider +kinkajou +kinkcough +kinkhab +kinkhost +kinkily +kinkiness +kinkle +kinkled +kinkly +kinksbush +kinky +kinless +kinnikinnick +kino +kinofluous +kinology +kinoplasm +kinoplasmic +Kinorhyncha +kinospore +Kinosternidae +Kinosternon +kinotannic +kinsfolk +kinship +kinsman +kinsmanly +kinsmanship +kinspeople +kinswoman +kintar +Kintyre +kioea +Kioko +kiosk +kiotome +Kiowa +Kiowan +Kioway +kip +kipage +Kipchak +kipe +Kiplingese +Kiplingism +kippeen +kipper +kipperer +kippy +kipsey +kipskin +Kiranti +Kirghiz +Kirghizean +kiri +Kirillitsa +kirimon +Kirk +kirk +kirker +kirkify +kirking +kirkinhead +kirklike +kirkman +kirktown +kirkward +kirkyard +Kirman +kirmew +kirn +kirombo +kirsch +Kirsten +Kirsty +kirtle +kirtled +Kirundi +kirve +kirver +kischen +kish +Kishambala +kishen +kishon +kishy +kiskatom +Kislev +kismet +kismetic +kisra +kiss +kissability +kissable +kissableness +kissage +kissar +kisser +kissing +kissingly +kissproof +kisswise +kissy +kist +kistful +kiswa +Kiswahili +Kit +kit +kitab +kitabis +Kitalpha +Kitamat +Kitan +kitar +kitcat +kitchen +kitchendom +kitchener +kitchenette +kitchenful +kitchenless +kitchenmaid +kitchenman +kitchenry +kitchenward +kitchenwards +kitchenware +kitchenwife +kitcheny +kite +kiteflier +kiteflying +kith +kithe +kithless +kitish +Kitkahaxki +Kitkehahki +kitling +Kitlope +Kittatinny +kittel +kitten +kittendom +kittenhearted +kittenhood +kittenish +kittenishly +kittenishness +kittenless +kittenship +kitter +kittereen +kitthoge +kittiwake +kittle +kittlepins +kittles +kittlish +kittly +kittock +kittul +Kitty +kitty +kittysol +Kitunahan +kiva +kiver +kivikivi +kivu +Kiwai +Kiwanian +Kiwanis +kiwi +kiwikiwi +kiyas +kiyi +Kizil +Kizilbash +Kjeldahl +kjeldahlization +kjeldahlize +klafter +klaftern +klam +Klamath +Klan +Klanism +Klansman +Klanswoman +klaprotholite +Klaskino +Klaudia +Klaus +klavern +Klaxon +klaxon +Klebsiella +kleeneboc +Kleinian +Kleistian +klendusic +klendusity +klendusive +klepht +klephtic +klephtism +kleptic +kleptistic +kleptomania +kleptomaniac +kleptomanist +kleptophobia +klicket +Klikitat +Kling +Klingsor +klip +klipbok +klipdachs +klipdas +klipfish +klippe +klippen +klipspringer +klister +klockmannite +klom +Klondike +Klondiker +klootchman +klop +klops +klosh +Kluxer +klystron +kmet +knab +knabble +knack +knackebrod +knacker +knackery +knacky +knag +knagged +knaggy +knap +knapbottle +knape +knappan +Knapper +knapper +knappish +knappishly +knapsack +knapsacked +knapsacking +knapweed +knar +knark +knarred +knarry +Knautia +knave +knavery +knaveship +knavess +knavish +knavishly +knavishness +knawel +knead +kneadability +kneadable +kneader +kneading +kneadingly +knebelite +knee +kneebrush +kneecap +kneed +kneehole +kneel +kneeler +kneelet +kneeling +kneelingly +kneepad +kneepan +kneepiece +kneestone +Kneiffia +Kneippism +knell +knelt +Knesset +knet +knew +knez +knezi +kniaz +kniazi +knick +knicker +Knickerbocker +knickerbockered +knickerbockers +knickered +knickers +knickknack +knickknackatory +knickknacked +knickknackery +knickknacket +knickknackish +knickknacky +knickpoint +knife +knifeboard +knifeful +knifeless +knifelike +knifeman +knifeproof +knifer +knifesmith +knifeway +knight +knightage +knightess +knighthead +knighthood +Knightia +knightless +knightlihood +knightlike +knightliness +knightling +knightly +knightship +knightswort +Kniphofia +Knisteneaux +knit +knitback +knitch +knitted +knitter +knitting +knittle +knitwear +knitweed +knitwork +knived +knivey +knob +knobbed +knobber +knobbiness +knobble +knobbler +knobbly +knobby +knobkerrie +knoblike +knobstick +knobstone +knobular +knobweed +knobwood +knock +knockabout +knockdown +knockemdown +knocker +knocking +knockless +knockoff +knockout +knockstone +knockup +knoll +knoller +knolly +knop +knopite +knopped +knopper +knoppy +knopweed +knorhaan +Knorria +knosp +knosped +Knossian +knot +knotberry +knotgrass +knothole +knothorn +knotless +knotlike +knotroot +knotted +knotter +knottily +knottiness +knotting +knotty +knotweed +knotwork +knotwort +knout +know +knowability +knowable +knowableness +knowe +knower +knowing +knowingly +knowingness +knowledge +knowledgeable +knowledgeableness +knowledgeably +knowledged +knowledgeless +knowledgement +knowledging +known +knowperts +Knoxian +Knoxville +knoxvillite +knub +knubbly +knubby +knublet +knuckle +knucklebone +knuckled +knuckler +knuckling +knuckly +knuclesome +Knudsen +knur +knurl +knurled +knurling +knurly +Knut +knut +Knute +knutty +knyaz +knyazi +Ko +ko +koa +koae +koala +koali +Koasati +kob +koban +kobellite +kobi +kobird +kobold +kobong +kobu +Kobus +Koch +Kochab +Kochia +kochliarion +koda +Kodagu +Kodak +kodak +kodaker +kodakist +kodakry +Kodashim +kodro +kodurite +Koeberlinia +Koeberliniaceae +koeberliniaceous +koechlinite +Koeksotenok +koel +Koellia +Koelreuteria +koenenite +Koeri +koff +koft +koftgar +koftgari +koggelmannetje +Kogia +Kohathite +Koheleth +kohemp +Kohen +Kohistani +Kohl +kohl +Kohlan +kohlrabi +kohua +koi +Koiari +Koibal +koil +koila +koilanaglyphic +koilon +koimesis +Koine +koine +koinon +koinonia +Koipato +Koitapu +kojang +Kojiki +kokako +kokam +kokan +kokerboom +kokil +kokio +koklas +koklass +Koko +koko +kokoon +Kokoona +kokoromiko +kokowai +kokra +koksaghyz +koku +kokum +kokumin +kokumingun +Kol +kola +kolach +Kolarian +Koldaji +kolea +koleroga +kolhoz +Koli +kolinski +kolinsky +Kolis +kolkhos +kolkhoz +Kolkka +kollast +kollaster +koller +kollergang +kolo +kolobion +kolobus +kolokolo +kolsun +koltunna +koltunnor +Koluschan +Kolush +Komati +komatik +kombu +Kome +Komi +kominuter +kommetje +kommos +komondor +kompeni +Komsomol +kon +kona +konak +Konariot +Konde +Kongo +Kongoese +Kongolese +kongoni +kongsbergite +kongu +Konia +Koniaga +Koniga +konimeter +koninckite +konini +koniology +koniscope +konjak +Konkani +Konomihu +Konrad +konstantin +Konstantinos +kontakion +Konyak +kooka +kookaburra +kookeree +kookery +kookri +koolah +kooletah +kooliman +koolokamba +Koolooly +koombar +koomkie +Koorg +kootcha +Kootenay +kop +Kopagmiut +kopeck +koph +kopi +koppa +koppen +koppite +Koprino +kor +Kora +kora +koradji +Korah +Korahite +Korahitic +korait +korakan +Koran +Korana +Koranic +Koranist +korari +Kore +kore +Korean +korec +koreci +Koreish +Koreishite +korero +Koreshan +Koreshanity +kori +korimako +korin +Kornephorus +kornerupine +kornskeppa +kornskeppur +korntonde +korntonder +korntunna +korntunnur +Koroa +koromika +koromiko +korona +korova +korrel +korrigum +korumburra +koruna +Korwa +Kory +Koryak +korymboi +korymbos +korzec +kos +Kosalan +Koschei +kosher +Kosimo +kosin +kosmokrator +Koso +kosong +kosotoxin +Kossaean +Kossean +Kosteletzkya +koswite +Kota +kotal +Kotar +koto +Kotoko +kotschubeite +kottigite +kotuku +kotukutuku +kotwal +kotwalee +kotyle +kotylos +kou +koulan +Koungmiut +kouza +kovil +Kowagmiut +kowhai +kowtow +koyan +kozo +Kpuesi +Kra +kra +kraal +kraft +Krag +kragerite +krageroite +krait +kraken +krakowiak +kral +Krama +krama +Krameria +Krameriaceae +krameriaceous +kran +krantzite +Krapina +kras +krasis +kratogen +kratogenic +Kraunhia +kraurite +kraurosis +kraurotic +krausen +krausite +kraut +kreis +Kreistag +kreistle +kreittonite +krelos +kremersite +kremlin +krems +kreng +krennerite +Krepi +kreplech +kreutzer +kriegspiel +krieker +Krigia +krimmer +krina +Kriophoros +Kris +Krishna +Krishnaism +Krishnaist +Krishnaite +Krishnaitic +Kristen +Kristi +Kristian +Kristin +Kristinaux +krisuvigite +kritarchy +Krithia +Kriton +kritrima +krobyloi +krobylos +krocket +krohnkite +krome +kromeski +kromogram +kromskop +krona +krone +kronen +kroner +Kronion +kronor +kronur +Kroo +kroon +krosa +krouchka +kroushka +Kru +Krugerism +Krugerite +Kruman +krummhorn +kryokonite +krypsis +kryptic +krypticism +kryptocyanine +kryptol +kryptomere +krypton +Krzysztof +Kshatriya +Kshatriyahood +Kua +Kuan +kuan +Kuar +Kuba +kuba +Kubachi +Kubanka +kubba +Kubera +kubuklion +Kuchean +kuchen +kudize +kudos +Kudrun +kudu +kudzu +Kuehneola +kuei +Kufic +kuge +kugel +Kuhnia +Kui +kuichua +Kuki +kukoline +kukri +kuku +kukui +Kukulcan +kukupa +Kukuruku +kula +kulack +Kulah +kulah +kulaite +kulak +kulakism +Kulanapan +kulang +Kuldip +Kuli +kulimit +kulkarni +kullaite +Kullani +kulm +kulmet +Kulturkampf +Kulturkreis +Kuman +kumbi +kumhar +kumiss +kummel +Kumni +kumquat +kumrah +Kumyk +kunai +Kunbi +Kundry +Kuneste +kung +kunk +kunkur +Kunmiut +kunzite +Kuomintang +kupfernickel +kupfferite +kuphar +kupper +Kuranko +kurbash +kurchicine +kurchine +Kurd +Kurdish +Kurdistan +kurgan +Kuri +Kurilian +Kurku +kurmburra +Kurmi +Kuroshio +kurrajong +Kurt +kurtosis +Kuruba +Kurukh +kuruma +kurumaya +Kurumba +kurung +kurus +kurvey +kurveyor +kusa +kusam +Kusan +kusha +Kushshu +kusimansel +kuskite +kuskos +kuskus +Kuskwogmiut +Kustenau +kusti +Kusum +kusum +kutcha +Kutchin +Kutenai +kuttab +kuttar +kuttaur +kuvasz +Kuvera +kvass +kvint +kvinter +Kwakiutl +kwamme +kwan +Kwannon +Kwapa +kwarta +kwarterka +kwazoku +kyack +kyah +kyar +kyat +kyaung +Kybele +Kyklopes +Kyklops +kyl +Kyle +kyle +kylite +kylix +Kylo +kymation +kymatology +kymbalon +kymogram +kymograph +kymographic +kynurenic +kynurine +kyphoscoliosis +kyphoscoliotic +Kyphosidae +kyphosis +kyphotic +Kyrie +kyrine +kyschtymite +kyte +Kyu +Kyung +Kyurin +Kyurinish +L +l +la +laager +laang +lab +Laban +labara +labarum +labba +labber +labdacism +labdacismus +labdanum +labefact +labefactation +labefaction +labefy +label +labeler +labella +labellate +labeller +labelloid +labellum +labia +labial +labialism +labialismus +labiality +labialization +labialize +labially +Labiatae +labiate +labiated +labidophorous +Labidura +Labiduridae +labiella +labile +lability +labilization +labilize +labioalveolar +labiocervical +labiodental +labioglossal +labioglossolaryngeal +labioglossopharyngeal +labiograph +labioguttural +labiolingual +labiomancy +labiomental +labionasal +labiopalatal +labiopalatalize +labiopalatine +labiopharyngeal +labioplasty +labiose +labiotenaculum +labiovelar +labioversion +labis +labium +lablab +labor +laborability +laborable +laborage +laborant +laboratorial +laboratorian +laboratory +labordom +labored +laboredly +laboredness +laborer +laboress +laborhood +laboring +laboringly +laborious +laboriously +laboriousness +laborism +laborist +laborite +laborless +laborous +laborously +laborousness +laborsaving +laborsome +laborsomely +laborsomeness +Laboulbenia +Laboulbeniaceae +laboulbeniaceous +Laboulbeniales +labour +labra +Labrador +Labradorean +labradorite +labradoritic +labral +labret +labretifery +Labridae +labroid +Labroidea +labrosaurid +labrosauroid +Labrosaurus +labrose +labrum +Labrus +labrusca +labrys +Laburnum +labyrinth +labyrinthal +labyrinthally +labyrinthian +labyrinthibranch +labyrinthibranchiate +Labyrinthibranchii +labyrinthic +labyrinthical +labyrinthically +Labyrinthici +labyrinthiform +labyrinthine +labyrinthitis +Labyrinthodon +labyrinthodont +Labyrinthodonta +labyrinthodontian +labyrinthodontid +labyrinthodontoid +Labyrinthula +Labyrinthulidae +lac +lacca +laccaic +laccainic +laccase +laccol +laccolith +laccolithic +laccolitic +lace +lacebark +laced +Lacedaemonian +laceflower +laceleaf +laceless +lacelike +lacemaker +lacemaking +laceman +lacepiece +lacepod +lacer +lacerability +lacerable +lacerant +lacerate +lacerated +lacerately +laceration +lacerative +Lacerta +Lacertae +lacertian +Lacertid +Lacertidae +lacertiform +Lacertilia +lacertilian +lacertiloid +lacertine +lacertoid +lacertose +lacery +lacet +lacewing +lacewoman +lacewood +lacework +laceworker +laceybark +lache +Lachenalia +laches +Lachesis +Lachnanthes +Lachnosterna +lachryma +lachrymae +lachrymaeform +lachrymal +lachrymally +lachrymalness +lachrymary +lachrymation +lachrymator +lachrymatory +lachrymiform +lachrymist +lachrymogenic +lachrymonasal +lachrymosal +lachrymose +lachrymosely +lachrymosity +lachrymous +lachsa +lacily +Lacinaria +laciness +lacing +lacinia +laciniate +laciniated +laciniation +laciniform +laciniola +laciniolate +laciniose +lacinula +lacinulate +lacinulose +lacis +lack +lackadaisical +lackadaisicality +lackadaisically +lackadaisicalness +lackadaisy +lackaday +lacker +lackey +lackeydom +lackeyed +lackeyism +lackeyship +lackland +lackluster +lacklusterness +lacklustrous +lacksense +lackwit +lackwittedly +lackwittedness +lacmoid +lacmus +Laconian +Laconic +laconic +laconica +laconically +laconicalness +laconicism +laconicum +laconism +laconize +laconizer +Lacosomatidae +lacquer +lacquerer +lacquering +lacquerist +lacroixite +lacrosse +lacrosser +lacrym +lactagogue +lactalbumin +lactam +lactamide +lactant +lactarene +lactarious +lactarium +Lactarius +lactary +lactase +lactate +lactation +lactational +lacteal +lactean +lactenin +lacteous +lactesce +lactescence +lactescency +lactescent +lactic +lacticinia +lactid +lactide +lactiferous +lactiferousness +lactific +lactifical +lactification +lactiflorous +lactifluous +lactiform +lactifuge +lactify +lactigenic +lactigenous +lactigerous +lactim +lactimide +lactinate +lactivorous +lacto +lactobacilli +Lactobacillus +lactobacillus +lactobutyrometer +lactocele +lactochrome +lactocitrate +lactodensimeter +lactoflavin +lactoglobulin +lactoid +lactol +lactometer +lactone +lactonic +lactonization +lactonize +lactophosphate +lactoproteid +lactoprotein +lactoscope +lactose +lactoside +lactosuria +lactothermometer +lactotoxin +lactovegetarian +Lactuca +lactucarium +lactucerin +lactucin +lactucol +lactucon +lactyl +lacuna +lacunae +lacunal +lacunar +lacunaria +lacunary +lacune +lacunose +lacunosity +lacunule +lacunulose +lacuscular +lacustral +lacustrian +lacustrine +lacwork +lacy +lad +Ladakhi +ladakin +ladanigerous +ladanum +ladder +laddered +laddering +ladderlike +ladderway +ladderwise +laddery +laddess +laddie +laddikie +laddish +laddock +lade +lademan +laden +lader +ladhood +ladies +ladify +Ladik +Ladin +lading +Ladino +ladkin +ladle +ladleful +ladler +ladlewood +ladrone +ladronism +ladronize +lady +ladybird +ladybug +ladyclock +ladydom +ladyfinger +ladyfish +ladyfly +ladyfy +ladyhood +ladyish +ladyism +ladykin +ladykind +ladyless +ladylike +ladylikely +ladylikeness +ladyling +ladylintywhite +ladylove +ladyly +ladyship +Ladytide +Laelia +laemodipod +Laemodipoda +laemodipodan +laemodipodiform +laemodipodous +laemoparalysis +laemostenosis +laeotropic +laeotropism +Laestrygones +laet +laeti +laetic +Laevigrada +laevoduction +laevogyrate +laevogyre +laevogyrous +laevolactic +laevorotation +laevorotatory +laevotartaric +laevoversion +lafayette +Lafite +lag +lagan +lagarto +lagen +lagena +Lagenaria +lagend +lageniform +lager +Lagerstroemia +Lagetta +lagetto +laggar +laggard +laggardism +laggardly +laggardness +lagged +laggen +lagger +laggin +lagging +laglast +lagna +lagniappe +lagomorph +Lagomorpha +lagomorphic +lagomorphous +Lagomyidae +lagonite +lagoon +lagoonal +lagoonside +lagophthalmos +lagopode +lagopodous +lagopous +Lagopus +Lagorchestes +lagostoma +Lagostomus +Lagothrix +Lagrangian +Lagthing +Lagting +Laguncularia +Lagunero +Lagurus +lagwort +Lahnda +Lahontan +Lahuli +Lai +lai +Laibach +laic +laical +laicality +laically +laich +laicism +laicity +laicization +laicize +laicizer +laid +laigh +lain +laine +laiose +lair +lairage +laird +lairdess +lairdie +lairdly +lairdocracy +lairdship +lairless +lairman +lairstone +lairy +laitance +laity +Lak +lak +lakarpite +lakatoi +lake +lakeland +lakelander +lakeless +lakelet +lakelike +lakemanship +laker +lakeside +lakeward +lakeweed +lakie +laking +lakish +lakishness +lakism +lakist +Lakota +Lakshmi +laky +lalang +lall +Lallan +Lalland +lallation +lalling +lalo +laloneurosis +lalopathy +lalophobia +laloplegia +lam +lama +lamaic +Lamaism +Lamaist +Lamaistic +Lamaite +Lamanism +Lamanite +Lamano +lamantin +lamany +Lamarckia +Lamarckian +Lamarckianism +Lamarckism +lamasary +lamasery +lamastery +lamb +Lamba +lamba +Lambadi +lambale +lambaste +lambda +lambdacism +lambdoid +lambdoidal +lambeau +lambency +lambent +lambently +lamber +Lambert +lambert +lambhood +lambie +lambiness +lambish +lambkill +lambkin +Lamblia +lambliasis +lamblike +lambling +lambly +lamboys +lambrequin +lambsdown +lambskin +lambsuccory +lamby +lame +lamedh +lameduck +lamel +lamella +lamellar +Lamellaria +Lamellariidae +lamellarly +lamellary +lamellate +lamellated +lamellately +lamellation +lamellibranch +Lamellibranchia +Lamellibranchiata +lamellibranchiate +lamellicorn +lamellicornate +Lamellicornes +Lamellicornia +lamellicornous +lamelliferous +lamelliform +lamellirostral +lamellirostrate +Lamellirostres +lamelloid +lamellose +lamellosity +lamellule +lamely +lameness +lament +lamentable +lamentableness +lamentably +lamentation +lamentational +lamentatory +lamented +lamentedly +lamenter +lamentful +lamenting +lamentingly +lamentive +lamentory +lamester +lamestery +lameter +lametta +lamia +Lamiaceae +lamiaceous +lamiger +lamiid +Lamiidae +Lamiides +Lamiinae +lamin +lamina +laminability +laminable +laminae +laminar +Laminaria +Laminariaceae +laminariaceous +Laminariales +laminarian +laminarin +laminarioid +laminarite +laminary +laminate +laminated +lamination +laminboard +laminectomy +laminiferous +laminiform +laminiplantar +laminiplantation +laminitis +laminose +laminous +lamish +Lamista +lamiter +Lamium +Lammas +lammas +Lammastide +lammer +lammergeier +lammock +lammy +Lamna +lamnectomy +lamnid +Lamnidae +lamnoid +lamp +lampad +lampadary +lampadedromy +lampadephore +lampadephoria +lampadite +lampas +lampatia +lampblack +lamper +lampern +lampers +lampflower +lampfly +lampful +lamphole +lamping +lampion +lampist +lampistry +lampless +lamplet +lamplight +lamplighted +lamplighter +lamplit +lampmaker +lampmaking +lampman +Lampong +lampoon +lampooner +lampoonery +lampoonist +lamppost +lamprey +Lampridae +lamprophony +lamprophyre +lamprophyric +lamprotype +Lampsilis +Lampsilus +lampstand +lampwick +lampyrid +Lampyridae +lampyrine +Lampyris +Lamus +Lamut +lamziekte +lan +Lana +lanameter +Lanao +Lanarkia +lanarkite +lanas +lanate +lanated +lanaz +Lancaster +Lancasterian +Lancastrian +Lance +lance +lanced +lancegay +lancelet +lancelike +lancely +lanceman +lanceolar +lanceolate +lanceolated +lanceolately +lanceolation +lancepesade +lancepod +lanceproof +lancer +lances +lancet +lanceted +lanceteer +lancewood +lancha +lanciers +lanciferous +lanciform +lancinate +lancination +land +landamman +landau +landaulet +landaulette +landblink +landbook +landdrost +landed +lander +landesite +landfall +landfast +landflood +landgafol +landgravate +landgrave +landgraveship +landgravess +landgraviate +landgravine +landholder +landholdership +landholding +landimere +landing +landlady +landladydom +landladyhood +landladyish +landladyship +landless +landlessness +landlike +landline +landlock +landlocked +landlook +landlooker +landloper +landlord +landlordism +landlordly +landlordry +landlordship +landlouper +landlouping +landlubber +landlubberish +landlubberly +landlubbing +landman +landmark +Landmarker +landmil +landmonger +landocracy +landocrat +Landolphia +landolphia +landowner +landownership +landowning +landplane +landraker +landreeve +landright +landsale +landscape +landscapist +landshard +landship +landsick +landside +landskip +landslide +landslip +Landsmaal +landsman +landspout +landspringy +Landsting +landstorm +Landsturm +Landuman +landwaiter +landward +landwash +landways +Landwehr +landwhin +landwire +landwrack +lane +lanete +laneway +laney +langaha +langarai +langbanite +langbeinite +langca +Langhian +langi +langite +langlauf +langlaufer +langle +Lango +Langobard +Langobardic +langoon +langooty +langrage +langsat +Langsdorffia +langsettle +Langshan +langspiel +langsyne +language +languaged +languageless +langued +Languedocian +languescent +languet +languid +languidly +languidness +languish +languisher +languishing +languishingly +languishment +languor +languorous +languorously +langur +laniariform +laniary +laniate +laniferous +lanific +laniflorous +laniform +lanigerous +Laniidae +laniiform +Laniinae +lanioid +lanista +Lanital +Lanius +lank +lanket +lankily +lankiness +lankish +lankly +lankness +lanky +lanner +lanneret +Lanny +lanolin +lanose +lanosity +lansat +lansdowne +lanseh +lansfordite +lansknecht +lanson +lansquenet +lant +lantaca +Lantana +lanterloo +lantern +lanternflower +lanternist +lanternleaf +lanternman +lanthana +lanthanide +lanthanite +Lanthanotidae +Lanthanotus +lanthanum +lanthopine +lantum +lanuginose +lanuginous +lanuginousness +lanugo +lanum +Lanuvian +lanx +lanyard +Lao +Laodicean +Laodiceanism +Laotian +lap +lapacho +lapachol +lapactic +Lapageria +laparectomy +laparocele +laparocholecystotomy +laparocolectomy +laparocolostomy +laparocolotomy +laparocolpohysterotomy +laparocolpotomy +laparocystectomy +laparocystotomy +laparoelytrotomy +laparoenterostomy +laparoenterotomy +laparogastroscopy +laparogastrotomy +laparohepatotomy +laparohysterectomy +laparohysteropexy +laparohysterotomy +laparoileotomy +laparomyitis +laparomyomectomy +laparomyomotomy +laparonephrectomy +laparonephrotomy +laparorrhaphy +laparosalpingectomy +laparosalpingotomy +laparoscopy +laparosplenectomy +laparosplenotomy +laparostict +Laparosticti +laparothoracoscopy +laparotome +laparotomist +laparotomize +laparotomy +laparotrachelotomy +lapboard +lapcock +Lapeirousia +lapel +lapeler +lapelled +lapful +lapicide +lapidarian +lapidarist +lapidary +lapidate +lapidation +lapidator +lapideon +lapideous +lapidescent +lapidicolous +lapidific +lapidification +lapidify +lapidist +lapidity +lapidose +lapilliform +lapillo +lapillus +Lapith +Lapithae +Lapithaean +Laplacian +Lapland +Laplander +Laplandian +Laplandic +Laplandish +lapon +Laportea +Lapp +Lappa +lappaceous +lappage +lapped +lapper +lappet +lappeted +Lappic +lapping +Lappish +Lapponese +Lapponian +Lappula +lapsability +lapsable +Lapsana +lapsation +lapse +lapsed +lapser +lapsi +lapsing +lapsingly +lapstone +lapstreak +lapstreaked +lapstreaker +Laputa +Laputan +laputically +lapwing +lapwork +laquear +laquearian +laqueus +Lar +lar +Laralia +Laramide +Laramie +larboard +larbolins +larbowlines +larcener +larcenic +larcenish +larcenist +larcenous +larcenously +larceny +larch +larchen +lard +lardacein +lardaceous +larder +larderellite +larderer +larderful +larderlike +lardiform +lardite +Lardizabalaceae +lardizabalaceous +lardon +lardworm +lardy +lareabell +Larentiidae +large +largebrained +largehanded +largehearted +largeheartedness +largely +largemouth +largemouthed +largen +largeness +largess +larghetto +largifical +largish +largition +largitional +largo +Lari +lari +Laria +lariat +larick +larid +Laridae +laridine +larigo +larigot +lariid +Lariidae +larin +Larinae +larine +larithmics +Larix +larixin +lark +larker +larkiness +larking +larkingly +larkish +larkishness +larklike +larkling +larksome +larkspur +larky +larmier +larmoyant +Larnaudian +larnax +laroid +larrigan +larrikin +larrikinalian +larrikiness +larrikinism +larriman +larrup +Larry +larry +Lars +larsenite +Larunda +Larus +larva +Larvacea +larvae +larval +Larvalia +larvarium +larvate +larve +larvicidal +larvicide +larvicolous +larviform +larvigerous +larvikite +larviparous +larviposit +larviposition +larvivorous +larvule +laryngal +laryngalgia +laryngeal +laryngeally +laryngean +laryngeating +laryngectomy +laryngemphraxis +laryngendoscope +larynges +laryngic +laryngismal +laryngismus +laryngitic +laryngitis +laryngocele +laryngocentesis +laryngofission +laryngofissure +laryngograph +laryngography +laryngological +laryngologist +laryngology +laryngometry +laryngoparalysis +laryngopathy +laryngopharyngeal +laryngopharyngitis +laryngophony +laryngophthisis +laryngoplasty +laryngoplegia +laryngorrhagia +laryngorrhea +laryngoscleroma +laryngoscope +laryngoscopic +laryngoscopical +laryngoscopist +laryngoscopy +laryngospasm +laryngostasis +laryngostenosis +laryngostomy +laryngostroboscope +laryngotome +laryngotomy +laryngotracheal +laryngotracheitis +laryngotracheoscopy +laryngotracheotomy +laryngotyphoid +laryngovestibulitis +larynx +las +lasa +lasarwort +lascar +lascivious +lasciviously +lasciviousness +laser +Laserpitium +laserwort +lash +lasher +lashingly +lashless +lashlite +Lasi +lasianthous +Lasiocampa +lasiocampid +Lasiocampidae +Lasiocampoidea +lasiocarpous +Lasius +lask +lasket +Laspeyresia +laspring +lasque +lass +lasset +lassie +lassiehood +lassieish +lassitude +lasslorn +lasso +lassock +lassoer +last +lastage +laster +lasting +lastingly +lastingness +lastly +lastness +lastre +lastspring +lasty +lat +lata +latah +Latakia +Latania +Latax +latch +latcher +latchet +latching +latchkey +latchless +latchman +latchstring +late +latebra +latebricole +latecomer +latecoming +lated +lateen +lateener +lately +laten +latence +latency +lateness +latensification +latent +latentize +latently +latentness +later +latera +laterad +lateral +lateralis +laterality +lateralization +lateralize +laterally +Lateran +latericumbent +lateriflexion +laterifloral +lateriflorous +laterifolious +Laterigradae +laterigrade +laterinerved +laterite +lateritic +lateritious +lateriversion +laterization +lateroabdominal +lateroanterior +laterocaudal +laterocervical +laterodeviation +laterodorsal +lateroduction +lateroflexion +lateromarginal +lateronuchal +lateroposition +lateroposterior +lateropulsion +laterostigmatal +laterostigmatic +laterotemporal +laterotorsion +lateroventral +lateroversion +latescence +latescent +latesome +latest +latewhile +latex +latexosis +lath +lathe +lathee +latheman +lathen +lather +latherability +latherable +lathereeve +latherer +latherin +latheron +latherwort +lathery +lathesman +lathhouse +lathing +Lathraea +lathwork +lathy +lathyric +lathyrism +Lathyrus +Latian +latibulize +latices +laticiferous +laticlave +laticostate +latidentate +latifundian +latifundium +latigo +Latimeria +Latin +Latinate +Latiner +Latinesque +Latinian +Latinic +Latiniform +Latinism +latinism +Latinist +Latinistic +Latinistical +Latinitaster +Latinity +Latinization +Latinize +Latinizer +Latinless +Latinus +lation +latipennate +latiplantar +latirostral +Latirostres +latirostrous +Latirus +latisept +latiseptal +latiseptate +latish +latisternal +latitancy +latitant +latitat +latite +latitude +latitudinal +latitudinally +latitudinarian +latitudinarianisn +latitudinary +latitudinous +latomy +Latona +Latonian +Latooka +latrant +latration +latreutic +latria +Latrididae +latrine +Latris +latro +latrobe +latrobite +latrocinium +Latrodectus +latron +latten +lattener +latter +latterkin +latterly +lattermath +lattermost +latterness +lattice +latticed +latticewise +latticework +latticing +latticinio +Latuka +latus +Latvian +lauan +laubanite +laud +laudability +laudable +laudableness +laudably +laudanidine +laudanin +laudanine +laudanosine +laudanum +laudation +laudative +laudator +laudatorily +laudatory +lauder +Laudian +Laudianism +laudification +Laudism +Laudist +laudist +laugh +laughable +laughableness +laughably +laughee +laugher +laughful +laughing +laughingly +laughingstock +laughsome +laughter +laughterful +laughterless +laughworthy +laughy +lauia +laumonite +laumontite +laun +launce +launch +launcher +launchful +launchways +laund +launder +launderability +launderable +launderer +laundry +laundrymaid +laundryman +laundryowner +laundrywoman +laur +Laura +laura +Lauraceae +lauraceous +lauraldehyde +laurate +laurdalite +laureate +laureated +laureateship +laureation +Laurel +laurel +laureled +laurellike +laurelship +laurelwood +Laurence +Laurencia +Laurent +Laurentian +Laurentide +laureole +Laurianne +lauric +Laurie +laurin +laurinoxylon +laurionite +laurite +Laurocerasus +laurone +laurotetanine +Laurus +laurustine +laurustinus +laurvikite +lauryl +lautarite +lautitious +lava +lavable +lavabo +lavacre +lavage +lavaliere +lavalike +Lavandula +lavanga +lavant +lavaret +Lavatera +lavatic +lavation +lavational +lavatorial +lavatory +lave +laveer +Lavehr +lavement +lavender +lavenite +laver +Laverania +laverock +laverwort +lavialite +lavic +Lavinia +lavish +lavisher +lavishing +lavishingly +lavishly +lavishment +lavishness +lavolta +lavrovite +law +lawbook +lawbreaker +lawbreaking +lawcraft +lawful +lawfully +lawfulness +lawgiver +lawgiving +lawing +lawish +lawk +lawlants +lawless +lawlessly +lawlessness +lawlike +lawmaker +lawmaking +lawman +lawmonger +lawn +lawned +lawner +lawnlet +lawnlike +lawny +lawproof +Lawrence +lawrencite +Lawrie +lawrightman +Lawson +Lawsoneve +Lawsonia +lawsonite +lawsuit +lawsuiting +lawter +Lawton +lawyer +lawyeress +lawyerism +lawyerlike +lawyerling +lawyerly +lawyership +lawyery +lawzy +lax +laxate +laxation +laxative +laxatively +laxativeness +laxiflorous +laxifoliate +laxifolious +laxism +laxist +laxity +laxly +laxness +lay +layaway +layback +layboy +layer +layerage +layered +layery +layette +Layia +laying +layland +layman +laymanship +layne +layoff +layout +layover +layship +laystall +laystow +laywoman +Laz +lazar +lazaret +lazaretto +Lazarist +lazarlike +lazarly +lazarole +Lazarus +laze +lazily +laziness +lazule +lazuli +lazuline +lazulite +lazulitic +lazurite +lazy +lazybird +lazybones +lazyboots +lazyhood +lazyish +lazylegs +lazyship +lazzarone +lazzaroni +Lea +lea +leach +leacher +leachman +leachy +Lead +lead +leadable +leadableness +leadage +leadback +leaded +leaden +leadenhearted +leadenheartedness +leadenly +leadenness +leadenpated +leader +leaderess +leaderette +leaderless +leadership +leadhillite +leadin +leadiness +leading +leadingly +leadless +leadman +leadoff +leadout +leadproof +Leads +leadsman +leadstone +leadway +leadwood +leadwork +leadwort +leady +leaf +leafage +leafboy +leafcup +leafdom +leafed +leafen +leafer +leafery +leafgirl +leafit +leafless +leaflessness +leaflet +leafleteer +leaflike +leafstalk +leafwork +leafy +league +leaguelong +leaguer +Leah +leak +leakage +leakance +leaker +leakiness +leakless +leakproof +leaky +leal +lealand +leally +lealness +lealty +leam +leamer +lean +Leander +leaner +leaning +leanish +leanly +leanness +leant +leap +leapable +leaper +leapfrog +leapfrogger +leapfrogging +leaping +leapingly +leapt +Lear +lear +Learchus +learn +learnable +learned +learnedly +learnedness +learner +learnership +learning +learnt +Learoyd +leasable +lease +leasehold +leaseholder +leaseholding +leaseless +leasemonger +leaser +leash +leashless +leasing +leasow +least +leastways +leastwise +leat +leath +leather +leatherback +leatherbark +leatherboard +leatherbush +leathercoat +leathercraft +leatherer +Leatherette +leatherfish +leatherflower +leatherhead +leatherine +leatheriness +leathering +leatherize +leatherjacket +leatherleaf +leatherlike +leathermaker +leathermaking +leathern +leatherneck +Leatheroid +leatherroot +leatherside +Leatherstocking +leatherware +leatherwing +leatherwood +leatherwork +leatherworker +leatherworking +leathery +leathwake +leatman +leave +leaved +leaveless +leavelooker +leaven +leavening +leavenish +leavenless +leavenous +leaver +leaverwood +leaves +leaving +leavy +leawill +leban +Lebanese +lebbek +lebensraum +Lebistes +lebrancho +lecama +lecaniid +Lecaniinae +lecanine +Lecanium +lecanomancer +lecanomancy +lecanomantic +Lecanora +Lecanoraceae +lecanoraceous +lecanorine +lecanoroid +lecanoscopic +lecanoscopy +lech +Lechea +lecher +lecherous +lecherously +lecherousness +lechery +lechriodont +Lechriodonta +lechuguilla +lechwe +Lecidea +Lecideaceae +lecideaceous +lecideiform +lecideine +lecidioid +lecithal +lecithalbumin +lecithality +lecithin +lecithinase +lecithoblast +lecithoprotein +leck +lecker +lecontite +lecotropal +lectern +lection +lectionary +lectisternium +lector +lectorate +lectorial +lectorship +lectotype +lectress +lectrice +lectual +lecture +lecturee +lectureproof +lecturer +lectureship +lecturess +lecturette +lecyth +lecythid +Lecythidaceae +lecythidaceous +Lecythis +lecythoid +lecythus +led +Leda +lede +leden +lederite +ledge +ledged +ledgeless +ledger +ledgerdom +ledging +ledgment +ledgy +Ledidae +ledol +Ledum +Lee +lee +leeangle +leeboard +leech +leecheater +leecher +leechery +leeches +leechkin +leechlike +leechwort +leed +leefang +leeftail +leek +leekish +leeky +leep +leepit +leer +leerily +leeringly +leerish +leerness +leeroway +Leersia +leery +lees +leet +leetman +leewan +leeward +leewardly +leewardmost +leewardness +leeway +leewill +left +leftish +leftism +leftist +leftments +leftmost +leftness +leftover +leftward +leftwardly +leftwards +leg +legacy +legal +legalese +legalism +legalist +legalistic +legalistically +legality +legalization +legalize +legally +legalness +legantine +legatary +legate +legatee +legateship +legatine +legation +legationary +legative +legato +legator +legatorial +legend +legenda +legendarian +legendary +legendic +legendist +legendless +Legendrian +legendry +leger +legerdemain +legerdemainist +legerity +leges +legged +legger +legginess +legging +legginged +leggy +leghorn +legibility +legible +legibleness +legibly +legific +legion +legionary +legioned +legioner +legionnaire +legionry +legislate +legislation +legislational +legislativ +legislative +legislatively +legislator +legislatorial +legislatorially +legislatorship +legislatress +legislature +legist +legit +legitim +legitimacy +legitimate +legitimately +legitimateness +legitimation +legitimatist +legitimatize +legitimism +legitimist +legitimistic +legitimity +legitimization +legitimize +leglen +legless +leglessness +leglet +leglike +legman +legoa +legpiece +legpull +legpuller +legpulling +legrope +legua +leguan +Leguatia +leguleian +leguleious +legume +legumelin +legumen +legumin +leguminiform +Leguminosae +leguminose +leguminous +Lehi +lehr +lehrbachite +lehrman +lehua +lei +Leibnitzian +Leibnitzianism +Leicester +Leif +Leigh +leighton +Leila +leimtype +leiocephalous +leiocome +leiodermatous +leiodermia +leiomyofibroma +leiomyoma +leiomyomatous +leiomyosarcoma +leiophyllous +Leiophyllum +Leiothrix +Leiotrichan +Leiotriches +Leiotrichi +Leiotrichidae +Leiotrichinae +leiotrichine +leiotrichous +leiotrichy +leiotropic +Leipoa +Leishmania +leishmaniasis +Leisten +leister +leisterer +leisurable +leisurably +leisure +leisured +leisureful +leisureless +leisureliness +leisurely +leisureness +Leith +leitmotiv +Leitneria +Leitneriaceae +leitneriaceous +Leitneriales +lek +lekach +lekane +lekha +Lelia +Lemaireocereus +leman +Lemanea +Lemaneaceae +lemel +lemma +lemmata +lemming +lemmitis +lemmoblastic +lemmocyte +Lemmus +Lemna +Lemnaceae +lemnaceous +lemnad +Lemnian +lemniscate +lemniscatic +lemniscus +lemography +lemology +lemon +lemonade +Lemonias +Lemoniidae +Lemoniinae +lemonish +lemonlike +lemonweed +lemonwood +lemony +Lemosi +Lemovices +lempira +Lemuel +lemur +lemures +Lemuria +Lemurian +lemurian +lemurid +Lemuridae +lemuriform +Lemurinae +lemurine +lemuroid +Lemuroidea +Len +Lena +lenad +Lenaea +Lenaean +Lenaeum +Lenaeus +Lenape +lenard +Lenca +Lencan +lench +lend +lendable +lendee +lender +Lendu +lene +length +lengthen +lengthener +lengther +lengthful +lengthily +lengthiness +lengthsman +lengthsome +lengthsomeness +lengthways +lengthwise +lengthy +lenience +leniency +lenient +leniently +lenify +Leninism +Leninist +Leninite +lenis +lenitic +lenitive +lenitively +lenitiveness +lenitude +lenity +lennilite +Lennoaceae +lennoaceous +lennow +Lenny +leno +Lenora +lens +lensed +lensless +lenslike +Lent +lent +Lenten +Lententide +lenth +lenthways +Lentibulariaceae +lentibulariaceous +lenticel +lenticellate +lenticle +lenticonus +lenticula +lenticular +lenticulare +lenticularis +lenticularly +lenticulate +lenticulated +lenticule +lenticulostriate +lenticulothalamic +lentiform +lentigerous +lentiginous +lentigo +lentil +Lentilla +lentisc +lentiscine +lentisco +lentiscus +lentisk +lentitude +lentitudinous +lento +lentoid +lentor +lentous +lenvoi +lenvoy +Lenzites +Leo +Leon +Leonard +Leonardesque +Leonato +leoncito +Leonese +leonhardite +Leonid +Leonine +leonine +leoninely +leonines +Leonis +Leonist +leonite +Leonnoys +Leonora +Leonotis +leontiasis +Leontocebus +leontocephalous +Leontodon +Leontopodium +Leonurus +leopard +leoparde +leopardess +leopardine +leopardite +leopardwood +Leopold +Leopoldinia +leopoldite +Leora +leotard +lepa +Lepadidae +lepadoid +Lepanto +lepargylic +Lepargyraea +Lepas +Lepcha +leper +leperdom +lepered +lepidene +lepidine +Lepidium +lepidoblastic +Lepidodendraceae +lepidodendraceous +lepidodendrid +lepidodendroid +Lepidodendron +lepidoid +Lepidoidei +lepidolite +lepidomelane +Lepidophloios +lepidophyllous +Lepidophyllum +lepidophyte +lepidophytic +lepidoporphyrin +lepidopter +Lepidoptera +lepidopteral +lepidopteran +lepidopterid +lepidopterist +lepidopterological +lepidopterologist +lepidopterology +lepidopteron +lepidopterous +Lepidosauria +lepidosaurian +Lepidosiren +Lepidosirenidae +lepidosirenoid +lepidosis +Lepidosperma +Lepidospermae +Lepidosphes +Lepidostei +lepidosteoid +Lepidosteus +Lepidostrobus +lepidote +Lepidotes +lepidotic +Lepidotus +Lepidurus +Lepilemur +Lepiota +Lepisma +Lepismatidae +Lepismidae +lepismoid +Lepisosteidae +Lepisosteus +lepocyte +Lepomis +leporid +Leporidae +leporide +leporiform +leporine +Leporis +Lepospondyli +lepospondylous +Leposternidae +Leposternon +lepothrix +lepra +Lepralia +lepralian +leprechaun +lepric +leproid +leprologic +leprologist +leprology +leproma +lepromatous +leprosarium +leprose +leprosery +leprosied +leprosis +leprosity +leprosy +leprous +leprously +leprousness +Leptamnium +Leptandra +leptandrin +leptid +Leptidae +leptiform +Leptilon +leptinolite +Leptinotarsa +leptite +Leptocardia +leptocardian +Leptocardii +leptocentric +leptocephalan +leptocephali +leptocephalia +leptocephalic +leptocephalid +Leptocephalidae +leptocephaloid +leptocephalous +Leptocephalus +leptocephalus +leptocephaly +leptocercal +leptochlorite +leptochroa +leptochrous +leptoclase +leptodactyl +Leptodactylidae +leptodactylous +Leptodactylus +leptodermatous +leptodermous +Leptodora +Leptodoridae +Leptogenesis +leptokurtic +Leptolepidae +Leptolepis +Leptolinae +leptomatic +leptome +Leptomedusae +leptomedusan +leptomeningeal +leptomeninges +leptomeningitis +leptomeninx +leptometer +leptomonad +Leptomonas +Lepton +lepton +leptonecrosis +leptonema +leptopellic +Leptophis +leptophyllous +leptoprosope +leptoprosopic +leptoprosopous +leptoprosopy +Leptoptilus +Leptorchis +leptorrhin +leptorrhine +leptorrhinian +leptorrhinism +leptosome +leptosperm +Leptospermum +Leptosphaeria +Leptospira +leptospirosis +leptosporangiate +Leptostraca +leptostracan +leptostracous +Leptostromataceae +Leptosyne +leptotene +Leptothrix +Leptotrichia +Leptotyphlopidae +Leptotyphlops +leptus +leptynite +Lepus +Ler +Lernaea +Lernaeacea +Lernaean +Lernaeidae +lernaeiform +lernaeoid +Lernaeoides +lerot +lerp +lerret +Lerwa +Les +Lesath +Lesbia +Lesbian +Lesbianism +lesche +Lesgh +lesion +lesional +lesiy +Leskea +Leskeaceae +leskeaceous +Lesleya +Leslie +Lespedeza +Lesquerella +less +lessee +lesseeship +lessen +lessener +lesser +lessive +lessn +lessness +lesson +lessor +lest +Lester +lestiwarite +lestobiosis +lestobiotic +Lestodon +Lestosaurus +lestrad +Lestrigon +Lestrigonian +let +letch +letchy +letdown +lete +lethal +lethality +lethalize +lethally +lethargic +lethargical +lethargically +lethargicalness +lethargize +lethargus +lethargy +Lethe +Lethean +lethiferous +Lethocerus +lethologica +Letitia +Leto +letoff +Lett +lettable +letten +letter +lettered +letterer +letteret +lettergram +letterhead +letterin +lettering +letterleaf +letterless +letterpress +letterspace +letterweight +letterwood +Lettic +Lettice +Lettish +lettrin +lettsomite +lettuce +Letty +letup +leu +Leucadendron +Leucadian +leucaemia +leucaemic +Leucaena +leucaethiop +leucaethiopic +leucaniline +leucanthous +leucaugite +leucaurin +leucemia +leucemic +Leucetta +leuch +leuchaemia +leuchemia +leuchtenbergite +Leucichthys +Leucifer +Leuciferidae +leucine +Leucippus +leucism +leucite +leucitic +leucitis +leucitite +leucitohedron +leucitoid +Leuckartia +Leuckartiidae +leuco +leucobasalt +leucoblast +leucoblastic +Leucobryaceae +Leucobryum +leucocarpous +leucochalcite +leucocholic +leucocholy +leucochroic +leucocidic +leucocidin +leucocism +leucocrate +leucocratic +Leucocrinum +leucocyan +leucocytal +leucocyte +leucocythemia +leucocythemic +leucocytic +leucocytoblast +leucocytogenesis +leucocytoid +leucocytology +leucocytolysin +leucocytolysis +leucocytolytic +leucocytometer +leucocytopenia +leucocytopenic +leucocytoplania +leucocytopoiesis +leucocytosis +leucocytotherapy +leucocytotic +Leucocytozoon +leucoderma +leucodermatous +leucodermic +leucoencephalitis +leucogenic +leucoid +leucoindigo +leucoindigotin +Leucojaceae +Leucojum +leucolytic +leucoma +leucomaine +leucomatous +leucomelanic +leucomelanous +leucon +Leuconostoc +leucopenia +leucopenic +leucophane +leucophanite +leucophoenicite +leucophore +leucophyllous +leucophyre +leucoplakia +leucoplakial +leucoplast +leucoplastid +leucopoiesis +leucopoietic +leucopyrite +leucoquinizarin +leucorrhea +leucorrheal +leucoryx +leucosis +Leucosolenia +Leucosoleniidae +leucospermous +leucosphenite +leucosphere +leucospheric +leucostasis +Leucosticte +leucosyenite +leucotactic +Leucothea +Leucothoe +leucotic +leucotome +leucotomy +leucotoxic +leucous +leucoxene +leucyl +leud +leuk +leukemia +leukemic +leukocidic +leukocidin +leukosis +leukotic +leuma +Leung +lev +Levana +levance +Levant +levant +Levanter +levanter +Levantine +levator +levee +level +leveler +levelheaded +levelheadedly +levelheadedness +leveling +levelish +levelism +levelly +levelman +levelness +lever +leverage +leverer +leveret +leverman +levers +leverwood +Levi +leviable +leviathan +levier +levigable +levigate +levigation +levigator +levin +levining +levir +levirate +leviratical +leviration +Levis +Levisticum +levitant +levitate +levitation +levitational +levitative +levitator +Levite +Levitical +Leviticalism +Leviticality +Levitically +Leviticalness +Leviticism +Leviticus +Levitism +levity +levo +levoduction +levogyrate +levogyre +levogyrous +levolactic +levolimonene +levorotation +levorotatory +levotartaric +levoversion +levulic +levulin +levulinic +levulose +levulosuria +levy +levyist +levynite +Lew +lew +Lewanna +lewd +lewdly +lewdness +Lewie +Lewis +lewis +Lewisia +Lewisian +lewisite +lewisson +lewth +Lex +lexia +lexical +lexicalic +lexicality +lexicographer +lexicographian +lexicographic +lexicographical +lexicographically +lexicographist +lexicography +lexicologic +lexicological +lexicologist +lexicology +lexicon +lexiconist +lexiconize +lexigraphic +lexigraphical +lexigraphically +lexigraphy +lexiphanic +lexiphanicism +ley +leyland +leysing +Lezghian +lherzite +lherzolite +Lhota +li +liability +liable +liableness +liaison +liana +liang +liar +liard +Lias +Liassic +Liatris +libament +libaniferous +libanophorous +libanotophorous +libant +libate +libation +libationary +libationer +libatory +libber +libbet +libbra +Libby +libel +libelant +libelee +libeler +libelist +libellary +libellate +Libellula +libellulid +Libellulidae +libelluloid +libelous +libelously +Liber +liber +liberal +Liberalia +liberalism +liberalist +liberalistic +liberality +liberalization +liberalize +liberalizer +liberally +liberalness +liberate +liberation +liberationism +liberationist +liberative +liberator +liberatory +liberatress +Liberia +Liberian +liberomotor +libertarian +libertarianism +Libertas +liberticidal +liberticide +libertinage +libertine +libertinism +liberty +libertyless +libethenite +libidibi +libidinal +libidinally +libidinosity +libidinous +libidinously +libidinousness +libido +Libitina +libken +Libocedrus +Libra +libra +libral +librarian +librarianess +librarianship +librarious +librarius +library +libraryless +librate +libration +libratory +libretti +librettist +libretto +Librid +libriform +libroplast +Libyan +Libytheidae +Libytheinae +Licania +licareol +licca +licensable +license +licensed +licensee +licenseless +licenser +licensor +licensure +licentiate +licentiateship +licentiation +licentious +licentiously +licentiousness +lich +licham +lichanos +lichen +lichenaceous +lichened +Lichenes +licheniasis +lichenic +lichenicolous +licheniform +lichenin +lichenism +lichenist +lichenivorous +lichenization +lichenize +lichenlike +lichenographer +lichenographic +lichenographical +lichenographist +lichenography +lichenoid +lichenologic +lichenological +lichenologist +lichenology +Lichenopora +Lichenoporidae +lichenose +licheny +lichi +Lichnophora +Lichnophoridae +Licinian +licit +licitation +licitly +licitness +lick +licker +lickerish +lickerishly +lickerishness +licking +lickpenny +lickspit +lickspittle +lickspittling +licorice +licorn +licorne +lictor +lictorian +Licuala +lid +Lida +lidded +lidder +Lide +lidflower +lidgate +lidless +lie +liebenerite +Liebfraumilch +liebigite +lied +lief +liege +liegedom +liegeful +liegefully +liegeless +liegely +liegeman +lieger +lien +lienal +lienculus +lienee +lienic +lienitis +lienocele +lienogastric +lienointestinal +lienomalacia +lienomedullary +lienomyelogenous +lienopancreatic +lienor +lienorenal +lienotoxin +lienteria +lienteric +lientery +lieproof +lieprooflier +lieproofliest +lier +lierne +lierre +liesh +liespfund +lieu +lieue +lieutenancy +lieutenant +lieutenantry +lieutenantship +Lievaart +lieve +lievrite +Lif +life +lifeblood +lifeboat +lifeboatman +lifeday +lifedrop +lifeful +lifefully +lifefulness +lifeguard +lifehold +lifeholder +lifeless +lifelessly +lifelessness +lifelet +lifelike +lifelikeness +lifeline +lifelong +lifer +liferent +liferenter +liferentrix +liferoot +lifesaver +lifesaving +lifesome +lifesomely +lifesomeness +lifespring +lifetime +lifeward +lifework +lifey +lifo +lift +liftable +lifter +lifting +liftless +liftman +ligable +ligament +ligamental +ligamentary +ligamentous +ligamentously +ligamentum +ligas +ligate +ligation +ligator +ligature +ligeance +ligger +light +lightable +lightboat +lightbrained +lighten +lightener +lightening +lighter +lighterage +lighterful +lighterman +lightface +lightful +lightfulness +lighthead +lightheaded +lightheadedly +lightheadedness +lighthearted +lightheartedly +lightheartedness +lighthouse +lighthouseman +lighting +lightish +lightkeeper +lightless +lightlessness +lightly +lightman +lightmanship +lightmouthed +lightness +lightning +lightninglike +lightningproof +lightproof +lightroom +lightscot +lightship +lightsman +lightsome +lightsomely +lightsomeness +lighttight +lightwards +lightweight +lightwood +lightwort +lignaloes +lignatile +ligne +ligneous +lignescent +lignicole +lignicoline +lignicolous +ligniferous +lignification +ligniform +lignify +lignin +ligninsulphonate +ligniperdous +lignite +lignitic +lignitiferous +lignitize +lignivorous +lignocellulose +lignoceric +lignography +lignone +lignose +lignosity +lignosulphite +lignosulphonate +lignum +ligroine +ligula +ligular +Ligularia +ligulate +ligulated +ligule +Liguliflorae +liguliflorous +liguliform +ligulin +liguloid +Liguorian +ligure +Ligurian +ligurite +ligurition +Ligusticum +ligustrin +Ligustrum +Ligyda +Ligydidae +Lihyanite +liin +lija +likability +likable +likableness +like +likelihead +likelihood +likeliness +likely +liken +likeness +liker +likesome +likeways +likewise +likin +liking +liknon +Lila +lilac +lilaceous +lilacin +lilacky +lilacthroat +lilactide +Lilaeopsis +lile +Liliaceae +liliaceous +Liliales +Lilian +lilied +liliform +Liliiflorae +Lilith +Lilium +lill +lillianite +lillibullero +Lilliput +Lilliputian +Lilliputianize +lilt +liltingly +liltingness +lily +lilyfy +lilyhanded +lilylike +lilywood +lilywort +lim +Lima +Limacea +limacel +limaceous +Limacidae +limaciform +Limacina +limacine +limacinid +Limacinidae +limacoid +limacon +limaille +liman +limation +Limawood +Limax +limb +limbal +limbat +limbate +limbation +limbeck +limbed +limber +limberham +limberly +limberness +limbers +limbic +limbie +limbiferous +limbless +limbmeal +limbo +limboinfantum +limbous +Limbu +Limburger +limburgite +limbus +limby +lime +limeade +Limean +limeberry +limebush +limehouse +limekiln +limeless +limelight +limelighter +limelike +limeman +limen +limequat +limer +Limerick +limes +limestone +limetta +limettin +limewash +limewater +limewort +limey +Limicolae +limicoline +limicolous +Limidae +liminal +liminary +liminess +liming +limit +limitable +limitableness +limital +limitarian +limitary +limitate +limitation +limitative +limitatively +limited +limitedly +limitedness +limiter +limiting +limitive +limitless +limitlessly +limitlessness +limitrophe +limivorous +limma +limmer +limmock +limmu +limn +limnanth +Limnanthaceae +limnanthaceous +Limnanthemum +Limnanthes +limner +limnery +limnetic +Limnetis +limniad +limnimeter +limnimetric +limnite +limnobiologic +limnobiological +limnobiologically +limnobiology +limnobios +Limnobium +Limnocnida +limnograph +limnologic +limnological +limnologically +limnologist +limnology +limnometer +limnophile +limnophilid +Limnophilidae +limnophilous +limnoplankton +Limnorchis +Limnoria +Limnoriidae +limnorioid +Limodorum +limoid +limonene +limoniad +limonin +limonite +limonitic +limonitization +limonium +Limosa +limose +Limosella +Limosi +limous +limousine +limp +limper +limpet +limphault +limpid +limpidity +limpidly +limpidness +limpily +limpin +limpiness +limping +limpingly +limpingness +limpish +limpkin +limply +limpness +limpsy +limpwort +limpy +limsy +limu +limulid +Limulidae +limuloid +Limuloidea +Limulus +limurite +limy +Lin +lin +Lina +lina +linable +Linaceae +linaceous +linaga +linage +linaloa +linalol +linalool +linamarin +Linanthus +Linaria +linarite +linch +linchbolt +linchet +linchpin +linchpinned +lincloth +Lincoln +Lincolnian +Lincolniana +Lincolnlike +linctus +Linda +lindackerite +lindane +linden +Linder +linder +Lindera +Lindleyan +lindo +lindoite +Lindsay +Lindsey +line +linea +lineage +lineaged +lineal +lineality +lineally +lineament +lineamental +lineamentation +lineameter +linear +linearifolius +linearity +linearization +linearize +linearly +lineate +lineated +lineation +lineature +linecut +lined +lineiform +lineless +linelet +lineman +linen +Linene +linenette +linenize +linenizer +linenman +lineocircular +lineograph +lineolate +lineolated +liner +linesman +Linet +linewalker +linework +ling +linga +Lingayat +lingberry +lingbird +linge +lingel +lingenberry +linger +lingerer +lingerie +lingo +lingonberry +Lingoum +lingtow +lingtowman +lingua +linguacious +linguaciousness +linguadental +linguaeform +lingual +linguale +linguality +lingualize +lingually +linguanasal +Linguata +Linguatula +Linguatulida +Linguatulina +linguatuline +linguatuloid +linguet +linguidental +linguiform +linguipotence +linguist +linguister +linguistic +linguistical +linguistically +linguistician +linguistics +linguistry +lingula +lingulate +lingulated +Lingulella +lingulid +Lingulidae +linguliferous +linguliform +linguloid +linguodental +linguodistal +linguogingival +linguopalatal +linguopapillitis +linguoversion +lingwort +lingy +linha +linhay +linie +liniment +linin +lininess +lining +linitis +liniya +linja +linje +link +linkable +linkage +linkboy +linked +linkedness +linker +linking +linkman +links +linksmith +linkwork +linky +Linley +linn +Linnaea +Linnaean +Linnaeanism +linnaeite +Linne +linnet +lino +linolate +linoleic +linolein +linolenate +linolenic +linolenin +linoleum +linolic +linolin +linometer +linon +Linopteris +Linos +Linotype +linotype +linotyper +linotypist +linous +linoxin +linoxyn +linpin +Linsang +linseed +linsey +linstock +lint +lintel +linteled +linteling +linten +linter +lintern +lintie +lintless +lintonite +lintseed +lintwhite +linty +Linum +Linus +linwood +liny +Linyphia +Linyphiidae +liodermia +liomyofibroma +liomyoma +lion +lioncel +Lionel +lionel +lionesque +lioness +lionet +lionheart +lionhearted +lionheartedness +lionhood +lionism +lionizable +lionization +lionize +lionizer +lionlike +lionly +lionproof +lionship +Liothrix +Liotrichi +Liotrichidae +liotrichine +lip +lipa +lipacidemia +lipaciduria +Lipan +Liparian +liparian +liparid +Liparidae +Liparididae +Liparis +liparite +liparocele +liparoid +liparomphalus +liparous +lipase +lipectomy +lipemia +Lipeurus +lipide +lipin +lipless +liplet +liplike +lipoblast +lipoblastoma +Lipobranchia +lipocaic +lipocardiac +lipocele +lipoceratous +lipocere +lipochondroma +lipochrome +lipochromogen +lipoclasis +lipoclastic +lipocyte +lipodystrophia +lipodystrophy +lipoferous +lipofibroma +lipogenesis +lipogenetic +lipogenic +lipogenous +lipogram +lipogrammatic +lipogrammatism +lipogrammatist +lipography +lipohemia +lipoid +lipoidal +lipoidemia +lipoidic +lipolysis +lipolytic +lipoma +lipomata +lipomatosis +lipomatous +lipometabolic +lipometabolism +lipomorph +lipomyoma +lipomyxoma +lipopexia +lipophagic +lipophore +lipopod +Lipopoda +lipoprotein +liposarcoma +liposis +liposome +lipostomy +lipothymial +lipothymic +lipothymy +lipotrophic +lipotrophy +lipotropic +lipotropy +lipotype +Lipotyphla +lipovaccine +lipoxenous +lipoxeny +lipped +lippen +lipper +lipperings +Lippia +lippiness +lipping +lippitude +lippitudo +lippy +lipsanographer +lipsanotheca +lipstick +lipuria +lipwork +liquable +liquamen +liquate +liquation +liquefacient +liquefaction +liquefactive +liquefiable +liquefier +liquefy +liquesce +liquescence +liquescency +liquescent +liqueur +liquid +liquidable +Liquidambar +liquidamber +liquidate +liquidation +liquidator +liquidatorship +liquidity +liquidize +liquidizer +liquidless +liquidly +liquidness +liquidogenic +liquidogenous +liquidy +liquiform +liquor +liquorer +liquorish +liquorishly +liquorishness +liquorist +liquorless +lira +lirate +liration +lire +lirella +lirellate +lirelliform +lirelline +lirellous +Liriodendron +liripipe +liroconite +lis +Lisa +Lisbon +Lise +lisere +Lisette +lish +lisk +Lisle +lisle +lisp +lisper +lispingly +lispund +liss +Lissamphibia +lissamphibian +Lissencephala +lissencephalic +lissencephalous +Lissoflagellata +lissoflagellate +lissom +lissome +lissomely +lissomeness +lissotrichan +Lissotriches +lissotrichous +lissotrichy +List +list +listable +listed +listedness +listel +listen +listener +listening +lister +Listera +listerellosis +Listeria +Listerian +Listerine +Listerism +Listerize +listing +listless +listlessly +listlessness +listred +listwork +Lisuarte +lit +litaneutical +litany +litanywise +litas +litation +litch +litchi +lite +liter +literacy +literaily +literal +literalism +literalist +literalistic +literality +literalization +literalize +literalizer +literally +literalminded +literalmindedness +literalness +literarian +literariness +literary +literaryism +literate +literati +literation +literatist +literato +literator +literature +literatus +literose +literosity +lith +lithagogue +lithangiuria +lithanthrax +litharge +lithe +lithectasy +lithectomy +lithely +lithemia +lithemic +litheness +lithesome +lithesomeness +lithi +lithia +lithiasis +lithiastic +lithiate +lithic +lithifaction +lithification +lithify +lithite +lithium +litho +lithobiid +Lithobiidae +lithobioid +Lithobius +Lithocarpus +lithocenosis +lithochemistry +lithochromatic +lithochromatics +lithochromatographic +lithochromatography +lithochromography +lithochromy +lithoclase +lithoclast +lithoclastic +lithoclasty +lithoculture +lithocyst +lithocystotomy +Lithodes +lithodesma +lithodialysis +lithodid +Lithodidae +lithodomous +Lithodomus +lithofracteur +lithofractor +lithogenesis +lithogenetic +lithogenous +lithogeny +lithoglyph +lithoglypher +lithoglyphic +lithoglyptic +lithoglyptics +lithograph +lithographer +lithographic +lithographical +lithographically +lithographize +lithography +lithogravure +lithoid +lithoidite +litholabe +litholapaxy +litholatrous +litholatry +lithologic +lithological +lithologically +lithologist +lithology +litholysis +litholyte +litholytic +lithomancy +lithomarge +lithometer +lithonephria +lithonephritis +lithonephrotomy +lithontriptic +lithontriptist +lithontriptor +lithopedion +lithopedium +lithophagous +lithophane +lithophanic +lithophany +lithophilous +lithophone +lithophotography +lithophotogravure +lithophthisis +lithophyl +lithophyllous +lithophysa +lithophysal +lithophyte +lithophytic +lithophytous +lithopone +lithoprint +lithoscope +lithosian +lithosiid +Lithosiidae +Lithosiinae +lithosis +lithosol +lithosperm +lithospermon +lithospermous +Lithospermum +lithosphere +lithotint +lithotome +lithotomic +lithotomical +lithotomist +lithotomize +lithotomous +lithotomy +lithotony +lithotresis +lithotripsy +lithotriptor +lithotrite +lithotritic +lithotritist +lithotrity +lithotype +lithotypic +lithotypy +lithous +lithoxyl +lithsman +Lithuanian +Lithuanic +lithuresis +lithuria +lithy +liticontestation +litigable +litigant +litigate +litigation +litigationist +litigator +litigatory +litigiosity +litigious +litigiously +litigiousness +Litiopa +litiscontest +litiscontestation +litiscontestational +litmus +Litopterna +Litorina +Litorinidae +litorinoid +litotes +litra +Litsea +litster +litten +litter +litterateur +litterer +littermate +littery +little +littleleaf +littleneck +littleness +littlewale +littling +littlish +littoral +Littorella +littress +lituiform +lituite +Lituites +Lituitidae +Lituola +lituoline +lituoloid +liturate +liturgical +liturgically +liturgician +liturgics +liturgiological +liturgiologist +liturgiology +liturgism +liturgist +liturgistic +liturgistical +liturgize +liturgy +litus +lituus +Litvak +Lityerses +litz +Liukiu +Liv +livability +livable +livableness +live +liveborn +lived +livedo +livelihood +livelily +liveliness +livelong +lively +liven +liveness +liver +liverance +liverberry +livered +liverhearted +liverheartedness +liveried +liverish +liverishness +liverleaf +liverless +Liverpudlian +liverwort +liverwurst +livery +liverydom +liveryless +liveryman +livestock +Livian +livid +lividity +lividly +lividness +livier +living +livingless +livingly +livingness +livingstoneite +Livish +Livistona +Livonian +livor +livre +liwan +lixive +lixivial +lixiviate +lixiviation +lixiviator +lixivious +lixivium +Liyuan +Liz +Liza +lizard +lizardtail +Lizzie +llama +Llanberisslate +Llandeilo +Llandovery +llano +llautu +Lleu +Llew +Lloyd +Lludd +llyn +Lo +lo +Loa +loa +loach +load +loadage +loaded +loaden +loader +loading +loadless +loadpenny +loadsome +loadstone +loaf +loafer +loaferdom +loaferish +loafing +loafingly +loaflet +loaghtan +loam +loamily +loaminess +loaming +loamless +Loammi +loamy +loan +loanable +loaner +loanin +loanmonger +loanword +Loasa +Loasaceae +loasaceous +loath +loathe +loather +loathful +loathfully +loathfulness +loathing +loathingly +loathliness +loathly +loathness +loathsome +loathsomely +loathsomeness +Loatuko +loave +lob +Lobachevskian +lobal +Lobale +lobar +Lobaria +Lobata +Lobatae +lobate +lobated +lobately +lobation +lobber +lobbish +lobby +lobbyer +lobbyism +lobbyist +lobbyman +lobcock +lobe +lobectomy +lobed +lobefoot +lobefooted +lobeless +lobelet +Lobelia +Lobeliaceae +lobeliaceous +lobelin +lobeline +lobellated +lobfig +lobiform +lobigerous +lobing +lobiped +loblolly +lobo +lobola +lobopodium +Lobosa +lobose +lobotomy +lobscourse +lobscouse +lobscouser +lobster +lobstering +lobsterish +lobsterlike +lobsterproof +lobtail +lobular +Lobularia +lobularly +lobulate +lobulated +lobulation +lobule +lobulette +lobulose +lobulous +lobworm +loca +locable +local +locale +localism +localist +localistic +locality +localizable +localization +localize +localizer +locally +localness +locanda +Locarnist +Locarnite +Locarnize +Locarno +locate +location +locational +locative +locator +locellate +locellus +loch +lochage +lochan +lochetic +lochia +lochial +lochiocolpos +lochiocyte +lochiometra +lochiometritis +lochiopyra +lochiorrhagia +lochiorrhea +lochioschesis +Lochlin +lochometritis +lochoperitonitis +lochopyra +lochus +lochy +loci +lociation +lock +lockable +lockage +Lockatong +lockbox +locked +locker +lockerman +locket +lockful +lockhole +Lockian +Lockianism +locking +lockjaw +lockless +locklet +lockmaker +lockmaking +lockman +lockout +lockpin +Lockport +lockram +locksman +locksmith +locksmithery +locksmithing +lockspit +lockup +lockwork +locky +loco +locodescriptive +locofoco +Locofocoism +locoism +locomobile +locomobility +locomote +locomotility +locomotion +locomotive +locomotively +locomotiveman +locomotiveness +locomotivity +locomotor +locomotory +locomutation +locoweed +Locrian +Locrine +loculament +loculamentose +loculamentous +locular +loculate +loculated +loculation +locule +loculicidal +loculicidally +loculose +loculus +locum +locus +locust +locusta +locustal +locustberry +locustelle +locustid +Locustidae +locusting +locustlike +locution +locutor +locutorship +locutory +lod +Loddigesia +lode +lodemanage +lodesman +lodestar +lodestone +lodestuff +lodge +lodgeable +lodged +lodgeful +lodgeman +lodgepole +lodger +lodgerdom +lodging +lodginghouse +lodgings +lodgment +Lodha +lodicule +Lodoicea +Lodowic +Lodowick +Lodur +Loegria +loess +loessal +loessial +loessic +loessland +loessoid +lof +lofstelle +loft +lofter +loftily +loftiness +lofting +loftless +loftman +loftsman +lofty +log +loganberry +Logania +Loganiaceae +loganiaceous +loganin +logaoedic +logarithm +logarithmal +logarithmetic +logarithmetical +logarithmetically +logarithmic +logarithmical +logarithmically +logarithmomancy +logbook +logcock +loge +logeion +logeum +loggat +logged +logger +loggerhead +loggerheaded +loggia +loggin +logging +loggish +loghead +logheaded +logia +logic +logical +logicalist +logicality +logicalization +logicalize +logically +logicalness +logicaster +logician +logicism +logicist +logicity +logicize +logicless +logie +login +logion +logistic +logistical +logistician +logistics +logium +loglet +loglike +logman +logocracy +logodaedaly +logogogue +logogram +logogrammatic +logograph +logographer +logographic +logographical +logographically +logography +logogriph +logogriphic +logoi +logolatry +logology +logomach +logomacher +logomachic +logomachical +logomachist +logomachize +logomachy +logomancy +logomania +logomaniac +logometer +logometric +logometrical +logometrically +logopedia +logopedics +logorrhea +logos +logothete +logotype +logotypy +Logres +Logria +Logris +logroll +logroller +logrolling +logway +logwise +logwood +logwork +logy +lohan +Lohana +Lohar +lohoch +loimic +loimography +loimology +loin +loincloth +loined +loir +Lois +Loiseleuria +loiter +loiterer +loiteringly +loiteringness +loka +lokao +lokaose +lokapala +loke +loket +lokiec +Lokindra +Lokman +Lola +Loliginidae +Loligo +Lolium +loll +Lollard +Lollardian +Lollardism +Lollardist +Lollardize +Lollardlike +Lollardry +Lollardy +loller +lollingite +lollingly +lollipop +lollop +lollopy +lolly +Lolo +loma +lomastome +lomatine +lomatinous +Lomatium +Lombard +lombard +Lombardeer +Lombardesque +Lombardian +Lombardic +lomboy +Lombrosian +loment +lomentaceous +Lomentaria +lomentariaceous +lomentum +lomita +lommock +Lonchocarpus +Lonchopteridae +Londinensian +Londoner +Londonese +Londonesque +Londonian +Londonish +Londonism +Londonization +Londonize +Londony +Londres +lone +lonelihood +lonelily +loneliness +lonely +loneness +lonesome +lonesomely +lonesomeness +long +longa +longan +longanimity +longanimous +Longaville +longbeak +longbeard +longboat +longbow +longcloth +longe +longear +longer +longeval +longevity +longevous +longfelt +longfin +longful +longhair +longhand +longhead +longheaded +longheadedly +longheadedness +longhorn +longicaudal +longicaudate +longicone +longicorn +Longicornia +longilateral +longilingual +longiloquence +longimanous +longimetric +longimetry +longing +longingly +longingness +Longinian +longinquity +longipennate +longipennine +longirostral +longirostrate +longirostrine +Longirostrines +longisection +longish +longitude +longitudinal +longitudinally +longjaw +longleaf +longlegs +longly +longmouthed +longness +Longobard +Longobardi +Longobardian +Longobardic +longs +longshanks +longshore +longshoreman +longsome +longsomely +longsomeness +longspun +longspur +longtail +longue +longulite +longway +longways +longwise +longwool +longwork +longwort +Lonhyn +Lonicera +Lonk +lonquhard +lontar +loo +looby +lood +loof +loofah +loofie +loofness +look +looker +looking +lookout +lookum +loom +loomer +loomery +looming +loon +loonery +looney +loony +loop +looper +loopful +loophole +looping +loopist +looplet +looplike +loopy +loose +loosely +loosemouthed +loosen +loosener +looseness +looser +loosestrife +loosing +loosish +loot +lootable +looten +looter +lootie +lootiewallah +lootsman +lop +lope +loper +Lopezia +lophiid +Lophiidae +lophine +Lophiodon +lophiodont +Lophiodontidae +lophiodontoid +Lophiola +Lophiomyidae +Lophiomyinae +Lophiomys +lophiostomate +lophiostomous +lophobranch +lophobranchiate +Lophobranchii +lophocalthrops +lophocercal +Lophocome +Lophocomi +Lophodermium +lophodont +Lophophora +lophophoral +lophophore +Lophophorinae +lophophorine +Lophophorus +lophophytosis +Lophopoda +Lophornis +Lophortyx +lophosteon +lophotriaene +lophotrichic +lophotrichous +Lophura +lopolith +loppard +lopper +loppet +lopping +loppy +lopseed +lopsided +lopsidedly +lopsidedness +lopstick +loquacious +loquaciously +loquaciousness +loquacity +loquat +loquence +loquent +loquently +Lora +lora +loral +loran +lorandite +loranskite +Loranthaceae +loranthaceous +Loranthus +lorarius +lorate +lorcha +Lord +lord +lording +lordkin +lordless +lordlet +lordlike +lordlily +lordliness +lordling +lordly +lordolatry +lordosis +lordotic +lordship +lordwood +lordy +lore +loreal +lored +loreless +Loren +Lorenzan +lorenzenite +Lorenzo +Lorettine +lorettoite +lorgnette +Lori +lori +loric +lorica +loricarian +Loricariidae +loricarioid +Loricata +loricate +Loricati +lorication +loricoid +Lorien +lorikeet +lorilet +lorimer +loriot +loris +Lorius +lormery +lorn +lornness +loro +Lorraine +Lorrainer +Lorrainese +lorriker +lorry +lors +lorum +lory +losable +losableness +lose +losel +loselism +losenger +loser +losh +losing +loss +lossenite +lossless +lossproof +lost +lostling +lostness +Lot +lot +Lota +lota +lotase +lote +lotebush +Lotharingian +lotic +lotiform +lotion +lotment +Lotophagi +lotophagous +lotophagously +lotrite +lots +Lotta +Lotte +lotter +lottery +Lottie +lotto +Lotuko +lotus +lotusin +lotuslike +Lou +louch +louchettes +loud +louden +loudering +loudish +loudly +loudmouthed +loudness +louey +lough +lougheen +Louie +Louiqa +Louis +Louisa +Louise +Louisiana +Louisianian +louisine +louk +Loukas +loukoum +loulu +lounder +lounderer +lounge +lounger +lounging +loungingly +loungy +Loup +loup +loupe +lour +lourdy +louse +louseberry +lousewort +lousily +lousiness +louster +lousy +lout +louter +louther +loutish +loutishly +loutishness +loutrophoros +louty +louvar +louver +louvered +louvering +louverwork +Louvre +lovability +lovable +lovableness +lovably +lovage +love +lovebird +loveflower +loveful +lovelass +loveless +lovelessly +lovelessness +lovelihead +lovelily +loveliness +loveling +lovelock +lovelorn +lovelornness +lovely +loveman +lovemate +lovemonger +loveproof +lover +loverdom +lovered +loverhood +lovering +loverless +loverliness +loverly +lovership +loverwise +lovesick +lovesickness +lovesome +lovesomely +lovesomeness +loveworth +loveworthy +loving +lovingly +lovingness +low +lowa +lowan +lowbell +lowborn +lowboy +lowbred +lowdah +lowder +loweite +Lowell +lower +lowerable +lowerclassman +lowerer +lowering +loweringly +loweringness +lowermost +lowery +lowigite +lowish +lowishly +lowishness +lowland +lowlander +lowlily +lowliness +lowly +lowmen +lowmost +lown +lowness +lownly +lowth +Lowville +lowwood +lowy +lox +loxia +loxic +Loxiinae +loxoclase +loxocosm +loxodograph +Loxodon +loxodont +Loxodonta +loxodontous +loxodrome +loxodromic +loxodromical +loxodromically +loxodromics +loxodromism +Loxolophodon +loxolophodont +Loxomma +loxophthalmus +Loxosoma +Loxosomidae +loxotic +loxotomy +loy +loyal +loyalism +loyalist +loyalize +loyally +loyalness +loyalty +Loyd +Loyolism +Loyolite +lozenge +lozenged +lozenger +lozengeways +lozengewise +lozengy +Lu +Luba +lubber +lubbercock +Lubberland +lubberlike +lubberliness +lubberly +lube +lubra +lubric +lubricant +lubricate +lubrication +lubricational +lubricative +lubricator +lubricatory +lubricious +lubricity +lubricous +lubrifaction +lubrification +lubrify +lubritorian +lubritorium +Luc +Lucan +Lucania +lucanid +Lucanidae +Lucanus +lucarne +Lucayan +lucban +Lucchese +luce +lucence +lucency +lucent +Lucentio +lucently +Luceres +lucern +lucernal +Lucernaria +lucernarian +Lucernariidae +lucerne +lucet +Luchuan +Lucia +Lucian +Luciana +lucible +lucid +lucida +lucidity +lucidly +lucidness +lucifee +Lucifer +luciferase +Luciferian +Luciferidae +luciferin +luciferoid +luciferous +luciferously +luciferousness +lucific +luciform +lucifugal +lucifugous +lucigen +Lucile +Lucilia +lucimeter +Lucina +Lucinacea +Lucinda +Lucinidae +lucinoid +Lucite +Lucius +lucivee +luck +lucken +luckful +luckie +luckily +luckiness +luckless +lucklessly +lucklessness +Lucknow +lucky +lucration +lucrative +lucratively +lucrativeness +lucre +Lucrece +Lucretia +Lucretian +Lucretius +lucriferous +lucriferousness +lucrific +lucrify +Lucrine +luctation +luctiferous +luctiferousness +lucubrate +lucubration +lucubrator +lucubratory +lucule +luculent +luculently +Lucullan +lucullite +Lucuma +lucumia +Lucumo +lucumony +Lucy +lucy +ludden +Luddism +Luddite +Ludditism +ludefisk +Ludgate +Ludgathian +Ludgatian +Ludian +ludibrious +ludibry +ludicropathetic +ludicroserious +ludicrosity +ludicrosplenetic +ludicrous +ludicrously +ludicrousness +ludification +ludlamite +Ludlovian +Ludlow +ludo +Ludolphian +Ludwig +ludwigite +lue +Luella +lues +luetic +luetically +lufberry +lufbery +luff +Luffa +Lug +lug +Luganda +luge +luger +luggage +luggageless +luggar +lugged +lugger +luggie +Luggnagg +lugmark +Lugnas +lugsail +lugsome +lugubriosity +lugubrious +lugubriously +lugubriousness +lugworm +luhinga +Lui +Luian +Luigi +luigino +Luis +Luiseno +Luite +lujaurite +Lukas +Luke +luke +lukely +lukeness +lukewarm +lukewarmish +lukewarmly +lukewarmness +lukewarmth +Lula +lulab +lull +lullaby +luller +Lullian +lulliloo +lullingly +Lulu +lulu +Lum +lum +lumachel +lumbaginous +lumbago +lumbang +lumbar +lumbarization +lumbayao +lumber +lumberdar +lumberdom +lumberer +lumbering +lumberingly +lumberingness +lumberjack +lumberless +lumberly +lumberman +lumbersome +lumberyard +lumbocolostomy +lumbocolotomy +lumbocostal +lumbodorsal +lumbodynia +lumbosacral +lumbovertebral +lumbrical +lumbricalis +Lumbricidae +lumbriciform +lumbricine +lumbricoid +lumbricosis +Lumbricus +lumbrous +lumen +luminaire +Luminal +luminal +luminance +luminant +luminarious +luminarism +luminarist +luminary +luminate +lumination +luminative +luminator +lumine +luminesce +luminescence +luminescent +luminiferous +luminificent +luminism +luminist +luminologist +luminometer +luminosity +luminous +luminously +luminousness +lummox +lummy +lump +lumper +lumpet +lumpfish +lumpily +lumpiness +lumping +lumpingly +lumpish +lumpishly +lumpishness +lumpkin +lumpman +lumpsucker +lumpy +luna +lunacy +lunambulism +lunar +lunare +Lunaria +lunarian +lunarist +lunarium +lunary +lunate +lunatellus +lunately +lunatic +lunatically +lunation +lunatize +lunatum +lunch +luncheon +luncheoner +luncheonette +luncheonless +luncher +lunchroom +Lunda +Lundinarium +lundress +lundyfoot +lune +Lunel +lunes +lunette +lung +lunge +lunged +lungeous +lunger +lungfish +lungflower +lungful +lungi +lungie +lungis +lungless +lungmotor +lungsick +lungworm +lungwort +lungy +lunicurrent +luniform +lunisolar +lunistice +lunistitial +lunitidal +Lunka +lunkhead +lunn +lunoid +lunt +lunula +lunular +Lunularia +lunulate +lunulated +lunule +lunulet +lunulite +Lunulites +Luo +lupanarian +lupanine +lupe +lupeol +lupeose +Lupercal +Lupercalia +Lupercalian +Luperci +lupetidine +lupicide +Lupid +lupiform +lupinaster +lupine +lupinin +lupinine +lupinosis +lupinous +Lupinus +lupis +lupoid +lupous +lupulic +lupulin +lupuline +lupulinic +lupulinous +lupulinum +lupulus +lupus +lupuserythematosus +Lur +lura +lural +lurch +lurcher +lurchingfully +lurchingly +lurchline +lurdan +lurdanism +lure +lureful +lurement +lurer +luresome +lurg +lurgworm +Luri +lurid +luridity +luridly +luridness +luringly +lurk +lurker +lurkingly +lurkingness +lurky +lurrier +lurry +Lusatian +Luscinia +luscious +lusciously +lusciousness +lush +Lushai +lushburg +Lushei +lusher +lushly +lushness +lushy +Lusiad +Lusian +Lusitania +Lusitanian +lusk +lusky +lusory +lust +luster +lusterer +lusterless +lusterware +lustful +lustfully +lustfulness +lustihead +lustily +lustiness +lustless +lustra +lustral +lustrant +lustrate +lustration +lustrative +lustratory +lustreless +lustrical +lustrification +lustrify +lustrine +lustring +lustrous +lustrously +lustrousness +lustrum +lusty +lut +lutaceous +lutanist +lutany +Lutao +lutation +Lutayo +lute +luteal +lutecia +lutecium +lutein +luteinization +luteinize +lutelet +lutemaker +lutemaking +luteo +luteocobaltic +luteofulvous +luteofuscescent +luteofuscous +luteolin +luteolous +luteoma +luteorufescent +luteous +luteovirescent +luter +lutescent +lutestring +Lutetia +Lutetian +lutetium +luteway +lutfisk +Luther +Lutheran +Lutheranic +Lutheranism +Lutheranize +Lutheranizer +Lutherism +Lutherist +luthern +luthier +lutianid +Lutianidae +lutianoid +Lutianus +lutidine +lutidinic +luting +lutist +Lutjanidae +Lutjanus +lutose +Lutra +Lutraria +Lutreola +lutrin +Lutrinae +lutrine +lutulence +lutulent +Luvaridae +Luvian +Luvish +Luwian +lux +luxate +luxation +luxe +Luxemburger +Luxemburgian +luxulianite +luxuriance +luxuriancy +luxuriant +luxuriantly +luxuriantness +luxuriate +luxuriation +luxurious +luxuriously +luxuriousness +luxurist +luxury +luxus +Luzula +Lwo +ly +lyam +lyard +Lyas +Lycaena +lycaenid +Lycaenidae +lycanthrope +lycanthropia +lycanthropic +lycanthropist +lycanthropize +lycanthropous +lycanthropy +lyceal +lyceum +Lychnic +Lychnis +lychnomancy +lychnoscope +lychnoscopic +Lycian +lycid +Lycidae +Lycium +Lycodes +Lycodidae +lycodoid +lycopene +Lycoperdaceae +lycoperdaceous +Lycoperdales +lycoperdoid +Lycoperdon +lycoperdon +Lycopersicon +lycopin +lycopod +lycopode +Lycopodiaceae +lycopodiaceous +Lycopodiales +Lycopodium +Lycopsida +Lycopsis +Lycopus +lycorine +Lycosa +lycosid +Lycosidae +lyctid +Lyctidae +Lyctus +Lycus +lyddite +Lydia +Lydian +lydite +lye +Lyencephala +lyencephalous +lyery +lygaeid +Lygaeidae +Lygeum +Lygodium +Lygosoma +lying +lyingly +Lymantria +lymantriid +Lymantriidae +lymhpangiophlebitis +Lymnaea +lymnaean +lymnaeid +Lymnaeidae +lymph +lymphad +lymphadenectasia +lymphadenectasis +lymphadenia +lymphadenitis +lymphadenoid +lymphadenoma +lymphadenopathy +lymphadenosis +lymphaemia +lymphagogue +lymphangeitis +lymphangial +lymphangiectasis +lymphangiectatic +lymphangiectodes +lymphangiitis +lymphangioendothelioma +lymphangiofibroma +lymphangiology +lymphangioma +lymphangiomatous +lymphangioplasty +lymphangiosarcoma +lymphangiotomy +lymphangitic +lymphangitis +lymphatic +lymphatical +lymphation +lymphatism +lymphatitis +lymphatolysin +lymphatolysis +lymphatolytic +lymphectasia +lymphedema +lymphemia +lymphenteritis +lymphoblast +lymphoblastic +lymphoblastoma +lymphoblastosis +lymphocele +lymphocyst +lymphocystosis +lymphocyte +lymphocythemia +lymphocytic +lymphocytoma +lymphocytomatosis +lymphocytosis +lymphocytotic +lymphocytotoxin +lymphodermia +lymphoduct +lymphogenic +lymphogenous +lymphoglandula +lymphogranuloma +lymphoid +lymphoidectomy +lymphology +lymphoma +lymphomatosis +lymphomatous +lymphomonocyte +lymphomyxoma +lymphopathy +lymphopenia +lymphopenial +lymphopoiesis +lymphopoietic +lymphoprotease +lymphorrhage +lymphorrhagia +lymphorrhagic +lymphorrhea +lymphosarcoma +lymphosarcomatosis +lymphosarcomatous +lymphosporidiosis +lymphostasis +lymphotaxis +lymphotome +lymphotomy +lymphotoxemia +lymphotoxin +lymphotrophic +lymphotrophy +lymphous +lymphuria +lymphy +lyncean +Lynceus +lynch +lynchable +lyncher +Lyncid +lyncine +Lyndon +Lynette +Lyngbyaceae +Lyngbyeae +Lynn +Lynne +Lynnette +lynnhaven +lynx +Lyomeri +lyomerous +Lyon +Lyonese +Lyonetia +lyonetiid +Lyonetiidae +Lyonnais +lyonnaise +Lyonnesse +lyophile +lyophilization +lyophilize +lyophobe +Lyopoma +Lyopomata +lyopomatous +lyotrope +lypemania +Lyperosia +lypothymia +lyra +Lyraid +lyrate +lyrated +lyrately +lyraway +lyre +lyrebird +lyreflower +lyreman +lyretail +lyric +lyrical +lyrically +lyricalness +lyrichord +lyricism +lyricist +lyricize +Lyrid +lyriform +lyrism +lyrist +Lyrurus +lys +Lysander +lysate +lyse +Lysenkoism +lysidine +lysigenic +lysigenous +lysigenously +Lysiloma +Lysimachia +Lysimachus +lysimeter +lysin +lysine +lysis +Lysistrata +lysogen +lysogenesis +lysogenetic +lysogenic +lysozyme +lyssa +lyssic +lyssophobia +lyterian +Lythraceae +lythraceous +Lythrum +lytic +lytta +lyxose +M +m +Ma +ma +maam +maamselle +Maarten +Mab +Maba +Mabel +Mabellona +mabi +Mabinogion +mabolo +Mac +mac +macaasim +macabre +macabresque +Macaca +macaco +Macacus +macadam +Macadamia +macadamite +macadamization +macadamize +macadamizer +Macaglia +macan +macana +Macanese +macao +macaque +Macaranga +Macarani +Macareus +macarism +macarize +macaroni +macaronic +macaronical +macaronically +macaronicism +macaronism +macaroon +Macartney +Macassar +Macassarese +macaw +Macbeth +Maccabaeus +Maccabean +Maccabees +maccaboy +macco +maccoboy +Macduff +mace +macedoine +Macedon +Macedonian +Macedonic +macehead +maceman +macer +macerate +macerater +maceration +Macflecknoe +machairodont +Machairodontidae +Machairodontinae +Machairodus +machan +machar +machete +Machetes +machi +Machiavel +Machiavellian +Machiavellianism +Machiavellianly +Machiavellic +Machiavellism +machiavellist +Machiavellistic +machicolate +machicolation +machicoulis +Machicui +machila +Machilidae +Machilis +machin +machinability +machinable +machinal +machinate +machination +machinator +machine +machineful +machineless +machinelike +machinely +machineman +machinemonger +machiner +machinery +machinification +machinify +machinism +machinist +machinization +machinize +machinoclast +machinofacture +machinotechnique +machinule +Machogo +machopolyp +machree +macies +Macigno +macilence +macilency +macilent +mack +mackenboy +mackerel +mackereler +mackereling +Mackinaw +mackins +mackintosh +mackintoshite +mackle +macklike +macle +Macleaya +macled +Maclura +Maclurea +maclurin +Macmillanite +maco +Macon +maconite +Macracanthorhynchus +macracanthrorhynchiasis +macradenous +macrame +macrander +macrandrous +macrauchene +Macrauchenia +macraucheniid +Macraucheniidae +macraucheniiform +macrauchenioid +macrencephalic +macrencephalous +macro +macroanalysis +macroanalyst +macroanalytical +macrobacterium +macrobian +macrobiosis +macrobiote +macrobiotic +macrobiotics +Macrobiotus +macroblast +macrobrachia +macrocarpous +Macrocentrinae +Macrocentrus +macrocephalia +macrocephalic +macrocephalism +macrocephalous +macrocephalus +macrocephaly +macrochaeta +macrocheilia +Macrochelys +macrochemical +macrochemically +macrochemistry +Macrochira +macrochiran +Macrochires +macrochiria +Macrochiroptera +macrochiropteran +macrocladous +macroclimate +macroclimatic +macrococcus +macrocoly +macroconidial +macroconidium +macroconjugant +macrocornea +macrocosm +macrocosmic +macrocosmical +macrocosmology +macrocosmos +macrocrystalline +macrocyst +Macrocystis +macrocyte +macrocythemia +macrocytic +macrocytosis +macrodactyl +macrodactylia +macrodactylic +macrodactylism +macrodactylous +macrodactyly +macrodiagonal +macrodomatic +macrodome +macrodont +macrodontia +macrodontism +macroelement +macroergate +macroevolution +macrofarad +macrogamete +macrogametocyte +macrogamy +macrogastria +macroglossate +macroglossia +macrognathic +macrognathism +macrognathous +macrogonidium +macrograph +macrographic +macrography +macrolepidoptera +macrolepidopterous +macrology +macromandibular +macromania +macromastia +macromazia +macromelia +macromeral +macromere +macromeric +macromerite +macromeritic +macromesentery +macrometer +macromethod +macromolecule +macromyelon +macromyelonal +macron +macronuclear +macronucleus +macronutrient +macropetalous +macrophage +macrophagocyte +macrophagus +Macrophoma +macrophotograph +macrophotography +macrophyllous +macrophysics +macropia +macropinacoid +macropinacoidal +macroplankton +macroplasia +macroplastia +macropleural +macropodia +Macropodidae +Macropodinae +macropodine +macropodous +macroprism +macroprosopia +macropsia +macropteran +macropterous +Macropus +Macropygia +macropyramid +macroreaction +Macrorhamphosidae +Macrorhamphosus +macrorhinia +Macrorhinus +macroscelia +Macroscelides +macroscian +macroscopic +macroscopical +macroscopically +macroseism +macroseismic +macroseismograph +macrosepalous +macroseptum +macrosmatic +macrosomatia +macrosomatous +macrosomia +macrosplanchnic +macrosporange +macrosporangium +macrospore +macrosporic +Macrosporium +macrosporophore +macrosporophyl +macrosporophyll +Macrostachya +macrostomatous +macrostomia +macrostructural +macrostructure +macrostylospore +macrostylous +macrosymbiont +macrothere +Macrotheriidae +macrotherioid +Macrotherium +macrotherm +macrotia +macrotin +Macrotolagus +macrotome +macrotone +macrotous +macrourid +Macrouridae +Macrourus +Macrozamia +macrozoogonidium +macrozoospore +Macrura +macrural +macruran +macruroid +macrurous +mactation +Mactra +Mactridae +mactroid +macuca +macula +macular +maculate +maculated +maculation +macule +maculicole +maculicolous +maculiferous +maculocerebral +maculopapular +maculose +Macusi +macuta +mad +Madagascan +Madagascar +Madagascarian +Madagass +madam +madame +madapollam +madarosis +madarotic +madbrain +madbrained +madcap +madden +maddening +maddeningly +maddeningness +madder +madderish +madderwort +madding +maddingly +maddish +maddle +made +Madecase +madefaction +madefy +Madegassy +Madeira +Madeiran +Madeline +madeline +Madelon +madescent +Madge +madhouse +madhuca +Madhva +Madi +Madia +madid +madidans +Madiga +madisterium +madling +madly +madman +madnep +madness +mado +Madoc +Madonna +Madonnahood +Madonnaish +Madonnalike +madoqua +Madotheca +madrague +Madras +madrasah +Madrasi +madreperl +Madrepora +Madreporacea +madreporacean +Madreporaria +madreporarian +madrepore +madreporian +madreporic +madreporiform +madreporite +madreporitic +Madrid +madrier +madrigal +madrigaler +madrigaletto +madrigalian +madrigalist +Madrilene +Madrilenian +madrona +madship +madstone +Madurese +maduro +madweed +madwoman +madwort +mae +Maeandra +Maeandrina +maeandrine +maeandriniform +maeandrinoid +maeandroid +Maecenas +Maecenasship +maegbote +Maelstrom +Maemacterion +maenad +maenadic +maenadism +maenaite +Maenalus +Maenidae +Maeonian +Maeonides +maestri +maestro +maffia +maffick +mafficker +maffle +mafflin +mafic +mafoo +mafura +mag +Maga +Magadhi +magadis +magadize +Magahi +Magalensia +magani +magas +magazinable +magazinage +magazine +magazinelet +magaziner +magazinette +magazinish +magazinism +magazinist +magaziny +Magdalen +Magdalene +Magdalenian +mage +Magellan +Magellanian +Magellanic +magenta +magged +Maggie +maggle +maggot +maggotiness +maggotpie +maggoty +Maggy +Magh +Maghi +Maghrib +Maghribi +Magi +magi +Magian +Magianism +magic +magical +magicalize +magically +magicdom +magician +magicianship +magicked +magicking +Magindanao +magiric +magirics +magirist +magiristic +magirological +magirologist +magirology +Magism +magister +magisterial +magisteriality +magisterially +magisterialness +magistery +magistracy +magistral +magistrality +magistrally +magistrand +magistrant +magistrate +magistrateship +magistratic +magistratical +magistratically +magistrative +magistrature +Maglemose +Maglemosean +Maglemosian +magma +magmatic +magnanimity +magnanimous +magnanimously +magnanimousness +magnascope +magnascopic +magnate +magnecrystallic +magnelectric +magneoptic +magnes +magnesia +magnesial +magnesian +magnesic +magnesioferrite +magnesite +magnesium +magnet +magneta +magnetic +magnetical +magnetically +magneticalness +magnetician +magnetics +magnetiferous +magnetification +magnetify +magnetimeter +magnetism +magnetist +magnetite +magnetitic +magnetizability +magnetizable +magnetization +magnetize +magnetizer +magneto +magnetobell +magnetochemical +magnetochemistry +magnetod +magnetodynamo +magnetoelectric +magnetoelectrical +magnetoelectricity +magnetogenerator +magnetogram +magnetograph +magnetographic +magnetoid +magnetomachine +magnetometer +magnetometric +magnetometrical +magnetometrically +magnetometry +magnetomotive +magnetomotor +magneton +magnetooptic +magnetooptical +magnetooptics +magnetophone +magnetophonograph +magnetoplumbite +magnetoprinter +magnetoscope +magnetostriction +magnetotelegraph +magnetotelephone +magnetotherapy +magnetotransmitter +magnetron +magnicaudate +magnicaudatous +magnifiable +magnific +magnifical +magnifically +Magnificat +magnification +magnificative +magnifice +magnificence +magnificent +magnificently +magnificentness +magnifico +magnifier +magnify +magniloquence +magniloquent +magniloquently +magniloquy +magnipotence +magnipotent +magnirostrate +magnisonant +magnitude +magnitudinous +magnochromite +magnoferrite +Magnolia +magnolia +Magnoliaceae +magnoliaceous +magnum +Magnus +Magog +magot +magpie +magpied +magpieish +magsman +maguari +maguey +Magyar +Magyaran +Magyarism +Magyarization +Magyarize +Mah +maha +mahaleb +mahalla +mahant +mahar +maharaja +maharajrana +maharana +maharanee +maharani +maharao +Maharashtri +maharawal +maharawat +mahatma +mahatmaism +Mahayana +Mahayanism +Mahayanist +Mahayanistic +Mahdi +Mahdian +Mahdiship +Mahdism +Mahdist +Mahesh +Mahi +Mahican +mahmal +Mahmoud +mahmudi +mahoe +mahoganize +mahogany +mahoitre +maholi +maholtine +Mahomet +Mahometry +mahone +Mahonia +Mahori +Mahound +mahout +Mahra +Mahran +Mahri +mahseer +mahua +mahuang +Maia +Maiacca +Maianthemum +maid +Maida +maidan +maiden +maidenhair +maidenhead +maidenhood +maidenish +maidenism +maidenlike +maidenliness +maidenly +maidenship +maidenweed +maidhood +Maidie +maidish +maidism +maidkin +maidlike +maidling +maidservant +Maidu +maidy +maiefic +maieutic +maieutical +maieutics +maigre +maiid +Maiidae +mail +mailable +mailbag +mailbox +mailclad +mailed +mailer +mailguard +mailie +maillechort +mailless +mailman +mailplane +maim +maimed +maimedly +maimedness +maimer +maimon +Maimonidean +Maimonist +main +Mainan +Maine +mainferre +mainlander +mainly +mainmast +mainmortable +mainour +mainpast +mainpernable +mainpernor +mainpin +mainport +mainpost +mainprise +mains +mainsail +mainsheet +mainspring +mainstay +Mainstreeter +Mainstreetism +maint +maintain +maintainable +maintainableness +maintainer +maintainment +maintainor +maintenance +Maintenon +maintop +maintopman +maioid +Maioidea +maioidean +Maioli +Maiongkong +Maipure +mairatour +maire +maisonette +Maithili +maitlandite +Maitreya +Maius +maize +maizebird +maizenic +maizer +Maja +Majagga +majagua +Majesta +majestic +majestical +majestically +majesticalness +majesticness +majestious +majesty +majestyship +Majlis +majo +majolica +majolist +majoon +Major +major +majorate +majoration +Majorcan +majorette +Majorism +Majorist +Majoristic +majority +majorize +majorship +majuscular +majuscule +makable +Makah +Makaraka +Makari +Makassar +make +makebate +makedom +makefast +maker +makeress +makership +makeshift +makeshiftiness +makeshiftness +makeshifty +makeweight +makhzan +maki +makimono +making +makluk +mako +Makonde +makroskelic +Maku +Makua +makuk +mal +mala +malaanonang +Malabar +Malabarese +malabathrum +malacanthid +Malacanthidae +malacanthine +Malacanthus +Malacca +Malaccan +malaccident +Malaceae +malaceous +malachite +malacia +Malaclemys +Malaclypse +Malacobdella +Malacocotylea +malacoderm +Malacodermatidae +malacodermatous +Malacodermidae +malacodermous +malacoid +malacolite +malacological +malacologist +malacology +malacon +malacophilous +malacophonous +malacophyllous +malacopod +Malacopoda +malacopodous +malacopterygian +Malacopterygii +malacopterygious +Malacoscolices +Malacoscolicine +Malacosoma +Malacostraca +malacostracan +malacostracology +malacostracous +malactic +maladaptation +maladdress +maladive +maladjust +maladjusted +maladjustive +maladjustment +maladminister +maladministration +maladministrator +maladroit +maladroitly +maladroitness +maladventure +malady +Malaga +Malagasy +Malagigi +malagma +malaguena +malahack +malaise +malakin +malalignment +malambo +malandered +malanders +malandrous +malanga +malapaho +malapert +malapertly +malapertness +malapi +malapplication +malappointment +malappropriate +malappropriation +malaprop +malapropian +malapropish +malapropism +malapropoism +malapropos +Malapterurus +malar +malaria +malarial +malariaproof +malarin +malarioid +malariologist +malariology +malarious +malarkey +malaroma +malarrangement +malasapsap +malassimilation +malassociation +malate +malati +malattress +malax +malaxable +malaxage +malaxate +malaxation +malaxator +malaxerman +Malaxis +Malay +Malayalam +Malayalim +Malayan +Malayic +Malayize +Malayoid +Malaysian +malbehavior +malbrouck +malchite +Malchus +Malcolm +malconceived +malconduct +malconformation +malconstruction +malcontent +malcontented +malcontentedly +malcontentedness +malcontentism +malcontently +malcontentment +malconvenance +malcreated +malcultivation +maldeveloped +maldevelopment +maldigestion +maldirection +maldistribution +Maldivian +maldonite +malduck +Male +male +malease +maleate +Malebolge +Malebolgian +Malebolgic +Malebranchism +Malecite +maledicent +maledict +malediction +maledictive +maledictory +maleducation +malefaction +malefactor +malefactory +malefactress +malefical +malefically +maleficence +maleficent +maleficial +maleficiate +maleficiation +maleic +maleinoid +malella +Malemute +maleness +malengine +maleo +maleruption +Malesherbia +Malesherbiaceae +malesherbiaceous +malevolence +malevolency +malevolent +malevolently +malexecution +malfeasance +malfeasant +malfed +malformation +malformed +malfortune +malfunction +malgovernment +malgrace +malguzar +malguzari +malhonest +malhygiene +mali +malic +malice +maliceful +maliceproof +malicho +malicious +maliciously +maliciousness +malicorium +malidentification +maliferous +maliform +malign +malignance +malignancy +malignant +malignantly +malignation +maligner +malignify +malignity +malignly +malignment +malik +malikadna +malikala +malikana +Maliki +Malikite +maline +malines +malinfluence +malinger +malingerer +malingery +Malinois +malinowskite +malinstitution +malinstruction +malintent +malism +malison +malist +malistic +malkin +Malkite +mall +malladrite +mallangong +mallard +mallardite +malleability +malleabilization +malleable +malleableize +malleableized +malleableness +malleablize +malleal +mallear +malleate +malleation +mallee +Malleifera +malleiferous +malleiform +mallein +malleinization +malleinize +mallemaroking +mallemuck +malleoincudal +malleolable +malleolar +malleolus +mallet +malleus +Malling +Mallophaga +mallophagan +mallophagous +malloseismic +Mallotus +mallow +mallowwort +Malloy +mallum +mallus +malm +Malmaison +malmignatte +malmsey +malmstone +malmy +malnourished +malnourishment +malnutrite +malnutrition +malo +malobservance +malobservation +maloccluded +malocclusion +malodor +malodorant +malodorous +malodorously +malodorousness +malojilla +malonate +malonic +malonyl +malonylurea +Malope +maloperation +malorganization +malorganized +malouah +malpais +Malpighia +Malpighiaceae +malpighiaceous +Malpighian +malplaced +malpoise +malposed +malposition +malpractice +malpractioner +malpraxis +malpresentation +malproportion +malproportioned +malpropriety +malpublication +malreasoning +malrotation +malshapen +malt +maltable +maltase +malter +Maltese +maltha +Malthe +malthouse +Malthusian +Malthusianism +Malthusiast +maltiness +malting +maltman +Malto +maltobiose +maltodextrin +maltodextrine +maltolte +maltose +maltreat +maltreatment +maltreator +maltster +malturned +maltworm +malty +malunion +Malurinae +malurine +Malurus +Malus +Malva +Malvaceae +malvaceous +Malvales +malvasia +malvasian +Malvastrum +malversation +malverse +malvoisie +malvolition +Mam +mamba +mambo +mameliere +mamelonation +mameluco +Mameluke +Mamercus +Mamers +Mamertine +Mamie +Mamilius +mamlatdar +mamma +mammal +mammalgia +Mammalia +mammalian +mammaliferous +mammality +mammalogical +mammalogist +mammalogy +mammary +mammate +Mammea +mammectomy +mammee +mammer +Mammifera +mammiferous +mammiform +mammilla +mammillaplasty +mammillar +Mammillaria +mammillary +mammillate +mammillated +mammillation +mammilliform +mammilloid +mammitis +mammock +mammogen +mammogenic +mammogenically +mammon +mammondom +mammoniacal +mammonish +mammonism +mammonist +mammonistic +mammonite +mammonitish +mammonization +mammonize +mammonolatry +Mammonteus +mammoth +mammothrept +mammula +mammular +Mammut +Mammutidae +mammy +mamo +man +mana +Manabozho +manacle +Manacus +manage +manageability +manageable +manageableness +manageably +managee +manageless +management +managemental +manager +managerdom +manageress +managerial +managerially +managership +managery +manaism +manakin +manal +manas +Manasquan +manatee +Manatidae +manatine +manatoid +Manatus +manavel +manavelins +Manavendra +manbird +manbot +manche +Manchester +Manchesterdom +Manchesterism +Manchesterist +Manchestrian +manchet +manchineel +Manchu +Manchurian +mancinism +mancipable +mancipant +mancipate +mancipation +mancipative +mancipatory +mancipee +mancipium +manciple +mancipleship +mancipular +mancono +Mancunian +mancus +mand +Mandaean +Mandaeism +Mandaic +Mandaite +mandala +Mandalay +mandament +mandamus +Mandan +mandant +mandarah +mandarin +mandarinate +mandarindom +mandariness +mandarinic +mandarinism +mandarinize +mandarinship +mandatary +mandate +mandatee +mandation +mandative +mandator +mandatorily +mandatory +mandatum +Mande +mandelate +mandelic +mandible +mandibula +mandibular +mandibulary +Mandibulata +mandibulate +mandibulated +mandibuliform +mandibulohyoid +mandibulomaxillary +mandibulopharyngeal +mandibulosuspensorial +mandil +mandilion +Mandingan +Mandingo +mandola +mandolin +mandolinist +mandolute +mandom +mandora +mandore +mandra +mandragora +mandrake +mandrel +mandriarch +mandrill +mandrin +mandruka +mandua +manducable +manducate +manducation +manducatory +mandyas +mane +maned +manege +manei +maneless +manent +manerial +manes +manesheet +maness +Manetti +Manettia +maneuver +maneuverability +maneuverable +maneuverer +maneuvrability +maneuvrable +maney +Manfred +Manfreda +manful +manfully +manfulness +mang +manga +mangabeira +mangabey +mangal +manganapatite +manganate +manganblende +manganbrucite +manganeisen +manganese +manganesian +manganetic +manganhedenbergite +manganic +manganiferous +manganite +manganium +manganize +Manganja +manganocalcite +manganocolumbite +manganophyllite +manganosiderite +manganosite +manganostibiite +manganotantalite +manganous +manganpectolite +Mangar +Mangbattu +mange +mangeao +mangel +mangelin +manger +mangerite +mangi +Mangifera +mangily +manginess +mangle +mangleman +mangler +mangling +manglingly +mango +mangona +mangonel +mangonism +mangonization +mangonize +mangosteen +mangrass +mangrate +mangrove +Mangue +mangue +mangy +Mangyan +manhandle +Manhattan +Manhattanite +Manhattanize +manhead +manhole +manhood +mani +mania +maniable +maniac +maniacal +maniacally +manic +Manicaria +manicate +Manichaean +Manichaeanism +Manichaeanize +Manichaeism +Manichaeist +Manichee +manichord +manicole +manicure +manicurist +manid +Manidae +manienie +manifest +manifestable +manifestant +manifestation +manifestational +manifestationist +manifestative +manifestatively +manifested +manifestedness +manifester +manifestive +manifestly +manifestness +manifesto +manifold +manifolder +manifoldly +manifoldness +manifoldwise +maniform +manify +Manihot +manikin +manikinism +Manila +manila +manilla +manille +manioc +maniple +manipulable +manipular +manipulatable +manipulate +manipulation +manipulative +manipulatively +manipulator +manipulatory +Manipuri +Manis +manism +manist +manistic +manito +Manitoban +manitrunk +maniu +Manius +Maniva +manjak +Manjeri +mank +mankeeper +mankin +mankind +manless +manlessly +manlessness +manlet +manlihood +manlike +manlikely +manlikeness +manlily +manliness +manling +manly +Mann +manna +mannan +mannequin +manner +mannerable +mannered +mannerhood +mannering +mannerism +mannerist +manneristic +manneristical +manneristically +mannerize +mannerless +mannerlessness +mannerliness +mannerly +manners +mannersome +manness +Mannheimar +mannide +mannie +manniferous +mannify +mannikinism +manning +mannish +mannishly +mannishness +mannite +mannitic +mannitol +mannitose +mannoheptite +mannoheptitol +mannoheptose +mannoketoheptose +mannonic +mannosan +mannose +Manny +manny +mano +Manobo +manoc +manograph +Manolis +manometer +manometric +manometrical +manometry +manomin +manor +manorial +manorialism +manorialize +manorship +manoscope +manostat +manostatic +manque +manred +manrent +manroot +manrope +Mans +mansard +mansarded +manscape +manse +manservant +manship +mansion +mansional +mansionary +mansioned +mansioneer +mansionry +manslaughter +manslaughterer +manslaughtering +manslaughterous +manslayer +manslaying +manso +mansonry +manstealer +manstealing +manstopper +manstopping +mansuete +mansuetely +mansuetude +mant +manta +mantal +manteau +mantel +mantelet +manteline +mantelletta +mantellone +mantelpiece +mantelshelf +manteltree +manter +mantes +mantevil +mantic +manticism +manticore +mantid +Mantidae +mantilla +Mantinean +mantis +Mantisia +Mantispa +mantispid +Mantispidae +mantissa +mantistic +mantle +mantled +mantlet +mantling +Manto +manto +Mantodea +mantoid +Mantoidea +mantologist +mantology +mantra +mantrap +mantua +mantuamaker +mantuamaking +Mantuan +Mantzu +manual +manualii +manualism +manualist +manualiter +manually +manuao +manubrial +manubriated +manubrium +manucaption +manucaptor +manucapture +manucode +Manucodia +manucodiata +manuduce +manuduction +manuductor +manuductory +Manuel +manufactory +manufacturable +manufactural +manufacture +manufacturer +manufacturess +manuka +manul +manuma +manumea +manumisable +manumission +manumissive +manumit +manumitter +manumotive +manurable +manurage +manurance +manure +manureless +manurer +manurial +manurially +manus +manuscript +manuscriptal +manuscription +manuscriptural +manusina +manustupration +manutagi +Manvantara +manward +manwards +manway +manweed +manwise +Manx +Manxman +Manxwoman +many +manyberry +Manyema +manyfold +manyness +manyplies +manyroot +manyways +manywhere +manywise +manzana +manzanilla +manzanillo +manzanita +Manzas +manzil +mao +maomao +Maori +Maoridom +Maoriland +Maorilander +map +mapach +mapau +maphrian +mapland +maple +maplebush +mapo +mappable +mapper +Mappila +mappist +mappy +Mapuche +mapwise +maquahuitl +maquette +maqui +Maquiritare +maquis +Mar +mar +Mara +marabotin +marabou +Marabout +marabuto +maraca +Maracaibo +maracan +maracock +marae +Maragato +marajuana +marakapas +maral +maranatha +marang +Maranha +Maranham +Maranhao +Maranta +Marantaceae +marantaceous +marantic +marara +mararie +marasca +maraschino +marasmic +Marasmius +marasmoid +marasmous +marasmus +Maratha +Marathi +marathon +marathoner +Marathonian +Maratism +Maratist +Marattia +Marattiaceae +marattiaceous +Marattiales +maraud +marauder +maravedi +Maravi +marbelize +marble +marbled +marblehead +marbleheader +marblehearted +marbleization +marbleize +marbleizer +marblelike +marbleness +marbler +marbles +marblewood +marbling +marblish +marbly +marbrinus +Marc +marc +Marcan +marcantant +marcasite +marcasitic +marcasitical +Marcel +marcel +marceline +Marcella +marcella +marceller +Marcellian +Marcellianism +marcello +marcescence +marcescent +Marcgravia +Marcgraviaceae +marcgraviaceous +March +march +Marchantia +Marchantiaceae +marchantiaceous +Marchantiales +marcher +marchetto +marchioness +marchite +marchland +marchman +Marchmont +marchpane +Marci +Marcia +marcid +Marcionism +Marcionist +Marcionite +Marcionitic +Marcionitish +Marcionitism +Marcite +Marco +marco +Marcobrunner +Marcomanni +Marconi +marconi +marconigram +marconigraph +marconigraphy +marcor +Marcos +Marcosian +marcottage +mardy +mare +mareblob +Mareca +marechal +Marehan +Marek +marekanite +maremma +maremmatic +maremmese +marengo +marennin +Mareotic +Mareotid +Marfik +marfire +margarate +Margarelon +Margaret +margaric +margarin +margarine +margarita +margaritaceous +margarite +margaritiferous +margaritomancy +Margarodes +margarodid +Margarodinae +margarodite +Margaropus +margarosanite +margay +marge +margeline +margent +Margery +Margie +margin +marginal +marginalia +marginality +marginalize +marginally +marginate +marginated +margination +margined +Marginella +Marginellidae +marginelliform +marginiform +margining +marginirostral +marginoplasty +margosa +Margot +margravate +margrave +margravely +margravial +margraviate +margravine +Marguerite +marguerite +marhala +Marheshvan +Mari +Maria +maria +marialite +Mariamman +Marian +Mariana +Marianic +Marianne +Marianolatrist +Marianolatry +maricolous +marid +Marie +mariengroschen +marigenous +marigold +marigram +marigraph +marigraphic +marijuana +marikina +Marilla +Marilyn +marimba +marimonda +marina +marinade +marinate +marinated +marine +mariner +marinheiro +marinist +marinorama +Mario +mariola +Mariolater +Mariolatrous +Mariolatry +Mariology +Marion +marionette +Mariou +Mariposan +mariposite +maris +marish +marishness +Marist +maritage +marital +maritality +maritally +mariticidal +mariticide +Maritime +maritime +maritorious +mariupolite +marjoram +Marjorie +Mark +mark +marka +Markab +markdown +Markeb +marked +markedly +markedness +marker +market +marketability +marketable +marketableness +marketably +marketeer +marketer +marketing +marketman +marketstead +marketwise +markfieldite +Markgenossenschaft +markhor +marking +markka +markless +markman +markmoot +Marko +markshot +marksman +marksmanly +marksmanship +markswoman +markup +Markus +markweed +markworthy +marl +Marla +marlaceous +marlberry +marled +Marlena +marler +marli +marlin +marline +marlinespike +marlite +marlitic +marllike +marlock +Marlovian +Marlowesque +Marlowish +Marlowism +marlpit +marly +marm +marmalade +marmalady +Marmar +marmarization +marmarize +marmarosis +marmatite +marmelos +marmennill +marmit +marmite +marmolite +marmoraceous +marmorate +marmorated +marmoration +marmoreal +marmoreally +marmorean +marmoric +Marmosa +marmose +marmoset +marmot +Marmota +Marnix +maro +marocain +marok +Maronian +Maronist +Maronite +maroon +marooner +maroquin +Marpessa +marplot +marplotry +marque +marquee +Marquesan +marquess +marquetry +marquis +marquisal +marquisate +marquisdom +marquise +marquisette +marquisina +marquisotte +marquisship +marquito +marranism +marranize +marrano +marree +Marrella +marrer +marriable +marriage +marriageability +marriageable +marriageableness +marriageproof +married +marrier +marron +marrot +marrow +marrowbone +marrowed +marrowfat +marrowish +marrowless +marrowlike +marrowsky +marrowskyer +marrowy +Marrubium +Marrucinian +marry +marryer +marrying +marrymuffe +Mars +Marsala +Marsdenia +marseilles +Marsh +marsh +Marsha +marshal +marshalate +marshalcy +marshaler +marshaless +Marshall +marshalman +marshalment +Marshalsea +marshalship +marshberry +marshbuck +marshfire +marshflower +marshiness +marshite +marshland +marshlander +marshlike +marshlocks +marshman +marshwort +marshy +Marsi +Marsian +Marsilea +Marsileaceae +marsileaceous +Marsilia +Marsiliaceae +marsipobranch +Marsipobranchia +Marsipobranchiata +marsipobranchiate +Marsipobranchii +marsoon +Marspiter +Marssonia +Marssonina +marsupial +Marsupialia +marsupialian +marsupialization +marsupialize +marsupian +Marsupiata +marsupiate +marsupium +Mart +mart +martagon +martel +marteline +martellate +martellato +marten +martensite +martensitic +Martes +martext +Martha +martial +martialism +Martialist +martiality +martialization +martialize +martially +martialness +Martian +Martin +martin +martinet +martineta +martinetish +martinetishness +martinetism +martinetship +Martinez +martingale +martinico +Martinism +Martinist +Martinmas +martinoe +martite +Martius +martlet +Martu +Marty +Martyn +Martynia +Martyniaceae +martyniaceous +martyr +martyrdom +martyress +martyrium +martyrization +martyrize +martyrizer +martyrlike +martyrly +martyrolatry +martyrologic +martyrological +martyrologist +martyrologistic +martyrologium +martyrology +martyrship +martyry +maru +marvel +marvelment +marvelous +marvelously +marvelousness +marvelry +marver +Marvin +Marwari +Marxian +Marxianism +Marxism +Marxist +Mary +mary +marybud +Maryland +Marylander +Marylandian +Marymass +marysole +marzipan +mas +masa +Masai +Masanao +Masanobu +masaridid +Masarididae +Masaridinae +Masaris +mascagnine +mascagnite +mascally +mascara +mascaron +mascled +mascleless +mascot +mascotism +mascotry +Mascouten +mascularity +masculate +masculation +masculine +masculinely +masculineness +masculinism +masculinist +masculinity +masculinization +masculinize +masculist +masculofeminine +masculonucleus +masculy +masdeu +Masdevallia +mash +masha +mashal +mashallah +mashelton +masher +mashie +mashing +mashman +Mashona +Mashpee +mashru +mashy +masjid +mask +masked +Maskegon +maskelynite +masker +maskette +maskflower +Maskins +masklike +Maskoi +maskoid +maslin +masochism +masochist +masochistic +Mason +mason +masoned +masoner +masonic +Masonite +masonite +masonry +masonwork +masooka +masoola +Masora +Masorete +Masoreth +Masoretic +Maspiter +masque +masquer +masquerade +masquerader +Mass +mass +massa +massacre +massacrer +massage +massager +massageuse +massagist +Massalia +Massalian +massaranduba +massasauga +masse +massebah +massecuite +massedly +massedness +Massekhoth +massel +masser +masseter +masseteric +masseur +masseuse +massicot +massier +massiest +massif +Massilia +Massilian +massily +massiness +massive +massively +massiveness +massivity +masskanne +massless +masslike +Massmonger +massotherapy +massoy +massula +massy +mast +mastaba +mastadenitis +mastadenoma +mastage +mastalgia +mastatrophia +mastatrophy +mastauxe +mastax +mastectomy +masted +master +masterable +masterate +masterdom +masterer +masterful +masterfully +masterfulness +masterhood +masterless +masterlessness +masterlike +masterlily +masterliness +masterling +masterly +masterman +mastermind +masterous +masterpiece +masterproof +mastership +masterwork +masterwort +mastery +mastful +masthead +masthelcosis +mastic +masticability +masticable +masticate +mastication +masticator +masticatory +mastiche +masticic +Masticura +masticurous +mastiff +Mastigamoeba +mastigate +mastigium +mastigobranchia +mastigobranchial +Mastigophora +mastigophoran +mastigophoric +mastigophorous +mastigopod +Mastigopoda +mastigopodous +mastigote +mastigure +masting +mastitis +mastless +mastlike +mastman +mastocarcinoma +mastoccipital +mastochondroma +mastochondrosis +mastodon +mastodonsaurian +Mastodonsaurus +mastodont +mastodontic +Mastodontidae +mastodontine +mastodontoid +mastodynia +mastoid +mastoidal +mastoidale +mastoideal +mastoidean +mastoidectomy +mastoideocentesis +mastoideosquamous +mastoiditis +mastoidohumeral +mastoidohumeralis +mastoidotomy +mastological +mastologist +mastology +mastomenia +mastoncus +mastooccipital +mastoparietal +mastopathy +mastopexy +mastoplastia +mastorrhagia +mastoscirrhus +mastosquamose +mastotomy +mastotympanic +masturbate +masturbation +masturbational +masturbator +masturbatory +mastwood +masty +masu +Masulipatam +masurium +Mat +mat +Matabele +Matacan +matachin +matachina +mataco +matadero +matador +mataeological +mataeologue +mataeology +Matagalpa +Matagalpan +matagory +matagouri +matai +matajuelo +matalan +matamata +matamoro +matanza +matapan +matapi +Matar +matara +Matatua +Matawan +matax +matboard +match +matchable +matchableness +matchably +matchboard +matchboarding +matchbook +matchbox +matchcloth +matchcoat +matcher +matching +matchless +matchlessly +matchlessness +matchlock +matchmaker +matchmaking +matchmark +Matchotic +matchsafe +matchstick +matchwood +matchy +mate +mategriffon +matehood +mateless +matelessness +matelote +mately +mater +materfamilias +material +materialism +materialist +materialistic +materialistical +materialistically +materiality +materialization +materialize +materializee +materializer +materially +materialman +materialness +materiate +materiation +materiel +maternal +maternality +maternalize +maternally +maternalness +maternity +maternology +mateship +matey +matezite +matfelon +matgrass +math +mathematic +mathematical +mathematically +mathematicals +mathematician +mathematicize +mathematics +mathematize +mathemeg +mathes +mathesis +mathetic +Mathurin +matico +matildite +matin +matinal +matinee +mating +matins +matipo +matka +matless +matlockite +matlow +matmaker +matmaking +matra +matral +Matralia +matranee +matrass +matreed +matriarch +matriarchal +matriarchalism +matriarchate +matriarchic +matriarchist +matriarchy +matric +matrical +Matricaria +matrices +matricidal +matricide +matricula +matriculable +matriculant +matricular +matriculate +matriculation +matriculator +matriculatory +Matrigan +matriheritage +matriherital +matrilineal +matrilineally +matrilinear +matrilinearism +matriliny +matrilocal +matrimonial +matrimonially +matrimonious +matrimoniously +matrimony +matriotism +matripotestal +matris +matrix +matroclinic +matroclinous +matrocliny +matron +matronage +matronal +Matronalia +matronhood +matronism +matronize +matronlike +matronliness +matronly +matronship +matronymic +matross +Mats +matsu +matsuri +Matt +matta +mattamore +Mattapony +mattaro +mattboard +matte +matted +mattedly +mattedness +matter +matterate +matterative +matterful +matterfulness +matterless +mattery +Matteuccia +Matthaean +Matthew +Matthias +Matthieu +Matthiola +Matti +matti +matting +mattock +mattoid +mattoir +mattress +mattulla +Matty +maturable +maturate +maturation +maturative +mature +maturely +maturement +matureness +maturer +maturescence +maturescent +maturing +maturish +maturity +matutinal +matutinally +matutinary +matutine +matutinely +matweed +maty +matzo +matzoon +matzos +matzoth +mau +maucherite +Maud +maud +maudle +maudlin +maudlinism +maudlinize +maudlinly +maudlinwort +mauger +maugh +Maugis +maul +Maulawiyah +mauler +mauley +mauling +maulstick +Maumee +maumet +maumetry +Maun +maun +maund +maunder +maunderer +maundful +maundy +maunge +Maurandia +Maureen +Mauretanian +Mauri +Maurice +Maurist +Mauritia +Mauritian +Mauser +mausolea +mausoleal +mausolean +mausoleum +mauther +mauve +mauveine +mauvette +mauvine +maux +maverick +mavis +Mavortian +mavournin +mavrodaphne +maw +mawbound +mawk +mawkish +mawkishly +mawkishness +mawky +mawp +Max +maxilla +maxillar +maxillary +maxilliferous +maxilliform +maxilliped +maxillipedary +maxillodental +maxillofacial +maxillojugal +maxillolabial +maxillomandibular +maxillopalatal +maxillopalatine +maxillopharyngeal +maxillopremaxillary +maxilloturbinal +maxillozygomatic +maxim +maxima +maximal +Maximalism +Maximalist +maximally +maximate +maximation +maximed +maximist +maximistic +maximite +maximization +maximize +maximizer +Maximon +maximum +maximus +maxixe +maxwell +May +may +Maya +maya +Mayaca +Mayacaceae +mayacaceous +Mayan +Mayance +Mayathan +maybe +Maybird +Maybloom +maybush +Maycock +maycock +Mayda +mayday +Mayer +Mayey +Mayeye +Mayfair +mayfish +Mayflower +Mayfowl +mayhap +mayhappen +mayhem +Maying +Maylike +maynt +Mayo +Mayologist +mayonnaise +mayor +mayoral +mayoralty +mayoress +mayorship +Mayoruna +Maypole +Maypoling +maypop +maysin +mayten +Maytenus +Maythorn +Maytide +Maytime +mayweed +Maywings +Maywort +maza +mazalgia +Mazama +mazame +Mazanderani +mazapilite +mazard +mazarine +Mazatec +Mazateco +Mazda +Mazdaism +Mazdaist +Mazdakean +Mazdakite +Mazdean +maze +mazed +mazedly +mazedness +mazeful +mazement +mazer +Mazhabi +mazic +mazily +maziness +mazocacothesis +mazodynia +mazolysis +mazolytic +mazopathia +mazopathic +mazopexy +Mazovian +mazuca +mazuma +Mazur +Mazurian +mazurka +mazut +mazy +mazzard +Mazzinian +Mazzinianism +Mazzinist +mbalolo +Mbaya +mbori +Mbuba +Mbunda +Mcintosh +Mckay +Mdewakanton +me +meable +meaching +mead +meader +meadow +meadowbur +meadowed +meadower +meadowing +meadowink +meadowland +meadowless +meadowsweet +meadowwort +meadowy +meadsman +meager +meagerly +meagerness +meagre +meak +meal +mealable +mealberry +mealer +mealies +mealily +mealiness +mealless +mealman +mealmonger +mealmouth +mealmouthed +mealproof +mealtime +mealy +mealymouth +mealymouthed +mealymouthedly +mealymouthedness +mealywing +mean +meander +meanderingly +meandrine +meandriniform +meandrite +meandrous +meaned +meaner +meaning +meaningful +meaningfully +meaningless +meaninglessly +meaninglessness +meaningly +meaningness +meanish +meanly +meanness +meant +Meantes +meantone +meanwhile +mease +measle +measled +measledness +measles +measlesproof +measly +measondue +measurability +measurable +measurableness +measurably +measuration +measure +measured +measuredly +measuredness +measureless +measurelessly +measurelessness +measurely +measurement +measurer +measuring +meat +meatal +meatbird +meatcutter +meated +meathook +meatily +meatiness +meatless +meatman +meatometer +meatorrhaphy +meatoscope +meatoscopy +meatotome +meatotomy +meatus +meatworks +meaty +Mebsuta +Mecaptera +mecate +Mecca +Meccan +Meccano +Meccawee +Mechael +mechanal +mechanality +mechanalize +mechanic +mechanical +mechanicalism +mechanicalist +mechanicality +mechanicalization +mechanicalize +mechanically +mechanicalness +mechanician +mechanicochemical +mechanicocorpuscular +mechanicointellectual +mechanicotherapy +mechanics +mechanism +mechanist +mechanistic +mechanistically +mechanization +mechanize +mechanizer +mechanolater +mechanology +mechanomorphic +mechanomorphism +mechanotherapeutic +mechanotherapeutics +mechanotherapist +mechanotherapy +Mechir +Mechitaristican +Mechlin +mechoacan +meckelectomy +Meckelian +Mecklenburgian +mecodont +Mecodonta +mecometer +mecometry +mecon +meconic +meconidium +meconin +meconioid +meconium +meconology +meconophagism +meconophagist +Mecoptera +mecopteran +mecopteron +mecopterous +medal +medaled +medalet +medalist +medalize +medallary +medallic +medallically +medallion +medallionist +meddle +meddlecome +meddlement +meddler +meddlesome +meddlesomely +meddlesomeness +meddling +meddlingly +Mede +Medellin +Medeola +Media +media +mediacid +mediacy +mediad +mediaevalize +mediaevally +medial +medialization +medialize +medialkaline +medially +Median +median +medianic +medianimic +medianimity +medianism +medianity +medianly +mediant +mediastinal +mediastine +mediastinitis +mediastinotomy +mediastinum +mediate +mediately +mediateness +mediating +mediatingly +mediation +mediative +mediatization +mediatize +mediator +mediatorial +mediatorialism +mediatorially +mediatorship +mediatory +mediatress +mediatrice +mediatrix +Medic +medic +medicable +Medicago +medical +medically +medicament +medicamental +medicamentally +medicamentary +medicamentation +medicamentous +medicaster +medicate +medication +medicative +medicator +medicatory +Medicean +Medici +medicinable +medicinableness +medicinal +medicinally +medicinalness +medicine +medicinelike +medicinemonger +mediciner +medico +medicobotanical +medicochirurgic +medicochirurgical +medicodental +medicolegal +medicolegally +medicomania +medicomechanic +medicomechanical +medicomoral +medicophysical +medicopsychological +medicopsychology +medicostatistic +medicosurgical +medicotopographic +medicozoologic +mediety +Medieval +medieval +medievalism +medievalist +medievalistic +medievalize +medievally +medifixed +mediglacial +medimn +medimno +medimnos +medimnus +Medina +Medinilla +medino +medio +medioanterior +mediocarpal +medioccipital +mediocre +mediocrist +mediocrity +mediocubital +mediodepressed +mediodigital +mediodorsal +mediodorsally +mediofrontal +mediolateral +mediopalatal +mediopalatine +mediopassive +mediopectoral +medioperforate +mediopontine +medioposterior +mediosilicic +mediostapedial +mediotarsal +medioventral +medisance +medisect +medisection +Medish +Medism +meditant +meditate +meditating +meditatingly +meditation +meditationist +meditatist +meditative +meditatively +meditativeness +meditator +mediterranean +Mediterraneanism +Mediterraneanization +Mediterraneanize +mediterraneous +medithorax +Meditrinalia +meditullium +medium +mediumism +mediumistic +mediumization +mediumize +mediumship +medius +Medize +Medizer +medjidie +medlar +medley +Medoc +medregal +medrick +medrinaque +medulla +medullar +medullary +medullate +medullated +medullation +medullispinal +medullitis +medullization +medullose +Medusa +Medusaean +medusal +medusalike +medusan +medusiferous +medusiform +medusoid +meebos +meece +meed +meedless +Meehan +meek +meeken +meekhearted +meekheartedness +meekling +meekly +meekness +Meekoceras +Meeks +meered +meerkat +meerschaum +meese +meet +meetable +meeten +meeter +meeterly +meethelp +meethelper +meeting +meetinger +meetinghouse +meetly +meetness +Meg +megabar +megacephalia +megacephalic +megacephaly +megacerine +Megaceros +megacerotine +Megachile +megachilid +Megachilidae +Megachiroptera +megachiropteran +megachiropterous +megacolon +megacosm +megacoulomb +megacycle +megadont +Megadrili +megadynamics +megadyne +Megaera +megaerg +megafarad +megafog +megagamete +megagametophyte +megajoule +megakaryocyte +Megalactractus +Megaladapis +Megalaema +Megalaemidae +Megalania +megaleme +Megalensian +megalerg +Megalesia +Megalesian +megalesthete +megalethoscope +Megalichthyidae +Megalichthys +megalith +megalithic +Megalobatrachus +megaloblast +megaloblastic +megalocardia +megalocarpous +megalocephalia +megalocephalic +megalocephalous +megalocephaly +Megaloceros +megalochirous +megalocornea +megalocyte +megalocytosis +megalodactylia +megalodactylism +megalodactylous +Megalodon +megalodont +megalodontia +Megalodontidae +megaloenteron +megalogastria +megaloglossia +megalograph +megalography +megalohepatia +megalokaryocyte +megalomania +megalomaniac +megalomaniacal +megalomelia +Megalonychidae +Megalonyx +megalopa +megalopenis +megalophonic +megalophonous +megalophthalmus +megalopia +megalopic +Megalopidae +Megalopinae +megalopine +megaloplastocyte +megalopolis +megalopolitan +megalopolitanism +megalopore +megalops +megalopsia +Megaloptera +Megalopyge +Megalopygidae +Megalornis +Megalornithidae +megalosaur +megalosaurian +Megalosauridae +megalosauroid +Megalosaurus +megaloscope +megaloscopy +megalosphere +megalospheric +megalosplenia +megalosyndactyly +megaloureter +Megaluridae +Megamastictora +megamastictoral +megamere +megameter +megampere +Meganeura +Meganthropus +meganucleus +megaparsec +megaphone +megaphonic +megaphotographic +megaphotography +megaphyllous +Megaphyton +megapod +megapode +Megapodidae +Megapodiidae +Megapodius +megaprosopous +Megaptera +Megapterinae +megapterine +Megarensian +Megarhinus +Megarhyssa +Megarian +Megarianism +Megaric +megaron +megasclere +megascleric +megasclerous +megasclerum +megascope +megascopic +megascopical +megascopically +megaseism +megaseismic +megaseme +Megasoma +megasporange +megasporangium +megaspore +megasporic +megasporophyll +megasynthetic +megathere +megatherian +Megatheriidae +megatherine +megatherioid +Megatherium +megatherm +megathermic +megatheroid +megaton +megatype +megatypy +megavolt +megawatt +megaweber +megazooid +megazoospore +megerg +Meggy +megilp +megmho +megohm +megohmit +megohmmeter +megophthalmus +megotalc +Megrel +Megrez +megrim +megrimish +mehalla +mehari +meharist +Mehelya +mehmandar +Mehrdad +mehtar +mehtarship +Meibomia +Meibomian +meile +mein +meinie +meio +meiobar +meionite +meiophylly +meiosis +meiotaxy +meiotic +Meissa +Meistersinger +meith +Meithei +meizoseismal +meizoseismic +mejorana +Mekbuda +Mekhitarist +mekometer +mel +mela +melaconite +melada +meladiorite +melagabbro +melagra +melagranite +Melaleuca +melalgia +melam +melamed +melamine +melampodium +Melampsora +Melampsoraceae +Melampus +melampyritol +Melampyrum +melanagogal +melanagogue +melancholia +melancholiac +melancholic +melancholically +melancholily +melancholiness +melancholious +melancholiously +melancholiousness +melancholish +melancholist +melancholize +melancholomaniac +melancholy +melancholyish +Melanchthonian +Melanconiaceae +melanconiaceous +Melanconiales +Melanconium +melanemia +melanemic +Melanesian +melange +melanger +melangeur +Melania +melanian +melanic +melaniferous +Melaniidae +melanilin +melaniline +melanin +Melanippe +Melanippus +melanism +melanistic +melanite +melanitic +melanize +melano +melanoblast +melanocarcinoma +melanocerite +Melanochroi +Melanochroid +melanochroite +melanochroous +melanocomous +melanocrate +melanocratic +melanocyte +Melanodendron +melanoderma +melanodermia +melanodermic +Melanogaster +melanogen +Melanoi +melanoid +melanoidin +melanoma +melanopathia +melanopathy +melanophore +melanoplakia +Melanoplus +melanorrhagia +melanorrhea +Melanorrhoea +melanosarcoma +melanosarcomatosis +melanoscope +melanose +melanosed +melanosis +melanosity +melanospermous +melanotekite +melanotic +melanotrichous +melanous +melanterite +Melanthaceae +melanthaceous +Melanthium +melanure +melanuresis +melanuria +melanuric +melaphyre +Melas +melasma +melasmic +melassigenic +Melastoma +Melastomaceae +melastomaceous +melastomad +melatope +melaxuma +Melburnian +Melcarth +melch +Melchite +Melchora +meld +melder +meldometer +meldrop +mele +Meleager +Meleagridae +Meleagrina +Meleagrinae +meleagrine +Meleagris +melebiose +melee +melena +melene +melenic +Meles +Meletian +Meletski +melezitase +melezitose +Melia +Meliaceae +meliaceous +Meliadus +Melian +Melianthaceae +melianthaceous +Melianthus +meliatin +melibiose +melic +Melica +Melicent +melicera +meliceric +meliceris +melicerous +Melicerta +Melicertidae +melichrous +melicitose +Melicocca +melicraton +melilite +melilitite +melilot +Melilotus +Melinae +Melinda +meline +Melinis +melinite +Meliola +meliorability +meliorable +meliorant +meliorate +meliorater +melioration +meliorative +meliorator +meliorism +meliorist +melioristic +meliority +meliphagan +Meliphagidae +meliphagidan +meliphagous +meliphanite +Melipona +Meliponinae +meliponine +melisma +melismatic +melismatics +Melissa +melissyl +melissylic +Melitaea +melitemia +melithemia +melitis +melitose +melitriose +melittologist +melittology +melituria +melituric +mell +mellaginous +mellate +mellay +melleous +meller +Mellifera +melliferous +mellificate +mellification +mellifluence +mellifluent +mellifluently +mellifluous +mellifluously +mellifluousness +mellimide +mellisonant +mellisugent +mellit +mellitate +mellite +mellitic +Mellivora +Mellivorinae +mellivorous +mellon +mellonides +mellophone +mellow +mellowly +mellowness +mellowy +mellsman +Melocactus +melocoton +melodeon +melodia +melodial +melodially +melodic +melodica +melodically +melodicon +melodics +melodiograph +melodion +melodious +melodiously +melodiousness +melodism +melodist +melodize +melodizer +melodram +melodrama +melodramatic +melodramatical +melodramatically +melodramaticism +melodramatics +melodramatist +melodramatize +melodrame +melody +melodyless +meloe +melogram +Melogrammataceae +melograph +melographic +meloid +Meloidae +melologue +Melolontha +Melolonthidae +melolonthidan +Melolonthides +Melolonthinae +melolonthine +melomane +melomania +melomaniac +melomanic +melon +meloncus +Melonechinus +melongena +melongrower +melonist +melonite +Melonites +melonlike +melonmonger +melonry +melophone +melophonic +melophonist +melopiano +meloplast +meloplastic +meloplasty +melopoeia +melopoeic +melos +melosa +Melospiza +Melothria +melotragedy +melotragic +melotrope +melt +meltability +meltable +meltage +melted +meltedness +melteigite +melter +melters +melting +meltingly +meltingness +melton +Meltonian +Melungeon +Melursus +mem +member +membered +memberless +membership +membracid +Membracidae +membracine +membral +membrally +membrana +membranaceous +membranaceously +membranate +membrane +membraned +membraneless +membranelike +membranelle +membraneous +membraniferous +membraniform +membranin +Membranipora +Membraniporidae +membranocalcareous +membranocartilaginous +membranocoriaceous +membranocorneous +membranogenic +membranoid +membranology +membranonervous +membranosis +membranous +membranously +membranula +membranule +membretto +memento +meminna +Memnon +Memnonian +Memnonium +memo +memoir +memoirism +memoirist +memorabilia +memorability +memorable +memorableness +memorably +memoranda +memorandist +memorandize +memorandum +memorative +memoria +memorial +memorialist +memorialization +memorialize +memorializer +memorially +memoried +memorious +memorist +memorizable +memorization +memorize +memorizer +memory +memoryless +Memphian +Memphite +men +menaccanite +menaccanitic +menace +menaceable +menaceful +menacement +menacer +menacing +menacingly +menacme +menadione +menage +menagerie +menagerist +menald +Menangkabau +menarche +Menaspis +mend +mendable +mendacious +mendaciously +mendaciousness +mendacity +Mendaite +Mende +mendee +Mendelian +Mendelianism +Mendelianist +Mendelism +Mendelist +Mendelize +Mendelssohnian +Mendelssohnic +mendelyeevite +mender +Mendi +mendicancy +mendicant +mendicate +mendication +mendicity +mending +mendipite +mendole +mendozite +mends +meneghinite +menfolk +Menfra +meng +Mengwe +menhaden +menhir +menial +menialism +meniality +menially +Menic +menilite +meningeal +meninges +meningic +meningina +meningism +meningitic +meningitis +meningocele +meningocephalitis +meningocerebritis +meningococcal +meningococcemia +meningococcic +meningococcus +meningocortical +meningoencephalitis +meningoencephalocele +meningomalacia +meningomyclitic +meningomyelitis +meningomyelocele +meningomyelorrhaphy +meningorachidian +meningoradicular +meningorhachidian +meningorrhagia +meningorrhea +meningorrhoea +meningosis +meningospinal +meningotyphoid +meninting +meninx +meniscal +meniscate +menisciform +meniscitis +meniscoid +meniscoidal +Meniscotheriidae +Meniscotherium +meniscus +menisperm +Menispermaceae +menispermaceous +menispermine +Menispermum +Menkalinan +Menkar +Menkib +menkind +mennom +Mennonist +Mennonite +Menobranchidae +Menobranchus +menognath +menognathous +menologium +menology +menometastasis +Menominee +menopausal +menopause +menopausic +menophania +menoplania +Menopoma +Menorah +Menorhyncha +menorhynchous +menorrhagia +menorrhagic +menorrhagy +menorrhea +menorrheic +menorrhoea +menorrhoeic +menoschesis +menoschetic +menosepsis +menostasia +menostasis +menostatic +menostaxis +Menotyphla +menotyphlic +menoxenia +mensa +mensal +mensalize +mense +menseful +menseless +menses +Menshevik +Menshevism +Menshevist +mensk +menstrual +menstruant +menstruate +menstruation +menstruous +menstruousness +menstruum +mensual +mensurability +mensurable +mensurableness +mensurably +mensural +mensuralist +mensurate +mensuration +mensurational +mensurative +Ment +mentagra +mental +mentalis +mentalism +mentalist +mentalistic +mentality +mentalization +mentalize +mentally +mentary +mentation +Mentha +Menthaceae +menthaceous +menthadiene +menthane +menthene +menthenol +menthenone +menthol +mentholated +menthone +menthyl +menticide +menticultural +menticulture +mentiferous +mentiform +mentigerous +mentimeter +mentimutation +mention +mentionability +mentionable +mentionless +mentoanterior +mentobregmatic +mentocondylial +mentohyoid +mentolabial +mentomeckelian +mentonniere +mentoposterior +mentor +mentorial +mentorism +mentorship +mentum +Mentzelia +menu +Menura +Menurae +Menuridae +meny +Menyanthaceae +Menyanthaceous +Menyanthes +menyie +menzie +Menziesia +Meo +Mephisto +Mephistophelean +Mephistopheleanly +Mephistopheles +Mephistophelic +Mephistophelistic +mephitic +mephitical +Mephitinae +mephitine +mephitis +mephitism +Mer +Merak +meralgia +meraline +Merat +Meratia +merbaby +mercal +mercantile +mercantilely +mercantilism +mercantilist +mercantilistic +mercantility +mercaptal +mercaptan +mercaptides +mercaptids +mercapto +mercaptol +mercaptole +Mercator +Mercatorial +mercatorial +Mercedarian +Mercedes +Mercedinus +Mercedonius +mercenarily +mercenariness +mercenary +mercer +merceress +mercerization +mercerize +mercerizer +mercership +mercery +merch +merchandisable +merchandise +merchandiser +merchant +merchantable +merchantableness +merchanter +merchanthood +merchantish +merchantlike +merchantly +merchantman +merchantry +merchantship +merchet +Mercian +merciful +mercifully +mercifulness +merciless +mercilessly +mercilessness +merciment +mercurate +mercuration +Mercurean +mercurial +Mercurialis +mercurialism +mercuriality +mercurialization +mercurialize +mercurially +mercurialness +mercuriamines +mercuriammonium +Mercurian +mercuriate +mercuric +mercuride +mercurification +mercurify +Mercurius +mercurization +mercurize +Mercurochrome +mercurophen +mercurous +Mercury +mercy +mercyproof +merdivorous +mere +Meredithian +merel +merely +merenchyma +merenchymatous +meresman +merestone +meretricious +meretriciously +meretriciousness +meretrix +merfold +merfolk +merganser +merge +mergence +merger +mergh +Merginae +Mergulus +Mergus +meriah +mericarp +merice +Merida +meridian +Meridion +Meridionaceae +Meridional +meridional +meridionality +meridionally +meril +meringue +meringued +Merino +Meriones +meriquinoid +meriquinoidal +meriquinone +meriquinonic +meriquinonoid +merism +merismatic +merismoid +merist +meristele +meristelic +meristem +meristematic +meristematically +meristic +meristically +meristogenous +merit +meritable +merited +meritedly +meriter +meritful +meritless +meritmonger +meritmongering +meritmongery +meritorious +meritoriously +meritoriousness +merk +merkhet +merkin +merl +merle +merlette +merlin +merlon +Merlucciidae +Merluccius +mermaid +mermaiden +merman +Mermis +mermithaner +mermithergate +Mermithidae +mermithization +mermithized +mermithogyne +Mermnad +Mermnadae +mermother +mero +meroblastic +meroblastically +merocele +merocelic +merocerite +meroceritic +merocrystalline +merocyte +Merodach +merogamy +merogastrula +merogenesis +merogenetic +merogenic +merognathite +merogonic +merogony +merohedral +merohedric +merohedrism +meroistic +Meroitic +meromorphic +Meromyaria +meromyarian +merop +Merope +Meropes +meropia +Meropidae +meropidan +meroplankton +meroplanktonic +meropodite +meropoditic +Merops +merorganization +merorganize +meros +merosomal +Merosomata +merosomatous +merosome +merosthenic +Merostomata +merostomatous +merostome +merostomous +merosymmetrical +merosymmetry +merosystematic +merotomize +merotomy +merotropism +merotropy +Merovingian +meroxene +Merozoa +merozoite +merpeople +merribauks +merribush +Merril +merriless +merrily +merriment +merriness +merrow +merry +merrymake +merrymaker +merrymaking +merryman +merrymeeting +merrythought +merrytrotter +merrywing +merse +Mertensia +Merton +Merula +meruline +merulioid +Merulius +merveileux +merwinite +merwoman +Merychippus +merycism +merycismus +Merycoidodon +Merycoidodontidae +Merycopotamidae +Merycopotamus +Mes +mesa +mesabite +mesaconate +mesaconic +mesad +Mesadenia +mesadenia +mesail +mesal +mesalike +mesally +mesameboid +mesange +mesaortitis +mesaraic +mesaraical +mesarch +mesarteritic +mesarteritis +Mesartim +mesaticephal +mesaticephali +mesaticephalic +mesaticephalism +mesaticephalous +mesaticephaly +mesatipellic +mesatipelvic +mesatiskelic +mesaxonic +mescal +Mescalero +mescaline +mescalism +mesdames +mese +mesectoderm +mesem +Mesembryanthemaceae +Mesembryanthemum +mesembryo +mesembryonic +mesencephalic +mesencephalon +mesenchyma +mesenchymal +mesenchymatal +mesenchymatic +mesenchymatous +mesenchyme +mesendoderm +mesenna +mesenterial +mesenteric +mesenterical +mesenterically +mesenteriform +mesenteriolum +mesenteritic +mesenteritis +mesenteron +mesenteronic +mesentery +mesentoderm +mesepimeral +mesepimeron +mesepisternal +mesepisternum +mesepithelial +mesepithelium +mesethmoid +mesethmoidal +mesh +Meshech +meshed +meshrabiyeh +meshwork +meshy +mesiad +mesial +mesially +mesian +mesic +mesically +mesilla +mesiobuccal +mesiocervical +mesioclusion +mesiodistal +mesiodistally +mesiogingival +mesioincisal +mesiolabial +mesiolingual +mesion +mesioocclusal +mesiopulpal +mesioversion +Mesitae +Mesites +Mesitidae +mesitite +mesityl +mesitylene +mesitylenic +mesmerian +mesmeric +mesmerical +mesmerically +mesmerism +mesmerist +mesmerite +mesmerizability +mesmerizable +mesmerization +mesmerize +mesmerizee +mesmerizer +mesmeromania +mesmeromaniac +mesnality +mesnalty +mesne +meso +mesoappendicitis +mesoappendix +mesoarial +mesoarium +mesobar +mesobenthos +mesoblast +mesoblastema +mesoblastemic +mesoblastic +mesobranchial +mesobregmate +mesocaecal +mesocaecum +mesocardia +mesocardium +mesocarp +mesocentrous +mesocephal +mesocephalic +mesocephalism +mesocephalon +mesocephalous +mesocephaly +mesochilium +mesochondrium +mesochroic +mesocoele +mesocoelian +mesocoelic +mesocolic +mesocolon +mesocoracoid +mesocranial +mesocratic +mesocuneiform +mesode +mesoderm +mesodermal +mesodermic +Mesodesma +Mesodesmatidae +Mesodesmidae +Mesodevonian +Mesodevonic +mesodic +mesodisilicic +mesodont +Mesoenatides +mesofurca +mesofurcal +mesogaster +mesogastral +mesogastric +mesogastrium +mesogloea +mesogloeal +mesognathic +mesognathion +mesognathism +mesognathous +mesognathy +mesogyrate +mesohepar +Mesohippus +mesokurtic +mesolabe +mesole +mesolecithal +mesolimnion +mesolite +mesolithic +mesologic +mesological +mesology +mesomere +mesomeric +mesomerism +mesometral +mesometric +mesometrium +mesomorph +mesomorphic +mesomorphous +mesomorphy +Mesomyodi +mesomyodian +mesomyodous +meson +mesonasal +Mesonemertini +mesonephric +mesonephridium +mesonephritic +mesonephros +mesonic +mesonotal +mesonotum +Mesonychidae +Mesonyx +mesoparapteral +mesoparapteron +mesopectus +mesoperiodic +mesopetalum +mesophile +mesophilic +mesophilous +mesophragm +mesophragma +mesophragmal +mesophryon +mesophyll +mesophyllous +mesophyllum +mesophyte +mesophytic +mesophytism +mesopic +mesoplankton +mesoplanktonic +mesoplast +mesoplastic +mesoplastral +mesoplastron +mesopleural +mesopleuron +Mesoplodon +mesoplodont +mesopodial +mesopodiale +mesopodium +mesopotamia +Mesopotamian +mesopotamic +mesoprescutal +mesoprescutum +mesoprosopic +mesopterygial +mesopterygium +mesopterygoid +mesorchial +mesorchium +Mesore +mesorectal +mesorectum +Mesoreodon +mesorrhin +mesorrhinal +mesorrhinian +mesorrhinism +mesorrhinium +mesorrhiny +mesosalpinx +mesosaur +Mesosauria +Mesosaurus +mesoscapula +mesoscapular +mesoscutal +mesoscutellar +mesoscutellum +mesoscutum +mesoseismal +mesoseme +mesosiderite +mesosigmoid +mesoskelic +mesosoma +mesosomatic +mesosome +mesosperm +mesospore +mesosporic +mesosporium +mesostasis +mesosternal +mesosternebra +mesosternebral +mesosternum +mesostethium +Mesostoma +Mesostomatidae +mesostomid +mesostyle +mesostylous +Mesosuchia +mesosuchian +Mesotaeniaceae +Mesotaeniales +mesotarsal +mesotartaric +Mesothelae +mesothelial +mesothelium +mesotherm +mesothermal +mesothesis +mesothet +mesothetic +mesothetical +mesothoracic +mesothoracotheca +mesothorax +mesothorium +mesotonic +mesotroch +mesotrocha +mesotrochal +mesotrochous +mesotron +mesotropic +mesotympanic +mesotype +mesovarian +mesovarium +mesoventral +mesoventrally +mesoxalate +mesoxalic +mesoxalyl +Mesozoa +mesozoan +Mesozoic +mespil +Mespilus +Mespot +mesquite +Mesropian +mess +message +messagery +Messalian +messaline +messan +Messapian +messe +messelite +messenger +messengership +messer +messet +Messiah +Messiahship +Messianic +Messianically +messianically +Messianism +Messianist +Messianize +Messias +messieurs +messily +messin +Messines +Messinese +messiness +messing +messman +messmate +messor +messroom +messrs +messtin +messuage +messy +mestee +mester +mestiza +mestizo +mestome +Mesua +Mesvinian +mesymnion +met +meta +metabasis +metabasite +metabatic +metabiological +metabiology +metabiosis +metabiotic +metabiotically +metabismuthic +metabisulphite +metabletic +Metabola +metabola +metabole +Metabolia +metabolian +metabolic +metabolism +metabolite +metabolizable +metabolize +metabolon +metabolous +metaboly +metaborate +metaboric +metabranchial +metabrushite +metabular +metacarpal +metacarpale +metacarpophalangeal +metacarpus +metacenter +metacentral +metacentric +metacentricity +metachemic +metachemistry +Metachlamydeae +metachlamydeous +metachromasis +metachromatic +metachromatin +metachromatinic +metachromatism +metachrome +metachronism +metachrosis +metacinnabarite +metacism +metacismus +metaclase +metacneme +metacoele +metacoelia +metaconal +metacone +metaconid +metaconule +metacoracoid +metacrasis +metacresol +metacromial +metacromion +metacryst +metacyclic +metacymene +metad +metadiabase +metadiazine +metadiorite +metadiscoidal +metadromous +metafluidal +metaformaldehyde +metafulminuric +metagalactic +metagalaxy +metagaster +metagastric +metagastrula +metage +Metageitnion +metagelatin +metagenesis +metagenetic +metagenetically +metagenic +metageometer +metageometrical +metageometry +metagnath +metagnathism +metagnathous +metagnomy +metagnostic +metagnosticism +metagram +metagrammatism +metagrammatize +metagraphic +metagraphy +metahewettite +metahydroxide +metaigneous +metainfective +metakinesis +metakinetic +metal +metalammonium +metalanguage +metalbumin +metalcraft +metaldehyde +metalepsis +metaleptic +metaleptical +metaleptically +metaler +metaline +metalined +metaling +metalinguistic +metalinguistics +metalism +metalist +metalization +metalize +metallary +metalleity +metallic +metallical +metallically +metallicity +metallicize +metallicly +metallics +metallide +metallifacture +metalliferous +metallification +metalliform +metallify +metallik +metalline +metallism +metallization +metallize +metallochrome +metallochromy +metallogenetic +metallogenic +metallogeny +metallograph +metallographer +metallographic +metallographical +metallographist +metallography +metalloid +metalloidal +metallometer +metallophone +metalloplastic +metallorganic +metallotherapeutic +metallotherapy +metallurgic +metallurgical +metallurgically +metallurgist +metallurgy +metalmonger +metalogic +metalogical +metaloph +metalorganic +metaloscope +metaloscopy +metaluminate +metaluminic +metalware +metalwork +metalworker +metalworking +metalworks +metamathematical +metamathematics +metamer +metameral +metamere +metameric +metamerically +metameride +metamerism +metamerization +metamerized +metamerous +metamery +metamorphic +metamorphism +metamorphize +metamorphopsia +metamorphopsy +metamorphosable +metamorphose +metamorphoser +metamorphoses +metamorphosian +metamorphosic +metamorphosical +metamorphosis +metamorphostical +metamorphotic +metamorphous +metamorphy +Metamynodon +metanalysis +metanauplius +Metanemertini +metanephric +metanephritic +metanephron +metanephros +metanepionic +metanilic +metanitroaniline +metanomen +metanotal +metanotum +metantimonate +metantimonic +metantimonious +metantimonite +metantimonous +metanym +metaorganism +metaparapteral +metaparapteron +metapectic +metapectus +metapepsis +metapeptone +metaperiodic +metaphase +metaphenomenal +metaphenomenon +metaphenylene +metaphenylenediamin +metaphenylenediamine +metaphloem +metaphonical +metaphonize +metaphony +metaphor +metaphoric +metaphorical +metaphorically +metaphoricalness +metaphorist +metaphorize +metaphosphate +metaphosphoric +metaphosphorous +metaphragm +metaphragmal +metaphrase +metaphrasis +metaphrast +metaphrastic +metaphrastical +metaphrastically +metaphyseal +metaphysic +metaphysical +metaphysically +metaphysician +metaphysicianism +metaphysicist +metaphysicize +metaphysicous +metaphysics +metaphysis +metaphyte +metaphytic +metaphyton +metaplasia +metaplasis +metaplasm +metaplasmic +metaplast +metaplastic +metapleural +metapleure +metapleuron +metaplumbate +metaplumbic +metapneumonic +metapneustic +metapodial +metapodiale +metapodium +metapolitic +metapolitical +metapolitician +metapolitics +metapophyseal +metapophysial +metapophysis +metapore +metapostscutellar +metapostscutellum +metaprescutal +metaprescutum +metaprotein +metapsychic +metapsychical +metapsychics +metapsychism +metapsychist +metapsychological +metapsychology +metapsychosis +metapterygial +metapterygium +metapterygoid +metarabic +metarhyolite +metarossite +metarsenic +metarsenious +metarsenite +metasaccharinic +metascutal +metascutellar +metascutellum +metascutum +metasedimentary +metasilicate +metasilicic +metasoma +metasomal +metasomasis +metasomatic +metasomatism +metasomatosis +metasome +metasperm +Metaspermae +metaspermic +metaspermous +metastability +metastable +metastannate +metastannic +metastasis +metastasize +metastatic +metastatical +metastatically +metasternal +metasternum +metasthenic +metastibnite +metastigmate +metastoma +metastome +metastrophe +metastrophic +metastyle +metatantalic +metatarsal +metatarsale +metatarse +metatarsophalangeal +metatarsus +metatatic +metatatically +metataxic +metate +metathalamus +metatheology +Metatheria +metatherian +metatheses +metathesis +metathetic +metathetical +metathetically +metathoracic +metathorax +metatitanate +metatitanic +metatoluic +metatoluidine +metatracheal +metatrophic +metatungstic +metatype +metatypic +Metaurus +metavanadate +metavanadic +metavauxite +metavoltine +metaxenia +metaxite +metaxylem +metaxylene +metayer +Metazoa +metazoal +metazoan +metazoea +metazoic +metazoon +mete +metel +metempiric +metempirical +metempirically +metempiricism +metempiricist +metempirics +metempsychic +metempsychosal +metempsychose +metempsychoses +metempsychosical +metempsychosis +metempsychosize +metemptosis +metencephalic +metencephalon +metensarcosis +metensomatosis +metenteron +metenteronic +meteogram +meteograph +meteor +meteorgraph +meteoric +meteorical +meteorically +meteorism +meteorist +meteoristic +meteorital +meteorite +meteoritic +meteoritics +meteorization +meteorize +meteorlike +meteorogram +meteorograph +meteorographic +meteorography +meteoroid +meteoroidal +meteorolite +meteorolitic +meteorologic +meteorological +meteorologically +meteorologist +meteorology +meteorometer +meteoroscope +meteoroscopy +meteorous +metepencephalic +metepencephalon +metepimeral +metepimeron +metepisternal +metepisternum +meter +meterage +metergram +meterless +meterman +metership +metestick +metewand +meteyard +methacrylate +methacrylic +methadone +methanal +methanate +methane +methanoic +methanolysis +methanometer +metheglin +methemoglobin +methemoglobinemia +methemoglobinuria +methenamine +methene +methenyl +mether +methid +methide +methine +methinks +methiodide +methionic +methionine +methobromide +method +methodaster +methodeutic +methodic +methodical +methodically +methodicalness +methodics +methodism +Methodist +methodist +Methodistic +Methodistically +Methodisty +methodization +Methodize +methodize +methodizer +methodless +methodological +methodologically +methodologist +methodology +Methody +methought +methoxide +methoxychlor +methoxyl +methronic +Methuselah +methyl +methylacetanilide +methylal +methylamine +methylaniline +methylanthracene +methylate +methylation +methylator +methylcholanthrene +methylene +methylenimine +methylenitan +methylethylacetic +methylglycine +methylglycocoll +methylglyoxal +methylic +methylmalonic +methylnaphthalene +methylol +methylolurea +methylosis +methylotic +methylpentose +methylpentoses +methylpropane +methylsulfanol +metic +meticulosity +meticulous +meticulously +meticulousness +metier +Metin +metis +Metoac +metochous +metochy +metoestrous +metoestrum +Metol +metonym +metonymic +metonymical +metonymically +metonymous +metonymously +metonymy +metope +Metopias +metopic +metopion +metopism +Metopoceros +metopomancy +metopon +metoposcopic +metoposcopical +metoposcopist +metoposcopy +metosteal +metosteon +metoxazine +metoxenous +metoxeny +metra +metralgia +metranate +metranemia +metratonia +Metrazol +metrectasia +metrectatic +metrectomy +metrectopia +metrectopic +metrectopy +metreless +metreship +metreta +metrete +metretes +metria +metric +metrical +metrically +metrician +metricism +metricist +metricize +metrics +Metridium +metrification +metrifier +metrify +metriocephalic +metrist +metritis +metrocampsis +metrocarat +metrocarcinoma +metrocele +metroclyst +metrocolpocele +metrocracy +metrocratic +metrocystosis +metrodynia +metrofibroma +metrological +metrologist +metrologue +metrology +metrolymphangitis +metromalacia +metromalacoma +metromalacosis +metromania +metromaniac +metromaniacal +metrometer +metroneuria +metronome +metronomic +metronomical +metronomically +metronymic +metronymy +metroparalysis +metropathia +metropathic +metropathy +metroperitonitis +metrophlebitis +metrophotography +metropole +metropolis +metropolitan +metropolitanate +metropolitancy +metropolitanism +metropolitanize +metropolitanship +metropolite +metropolitic +metropolitical +metropolitically +metroptosia +metroptosis +metroradioscope +metrorrhagia +metrorrhagic +metrorrhea +metrorrhexis +metrorthosis +metrosalpingitis +metrosalpinx +metroscirrhus +metroscope +metroscopy +Metrosideros +metrostaxis +metrostenosis +metrosteresis +metrostyle +metrosynizesis +metrotherapist +metrotherapy +metrotome +metrotomy +Metroxylon +mettar +mettle +mettled +mettlesome +mettlesomely +mettlesomeness +metusia +metze +Meum +meuse +meute +Mev +mew +meward +mewer +mewl +mewler +Mexica +Mexican +Mexicanize +Mexitl +Mexitli +meyerhofferite +mezcal +Mezentian +Mezentism +Mezentius +mezereon +mezereum +mezuzah +mezzanine +mezzo +mezzograph +mezzotint +mezzotinter +mezzotinto +mho +mhometer +mi +Miami +miamia +mian +Miao +Miaotse +Miaotze +miaow +miaower +Miaplacidus +miargyrite +miarolitic +mias +miaskite +miasm +miasma +miasmal +miasmata +miasmatic +miasmatical +miasmatically +miasmatize +miasmatology +miasmatous +miasmic +miasmology +miasmous +Miastor +miaul +miauler +mib +mica +micaceous +micacious +micacite +Micah +micasization +micasize +micate +mication +Micawberish +Micawberism +mice +micellar +micelle +Michabo +Michabou +Michael +Michaelites +Michaelmas +Michaelmastide +miche +Micheal +Michel +Michelangelesque +Michelangelism +Michelia +Michelle +micher +Michiel +Michigamea +Michigan +michigan +Michigander +Michiganite +miching +Michoacan +Michoacano +micht +Mick +mick +Mickey +mickle +Micky +Micmac +mico +miconcave +Miconia +micramock +Micrampelis +micranatomy +micrander +micrandrous +micraner +micranthropos +Micraster +micrencephalia +micrencephalic +micrencephalous +micrencephalus +micrencephaly +micrergate +micresthete +micrify +micro +microammeter +microampere +microanalysis +microanalyst +microanalytical +microangstrom +microapparatus +microbal +microbalance +microbar +microbarograph +microbattery +microbe +microbeless +microbeproof +microbial +microbian +microbic +microbicidal +microbicide +microbiologic +microbiological +microbiologically +microbiologist +microbiology +microbion +microbiosis +microbiota +microbiotic +microbious +microbism +microbium +microblast +microblepharia +microblepharism +microblephary +microbrachia +microbrachius +microburet +microburette +microburner +microcaltrop +microcardia +microcardius +microcarpous +Microcebus +microcellular +microcentrosome +microcentrum +microcephal +microcephalia +microcephalic +microcephalism +microcephalous +microcephalus +microcephaly +microceratous +microchaeta +microcharacter +microcheilia +microcheiria +microchemic +microchemical +microchemically +microchemistry +microchiria +Microchiroptera +microchiropteran +microchiropterous +microchromosome +microchronometer +microcinema +microcinematograph +microcinematographic +microcinematography +Microcitrus +microclastic +microclimate +microclimatic +microclimatologic +microclimatological +microclimatology +microcline +microcnemia +microcoat +micrococcal +Micrococceae +Micrococcus +microcoleoptera +microcolon +microcolorimeter +microcolorimetric +microcolorimetrically +microcolorimetry +microcolumnar +microcombustion +microconidial +microconidium +microconjugant +Microconodon +microconstituent +microcopy +microcoria +microcosm +microcosmal +microcosmian +microcosmic +microcosmical +microcosmography +microcosmology +microcosmos +microcosmus +microcoulomb +microcranous +microcrith +microcryptocrystalline +microcrystal +microcrystalline +microcrystallogeny +microcrystallography +microcrystalloscopy +microcurie +Microcyprini +microcyst +microcyte +microcythemia +microcytosis +microdactylia +microdactylism +microdactylous +microdentism +microdentous +microdetection +microdetector +microdetermination +microdiactine +microdissection +microdistillation +microdont +microdontism +microdontous +microdose +microdrawing +Microdrili +microdrive +microelectrode +microelectrolysis +microelectroscope +microelement +microerg +microestimation +microeutaxitic +microevolution +microexamination +microfarad +microfauna +microfelsite +microfelsitic +microfilaria +microfilm +microflora +microfluidal +microfoliation +microfossil +microfungus +microfurnace +Microgadus +microgalvanometer +microgamete +microgametocyte +microgametophyte +microgamy +Microgaster +microgastria +Microgastrinae +microgastrine +microgeological +microgeologist +microgeology +microgilbert +microglia +microglossia +micrognathia +micrognathic +micrognathous +microgonidial +microgonidium +microgram +microgramme +microgranite +microgranitic +microgranitoid +microgranular +microgranulitic +micrograph +micrographer +micrographic +micrographical +micrographically +micrographist +micrography +micrograver +microgravimetric +microgroove +microgyne +microgyria +microhenry +microhepatia +microhistochemical +microhistology +microhm +microhmmeter +Microhymenoptera +microhymenopteron +microinjection +microjoule +microlepidopter +microlepidoptera +microlepidopteran +microlepidopterist +microlepidopteron +microlepidopterous +microleukoblast +microlevel +microlite +microliter +microlith +microlithic +microlitic +micrologic +micrological +micrologically +micrologist +micrologue +micrology +microlux +micromania +micromaniac +micromanipulation +micromanipulator +micromanometer +Micromastictora +micromazia +micromeasurement +micromechanics +micromelia +micromelic +micromelus +micromembrane +micromeral +micromere +Micromeria +micromeric +micromerism +micromeritic +micromeritics +micromesentery +micrometallographer +micrometallography +micrometallurgy +micrometer +micromethod +micrometrical +micrometrically +micrometry +micromicrofarad +micromicron +micromil +micromillimeter +micromineralogical +micromineralogy +micromorph +micromotion +micromotoscope +micromyelia +micromyeloblast +micron +Micronesian +micronization +micronize +micronometer +micronuclear +micronucleus +micronutrient +microorganic +microorganism +microorganismal +micropaleontology +micropantograph +microparasite +microparasitic +micropathological +micropathologist +micropathology +micropegmatite +micropegmatitic +micropenis +microperthite +microperthitic +micropetalous +micropetrography +micropetrologist +micropetrology +microphage +microphagocyte +microphagous +microphagy +microphakia +microphallus +microphone +microphonic +microphonics +microphonograph +microphot +microphotograph +microphotographic +microphotography +microphotometer +microphotoscope +microphthalmia +microphthalmic +microphthalmos +microphthalmus +microphyllous +microphysical +microphysics +microphysiography +microphytal +microphyte +microphytic +microphytology +micropia +micropin +micropipette +microplakite +microplankton +microplastocyte +microplastometer +micropodal +Micropodi +micropodia +Micropodidae +Micropodiformes +micropoecilitic +micropoicilitic +micropoikilitic +micropolariscope +micropolarization +micropore +microporosity +microporous +microporphyritic +microprint +microprojector +micropsia +micropsy +micropterism +micropterous +Micropterus +micropterygid +Micropterygidae +micropterygious +Micropterygoidea +Micropteryx +Micropus +micropylar +micropyle +micropyrometer +microradiometer +microreaction +microrefractometer +microrhabdus +microrheometer +microrheometric +microrheometrical +Microrhopias +Microsauria +microsaurian +microsclere +microsclerous +microsclerum +microscopal +microscope +microscopial +microscopic +microscopical +microscopically +microscopics +Microscopid +microscopist +Microscopium +microscopize +microscopy +microsecond +microsection +microseism +microseismic +microseismical +microseismograph +microseismology +microseismometer +microseismometrograph +microseismometry +microseme +microseptum +microsmatic +microsmatism +microsoma +microsomatous +microsome +microsomia +microsommite +Microsorex +microspecies +microspectroscope +microspectroscopic +microspectroscopy +Microspermae +microspermous +Microsphaera +microsphaeric +microsphere +microspheric +microspherulitic +microsplanchnic +microsplenia +microsplenic +microsporange +microsporangium +microspore +microsporiasis +microsporic +Microsporidia +microsporidian +Microsporon +microsporophore +microsporophyll +microsporosis +microsporous +Microsporum +microstat +microsthene +Microsthenes +microsthenic +microstomatous +microstome +microstomia +microstomous +microstructural +microstructure +Microstylis +microstylospore +microstylous +microsublimation +microtasimeter +microtechnic +microtechnique +microtelephone +microtelephonic +Microthelyphonida +microtheos +microtherm +microthermic +microthorax +Microthyriaceae +microtia +Microtinae +microtine +microtitration +microtome +microtomic +microtomical +microtomist +microtomy +microtone +Microtus +microtypal +microtype +microtypical +microvolt +microvolume +microvolumetric +microwatt +microwave +microweber +microzoa +microzoal +microzoan +microzoaria +microzoarian +microzoary +microzoic +microzone +microzooid +microzoology +microzoon +microzoospore +microzyma +microzyme +microzymian +micrurgic +micrurgical +micrurgist +micrurgy +Micrurus +miction +micturate +micturition +mid +midafternoon +midautumn +midaxillary +midbrain +midday +midden +middenstead +middle +middlebreaker +middlebuster +middleman +middlemanism +middlemanship +middlemost +middler +middlesplitter +middlewards +middleway +middleweight +middlewoman +middling +middlingish +middlingly +middlingness +middlings +middorsal +middy +mide +Mider +midevening +midewiwin +midfacial +midforenoon +midfrontal +midge +midget +midgety +midgy +midheaven +Midianite +Midianitish +Mididae +midiron +midland +Midlander +Midlandize +midlandward +midlatitude +midleg +midlenting +midmain +midmandibular +midmonth +midmonthly +midmorn +midmorning +midmost +midnight +midnightly +midnoon +midparent +midparentage +midparental +midpit +midrange +midrash +midrashic +midrib +midribbed +midriff +mids +midseason +midsentence +midship +midshipman +midshipmanship +midshipmite +midships +midspace +midst +midstory +midstout +midstream +midstreet +midstroke +midstyled +midsummer +midsummerish +midsummery +midtap +midvein +midverse +midward +midwatch +midway +midweek +midweekly +Midwest +Midwestern +Midwesterner +midwestward +midwife +midwifery +midwinter +midwinterly +midwintry +midwise +midyear +Miek +mien +miersite +Miescherian +miff +miffiness +miffy +mig +might +mightily +mightiness +mightless +mightnt +mighty +mightyhearted +mightyship +miglio +migmatite +migniardise +mignon +mignonette +mignonne +mignonness +Migonitis +migraine +migrainoid +migrainous +migrant +migrate +migration +migrational +migrationist +migrative +migrator +migratorial +migratory +Miguel +miharaite +mihrab +mijakite +mijl +mikado +mikadoate +mikadoism +Mikael +Mikania +Mikasuki +Mike +mike +Mikey +Miki +mikie +Mikir +Mil +mil +mila +milady +milammeter +Milan +Milanese +Milanion +milarite +milch +milcher +milchy +mild +milden +milder +mildew +mildewer +mildewy +mildhearted +mildheartedness +mildish +mildly +mildness +Mildred +mile +mileage +Miledh +milepost +miler +Miles +Milesian +milesima +Milesius +milestone +mileway +milfoil +milha +miliaceous +miliarensis +miliaria +miliarium +miliary +Milicent +milieu +Miliola +milioliform +milioline +miliolite +miliolitic +militancy +militant +militantly +militantness +militarily +militariness +militarism +militarist +militaristic +militaristically +militarization +militarize +military +militaryism +militaryment +militaster +militate +militation +militia +militiaman +militiate +milium +milk +milkbush +milken +milker +milkeress +milkfish +milkgrass +milkhouse +milkily +milkiness +milking +milkless +milklike +milkmaid +milkman +milkness +milkshed +milkshop +milksick +milksop +milksopism +milksoppery +milksopping +milksoppish +milksoppy +milkstone +milkweed +milkwood +milkwort +milky +mill +Milla +milla +millable +millage +millboard +millclapper +millcourse +milldam +mille +milled +millefiori +milleflorous +millefoliate +millenarian +millenarianism +millenarist +millenary +millennia +millennial +millennialism +millennialist +millennially +millennian +millenniarism +millenniary +millennium +millepede +Millepora +millepore +milleporiform +milleporine +milleporite +milleporous +millepunctate +miller +milleress +millering +Millerism +Millerite +millerite +millerole +millesimal +millesimally +millet +Millettia +millfeed +millful +millhouse +milliad +milliammeter +milliamp +milliampere +milliamperemeter +milliangstrom +milliard +milliardaire +milliare +milliarium +milliary +millibar +millicron +millicurie +Millie +millieme +milliequivalent +millifarad +millifold +milliform +milligal +milligrade +milligram +milligramage +millihenry +millilambert +millile +milliliter +millilux +millimeter +millimicron +millimolar +millimole +millincost +milline +milliner +millinerial +millinering +millinery +milling +Millingtonia +millinormal +millinormality +millioctave +millioersted +million +millionaire +millionairedom +millionairess +millionairish +millionairism +millionary +millioned +millioner +millionfold +millionism +millionist +millionize +millionocracy +millions +millionth +milliphot +millipoise +millisecond +millistere +Millite +millithrum +millivolt +millivoltmeter +millman +millocracy +millocrat +millocratism +millosevichite +millowner +millpond +millpool +millpost +millrace +millrynd +millsite +millstock +millstone +millstream +milltail +millward +millwork +millworker +millwright +millwrighting +Milly +Milner +milner +Milo +milo +milord +milpa +milreis +milsey +milsie +milt +milter +miltlike +Miltonia +Miltonian +Miltonic +Miltonically +Miltonism +Miltonist +Miltonize +Miltos +miltsick +miltwaste +milty +Milvago +Milvinae +milvine +milvinous +Milvus +milzbrand +mim +mima +mimbar +mimble +Mimbreno +Mime +mime +mimeo +mimeograph +mimeographic +mimeographically +mimeographist +mimer +mimesis +mimester +mimetene +mimetesite +mimetic +mimetical +mimetically +mimetism +mimetite +Mimi +mimiambi +mimiambic +mimiambics +mimic +mimical +mimically +mimicism +mimicker +mimicry +Mimidae +Miminae +mimine +miminypiminy +mimly +mimmation +mimmest +mimmock +mimmocking +mimmocky +mimmood +mimmoud +mimmouthed +mimmouthedness +mimodrama +mimographer +mimography +mimologist +Mimosa +Mimosaceae +mimosaceous +mimosis +mimosite +mimotype +mimotypic +mimp +Mimpei +mimsey +Mimulus +Mimus +Mimusops +min +Mina +mina +minable +minacious +minaciously +minaciousness +minacity +Minaean +Minahassa +Minahassan +Minahassian +minar +minaret +minareted +minargent +minasragrite +minatorial +minatorially +minatorily +minatory +minaway +mince +mincemeat +mincer +minchery +minchiate +mincing +mincingly +mincingness +Mincopi +Mincopie +mind +minded +Mindel +Mindelian +minder +Mindererus +mindful +mindfully +mindfulness +minding +mindless +mindlessly +mindlessness +mindsight +mine +mineowner +miner +mineragraphic +mineragraphy +mineraiogic +mineral +mineralizable +mineralization +mineralize +mineralizer +mineralogical +mineralogically +mineralogist +mineralogize +mineralogy +Minerva +minerval +Minervan +Minervic +minery +mines +minette +mineworker +Ming +ming +minge +mingelen +mingle +mingleable +mingledly +minglement +mingler +minglingly +Mingo +Mingrelian +minguetite +mingwort +mingy +minhag +minhah +miniaceous +miniate +miniator +miniature +miniaturist +minibus +minicam +minicamera +Miniconjou +minienize +minification +minify +minikin +minikinly +minim +minima +minimacid +minimal +minimalism +Minimalist +minimalkaline +minimally +minimetric +minimifidian +minimifidianism +minimism +minimistic +Minimite +minimitude +minimization +minimize +minimizer +minimum +minimus +minimuscular +mining +minion +minionette +minionism +minionly +minionship +minish +minisher +minishment +minister +ministeriable +ministerial +ministerialism +ministerialist +ministeriality +ministerially +ministerialness +ministerium +ministership +ministrable +ministrant +ministration +ministrative +ministrator +ministrer +ministress +ministry +ministryship +minitant +Minitari +minium +miniver +minivet +mink +minkery +minkish +Minkopi +Minnehaha +minnesinger +minnesong +Minnesotan +Minnetaree +Minnie +minnie +minniebush +minning +minnow +minny +mino +Minoan +minoize +minometer +minor +minorage +minorate +minoration +Minorca +Minorcan +Minoress +minoress +Minorist +Minorite +minority +minorship +Minos +minot +Minotaur +Minseito +minsitive +minster +minsteryard +minstrel +minstreless +minstrelship +minstrelsy +mint +mintage +Mintaka +mintbush +minter +mintmaker +mintmaking +mintman +mintmaster +minty +minuend +minuet +minuetic +minuetish +minus +minuscular +minuscule +minutary +minutation +minute +minutely +minuteman +minuteness +minuter +minuthesis +minutia +minutiae +minutial +minutiose +minutiously +minutissimic +minverite +minx +minxish +minxishly +minxishness +minxship +miny +Minyadidae +Minyae +Minyan +minyan +Minyas +miocardia +Miocene +Miocenic +Miohippus +miolithic +mioplasmia +miothermic +miqra +miquelet +mir +Mira +Mirabel +Mirabell +mirabiliary +Mirabilis +mirabilite +Mirac +Mirach +mirach +miracidial +miracidium +miracle +miraclemonger +miraclemongering +miraclist +miraculist +miraculize +miraculosity +miraculous +miraculously +miraculousness +mirador +mirage +miragy +Mirak +Miramolin +Mirana +Miranda +mirandous +Miranha +Miranhan +mirate +mirbane +mird +mirdaha +mire +mirepoix +Mirfak +Miriam +Miriamne +mirid +Miridae +mirific +miriness +mirish +mirk +mirkiness +mirksome +mirliton +Miro +miro +Mirounga +mirror +mirrored +mirrorize +mirrorlike +mirrorscope +mirrory +mirth +mirthful +mirthfully +mirthfulness +mirthless +mirthlessly +mirthlessness +mirthsome +mirthsomeness +miry +miryachit +mirza +misaccent +misaccentuation +misachievement +misacknowledge +misact +misadapt +misadaptation +misadd +misaddress +misadjust +misadmeasurement +misadministration +misadvantage +misadventure +misadventurer +misadventurous +misadventurously +misadvertence +misadvice +misadvise +misadvised +misadvisedly +misadvisedness +misaffected +misaffection +misaffirm +misagent +misaim +misalienate +misalignment +misallegation +misallege +misalliance +misallotment +misallowance +misally +misalphabetize +misalter +misanalyze +misandry +misanswer +misanthrope +misanthropia +misanthropic +misanthropical +misanthropically +misanthropism +misanthropist +misanthropize +misanthropy +misapparel +misappear +misappearance +misappellation +misapplication +misapplier +misapply +misappoint +misappointment +misappraise +misappraisement +misappreciate +misappreciation +misappreciative +misapprehend +misapprehendingly +misapprehensible +misapprehension +misapprehensive +misapprehensively +misapprehensiveness +misappropriate +misappropriately +misappropriation +misarchism +misarchist +misarrange +misarrangement +misarray +misascribe +misascription +misasperse +misassay +misassent +misassert +misassign +misassociate +misassociation +misatone +misattend +misattribute +misattribution +misaunter +misauthorization +misauthorize +misaward +misbandage +misbaptize +misbecome +misbecoming +misbecomingly +misbecomingness +misbefitting +misbeget +misbegin +misbegotten +misbehave +misbehavior +misbeholden +misbelief +misbelieve +misbeliever +misbelievingly +misbelove +misbeseem +misbestow +misbestowal +misbetide +misbias +misbill +misbind +misbirth +misbode +misborn +misbrand +misbuild +misbusy +miscalculate +miscalculation +miscalculator +miscall +miscaller +miscanonize +miscarriage +miscarriageable +miscarry +miscast +miscasualty +misceability +miscegenate +miscegenation +miscegenationist +miscegenator +miscegenetic +miscegine +miscellanarian +miscellanea +miscellaneity +miscellaneous +miscellaneously +miscellaneousness +miscellanist +miscellany +mischallenge +mischance +mischanceful +mischancy +mischaracterization +mischaracterize +mischarge +mischief +mischiefful +mischieve +mischievous +mischievously +mischievousness +mischio +mischoice +mischoose +mischristen +miscibility +miscible +miscipher +misclaim +misclaiming +misclass +misclassification +misclassify +miscognizant +miscoin +miscoinage +miscollocation +miscolor +miscoloration +miscommand +miscommit +miscommunicate +miscompare +miscomplacence +miscomplain +miscomplaint +miscompose +miscomprehend +miscomprehension +miscomputation +miscompute +misconceive +misconceiver +misconception +misconclusion +miscondition +misconduct +misconfer +misconfidence +misconfident +misconfiguration +misconjecture +misconjugate +misconjugation +misconjunction +misconsecrate +misconsequence +misconstitutional +misconstruable +misconstruct +misconstruction +misconstructive +misconstrue +misconstruer +miscontinuance +misconvenient +misconvey +miscook +miscookery +miscorrect +miscorrection +miscounsel +miscount +miscovet +miscreancy +miscreant +miscreate +miscreation +miscreative +miscreator +miscredited +miscredulity +miscreed +miscript +miscrop +miscue +miscultivated +misculture +miscurvature +miscut +misdate +misdateful +misdaub +misdeal +misdealer +misdecide +misdecision +misdeclaration +misdeclare +misdeed +misdeem +misdeemful +misdefine +misdeformed +misdeliver +misdelivery +misdemean +misdemeanant +misdemeanist +misdemeanor +misdentition +misderivation +misderive +misdescribe +misdescriber +misdescription +misdescriptive +misdesire +misdetermine +misdevise +misdevoted +misdevotion +misdiet +misdirect +misdirection +misdispose +misdisposition +misdistinguish +misdistribute +misdistribution +misdivide +misdivision +misdo +misdoer +misdoing +misdoubt +misdower +misdraw +misdread +misdrive +mise +misease +misecclesiastic +misedit +miseducate +miseducation +miseducative +miseffect +misemphasis +misemphasize +misemploy +misemployment +misencourage +misendeavor +misenforce +misengrave +misenite +misenjoy +misenroll +misentitle +misenunciation +Misenus +miser +miserabilism +miserabilist +miserabilistic +miserability +miserable +miserableness +miserably +miserdom +miserected +Miserere +miserhood +misericord +Misericordia +miserism +miserliness +miserly +misery +misesteem +misestimate +misestimation +misexample +misexecute +misexecution +misexpectation +misexpend +misexpenditure +misexplain +misexplanation +misexplication +misexposition +misexpound +misexpress +misexpression +misexpressive +misfaith +misfare +misfashion +misfather +misfault +misfeasance +misfeasor +misfeature +misfield +misfigure +misfile +misfire +misfit +misfond +misform +misformation +misfortunate +misfortunately +misfortune +misfortuned +misfortuner +misframe +misgauge +misgesture +misgive +misgiving +misgivingly +misgo +misgotten +misgovern +misgovernance +misgovernment +misgovernor +misgracious +misgraft +misgrave +misground +misgrow +misgrown +misgrowth +misguess +misguggle +misguidance +misguide +misguided +misguidedly +misguidedness +misguider +misguiding +misguidingly +mishandle +mishap +mishappen +Mishikhwutmetunne +mishmash +mishmee +Mishmi +Mishnah +Mishnaic +Mishnic +Mishnical +Mishongnovi +misidentification +misidentify +Misima +misimagination +misimagine +misimpression +misimprove +misimprovement +misimputation +misimpute +misincensed +misincite +misinclination +misincline +misinfer +misinference +misinflame +misinform +misinformant +misinformation +misinformer +misingenuity +misinspired +misinstruct +misinstruction +misinstructive +misintelligence +misintelligible +misintend +misintention +misinter +misinterment +misinterpret +misinterpretable +misinterpretation +misinterpreter +misintimation +misjoin +misjoinder +misjudge +misjudgement +misjudger +misjudgingly +misjudgment +miskeep +misken +miskenning +miskill +miskindle +misknow +misknowledge +misky +mislabel +mislabor +mislanguage +mislay +mislayer +mislead +misleadable +misleader +misleading +misleadingly +misleadingness +mislear +misleared +mislearn +misled +mislest +mislight +mislike +misliken +mislikeness +misliker +mislikingly +mislippen +mislive +mislocate +mislocation +mislodge +mismade +mismake +mismanage +mismanageable +mismanagement +mismanager +mismarriage +mismarry +mismatch +mismatchment +mismate +mismeasure +mismeasurement +mismenstruation +misminded +mismingle +mismotion +mismove +misname +misnarrate +misnatured +misnavigation +Misniac +misnomed +misnomer +misnumber +misnurture +misnutrition +misobedience +misobey +misobservance +misobserve +misocapnic +misocapnist +misocatholic +misoccupy +misogallic +misogamic +misogamist +misogamy +misogyne +misogynic +misogynical +misogynism +misogynist +misogynistic +misogynistical +misogynous +misogyny +misohellene +misologist +misology +misomath +misoneism +misoneist +misoneistic +misopaterist +misopedia +misopedism +misopedist +misopinion +misopolemical +misorder +misordination +misorganization +misorganize +misoscopist +misosophist +misosophy +misotheism +misotheist +misotheistic +misotramontanism +misotyranny +misoxene +misoxeny +mispage +mispagination +mispaint +misparse +mispart +mispassion +mispatch +mispay +misperceive +misperception +misperform +misperformance +mispersuade +misperuse +misphrase +mispick +mispickel +misplace +misplacement +misplant +misplay +misplead +mispleading +misplease +mispoint +mispoise +mispolicy +misposition +mispossessed +mispractice +mispraise +misprejudiced +misprincipled +misprint +misprisal +misprision +misprize +misprizer +misproceeding +misproduce +misprofess +misprofessor +mispronounce +mispronouncement +mispronunciation +misproportion +misproposal +mispropose +misproud +misprovide +misprovidence +misprovoke +mispunctuate +mispunctuation +mispurchase +mispursuit +misput +misqualify +misquality +misquotation +misquote +misquoter +misraise +misrate +misread +misreader +misrealize +misreason +misreceive +misrecital +misrecite +misreckon +misrecognition +misrecognize +misrecollect +misrefer +misreference +misreflect +misreform +misregulate +misrehearsal +misrehearse +misrelate +misrelation +misreliance +misremember +misremembrance +misrender +misrepeat +misreport +misreporter +misreposed +misrepresent +misrepresentation +misrepresentative +misrepresenter +misreprint +misrepute +misresemblance +misresolved +misresult +misreward +misrhyme +misrhymer +misrule +miss +missable +missal +missay +missayer +misseem +missel +missemblance +missentence +misserve +misservice +misset +misshape +misshapen +misshapenly +misshapenness +misshood +missible +missile +missileproof +missiness +missing +missingly +mission +missional +missionarize +missionary +missionaryship +missioner +missionize +missionizer +missis +Missisauga +missish +missishness +Mississippi +Mississippian +missive +missmark +missment +Missouri +Missourian +Missourianism +missourite +misspeak +misspeech +misspell +misspelling +misspend +misspender +misstate +misstatement +misstater +misstay +misstep +missuade +missuggestion +missummation +missuppose +missy +missyish +missyllabication +missyllabify +mist +mistakable +mistakableness +mistakably +mistake +mistakeful +mistaken +mistakenly +mistakenness +mistakeproof +mistaker +mistaking +mistakingly +mistassini +mistaught +mistbow +misteach +misteacher +misted +mistell +mistempered +mistend +mistendency +Mister +mister +misterm +mistetch +mistfall +mistflower +mistful +misthink +misthought +misthread +misthrift +misthrive +misthrow +mistic +mistide +mistify +mistigris +mistily +mistime +mistiness +mistitle +mistle +mistless +mistletoe +mistone +mistonusk +mistook +mistouch +mistradition +mistrain +mistral +mistranscribe +mistranscript +mistranscription +mistranslate +mistranslation +mistreat +mistreatment +mistress +mistressdom +mistresshood +mistressless +mistressly +mistrial +mistrist +mistrust +mistruster +mistrustful +mistrustfully +mistrustfulness +mistrusting +mistrustingly +mistrustless +mistry +mistryst +misturn +mistutor +misty +mistyish +misunderstand +misunderstandable +misunderstander +misunderstanding +misunderstandingly +misunderstood +misunderstoodness +misura +misusage +misuse +misuseful +misusement +misuser +misusurped +misvaluation +misvalue +misventure +misventurous +misvouch +miswed +miswisdom +miswish +misword +misworship +misworshiper +misworshipper +miswrite +misyoke +miszealous +Mitakshara +Mitanni +Mitannian +Mitannish +mitapsis +Mitch +mitchboard +Mitchell +Mitchella +mite +Mitella +miteproof +miter +mitered +miterer +miterflower +miterwort +Mithra +Mithraea +Mithraeum +Mithraic +Mithraicism +Mithraicist +Mithraicize +Mithraism +Mithraist +Mithraistic +Mithraitic +Mithraize +Mithras +Mithratic +Mithriac +mithridate +Mithridatic +mithridatic +mithridatism +mithridatize +miticidal +miticide +mitigable +mitigant +mitigate +mitigatedly +mitigation +mitigative +mitigator +mitigatory +mitis +mitochondria +mitochondrial +mitogenetic +mitome +mitosis +mitosome +mitotic +mitotically +Mitra +mitra +mitrailleuse +mitral +mitrate +mitre +mitrer +Mitridae +mitriform +Mitsukurina +Mitsukurinidae +mitsumata +mitt +mittelhand +Mittelmeer +mitten +mittened +mittimus +mitty +Mitu +Mitua +mity +miurus +mix +mixable +mixableness +mixblood +Mixe +mixed +mixedly +mixedness +mixen +mixer +mixeress +mixhill +mixible +mixite +mixobarbaric +mixochromosome +Mixodectes +Mixodectidae +mixolydian +mixoploid +mixoploidy +Mixosaurus +mixotrophic +Mixtec +Mixtecan +mixtiform +mixtilineal +mixtilion +mixtion +mixture +mixy +Mizar +mizmaze +Mizpah +Mizraim +mizzen +mizzenmast +mizzenmastman +mizzentopman +mizzle +mizzler +mizzly +mizzonite +mizzy +mlechchha +mneme +mnemic +Mnemiopsis +mnemonic +mnemonical +mnemonicalist +mnemonically +mnemonicon +mnemonics +mnemonism +mnemonist +mnemonization +mnemonize +Mnemosyne +mnemotechnic +mnemotechnical +mnemotechnics +mnemotechnist +mnemotechny +mnesic +mnestic +Mnevis +Mniaceae +mniaceous +mnioid +Mniotiltidae +Mnium +Mo +mo +Moabite +Moabitess +Moabitic +Moabitish +moan +moanful +moanfully +moanification +moaning +moaningly +moanless +Moaria +Moarian +moat +Moattalite +mob +mobable +mobbable +mobber +mobbish +mobbishly +mobbishness +mobbism +mobbist +mobby +mobcap +mobed +mobile +Mobilian +mobilianer +mobiliary +mobility +mobilizable +mobilization +mobilize +mobilometer +moble +moblike +mobocracy +mobocrat +mobocratic +mobocratical +mobolatry +mobproof +mobship +mobsman +mobster +Mobula +Mobulidae +moccasin +Mocha +mocha +Mochica +mochras +mock +mockable +mockado +mockbird +mocker +mockernut +mockery +mockful +mockfully +mockground +mockingbird +mockingstock +mocmain +Mocoa +Mocoan +mocomoco +mocuck +Mod +modal +modalism +modalist +modalistic +modality +modalize +modally +mode +model +modeler +modeless +modelessness +modeling +modelist +modeller +modelmaker +modelmaking +modena +Modenese +moderant +moderantism +moderantist +moderate +moderately +moderateness +moderation +moderationist +moderatism +moderatist +moderato +moderator +moderatorship +moderatrix +Modern +modern +moderner +modernicide +modernish +modernism +modernist +modernistic +modernity +modernizable +modernization +modernize +modernizer +modernly +modernness +modest +modestly +modestness +modesty +modiation +modicity +modicum +modifiability +modifiable +modifiableness +modifiably +modificability +modificable +modification +modificationist +modificative +modificator +modificatory +modifier +modify +modillion +modiolar +Modiolus +modiolus +modish +modishly +modishness +modist +modiste +modistry +modius +Modoc +Modred +modulability +modulant +modular +modulate +modulation +modulative +modulator +modulatory +module +Modulidae +modulo +modulus +modumite +Moe +Moed +Moehringia +moellon +moerithere +moeritherian +Moeritheriidae +Moeritherium +mofette +moff +mofussil +mofussilite +mog +mogador +mogadore +mogdad +moggan +moggy +Moghan +mogigraphia +mogigraphic +mogigraphy +mogilalia +mogilalism +mogiphonia +mogitocia +mogo +mogographia +Mogollon +Mograbi +Mogrebbin +moguey +Mogul +mogulship +Moguntine +moha +mohabat +mohair +Mohammad +Mohammedan +Mohammedanism +Mohammedanization +Mohammedanize +Mohammedism +Mohammedist +Mohammedization +Mohammedize +mohar +Mohave +Mohawk +Mohawkian +mohawkite +Mohegan +mohel +Mohican +Mohineyam +mohnseed +moho +Mohock +Mohockism +mohr +Mohrodendron +mohur +Moi +moider +moidore +moieter +moiety +moil +moiler +moiles +moiley +moiling +moilingly +moilsome +moineau +Moingwena +moio +Moira +moire +moirette +moise +Moism +moissanite +moist +moisten +moistener +moistful +moistify +moistish +moistishness +moistless +moistly +moistness +moisture +moistureless +moistureproof +moisty +moit +moity +mojarra +Mojo +mojo +mokaddam +moke +moki +mokihana +moko +moksha +mokum +moky +Mola +mola +molal +Molala +molality +molar +molariform +molarimeter +molarity +molary +Molasse +molasses +molassied +molassy +molave +mold +moldability +moldable +moldableness +Moldavian +moldavite +moldboard +molder +moldery +moldiness +molding +moldmade +moldproof +moldwarp +moldy +Mole +mole +molecast +molecula +molecular +molecularist +molecularity +molecularly +molecule +molehead +moleheap +molehill +molehillish +molehilly +moleism +molelike +molendinar +molendinary +molengraaffite +moleproof +moler +moleskin +molest +molestation +molester +molestful +molestfully +Molge +Molgula +Molidae +molimen +moliminous +molinary +moline +Molinia +Molinism +Molinist +Molinistic +molka +Moll +molland +Mollberg +molle +mollescence +mollescent +molleton +mollichop +mollicrush +mollie +mollienisia +mollient +molliently +mollifiable +mollification +mollifiedly +mollifier +mollify +mollifying +mollifyingly +mollifyingness +molligrant +molligrubs +mollipilose +Mollisiaceae +mollisiose +mollities +mollitious +mollitude +Molluginaceae +Mollugo +Mollusca +molluscan +molluscivorous +molluscoid +Molluscoida +molluscoidal +molluscoidan +Molluscoidea +molluscoidean +molluscous +molluscousness +molluscum +mollusk +Molly +molly +mollycoddle +mollycoddler +mollycoddling +mollycosset +mollycot +mollyhawk +molman +Moloch +Molochize +Molochship +moloid +moloker +molompi +molosse +Molossian +molossic +Molossidae +molossine +molossoid +molossus +Molothrus +molpe +molrooken +molt +molten +moltenly +molter +Molucca +Moluccan +Moluccella +Moluche +moly +molybdate +molybdena +molybdenic +molybdeniferous +molybdenite +molybdenous +molybdenum +molybdic +molybdite +molybdocardialgia +molybdocolic +molybdodyspepsia +molybdomancy +molybdomenite +molybdonosus +molybdoparesis +molybdophyllite +molybdosis +molybdous +molysite +mombin +momble +Mombottu +mome +moment +momenta +momental +momentally +momentaneall +momentaneity +momentaneous +momentaneously +momentaneousness +momentarily +momentariness +momentary +momently +momentous +momentously +momentousness +momentum +momiology +momism +momme +mommet +mommy +momo +Momordica +Momotidae +Momotinae +Momotus +Momus +Mon +mon +mona +Monacan +monacanthid +Monacanthidae +monacanthine +monacanthous +Monacha +monachal +monachate +Monachi +monachism +monachist +monachization +monachize +monactin +monactine +monactinellid +monactinellidan +monad +monadelph +Monadelphia +monadelphian +monadelphous +monadic +monadical +monadically +monadiform +monadigerous +Monadina +monadism +monadistic +monadnock +monadology +monaene +monal +monamniotic +Monanday +monander +Monandria +monandrian +monandric +monandrous +monandry +monanthous +monapsal +monarch +monarchal +monarchally +monarchess +monarchial +monarchian +monarchianism +monarchianist +monarchianistic +monarchic +monarchical +monarchically +monarchism +monarchist +monarchistic +monarchize +monarchizer +monarchlike +monarchomachic +monarchomachist +monarchy +Monarda +Monardella +monarthritis +monarticular +monas +Monasa +Monascidiae +monascidian +monase +monaster +monasterial +monasterially +monastery +monastic +monastical +monastically +monasticism +monasticize +monatomic +monatomicity +monatomism +monaulos +monaural +monaxial +monaxile +monaxon +monaxonial +monaxonic +Monaxonida +monazine +monazite +Monbuttu +monchiquite +Monday +Mondayish +Mondayishness +Mondayland +mone +Monegasque +Monel +monel +monembryary +monembryonic +monembryony +monepic +monepiscopacy +monepiscopal +moner +Monera +moneral +moneran +monergic +monergism +monergist +monergistic +moneric +moneron +Monerozoa +monerozoan +monerozoic +monerula +Moneses +monesia +monetarily +monetary +monetite +monetization +monetize +money +moneyage +moneybag +moneybags +moneyed +moneyer +moneyflower +moneygrub +moneygrubber +moneygrubbing +moneylender +moneylending +moneyless +moneymonger +moneymongering +moneysaving +moneywise +moneywort +mong +mongcorn +monger +mongering +mongery +Monghol +Mongholian +Mongibel +mongler +Mongo +Mongol +Mongolian +Mongolianism +Mongolic +Mongolioid +Mongolish +Mongolism +Mongolization +Mongolize +Mongoloid +mongoose +Mongoyo +mongrel +mongreldom +mongrelish +mongrelism +mongrelity +mongrelization +mongrelize +mongrelly +mongrelness +mongst +monheimite +monial +Monias +Monica +moniker +monilated +monilethrix +Monilia +Moniliaceae +moniliaceous +Moniliales +monilicorn +moniliform +moniliformly +monilioid +moniment +Monimia +Monimiaceae +monimiaceous +monimolite +monimostylic +monism +monist +monistic +monistical +monistically +monition +monitive +monitor +monitorial +monitorially +monitorish +monitorship +monitory +monitress +monitrix +monk +monkbird +monkcraft +monkdom +monkery +monkess +monkey +monkeyboard +monkeyface +monkeyfy +monkeyhood +monkeyish +monkeyishly +monkeyishness +monkeylike +monkeynut +monkeypod +monkeypot +monkeyry +monkeyshine +monkeytail +monkfish +monkflower +monkhood +monkish +monkishly +monkishness +monkism +monklike +monkliness +monkly +monkmonger +monkship +monkshood +Monmouth +monmouthite +monny +Mono +mono +monoacetate +monoacetin +monoacid +monoacidic +monoamide +monoamine +monoamino +monoammonium +monoazo +monobacillary +monobase +monobasic +monobasicity +monoblastic +monoblepsia +monoblepsis +monobloc +monobranchiate +monobromacetone +monobromated +monobromide +monobrominated +monobromination +monobromized +monobromoacetanilide +monobromoacetone +monobutyrin +monocalcium +monocarbide +monocarbonate +monocarbonic +monocarboxylic +monocardian +monocarp +monocarpal +monocarpellary +monocarpian +monocarpic +monocarpous +monocellular +monocentric +monocentrid +Monocentridae +Monocentris +monocentroid +monocephalous +monocercous +monoceros +monocerous +monochasial +monochasium +Monochlamydeae +monochlamydeous +monochlor +monochloracetic +monochloranthracene +monochlorbenzene +monochloride +monochlorinated +monochlorination +monochloro +monochloroacetic +monochlorobenzene +monochloromethane +monochoanitic +monochord +monochordist +monochordize +monochroic +monochromasy +monochromat +monochromate +monochromatic +monochromatically +monochromatism +monochromator +monochrome +monochromic +monochromical +monochromically +monochromist +monochromous +monochromy +monochronic +monochronous +monociliated +monocle +monocled +monocleid +monoclinal +monoclinally +monocline +monoclinian +monoclinic +monoclinism +monoclinometric +monoclinous +Monoclonius +Monocoelia +monocoelian +monocoelic +Monocondyla +monocondylar +monocondylian +monocondylic +monocondylous +monocormic +monocot +monocotyledon +Monocotyledones +monocotyledonous +monocracy +monocrat +monocratic +monocrotic +monocrotism +monocular +monocularity +monocularly +monoculate +monocule +monoculist +monoculous +monocultural +monoculture +monoculus +monocyanogen +monocycle +monocyclic +Monocyclica +monocystic +Monocystidae +Monocystidea +Monocystis +monocyte +monocytic +monocytopoiesis +monodactyl +monodactylate +monodactyle +monodactylism +monodactylous +monodactyly +monodelph +Monodelphia +monodelphian +monodelphic +monodelphous +monodermic +monodic +monodically +monodimetric +monodist +monodize +monodomous +Monodon +monodont +Monodonta +monodontal +monodram +monodrama +monodramatic +monodramatist +monodromic +monodromy +monody +monodynamic +monodynamism +Monoecia +monoecian +monoecious +monoeciously +monoeciousness +monoecism +monoeidic +monoestrous +monoethanolamine +monoethylamine +monofilament +monofilm +monoflagellate +monoformin +monogamian +monogamic +monogamist +monogamistic +monogamous +monogamously +monogamousness +monogamy +monoganglionic +monogastric +monogene +Monogenea +monogeneity +monogeneous +monogenesis +monogenesist +monogenesy +monogenetic +Monogenetica +monogenic +monogenism +monogenist +monogenistic +monogenous +monogeny +monoglot +monoglycerid +monoglyceride +monogoneutic +monogonoporic +monogonoporous +monogony +monogram +monogrammatic +monogrammatical +monogrammed +monogrammic +monograph +monographer +monographic +monographical +monographically +monographist +monography +monograptid +Monograptidae +Monograptus +monogynic +monogynious +monogynist +monogynoecial +monogynous +monogyny +monohybrid +monohydrate +monohydrated +monohydric +monohydrogen +monohydroxy +monoicous +monoid +monoketone +monolater +monolatrist +monolatrous +monolatry +monolayer +monoline +monolingual +monolinguist +monoliteral +monolith +monolithal +monolithic +monolobular +monolocular +monologian +monologic +monological +monologist +monologize +monologue +monologuist +monology +monomachist +monomachy +monomania +monomaniac +monomaniacal +monomastigate +monomeniscous +monomer +monomeric +monomerous +monometallic +monometallism +monometallist +monometer +monomethyl +monomethylated +monomethylic +monometric +monometrical +monomial +monomict +monomineral +monomineralic +monomolecular +monomolybdate +Monomorium +monomorphic +monomorphism +monomorphous +Monomya +Monomyaria +monomyarian +mononaphthalene +mononch +Mononchus +mononeural +Monongahela +mononitrate +mononitrated +mononitration +mononitride +mononitrobenzene +mononomial +mononomian +monont +mononuclear +mononucleated +mononucleosis +mononychous +mononym +mononymic +mononymization +mononymize +mononymy +monoousian +monoousious +monoparental +monoparesis +monoparesthesia +monopathic +monopathy +monopectinate +monopersonal +monopersulfuric +monopersulphuric +Monopetalae +monopetalous +monophagism +monophagous +monophagy +monophase +monophasia +monophasic +monophobia +monophone +monophonic +monophonous +monophony +monophotal +monophote +monophthalmic +monophthalmus +monophthong +monophthongal +monophthongization +monophthongize +monophyletic +monophyleticism +monophylite +monophyllous +monophyodont +monophyodontism +Monophysite +Monophysitic +Monophysitical +Monophysitism +monopitch +monoplacula +monoplacular +monoplaculate +monoplane +monoplanist +monoplasmatic +monoplast +monoplastic +monoplegia +monoplegic +Monopneumoa +monopneumonian +monopneumonous +monopode +monopodial +monopodially +monopodic +monopodium +monopodous +monopody +monopolar +monopolaric +monopolarity +monopole +monopolism +monopolist +monopolistic +monopolistically +monopolitical +monopolizable +monopolization +monopolize +monopolizer +monopolous +monopoly +monopolylogist +monopolylogue +monopotassium +monoprionid +monoprionidian +monopsonistic +monopsony +monopsychism +monopteral +Monopteridae +monopteroid +monopteron +monopteros +monopterous +monoptic +monoptical +monoptote +monoptotic +Monopylaea +Monopylaria +monopylean +monopyrenous +monorail +monorailroad +monorailway +monorchid +monorchidism +monorchis +monorchism +monorganic +Monorhina +monorhinal +monorhine +monorhyme +monorhymed +monorhythmic +monosaccharide +monosaccharose +monoschemic +monoscope +monose +monosemic +monosepalous +monoservice +monosilane +monosilicate +monosilicic +monosiphonic +monosiphonous +monosodium +monosomatic +monosomatous +monosome +monosomic +monosperm +monospermal +monospermic +monospermous +monospermy +monospherical +monospondylic +monosporangium +monospore +monospored +monosporiferous +monosporous +monostele +monostelic +monostelous +monostely +monostich +monostichous +Monostomata +Monostomatidae +monostomatous +monostome +Monostomidae +monostomous +Monostomum +monostromatic +monostrophe +monostrophic +monostrophics +monostylous +monosubstituted +monosubstitution +monosulfone +monosulfonic +monosulphide +monosulphone +monosulphonic +monosyllabic +monosyllabical +monosyllabically +monosyllabism +monosyllabize +monosyllable +monosymmetric +monosymmetrical +monosymmetrically +monosymmetry +monosynthetic +monotelephone +monotelephonic +monotellurite +Monothalama +monothalamian +monothalamous +monothecal +monotheism +monotheist +monotheistic +monotheistical +monotheistically +Monothelete +Monotheletian +Monotheletic +Monotheletism +monothelious +Monothelism +Monothelitic +Monothelitism +monothetic +monotic +monotint +Monotocardia +monotocardiac +monotocardian +monotocous +monotomous +monotone +monotonic +monotonical +monotonically +monotonist +monotonize +monotonous +monotonously +monotonousness +monotony +monotremal +Monotremata +monotremate +monotrematous +monotreme +monotremous +monotrichous +monotriglyph +monotriglyphic +Monotrocha +monotrochal +monotrochian +monotrochous +Monotropa +Monotropaceae +monotropaceous +monotrophic +monotropic +Monotropsis +monotropy +monotypal +monotype +monotypic +monotypical +monotypous +monoureide +monovalence +monovalency +monovalent +monovariant +monoverticillate +monovoltine +monovular +monoxenous +monoxide +monoxime +monoxyle +monoxylic +monoxylon +monoxylous +Monozoa +monozoan +monozoic +monozygotic +Monroeism +Monroeist +monrolite +monseigneur +monsieur +monsieurship +monsignor +monsignorial +Monsoni +monsoon +monsoonal +monsoonish +monsoonishly +monster +Monstera +monsterhood +monsterlike +monstership +monstrance +monstrate +monstration +monstrator +monstricide +monstriferous +monstrification +monstrify +monstrosity +monstrous +monstrously +monstrousness +Mont +montage +Montagnac +Montagnais +Montana +montana +Montanan +montane +montanic +montanin +Montanism +Montanist +Montanistic +Montanistical +montanite +Montanize +montant +Montargis +Montauk +montbretia +monte +montebrasite +monteith +montem +Montenegrin +Montepulciano +Monterey +Montes +Montesco +Montesinos +Montessorian +Montessorianism +Montezuma +montgolfier +month +monthly +monthon +Montia +monticellite +monticle +monticoline +monticulate +monticule +Monticulipora +Monticuliporidae +monticuliporidean +monticuliporoid +monticulose +monticulous +monticulus +montiform +montigeneous +montilla +montjoy +montmartrite +Montmorency +montmorilonite +monton +Montrachet +montroydite +Montu +monture +Monty +Monumbo +monument +monumental +monumentalism +monumentality +monumentalization +monumentalize +monumentally +monumentary +monumentless +monumentlike +monzodiorite +monzogabbro +monzonite +monzonitic +moo +Mooachaht +mooch +moocha +moocher +moochulka +mood +mooder +moodily +moodiness +moodish +moodishly +moodishness +moodle +moody +mooing +mool +moolet +moolings +mools +moolum +moon +moonack +moonbeam +moonbill +moonblink +mooncalf +mooncreeper +moondown +moondrop +mooned +mooner +moonery +mooneye +moonface +moonfaced +moonfall +moonfish +moonflower +moonglade +moonglow +moonhead +moonily +mooniness +mooning +moonish +moonite +moonja +moonjah +moonless +moonlet +moonlight +moonlighted +moonlighter +moonlighting +moonlighty +moonlike +moonlikeness +moonlit +moonlitten +moonman +moonpath +moonpenny +moonproof +moonraker +moonraking +moonrise +moonsail +moonscape +moonseed +moonset +moonshade +moonshine +moonshiner +moonshining +moonshiny +moonsick +moonsickness +moonstone +moontide +moonwalker +moonwalking +moonward +moonwards +moonway +moonwort +moony +moop +Moor +moor +moorage +moorball +moorband +moorberry +moorbird +moorburn +moorburner +moorburning +Moore +moorflower +moorfowl +mooring +Moorish +moorish +moorishly +moorishness +moorland +moorlander +Moorman +moorman +moorn +moorpan +moors +Moorship +moorsman +moorstone +moortetter +moorup +moorwort +moory +moosa +moose +mooseberry +moosebird +moosebush +moosecall +mooseflower +moosehood +moosemise +moosetongue +moosewob +moosewood +moosey +moost +moot +mootable +mooter +mooth +mooting +mootman +mootstead +mootworthy +mop +Mopan +mopane +mopboard +mope +moper +moph +mophead +mopheaded +moping +mopingly +mopish +mopishly +mopishness +mopla +mopper +moppet +moppy +mopstick +mopsy +mopus +Moquelumnan +moquette +Moqui +mor +mora +Moraceae +moraceous +Moraea +morainal +moraine +morainic +moral +morale +moralism +moralist +moralistic +moralistically +morality +moralization +moralize +moralizer +moralizingly +moralless +morally +moralness +morals +Moran +morass +morassic +morassweed +morassy +morat +morate +moration +moratoria +moratorium +moratory +Moravian +Moravianism +Moravianized +Moravid +moravite +moray +morbid +morbidity +morbidize +morbidly +morbidness +morbiferal +morbiferous +morbific +morbifical +morbifically +morbify +morbility +morbillary +morbilli +morbilliform +morbillous +morcellate +morcellated +morcellation +Morchella +Morcote +mordacious +mordaciously +mordacity +mordancy +mordant +mordantly +Mordella +mordellid +Mordellidae +mordelloid +mordenite +mordent +mordicate +mordication +mordicative +mordore +Mordv +Mordva +Mordvin +Mordvinian +more +moreen +morefold +moreish +morel +morella +morello +morencite +moreness +morenita +morenosite +Moreote +moreover +morepork +mores +Moresque +morfrey +morg +morga +Morgan +morgan +Morgana +morganatic +morganatical +morganatically +morganic +morganite +morganize +morgay +morgen +morgengift +morgenstern +morglay +morgue +moribund +moribundity +moribundly +moric +moriche +moriform +morigerate +morigeration +morigerous +morigerously +morigerousness +morillon +morin +Morinaceae +Morinda +morindin +morindone +morinel +Moringa +Moringaceae +moringaceous +moringad +Moringua +moringuid +Moringuidae +moringuoid +morion +Moriori +Moriscan +Morisco +Morisonian +Morisonianism +morkin +morlop +mormaor +mormaordom +mormaorship +mormo +Mormon +mormon +Mormondom +Mormoness +Mormonism +Mormonist +Mormonite +Mormonweed +Mormoops +mormyr +mormyre +mormyrian +mormyrid +Mormyridae +mormyroid +Mormyrus +morn +morne +morned +morning +morningless +morningly +mornings +morningtide +morningward +mornless +mornlike +morntime +mornward +Moro +moro +moroc +Moroccan +Morocco +morocco +morocota +morological +morologically +morologist +morology +moromancy +moron +moroncy +morong +moronic +Moronidae +moronism +moronity +moronry +Moropus +morosaurian +morosauroid +Morosaurus +morose +morosely +moroseness +morosis +morosity +moroxite +morph +morphallaxis +morphea +Morphean +morpheme +morphemic +morphemics +morphetic +Morpheus +morphew +morphia +morphiate +morphic +morphically +morphinate +morphine +morphinic +morphinism +morphinist +morphinization +morphinize +morphinomania +morphinomaniac +morphiomania +morphiomaniac +Morpho +morphogenesis +morphogenetic +morphogenic +morphogeny +morphographer +morphographic +morphographical +morphographist +morphography +morpholine +morphologic +morphological +morphologically +morphologist +morphology +morphometrical +morphometry +morphon +morphonomic +morphonomy +morphophonemic +morphophonemically +morphophonemics +morphophyly +morphoplasm +morphoplasmic +morphosis +morphotic +morphotropic +morphotropism +morphotropy +morphous +Morrenian +Morrhua +morrhuate +morrhuine +morricer +Morris +morris +Morrisean +morrow +morrowing +morrowless +morrowmass +morrowspeech +morrowtide +morsal +Morse +morse +morsel +morselization +morselize +morsing +morsure +mort +mortacious +mortal +mortalism +mortalist +mortality +mortalize +mortally +mortalness +mortalwise +mortar +mortarboard +mortarize +mortarless +mortarlike +mortarware +mortary +mortbell +mortcloth +mortersheen +mortgage +mortgageable +mortgagee +mortgagor +morth +morthwyrtha +mortician +mortier +mortiferous +mortiferously +mortiferousness +mortific +mortification +mortified +mortifiedly +mortifiedness +mortifier +mortify +mortifying +mortifyingly +Mortimer +mortise +mortiser +mortling +mortmain +mortmainer +Morton +mortuarian +mortuary +mortuous +morula +morular +morulation +morule +moruloid +Morus +morvin +morwong +Mosaic +mosaic +Mosaical +mosaical +mosaically +mosaicism +mosaicist +Mosaicity +Mosaism +Mosaist +mosaist +mosandrite +mosasaur +Mosasauri +Mosasauria +mosasaurian +mosasaurid +Mosasauridae +mosasauroid +Mosasaurus +Mosatenan +moschate +moschatel +moschatelline +Moschi +Moschidae +moschiferous +Moschinae +moschine +Moschus +Moscow +Mose +Moselle +Moses +mosesite +Mosetena +mosette +mosey +Mosgu +moskeneer +mosker +Moslem +Moslemah +Moslemic +Moslemin +Moslemism +Moslemite +Moslemize +moslings +mosque +mosquelet +mosquish +mosquital +Mosquito +mosquito +mosquitobill +mosquitocidal +mosquitocide +mosquitoey +mosquitoish +mosquitoproof +moss +mossback +mossberry +mossbunker +mossed +mosser +mossery +mossful +mosshead +Mossi +mossiness +mossless +mosslike +mosstrooper +mosstroopery +mosstrooping +mosswort +mossy +mossyback +most +moste +Mosting +mostlike +mostlings +mostly +mostness +Mosul +Mosur +mot +Motacilla +motacillid +Motacillidae +Motacillinae +motacilline +motatorious +motatory +Motazilite +mote +moted +motel +moteless +moter +motet +motettist +motey +moth +mothed +mother +motherdom +mothered +motherer +mothergate +motherhood +motheriness +mothering +motherkin +motherland +motherless +motherlessness +motherlike +motherliness +motherling +motherly +mothership +mothersome +motherward +motherwise +motherwort +mothery +mothless +mothlike +mothproof +mothworm +mothy +motif +motific +motile +motility +motion +motionable +motional +motionless +motionlessly +motionlessness +motitation +motivate +motivation +motivational +motive +motiveless +motivelessly +motivelessness +motiveness +motivity +motley +motleyness +motmot +motofacient +motograph +motographic +motomagnetic +motoneuron +motophone +motor +motorable +motorboat +motorboatman +motorbus +motorcab +motorcade +motorcar +motorcycle +motorcyclist +motordom +motordrome +motored +motorial +motoric +motoring +motorism +motorist +motorium +motorization +motorize +motorless +motorman +motorneer +motorphobe +motorphobia +motorphobiac +motorway +motory +Motozintlec +Motozintleca +motricity +Mott +mott +motte +mottle +mottled +mottledness +mottlement +mottler +mottling +motto +mottoed +mottoless +mottolike +mottramite +motyka +mou +moucharaby +mouchardism +mouche +mouchrabieh +moud +moudie +moudieman +moudy +mouflon +Mougeotia +Mougeotiaceae +mouillation +mouille +mouillure +moujik +moul +mould +moulded +moule +moulin +moulinage +moulinet +moulleen +moulrush +mouls +moulter +mouly +mound +moundiness +moundlet +moundwork +moundy +mount +mountable +mountably +mountain +mountained +mountaineer +mountainet +mountainette +mountainless +mountainlike +mountainous +mountainously +mountainousness +mountainside +mountaintop +mountainward +mountainwards +mountainy +mountant +mountebank +mountebankery +mountebankish +mountebankism +mountebankly +mounted +mounter +Mountie +mounting +mountingly +mountlet +mounture +moup +mourn +mourner +mourneress +mournful +mournfully +mournfulness +mourning +mourningly +mournival +mournsome +mouse +mousebane +mousebird +mousefish +mousehawk +mousehole +mousehound +Mouseion +mousekin +mouselet +mouselike +mouseproof +mouser +mousery +mouseship +mousetail +mousetrap +mouseweb +mousey +mousily +mousiness +mousing +mousingly +mousle +mousmee +Mousoni +mousquetaire +mousse +Mousterian +moustoc +mousy +mout +moutan +mouth +mouthable +mouthbreeder +mouthed +mouther +mouthful +mouthily +mouthiness +mouthing +mouthingly +mouthishly +mouthless +mouthlike +mouthpiece +mouthroot +mouthwash +mouthwise +mouthy +mouton +moutonnee +mouzah +mouzouna +movability +movable +movableness +movably +movant +move +moveability +moveableness +moveably +moveless +movelessly +movelessness +movement +mover +movie +moviedom +movieize +movieland +moving +movingly +movingness +mow +mowable +mowana +mowburn +mowburnt +mowch +mowcht +mower +mowha +mowie +mowing +mowland +mown +mowra +mowrah +mowse +mowstead +mowt +mowth +moxa +moxieberry +Moxo +moy +moyen +moyenless +moyenne +moyite +moyle +moyo +Mozambican +mozambique +Mozarab +Mozarabian +Mozarabic +Mozartean +mozemize +mozing +mozzetta +Mpangwe +Mpondo +mpret +Mr +Mrs +Mru +mu +muang +mubarat +mucago +mucaro +mucedin +mucedinaceous +mucedine +mucedinous +much +muchfold +muchly +muchness +mucic +mucid +mucidness +muciferous +mucific +muciform +mucigen +mucigenous +mucilage +mucilaginous +mucilaginously +mucilaginousness +mucin +mucinogen +mucinoid +mucinous +muciparous +mucivore +mucivorous +muck +muckender +Mucker +mucker +muckerish +muckerism +mucket +muckiness +muckite +muckle +muckluck +muckman +muckment +muckmidden +muckna +muckrake +muckraker +mucksweat +mucksy +muckthrift +muckweed +muckworm +mucky +mucluc +mucocele +mucocellulose +mucocellulosic +mucocutaneous +mucodermal +mucofibrous +mucoflocculent +mucoid +mucomembranous +muconic +mucoprotein +mucopurulent +mucopus +mucor +Mucoraceae +mucoraceous +Mucorales +mucorine +mucorioid +mucormycosis +mucorrhea +mucosa +mucosal +mucosanguineous +mucose +mucoserous +mucosity +mucosocalcareous +mucosogranular +mucosopurulent +mucososaccharine +mucous +mucousness +mucro +mucronate +mucronately +mucronation +mucrones +mucroniferous +mucroniform +mucronulate +mucronulatous +muculent +Mucuna +mucus +mucusin +mud +mudar +mudbank +mudcap +mudd +mudde +mudden +muddify +muddily +muddiness +mudding +muddish +muddle +muddlebrained +muddledom +muddlehead +muddleheaded +muddleheadedness +muddlement +muddleproof +muddler +muddlesome +muddlingly +muddy +muddybrained +muddybreast +muddyheaded +mudee +Mudejar +mudfish +mudflow +mudguard +mudhead +mudhole +mudhopper +mudir +mudiria +mudland +mudlark +mudlarker +mudless +mudproof +mudra +mudsill +mudskipper +mudslinger +mudslinging +mudspate +mudstain +mudstone +mudsucker +mudtrack +mudweed +mudwort +Muehlenbeckia +muermo +muezzin +muff +muffed +muffet +muffetee +muffin +muffineer +muffish +muffishness +muffle +muffled +muffleman +muffler +mufflin +muffy +mufti +mufty +mug +muga +mugearite +mugful +mugg +mugger +mugget +muggily +mugginess +muggins +muggish +muggles +Muggletonian +Muggletonianism +muggy +mughouse +mugience +mugiency +mugient +Mugil +Mugilidae +mugiliform +mugiloid +mugweed +mugwort +mugwump +mugwumpery +mugwumpian +mugwumpism +muhammadi +Muharram +Muhlenbergia +muid +Muilla +muir +muirburn +muircock +muirfowl +muishond +muist +mujtahid +Mukden +mukluk +Mukri +muktar +muktatma +mukti +mulaprakriti +mulatta +mulatto +mulattoism +mulattress +mulberry +mulch +mulcher +Mulciber +Mulcibirian +mulct +mulctable +mulctary +mulctation +mulctative +mulctatory +mulctuary +mulder +mule +muleback +mulefoot +mulefooted +muleman +muleta +muleteer +muletress +muletta +mulewort +muley +mulga +muliebral +muliebria +muliebrile +muliebrity +muliebrous +mulier +mulierine +mulierose +mulierosity +mulish +mulishly +mulishness +mulism +mulita +mulk +mull +mulla +mullah +mullar +mullein +mullenize +muller +Mullerian +mullet +mulletry +mullets +mulley +mullid +Mullidae +mulligan +mulligatawny +mulligrubs +mullion +mullite +mullock +mullocker +mullocky +mulloid +mulloway +mulmul +mulse +mulsify +mult +multangular +multangularly +multangularness +multangulous +multangulum +Multani +multanimous +multarticulate +multeity +multiangular +multiareolate +multiarticular +multiarticulate +multiarticulated +multiaxial +multiblade +multibladed +multibranched +multibranchiate +multibreak +multicamerate +multicapitate +multicapsular +multicarinate +multicarinated +multicellular +multicentral +multicentric +multicharge +multichord +multichrome +multiciliate +multiciliated +multicipital +multicircuit +multicoccous +multicoil +multicolor +multicolored +multicolorous +multicomponent +multiconductor +multiconstant +multicore +multicorneal +multicostate +multicourse +multicrystalline +multicuspid +multicuspidate +multicycle +multicylinder +multicylindered +multidentate +multidenticulate +multidenticulated +multidigitate +multidimensional +multidirectional +multidisperse +multiengine +multiengined +multiexhaust +multifaced +multifaceted +multifactorial +multifamilial +multifarious +multifariously +multifariousness +multiferous +multifetation +multifibered +multifid +multifidly +multifidous +multifidus +multifilament +multifistular +multiflagellate +multiflagellated +multiflash +multiflorous +multiflow +multiflue +multifocal +multifoil +multifoiled +multifold +multifoliate +multifoliolate +multiform +multiformed +multiformity +multifurcate +multiganglionic +multigap +multigranulate +multigranulated +Multigraph +multigraph +multigrapher +multiguttulate +multigyrate +multihead +multihearth +multihued +multijet +multijugate +multijugous +multilaciniate +multilamellar +multilamellate +multilamellous +multilaminar +multilaminate +multilaminated +multilateral +multilaterally +multilighted +multilineal +multilinear +multilingual +multilinguist +multilirate +multiliteral +multilobar +multilobate +multilobe +multilobed +multilobular +multilobulate +multilobulated +multilocation +multilocular +multiloculate +multiloculated +multiloquence +multiloquent +multiloquious +multiloquous +multiloquy +multimacular +multimammate +multimarble +multimascular +multimedial +multimetalic +multimetallism +multimetallist +multimillion +multimillionaire +multimodal +multimodality +multimolecular +multimotor +multimotored +multinational +multinervate +multinervose +multinodal +multinodate +multinodous +multinodular +multinomial +multinominal +multinominous +multinuclear +multinucleate +multinucleated +multinucleolar +multinucleolate +multinucleolated +multiovular +multiovulate +multipara +multiparient +multiparity +multiparous +multipartisan +multipartite +multiped +multiperforate +multiperforated +multipersonal +multiphase +multiphaser +multiphotography +multipinnate +multiplane +multiple +multiplepoinding +multiplet +multiplex +multipliable +multipliableness +multiplicability +multiplicable +multiplicand +multiplicate +multiplication +multiplicational +multiplicative +multiplicatively +multiplicator +multiplicity +multiplier +multiply +multiplying +multipointed +multipolar +multipole +multiported +multipotent +multipresence +multipresent +multiradial +multiradiate +multiradiated +multiradicate +multiradicular +multiramified +multiramose +multiramous +multirate +multireflex +multirooted +multirotation +multirotatory +multisaccate +multisacculate +multisacculated +multiscience +multiseated +multisect +multisector +multisegmental +multisegmentate +multisegmented +multisensual +multiseptate +multiserial +multiserially +multiseriate +multishot +multisiliquous +multisonous +multispeed +multispermous +multispicular +multispiculate +multispindle +multispinous +multispiral +multispired +multistage +multistaminate +multistoried +multistory +multistratified +multistratous +multistriate +multisulcate +multisulcated +multisyllabic +multisyllability +multisyllable +multitarian +multitentaculate +multitheism +multithreaded +multititular +multitoed +multitoned +multitube +Multituberculata +multituberculate +multituberculated +multituberculism +multituberculy +multitubular +multitude +multitudinal +multitudinary +multitudinism +multitudinist +multitudinistic +multitudinosity +multitudinous +multitudinously +multitudinousness +multiturn +multivagant +multivalence +multivalency +multivalent +multivalve +multivalved +multivalvular +multivane +multivariant +multivarious +multiversant +multiverse +multivibrator +multivincular +multivious +multivocal +multivocalness +multivoiced +multivolent +multivoltine +multivolumed +multivorous +multocular +multum +multungulate +multure +multurer +mum +mumble +mumblebee +mumblement +mumbler +mumbling +mumblingly +mummer +mummery +mummichog +mummick +mummied +mummification +mummiform +mummify +mumming +mummy +mummydom +mummyhood +mummylike +mumness +mump +mumper +mumphead +mumpish +mumpishly +mumpishness +mumps +mumpsimus +mumruffin +mun +Munandi +Muncerian +munch +Munchausenism +Munchausenize +muncheel +muncher +munchet +mund +Munda +mundane +mundanely +mundaneness +mundanism +mundanity +Mundari +mundatory +mundic +mundificant +mundification +mundifier +mundify +mundil +mundivagant +mundle +mung +munga +munge +mungey +mungo +mungofa +munguba +mungy +Munia +Munich +Munichism +municipal +municipalism +municipalist +municipality +municipalization +municipalize +municipalizer +municipally +municipium +munific +munificence +munificency +munificent +munificently +munificentness +muniment +munition +munitionary +munitioneer +munitioner +munitions +munity +munj +munjeet +munjistin +munnion +Munnopsidae +Munnopsis +Munsee +munshi +munt +Muntiacus +muntin +Muntingia +muntjac +Munychia +Munychian +Munychion +Muong +Muphrid +Mura +mura +Muradiyah +Muraena +Muraenidae +muraenoid +murage +mural +muraled +muralist +murally +Muran +Muranese +murasakite +Murat +Muratorian +murchy +murder +murderer +murderess +murdering +murderingly +murderish +murderment +murderous +murderously +murderousness +murdrum +mure +murenger +murex +murexan +murexide +murga +murgavi +murgeon +muriate +muriated +muriatic +muricate +muricid +Muricidae +muriciform +muricine +muricoid +muriculate +murid +Muridae +muridism +Muriel +muriform +muriformly +Murillo +Murinae +murine +murinus +muriti +murium +murk +murkily +murkiness +murkish +murkly +murkness +murksome +murky +murlin +murly +Murmi +murmur +murmuration +murmurator +murmurer +murmuring +murmuringly +murmurish +murmurless +murmurlessly +murmurous +murmurously +muromontite +Murph +murphy +murra +murrain +Murray +Murraya +murre +murrelet +murrey +murrhine +murrina +murrnong +murshid +Murthy +murumuru +Murut +muruxi +murva +murza +Murzim +Mus +Musa +Musaceae +musaceous +Musaeus +musal +Musales +Musalmani +musang +musar +Musca +muscade +muscadel +muscadine +Muscadinia +muscardine +Muscardinidae +Muscardinus +Muscari +muscariform +muscarine +muscat +muscatel +muscatorium +Musci +Muscicapa +Muscicapidae +muscicapine +muscicide +muscicole +muscicoline +muscicolous +muscid +Muscidae +musciform +Muscinae +muscle +muscled +muscleless +musclelike +muscling +muscly +Muscogee +muscoid +Muscoidea +muscologic +muscological +muscologist +muscology +muscone +muscose +muscoseness +muscosity +muscot +muscovadite +muscovado +Muscovi +Muscovite +muscovite +Muscovitic +muscovitization +muscovitize +muscovy +muscular +muscularity +muscularize +muscularly +musculation +musculature +muscule +musculin +musculoarterial +musculocellular +musculocutaneous +musculodermic +musculoelastic +musculofibrous +musculointestinal +musculoligamentous +musculomembranous +musculopallial +musculophrenic +musculospinal +musculospiral +musculotegumentary +musculotendinous +Muse +muse +mused +museful +musefully +museist +museless +muselike +museographist +museography +museologist +museology +muser +musery +musette +museum +museumize +Musgu +mush +musha +mushaa +Mushabbihite +mushed +musher +mushhead +mushheaded +mushheadedness +mushily +mushiness +mushla +mushmelon +mushrebiyeh +mushroom +mushroomer +mushroomic +mushroomlike +mushroomy +mushru +mushy +music +musical +musicale +musicality +musicalization +musicalize +musically +musicalness +musicate +musician +musiciana +musicianer +musicianly +musicianship +musicker +musicless +musiclike +musicmonger +musico +musicoartistic +musicodramatic +musicofanatic +musicographer +musicography +musicological +musicologist +musicologue +musicology +musicomania +musicomechanical +musicophilosophical +musicophobia +musicophysical +musicopoetic +musicotherapy +musicproof +musie +musily +musimon +musing +musingly +musk +muskat +muskeg +muskeggy +muskellunge +musket +musketade +musketeer +musketlike +musketoon +musketproof +musketry +muskflower +Muskhogean +muskie +muskiness +muskish +musklike +muskmelon +Muskogee +muskrat +muskroot +Muskwaki +muskwood +musky +muslin +muslined +muslinet +musnud +Musophaga +Musophagi +Musophagidae +musophagine +musquash +musquashroot +musquashweed +musquaspen +musquaw +musrol +muss +mussable +mussably +Mussaenda +mussal +mussalchee +mussel +musseled +musseler +mussily +mussiness +mussitate +mussitation +mussuk +Mussulman +Mussulmanic +Mussulmanish +Mussulmanism +Mussulwoman +mussurana +mussy +must +mustache +mustached +mustachial +mustachio +mustachioed +mustafina +Mustahfiz +mustang +mustanger +mustard +mustarder +mustee +Mustela +mustelid +Mustelidae +musteline +mustelinous +musteloid +Mustelus +muster +musterable +musterdevillers +musterer +mustermaster +mustify +mustily +mustiness +mustnt +musty +muta +Mutabilia +mutability +mutable +mutableness +mutably +mutafacient +mutage +mutagenic +mutant +mutarotate +mutarotation +mutase +mutate +mutation +mutational +mutationally +mutationism +mutationist +mutative +mutatory +mutawalli +Mutazala +mutch +mute +mutedly +mutely +muteness +Muter +mutesarif +mutescence +mutessarifat +muth +muthmannite +muthmassel +mutic +muticous +mutilate +mutilation +mutilative +mutilator +mutilatory +Mutilla +mutillid +Mutillidae +mutilous +mutineer +mutinous +mutinously +mutinousness +mutiny +Mutisia +Mutisiaceae +mutism +mutist +mutistic +mutive +mutivity +mutoscope +mutoscopic +mutsje +mutsuddy +mutt +mutter +mutterer +muttering +mutteringly +mutton +muttonbird +muttonchop +muttonfish +muttonhead +muttonheaded +muttonhood +muttonmonger +muttonwood +muttony +mutual +mutualism +mutualist +mutualistic +mutuality +mutualization +mutualize +mutually +mutualness +mutuary +mutuatitious +mutulary +mutule +mutuum +mux +Muysca +muyusa +muzhik +Muzo +muzz +muzzily +muzziness +muzzle +muzzler +muzzlewood +muzzy +Mwa +my +Mya +Myacea +myal +myalgia +myalgic +myalism +myall +Myaria +myarian +myasthenia +myasthenic +myatonia +myatonic +myatony +myatrophy +mycele +mycelia +mycelial +mycelian +mycelioid +mycelium +myceloid +Mycenaean +Mycetes +mycetism +mycetocyte +mycetogenesis +mycetogenetic +mycetogenic +mycetogenous +mycetoid +mycetological +mycetology +mycetoma +mycetomatous +Mycetophagidae +mycetophagous +mycetophilid +Mycetophilidae +mycetous +Mycetozoa +mycetozoan +mycetozoon +Mycobacteria +Mycobacteriaceae +Mycobacterium +mycocecidium +mycocyte +mycoderm +mycoderma +mycodermatoid +mycodermatous +mycodermic +mycodermitis +mycodesmoid +mycodomatium +mycogastritis +Mycogone +mycohaemia +mycohemia +mycoid +mycologic +mycological +mycologically +mycologist +mycologize +mycology +mycomycete +Mycomycetes +mycomycetous +mycomyringitis +mycophagist +mycophagous +mycophagy +mycophyte +Mycoplana +mycoplasm +mycoplasmic +mycoprotein +mycorhiza +mycorhizal +mycorrhizal +mycose +mycosin +mycosis +mycosozin +Mycosphaerella +Mycosphaerellaceae +mycosterol +mycosymbiosis +mycotic +mycotrophic +Mycteria +mycteric +mycterism +Myctodera +myctophid +Myctophidae +Myctophum +Mydaidae +mydaleine +mydatoxine +Mydaus +mydine +mydriasine +mydriasis +mydriatic +mydriatine +myectomize +myectomy +myectopia +myectopy +myelalgia +myelapoplexy +myelasthenia +myelatrophy +myelauxe +myelemia +myelencephalic +myelencephalon +myelencephalous +myelic +myelin +myelinate +myelinated +myelination +myelinic +myelinization +myelinogenesis +myelinogenetic +myelinogeny +myelitic +myelitis +myeloblast +myeloblastic +myelobrachium +myelocele +myelocerebellar +myelocoele +myelocyst +myelocystic +myelocystocele +myelocyte +myelocythaemia +myelocythemia +myelocytic +myelocytosis +myelodiastasis +myeloencephalitis +myeloganglitis +myelogenesis +myelogenetic +myelogenous +myelogonium +myeloic +myeloid +myelolymphangioma +myelolymphocyte +myeloma +myelomalacia +myelomatoid +myelomatosis +myelomenia +myelomeningitis +myelomeningocele +myelomere +myelon +myelonal +myeloneuritis +myelonic +myeloparalysis +myelopathic +myelopathy +myelopetal +myelophthisis +myeloplast +myeloplastic +myeloplax +myeloplegia +myelopoiesis +myelopoietic +myelorrhagia +myelorrhaphy +myelosarcoma +myelosclerosis +myelospasm +myelospongium +myelosyphilis +myelosyphilosis +myelosyringosis +myelotherapy +Myelozoa +myelozoan +myentasis +myenteric +myenteron +myesthesia +mygale +mygalid +mygaloid +Myiarchus +myiasis +myiferous +myiodesopsia +myiosis +myitis +mykiss +myliobatid +Myliobatidae +myliobatine +myliobatoid +Mylodon +mylodont +Mylodontidae +mylohyoid +mylohyoidean +mylonite +mylonitic +Mymar +mymarid +Mymaridae +myna +Mynheer +mynpacht +mynpachtbrief +myoalbumin +myoalbumose +myoatrophy +myoblast +myoblastic +myocardiac +myocardial +myocardiogram +myocardiograph +myocarditic +myocarditis +myocardium +myocele +myocellulitis +myoclonic +myoclonus +myocoele +myocoelom +myocolpitis +myocomma +myocyte +myodegeneration +Myodes +myodiastasis +myodynamia +myodynamic +myodynamics +myodynamiometer +myodynamometer +myoedema +myoelectric +myoendocarditis +myoepicardial +myoepithelial +myofibril +myofibroma +myogen +myogenesis +myogenetic +myogenic +myogenous +myoglobin +myoglobulin +myogram +myograph +myographer +myographic +myographical +myographist +myography +myohematin +myoid +myoidema +myokinesis +myolemma +myolipoma +myoliposis +myologic +myological +myologist +myology +myolysis +myoma +myomalacia +myomancy +myomantic +myomatous +myomectomy +myomelanosis +myomere +myometritis +myometrium +myomohysterectomy +myomorph +Myomorpha +myomorphic +myomotomy +myoneme +myoneural +myoneuralgia +myoneurasthenia +myoneure +myoneuroma +myoneurosis +myonosus +myopachynsis +myoparalysis +myoparesis +myopathia +myopathic +myopathy +myope +myoperitonitis +myophan +myophore +myophorous +myophysical +myophysics +myopia +myopic +myopical +myopically +myoplasm +myoplastic +myoplasty +myopolar +Myoporaceae +myoporaceous +myoporad +Myoporum +myoproteid +myoprotein +myoproteose +myops +myopy +myorrhaphy +myorrhexis +myosalpingitis +myosarcoma +myosarcomatous +myosclerosis +myoscope +myoseptum +myosin +myosinogen +myosinose +myosis +myositic +myositis +myosote +Myosotis +myospasm +myospasmia +Myosurus +myosuture +myosynizesis +myotacismus +Myotalpa +Myotalpinae +myotasis +myotenotomy +myothermic +myotic +myotome +myotomic +myotomy +myotonia +myotonic +myotonus +myotony +myotrophy +myowun +Myoxidae +myoxine +Myoxus +Myra +myrabalanus +myrabolam +myrcene +Myrcia +myrcia +myriacanthous +myriacoulomb +myriad +myriaded +myriadfold +myriadly +myriadth +myriagram +myriagramme +myrialiter +myrialitre +myriameter +myriametre +Myrianida +myriapod +Myriapoda +myriapodan +myriapodous +myriarch +myriarchy +myriare +Myrica +myrica +Myricaceae +myricaceous +Myricales +myricetin +myricin +Myrick +myricyl +myricylic +Myrientomata +myringa +myringectomy +myringitis +myringodectomy +myringodermatitis +myringomycosis +myringoplasty +myringotome +myringotomy +myriological +myriologist +myriologue +myriophyllite +myriophyllous +Myriophyllum +Myriopoda +myriopodous +myriorama +myrioscope +myriosporous +myriotheism +Myriotrichia +Myriotrichiaceae +myriotrichiaceous +myristate +myristic +Myristica +myristica +Myristicaceae +myristicaceous +Myristicivora +myristicivorous +myristin +myristone +Myrmecia +Myrmecobiinae +myrmecobine +Myrmecobius +myrmecochorous +myrmecochory +myrmecoid +myrmecoidy +myrmecological +myrmecologist +myrmecology +Myrmecophaga +Myrmecophagidae +myrmecophagine +myrmecophagoid +myrmecophagous +myrmecophile +myrmecophilism +myrmecophilous +myrmecophily +myrmecophobic +myrmecophyte +myrmecophytic +myrmekite +Myrmeleon +Myrmeleonidae +Myrmeleontidae +Myrmica +myrmicid +Myrmicidae +myrmicine +myrmicoid +Myrmidon +Myrmidonian +myrmotherine +myrobalan +Myron +myron +myronate +myronic +myrosin +myrosinase +Myrothamnaceae +myrothamnaceous +Myrothamnus +Myroxylon +myrrh +myrrhed +myrrhic +myrrhine +Myrrhis +myrrhol +myrrhophore +myrrhy +Myrsinaceae +myrsinaceous +myrsinad +Myrsiphyllum +Myrtaceae +myrtaceous +myrtal +Myrtales +myrtiform +Myrtilus +myrtle +myrtleberry +myrtlelike +myrtol +Myrtus +mysel +myself +mysell +Mysian +mysid +Mysidacea +Mysidae +mysidean +Mysis +mysogynism +mysoid +mysophobia +Mysore +mysosophist +mysost +myst +mystacial +Mystacocete +Mystacoceti +mystagogic +mystagogical +mystagogically +mystagogue +mystagogy +mystax +mysterial +mysteriarch +mysteriosophic +mysteriosophy +mysterious +mysteriously +mysteriousness +mysterize +mystery +mystes +mystic +mystical +mysticality +mystically +mysticalness +Mysticete +mysticete +Mysticeti +mysticetous +mysticism +mysticity +mysticize +mysticly +mystific +mystifically +mystification +mystificator +mystificatory +mystifiedly +mystifier +mystify +mystifyingly +mytacism +myth +mythical +mythicalism +mythicality +mythically +mythicalness +mythicism +mythicist +mythicize +mythicizer +mythification +mythify +mythism +mythist +mythize +mythland +mythmaker +mythmaking +mythoclast +mythoclastic +mythogenesis +mythogonic +mythogony +mythographer +mythographist +mythography +mythogreen +mythoheroic +mythohistoric +mythologema +mythologer +mythological +mythologically +mythologist +mythologize +mythologizer +mythologue +mythology +mythomania +mythomaniac +mythometer +mythonomy +mythopastoral +mythopoeic +mythopoeism +mythopoeist +mythopoem +mythopoesis +mythopoesy +mythopoet +mythopoetic +mythopoetize +mythopoetry +mythos +mythus +Mytilacea +mytilacean +mytilaceous +Mytiliaspis +mytilid +Mytilidae +mytiliform +mytiloid +mytilotoxine +Mytilus +myxa +myxadenitis +myxadenoma +myxaemia +myxamoeba +myxangitis +myxasthenia +myxedema +myxedematoid +myxedematous +myxedemic +myxemia +Myxine +Myxinidae +myxinoid +Myxinoidei +myxo +Myxobacteria +Myxobacteriaceae +myxobacteriaceous +Myxobacteriales +myxoblastoma +myxochondroma +myxochondrosarcoma +Myxococcus +myxocystoma +myxocyte +myxoenchondroma +myxofibroma +myxofibrosarcoma +myxoflagellate +myxogaster +Myxogasteres +Myxogastrales +Myxogastres +myxogastric +myxogastrous +myxoglioma +myxoid +myxoinoma +myxolipoma +myxoma +myxomatosis +myxomatous +Myxomycetales +myxomycete +Myxomycetes +myxomycetous +myxomyoma +myxoneuroma +myxopapilloma +Myxophyceae +myxophycean +Myxophyta +myxopod +Myxopoda +myxopodan +myxopodium +myxopodous +myxopoiesis +myxorrhea +myxosarcoma +Myxospongiae +myxospongian +Myxospongida +myxospore +Myxosporidia +myxosporidian +Myxosporidiida +Myxosporium +myxosporous +Myxothallophyta +myxotheca +Myzodendraceae +myzodendraceous +Myzodendron +Myzomyia +myzont +Myzontes +Myzostoma +Myzostomata +myzostomatous +myzostome +myzostomid +Myzostomida +Myzostomidae +myzostomidan +myzostomous +N +n +na +naa +naam +Naaman +Naassenes +nab +nabak +Nabal +Nabalism +Nabalite +Nabalitic +Nabaloi +Nabalus +Nabataean +Nabatean +Nabathaean +Nabathean +Nabathite +nabber +Nabby +nabk +nabla +nable +nabob +nabobery +nabobess +nabobical +nabobish +nabobishly +nabobism +nabobry +nabobship +Nabothian +nabs +Nabu +nacarat +nacarine +nace +nacelle +nach +nachani +Nachitoch +Nachitoches +Nachschlag +Nacionalista +nacket +nacre +nacred +nacreous +nacrine +nacrite +nacrous +nacry +nadder +Nadeem +nadir +nadiral +nadorite +nae +naebody +naegate +naegates +nael +Naemorhedinae +naemorhedine +Naemorhedus +naether +naething +nag +Naga +naga +nagaika +nagana +nagara +Nagari +nagatelite +nagger +naggin +nagging +naggingly +naggingness +naggish +naggle +naggly +naggy +naght +nagkassar +nagmaal +nagman +nagnag +nagnail +nagor +nagsman +nagster +nagual +nagualism +nagualist +nagyagite +Nahanarvali +Nahane +Nahani +Naharvali +Nahor +Nahua +Nahuan +Nahuatl +Nahuatlac +Nahuatlan +Nahuatleca +Nahuatlecan +Nahum +naiad +Naiadaceae +naiadaceous +Naiadales +Naiades +naiant +Naias +naid +naif +naifly +naig +naigie +naik +nail +nailbin +nailbrush +nailer +naileress +nailery +nailhead +nailing +nailless +naillike +nailprint +nailproof +nailrod +nailshop +nailsick +nailsmith +nailwort +naily +Naim +nain +nainsel +nainsook +naio +naipkin +Nair +nairy +nais +naish +naissance +naissant +naither +naive +naively +naiveness +naivete +naivety +Naja +nak +nake +naked +nakedish +nakedize +nakedly +nakedness +nakedweed +nakedwood +naker +nakhlite +nakhod +nakhoda +Nakir +nako +Nakomgilisala +nakong +nakoo +Nakula +Nalita +nallah +nam +Nama +namability +namable +Namaqua +namaqua +Namaquan +namaycush +namaz +namazlik +Nambe +namda +name +nameability +nameable +nameboard +nameless +namelessly +namelessness +nameling +namely +namer +namesake +naming +nammad +Nan +nan +Nana +nana +Nanaimo +nanawood +Nance +Nancy +nancy +Nanda +Nandi +nandi +Nandina +nandine +nandow +nandu +nane +nanes +nanga +nanism +nanization +nankeen +Nankin +nankin +Nanking +Nankingese +nannander +nannandrium +nannandrous +Nannette +nannoplankton +Nanny +nanny +nannyberry +nannybush +nanocephalia +nanocephalic +nanocephalism +nanocephalous +nanocephalus +nanocephaly +nanoid +nanomelia +nanomelous +nanomelus +nanosoma +nanosomia +nanosomus +nanpie +nant +Nanticoke +nantle +nantokite +Nantz +naological +naology +naometry +Naomi +Naos +naos +Naosaurus +Naoto +nap +napa +Napaea +Napaean +napal +napalm +nape +napead +napecrest +napellus +naperer +napery +naphtha +naphthacene +naphthalate +naphthalene +naphthaleneacetic +naphthalenesulphonic +naphthalenic +naphthalenoid +naphthalic +naphthalidine +naphthalin +naphthaline +naphthalization +naphthalize +naphthalol +naphthamine +naphthanthracene +naphthene +naphthenic +naphthinduline +naphthionate +naphtho +naphthoic +naphthol +naphtholate +naphtholize +naphtholsulphonate +naphtholsulphonic +naphthoquinone +naphthoresorcinol +naphthosalol +naphthous +naphthoxide +naphthyl +naphthylamine +naphthylaminesulphonic +naphthylene +naphthylic +naphtol +Napierian +napiform +napkin +napkining +napless +naplessness +Napoleon +napoleon +Napoleonana +Napoleonic +Napoleonically +Napoleonism +Napoleonist +Napoleonistic +napoleonite +Napoleonize +napoo +nappe +napped +napper +nappiness +napping +nappishness +nappy +naprapath +naprapathy +napron +napthionic +napu +nar +Narcaciontes +Narcaciontidae +narceine +narcism +Narciss +Narcissan +narcissi +Narcissine +narcissism +narcissist +narcissistic +Narcissus +narcist +narcistic +narcoanalysis +narcoanesthesia +Narcobatidae +Narcobatoidea +Narcobatus +narcohypnia +narcohypnosis +narcolepsy +narcoleptic +narcoma +narcomania +narcomaniac +narcomaniacal +narcomatous +Narcomedusae +narcomedusan +narcose +narcosis +narcostimulant +narcosynthesis +narcotherapy +narcotia +narcotic +narcotical +narcotically +narcoticalness +narcoticism +narcoticness +narcotina +narcotine +narcotinic +narcotism +narcotist +narcotization +narcotize +narcous +nard +nardine +nardoo +Nardus +Naren +Narendra +nares +Naresh +narghile +nargil +narial +naric +narica +naricorn +nariform +narine +naringenin +naringin +nark +narky +narr +narra +Narraganset +narras +narratable +narrate +narrater +narration +narrational +narrative +narratively +narrator +narratory +narratress +narratrix +narrawood +narrow +narrower +narrowhearted +narrowheartedness +narrowingness +narrowish +narrowly +narrowness +narrowy +narsarsukite +narsinga +narthecal +Narthecium +narthex +narwhal +narwhalian +nary +nasab +nasal +Nasalis +nasalis +nasalism +nasality +nasalization +nasalize +nasally +nasalward +nasalwards +nasard +Nascan +Nascapi +nascence +nascency +nascent +nasch +naseberry +nasethmoid +nash +nashgab +nashgob +Nashim +Nashira +Nashua +nasi +nasial +nasicorn +Nasicornia +nasicornous +Nasiei +nasiform +nasilabial +nasillate +nasillation +nasioalveolar +nasiobregmatic +nasioinial +nasiomental +nasion +nasitis +Naskhi +nasoalveola +nasoantral +nasobasilar +nasobronchial +nasobuccal +nasoccipital +nasociliary +nasoethmoidal +nasofrontal +nasolabial +nasolachrymal +nasological +nasologist +nasology +nasomalar +nasomaxillary +nasonite +nasoorbital +nasopalatal +nasopalatine +nasopharyngeal +nasopharyngitis +nasopharynx +nasoprognathic +nasoprognathism +nasorostral +nasoscope +nasoseptal +nasosinuitis +nasosinusitis +nasosubnasal +nasoturbinal +nasrol +Nassa +Nassau +Nassellaria +nassellarian +Nassidae +nassology +nast +nastaliq +nastic +nastika +nastily +nastiness +nasturtion +nasturtium +nasty +Nasua +nasus +nasute +nasuteness +nasutiform +nasutus +nat +natability +nataka +Natal +natal +Natalia +Natalian +Natalie +natality +nataloin +natals +natant +natantly +Nataraja +natation +natational +natator +natatorial +natatorious +natatorium +natatory +natch +natchbone +Natchez +Natchezan +Natchitoches +natchnee +Nate +nates +Nathan +Nathanael +Nathaniel +nathe +nather +nathless +Natica +Naticidae +naticiform +naticine +Natick +naticoid +natiform +natimortality +nation +national +nationalism +nationalist +nationalistic +nationalistically +nationality +nationalization +nationalize +nationalizer +nationally +nationalness +nationalty +nationhood +nationless +nationwide +native +natively +nativeness +nativism +nativist +nativistic +nativity +natr +Natraj +Natricinae +natricine +natrium +Natrix +natrochalcite +natrojarosite +natrolite +natron +Natt +natter +nattered +natteredness +natterjack +nattily +nattiness +nattle +natty +natuary +natural +naturalesque +naturalism +naturalist +naturalistic +naturalistically +naturality +naturalization +naturalize +naturalizer +naturally +naturalness +nature +naturecraft +naturelike +naturing +naturism +naturist +naturistic +naturistically +naturize +naturopath +naturopathic +naturopathist +naturopathy +naucrar +naucrary +naufragous +nauger +naught +naughtily +naughtiness +naughty +naujaite +naumachia +naumachy +naumannite +Naumburgia +naumk +naumkeag +naumkeager +naunt +nauntle +naupathia +nauplial +naupliiform +nauplioid +nauplius +nauropometer +nauscopy +nausea +nauseant +nauseaproof +nauseate +nauseatingly +nauseation +nauseous +nauseously +nauseousness +Nauset +naut +nautch +nauther +nautic +nautical +nauticality +nautically +nautics +nautiform +Nautilacea +nautilacean +nautilicone +nautiliform +nautilite +nautiloid +Nautiloidea +nautiloidean +nautilus +Navaho +Navajo +naval +navalese +navalism +navalist +navalistic +navalistically +navally +navar +navarch +navarchy +Navarrese +Navarrian +nave +navel +naveled +navellike +navelwort +navet +navette +navew +navicella +navicert +navicula +Naviculaceae +naviculaeform +navicular +naviculare +naviculoid +naviform +navigability +navigable +navigableness +navigably +navigant +navigate +navigation +navigational +navigator +navigerous +navipendular +navipendulum +navite +navvy +navy +naw +nawab +nawabship +nawt +nay +Nayar +Nayarit +Nayarita +nayaur +naysay +naysayer +nayward +nayword +Nazarate +Nazarean +Nazarene +Nazarenism +Nazarite +Nazariteship +Nazaritic +Nazaritish +Nazaritism +naze +Nazerini +Nazi +Nazify +Naziism +nazim +nazir +Nazirate +Nazirite +Naziritic +Nazism +ne +nea +Neal +neal +neallotype +Neanderthal +Neanderthaler +Neanderthaloid +neanic +neanthropic +neap +neaped +Neapolitan +nearable +nearabout +nearabouts +nearaivays +nearaway +nearby +Nearctic +Nearctica +nearest +nearish +nearly +nearmost +nearness +nearsighted +nearsightedly +nearsightedness +nearthrosis +neat +neaten +neath +neatherd +neatherdess +neathmost +neatify +neatly +neatness +neb +neback +Nebaioth +Nebalia +Nebaliacea +nebalian +Nebaliidae +nebalioid +nebbed +nebbuck +nebbuk +nebby +nebel +nebelist +nebenkern +Nebiim +Nebraskan +nebris +nebula +nebulae +nebular +nebularization +nebularize +nebulated +nebulation +nebule +nebulescent +nebuliferous +nebulite +nebulium +nebulization +nebulize +nebulizer +nebulose +nebulosity +nebulous +nebulously +nebulousness +Necator +necessar +necessarian +necessarianism +necessarily +necessariness +necessary +necessism +necessist +necessitarian +necessitarianism +necessitate +necessitatedly +necessitatingly +necessitation +necessitative +necessitous +necessitously +necessitousness +necessitude +necessity +neck +neckar +neckatee +neckband +neckcloth +necked +necker +neckercher +neckerchief +neckful +neckguard +necking +neckinger +necklace +necklaced +necklaceweed +neckless +necklet +necklike +neckline +neckmold +neckpiece +neckstock +necktie +necktieless +neckward +neckwear +neckweed +neckyoke +necrectomy +necremia +necrobacillary +necrobacillosis +necrobiosis +necrobiotic +necrogenic +necrogenous +necrographer +necrolatry +necrologic +necrological +necrologically +necrologist +necrologue +necrology +necromancer +necromancing +necromancy +necromantic +necromantically +necromorphous +necronite +necropathy +Necrophaga +necrophagan +necrophagous +necrophile +necrophilia +necrophilic +necrophilism +necrophilistic +necrophilous +necrophily +necrophobia +necrophobic +Necrophorus +necropoleis +necropoles +necropolis +necropolitan +necropsy +necroscopic +necroscopical +necroscopy +necrose +necrosis +necrotic +necrotization +necrotize +necrotomic +necrotomist +necrotomy +necrotype +necrotypic +Nectandra +nectar +nectareal +nectarean +nectared +nectareous +nectareously +nectareousness +nectarial +nectarian +nectaried +nectariferous +nectarine +Nectarinia +Nectariniidae +nectarious +nectarium +nectarivorous +nectarize +nectarlike +nectarous +nectary +nectiferous +nectocalycine +nectocalyx +Nectonema +nectophore +nectopod +Nectria +nectriaceous +Nectrioidaceae +Necturidae +Necturus +Ned +nedder +neddy +Nederlands +nee +neebor +neebour +need +needer +needfire +needful +needfully +needfulness +needgates +needham +needily +neediness +needing +needle +needlebill +needlebook +needlebush +needlecase +needled +needlefish +needleful +needlelike +needlemaker +needlemaking +needleman +needlemonger +needleproof +needler +needles +needless +needlessly +needlessness +needlestone +needlewoman +needlewood +needlework +needleworked +needleworker +needling +needly +needments +needs +needsome +needy +neeger +neeld +neele +neelghan +neem +neencephalic +neencephalon +Neengatu +neep +neepour +neer +neese +neet +neetup +neeze +nef +nefandous +nefandousness +nefarious +nefariously +nefariousness +nefast +neffy +neftgil +negate +negatedness +negation +negationalist +negationist +negative +negatively +negativeness +negativer +negativism +negativist +negativistic +negativity +negator +negatory +negatron +neger +neginoth +neglect +neglectable +neglectedly +neglectedness +neglecter +neglectful +neglectfully +neglectfulness +neglectingly +neglection +neglective +neglectively +neglector +neglectproof +negligee +negligence +negligency +negligent +negligently +negligibility +negligible +negligibleness +negligibly +negotiability +negotiable +negotiant +negotiate +negotiation +negotiator +negotiatory +negotiatress +negotiatrix +Negress +negrillo +negrine +Negritian +Negritic +Negritize +Negrito +Negritoid +Negro +negro +negrodom +Negrofy +negrohead +negrohood +Negroid +Negroidal +negroish +Negroism +Negroization +Negroize +negrolike +Negroloid +Negrophil +Negrophile +Negrophilism +Negrophilist +Negrophobe +Negrophobia +Negrophobiac +Negrophobist +Negrotic +Negundo +Negus +negus +Nehantic +Nehemiah +nehiloth +nei +neif +neigh +neighbor +neighbored +neighborer +neighboress +neighborhood +neighboring +neighborless +neighborlike +neighborliness +neighborly +neighborship +neighborstained +neighbourless +neighbourlike +neighbourship +neigher +Neil +Neillia +neiper +Neisseria +Neisserieae +neist +neither +Nejd +Nejdi +Nekkar +nekton +nektonic +Nelken +Nell +Nellie +Nelly +nelson +nelsonite +nelumbian +Nelumbium +Nelumbo +Nelumbonaceae +nema +nemaline +Nemalion +Nemalionaceae +Nemalionales +nemalite +Nemastomaceae +Nematelmia +nematelminth +Nematelminthes +nemathece +nemathecial +nemathecium +Nemathelmia +nemathelminth +Nemathelminthes +nematic +nematoblast +nematoblastic +Nematocera +nematoceran +nematocerous +nematocide +nematocyst +nematocystic +Nematoda +nematode +nematodiasis +nematogene +nematogenic +nematogenous +nematognath +Nematognathi +nematognathous +nematogone +nematogonous +nematoid +Nematoidea +nematoidean +nematologist +nematology +Nematomorpha +nematophyton +Nematospora +nematozooid +Nembutal +Nemean +Nemertea +nemertean +Nemertina +nemertine +Nemertinea +nemertinean +Nemertini +nemertoid +nemeses +Nemesia +nemesic +Nemesis +Nemichthyidae +Nemichthys +Nemocera +nemoceran +nemocerous +Nemopanthus +Nemophila +nemophilist +nemophilous +nemophily +nemoral +Nemorensian +nemoricole +Nengahiba +nenta +nenuphar +neo +neoacademic +neoanthropic +Neoarctic +neoarsphenamine +Neobalaena +Neobeckia +neoblastic +neobotanist +neobotany +Neocene +Neoceratodus +neocerotic +neoclassic +neoclassicism +neoclassicist +Neocomian +neocosmic +neocracy +neocriticism +neocyanine +neocyte +neocytosis +neodamode +neodidymium +neodymium +Neofabraea +neofetal +neofetus +Neofiber +neoformation +neoformative +Neogaea +Neogaean +neogamous +neogamy +Neogene +neogenesis +neogenetic +Neognathae +neognathic +neognathous +neogrammarian +neogrammatical +neographic +neohexane +Neohipparion +neoholmia +neoholmium +neoimpressionism +neoimpressionist +neolalia +neolater +neolatry +neolith +neolithic +neologian +neologianism +neologic +neological +neologically +neologism +neologist +neologistic +neologistical +neologization +neologize +neology +neomedievalism +neomenia +neomenian +Neomeniidae +neomiracle +neomodal +neomorph +Neomorpha +neomorphic +neomorphism +Neomylodon +neon +neonatal +neonate +neonatus +neonomian +neonomianism +neontology +neonychium +neopagan +neopaganism +neopaganize +Neopaleozoic +neopallial +neopallium +neoparaffin +neophilism +neophilological +neophilologist +neophobia +neophobic +neophrastic +Neophron +neophyte +neophytic +neophytish +neophytism +Neopieris +neoplasia +neoplasm +neoplasma +neoplasmata +neoplastic +neoplasticism +neoplasty +Neoplatonic +Neoplatonician +Neoplatonism +Neoplatonist +neoprene +neorama +neorealism +Neornithes +neornithic +Neosalvarsan +Neosorex +Neosporidia +neossin +neossology +neossoptile +neostriatum +neostyle +neoteinia +neoteinic +neotenia +neotenic +neoteny +neoteric +neoterically +neoterism +neoterist +neoteristic +neoterize +neothalamus +Neotoma +Neotragus +Neotremata +Neotropic +Neotropical +neotype +neovitalism +neovolcanic +Neowashingtonia +neoytterbium +neoza +Neozoic +Nep +nep +Nepa +Nepal +Nepalese +Nepali +Nepenthaceae +nepenthaceous +nepenthe +nepenthean +Nepenthes +nepenthes +neper +Neperian +Nepeta +nephalism +nephalist +Nephele +nephele +nepheligenous +nepheline +nephelinic +nephelinite +nephelinitic +nephelinitoid +nephelite +Nephelium +nephelognosy +nepheloid +nephelometer +nephelometric +nephelometrical +nephelometrically +nephelometry +nephelorometer +nepheloscope +nephesh +nephew +nephewship +Nephila +Nephilinae +Nephite +nephogram +nephograph +nephological +nephologist +nephology +nephoscope +nephradenoma +nephralgia +nephralgic +nephrapostasis +nephratonia +nephrauxe +nephrectasia +nephrectasis +nephrectomize +nephrectomy +nephrelcosis +nephremia +nephremphraxis +nephria +nephric +nephridia +nephridial +nephridiopore +nephridium +nephrism +nephrite +nephritic +nephritical +nephritis +nephroabdominal +nephrocardiac +nephrocele +nephrocoele +nephrocolic +nephrocolopexy +nephrocoloptosis +nephrocystitis +nephrocystosis +nephrocyte +nephrodinic +Nephrodium +nephroerysipelas +nephrogastric +nephrogenetic +nephrogenic +nephrogenous +nephrogonaduct +nephrohydrosis +nephrohypertrophy +nephroid +Nephrolepis +nephrolith +nephrolithic +nephrolithotomy +nephrologist +nephrology +nephrolysin +nephrolysis +nephrolytic +nephromalacia +nephromegaly +nephromere +nephron +nephroncus +nephroparalysis +nephropathic +nephropathy +nephropexy +nephrophthisis +nephropore +Nephrops +Nephropsidae +nephroptosia +nephroptosis +nephropyelitis +nephropyeloplasty +nephropyosis +nephrorrhagia +nephrorrhaphy +nephros +nephrosclerosis +nephrosis +nephrostoma +nephrostome +nephrostomial +nephrostomous +nephrostomy +nephrotome +nephrotomize +nephrotomy +nephrotoxic +nephrotoxicity +nephrotoxin +nephrotuberculosis +nephrotyphoid +nephrotyphus +nephrozymosis +Nepidae +nepionic +nepman +nepotal +nepote +nepotic +nepotious +nepotism +nepotist +nepotistical +nepouite +Neptune +Neptunean +Neptunian +neptunism +neptunist +neptunium +Nereid +Nereidae +nereidiform +Nereidiformia +Nereis +nereite +Nereocystis +Neri +Nerine +nerine +Nerita +neritic +Neritidae +Neritina +neritoid +Nerium +Neroic +Neronian +Neronic +Neronize +nerterology +Nerthridae +Nerthrus +nerval +nervate +nervation +nervature +nerve +nerveless +nervelessly +nervelessness +nervelet +nerveproof +nerver +nerveroot +nervid +nerviduct +Nervii +nervily +nervimotion +nervimotor +nervimuscular +nervine +nerviness +nerving +nervish +nervism +nervomuscular +nervosanguineous +nervose +nervosism +nervosity +nervous +nervously +nervousness +nervular +nervule +nervulet +nervulose +nervuration +nervure +nervy +nescience +nescient +nese +nesh +neshly +neshness +Nesiot +nesiote +Neskhi +Neslia +Nesogaea +Nesogaean +Nesokia +Nesonetta +Nesotragus +Nespelim +nesquehonite +ness +nesslerization +Nesslerize +nesslerize +nest +nestable +nestage +nester +nestful +nestiatria +nestitherapy +nestle +nestler +nestlike +nestling +Nestor +Nestorian +Nestorianism +Nestorianize +Nestorianizer +nestorine +nesty +Net +net +netball +netbraider +netbush +netcha +Netchilik +nete +neter +netful +neth +netheist +nether +Netherlander +Netherlandian +Netherlandic +Netherlandish +nethermore +nethermost +netherstock +netherstone +netherward +netherwards +Nethinim +neti +netleaf +netlike +netmaker +netmaking +netman +netmonger +netop +netsman +netsuke +nettable +Nettapus +netted +netter +Nettie +netting +Nettion +nettle +nettlebed +nettlebird +nettlefire +nettlefish +nettlefoot +nettlelike +nettlemonger +nettler +nettlesome +nettlewort +nettling +nettly +Netty +netty +netwise +network +Neudeckian +neugroschen +neuma +neumatic +neumatize +neume +neumic +neurad +neuradynamia +neural +neurale +neuralgia +neuralgiac +neuralgic +neuralgiform +neuralgy +neuralist +neurapophyseal +neurapophysial +neurapophysis +neurarthropathy +neurasthenia +neurasthenic +neurasthenical +neurasthenically +neurataxia +neurataxy +neuration +neuratrophia +neuratrophic +neuratrophy +neuraxial +neuraxis +neuraxon +neuraxone +neurectasia +neurectasis +neurectasy +neurectome +neurectomic +neurectomy +neurectopia +neurectopy +neurenteric +neurepithelium +neurergic +neurexairesis +neurhypnology +neurhypnotist +neuriatry +neuric +neurilema +neurilematic +neurilemma +neurilemmal +neurilemmatic +neurilemmatous +neurilemmitis +neurility +neurin +neurine +neurinoma +neurism +neurite +neuritic +neuritis +neuroanatomical +neuroanatomy +neurobiotactic +neurobiotaxis +neuroblast +neuroblastic +neuroblastoma +neurocanal +neurocardiac +neurocele +neurocentral +neurocentrum +neurochemistry +neurochitin +neurochondrite +neurochord +neurochorioretinitis +neurocirculatory +neurocity +neuroclonic +neurocoele +neurocoelian +neurocyte +neurocytoma +neurodegenerative +neurodendrite +neurodendron +neurodermatitis +neurodermatosis +neurodermitis +neurodiagnosis +neurodynamic +neurodynia +neuroepidermal +neuroepithelial +neuroepithelium +neurofibril +neurofibrilla +neurofibrillae +neurofibrillar +neurofibroma +neurofibromatosis +neurofil +neuroganglion +neurogastralgia +neurogastric +neurogenesis +neurogenetic +neurogenic +neurogenous +neuroglandular +neuroglia +neurogliac +neuroglial +neurogliar +neuroglic +neuroglioma +neurogliosis +neurogram +neurogrammic +neurographic +neurography +neurohistology +neurohumor +neurohumoral +neurohypnology +neurohypnotic +neurohypnotism +neurohypophysis +neuroid +neurokeratin +neurokyme +neurological +neurologist +neurologize +neurology +neurolymph +neurolysis +neurolytic +neuroma +neuromalacia +neuromalakia +neuromast +neuromastic +neuromatosis +neuromatous +neuromere +neuromerism +neuromerous +neuromimesis +neuromimetic +neuromotor +neuromuscular +neuromusculature +neuromyelitis +neuromyic +neuron +neuronal +neurone +neuronic +neuronism +neuronist +neuronophagia +neuronophagy +neuronym +neuronymy +neuroparalysis +neuroparalytic +neuropath +neuropathic +neuropathical +neuropathically +neuropathist +neuropathological +neuropathologist +neuropathology +neuropathy +Neurope +neurophagy +neurophil +neurophile +neurophilic +neurophysiological +neurophysiology +neuropile +neuroplasm +neuroplasmic +neuroplasty +neuroplexus +neuropodial +neuropodium +neuropodous +neuropore +neuropsychiatric +neuropsychiatrist +neuropsychiatry +neuropsychic +neuropsychological +neuropsychologist +neuropsychology +neuropsychopathic +neuropsychopathy +neuropsychosis +neuropter +Neuroptera +neuropteran +Neuropteris +neuropterist +neuropteroid +Neuropteroidea +neuropterological +neuropterology +neuropteron +neuropterous +neuroretinitis +neurorrhaphy +Neurorthoptera +neurorthopteran +neurorthopterous +neurosal +neurosarcoma +neurosclerosis +neuroses +neurosis +neuroskeletal +neuroskeleton +neurosome +neurospasm +neurospongium +neurosthenia +neurosurgeon +neurosurgery +neurosurgical +neurosuture +neurosynapse +neurosyphilis +neurotendinous +neurotension +neurotherapeutics +neurotherapist +neurotherapy +neurothlipsis +neurotic +neurotically +neuroticism +neuroticize +neurotization +neurotome +neurotomical +neurotomist +neurotomize +neurotomy +neurotonic +neurotoxia +neurotoxic +neurotoxin +neurotripsy +neurotrophic +neurotrophy +neurotropic +neurotropism +neurovaccination +neurovaccine +neurovascular +neurovisceral +neurula +neurypnological +neurypnologist +neurypnology +Neustrian +neuter +neuterdom +neuterlike +neuterly +neuterness +neutral +neutralism +neutralist +neutrality +neutralization +neutralize +neutralizer +neutrally +neutralness +neutrino +neutroceptive +neutroceptor +neutroclusion +Neutrodyne +neutrologistic +neutron +neutropassive +neutrophile +neutrophilia +neutrophilic +neutrophilous +Nevada +Nevadan +nevadite +neve +nevel +never +neverland +nevermore +nevertheless +Neville +nevo +nevoid +Nevome +nevoy +nevus +nevyanskite +new +Newar +Newari +newberyite +newcal +Newcastle +newcome +newcomer +newel +newelty +newfangle +newfangled +newfangledism +newfangledly +newfangledness +newfanglement +Newfoundland +Newfoundlander +Newichawanoc +newing +newings +newish +newlandite +newly +newlywed +Newmanism +Newmanite +Newmanize +newmarket +newness +Newport +news +newsbill +newsboard +newsboat +newsboy +newscast +newscaster +newscasting +newsful +newsiness +newsless +newslessness +newsletter +newsman +newsmonger +newsmongering +newsmongery +newspaper +newspaperdom +newspaperese +newspaperish +newspaperized +newspaperman +newspaperwoman +newspapery +newsprint +newsreader +newsreel +newsroom +newssheet +newsstand +newsteller +newsworthiness +newsworthy +newsy +newt +newtake +newton +Newtonian +Newtonianism +Newtonic +Newtonist +newtonite +nexal +next +nextly +nextness +nexum +nexus +neyanda +ngai +ngaio +ngapi +Ngoko +Nguyen +Nhan +Nheengatu +ni +niacin +Niagara +Niagaran +Niall +Niantic +Nias +Niasese +niata +nib +nibbana +nibbed +nibber +nibble +nibbler +nibblingly +nibby +niblick +niblike +nibong +nibs +nibsome +Nicaean +Nicaragua +Nicaraguan +Nicarao +niccolic +niccoliferous +niccolite +niccolous +Nice +nice +niceish +niceling +nicely +Nicene +niceness +Nicenian +Nicenist +nicesome +nicetish +nicety +Nichael +niche +nichelino +nicher +Nicholas +Nici +Nick +nick +nickel +nickelage +nickelic +nickeliferous +nickeline +nickeling +nickelization +nickelize +nickellike +nickelodeon +nickelous +nickeltype +nicker +nickerpecker +nickey +Nickie +Nickieben +nicking +nickle +nickname +nicknameable +nicknamee +nicknameless +nicknamer +Nickneven +nickstick +nicky +Nicobar +Nicobarese +Nicodemite +Nicodemus +Nicol +Nicolaitan +Nicolaitanism +Nicolas +nicolayite +Nicolette +Nicolo +nicolo +Nicomachean +nicotia +nicotian +Nicotiana +nicotianin +nicotic +nicotinamide +nicotine +nicotinean +nicotined +nicotineless +nicotinian +nicotinic +nicotinism +nicotinize +nicotism +nicotize +nictate +nictation +nictitant +nictitate +nictitation +nid +nidal +nidamental +nidana +nidation +nidatory +niddering +niddick +niddle +nide +nidge +nidget +nidgety +nidi +nidicolous +nidificant +nidificate +nidification +nidificational +nidifugous +nidify +niding +nidologist +nidology +nidor +nidorosity +nidorous +nidorulent +nidulant +Nidularia +Nidulariaceae +nidulariaceous +Nidulariales +nidulate +nidulation +nidulus +nidus +niece +nieceless +nieceship +niellated +nielled +niellist +niello +Niels +niepa +Nierembergia +Niersteiner +Nietzschean +Nietzscheanism +Nietzscheism +nieve +nieveta +nievling +nife +nifesima +niffer +nific +nifle +nifling +nifty +nig +Nigel +Nigella +Nigerian +niggard +niggardize +niggardliness +niggardling +niggardly +niggardness +nigger +niggerdom +niggerfish +niggergoose +niggerhead +niggerish +niggerism +niggerling +niggertoe +niggerweed +niggery +niggle +niggler +niggling +nigglingly +niggly +nigh +nighly +nighness +night +nightcap +nightcapped +nightcaps +nightchurr +nightdress +nighted +nightfall +nightfish +nightflit +nightfowl +nightgown +nighthawk +nightie +nightingale +nightingalize +nightjar +nightless +nightlessness +nightlike +nightlong +nightly +nightman +nightmare +nightmarish +nightmarishly +nightmary +nights +nightshade +nightshine +nightshirt +nightstock +nightstool +nighttide +nighttime +nightwalker +nightwalking +nightward +nightwards +nightwear +nightwork +nightworker +nignay +nignye +nigori +nigranilin +nigraniline +nigre +nigrescence +nigrescent +nigresceous +nigrescite +nigrification +nigrified +nigrify +nigrine +Nigritian +nigrities +nigritude +nigritudinous +nigrosine +nigrous +nigua +Nihal +nihilianism +nihilianistic +nihilification +nihilify +nihilism +nihilist +nihilistic +nihilitic +nihility +nikau +Nikeno +nikethamide +Nikko +niklesite +Nikolai +nil +Nile +nilgai +Nilometer +Nilometric +Niloscope +Nilot +Nilotic +Nilous +nilpotent +Nils +nim +nimb +nimbated +nimbed +nimbi +nimbiferous +nimbification +nimble +nimblebrained +nimbleness +nimbly +nimbose +nimbosity +nimbus +nimbused +nimiety +niminy +nimious +Nimkish +nimmer +Nimrod +Nimrodian +Nimrodic +Nimrodical +Nimrodize +nimshi +Nina +nincom +nincompoop +nincompoopery +nincompoophood +nincompoopish +nine +ninebark +ninefold +nineholes +ninepegs +ninepence +ninepenny +ninepin +ninepins +ninescore +nineted +nineteen +nineteenfold +nineteenth +nineteenthly +ninetieth +ninety +ninetyfold +ninetyish +ninetyknot +Ninevite +Ninevitical +Ninevitish +Ning +Ningpo +Ninja +ninny +ninnyhammer +ninnyish +ninnyism +ninnyship +ninnywatch +Ninon +ninon +Ninox +ninth +ninthly +nintu +ninut +niobate +Niobe +Niobean +niobic +Niobid +Niobite +niobite +niobium +niobous +niog +niota +Nip +nip +nipa +nipcheese +niphablepsia +niphotyphlosis +Nipissing +Nipmuc +nipper +nipperkin +nippers +nippily +nippiness +nipping +nippingly +nippitate +nipple +nippleless +nipplewort +Nipponese +Nipponism +nipponium +Nipponize +nippy +nipter +Niquiran +nirles +nirmanakaya +nirvana +nirvanic +Nisaean +Nisan +nisei +Nishada +nishiki +nisnas +nispero +Nisqualli +nisse +nisus +nit +nitch +nitchevo +Nitella +nitency +nitently +niter +niterbush +nitered +nither +nithing +nitid +nitidous +nitidulid +Nitidulidae +nito +niton +nitramine +nitramino +nitranilic +nitraniline +nitrate +nitratine +nitration +nitrator +Nitrian +nitriary +nitric +nitridation +nitride +nitriding +nitridization +nitridize +nitrifaction +nitriferous +nitrifiable +nitrification +nitrifier +nitrify +nitrile +Nitriot +nitrite +nitro +nitroalizarin +nitroamine +nitroaniline +Nitrobacter +nitrobacteria +Nitrobacteriaceae +Nitrobacterieae +nitrobarite +nitrobenzene +nitrobenzol +nitrobenzole +nitrocalcite +nitrocellulose +nitrocellulosic +nitrochloroform +nitrocotton +nitroform +nitrogelatin +nitrogen +nitrogenate +nitrogenation +nitrogenic +nitrogenization +nitrogenize +nitrogenous +nitroglycerin +nitrohydrochloric +nitrolamine +nitrolic +nitrolime +nitromagnesite +nitrometer +nitrometric +nitromuriate +nitromuriatic +nitronaphthalene +nitroparaffin +nitrophenol +nitrophilous +nitrophyte +nitrophytic +nitroprussiate +nitroprussic +nitroprusside +nitrosamine +nitrosate +nitrosification +nitrosify +nitrosite +nitrosobacteria +nitrosochloride +Nitrosococcus +Nitrosomonas +nitrososulphuric +nitrostarch +nitrosulphate +nitrosulphonic +nitrosulphuric +nitrosyl +nitrosylsulphuric +nitrotoluene +nitrous +nitroxyl +nitryl +nitter +nitty +nitwit +Nitzschia +Nitzschiaceae +Niuan +Niue +nival +nivation +nivellate +nivellation +nivellator +nivellization +nivenite +niveous +nivicolous +nivosity +nix +nixie +niyoga +Nizam +nizam +nizamate +nizamut +nizy +njave +No +no +noa +Noachian +Noachic +Noachical +Noachite +Noah +Noahic +Noam +nob +nobber +nobbily +nobble +nobbler +nobbut +nobby +nobiliary +nobilify +nobilitate +nobilitation +nobility +noble +noblehearted +nobleheartedly +nobleheartedness +nobleman +noblemanly +nobleness +noblesse +noblewoman +nobley +nobly +nobody +nobodyness +nobs +nocake +Nocardia +nocardiosis +nocent +nocerite +nociassociation +nociceptive +nociceptor +nociperception +nociperceptive +nock +nocket +nocktat +noctambulant +noctambulation +noctambule +noctambulism +noctambulist +noctambulistic +noctambulous +Nocten +noctidial +noctidiurnal +noctiferous +noctiflorous +Noctilio +Noctilionidae +Noctiluca +noctiluca +noctilucal +noctilucan +noctilucence +noctilucent +Noctilucidae +noctilucin +noctilucine +noctilucous +noctiluminous +noctipotent +noctivagant +noctivagation +noctivagous +noctograph +noctovision +Noctuae +noctuid +Noctuidae +noctuiform +noctule +nocturia +nocturn +nocturnal +nocturnally +nocturne +nocuity +nocuous +nocuously +nocuousness +nod +nodal +nodality +nodated +nodder +nodding +noddingly +noddle +noddy +node +noded +nodi +nodiak +nodical +nodicorn +nodiferous +nodiflorous +nodiform +Nodosaria +nodosarian +nodosariform +nodosarine +nodose +nodosity +nodous +nodular +nodulate +nodulated +nodulation +nodule +noduled +nodulize +nodulose +nodulous +nodulus +nodus +noegenesis +noegenetic +Noel +noel +noematachograph +noematachometer +noematachometic +Noemi +Noetic +noetic +noetics +nog +nogada +Nogai +nogal +noggen +noggin +nogging +noghead +nogheaded +nohow +Nohuntsik +noibwood +noil +noilage +noiler +noily +noint +nointment +noir +noise +noiseful +noisefully +noiseless +noiselessly +noiselessness +noisemaker +noisemaking +noiseproof +noisette +noisily +noisiness +noisome +noisomely +noisomeness +noisy +nokta +Nolascan +nolition +Noll +noll +nolle +nolleity +nollepros +nolo +noma +nomad +nomadian +nomadic +nomadical +nomadically +Nomadidae +nomadism +nomadization +nomadize +nomancy +nomarch +nomarchy +Nomarthra +nomarthral +nombril +nome +Nomeidae +nomenclate +nomenclative +nomenclator +nomenclatorial +nomenclatorship +nomenclatory +nomenclatural +nomenclature +nomenclaturist +Nomeus +nomial +nomic +nomina +nominable +nominal +nominalism +nominalist +nominalistic +nominality +nominally +nominate +nominated +nominately +nomination +nominatival +nominative +nominatively +nominator +nominatrix +nominature +nominee +nomineeism +nominy +nomism +nomisma +nomismata +nomistic +nomocanon +nomocracy +nomogenist +nomogenous +nomogeny +nomogram +nomograph +nomographer +nomographic +nomographical +nomographically +nomography +nomological +nomologist +nomology +nomopelmous +nomophylax +nomophyllous +nomos +nomotheism +nomothete +nomothetes +nomothetic +nomothetical +non +Nona +nonabandonment +nonabdication +nonabiding +nonability +nonabjuration +nonabjurer +nonabolition +nonabridgment +nonabsentation +nonabsolute +nonabsolution +nonabsorbable +nonabsorbent +nonabsorptive +nonabstainer +nonabstaining +nonabstemious +nonabstention +nonabstract +nonacademic +nonacceding +nonacceleration +nonaccent +nonacceptance +nonacceptant +nonacceptation +nonaccess +nonaccession +nonaccessory +nonaccidental +nonaccompaniment +nonaccompanying +nonaccomplishment +nonaccredited +nonaccretion +nonachievement +nonacid +nonacknowledgment +nonacosane +nonacoustic +nonacquaintance +nonacquiescence +nonacquiescent +nonacquisitive +nonacquittal +nonact +nonactinic +nonaction +nonactionable +nonactive +nonactuality +nonaculeate +nonacute +nonadditive +nonadecane +nonadherence +nonadherent +nonadhesion +nonadhesive +nonadjacent +nonadjectival +nonadjournment +nonadjustable +nonadjustive +nonadjustment +nonadministrative +nonadmiring +nonadmission +nonadmitted +nonadoption +Nonadorantes +nonadornment +nonadult +nonadvancement +nonadvantageous +nonadventitious +nonadventurous +nonadverbial +nonadvertence +nonadvertency +nonadvocate +nonaerating +nonaerobiotic +nonaesthetic +nonaffection +nonaffiliated +nonaffirmation +nonage +nonagenarian +nonagency +nonagent +nonagesimal +nonagglutinative +nonagglutinator +nonaggression +nonaggressive +nonagon +nonagrarian +nonagreement +nonagricultural +nonahydrate +nonaid +nonair +nonalarmist +nonalcohol +nonalcoholic +nonalgebraic +nonalienating +nonalienation +nonalignment +nonalkaloidal +nonallegation +nonallegorical +nonalliterated +nonalliterative +nonallotment +nonalluvial +nonalphabetic +nonaltruistic +nonaluminous +nonamalgamable +nonamendable +nonamino +nonamotion +nonamphibious +nonamputation +nonanalogy +nonanalytical +nonanalyzable +nonanalyzed +nonanaphoric +nonanaphthene +nonanatomical +nonancestral +nonane +nonanesthetized +nonangelic +nonangling +nonanimal +nonannexation +nonannouncement +nonannuitant +nonannulment +nonanoic +nonanonymity +nonanswer +nonantagonistic +nonanticipative +nonantigenic +nonapologetic +nonapostatizing +nonapostolic +nonapparent +nonappealable +nonappearance +nonappearer +nonappearing +nonappellate +nonappendicular +nonapplication +nonapply +nonappointment +nonapportionable +nonapposable +nonappraisal +nonappreciation +nonapprehension +nonappropriation +nonapproval +nonaqueous +nonarbitrable +nonarcing +nonargentiferous +nonaristocratic +nonarithmetical +nonarmament +nonarmigerous +nonaromatic +nonarraignment +nonarrival +nonarsenical +nonarterial +nonartesian +nonarticulated +nonarticulation +nonartistic +nonary +nonascendancy +nonascertainable +nonascertaining +nonascetic +nonascription +nonaseptic +nonaspersion +nonasphalt +nonaspirate +nonaspiring +nonassault +nonassent +nonassentation +nonassented +nonassenting +nonassertion +nonassertive +nonassessable +nonassessment +nonassignable +nonassignment +nonassimilable +nonassimilating +nonassimilation +nonassistance +nonassistive +nonassociable +nonassortment +nonassurance +nonasthmatic +nonastronomical +nonathletic +nonatmospheric +nonatonement +nonattached +nonattachment +nonattainment +nonattendance +nonattendant +nonattention +nonattestation +nonattribution +nonattributive +nonaugmentative +nonauricular +nonauriferous +nonauthentication +nonauthoritative +nonautomatic +nonautomotive +nonavoidance +nonaxiomatic +nonazotized +nonbachelor +nonbacterial +nonbailable +nonballoting +nonbanishment +nonbankable +nonbarbarous +nonbaronial +nonbase +nonbasement +nonbasic +nonbasing +nonbathing +nonbearded +nonbearing +nonbeing +nonbeliever +nonbelieving +nonbelligerent +nonbending +nonbenevolent +nonbetrayal +nonbeverage +nonbilabiate +nonbilious +nonbinomial +nonbiological +nonbitter +nonbituminous +nonblack +nonblameless +nonbleeding +nonblended +nonblockaded +nonblocking +nonblooded +nonblooming +nonbodily +nonbookish +nonborrower +nonbotanical +nonbourgeois +nonbranded +nonbreakable +nonbreeder +nonbreeding +nonbroodiness +nonbroody +nonbrowsing +nonbudding +nonbulbous +nonbulkhead +nonbureaucratic +nonburgage +nonburgess +nonburnable +nonburning +nonbursting +nonbusiness +nonbuying +noncabinet +noncaffeine +noncaking +Noncalcarea +noncalcareous +noncalcified +noncallability +noncallable +noncancellable +noncannibalistic +noncanonical +noncanonization +noncanvassing +noncapillarity +noncapillary +noncapital +noncapitalist +noncapitalistic +noncapitulation +noncapsizable +noncapture +noncarbonate +noncareer +noncarnivorous +noncarrier +noncartelized +noncaste +noncastigation +noncataloguer +noncatarrhal +noncatechizable +noncategorical +noncathedral +noncatholicity +noncausality +noncausation +nonce +noncelebration +noncelestial +noncellular +noncellulosic +noncensored +noncensorious +noncensus +noncentral +noncereal +noncerebral +nonceremonial +noncertain +noncertainty +noncertified +nonchafing +nonchalance +nonchalant +nonchalantly +nonchalantness +nonchalky +nonchallenger +nonchampion +nonchangeable +nonchanging +noncharacteristic +nonchargeable +nonchastisement +nonchastity +nonchemical +nonchemist +nonchivalrous +nonchokable +nonchokebore +nonchronological +nonchurch +nonchurched +nonchurchgoer +nonciliate +noncircuit +noncircuital +noncircular +noncirculation +noncitation +noncitizen +noncivilized +nonclaim +nonclaimable +nonclassable +nonclassical +nonclassifiable +nonclassification +nonclastic +nonclearance +noncleistogamic +nonclergyable +nonclerical +nonclimbable +nonclinical +nonclose +nonclosure +nonclotting +noncoagulability +noncoagulable +noncoagulation +noncoalescing +noncock +noncoercion +noncoercive +noncognate +noncognition +noncognitive +noncognizable +noncognizance +noncoherent +noncohesion +noncohesive +noncoinage +noncoincidence +noncoincident +noncoincidental +noncoking +noncollaboration +noncollaborative +noncollapsible +noncollectable +noncollection +noncollegiate +noncollinear +noncolloid +noncollusion +noncollusive +noncolonial +noncoloring +noncom +noncombat +noncombatant +noncombination +noncombining +noncombustible +noncombustion +noncome +noncoming +noncommemoration +noncommencement +noncommendable +noncommensurable +noncommercial +noncommissioned +noncommittal +noncommittalism +noncommittally +noncommittalness +noncommonable +noncommorancy +noncommunal +noncommunicable +noncommunicant +noncommunicating +noncommunication +noncommunion +noncommunist +noncommunistic +noncommutative +noncompearance +noncompensating +noncompensation +noncompetency +noncompetent +noncompeting +noncompetitive +noncompetitively +noncomplaisance +noncompletion +noncompliance +noncomplicity +noncomplying +noncomposite +noncompoundable +noncompounder +noncomprehension +noncompressible +noncompression +noncompulsion +noncomputation +noncon +nonconcealment +nonconceiving +nonconcentration +nonconception +nonconcern +nonconcession +nonconciliating +nonconcludency +nonconcludent +nonconcluding +nonconclusion +nonconcordant +nonconcur +nonconcurrence +nonconcurrency +nonconcurrent +noncondensable +noncondensation +noncondensible +noncondensing +noncondimental +nonconditioned +noncondonation +nonconducive +nonconductibility +nonconductible +nonconducting +nonconduction +nonconductive +nonconductor +nonconfederate +nonconferrable +nonconfession +nonconficient +nonconfident +nonconfidential +nonconfinement +nonconfirmation +nonconfirmative +nonconfiscable +nonconfiscation +nonconfitent +nonconflicting +nonconform +nonconformable +nonconformably +nonconformance +nonconformer +nonconforming +nonconformism +nonconformist +nonconformistical +nonconformistically +nonconformitant +nonconformity +nonconfutation +noncongealing +noncongenital +noncongestion +noncongratulatory +noncongruent +nonconjectural +nonconjugal +nonconjugate +nonconjunction +nonconnection +nonconnective +nonconnivance +nonconnotative +nonconnubial +nonconscientious +nonconscious +nonconscription +nonconsecration +nonconsecutive +nonconsent +nonconsenting +nonconsequence +nonconsequent +nonconservation +nonconservative +nonconserving +nonconsideration +nonconsignment +nonconsistorial +nonconsoling +nonconsonant +nonconsorting +nonconspirator +nonconspiring +nonconstituent +nonconstitutional +nonconstraint +nonconstruable +nonconstruction +nonconstructive +nonconsular +nonconsultative +nonconsumable +nonconsumption +noncontact +noncontagion +noncontagionist +noncontagious +noncontagiousness +noncontamination +noncontemplative +noncontending +noncontent +noncontention +noncontentious +noncontentiously +nonconterminous +noncontiguity +noncontiguous +noncontinental +noncontingent +noncontinuance +noncontinuation +noncontinuous +noncontraband +noncontraction +noncontradiction +noncontradictory +noncontributing +noncontribution +noncontributor +noncontributory +noncontrivance +noncontrolled +noncontrolling +noncontroversial +nonconvective +nonconvenable +nonconventional +nonconvergent +nonconversable +nonconversant +nonconversational +nonconversion +nonconvertible +nonconveyance +nonconviction +nonconvivial +noncoplanar +noncopying +noncoring +noncorporate +noncorporeality +noncorpuscular +noncorrection +noncorrective +noncorrelation +noncorrespondence +noncorrespondent +noncorresponding +noncorroboration +noncorroborative +noncorrodible +noncorroding +noncorrosive +noncorruption +noncortical +noncosmic +noncosmopolitism +noncostraight +noncottager +noncotyledonous +noncounty +noncranking +noncreation +noncreative +noncredence +noncredent +noncredibility +noncredible +noncreditor +noncreeping +noncrenate +noncretaceous +noncriminal +noncriminality +noncrinoid +noncritical +noncrucial +noncruciform +noncrusading +noncrushability +noncrushable +noncrustaceous +noncrystalline +noncrystallizable +noncrystallized +noncrystallizing +nonculmination +nonculpable +noncultivated +noncultivation +nonculture +noncumulative +noncurantist +noncurling +noncurrency +noncurrent +noncursive +noncurtailment +noncuspidate +noncustomary +noncutting +noncyclic +noncyclical +nonda +nondamageable +nondamnation +nondancer +nondangerous +nondatival +nondealer +nondebtor +nondecadence +nondecadent +nondecalcified +nondecane +nondecasyllabic +nondecatoic +nondecaying +nondeceivable +nondeception +nondeceptive +Nondeciduata +nondeciduate +nondeciduous +nondecision +nondeclarant +nondeclaration +nondeclarer +nondecomposition +nondecoration +nondedication +nondeduction +nondefalcation +nondefamatory +nondefaulting +nondefection +nondefendant +nondefense +nondefensive +nondeference +nondeferential +nondefiance +nondefilement +nondefining +nondefinition +nondefinitive +nondeforestation +nondegenerate +nondegeneration +nondegerming +nondegradation +nondegreased +nondehiscent +nondeist +nondelegable +nondelegate +nondelegation +nondeleterious +nondeliberate +nondeliberation +nondelineation +nondeliquescent +nondelirious +nondeliverance +nondelivery +nondemand +nondemise +nondemobilization +nondemocratic +nondemonstration +nondendroid +nondenial +nondenominational +nondenominationalism +nondense +nondenumerable +nondenunciation +nondepartmental +nondeparture +nondependence +nondependent +nondepletion +nondeportation +nondeported +nondeposition +nondepositor +nondepravity +nondepreciating +nondepressed +nondepression +nondeprivable +nonderivable +nonderivative +nonderogatory +nondescript +nondesecration +nondesignate +nondesigned +nondesire +nondesirous +nondesisting +nondespotic +nondesquamative +nondestructive +nondesulphurized +nondetachable +nondetailed +nondetention +nondetermination +nondeterminist +nondeterrent +nondetest +nondetonating +nondetrimental +nondevelopable +nondevelopment +nondeviation +nondevotional +nondexterous +nondiabetic +nondiabolic +nondiagnosis +nondiagonal +nondiagrammatic +nondialectal +nondialectical +nondialyzing +nondiametral +nondiastatic +nondiathermanous +nondiazotizable +nondichogamous +nondichogamy +nondichotomous +nondictation +nondictatorial +nondictionary +nondidactic +nondieting +nondifferentation +nondifferentiable +nondiffractive +nondiffusing +nondigestion +nondilatable +nondilution +nondiocesan +nondiphtheritic +nondiphthongal +nondiplomatic +nondipterous +nondirection +nondirectional +nondisagreement +nondisappearing +nondisarmament +nondisbursed +nondiscernment +nondischarging +nondisciplinary +nondisclaim +nondisclosure +nondiscontinuance +nondiscordant +nondiscountable +nondiscovery +nondiscretionary +nondiscrimination +nondiscriminatory +nondiscussion +nondisestablishment +nondisfigurement +nondisfranchised +nondisingenuous +nondisintegration +nondisinterested +nondisjunct +nondisjunction +nondisjunctional +nondisjunctive +nondismemberment +nondismissal +nondisparaging +nondisparate +nondispensation +nondispersal +nondispersion +nondisposal +nondisqualifying +nondissenting +nondissolution +nondistant +nondistinctive +nondistortion +nondistribution +nondistributive +nondisturbance +nondivergence +nondivergent +nondiversification +nondivinity +nondivisible +nondivisiblity +nondivision +nondivisional +nondivorce +nondo +nondoctrinal +nondocumentary +nondogmatic +nondoing +nondomestic +nondomesticated +nondominant +nondonation +nondramatic +nondrinking +nondropsical +nondrying +nonduality +nondumping +nonduplication +nondutiable +nondynastic +nondyspeptic +none +nonearning +noneastern +noneatable +nonecclesiastical +nonechoic +noneclectic +noneclipsing +nonecompense +noneconomic +nonedible +noneditor +noneditorial +noneducable +noneducation +noneducational +noneffective +noneffervescent +noneffete +nonefficacious +nonefficacy +nonefficiency +nonefficient +noneffusion +nonego +nonegoistical +nonejection +nonelastic +nonelasticity +nonelect +nonelection +nonelective +nonelector +nonelectric +nonelectrical +nonelectrification +nonelectrified +nonelectrized +nonelectrocution +nonelectrolyte +noneleemosynary +nonelemental +nonelementary +nonelimination +nonelopement +nonemanating +nonemancipation +nonembarkation +nonembellishment +nonembezzlement +nonembryonic +nonemendation +nonemergent +nonemigration +nonemission +nonemotional +nonemphatic +nonemphatical +nonempirical +nonemploying +nonemployment +nonemulative +nonenactment +nonenclosure +nonencroachment +nonencyclopedic +nonendemic +nonendorsement +nonenduring +nonene +nonenemy +nonenergic +nonenforceability +nonenforceable +nonenforcement +nonengagement +nonengineering +nonenrolled +nonent +nonentailed +nonenteric +nonentertainment +nonentitative +nonentitive +nonentitize +nonentity +nonentityism +nonentomological +nonentrant +nonentres +nonentry +nonenumerated +nonenunciation +nonenvious +nonenzymic +nonephemeral +nonepic +nonepicurean +nonepileptic +nonepiscopal +nonepiscopalian +nonepithelial +nonepochal +nonequal +nonequation +nonequatorial +nonequestrian +nonequilateral +nonequilibrium +nonequivalent +nonequivocating +nonerasure +nonerecting +nonerection +nonerotic +nonerroneous +nonerudite +noneruption +nones +nonescape +nonespionage +nonespousal +nonessential +nonesthetic +nonesuch +nonet +noneternal +noneternity +nonetheless +nonethereal +nonethical +nonethnological +nonethyl +noneugenic +noneuphonious +nonevacuation +nonevanescent +nonevangelical +nonevaporation +nonevasion +nonevasive +noneviction +nonevident +nonevidential +nonevil +nonevolutionary +nonevolutionist +nonevolving +nonexaction +nonexaggeration +nonexamination +nonexcavation +nonexcepted +nonexcerptible +nonexcessive +nonexchangeability +nonexchangeable +nonexciting +nonexclamatory +nonexclusion +nonexclusive +nonexcommunicable +nonexculpation +nonexcusable +nonexecution +nonexecutive +nonexemplary +nonexemplificatior +nonexempt +nonexercise +nonexertion +nonexhibition +nonexistence +nonexistent +nonexistential +nonexisting +nonexoneration +nonexotic +nonexpansion +nonexpansive +nonexpansively +nonexpectation +nonexpendable +nonexperience +nonexperienced +nonexperimental +nonexpert +nonexpiation +nonexpiry +nonexploitation +nonexplosive +nonexportable +nonexportation +nonexposure +nonexpulsion +nonextant +nonextempore +nonextended +nonextensile +nonextension +nonextensional +nonextensive +nonextenuatory +nonexteriority +nonextermination +nonexternal +nonexternality +nonextinction +nonextortion +nonextracted +nonextraction +nonextraditable +nonextradition +nonextraneous +nonextreme +nonextrication +nonextrinsic +nonexuding +nonexultation +nonfabulous +nonfacetious +nonfacial +nonfacility +nonfacing +nonfact +nonfactious +nonfactory +nonfactual +nonfacultative +nonfaculty +nonfaddist +nonfading +nonfailure +nonfalse +nonfamily +nonfamous +nonfanatical +nonfanciful +nonfarm +nonfastidious +nonfat +nonfatal +nonfatalistic +nonfatty +nonfavorite +nonfeasance +nonfeasor +nonfeatured +nonfebrile +nonfederal +nonfederated +nonfeldspathic +nonfelonious +nonfelony +nonfenestrated +nonfermentability +nonfermentable +nonfermentation +nonfermentative +nonferrous +nonfertile +nonfertility +nonfestive +nonfeudal +nonfibrous +nonfiction +nonfictional +nonfiduciary +nonfighter +nonfigurative +nonfilamentous +nonfimbriate +nonfinancial +nonfinding +nonfinishing +nonfinite +nonfireproof +nonfiscal +nonfisherman +nonfissile +nonfixation +nonflaky +nonflammable +nonfloatation +nonfloating +nonfloriferous +nonflowering +nonflowing +nonfluctuating +nonfluid +nonfluorescent +nonflying +nonfocal +nonfood +nonforeclosure +nonforeign +nonforeknowledge +nonforest +nonforested +nonforfeitable +nonforfeiting +nonforfeiture +nonform +nonformal +nonformation +nonformulation +nonfortification +nonfortuitous +nonfossiliferous +nonfouling +nonfrat +nonfraternity +nonfrauder +nonfraudulent +nonfreedom +nonfreeman +nonfreezable +nonfreeze +nonfreezing +nonfricative +nonfriction +nonfrosted +nonfruition +nonfrustration +nonfulfillment +nonfunctional +nonfundable +nonfundamental +nonfungible +nonfuroid +nonfusion +nonfuturition +nonfuturity +nongalactic +nongalvanized +nonganglionic +nongas +nongaseous +nongassy +nongelatinizing +nongelatinous +nongenealogical +nongenerative +nongenetic +nongentile +nongeographical +nongeological +nongeometrical +nongermination +nongerundial +nongildsman +nongipsy +nonglacial +nonglandered +nonglandular +nonglare +nonglucose +nonglucosidal +nonglucosidic +nongod +nongold +nongolfer +nongospel +nongovernmental +nongraduate +nongraduated +nongraduation +nongrain +nongranular +nongraphitic +nongrass +nongratuitous +nongravitation +nongravity +nongray +nongreasy +nongreen +nongregarious +nongremial +nongrey +nongrooming +nonguarantee +nonguard +nonguttural +nongymnast +nongypsy +nonhabitable +nonhabitual +nonhalation +nonhallucination +nonhandicap +nonhardenable +nonharmonic +nonharmonious +nonhazardous +nonheading +nonhearer +nonheathen +nonhedonistic +nonhepatic +nonhereditarily +nonhereditary +nonheritable +nonheritor +nonhero +nonhieratic +nonhistoric +nonhistorical +nonhomaloidal +nonhomogeneity +nonhomogeneous +nonhomogenous +nonhostile +nonhouseholder +nonhousekeeping +nonhuman +nonhumanist +nonhumorous +nonhumus +nonhunting +nonhydrogenous +nonhydrolyzable +nonhygrometric +nonhygroscopic +nonhypostatic +nonic +noniconoclastic +nonideal +nonidealist +nonidentical +nonidentity +nonidiomatic +nonidolatrous +nonidyllic +nonignitible +nonignominious +nonignorant +nonillion +nonillionth +nonillumination +nonillustration +nonimaginary +nonimbricating +nonimitative +nonimmateriality +nonimmersion +nonimmigrant +nonimmigration +nonimmune +nonimmunity +nonimmunized +nonimpact +nonimpairment +nonimpartment +nonimpatience +nonimpeachment +nonimperative +nonimperial +nonimplement +nonimportation +nonimporting +nonimposition +nonimpregnated +nonimpressionist +nonimprovement +nonimputation +nonincandescent +nonincarnated +nonincitement +noninclination +noninclusion +noninclusive +nonincrease +nonincreasing +nonincrusting +nonindependent +nonindictable +nonindictment +nonindividual +nonindividualistic +noninductive +noninductively +noninductivity +nonindurated +nonindustrial +noninfallibilist +noninfallible +noninfantry +noninfected +noninfection +noninfectious +noninfinite +noninfinitely +noninflammability +noninflammable +noninflammatory +noninflectional +noninfluence +noninformative +noninfraction +noninhabitant +noninheritable +noninherited +noninitial +noninjurious +noninjury +noninoculation +noninquiring +noninsect +noninsertion +noninstitution +noninstruction +noninstructional +noninstructress +noninstrumental +noninsurance +nonintegrable +nonintegrity +nonintellectual +nonintelligence +nonintelligent +nonintent +nonintention +noninterchangeability +noninterchangeable +nonintercourse +noninterference +noninterferer +noninterfering +nonintermittent +noninternational +noninterpolation +noninterposition +noninterrupted +nonintersecting +nonintersector +nonintervention +noninterventionalist +noninterventionist +nonintoxicant +nonintoxicating +nonintrospective +nonintrospectively +nonintrusion +nonintrusionism +nonintrusionist +nonintuitive +noninverted +noninvidious +noninvincibility +noniodized +nonion +nonionized +nonionizing +nonirate +nonirradiated +nonirrational +nonirreparable +nonirrevocable +nonirrigable +nonirrigated +nonirrigating +nonirrigation +nonirritable +nonirritant +nonirritating +nonisobaric +nonisotropic +nonissuable +nonius +nonjoinder +nonjudicial +nonjurable +nonjurant +nonjuress +nonjuring +nonjurist +nonjuristic +nonjuror +nonjurorism +nonjury +nonjurying +nonknowledge +nonkosher +nonlabeling +nonlactescent +nonlaminated +nonlanguage +nonlaying +nonleaded +nonleaking +nonlegal +nonlegato +nonlegume +nonlepidopterous +nonleprous +nonlevel +nonlevulose +nonliability +nonliable +nonliberation +nonlicensed +nonlicentiate +nonlicet +nonlicking +nonlife +nonlimitation +nonlimiting +nonlinear +nonlipoidal +nonliquefying +nonliquid +nonliquidating +nonliquidation +nonlister +nonlisting +nonliterary +nonlitigious +nonliturgical +nonliving +nonlixiviated +nonlocal +nonlocalized +nonlogical +nonlosable +nonloser +nonlover +nonloving +nonloxodromic +nonluminescent +nonluminosity +nonluminous +nonluster +nonlustrous +nonly +nonmagnetic +nonmagnetizable +nonmaintenance +nonmajority +nonmalarious +nonmalicious +nonmalignant +nonmalleable +nonmammalian +nonmandatory +nonmanifest +nonmanifestation +nonmanila +nonmannite +nonmanual +nonmanufacture +nonmanufactured +nonmanufacturing +nonmarine +nonmarital +nonmaritime +nonmarket +nonmarriage +nonmarriageable +nonmarrying +nonmartial +nonmastery +nonmaterial +nonmaterialistic +nonmateriality +nonmaternal +nonmathematical +nonmathematician +nonmatrimonial +nonmatter +nonmechanical +nonmechanistic +nonmedical +nonmedicinal +nonmedullated +nonmelodious +nonmember +nonmembership +nonmenial +nonmental +nonmercantile +nonmetal +nonmetallic +nonmetalliferous +nonmetallurgical +nonmetamorphic +nonmetaphysical +nonmeteoric +nonmeteorological +nonmetric +nonmetrical +nonmetropolitan +nonmicrobic +nonmicroscopical +nonmigratory +nonmilitant +nonmilitary +nonmillionaire +nonmimetic +nonmineral +nonmineralogical +nonminimal +nonministerial +nonministration +nonmiraculous +nonmischievous +nonmiscible +nonmissionary +nonmobile +nonmodal +nonmodern +nonmolar +nonmolecular +nonmomentary +nonmonarchical +nonmonarchist +nonmonastic +nonmonist +nonmonogamous +nonmonotheistic +nonmorainic +nonmoral +nonmorality +nonmortal +nonmotile +nonmotoring +nonmotorist +nonmountainous +nonmucilaginous +nonmucous +nonmulched +nonmultiple +nonmunicipal +nonmuscular +nonmusical +nonmussable +nonmutationally +nonmutative +nonmutual +nonmystical +nonmythical +nonmythological +nonnant +nonnarcotic +nonnasal +nonnat +nonnational +nonnative +nonnatural +nonnaturalism +nonnaturalistic +nonnaturality +nonnaturalness +nonnautical +nonnaval +nonnavigable +nonnavigation +nonnebular +nonnecessary +nonnecessity +nonnegligible +nonnegotiable +nonnegotiation +nonnephritic +nonnervous +nonnescience +nonnescient +nonneutral +nonneutrality +nonnitrogenized +nonnitrogenous +nonnoble +nonnomination +nonnotification +nonnotional +nonnucleated +nonnumeral +nonnutrient +nonnutritious +nonnutritive +nonobedience +nonobedient +nonobjection +nonobjective +nonobligatory +nonobservable +nonobservance +nonobservant +nonobservation +nonobstetrical +nonobstructive +nonobvious +nonoccidental +nonocculting +nonoccupant +nonoccupation +nonoccupational +nonoccurrence +nonodorous +nonoecumenic +nonoffender +nonoffensive +nonofficeholding +nonofficial +nonofficially +nonofficinal +nonoic +nonoily +nonolfactory +nonomad +nononerous +nonopacity +nonopening +nonoperating +nonoperative +nonopposition +nonoppressive +nonoptical +nonoptimistic +nonoptional +nonorchestral +nonordination +nonorganic +nonorganization +nonoriental +nonoriginal +nonornamental +nonorthodox +nonorthographical +nonoscine +nonostentation +nonoutlawry +nonoutrage +nonoverhead +nonoverlapping +nonowner +nonoxidating +nonoxidizable +nonoxidizing +nonoxygenated +nonoxygenous +nonpacific +nonpacification +nonpacifist +nonpagan +nonpaid +nonpainter +nonpalatal +nonpapal +nonpapist +nonpar +nonparallel +nonparalytic +nonparasitic +nonparasitism +nonpareil +nonparent +nonparental +nonpariello +nonparishioner +nonparliamentary +nonparlor +nonparochial +nonparous +nonpartial +nonpartiality +nonparticipant +nonparticipating +nonparticipation +nonpartisan +nonpartisanship +nonpartner +nonparty +nonpassenger +nonpasserine +nonpastoral +nonpatentable +nonpatented +nonpaternal +nonpathogenic +nonpause +nonpaying +nonpayment +nonpeak +nonpeaked +nonpearlitic +nonpecuniary +nonpedestrian +nonpedigree +nonpelagic +nonpeltast +nonpenal +nonpenalized +nonpending +nonpensionable +nonpensioner +nonperception +nonperceptual +nonperfection +nonperforated +nonperforating +nonperformance +nonperformer +nonperforming +nonperiodic +nonperiodical +nonperishable +nonperishing +nonperjury +nonpermanent +nonpermeability +nonpermeable +nonpermissible +nonpermission +nonperpendicular +nonperpetual +nonperpetuity +nonpersecution +nonperseverance +nonpersistence +nonpersistent +nonperson +nonpersonal +nonpersonification +nonpertinent +nonperversive +nonphagocytic +nonpharmaceutical +nonphenolic +nonphenomenal +nonphilanthropic +nonphilological +nonphilosophical +nonphilosophy +nonphonetic +nonphosphatic +nonphosphorized +nonphotobiotic +nonphysical +nonphysiological +nonpickable +nonpigmented +nonplacental +nonplacet +nonplanar +nonplane +nonplanetary +nonplantowning +nonplastic +nonplate +nonplausible +nonpleading +nonplus +nonplusation +nonplushed +nonplutocratic +nonpoet +nonpoetic +nonpoisonous +nonpolar +nonpolarizable +nonpolarizing +nonpolitical +nonponderosity +nonponderous +nonpopery +nonpopular +nonpopularity +nonporous +nonporphyritic +nonport +nonportability +nonportable +nonportrayal +nonpositive +nonpossession +nonposthumous +nonpostponement +nonpotential +nonpower +nonpractical +nonpractice +nonpraedial +nonpreaching +nonprecious +nonprecipitation +nonpredatory +nonpredestination +nonpredicative +nonpredictable +nonpreference +nonpreferential +nonpreformed +nonpregnant +nonprehensile +nonprejudicial +nonprelatical +nonpremium +nonpreparation +nonprepayment +nonprepositional +nonpresbyter +nonprescribed +nonprescriptive +nonpresence +nonpresentation +nonpreservation +nonpresidential +nonpress +nonpressure +nonprevalence +nonprevalent +nonpriestly +nonprimitive +nonprincipiate +nonprincipled +nonprobable +nonprocreation +nonprocurement +nonproducer +nonproducing +nonproduction +nonproductive +nonproductively +nonproductiveness +nonprofane +nonprofessed +nonprofession +nonprofessional +nonprofessionalism +nonprofessorial +nonproficience +nonproficiency +nonproficient +nonprofit +nonprofiteering +nonprognostication +nonprogressive +nonprohibitable +nonprohibition +nonprohibitive +nonprojection +nonprojective +nonprojectively +nonproletarian +nonproliferous +nonprolific +nonprolongation +nonpromiscuous +nonpromissory +nonpromotion +nonpromulgation +nonpronunciation +nonpropagandistic +nonpropagation +nonprophetic +nonpropitiation +nonproportional +nonproprietary +nonproprietor +nonprorogation +nonproscriptive +nonprosecution +nonprospect +nonprotection +nonprotective +nonproteid +nonprotein +nonprotestation +nonprotractile +nonprotractility +nonproven +nonprovided +nonprovidential +nonprovocation +nonpsychic +nonpsychological +nonpublic +nonpublication +nonpublicity +nonpueblo +nonpulmonary +nonpulsating +nonpumpable +nonpunctual +nonpunctuation +nonpuncturable +nonpunishable +nonpunishing +nonpunishment +nonpurchase +nonpurchaser +nonpurgative +nonpurification +nonpurposive +nonpursuit +nonpurulent +nonpurveyance +nonputrescent +nonputrescible +nonputting +nonpyogenic +nonpyritiferous +nonqualification +nonquality +nonquota +nonracial +nonradiable +nonradiating +nonradical +nonrailroader +nonranging +nonratability +nonratable +nonrated +nonratifying +nonrational +nonrationalist +nonrationalized +nonrayed +nonreaction +nonreactive +nonreactor +nonreader +nonreading +nonrealistic +nonreality +nonrealization +nonreasonable +nonreasoner +nonrebel +nonrebellious +nonreceipt +nonreceiving +nonrecent +nonreception +nonrecess +nonrecipient +nonreciprocal +nonreciprocating +nonreciprocity +nonrecital +nonreclamation +nonrecluse +nonrecognition +nonrecognized +nonrecoil +nonrecollection +nonrecommendation +nonreconciliation +nonrecourse +nonrecoverable +nonrecovery +nonrectangular +nonrectified +nonrecuperation +nonrecurrent +nonrecurring +nonredemption +nonredressing +nonreducing +nonreference +nonrefillable +nonreflector +nonreformation +nonrefraction +nonrefrigerant +nonrefueling +nonrefutation +nonregardance +nonregarding +nonregenerating +nonregenerative +nonregent +nonregimented +nonregistered +nonregistrability +nonregistrable +nonregistration +nonregression +nonregulation +nonrehabilitation +nonreigning +nonreimbursement +nonreinforcement +nonreinstatement +nonrejection +nonrejoinder +nonrelapsed +nonrelation +nonrelative +nonrelaxation +nonrelease +nonreliance +nonreligion +nonreligious +nonreligiousness +nonrelinquishment +nonremanie +nonremedy +nonremembrance +nonremission +nonremonstrance +nonremuneration +nonremunerative +nonrendition +nonrenewable +nonrenewal +nonrenouncing +nonrenunciation +nonrepair +nonreparation +nonrepayable +nonrepealing +nonrepeat +nonrepeater +nonrepentance +nonrepetition +nonreplacement +nonreplicate +nonreportable +nonreprehensible +nonrepresentation +nonrepresentational +nonrepresentationalism +nonrepresentative +nonrepression +nonreprisal +nonreproduction +nonreproductive +nonrepublican +nonrepudiation +nonrequirement +nonrequisition +nonrequital +nonrescue +nonresemblance +nonreservation +nonreserve +nonresidence +nonresidency +nonresident +nonresidental +nonresidenter +nonresidential +nonresidentiary +nonresidentor +nonresidual +nonresignation +nonresinifiable +nonresistance +nonresistant +nonresisting +nonresistive +nonresolvability +nonresolvable +nonresonant +nonrespectable +nonrespirable +nonresponsibility +nonrestitution +nonrestraint +nonrestricted +nonrestriction +nonrestrictive +nonresumption +nonresurrection +nonresuscitation +nonretaliation +nonretention +nonretentive +nonreticence +nonretinal +nonretirement +nonretiring +nonretraceable +nonretractation +nonretractile +nonretraction +nonretrenchment +nonretroactive +nonreturn +nonreturnable +nonrevaluation +nonrevealing +nonrevelation +nonrevenge +nonrevenue +nonreverse +nonreversed +nonreversible +nonreversing +nonreversion +nonrevertible +nonreviewable +nonrevision +nonrevival +nonrevocation +nonrevolting +nonrevolutionary +nonrevolving +nonrhetorical +nonrhymed +nonrhyming +nonrhythmic +nonriding +nonrigid +nonrioter +nonriparian +nonritualistic +nonrival +nonromantic +nonrotatable +nonrotating +nonrotative +nonround +nonroutine +nonroyal +nonroyalist +nonrubber +nonruminant +Nonruminantia +nonrun +nonrupture +nonrural +nonrustable +nonsabbatic +nonsaccharine +nonsacerdotal +nonsacramental +nonsacred +nonsacrifice +nonsacrificial +nonsailor +nonsalable +nonsalaried +nonsale +nonsaline +nonsalutary +nonsalutation +nonsalvation +nonsanctification +nonsanction +nonsanctity +nonsane +nonsanguine +nonsanity +nonsaponifiable +nonsatisfaction +nonsaturated +nonsaturation +nonsaving +nonsawing +nonscalding +nonscaling +nonscandalous +nonschematized +nonschismatic +nonscholastic +nonscience +nonscientific +nonscientist +nonscoring +nonscraping +nonscriptural +nonscripturalist +nonscrutiny +nonseasonal +nonsecession +nonseclusion +nonsecrecy +nonsecret +nonsecretarial +nonsecretion +nonsecretive +nonsecretory +nonsectarian +nonsectional +nonsectorial +nonsecular +nonsecurity +nonsedentary +nonseditious +nonsegmented +nonsegregation +nonseizure +nonselected +nonselection +nonselective +nonself +nonselfregarding +nonselling +nonsenatorial +nonsense +nonsensible +nonsensical +nonsensicality +nonsensically +nonsensicalness +nonsensification +nonsensify +nonsensitive +nonsensitiveness +nonsensitized +nonsensorial +nonsensuous +nonsentence +nonsentient +nonseparation +nonseptate +nonseptic +nonsequacious +nonsequaciousness +nonsequestration +nonserial +nonserif +nonserious +nonserous +nonserviential +nonservile +nonsetter +nonsetting +nonsettlement +nonsexual +nonsexually +nonshaft +nonsharing +nonshatter +nonshedder +nonshipper +nonshipping +nonshredding +nonshrinkable +nonshrinking +nonsiccative +nonsidereal +nonsignatory +nonsignature +nonsignificance +nonsignificant +nonsignification +nonsignificative +nonsilicated +nonsiliceous +nonsilver +nonsimplification +nonsine +nonsinging +nonsingular +nonsinkable +nonsinusoidal +nonsiphonage +nonsister +nonsitter +nonsitting +nonskeptical +nonskid +nonskidding +nonskipping +nonslaveholding +nonslip +nonslippery +nonslipping +nonsludging +nonsmoker +nonsmoking +nonsmutting +nonsocial +nonsocialist +nonsocialistic +nonsociety +nonsociological +nonsolar +nonsoldier +nonsolicitation +nonsolid +nonsolidified +nonsolution +nonsolvency +nonsolvent +nonsonant +nonsovereign +nonspalling +nonsparing +nonsparking +nonspeaker +nonspeaking +nonspecial +nonspecialist +nonspecialized +nonspecie +nonspecific +nonspecification +nonspecificity +nonspecified +nonspectacular +nonspectral +nonspeculation +nonspeculative +nonspherical +nonspill +nonspillable +nonspinning +nonspinose +nonspiny +nonspiral +nonspirit +nonspiritual +nonspirituous +nonspontaneous +nonspored +nonsporeformer +nonsporeforming +nonsporting +nonspottable +nonsprouting +nonstainable +nonstaining +nonstampable +nonstandard +nonstandardized +nonstanzaic +nonstaple +nonstarch +nonstarter +nonstarting +nonstatement +nonstatic +nonstationary +nonstatistical +nonstatutory +nonstellar +nonsticky +nonstimulant +nonstipulation +nonstock +nonstooping +nonstop +nonstrategic +nonstress +nonstretchable +nonstretchy +nonstriated +nonstriker +nonstriking +nonstriped +nonstructural +nonstudent +nonstudious +nonstylized +nonsubject +nonsubjective +nonsubmission +nonsubmissive +nonsubordination +nonsubscriber +nonsubscribing +nonsubscription +nonsubsiding +nonsubsidy +nonsubsistence +nonsubstantial +nonsubstantialism +nonsubstantialist +nonsubstantiality +nonsubstantiation +nonsubstantive +nonsubstitution +nonsubtraction +nonsuccess +nonsuccessful +nonsuccession +nonsuccessive +nonsuccour +nonsuction +nonsuctorial +nonsufferance +nonsuffrage +nonsugar +nonsuggestion +nonsuit +nonsulphurous +nonsummons +nonsupplication +nonsupport +nonsupporter +nonsupporting +nonsuppositional +nonsuppressed +nonsuppression +nonsuppurative +nonsurface +nonsurgical +nonsurrender +nonsurvival +nonsurvivor +nonsuspect +nonsustaining +nonsustenance +nonswearer +nonswearing +nonsweating +nonswimmer +nonswimming +nonsyllabic +nonsyllabicness +nonsyllogistic +nonsyllogizing +nonsymbiotic +nonsymbiotically +nonsymbolic +nonsymmetrical +nonsympathetic +nonsympathizer +nonsympathy +nonsymphonic +nonsymptomatic +nonsynchronous +nonsyndicate +nonsynodic +nonsynonymous +nonsyntactic +nonsyntactical +nonsynthesized +nonsyntonic +nonsystematic +nontabular +nontactical +nontan +nontangential +nontannic +nontannin +nontariff +nontarnishable +nontarnishing +nontautomeric +nontautomerizable +nontax +nontaxability +nontaxable +nontaxonomic +nonteachable +nonteacher +nonteaching +nontechnical +nontechnological +nonteetotaler +nontelegraphic +nonteleological +nontelephonic +nontemporal +nontemporizing +nontenant +nontenure +nontenurial +nonterm +nonterminating +nonterrestrial +nonterritorial +nonterritoriality +nontestamentary +nontextual +nontheatrical +nontheistic +nonthematic +nontheological +nontheosophical +nontherapeutic +nonthinker +nonthinking +nonthoracic +nonthoroughfare +nonthreaded +nontidal +nontillable +nontimbered +nontitaniferous +nontitular +nontolerated +nontopographical +nontourist +nontoxic +nontraction +nontrade +nontrader +nontrading +nontraditional +nontragic +nontrailing +nontransferability +nontransferable +nontransgression +nontransient +nontransitional +nontranslocation +nontransmission +nontransparency +nontransparent +nontransportation +nontransposing +nontransposition +nontraveler +nontraveling +nontreasonable +nontreated +nontreatment +nontreaty +nontrespass +nontrial +nontribal +nontribesman +nontributary +nontrier +nontrigonometrical +nontronite +nontropical +nontrunked +nontruth +nontuberculous +nontuned +nonturbinated +nontutorial +nontyphoidal +nontypical +nontypicalness +nontypographical +nontyrannical +nonubiquitous +nonulcerous +nonultrafilterable +nonumbilical +nonumbilicate +nonumbrellaed +nonunanimous +nonuncial +nonundergraduate +nonunderstandable +nonunderstanding +nonunderstandingly +nonunderstood +nonundulatory +nonuniform +nonuniformist +nonuniformitarian +nonuniformity +nonuniformly +nonunion +nonunionism +nonunionist +nonunique +nonunison +nonunited +nonuniversal +nonuniversity +nonupholstered +nonuple +nonuplet +nonupright +nonurban +nonurgent +nonusage +nonuse +nonuser +nonusing +nonusurping +nonuterine +nonutile +nonutilitarian +nonutility +nonutilized +nonutterance +nonvacant +nonvaccination +nonvacuous +nonvaginal +nonvalent +nonvalidity +nonvaluation +nonvalve +nonvanishing +nonvariable +nonvariant +nonvariation +nonvascular +nonvassal +nonvegetative +nonvenereal +nonvenomous +nonvenous +nonventilation +nonverbal +nonverdict +nonverminous +nonvernacular +nonvertebral +nonvertical +nonvertically +nonvesicular +nonvesting +nonvesture +nonveteran +nonveterinary +nonviable +nonvibratile +nonvibration +nonvibrator +nonvibratory +nonvicarious +nonvictory +nonvillager +nonvillainous +nonvindication +nonvinous +nonvintage +nonviolation +nonviolence +nonvirginal +nonvirile +nonvirtue +nonvirtuous +nonvirulent +nonviruliferous +nonvisaed +nonvisceral +nonviscid +nonviscous +nonvisional +nonvisitation +nonvisiting +nonvisual +nonvisualized +nonvital +nonvitreous +nonvitrified +nonviviparous +nonvocal +nonvocalic +nonvocational +nonvolant +nonvolatile +nonvolatilized +nonvolcanic +nonvolition +nonvoluntary +nonvortical +nonvortically +nonvoter +nonvoting +nonvulcanizable +nonvulvar +nonwalking +nonwar +nonwasting +nonwatertight +nonweakness +nonwestern +nonwetted +nonwhite +nonwinged +nonwoody +nonworker +nonworking +nonworship +nonwrinkleable +nonya +nonyielding +nonyl +nonylene +nonylenic +nonylic +nonzealous +nonzero +nonzodiacal +nonzonal +nonzonate +nonzoological +noodle +noodledom +noodleism +nook +nooked +nookery +nooking +nooklet +nooklike +nooky +noological +noologist +noology +noometry +noon +noonday +noonflower +nooning +noonlight +noonlit +noonstead +noontide +noontime +noonwards +noop +nooscopic +noose +nooser +Nootka +nopal +Nopalea +nopalry +nope +nopinene +nor +Nora +Norah +norard +norate +noration +norbergite +Norbert +Norbertine +norcamphane +nordcaper +nordenskioldine +Nordic +Nordicism +Nordicist +Nordicity +Nordicization +Nordicize +nordmarkite +noreast +noreaster +norelin +Norfolk +Norfolkian +norgine +nori +noria +Noric +norie +norimon +norite +norland +norlander +norlandism +norleucine +Norm +norm +Norma +norma +normal +normalcy +normalism +normalist +normality +normalization +normalize +normalizer +normally +normalness +Norman +Normanesque +Normanish +Normanism +Normanist +Normanization +Normanize +Normanizer +Normanly +Normannic +normated +normative +normatively +normativeness +normless +normoblast +normoblastic +normocyte +normocytic +normotensive +Norn +Norna +nornicotine +nornorwest +noropianic +norpinic +Norridgewock +Norroway +Norroy +Norse +norsel +Norseland +norseler +Norseman +Norsk +north +northbound +northeast +northeaster +northeasterly +northeastern +northeasternmost +northeastward +northeastwardly +northeastwards +norther +northerliness +northerly +northern +northerner +northernize +northernly +northernmost +northernness +northest +northfieldite +northing +northland +northlander +northlight +Northman +northmost +northness +Northumber +Northumbrian +northupite +northward +northwardly +northwards +northwest +northwester +northwesterly +northwestern +northwestward +northwestwardly +northwestwards +Norumbega +norward +norwards +Norway +Norwegian +norwest +norwester +norwestward +Nosairi +Nosairian +nosarian +nose +nosean +noseanite +noseband +nosebanded +nosebleed +nosebone +noseburn +nosed +nosegay +nosegaylike +noseherb +nosehole +noseless +noselessly +noselessness +noselike +noselite +Nosema +Nosematidae +nosepiece +nosepinch +noser +nosesmart +nosethirl +nosetiology +nosewards +nosewheel +nosewise +nosey +nosine +nosing +nosism +nosocomial +nosocomium +nosogenesis +nosogenetic +nosogenic +nosogeny +nosogeography +nosographer +nosographic +nosographical +nosographically +nosography +nosohaemia +nosohemia +nosological +nosologically +nosologist +nosology +nosomania +nosomycosis +nosonomy +nosophobia +nosophyte +nosopoetic +nosopoietic +nosotaxy +nosotrophy +nostalgia +nostalgic +nostalgically +nostalgy +nostic +Nostoc +Nostocaceae +nostocaceous +nostochine +nostologic +nostology +nostomania +Nostradamus +nostrificate +nostrification +nostril +nostriled +nostrility +nostrilsome +nostrum +nostrummonger +nostrummongership +nostrummongery +Nosu +nosy +not +notabilia +notability +notable +notableness +notably +notacanthid +Notacanthidae +notacanthoid +notacanthous +Notacanthus +notaeal +notaeum +notal +notalgia +notalgic +Notalia +notan +notandum +notanencephalia +notarial +notarially +notariate +notarikon +notarize +notary +notaryship +notate +notation +notational +notative +notator +notch +notchboard +notched +notchel +notcher +notchful +notching +notchweed +notchwing +notchy +note +notebook +notecase +noted +notedly +notedness +notehead +noteholder +notekin +Notelaea +noteless +notelessly +notelessness +notelet +notencephalocele +notencephalus +noter +notewise +noteworthily +noteworthiness +noteworthy +notharctid +Notharctidae +Notharctus +nother +nothing +nothingarian +nothingarianism +nothingism +nothingist +nothingize +nothingless +nothingly +nothingness +nothingology +Nothofagus +Notholaena +nothosaur +Nothosauri +nothosaurian +Nothosauridae +Nothosaurus +nothous +notice +noticeability +noticeable +noticeably +noticer +Notidani +notidanian +notidanid +Notidanidae +notidanidan +notidanoid +Notidanus +notifiable +notification +notified +notifier +notify +notifyee +notion +notionable +notional +notionalist +notionality +notionally +notionalness +notionary +notionate +notioned +notionist +notionless +Notiosorex +notitia +Notkerian +notocentrous +notocentrum +notochord +notochordal +notodontian +notodontid +Notodontidae +notodontoid +Notogaea +Notogaeal +Notogaean +Notogaeic +notommatid +Notommatidae +Notonecta +notonectal +notonectid +Notonectidae +notopodial +notopodium +notopterid +Notopteridae +notopteroid +Notopterus +notorhizal +Notorhynchus +notoriety +notorious +notoriously +notoriousness +Notornis +Notoryctes +Notostraca +Nototherium +Nototrema +nototribe +notour +notourly +Notropis +notself +Nottoway +notum +Notungulata +notungulate +Notus +notwithstanding +Nou +nougat +nougatine +nought +noumeaite +noumeite +noumenal +noumenalism +noumenalist +noumenality +noumenalize +noumenally +noumenism +noumenon +noun +nounal +nounally +nounize +nounless +noup +nourice +nourish +nourishable +nourisher +nourishing +nourishingly +nourishment +nouriture +nous +nouther +nova +novaculite +novalia +Novanglian +Novanglican +novantique +novarsenobenzene +novate +Novatian +Novatianism +Novatianist +novation +novative +novator +novatory +novatrix +novcic +novel +novelcraft +noveldom +novelese +novelesque +novelet +novelette +noveletter +novelettish +novelettist +noveletty +novelish +novelism +novelist +novelistic +novelistically +novelization +novelize +novella +novelless +novellike +novelly +novelmongering +novelness +novelry +novelty +novelwright +novem +novemarticulate +November +Novemberish +novemcostate +novemdigitate +novemfid +novemlobate +novemnervate +novemperfoliate +novena +novenary +novendial +novene +novennial +novercal +Novial +novice +novicehood +novicelike +noviceship +noviciate +novilunar +novitial +novitiate +novitiateship +novitiation +novity +Novo +Novocain +novodamus +Novorolsky +now +nowaday +nowadays +nowanights +noway +noways +nowed +nowel +nowhat +nowhen +nowhence +nowhere +nowhereness +nowheres +nowhit +nowhither +nowise +nowness +Nowroze +nowt +nowy +noxa +noxal +noxally +noxious +noxiously +noxiousness +noy +noyade +noyau +Nozi +nozzle +nozzler +nth +nu +nuance +nub +Nuba +nubbin +nubble +nubbling +nubbly +nubby +nubecula +nubia +Nubian +nubiferous +nubiform +nubigenous +nubilate +nubilation +nubile +nubility +nubilous +Nubilum +nucal +nucament +nucamentaceous +nucellar +nucellus +nucha +nuchal +nuchalgia +nuciculture +nuciferous +nuciform +nucin +nucivorous +nucleal +nuclear +nucleary +nuclease +nucleate +nucleation +nucleator +nuclei +nucleiferous +nucleiform +nuclein +nucleinase +nucleoalbumin +nucleoalbuminuria +nucleofugal +nucleohistone +nucleohyaloplasm +nucleohyaloplasma +nucleoid +nucleoidioplasma +nucleolar +nucleolated +nucleole +nucleoli +nucleolinus +nucleolocentrosome +nucleoloid +nucleolus +nucleolysis +nucleomicrosome +nucleon +nucleone +nucleonics +nucleopetal +nucleoplasm +nucleoplasmatic +nucleoplasmic +nucleoprotein +nucleoside +nucleotide +nucleus +nuclide +nuclidic +Nucula +Nuculacea +nuculanium +nucule +nuculid +Nuculidae +nuculiform +nuculoid +Nuda +nudate +nudation +Nudd +nuddle +nude +nudely +nudeness +Nudens +nudge +nudger +nudibranch +Nudibranchia +nudibranchian +nudibranchiate +nudicaudate +nudicaul +nudifier +nudiflorous +nudiped +nudish +nudism +nudist +nuditarian +nudity +nugacious +nugaciousness +nugacity +nugator +nugatoriness +nugatory +nuggar +nugget +nuggety +nugify +nugilogue +Nugumiut +nuisance +nuisancer +nuke +Nukuhivan +nul +null +nullable +nullah +nullibicity +nullibility +nullibiquitous +nullibist +nullification +nullificationist +nullificator +nullifidian +nullifier +nullify +nullipara +nulliparity +nulliparous +nullipennate +Nullipennes +nulliplex +nullipore +nulliporous +nullism +nullisome +nullisomic +nullity +nulliverse +nullo +Numa +Numantine +numb +number +numberable +numberer +numberful +numberless +numberous +numbersome +numbfish +numbing +numbingly +numble +numbles +numbly +numbness +numda +numdah +numen +Numenius +numerable +numerableness +numerably +numeral +numerant +numerary +numerate +numeration +numerative +numerator +numerical +numerically +numericalness +numerist +numero +numerology +numerose +numerosity +numerous +numerously +numerousness +Numida +Numidae +Numidian +Numididae +Numidinae +numinism +numinous +numinously +numismatic +numismatical +numismatically +numismatician +numismatics +numismatist +numismatography +numismatologist +numismatology +nummary +nummi +nummiform +nummular +Nummularia +nummulary +nummulated +nummulation +nummuline +Nummulinidae +nummulite +Nummulites +nummulitic +Nummulitidae +nummulitoid +nummuloidal +nummus +numskull +numskulled +numskulledness +numskullery +numskullism +numud +nun +nunatak +nunbird +nunch +nuncheon +nunciate +nunciative +nunciatory +nunciature +nuncio +nuncioship +nuncle +nuncupate +nuncupation +nuncupative +nuncupatively +nundinal +nundination +nundine +nunhood +Nunki +nunky +nunlet +nunlike +nunnari +nunnated +nunnation +nunnery +nunni +nunnify +nunnish +nunnishness +nunship +Nupe +Nuphar +nuptial +nuptiality +nuptialize +nuptially +nuptials +nuque +nuraghe +nurhag +nurly +nursable +nurse +nursedom +nursegirl +nursehound +nursekeeper +nursekin +nurselet +nurselike +nursemaid +nurser +nursery +nurserydom +nurseryful +nurserymaid +nurseryman +nursetender +nursing +nursingly +nursle +nursling +nursy +nurturable +nurtural +nurture +nurtureless +nurturer +nurtureship +Nusairis +Nusakan +nusfiah +nut +nutant +nutarian +nutate +nutation +nutational +nutbreaker +nutcake +nutcrack +nutcracker +nutcrackers +nutcrackery +nutgall +nuthatch +nuthook +nutjobber +nutlet +nutlike +nutmeg +nutmegged +nutmeggy +nutpecker +nutpick +nutramin +nutria +nutrice +nutricial +nutricism +nutrient +nutrify +nutriment +nutrimental +nutritial +nutrition +nutritional +nutritionally +nutritionist +nutritious +nutritiously +nutritiousness +nutritive +nutritively +nutritiveness +nutritory +nutseed +nutshell +Nuttallia +nuttalliasis +nuttalliosis +nutted +nutter +nuttery +nuttily +nuttiness +nutting +nuttish +nuttishness +nutty +nuzzer +nuzzerana +nuzzle +Nyamwezi +Nyanja +nyanza +Nyaya +nychthemer +nychthemeral +nychthemeron +Nyctaginaceae +nyctaginaceous +Nyctaginia +nyctalope +nyctalopia +nyctalopic +nyctalopy +Nyctanthes +Nyctea +Nyctereutes +nycteribiid +Nycteribiidae +Nycteridae +nycterine +Nycteris +Nycticorax +Nyctimene +nyctinastic +nyctinasty +nyctipelagic +Nyctipithecinae +nyctipithecine +Nyctipithecus +nyctitropic +nyctitropism +nyctophobia +nycturia +Nydia +nye +nylast +nylon +nymil +nymph +nympha +nymphae +Nymphaea +Nymphaeaceae +nymphaeaceous +nymphaeum +nymphal +nymphalid +Nymphalidae +Nymphalinae +nymphaline +nympheal +nymphean +nymphet +nymphic +nymphical +nymphid +nymphine +Nymphipara +nymphiparous +nymphish +nymphitis +nymphlike +nymphlin +nymphly +Nymphoides +nympholepsia +nympholepsy +nympholept +nympholeptic +nymphomania +nymphomaniac +nymphomaniacal +Nymphonacea +nymphosis +nymphotomy +nymphwise +Nyoro +Nyroca +Nyssa +Nyssaceae +nystagmic +nystagmus +nyxis +O +o +oadal +oaf +oafdom +oafish +oafishly +oafishness +oak +oakberry +Oakboy +oaken +oakenshaw +Oakesia +oaklet +oaklike +oakling +oaktongue +oakum +oakweb +oakwood +oaky +oam +Oannes +oar +oarage +oarcock +oared +oarfish +oarhole +oarial +oarialgia +oaric +oariocele +oariopathic +oariopathy +oariotomy +oaritic +oaritis +oarium +oarless +oarlike +oarlock +oarlop +oarman +oarsman +oarsmanship +oarswoman +oarweed +oary +oasal +oasean +oases +oasis +oasitic +oast +oasthouse +oat +oatbin +oatcake +oatear +oaten +oatenmeal +oatfowl +oath +oathay +oathed +oathful +oathlet +oathworthy +oatland +oatlike +oatmeal +oatseed +oaty +Obadiah +obambulate +obambulation +obambulatory +oban +Obbenite +obbligato +obclavate +obclude +obcompressed +obconical +obcordate +obcordiform +obcuneate +obdeltoid +obdiplostemonous +obdiplostemony +obdormition +obduction +obduracy +obdurate +obdurately +obdurateness +obduration +obe +obeah +obeahism +obeche +obedience +obediency +obedient +obediential +obedientially +obedientialness +obedientiar +obedientiary +obediently +obeisance +obeisant +obeisantly +obeism +obelia +obeliac +obelial +obelion +obeliscal +obeliscar +obelisk +obeliskoid +obelism +obelize +obelus +Oberon +obese +obesely +obeseness +obesity +obex +obey +obeyable +obeyer +obeyingly +obfuscable +obfuscate +obfuscation +obfuscator +obfuscity +obfuscous +obi +Obidicut +obispo +obit +obitual +obituarian +obituarily +obituarist +obituarize +obituary +object +objectable +objectation +objectative +objectee +objecthood +objectification +objectify +objection +objectionability +objectionable +objectionableness +objectionably +objectional +objectioner +objectionist +objectival +objectivate +objectivation +objective +objectively +objectiveness +objectivism +objectivist +objectivistic +objectivity +objectivize +objectization +objectize +objectless +objectlessly +objectlessness +objector +objicient +objuration +objure +objurgate +objurgation +objurgative +objurgatively +objurgator +objurgatorily +objurgatory +objurgatrix +oblanceolate +oblate +oblately +oblateness +oblation +oblational +oblationary +oblatory +oblectate +oblectation +obley +obligable +obligancy +obligant +obligate +obligation +obligational +obligative +obligativeness +obligator +obligatorily +obligatoriness +obligatory +obligatum +oblige +obliged +obligedly +obligedness +obligee +obligement +obliger +obliging +obligingly +obligingness +obligistic +obligor +obliquangular +obliquate +obliquation +oblique +obliquely +obliqueness +obliquitous +obliquity +obliquus +obliterable +obliterate +obliteration +obliterative +obliterator +oblivescence +oblivial +obliviality +oblivion +oblivionate +oblivionist +oblivionize +oblivious +obliviously +obliviousness +obliviscence +obliviscible +oblocutor +oblong +oblongatal +oblongated +oblongish +oblongitude +oblongitudinal +oblongly +oblongness +obloquial +obloquious +obloquy +obmutescence +obmutescent +obnebulate +obnounce +obnoxiety +obnoxious +obnoxiously +obnoxiousness +obnubilate +obnubilation +obnunciation +oboe +oboist +obol +Obolaria +obolary +obole +obolet +obolus +obomegoid +Obongo +oboval +obovate +obovoid +obpyramidal +obpyriform +Obrazil +obreption +obreptitious +obreptitiously +obrogate +obrogation +obrotund +obscene +obscenely +obsceneness +obscenity +obscurancy +obscurant +obscurantic +obscurantism +obscurantist +obscuration +obscurative +obscure +obscuredly +obscurely +obscurement +obscureness +obscurer +obscurism +obscurist +obscurity +obsecrate +obsecration +obsecrationary +obsecratory +obsede +obsequence +obsequent +obsequial +obsequience +obsequiosity +obsequious +obsequiously +obsequiousness +obsequity +obsequium +obsequy +observability +observable +observableness +observably +observance +observancy +observandum +observant +Observantine +Observantist +observantly +observantness +observation +observational +observationalism +observationally +observative +observatorial +observatory +observe +observedly +observer +observership +observing +observingly +obsess +obsessingly +obsession +obsessional +obsessionist +obsessive +obsessor +obsidian +obsidianite +obsidional +obsidionary +obsidious +obsignate +obsignation +obsignatory +obsolesce +obsolescence +obsolescent +obsolescently +obsolete +obsoletely +obsoleteness +obsoletion +obsoletism +obstacle +obstetric +obstetrical +obstetrically +obstetricate +obstetrication +obstetrician +obstetrics +obstetricy +obstetrist +obstetrix +obstinacious +obstinacy +obstinance +obstinate +obstinately +obstinateness +obstination +obstinative +obstipation +obstreperate +obstreperosity +obstreperous +obstreperously +obstreperousness +obstriction +obstringe +obstruct +obstructant +obstructedly +obstructer +obstructingly +obstruction +obstructionism +obstructionist +obstructive +obstructively +obstructiveness +obstructivism +obstructivity +obstructor +obstruent +obstupefy +obtain +obtainable +obtainal +obtainance +obtainer +obtainment +obtect +obtected +obtemper +obtemperate +obtenebrate +obtenebration +obtention +obtest +obtestation +obtriangular +obtrude +obtruder +obtruncate +obtruncation +obtruncator +obtrusion +obtrusionist +obtrusive +obtrusively +obtrusiveness +obtund +obtundent +obtunder +obtundity +obturate +obturation +obturator +obturatory +obturbinate +obtusangular +obtuse +obtusely +obtuseness +obtusifid +obtusifolious +obtusilingual +obtusilobous +obtusion +obtusipennate +obtusirostrate +obtusish +obtusity +obumbrant +obumbrate +obumbration +obvallate +obvelation +obvention +obverse +obversely +obversion +obvert +obvertend +obviable +obviate +obviation +obviative +obviator +obvious +obviously +obviousness +obvolute +obvoluted +obvolution +obvolutive +obvolve +obvolvent +ocarina +Occamism +Occamist +Occamistic +Occamite +occamy +occasion +occasionable +occasional +occasionalism +occasionalist +occasionalistic +occasionality +occasionally +occasionalness +occasionary +occasioner +occasionless +occasive +occident +occidental +Occidentalism +Occidentalist +occidentality +Occidentalization +Occidentalize +occidentally +occiduous +occipital +occipitalis +occipitally +occipitoanterior +occipitoatlantal +occipitoatloid +occipitoaxial +occipitoaxoid +occipitobasilar +occipitobregmatic +occipitocalcarine +occipitocervical +occipitofacial +occipitofrontal +occipitofrontalis +occipitohyoid +occipitoiliac +occipitomastoid +occipitomental +occipitonasal +occipitonuchal +occipitootic +occipitoparietal +occipitoposterior +occipitoscapular +occipitosphenoid +occipitosphenoidal +occipitotemporal +occipitothalamic +occiput +occitone +occlude +occludent +occlusal +occluse +occlusion +occlusive +occlusiveness +occlusocervical +occlusocervically +occlusogingival +occlusometer +occlusor +occult +occultate +occultation +occulter +occulting +occultism +occultist +occultly +occultness +occupable +occupance +occupancy +occupant +occupation +occupational +occupationalist +occupationally +occupationless +occupative +occupiable +occupier +occupy +occur +occurrence +occurrent +occursive +ocean +oceaned +oceanet +oceanful +Oceanian +oceanic +Oceanican +oceanity +oceanographer +oceanographic +oceanographical +oceanographically +oceanographist +oceanography +oceanology +oceanophyte +oceanside +oceanward +oceanwards +oceanways +oceanwise +ocellar +ocellary +ocellate +ocellated +ocellation +ocelli +ocellicyst +ocellicystic +ocelliferous +ocelliform +ocelligerous +ocellus +oceloid +ocelot +och +ochava +ochavo +ocher +ocherish +ocherous +ochery +ochidore +ochlesis +ochlesitic +ochletic +ochlocracy +ochlocrat +ochlocratic +ochlocratical +ochlocratically +ochlophobia +ochlophobist +Ochna +Ochnaceae +ochnaceous +ochone +Ochotona +Ochotonidae +Ochozoma +ochraceous +Ochrana +ochrea +ochreate +ochreous +ochro +ochrocarpous +ochroid +ochroleucous +ochrolite +Ochroma +ochronosis +ochronosus +ochronotic +ochrous +ocht +Ocimum +ock +oclock +Ocneria +ocote +Ocotea +ocotillo +ocque +ocracy +ocrea +ocreaceous +Ocreatae +ocreate +ocreated +octachloride +octachord +octachordal +octachronous +Octacnemus +octacolic +octactinal +octactine +Octactiniae +octactinian +octad +octadecahydrate +octadecane +octadecanoic +octadecyl +octadic +octadrachm +octaemeron +octaeteric +octaeterid +octagon +octagonal +octagonally +octahedral +octahedric +octahedrical +octahedrite +octahedroid +octahedron +octahedrous +octahydrate +octahydrated +octakishexahedron +octamerism +octamerous +octameter +octan +octanaphthene +Octandria +octandrian +octandrious +octane +octangle +octangular +octangularness +Octans +octant +octantal +octapla +octaploid +octaploidic +octaploidy +octapodic +octapody +octarch +octarchy +octarius +octarticulate +octary +octasemic +octastich +octastichon +octastrophic +octastyle +octastylos +octateuch +octaval +octavalent +octavarium +octave +Octavia +Octavian +octavic +octavina +Octavius +octavo +octenary +octene +octennial +octennially +octet +octic +octillion +octillionth +octine +octingentenary +octoad +octoalloy +octoate +octobass +October +octobrachiate +Octobrist +octocentenary +octocentennial +octochord +Octocoralla +octocorallan +Octocorallia +octocoralline +octocotyloid +octodactyl +octodactyle +octodactylous +octodecimal +octodecimo +octodentate +octodianome +Octodon +octodont +Octodontidae +Octodontinae +octoechos +octofid +octofoil +octofoiled +octogamy +octogenarian +octogenarianism +octogenary +octogild +octoglot +Octogynia +octogynian +octogynious +octogynous +octoic +octoid +octolateral +octolocular +octomeral +octomerous +octometer +octonal +octonare +octonarian +octonarius +octonary +octonematous +octonion +octonocular +octoon +octopartite +octopean +octoped +octopede +octopetalous +octophthalmous +octophyllous +octopi +octopine +octoploid +octoploidic +octoploidy +octopod +Octopoda +octopodan +octopodes +octopodous +octopolar +octopus +octoradial +octoradiate +octoradiated +octoreme +octoroon +octose +octosepalous +octospermous +octospore +octosporous +octostichous +octosyllabic +octosyllable +octovalent +octoyl +octroi +octroy +octuor +octuple +octuplet +octuplex +octuplicate +octuplication +octuply +octyl +octylene +octyne +ocuby +ocular +ocularist +ocularly +oculary +oculate +oculated +oculauditory +oculiferous +oculiform +oculigerous +Oculina +oculinid +Oculinidae +oculinoid +oculist +oculistic +oculocephalic +oculofacial +oculofrontal +oculomotor +oculomotory +oculonasal +oculopalpebral +oculopupillary +oculospinal +oculozygomatic +oculus +ocydrome +ocydromine +Ocydromus +Ocypete +Ocypoda +ocypodan +Ocypode +ocypodian +Ocypodidae +ocypodoid +Ocyroe +Ocyroidae +Od +od +oda +Odacidae +odacoid +odal +odalborn +odalisk +odalisque +odaller +odalman +odalwoman +Odax +odd +oddish +oddity +oddlegs +oddly +oddman +oddment +oddments +oddness +Odds +odds +Oddsbud +oddsman +ode +odel +odelet +Odelsthing +Odelsting +odeon +odeum +odic +odically +Odin +Odinian +Odinic +Odinism +Odinist +odinite +Odinitic +odiometer +odious +odiously +odiousness +odist +odium +odiumproof +Odobenidae +Odobenus +Odocoileus +odograph +odology +odometer +odometrical +odometry +Odonata +odontagra +odontalgia +odontalgic +Odontaspidae +Odontaspididae +Odontaspis +odontatrophia +odontatrophy +odontexesis +odontiasis +odontic +odontist +odontitis +odontoblast +odontoblastic +odontocele +Odontocete +odontocete +Odontoceti +odontocetous +odontochirurgic +odontoclasis +odontoclast +odontodynia +odontogen +odontogenesis +odontogenic +odontogeny +Odontoglossae +odontoglossal +odontoglossate +Odontoglossum +Odontognathae +odontognathic +odontognathous +odontograph +odontographic +odontography +odontohyperesthesia +odontoid +Odontolcae +odontolcate +odontolcous +odontolite +odontolith +odontological +odontologist +odontology +odontoloxia +odontoma +odontomous +odontonecrosis +odontoneuralgia +odontonosology +odontopathy +odontophoral +odontophore +Odontophoridae +Odontophorinae +odontophorine +odontophorous +Odontophorus +odontoplast +odontoplerosis +Odontopteris +Odontopteryx +odontorhynchous +Odontormae +Odontornithes +odontornithic +odontorrhagia +odontorthosis +odontoschism +odontoscope +odontosis +odontostomatous +odontostomous +Odontosyllis +odontotechny +odontotherapia +odontotherapy +odontotomy +Odontotormae +odontotripsis +odontotrypy +odoom +odophone +odor +odorant +odorate +odorator +odored +odorful +odoriferant +odoriferosity +odoriferous +odoriferously +odoriferousness +odorific +odorimeter +odorimetry +odoriphore +odorivector +odorize +odorless +odorometer +odorosity +odorous +odorously +odorousness +odorproof +Odostemon +Ods +odso +odum +odyl +odylic +odylism +odylist +odylization +odylize +Odynerus +Odyssean +Odyssey +Odz +Odzookers +Odzooks +oe +Oecanthus +oecist +oecodomic +oecodomical +oecoparasite +oecoparasitism +oecophobia +oecumenian +oecumenic +oecumenical +oecumenicalism +oecumenicity +oecus +oedemerid +Oedemeridae +oedicnemine +Oedicnemus +Oedipal +Oedipean +Oedipus +Oedogoniaceae +oedogoniaceous +Oedogoniales +Oedogonium +oenanthaldehyde +oenanthate +Oenanthe +oenanthic +oenanthol +oenanthole +oenanthyl +oenanthylate +oenanthylic +oenin +Oenocarpus +oenochoe +oenocyte +oenocytic +oenolin +oenological +oenologist +oenology +oenomancy +Oenomaus +oenomel +oenometer +oenophilist +oenophobist +oenopoetic +Oenothera +Oenotheraceae +oenotheraceous +Oenotrian +oer +oersted +oes +oesophageal +oesophagi +oesophagismus +oesophagostomiasis +Oesophagostomum +oesophagus +oestradiol +Oestrelata +oestrian +oestriasis +oestrid +Oestridae +oestrin +oestriol +oestroid +oestrous +oestrual +oestruate +oestruation +oestrum +oestrus +of +Ofer +off +offal +offaling +offbeat +offcast +offcome +offcut +offend +offendable +offendant +offended +offendedly +offendedness +offender +offendible +offendress +offense +offenseful +offenseless +offenselessly +offenseproof +offensible +offensive +offensively +offensiveness +offer +offerable +offeree +offerer +offering +offeror +offertorial +offertory +offgoing +offgrade +offhand +offhanded +offhandedly +offhandedness +office +officeholder +officeless +officer +officerage +officeress +officerhood +officerial +officerism +officerless +officership +official +officialdom +officialese +officialism +officiality +officialization +officialize +officially +officialty +officiant +officiary +officiate +officiation +officiator +officinal +officinally +officious +officiously +officiousness +offing +offish +offishly +offishness +offlet +offlook +offprint +offsaddle +offscape +offscour +offscourer +offscouring +offscum +offset +offshoot +offshore +offsider +offspring +offtake +offtype +offuscate +offuscation +offward +offwards +oflete +Ofo +oft +often +oftenness +oftens +oftentime +oftentimes +ofter +oftest +oftly +oftness +ofttime +ofttimes +oftwhiles +Og +ogaire +Ogallala +ogam +ogamic +Ogboni +Ogcocephalidae +Ogcocephalus +ogdoad +ogdoas +ogee +ogeed +ogganition +ogham +oghamic +Oghuz +ogival +ogive +ogived +Oglala +ogle +ogler +ogmic +Ogor +Ogpu +ogre +ogreish +ogreishly +ogreism +ogress +ogrish +ogrism +ogtiern +ogum +Ogygia +Ogygian +oh +ohelo +ohia +Ohio +Ohioan +ohm +ohmage +ohmic +ohmmeter +oho +ohoy +oidioid +oidiomycosis +oidiomycotic +Oidium +oii +oikology +oikoplast +oil +oilberry +oilbird +oilcan +oilcloth +oilcoat +oilcup +oildom +oiled +oiler +oilery +oilfish +oilhole +oilily +oiliness +oilless +oillessness +oillet +oillike +oilman +oilmonger +oilmongery +oilometer +oilpaper +oilproof +oilproofing +oilseed +oilskin +oilskinned +oilstock +oilstone +oilstove +oiltight +oiltightness +oilway +oily +oilyish +oime +oinochoe +oinology +oinomancy +oinomania +oinomel +oint +ointment +Oireachtas +oisin +oisivity +oitava +oiticica +Ojibwa +Ojibway +Ok +oka +okapi +Okapia +okee +okenite +oket +oki +okia +Okie +Okinagan +Oklafalaya +Oklahannali +Oklahoma +Oklahoman +okoniosis +okonite +okra +okrug +okshoofd +okthabah +Okuari +okupukupu +Olacaceae +olacaceous +Olaf +olam +olamic +Olax +Olcha +Olchi +Old +old +olden +Oldenburg +older +oldermost +oldfangled +oldfangledness +Oldfieldia +Oldhamia +oldhamite +oldhearted +oldish +oldland +oldness +oldster +oldwife +Ole +Olea +Oleaceae +oleaceous +Oleacina +Oleacinidae +oleaginous +oleaginousness +oleana +oleander +oleandrin +Olearia +olease +oleaster +oleate +olecranal +olecranarthritis +olecranial +olecranian +olecranoid +olecranon +olefiant +olefin +olefine +olefinic +Oleg +oleic +oleiferous +olein +olena +olenellidian +Olenellus +olenid +Olenidae +olenidian +olent +Olenus +oleo +oleocalcareous +oleocellosis +oleocyst +oleoduct +oleograph +oleographer +oleographic +oleography +oleomargaric +oleomargarine +oleometer +oleoptene +oleorefractometer +oleoresin +oleoresinous +oleosaccharum +oleose +oleosity +oleostearate +oleostearin +oleothorax +oleous +Oleraceae +oleraceous +olericultural +olericulturally +olericulture +Oleron +Olethreutes +olethreutid +Olethreutidae +olfact +olfactible +olfaction +olfactive +olfactology +olfactometer +olfactometric +olfactometry +olfactor +olfactorily +olfactory +olfacty +Olga +oliban +olibanum +olid +oligacanthous +oligaemia +oligandrous +oliganthous +oligarch +oligarchal +oligarchic +oligarchical +oligarchically +oligarchism +oligarchist +oligarchize +oligarchy +oligemia +oligidria +oligist +oligistic +oligistical +oligocarpous +Oligocene +Oligochaeta +oligochaete +oligochaetous +oligochete +oligocholia +oligochrome +oligochromemia +oligochronometer +oligochylia +oligoclase +oligoclasite +oligocystic +oligocythemia +oligocythemic +oligodactylia +oligodendroglia +oligodendroglioma +oligodipsia +oligodontous +oligodynamic +oligogalactia +oligohemia +oligohydramnios +oligolactia +oligomenorrhea +oligomerous +oligomery +oligometochia +oligometochic +Oligomyodae +oligomyodian +oligomyoid +Oligonephria +oligonephric +oligonephrous +oligonite +oligopepsia +oligopetalous +oligophagous +oligophosphaturia +oligophrenia +oligophrenic +oligophyllous +oligoplasmia +oligopnea +oligopolistic +oligopoly +oligoprothesy +oligoprothetic +oligopsonistic +oligopsony +oligopsychia +oligopyrene +oligorhizous +oligosepalous +oligosialia +oligosideric +oligosiderite +oligosite +oligospermia +oligospermous +oligostemonous +oligosyllabic +oligosyllable +oligosynthetic +oligotokous +oligotrichia +oligotrophic +oligotrophy +oligotropic +oliguresis +oliguretic +oliguria +Olinia +Oliniaceae +oliniaceous +olio +oliphant +oliprance +olitory +Oliva +oliva +olivaceous +olivary +Olive +olive +Olivean +olived +Olivella +oliveness +olivenite +Oliver +Oliverian +oliverman +oliversmith +olivescent +olivet +Olivetan +Olivette +olivewood +Olivia +Olividae +Olivier +oliviferous +oliviform +olivil +olivile +olivilin +olivine +olivinefels +olivinic +olivinite +olivinitic +olla +ollamh +ollapod +ollenite +Ollie +ollock +olm +Olneya +Olof +ological +ologist +ologistic +ology +olomao +olona +Olonets +Olonetsian +Olonetsish +Olor +oloroso +olpe +Olpidiaster +Olpidium +Olson +oltonde +oltunna +olycook +olykoek +Olympia +Olympiad +Olympiadic +Olympian +Olympianism +Olympianize +Olympianly +Olympianwise +Olympic +Olympicly +Olympicness +Olympieion +Olympionic +Olympus +Olynthiac +Olynthian +Olynthus +om +omadhaun +omagra +Omagua +Omaha +omalgia +Oman +Omani +omao +Omar +omarthritis +omasitis +omasum +omber +ombrette +ombrifuge +ombrograph +ombrological +ombrology +ombrometer +ombrophile +ombrophilic +ombrophilous +ombrophily +ombrophobe +ombrophobous +ombrophoby +ombrophyte +ombudsman +ombudsmanship +omega +omegoid +omelet +omelette +omen +omened +omenology +omental +omentectomy +omentitis +omentocele +omentofixation +omentopexy +omentoplasty +omentorrhaphy +omentosplenopexy +omentotomy +omentulum +omentum +omer +omicron +omina +ominous +ominously +ominousness +omissible +omission +omissive +omissively +omit +omitis +omittable +omitter +omlah +Ommastrephes +Ommastrephidae +ommateal +ommateum +ommatidial +ommatidium +ommatophore +ommatophorous +Ommiad +Ommiades +omneity +omniactive +omniactuality +omniana +omniarch +omnibenevolence +omnibenevolent +omnibus +omnibusman +omnicausality +omnicompetence +omnicompetent +omnicorporeal +omnicredulity +omnicredulous +omnidenominational +omnierudite +omniessence +omnifacial +omnifarious +omnifariously +omnifariousness +omniferous +omnific +omnificent +omnifidel +omniform +omniformal +omniformity +omnify +omnigenous +omnigerent +omnigraph +omnihuman +omnihumanity +omnilegent +omnilingual +omniloquent +omnilucent +omnimental +omnimeter +omnimode +omnimodous +omninescience +omninescient +omniparent +omniparient +omniparity +omniparous +omnipatient +omnipercipience +omnipercipiency +omnipercipient +omniperfect +omnipotence +omnipotency +omnipotent +omnipotentiality +omnipotently +omnipregnant +omnipresence +omnipresent +omnipresently +omniprevalence +omniprevalent +omniproduction +omniprudent +omnirange +omniregency +omnirepresentative +omnirepresentativeness +omnirevealing +omniscience +omnisciency +omniscient +omnisciently +omniscope +omniscribent +omniscriptive +omnisentience +omnisentient +omnisignificance +omnisignificant +omnispective +omnist +omnisufficiency +omnisufficient +omnitemporal +omnitenent +omnitolerant +omnitonal +omnitonality +omnitonic +omnitude +omnium +omnivagant +omnivalence +omnivalent +omnivalous +omnivarious +omnividence +omnivident +omnivision +omnivolent +Omnivora +omnivoracious +omnivoracity +omnivorant +omnivore +omnivorous +omnivorously +omnivorousness +omodynia +omohyoid +omoideum +omophagia +omophagist +omophagous +omophagy +omophorion +omoplate +omoplatoscopy +omostegite +omosternal +omosternum +omphacine +omphacite +omphalectomy +omphalic +omphalism +omphalitis +omphalocele +omphalode +omphalodium +omphalogenous +omphaloid +omphaloma +omphalomesaraic +omphalomesenteric +omphaloncus +omphalopagus +omphalophlebitis +omphalopsychic +omphalopsychite +omphalorrhagia +omphalorrhea +omphalorrhexis +omphalos +omphalosite +omphaloskepsis +omphalospinous +omphalotomy +omphalotripsy +omphalus +on +Ona +ona +onager +Onagra +onagra +Onagraceae +onagraceous +Onan +onanism +onanist +onanistic +onca +once +oncetta +Onchidiidae +Onchidium +Onchocerca +onchocerciasis +onchocercosis +oncia +Oncidium +oncin +oncograph +oncography +oncologic +oncological +oncology +oncome +oncometer +oncometric +oncometry +oncoming +Oncorhynchus +oncosimeter +oncosis +oncosphere +oncost +oncostman +oncotomy +ondagram +ondagraph +ondameter +ondascope +ondatra +ondine +ondogram +ondograph +ondometer +ondoscope +ondy +one +oneanother +oneberry +onefold +onefoldness +onegite +onehearted +onehow +Oneida +oneiric +oneirocrit +oneirocritic +oneirocritical +oneirocritically +oneirocriticism +oneirocritics +oneirodynia +oneirologist +oneirology +oneiromancer +oneiromancy +oneiroscopic +oneiroscopist +oneiroscopy +oneirotic +oneism +onement +oneness +oner +onerary +onerative +onerosity +onerous +onerously +onerousness +onery +oneself +onesigned +onetime +onewhere +oneyer +onfall +onflemed +onflow +onflowing +ongaro +ongoing +onhanger +onicolo +oniomania +oniomaniac +onion +onionet +onionized +onionlike +onionpeel +onionskin +oniony +onirotic +Oniscidae +onisciform +oniscoid +Oniscoidea +oniscoidean +Oniscus +onium +onkilonite +onkos +onlay +onlepy +onliest +onliness +onlook +onlooker +onlooking +only +onmarch +Onmun +Onobrychis +onocentaur +Onoclea +onofrite +Onohippidium +onolatry +onomancy +onomantia +onomastic +onomasticon +onomatologist +onomatology +onomatomania +onomatope +onomatoplasm +onomatopoeia +onomatopoeial +onomatopoeian +onomatopoeic +onomatopoeical +onomatopoeically +onomatopoesis +onomatopoesy +onomatopoetic +onomatopoetically +onomatopy +onomatous +onomomancy +Onondaga +Onondagan +Ononis +Onopordon +Onosmodium +onrush +onrushing +ons +onset +onsetter +onshore +onside +onsight +onslaught +onstand +onstanding +onstead +onsweep +onsweeping +ontal +Ontarian +Ontaric +onto +ontocycle +ontocyclic +ontogenal +ontogenesis +ontogenetic +ontogenetical +ontogenetically +ontogenic +ontogenically +ontogenist +ontogeny +ontography +ontologic +ontological +ontologically +ontologism +ontologist +ontologistic +ontologize +ontology +ontosophy +onus +onwaiting +onward +onwardly +onwardness +onwards +onycha +onychatrophia +onychauxis +onychia +onychin +onychitis +onychium +onychogryposis +onychoid +onycholysis +onychomalacia +onychomancy +onychomycosis +onychonosus +onychopathic +onychopathology +onychopathy +onychophagist +onychophagy +Onychophora +onychophoran +onychophorous +onychophyma +onychoptosis +onychorrhexis +onychoschizia +onychosis +onychotrophy +onym +onymal +onymancy +onymatic +onymity +onymize +onymous +onymy +onyx +onyxis +onyxitis +onza +ooangium +ooblast +ooblastic +oocyesis +oocyst +Oocystaceae +oocystaceous +oocystic +Oocystis +oocyte +oodles +ooecial +ooecium +oofbird +ooftish +oofy +oogamete +oogamous +oogamy +oogenesis +oogenetic +oogeny +ooglea +oogone +oogonial +oogoniophore +oogonium +oograph +ooid +ooidal +ookinesis +ookinete +ookinetic +oolak +oolemma +oolite +oolitic +oolly +oologic +oological +oologically +oologist +oologize +oology +oolong +oomancy +oomantia +oometer +oometric +oometry +oomycete +Oomycetes +oomycetous +oons +oont +oopak +oophoralgia +oophorauxe +oophore +oophorectomy +oophoreocele +oophorhysterectomy +oophoric +oophoridium +oophoritis +oophoroepilepsy +oophoroma +oophoromalacia +oophoromania +oophoron +oophoropexy +oophororrhaphy +oophorosalpingectomy +oophorostomy +oophorotomy +oophyte +oophytic +ooplasm +ooplasmic +ooplast +oopod +oopodal +ooporphyrin +oorali +oord +ooscope +ooscopy +oosperm +oosphere +oosporange +oosporangium +oospore +Oosporeae +oosporic +oosporiferous +oosporous +oostegite +oostegitic +ootheca +oothecal +ootid +ootocoid +Ootocoidea +ootocoidean +ootocous +ootype +ooze +oozily +ooziness +oozooid +oozy +opacate +opacification +opacifier +opacify +opacite +opacity +opacous +opacousness +opah +opal +opaled +opalesce +opalescence +opalescent +opalesque +Opalina +opaline +opalinid +Opalinidae +opalinine +opalish +opalize +opaloid +opaque +opaquely +opaqueness +Opata +opdalite +ope +Opegrapha +opeidoscope +opelet +open +openable +openband +openbeak +openbill +opencast +opener +openhanded +openhandedly +openhandedness +openhead +openhearted +openheartedly +openheartedness +opening +openly +openmouthed +openmouthedly +openmouthedness +openness +openside +openwork +opera +operability +operabily +operable +operae +operagoer +operalogue +operameter +operance +operancy +operand +operant +operatable +operate +operatee +operatic +operatical +operatically +operating +operation +operational +operationalism +operationalist +operationism +operationist +operative +operatively +operativeness +operativity +operatize +operator +operatory +operatrix +opercle +opercled +opercula +opercular +Operculata +operculate +operculated +operculiferous +operculiform +operculigenous +operculigerous +operculum +operetta +operette +operettist +operose +operosely +operoseness +operosity +Ophelia +ophelimity +Ophian +ophiasis +ophic +ophicalcite +Ophicephalidae +ophicephaloid +Ophicephalus +Ophichthyidae +ophichthyoid +ophicleide +ophicleidean +ophicleidist +Ophidia +ophidian +Ophidiidae +Ophidiobatrachia +ophidioid +Ophidion +ophidiophobia +ophidious +ophidologist +ophidology +Ophiobatrachia +Ophiobolus +Ophioglossaceae +ophioglossaceous +Ophioglossales +Ophioglossum +ophiography +ophioid +ophiolater +ophiolatrous +ophiolatry +ophiolite +ophiolitic +ophiologic +ophiological +ophiologist +ophiology +ophiomancy +ophiomorph +Ophiomorpha +ophiomorphic +ophiomorphous +Ophion +ophionid +Ophioninae +ophionine +ophiophagous +ophiophilism +ophiophilist +ophiophobe +ophiophobia +ophiophoby +ophiopluteus +Ophiosaurus +ophiostaphyle +ophiouride +Ophis +Ophisaurus +Ophism +Ophite +ophite +Ophitic +ophitic +Ophitism +Ophiuchid +Ophiuchus +ophiuran +ophiurid +Ophiurida +ophiuroid +Ophiuroidea +ophiuroidean +ophryon +Ophrys +ophthalaiater +ophthalmagra +ophthalmalgia +ophthalmalgic +ophthalmatrophia +ophthalmectomy +ophthalmencephalon +ophthalmetrical +ophthalmia +ophthalmiac +ophthalmiatrics +ophthalmic +ophthalmious +ophthalmist +ophthalmite +ophthalmitic +ophthalmitis +ophthalmoblennorrhea +ophthalmocarcinoma +ophthalmocele +ophthalmocopia +ophthalmodiagnosis +ophthalmodiastimeter +ophthalmodynamometer +ophthalmodynia +ophthalmography +ophthalmoleucoscope +ophthalmolith +ophthalmologic +ophthalmological +ophthalmologist +ophthalmology +ophthalmomalacia +ophthalmometer +ophthalmometric +ophthalmometry +ophthalmomycosis +ophthalmomyositis +ophthalmomyotomy +ophthalmoneuritis +ophthalmopathy +ophthalmophlebotomy +ophthalmophore +ophthalmophorous +ophthalmophthisis +ophthalmoplasty +ophthalmoplegia +ophthalmoplegic +ophthalmopod +ophthalmoptosis +ophthalmorrhagia +ophthalmorrhea +ophthalmorrhexis +Ophthalmosaurus +ophthalmoscope +ophthalmoscopic +ophthalmoscopical +ophthalmoscopist +ophthalmoscopy +ophthalmostasis +ophthalmostat +ophthalmostatometer +ophthalmothermometer +ophthalmotomy +ophthalmotonometer +ophthalmotonometry +ophthalmotrope +ophthalmotropometer +ophthalmy +opianic +opianyl +opiate +opiateproof +opiatic +Opiconsivia +opificer +opiism +Opilia +Opiliaceae +opiliaceous +Opiliones +Opilionina +opilionine +Opilonea +Opimian +opinability +opinable +opinably +opinant +opination +opinative +opinatively +opinator +opine +opiner +opiniaster +opiniastre +opiniastrety +opiniastrous +opiniater +opiniative +opiniatively +opiniativeness +opiniatreness +opiniatrety +opinion +opinionable +opinionaire +opinional +opinionate +opinionated +opinionatedly +opinionatedness +opinionately +opinionative +opinionatively +opinionativeness +opinioned +opinionedness +opinionist +opiomania +opiomaniac +opiophagism +opiophagy +opiparous +opisometer +opisthenar +opisthion +opisthobranch +Opisthobranchia +opisthobranchiate +Opisthocoelia +opisthocoelian +opisthocoelous +opisthocome +Opisthocomi +Opisthocomidae +opisthocomine +opisthocomous +opisthodetic +opisthodome +opisthodomos +opisthodomus +opisthodont +opisthogastric +Opisthoglossa +opisthoglossal +opisthoglossate +opisthoglyph +Opisthoglypha +opisthoglyphic +opisthoglyphous +Opisthognathidae +opisthognathism +opisthognathous +opisthograph +opisthographal +opisthographic +opisthographical +opisthography +opisthogyrate +opisthogyrous +Opisthoparia +opisthoparian +opisthophagic +opisthoporeia +opisthorchiasis +Opisthorchis +opisthosomal +Opisthothelae +opisthotic +opisthotonic +opisthotonoid +opisthotonos +opisthotonus +opium +opiumism +opobalsam +opodeldoc +opodidymus +opodymus +opopanax +Oporto +opossum +opotherapy +Oppian +oppidan +oppilate +oppilation +oppilative +opponency +opponent +opportune +opportuneless +opportunely +opportuneness +opportunism +opportunist +opportunistic +opportunistically +opportunity +opposability +opposable +oppose +opposed +opposeless +opposer +opposing +opposingly +opposit +opposite +oppositely +oppositeness +oppositiflorous +oppositifolious +opposition +oppositional +oppositionary +oppositionism +oppositionist +oppositionless +oppositious +oppositipetalous +oppositipinnate +oppositipolar +oppositisepalous +oppositive +oppositively +oppositiveness +opposure +oppress +oppressed +oppressible +oppression +oppressionist +oppressive +oppressively +oppressiveness +oppressor +opprobriate +opprobrious +opprobriously +opprobriousness +opprobrium +opprobry +oppugn +oppugnacy +oppugnance +oppugnancy +oppugnant +oppugnate +oppugnation +oppugner +opsigamy +opsimath +opsimathy +opsiometer +opsisform +opsistype +opsonic +opsoniferous +opsonification +opsonify +opsonin +opsonist +opsonium +opsonization +opsonize +opsonogen +opsonoid +opsonology +opsonometry +opsonophilia +opsonophilic +opsonophoric +opsonotherapy +opsy +opt +optable +optableness +optably +optant +optate +optation +optative +optatively +opthalmophorium +opthalmoplegy +opthalmothermometer +optic +optical +optically +optician +opticist +opticity +opticochemical +opticociliary +opticon +opticopapillary +opticopupillary +optics +optigraph +optimacy +optimal +optimate +optimates +optime +optimism +optimist +optimistic +optimistical +optimistically +optimity +optimization +optimize +optimum +option +optional +optionality +optionalize +optionally +optionary +optionee +optionor +optive +optoblast +optogram +optography +optological +optologist +optology +optomeninx +optometer +optometrical +optometrist +optometry +optophone +optotechnics +optotype +Opulaster +opulence +opulency +opulent +opulently +opulus +Opuntia +Opuntiaceae +Opuntiales +opuntioid +opus +opuscular +opuscule +opusculum +oquassa +or +ora +orabassu +orach +oracle +oracular +oracularity +oracularly +oracularness +oraculate +oraculous +oraculously +oraculousness +oraculum +orad +orage +oragious +Orakzai +oral +oraler +oralism +oralist +orality +oralization +oralize +orally +oralogist +oralogy +Orang +orang +orange +orangeade +orangebird +Orangeism +Orangeist +orangeleaf +Orangeman +orangeman +oranger +orangeroot +orangery +orangewoman +orangewood +orangey +orangism +orangist +orangite +orangize +orangutan +orant +Oraon +orarian +orarion +orarium +orary +orate +oration +orational +orationer +orator +oratorial +oratorially +Oratorian +oratorian +Oratorianism +Oratorianize +oratoric +oratorical +oratorically +oratorio +oratorize +oratorlike +oratorship +oratory +oratress +oratrix +orb +orbed +orbic +orbical +Orbicella +orbicle +orbicular +orbicularis +orbicularity +orbicularly +orbicularness +orbiculate +orbiculated +orbiculately +orbiculation +orbiculatocordate +orbiculatoelliptical +Orbiculoidea +orbific +Orbilian +Orbilius +orbit +orbital +orbitale +orbitar +orbitary +orbite +orbitelar +Orbitelariae +orbitelarian +orbitele +orbitelous +orbitofrontal +Orbitoides +Orbitolina +orbitolite +Orbitolites +orbitomalar +orbitomaxillary +orbitonasal +orbitopalpebral +orbitosphenoid +orbitosphenoidal +orbitostat +orbitotomy +orbitozygomatic +orbless +orblet +Orbulina +orby +orc +Orca +Orcadian +orcanet +orcein +orchamus +orchard +orcharding +orchardist +orchardman +orchat +orchel +orchella +orchesis +orchesography +orchester +Orchestia +orchestian +orchestic +orchestiid +Orchestiidae +orchestra +orchestral +orchestraless +orchestrally +orchestrate +orchestrater +orchestration +orchestrator +orchestre +orchestric +orchestrina +orchestrion +orchialgia +orchic +orchichorea +orchid +Orchidaceae +orchidacean +orchidaceous +Orchidales +orchidalgia +orchidectomy +orchideous +orchideously +orchidist +orchiditis +orchidocele +orchidocelioplasty +orchidologist +orchidology +orchidomania +orchidopexy +orchidoplasty +orchidoptosis +orchidorrhaphy +orchidotherapy +orchidotomy +orchiectomy +orchiencephaloma +orchiepididymitis +orchil +orchilla +orchilytic +orchiocatabasis +orchiocele +orchiodynia +orchiomyeloma +orchioncus +orchioneuralgia +orchiopexy +orchioplasty +orchiorrhaphy +orchioscheocele +orchioscirrhus +orchiotomy +Orchis +orchitic +orchitis +orchotomy +orcin +orcinol +Orcinus +ordain +ordainable +ordainer +ordainment +ordanchite +ordeal +order +orderable +ordered +orderedness +orderer +orderless +orderliness +orderly +ordinable +ordinal +ordinally +ordinance +ordinand +ordinant +ordinar +ordinarily +ordinariness +ordinarius +ordinary +ordinaryship +ordinate +ordinately +ordination +ordinative +ordinatomaculate +ordinator +ordinee +ordines +ordnance +ordonnance +ordonnant +ordosite +Ordovian +Ordovices +Ordovician +ordu +ordure +ordurous +ore +oread +Oreamnos +Oreas +orecchion +orectic +orective +oreillet +orellin +oreman +orenda +orendite +Oreocarya +Oreodon +oreodont +Oreodontidae +oreodontine +oreodontoid +Oreodoxa +Oreophasinae +oreophasine +Oreophasis +Oreortyx +oreotragine +Oreotragus +Oreotrochilus +Orestean +Oresteia +oreweed +orewood +orexis +orf +orfgild +organ +organal +organbird +organdy +organella +organelle +organer +organette +organic +organical +organically +organicalness +organicism +organicismal +organicist +organicistic +organicity +organific +organing +organism +organismal +organismic +organist +organistic +organistrum +organistship +organity +organizability +organizable +organization +organizational +organizationally +organizationist +organizatory +organize +organized +organizer +organless +organoantimony +organoarsenic +organobismuth +organoboron +organochordium +organogel +organogen +organogenesis +organogenetic +organogenic +organogenist +organogeny +organogold +organographic +organographical +organographist +organography +organoid +organoiron +organolead +organoleptic +organolithium +organologic +organological +organologist +organology +organomagnesium +organomercury +organometallic +organon +organonomic +organonomy +organonym +organonymal +organonymic +organonymy +organopathy +organophil +organophile +organophilic +organophone +organophonic +organophyly +organoplastic +organoscopy +organosilicon +organosilver +organosodium +organosol +organotherapy +organotin +organotrophic +organotropic +organotropically +organotropism +organotropy +organozinc +organry +organule +organum +organzine +orgasm +orgasmic +orgastic +orgeat +orgia +orgiac +orgiacs +orgiasm +orgiast +orgiastic +orgiastical +orgic +orgue +orguinette +orgulous +orgulously +orgy +orgyia +Orias +Oribatidae +oribi +orichalceous +orichalch +orichalcum +oriconic +oricycle +oriel +oriency +orient +Oriental +oriental +Orientalia +orientalism +orientalist +orientality +orientalization +orientalize +orientally +Orientalogy +orientate +orientation +orientative +orientator +orientite +orientization +orientize +oriently +orientness +orifacial +orifice +orificial +oriflamb +oriflamme +oriform +origan +origanized +Origanum +Origenian +Origenic +Origenical +Origenism +Origenist +Origenistic +Origenize +origin +originable +original +originalist +originality +originally +originalness +originant +originarily +originary +originate +origination +originative +originatively +originator +originatress +originist +orignal +orihon +orihyperbola +orillion +orillon +orinasal +orinasality +oriole +Oriolidae +Oriolus +Orion +Oriskanian +orismologic +orismological +orismology +orison +orisphere +oristic +Oriya +Orkhon +Orkneyan +Orlando +orle +orlean +Orleanism +Orleanist +Orleanistic +Orleans +orlet +orleways +orlewise +orlo +orlop +Ormazd +ormer +ormolu +Ormond +orna +ornament +ornamental +ornamentalism +ornamentalist +ornamentality +ornamentalize +ornamentally +ornamentary +ornamentation +ornamenter +ornamentist +ornate +ornately +ornateness +ornation +ornature +orneriness +ornery +ornis +orniscopic +orniscopist +orniscopy +ornithic +ornithichnite +ornithine +Ornithischia +ornithischian +ornithivorous +ornithobiographical +ornithobiography +ornithocephalic +Ornithocephalidae +ornithocephalous +Ornithocephalus +ornithocoprolite +ornithocopros +ornithodelph +Ornithodelphia +ornithodelphian +ornithodelphic +ornithodelphous +Ornithodoros +Ornithogaea +Ornithogaean +Ornithogalum +ornithogeographic +ornithogeographical +ornithography +ornithoid +Ornitholestes +ornitholite +ornitholitic +ornithologic +ornithological +ornithologically +ornithologist +ornithology +ornithomancy +ornithomantia +ornithomantic +ornithomantist +Ornithomimidae +Ornithomimus +ornithomorph +ornithomorphic +ornithomyzous +ornithon +Ornithopappi +ornithophile +ornithophilist +ornithophilite +ornithophilous +ornithophily +ornithopod +Ornithopoda +ornithopter +Ornithoptera +Ornithopteris +Ornithorhynchidae +ornithorhynchous +Ornithorhynchus +ornithosaur +Ornithosauria +ornithosaurian +Ornithoscelida +ornithoscelidan +ornithoscopic +ornithoscopist +ornithoscopy +ornithosis +ornithotomical +ornithotomist +ornithotomy +ornithotrophy +Ornithurae +ornithuric +ornithurous +ornoite +oroanal +Orobanchaceae +orobanchaceous +Orobanche +orobancheous +orobathymetric +Orobatoidea +Orochon +orocratic +orodiagnosis +orogen +orogenesis +orogenesy +orogenetic +orogenic +orogeny +orograph +orographic +orographical +orographically +orography +oroheliograph +Orohippus +orohydrographic +orohydrographical +orohydrography +oroide +orolingual +orological +orologist +orology +orometer +orometric +orometry +Oromo +oronasal +oronoco +Orontium +oropharyngeal +oropharynx +orotherapy +Orotinan +orotund +orotundity +orphan +orphancy +orphandom +orphange +orphanhood +orphanism +orphanize +orphanry +orphanship +orpharion +Orphean +Orpheist +orpheon +orpheonist +orpheum +Orpheus +Orphic +Orphical +Orphically +Orphicism +Orphism +Orphize +orphrey +orphreyed +orpiment +orpine +Orpington +orrery +orrhoid +orrhology +orrhotherapy +orris +orrisroot +orseille +orseilline +orsel +orselle +orseller +orsellic +orsellinate +orsellinic +Orson +ort +ortalid +Ortalidae +ortalidian +Ortalis +ortet +Orthagoriscus +orthal +orthantimonic +Ortheris +orthian +orthic +orthicon +orthid +Orthidae +Orthis +orthite +orthitic +ortho +orthoarsenite +orthoaxis +orthobenzoquinone +orthobiosis +orthoborate +orthobrachycephalic +orthocarbonic +orthocarpous +Orthocarpus +orthocenter +orthocentric +orthocephalic +orthocephalous +orthocephaly +orthoceracone +Orthoceran +Orthoceras +Orthoceratidae +orthoceratite +orthoceratitic +orthoceratoid +orthochlorite +orthochromatic +orthochromatize +orthoclase +orthoclasite +orthoclastic +orthocoumaric +orthocresol +orthocymene +orthodiaene +orthodiagonal +orthodiagram +orthodiagraph +orthodiagraphic +orthodiagraphy +orthodiazin +orthodiazine +orthodolichocephalic +orthodomatic +orthodome +orthodontia +orthodontic +orthodontics +orthodontist +orthodox +orthodoxal +orthodoxality +orthodoxally +orthodoxian +orthodoxical +orthodoxically +orthodoxism +orthodoxist +orthodoxly +orthodoxness +orthodoxy +orthodromic +orthodromics +orthodromy +orthoepic +orthoepical +orthoepically +orthoepist +orthoepistic +orthoepy +orthoformic +orthogamous +orthogamy +orthogenesis +orthogenetic +orthogenic +orthognathic +orthognathism +orthognathous +orthognathus +orthognathy +orthogneiss +orthogonal +orthogonality +orthogonally +orthogonial +orthograde +orthogranite +orthograph +orthographer +orthographic +orthographical +orthographically +orthographist +orthographize +orthography +orthohydrogen +orthologer +orthologian +orthological +orthology +orthometopic +orthometric +orthometry +Orthonectida +orthonitroaniline +orthopath +orthopathic +orthopathically +orthopathy +orthopedia +orthopedic +orthopedical +orthopedically +orthopedics +orthopedist +orthopedy +orthophenylene +orthophonic +orthophony +orthophoria +orthophoric +orthophosphate +orthophosphoric +orthophyre +orthophyric +orthopinacoid +orthopinacoidal +orthoplastic +orthoplasy +orthoplumbate +orthopnea +orthopneic +orthopod +Orthopoda +orthopraxis +orthopraxy +orthoprism +orthopsychiatric +orthopsychiatrical +orthopsychiatrist +orthopsychiatry +orthopter +Orthoptera +orthopteral +orthopteran +orthopterist +orthopteroid +Orthopteroidea +orthopterological +orthopterologist +orthopterology +orthopteron +orthopterous +orthoptic +orthopyramid +orthopyroxene +orthoquinone +orthorhombic +Orthorrhapha +orthorrhaphous +orthorrhaphy +orthoscope +orthoscopic +orthose +orthosemidin +orthosemidine +orthosilicate +orthosilicic +orthosis +orthosite +orthosomatic +orthospermous +orthostatic +orthostichous +orthostichy +orthostyle +orthosubstituted +orthosymmetric +orthosymmetrical +orthosymmetrically +orthosymmetry +orthotactic +orthotectic +orthotic +orthotolidin +orthotolidine +orthotoluic +orthotoluidin +orthotoluidine +orthotomic +orthotomous +orthotone +orthotonesis +orthotonic +orthotonus +orthotropal +orthotropic +orthotropism +orthotropous +orthotropy +orthotype +orthotypous +orthovanadate +orthovanadic +orthoveratraldehyde +orthoveratric +orthoxazin +orthoxazine +orthoxylene +orthron +ortiga +ortive +Ortol +ortolan +Ortrud +ortstein +ortygan +Ortygian +Ortyginae +ortygine +Ortyx +Orunchun +orvietan +orvietite +Orvieto +Orville +ory +Orycteropodidae +Orycteropus +oryctics +oryctognostic +oryctognostical +oryctognostically +oryctognosy +Oryctolagus +oryssid +Oryssidae +Oryssus +Oryx +Oryza +oryzenin +oryzivorous +Oryzomys +Oryzopsis +Oryzorictes +Oryzorictinae +Os +os +Osage +osamin +osamine +osazone +Osc +Oscan +Oscar +Oscarella +Oscarellidae +oscella +oscheal +oscheitis +oscheocarcinoma +oscheocele +oscheolith +oscheoma +oscheoncus +oscheoplasty +Oschophoria +oscillance +oscillancy +oscillant +Oscillaria +Oscillariaceae +oscillariaceous +oscillate +oscillating +oscillation +oscillative +oscillatively +oscillator +Oscillatoria +Oscillatoriaceae +oscillatoriaceous +oscillatorian +oscillatory +oscillogram +oscillograph +oscillographic +oscillography +oscillometer +oscillometric +oscillometry +oscilloscope +oscin +oscine +Oscines +oscinian +Oscinidae +oscinine +Oscinis +oscitance +oscitancy +oscitant +oscitantly +oscitate +oscitation +oscnode +osculable +osculant +oscular +oscularity +osculate +osculation +osculatory +osculatrix +oscule +osculiferous +osculum +oscurrantist +ose +osela +oshac +Osiandrian +oside +osier +osiered +osierlike +osiery +Osirian +Osiride +Osiridean +Osirification +Osirify +Osiris +Osirism +Oskar +Osmanie +Osmanli +Osmanthus +osmate +osmatic +osmatism +osmazomatic +osmazomatous +osmazome +Osmeridae +Osmerus +osmesis +osmeterium +osmetic +osmic +osmidrosis +osmin +osmina +osmious +osmiridium +osmium +osmodysphoria +osmogene +osmograph +osmolagnia +osmology +osmometer +osmometric +osmometry +Osmond +osmondite +osmophore +osmoregulation +Osmorhiza +osmoscope +osmose +osmosis +osmotactic +osmotaxis +osmotherapy +osmotic +osmotically +osmous +osmund +Osmunda +Osmundaceae +osmundaceous +osmundine +Osnaburg +Osnappar +osoberry +osone +osophy +osotriazine +osotriazole +osphradial +osphradium +osphresiolagnia +osphresiologic +osphresiologist +osphresiology +osphresiometer +osphresiometry +osphresiophilia +osphresis +osphretic +Osphromenidae +osphyalgia +osphyalgic +osphyarthritis +osphyitis +osphyocele +osphyomelitis +osprey +ossal +ossarium +ossature +osse +ossein +osselet +ossements +osseoalbuminoid +osseoaponeurotic +osseocartilaginous +osseofibrous +osseomucoid +osseous +osseously +Osset +Ossetian +Ossetic +Ossetine +Ossetish +Ossian +Ossianesque +Ossianic +Ossianism +Ossianize +ossicle +ossicular +ossiculate +ossicule +ossiculectomy +ossiculotomy +ossiculum +ossiferous +ossific +ossification +ossified +ossifier +ossifluence +ossifluent +ossiform +ossifrage +ossifrangent +ossify +ossivorous +ossuarium +ossuary +ossypite +ostalgia +Ostara +ostariophysan +Ostariophyseae +Ostariophysi +ostariophysial +ostariophysous +ostarthritis +osteal +ostealgia +osteanabrosis +osteanagenesis +ostearthritis +ostearthrotomy +ostectomy +osteectomy +osteectopia +osteectopy +Osteichthyes +ostein +osteitic +osteitis +ostemia +ostempyesis +ostensibility +ostensible +ostensibly +ostension +ostensive +ostensively +ostensorium +ostensory +ostent +ostentate +ostentation +ostentatious +ostentatiously +ostentatiousness +ostentive +ostentous +osteoaneurysm +osteoarthritis +osteoarthropathy +osteoarthrotomy +osteoblast +osteoblastic +osteoblastoma +osteocachetic +osteocarcinoma +osteocartilaginous +osteocele +osteocephaloma +osteochondritis +osteochondrofibroma +osteochondroma +osteochondromatous +osteochondropathy +osteochondrophyte +osteochondrosarcoma +osteochondrous +osteoclasia +osteoclasis +osteoclast +osteoclastic +osteoclasty +osteocolla +osteocomma +osteocranium +osteocystoma +osteodentin +osteodentinal +osteodentine +osteoderm +osteodermal +osteodermatous +osteodermia +osteodermis +osteodiastasis +osteodynia +osteodystrophy +osteoencephaloma +osteoenchondroma +osteoepiphysis +osteofibroma +osteofibrous +osteogangrene +osteogen +osteogenesis +osteogenetic +osteogenic +osteogenist +osteogenous +osteogeny +osteoglossid +Osteoglossidae +osteoglossoid +Osteoglossum +osteographer +osteography +osteohalisteresis +osteoid +Osteolepidae +Osteolepis +osteolite +osteologer +osteologic +osteological +osteologically +osteologist +osteology +osteolysis +osteolytic +osteoma +osteomalacia +osteomalacial +osteomalacic +osteomancy +osteomanty +osteomatoid +osteomere +osteometric +osteometrical +osteometry +osteomyelitis +osteoncus +osteonecrosis +osteoneuralgia +osteopaedion +osteopath +osteopathic +osteopathically +osteopathist +osteopathy +osteopedion +osteoperiosteal +osteoperiostitis +osteopetrosis +osteophage +osteophagia +osteophlebitis +osteophone +osteophony +osteophore +osteophyma +osteophyte +osteophytic +osteoplaque +osteoplast +osteoplastic +osteoplasty +osteoporosis +osteoporotic +osteorrhaphy +osteosarcoma +osteosarcomatous +osteosclerosis +osteoscope +osteosis +osteosteatoma +osteostixis +osteostomatous +osteostomous +osteostracan +Osteostraci +osteosuture +osteosynovitis +osteosynthesis +osteothrombosis +osteotome +osteotomist +osteotomy +osteotribe +osteotrite +osteotrophic +osteotrophy +Ostertagia +ostial +ostiary +ostiate +Ostic +ostiolar +ostiolate +ostiole +ostitis +ostium +ostleress +Ostmannic +ostmark +Ostmen +ostosis +Ostracea +ostracean +ostraceous +Ostraciidae +ostracine +ostracioid +Ostracion +ostracism +ostracizable +ostracization +ostracize +ostracizer +ostracod +Ostracoda +ostracode +ostracoderm +Ostracodermi +ostracodous +ostracoid +Ostracoidea +ostracon +ostracophore +Ostracophori +ostracophorous +ostracum +Ostraeacea +ostraite +Ostrea +ostreaceous +ostreger +ostreicultural +ostreiculture +ostreiculturist +Ostreidae +ostreiform +ostreodynamometer +ostreoid +ostreophage +ostreophagist +ostreophagous +ostrich +ostrichlike +Ostrogoth +Ostrogothian +Ostrogothic +Ostrya +Ostyak +Oswald +Oswegan +otacoustic +otacousticon +Otaheitan +otalgia +otalgic +otalgy +Otaria +otarian +Otariidae +Otariinae +otariine +otarine +otarioid +otary +otate +otectomy +otelcosis +Otello +Othake +othelcosis +Othello +othematoma +othemorrhea +otheoscope +other +otherdom +otherest +othergates +otherguess +otherhow +otherism +otherist +otherness +othersome +othertime +otherwards +otherwhence +otherwhere +otherwhereness +otherwheres +otherwhile +otherwhiles +otherwhither +otherwise +otherwiseness +otherworld +otherworldliness +otherworldly +otherworldness +Othin +Othinism +othmany +Othonna +othygroma +otiant +otiatric +otiatrics +otiatry +otic +oticodinia +Otidae +Otides +Otididae +otidiform +otidine +Otidiphaps +otidium +otiorhynchid +Otiorhynchidae +Otiorhynchinae +otiose +otiosely +otioseness +otiosity +Otis +otitic +otitis +otkon +Oto +otoantritis +otoblennorrhea +otocariasis +otocephalic +otocephaly +otocerebritis +otocleisis +otoconial +otoconite +otoconium +otocrane +otocranial +otocranic +otocranium +Otocyon +otocyst +otocystic +otodynia +otodynic +otoencephalitis +otogenic +otogenous +otographical +otography +Otogyps +otohemineurasthenia +otolaryngologic +otolaryngologist +otolaryngology +otolite +otolith +Otolithidae +Otolithus +otolitic +otological +otologist +otology +Otomaco +otomassage +Otomi +Otomian +Otomitlan +otomucormycosis +otomyces +otomycosis +otonecrectomy +otoneuralgia +otoneurasthenia +otopathic +otopathy +otopharyngeal +otophone +otopiesis +otoplastic +otoplasty +otopolypus +otopyorrhea +otopyosis +otorhinolaryngologic +otorhinolaryngologist +otorhinolaryngology +otorrhagia +otorrhea +otorrhoea +otosalpinx +otosclerosis +otoscope +otoscopic +otoscopy +otosis +otosphenal +otosteal +otosteon +ototomy +Otozoum +ottajanite +ottar +ottavarima +Ottawa +otter +otterer +otterhound +ottinger +ottingkar +Otto +otto +Ottoman +Ottomanean +Ottomanic +Ottomanism +Ottomanization +Ottomanize +Ottomanlike +Ottomite +ottrelife +Ottweilian +Otuquian +oturia +Otus +Otyak +ouabain +ouabaio +ouabe +ouachitite +ouakari +ouananiche +oubliette +ouch +Oudemian +oudenarde +Oudenodon +oudenodont +ouenite +ouf +ough +ought +oughtness +oughtnt +Ouija +ouistiti +oukia +oulap +ounce +ounds +ouphe +ouphish +our +Ouranos +ourie +ouroub +Ourouparia +ours +ourself +ourselves +oust +ouster +out +outact +outadmiral +Outagami +outage +outambush +outarde +outargue +outask +outawe +outbabble +outback +outbacker +outbake +outbalance +outban +outbanter +outbar +outbargain +outbark +outbawl +outbeam +outbear +outbearing +outbeg +outbeggar +outbelch +outbellow +outbent +outbetter +outbid +outbidder +outbirth +outblacken +outblaze +outbleat +outbleed +outbless +outbloom +outblossom +outblot +outblow +outblowing +outblown +outbluff +outblunder +outblush +outbluster +outboard +outboast +outbolting +outbond +outbook +outborn +outborough +outbound +outboundaries +outbounds +outbow +outbowed +outbowl +outbox +outbrag +outbranch +outbranching +outbrave +outbray +outbrazen +outbreak +outbreaker +outbreaking +outbreath +outbreathe +outbreather +outbred +outbreed +outbreeding +outbribe +outbridge +outbring +outbrother +outbud +outbuild +outbuilding +outbulge +outbulk +outbully +outburn +outburst +outbustle +outbuy +outbuzz +outby +outcant +outcaper +outcarol +outcarry +outcase +outcast +outcaste +outcasting +outcastness +outcavil +outchamber +outcharm +outchase +outchatter +outcheat +outchide +outcity +outclamor +outclass +outclerk +outclimb +outcome +outcomer +outcoming +outcompass +outcomplete +outcompliment +outcorner +outcountry +outcourt +outcrawl +outcricket +outcrier +outcrop +outcropper +outcross +outcrossing +outcrow +outcrowd +outcry +outcull +outcure +outcurse +outcurve +outcut +outdaciousness +outdance +outdare +outdate +outdated +outdazzle +outdevil +outdispatch +outdistance +outdistrict +outdo +outdodge +outdoer +outdoor +outdoorness +outdoors +outdoorsman +outdraft +outdragon +outdraw +outdream +outdress +outdrink +outdrive +outdure +outdwell +outdweller +outdwelling +outeat +outecho +outed +outedge +outen +outer +outerly +outermost +outerness +outerwear +outeye +outeyed +outfable +outface +outfall +outfame +outfangthief +outfast +outfawn +outfeast +outfeat +outfeeding +outfence +outferret +outfiction +outfield +outfielder +outfieldsman +outfight +outfighter +outfighting +outfigure +outfish +outfit +outfitter +outflame +outflank +outflanker +outflanking +outflare +outflash +outflatter +outfling +outfloat +outflourish +outflow +outflue +outflung +outflunky +outflush +outflux +outfly +outfold +outfool +outfoot +outform +outfort +outfreeman +outfront +outfroth +outfrown +outgabble +outgain +outgallop +outgamble +outgame +outgang +outgarment +outgarth +outgas +outgate +outgauge +outgaze +outgeneral +outgive +outgiving +outglad +outglare +outgleam +outglitter +outgloom +outglow +outgnaw +outgo +outgoer +outgoing +outgoingness +outgone +outgreen +outgrin +outground +outgrow +outgrowing +outgrowth +outguard +outguess +outgun +outgush +outhammer +outhasten +outhaul +outhauler +outhear +outheart +outhector +outheel +outher +outhire +outhiss +outhit +outhold +outhorror +outhouse +outhousing +outhowl +outhue +outhumor +outhunt +outhurl +outhut +outhymn +outhyperbolize +outimage +outing +outinvent +outish +outissue +outjazz +outjest +outjet +outjetting +outjinx +outjockey +outjourney +outjuggle +outjump +outjut +outkeeper +outkick +outkill +outking +outkiss +outkitchen +outknave +outknee +outlabor +outlaid +outlance +outland +outlander +outlandish +outlandishlike +outlandishly +outlandishness +outlash +outlast +outlaugh +outlaunch +outlaw +outlawry +outlay +outlean +outleap +outlearn +outlegend +outlength +outlengthen +outler +outlet +outlie +outlier +outlighten +outlimb +outlimn +outline +outlinear +outlined +outlineless +outliner +outlinger +outlip +outlipped +outlive +outliver +outlodging +outlook +outlooker +outlord +outlove +outlung +outluster +outly +outlying +outmagic +outmalaprop +outman +outmaneuver +outmantle +outmarch +outmarriage +outmarry +outmaster +outmatch +outmate +outmeasure +outmerchant +outmiracle +outmode +outmoded +outmost +outmount +outmouth +outmove +outname +outness +outnight +outnoise +outnook +outnumber +outoffice +outoven +outpace +outpage +outpaint +outparagon +outparamour +outparish +outpart +outpass +outpassion +outpath +outpatient +outpay +outpayment +outpeal +outpeep +outpeer +outpension +outpensioner +outpeople +outperform +outpick +outpicket +outpipe +outpitch +outpity +outplace +outplan +outplay +outplayed +outplease +outplod +outplot +outpocketing +outpoint +outpoise +outpoison +outpoll +outpomp +outpop +outpopulate +outporch +outport +outporter +outportion +outpost +outpouching +outpour +outpourer +outpouring +outpractice +outpraise +outpray +outpreach +outpreen +outprice +outprodigy +outproduce +outpromise +outpry +outpull +outpupil +outpurl +outpurse +outpush +output +outputter +outquaff +outquarters +outqueen +outquestion +outquibble +outquote +outrace +outrage +outrageous +outrageously +outrageousness +outrageproof +outrager +outraging +outrail +outrance +outrange +outrank +outrant +outrap +outrate +outraught +outrave +outray +outre +outreach +outread +outreason +outreckon +outredden +outrede +outreign +outrelief +outremer +outreness +outrhyme +outrick +outride +outrider +outriding +outrig +outrigger +outriggered +outriggerless +outrigging +outright +outrightly +outrightness +outring +outrival +outroar +outrogue +outroll +outromance +outrooper +outroot +outrove +outrow +outroyal +outrun +outrunner +outrush +outsail +outsaint +outsally +outsatisfy +outsavor +outsay +outscent +outscold +outscore +outscorn +outscour +outscouring +outscream +outsea +outseam +outsearch +outsee +outseek +outsell +outsentry +outsert +outservant +outset +outsetting +outsettlement +outsettler +outshadow +outshake +outshame +outshape +outsharp +outsharpen +outsheathe +outshift +outshine +outshiner +outshoot +outshot +outshoulder +outshout +outshove +outshow +outshower +outshriek +outshrill +outshut +outside +outsided +outsidedness +outsideness +outsider +outsift +outsigh +outsight +outsin +outsing +outsit +outsize +outsized +outskill +outskip +outskirmish +outskirmisher +outskirt +outskirter +outslander +outslang +outsleep +outslide +outslink +outsmart +outsmell +outsmile +outsnatch +outsnore +outsoar +outsole +outsoler +outsonnet +outsophisticate +outsound +outspan +outsparkle +outspeak +outspeaker +outspeech +outspeed +outspell +outspend +outspent +outspill +outspin +outspirit +outspit +outsplendor +outspoken +outspokenly +outspokenness +outsport +outspout +outspread +outspring +outsprint +outspue +outspurn +outspurt +outstagger +outstair +outstand +outstander +outstanding +outstandingly +outstandingness +outstare +outstart +outstarter +outstartle +outstate +outstation +outstatistic +outstature +outstay +outsteal +outsteam +outstep +outsting +outstink +outstood +outstorm +outstrain +outstream +outstreet +outstretch +outstretcher +outstride +outstrike +outstrip +outstrive +outstroke +outstrut +outstudent +outstudy +outstunt +outsubtle +outsuck +outsucken +outsuffer +outsuitor +outsulk +outsum +outsuperstition +outswagger +outswarm +outswear +outsweep +outsweeping +outsweeten +outswell +outswift +outswim +outswindle +outswing +outswirl +outtaken +outtalent +outtalk +outtask +outtaste +outtear +outtease +outtell +outthieve +outthink +outthreaten +outthrob +outthrough +outthrow +outthrust +outthruster +outthunder +outthwack +outtinkle +outtire +outtoil +outtongue +outtop +outtower +outtrade +outtrail +outtravel +outtrick +outtrot +outtrump +outturn +outturned +outtyrannize +outusure +outvalue +outvanish +outvaunt +outvelvet +outvenom +outvictor +outvie +outvier +outvigil +outvillage +outvillain +outvociferate +outvoice +outvote +outvoter +outvoyage +outwait +outwake +outwale +outwalk +outwall +outwallop +outwander +outwar +outwarble +outward +outwardly +outwardmost +outwardness +outwards +outwash +outwaste +outwatch +outwater +outwave +outwealth +outweapon +outwear +outweary +outweave +outweed +outweep +outweigh +outweight +outwell +outwent +outwhirl +outwick +outwile +outwill +outwind +outwindow +outwing +outwish +outwit +outwith +outwittal +outwitter +outwoe +outwoman +outwood +outword +outwore +outwork +outworker +outworld +outworn +outworth +outwrangle +outwrench +outwrest +outwrestle +outwriggle +outwring +outwrite +outwrought +outyard +outyell +outyelp +outyield +outzany +ouzel +Ova +ova +Ovaherero +oval +ovalbumin +ovalescent +ovaliform +ovalish +ovalization +ovalize +ovally +ovalness +ovaloid +ovalwise +Ovambo +Ovampo +Ovangangela +ovant +ovarial +ovarian +ovarin +ovarioabdominal +ovariocele +ovariocentesis +ovariocyesis +ovariodysneuria +ovariohysterectomy +ovariole +ovariolumbar +ovariorrhexis +ovariosalpingectomy +ovariosteresis +ovariostomy +ovariotomist +ovariotomize +ovariotomy +ovariotubal +ovarious +ovaritis +ovarium +ovary +ovate +ovateconical +ovated +ovately +ovation +ovational +ovationary +ovatoacuminate +ovatoconical +ovatocordate +ovatocylindraceous +ovatodeltoid +ovatoellipsoidal +ovatoglobose +ovatolanceolate +ovatooblong +ovatoorbicular +ovatopyriform +ovatoquadrangular +ovatorotundate +ovatoserrate +ovatotriangular +oven +ovenbird +ovenful +ovenlike +ovenly +ovenman +ovenpeel +ovenstone +ovenware +ovenwise +over +overability +overable +overabound +overabsorb +overabstain +overabstemious +overabstemiousness +overabundance +overabundant +overabundantly +overabuse +overaccentuate +overaccumulate +overaccumulation +overaccuracy +overaccurate +overaccurately +overact +overaction +overactive +overactiveness +overactivity +overacute +overaddiction +overadvance +overadvice +overaffect +overaffirmation +overafflict +overaffliction +overage +overageness +overaggravate +overaggravation +overagitate +overagonize +overall +overalled +overalls +overambitioned +overambitious +overambling +overanalyze +overangelic +overannotate +overanswer +overanxiety +overanxious +overanxiously +overappareled +overappraisal +overappraise +overapprehended +overapprehension +overapprehensive +overapt +overarch +overargue +overarm +overartificial +overartificiality +overassail +overassert +overassertion +overassertive +overassertively +overassertiveness +overassess +overassessment +overassumption +overattached +overattachment +overattention +overattentive +overattentively +overawe +overawful +overawn +overawning +overbake +overbalance +overballast +overbalm +overbanded +overbandy +overbank +overbanked +overbark +overbarren +overbarrenness +overbase +overbaseness +overbashful +overbashfully +overbashfulness +overbattle +overbear +overbearance +overbearer +overbearing +overbearingly +overbearingness +overbeat +overbeating +overbeetling +overbelief +overbend +overbepatched +overberg +overbet +overbias +overbid +overbig +overbigness +overbillow +overbit +overbite +overbitten +overbitter +overbitterly +overbitterness +overblack +overblame +overblaze +overbleach +overblessed +overblessedness +overblind +overblindly +overblithe +overbloom +overblouse +overblow +overblowing +overblown +overboard +overboast +overboastful +overbodice +overboding +overbody +overboil +overbold +overboldly +overboldness +overbook +overbookish +overbooming +overborne +overborrow +overbought +overbound +overbounteous +overbounteously +overbounteousness +overbow +overbowed +overbowl +overbrace +overbragging +overbrained +overbranch +overbrave +overbravely +overbravery +overbray +overbreak +overbreathe +overbred +overbreed +overbribe +overbridge +overbright +overbrightly +overbrightness +overbrilliancy +overbrilliant +overbrilliantly +overbrim +overbrimmingly +overbroaden +overbroil +overbrood +overbrow +overbrown +overbrowse +overbrush +overbrutal +overbrutality +overbrutalize +overbrutally +overbubbling +overbuild +overbuilt +overbulk +overbulky +overbumptious +overburden +overburdeningly +overburdensome +overburn +overburned +overburningly +overburnt +overburst +overburthen +overbusily +overbusiness +overbusy +overbuy +overby +overcall +overcanny +overcanopy +overcap +overcapable +overcapably +overcapacity +overcape +overcapitalization +overcapitalize +overcaptious +overcaptiously +overcaptiousness +overcard +overcare +overcareful +overcarefully +overcareless +overcarelessly +overcarelessness +overcaring +overcarking +overcarry +overcast +overcasting +overcasual +overcasually +overcatch +overcaution +overcautious +overcautiously +overcautiousness +overcentralization +overcentralize +overcertification +overcertify +overchafe +overchannel +overchant +overcharge +overchargement +overcharger +overcharitable +overcharitably +overcharity +overchase +overcheap +overcheaply +overcheapness +overcheck +overcherish +overchidden +overchief +overchildish +overchildishness +overchill +overchlorinate +overchoke +overchrome +overchurch +overcirculate +overcircumspect +overcircumspection +overcivil +overcivility +overcivilization +overcivilize +overclaim +overclamor +overclasp +overclean +overcleanly +overcleanness +overcleave +overclever +overcleverness +overclimb +overcloak +overclog +overclose +overclosely +overcloseness +overclothe +overclothes +overcloud +overcloy +overcluster +overcoached +overcoat +overcoated +overcoating +overcoil +overcold +overcoldly +overcollar +overcolor +overcomable +overcome +overcomer +overcomingly +overcommand +overcommend +overcommon +overcommonly +overcommonness +overcompensate +overcompensation +overcompensatory +overcompetition +overcompetitive +overcomplacency +overcomplacent +overcomplacently +overcomplete +overcomplex +overcomplexity +overcompliant +overcompound +overconcentrate +overconcentration +overconcern +overconcerned +overcondensation +overcondense +overconfidence +overconfident +overconfidently +overconfute +overconquer +overconscientious +overconscious +overconsciously +overconsciousness +overconservatism +overconservative +overconservatively +overconsiderate +overconsiderately +overconsideration +overconsume +overconsumption +overcontented +overcontentedly +overcontentment +overcontract +overcontraction +overcontribute +overcontribution +overcook +overcool +overcoolly +overcopious +overcopiously +overcopiousness +overcorned +overcorrect +overcorrection +overcorrupt +overcorruption +overcorruptly +overcostly +overcount +overcourteous +overcourtesy +overcover +overcovetous +overcovetousness +overcow +overcoy +overcoyness +overcram +overcredit +overcredulity +overcredulous +overcredulously +overcreed +overcreep +overcritical +overcritically +overcriticalness +overcriticism +overcriticize +overcrop +overcross +overcrow +overcrowd +overcrowded +overcrowdedly +overcrowdedness +overcrown +overcrust +overcry +overcull +overcultivate +overcultivation +overculture +overcultured +overcumber +overcunning +overcunningly +overcunningness +overcup +overcured +overcurious +overcuriously +overcuriousness +overcurl +overcurrency +overcurrent +overcurtain +overcustom +overcut +overcutter +overcutting +overdaintily +overdaintiness +overdainty +overdamn +overdance +overdangle +overdare +overdaringly +overdarken +overdash +overdazed +overdazzle +overdeal +overdear +overdearly +overdearness +overdeck +overdecorate +overdecoration +overdecorative +overdeeming +overdeep +overdeepen +overdeeply +overdeliberate +overdeliberation +overdelicacy +overdelicate +overdelicately +overdelicious +overdeliciously +overdelighted +overdelightedly +overdemand +overdemocracy +overdepress +overdepressive +overdescant +overdesire +overdesirous +overdesirousness +overdestructive +overdestructively +overdestructiveness +overdetermination +overdetermined +overdevelop +overdevelopment +overdevoted +overdevotedly +overdevotion +overdiffuse +overdiffusely +overdiffuseness +overdigest +overdignified +overdignifiedly +overdignifiedness +overdignify +overdignity +overdiligence +overdiligent +overdiligently +overdilute +overdilution +overdischarge +overdiscipline +overdiscount +overdiscourage +overdiscouragement +overdistance +overdistant +overdistantly +overdistantness +overdistempered +overdistention +overdiverse +overdiversely +overdiversification +overdiversify +overdiversity +overdo +overdoctrinize +overdoer +overdogmatic +overdogmatically +overdogmatism +overdome +overdominate +overdone +overdoor +overdosage +overdose +overdoubt +overdoze +overdraft +overdrain +overdrainage +overdramatic +overdramatically +overdrape +overdrapery +overdraw +overdrawer +overdream +overdrench +overdress +overdrifted +overdrink +overdrip +overdrive +overdriven +overdroop +overdrowsed +overdry +overdubbed +overdue +overdunged +overdure +overdust +overdye +overeager +overeagerly +overeagerness +overearnest +overearnestly +overearnestness +overeasily +overeasiness +overeasy +overeat +overeaten +overedge +overedit +overeducate +overeducated +overeducation +overeducative +overeffort +overegg +overelaborate +overelaborately +overelaboration +overelate +overelegance +overelegancy +overelegant +overelegantly +overelliptical +overembellish +overembellishment +overembroider +overemotional +overemotionality +overemotionalize +overemphasis +overemphasize +overemphatic +overemphatically +overemphaticness +overempired +overemptiness +overempty +overenter +overenthusiasm +overenthusiastic +overentreat +overentry +overequal +overestimate +overestimation +overexcelling +overexcitability +overexcitable +overexcitably +overexcite +overexcitement +overexercise +overexert +overexerted +overexertedly +overexertedness +overexertion +overexpand +overexpansion +overexpansive +overexpect +overexpectant +overexpectantly +overexpenditure +overexpert +overexplain +overexplanation +overexpose +overexposure +overexpress +overexquisite +overexquisitely +overextend +overextension +overextensive +overextreme +overexuberant +overeye +overeyebrowed +overface +overfacile +overfacilely +overfacility +overfactious +overfactiousness +overfag +overfagged +overfaint +overfaith +overfaithful +overfaithfully +overfall +overfamed +overfamiliar +overfamiliarity +overfamiliarly +overfamous +overfanciful +overfancy +overfar +overfast +overfastidious +overfastidiously +overfastidiousness +overfasting +overfat +overfatigue +overfatten +overfavor +overfavorable +overfavorably +overfear +overfearful +overfearfully +overfearfulness +overfeast +overfeatured +overfed +overfee +overfeed +overfeel +overfellowlike +overfellowly +overfelon +overfeminine +overfeminize +overfertile +overfertility +overfestoon +overfew +overfierce +overfierceness +overfile +overfill +overfilm +overfine +overfinished +overfish +overfit +overfix +overflatten +overfleece +overfleshed +overflexion +overfling +overfloat +overflog +overflood +overflorid +overfloridness +overflourish +overflow +overflowable +overflower +overflowing +overflowingly +overflowingness +overflown +overfluency +overfluent +overfluently +overflush +overflutter +overfly +overfold +overfond +overfondle +overfondly +overfondness +overfoolish +overfoolishly +overfoolishness +overfoot +overforce +overforged +overformed +overforward +overforwardly +overforwardness +overfought +overfoul +overfoully +overfrail +overfrailty +overfranchised +overfrank +overfrankly +overfrankness +overfraught +overfree +overfreedom +overfreely +overfreight +overfrequency +overfrequent +overfrequently +overfret +overfrieze +overfrighted +overfrighten +overfroth +overfrown +overfrozen +overfruited +overfruitful +overfull +overfullness +overfunctioning +overfurnish +overgaiter +overgalled +overgamble +overgang +overgarment +overgarrison +overgaze +overgeneral +overgeneralize +overgenerally +overgenerosity +overgenerous +overgenerously +overgenial +overgeniality +overgentle +overgently +overget +overgifted +overgild +overgilted +overgird +overgirded +overgirdle +overglad +overgladly +overglance +overglass +overglaze +overglide +overglint +overgloom +overgloominess +overgloomy +overglorious +overgloss +overglut +overgo +overgoad +overgod +overgodliness +overgodly +overgood +overgorge +overgovern +overgovernment +overgown +overgrace +overgracious +overgrade +overgrain +overgrainer +overgrasping +overgrateful +overgratefully +overgratification +overgratify +overgratitude +overgraze +overgreasiness +overgreasy +overgreat +overgreatly +overgreatness +overgreed +overgreedily +overgreediness +overgreedy +overgrieve +overgrievous +overgrind +overgross +overgrossly +overgrossness +overground +overgrow +overgrown +overgrowth +overguilty +overgun +overhair +overhalf +overhand +overhanded +overhandicap +overhandle +overhang +overhappy +overharass +overhard +overharden +overhardness +overhardy +overharsh +overharshly +overharshness +overhaste +overhasten +overhastily +overhastiness +overhasty +overhate +overhatted +overhaughty +overhaul +overhauler +overhead +overheadiness +overheadman +overheady +overheap +overhear +overhearer +overheartily +overhearty +overheat +overheatedly +overheave +overheaviness +overheavy +overheight +overheighten +overheinous +overheld +overhelp +overhelpful +overhigh +overhighly +overhill +overhit +overholiness +overhollow +overholy +overhomeliness +overhomely +overhonest +overhonestly +overhonesty +overhonor +overhorse +overhot +overhotly +overhour +overhouse +overhover +overhuge +overhuman +overhumanity +overhumanize +overhung +overhunt +overhurl +overhurriedly +overhurry +overhusk +overhysterical +overidealism +overidealistic +overidle +overidly +overillustrate +overillustration +overimaginative +overimaginativeness +overimitate +overimitation +overimitative +overimitatively +overimport +overimportation +overimpress +overimpressible +overinclinable +overinclination +overinclined +overincrust +overincurious +overindividualism +overindividualistic +overindulge +overindulgence +overindulgent +overindulgently +overindustrialization +overindustrialize +overinflate +overinflation +overinflative +overinfluence +overinfluential +overinform +overink +overinsist +overinsistence +overinsistent +overinsistently +overinsolence +overinsolent +overinsolently +overinstruct +overinstruction +overinsurance +overinsure +overintellectual +overintellectuality +overintense +overintensely +overintensification +overintensity +overinterest +overinterested +overinterestedness +overinventoried +overinvest +overinvestment +overiodize +overirrigate +overirrigation +overissue +overitching +overjacket +overjade +overjaded +overjawed +overjealous +overjealously +overjealousness +overjob +overjocular +overjoy +overjoyful +overjoyfully +overjoyous +overjudge +overjudging +overjudgment +overjudicious +overjump +overjust +overjutting +overkeen +overkeenness +overkeep +overkick +overkind +overkindly +overkindness +overking +overknavery +overknee +overknow +overknowing +overlabor +overlace +overlactation +overlade +overlaid +overlain +overland +Overlander +overlander +overlanguaged +overlap +overlard +overlarge +overlargely +overlargeness +overlascivious +overlast +overlate +overlaudation +overlaudatory +overlaugh +overlaunch +overlave +overlavish +overlavishly +overlax +overlaxative +overlaxly +overlaxness +overlay +overlayer +overlead +overleaf +overlean +overleap +overlearn +overlearned +overlearnedly +overlearnedness +overleather +overleave +overleaven +overleer +overleg +overlegislation +overleisured +overlength +overlettered +overlewd +overlewdly +overlewdness +overliberal +overliberality +overliberally +overlicentious +overlick +overlie +overlier +overlift +overlight +overlighted +overlightheaded +overlightly +overlightsome +overliking +overline +overling +overlinger +overlinked +overlip +overlipping +overlisted +overlisten +overliterary +overlittle +overlive +overliveliness +overlively +overliver +overload +overloath +overlock +overlocker +overlofty +overlogical +overlogically +overlong +overlook +overlooker +overloose +overlord +overlordship +overloud +overloup +overlove +overlover +overlow +overlowness +overloyal +overloyally +overloyalty +overlubricatio +overluscious +overlush +overlustiness +overlusty +overluxuriance +overluxuriant +overluxurious +overly +overlying +overmagnify +overmagnitude +overmajority +overmalapert +overman +overmantel +overmantle +overmany +overmarch +overmark +overmarking +overmarl +overmask +overmast +overmaster +overmasterful +overmasterfully +overmasterfulness +overmastering +overmasteringly +overmatch +overmatter +overmature +overmaturity +overmean +overmeanly +overmeanness +overmeasure +overmeddle +overmeek +overmeekly +overmeekness +overmellow +overmellowness +overmelodied +overmelt +overmerciful +overmercifulness +overmerit +overmerrily +overmerry +overmettled +overmickle +overmighty +overmild +overmill +overminute +overminutely +overminuteness +overmix +overmoccasin +overmodest +overmodestly +overmodesty +overmodulation +overmoist +overmoisten +overmoisture +overmortgage +overmoss +overmost +overmotor +overmount +overmounts +overmourn +overmournful +overmournfully +overmuch +overmuchness +overmultiplication +overmultiply +overmultitude +overname +overnarrow +overnarrowly +overnationalization +overnear +overneat +overneatness +overneglect +overnegligence +overnegligent +overnervous +overnervously +overnervousness +overnet +overnew +overnice +overnicely +overniceness +overnicety +overnigh +overnight +overnimble +overnipping +overnoise +overnotable +overnourish +overnoveled +overnumber +overnumerous +overnumerousness +overnurse +overobedience +overobedient +overobediently +overobese +overobjectify +overoblige +overobsequious +overobsequiously +overobsequiousness +overoffend +overoffensive +overofficered +overofficious +overorder +overornamented +overpained +overpainful +overpainfully +overpainfulness +overpaint +overpamper +overpart +overparted +overpartial +overpartiality +overpartially +overparticular +overparticularly +overpass +overpassionate +overpassionately +overpassionateness +overpast +overpatient +overpatriotic +overpay +overpayment +overpeer +overpending +overpensive +overpensiveness +overpeople +overpepper +overperemptory +overpersuade +overpersuasion +overpert +overpessimism +overpessimistic +overpet +overphysic +overpick +overpicture +overpinching +overpitch +overpitched +overpiteous +overplace +overplaced +overplacement +overplain +overplant +overplausible +overplay +overplease +overplenitude +overplenteous +overplenteously +overplentiful +overplenty +overplot +overplow +overplumb +overplume +overplump +overplumpness +overplus +overply +overpointed +overpoise +overpole +overpolemical +overpolish +overpolitic +overponderous +overpopular +overpopularity +overpopularly +overpopulate +overpopulation +overpopulous +overpopulousness +overpositive +overpossess +overpot +overpotent +overpotential +overpour +overpower +overpowerful +overpowering +overpoweringly +overpoweringness +overpraise +overpray +overpreach +overprecise +overpreciseness +overpreface +overpregnant +overpreoccupation +overpreoccupy +overpress +overpressure +overpresumption +overpresumptuous +overprice +overprick +overprint +overprize +overprizer +overprocrastination +overproduce +overproduction +overproductive +overproficient +overprolific +overprolix +overprominence +overprominent +overprominently +overpromise +overprompt +overpromptly +overpromptness +overprone +overproneness +overpronounced +overproof +overproportion +overproportionate +overproportionated +overproportionately +overproportioned +overprosperity +overprosperous +overprotect +overprotract +overprotraction +overproud +overproudly +overprove +overprovender +overprovide +overprovident +overprovidently +overprovision +overprovocation +overprovoke +overprune +overpublic +overpublicity +overpuff +overpuissant +overpunish +overpunishment +overpurchase +overquantity +overquarter +overquell +overquick +overquickly +overquiet +overquietly +overquietness +overrace +overrack +overrake +overrange +overrank +overrankness +overrapture +overrapturize +overrash +overrashly +overrashness +overrate +overrational +overrationalize +overravish +overreach +overreacher +overreaching +overreachingly +overreachingness +overread +overreader +overreadily +overreadiness +overready +overrealism +overrealistic +overreckon +overrecord +overrefine +overrefined +overrefinement +overreflection +overreflective +overregister +overregistration +overregular +overregularity +overregularly +overregulate +overregulation +overrelax +overreliance +overreliant +overreligion +overreligious +overremiss +overremissly +overremissness +overrennet +overrent +overreplete +overrepletion +overrepresent +overrepresentation +overrepresentative +overreserved +overresolute +overresolutely +overrestore +overrestrain +overretention +overreward +overrich +overriches +overrichness +override +overrife +overrigged +overright +overrighteous +overrighteously +overrighteousness +overrigid +overrigidity +overrigidly +overrigorous +overrigorously +overrim +overriot +overripe +overripely +overripen +overripeness +overrise +overroast +overroll +overroof +overrooted +overrough +overroughly +overroughness +overroyal +overrude +overrudely +overrudeness +overruff +overrule +overruler +overruling +overrulingly +overrun +overrunner +overrunning +overrunningly +overrush +overrusset +overrust +oversad +oversadly +oversadness +oversaid +oversail +oversale +oversaliva +oversalt +oversalty +oversand +oversanded +oversanguine +oversanguinely +oversapless +oversated +oversatisfy +oversaturate +oversaturation +oversauce +oversauciness +oversaucy +oversave +overscare +overscatter +overscented +oversceptical +overscepticism +overscore +overscour +overscratch +overscrawl +overscream +overscribble +overscrub +overscruple +overscrupulosity +overscrupulous +overscrupulously +overscrupulousness +overscurf +overscutched +oversea +overseal +overseam +overseamer +oversearch +overseas +overseason +overseasoned +overseated +oversecure +oversecurely +oversecurity +oversee +overseed +overseen +overseer +overseerism +overseership +overseethe +oversell +oversend +oversensible +oversensibly +oversensitive +oversensitively +oversensitiveness +oversententious +oversentimental +oversentimentalism +oversentimentalize +oversentimentally +overserious +overseriously +overseriousness +overservice +overservile +overservility +overset +oversetter +oversettle +oversettled +oversevere +overseverely +overseverity +oversew +overshade +overshadow +overshadower +overshadowing +overshadowingly +overshadowment +overshake +oversharp +oversharpness +overshave +oversheet +overshelving +overshepherd +overshine +overshirt +overshoe +overshoot +overshort +overshorten +overshortly +overshot +overshoulder +overshowered +overshrink +overshroud +oversick +overside +oversight +oversilence +oversilent +oversilver +oversimple +oversimplicity +oversimplification +oversimplify +oversimply +oversize +oversized +overskim +overskip +overskipper +overskirt +overslack +overslander +overslaugh +overslavish +overslavishly +oversleep +oversleeve +overslide +overslight +overslip +overslope +overslow +overslowly +overslowness +overslur +oversmall +oversman +oversmite +oversmitten +oversmoke +oversmooth +oversmoothly +oversmoothness +oversnow +oversoak +oversoar +oversock +oversoft +oversoftly +oversoftness +oversold +oversolemn +oversolemnity +oversolemnly +oversolicitous +oversolicitously +oversolicitousness +oversoon +oversoothing +oversophisticated +oversophistication +oversorrow +oversorrowed +oversot +oversoul +oversound +oversour +oversourly +oversourness +oversow +overspacious +overspaciousness +overspan +overspangled +oversparing +oversparingly +oversparingness +oversparred +overspatter +overspeak +overspecialization +overspecialize +overspeculate +overspeculation +overspeculative +overspeech +overspeed +overspeedily +overspeedy +overspend +overspill +overspin +oversplash +overspread +overspring +oversprinkle +oversprung +overspun +oversqueak +oversqueamish +oversqueamishness +overstaff +overstaid +overstain +overstale +overstalled +overstand +overstaring +overstate +overstately +overstatement +overstay +overstayal +oversteadfast +oversteadfastness +oversteady +overstep +overstiff +overstiffness +overstifle +overstimulate +overstimulation +overstimulative +overstir +overstitch +overstock +overstoop +overstoping +overstore +overstory +overstout +overstoutly +overstowage +overstowed +overstrain +overstrait +overstraiten +overstraitly +overstraitness +overstream +overstrength +overstress +overstretch +overstrew +overstrict +overstrictly +overstrictness +overstride +overstrident +overstridently +overstrike +overstring +overstriving +overstrong +overstrongly +overstrung +overstud +overstudied +overstudious +overstudiously +overstudiousness +overstudy +overstuff +oversublime +oversubscribe +oversubscriber +oversubscription +oversubtile +oversubtle +oversubtlety +oversubtly +oversufficiency +oversufficient +oversufficiently +oversuperstitious +oversupply +oversure +oversurety +oversurge +oversurviving +oversusceptibility +oversusceptible +oversuspicious +oversuspiciously +overswarm +overswarth +oversway +oversweated +oversweep +oversweet +oversweeten +oversweetly +oversweetness +overswell +overswift +overswim +overswimmer +overswing +overswinging +overswirling +oversystematic +oversystematically +oversystematize +overt +overtakable +overtake +overtaker +overtalk +overtalkative +overtalkativeness +overtalker +overtame +overtamely +overtameness +overtapped +overtare +overtariff +overtarry +overtart +overtask +overtax +overtaxation +overteach +overtechnical +overtechnicality +overtedious +overtediously +overteem +overtell +overtempt +overtenacious +overtender +overtenderly +overtenderness +overtense +overtensely +overtenseness +overtension +overterrible +overtest +overthick +overthin +overthink +overthought +overthoughtful +overthriftily +overthriftiness +overthrifty +overthrong +overthrow +overthrowable +overthrowal +overthrower +overthrust +overthwart +overthwartly +overthwartness +overthwartways +overthwartwise +overtide +overtight +overtightly +overtill +overtimbered +overtime +overtimer +overtimorous +overtimorously +overtimorousness +overtinseled +overtint +overtip +overtipple +overtire +overtiredness +overtitle +overtly +overtness +overtoe +overtoil +overtoise +overtone +overtongued +overtop +overtopple +overtorture +overtower +overtrace +overtrack +overtrade +overtrader +overtrailed +overtrain +overtrample +overtravel +overtread +overtreatment +overtrick +overtrim +overtrouble +overtrue +overtrump +overtrust +overtrustful +overtruthful +overtruthfully +overtumble +overture +overturn +overturnable +overturner +overtutor +overtwine +overtwist +overtype +overuberous +overunionized +overunsuitable +overurbanization +overurge +overuse +overusual +overusually +overvaliant +overvaluable +overvaluation +overvalue +overvariety +overvault +overvehemence +overvehement +overveil +overventilate +overventilation +overventuresome +overventurous +overview +overvoltage +overvote +overwade +overwages +overwake +overwalk +overwander +overward +overwash +overwasted +overwatch +overwatcher +overwater +overwave +overway +overwealth +overwealthy +overweaponed +overwear +overweary +overweather +overweave +overweb +overween +overweener +overweening +overweeningly +overweeningness +overweep +overweigh +overweight +overweightage +overwell +overwelt +overwet +overwetness +overwheel +overwhelm +overwhelmer +overwhelming +overwhelmingly +overwhelmingness +overwhipped +overwhirl +overwhisper +overwide +overwild +overwilily +overwilling +overwillingly +overwily +overwin +overwind +overwing +overwinter +overwiped +overwisdom +overwise +overwisely +overwithered +overwoman +overwomanize +overwomanly +overwood +overwooded +overwoody +overword +overwork +overworld +overworn +overworry +overworship +overwound +overwove +overwoven +overwrap +overwrest +overwrested +overwrestle +overwrite +overwroth +overwrought +overyear +overyoung +overyouthful +overzeal +overzealous +overzealously +overzealousness +ovest +ovey +Ovibos +Ovibovinae +ovibovine +ovicapsular +ovicapsule +ovicell +ovicellular +ovicidal +ovicide +ovicular +oviculated +oviculum +ovicyst +ovicystic +Ovidae +Ovidian +oviducal +oviduct +oviductal +oviferous +ovification +oviform +ovigenesis +ovigenetic +ovigenic +ovigenous +ovigerm +ovigerous +ovile +Ovillus +Ovinae +ovine +ovinia +ovipara +oviparal +oviparity +oviparous +oviparously +oviparousness +oviposit +oviposition +ovipositor +Ovis +ovisac +oviscapt +ovism +ovispermary +ovispermiduct +ovist +ovistic +ovivorous +ovocyte +ovoelliptic +ovoflavin +ovogenesis +ovogenetic +ovogenous +ovogonium +ovoid +ovoidal +ovolemma +ovolo +ovological +ovologist +ovology +ovolytic +ovomucoid +ovoplasm +ovoplasmic +ovopyriform +ovorhomboid +ovorhomboidal +ovotesticular +ovotestis +ovovitellin +Ovovivipara +ovoviviparism +ovoviviparity +ovoviviparous +ovoviviparously +ovoviviparousness +Ovula +ovular +ovularian +ovulary +ovulate +ovulation +ovule +ovuliferous +ovuligerous +ovulist +ovum +ow +owd +owe +owelty +Owen +Owenia +Owenian +Owenism +Owenist +Owenite +Owenize +ower +owerance +owerby +owercome +owergang +owerloup +owertaen +owerword +owght +owing +owk +owl +owldom +owler +owlery +owlet +Owlglass +owlhead +owling +owlish +owlishly +owlishness +owlism +owllight +owllike +Owlspiegle +owly +own +owner +ownerless +ownership +ownhood +ownness +ownself +ownwayish +owregane +owrehip +owrelay +owse +owsen +owser +owtchah +owyheeite +ox +oxacid +oxadiazole +oxalacetic +oxalaldehyde +oxalamid +oxalamide +oxalan +oxalate +oxaldehyde +oxalemia +oxalic +Oxalidaceae +oxalidaceous +Oxalis +oxalite +oxalodiacetic +oxalonitril +oxalonitrile +oxaluramid +oxaluramide +oxalurate +oxaluria +oxaluric +oxalyl +oxalylurea +oxamate +oxamethane +oxamic +oxamid +oxamide +oxamidine +oxammite +oxan +oxanate +oxane +oxanic +oxanilate +oxanilic +oxanilide +oxazine +oxazole +oxbane +oxberry +oxbird +oxbiter +oxblood +oxbow +oxboy +oxbrake +oxcart +oxcheek +oxdiacetic +oxdiazole +oxea +oxeate +oxen +oxeote +oxer +oxetone +oxeye +oxfly +Oxford +Oxfordian +Oxfordism +Oxfordist +oxgang +oxgoad +oxharrow +oxhead +oxheal +oxheart +oxhide +oxhoft +oxhorn +oxhouse +oxhuvud +oxidability +oxidable +oxidant +oxidase +oxidate +oxidation +oxidational +oxidative +oxidator +oxide +oxidic +oxidimetric +oxidimetry +oxidizability +oxidizable +oxidization +oxidize +oxidizement +oxidizer +oxidizing +oxidoreductase +oxidoreduction +oxidulated +oximate +oximation +oxime +oxland +oxlike +oxlip +oxman +oxmanship +oxoindoline +Oxonian +oxonic +oxonium +Oxonolatry +oxozone +oxozonide +oxpecker +oxphony +oxreim +oxshoe +oxskin +oxtail +oxter +oxtongue +oxwort +oxy +oxyacanthine +oxyacanthous +oxyacetylene +oxyacid +Oxyaena +Oxyaenidae +oxyaldehyde +oxyamine +oxyanthracene +oxyanthraquinone +oxyaphia +oxyaster +oxybaphon +Oxybaphus +oxybenzaldehyde +oxybenzene +oxybenzoic +oxybenzyl +oxyberberine +oxyblepsia +oxybromide +oxybutyria +oxybutyric +oxycalcium +oxycalorimeter +oxycamphor +oxycaproic +oxycarbonate +oxycellulose +oxycephalic +oxycephalism +oxycephalous +oxycephaly +oxychlorate +oxychloric +oxychloride +oxycholesterol +oxychromatic +oxychromatin +oxychromatinic +oxycinnamic +oxycobaltammine +Oxycoccus +oxycopaivic +oxycoumarin +oxycrate +oxycyanide +oxydactyl +Oxydendrum +oxydiact +oxyesthesia +oxyether +oxyethyl +oxyfatty +oxyfluoride +oxygas +oxygen +oxygenant +oxygenate +oxygenation +oxygenator +oxygenerator +oxygenic +oxygenicity +oxygenium +oxygenizable +oxygenize +oxygenizement +oxygenizer +oxygenous +oxygeusia +oxygnathous +oxyhalide +oxyhaloid +oxyhematin +oxyhemocyanin +oxyhemoglobin +oxyhexactine +oxyhexaster +oxyhydrate +oxyhydric +oxyhydrogen +oxyiodide +oxyketone +oxyl +Oxylabracidae +Oxylabrax +oxyluciferin +oxyluminescence +oxyluminescent +oxymandelic +oxymel +oxymethylene +oxymoron +oxymuriate +oxymuriatic +oxynaphthoic +oxynaphtoquinone +oxynarcotine +oxyneurin +oxyneurine +oxynitrate +oxyntic +oxyophitic +oxyopia +Oxyopidae +oxyosphresia +oxypetalous +oxyphenol +oxyphenyl +oxyphile +oxyphilic +oxyphilous +oxyphonia +oxyphosphate +oxyphthalic +oxyphyllous +oxyphyte +oxypicric +Oxypolis +oxyproline +oxypropionic +oxypurine +oxypycnos +oxyquinaseptol +oxyquinoline +oxyquinone +oxyrhine +oxyrhinous +oxyrhynch +oxyrhynchous +oxyrhynchus +Oxyrrhyncha +oxyrrhynchid +oxysalicylic +oxysalt +oxystearic +Oxystomata +oxystomatous +oxystome +oxysulphate +oxysulphide +oxyterpene +oxytocia +oxytocic +oxytocin +oxytocous +oxytoluene +oxytoluic +oxytone +oxytonesis +oxytonical +oxytonize +Oxytricha +Oxytropis +oxytylotate +oxytylote +oxyuriasis +oxyuricide +Oxyuridae +oxyurous +oxywelding +Oyana +oyapock +oyer +oyster +oysterage +oysterbird +oystered +oysterer +oysterfish +oystergreen +oysterhood +oysterhouse +oystering +oysterish +oysterishness +oysterlike +oysterling +oysterman +oysterous +oysterroot +oysterseed +oystershell +oysterwife +oysterwoman +Ozan +Ozark +ozarkite +ozena +Ozias +ozobrome +ozocerite +ozokerit +ozokerite +ozonate +ozonation +ozonator +ozone +ozoned +ozonic +ozonide +ozoniferous +ozonification +ozonify +Ozonium +ozonization +ozonize +ozonizer +ozonometer +ozonometry +ozonoscope +ozonoscopic +ozonous +ozophen +ozophene +ozostomia +ozotype +P +p +pa +paal +paar +paauw +Paba +pabble +Pablo +pablo +pabouch +pabular +pabulary +pabulation +pabulatory +pabulous +pabulum +pac +paca +pacable +Pacaguara +pacate +pacation +pacative +pacay +pacaya +Paccanarist +Pacchionian +Pace +pace +paceboard +paced +pacemaker +pacemaking +pacer +pachak +pachisi +pachnolite +pachometer +Pachomian +Pachons +Pacht +pachyacria +pachyaemia +pachyblepharon +pachycarpous +pachycephal +pachycephalia +pachycephalic +pachycephalous +pachycephaly +pachychilia +pachycholia +pachychymia +pachycladous +pachydactyl +pachydactylous +pachydactyly +pachyderm +pachyderma +pachydermal +Pachydermata +pachydermatocele +pachydermatoid +pachydermatosis +pachydermatous +pachydermatously +pachydermia +pachydermial +pachydermic +pachydermoid +pachydermous +pachyemia +pachyglossal +pachyglossate +pachyglossia +pachyglossous +pachyhaemia +pachyhaemic +pachyhaemous +pachyhematous +pachyhemia +pachyhymenia +pachyhymenic +Pachylophus +pachylosis +Pachyma +pachymenia +pachymenic +pachymeningitic +pachymeningitis +pachymeninx +pachymeter +pachynathous +pachynema +pachynsis +pachyntic +pachyodont +pachyotia +pachyotous +pachyperitonitis +pachyphyllous +pachypleuritic +pachypod +pachypodous +pachypterous +Pachyrhizus +pachyrhynchous +pachysalpingitis +Pachysandra +pachysaurian +pachysomia +pachysomous +pachystichous +Pachystima +pachytene +pachytrichous +Pachytylus +pachyvaginitis +pacifiable +pacific +pacifical +pacifically +pacificate +pacification +pacificator +pacificatory +pacificism +pacificist +pacificity +pacifier +pacifism +pacifist +pacifistic +pacifistically +pacify +pacifyingly +Pacinian +pack +packable +package +packbuilder +packcloth +packer +packery +packet +packhouse +packless +packly +packmaker +packmaking +packman +packmanship +packness +packsack +packsaddle +packstaff +packthread +packwall +packwaller +packware +packway +paco +Pacolet +pacouryuva +pact +paction +pactional +pactionally +Pactolian +Pactolus +pad +padcloth +Padda +padder +padding +paddle +paddlecock +paddled +paddlefish +paddlelike +paddler +paddlewood +paddling +paddock +paddockride +paddockstone +paddockstool +Paddy +paddy +paddybird +Paddyism +paddymelon +Paddywack +paddywatch +Paddywhack +paddywhack +padella +padfoot +padge +Padina +padishah +padle +padlike +padlock +padmasana +padmelon +padnag +padpiece +Padraic +Padraig +padre +padroadist +padroado +padronism +padstone +padtree +Paduan +Paduanism +paduasoy +Padus +paean +paeanism +paeanize +paedarchy +paedatrophia +paedatrophy +paediatry +paedogenesis +paedogenetic +paedometer +paedometrical +paedomorphic +paedomorphism +paedonymic +paedonymy +paedopsychologist +paedotribe +paedotrophic +paedotrophist +paedotrophy +paegel +paegle +Paelignian +paenula +paeon +Paeonia +Paeoniaceae +Paeonian +paeonic +paetrick +paga +pagan +Paganalia +Paganalian +pagandom +paganic +paganical +paganically +paganish +paganishly +paganism +paganist +paganistic +paganity +paganization +paganize +paganizer +paganly +paganry +pagatpat +Page +page +pageant +pageanted +pageanteer +pageantic +pageantry +pagedom +pageful +pagehood +pageless +pagelike +pager +pageship +pagina +paginal +paginary +paginate +pagination +pagiopod +Pagiopoda +pagoda +pagodalike +pagodite +pagoscope +pagrus +Paguma +pagurian +pagurid +Paguridae +Paguridea +pagurine +Pagurinea +paguroid +Paguroidea +Pagurus +pagus +pah +paha +Pahareen +Pahari +Paharia +pahi +Pahlavi +pahlavi +pahmi +paho +pahoehoe +Pahouin +pahutan +Paiconeca +paideutic +paideutics +paidological +paidologist +paidology +paidonosology +paigle +paik +pail +pailful +paillasse +paillette +pailletted +pailou +paimaneh +pain +pained +painful +painfully +painfulness +paining +painingly +painkiller +painless +painlessly +painlessness +painproof +painstaker +painstaking +painstakingly +painstakingness +painsworthy +paint +paintability +paintable +paintableness +paintably +paintbox +paintbrush +painted +paintedness +painter +painterish +painterlike +painterly +paintership +paintiness +painting +paintingness +paintless +paintpot +paintproof +paintress +paintrix +paintroot +painty +paip +pair +paired +pairedness +pairer +pairment +pairwise +pais +paisa +paisanite +Paisley +Paiute +paiwari +pajahuello +pajama +pajamaed +pajock +Pajonism +Pakawa +Pakawan +pakchoi +pakeha +Pakhpuluk +Pakhtun +Pakistani +paktong +pal +Pala +palace +palaced +palacelike +palaceous +palaceward +palacewards +paladin +palaeanthropic +Palaearctic +Palaeechini +palaeechinoid +Palaeechinoidea +palaeechinoidean +palaeentomology +palaeethnologic +palaeethnological +palaeethnologist +palaeethnology +Palaeeudyptes +Palaeic +palaeichthyan +Palaeichthyes +palaeichthyic +Palaemon +palaemonid +Palaemonidae +palaemonoid +palaeoalchemical +palaeoanthropic +palaeoanthropography +palaeoanthropology +Palaeoanthropus +palaeoatavism +palaeoatavistic +palaeobiogeography +palaeobiologist +palaeobiology +palaeobotanic +palaeobotanical +palaeobotanically +palaeobotanist +palaeobotany +Palaeocarida +palaeoceanography +Palaeocene +palaeochorology +palaeoclimatic +palaeoclimatology +Palaeoconcha +palaeocosmic +palaeocosmology +Palaeocrinoidea +palaeocrystal +palaeocrystallic +palaeocrystalline +palaeocrystic +palaeocyclic +palaeodendrologic +palaeodendrological +palaeodendrologically +palaeodendrologist +palaeodendrology +Palaeodictyoptera +palaeodictyopteran +palaeodictyopteron +palaeodictyopterous +palaeoencephalon +palaeoeremology +palaeoethnic +palaeoethnologic +palaeoethnological +palaeoethnologist +palaeoethnology +palaeofauna +Palaeogaea +Palaeogaean +palaeogene +palaeogenesis +palaeogenetic +palaeogeographic +palaeogeography +palaeoglaciology +palaeoglyph +Palaeognathae +palaeognathic +palaeognathous +palaeograph +palaeographer +palaeographic +palaeographical +palaeographically +palaeographist +palaeography +palaeoherpetologist +palaeoherpetology +palaeohistology +palaeohydrography +palaeolatry +palaeolimnology +palaeolith +palaeolithic +palaeolithical +palaeolithist +palaeolithoid +palaeolithy +palaeological +palaeologist +palaeology +Palaeomastodon +palaeometallic +palaeometeorological +palaeometeorology +Palaeonemertea +palaeonemertean +palaeonemertine +Palaeonemertinea +Palaeonemertini +palaeoniscid +Palaeoniscidae +palaeoniscoid +Palaeoniscum +Palaeoniscus +palaeontographic +palaeontographical +palaeontography +palaeopathology +palaeopedology +palaeophile +palaeophilist +Palaeophis +palaeophysiography +palaeophysiology +palaeophytic +palaeophytological +palaeophytologist +palaeophytology +palaeoplain +palaeopotamology +palaeopsychic +palaeopsychological +palaeopsychology +palaeoptychology +Palaeornis +Palaeornithinae +palaeornithine +palaeornithological +palaeornithology +palaeosaur +Palaeosaurus +palaeosophy +Palaeospondylus +Palaeostraca +palaeostracan +palaeostriatal +palaeostriatum +palaeostylic +palaeostyly +palaeotechnic +palaeothalamus +Palaeothentes +Palaeothentidae +palaeothere +palaeotherian +Palaeotheriidae +palaeotheriodont +palaeotherioid +Palaeotherium +palaeotheroid +Palaeotropical +palaeotype +palaeotypic +palaeotypical +palaeotypically +palaeotypographical +palaeotypographist +palaeotypography +palaeovolcanic +Palaeozoic +palaeozoological +palaeozoologist +palaeozoology +palaestra +palaestral +palaestrian +palaestric +palaestrics +palaetiological +palaetiologist +palaetiology +palafitte +palagonite +palagonitic +Palaic +Palaihnihan +palaiotype +palaite +palama +palamate +palame +Palamedea +palamedean +Palamedeidae +Palamite +Palamitism +palampore +palander +palanka +palankeen +palanquin +palapalai +Palapteryx +Palaquium +palar +palas +palatability +palatable +palatableness +palatably +palatal +palatalism +palatality +palatalization +palatalize +palate +palated +palateful +palatefulness +palateless +palatelike +palatial +palatially +palatialness +palatian +palatic +palatinal +palatinate +palatine +palatineship +Palatinian +palatinite +palation +palatist +palatitis +palative +palatization +palatize +palatoalveolar +palatodental +palatoglossal +palatoglossus +palatognathous +palatogram +palatograph +palatography +palatomaxillary +palatometer +palatonasal +palatopharyngeal +palatopharyngeus +palatoplasty +palatoplegia +palatopterygoid +palatoquadrate +palatorrhaphy +palatoschisis +Palatua +Palau +Palaung +palaver +palaverer +palaverist +palaverment +palaverous +palay +palazzi +palberry +palch +pale +palea +paleaceous +paleanthropic +Palearctic +paleate +palebelly +palebuck +palechinoid +paled +paledness +paleencephalon +paleentomology +paleethnographer +paleethnologic +paleethnological +paleethnologist +paleethnology +paleface +palehearted +paleichthyologic +paleichthyologist +paleichthyology +paleiform +palely +Paleman +paleness +Palenque +paleoalchemical +paleoandesite +paleoanthropic +paleoanthropography +paleoanthropological +paleoanthropologist +paleoanthropology +Paleoanthropus +paleoatavism +paleoatavistic +paleobiogeography +paleobiologist +paleobiology +paleobotanic +paleobotanical +paleobotanically +paleobotanist +paleobotany +paleoceanography +Paleocene +paleochorology +paleoclimatic +paleoclimatologist +paleoclimatology +Paleoconcha +paleocosmic +paleocosmology +paleocrystal +paleocrystallic +paleocrystalline +paleocrystic +paleocyclic +paleodendrologic +paleodendrological +paleodendrologically +paleodendrologist +paleodendrology +paleoecologist +paleoecology +paleoencephalon +paleoeremology +paleoethnic +paleoethnography +paleoethnologic +paleoethnological +paleoethnologist +paleoethnology +paleofauna +Paleogene +paleogenesis +paleogenetic +paleogeographic +paleogeography +paleoglaciology +paleoglyph +paleograph +paleographer +paleographic +paleographical +paleographically +paleographist +paleography +paleoherpetologist +paleoherpetology +paleohistology +paleohydrography +paleoichthyology +paleokinetic +paleola +paleolate +paleolatry +paleolimnology +paleolith +paleolithic +paleolithical +paleolithist +paleolithoid +paleolithy +paleological +paleologist +paleology +paleomammalogy +paleometallic +paleometeorological +paleometeorology +paleontographic +paleontographical +paleontography +paleontologic +paleontological +paleontologically +paleontologist +paleontology +paleopathology +paleopedology +paleophysiography +paleophysiology +paleophytic +paleophytological +paleophytologist +paleophytology +paleopicrite +paleoplain +paleopotamoloy +paleopsychic +paleopsychological +paleopsychology +paleornithological +paleornithology +paleostriatal +paleostriatum +paleostylic +paleostyly +paleotechnic +paleothalamus +paleothermal +paleothermic +Paleotropical +paleovolcanic +paleoytterbium +Paleozoic +paleozoological +paleozoologist +paleozoology +paler +Palermitan +Palermo +Pales +Palesman +Palestinian +palestra +palestral +palestrian +palestric +palet +paletiology +paletot +palette +paletz +palewise +palfrey +palfreyed +palgat +Pali +pali +Palicourea +palification +paliform +paligorskite +palikar +palikarism +palikinesia +palila +palilalia +Palilia +Palilicium +palillogia +palilogetic +palilogy +palimbacchic +palimbacchius +palimpsest +palimpsestic +palinal +palindrome +palindromic +palindromical +palindromically +palindromist +paling +palingenesia +palingenesian +palingenesis +palingenesist +palingenesy +palingenetic +palingenetically +palingenic +palingenist +palingeny +palinode +palinodial +palinodic +palinodist +palinody +palinurid +Palinuridae +palinuroid +Palinurus +paliphrasia +palirrhea +palisade +palisading +palisado +palisander +palisfy +palish +palistrophia +Paliurus +palkee +pall +palla +palladammine +Palladia +palladia +Palladian +Palladianism +palladic +palladiferous +palladinize +palladion +palladious +Palladium +palladium +palladiumize +palladize +palladodiammine +palladosammine +palladous +pallae +pallah +pallall +pallanesthesia +Pallas +pallasite +pallbearer +palled +pallescence +pallescent +pallesthesia +pallet +palleting +palletize +pallette +pallholder +palli +pallial +palliard +palliasse +Palliata +palliata +palliate +palliation +palliative +palliatively +palliator +palliatory +pallid +pallidiflorous +pallidipalpate +palliditarsate +pallidity +pallidiventrate +pallidly +pallidness +palliness +Palliobranchiata +palliobranchiate +palliocardiac +pallioessexite +pallion +palliopedal +palliostratus +pallium +Palliyan +pallograph +pallographic +pallometric +pallone +pallor +Pallu +Palluites +pallwise +pally +palm +palma +Palmaceae +palmaceous +palmad +Palmae +palmanesthesia +palmar +palmarian +palmary +palmate +palmated +palmately +palmatifid +palmatiform +palmatilobate +palmatilobed +palmation +palmatiparted +palmatipartite +palmatisect +palmatisected +palmature +palmcrist +palmed +Palmella +Palmellaceae +palmellaceous +palmelloid +palmer +palmerite +palmery +palmesthesia +palmette +palmetto +palmetum +palmful +palmicolous +palmiferous +palmification +palmiform +palmigrade +palmilobate +palmilobated +palmilobed +palminervate +palminerved +palmiped +Palmipedes +palmipes +palmist +palmister +palmistry +palmitate +palmite +palmitic +palmitin +palmitinic +palmito +palmitoleic +palmitone +palmiveined +palmivorous +palmlike +palmo +palmodic +palmoscopy +palmospasmus +palmula +palmus +palmwise +palmwood +palmy +palmyra +Palmyrene +Palmyrenian +palolo +palombino +palometa +palomino +palosapis +palouser +paloverde +palp +palpability +palpable +palpableness +palpably +palpacle +palpal +palpate +palpation +palpatory +palpebra +palpebral +palpebrate +palpebration +palpebritis +palped +palpi +palpicorn +Palpicornia +palpifer +palpiferous +palpiform +palpiger +palpigerous +palpitant +palpitate +palpitatingly +palpitation +palpless +palpocil +palpon +palpulus +palpus +palsgrave +palsgravine +palsied +palsification +palstave +palster +palsy +palsylike +palsywort +palt +Palta +palter +palterer +palterly +paltrily +paltriness +paltry +paludal +paludament +paludamentum +paludial +paludian +paludic +Paludicella +Paludicolae +paludicole +paludicoline +paludicolous +paludiferous +Paludina +paludinal +paludine +paludinous +paludism +paludose +paludous +paludrin +paludrine +palule +palulus +Palus +palus +palustral +palustrian +palustrine +paly +palynology +Pam +pam +pambanmanche +Pamela +pament +pameroon +Pamir +Pamiri +Pamirian +Pamlico +pamment +Pampanga +Pampangan +Pampango +pampas +pampean +pamper +pampered +pamperedly +pamperedness +pamperer +pamperize +pampero +pamphagous +pampharmacon +Pamphiliidae +Pamphilius +pamphlet +pamphletage +pamphletary +pamphleteer +pamphleter +pamphletful +pamphletic +pamphletical +pamphletize +pamphletwise +pamphysical +pamphysicism +pampilion +pampiniform +pampinocele +pamplegia +pampootee +pampootie +pampre +pamprodactyl +pamprodactylism +pamprodactylous +pampsychism +pampsychist +Pamunkey +Pan +pan +panace +Panacea +panacea +panacean +panaceist +panache +panached +panachure +panada +panade +Panagia +panagiarion +Panak +Panaka +panama +Panamaian +Panaman +Panamanian +Panamano +Panamic +Panamint +Panamist +panapospory +panarchic +panarchy +panaris +panaritium +panarteritis +panarthritis +panary +panatela +Panathenaea +Panathenaean +Panathenaic +panatrophy +panautomorphic +panax +Panayan +Panayano +panbabylonian +panbabylonism +Panboeotian +pancake +pancarditis +panchama +panchayat +pancheon +panchion +panchromatic +panchromatism +panchromatization +panchromatize +panchway +panclastic +panconciliatory +pancosmic +pancosmism +pancosmist +pancratian +pancratiast +pancratiastic +pancratic +pancratical +pancratically +pancration +pancratism +pancratist +pancratium +pancreas +pancreatalgia +pancreatectomize +pancreatectomy +pancreatemphraxis +pancreathelcosis +pancreatic +pancreaticoduodenal +pancreaticoduodenostomy +pancreaticogastrostomy +pancreaticosplenic +pancreatin +pancreatism +pancreatitic +pancreatitis +pancreatization +pancreatize +pancreatoduodenectomy +pancreatoenterostomy +pancreatogenic +pancreatogenous +pancreatoid +pancreatolipase +pancreatolith +pancreatomy +pancreatoncus +pancreatopathy +pancreatorrhagia +pancreatotomy +pancreectomy +pancreozymin +pancyclopedic +pand +panda +pandal +pandan +Pandanaceae +pandanaceous +Pandanales +Pandanus +pandaram +Pandarctos +pandaric +Pandarus +pandation +Pandean +pandect +Pandectist +pandemia +pandemian +pandemic +pandemicity +pandemoniac +Pandemoniacal +Pandemonian +pandemonic +pandemonism +Pandemonium +pandemonium +Pandemos +pandemy +pandenominational +pander +panderage +panderer +panderess +panderism +panderize +panderly +Panderma +pandermite +panderous +pandership +pandestruction +pandiabolism +pandiculation +Pandion +Pandionidae +pandita +pandle +pandlewhew +Pandora +pandora +Pandorea +Pandoridae +Pandorina +Pandosto +pandour +pandowdy +pandrop +pandura +pandurate +pandurated +panduriform +pandy +pane +panecclesiastical +paned +panegoism +panegoist +panegyric +panegyrical +panegyrically +panegyricize +panegyricon +panegyricum +panegyris +panegyrist +panegyrize +panegyrizer +panegyry +paneity +panel +panela +panelation +paneler +paneless +paneling +panelist +panellation +panelling +panelwise +panelwork +panentheism +panesthesia +panesthetic +paneulogism +panfil +panfish +panful +pang +Pangaea +pangamic +pangamous +pangamously +pangamy +pangane +Pangasinan +pangen +pangene +pangenesis +pangenetic +pangenetically +pangenic +pangful +pangi +Pangium +pangless +panglessly +panglima +Pangloss +Panglossian +Panglossic +pangolin +pangrammatist +Pangwe +panhandle +panhandler +panharmonic +panharmonicon +panhead +panheaded +Panhellenic +Panhellenios +Panhellenism +Panhellenist +Panhellenium +panhidrosis +panhuman +panhygrous +panhyperemia +panhysterectomy +Pani +panic +panical +panically +panicful +panichthyophagous +panicked +panicky +panicle +panicled +paniclike +panicmonger +panicmongering +paniconograph +paniconographic +paniconography +Panicularia +paniculate +paniculated +paniculately +paniculitis +Panicum +panidiomorphic +panidrosis +panification +panimmunity +Paninean +Panionia +Panionian +Panionic +Paniquita +Paniquitan +panisc +panisca +paniscus +panisic +panivorous +Panjabi +panjandrum +pank +pankin +pankration +panleucopenia +panlogical +panlogism +panlogistical +panman +panmelodicon +panmelodion +panmerism +panmeristic +panmixia +panmixy +panmnesia +panmug +panmyelophthisis +Panna +pannade +pannage +pannam +pannationalism +panne +pannel +panner +pannery +panneuritic +panneuritis +pannicle +pannicular +pannier +panniered +pannierman +pannikin +panning +Pannonian +Pannonic +pannose +pannosely +pannum +pannus +pannuscorium +Panoan +panocha +panoche +panococo +panoistic +panomphaic +panomphean +panomphic +panophobia +panophthalmia +panophthalmitis +panoplied +panoplist +panoply +panoptic +panoptical +panopticon +panoram +panorama +panoramic +panoramical +panoramically +panoramist +panornithic +Panorpa +Panorpatae +panorpian +panorpid +Panorpidae +Panos +panosteitis +panostitis +panotitis +panotype +panouchi +panpathy +panpharmacon +panphenomenalism +panphobia +Panpipe +panplegia +panpneumatism +panpolism +panpsychic +panpsychism +panpsychist +panpsychistic +panscientist +pansciolism +pansciolist +pansclerosis +pansclerotic +panse +pansexism +pansexual +pansexualism +pansexualist +pansexuality +pansexualize +panshard +panside +pansideman +pansied +pansinuitis +pansinusitis +pansmith +pansophic +pansophical +pansophically +pansophism +pansophist +pansophy +panspermatism +panspermatist +panspermia +panspermic +panspermism +panspermist +panspermy +pansphygmograph +panstereorama +pansy +pansylike +pant +pantachromatic +pantacosm +pantagamy +pantagogue +pantagraph +pantagraphic +pantagraphical +Pantagruel +Pantagruelian +Pantagruelic +Pantagruelically +Pantagrueline +pantagruelion +Pantagruelism +Pantagruelist +Pantagruelistic +Pantagruelistical +Pantagruelize +pantaleon +pantaletless +pantalets +pantaletted +pantalgia +pantalon +Pantalone +pantaloon +pantalooned +pantaloonery +pantaloons +pantameter +pantamorph +pantamorphia +pantamorphic +pantanemone +pantanencephalia +pantanencephalic +pantaphobia +pantarbe +pantarchy +pantas +pantascope +pantascopic +Pantastomatida +Pantastomina +pantatrophia +pantatrophy +pantatype +pantechnic +pantechnicon +pantelegraph +pantelegraphy +panteleologism +pantelephone +pantelephonic +Pantelis +pantellerite +panter +panterer +Pantheian +pantheic +pantheism +pantheist +pantheistic +pantheistical +pantheistically +panthelematism +panthelism +pantheologist +pantheology +pantheon +pantheonic +pantheonization +pantheonize +panther +pantheress +pantherine +pantherish +pantherlike +pantherwood +pantheum +pantie +panties +pantile +pantiled +pantiling +panting +pantingly +pantisocracy +pantisocrat +pantisocratic +pantisocratical +pantisocratist +pantle +pantler +panto +pantochrome +pantochromic +pantochromism +pantochronometer +Pantocrator +pantod +Pantodon +Pantodontidae +pantoffle +pantofle +pantoganglitis +pantogelastic +pantoglossical +pantoglot +pantoglottism +pantograph +pantographer +pantographic +pantographical +pantographically +pantography +pantoiatrical +pantologic +pantological +pantologist +pantology +pantomancer +pantometer +pantometric +pantometrical +pantometry +pantomime +pantomimic +pantomimical +pantomimically +pantomimicry +pantomimish +pantomimist +pantomimus +pantomnesia +pantomnesic +pantomorph +pantomorphia +pantomorphic +panton +pantoon +pantopelagian +pantophagic +pantophagist +pantophagous +pantophagy +pantophile +pantophobia +pantophobic +pantophobous +pantoplethora +pantopod +Pantopoda +pantopragmatic +pantopterous +pantoscope +pantoscopic +pantosophy +Pantostomata +pantostomate +pantostomatous +pantostome +pantotactic +pantothenate +pantothenic +Pantotheria +pantotherian +pantotype +pantoum +pantropic +pantropical +pantry +pantryman +pantrywoman +pants +pantun +panty +pantywaist +panung +panurgic +panurgy +panyar +Panzer +panzoism +panzootia +panzootic +panzooty +Paola +paolo +paon +pap +papa +papability +papable +papabot +papacy +papagallo +Papago +papain +papal +papalism +papalist +papalistic +papalization +papalize +papalizer +papally +papalty +papane +papaphobia +papaphobist +papaprelatical +papaprelatist +paparchical +paparchy +papaship +Papaver +Papaveraceae +papaveraceous +Papaverales +papaverine +papaverous +papaw +papaya +Papayaceae +papayaceous +papayotin +papboat +pape +papelonne +paper +paperback +paperbark +paperboard +papered +paperer +paperful +paperiness +papering +paperlike +papermaker +papermaking +papermouth +papern +papershell +paperweight +papery +papess +papeterie +papey +Paphian +Paphiopedilum +Papiamento +papicolar +papicolist +Papilio +Papilionaceae +papilionaceous +Papiliones +papilionid +Papilionidae +Papilionides +Papilioninae +papilionine +papilionoid +Papilionoidea +papilla +papillae +papillar +papillary +papillate +papillated +papillectomy +papilledema +papilliferous +papilliform +papillitis +papilloadenocystoma +papillocarcinoma +papilloedema +papilloma +papillomatosis +papillomatous +papillon +papilloretinitis +papillosarcoma +papillose +papillosity +papillote +papillous +papillulate +papillule +Papinachois +Papio +papion +papish +papisher +papism +Papist +papist +papistic +papistical +papistically +papistlike +papistly +papistry +papize +papless +papmeat +papolater +papolatrous +papolatry +papoose +papooseroot +Pappea +pappescent +pappi +pappiferous +pappiform +pappose +pappox +pappus +pappy +papreg +paprica +paprika +Papuan +papula +papular +papulate +papulated +papulation +papule +papuliferous +papuloerythematous +papulopustular +papulopustule +papulose +papulosquamous +papulous +papulovesicular +papyr +papyraceous +papyral +papyrean +papyri +papyrian +papyrin +papyrine +papyritious +papyrocracy +papyrograph +papyrographer +papyrographic +papyrography +papyrological +papyrologist +papyrology +papyrophobia +papyroplastics +papyrotamia +papyrotint +papyrotype +papyrus +Paque +paquet +par +para +paraaminobenzoic +parabanate +parabanic +parabaptism +parabaptization +parabasal +parabasic +parabasis +parabema +parabematic +parabenzoquinone +parabiosis +parabiotic +parablast +parablastic +parable +parablepsia +parablepsis +parablepsy +parableptic +parabola +parabolanus +parabolic +parabolical +parabolicalism +parabolically +parabolicness +paraboliform +parabolist +parabolization +parabolize +parabolizer +paraboloid +paraboloidal +parabomb +parabotulism +parabranchia +parabranchial +parabranchiate +parabulia +parabulic +paracanthosis +paracarmine +paracasein +paracaseinate +Paracelsian +Paracelsianism +Paracelsic +Paracelsist +Paracelsistic +Paracelsus +paracentesis +paracentral +paracentric +paracentrical +paracephalus +paracerebellar +paracetaldehyde +parachaplain +paracholia +parachor +parachordal +parachrea +parachroia +parachroma +parachromatism +parachromatophorous +parachromatopsia +parachromatosis +parachrome +parachromoparous +parachromophoric +parachromophorous +parachronism +parachronistic +parachrose +parachute +parachutic +parachutism +parachutist +paraclete +paracmasis +paracme +paracoele +paracoelian +paracolitis +paracolon +paracolpitis +paracolpium +paracondyloid +paracone +paraconic +paraconid +paraconscious +paracorolla +paracotoin +paracoumaric +paracresol +Paracress +paracusia +paracusic +paracyanogen +paracyesis +paracymene +paracystic +paracystitis +paracystium +parade +paradeful +paradeless +paradelike +paradenitis +paradental +paradentitis +paradentium +parader +paraderm +paradiastole +paradiazine +paradichlorbenzene +paradichlorbenzol +paradichlorobenzene +paradichlorobenzol +paradidymal +paradidymis +paradigm +paradigmatic +paradigmatical +paradigmatically +paradigmatize +parading +paradingly +paradiplomatic +paradisaic +paradisaically +paradisal +paradise +Paradisea +paradisean +Paradiseidae +Paradiseinae +Paradisia +paradisiac +paradisiacal +paradisiacally +paradisial +paradisian +paradisic +paradisical +parado +paradoctor +parados +paradoses +paradox +paradoxal +paradoxer +paradoxial +paradoxic +paradoxical +paradoxicalism +paradoxicality +paradoxically +paradoxicalness +paradoxician +Paradoxides +paradoxidian +paradoxism +paradoxist +paradoxographer +paradoxographical +paradoxology +paradoxure +Paradoxurinae +paradoxurine +Paradoxurus +paradoxy +paradromic +paraenesis +paraenesize +paraenetic +paraenetical +paraengineer +paraffin +paraffine +paraffiner +paraffinic +paraffinize +paraffinoid +paraffiny +paraffle +parafle +parafloccular +paraflocculus +paraform +paraformaldehyde +parafunction +paragammacism +paraganglion +paragaster +paragastral +paragastric +paragastrula +paragastrular +parage +paragenesia +paragenesis +paragenetic +paragenic +paragerontic +parageusia +parageusic +parageusis +paragglutination +paraglenal +paraglobin +paraglobulin +paraglossa +paraglossal +paraglossate +paraglossia +paraglycogen +paragnath +paragnathism +paragnathous +paragnathus +paragneiss +paragnosia +paragoge +paragogic +paragogical +paragogically +paragogize +paragon +paragonimiasis +Paragonimus +paragonite +paragonitic +paragonless +paragram +paragrammatist +paragraph +paragrapher +paragraphia +paragraphic +paragraphical +paragraphically +paragraphism +paragraphist +paragraphistical +paragraphize +Paraguay +Paraguayan +parah +paraheliotropic +paraheliotropism +parahematin +parahemoglobin +parahepatic +Parahippus +parahopeite +parahormone +parahydrogen +paraiba +Paraiyan +parakeet +parakeratosis +parakilya +parakinesia +parakinetic +paralactate +paralalia +paralambdacism +paralambdacismus +paralaurionite +paraldehyde +parale +paralectotype +paraleipsis +paralepsis +paralexia +paralexic +paralgesia +paralgesic +paralinin +paralipomena +Paralipomenon +paralipsis +paralitical +parallactic +parallactical +parallactically +parallax +parallel +parallelable +parallelepiped +parallelepipedal +parallelepipedic +parallelepipedon +parallelepipedonal +paralleler +parallelinervate +parallelinerved +parallelinervous +parallelism +parallelist +parallelistic +parallelith +parallelization +parallelize +parallelizer +parallelless +parallelly +parallelodrome +parallelodromous +parallelogram +parallelogrammatic +parallelogrammatical +parallelogrammic +parallelogrammical +parallelograph +parallelometer +parallelopiped +parallelopipedon +parallelotropic +parallelotropism +parallelwise +parallepipedous +paralogia +paralogical +paralogician +paralogism +paralogist +paralogistic +paralogize +paralogy +paraluminite +paralyses +paralysis +paralytic +paralytical +paralytically +paralyzant +paralyzation +paralyze +paralyzedly +paralyzer +paralyzingly +param +paramagnet +paramagnetic +paramagnetism +paramandelic +paramarine +paramastigate +paramastitis +paramastoid +paramatta +Paramecidae +Paramecium +paramedian +paramelaconite +paramenia +parament +paramere +parameric +parameron +paramese +paramesial +parameter +parametric +parametrical +parametritic +parametritis +parametrium +paramide +paramilitary +paramimia +paramine +paramiographer +paramitome +paramnesia +paramo +Paramoecium +paramorph +paramorphia +paramorphic +paramorphine +paramorphism +paramorphosis +paramorphous +paramount +paramountcy +paramountly +paramountness +paramountship +paramour +paramuthetic +paramyelin +paramylum +paramyoclonus +paramyosinogen +paramyotone +paramyotonia +paranasal +paranatellon +parandrus +paranema +paranematic +paranephric +paranephritic +paranephritis +paranephros +paranepionic +paranete +parang +paranitraniline +paranitrosophenol +paranoia +paranoiac +paranoid +paranoidal +paranoidism +paranomia +paranormal +paranosic +paranthelion +paranthracene +Paranthropus +paranuclear +paranucleate +paranucleic +paranuclein +paranucleinic +paranucleus +paranymph +paranymphal +parao +paraoperation +Parapaguridae +paraparesis +paraparetic +parapathia +parapathy +parapegm +parapegma +paraperiodic +parapet +parapetalous +parapeted +parapetless +paraph +paraphasia +paraphasic +paraphemia +paraphenetidine +paraphenylene +paraphenylenediamine +parapherna +paraphernal +paraphernalia +paraphernalian +paraphia +paraphilia +paraphimosis +paraphonia +paraphonic +paraphototropism +paraphrasable +paraphrase +paraphraser +paraphrasia +paraphrasian +paraphrasis +paraphrasist +paraphrast +paraphraster +paraphrastic +paraphrastical +paraphrastically +paraphrenia +paraphrenic +paraphrenitis +paraphyllium +paraphysate +paraphysical +paraphysiferous +paraphysis +paraplasis +paraplasm +paraplasmic +paraplastic +paraplastin +paraplectic +paraplegia +paraplegic +paraplegy +parapleuritis +parapleurum +parapod +parapodial +parapodium +parapophysial +parapophysis +parapraxia +parapraxis +paraproctitis +paraproctium +paraprostatitis +Parapsida +parapsidal +parapsidan +parapsis +parapsychical +parapsychism +parapsychological +parapsychology +parapsychosis +parapteral +parapteron +parapterum +paraquadrate +paraquinone +Pararctalia +Pararctalian +pararectal +pararek +parareka +pararhotacism +pararosaniline +pararosolic +pararthria +parasaboteur +parasalpingitis +parasang +parascene +parascenium +parasceve +paraschematic +parasecretion +paraselene +paraselenic +parasemidin +parasemidine +parasexuality +parashah +parasigmatism +parasigmatismus +Parasita +parasital +parasitary +parasite +parasitelike +parasitemia +parasitic +Parasitica +parasitical +parasitically +parasiticalness +parasiticidal +parasiticide +Parasitidae +parasitism +parasitize +parasitogenic +parasitoid +parasitoidism +parasitological +parasitologist +parasitology +parasitophobia +parasitosis +parasitotrope +parasitotropic +parasitotropism +parasitotropy +paraskenion +parasol +parasoled +parasolette +paraspecific +parasphenoid +parasphenoidal +paraspotter +paraspy +parastas +parastatic +parastemon +parastemonal +parasternal +parasternum +parastichy +parastyle +parasubphonate +parasubstituted +Parasuchia +parasuchian +parasympathetic +parasympathomimetic +parasynapsis +parasynaptic +parasynaptist +parasyndesis +parasynesis +parasynetic +parasynovitis +parasynthesis +parasynthetic +parasyntheton +parasyphilis +parasyphilitic +parasyphilosis +parasystole +paratactic +paratactical +paratactically +paratartaric +parataxis +parate +paraterminal +Paratheria +paratherian +parathesis +parathetic +parathion +parathormone +parathymic +parathyroid +parathyroidal +parathyroidectomize +parathyroidectomy +parathyroprival +parathyroprivia +parathyroprivic +paratitla +paratitles +paratoloid +paratoluic +paratoluidine +paratomial +paratomium +paratonic +paratonically +paratorium +paratory +paratracheal +paratragedia +paratragoedia +paratransversan +paratrichosis +paratrimma +paratriptic +paratroop +paratrooper +paratrophic +paratrophy +paratuberculin +paratuberculosis +paratuberculous +paratungstate +paratungstic +paratype +paratyphlitis +paratyphoid +paratypic +paratypical +paratypically +paravaginitis +paravail +paravane +paravauxite +paravent +paravertebral +paravesical +paraxial +paraxially +paraxon +paraxonic +paraxylene +Parazoa +parazoan +parazonium +parbake +Parbate +parboil +parbuckle +parcel +parceling +parcellary +parcellate +parcellation +parcelling +parcellization +parcellize +parcelment +parcelwise +parcenary +parcener +parcenership +parch +parchable +parchedly +parchedness +parcheesi +parchemin +parcher +parchesi +parching +parchingly +parchisi +parchment +parchmenter +parchmentize +parchmentlike +parchmenty +parchy +parcidentate +parciloquy +parclose +parcook +pard +pardalote +Pardanthus +pardao +parded +pardesi +pardine +pardner +pardnomastic +pardo +pardon +pardonable +pardonableness +pardonably +pardonee +pardoner +pardoning +pardonless +pardonmonger +pare +paregoric +Pareiasauri +Pareiasauria +pareiasaurian +Pareiasaurus +Pareioplitae +parel +parelectronomic +parelectronomy +parella +paren +parencephalic +parencephalon +parenchym +parenchyma +parenchymal +parenchymatic +parenchymatitis +parenchymatous +parenchymatously +parenchyme +parenchymous +parent +parentage +parental +Parentalia +parentalism +parentality +parentally +parentdom +parentela +parentelic +parenteral +parenterally +parentheses +parenthesis +parenthesize +parenthetic +parenthetical +parentheticality +parenthetically +parentheticalness +parenthood +parenticide +parentless +parentlike +parentship +Pareoean +parepididymal +parepididymis +parepigastric +parer +parerethesis +parergal +parergic +parergon +paresis +paresthesia +paresthesis +paresthetic +parethmoid +paretic +paretically +pareunia +parfait +parfilage +parfleche +parfocal +pargana +pargasite +parge +pargeboard +parget +pargeter +pargeting +pargo +parhelia +parheliacal +parhelic +parhelion +parhomologous +parhomology +parhypate +pari +pariah +pariahdom +pariahism +pariahship +parial +Parian +parian +Pariasauria +Pariasaurus +Paridae +paridigitate +paridrosis +paries +parietal +Parietales +Parietaria +parietary +parietes +parietofrontal +parietojugal +parietomastoid +parietoquadrate +parietosphenoid +parietosphenoidal +parietosplanchnic +parietosquamosal +parietotemporal +parietovaginal +parietovisceral +parify +parigenin +pariglin +Parilia +Parilicium +parilla +parillin +parimutuel +Parinarium +parine +paring +paripinnate +Paris +parish +parished +parishen +parishional +parishionally +parishionate +parishioner +parishionership +Parisian +Parisianism +Parisianization +Parisianize +Parisianly +Parisii +parisis +parisology +parison +parisonic +paristhmic +paristhmion +parisyllabic +parisyllabical +Pariti +Paritium +parity +parivincular +park +parka +parkee +parker +parkin +parking +Parkinsonia +Parkinsonism +parkish +parklike +parkward +parkway +parky +parlamento +parlance +parlando +Parlatoria +parlatory +parlay +parle +parley +parleyer +parliament +parliamental +parliamentarian +parliamentarianism +parliamentarily +parliamentariness +parliamentarism +parliamentarization +parliamentarize +parliamentary +parliamenteer +parliamenteering +parliamenter +parling +parlish +parlor +parlorish +parlormaid +parlous +parlously +parlousness +parly +Parma +parma +parmacety +parmak +Parmelia +Parmeliaceae +parmeliaceous +parmelioid +Parmentiera +Parmesan +Parmese +parnas +Parnassia +Parnassiaceae +parnassiaceous +Parnassian +Parnassianism +Parnassiinae +Parnassism +Parnassus +parnel +Parnellism +Parnellite +parnorpine +paroarion +paroarium +paroccipital +paroch +parochial +parochialic +parochialism +parochialist +parochiality +parochialization +parochialize +parochially +parochialness +parochin +parochine +parochiner +parode +parodiable +parodial +parodic +parodical +parodinia +parodist +parodistic +parodistically +parodize +parodontitis +parodos +parody +parodyproof +paroecious +paroeciously +paroeciousness +paroecism +paroecy +paroemia +paroemiac +paroemiographer +paroemiography +paroemiologist +paroemiology +paroicous +parol +parolable +parole +parolee +parolfactory +paroli +parolist +paromoeon +paromologetic +paromologia +paromology +paromphalocele +paromphalocelic +paronomasia +paronomasial +paronomasian +paronomasiastic +paronomastical +paronomastically +paronychia +paronychial +paronychium +paronym +paronymic +paronymization +paronymize +paronymous +paronymy +paroophoric +paroophoritis +paroophoron +paropsis +paroptesis +paroptic +parorchid +parorchis +parorexia +Parosela +parosmia +parosmic +parosteal +parosteitis +parosteosis +parostosis +parostotic +Parotia +parotic +parotid +parotidean +parotidectomy +parotiditis +parotis +parotitic +parotitis +parotoid +parous +parousia +parousiamania +parovarian +parovariotomy +parovarium +paroxazine +paroxysm +paroxysmal +paroxysmalist +paroxysmally +paroxysmic +paroxysmist +paroxytone +paroxytonic +paroxytonize +parpal +parquet +parquetage +parquetry +parr +Parra +parrel +parrhesia +parrhesiastic +parriable +parricidal +parricidally +parricide +parricided +parricidial +parricidism +Parridae +parrier +parrock +parrot +parroter +parrothood +parrotism +parrotize +parrotlet +parrotlike +parrotry +parrotwise +parroty +parry +parsable +parse +parsec +Parsee +Parseeism +parser +parsettensite +Parsi +Parsic +Parsiism +parsimonious +parsimoniously +parsimoniousness +parsimony +Parsism +parsley +parsleylike +parsleywort +parsnip +parson +parsonage +parsonarchy +parsondom +parsoned +parsonese +parsoness +parsonet +parsonhood +parsonic +parsonical +parsonically +parsoning +parsonish +parsonity +parsonize +parsonlike +parsonly +parsonolatry +parsonology +parsonry +parsonship +Parsonsia +parsonsite +parsony +Part +part +partakable +partake +partaker +partan +partanfull +partanhanded +parted +partedness +parter +parterre +parterred +partheniad +Partheniae +parthenian +parthenic +Parthenium +parthenocarpelly +parthenocarpic +parthenocarpical +parthenocarpically +parthenocarpous +parthenocarpy +Parthenocissus +parthenogenesis +parthenogenetic +parthenogenetically +parthenogenic +parthenogenitive +parthenogenous +parthenogeny +parthenogonidium +Parthenolatry +parthenology +Parthenon +Parthenopaeus +parthenoparous +Parthenope +Parthenopean +Parthenos +parthenosperm +parthenospore +Parthian +partial +partialism +partialist +partialistic +partiality +partialize +partially +partialness +partiary +partible +particate +participability +participable +participance +participancy +participant +participantly +participate +participatingly +participation +participative +participatively +participator +participatory +participatress +participial +participiality +participialize +participially +participle +particle +particled +particular +particularism +particularist +particularistic +particularistically +particularity +particularization +particularize +particularly +particularness +particulate +partigen +partile +partimembered +partimen +partinium +partisan +partisanism +partisanize +partisanship +partite +partition +partitional +partitionary +partitioned +partitioner +partitioning +partitionist +partitionment +partitive +partitively +partitura +partiversal +partivity +partless +partlet +partly +partner +partnerless +partnership +parto +partook +partridge +partridgeberry +partridgelike +partridgewood +partridging +partschinite +parture +parturiate +parturience +parturiency +parturient +parturifacient +parturition +parturitive +party +partyism +partyist +partykin +partyless +partymonger +partyship +Parukutu +parulis +parumbilical +parure +paruria +Parus +parvanimity +parvenu +parvenudom +parvenuism +parvicellular +parviflorous +parvifoliate +parvifolious +parvipotent +parvirostrate +parvis +parviscient +parvitude +parvolin +parvoline +parvule +paryphodrome +pasan +pasang +Pascal +Pasch +Pascha +paschal +paschalist +Paschaltide +paschite +pascoite +pascuage +pascual +pascuous +pasgarde +pash +pasha +pashadom +pashalik +pashaship +pashm +pashmina +Pashto +pasi +pasigraphic +pasigraphical +pasigraphy +pasilaly +Pasitelean +pasmo +Paspalum +pasqueflower +pasquil +pasquilant +pasquiler +pasquilic +Pasquin +pasquin +pasquinade +pasquinader +Pasquinian +Pasquino +pass +passable +passableness +passably +passade +passado +passage +passageable +passageway +Passagian +passalid +Passalidae +Passalus +Passamaquoddy +passant +passback +passbook +Passe +passe +passee +passegarde +passement +passementerie +passen +passenger +Passer +passer +Passeres +passeriform +Passeriformes +Passerina +passerine +passewa +passibility +passible +passibleness +Passiflora +Passifloraceae +passifloraceous +Passiflorales +passimeter +passing +passingly +passingness +passion +passional +passionary +passionate +passionately +passionateness +passionative +passioned +passionflower +passionful +passionfully +passionfulness +Passionist +passionist +passionless +passionlessly +passionlessness +passionlike +passionometer +passionproof +Passiontide +passionwise +passionwort +passir +passival +passivate +passivation +passive +passively +passiveness +passivism +passivist +passivity +passkey +passless +passman +passo +passometer +passout +passover +passoverish +passpenny +passport +passportless +passulate +passulation +passus +passway +passwoman +password +passworts +passymeasure +past +paste +pasteboard +pasteboardy +pasted +pastedness +pastedown +pastel +pastelist +paster +pasterer +pastern +pasterned +pasteur +Pasteurella +Pasteurelleae +pasteurellosis +Pasteurian +pasteurism +pasteurization +pasteurize +pasteurizer +pastiche +pasticheur +pastil +pastile +pastille +pastime +pastimer +Pastinaca +pastiness +pasting +pastness +pastophor +pastophorion +pastophorium +pastophorus +pastor +pastorage +pastoral +pastorale +pastoralism +pastoralist +pastorality +pastoralize +pastorally +pastoralness +pastorate +pastoress +pastorhood +pastorium +pastorize +pastorless +pastorlike +pastorling +pastorly +pastorship +pastose +pastosity +pastrami +pastry +pastryman +pasturability +pasturable +pasturage +pastural +pasture +pastureless +pasturer +pasturewise +pasty +pasul +Pat +pat +pata +pataca +patacao +pataco +patagial +patagiate +patagium +Patagon +patagon +Patagones +Patagonian +pataka +patamar +patao +patapat +pataque +Pataria +Patarin +Patarine +Patarinism +patas +patashte +Patavian +patavinity +patball +patballer +patch +patchable +patcher +patchery +patchily +patchiness +patchleaf +patchless +patchouli +patchwise +patchword +patchwork +patchworky +patchy +pate +patefaction +patefy +patel +patella +patellar +patellaroid +patellate +Patellidae +patellidan +patelliform +patelline +patellofemoral +patelloid +patellula +patellulate +paten +patency +patener +patent +patentability +patentable +patentably +patentee +patently +patentor +pater +patera +patercove +paterfamiliar +paterfamiliarly +paterfamilias +pateriform +paterissa +paternal +paternalism +paternalist +paternalistic +paternalistically +paternality +paternalize +paternally +paternity +paternoster +paternosterer +patesi +patesiate +path +Pathan +pathbreaker +pathed +pathema +pathematic +pathematically +pathematology +pathetic +pathetical +pathetically +patheticalness +patheticate +patheticly +patheticness +pathetism +pathetist +pathetize +pathfarer +pathfinder +pathfinding +pathic +pathicism +pathless +pathlessness +pathlet +pathoanatomical +pathoanatomy +pathobiological +pathobiologist +pathobiology +pathochemistry +pathodontia +pathogen +pathogene +pathogenesis +pathogenesy +pathogenetic +pathogenic +pathogenicity +pathogenous +pathogeny +pathogerm +pathogermic +pathognomic +pathognomical +pathognomonic +pathognomonical +pathognomy +pathognostic +pathographical +pathography +pathologic +pathological +pathologically +pathologicoanatomic +pathologicoanatomical +pathologicoclinical +pathologicohistological +pathologicopsychological +pathologist +pathology +patholysis +patholytic +pathomania +pathometabolism +pathomimesis +pathomimicry +pathoneurosis +pathonomia +pathonomy +pathophobia +pathophoresis +pathophoric +pathophorous +pathoplastic +pathoplastically +pathopoeia +pathopoiesis +pathopoietic +pathopsychology +pathopsychosis +pathoradiography +pathos +pathosocial +Pathrusim +pathway +pathwayed +pathy +patible +patibulary +patibulate +patience +patiency +patient +patientless +patiently +patientness +patina +patinate +patination +patine +patined +patinize +patinous +patio +patisserie +patly +Patmian +Patmos +patness +patnidar +pato +patois +patola +patonce +patria +patrial +patriarch +patriarchal +patriarchalism +patriarchally +patriarchate +patriarchdom +patriarched +patriarchess +patriarchic +patriarchical +patriarchically +patriarchism +patriarchist +patriarchship +patriarchy +Patrice +patrice +Patricia +Patrician +patrician +patricianhood +patricianism +patricianly +patricianship +patriciate +patricidal +patricide +Patricio +Patrick +patrico +patrilineal +patrilineally +patrilinear +patriliny +patrilocal +patrimonial +patrimonially +patrimony +patrin +Patriofelis +patriolatry +patriot +patrioteer +patriotess +patriotic +patriotical +patriotically +patriotics +patriotism +patriotly +patriotship +Patripassian +Patripassianism +Patripassianist +Patripassianly +patrist +patristic +patristical +patristically +patristicalness +patristicism +patristics +patrix +patrizate +patrization +patrocinium +patroclinic +patroclinous +patrocliny +patrogenesis +patrol +patroller +patrollotism +patrolman +patrologic +patrological +patrologist +patrology +patron +patronage +patronal +patronate +patrondom +patroness +patronessship +patronite +patronizable +patronization +patronize +patronizer +patronizing +patronizingly +patronless +patronly +patronomatology +patronship +patronym +patronymic +patronymically +patronymy +patroon +patroonry +patroonship +patruity +Patsy +patta +pattable +patte +pattee +patten +pattened +pattener +patter +patterer +patterist +pattern +patternable +patterned +patterner +patterning +patternize +patternless +patternlike +patternmaker +patternmaking +patternwise +patterny +pattu +Patty +patty +pattypan +patu +patulent +patulous +patulously +patulousness +Patuxent +patwari +Patwin +paty +pau +pauciarticulate +pauciarticulated +paucidentate +pauciflorous +paucifoliate +paucifolious +paucify +paucijugate +paucilocular +pauciloquent +pauciloquently +pauciloquy +paucinervate +paucipinnate +pauciplicate +pauciradiate +pauciradiated +paucispiral +paucispirated +paucity +paughty +paukpan +Paul +Paula +paular +pauldron +Pauliad +Paulian +Paulianist +Pauliccian +Paulicianism +paulie +paulin +Paulina +Pauline +Paulinia +Paulinian +Paulinism +Paulinist +Paulinistic +Paulinistically +Paulinity +Paulinize +Paulinus +Paulism +Paulist +Paulista +Paulite +paulopast +paulopost +paulospore +Paulownia +Paulus +Paumari +paunch +paunched +paunchful +paunchily +paunchiness +paunchy +paup +pauper +pauperage +pauperate +pauperdom +pauperess +pauperism +pauperitic +pauperization +pauperize +pauperizer +Paurometabola +paurometabolic +paurometabolism +paurometabolous +paurometaboly +pauropod +Pauropoda +pauropodous +pausably +pausal +pausation +pause +pauseful +pausefully +pauseless +pauselessly +pausement +pauser +pausingly +paussid +Paussidae +paut +pauxi +pavage +pavan +pavane +pave +pavement +pavemental +paver +pavestone +Pavetta +Pavia +pavid +pavidity +pavier +pavilion +paving +pavior +Paviotso +paviour +pavis +pavisade +pavisado +paviser +pavisor +Pavo +pavonated +pavonazzetto +pavonazzo +Pavoncella +Pavonia +pavonian +pavonine +pavonize +pavy +paw +pawdite +pawer +pawing +pawk +pawkery +pawkily +pawkiness +pawkrie +pawky +pawl +pawn +pawnable +pawnage +pawnbroker +pawnbrokerage +pawnbrokeress +pawnbrokering +pawnbrokery +pawnbroking +Pawnee +pawnee +pawner +pawnie +pawnor +pawnshop +pawpaw +Pawtucket +pax +paxilla +paxillar +paxillary +paxillate +paxilliferous +paxilliform +Paxillosa +paxillose +paxillus +paxiuba +paxwax +pay +payability +payable +payableness +payably +Payagua +Payaguan +payday +payed +payee +payeny +payer +paying +paymaster +paymastership +payment +paymistress +Payni +paynim +paynimhood +paynimry +Paynize +payoff +payong +payor +payroll +paysagist +Pazend +pea +peaberry +peace +peaceable +peaceableness +peaceably +peacebreaker +peacebreaking +peaceful +peacefully +peacefulness +peaceless +peacelessness +peacelike +peacemaker +peacemaking +peaceman +peacemonger +peacemongering +peacetime +peach +peachberry +peachblossom +peachblow +peachen +peacher +peachery +peachick +peachify +peachiness +peachlet +peachlike +peachwood +peachwort +peachy +peacoat +peacock +peacockery +peacockish +peacockishly +peacockishness +peacockism +peacocklike +peacockly +peacockwise +peacocky +peacod +peafowl +peag +peage +peahen +peai +peaiism +peak +peaked +peakedly +peakedness +peaker +peakily +peakiness +peaking +peakish +peakishly +peakishness +peakless +peaklike +peakward +peaky +peakyish +peal +pealike +pean +peanut +pear +pearceite +pearl +pearlberry +pearled +pearler +pearlet +pearlfish +pearlfruit +pearlike +pearlin +pearliness +pearling +pearlish +pearlite +pearlitic +pearlsides +pearlstone +pearlweed +pearlwort +pearly +pearmain +pearmonger +peart +pearten +peartly +peartness +pearwood +peasant +peasantess +peasanthood +peasantism +peasantize +peasantlike +peasantly +peasantry +peasantship +peasecod +peaselike +peasen +peashooter +peason +peastake +peastaking +peastick +peasticking +peastone +peasy +peat +peatery +peathouse +peatman +peatship +peatstack +peatwood +peaty +peavey +peavy +Peba +peba +Peban +pebble +pebbled +pebblehearted +pebblestone +pebbleware +pebbly +pebrine +pebrinous +pecan +peccability +peccable +peccadillo +peccancy +peccant +peccantly +peccantness +peccary +peccation +peccavi +pech +pecht +pecite +peck +pecked +pecker +peckerwood +pecket +peckful +peckhamite +peckiness +peckish +peckishly +peckishness +peckle +peckled +peckly +Pecksniffian +Pecksniffianism +Pecksniffism +pecky +Pecopteris +pecopteroid +Pecora +Pecos +pectase +pectate +pecten +pectic +pectin +Pectinacea +pectinacean +pectinaceous +pectinal +pectinase +pectinate +pectinated +pectinately +pectination +pectinatodenticulate +pectinatofimbricate +pectinatopinnate +pectineal +pectineus +pectinibranch +Pectinibranchia +pectinibranchian +Pectinibranchiata +pectinibranchiate +pectinic +pectinid +Pectinidae +pectiniferous +pectiniform +pectinirostrate +pectinite +pectinogen +pectinoid +pectinose +pectinous +pectizable +pectization +pectize +pectocellulose +pectolite +pectora +pectoral +pectoralgia +pectoralis +pectoralist +pectorally +pectoriloquial +pectoriloquism +pectoriloquous +pectoriloquy +pectosase +pectose +pectosic +pectosinase +pectous +pectunculate +Pectunculus +pectus +peculate +peculation +peculator +peculiar +peculiarism +peculiarity +peculiarize +peculiarly +peculiarness +peculiarsome +peculium +pecuniarily +pecuniary +pecuniosity +pecunious +ped +peda +pedage +pedagog +pedagogal +pedagogic +pedagogical +pedagogically +pedagogics +pedagogism +pedagogist +pedagogue +pedagoguery +pedagoguish +pedagoguism +pedagogy +pedal +pedaler +pedalfer +pedalferic +Pedaliaceae +pedaliaceous +pedalian +pedalier +Pedalion +pedalism +pedalist +pedaliter +pedality +Pedalium +pedanalysis +pedant +pedantesque +pedantess +pedanthood +pedantic +pedantical +pedantically +pedanticalness +pedanticism +pedanticly +pedanticness +pedantism +pedantize +pedantocracy +pedantocrat +pedantocratic +pedantry +pedary +Pedata +pedate +pedated +pedately +pedatifid +pedatiform +pedatilobate +pedatilobed +pedatinerved +pedatipartite +pedatisect +pedatisected +pedatrophia +pedder +peddle +peddler +peddleress +peddlerism +peddlery +peddling +peddlingly +pedee +pedelion +pederast +pederastic +pederastically +pederasty +pedes +pedesis +pedestal +pedestrial +pedestrially +pedestrian +pedestrianate +pedestrianism +pedestrianize +pedetentous +Pedetes +Pedetidae +Pedetinae +pediadontia +pediadontic +pediadontist +pedialgia +Pediastrum +pediatric +pediatrician +pediatrics +pediatrist +pediatry +pedicab +pedicel +pediceled +pedicellar +pedicellaria +pedicellate +pedicellated +pedicellation +pedicelled +pedicelliform +Pedicellina +pedicellus +pedicle +pedicular +Pedicularia +Pedicularis +pediculate +pediculated +Pediculati +pedicule +Pediculi +pediculicidal +pediculicide +pediculid +Pediculidae +Pediculina +pediculine +pediculofrontal +pediculoid +pediculoparietal +pediculophobia +pediculosis +pediculous +Pediculus +pedicure +pedicurism +pedicurist +pediferous +pediform +pedigerous +pedigraic +pedigree +pedigreeless +pediluvium +Pedimana +pedimanous +pediment +pedimental +pedimented +pedimentum +Pedioecetes +pedion +pedionomite +Pedionomus +pedipalp +pedipalpal +pedipalpate +Pedipalpi +Pedipalpida +pedipalpous +pedipalpus +pedipulate +pedipulation +pedipulator +pedlar +pedlary +pedobaptism +pedobaptist +pedocal +pedocalcic +pedodontia +pedodontic +pedodontist +pedodontology +pedograph +pedological +pedologist +pedologistical +pedologistically +pedology +pedometer +pedometric +pedometrical +pedometrically +pedometrician +pedometrist +pedomorphic +pedomorphism +pedomotive +pedomotor +pedophilia +pedophilic +pedotribe +pedotrophic +pedotrophist +pedotrophy +pedrail +pedregal +pedrero +Pedro +pedro +pedule +pedum +peduncle +peduncled +peduncular +Pedunculata +pedunculate +pedunculated +pedunculation +pedunculus +pee +peed +peek +peekaboo +peel +peelable +peele +peeled +peeledness +peeler +peelhouse +peeling +Peelism +Peelite +peelman +peen +peenge +peeoy +peep +peeper +peepeye +peephole +peepy +peer +peerage +peerdom +peeress +peerhood +peerie +peeringly +peerless +peerlessly +peerlessness +peerling +peerly +peership +peery +peesash +peesoreh +peesweep +peetweet +peeve +peeved +peevedly +peevedness +peever +peevish +peevishly +peevishness +peewee +Peg +peg +pega +pegall +peganite +Peganum +Pegasean +Pegasian +Pegasid +pegasid +Pegasidae +pegasoid +Pegasus +pegboard +pegbox +pegged +pegger +pegging +peggle +Peggy +peggy +pegless +peglet +peglike +pegman +pegmatite +pegmatitic +pegmatization +pegmatize +pegmatoid +pegmatophyre +pegology +pegomancy +Peguan +pegwood +Pehlevi +peho +Pehuenche +peignoir +peine +peirameter +peirastic +peirastically +peisage +peise +peiser +Peitho +peixere +pejorate +pejoration +pejorationist +pejorative +pejoratively +pejorism +pejorist +pejority +pekan +Pekin +pekin +Peking +Pekingese +pekoe +peladic +pelage +pelagial +Pelagian +pelagian +Pelagianism +Pelagianize +Pelagianizer +pelagic +Pelagothuria +pelamyd +pelanos +Pelargi +pelargic +Pelargikon +pelargomorph +Pelargomorphae +pelargomorphic +pelargonate +pelargonic +pelargonidin +pelargonin +pelargonium +Pelasgi +Pelasgian +Pelasgic +Pelasgikon +Pelasgoi +Pele +pelean +pelecan +Pelecani +Pelecanidae +Pelecaniformes +Pelecanoides +Pelecanoidinae +Pelecanus +pelecypod +Pelecypoda +pelecypodous +pelelith +pelerine +Peleus +Pelew +pelf +Pelias +pelican +pelicanry +pelick +pelicometer +Pelides +Pelidnota +pelike +peliom +pelioma +peliosis +pelisse +pelite +pelitic +pell +Pellaea +pellage +pellagra +pellagragenic +pellagrin +pellagrose +pellagrous +pellar +pellard +pellas +pellate +pellation +peller +pellet +pelleted +pelletierine +pelletlike +pellety +Pellian +pellicle +pellicula +pellicular +pellicularia +pelliculate +pellicule +pellile +pellitory +pellmell +pellock +pellotine +pellucent +pellucid +pellucidity +pellucidly +pellucidness +Pelmanism +Pelmanist +Pelmanize +pelmatic +pelmatogram +Pelmatozoa +pelmatozoan +pelmatozoic +pelmet +Pelobates +pelobatid +Pelobatidae +pelobatoid +Pelodytes +pelodytid +Pelodytidae +pelodytoid +Pelomedusa +pelomedusid +Pelomedusidae +pelomedusoid +Pelomyxa +pelon +Pelopaeus +Pelopid +Pelopidae +Peloponnesian +Pelops +peloria +pelorian +peloriate +peloric +pelorism +pelorization +pelorize +pelorus +pelota +pelotherapy +peloton +pelt +pelta +Peltandra +peltast +peltate +peltated +peltately +peltatifid +peltation +peltatodigitate +pelter +pelterer +peltiferous +peltifolious +peltiform +Peltigera +Peltigeraceae +peltigerine +peltigerous +peltinerved +pelting +peltingly +peltless +peltmonger +Peltogaster +peltry +pelu +peludo +Pelusios +pelveoperitonitis +pelves +Pelvetia +pelvic +pelviform +pelvigraph +pelvigraphy +pelvimeter +pelvimetry +pelviolithotomy +pelvioperitonitis +pelvioplasty +pelvioradiography +pelvioscopy +pelviotomy +pelviperitonitis +pelvirectal +pelvis +pelvisacral +pelvisternal +pelvisternum +pelycogram +pelycography +pelycology +pelycometer +pelycometry +pelycosaur +Pelycosauria +pelycosaurian +pembina +Pembroke +pemican +pemmican +pemmicanization +pemmicanize +pemphigoid +pemphigous +pemphigus +pen +penacute +Penaea +Penaeaceae +penaeaceous +penal +penalist +penality +penalizable +penalization +penalize +penally +penalty +penance +penanceless +penang +penannular +penates +penbard +pencatite +pence +pencel +penceless +penchant +penchute +pencil +penciled +penciler +penciliform +penciling +pencilled +penciller +pencillike +pencilling +pencilry +pencilwood +pencraft +pend +penda +pendant +pendanted +pendanting +pendantlike +pendecagon +pendeloque +pendency +pendent +pendentive +pendently +pendicle +pendicler +pending +pendle +pendom +pendragon +pendragonish +pendragonship +pendulant +pendular +pendulate +pendulation +pendule +penduline +pendulosity +pendulous +pendulously +pendulousness +pendulum +pendulumlike +Penelope +Penelopean +Penelophon +Penelopinae +penelopine +peneplain +peneplanation +peneplane +peneseismic +penetrability +penetrable +penetrableness +penetrably +penetral +penetralia +penetralian +penetrance +penetrancy +penetrant +penetrate +penetrating +penetratingly +penetratingness +penetration +penetrative +penetratively +penetrativeness +penetrativity +penetrator +penetrology +penetrometer +penfieldite +penfold +penful +penghulu +pengo +penguin +penguinery +penhead +penholder +penial +penicillate +penicillated +penicillately +penicillation +penicilliform +penicillin +Penicillium +penide +penile +peninsula +peninsular +peninsularism +peninsularity +peninsulate +penintime +peninvariant +penis +penistone +penitence +penitencer +penitent +Penitentes +penitential +penitentially +penitentiary +penitentiaryship +penitently +penk +penkeeper +penknife +penlike +penmaker +penmaking +penman +penmanship +penmaster +penna +pennaceous +Pennacook +pennae +pennage +Pennales +pennant +Pennaria +Pennariidae +Pennatae +pennate +pennated +pennatifid +pennatilobate +pennatipartite +pennatisect +pennatisected +Pennatula +Pennatulacea +pennatulacean +pennatulaceous +pennatularian +pennatulid +Pennatulidae +pennatuloid +penneech +penneeck +penner +pennet +penni +pennia +pennied +penniferous +penniform +pennigerous +penniless +pennilessly +pennilessness +pennill +penninervate +penninerved +penning +penninite +pennipotent +Pennisetum +penniveined +pennon +pennoned +pennopluma +pennoplume +pennorth +Pennsylvania +Pennsylvanian +Penny +penny +pennybird +pennycress +pennyearth +pennyflower +pennyhole +pennyleaf +pennyrot +pennyroyal +pennysiller +pennystone +pennyweight +pennywinkle +pennywort +pennyworth +Penobscot +penologic +penological +penologist +penology +penorcon +penrack +penroseite +Pensacola +penscript +penseful +pensefulness +penship +pensile +pensileness +pensility +pension +pensionable +pensionably +pensionary +pensioner +pensionership +pensionless +pensive +pensived +pensively +pensiveness +penster +penstick +penstock +pensum +pensy +pent +penta +pentabasic +pentabromide +pentacapsular +pentacarbon +pentacarbonyl +pentacarpellary +pentace +pentacetate +pentachenium +pentachloride +pentachord +pentachromic +pentacid +pentacle +pentacoccous +pentacontane +pentacosane +Pentacrinidae +pentacrinite +pentacrinoid +Pentacrinus +pentacron +pentacrostic +pentactinal +pentactine +pentacular +pentacyanic +pentacyclic +pentad +pentadactyl +Pentadactyla +pentadactylate +pentadactyle +pentadactylism +pentadactyloid +pentadecagon +pentadecahydrate +pentadecahydrated +pentadecane +pentadecatoic +pentadecoic +pentadecyl +pentadecylic +pentadelphous +pentadicity +pentadiene +pentadodecahedron +pentadrachm +pentadrachma +pentaerythrite +pentaerythritol +pentafid +pentafluoride +pentagamist +pentaglossal +pentaglot +pentaglottical +pentagon +pentagonal +pentagonally +pentagonohedron +pentagonoid +pentagram +pentagrammatic +pentagyn +Pentagynia +pentagynian +pentagynous +pentahalide +pentahedral +pentahedrical +pentahedroid +pentahedron +pentahedrous +pentahexahedral +pentahexahedron +pentahydrate +pentahydrated +pentahydric +pentahydroxy +pentail +pentaiodide +pentalobate +pentalogue +pentalogy +pentalpha +Pentamera +pentameral +pentameran +pentamerid +Pentameridae +pentamerism +pentameroid +pentamerous +Pentamerus +pentameter +pentamethylene +pentamethylenediamine +pentametrist +pentametrize +pentander +Pentandria +pentandrian +pentandrous +pentane +pentanedione +pentangle +pentangular +pentanitrate +pentanoic +pentanolide +pentanone +pentapetalous +Pentaphylacaceae +pentaphylacaceous +Pentaphylax +pentaphyllous +pentaploid +pentaploidic +pentaploidy +pentapody +pentapolis +pentapolitan +pentapterous +pentaptote +pentaptych +pentaquine +pentarch +pentarchical +pentarchy +pentasepalous +pentasilicate +pentaspermous +pentaspheric +pentaspherical +pentastich +pentastichous +pentastichy +pentastome +Pentastomida +pentastomoid +pentastomous +Pentastomum +pentastyle +pentastylos +pentasulphide +pentasyllabic +pentasyllabism +pentasyllable +Pentateuch +Pentateuchal +pentateuchal +pentathionate +pentathionic +pentathlete +pentathlon +pentathlos +pentatomic +pentatomid +Pentatomidae +Pentatomoidea +pentatone +pentatonic +pentatriacontane +pentavalence +pentavalency +pentavalent +penteconter +pentecontoglossal +Pentecost +Pentecostal +pentecostal +pentecostalism +pentecostalist +pentecostarion +pentecoster +pentecostys +Pentelic +Pentelican +pentene +penteteric +penthemimer +penthemimeral +penthemimeris +Penthestes +penthiophen +penthiophene +Penthoraceae +Penthorum +penthouse +penthouselike +penthrit +penthrite +pentimento +pentine +pentiodide +pentit +pentite +pentitol +pentlandite +pentobarbital +pentode +pentoic +pentol +pentosan +pentosane +pentose +pentoside +pentosuria +pentoxide +pentremital +pentremite +Pentremites +Pentremitidae +pentrit +pentrite +pentrough +Pentstemon +pentstock +penttail +pentyl +pentylene +pentylic +pentylidene +pentyne +Pentzia +penuchi +penult +penultima +penultimate +penultimatum +penumbra +penumbrae +penumbral +penumbrous +penurious +penuriously +penuriousness +penury +Penutian +penwiper +penwoman +penwomanship +penworker +penwright +peon +peonage +peonism +peony +people +peopledom +peoplehood +peopleize +peopleless +peopler +peoplet +peoplish +Peoria +Peorian +peotomy +pep +peperine +peperino +Peperomia +pepful +Pephredo +pepinella +pepino +peplos +peplosed +peplum +peplus +pepo +peponida +peponium +pepper +pepperbox +peppercorn +peppercornish +peppercorny +pepperer +peppergrass +pepperidge +pepperily +pepperiness +pepperish +pepperishly +peppermint +pepperoni +pepperproof +pepperroot +pepperweed +pepperwood +pepperwort +peppery +peppily +peppin +peppiness +peppy +pepsin +pepsinate +pepsinhydrochloric +pepsiniferous +pepsinogen +pepsinogenic +pepsinogenous +pepsis +peptic +peptical +pepticity +peptidase +peptide +peptizable +peptization +peptize +peptizer +peptogaster +peptogenic +peptogenous +peptogeny +peptohydrochloric +peptolysis +peptolytic +peptonaemia +peptonate +peptone +peptonemia +peptonic +peptonization +peptonize +peptonizer +peptonoid +peptonuria +peptotoxine +Pepysian +Pequot +Per +per +Peracarida +peracephalus +peracetate +peracetic +peracid +peracidite +peract +peracute +peradventure +peragrate +peragration +Perakim +peramble +perambulant +perambulate +perambulation +perambulator +perambulatory +Perameles +Peramelidae +perameline +perameloid +Peramium +Peratae +Perates +perbend +perborate +perborax +perbromide +Perca +percale +percaline +percarbide +percarbonate +percarbonic +perceivability +perceivable +perceivableness +perceivably +perceivance +perceivancy +perceive +perceivedly +perceivedness +perceiver +perceiving +perceivingness +percent +percentable +percentably +percentage +percentaged +percental +percentile +percentual +percept +perceptibility +perceptible +perceptibleness +perceptibly +perception +perceptional +perceptionalism +perceptionism +perceptive +perceptively +perceptiveness +perceptivity +perceptual +perceptually +Percesoces +percesocine +Perceval +perch +percha +perchable +perchance +percher +Percheron +perchlorate +perchlorethane +perchlorethylene +perchloric +perchloride +perchlorinate +perchlorination +perchloroethane +perchloroethylene +perchromate +perchromic +percid +Percidae +perciform +Perciformes +percipience +percipiency +percipient +Percival +perclose +percnosome +percoct +percoid +Percoidea +percoidean +percolable +percolate +percolation +percolative +percolator +percomorph +Percomorphi +percomorphous +percompound +percontation +percontatorial +percribrate +percribration +percrystallization +perculsion +perculsive +percur +percurration +percurrent +percursory +percuss +percussion +percussional +percussioner +percussionist +percussionize +percussive +percussively +percussiveness +percussor +percutaneous +percutaneously +percutient +Percy +percylite +Perdicinae +perdicine +perdition +perditionable +Perdix +perdricide +perdu +perduellion +perdurability +perdurable +perdurableness +perdurably +perdurance +perdurant +perdure +perduring +perduringly +Perean +peregrin +peregrina +peregrinate +peregrination +peregrinator +peregrinatory +peregrine +peregrinity +peregrinoid +pereion +pereiopod +pereira +pereirine +peremptorily +peremptoriness +peremptory +perendinant +perendinate +perendination +perendure +perennate +perennation +perennial +perenniality +perennialize +perennially +perennibranch +Perennibranchiata +perennibranchiate +perequitate +peres +Pereskia +perezone +perfect +perfectation +perfected +perfectedly +perfecter +perfecti +perfectibilian +perfectibilism +perfectibilist +perfectibilitarian +perfectibility +perfectible +perfecting +perfection +perfectionate +perfectionation +perfectionator +perfectioner +perfectionism +perfectionist +perfectionistic +perfectionize +perfectionizement +perfectionizer +perfectionment +perfectism +perfectist +perfective +perfectively +perfectiveness +perfectivity +perfectivize +perfectly +perfectness +perfecto +perfector +perfectuation +perfervent +perfervid +perfervidity +perfervidly +perfervidness +perfervor +perfervour +perfidious +perfidiously +perfidiousness +perfidy +perfilograph +perflate +perflation +perfluent +perfoliate +perfoliation +perforable +perforant +Perforata +perforate +perforated +perforation +perforationproof +perforative +perforator +perforatorium +perforatory +perforce +perforcedly +perform +performable +performance +performant +performative +performer +perfrication +perfumatory +perfume +perfumed +perfumeless +perfumer +perfumeress +perfumery +perfumy +perfunctionary +perfunctorily +perfunctoriness +perfunctorious +perfunctoriously +perfunctorize +perfunctory +perfuncturate +perfusate +perfuse +perfusion +perfusive +Pergamene +pergameneous +Pergamenian +pergamentaceous +Pergamic +pergamyn +pergola +perhalide +perhalogen +perhaps +perhazard +perhorresce +perhydroanthracene +perhydrogenate +perhydrogenation +perhydrogenize +peri +periacinal +periacinous +periactus +periadenitis +periamygdalitis +perianal +periangiocholitis +periangioma +periangitis +perianth +perianthial +perianthium +periaortic +periaortitis +periapical +periappendicitis +periappendicular +periapt +Periarctic +periareum +periarterial +periarteritis +periarthric +periarthritis +periarticular +periaster +periastral +periastron +periastrum +periatrial +periauricular +periaxial +periaxillary +periaxonal +periblast +periblastic +periblastula +periblem +peribolos +peribolus +peribranchial +peribronchial +peribronchiolar +peribronchiolitis +peribronchitis +peribulbar +peribursal +pericaecal +pericaecitis +pericanalicular +pericapsular +pericardia +pericardiac +pericardiacophrenic +pericardial +pericardicentesis +pericardiectomy +pericardiocentesis +pericardiolysis +pericardiomediastinitis +pericardiophrenic +pericardiopleural +pericardiorrhaphy +pericardiosymphysis +pericardiotomy +pericarditic +pericarditis +pericardium +pericardotomy +pericarp +pericarpial +pericarpic +pericarpium +pericarpoidal +pericecal +pericecitis +pericellular +pericemental +pericementitis +pericementoclasia +pericementum +pericenter +pericentral +pericentric +pericephalic +pericerebral +perichaete +perichaetial +perichaetium +perichete +pericholangitis +pericholecystitis +perichondral +perichondrial +perichondritis +perichondrium +perichord +perichordal +perichoresis +perichorioidal +perichoroidal +perichylous +pericladium +periclase +periclasia +periclasite +periclaustral +Periclean +Pericles +periclinal +periclinally +pericline +periclinium +periclitate +periclitation +pericolitis +pericolpitis +periconchal +periconchitis +pericopal +pericope +pericopic +pericorneal +pericowperitis +pericoxitis +pericranial +pericranitis +pericranium +pericristate +Pericu +periculant +pericycle +pericycloid +pericyclone +pericyclonic +pericystic +pericystitis +pericystium +pericytial +peridendritic +peridental +peridentium +peridentoclasia +periderm +peridermal +peridermic +Peridermium +peridesm +peridesmic +peridesmitis +peridesmium +peridial +peridiastole +peridiastolic +perididymis +perididymitis +peridiiform +Peridineae +Peridiniaceae +peridiniaceous +peridinial +Peridiniales +peridinian +peridinid +Peridinidae +Peridinieae +Peridiniidae +Peridinium +peridiole +peridiolum +peridium +peridot +peridotic +peridotite +peridotitic +periductal +periegesis +periegetic +perielesis +periencephalitis +perienteric +perienteritis +perienteron +periependymal +periesophageal +periesophagitis +perifistular +perifoliary +perifollicular +perifolliculitis +perigangliitis +periganglionic +perigastric +perigastritis +perigastrula +perigastrular +perigastrulation +perigeal +perigee +perigemmal +perigenesis +perigenital +perigeum +periglandular +perigloea +periglottic +periglottis +perignathic +perigon +perigonadial +perigonal +perigone +perigonial +perigonium +perigraph +perigraphic +perigynial +perigynium +perigynous +perigyny +perihelial +perihelian +perihelion +perihelium +perihepatic +perihepatitis +perihermenial +perihernial +perihysteric +perijejunitis +perijove +perikaryon +perikronion +peril +perilabyrinth +perilabyrinthitis +perilaryngeal +perilaryngitis +perilenticular +periligamentous +Perilla +perilless +perilobar +perilous +perilously +perilousness +perilsome +perilymph +perilymphangial +perilymphangitis +perilymphatic +perimartium +perimastitis +perimedullary +perimeningitis +perimeter +perimeterless +perimetral +perimetric +perimetrical +perimetrically +perimetritic +perimetritis +perimetrium +perimetry +perimorph +perimorphic +perimorphism +perimorphous +perimyelitis +perimysial +perimysium +perine +perineal +perineocele +perineoplastic +perineoplasty +perineorrhaphy +perineoscrotal +perineostomy +perineosynthesis +perineotomy +perineovaginal +perineovulvar +perinephral +perinephrial +perinephric +perinephritic +perinephritis +perinephrium +perineptunium +perineum +perineural +perineurial +perineuritis +perineurium +perinium +perinuclear +periocular +period +periodate +periodic +periodical +periodicalism +periodicalist +periodicalize +periodically +periodicalness +periodicity +periodide +periodize +periodogram +periodograph +periodology +periodontal +periodontia +periodontic +periodontist +periodontitis +periodontium +periodontoclasia +periodontologist +periodontology +periodontum +periodoscope +perioeci +perioecians +perioecic +perioecid +perioecus +perioesophageal +perioikoi +periomphalic +perionychia +perionychium +perionyx +perionyxis +perioophoritis +periophthalmic +periophthalmitis +periople +perioplic +perioptic +perioptometry +perioral +periorbit +periorbita +periorbital +periorchitis +periost +periostea +periosteal +periosteitis +periosteoalveolar +periosteoma +periosteomedullitis +periosteomyelitis +periosteophyte +periosteorrhaphy +periosteotome +periosteotomy +periosteous +periosteum +periostitic +periostitis +periostoma +periostosis +periostotomy +periostracal +periostracum +periotic +periovular +peripachymeningitis +peripancreatic +peripancreatitis +peripapillary +Peripatetic +peripatetic +peripatetical +peripatetically +peripateticate +Peripateticism +Peripatidae +Peripatidea +peripatize +peripatoid +Peripatopsidae +Peripatopsis +Peripatus +peripenial +peripericarditis +peripetalous +peripetasma +peripeteia +peripetia +peripety +periphacitis +peripharyngeal +peripherad +peripheral +peripherally +peripherial +peripheric +peripherical +peripherically +peripherocentral +peripheroceptor +peripheromittor +peripheroneural +peripherophose +periphery +periphlebitic +periphlebitis +periphractic +periphrase +periphrases +periphrasis +periphrastic +periphrastical +periphrastically +periphraxy +periphyllum +periphyse +periphysis +Periplaneta +periplasm +periplast +periplastic +periplegmatic +peripleural +peripleuritis +Periploca +periplus +peripneumonia +peripneumonic +peripneumony +peripneustic +peripolar +peripolygonal +periportal +periproct +periproctal +periproctitis +periproctous +periprostatic +periprostatitis +peripteral +peripterous +periptery +peripylephlebitis +peripyloric +perique +perirectal +perirectitis +perirenal +perisalpingitis +perisarc +perisarcal +perisarcous +perisaturnium +periscian +periscians +periscii +perisclerotic +periscopal +periscope +periscopic +periscopical +periscopism +perish +perishability +perishable +perishableness +perishably +perished +perishing +perishingly +perishless +perishment +perisigmoiditis +perisinuitis +perisinuous +perisinusitis +perisoma +perisomal +perisomatic +perisome +perisomial +perisperm +perispermal +perispermatitis +perispermic +perisphere +perispheric +perispherical +perisphinctean +Perisphinctes +Perisphinctidae +perisphinctoid +perisplanchnic +perisplanchnitis +perisplenetic +perisplenic +perisplenitis +perispome +perispomenon +perispondylic +perispondylitis +perispore +Perisporiaceae +perisporiaceous +Perisporiales +perissad +perissodactyl +Perissodactyla +perissodactylate +perissodactyle +perissodactylic +perissodactylism +perissodactylous +perissologic +perissological +perissology +perissosyllabic +peristalith +peristalsis +peristaltic +peristaltically +peristaphyline +peristaphylitis +peristele +peristerite +peristeromorph +Peristeromorphae +peristeromorphic +peristeromorphous +peristeronic +peristerophily +peristeropod +peristeropodan +peristeropode +Peristeropodes +peristeropodous +peristethium +peristole +peristoma +peristomal +peristomatic +peristome +peristomial +peristomium +peristrephic +peristrephical +peristrumitis +peristrumous +peristylar +peristyle +peristylium +peristylos +peristylum +perisynovial +perisystole +perisystolic +perit +perite +peritectic +peritendineum +peritenon +perithece +perithecial +perithecium +perithelial +perithelioma +perithelium +perithoracic +perithyreoiditis +perithyroiditis +peritomize +peritomous +peritomy +peritoneal +peritonealgia +peritoneally +peritoneocentesis +peritoneoclysis +peritoneomuscular +peritoneopathy +peritoneopericardial +peritoneopexy +peritoneoplasty +peritoneoscope +peritoneoscopy +peritoneotomy +peritoneum +peritonism +peritonital +peritonitic +peritonitis +peritonsillar +peritonsillitis +peritracheal +peritrema +peritrematous +peritreme +peritrich +Peritricha +peritrichan +peritrichic +peritrichous +peritrichously +peritroch +peritrochal +peritrochanteric +peritrochium +peritrochoid +peritropal +peritrophic +peritropous +perityphlic +perityphlitic +perityphlitis +periumbilical +periungual +periuranium +periureteric +periureteritis +periurethral +periurethritis +periuterine +periuvular +perivaginal +perivaginitis +perivascular +perivasculitis +perivenous +perivertebral +perivesical +perivisceral +perivisceritis +perivitellin +perivitelline +periwig +periwigpated +periwinkle +periwinkled +periwinkler +perizonium +perjink +perjinkety +perjinkities +perjinkly +perjure +perjured +perjuredly +perjuredness +perjurer +perjuress +perjurious +perjuriously +perjuriousness +perjurous +perjury +perjurymonger +perjurymongering +perk +perkily +Perkin +perkin +perkiness +perking +perkingly +perkish +perknite +perky +Perla +perlaceous +Perlaria +perle +perlection +perlid +Perlidae +perligenous +perlingual +perlingually +perlite +perlitic +perloir +perlustrate +perlustration +perlustrator +perm +permafrost +Permalloy +permalloy +permanence +permanency +permanent +permanently +permanentness +permanganate +permanganic +permansive +permeability +permeable +permeableness +permeably +permeameter +permeance +permeant +permeate +permeation +permeative +permeator +Permiak +Permian +permillage +permirific +permissibility +permissible +permissibleness +permissibly +permission +permissioned +permissive +permissively +permissiveness +permissory +permit +permittable +permitted +permittedly +permittee +permitter +permittivity +permixture +Permocarboniferous +permonosulphuric +permoralize +permutability +permutable +permutableness +permutably +permutate +permutation +permutational +permutationist +permutator +permutatorial +permutatory +permute +permuter +pern +pernancy +pernasal +pernavigate +Pernettia +pernicious +perniciously +perniciousness +pernicketiness +pernickety +pernine +Pernis +pernitrate +pernitric +pernoctation +pernor +pernyi +peroba +perobrachius +perocephalus +perochirus +perodactylus +Perodipus +Perognathinae +Perognathus +Peromedusae +Peromela +peromelous +peromelus +Peromyscus +peronate +peroneal +peroneocalcaneal +peroneotarsal +peroneotibial +peronial +peronium +Peronospora +Peronosporaceae +peronosporaceous +Peronosporales +peropod +Peropoda +peropodous +peropus +peroral +perorally +perorate +peroration +perorational +perorative +perorator +peroratorical +peroratorically +peroratory +perosis +perosmate +perosmic +perosomus +perotic +perovskite +peroxidase +peroxidate +peroxidation +peroxide +peroxidic +peroxidize +peroxidizement +peroxy +peroxyl +perozonid +perozonide +perpend +perpendicular +perpendicularity +perpendicularly +perpera +perperfect +perpetrable +perpetrate +perpetration +perpetrator +perpetratress +perpetratrix +perpetuable +perpetual +perpetualism +perpetualist +perpetuality +perpetually +perpetualness +perpetuana +perpetuance +perpetuant +perpetuate +perpetuation +perpetuator +perpetuity +perplantar +perplex +perplexable +perplexed +perplexedly +perplexedness +perplexer +perplexing +perplexingly +perplexity +perplexment +perplication +perquadrat +perquest +perquisite +perquisition +perquisitor +perradial +perradially +perradiate +perradius +perridiculous +perrier +Perrinist +perron +perruche +perrukery +perruthenate +perruthenic +Perry +perry +perryman +Persae +persalt +perscent +perscribe +perscrutate +perscrutation +perscrutator +perse +Persea +persecute +persecutee +persecuting +persecutingly +persecution +persecutional +persecutive +persecutiveness +persecutor +persecutory +persecutress +persecutrix +Perseid +perseite +perseitol +perseity +persentiscency +Persephassa +Persephone +Persepolitan +perseverance +perseverant +perseverate +perseveration +persevere +persevering +perseveringly +Persian +Persianist +Persianization +Persianize +Persic +Persicaria +persicary +Persicize +persico +persicot +persienne +persiennes +persiflage +persiflate +persilicic +persimmon +Persis +persis +Persism +persist +persistence +persistency +persistent +persistently +persister +persisting +persistingly +persistive +persistively +persistiveness +persnickety +person +persona +personable +personableness +personably +personage +personal +personalia +personalism +personalist +personalistic +personality +personalization +personalize +personally +personalness +personalty +personate +personately +personating +personation +personative +personator +personed +personeity +personifiable +personifiant +personification +personificative +personificator +personifier +personify +personization +personize +personnel +personship +perspection +perspective +perspectived +perspectiveless +perspectively +perspectivity +perspectograph +perspectometer +perspicacious +perspicaciously +perspicaciousness +perspicacity +perspicuity +perspicuous +perspicuously +perspicuousness +perspirability +perspirable +perspirant +perspirate +perspiration +perspirative +perspiratory +perspire +perspiringly +perspiry +perstringe +perstringement +persuadability +persuadable +persuadableness +persuadably +persuade +persuaded +persuadedly +persuadedness +persuader +persuadingly +persuasibility +persuasible +persuasibleness +persuasibly +persuasion +persuasive +persuasively +persuasiveness +persuasory +persulphate +persulphide +persulphocyanate +persulphocyanic +persulphuric +persymmetric +persymmetrical +pert +pertain +pertaining +pertainment +perten +perthiocyanate +perthiocyanic +perthiotophyre +perthite +perthitic +perthitically +perthosite +pertinacious +pertinaciously +pertinaciousness +pertinacity +pertinence +pertinency +pertinent +pertinently +pertinentness +pertish +pertly +pertness +perturb +perturbability +perturbable +perturbance +perturbancy +perturbant +perturbate +perturbation +perturbational +perturbatious +perturbative +perturbator +perturbatory +perturbatress +perturbatrix +perturbed +perturbedly +perturbedness +perturber +perturbing +perturbingly +perturbment +Pertusaria +Pertusariaceae +pertuse +pertused +pertusion +pertussal +pertussis +perty +Peru +Perugian +Peruginesque +peruke +perukeless +perukier +perukiership +perula +Perularia +perulate +perule +Perun +perusable +perusal +peruse +peruser +Peruvian +Peruvianize +pervade +pervadence +pervader +pervading +pervadingly +pervadingness +pervagate +pervagation +pervalvar +pervasion +pervasive +pervasively +pervasiveness +perverse +perversely +perverseness +perversion +perversity +perversive +pervert +perverted +pervertedly +pervertedness +perverter +pervertibility +pervertible +pervertibly +pervertive +perviability +perviable +pervicacious +pervicaciously +pervicaciousness +pervicacity +pervigilium +pervious +perviously +perviousness +pervulgate +pervulgation +perwitsky +pes +pesa +Pesach +pesade +pesage +Pesah +peseta +peshkar +peshkash +peshwa +peshwaship +peskily +peskiness +pesky +peso +pess +pessary +pessimal +pessimism +pessimist +pessimistic +pessimistically +pessimize +pessimum +pessomancy +pessoner +pessular +pessulus +pest +Pestalozzian +Pestalozzianism +peste +pester +pesterer +pesteringly +pesterment +pesterous +pestersome +pestful +pesthole +pesthouse +pesticidal +pesticide +pestiduct +pestiferous +pestiferously +pestiferousness +pestifugous +pestify +pestilence +pestilenceweed +pestilencewort +pestilent +pestilential +pestilentially +pestilentialness +pestilently +pestle +pestological +pestologist +pestology +pestproof +pet +petal +petalage +petaled +Petalia +petaliferous +petaliform +Petaliidae +petaline +petalism +petalite +petalled +petalless +petallike +petalocerous +petalodic +petalodont +petalodontid +Petalodontidae +petalodontoid +Petalodus +petalody +petaloid +petaloidal +petaloideous +petalomania +petalon +Petalostemon +petalous +petalwise +petaly +petard +petardeer +petardier +petary +Petasites +petasos +petasus +petaurine +petaurist +Petaurista +Petauristidae +Petauroides +Petaurus +petchary +petcock +Pete +pete +peteca +petechiae +petechial +petechiate +peteman +Peter +peter +Peterkin +Peterloo +peterman +peternet +petersham +peterwort +petful +petiolar +petiolary +Petiolata +petiolate +petiolated +petiole +petioled +Petioliventres +petiolular +petiolulate +petiolule +petiolus +petit +petite +petiteness +petitgrain +petition +petitionable +petitional +petitionarily +petitionary +petitionee +petitioner +petitionist +petitionproof +petitor +petitory +Petiveria +Petiveriaceae +petkin +petling +peto +Petr +Petrarchal +Petrarchan +Petrarchesque +Petrarchian +Petrarchianism +Petrarchism +Petrarchist +Petrarchistic +Petrarchistical +Petrarchize +petrary +petre +Petrea +petrean +petreity +petrel +petrescence +petrescent +Petricola +Petricolidae +petricolous +petrie +petrifaction +petrifactive +petrifiable +petrific +petrificant +petrificate +petrification +petrified +petrifier +petrify +Petrine +Petrinism +Petrinist +Petrinize +petrissage +Petrobium +Petrobrusian +petrochemical +petrochemistry +Petrogale +petrogenesis +petrogenic +petrogeny +petroglyph +petroglyphic +petroglyphy +petrograph +petrographer +petrographic +petrographical +petrographically +petrography +petrohyoid +petrol +petrolage +petrolatum +petrolean +petrolene +petroleous +petroleum +petrolic +petroliferous +petrolific +petrolist +petrolithic +petrolization +petrolize +petrologic +petrological +petrologically +petromastoid +Petromyzon +Petromyzonidae +petromyzont +Petromyzontes +Petromyzontidae +petromyzontoid +petronel +petronella +petropharyngeal +petrophilous +petrosa +petrosal +Petroselinum +petrosilex +petrosiliceous +petrosilicious +petrosphenoid +petrosphenoidal +petrosphere +petrosquamosal +petrosquamous +petrostearin +petrostearine +petrosum +petrotympanic +petrous +petroxolin +pettable +petted +pettedly +pettedness +petter +pettichaps +petticoat +petticoated +petticoaterie +petticoatery +petticoatism +petticoatless +petticoaty +pettifog +pettifogger +pettifoggery +pettifogging +pettifogulize +pettifogulizer +pettily +pettiness +pettingly +pettish +pettitoes +pettle +petty +pettyfog +petulance +petulancy +petulant +petulantly +petune +Petunia +petuntse +petwood +petzite +Peucedanum +Peucetii +peucites +peuhl +Peul +Peumus +Peutingerian +pew +pewage +pewdom +pewee +pewfellow +pewful +pewholder +pewing +pewit +pewless +pewmate +pewter +pewterer +pewterwort +pewtery +pewy +Peyerian +peyote +peyotl +peyton +peytrel +pezantic +Peziza +Pezizaceae +pezizaceous +pezizaeform +Pezizales +peziziform +pezizoid +pezograph +Pezophaps +Pfaffian +pfeffernuss +Pfeifferella +pfennig +pfui +pfund +Phaca +Phacelia +phacelite +phacella +Phacidiaceae +Phacidiales +phacitis +phacoanaphylaxis +phacocele +phacochere +phacocherine +phacochoere +phacochoerid +phacochoerine +phacochoeroid +Phacochoerus +phacocyst +phacocystectomy +phacocystitis +phacoglaucoma +phacoid +phacoidal +phacoidoscope +phacolite +phacolith +phacolysis +phacomalacia +phacometer +phacopid +Phacopidae +Phacops +phacosclerosis +phacoscope +phacotherapy +Phaeacian +Phaedo +phaeism +phaenantherous +phaenanthery +phaenogam +Phaenogamia +phaenogamian +phaenogamic +phaenogamous +phaenogenesis +phaenogenetic +phaenological +phaenology +phaenomenal +phaenomenism +phaenomenon +phaenozygous +phaeochrous +Phaeodaria +phaeodarian +phaeophore +Phaeophyceae +phaeophycean +phaeophyceous +phaeophyll +Phaeophyta +phaeophytin +phaeoplast +Phaeosporales +phaeospore +Phaeosporeae +phaeosporous +Phaet +Phaethon +Phaethonic +Phaethontes +Phaethontic +Phaethontidae +Phaethusa +phaeton +phage +phagedena +phagedenic +phagedenical +phagedenous +Phagineae +phagocytable +phagocytal +phagocyte +phagocyter +phagocytic +phagocytism +phagocytize +phagocytoblast +phagocytolysis +phagocytolytic +phagocytose +phagocytosis +phagodynamometer +phagolysis +phagolytic +phagomania +phainolion +Phainopepla +Phajus +Phalacrocoracidae +phalacrocoracine +Phalacrocorax +phalacrosis +Phalaecean +Phalaecian +Phalaenae +Phalaenidae +phalaenopsid +Phalaenopsis +phalangal +phalange +phalangeal +phalangean +phalanger +Phalangeridae +Phalangerinae +phalangerine +phalanges +phalangette +phalangian +phalangic +phalangid +Phalangida +phalangidan +Phalangidea +phalangidean +Phalangides +phalangiform +Phalangigrada +phalangigrade +phalangigrady +phalangiid +Phalangiidae +phalangist +Phalangista +Phalangistidae +phalangistine +phalangite +phalangitic +phalangitis +Phalangium +phalangologist +phalangology +phalansterial +phalansterian +phalansterianism +phalansteric +phalansterism +phalansterist +phalanstery +phalanx +phalanxed +phalarica +Phalaris +Phalarism +phalarope +Phalaropodidae +phalera +phalerate +phalerated +Phaleucian +Phallaceae +phallaceous +Phallales +phallalgia +phallaneurysm +phallephoric +phallic +phallical +phallicism +phallicist +phallin +phallism +phallist +phallitis +phallocrypsis +phallodynia +phalloid +phalloncus +phalloplasty +phallorrhagia +phallus +Phanar +Phanariot +Phanariote +phanatron +phaneric +phanerite +Phanerocarpae +Phanerocarpous +Phanerocephala +phanerocephalous +phanerocodonic +phanerocryst +phanerocrystalline +phanerogam +Phanerogamia +phanerogamian +phanerogamic +phanerogamous +phanerogamy +phanerogenetic +phanerogenic +Phaneroglossa +phaneroglossal +phaneroglossate +phaneromania +phaneromere +phaneromerous +phaneroscope +phanerosis +phanerozoic +phanerozonate +Phanerozonia +phanic +phano +phansigar +phantascope +phantasia +Phantasiast +Phantasiastic +phantasist +phantasize +phantasm +phantasma +phantasmagoria +phantasmagorial +phantasmagorially +phantasmagorian +phantasmagoric +phantasmagorical +phantasmagorist +phantasmagory +phantasmal +phantasmalian +phantasmality +phantasmally +phantasmascope +phantasmata +Phantasmatic +phantasmatic +phantasmatical +phantasmatically +phantasmatography +phantasmic +phantasmical +phantasmically +Phantasmist +phantasmogenesis +phantasmogenetic +phantasmograph +phantasmological +phantasmology +phantast +phantasy +phantom +phantomatic +phantomic +phantomical +phantomically +Phantomist +phantomize +phantomizer +phantomland +phantomlike +phantomnation +phantomry +phantomship +phantomy +phantoplex +phantoscope +Pharaoh +Pharaonic +Pharaonical +Pharbitis +phare +Phareodus +Pharian +Pharisaean +Pharisaic +pharisaical +pharisaically +pharisaicalness +Pharisaism +Pharisaist +Pharisean +Pharisee +pharisee +Phariseeism +pharmacal +pharmaceutic +pharmaceutical +pharmaceutically +pharmaceutics +pharmaceutist +pharmacic +pharmacist +pharmacite +pharmacodiagnosis +pharmacodynamic +pharmacodynamical +pharmacodynamics +pharmacoendocrinology +pharmacognosia +pharmacognosis +pharmacognosist +pharmacognostical +pharmacognostically +pharmacognostics +pharmacognosy +pharmacography +pharmacolite +pharmacologia +pharmacologic +pharmacological +pharmacologically +pharmacologist +pharmacology +pharmacomania +pharmacomaniac +pharmacomaniacal +pharmacometer +pharmacopedia +pharmacopedic +pharmacopedics +pharmacopeia +pharmacopeial +pharmacopeian +pharmacophobia +pharmacopoeia +pharmacopoeial +pharmacopoeian +pharmacopoeist +pharmacopolist +pharmacoposia +pharmacopsychology +pharmacosiderite +pharmacotherapy +pharmacy +pharmakos +pharmic +pharmuthi +pharology +Pharomacrus +pharos +Pharsalian +pharyngal +pharyngalgia +pharyngalgic +pharyngeal +pharyngectomy +pharyngemphraxis +pharynges +pharyngic +pharyngismus +pharyngitic +pharyngitis +pharyngoamygdalitis +pharyngobranch +pharyngobranchial +pharyngobranchiate +Pharyngobranchii +pharyngocele +pharyngoceratosis +pharyngodynia +pharyngoepiglottic +pharyngoepiglottidean +pharyngoesophageal +pharyngoglossal +pharyngoglossus +pharyngognath +Pharyngognathi +pharyngognathous +pharyngographic +pharyngography +pharyngokeratosis +pharyngolaryngeal +pharyngolaryngitis +pharyngolith +pharyngological +pharyngology +pharyngomaxillary +pharyngomycosis +pharyngonasal +pharyngopalatine +pharyngopalatinus +pharyngoparalysis +pharyngopathy +pharyngoplasty +pharyngoplegia +pharyngoplegic +pharyngoplegy +pharyngopleural +Pharyngopneusta +pharyngopneustal +pharyngorhinitis +pharyngorhinoscopy +pharyngoscleroma +pharyngoscope +pharyngoscopy +pharyngospasm +pharyngotherapy +pharyngotomy +pharyngotonsillitis +pharyngotyphoid +pharyngoxerosis +pharynogotome +pharynx +Phascaceae +phascaceous +Phascogale +Phascolarctinae +Phascolarctos +phascolome +Phascolomyidae +Phascolomys +Phascolonus +Phascum +phase +phaseal +phaseless +phaselin +phasemeter +phasemy +Phaseolaceae +phaseolin +phaseolous +phaseolunatin +Phaseolus +phaseometer +phases +Phasianella +Phasianellidae +phasianic +phasianid +Phasianidae +Phasianinae +phasianine +phasianoid +Phasianus +phasic +Phasiron +phasis +phasm +phasma +phasmatid +Phasmatida +Phasmatidae +Phasmatodea +phasmatoid +Phasmatoidea +phasmatrope +phasmid +Phasmida +Phasmidae +phasmoid +phasogeneous +phasotropy +pheal +pheasant +pheasantry +pheasantwood +Phebe +Phecda +Phegopteris +Pheidole +phellandrene +phellem +Phellodendron +phelloderm +phellodermal +phellogen +phellogenetic +phellogenic +phellonic +phelloplastic +phelloplastics +phelonion +phemic +Phemie +phenacaine +phenacetin +phenaceturic +phenacite +Phenacodontidae +Phenacodus +phenacyl +phenakism +phenakistoscope +Phenalgin +phenanthrene +phenanthridine +phenanthridone +phenanthrol +phenanthroline +phenarsine +phenate +phenazine +phenazone +phene +phenegol +phenene +phenethyl +phenetidine +phenetole +phengite +phengitical +phenic +phenicate +phenicious +phenicopter +phenin +phenmiazine +phenobarbital +phenocoll +phenocopy +phenocryst +phenocrystalline +phenogenesis +phenogenetic +phenol +phenolate +phenolic +phenolization +phenolize +phenological +phenologically +phenologist +phenology +phenoloid +phenolphthalein +phenolsulphonate +phenolsulphonephthalein +phenolsulphonic +phenomena +phenomenal +phenomenalism +phenomenalist +phenomenalistic +phenomenalistically +phenomenality +phenomenalization +phenomenalize +phenomenally +phenomenic +phenomenical +phenomenism +phenomenist +phenomenistic +phenomenize +phenomenological +phenomenologically +phenomenology +phenomenon +phenoplast +phenoplastic +phenoquinone +phenosafranine +phenosal +phenospermic +phenospermy +phenothiazine +phenotype +phenotypic +phenotypical +phenotypically +phenoxazine +phenoxid +phenoxide +phenozygous +Pheny +phenyl +phenylacetaldehyde +phenylacetamide +phenylacetic +phenylalanine +phenylamide +phenylamine +phenylate +phenylation +phenylboric +phenylcarbamic +phenylcarbimide +phenylene +phenylenediamine +phenylethylene +phenylglycine +phenylglycolic +phenylglyoxylic +phenylhydrazine +phenylhydrazone +phenylic +phenylmethane +pheon +pheophyl +pheophyll +pheophytin +Pherecratean +Pherecratian +Pherecratic +Pherephatta +pheretrer +Pherkad +Pherophatta +Phersephatta +Phersephoneia +phew +phi +phial +phiale +phialful +phialide +phialine +phiallike +phialophore +phialospore +Phidiac +Phidian +Phigalian +Phil +Philadelphian +Philadelphianism +philadelphite +Philadelphus +philadelphy +philalethist +philamot +Philander +philander +philanderer +philanthid +Philanthidae +philanthrope +philanthropian +philanthropic +philanthropical +philanthropically +philanthropinism +philanthropinist +Philanthropinum +philanthropism +philanthropist +philanthropistic +philanthropize +philanthropy +Philanthus +philantomba +philarchaist +philaristocracy +philatelic +philatelical +philatelically +philatelism +philatelist +philatelistic +philately +Philathea +philathletic +philematology +Philepitta +Philepittidae +Philesia +Philetaerus +philharmonic +philhellene +philhellenic +philhellenism +philhellenist +philhippic +philhymnic +philiater +Philip +Philippa +Philippan +Philippe +Philippian +Philippic +philippicize +Philippine +Philippines +Philippism +Philippist +Philippistic +Philippizate +philippize +philippizer +philippus +Philistia +Philistian +Philistine +Philistinely +Philistinian +Philistinic +Philistinish +Philistinism +Philistinize +Phill +philliloo +Phillip +phillipsine +phillipsite +Phillis +Phillyrea +phillyrin +philobiblian +philobiblic +philobiblical +philobiblist +philobotanic +philobotanist +philobrutish +philocalic +philocalist +philocaly +philocathartic +philocatholic +philocomal +Philoctetes +philocubist +philocynic +philocynical +philocynicism +philocyny +philodemic +Philodendron +philodespot +philodestructiveness +Philodina +Philodinidae +philodox +philodoxer +philodoxical +philodramatic +philodramatist +philofelist +philofelon +philogarlic +philogastric +philogeant +philogenitive +philogenitiveness +philograph +philographic +philogynaecic +philogynist +philogynous +philogyny +Philohela +philohellenian +philokleptic +philoleucosis +philologaster +philologastry +philologer +philologian +philologic +philological +philologically +philologist +philologistic +philologize +philologue +philology +Philomachus +philomath +philomathematic +philomathematical +philomathic +philomathical +philomathy +philomel +Philomela +philomelanist +philomuse +philomusical +philomystic +philonatural +philoneism +Philonian +Philonic +Philonism +Philonist +philonium +philonoist +philopagan +philopater +philopatrian +philopena +philophilosophos +philopig +philoplutonic +philopoet +philopogon +philopolemic +philopolemical +philopornist +philoprogeneity +philoprogenitive +philoprogenitiveness +philopterid +Philopteridae +philopublican +philoradical +philorchidaceous +philornithic +philorthodox +philosoph +philosophaster +philosophastering +philosophastry +philosophedom +philosopheme +philosopher +philosopheress +philosophership +philosophic +philosophical +philosophically +philosophicalness +philosophicide +philosophicohistorical +philosophicojuristic +philosophicolegal +philosophicoreligious +philosophicotheological +philosophism +philosophist +philosophister +philosophistic +philosophistical +philosophization +philosophize +philosophizer +philosophling +philosophobia +philosophocracy +philosophuncule +philosophunculist +philosophy +philotadpole +philotechnic +philotechnical +philotechnist +philothaumaturgic +philotheism +philotheist +philotheistic +philotheosophical +philotherian +philotherianism +Philotria +Philoxenian +philoxygenous +philozoic +philozoist +philozoonist +philter +philterer +philterproof +philtra +philtrum +Philydraceae +philydraceous +Philyra +phimosed +phimosis +phimotic +Phineas +Phiomia +Phiroze +phit +phiz +phizes +phizog +phlebalgia +phlebangioma +phlebarteriectasia +phlebarteriodialysis +phlebectasia +phlebectasis +phlebectasy +phlebectomy +phlebectopia +phlebectopy +phlebemphraxis +phlebenteric +phlebenterism +phlebitic +phlebitis +Phlebodium +phlebogram +phlebograph +phlebographical +phlebography +phleboid +phleboidal +phlebolite +phlebolith +phlebolithiasis +phlebolithic +phlebolitic +phlebological +phlebology +phlebometritis +phlebopexy +phleboplasty +phleborrhage +phleborrhagia +phleborrhaphy +phleborrhexis +phlebosclerosis +phlebosclerotic +phlebostasia +phlebostasis +phlebostenosis +phlebostrepsis +phlebothrombosis +phlebotome +phlebotomic +phlebotomical +phlebotomically +phlebotomist +phlebotomization +phlebotomize +Phlebotomus +phlebotomus +phlebotomy +Phlegethon +Phlegethontal +Phlegethontic +phlegm +phlegma +phlegmagogue +phlegmasia +phlegmatic +phlegmatical +phlegmatically +phlegmaticalness +phlegmaticly +phlegmaticness +phlegmatism +phlegmatist +phlegmatous +phlegmless +phlegmon +phlegmonic +phlegmonoid +phlegmonous +phlegmy +Phleum +phlobaphene +phlobatannin +phloem +phloeophagous +phloeoterma +phlogisma +phlogistian +phlogistic +phlogistical +phlogisticate +phlogistication +phlogiston +phlogistonism +phlogistonist +phlogogenetic +phlogogenic +phlogogenous +phlogopite +phlogosed +Phlomis +phloretic +phloroglucic +phloroglucin +phlorone +phloxin +pho +phobiac +phobic +phobism +phobist +phobophobia +Phobos +phoby +phoca +phocacean +phocaceous +Phocaean +Phocaena +Phocaenina +phocaenine +phocal +Phocean +phocenate +phocenic +phocenin +Phocian +phocid +Phocidae +phociform +Phocinae +phocine +phocodont +Phocodontia +phocodontic +Phocoena +phocoid +phocomelia +phocomelous +phocomelus +Phoebe +phoebe +Phoebean +Phoenicaceae +phoenicaceous +Phoenicales +phoenicean +Phoenician +Phoenicianism +Phoenicid +phoenicite +Phoenicize +phoenicochroite +Phoenicopteridae +Phoenicopteriformes +phoenicopteroid +Phoenicopteroideae +phoenicopterous +Phoenicopterus +Phoeniculidae +Phoeniculus +phoenicurous +phoenigm +Phoenix +phoenix +phoenixity +phoenixlike +phoh +pholad +Pholadacea +pholadian +pholadid +Pholadidae +Pholadinea +pholadoid +Pholas +pholcid +Pholcidae +pholcoid +Pholcus +pholido +pholidolite +pholidosis +Pholidota +pholidote +Pholiota +Phoma +Phomopsis +phon +phonal +phonasthenia +phonate +phonation +phonatory +phonautogram +phonautograph +phonautographic +phonautographically +phone +phoneidoscope +phoneidoscopic +Phonelescope +phoneme +phonemic +phonemics +phonendoscope +phonesis +phonestheme +phonetic +phonetical +phonetically +phonetician +phoneticism +phoneticist +phoneticization +phoneticize +phoneticogrammatical +phoneticohieroglyphic +phonetics +phonetism +phonetist +phonetization +phonetize +phoniatrics +phoniatry +phonic +phonics +phonikon +phonism +phono +phonocamptic +phonocinematograph +phonodeik +phonodynamograph +phonoglyph +phonogram +phonogramic +phonogramically +phonogrammatic +phonogrammatical +phonogrammic +phonogrammically +phonograph +phonographer +phonographic +phonographical +phonographically +phonographist +phonography +phonolite +phonolitic +phonologer +phonologic +phonological +phonologically +phonologist +phonology +phonometer +phonometric +phonometry +phonomimic +phonomotor +phonopathy +phonophile +phonophobia +phonophone +phonophore +phonophoric +phonophorous +phonophote +phonophotography +phonophotoscope +phonophotoscopic +phonoplex +phonoscope +phonotelemeter +phonotype +phonotyper +phonotypic +phonotypical +phonotypically +phonotypist +phonotypy +phony +phoo +Phora +Phoradendron +phoranthium +phoresis +phoresy +phoria +phorid +Phoridae +phorminx +Phormium +phorology +phorometer +phorometric +phorometry +phorone +phoronic +phoronid +Phoronida +Phoronidea +Phoronis +phoronomia +phoronomic +phoronomically +phoronomics +phoronomy +Phororhacidae +Phororhacos +phoroscope +phorozooid +phos +phose +phosgene +phosgenic +phosgenite +phosis +phosphagen +phospham +phosphamic +phosphamide +phosphamidic +phosphammonium +phosphatase +phosphate +phosphated +phosphatemia +phosphatese +phosphatic +phosphatide +phosphation +phosphatization +phosphatize +phosphaturia +phosphaturic +phosphene +phosphenyl +phosphide +phosphinate +phosphine +phosphinic +phosphite +phospho +phosphoaminolipide +phosphocarnic +phosphocreatine +phosphoferrite +phosphoglycerate +phosphoglyceric +phosphoglycoprotein +phospholipide +phospholipin +phosphomolybdate +phosphomolybdic +phosphonate +phosphonic +phosphonium +phosphophyllite +phosphoprotein +phosphor +phosphorate +phosphore +phosphoreal +phosphorent +phosphoreous +phosphoresce +phosphorescence +phosphorescent +phosphorescently +phosphoreted +phosphorhidrosis +phosphori +phosphoric +phosphorical +phosphoriferous +phosphorism +phosphorite +phosphoritic +phosphorize +phosphorogen +phosphorogenic +phosphorograph +phosphorographic +phosphorography +phosphoroscope +phosphorous +phosphoruria +phosphorus +phosphoryl +phosphorylase +phosphorylation +phosphosilicate +phosphotartaric +phosphotungstate +phosphotungstic +phosphowolframic +phosphuranylite +phosphuret +phosphuria +phosphyl +phossy +phot +photaesthesia +photaesthesis +photaesthetic +photal +photalgia +photechy +photelectrograph +photeolic +photerythrous +photesthesis +photic +photics +Photinia +Photinian +Photinianism +photism +photistic +photo +photoactinic +photoactivate +photoactivation +photoactive +photoactivity +photoaesthetic +photoalbum +photoalgraphy +photoanamorphosis +photoaquatint +Photobacterium +photobathic +photobiotic +photobromide +photocampsis +photocatalysis +photocatalyst +photocatalytic +photocatalyzer +photocell +photocellulose +photoceptor +photoceramic +photoceramics +photoceramist +photochemic +photochemical +photochemically +photochemigraphy +photochemist +photochemistry +photochloride +photochlorination +photochromascope +photochromatic +photochrome +photochromic +photochromography +photochromolithograph +photochromoscope +photochromotype +photochromotypy +photochromy +photochronograph +photochronographic +photochronographical +photochronographically +photochronography +photocollograph +photocollographic +photocollography +photocollotype +photocombustion +photocompose +photocomposition +photoconductivity +photocopier +photocopy +photocrayon +photocurrent +photodecomposition +photodensitometer +photodermatic +photodermatism +photodisintegration +photodissociation +photodrama +photodramatic +photodramatics +photodramatist +photodramaturgic +photodramaturgy +photodrome +photodromy +photodynamic +photodynamical +photodynamically +photodynamics +photodysphoria +photoelastic +photoelasticity +photoelectric +photoelectrical +photoelectrically +photoelectricity +photoelectron +photoelectrotype +photoemission +photoemissive +photoengrave +photoengraver +photoengraving +photoepinastic +photoepinastically +photoepinasty +photoesthesis +photoesthetic +photoetch +photoetcher +photoetching +photofilm +photofinish +photofinisher +photofinishing +photofloodlamp +photogalvanograph +photogalvanographic +photogalvanography +photogastroscope +photogelatin +photogen +photogene +photogenetic +photogenic +photogenically +photogenous +photoglyph +photoglyphic +photoglyphography +photoglyphy +photoglyptic +photoglyptography +photogram +photogrammeter +photogrammetric +photogrammetrical +photogrammetry +photograph +photographable +photographee +photographer +photographeress +photographess +photographic +photographical +photographically +photographist +photographize +photographometer +photography +photogravure +photogravurist +photogyric +photohalide +photoheliograph +photoheliographic +photoheliography +photoheliometer +photohyponastic +photohyponastically +photohyponasty +photoimpression +photoinactivation +photoinduction +photoinhibition +photointaglio +photoionization +photoisomeric +photoisomerization +photokinesis +photokinetic +photolith +photolitho +photolithograph +photolithographer +photolithographic +photolithography +photologic +photological +photologist +photology +photoluminescence +photoluminescent +photolysis +photolyte +photolytic +photoma +photomacrograph +photomagnetic +photomagnetism +photomap +photomapper +photomechanical +photomechanically +photometeor +photometer +photometric +photometrical +photometrically +photometrician +photometrist +photometrograph +photometry +photomezzotype +photomicrogram +photomicrograph +photomicrographer +photomicrographic +photomicrography +photomicroscope +photomicroscopic +photomicroscopy +photomontage +photomorphosis +photomural +photon +photonastic +photonasty +photonegative +photonephograph +photonephoscope +photoneutron +photonosus +photooxidation +photooxidative +photopathic +photopathy +photoperceptive +photoperimeter +photoperiod +photoperiodic +photoperiodism +photophane +photophile +photophilic +photophilous +photophily +photophobe +photophobia +photophobic +photophobous +photophone +photophonic +photophony +photophore +photophoresis +photophosphorescent +photophygous +photophysical +photophysicist +photopia +photopic +photopile +photopitometer +photoplay +photoplayer +photoplaywright +photopography +photopolarigraph +photopolymerization +photopositive +photoprint +photoprinter +photoprinting +photoprocess +photoptometer +photoradio +photoradiogram +photoreception +photoreceptive +photoreceptor +photoregression +photorelief +photoresistance +photosalt +photosantonic +photoscope +photoscopic +photoscopy +photosculptural +photosculpture +photosensitive +photosensitiveness +photosensitivity +photosensitization +photosensitize +photosensitizer +photosensory +photospectroheliograph +photospectroscope +photospectroscopic +photospectroscopical +photospectroscopy +photosphere +photospheric +photostability +photostable +Photostat +photostat +photostationary +photostereograph +photosurveying +photosyntax +photosynthate +photosynthesis +photosynthesize +photosynthetic +photosynthetically +photosynthometer +phototachometer +phototachometric +phototachometrical +phototachometry +phototactic +phototactically +phototactism +phototaxis +phototaxy +phototechnic +phototelegraph +phototelegraphic +phototelegraphically +phototelegraphy +phototelephone +phototelephony +phototelescope +phototelescopic +phototheodolite +phototherapeutic +phototherapeutics +phototherapic +phototherapist +phototherapy +photothermic +phototonic +phototonus +phototopographic +phototopographical +phototopography +phototrichromatic +phototrope +phototrophic +phototrophy +phototropic +phototropically +phototropism +phototropy +phototube +phototype +phototypic +phototypically +phototypist +phototypographic +phototypography +phototypy +photovisual +photovitrotype +photovoltaic +photoxylography +photozinco +photozincograph +photozincographic +photozincography +photozincotype +photozincotypy +photuria +Phractamphibia +phragma +Phragmidium +Phragmites +phragmocone +phragmoconic +Phragmocyttares +phragmocyttarous +phragmoid +phragmosis +phrasable +phrasal +phrasally +phrase +phraseable +phraseless +phrasemaker +phrasemaking +phraseman +phrasemonger +phrasemongering +phrasemongery +phraseogram +phraseograph +phraseographic +phraseography +phraseological +phraseologically +phraseologist +phraseology +phraser +phrasify +phrasiness +phrasing +phrasy +phrator +phratral +phratria +phratriac +phratrial +phratry +phreatic +phreatophyte +phrenesia +phrenesiac +phrenesis +phrenetic +phrenetically +phreneticness +phrenic +phrenicectomy +phrenicocolic +phrenicocostal +phrenicogastric +phrenicoglottic +phrenicohepatic +phrenicolienal +phrenicopericardiac +phrenicosplenic +phrenicotomy +phrenics +phrenitic +phrenitis +phrenocardia +phrenocardiac +phrenocolic +phrenocostal +phrenodynia +phrenogastric +phrenoglottic +phrenogram +phrenograph +phrenography +phrenohepatic +phrenologer +phrenologic +phrenological +phrenologically +phrenologist +phrenologize +phrenology +phrenomagnetism +phrenomesmerism +phrenopathia +phrenopathic +phrenopathy +phrenopericardiac +phrenoplegia +phrenoplegy +phrenosin +phrenosinic +phrenospasm +phrenosplenic +phronesis +Phronima +Phronimidae +phrontisterion +phrontisterium +phrontistery +Phryganea +phryganeid +Phryganeidae +phryganeoid +Phrygian +Phrygianize +phrygium +Phryma +Phrymaceae +phrymaceous +phrynid +Phrynidae +phrynin +phrynoid +Phrynosoma +phthalacene +phthalan +phthalanilic +phthalate +phthalazin +phthalazine +phthalein +phthaleinometer +phthalic +phthalid +phthalide +phthalimide +phthalin +phthalocyanine +phthalyl +phthanite +Phthartolatrae +phthinoid +phthiocol +phthiriasis +Phthirius +phthirophagous +phthisic +phthisical +phthisicky +phthisiogenesis +phthisiogenetic +phthisiogenic +phthisiologist +phthisiology +phthisiophobia +phthisiotherapeutic +phthisiotherapy +phthisipneumonia +phthisipneumony +phthisis +phthongal +phthongometer +phthor +phthoric +phu +phugoid +phulkari +phulwa +phulwara +phut +Phyciodes +phycite +Phycitidae +phycitol +phycochromaceae +phycochromaceous +phycochrome +Phycochromophyceae +phycochromophyceous +phycocyanin +phycocyanogen +Phycodromidae +phycoerythrin +phycography +phycological +phycologist +phycology +Phycomyces +phycomycete +Phycomycetes +phycomycetous +phycophaein +phycoxanthin +phycoxanthine +phygogalactic +phyla +phylacobiosis +phylacobiotic +phylacteric +phylacterical +phylacteried +phylacterize +phylactery +phylactic +phylactocarp +phylactocarpal +Phylactolaema +Phylactolaemata +phylactolaematous +Phylactolema +Phylactolemata +phylarch +phylarchic +phylarchical +phylarchy +phyle +phylephebic +phylesis +phyletic +phyletically +phyletism +phylic +Phyllachora +Phyllactinia +phyllade +Phyllanthus +phyllary +Phyllaurea +phylliform +phyllin +phylline +Phyllis +phyllite +phyllitic +Phyllitis +Phyllium +phyllobranchia +phyllobranchial +phyllobranchiate +Phyllocactus +phyllocarid +Phyllocarida +phyllocaridan +Phylloceras +phyllocerate +Phylloceratidae +phylloclad +phylloclade +phyllocladioid +phyllocladium +phyllocladous +phyllocyanic +phyllocyanin +phyllocyst +phyllocystic +phyllode +phyllodial +phyllodination +phyllodineous +phyllodiniation +phyllodinous +phyllodium +Phyllodoce +phyllody +phylloerythrin +phyllogenetic +phyllogenous +phylloid +phylloidal +phylloideous +phyllomancy +phyllomania +phyllome +phyllomic +phyllomorph +phyllomorphic +phyllomorphosis +phyllomorphy +Phyllophaga +phyllophagous +phyllophore +phyllophorous +phyllophyllin +phyllophyte +phyllopod +Phyllopoda +phyllopodan +phyllopode +phyllopodiform +phyllopodium +phyllopodous +phylloporphyrin +Phyllopteryx +phylloptosis +phyllopyrrole +phyllorhine +phyllorhinine +phylloscopine +Phylloscopus +phyllosiphonic +phyllosoma +Phyllosomata +phyllosome +Phyllospondyli +phyllospondylous +Phyllostachys +Phyllosticta +Phyllostoma +Phyllostomatidae +Phyllostomatinae +phyllostomatoid +phyllostomatous +phyllostome +Phyllostomidae +Phyllostominae +phyllostomine +phyllostomous +Phyllostomus +phyllotactic +phyllotactical +phyllotaxis +phyllotaxy +phyllous +phylloxanthin +Phylloxera +phylloxeran +phylloxeric +Phylloxeridae +phyllozooid +phylogenetic +phylogenetical +phylogenetically +phylogenic +phylogenist +phylogeny +phylogerontic +phylogerontism +phylography +phylology +phylon +phyloneanic +phylonepionic +phylum +phyma +phymata +phymatic +phymatid +Phymatidae +Phymatodes +phymatoid +phymatorhysin +phymatosis +Phymosia +Physa +physagogue +Physalia +physalian +Physaliidae +Physalis +physalite +Physalospora +Physapoda +Physaria +Physcia +Physciaceae +physcioid +Physcomitrium +Physeter +Physeteridae +Physeterinae +physeterine +physeteroid +Physeteroidea +physharmonica +physianthropy +physiatric +physiatrical +physiatrics +physic +physical +physicalism +physicalist +physicalistic +physicalistically +physicality +physically +physicalness +physician +physicianary +physiciancy +physicianed +physicianer +physicianess +physicianless +physicianly +physicianship +physicism +physicist +physicked +physicker +physicking +physicky +physicoastronomical +physicobiological +physicochemic +physicochemical +physicochemically +physicochemist +physicochemistry +physicogeographical +physicologic +physicological +physicomathematical +physicomathematics +physicomechanical +physicomedical +physicomental +physicomorph +physicomorphic +physicomorphism +physicooptics +physicophilosophical +physicophilosophy +physicophysiological +physicopsychical +physicosocial +physicotheological +physicotheologist +physicotheology +physicotherapeutic +physicotherapeutics +physicotherapy +physics +Physidae +physiform +physiochemical +physiochemically +physiocracy +physiocrat +physiocratic +physiocratism +physiocratist +physiogenesis +physiogenetic +physiogenic +physiogeny +physiognomic +physiognomical +physiognomically +physiognomics +physiognomist +physiognomize +physiognomonic +physiognomonical +physiognomy +physiogony +physiographer +physiographic +physiographical +physiographically +physiography +physiolater +physiolatrous +physiolatry +physiologer +physiologian +physiological +physiologically +physiologicoanatomic +physiologist +physiologize +physiologue +physiologus +physiology +physiopathological +physiophilist +physiophilosopher +physiophilosophical +physiophilosophy +physiopsychic +physiopsychical +physiopsychological +physiopsychology +physiosociological +physiosophic +physiosophy +physiotherapeutic +physiotherapeutical +physiotherapeutics +physiotherapist +physiotherapy +physiotype +physiotypy +physique +physiqued +physitheism +physitheistic +physitism +physiurgic +physiurgy +physocarpous +Physocarpus +physocele +physoclist +Physoclisti +physoclistic +physoclistous +Physoderma +physogastric +physogastrism +physogastry +physometra +Physonectae +physonectous +Physophorae +physophoran +physophore +physophorous +physopod +Physopoda +physopodan +Physostegia +Physostigma +physostigmine +physostomatous +physostome +Physostomi +physostomous +phytalbumose +phytase +Phytelephas +Phyteus +phytic +phytiferous +phytiform +phytin +phytivorous +phytobacteriology +phytobezoar +phytobiological +phytobiology +phytochemical +phytochemistry +phytochlorin +phytocidal +phytodynamics +phytoecological +phytoecologist +phytoecology +Phytoflagellata +phytogamy +phytogenesis +phytogenetic +phytogenetical +phytogenetically +phytogenic +phytogenous +phytogeny +phytogeographer +phytogeographic +phytogeographical +phytogeographically +phytogeography +phytoglobulin +phytograph +phytographer +phytographic +phytographical +phytographist +phytography +phytohormone +phytoid +phytol +Phytolacca +Phytolaccaceae +phytolaccaceous +phytolatrous +phytolatry +phytolithological +phytolithologist +phytolithology +phytologic +phytological +phytologically +phytologist +phytology +phytoma +Phytomastigina +Phytomastigoda +phytome +phytomer +phytometer +phytometric +phytometry +phytomonad +Phytomonadida +Phytomonadina +Phytomonas +phytomorphic +phytomorphology +phytomorphosis +phyton +phytonic +phytonomy +phytooecology +phytopaleontologic +phytopaleontological +phytopaleontologist +phytopaleontology +phytoparasite +phytopathogen +phytopathogenic +phytopathologic +phytopathological +phytopathologist +phytopathology +Phytophaga +phytophagan +phytophagic +Phytophagineae +phytophagous +phytophagy +phytopharmacologic +phytopharmacology +phytophenological +phytophenology +phytophil +phytophilous +Phytophthora +phytophylogenetic +phytophylogenic +phytophylogeny +phytophysiological +phytophysiology +phytoplankton +phytopsyche +phytoptid +Phytoptidae +phytoptose +phytoptosis +Phytoptus +phytorhodin +phytosaur +Phytosauria +phytosaurian +phytoserologic +phytoserological +phytoserologically +phytoserology +phytosis +phytosociologic +phytosociological +phytosociologically +phytosociologist +phytosociology +phytosterin +phytosterol +phytostrote +phytosynthesis +phytotaxonomy +phytotechny +phytoteratologic +phytoteratological +phytoteratologist +phytoteratology +Phytotoma +Phytotomidae +phytotomist +phytotomy +phytotopographical +phytotopography +phytotoxic +phytotoxin +phytovitellin +Phytozoa +phytozoan +Phytozoaria +phytozoon +phytyl +pi +Pia +pia +piaba +piacaba +piacle +piacular +piacularity +piacularly +piacularness +piaculum +piaffe +piaffer +pial +pialyn +pian +pianette +pianic +pianino +pianism +pianissimo +pianist +pianiste +pianistic +pianistically +Piankashaw +piannet +piano +pianoforte +pianofortist +pianograph +Pianokoto +Pianola +pianola +pianolist +pianologue +piarhemia +piarhemic +Piarist +Piaroa +Piaroan +Piaropus +Piarroan +piassava +Piast +piaster +piastre +piation +piazine +piazza +piazzaed +piazzaless +piazzalike +piazzian +pibcorn +piblokto +pibroch +pic +Pica +pica +picador +picadura +Picae +pical +picamar +picara +Picard +picarel +picaresque +Picariae +picarian +Picarii +picaro +picaroon +picary +picayune +picayunish +picayunishly +picayunishness +piccadill +piccadilly +piccalilli +piccolo +piccoloist +pice +Picea +Picene +picene +Picenian +piceoferruginous +piceotestaceous +piceous +piceworth +pichi +pichiciago +pichuric +pichurim +Pici +Picidae +piciform +Piciformes +Picinae +picine +pick +pickaback +pickable +pickableness +pickage +pickaninny +pickaroon +pickaway +pickax +picked +pickedly +pickedness +pickee +pickeer +picker +pickerel +pickerelweed +pickering +pickeringite +pickery +picket +picketboat +picketeer +picketer +pickfork +pickietar +pickings +pickle +picklelike +pickleman +pickler +pickleweed +pickleworm +picklock +pickman +pickmaw +picknick +picknicker +pickover +pickpocket +pickpocketism +pickpocketry +pickpole +pickpurse +pickshaft +picksman +picksmith +picksome +picksomeness +pickthank +pickthankly +pickthankness +pickthatch +picktooth +pickup +pickwick +Pickwickian +Pickwickianism +Pickwickianly +pickwork +picky +picnic +picnicker +picnickery +Picnickian +picnickish +picnicky +pico +picofarad +picoid +picoline +picolinic +picot +picotah +picotee +picotite +picqueter +picra +picramic +Picramnia +picrasmin +picrate +picrated +picric +Picris +picrite +picrocarmine +Picrodendraceae +Picrodendron +picroerythrin +picrol +picrolite +picromerite +picropodophyllin +picrorhiza +picrorhizin +picrotin +picrotoxic +picrotoxin +picrotoxinin +picryl +Pict +pict +pictarnie +Pictavi +Pictish +Pictland +pictogram +pictograph +pictographic +pictographically +pictography +Pictones +pictoradiogram +pictorial +pictorialism +pictorialist +pictorialization +pictorialize +pictorially +pictorialness +pictoric +pictorical +pictorically +picturability +picturable +picturableness +picturably +pictural +picture +picturecraft +pictured +picturedom +picturedrome +pictureful +pictureless +picturelike +picturely +picturemaker +picturemaking +picturer +picturesque +picturesquely +picturesqueness +picturesquish +picturization +picturize +pictury +picucule +picuda +picudilla +picudo +picul +piculet +piculule +Picumninae +Picumnus +Picunche +Picuris +Picus +pidan +piddle +piddler +piddling +piddock +pidgin +pidjajap +pie +piebald +piebaldism +piebaldly +piebaldness +piece +pieceable +pieceless +piecemaker +piecemeal +piecemealwise +piecen +piecener +piecer +piecette +piecewise +piecework +pieceworker +piecing +piecrust +pied +piedfort +piedly +piedmont +piedmontal +Piedmontese +piedmontite +piedness +Piegan +piehouse +pieless +pielet +pielum +piemag +pieman +piemarker +pien +pienanny +piend +piepan +pieplant +piepoudre +piepowder +pieprint +pier +pierage +Piercarlo +Pierce +pierce +pierceable +pierced +piercel +pierceless +piercent +piercer +piercing +piercingly +piercingness +pierdrop +Pierette +pierhead +Pierian +pierid +Pieridae +Pierides +Pieridinae +pieridine +Pierinae +pierine +Pieris +pierless +pierlike +Pierre +Pierrot +pierrot +pierrotic +pieshop +Piet +piet +pietas +Piete +Pieter +pietic +pietism +Pietist +pietist +pietistic +pietistical +pietistically +pietose +piety +piewife +piewipe +piewoman +piezo +piezochemical +piezochemistry +piezocrystallization +piezoelectric +piezoelectrically +piezoelectricity +piezometer +piezometric +piezometrical +piezometry +piff +piffle +piffler +pifine +pig +pigbelly +pigdan +pigdom +pigeon +pigeonable +pigeonberry +pigeoneer +pigeoner +pigeonfoot +pigeongram +pigeonhearted +pigeonhole +pigeonholer +pigeonman +pigeonry +pigeontail +pigeonweed +pigeonwing +pigeonwood +pigface +pigfish +pigflower +pigfoot +pigful +piggery +piggin +pigging +piggish +piggishly +piggishness +piggle +piggy +pighead +pigheaded +pigheadedly +pigheadedness +pigherd +pightle +pigless +piglet +pigling +piglinghood +pigly +pigmaker +pigmaking +pigman +pigment +pigmental +pigmentally +pigmentary +pigmentation +pigmentize +pigmentolysis +pigmentophage +pigmentose +Pigmy +pignolia +pignon +pignorate +pignoration +pignoratitious +pignorative +pignus +pignut +pigpen +pigritude +pigroot +pigsconce +pigskin +pigsney +pigstick +pigsticker +pigsty +pigtail +pigwash +pigweed +pigwidgeon +pigyard +piitis +pik +pika +pike +piked +pikel +pikelet +pikeman +pikemonger +piker +pikestaff +piketail +pikey +piki +piking +pikle +piky +pilage +pilandite +pilapil +Pilar +pilar +pilary +pilaster +pilastered +pilastering +pilastrade +pilastraded +pilastric +Pilate +Pilatian +pilau +pilaued +pilch +pilchard +pilcher +pilcorn +pilcrow +pile +Pilea +pileata +pileate +pileated +piled +pileiform +pileolated +pileolus +pileorhiza +pileorhize +pileous +piler +piles +pileus +pileweed +pilework +pileworm +pilewort +pilfer +pilferage +pilferer +pilfering +pilferingly +pilferment +pilgarlic +pilgarlicky +pilger +pilgrim +pilgrimage +pilgrimager +pilgrimatic +pilgrimatical +pilgrimdom +pilgrimer +pilgrimess +pilgrimism +pilgrimize +pilgrimlike +pilgrimwise +pili +pilidium +pilifer +piliferous +piliform +piligan +piliganine +piligerous +pilikai +pililloo +pilimiction +pilin +piline +piling +pilipilula +pilkins +pill +pillage +pillageable +pillagee +pillager +pillar +pillared +pillaret +pillaring +pillarist +pillarize +pillarlet +pillarlike +pillarwise +pillary +pillas +pillbox +pilled +pilledness +pillet +pilleus +pillion +pilliver +pilliwinks +pillmaker +pillmaking +pillmonger +pillorization +pillorize +pillory +pillow +pillowcase +pillowing +pillowless +pillowmade +pillowwork +pillowy +pillworm +pillwort +pilm +pilmy +Pilobolus +pilocarpidine +pilocarpine +Pilocarpus +Pilocereus +pilocystic +piloerection +pilomotor +pilon +pilonidal +pilori +pilose +pilosebaceous +pilosine +pilosis +pilosism +pilosity +Pilot +pilot +pilotage +pilotaxitic +pilotee +pilothouse +piloting +pilotism +pilotless +pilotman +pilotry +pilotship +pilotweed +pilous +Pilpai +Pilpay +pilpul +pilpulist +pilpulistic +piltock +pilula +pilular +Pilularia +pilule +pilulist +pilulous +pilum +Pilumnus +pilus +pilwillet +pily +Pim +Pima +Piman +pimaric +pimelate +Pimelea +pimelic +pimelite +pimelitis +Pimenta +pimento +pimenton +pimgenet +pimienta +pimiento +pimlico +pimola +pimp +pimperlimpimp +pimpernel +pimpery +Pimpinella +pimping +pimpish +Pimpla +pimple +pimpleback +pimpled +pimpleproof +Pimplinae +pimpliness +pimplo +pimploe +pimplous +pimply +pimpship +pin +pina +Pinaceae +pinaceous +pinaces +pinachrome +pinacle +Pinacoceras +Pinacoceratidae +pinacocytal +pinacocyte +pinacoid +pinacoidal +pinacol +pinacolate +pinacolic +pinacolin +pinacone +pinacoteca +pinaculum +Pinacyanol +pinafore +pinakiolite +pinakoidal +pinakotheke +Pinal +Pinaleno +Pinales +pinang +pinaster +pinatype +pinaverdol +pinax +pinball +pinbefore +pinbone +pinbush +pincase +pincement +pincer +pincerlike +pincers +pincerweed +pinch +pinchable +pinchback +pinchbeck +pinchbelly +pinchcock +pinchcommons +pinchcrust +pinche +pinched +pinchedly +pinchedness +pinchem +pincher +pinchfist +pinchfisted +pinchgut +pinching +pinchingly +pinchpenny +Pincian +Pinckneya +pincoffin +pincpinc +Pinctada +pincushion +pincushiony +pind +pinda +Pindari +Pindaric +pindarical +pindarically +Pindarism +Pindarist +Pindarize +Pindarus +pinder +pindling +pindy +pine +pineal +pinealism +pinealoma +pineapple +pined +pinedrops +pineland +pinene +piner +pinery +pinesap +pinetum +pineweed +pinewoods +piney +pinfall +pinfeather +pinfeathered +pinfeatherer +pinfeathery +pinfish +pinfold +Ping +ping +pingle +pingler +pingue +pinguecula +pinguedinous +pinguefaction +pinguefy +pinguescence +pinguescent +Pinguicula +pinguicula +Pinguiculaceae +pinguiculaceous +pinguid +pinguidity +pinguiferous +pinguin +pinguinitescent +pinguite +pinguitude +pinguitudinous +pinhead +pinheaded +pinheadedness +pinhold +pinhole +pinhook +pinic +pinicoline +pinicolous +piniferous +piniform +pining +piningly +pinion +pinioned +pinionless +pinionlike +pinipicrin +pinitannic +pinite +pinitol +pinivorous +pinjane +pinjra +pink +pinkberry +pinked +pinkeen +pinken +pinker +Pinkerton +Pinkertonism +pinkeye +pinkfish +pinkie +pinkify +pinkily +pinkiness +pinking +pinkish +pinkishness +pinkly +pinkness +pinkroot +pinksome +Pinkster +pinkweed +pinkwood +pinkwort +pinky +pinless +pinlock +pinmaker +Pinna +pinna +pinnace +pinnacle +pinnaclet +pinnae +pinnaglobin +pinnal +pinnate +pinnated +pinnatedly +pinnately +pinnatifid +pinnatifidly +pinnatilobate +pinnatilobed +pinnation +pinnatipartite +pinnatiped +pinnatisect +pinnatisected +pinnatodentate +pinnatopectinate +pinnatulate +pinned +pinnel +pinner +pinnet +Pinnidae +pinniferous +pinniform +pinnigerous +Pinnigrada +pinnigrade +pinninervate +pinninerved +pinning +pinningly +pinniped +Pinnipedia +pinnipedian +pinnisect +pinnisected +pinnitarsal +pinnitentaculate +pinniwinkis +pinnock +pinnoite +pinnotere +pinnothere +Pinnotheres +pinnotherian +Pinnotheridae +pinnula +pinnular +pinnulate +pinnulated +pinnule +pinnulet +pinny +pino +pinochle +pinocytosis +pinole +pinoleum +pinolia +pinolin +pinon +pinonic +pinpillow +pinpoint +pinprick +pinproof +pinrail +pinrowed +pinscher +pinsons +pint +pinta +pintadera +pintado +pintadoite +pintail +pintano +pinte +pintle +pinto +pintura +pinulus +Pinus +pinweed +pinwing +pinwork +pinworm +piny +pinyl +pinyon +pioneer +pioneerdom +pioneership +pionnotes +pioscope +pioted +piotine +Piotr +piotty +pioury +pious +piously +piousness +Pioxe +pip +pipa +pipage +pipal +pipe +pipeage +pipecoline +pipecolinic +piped +pipefish +pipeful +pipelayer +pipeless +pipelike +pipeline +pipeman +pipemouth +Piper +piper +Piperaceae +piperaceous +Piperales +piperate +piperazin +piperazine +piperic +piperide +piperideine +piperidge +piperidide +piperidine +piperine +piperitious +piperitone +piperly +piperno +piperoid +piperonal +piperonyl +pipery +piperylene +pipestapple +pipestem +pipestone +pipet +pipette +pipewalker +pipewood +pipework +pipewort +pipi +Pipidae +Pipil +Pipile +Pipilo +piping +pipingly +pipingness +pipiri +pipistrel +pipistrelle +Pipistrellus +pipit +pipkin +pipkinet +pipless +pipped +pipper +pippin +pippiner +pippinface +pippy +Pipra +Pipridae +Piprinae +piprine +piproid +pipsissewa +Piptadenia +Piptomeris +pipunculid +Pipunculidae +pipy +piquable +piquance +piquancy +piquant +piquantly +piquantness +pique +piquet +piquia +piqure +pir +piracy +piragua +Piranga +piranha +pirate +piratelike +piratery +piratess +piratical +piratically +piratism +piratize +piraty +Pirene +Piricularia +pirijiri +piripiri +piririgua +pirl +pirn +pirner +pirnie +pirny +Piro +pirogue +pirol +piroplasm +Piroplasma +piroplasmosis +pirouette +pirouetter +pirouettist +pirr +pirraura +pirrmaw +pirssonite +Pisaca +pisaca +pisachee +Pisan +pisang +pisanite +Pisauridae +pisay +piscary +Piscataqua +Piscataway +piscation +piscatology +piscator +piscatorial +piscatorialist +piscatorially +piscatorian +piscatorious +piscatory +Pisces +piscian +piscicapture +piscicapturist +piscicolous +piscicultural +pisciculturally +pisciculture +pisciculturist +Piscid +Piscidia +piscifauna +pisciferous +pisciform +piscina +piscinal +piscine +piscinity +Piscis +piscivorous +pisco +pise +pish +pishaug +pishogue +Pishquow +pishu +Pisidium +pisiform +Pisistratean +Pisistratidae +pisk +pisky +pismire +pismirism +piso +pisolite +pisolitic +Pisonia +piss +pissabed +pissant +pist +pistache +pistachio +Pistacia +pistacite +pistareen +Pistia +pistic +pistil +pistillaceous +pistillar +pistillary +pistillate +pistillid +pistilliferous +pistilliform +pistilligerous +pistilline +pistillode +pistillody +pistilloid +pistilogy +pistle +Pistoiese +pistol +pistole +pistoleer +pistolet +pistolgram +pistolgraph +pistollike +pistolography +pistology +pistolproof +pistolwise +piston +pistonhead +pistonlike +pistrix +Pisum +pit +pita +Pitahauerat +Pitahauirata +pitahaya +pitanga +pitangua +pitapat +pitapatation +pitarah +pitau +Pitawas +pitaya +pitayita +Pitcairnia +pitch +pitchable +pitchblende +pitcher +pitchered +pitcherful +pitcherlike +pitcherman +pitchfork +pitchhole +pitchi +pitchiness +pitching +pitchlike +pitchman +pitchometer +pitchout +pitchpike +pitchpole +pitchpoll +pitchstone +pitchwork +pitchy +piteous +piteously +piteousness +pitfall +pith +pithecan +pithecanthrope +pithecanthropic +pithecanthropid +Pithecanthropidae +pithecanthropoid +Pithecanthropus +Pithecia +pithecian +Pitheciinae +pitheciine +pithecism +pithecoid +Pithecolobium +pithecological +pithecometric +pithecomorphic +pithecomorphism +pithful +pithily +pithiness +pithless +pithlessly +Pithoegia +Pithoigia +pithole +pithos +pithsome +pithwork +pithy +pitiability +pitiable +pitiableness +pitiably +pitiedly +pitiedness +pitier +pitiful +pitifully +pitifulness +pitikins +pitiless +pitilessly +pitilessness +pitless +pitlike +pitmaker +pitmaking +pitman +pitmark +pitmirk +pitometer +pitpan +pitpit +pitside +Pitta +pittacal +pittance +pittancer +pitted +pitter +pitticite +Pittidae +pittine +pitting +Pittism +Pittite +pittite +pittoid +Pittosporaceae +pittosporaceous +pittospore +Pittosporum +Pittsburgher +pituital +pituitary +pituite +pituitous +pituitousness +Pituitrin +pituri +pitwood +pitwork +pitwright +pity +pitying +pityingly +Pitylus +pityocampa +pityproof +pityriasic +pityriasis +Pityrogramma +pityroid +piuri +piuricapsular +pivalic +pivot +pivotal +pivotally +pivoter +pix +pixie +pixilated +pixilation +pixy +pize +pizza +pizzeria +pizzicato +pizzle +placability +placable +placableness +placably +Placaean +placard +placardeer +placarder +placate +placater +placation +placative +placatively +placatory +placcate +place +placeable +Placean +placebo +placeful +placeless +placelessly +placemaker +placemaking +placeman +placemanship +placement +placemonger +placemongering +placenta +placental +Placentalia +placentalian +placentary +placentate +placentation +placentiferous +placentiform +placentigerous +placentitis +placentoid +placentoma +placer +placet +placewoman +placid +placidity +placidly +placidness +placitum +plack +placket +plackless +placochromatic +placode +placoderm +placodermal +placodermatous +Placodermi +placodermoid +placodont +Placodontia +Placodus +placoganoid +placoganoidean +Placoganoidei +placoid +placoidal +placoidean +Placoidei +Placoides +Placophora +placophoran +placoplast +placula +placuntitis +placuntoma +Placus +pladaroma +pladarosis +plaga +plagal +plagate +plage +Plagianthus +plagiaplite +plagiarical +plagiarism +plagiarist +plagiaristic +plagiaristically +plagiarization +plagiarize +plagiarizer +plagiary +plagihedral +plagiocephalic +plagiocephalism +plagiocephaly +Plagiochila +plagioclase +plagioclasite +plagioclastic +plagioclinal +plagiodont +plagiograph +plagioliparite +plagionite +plagiopatagium +plagiophyre +Plagiostomata +plagiostomatous +plagiostome +Plagiostomi +plagiostomous +plagiotropic +plagiotropically +plagiotropism +plagiotropous +plagium +plagose +plagosity +plague +plagued +plagueful +plagueless +plagueproof +plaguer +plaguesome +plaguesomeness +plaguily +plaguy +plaice +plaid +plaided +plaidie +plaiding +plaidman +plaidy +plain +plainback +plainbacks +plainer +plainful +plainhearted +plainish +plainly +plainness +plainscraft +plainsfolk +plainsman +plainsoled +plainstones +plainswoman +plaint +plaintail +plaintiff +plaintiffship +plaintile +plaintive +plaintively +plaintiveness +plaintless +plainward +plaister +plait +plaited +plaiter +plaiting +plaitless +plaitwork +plak +plakat +plan +planable +planaea +planar +Planaria +planarian +Planarida +planaridan +planariform +planarioid +planarity +planate +planation +planch +plancheite +plancher +planchet +planchette +planching +planchment +plancier +Planckian +plandok +plane +planeness +planer +Planera +planet +planeta +planetable +planetabler +planetal +planetaria +planetarian +planetarily +planetarium +planetary +planeted +planetesimal +planeticose +planeting +planetist +planetkin +planetless +planetlike +planetogeny +planetography +planetoid +planetoidal +planetologic +planetologist +planetology +planetule +planform +planful +planfully +planfulness +plang +plangency +plangent +plangently +plangor +plangorous +planicaudate +planicipital +planidorsate +planifolious +planiform +planigraph +planilla +planimetric +planimetrical +planimetry +planineter +planipennate +Planipennia +planipennine +planipetalous +planiphyllous +planirostral +planirostrate +planiscope +planiscopic +planish +planisher +planispheral +planisphere +planispheric +planispherical +planispiral +planity +plank +plankage +plankbuilt +planker +planking +plankless +planklike +planksheer +plankter +planktologist +planktology +plankton +planktonic +planktont +plankways +plankwise +planky +planless +planlessly +planlessness +planner +planoblast +planoblastic +Planococcus +planoconical +planocylindric +planoferrite +planogamete +planograph +planographic +planographist +planography +planohorizontal +planolindrical +planometer +planometry +planomiller +planoorbicular +Planorbidae +planorbiform +planorbine +Planorbis +planorboid +planorotund +Planosarcina +planosol +planosome +planospiral +planospore +planosubulate +plant +planta +plantable +plantad +Plantae +plantage +Plantaginaceae +plantaginaceous +Plantaginales +plantagineous +Plantago +plantain +plantal +plantar +plantaris +plantarium +plantation +plantationlike +plantdom +planter +planterdom +planterly +plantership +Plantigrada +plantigrade +plantigrady +planting +plantivorous +plantless +plantlet +plantlike +plantling +plantocracy +plantsman +plantula +plantular +plantule +planula +planulan +planular +planulate +planuliform +planuloid +Planuloidea +planuria +planury +planxty +plap +plappert +plaque +plaquette +plash +plasher +plashet +plashingly +plashment +plashy +plasm +plasma +plasmagene +plasmapheresis +plasmase +plasmatic +plasmatical +plasmation +plasmatoparous +plasmatorrhexis +plasmic +plasmocyte +plasmocytoma +plasmode +plasmodesm +plasmodesma +plasmodesmal +plasmodesmic +plasmodesmus +plasmodia +plasmodial +plasmodiate +plasmodic +plasmodiocarp +plasmodiocarpous +Plasmodiophora +Plasmodiophoraceae +Plasmodiophorales +plasmodium +plasmogen +plasmolysis +plasmolytic +plasmolytically +plasmolyzability +plasmolyzable +plasmolyze +plasmoma +Plasmon +Plasmopara +plasmophagous +plasmophagy +plasmoptysis +plasmosoma +plasmosome +plasmotomy +plasome +plass +plasson +plastein +plaster +plasterbill +plasterboard +plasterer +plasteriness +plastering +plasterlike +plasterwise +plasterwork +plastery +Plastic +plastic +plastically +plasticimeter +Plasticine +plasticine +plasticism +plasticity +plasticization +plasticize +plasticizer +plasticly +plastics +plastid +plastidium +plastidome +Plastidozoa +plastidular +plastidule +plastify +plastin +plastinoid +plastisol +plastochondria +plastochron +plastochrone +plastodynamia +plastodynamic +plastogamic +plastogamy +plastogene +plastomere +plastometer +plastosome +plastotype +plastral +plastron +plastrum +plat +Plataean +Platalea +Plataleidae +plataleiform +Plataleinae +plataleine +platan +Platanaceae +platanaceous +platane +platanist +Platanista +Platanistidae +platano +Platanus +platband +platch +plate +platea +plateasm +plateau +plateaux +plated +plateful +plateholder +plateiasmus +platelayer +plateless +platelet +platelike +platemaker +platemaking +plateman +platen +plater +platerer +plateresque +platery +plateway +platework +plateworker +platform +platformally +platformed +platformer +platformish +platformism +platformist +platformistic +platformless +platformy +platic +platicly +platilla +platina +platinamine +platinammine +platinate +Platine +plating +platinic +platinichloric +platinichloride +platiniferous +platiniridium +platinite +platinization +platinize +platinochloric +platinochloride +platinocyanic +platinocyanide +platinoid +platinotype +platinous +platinum +platinumsmith +platitude +platitudinal +platitudinarian +platitudinarianism +platitudinism +platitudinist +platitudinization +platitudinize +platitudinizer +platitudinous +platitudinously +platitudinousness +Platoda +platode +Platodes +platoid +Platonesque +platonesque +Platonian +Platonic +Platonical +Platonically +Platonicalness +Platonician +Platonicism +Platonism +Platonist +Platonistic +Platonization +Platonize +Platonizer +platoon +platopic +platosamine +platosammine +Platt +Plattdeutsch +platted +platten +platter +platterface +platterful +platting +plattnerite +platty +platurous +platy +platybasic +platybrachycephalic +platybrachycephalous +platybregmatic +platycarpous +Platycarpus +Platycarya +platycelian +platycelous +platycephalic +Platycephalidae +platycephalism +platycephaloid +platycephalous +Platycephalus +platycephaly +Platycercinae +platycercine +Platycercus +Platycerium +platycheiria +platycnemia +platycnemic +Platycodon +platycoria +platycrania +platycranial +Platyctenea +platycyrtean +platydactyl +platydactyle +platydactylous +platydolichocephalic +platydolichocephalous +platyfish +platyglossal +platyglossate +platyglossia +Platyhelmia +platyhelminth +Platyhelminthes +platyhelminthic +platyhieric +platykurtic +platylobate +platymeria +platymeric +platymery +platymesaticephalic +platymesocephalic +platymeter +platymyoid +platynite +platynotal +platyodont +platyope +platyopia +platyopic +platypellic +platypetalous +platyphyllous +platypod +Platypoda +platypodia +platypodous +Platyptera +platypus +platypygous +Platyrhina +Platyrhini +platyrhynchous +platyrrhin +Platyrrhina +platyrrhine +Platyrrhini +platyrrhinian +platyrrhinic +platyrrhinism +platyrrhiny +platysma +platysmamyoides +platysomid +Platysomidae +Platysomus +platystaphyline +Platystemon +platystencephalia +platystencephalic +platystencephalism +platystencephaly +platysternal +Platysternidae +Platystomidae +platystomous +platytrope +platytropy +plaud +plaudation +plaudit +plaudite +plauditor +plauditory +plauenite +plausibility +plausible +plausibleness +plausibly +plausive +plaustral +Plautine +Plautus +play +playa +playability +playable +playback +playbill +playbook +playbox +playboy +playboyism +playbroker +playcraft +playcraftsman +playday +playdown +player +playerdom +playeress +playfellow +playfellowship +playfield +playfolk +playful +playfully +playfulness +playgoer +playgoing +playground +playhouse +playingly +playless +playlet +playlike +playmaker +playmaking +playman +playmare +playmate +playmonger +playmongering +playock +playpen +playreader +playroom +playscript +playsome +playsomely +playsomeness +playstead +plaything +playtime +playward +playwoman +playwork +playwright +playwrightess +playwrighting +playwrightry +playwriter +playwriting +plaza +plazolite +plea +pleach +pleached +pleacher +plead +pleadable +pleadableness +pleader +pleading +pleadingly +pleadingness +pleaproof +pleasable +pleasableness +pleasance +pleasant +pleasantable +pleasantish +pleasantly +pleasantness +pleasantry +pleasantsome +please +pleasedly +pleasedness +pleaseman +pleaser +pleaship +pleasing +pleasingly +pleasingness +pleasurability +pleasurable +pleasurableness +pleasurably +pleasure +pleasureful +pleasurehood +pleasureless +pleasurelessly +pleasureman +pleasurement +pleasuremonger +pleasureproof +pleasurer +pleasuring +pleasurist +pleasurous +pleat +pleater +pleatless +pleb +plebe +plebeian +plebeiance +plebeianize +plebeianly +plebeianness +plebeity +plebianism +plebicolar +plebicolist +plebificate +plebification +plebify +plebiscitarian +plebiscitarism +plebiscitary +plebiscite +plebiscitic +plebiscitum +plebs +pleck +Plecoptera +plecopteran +plecopterid +plecopterous +Plecotinae +plecotine +Plecotus +plectognath +Plectognathi +plectognathic +plectognathous +plectopter +plectopteran +plectopterous +plectospondyl +Plectospondyli +plectospondylous +plectre +plectridial +plectridium +plectron +plectrum +pled +pledge +pledgeable +pledgee +pledgeless +pledgeor +pledger +pledgeshop +pledget +pledgor +Plegadis +plegaphonia +plegometer +Pleiades +pleiobar +pleiochromia +pleiochromic +pleiomastia +pleiomazia +pleiomerous +pleiomery +pleion +Pleione +pleionian +pleiophyllous +pleiophylly +pleiotaxis +pleiotropic +pleiotropically +pleiotropism +Pleistocene +Pleistocenic +pleistoseist +plemochoe +plemyrameter +plenarily +plenariness +plenarium +plenarty +plenary +plenicorn +pleniloquence +plenilunal +plenilunar +plenilunary +plenilune +plenipo +plenipotence +plenipotent +plenipotential +plenipotentiality +plenipotentiarily +plenipotentiarize +Plenipotentiary +plenipotentiary +plenipotentiaryship +plenish +plenishing +plenishment +plenism +plenist +plenitide +plenitude +plenitudinous +plenshing +plenteous +plenteously +plenteousness +plentiful +plentifully +plentifulness +plentify +plenty +plenum +pleny +pleochroic +pleochroism +pleochroitic +pleochromatic +pleochromatism +pleochroous +pleocrystalline +pleodont +pleomastia +pleomastic +pleomazia +pleometrosis +pleometrotic +pleomorph +pleomorphic +pleomorphism +pleomorphist +pleomorphous +pleomorphy +pleon +pleonal +pleonasm +pleonast +pleonaste +pleonastic +pleonastical +pleonastically +pleonectic +pleonexia +pleonic +pleophyletic +pleopod +pleopodite +Pleospora +Pleosporaceae +plerergate +plerocercoid +pleroma +pleromatic +plerome +pleromorph +plerophoric +plerophory +plerosis +plerotic +Plesianthropus +plesiobiosis +plesiobiotic +plesiomorphic +plesiomorphism +plesiomorphous +plesiosaur +Plesiosauri +Plesiosauria +plesiosaurian +plesiosauroid +Plesiosaurus +plesiotype +plessigraph +plessimeter +plessimetric +plessimetry +plessor +Plethodon +plethodontid +Plethodontidae +plethora +plethoretic +plethoretical +plethoric +plethorical +plethorically +plethorous +plethory +plethysmograph +plethysmographic +plethysmographically +plethysmography +pleura +Pleuracanthea +Pleuracanthidae +Pleuracanthini +pleuracanthoid +Pleuracanthus +pleural +pleuralgia +pleuralgic +pleurapophysial +pleurapophysis +pleurectomy +pleurenchyma +pleurenchymatous +pleuric +pleuriseptate +pleurisy +pleurite +pleuritic +pleuritical +pleuritically +pleuritis +Pleurobrachia +Pleurobrachiidae +pleurobranch +pleurobranchia +pleurobranchial +pleurobranchiate +pleurobronchitis +Pleurocapsa +Pleurocapsaceae +pleurocapsaceous +pleurocarp +Pleurocarpi +pleurocarpous +pleurocele +pleurocentesis +pleurocentral +pleurocentrum +Pleurocera +pleurocerebral +Pleuroceridae +pleuroceroid +Pleurococcaceae +pleurococcaceous +Pleurococcus +Pleurodelidae +Pleurodira +pleurodiran +pleurodire +pleurodirous +pleurodiscous +pleurodont +pleurodynia +pleurodynic +pleurogenic +pleurogenous +pleurohepatitis +pleuroid +pleurolith +pleurolysis +pleuron +Pleuronectes +pleuronectid +Pleuronectidae +pleuronectoid +Pleuronema +pleuropedal +pleuropericardial +pleuropericarditis +pleuroperitonaeal +pleuroperitoneal +pleuroperitoneum +pleuropneumonia +pleuropneumonic +pleuropodium +pleuropterygian +Pleuropterygii +pleuropulmonary +pleurorrhea +Pleurosaurus +Pleurosigma +pleurospasm +pleurosteal +Pleurosteon +pleurostict +Pleurosticti +Pleurostigma +pleurothotonic +pleurothotonus +Pleurotoma +Pleurotomaria +Pleurotomariidae +pleurotomarioid +Pleurotomidae +pleurotomine +pleurotomoid +pleurotomy +pleurotonic +pleurotonus +Pleurotremata +pleurotribal +pleurotribe +pleurotropous +Pleurotus +pleurotyphoid +pleurovisceral +pleurum +pleuston +pleustonic +plew +plex +plexal +plexicose +plexiform +pleximeter +pleximetric +pleximetry +plexodont +plexometer +plexor +plexure +plexus +pliability +pliable +pliableness +pliably +pliancy +pliant +pliantly +pliantness +plica +plicable +plical +plicate +plicated +plicately +plicateness +plicater +plicatile +plication +plicative +plicatocontorted +plicatocristate +plicatolacunose +plicatolobate +plicatopapillose +plicator +plicatoundulate +plicatulate +plicature +pliciferous +pliciform +plied +plier +plies +pliers +plight +plighted +plighter +plim +plimsoll +Plinian +plinth +plinther +plinthiform +plinthless +plinthlike +Pliny +Plinyism +Pliocene +Pliohippus +Pliopithecus +pliosaur +pliosaurian +Pliosauridae +Pliosaurus +pliothermic +Pliotron +pliskie +plisky +ploat +ploce +Ploceidae +ploceiform +Ploceinae +Ploceus +plock +plod +plodder +plodderly +plodding +ploddingly +ploddingness +plodge +Ploima +ploimate +plomb +plook +plop +ploration +ploratory +plosion +plosive +plot +plote +plotful +Plotinian +Plotinic +Plotinical +Plotinism +Plotinist +Plotinize +plotless +plotlessness +plotproof +plottage +plotted +plotter +plottery +plotting +plottingly +plotty +plough +ploughmanship +ploughtail +plouk +plouked +plouky +plounce +plousiocracy +plout +Plouteneion +plouter +plover +ploverlike +plovery +plow +plowable +plowbote +plowboy +plower +plowfish +plowfoot +plowgang +plowgate +plowgraith +plowhead +plowing +plowjogger +plowland +plowlight +plowline +plowmaker +plowman +plowmanship +plowmell +plowpoint +Plowrightia +plowshare +plowshoe +plowstaff +plowstilt +plowtail +plowwise +plowwoman +plowwright +ploy +ployment +Pluchea +pluck +pluckage +plucked +pluckedness +plucker +Pluckerian +pluckily +pluckiness +pluckless +plucklessness +plucky +plud +pluff +pluffer +pluffy +plug +plugboard +plugdrawer +pluggable +plugged +plugger +plugging +pluggingly +pluggy +plughole +plugless +pluglike +plugman +plugtray +plugtree +plum +pluma +plumaceous +plumach +plumade +plumage +plumaged +plumagery +plumasite +plumate +Plumatella +plumatellid +Plumatellidae +plumatelloid +plumb +plumbable +plumbage +Plumbaginaceae +plumbaginaceous +plumbagine +plumbaginous +plumbago +plumbate +plumbean +plumbeous +plumber +plumbership +plumbery +plumbet +plumbic +plumbiferous +plumbing +plumbism +plumbisolvent +plumbite +plumbless +plumbness +plumbog +plumbojarosite +plumboniobate +plumbosolvency +plumbosolvent +plumbous +plumbum +plumcot +plumdamas +plumdamis +plume +plumed +plumeless +plumelet +plumelike +plumemaker +plumemaking +plumeopicean +plumeous +plumer +plumery +plumet +plumette +plumicorn +plumier +Plumiera +plumieride +plumification +plumiform +plumiformly +plumify +plumigerous +pluminess +plumiped +plumipede +plumist +plumless +plumlet +plumlike +plummer +plummet +plummeted +plummetless +plummy +plumose +plumosely +plumoseness +plumosity +plumous +plump +plumpen +plumper +plumping +plumpish +plumply +plumpness +plumps +plumpy +plumula +plumulaceous +plumular +Plumularia +plumularian +Plumulariidae +plumulate +plumule +plumuliform +plumulose +plumy +plunder +plunderable +plunderage +plunderbund +plunderer +plunderess +plundering +plunderingly +plunderless +plunderous +plunderproof +plunge +plunger +plunging +plungingly +plunk +plunther +plup +plupatriotic +pluperfect +pluperfectly +pluperfectness +plural +pluralism +pluralist +pluralistic +pluralistically +plurality +pluralization +pluralize +pluralizer +plurally +plurative +plurennial +pluriaxial +pluricarinate +pluricarpellary +pluricellular +pluricentral +pluricipital +pluricuspid +pluricuspidate +pluridentate +pluries +plurifacial +plurifetation +plurification +pluriflagellate +pluriflorous +plurifoliate +plurifoliolate +plurify +pluriglandular +pluriguttulate +plurilateral +plurilingual +plurilingualism +plurilingualist +plurilocular +plurimammate +plurinominal +plurinucleate +pluripara +pluriparity +pluriparous +pluripartite +pluripetalous +pluripotence +pluripotent +pluripresence +pluriseptate +pluriserial +pluriseriate +pluriseriated +plurisetose +plurispiral +plurisporous +plurisyllabic +plurisyllable +plurivalent +plurivalve +plurivorous +plurivory +plus +plush +plushed +plushette +plushily +plushiness +plushlike +plushy +Plusia +Plusiinae +plusquamperfect +plussage +Plutarchian +Plutarchic +Plutarchical +Plutarchically +plutarchy +pluteal +plutean +pluteiform +Plutella +pluteus +Pluto +plutocracy +plutocrat +plutocratic +plutocratical +plutocratically +plutolatry +plutological +plutologist +plutology +plutomania +Plutonian +plutonian +plutonic +Plutonion +plutonism +plutonist +plutonite +Plutonium +plutonium +plutonometamorphism +plutonomic +plutonomist +plutonomy +pluvial +pluvialiform +pluvialine +Pluvialis +pluvian +pluvine +pluviograph +pluviographic +pluviographical +pluviography +pluviometer +pluviometric +pluviometrical +pluviometrically +pluviometry +pluvioscope +pluviose +pluviosity +pluvious +ply +plyer +plying +plyingly +Plymouth +Plymouthism +Plymouthist +Plymouthite +Plynlymmon +plywood +pneodynamics +pneograph +pneomanometer +pneometer +pneometry +pneophore +pneoscope +pneuma +pneumarthrosis +pneumathaemia +pneumatic +pneumatical +pneumatically +pneumaticity +pneumatics +pneumatism +pneumatist +pneumatize +pneumatized +pneumatocardia +pneumatocele +pneumatochemical +pneumatochemistry +pneumatocyst +pneumatocystic +pneumatode +pneumatogenic +pneumatogenous +pneumatogram +pneumatograph +pneumatographer +pneumatographic +pneumatography +pneumatolitic +pneumatologic +pneumatological +pneumatologist +pneumatology +pneumatolysis +pneumatolytic +Pneumatomachian +Pneumatomachist +Pneumatomachy +pneumatometer +pneumatometry +pneumatomorphic +pneumatonomy +pneumatophany +pneumatophilosophy +pneumatophobia +pneumatophonic +pneumatophony +pneumatophore +pneumatophorous +pneumatorrhachis +pneumatoscope +pneumatosic +pneumatosis +pneumatotactic +pneumatotherapeutics +pneumatotherapy +Pneumatria +pneumaturia +pneumectomy +pneumobacillus +Pneumobranchia +Pneumobranchiata +pneumocele +pneumocentesis +pneumochirurgia +pneumococcal +pneumococcemia +pneumococcic +pneumococcous +pneumococcus +pneumoconiosis +pneumoderma +pneumodynamic +pneumodynamics +pneumoencephalitis +pneumoenteritis +pneumogastric +pneumogram +pneumograph +pneumographic +pneumography +pneumohemothorax +pneumohydropericardium +pneumohydrothorax +pneumolith +pneumolithiasis +pneumological +pneumology +pneumolysis +pneumomalacia +pneumomassage +Pneumometer +pneumomycosis +pneumonalgia +pneumonectasia +pneumonectomy +pneumonedema +pneumonia +pneumonic +pneumonitic +pneumonitis +pneumonocace +pneumonocarcinoma +pneumonocele +pneumonocentesis +pneumonocirrhosis +pneumonoconiosis +pneumonodynia +pneumonoenteritis +pneumonoerysipelas +pneumonographic +pneumonography +pneumonokoniosis +pneumonolith +pneumonolithiasis +pneumonolysis +pneumonomelanosis +pneumonometer +pneumonomycosis +pneumonoparesis +pneumonopathy +pneumonopexy +pneumonophorous +pneumonophthisis +pneumonopleuritis +pneumonorrhagia +pneumonorrhaphy +pneumonosis +pneumonotherapy +pneumonotomy +pneumony +pneumopericardium +pneumoperitoneum +pneumoperitonitis +pneumopexy +pneumopleuritis +pneumopyothorax +pneumorrachis +pneumorrhachis +pneumorrhagia +pneumotactic +pneumotherapeutics +pneumotherapy +pneumothorax +pneumotomy +pneumotoxin +pneumotropic +pneumotropism +pneumotyphoid +pneumotyphus +pneumoventriculography +Po +po +Poa +Poaceae +poaceous +poach +poachable +poacher +poachiness +poachy +Poales +poalike +pob +pobby +Poblacht +poblacion +pobs +pochade +pochard +pochay +poche +pochette +pocilliform +pock +pocket +pocketable +pocketableness +pocketbook +pocketed +pocketer +pocketful +pocketing +pocketknife +pocketless +pocketlike +pockety +pockhouse +pockily +pockiness +pockmanteau +pockmantie +pockmark +pockweed +pockwood +pocky +poco +pococurante +pococuranteism +pococurantic +pococurantish +pococurantism +pococurantist +pocosin +poculary +poculation +poculent +poculiform +pod +podagra +podagral +podagric +podagrical +podagrous +podal +podalgia +podalic +Podaliriidae +Podalirius +Podarge +Podargidae +Podarginae +podargine +podargue +Podargus +podarthral +podarthritis +podarthrum +podatus +Podaxonia +podaxonial +podded +podder +poddidge +poddish +poddle +poddy +podelcoma +podeon +podesta +podesterate +podetiiform +podetium +podex +podge +podger +podgily +podginess +podgy +podial +podiatrist +podiatry +podical +Podiceps +podices +Podicipedidae +podilegous +podite +poditic +poditti +podium +podler +podley +podlike +podobranch +podobranchia +podobranchial +podobranchiate +podocarp +Podocarpaceae +Podocarpineae +podocarpous +Podocarpus +podocephalous +pododerm +pododynia +podogyn +podogyne +podogynium +Podolian +podolite +podology +podomancy +podomere +podometer +podometry +Podophrya +Podophryidae +Podophthalma +Podophthalmata +podophthalmate +podophthalmatous +Podophthalmia +podophthalmian +podophthalmic +podophthalmite +podophthalmitic +podophthalmous +Podophyllaceae +podophyllic +podophyllin +podophyllotoxin +podophyllous +Podophyllum +podophyllum +podoscaph +podoscapher +podoscopy +Podosomata +podosomatous +podosperm +Podosphaera +Podostemaceae +podostemaceous +podostemad +Podostemon +Podostemonaceae +podostemonaceous +Podostomata +podostomatous +podotheca +podothecal +Podozamites +Podsnap +Podsnappery +podsol +podsolic +podsolization +podsolize +Podunk +Podura +poduran +podurid +Poduridae +podware +podzol +podzolic +podzolization +podzolize +poe +Poecile +Poeciliidae +poecilitic +Poecilocyttares +poecilocyttarous +poecilogonous +poecilogony +poecilomere +poecilonym +poecilonymic +poecilonymy +poecilopod +Poecilopoda +poecilopodous +poem +poematic +poemet +poemlet +Poephaga +poephagous +Poephagus +poesie +poesiless +poesis +poesy +poet +poetaster +poetastering +poetasterism +poetastery +poetastress +poetastric +poetastrical +poetastry +poetcraft +poetdom +poetesque +poetess +poethood +poetic +poetical +poeticality +poetically +poeticalness +poeticism +poeticize +poeticness +poetics +poeticule +poetito +poetization +poetize +poetizer +poetless +poetlike +poetling +poetly +poetomachia +poetress +poetry +poetryless +poetship +poetwise +pogamoggan +pogge +poggy +Pogo +Pogonatum +Pogonia +pogoniasis +pogoniate +pogonion +pogonip +pogoniris +pogonite +pogonological +pogonologist +pogonology +pogonotomy +pogonotrophy +pogrom +pogromist +pogromize +pogy +poh +poha +pohickory +pohna +pohutukawa +poi +Poiana +Poictesme +poietic +poignance +poignancy +poignant +poignantly +poignet +poikilitic +poikiloblast +poikiloblastic +poikilocyte +poikilocythemia +poikilocytosis +poikilotherm +poikilothermic +poikilothermism +poil +poilu +poimenic +poimenics +Poinciana +poind +poindable +poinder +poinding +Poinsettia +point +pointable +pointage +pointed +pointedly +pointedness +pointel +pointer +pointful +pointfully +pointfulness +pointillism +pointillist +pointing +pointingly +pointless +pointlessly +pointlessness +pointlet +pointleted +pointmaker +pointman +pointment +pointrel +pointsman +pointswoman +pointways +pointwise +pointy +poisable +poise +poised +poiser +poison +poisonable +poisonful +poisonfully +poisoning +poisonless +poisonlessness +poisonmaker +poisonous +poisonously +poisonousness +poisonproof +poisonweed +poisonwood +poitrail +poitrel +poivrade +pokable +Pokan +Pokanoket +poke +pokeberry +poked +pokeful +pokeloken +pokeout +poker +pokerish +pokerishly +pokerishness +pokeroot +pokeweed +pokey +pokily +pokiness +poking +Pokom +Pokomam +Pokomo +pokomoo +Pokonchi +pokunt +poky +pol +Polab +Polabian +Polabish +polacca +Polack +polack +polacre +Polander +Polanisia +polar +polaric +Polarid +polarigraphic +polarimeter +polarimetric +polarimetry +Polaris +polariscope +polariscopic +polariscopically +polariscopist +polariscopy +polaristic +polaristrobometer +polarity +polarizability +polarizable +polarization +polarize +polarizer +polarly +polarogram +polarograph +polarographic +polarographically +polarography +Polaroid +polarward +polaxis +poldavis +poldavy +polder +polderboy +polderman +Pole +pole +polearm +poleax +poleaxe +poleaxer +poleburn +polecat +polehead +poleless +poleman +polemarch +polemic +polemical +polemically +polemician +polemicist +polemics +polemist +polemize +Polemoniaceae +polemoniaceous +Polemoniales +Polemonium +polemoscope +polenta +poler +polesetter +Polesian +polesman +polestar +poleward +polewards +poley +poliad +poliadic +Polian +polianite +Polianthes +police +policed +policedom +policeless +policeman +policemanish +policemanism +policemanlike +policemanship +policewoman +Polichinelle +policial +policize +policizer +policlinic +policy +policyholder +poliencephalitis +poliencephalomyelitis +poligar +poligarship +poligraphical +Polinices +polio +polioencephalitis +polioencephalomyelitis +poliomyelitis +poliomyelopathy +polioneuromere +poliorcetic +poliorcetics +poliosis +polis +Polish +polish +polishable +polished +polishedly +polishedness +polisher +polishment +polisman +polissoir +Polistes +politarch +politarchic +Politbureau +Politburo +polite +politeful +politely +politeness +politesse +politic +political +politicalism +politicalize +politically +politicaster +politician +politicious +politicist +politicize +politicizer +politicly +politico +politicomania +politicophobia +politics +politied +Politique +politist +politize +polity +politzerization +politzerize +polk +polka +Poll +poll +pollable +pollack +polladz +pollage +pollakiuria +pollam +pollan +pollarchy +pollard +pollbook +polled +pollen +pollened +polleniferous +pollenigerous +pollenite +pollenivorous +pollenless +pollenlike +pollenproof +pollent +poller +polleten +pollex +pollical +pollicar +pollicate +pollicitation +pollinar +pollinarium +pollinate +pollination +pollinator +pollinctor +pollincture +polling +pollinia +pollinic +pollinical +polliniferous +pollinigerous +pollinium +pollinivorous +pollinization +pollinize +pollinizer +pollinodial +pollinodium +pollinoid +pollinose +pollinosis +polliwig +polliwog +pollock +polloi +pollster +pollucite +pollutant +pollute +polluted +pollutedly +pollutedness +polluter +polluting +pollutingly +pollution +Pollux +pollux +Polly +Pollyanna +Pollyannish +pollywog +polo +poloconic +polocyte +poloist +polonaise +Polonese +Polonia +Polonial +Polonian +Polonism +polonium +Polonius +Polonization +Polonize +polony +polos +polska +polt +poltergeist +poltfoot +poltfooted +poltina +poltinnik +poltophagic +poltophagist +poltophagy +poltroon +poltroonery +poltroonish +poltroonishly +poltroonism +poluphloisboic +poluphloisboiotatotic +poluphloisboiotic +polverine +poly +polyacanthus +polyacid +polyacoustic +polyacoustics +polyact +polyactinal +polyactine +Polyactinia +polyad +polyadelph +Polyadelphia +polyadelphian +polyadelphous +polyadenia +polyadenitis +polyadenoma +polyadenous +polyadic +polyaffectioned +polyalcohol +polyamide +polyamylose +Polyandria +polyandria +polyandrian +polyandrianism +polyandric +polyandrious +polyandrism +polyandrist +polyandrium +polyandrous +polyandry +Polyangium +polyangular +polyantha +polyanthous +polyanthus +polyanthy +polyarch +polyarchal +polyarchical +polyarchist +polyarchy +polyarteritis +polyarthric +polyarthritic +polyarthritis +polyarthrous +polyarticular +polyatomic +polyatomicity +polyautographic +polyautography +polyaxial +polyaxon +polyaxone +polyaxonic +polybasic +polybasicity +polybasite +polyblast +Polyborinae +polyborine +Polyborus +polybranch +Polybranchia +polybranchian +Polybranchiata +polybranchiate +polybromid +polybromide +polybunous +polybuny +polybuttoned +polycarboxylic +Polycarp +polycarpellary +polycarpic +Polycarpon +polycarpous +polycarpy +polycellular +polycentral +polycentric +polycephalic +polycephalous +polycephaly +Polychaeta +polychaete +polychaetous +polychasial +polychasium +polychloride +polychoerany +polychord +polychotomous +polychotomy +polychrest +polychrestic +polychrestical +polychresty +polychroic +polychroism +polychromasia +polychromate +polychromatic +polychromatism +polychromatist +polychromatize +polychromatophil +polychromatophile +polychromatophilia +polychromatophilic +polychrome +polychromia +polychromic +polychromism +polychromize +polychromous +polychromy +polychronious +polyciliate +polycitral +polyclad +Polycladida +polycladine +polycladose +polycladous +polyclady +Polycletan +polyclinic +polyclona +polycoccous +Polycodium +polyconic +polycormic +polycotyl +polycotyledon +polycotyledonary +polycotyledonous +polycotyledony +polycotylous +polycotyly +polycracy +polycrase +polycratic +polycrotic +polycrotism +polycrystalline +polyctenid +Polyctenidae +polycttarian +polycyanide +polycyclic +polycycly +polycyesis +polycystic +polycythemia +polycythemic +Polycyttaria +polydactyl +polydactyle +polydactylism +polydactylous +Polydactylus +polydactyly +polydaemoniac +polydaemonism +polydaemonist +polydaemonistic +polydemic +polydenominational +polydental +polydermous +polydermy +polydigital +polydimensional +polydipsia +polydisperse +polydomous +polydymite +polydynamic +polyeidic +polyeidism +polyembryonate +polyembryonic +polyembryony +polyemia +polyemic +polyenzymatic +polyergic +Polyergus +polyester +polyesthesia +polyesthetic +polyethnic +polyethylene +polyfenestral +polyflorous +polyfoil +polyfold +Polygala +Polygalaceae +polygalaceous +polygalic +polygam +Polygamia +polygamian +polygamic +polygamical +polygamically +polygamist +polygamistic +polygamize +polygamodioecious +polygamous +polygamously +polygamy +polyganglionic +polygastric +polygene +polygenesic +polygenesis +polygenesist +polygenetic +polygenetically +polygenic +polygenism +polygenist +polygenistic +polygenous +polygeny +polyglandular +polyglobulia +polyglobulism +polyglossary +polyglot +polyglotry +polyglottal +polyglottally +polyglotted +polyglotter +polyglottery +polyglottic +polyglottically +polyglottism +polyglottist +polyglottonic +polyglottous +polyglotwise +polyglycerol +polygon +Polygonaceae +polygonaceous +polygonal +Polygonales +polygonally +Polygonatum +Polygonella +polygoneutic +polygoneutism +Polygonia +polygonic +polygonically +polygonoid +polygonous +Polygonum +polygony +Polygordius +polygram +polygrammatic +polygraph +polygrapher +polygraphic +polygraphy +polygroove +polygrooved +polygyn +polygynaiky +Polygynia +polygynian +polygynic +polygynious +polygynist +polygynoecial +polygynous +polygyny +polygyral +polygyria +polyhaemia +polyhaemic +polyhalide +polyhalite +polyhalogen +polyharmonic +polyharmony +polyhedral +polyhedric +polyhedrical +polyhedroid +polyhedron +polyhedrosis +polyhedrous +polyhemia +polyhidrosis +polyhistor +polyhistorian +polyhistoric +polyhistory +polyhybrid +polyhydric +polyhydroxy +polyideic +polyideism +polyidrosis +polyiodide +polykaryocyte +polylaminated +polylemma +polylepidous +polylinguist +polylith +polylithic +polylobular +polylogy +polyloquent +polymagnet +polymastia +polymastic +Polymastiga +polymastigate +Polymastigida +Polymastigina +polymastigous +polymastism +Polymastodon +polymastodont +polymasty +polymath +polymathic +polymathist +polymathy +polymazia +polymelia +polymelian +polymely +polymer +polymere +polymeria +polymeric +polymeride +polymerism +polymerization +polymerize +polymerous +polymetallism +polymetameric +polymeter +polymethylene +polymetochia +polymetochic +polymicrian +polymicrobial +polymicrobic +polymicroscope +polymignite +Polymixia +polymixiid +Polymixiidae +Polymnestor +Polymnia +polymnite +polymolecular +polymolybdate +polymorph +Polymorpha +polymorphean +polymorphic +polymorphism +polymorphistic +polymorphonuclear +polymorphonucleate +polymorphosis +polymorphous +polymorphy +Polymyaria +polymyarian +Polymyarii +Polymyodi +polymyodian +polymyodous +polymyoid +polymyositis +polymythic +polymythy +polynaphthene +polynemid +Polynemidae +polynemoid +Polynemus +Polynesian +polynesic +polyneural +polyneuric +polyneuritic +polyneuritis +polyneuropathy +polynodal +Polynoe +polynoid +Polynoidae +polynome +polynomial +polynomialism +polynomialist +polynomic +polynucleal +polynuclear +polynucleate +polynucleated +polynucleolar +polynucleosis +Polyodon +polyodont +polyodontal +polyodontia +Polyodontidae +polyodontoid +polyoecious +polyoeciously +polyoeciousness +polyoecism +polyoecy +polyoicous +polyommatous +polyonomous +polyonomy +polyonychia +polyonym +polyonymal +polyonymic +polyonymist +polyonymous +polyonymy +polyophthalmic +polyopia +polyopic +polyopsia +polyopsy +polyorama +polyorchidism +polyorchism +polyorganic +polyose +polyoxide +polyoxymethylene +polyp +polypage +polypaged +polypapilloma +polyparasitic +polyparasitism +polyparesis +polyparia +polyparian +polyparium +polyparous +polypary +polypean +polyped +Polypedates +polypeptide +polypetal +Polypetalae +polypetalous +Polyphaga +polyphage +polyphagia +polyphagian +polyphagic +polyphagist +polyphagous +polyphagy +polyphalangism +polypharmacal +polypharmacist +polypharmacon +polypharmacy +polypharmic +polyphasal +polyphase +polyphaser +Polypheme +polyphemian +polyphemic +polyphemous +polyphenol +polyphloesboean +polyphloisboioism +polyphloisboism +polyphobia +polyphobic +polyphone +polyphoned +polyphonia +polyphonic +polyphonical +polyphonism +polyphonist +polyphonium +polyphonous +polyphony +polyphore +polyphosphoric +polyphotal +polyphote +polyphylesis +polyphyletic +polyphyletically +polyphylety +polyphylline +polyphyllous +polyphylly +polyphylogeny +polyphyly +polyphyodont +Polypi +polypi +polypian +polypide +polypidom +Polypifera +polypiferous +polypigerous +polypinnate +polypite +Polyplacophora +polyplacophoran +polyplacophore +polyplacophorous +polyplastic +Polyplectron +polyplegia +polyplegic +polyploid +polyploidic +polyploidy +polypnoea +polypnoeic +polypod +Polypoda +polypodia +Polypodiaceae +polypodiaceous +Polypodium +polypodous +polypody +polypoid +polypoidal +Polypomorpha +polypomorphic +Polyporaceae +polyporaceous +polypore +polyporite +polyporoid +polyporous +Polyporus +polypose +polyposis +polypotome +polypous +polypragmacy +polypragmatic +polypragmatical +polypragmatically +polypragmatism +polypragmatist +polypragmaty +polypragmist +polypragmon +polypragmonic +polypragmonist +polyprene +polyprism +polyprismatic +polyprothetic +polyprotodont +Polyprotodontia +polypseudonymous +polypsychic +polypsychical +polypsychism +polypterid +Polypteridae +polypteroid +Polypterus +polyptote +polyptoton +polyptych +polypus +polyrhizal +polyrhizous +polyrhythmic +polyrhythmical +polysaccharide +polysaccharose +Polysaccum +polysalicylide +polysarcia +polysarcous +polyschematic +polyschematist +polyscope +polyscopic +polysemant +polysemantic +polysemeia +polysemia +polysemous +polysemy +polysensuous +polysensuousness +polysepalous +polyseptate +polyserositis +polysided +polysidedness +polysilicate +polysilicic +Polysiphonia +polysiphonic +polysiphonous +polysomatic +polysomatous +polysomaty +polysomia +polysomic +polysomitic +polysomous +polysomy +polyspast +polyspaston +polyspermal +polyspermatous +polyspermia +polyspermic +polyspermous +polyspermy +polyspondylic +polyspondylous +polyspondyly +Polyspora +polysporangium +polyspore +polyspored +polysporic +polysporous +polystachyous +polystaurion +polystele +polystelic +polystemonous +polystichoid +polystichous +Polystichum +Polystictus +Polystomata +Polystomatidae +polystomatous +polystome +Polystomea +Polystomella +Polystomidae +polystomium +polystylar +polystyle +polystylous +polystyrene +polysulphide +polysulphuration +polysulphurization +polysyllabic +polysyllabical +polysyllabically +polysyllabicism +polysyllabicity +polysyllabism +polysyllable +polysyllogism +polysyllogistic +polysymmetrical +polysymmetrically +polysymmetry +polysyndetic +polysyndetically +polysyndeton +polysynthesis +polysynthesism +polysynthetic +polysynthetical +polysynthetically +polysyntheticism +polysynthetism +polysynthetize +polytechnic +polytechnical +polytechnics +polytechnist +polyterpene +Polythalamia +polythalamian +polythalamic +polythalamous +polythecial +polytheism +polytheist +polytheistic +polytheistical +polytheistically +polytheize +polythelia +polythelism +polythely +polythene +polythionic +polytitanic +polytocous +polytokous +polytoky +polytomous +polytomy +polytonal +polytonalism +polytonality +polytone +polytonic +polytony +polytope +polytopic +polytopical +Polytrichaceae +polytrichaceous +polytrichia +polytrichous +Polytrichum +polytrochal +polytrochous +polytrope +polytrophic +polytropic +polytungstate +polytungstic +polytype +polytypic +polytypical +polytypy +polyuresis +polyuria +polyuric +polyvalence +polyvalent +polyvinyl +polyvinylidene +polyvirulent +polyvoltine +Polyzoa +polyzoal +polyzoan +polyzoarial +polyzoarium +polyzoary +polyzoic +polyzoism +polyzonal +polyzooid +polyzoon +polzenite +pom +pomace +Pomaceae +pomacentrid +Pomacentridae +pomacentroid +Pomacentrus +pomaceous +pomade +Pomaderris +Pomak +pomander +pomane +pomarine +pomarium +pomate +pomato +pomatomid +Pomatomidae +Pomatomus +pomatorhine +pomatum +pombe +pombo +pome +pomegranate +pomelo +Pomeranian +pomeridian +pomerium +pomewater +pomey +pomfret +pomiculture +pomiculturist +pomiferous +pomiform +pomivorous +Pommard +pomme +pommee +pommel +pommeled +pommeler +pommet +pommey +pommy +Pomo +pomological +pomologically +pomologist +pomology +Pomona +pomonal +pomonic +pomp +pompa +Pompadour +pompadour +pompal +pompano +Pompeian +Pompeii +pompelmous +Pompey +pompey +pompholix +pompholygous +pompholyx +pomphus +pompier +pompilid +Pompilidae +pompiloid +Pompilus +pompion +pompist +pompless +pompoleon +pompon +pomposity +pompous +pompously +pompousness +pompster +Pomptine +pomster +pon +Ponca +ponce +ponceau +poncelet +poncho +ponchoed +Poncirus +pond +pondage +pondbush +ponder +ponderability +ponderable +ponderableness +ponderal +ponderance +ponderancy +ponderant +ponderary +ponderate +ponderation +ponderative +ponderer +pondering +ponderingly +ponderling +ponderment +ponderomotive +ponderosapine +ponderosity +ponderous +ponderously +ponderousness +pondfish +pondful +pondgrass +pondlet +pondman +Pondo +pondok +pondokkie +Pondomisi +pondside +pondus +pondweed +pondwort +pondy +pone +ponent +Ponera +Poneramoeba +ponerid +Poneridae +Ponerinae +ponerine +poneroid +ponerology +poney +pong +ponga +pongee +Pongidae +Pongo +poniard +ponica +ponier +ponja +pont +Pontac +Pontacq +pontage +pontal +Pontederia +Pontederiaceae +pontederiaceous +pontee +pontes +pontianak +Pontic +pontic +ponticello +ponticular +ponticulus +pontifex +pontiff +pontific +pontifical +pontificalia +pontificalibus +pontificality +pontifically +pontificate +pontification +pontifices +pontificial +pontificially +pontificious +pontify +pontil +pontile +pontin +Pontine +pontine +pontist +pontlevis +ponto +Pontocaspian +pontocerebellar +ponton +pontonier +pontoon +pontooneer +pontooner +pontooning +Pontus +pontvolant +pony +ponzite +pooa +pooch +pooder +poodle +poodledom +poodleish +poodleship +poof +poogye +pooh +poohpoohist +pook +pooka +pookaun +pookoo +pool +pooler +pooli +poolroom +poolroot +poolside +poolwort +pooly +poon +poonac +poonga +poonghie +poop +pooped +poophyte +poophytic +poor +poorhouse +poorish +poorliness +poorling +poorly +poorlyish +poormaster +poorness +poorweed +poorwill +poot +Pop +pop +popadam +popal +popcorn +popdock +pope +Popean +popedom +popeholy +popehood +popeism +popeler +popeless +popelike +popeline +popely +popery +popeship +popess +popeye +popeyed +popglove +popgun +popgunner +popgunnery +Popian +popify +popinac +popinjay +Popish +popish +popishly +popishness +popjoy +poplar +poplared +Poplilia +poplin +poplinette +popliteal +popliteus +poplolly +Popocracy +Popocrat +Popolari +Popoloco +popomastic +popover +Popovets +poppa +poppability +poppable +poppean +poppel +popper +poppet +poppethead +poppied +poppin +popple +popply +poppy +poppycock +poppycockish +poppyfish +poppyhead +poppylike +poppywort +popshop +populace +popular +popularism +Popularist +popularity +popularization +popularize +popularizer +popularly +popularness +populate +population +populational +populationist +populationistic +populationless +populator +populicide +populin +Populism +Populist +Populistic +populous +populously +populousness +Populus +popweed +poral +porbeagle +porcate +porcated +porcelain +porcelainization +porcelainize +porcelainlike +porcelainous +porcelaneous +porcelanic +porcelanite +porcelanous +Porcellana +porcellanian +porcellanid +Porcellanidae +porcellanize +porch +porched +porching +porchless +porchlike +porcine +Porcula +porcupine +porcupinish +pore +pored +porelike +Porella +porencephalia +porencephalic +porencephalitis +porencephalon +porencephalous +porencephalus +porencephaly +porer +porge +porger +porgy +Poria +poricidal +Porifera +poriferal +poriferan +poriferous +poriform +porimania +poriness +poring +poringly +poriomanic +porism +porismatic +porismatical +porismatically +poristic +poristical +porite +Porites +Poritidae +poritoid +pork +porkburger +porker +porkery +porket +porkfish +porkish +porkless +porkling +porkman +Porkopolis +porkpie +porkwood +porky +pornerastic +pornocracy +pornocrat +pornograph +pornographer +pornographic +pornographically +pornographist +pornography +pornological +Porocephalus +porodine +porodite +porogam +porogamic +porogamous +porogamy +porokaiwhiria +porokeratosis +Porokoto +poroma +porometer +porophyllous +poroplastic +poroporo +pororoca +poros +poroscope +poroscopic +poroscopy +porose +poroseness +porosimeter +porosis +porosity +porotic +porotype +porous +porously +porousness +porpentine +porphine +Porphyra +Porphyraceae +porphyraceous +porphyratin +Porphyrean +porphyria +Porphyrian +porphyrian +Porphyrianist +porphyrin +porphyrine +porphyrinuria +Porphyrio +porphyrion +porphyrite +porphyritic +porphyroblast +porphyroblastic +porphyrogene +porphyrogenite +porphyrogenitic +porphyrogenitism +porphyrogeniture +porphyrogenitus +porphyroid +porphyrophore +porphyrous +porphyry +Porpita +porpitoid +porpoise +porpoiselike +porporate +porr +porraceous +porrect +porrection +porrectus +porret +porridge +porridgelike +porridgy +porriginous +porrigo +Porrima +porringer +porriwiggle +porry +port +porta +portability +portable +portableness +portably +portage +portague +portahepatis +portail +portal +portaled +portalled +portalless +portamento +portance +portass +portatile +portative +portcrayon +portcullis +porteacid +ported +porteligature +portend +portendance +portendment +Porteno +portension +portent +portention +portentosity +portentous +portentously +portentousness +porteous +porter +porterage +Porteranthus +porteress +porterhouse +porterlike +porterly +portership +portfire +portfolio +portglaive +portglave +portgrave +Porthetria +Portheus +porthole +porthook +porthors +porthouse +Portia +portia +portico +porticoed +portiere +portiered +portifory +portify +portio +portiomollis +portion +portionable +portional +portionally +portioner +portionist +portionize +portionless +portitor +Portlandian +portlast +portless +portlet +portligature +portlily +portliness +portly +portman +portmanmote +portmanteau +portmanteaux +portmantle +portmantologism +portment +portmoot +porto +portoise +portolan +portolano +Portor +portrait +portraitist +portraitlike +portraiture +portray +portrayable +portrayal +portrayer +portrayist +portrayment +portreeve +portreeveship +portress +portside +portsider +portsman +portuary +portugais +Portugal +Portugalism +Portugee +Portuguese +Portulaca +Portulacaceae +portulacaceous +Portulacaria +portulan +Portunalia +portunian +Portunidae +Portunus +portway +porty +porule +porulose +porulous +porus +porwigle +pory +Porzana +posadaship +posca +pose +Poseidon +Poseidonian +posement +poser +poseur +posey +posh +posing +posingly +posit +position +positional +positioned +positioner +positionless +positival +positive +positively +positiveness +positivism +positivist +positivistic +positivistically +positivity +positivize +positor +positron +positum +positure +Posnanian +posnet +posole +posologic +posological +posologist +posology +pospolite +poss +posse +posseman +possess +possessable +possessed +possessedly +possessedness +possessing +possessingly +possessingness +possession +possessional +possessionalism +possessionalist +possessionary +possessionate +possessioned +possessioner +possessionist +possessionless +possessionlessness +possessival +possessive +possessively +possessiveness +possessor +possessoress +possessorial +possessoriness +possessorship +possessory +posset +possibilism +possibilist +possibilitate +possibility +possible +possibleness +possibly +possum +possumwood +post +postabdomen +postabdominal +postable +postabortal +postacetabular +postadjunct +postage +postal +postallantoic +postally +postalveolar +postament +postamniotic +postanal +postanesthetic +postantennal +postaortic +postapoplectic +postappendicular +postarterial +postarthritic +postarticular +postarytenoid +postaspirate +postaspirated +postasthmatic +postatrial +postauditory +postauricular +postaxiad +postaxial +postaxially +postaxillary +postbag +postbaptismal +postbox +postboy +postbrachial +postbrachium +postbranchial +postbreakfast +postbronchial +postbuccal +postbulbar +postbursal +postcaecal +postcalcaneal +postcalcarine +postcanonical +postcardiac +postcardinal +postcarnate +postcarotid +postcart +postcartilaginous +postcatarrhal +postcava +postcaval +postcecal +postcenal +postcentral +postcentrum +postcephalic +postcerebellar +postcerebral +postcesarean +postcibal +postclassic +postclassical +postclassicism +postclavicle +postclavicula +postclavicular +postclimax +postclitellian +postclival +postcolon +postcolonial +postcolumellar +postcomitial +postcommissural +postcommissure +postcommunicant +Postcommunion +postconceptive +postcondylar +postconfinement +postconnubial +postconsonantal +postcontact +postcontract +postconvalescent +postconvulsive +postcordial +postcornu +postcosmic +postcostal +postcoxal +postcritical +postcrural +postcubital +postdate +postdental +postdepressive +postdetermined +postdevelopmental +postdiagnostic +postdiaphragmatic +postdiastolic +postdicrotic +postdigestive +postdigital +postdiluvial +postdiluvian +postdiphtheric +postdiphtheritic +postdisapproved +postdisseizin +postdisseizor +postdoctoral +postdoctorate +postdural +postdysenteric +posted +posteen +postelection +postelementary +postembryonal +postembryonic +postemporal +postencephalitic +postencephalon +postenteral +postentry +postepileptic +poster +posterette +posteriad +posterial +posterior +posterioric +posteriorically +posterioristic +posterioristically +posteriority +posteriorly +posteriormost +posteriors +posteriorums +posterish +posterishness +posterist +posterity +posterize +postern +posteroclusion +posterodorsad +posterodorsal +posterodorsally +posteroexternal +posteroinferior +posterointernal +posterolateral +posteromedial +posteromedian +posteromesial +posteroparietal +posterosuperior +posterotemporal +posteroterminal +posteroventral +posteruptive +postesophageal +posteternity +postethmoid +postexilian +postexilic +postexist +postexistence +postexistency +postexistent +postface +postfact +postfebrile +postfemoral +postfetal +postfix +postfixal +postfixation +postfixed +postfixial +postflection +postflexion +postform +postfoveal +postfrontal +postfurca +postfurcal +postganglionic +postgangrenal +postgastric +postgeminum +postgenial +postgeniture +postglacial +postglenoid +postglenoidal +postgonorrheic +postgracile +postgraduate +postgrippal +posthabit +posthaste +posthemiplegic +posthemorrhagic +posthepatic +posthetomist +posthetomy +posthexaplaric +posthippocampal +posthitis +postholder +posthole +posthouse +posthumeral +posthumous +posthumously +posthumousness +posthumus +posthyoid +posthypnotic +posthypnotically +posthypophyseal +posthypophysis +posthysterical +postic +postical +postically +posticous +posticteric +posticum +postil +postilion +postilioned +postillate +postillation +postillator +postimpressionism +postimpressionist +postimpressionistic +postinfective +postinfluenzal +posting +postingly +postintestinal +postique +postischial +postjacent +postjugular +postlabial +postlachrymal +postlaryngeal +postlegitimation +postlenticular +postless +postlike +postliminary +postliminiary +postliminious +postliminium +postliminous +postliminy +postloitic +postloral +postlude +postludium +postluetic +postmalarial +postmamillary +postmammary +postman +postmandibular +postmaniacal +postmarital +postmark +postmarriage +postmaster +postmasterlike +postmastership +postmastoid +postmaturity +postmaxillary +postmaximal +postmeatal +postmedia +postmedial +postmedian +postmediastinal +postmediastinum +postmedullary +postmeiotic +postmeningeal +postmenstrual +postmental +postmeridian +postmeridional +postmesenteric +postmillenarian +postmillenarianism +postmillennial +postmillennialism +postmillennialist +postmillennian +postmineral +postmistress +postmortal +postmortuary +postmundane +postmuscular +postmutative +postmycotic +postmyxedematous +postnarial +postnaris +postnasal +postnatal +postnate +postnati +postnecrotic +postnephritic +postneural +postneuralgic +postneuritic +postneurotic +postnodular +postnominal +postnotum +postnuptial +postnuptially +postobituary +postocular +postolivary +postomental +postoperative +postoptic +postoral +postorbital +postordination +postorgastic +postosseous +postotic +postpagan +postpaid +postpalatal +postpalatine +postpalpebral +postpaludal +postparalytic +postparietal +postparotid +postparotitic +postparoxysmal +postparturient +postpatellar +postpathological +postpericardial +postpharyngeal +postphlogistic +postphragma +postphrenic +postphthisic +postpituitary +postplace +postplegic +postpneumonic +postponable +postpone +postponement +postponence +postponer +postpontile +postpose +postposited +postposition +postpositional +postpositive +postpositively +postprandial +postprandially +postpredicament +postprophesy +postprostate +postpubertal +postpubescent +postpubic +postpubis +postpuerperal +postpulmonary +postpupillary +postpycnotic +postpyloric +postpyramidal +postpyretic +postrachitic +postramus +postrectal +postreduction +postremogeniture +postremote +postrenal +postresurrection +postresurrectional +postretinal +postrheumatic +postrhinal +postrider +postrorse +postrostral +postrubeolar +postsaccular +postsacral +postscalenus +postscapula +postscapular +postscapularis +postscarlatinal +postscenium +postscorbutic +postscribe +postscript +postscriptum +postscutellar +postscutellum +postseason +postsigmoid +postsign +postspasmodic +postsphenoid +postsphenoidal +postsphygmic +postspinous +postsplenial +postsplenic +poststernal +poststertorous +postsuppurative +postsurgical +postsynaptic +postsynsacral +postsyphilitic +postsystolic +posttabetic +posttarsal +posttetanic +postthalamic +postthoracic +postthyroidal +posttibial +posttonic +posttoxic +posttracheal +posttrapezoid +posttraumatic +posttreaty +posttubercular +posttussive +posttympanic +posttyphoid +postulancy +postulant +postulantship +postulata +postulate +postulation +postulational +postulator +postulatory +postulatum +postulnar +postumbilical +postumbonal +postural +posture +posturer +postureteric +posturist +posturize +postuterine +postvaccinal +postvaricellar +postvarioloid +postvelar +postvenereal +postvenous +postverbal +Postverta +postvertebral +postvesical +postvide +postvocalic +postwar +postward +postwise +postwoman +postxyphoid +postyard +postzygapophysial +postzygapophysis +posy +pot +potability +potable +potableness +potagerie +potagery +potamic +Potamobiidae +Potamochoerus +Potamogale +Potamogalidae +Potamogeton +Potamogetonaceae +potamogetonaceous +potamological +potamologist +potamology +potamometer +Potamonidae +potamophilous +potamoplankton +potash +potashery +potass +potassa +potassamide +potassic +potassiferous +potassium +potate +potation +potative +potato +potatoes +potator +potatory +Potawatami +Potawatomi +potbank +potbellied +potbelly +potboil +potboiler +potboy +potboydom +potch +potcher +potcherman +potcrook +potdar +pote +potecary +poteen +potence +potency +potent +potentacy +potentate +potential +potentiality +potentialization +potentialize +potentially +potentialness +potentiate +potentiation +Potentilla +potentiometer +potentiometric +potentize +potently +potentness +poter +Poterium +potestal +potestas +potestate +potestative +poteye +potful +potgirl +potgun +pothanger +pothead +pothecary +potheen +pother +potherb +potherment +pothery +pothole +pothook +pothookery +Pothos +pothouse +pothousey +pothunt +pothunter +pothunting +poticary +potichomania +potichomanist +potifer +Potiguara +potion +potlatch +potleg +potlicker +potlid +potlike +potluck +potmaker +potmaking +potman +potomania +potomato +potometer +potong +potoo +Potoroinae +potoroo +Potorous +potpie +potpourri +potrack +potsherd +potshoot +potshooter +potstick +potstone +pott +pottage +pottagy +pottah +potted +potter +potterer +potteress +potteringly +pottery +Pottiaceae +potting +pottinger +pottle +pottled +potto +potty +potwaller +potwalling +potware +potwhisky +potwork +potwort +pouce +poucer +poucey +pouch +pouched +pouchful +pouchless +pouchlike +pouchy +poudrette +pouf +poulaine +poulard +poulardize +poulp +poulpe +poult +poulter +poulterer +poulteress +poultice +poulticewise +poultry +poultrydom +poultryist +poultryless +poultrylike +poultryman +poultryproof +pounamu +pounce +pounced +pouncer +pouncet +pouncing +pouncingly +pound +poundage +poundal +poundcake +pounder +pounding +poundkeeper +poundless +poundlike +poundman +poundmaster +poundmeal +poundstone +poundworth +pour +pourer +pourie +pouring +pouringly +pourparler +pourparley +pourpiece +pourpoint +pourpointer +pouser +poussette +pout +pouter +poutful +pouting +poutingly +pouty +poverish +poverishment +poverty +povertyweed +Povindah +pow +powder +powderable +powdered +powderer +powderiness +powdering +powderization +powderize +powderizer +powderlike +powderman +powdery +powdike +powdry +powellite +power +powerboat +powered +powerful +powerfully +powerfulness +powerhouse +powerless +powerlessly +powerlessness +powermonger +Powhatan +powitch +powldoody +pownie +powsoddy +powsowdy +powwow +powwower +powwowism +pox +poxy +poy +poyou +pozzolanic +pozzuolana +pozzuolanic +praam +prabble +prabhu +practic +practicability +practicable +practicableness +practicably +practical +practicalism +practicalist +practicality +practicalization +practicalize +practicalizer +practically +practicalness +practicant +practice +practiced +practicedness +practicer +practician +practicianism +practicum +practitional +practitioner +practitionery +prad +Pradeep +pradhana +praeabdomen +praeacetabular +praeanal +praecava +praecipe +praecipuum +praecoces +praecocial +praecognitum +praecoracoid +praecordia +praecordial +praecordium +praecornu +praecox +praecuneus +praedial +praedialist +praediality +praeesophageal +praefect +praefectorial +praefectus +praefervid +praefloration +praefoliation +praehallux +praelabrum +praelection +praelector +praelectorship +praelectress +praeludium +praemaxilla +praemolar +praemunire +praenarial +Praenestine +Praenestinian +praeneural +praenomen +praenomina +praenominal +praeoperculum +praepositor +praepostor +praepostorial +praepubis +praepuce +praescutum +Praesepe +praesertim +Praesian +praesidium +praesphenoid +praesternal +praesternum +praestomium +praesystolic +praetaxation +praetexta +praetor +praetorial +Praetorian +praetorian +praetorianism +praetorium +praetorship +praezygapophysis +pragmatic +pragmatica +pragmatical +pragmaticality +pragmatically +pragmaticalness +pragmaticism +pragmatics +pragmatism +pragmatist +pragmatistic +pragmatize +pragmatizer +prairie +prairiecraft +prairied +prairiedom +prairielike +prairieweed +prairillon +praisable +praisableness +praisably +praise +praiseful +praisefully +praisefulness +praiseless +praiseproof +praiser +praiseworthy +praising +praisingly +praisworthily +praisworthiness +Prajapati +prajna +Prakash +Prakrit +prakriti +Prakritic +Prakritize +praline +pralltriller +pram +Pramnian +prana +prance +pranceful +prancer +prancing +prancingly +prancy +prandial +prandially +prank +pranked +pranker +prankful +prankfulness +pranking +prankingly +prankish +prankishly +prankishness +prankle +pranksome +pranksomeness +prankster +pranky +prase +praseocobaltic +praseodidymium +praseodymia +praseodymium +praseolite +prasine +prasinous +prasoid +prasophagous +prasophagy +prastha +prat +pratal +Pratap +Pratapwant +prate +prateful +pratement +pratensian +Prater +prater +pratey +pratfall +pratiloma +Pratincola +pratincole +pratincoline +pratincolous +prating +pratingly +pratique +pratiyasamutpada +Pratt +prattfall +prattle +prattlement +prattler +prattling +prattlingly +prattly +prau +Pravin +pravity +prawn +prawner +prawny +Praxean +Praxeanist +praxinoscope +praxiology +praxis +Praxitelean +pray +praya +prayer +prayerful +prayerfully +prayerfulness +prayerless +prayerlessly +prayerlessness +prayermaker +prayermaking +prayerwise +prayful +praying +prayingly +prayingwise +preabdomen +preabsorb +preabsorbent +preabstract +preabundance +preabundant +preabundantly +preaccept +preacceptance +preaccess +preaccessible +preaccidental +preaccidentally +preaccommodate +preaccommodating +preaccommodatingly +preaccommodation +preaccomplish +preaccomplishment +preaccord +preaccordance +preaccount +preaccounting +preaccredit +preaccumulate +preaccumulation +preaccusation +preaccuse +preaccustom +preaccustomed +preacetabular +preach +preachable +preacher +preacherdom +preacheress +preacherize +preacherless +preacherling +preachership +preachieved +preachification +preachify +preachily +preachiness +preaching +preachingly +preachman +preachment +preachy +preacid +preacidity +preacidly +preacidness +preacknowledge +preacknowledgment +preacquaint +preacquaintance +preacquire +preacquired +preacquit +preacquittal +preact +preaction +preactive +preactively +preactivity +preacute +preacutely +preacuteness +preadamic +preadamite +preadamitic +preadamitical +preadamitism +preadapt +preadaptable +preadaptation +preaddition +preadditional +preaddress +preadequacy +preadequate +preadequately +preadhere +preadherence +preadherent +preadjectival +preadjective +preadjourn +preadjournment +preadjunct +preadjust +preadjustable +preadjustment +preadministration +preadministrative +preadministrator +preadmire +preadmirer +preadmission +preadmit +preadmonish +preadmonition +preadolescent +preadopt +preadoption +preadoration +preadore +preadorn +preadornment +preadult +preadulthood +preadvance +preadvancement +preadventure +preadvertency +preadvertent +preadvertise +preadvertisement +preadvice +preadvisable +preadvise +preadviser +preadvisory +preadvocacy +preadvocate +preaestival +preaffect +preaffection +preaffidavit +preaffiliate +preaffiliation +preaffirm +preaffirmation +preaffirmative +preafflict +preaffliction +preafternoon +preaged +preaggravate +preaggravation +preaggression +preaggressive +preagitate +preagitation +preagonal +preagony +preagree +preagreement +preagricultural +preagriculture +prealarm +prealcohol +prealcoholic +prealgebra +prealgebraic +prealkalic +preallable +preallably +preallegation +preallege +prealliance +preallied +preallot +preallotment +preallow +preallowable +preallowably +preallowance +preallude +preallusion +preally +prealphabet +prealphabetical +prealtar +prealteration +prealveolar +preamalgamation +preambassadorial +preambition +preambitious +preamble +preambled +preambling +preambular +preambulary +preambulate +preambulation +preambulatory +preanal +preanaphoral +preanesthetic +preanimism +preannex +preannounce +preannouncement +preannouncer +preantepenult +preantepenultimate +preanterior +preanticipate +preantiquity +preantiseptic +preaortic +preappearance +preapperception +preapplication +preappoint +preappointment +preapprehension +preapprise +preapprobation +preapproval +preapprove +preaptitude +prearm +prearrange +prearrangement +prearrest +prearrestment +prearticulate +preartistic +preascertain +preascertainment +preascitic +preaseptic +preassigned +preassume +preassurance +preassure +preataxic +preattachment +preattune +preaudience +preauditory +preaver +preavowal +preaxiad +preaxial +preaxially +prebachelor +prebacillary +prebake +prebalance +preballot +preballoting +prebankruptcy +prebaptismal +prebaptize +prebarbaric +prebarbarous +prebargain +prebasal +prebasilar +prebeleve +prebelief +prebeliever +prebelieving +prebellum +prebeloved +prebend +prebendal +prebendary +prebendaryship +prebendate +prebenediction +prebeneficiary +prebenefit +prebeset +prebestow +prebestowal +prebetray +prebetrayal +prebetrothal +prebid +prebidding +prebill +prebless +preblessing +preblockade +preblooming +preboast +preboding +preboil +preborn +preborrowing +preboyhood +prebrachial +prebrachium +prebreathe +prebridal +prebroadcasting +prebromidic +prebronchial +prebronze +prebrute +prebuccal +prebudget +prebudgetary +prebullying +preburlesque +preburn +precalculable +precalculate +precalculation +precampaign +precancel +precancellation +precancerous +precandidacy +precandidature +precanning +precanonical +precant +precantation +precanvass +precapillary +precapitalist +precapitalistic +precaptivity +precapture +precarcinomatous +precardiac +precaria +precarious +precariously +precariousness +precarium +precarnival +precartilage +precartilaginous +precary +precast +precation +precative +precatively +precatory +precaudal +precausation +precaution +precautional +precautionary +precautious +precautiously +precautiousness +precava +precaval +precedable +precede +precedence +precedency +precedent +precedentable +precedentary +precedented +precedential +precedentless +precedently +preceder +preceding +precelebrant +precelebrate +precelebration +precensure +precensus +precent +precentor +precentorial +precentorship +precentory +precentral +precentress +precentrix +precentrum +precept +preception +preceptist +preceptive +preceptively +preceptor +preceptoral +preceptorate +preceptorial +preceptorially +preceptorship +preceptory +preceptress +preceptual +preceptually +preceramic +precerebellar +precerebral +precerebroid +preceremonial +preceremony +precertification +precertify +preces +precess +precession +precessional +prechallenge +prechampioned +prechampionship +precharge +prechart +precheck +prechemical +precherish +prechildhood +prechill +prechloric +prechloroform +prechoice +prechoose +prechordal +prechoroid +preciation +precinct +precinction +precinctive +preciosity +precious +preciously +preciousness +precipe +precipice +precipiced +precipitability +precipitable +precipitance +precipitancy +precipitant +precipitantly +precipitantness +precipitate +precipitated +precipitatedly +precipitately +precipitation +precipitative +precipitator +precipitin +precipitinogen +precipitinogenic +precipitous +precipitously +precipitousness +precirculate +precirculation +precis +precise +precisely +preciseness +precisian +precisianism +precisianist +precision +precisional +precisioner +precisionism +precisionist +precisionize +precisive +precitation +precite +precited +precivilization +preclaim +preclaimant +preclaimer +preclassic +preclassical +preclassification +preclassified +preclassify +preclean +precleaner +precleaning +preclerical +preclimax +preclinical +preclival +precloacal +preclose +preclosure +preclothe +precludable +preclude +preclusion +preclusive +preclusively +precoagulation +precoccygeal +precocial +precocious +precociously +precociousness +precocity +precogitate +precogitation +precognition +precognitive +precognizable +precognizant +precognize +precognosce +precoil +precoiler +precoincidence +precoincident +precoincidently +precollapsable +precollapse +precollect +precollectable +precollection +precollector +precollege +precollegiate +precollude +precollusion +precollusive +precolor +precolorable +precoloration +precoloring +precombat +precombatant +precombination +precombine +precombustion +precommand +precommend +precomment +precommercial +precommissural +precommissure +precommit +precommune +precommunicate +precommunication +precommunion +precompare +precomparison +precompass +precompel +precompensate +precompensation +precompilation +precompile +precompiler +precompleteness +precompletion +precompliance +precompliant +precomplicate +precomplication +precompose +precomposition +precompound +precompounding +precompoundly +precomprehend +precomprehension +precomprehensive +precompress +precompulsion +precomradeship +preconceal +preconcealment +preconcede +preconceivable +preconceive +preconceived +preconcentrate +preconcentrated +preconcentratedly +preconcentration +preconcept +preconception +preconceptional +preconceptual +preconcern +preconcernment +preconcert +preconcerted +preconcertedly +preconcertedness +preconcertion +preconcertive +preconcession +preconcessive +preconclude +preconclusion +preconcur +preconcurrence +preconcurrent +preconcurrently +precondemn +precondemnation +precondensation +precondense +precondition +preconditioned +preconduct +preconduction +preconductor +precondylar +precondyloid +preconfer +preconference +preconfess +preconfession +preconfide +preconfiguration +preconfigure +preconfine +preconfinedly +preconfinemnt +preconfirm +preconfirmation +preconflict +preconform +preconformity +preconfound +preconfuse +preconfusedly +preconfusion +precongenial +precongested +precongestion +precongestive +precongratulate +precongratulation +precongressional +preconizance +preconization +preconize +preconizer +preconjecture +preconnection +preconnective +preconnubial +preconquer +preconquest +preconquestal +preconquestual +preconscious +preconsciously +preconsciousness +preconsecrate +preconsecration +preconsent +preconsider +preconsideration +preconsign +preconsolation +preconsole +preconsolidate +preconsolidated +preconsolidation +preconsonantal +preconspiracy +preconspirator +preconspire +preconstituent +preconstitute +preconstruct +preconstruction +preconsult +preconsultation +preconsultor +preconsume +preconsumer +preconsumption +precontact +precontain +precontained +precontemn +precontemplate +precontemplation +precontemporaneous +precontemporary +precontend +precontent +precontention +precontently +precontentment +precontest +precontinental +precontract +precontractive +precontractual +precontribute +precontribution +precontributive +precontrivance +precontrive +precontrol +precontrolled +precontroversial +precontroversy +preconvention +preconversation +preconversational +preconversion +preconvert +preconvey +preconveyal +preconveyance +preconvict +preconviction +preconvince +precook +precooker +precool +precooler +precooling +precopy +precoracoid +precordia +precordial +precordiality +precordially +precordium +precorneal +precornu +precoronation +precorrect +precorrection +precorrectly +precorrectness +precorrespond +precorrespondence +precorrespondent +precorridor +precorrupt +precorruption +precorruptive +precorruptly +precoruptness +precosmic +precosmical +precostal +precounsel +precounsellor +precourse +precover +precovering +precox +precreate +precreation +precreative +precredit +precreditor +precreed +precritical +precriticism +precriticize +precrucial +precrural +precrystalline +precultivate +precultivation +precultural +preculturally +preculture +precuneal +precuneate +precuneus +precure +precurrent +precurricular +precurriculum +precursal +precurse +precursive +precursor +precursory +precurtain +precut +precyclone +precyclonic +precynical +precyst +precystic +predable +predacean +predaceous +predaceousness +predacity +predamage +predamn +predamnation +predark +predarkness +predata +predate +predation +predatism +predative +predator +predatorily +predatoriness +predatory +predawn +preday +predaylight +predaytime +predazzite +predealer +predealing +predeath +predeathly +predebate +predebater +predebit +predebtor +predecay +predecease +predeceaser +predeceive +predeceiver +predeception +predecession +predecessor +predecessorship +predecide +predecision +predecisive +predeclaration +predeclare +predeclination +predecline +predecree +prededicate +prededuct +prededuction +predefault +predefeat +predefect +predefective +predefence +predefend +predefense +predefiance +predeficiency +predeficient +predefine +predefinite +predefinition +predefray +predefrayal +predefy +predegeneracy +predegenerate +predegree +predeication +predelay +predelegate +predelegation +predeliberate +predeliberately +predeliberation +predelineate +predelineation +predelinquency +predelinquent +predelinquently +predeliver +predelivery +predella +predelude +predelusion +predemand +predemocracy +predemocratic +predemonstrate +predemonstration +predemonstrative +predenial +predental +predentary +Predentata +predentate +predeny +predepart +predepartmental +predeparture +predependable +predependence +predependent +predeplete +predepletion +predeposit +predepository +predepreciate +predepreciation +predepression +predeprivation +predeprive +prederivation +prederive +predescend +predescent +predescribe +predescription +predesert +predeserter +predesertion +predeserve +predeserving +predesign +predesignate +predesignation +predesignatory +predesirous +predesolate +predesolation +predespair +predesperate +predespicable +predespise +predespond +predespondency +predespondent +predestinable +predestinarian +predestinarianism +predestinate +predestinately +predestination +predestinational +predestinationism +predestinationist +predestinative +predestinator +predestine +predestiny +predestitute +predestitution +predestroy +predestruction +predetach +predetachment +predetail +predetain +predetainer +predetect +predetention +predeterminability +predeterminable +predeterminant +predeterminate +predeterminately +predetermination +predeterminative +predetermine +predeterminer +predeterminism +predeterministic +predetest +predetestation +predetrimental +predevelop +predevelopment +predevise +predevote +predevotion +predevour +prediagnosis +prediagnostic +predial +prediastolic +prediatory +predicability +predicable +predicableness +predicably +predicament +predicamental +predicamentally +predicant +predicate +predication +predicational +predicative +predicatively +predicator +predicatory +predicrotic +predict +predictability +predictable +predictably +predictate +predictation +prediction +predictional +predictive +predictively +predictiveness +predictor +predictory +prediet +predietary +predifferent +predifficulty +predigest +predigestion +predikant +predilect +predilected +predilection +prediligent +prediligently +prediluvial +prediluvian +prediminish +prediminishment +prediminution +predine +predinner +prediphtheritic +prediploma +prediplomacy +prediplomatic +predirect +predirection +predirector +predisability +predisable +predisadvantage +predisadvantageous +predisadvantageously +predisagree +predisagreeable +predisagreement +predisappointment +predisaster +predisastrous +prediscern +prediscernment +predischarge +prediscipline +predisclose +predisclosure +prediscontent +prediscontented +prediscontentment +prediscontinuance +prediscontinuation +prediscontinue +prediscount +prediscountable +prediscourage +prediscouragement +prediscourse +prediscover +prediscoverer +prediscovery +prediscreet +prediscretion +prediscretionary +prediscriminate +prediscrimination +prediscriminator +prediscuss +prediscussion +predisgrace +predisguise +predisgust +predislike +predismiss +predismissal +predismissory +predisorder +predisordered +predisorderly +predispatch +predispatcher +predisperse +predispersion +predisplace +predisplacement +predisplay +predisponency +predisponent +predisposable +predisposal +predispose +predisposed +predisposedly +predisposedness +predisposition +predispositional +predisputant +predisputation +predispute +predisregard +predisrupt +predisruption +predissatisfaction +predissolution +predissolve +predissuade +predistinct +predistinction +predistinguish +predistress +predistribute +predistribution +predistributor +predistrict +predistrust +predistrustful +predisturb +predisturbance +prediversion +predivert +predivide +predividend +predivider +predivinable +predivinity +predivision +predivorce +predivorcement +predoctorate +predocumentary +predomestic +predominance +predominancy +predominant +predominantly +predominate +predominately +predominatingly +predomination +predominator +predonate +predonation +predonor +predoom +predorsal +predoubt +predoubter +predoubtful +predraft +predrainage +predramatic +predraw +predrawer +predread +predreadnought +predrill +predriller +predrive +predriver +predry +preduplicate +preduplication +predusk +predwell +predynamite +predynastic +preen +preener +preeze +prefab +prefabricate +prefabrication +prefabricator +preface +prefaceable +prefacer +prefacial +prefacist +prefactor +prefactory +prefamiliar +prefamiliarity +prefamiliarly +prefamous +prefashion +prefatial +prefator +prefatorial +prefatorially +prefatorily +prefatory +prefavor +prefavorable +prefavorably +prefavorite +prefearful +prefearfully +prefeast +prefect +prefectly +prefectoral +prefectorial +prefectorially +prefectorian +prefectship +prefectual +prefectural +prefecture +prefecundation +prefecundatory +prefederal +prefelic +prefer +preferability +preferable +preferableness +preferably +preferee +preference +preferent +preferential +preferentialism +preferentialist +preferentially +preferment +prefermentation +preferred +preferredly +preferredness +preferrer +preferrous +prefertile +prefertility +prefertilization +prefertilize +prefervid +prefestival +prefeudal +prefeudalic +prefeudalism +prefiction +prefictional +prefigurate +prefiguration +prefigurative +prefiguratively +prefigurativeness +prefigure +prefigurement +prefiller +prefilter +prefinal +prefinance +prefinancial +prefine +prefinish +prefix +prefixable +prefixal +prefixally +prefixation +prefixed +prefixedly +prefixion +prefixture +preflagellate +preflatter +preflattery +preflavor +preflavoring +preflection +preflexion +preflight +preflood +prefloration +preflowering +prefoliation +prefool +preforbidden +preforceps +preforgive +preforgiveness +preforgotten +preform +preformant +preformation +preformationary +preformationism +preformationist +preformative +preformed +preformism +preformist +preformistic +preformulate +preformulation +prefortunate +prefortunately +prefortune +prefoundation +prefounder +prefragrance +prefragrant +prefrankness +prefraternal +prefraternally +prefraud +prefreeze +prefreshman +prefriendly +prefriendship +prefright +prefrighten +prefrontal +prefulfill +prefulfillment +prefulgence +prefulgency +prefulgent +prefunction +prefunctional +prefuneral +prefungoidal +prefurlough +prefurnish +pregain +pregainer +pregalvanize +preganglionic +pregather +pregathering +pregeminum +pregenerate +pregeneration +pregenerosity +pregenerous +pregenerously +pregenial +pregeniculatum +pregeniculum +pregenital +pregeological +pregirlhood +preglacial +pregladden +pregladness +preglenoid +preglenoidal +preglobulin +pregnability +pregnable +pregnance +pregnancy +pregnant +pregnantly +pregnantness +pregolden +pregolfing +pregracile +pregracious +pregrade +pregraduation +pregranite +pregranitic +pregratification +pregratify +pregreet +pregreeting +pregrievance +pregrowth +preguarantee +preguarantor +preguard +preguess +preguidance +preguide +preguilt +preguiltiness +preguilty +pregust +pregustant +pregustation +pregustator +pregustic +prehallux +prehalter +prehandicap +prehandle +prehaps +preharden +preharmonious +preharmoniousness +preharmony +preharsh +preharshness +preharvest +prehatred +prehaunt +prehaunted +prehaustorium +prehazard +prehazardous +preheal +prehearing +preheat +preheated +preheater +prehemiplegic +prehend +prehensible +prehensile +prehensility +prehension +prehensive +prehensiveness +prehensor +prehensorial +prehensory +prehepatic +prehepaticus +preheroic +prehesitancy +prehesitate +prehesitation +prehexameral +prehistorian +prehistoric +prehistorical +prehistorically +prehistorics +prehistory +prehnite +prehnitic +preholder +preholding +preholiday +prehorizon +prehorror +prehostile +prehostility +prehuman +prehumiliate +prehumiliation +prehumor +prehunger +prehydration +prehypophysis +preidea +preidentification +preidentify +preignition +preilluminate +preillumination +preillustrate +preillustration +preimage +preimaginary +preimagination +preimagine +preimbibe +preimbue +preimitate +preimitation +preimitative +preimmigration +preimpair +preimpairment +preimpart +preimperial +preimport +preimportance +preimportant +preimportantly +preimportation +preimposal +preimpose +preimposition +preimpress +preimpression +preimpressive +preimprove +preimprovement +preinaugural +preinaugurate +preincarnate +preincentive +preinclination +preincline +preinclude +preinclusion +preincorporate +preincorporation +preincrease +preindebted +preindebtedness +preindemnification +preindemnify +preindemnity +preindependence +preindependent +preindependently +preindesignate +preindicant +preindicate +preindication +preindispose +preindisposition +preinduce +preinducement +preinduction +preinductive +preindulge +preindulgence +preindulgent +preindustrial +preindustry +preinfect +preinfection +preinfer +preinference +preinflection +preinflectional +preinflict +preinfluence +preinform +preinformation +preinhabit +preinhabitant +preinhabitation +preinhere +preinherit +preinheritance +preinitial +preinitiate +preinitiation +preinjure +preinjurious +preinjury +preinquisition +preinscribe +preinscription +preinsert +preinsertion +preinsinuate +preinsinuating +preinsinuatingly +preinsinuation +preinsinuative +preinspect +preinspection +preinspector +preinspire +preinstall +preinstallation +preinstill +preinstillation +preinstruct +preinstruction +preinstructional +preinstructive +preinsula +preinsular +preinsulate +preinsulation +preinsult +preinsurance +preinsure +preintellectual +preintelligence +preintelligent +preintelligently +preintend +preintention +preintercede +preintercession +preinterchange +preintercourse +preinterest +preinterfere +preinterference +preinterpret +preinterpretation +preinterpretative +preinterview +preintone +preinvent +preinvention +preinventive +preinventory +preinvest +preinvestigate +preinvestigation +preinvestigator +preinvestment +preinvitation +preinvite +preinvocation +preinvolve +preinvolvement +preiotization +preiotize +preirrigation +preirrigational +preissuance +preissue +prejacent +prejournalistic +prejudge +prejudgement +prejudger +prejudgment +prejudication +prejudicative +prejudicator +prejudice +prejudiced +prejudicedly +prejudiceless +prejudiciable +prejudicial +prejudicially +prejudicialness +prejudicious +prejudiciously +prejunior +prejurisdiction +prejustification +prejustify +prejuvenile +Prekantian +prekindergarten +prekindle +preknit +preknow +preknowledge +prelabel +prelabial +prelabor +prelabrum +prelachrymal +prelacrimal +prelacteal +prelacy +prelanguage +prelapsarian +prelate +prelatehood +prelateship +prelatess +prelatial +prelatic +prelatical +prelatically +prelaticalness +prelation +prelatish +prelatism +prelatist +prelatize +prelatry +prelature +prelaunch +prelaunching +prelawful +prelawfully +prelawfulness +prelease +prelect +prelection +prelector +prelectorship +prelectress +prelecture +prelegacy +prelegal +prelegate +prelegatee +prelegend +prelegendary +prelegislative +preliability +preliable +prelibation +preliberal +preliberality +preliberally +preliberate +preliberation +prelicense +prelim +preliminarily +preliminary +prelimit +prelimitate +prelimitation +prelingual +prelinguistic +prelinpinpin +preliquidate +preliquidation +preliteral +preliterally +preliteralness +preliterary +preliterate +preliterature +prelithic +prelitigation +preloan +prelocalization +prelocate +prelogic +prelogical +preloral +preloreal +preloss +prelude +preluder +preludial +preludious +preludiously +preludium +preludize +prelumbar +prelusion +prelusive +prelusively +prelusorily +prelusory +preluxurious +premachine +premadness +premaintain +premaintenance +premake +premaker +premaking +premandibular +premanhood +premaniacal +premanifest +premanifestation +premankind +premanufacture +premanufacturer +premanufacturing +premarital +premarriage +premarry +premastery +prematch +premate +prematerial +prematernity +prematrimonial +prematuration +premature +prematurely +prematureness +prematurity +premaxilla +premaxillary +premeasure +premeasurement +premechanical +premedia +premedial +premedian +premedic +premedical +premedicate +premedication +premedieval +premedievalism +premeditate +premeditatedly +premeditatedness +premeditatingly +premeditation +premeditative +premeditator +premegalithic +prememorandum +premenace +premenstrual +premention +premeridian +premerit +premetallic +premethodical +premial +premiant +premiate +premidnight +premidsummer +premier +premieral +premiere +premieress +premierjus +premiership +premilitary +premillenarian +premillenarianism +premillennial +premillennialism +premillennialist +premillennialize +premillennially +premillennian +preminister +preministry +premious +premisal +premise +premisory +premisrepresent +premisrepresentation +premiss +premium +premix +premixer +premixture +premodel +premodern +premodification +premodify +premolar +premold +premolder +premolding +premonarchial +premonetary +Premongolian +premonish +premonishment +premonition +premonitive +premonitor +premonitorily +premonitory +premonopolize +premonopoly +Premonstrant +Premonstratensian +premonumental +premoral +premorality +premorally +premorbid +premorbidly +premorbidness +premorning +premorse +premortal +premortification +premortify +premortuary +premosaic +premotion +premourn +premove +premovement +premover +premuddle +premultiplication +premultiplier +premultiply +premundane +premunicipal +premunition +premunitory +premusical +premuster +premutative +premutiny +premycotic +premyelocyte +premythical +prename +Prenanthes +prenares +prenarial +prenaris +prenasal +prenatal +prenatalist +prenatally +prenational +prenative +prenatural +prenaval +prender +prendre +prenebular +prenecessitate +preneglect +preneglectful +prenegligence +prenegligent +prenegotiate +prenegotiation +preneolithic +prenephritic +preneural +preneuralgic +prenight +prenoble +prenodal +prenominal +prenominate +prenomination +prenominical +prenotation +prenotice +prenotification +prenotify +prenotion +prentice +prenticeship +prenumber +prenumbering +prenuncial +prenuptial +prenursery +preobedience +preobedient +preobject +preobjection +preobjective +preobligate +preobligation +preoblige +preobservance +preobservation +preobservational +preobserve +preobstruct +preobstruction +preobtain +preobtainable +preobtrude +preobtrusion +preobtrusive +preobviate +preobvious +preobviously +preobviousness +preoccasioned +preoccipital +preocclusion +preoccultation +preoccupancy +preoccupant +preoccupate +preoccupation +preoccupative +preoccupied +preoccupiedly +preoccupiedness +preoccupier +preoccupy +preoccur +preoccurrence +preoceanic +preocular +preodorous +preoffend +preoffense +preoffensive +preoffensively +preoffensiveness +preoffer +preoffering +preofficial +preofficially +preominate +preomission +preomit +preopen +preopening +preoperate +preoperation +preoperative +preoperatively +preoperator +preopercle +preopercular +preoperculum +preopinion +preopinionated +preoppose +preopposition +preoppress +preoppression +preoppressor +preoptic +preoptimistic +preoption +preoral +preorally +preorbital +preordain +preorder +preordination +preorganic +preorganization +preorganize +preoriginal +preoriginally +preornamental +preoutfit +preoutline +preoverthrow +prep +prepainful +prepalatal +prepalatine +prepaleolithic +prepanic +preparable +preparation +preparationist +preparative +preparatively +preparator +preparatorily +preparatory +prepardon +prepare +prepared +preparedly +preparedness +preparement +preparental +preparer +preparietal +preparingly +preparliamentary +preparoccipital +preparoxysmal +prepartake +preparticipation +prepartisan +prepartition +prepartnership +prepatellar +prepatent +prepatriotic +prepave +prepavement +prepay +prepayable +prepayment +prepeduncle +prepenetrate +prepenetration +prepenial +prepense +prepensely +prepeople +preperceive +preperception +preperceptive +preperitoneal +prepersuade +prepersuasion +prepersuasive +preperusal +preperuse +prepetition +prephragma +prephthisical +prepigmental +prepink +prepious +prepituitary +preplace +preplacement +preplacental +preplan +preplant +prepledge +preplot +prepoetic +prepoetical +prepoison +prepolice +prepolish +prepolitic +prepolitical +prepolitically +prepollence +prepollency +prepollent +prepollex +preponder +preponderance +preponderancy +preponderant +preponderantly +preponderate +preponderately +preponderating +preponderatingly +preponderation +preponderous +preponderously +prepontile +prepontine +preportray +preportrayal +prepose +preposition +prepositional +prepositionally +prepositive +prepositively +prepositor +prepositorial +prepositure +prepossess +prepossessed +prepossessing +prepossessingly +prepossessingness +prepossession +prepossessionary +prepossessor +preposterous +preposterously +preposterousness +prepostorship +prepotence +prepotency +prepotent +prepotential +prepotently +prepractical +prepractice +preprandial +prepreference +prepreparation +preprice +preprimary +preprimer +preprimitive +preprint +preprofess +preprofessional +preprohibition +prepromise +prepromote +prepromotion +prepronounce +prepronouncement +preprophetic +preprostatic +preprove +preprovide +preprovision +preprovocation +preprovoke +preprudent +preprudently +prepsychological +prepsychology +prepuberal +prepubertal +prepuberty +prepubescent +prepubic +prepubis +prepublication +prepublish +prepuce +prepunctual +prepunish +prepunishment +prepupa +prepupal +prepurchase +prepurchaser +prepurpose +preputial +preputium +prepyloric +prepyramidal +prequalification +prequalify +prequarantine +prequestion +prequotation +prequote +preracing +preradio +prerailroad +prerailroadite +prerailway +preramus +prerational +prereadiness +preready +prerealization +prerealize +prerebellion +prereceipt +prereceive +prereceiver +prerecital +prerecite +prereckon +prereckoning +prerecognition +prerecognize +prerecommend +prerecommendation +prereconcile +prereconcilement +prereconciliation +prerectal +preredeem +preredemption +prereduction +prerefer +prereference +prerefine +prerefinement +prereform +prereformation +prereformatory +prerefusal +prerefuse +preregal +preregister +preregistration +preregulate +preregulation +prereject +prerejection +prerejoice +prerelate +prerelation +prerelationship +prerelease +prereligious +prereluctation +preremit +preremittance +preremorse +preremote +preremoval +preremove +preremunerate +preremuneration +prerenal +prerent +prerental +prereport +prerepresent +prerepresentation +prereption +prerepublican +prerequest +prerequire +prerequirement +prerequisite +prerequisition +preresemblance +preresemble +preresolve +preresort +prerespectability +prerespectable +prerespiration +prerespire +preresponsibility +preresponsible +prerestoration +prerestrain +prerestraint +prerestrict +prerestriction +prereturn +prereveal +prerevelation +prerevenge +prereversal +prereverse +prereview +prerevise +prerevision +prerevival +prerevolutionary +prerheumatic +prerich +prerighteous +prerighteously +prerighteousness +prerogatival +prerogative +prerogatived +prerogatively +prerogativity +prerolandic +preromantic +preromanticism +preroute +preroutine +preroyal +preroyally +preroyalty +prerupt +preruption +presacral +presacrifice +presacrificial +presage +presageful +presagefully +presager +presagient +presaging +presagingly +presalvation +presanctification +presanctified +presanctify +presanguine +presanitary +presartorial +presatisfaction +presatisfactory +presatisfy +presavage +presavagery +presay +presbyacousia +presbyacusia +presbycousis +presbycusis +presbyope +presbyophrenia +presbyophrenic +presbyopia +presbyopic +presbyopy +presbyte +presbyter +presbyteral +presbyterate +presbyterated +presbyteress +presbyteria +presbyterial +presbyterially +Presbyterian +Presbyterianism +Presbyterianize +Presbyterianly +presbyterium +presbytership +presbytery +presbytia +presbytic +Presbytinae +Presbytis +presbytism +prescapula +prescapular +prescapularis +prescholastic +preschool +prescience +prescient +prescientific +presciently +prescind +prescindent +prescission +prescored +prescout +prescribable +prescribe +prescriber +prescript +prescriptibility +prescriptible +prescription +prescriptionist +prescriptive +prescriptively +prescriptiveness +prescriptorial +prescrive +prescutal +prescutum +preseal +presearch +preseason +preseasonal +presecular +presecure +presee +preselect +presell +preseminal +preseminary +presence +presenced +presenceless +presenile +presenility +presensation +presension +present +presentability +presentable +presentableness +presentably +presental +presentation +presentational +presentationism +presentationist +presentative +presentatively +presentee +presentence +presenter +presential +presentiality +presentially +presentialness +presentient +presentiment +presentimental +presentist +presentive +presentively +presentiveness +presently +presentment +presentness +presentor +preseparate +preseparation +preseparator +preservability +preservable +preserval +preservation +preservationist +preservative +preservatize +preservatory +preserve +preserver +preserveress +preses +presession +preset +presettle +presettlement +presexual +preshadow +preshape +preshare +presharpen +preshelter +preship +preshipment +preshortage +preshorten +preshow +preside +presidence +presidencia +presidency +president +presidente +presidentess +presidential +presidentially +presidentiary +presidentship +presider +presidial +presidially +presidiary +presidio +presidium +presift +presign +presignal +presignificance +presignificancy +presignificant +presignification +presignificative +presignificator +presignify +presimian +preslavery +Presley +presmooth +presocial +presocialism +presocialist +presolar +presolicit +presolicitation +presolution +presolve +presophomore +presound +prespecialist +prespecialize +prespecific +prespecifically +prespecification +prespecify +prespeculate +prespeculation +presphenoid +presphenoidal +presphygmic +prespinal +prespinous +prespiracular +presplendor +presplenomegalic +prespoil +prespontaneity +prespontaneous +prespontaneously +prespread +presprinkle +prespur +press +pressable +pressboard +pressdom +pressel +presser +pressfat +pressful +pressgang +pressible +pressing +pressingly +pressingness +pression +pressive +pressman +pressmanship +pressmark +pressor +presspack +pressroom +pressurage +pressural +pressure +pressureless +pressureproof +pressurize +pressurizer +presswoman +presswork +pressworker +prest +prestabilism +prestability +prestable +prestamp +prestandard +prestandardization +prestandardize +prestant +prestate +prestation +prestatistical +presteam +presteel +prester +presternal +presternum +prestidigital +prestidigitate +prestidigitation +prestidigitator +prestidigitatorial +prestige +prestigiate +prestigiation +prestigiator +prestigious +prestigiously +prestigiousness +prestimulate +prestimulation +prestimulus +prestissimo +presto +prestock +prestomial +prestomium +prestorage +prestore +prestraighten +prestrain +prestrengthen +prestress +prestretch +prestricken +prestruggle +prestubborn +prestudious +prestudiously +prestudiousness +prestudy +presubdue +presubiculum +presubject +presubjection +presubmission +presubmit +presubordinate +presubordination +presubscribe +presubscriber +presubscription +presubsist +presubsistence +presubsistent +presubstantial +presubstitute +presubstitution +presuccess +presuccessful +presuccessfully +presuffer +presuffering +presufficiency +presufficient +presufficiently +presuffrage +presuggest +presuggestion +presuggestive +presuitability +presuitable +presuitably +presumable +presumably +presume +presumedly +presumer +presuming +presumption +presumptious +presumptiously +presumptive +presumptively +presumptuous +presumptuously +presumptuousness +presuperficial +presuperficiality +presuperficially +presuperfluity +presuperfluous +presuperfluously +presuperintendence +presuperintendency +presupervise +presupervision +presupervisor +presupplemental +presupplementary +presupplicate +presupplication +presupply +presupport +presupposal +presuppose +presupposition +presuppositionless +presuppress +presuppression +presuppurative +presupremacy +presupreme +presurgery +presurgical +presurmise +presurprisal +presurprise +presurrender +presurround +presurvey +presusceptibility +presusceptible +presuspect +presuspend +presuspension +presuspicion +presuspicious +presuspiciously +presuspiciousness +presustain +presutural +preswallow +presylvian +presympathize +presympathy +presymphonic +presymphony +presymphysial +presymptom +presymptomatic +presynapsis +presynaptic +presystematic +presystematically +presystole +presystolic +pretabulate +pretabulation +pretan +pretangible +pretangibly +pretannage +pretardily +pretardiness +pretardy +pretariff +pretaste +preteach +pretechnical +pretechnically +pretelegraph +pretelegraphic +pretelephone +pretelephonic +pretell +pretemperate +pretemperately +pretemporal +pretend +pretendant +pretended +pretendedly +pretender +Pretenderism +pretendership +pretendingly +pretendingness +pretense +pretenseful +pretenseless +pretension +pretensional +pretensionless +pretensive +pretensively +pretensiveness +pretentative +pretentious +pretentiously +pretentiousness +pretercanine +preterchristian +preterconventional +preterdetermined +preterdeterminedly +preterdiplomatic +preterdiplomatically +preterequine +preteressential +pretergress +pretergression +preterhuman +preterience +preterient +preterintentional +preterist +preterit +preteriteness +preterition +preteritive +preteritness +preterlabent +preterlegal +preterlethal +preterminal +pretermission +pretermit +pretermitter +preternative +preternatural +preternaturalism +preternaturalist +preternaturality +preternaturally +preternaturalness +preternormal +preternotorious +preternuptial +preterpluperfect +preterpolitical +preterrational +preterregular +preterrestrial +preterritorial +preterroyal +preterscriptural +preterseasonable +pretersensual +pretervection +pretest +pretestify +pretestimony +pretext +pretexted +pretextuous +pretheological +prethoracic +prethoughtful +prethoughtfully +prethoughtfulness +prethreaten +prethrill +prethrust +pretibial +pretimeliness +pretimely +pretincture +pretire +pretoken +pretone +pretonic +pretorial +pretorship +pretorsional +pretorture +pretournament +pretrace +pretracheal +pretraditional +pretrain +pretraining +pretransact +pretransaction +pretranscribe +pretranscription +pretranslate +pretranslation +pretransmission +pretransmit +pretransport +pretransportation +pretravel +pretreat +pretreatment +pretreaty +pretrematic +pretribal +pretry +prettification +prettifier +prettify +prettikin +prettily +prettiness +pretty +prettyface +prettyish +prettyism +pretubercular +pretuberculous +pretympanic +pretyphoid +pretypify +pretypographical +pretyrannical +pretyranny +pretzel +preultimate +preultimately +preumbonal +preunderstand +preundertake +preunion +preunite +preutilizable +preutilization +preutilize +prevacate +prevacation +prevaccinate +prevaccination +prevail +prevailance +prevailer +prevailingly +prevailingness +prevailment +prevalence +prevalency +prevalent +prevalently +prevalentness +prevalescence +prevalescent +prevalid +prevalidity +prevalidly +prevaluation +prevalue +prevariation +prevaricate +prevarication +prevaricator +prevaricatory +prevascular +prevegetation +prevelar +prevenance +prevenancy +prevene +prevenience +prevenient +preveniently +prevent +preventability +preventable +preventative +preventer +preventible +preventingly +prevention +preventionism +preventionist +preventive +preventively +preventiveness +preventorium +preventure +preverb +preverbal +preverification +preverify +prevernal +preversion +prevertebral +prevesical +preveto +previctorious +previde +previdence +preview +previgilance +previgilant +previgilantly +previolate +previolation +previous +previously +previousness +previse +previsibility +previsible +previsibly +prevision +previsional +previsit +previsitor +previsive +previsor +prevocal +prevocalic +prevocally +prevocational +prevogue +prevoid +prevoidance +prevolitional +prevolunteer +prevomer +prevotal +prevote +prevoyance +prevoyant +prevue +prewar +prewarn +prewarrant +prewash +preweigh +prewelcome +prewhip +prewilling +prewillingly +prewillingness +prewire +prewireless +prewitness +prewonder +prewonderment +preworldliness +preworldly +preworship +preworthily +preworthiness +preworthy +prewound +prewrap +prexy +prey +preyer +preyful +preyingly +preyouthful +prezonal +prezone +prezygapophysial +prezygapophysis +prezygomatic +Pria +priacanthid +Priacanthidae +priacanthine +Priacanthus +Priapean +Priapic +priapism +Priapulacea +priapulid +Priapulida +Priapulidae +priapuloid +Priapuloidea +Priapulus +Priapus +Priapusian +Price +price +priceable +priceably +priced +priceite +priceless +pricelessness +pricer +prich +prick +prickant +pricked +pricker +pricket +prickfoot +pricking +prickingly +prickish +prickle +prickleback +prickled +pricklefish +prickless +prickliness +prickling +pricklingly +pricklouse +prickly +pricklyback +prickmadam +prickmedainty +prickproof +pricks +prickseam +prickshot +prickspur +pricktimber +prickwood +pricky +pride +prideful +pridefully +pridefulness +prideless +pridelessly +prideling +prideweed +pridian +priding +pridingly +pridy +pried +prier +priest +priestal +priestcap +priestcraft +priestdom +priesteen +priestery +priestess +priestfish +priesthood +priestianity +priestish +priestism +priestless +priestlet +priestlike +priestliness +priestling +priestly +priestship +priestshire +prig +prigdom +prigger +priggery +priggess +priggish +priggishly +priggishness +priggism +prighood +prigman +prill +prillion +prim +prima +primacy +primage +primal +primality +primar +primarian +primaried +primarily +primariness +primary +primatal +primate +Primates +primateship +primatial +primatic +primatical +primavera +primaveral +prime +primegilt +primely +primeness +primer +primero +primerole +primeval +primevalism +primevally +primeverose +primevity +primevous +primevrin +Primianist +primigene +primigenial +primigenian +primigenious +primigenous +primigravida +primine +priming +primipara +primiparity +primiparous +primipilar +primitiae +primitial +primitias +primitive +primitively +primitivism +primitivist +primitivistic +primitivity +primly +primness +primogenetrix +primogenial +primogenital +primogenitary +primogenitive +primogenitor +primogeniture +primogenitureship +primogenous +primoprime +primoprimitive +primordality +primordia +primordial +primordialism +primordially +primordiate +primordium +primosity +primost +primp +primrose +primrosed +primrosetide +primrosetime +primrosy +primsie +Primula +primula +Primulaceae +primulaceous +Primulales +primulaverin +primulaveroside +primulic +primuline +Primulinus +Primus +primus +primwort +primy +prince +princeage +princecraft +princedom +princehood +Princeite +princekin +princeless +princelet +princelike +princeliness +princeling +princely +princeps +princeship +princess +princessdom +princesse +princesslike +princessly +princewood +princified +princify +principal +principality +principally +principalness +principalship +principate +Principes +principes +principia +principiant +principiate +principiation +principium +principle +principulus +princock +princox +prine +pringle +prink +prinker +prinkle +prinky +print +printability +printable +printableness +printed +printer +printerdom +printerlike +printery +printing +printless +printline +printscript +printworks +Priodon +priodont +Priodontes +prion +prionid +Prionidae +Prioninae +prionine +Prionodesmacea +prionodesmacean +prionodesmaceous +prionodesmatic +Prionodon +prionodont +Prionopinae +prionopine +Prionops +Prionus +prior +prioracy +prioral +priorate +prioress +prioristic +prioristically +priorite +priority +priorly +priorship +priory +prisable +prisage +prisal +priscan +Priscian +Priscianist +Priscilla +Priscillian +Priscillianism +Priscillianist +prism +prismal +prismatic +prismatical +prismatically +prismatization +prismatize +prismatoid +prismatoidal +prismed +prismoid +prismoidal +prismy +prisometer +prison +prisonable +prisondom +prisoner +prisonful +prisonlike +prisonment +prisonous +priss +prissily +prissiness +prissy +pristane +pristine +Pristipomatidae +Pristipomidae +Pristis +Pristodus +pritch +Pritchardia +pritchel +prithee +prius +privacity +privacy +privant +private +privateer +privateersman +privately +privateness +privation +privative +privatively +privativeness +privet +privilege +privileged +privileger +privily +priviness +privity +privy +prizable +prize +prizeable +prizeholder +prizeman +prizer +prizery +prizetaker +prizeworthy +pro +proa +proabolitionist +proabsolutism +proabsolutist +proabstinence +proacademic +proacceptance +proacquisition +proacquittal +proaction +proactor +proaddition +proadjournment +proadministration +proadmission +proadoption +proadvertising +proaesthetic +proaggressionist +proagitation +proagrarian +proagreement +proagricultural +proagule +proairesis +proairplane +proal +proalcoholism +proalien +proalliance +proallotment +proalteration +proamateur +proambient +proamendment +proamnion +proamniotic +proamusement +proanaphora +proanaphoral +proanarchic +proangiosperm +proangiospermic +proangiospermous +proanimistic +proannexation +proannexationist +proantarctic +proanthropos +proapostolic +proappointment +proapportionment +proappreciation +proappropriation +proapproval +proaquatic +proarbitration +proarbitrationist +proarchery +proarctic +proaristocratic +proarmy +Proarthri +proassessment +proassociation +proatheist +proatheistic +proathletic +proatlas +proattack +proattendance +proauction +proaudience +proaulion +proauthor +proauthority +proautomobile +proavian +proaviation +Proavis +proaward +prob +probabiliorism +probabiliorist +probabilism +probabilist +probabilistic +probability +probabilize +probabl +probable +probableness +probably +probachelor +probal +proballoon +probang +probanishment +probankruptcy +probant +probargaining +probaseball +probasketball +probate +probathing +probatical +probation +probational +probationary +probationer +probationerhood +probationership +probationism +probationist +probationship +probative +probatively +probator +probatory +probattle +probattleship +probe +probeable +probeer +prober +probetting +probiology +probituminous +probity +problem +problematic +problematical +problematically +problematist +problematize +problemdom +problemist +problemistic +problemize +problemwise +problockade +probonding +probonus +proborrowing +proboscidal +proboscidate +Proboscidea +proboscidean +proboscideous +proboscides +proboscidial +proboscidian +proboscidiferous +proboscidiform +probosciform +probosciformed +Probosciger +proboscis +proboscislike +probouleutic +proboulevard +probowling +proboxing +proboycott +probrick +probridge +probroadcasting +probudget +probudgeting +probuilding +probusiness +probuying +procacious +procaciously +procacity +procaine +procambial +procambium +procanal +procancellation +procapital +procapitalism +procapitalist +procarnival +procarp +procarpium +procarrier +procatalectic +procatalepsis +procatarctic +procatarxis +procathedral +Procavia +Procaviidae +procedendo +procedural +procedure +proceed +proceeder +proceeding +proceeds +proceleusmatic +Procellaria +procellarian +procellarid +Procellariidae +Procellariiformes +procellariine +procellas +procello +procellose +procellous +procensorship +procensure +procentralization +procephalic +procercoid +procereal +procerebral +procerebrum +proceremonial +proceremonialism +proceremonialist +proceres +procerite +proceritic +procerity +procerus +process +processal +procession +processional +processionalist +processionally +processionary +processioner +processionist +processionize +processionwise +processive +processor +processual +procharity +prochein +prochemical +prochlorite +prochondral +prochoos +prochordal +prochorion +prochorionic +prochromosome +prochronic +prochronism +prochronize +prochurch +prochurchian +procidence +procident +procidentia +procivic +procivilian +procivism +proclaim +proclaimable +proclaimant +proclaimer +proclaiming +proclaimingly +proclamation +proclamator +proclamatory +proclassic +proclassical +proclergy +proclerical +proclericalism +procline +proclisis +proclitic +proclive +proclivitous +proclivity +proclivous +proclivousness +Procne +procnemial +Procoelia +procoelia +procoelian +procoelous +procoercive +procollectivistic +procollegiate +procombat +procombination +procomedy +procommemoration +procomment +procommercial +procommission +procommittee +procommunal +procommunism +procommunist +procommutation +procompensation +procompetition +procompromise +procompulsion +proconcentration +proconcession +proconciliation +procondemnation +proconfederationist +proconference +proconfession +proconfessionist +proconfiscation +proconformity +Proconnesian +proconquest +proconscription +proconscriptive +proconservation +proconservationist +proconsolidation +proconstitutional +proconstitutionalism +proconsul +proconsular +proconsulary +proconsulate +proconsulship +proconsultation +procontinuation +proconvention +proconventional +proconviction +procoracoid +procoracoidal +procorporation +procosmetic +procosmopolitan +procotton +procourt +procrastinate +procrastinating +procrastinatingly +procrastination +procrastinative +procrastinatively +procrastinator +procrastinatory +procreant +procreate +procreation +procreative +procreativeness +procreator +procreatory +procreatress +procreatrix +procremation +Procris +procritic +procritique +Procrustean +Procrusteanism +Procrusteanize +Procrustes +procrypsis +procryptic +procryptically +proctal +proctalgia +proctalgy +proctatresia +proctatresy +proctectasia +proctectomy +procteurynter +proctitis +proctocele +proctoclysis +proctocolitis +proctocolonoscopy +proctocystoplasty +proctocystotomy +proctodaeal +proctodaeum +proctodynia +proctoelytroplastic +proctologic +proctological +proctologist +proctology +proctoparalysis +proctoplastic +proctoplasty +proctoplegia +proctopolypus +proctoptoma +proctoptosis +proctor +proctorage +proctoral +proctorial +proctorially +proctorical +proctorization +proctorize +proctorling +proctorrhagia +proctorrhaphy +proctorrhea +proctorship +proctoscope +proctoscopic +proctoscopy +proctosigmoidectomy +proctosigmoiditis +proctospasm +proctostenosis +proctostomy +proctotome +proctotomy +proctotresia +proctotrypid +Proctotrypidae +proctotrypoid +Proctotrypoidea +proctovalvotomy +Proculian +procumbent +procurable +procuracy +procural +procurance +procurate +procuration +procurative +procurator +procuratorate +procuratorial +procuratorship +procuratory +procuratrix +procure +procurement +procurer +procuress +procurrent +procursive +procurvation +procurved +Procyon +Procyonidae +procyoniform +Procyoniformia +Procyoninae +procyonine +proczarist +prod +prodatary +prodder +proddle +prodecoration +prodefault +prodefiance +prodelay +prodelision +prodemocratic +Prodenia +prodenominational +prodentine +prodeportation +prodespotic +prodespotism +prodialogue +prodigal +prodigalish +prodigalism +prodigality +prodigalize +prodigally +prodigiosity +prodigious +prodigiously +prodigiousness +prodigus +prodigy +prodisarmament +prodisplay +prodissoconch +prodissolution +prodistribution +prodition +proditorious +proditoriously +prodivision +prodivorce +prodproof +prodramatic +prodroma +prodromal +prodromatic +prodromatically +prodrome +prodromic +prodromous +prodromus +producal +produce +produceable +produceableness +produced +producent +producer +producership +producibility +producible +producibleness +product +producted +productibility +productible +productid +Productidae +productile +production +productional +productionist +productive +productively +productiveness +productivity +productoid +productor +productory +productress +Productus +proecclesiastical +proeconomy +proeducation +proeducational +proegumenal +proelectric +proelectrical +proelectrification +proelectrocution +proelimination +proem +proembryo +proembryonic +proemial +proemium +proemployee +proemptosis +proenforcement +proenlargement +proenzym +proenzyme +proepimeron +proepiscopist +proepisternum +proequality +proethical +proethnic +proethnically +proetid +Proetidae +Proetus +proevolution +proevolutionist +proexamination +proexecutive +proexemption +proexercise +proexperiment +proexpert +proexporting +proexposure +proextension +proextravagance +prof +profaculty +profanable +profanableness +profanably +profanation +profanatory +profanchise +profane +profanely +profanement +profaneness +profaner +profanism +profanity +profanize +profarmer +profection +profectional +profectitious +profederation +profeminism +profeminist +proferment +profert +profess +professable +professed +professedly +profession +professional +professionalism +professionalist +professionality +professionalization +professionalize +professionally +professionist +professionize +professionless +professive +professively +professor +professorate +professordom +professoress +professorial +professorialism +professorially +professoriate +professorlike +professorling +professorship +professory +proffer +profferer +proficience +proficiency +proficient +proficiently +proficientness +profiction +proficuous +proficuously +profile +profiler +profilist +profilograph +profit +profitability +profitable +profitableness +profitably +profiteer +profiteering +profiter +profiting +profitless +profitlessly +profitlessness +profitmonger +profitmongering +profitproof +proflated +proflavine +profligacy +profligate +profligately +profligateness +profligation +proflogger +profluence +profluent +profluvious +profluvium +proforeign +profound +profoundly +profoundness +profraternity +profugate +profulgent +profunda +profundity +profuse +profusely +profuseness +profusion +profusive +profusively +profusiveness +prog +progambling +progamete +progamic +proganosaur +Proganosauria +progenerate +progeneration +progenerative +progenital +progenitive +progenitiveness +progenitor +progenitorial +progenitorship +progenitress +progenitrix +progeniture +progenity +progeny +progeotropic +progeotropism +progeria +progermination +progestational +progesterone +progestin +progger +proglottic +proglottid +proglottidean +proglottis +prognathi +prognathic +prognathism +prognathous +prognathy +progne +prognose +prognosis +prognostic +prognosticable +prognostically +prognosticate +prognostication +prognosticative +prognosticator +prognosticatory +progoneate +progospel +progovernment +program +programist +programistic +programma +programmar +programmatic +programmatically +programmatist +programmer +progrede +progrediency +progredient +progress +progresser +progression +progressional +progressionally +progressionary +progressionism +progressionist +progressism +progressist +progressive +progressively +progressiveness +progressivism +progressivist +progressivity +progressor +proguardian +Progymnasium +progymnosperm +progymnospermic +progymnospermous +progypsy +prohaste +prohibit +prohibiter +prohibition +prohibitionary +prohibitionism +prohibitionist +prohibitive +prohibitively +prohibitiveness +prohibitor +prohibitorily +prohibitory +proholiday +prohostility +prohuman +prohumanistic +prohydrotropic +prohydrotropism +proidealistic +proimmunity +proinclusion +proincrease +proindemnity +proindustrial +proinjunction +proinnovationist +proinquiry +proinsurance +prointervention +proinvestment +proirrigation +projacient +project +projectable +projectedly +projectile +projecting +projectingly +projection +projectional +projectionist +projective +projectively +projectivity +projector +projectress +projectrix +projecture +projicience +projicient +projiciently +projournalistic +projudicial +proke +prokeimenon +proker +prokindergarten +proklausis +prolabium +prolabor +prolacrosse +prolactin +prolamin +prolan +prolapse +prolapsus +prolarva +prolarval +prolate +prolately +prolateness +prolation +prolative +prolatively +proleague +proleaguer +prolectite +proleg +prolegate +prolegislative +prolegomena +prolegomenal +prolegomenary +prolegomenist +prolegomenon +prolegomenous +proleniency +prolepsis +proleptic +proleptical +proleptically +proleptics +proletairism +proletarian +proletarianism +proletarianization +proletarianize +proletarianly +proletarianness +proletariat +proletariatism +proletarization +proletarize +proletary +proletcult +proleucocyte +proleukocyte +prolicense +prolicidal +prolicide +proliferant +proliferate +proliferation +proliferative +proliferous +proliferously +prolific +prolificacy +prolifical +prolifically +prolificalness +prolificate +prolification +prolificity +prolificly +prolificness +prolificy +prolify +proligerous +proline +proliquor +proliterary +proliturgical +proliturgist +prolix +prolixity +prolixly +prolixness +prolocution +prolocutor +prolocutorship +prolocutress +prolocutrix +prologist +prologize +prologizer +prologos +prologue +prologuelike +prologuer +prologuist +prologuize +prologuizer +prologus +prolong +prolongable +prolongableness +prolongably +prolongate +prolongation +prolonge +prolonger +prolongment +prolusion +prolusionize +prolusory +prolyl +promachinery +promachos +promagisterial +promagistracy +promagistrate +promajority +promammal +Promammalia +promammalian +promarriage +promatrimonial +promatrimonialist +promaximum +promemorial +promenade +promenader +promenaderess +promercantile +promercy +promerger +promeristem +promerit +promeritor +Promethea +Promethean +Prometheus +promethium +promic +promilitarism +promilitarist +promilitary +prominence +prominency +prominent +prominently +prominimum +proministry +prominority +promisable +promiscuity +promiscuous +promiscuously +promiscuousness +promise +promisee +promiseful +promiseless +promisemonger +promiseproof +promiser +promising +promisingly +promisingness +promisor +promissionary +promissive +promissor +promissorily +promissory +promitosis +promittor +promnesia +promoderation +promoderationist +promodernist +promodernistic +promonarchic +promonarchical +promonarchicalness +promonarchist +promonopolist +promonopoly +promontoried +promontory +promoral +promorph +promorphological +promorphologically +promorphologist +promorphology +promotable +promote +promotement +promoter +promotion +promotional +promotive +promotiveness +promotor +promotorial +promotress +promotrix +promovable +promovent +prompt +promptbook +prompter +promptitude +promptive +promptly +promptness +promptress +promptuary +prompture +promulgate +promulgation +promulgator +promulge +promulger +promuscidate +promuscis +promycelial +promycelium +promythic +pronaos +pronate +pronation +pronational +pronationalism +pronationalist +pronationalistic +pronative +pronatoflexor +pronator +pronaval +pronavy +prone +pronegotiation +pronegro +pronegroism +pronely +proneness +pronephric +pronephridiostome +pronephron +pronephros +proneur +prong +prongbuck +pronged +pronger +pronghorn +pronglike +pronic +pronograde +pronominal +pronominalize +pronominally +pronomination +pronotal +pronotum +pronoun +pronounal +pronounce +pronounceable +pronounced +pronouncedly +pronouncement +pronounceness +pronouncer +pronpl +pronto +Pronuba +pronuba +pronubial +pronuclear +pronucleus +pronumber +pronunciability +pronunciable +pronuncial +pronunciamento +pronunciation +pronunciative +pronunciator +pronunciatory +pronymph +pronymphal +proo +prooemiac +prooemion +prooemium +proof +proofer +proofful +proofing +proofless +prooflessly +proofness +proofread +proofreader +proofreading +proofroom +proofy +prop +propadiene +propaedeutic +propaedeutical +propaedeutics +propagability +propagable +propagableness +propagand +propaganda +propagandic +propagandism +propagandist +propagandistic +propagandistically +propagandize +propagate +propagation +propagational +propagative +propagator +propagatory +propagatress +propago +propagulum +propale +propalinal +propane +propanedicarboxylic +propanol +propanone +propapist +proparasceve +propargyl +propargylic +Proparia +proparian +proparliamental +proparoxytone +proparoxytonic +proparticipation +propatagial +propatagian +propatagium +propatriotic +propatriotism +propatronage +propayment +propellable +propellant +propellent +propeller +propelment +propend +propendent +propene +propenoic +propense +propensely +propenseness +propension +propensitude +propensity +propenyl +propenylic +proper +properispome +properispomenon +properitoneal +properly +properness +propertied +property +propertyless +propertyship +propessimism +propessimist +prophase +prophasis +prophecy +prophecymonger +prophesiable +prophesier +prophesy +prophet +prophetess +prophethood +prophetic +prophetical +propheticality +prophetically +propheticalness +propheticism +propheticly +prophetism +prophetize +prophetless +prophetlike +prophetry +prophetship +prophilosophical +prophloem +prophoric +prophototropic +prophototropism +prophylactic +prophylactical +prophylactically +prophylaxis +prophylaxy +prophyll +prophyllum +propination +propine +propinoic +propinquant +propinque +propinquity +propinquous +propiolaldehyde +propiolate +propiolic +propionate +propione +Propionibacterieae +Propionibacterium +propionic +propionitril +propionitrile +propionyl +Propithecus +propitiable +propitial +propitiate +propitiatingly +propitiation +propitiative +propitiator +propitiatorily +propitiatory +propitious +propitiously +propitiousness +proplasm +proplasma +proplastic +propless +propleural +propleuron +proplex +proplexus +Propliopithecus +propodeal +propodeon +propodeum +propodial +propodiale +propodite +propoditic +propodium +propolis +propolitical +propolization +propolize +propone +proponement +proponent +proponer +propons +Propontic +propooling +propopery +proportion +proportionability +proportionable +proportionableness +proportionably +proportional +proportionalism +proportionality +proportionally +proportionate +proportionately +proportionateness +proportioned +proportioner +proportionless +proportionment +proposable +proposal +proposant +propose +proposer +proposition +propositional +propositionally +propositionize +propositus +propound +propounder +propoundment +propoxy +proppage +propper +propraetor +propraetorial +propraetorian +proprecedent +propriation +proprietage +proprietarian +proprietariat +proprietarily +proprietary +proprietor +proprietorial +proprietorially +proprietorship +proprietory +proprietous +proprietress +proprietrix +propriety +proprioception +proprioceptive +proprioceptor +propriospinal +proprium +proprivilege +proproctor +proprofit +proprovincial +proprovost +props +propterygial +propterygium +proptosed +proptosis +propublication +propublicity +propugnacled +propugnaculum +propugnation +propugnator +propugner +propulsation +propulsatory +propulsion +propulsity +propulsive +propulsor +propulsory +propunishment +propupa +propupal +propurchase +Propus +propwood +propygidium +propyl +propylacetic +propylaeum +propylamine +propylation +propylene +propylic +propylidene +propylite +propylitic +propylitization +propylon +propyne +propynoic +proquaestor +proracing +prorailroad +prorata +proratable +prorate +proration +prore +proreader +prorealism +prorealist +prorealistic +proreality +prorean +prorebate +prorebel +prorecall +proreciprocation +prorecognition +proreconciliation +prorector +prorectorate +proredemption +proreduction +proreferendum +proreform +proreformist +proregent +prorelease +Proreptilia +proreptilian +proreption +prorepublican +proresearch +proreservationist +proresignation +prorestoration +prorestriction +prorevision +prorevisionist +prorevolution +prorevolutionary +prorevolutionist +prorhinal +Prorhipidoglossomorpha +proritual +proritualistic +prorogate +prorogation +prorogator +prorogue +proroguer +proromance +proromantic +proromanticism +proroyal +proroyalty +prorrhesis +prorsad +prorsal +proruption +prosabbath +prosabbatical +prosacral +prosaic +prosaical +prosaically +prosaicalness +prosaicism +prosaicness +prosaism +prosaist +prosar +Prosarthri +prosateur +proscapula +proscapular +proscenium +proscholastic +proschool +proscientific +proscolecine +proscolex +proscribable +proscribe +proscriber +proscript +proscription +proscriptional +proscriptionist +proscriptive +proscriptively +proscriptiveness +proscutellar +proscutellum +proscynemata +prose +prosecrecy +prosecretin +prosect +prosection +prosector +prosectorial +prosectorium +prosectorship +prosecutable +prosecute +prosecution +prosecutor +prosecutrix +proselenic +proselike +proselyte +proselyter +proselytical +proselytingly +proselytism +proselytist +proselytistic +proselytization +proselytize +proselytizer +proseman +proseminar +proseminary +proseminate +prosemination +prosencephalic +prosencephalon +prosenchyma +prosenchymatous +proseneschal +proser +Proserpinaca +prosethmoid +proseucha +proseuche +prosification +prosifier +prosify +prosiliency +prosilient +prosiliently +prosilverite +prosily +Prosimiae +prosimian +prosiness +prosing +prosingly +prosiphon +prosiphonal +prosiphonate +prosish +prosist +proslambanomenos +proslave +proslaver +proslavery +proslaveryism +prosneusis +proso +prosobranch +Prosobranchia +Prosobranchiata +prosobranchiate +prosocele +prosodal +prosode +prosodemic +prosodetic +prosodiac +prosodiacal +prosodiacally +prosodial +prosodially +prosodian +prosodic +prosodical +prosodically +prosodion +prosodist +prosodus +prosody +prosogaster +prosogyrate +prosogyrous +prosoma +prosomal +prosomatic +prosonomasia +prosopalgia +prosopalgic +prosopantritis +prosopectasia +prosophist +prosopic +prosopically +Prosopis +prosopite +Prosopium +prosoplasia +prosopography +prosopon +prosoponeuralgia +prosopoplegia +prosopoplegic +prosopopoeia +prosopopoeial +prosoposchisis +prosopospasm +prosopotocia +prosopyl +prosopyle +prosorus +prospect +prospection +prospective +prospectively +prospectiveness +prospectless +prospector +prospectus +prospectusless +prospeculation +prosper +prosperation +prosperity +prosperous +prosperously +prosperousness +prospicience +prosporangium +prosport +pross +prossy +prostatauxe +prostate +prostatectomy +prostatelcosis +prostatic +prostaticovesical +prostatism +prostatitic +prostatitis +prostatocystitis +prostatocystotomy +prostatodynia +prostatolith +prostatomegaly +prostatometer +prostatomyomectomy +prostatorrhea +prostatorrhoea +prostatotomy +prostatovesical +prostatovesiculectomy +prostatovesiculitis +prostemmate +prostemmatic +prosternal +prosternate +prosternum +prostheca +prosthenic +prosthesis +prosthetic +prosthetically +prosthetics +prosthetist +prosthion +prosthionic +prosthodontia +prosthodontist +Prostigmin +prostitute +prostitutely +prostitution +prostitutor +prostomial +prostomiate +prostomium +prostrate +prostration +prostrative +prostrator +prostrike +prostyle +prostylos +prosubmission +prosubscription +prosubstantive +prosubstitution +prosuffrage +prosupervision +prosupport +prosurgical +prosurrender +prosy +prosyllogism +prosyndicalism +prosyndicalist +protactic +protactinium +protagon +protagonism +protagonist +Protagorean +Protagoreanism +protalbumose +protamine +protandric +protandrism +protandrous +protandrously +protandry +protanomal +protanomalous +protanope +protanopia +protanopic +protargentum +protargin +Protargol +protariff +protarsal +protarsus +protasis +protaspis +protatic +protatically +protax +protaxation +protaxial +protaxis +prote +Protea +protea +Proteaceae +proteaceous +protead +protean +proteanly +proteanwise +protease +protechnical +protect +protectant +protectible +protecting +protectingly +protectingness +protection +protectional +protectionate +protectionism +protectionist +protectionize +protectionship +protective +protectively +protectiveness +Protectograph +protector +protectoral +protectorate +protectorial +protectorian +protectorless +protectorship +protectory +protectress +protectrix +protege +protegee +protegulum +proteic +Proteida +Proteidae +proteide +proteidean +proteidogenous +proteiform +protein +proteinaceous +proteinase +proteinic +proteinochromogen +proteinous +proteinuria +Proteles +Protelidae +Protelytroptera +protelytropteran +protelytropteron +protelytropterous +protemperance +protempirical +protemporaneous +protend +protension +protensity +protensive +protensively +proteoclastic +proteogenous +proteolysis +proteolytic +proteopectic +proteopexic +proteopexis +proteopexy +proteosaurid +Proteosauridae +Proteosaurus +proteose +Proteosoma +proteosomal +proteosome +proteosuria +protephemeroid +Protephemeroidea +proterandrous +proterandrousness +proterandry +proteranthous +proterobase +proteroglyph +Proteroglypha +proteroglyphic +proteroglyphous +proterogynous +proterogyny +proterothesis +proterotype +Proterozoic +protervity +protest +protestable +protestancy +protestant +Protestantish +Protestantishly +protestantism +Protestantize +Protestantlike +Protestantly +protestation +protestator +protestatory +protester +protestingly +protestive +protestor +protetrarch +Proteus +protevangel +protevangelion +protevangelium +protext +prothalamia +prothalamion +prothalamium +prothallia +prothallial +prothallic +prothalline +prothallium +prothalloid +prothallus +protheatrical +protheca +prothesis +prothetic +prothetical +prothetically +prothonotarial +prothonotariat +prothonotary +prothonotaryship +prothoracic +prothorax +prothrift +prothrombin +prothrombogen +prothyl +prothysteron +protide +protiodide +protist +Protista +protistan +protistic +protistological +protistologist +protistology +protiston +Protium +protium +proto +protoactinium +protoalbumose +protoamphibian +protoanthropic +protoapostate +protoarchitect +Protoascales +Protoascomycetes +protobacco +Protobasidii +Protobasidiomycetes +protobasidiomycetous +protobasidium +protobishop +protoblast +protoblastic +protoblattoid +Protoblattoidea +Protobranchia +Protobranchiata +protobranchiate +protocalcium +protocanonical +Protocaris +protocaseose +protocatechualdehyde +protocatechuic +Protoceras +Protoceratidae +Protoceratops +protocercal +protocerebral +protocerebrum +protochemist +protochemistry +protochloride +protochlorophyll +Protochorda +Protochordata +protochordate +protochromium +protochronicler +protocitizen +protoclastic +protocneme +Protococcaceae +protococcaceous +protococcal +Protococcales +protococcoid +Protococcus +protocol +protocolar +protocolary +Protocoleoptera +protocoleopteran +protocoleopteron +protocoleopterous +protocolist +protocolization +protocolize +protoconch +protoconchal +protocone +protoconid +protoconule +protoconulid +protocopper +protocorm +protodeacon +protoderm +protodevil +Protodonata +protodonatan +protodonate +protodont +Protodonta +protodramatic +protodynastic +protoelastose +protoepiphyte +protoforaminifer +protoforester +protogaster +protogelatose +protogenal +protogenes +protogenesis +protogenetic +protogenic +protogenist +Protogeometric +protogine +protoglobulose +protogod +protogonous +protogospel +protograph +protogynous +protogyny +protohematoblast +Protohemiptera +protohemipteran +protohemipteron +protohemipterous +protoheresiarch +Protohippus +protohistorian +protohistoric +protohistory +protohomo +protohuman +Protohydra +protohydrogen +Protohymenoptera +protohymenopteran +protohymenopteron +protohymenopterous +protoiron +protoleration +protoleucocyte +protoleukocyte +protolithic +protoliturgic +protolog +protologist +protoloph +protoma +protomagister +protomagnate +protomagnesium +protomala +protomalal +protomalar +protomammal +protomammalian +protomanganese +protomartyr +Protomastigida +protome +protomeristem +protomerite +protomeritic +protometal +protometallic +protometaphrast +Protominobacter +Protomonadina +protomonostelic +protomorph +protomorphic +Protomycetales +protomyosinose +proton +protone +protonegroid +protonema +protonemal +protonematal +protonematoid +protoneme +Protonemertini +protonephridial +protonephridium +protonephros +protoneuron +protoneurone +protonic +protonickel +protonitrate +protonotater +protonym +protonymph +protonymphal +protopapas +protopappas +protoparent +protopathia +protopathic +protopathy +protopatriarchal +protopatrician +protopattern +protopectin +protopectinase +protopepsia +Protoperlaria +protoperlarian +protophilosophic +protophloem +protophyll +Protophyta +protophyte +protophytic +protopin +protopine +protoplasm +protoplasma +protoplasmal +protoplasmatic +protoplasmic +protoplast +protoplastic +protopod +protopodial +protopodite +protopoditic +protopoetic +protopope +protoporphyrin +protopragmatic +protopresbyter +protopresbytery +protoprism +protoproteose +protoprotestant +protopteran +Protopteridae +protopteridophyte +protopterous +Protopterus +protopyramid +protore +protorebel +protoreligious +protoreptilian +Protorohippus +protorosaur +Protorosauria +protorosaurian +Protorosauridae +protorosauroid +Protorosaurus +Protorthoptera +protorthopteran +protorthopteron +protorthopterous +protosalt +protosaurian +protoscientific +Protoselachii +protosilicate +protosilicon +protosinner +Protosiphon +Protosiphonaceae +protosiphonaceous +protosocial +protosolution +protospasm +Protosphargis +Protospondyli +protospore +Protostega +Protostegidae +protostele +protostelic +protostome +protostrontium +protosulphate +protosulphide +protosyntonose +prototaxites +prototheca +protothecal +prototheme +protothere +Prototheria +prototherian +prototitanium +Prototracheata +prototraitor +prototroch +prototrochal +prototrophic +prototypal +prototype +prototypic +prototypical +prototypically +prototypographer +prototyrant +protovanadium +protoveratrine +protovertebra +protovertebral +protovestiary +protovillain +protovum +protoxide +protoxylem +Protozoa +protozoacidal +protozoacide +protozoal +protozoan +protozoea +protozoean +protozoiasis +protozoic +protozoological +protozoologist +protozoology +protozoon +protozoonal +Protracheata +protracheate +protract +protracted +protractedly +protractedness +protracter +protractible +protractile +protractility +protraction +protractive +protractor +protrade +protradition +protraditional +protragedy +protragical +protragie +protransfer +protranslation +protransubstantiation +protravel +protreasurer +protreaty +Protremata +protreptic +protreptical +protriaene +protropical +protrudable +protrude +protrudent +protrusible +protrusile +protrusion +protrusive +protrusively +protrusiveness +protuberance +protuberancy +protuberant +protuberantial +protuberantly +protuberantness +protuberate +protuberosity +protuberous +Protura +proturan +protutor +protutory +protyl +protyle +Protylopus +protype +proudful +proudhearted +proudish +proudishly +proudling +proudly +proudness +prouniformity +prounion +prounionist +prouniversity +proustite +provability +provable +provableness +provably +provaccinist +provand +provant +provascular +prove +provect +provection +proved +proveditor +provedly +provedor +provedore +proven +provenance +Provencal +Provencalize +Provence +Provencial +provender +provenience +provenient +provenly +proventricular +proventricule +proventriculus +prover +proverb +proverbial +proverbialism +proverbialist +proverbialize +proverbially +proverbic +proverbiologist +proverbiology +proverbize +proverblike +provicar +provicariate +providable +providance +provide +provided +providence +provident +providential +providentialism +providentially +providently +providentness +provider +providing +providore +providoring +province +provincial +provincialate +provincialism +provincialist +provinciality +provincialization +provincialize +provincially +provincialship +provinciate +provinculum +provine +proving +provingly +provision +provisional +provisionality +provisionally +provisionalness +provisionary +provisioner +provisioneress +provisionless +provisionment +provisive +proviso +provisor +provisorily +provisorship +provisory +provitamin +provivisection +provivisectionist +provocant +provocation +provocational +provocative +provocatively +provocativeness +provocator +provocatory +provokable +provoke +provokee +provoker +provoking +provokingly +provokingness +provolunteering +provost +provostal +provostess +provostorial +provostry +provostship +prow +prowar +prowarden +prowaterpower +prowed +prowersite +prowess +prowessed +prowessful +prowl +prowler +prowling +prowlingly +proxenet +proxenete +proxenetism +proxenos +proxenus +proxeny +proxically +proximad +proximal +proximally +proximate +proximately +proximateness +proximation +proximity +proximo +proximobuccal +proximolabial +proximolingual +proxy +proxyship +proxysm +prozone +prozoning +prozygapophysis +prozymite +prude +prudelike +prudely +Prudence +prudence +prudent +prudential +prudentialism +prudentialist +prudentiality +prudentially +prudentialness +prudently +prudery +prudish +prudishly +prudishness +prudist +prudity +Prudy +Prue +pruh +pruinate +pruinescence +pruinose +pruinous +prulaurasin +prunable +prunableness +prunably +Prunaceae +prunase +prunasin +prune +prunell +Prunella +prunella +prunelle +Prunellidae +prunello +pruner +prunetin +prunetol +pruniferous +pruniform +pruning +prunitrin +prunt +prunted +Prunus +prurience +pruriency +prurient +pruriently +pruriginous +prurigo +pruriousness +pruritic +pruritus +prusiano +Prussian +Prussianism +Prussianization +Prussianize +Prussianizer +prussiate +prussic +Prussification +Prussify +prut +prutah +pry +pryer +prying +pryingly +pryingness +pryler +pryproof +pryse +prytaneum +prytanis +prytanize +prytany +psalis +psalm +psalmic +psalmist +psalmister +psalmistry +psalmless +psalmodial +psalmodic +psalmodical +psalmodist +psalmodize +psalmody +psalmograph +psalmographer +psalmography +psalmy +psaloid +psalter +psalterial +psalterian +psalterion +psalterist +psalterium +psaltery +psaltes +psaltress +psammite +psammitic +psammocarcinoma +psammocharid +Psammocharidae +psammogenous +psammolithic +psammologist +psammology +psammoma +psammophile +psammophilous +Psammophis +psammophyte +psammophytic +psammosarcoma +psammotherapy +psammous +Psaronius +pschent +Psedera +Pselaphidae +Pselaphus +psellism +psellismus +psephism +psephisma +psephite +psephitic +psephomancy +Psephurus +Psetta +pseudaconine +pseudaconitine +pseudacusis +pseudalveolar +pseudambulacral +pseudambulacrum +pseudamoeboid +pseudamphora +pseudandry +pseudangina +pseudankylosis +pseudaphia +pseudaposematic +pseudaposporous +pseudapospory +pseudapostle +pseudarachnidan +pseudarthrosis +pseudataxic +pseudatoll +pseudaxine +pseudaxis +Pseudechis +pseudelephant +pseudelminth +pseudelytron +pseudembryo +pseudembryonic +pseudencephalic +pseudencephalus +pseudepigraph +pseudepigrapha +pseudepigraphal +pseudepigraphic +pseudepigraphical +pseudepigraphous +pseudepigraphy +pseudepiploic +pseudepiploon +pseudepiscopacy +pseudepiscopy +pseudepisematic +pseudesthesia +pseudhalteres +pseudhemal +pseudimaginal +pseudimago +pseudisodomum +pseudo +pseudoacaccia +pseudoacademic +pseudoacademical +pseudoaccidental +pseudoacid +pseudoaconitine +pseudoacromegaly +pseudoadiabatic +pseudoaesthetic +pseudoaffectionate +pseudoalkaloid +pseudoalum +pseudoalveolar +pseudoamateurish +pseudoamatory +pseudoanaphylactic +pseudoanaphylaxis +pseudoanatomic +pseudoanatomical +pseudoancestral +pseudoanemia +pseudoanemic +pseudoangelic +pseudoangina +pseudoankylosis +pseudoanthorine +pseudoanthropoid +pseudoanthropological +pseudoanthropology +pseudoantique +pseudoapologetic +pseudoapoplectic +pseudoapoplexy +pseudoappendicitis +pseudoaquatic +pseudoarchaic +pseudoarchaism +pseudoarchaist +pseudoaristocratic +pseudoarthrosis +pseudoarticulation +pseudoartistic +pseudoascetic +pseudoastringent +pseudoasymmetrical +pseudoasymmetry +pseudoataxia +pseudobacterium +pseudobasidium +pseudobenevolent +pseudobenthonic +pseudobenthos +pseudobinary +pseudobiological +pseudoblepsia +pseudoblepsis +pseudobrachial +pseudobrachium +pseudobranch +pseudobranchia +pseudobranchial +pseudobranchiate +Pseudobranchus +pseudobrookite +pseudobrotherly +pseudobulb +pseudobulbar +pseudobulbil +pseudobulbous +pseudobutylene +pseudocandid +pseudocapitulum +pseudocarbamide +pseudocarcinoid +pseudocarp +pseudocarpous +pseudocartilaginous +pseudocele +pseudocelian +pseudocelic +pseudocellus +pseudocentric +pseudocentrous +pseudocentrum +Pseudoceratites +pseudoceratitic +pseudocercaria +pseudoceryl +pseudocharitable +pseudochemical +pseudochina +pseudochromesthesia +pseudochromia +pseudochromosome +pseudochronism +pseudochronologist +pseudochrysalis +pseudochrysolite +pseudochylous +pseudocirrhosis +pseudoclassic +pseudoclassical +pseudoclassicism +pseudoclerical +Pseudococcinae +Pseudococcus +pseudococtate +pseudocollegiate +pseudocolumella +pseudocolumellar +pseudocommissure +pseudocommisural +pseudocompetitive +pseudoconcha +pseudoconclude +pseudocone +pseudoconglomerate +pseudoconglomeration +pseudoconhydrine +pseudoconjugation +pseudoconservative +pseudocorneous +pseudocortex +pseudocosta +pseudocotyledon +pseudocotyledonal +pseudocritical +pseudocroup +pseudocrystalline +pseudocubic +pseudocultivated +pseudocultural +pseudocumene +pseudocumenyl +pseudocumidine +pseudocumyl +pseudocyclosis +pseudocyesis +pseudocyst +pseudodeltidium +pseudodementia +pseudodemocratic +pseudoderm +pseudodermic +pseudodiagnosis +pseudodiastolic +pseudodiphtheria +pseudodiphtheritic +pseudodipteral +pseudodipterally +pseudodipteros +pseudodont +pseudodox +pseudodoxal +pseudodoxy +pseudodramatic +pseudodysentery +pseudoedema +pseudoelectoral +pseudoembryo +pseudoembryonic +pseudoemotional +pseudoencephalitic +pseudoenthusiastic +pseudoephedrine +pseudoepiscopal +pseudoequalitarian +pseudoerotic +pseudoeroticism +pseudoerysipelas +pseudoerysipelatous +pseudoerythrin +pseudoethical +pseudoetymological +pseudoeugenics +pseudoevangelical +pseudofamous +pseudofarcy +pseudofeminine +pseudofever +pseudofeverish +pseudofilaria +pseudofilarian +pseudofinal +pseudofluctuation +pseudofluorescence +pseudofoliaceous +pseudoform +pseudofossil +pseudogalena +pseudoganglion +pseudogaseous +pseudogaster +pseudogastrula +pseudogeneral +pseudogeneric +pseudogenerous +pseudogenteel +pseudogenus +pseudogeometry +pseudogermanic +pseudogeusia +pseudogeustia +pseudoglanders +pseudoglioma +pseudoglobulin +pseudoglottis +pseudograph +pseudographeme +pseudographer +pseudographia +pseudographize +pseudography +pseudograsserie +Pseudogryphus +pseudogyne +pseudogynous +pseudogyny +pseudogyrate +pseudohallucination +pseudohallucinatory +pseudohalogen +pseudohemal +pseudohermaphrodite +pseudohermaphroditic +pseudohermaphroditism +pseudoheroic +pseudohexagonal +pseudohistoric +pseudohistorical +pseudoholoptic +pseudohuman +pseudohydrophobia +pseudohyoscyamine +pseudohypertrophic +pseudohypertrophy +pseudoidentical +pseudoimpartial +pseudoindependent +pseudoinfluenza +pseudoinsane +pseudoinsoluble +pseudoisatin +pseudoism +pseudoisomer +pseudoisomeric +pseudoisomerism +pseudoisotropy +pseudojervine +pseudolabial +pseudolabium +pseudolalia +Pseudolamellibranchia +Pseudolamellibranchiata +pseudolamellibranchiate +pseudolaminated +Pseudolarix +pseudolateral +pseudolatry +pseudolegal +pseudolegendary +pseudoleucite +pseudoleucocyte +pseudoleukemia +pseudoleukemic +pseudoliberal +pseudolichen +pseudolinguistic +pseudoliterary +pseudolobar +pseudological +pseudologically +pseudologist +pseudologue +pseudology +pseudolunule +pseudomalachite +pseudomalaria +pseudomancy +pseudomania +pseudomaniac +pseudomantic +pseudomantist +pseudomasculine +pseudomedical +pseudomedieval +pseudomelanosis +pseudomembrane +pseudomembranous +pseudomeningitis +pseudomenstruation +pseudomer +pseudomeric +pseudomerism +pseudomery +pseudometallic +pseudometameric +pseudometamerism +pseudomica +pseudomilitarist +pseudomilitaristic +pseudomilitary +pseudoministerial +pseudomiraculous +pseudomitotic +pseudomnesia +pseudomodern +pseudomodest +Pseudomonas +pseudomonastic +pseudomonoclinic +pseudomonocotyledonous +pseudomonocyclic +pseudomonotropy +pseudomoral +pseudomorph +pseudomorphia +pseudomorphic +pseudomorphine +pseudomorphism +pseudomorphose +pseudomorphosis +pseudomorphous +pseudomorula +pseudomorular +pseudomucin +pseudomucoid +pseudomultilocular +pseudomultiseptate +pseudomythical +pseudonarcotic +pseudonational +pseudonavicella +pseudonavicellar +pseudonavicula +pseudonavicular +pseudoneuropter +Pseudoneuroptera +pseudoneuropteran +pseudoneuropterous +pseudonitrole +pseudonitrosite +pseudonuclein +pseudonucleolus +pseudonychium +pseudonym +pseudonymal +pseudonymic +pseudonymity +pseudonymous +pseudonymously +pseudonymousness +pseudonymuncle +pseudonymuncule +pseudopapaverine +pseudoparalysis +pseudoparalytic +pseudoparaplegia +pseudoparasitic +pseudoparasitism +pseudoparenchyma +pseudoparenchymatous +pseudoparenchyme +pseudoparesis +pseudoparthenogenesis +pseudopatriotic +pseudopediform +pseudopelletierine +pseudopercular +pseudoperculate +pseudoperculum +pseudoperianth +pseudoperidium +pseudoperiodic +pseudoperipteral +pseudopermanent +pseudoperoxide +pseudoperspective +Pseudopeziza +pseudophallic +pseudophellandrene +pseudophenanthrene +pseudophenanthroline +pseudophenocryst +pseudophilanthropic +pseudophilosophical +Pseudophoenix +pseudopionnotes +pseudopious +pseudoplasm +pseudoplasma +pseudoplasmodium +pseudopneumonia +pseudopod +pseudopodal +pseudopodia +pseudopodial +pseudopodian +pseudopodiospore +pseudopodium +pseudopoetic +pseudopoetical +pseudopolitic +pseudopolitical +pseudopopular +pseudopore +pseudoporphyritic +pseudopregnancy +pseudopregnant +pseudopriestly +pseudoprimitive +pseudoprimitivism +pseudoprincely +pseudoproboscis +pseudoprofessional +pseudoprofessorial +pseudoprophetic +pseudoprophetical +pseudoprosperous +pseudopsia +pseudopsychological +pseudoptics +pseudoptosis +pseudopupa +pseudopupal +pseudopurpurin +pseudopyriform +pseudoquinol +pseudorabies +pseudoracemic +pseudoracemism +pseudoramose +pseudoramulus +pseudorealistic +pseudoreduction +pseudoreformed +pseudoregal +pseudoreligious +pseudoreminiscence +pseudorganic +pseudorheumatic +pseudorhombohedral +pseudoromantic +pseudorunic +pseudosacred +pseudosacrilegious +pseudosalt +pseudosatirical +pseudoscarlatina +Pseudoscarus +pseudoscholarly +pseudoscholastic +pseudoscientific +Pseudoscines +pseudoscinine +pseudosclerosis +pseudoscope +pseudoscopic +pseudoscopically +pseudoscopy +pseudoscorpion +Pseudoscorpiones +Pseudoscorpionida +pseudoscutum +pseudosematic +pseudosensational +pseudoseptate +pseudoservile +pseudosessile +pseudosiphonal +pseudosiphuncal +pseudoskeletal +pseudoskeleton +pseudoskink +pseudosmia +pseudosocial +pseudosocialistic +pseudosolution +pseudosoph +pseudosopher +pseudosophical +pseudosophist +pseudosophy +pseudospectral +pseudosperm +pseudospermic +pseudospermium +pseudospermous +pseudosphere +pseudospherical +pseudospiracle +pseudospiritual +pseudosporangium +pseudospore +pseudosquamate +pseudostalactite +pseudostalactitical +pseudostalagmite +pseudostalagmitical +pseudostereoscope +pseudostereoscopic +pseudostereoscopism +pseudostigma +pseudostigmatic +pseudostoma +pseudostomatous +pseudostomous +pseudostratum +pseudosubtle +Pseudosuchia +pseudosuchian +pseudosweating +pseudosyllogism +pseudosymmetric +pseudosymmetrical +pseudosymmetry +pseudosymptomatic +pseudosyphilis +pseudosyphilitic +pseudotabes +pseudotachylite +pseudotetanus +pseudotetragonal +Pseudotetramera +pseudotetrameral +pseudotetramerous +pseudotrachea +pseudotracheal +pseudotribal +pseudotributary +Pseudotrimera +pseudotrimeral +pseudotrimerous +pseudotropine +Pseudotsuga +pseudotubercular +pseudotuberculosis +pseudotuberculous +pseudoturbinal +pseudotyphoid +pseudoval +pseudovarian +pseudovary +pseudovelar +pseudovelum +pseudoventricle +pseudoviaduct +pseudoviperine +pseudoviscosity +pseudoviscous +pseudovolcanic +pseudovolcano +pseudovum +pseudowhorl +pseudoxanthine +pseudoyohimbine +pseudozealot +pseudozoea +pseudozoogloeal +psha +Pshav +pshaw +psi +Psidium +psilanthropic +psilanthropism +psilanthropist +psilanthropy +psiloceran +Psiloceras +psiloceratan +psiloceratid +Psiloceratidae +psiloi +psilology +psilomelane +psilomelanic +Psilophytales +psilophyte +Psilophyton +psilosis +psilosopher +psilosophy +Psilotaceae +psilotaceous +psilothrum +psilotic +Psilotum +psithurism +Psithyrus +psittaceous +psittaceously +Psittaci +Psittacidae +Psittaciformes +Psittacinae +psittacine +psittacinite +psittacism +psittacistic +Psittacomorphae +psittacomorphic +psittacosis +Psittacus +psoadic +psoas +psoatic +psocid +Psocidae +psocine +psoitis +psomophagic +psomophagist +psomophagy +psora +Psoralea +psoriasic +psoriasiform +psoriasis +psoriatic +psoriatiform +psoric +psoroid +Psorophora +psorophthalmia +psorophthalmic +Psoroptes +psoroptic +psorosis +psorosperm +psorospermial +psorospermiasis +psorospermic +psorospermiform +psorospermosis +psorous +pssimistical +pst +psych +psychagogic +psychagogos +psychagogue +psychagogy +psychal +psychalgia +psychanalysis +psychanalysist +psychanalytic +psychasthenia +psychasthenic +Psyche +psyche +Psychean +psycheometry +psychesthesia +psychesthetic +psychiasis +psychiater +psychiatria +psychiatric +psychiatrical +psychiatrically +psychiatrist +psychiatrize +psychiatry +psychic +psychical +psychically +Psychichthys +psychicism +psychicist +psychics +psychid +Psychidae +psychism +psychist +psychoanalysis +psychoanalyst +psychoanalytic +psychoanalytical +psychoanalytically +psychoanalyze +psychoanalyzer +psychoautomatic +psychobiochemistry +psychobiologic +psychobiological +psychobiology +psychobiotic +psychocatharsis +psychoclinic +psychoclinical +psychoclinicist +Psychoda +psychodiagnostics +Psychodidae +psychodispositional +psychodrama +psychodynamic +psychodynamics +psychoeducational +psychoepilepsy +psychoethical +psychofugal +psychogalvanic +psychogalvanometer +psychogenesis +psychogenetic +psychogenetical +psychogenetically +psychogenetics +psychogenic +psychogeny +psychognosis +psychognostic +psychognosy +psychogonic +psychogonical +psychogony +psychogram +psychograph +psychographer +psychographic +psychographist +psychography +psychoid +psychokinesia +psychokinesis +psychokinetic +psychokyme +psycholepsy +psycholeptic +psychologer +psychologian +psychologic +psychological +psychologically +psychologics +psychologism +psychologist +psychologize +psychologue +psychology +psychomachy +psychomancy +psychomantic +psychometer +psychometric +psychometrical +psychometrically +psychometrician +psychometrics +psychometrist +psychometrize +psychometry +psychomonism +psychomoral +psychomorphic +psychomorphism +psychomotility +psychomotor +psychon +psychoneural +psychoneurological +psychoneurosis +psychoneurotic +psychonomic +psychonomics +psychonomy +psychony +psychoorganic +psychopannychian +psychopannychism +psychopannychist +psychopannychistic +psychopannychy +psychopanychite +psychopath +psychopathia +psychopathic +psychopathist +psychopathologic +psychopathological +psychopathologist +psychopathy +psychopetal +psychophobia +psychophysic +psychophysical +psychophysically +psychophysicist +psychophysics +psychophysiologic +psychophysiological +psychophysiologically +psychophysiologist +psychophysiology +psychoplasm +psychopomp +psychopompos +psychorealism +psychorealist +psychorealistic +psychoreflex +psychorhythm +psychorhythmia +psychorhythmic +psychorhythmical +psychorhythmically +psychorrhagic +psychorrhagy +psychosarcous +psychosensorial +psychosensory +psychoses +psychosexual +psychosexuality +psychosexually +psychosis +psychosocial +psychosomatic +psychosomatics +psychosome +psychosophy +psychostasy +psychostatic +psychostatical +psychostatically +psychostatics +psychosurgeon +psychosurgery +psychosynthesis +psychosynthetic +psychotaxis +psychotechnical +psychotechnician +psychotechnics +psychotechnological +psychotechnology +psychotheism +psychotherapeutic +psychotherapeutical +psychotherapeutics +psychotherapeutist +psychotherapist +psychotherapy +psychotic +Psychotria +psychotrine +psychovital +Psychozoic +psychroesthesia +psychrograph +psychrometer +psychrometric +psychrometrical +psychrometry +psychrophile +psychrophilic +psychrophobia +psychrophore +psychrophyte +psychurgy +psykter +Psylla +psylla +psyllid +Psyllidae +psyllium +ptarmic +Ptarmica +ptarmical +ptarmigan +Ptelea +Ptenoglossa +ptenoglossate +Pteranodon +pteranodont +Pteranodontidae +pteraspid +Pteraspidae +Pteraspis +ptereal +pterergate +Pterian +pteric +Pterichthyodes +Pterichthys +pterideous +pteridium +pteridography +pteridoid +pteridological +pteridologist +pteridology +pteridophilism +pteridophilist +pteridophilistic +Pteridophyta +pteridophyte +pteridophytic +pteridophytous +pteridosperm +Pteridospermae +Pteridospermaphyta +pteridospermaphytic +pteridospermous +pterion +Pteris +Pterobranchia +pterobranchiate +pterocarpous +Pterocarpus +Pterocarya +Pterocaulon +Pterocera +Pteroceras +Pterocles +Pterocletes +Pteroclidae +Pteroclomorphae +pteroclomorphic +pterodactyl +Pterodactyli +pterodactylian +pterodactylic +pterodactylid +Pterodactylidae +pterodactyloid +pterodactylous +Pterodactylus +pterographer +pterographic +pterographical +pterography +pteroid +pteroma +pteromalid +Pteromalidae +Pteromys +pteropaedes +pteropaedic +pteropegal +pteropegous +pteropegum +pterophorid +Pterophoridae +Pterophorus +Pterophryne +pteropid +Pteropidae +pteropine +pteropod +Pteropoda +pteropodal +pteropodan +pteropodial +Pteropodidae +pteropodium +pteropodous +Pteropsida +Pteropus +pterosaur +Pterosauri +Pterosauria +pterosaurian +pterospermous +Pterospora +Pterostemon +Pterostemonaceae +pterostigma +pterostigmal +pterostigmatic +pterostigmatical +pterotheca +pterothorax +pterotic +pteroylglutamic +pterygial +pterygiophore +pterygium +pterygobranchiate +pterygode +pterygodum +Pterygogenea +pterygoid +pterygoidal +pterygoidean +pterygomalar +pterygomandibular +pterygomaxillary +pterygopalatal +pterygopalatine +pterygopharyngeal +pterygopharyngean +pterygophore +pterygopodium +pterygoquadrate +pterygosphenoid +pterygospinous +pterygostaphyline +Pterygota +pterygote +pterygotous +pterygotrabecular +Pterygotus +pteryla +pterylographic +pterylographical +pterylography +pterylological +pterylology +pterylosis +Ptilichthyidae +Ptiliidae +Ptilimnium +ptilinal +ptilinum +Ptilocercus +Ptilonorhynchidae +Ptilonorhynchinae +ptilopaedes +ptilopaedic +ptilosis +Ptilota +ptinid +Ptinidae +ptinoid +Ptinus +ptisan +ptochocracy +ptochogony +ptochology +Ptolemaean +Ptolemaian +Ptolemaic +Ptolemaical +Ptolemaism +Ptolemaist +Ptolemean +Ptolemy +ptomain +ptomaine +ptomainic +ptomatropine +ptosis +ptotic +ptyalagogic +ptyalagogue +ptyalectasis +ptyalin +ptyalism +ptyalize +ptyalocele +ptyalogenic +ptyalolith +ptyalolithiasis +ptyalorrhea +Ptychoparia +ptychoparid +ptychopariid +ptychopterygial +ptychopterygium +Ptychosperma +ptysmagogue +ptyxis +pu +pua +puan +pub +pubal +pubble +puberal +pubertal +pubertic +puberty +puberulent +puberulous +pubes +pubescence +pubescency +pubescent +pubian +pubic +pubigerous +pubiotomy +pubis +public +Publican +publican +publicanism +publication +publichearted +publicheartedness +publicism +publicist +publicity +publicize +publicly +publicness +Publilian +publish +publishable +publisher +publisheress +publishership +publishment +pubococcygeal +pubofemoral +puboiliac +puboischiac +puboischial +puboischiatic +puboprostatic +puborectalis +pubotibial +pubourethral +pubovesical +Puccinia +Pucciniaceae +pucciniaceous +puccinoid +puccoon +puce +pucelage +pucellas +pucelle +Puchanahua +pucherite +puchero +puck +pucka +puckball +pucker +puckerbush +puckerel +puckerer +puckermouth +puckery +puckfist +puckish +puckishly +puckishness +puckle +pucklike +puckling +puckneedle +puckrel +puckster +pud +puddee +puddening +pudder +pudding +puddingberry +puddinghead +puddingheaded +puddinghouse +puddinglike +puddingwife +puddingy +puddle +puddled +puddlelike +puddler +puddling +puddly +puddock +puddy +pudency +pudenda +pudendal +pudendous +pudendum +pudent +pudge +pudgily +pudginess +pudgy +pudiano +pudibund +pudibundity +pudic +pudical +pudicitia +pudicity +pudsey +pudsy +Pudu +pudu +pueblito +Pueblo +pueblo +Puebloan +puebloization +puebloize +Puelche +Puelchean +Pueraria +puerer +puericulture +puerile +puerilely +puerileness +puerilism +puerility +puerman +puerpera +puerperal +puerperalism +puerperant +puerperium +puerperous +puerpery +puff +puffback +puffball +puffbird +puffed +puffer +puffery +puffily +puffin +puffiness +puffinet +puffing +puffingly +Puffinus +pufflet +puffwig +puffy +pug +pugged +pugger +puggi +pugginess +pugging +puggish +puggle +puggree +puggy +pugh +pugil +pugilant +pugilism +pugilist +pugilistic +pugilistical +pugilistically +puglianite +pugman +pugmill +pugmiller +pugnacious +pugnaciously +pugnaciousness +pugnacity +Puinavi +Puinavian +Puinavis +puisne +puissance +puissant +puissantly +puissantness +puist +puistie +puja +Pujunan +puka +pukatea +pukateine +puke +pukeko +puker +pukeweed +Pukhtun +pukish +pukishness +pukras +puku +puky +pul +pulahan +pulahanism +pulasan +pulaskite +Pulaya +Pulayan +pulchrify +pulchritude +pulchritudinous +pule +pulegol +pulegone +puler +Pulex +pulghere +puli +Pulian +pulicarious +pulicat +pulicene +pulicid +Pulicidae +pulicidal +pulicide +pulicine +pulicoid +pulicose +pulicosity +pulicous +puling +pulingly +pulish +pulk +pulka +pull +pullable +pullback +pullboat +pulldevil +pulldoo +pulldown +pulldrive +pullen +puller +pullery +pullet +pulley +pulleyless +pulli +Pullman +Pullmanize +pullorum +pullulant +pullulate +pullulation +pullus +pulmobranchia +pulmobranchial +pulmobranchiate +pulmocardiac +pulmocutaneous +pulmogastric +pulmometer +pulmometry +pulmonal +pulmonar +Pulmonaria +pulmonarian +pulmonary +Pulmonata +pulmonate +pulmonated +pulmonectomy +pulmonic +pulmonifer +Pulmonifera +pulmoniferous +pulmonitis +Pulmotor +pulmotracheal +Pulmotrachearia +pulmotracheary +pulmotracheate +pulp +pulpaceous +pulpal +pulpalgia +pulpamenta +pulpboard +pulpectomy +pulpefaction +pulper +pulpifier +pulpify +pulpily +pulpiness +pulpit +pulpital +pulpitarian +pulpiteer +pulpiter +pulpitful +pulpitic +pulpitical +pulpitically +pulpitis +pulpitish +pulpitism +pulpitize +pulpitless +pulpitly +pulpitolatry +pulpitry +pulpless +pulplike +pulpotomy +pulpous +pulpousness +pulpstone +pulpwood +pulpy +pulque +pulsant +pulsatance +pulsate +pulsatile +pulsatility +Pulsatilla +pulsation +pulsational +pulsative +pulsatively +pulsator +pulsatory +pulse +pulseless +pulselessly +pulselessness +pulselike +pulsellum +pulsidge +pulsific +pulsimeter +pulsion +pulsive +pulsojet +pulsometer +pultaceous +pulton +pulu +pulveraceous +pulverant +pulverate +pulveration +pulvereous +pulverin +pulverizable +pulverizate +pulverization +pulverizator +pulverize +pulverizer +pulverous +pulverulence +pulverulent +pulverulently +pulvic +pulvil +pulvillar +pulvilliform +pulvillus +pulvinar +Pulvinaria +pulvinarian +pulvinate +pulvinated +pulvinately +pulvination +pulvinic +pulviniform +pulvino +pulvinule +pulvinulus +pulvinus +pulviplume +pulwar +puly +puma +Pume +pumicate +pumice +pumiced +pumiceous +pumicer +pumiciform +pumicose +pummel +pummice +pump +pumpable +pumpage +pumpellyite +pumper +pumpernickel +pumpkin +pumpkinification +pumpkinify +pumpkinish +pumpkinity +pumple +pumpless +pumplike +pumpman +pumpsman +pumpwright +pun +puna +punaise +punalua +punaluan +Punan +punatoo +punch +punchable +punchboard +puncheon +puncher +punchinello +punching +punchless +punchlike +punchproof +punchy +punct +punctal +punctate +punctated +punctation +punctator +puncticular +puncticulate +puncticulose +punctiform +punctiliar +punctilio +punctiliomonger +punctiliosity +punctilious +punctiliously +punctiliousness +punctist +punctographic +punctual +punctualist +punctuality +punctually +punctualness +punctuate +punctuation +punctuational +punctuationist +punctuative +punctuator +punctuist +punctulate +punctulated +punctulation +punctule +punctulum +punctum +puncturation +puncture +punctured +punctureless +punctureproof +puncturer +pundigrion +pundit +pundita +punditic +punditically +punditry +pundonor +pundum +puneca +pung +punga +pungapung +pungar +pungence +pungency +pungent +pungently +punger +pungey +pungi +pungle +pungled +Punic +Punica +Punicaceae +punicaceous +puniceous +punicial +punicin +punicine +punily +puniness +punish +punishability +punishable +punishableness +punishably +punisher +punishment +punishmentproof +punition +punitional +punitionally +punitive +punitively +punitiveness +punitory +Punjabi +punjum +punk +punkah +punketto +punkie +punkwood +punky +punless +punlet +punnable +punnage +punner +punnet +punnic +punnical +punnigram +punningly +punnology +Puno +punproof +punster +punstress +punt +punta +puntabout +puntal +puntel +punter +punti +puntil +puntist +Puntlatsh +punto +puntout +puntsman +punty +puny +punyish +punyism +pup +pupa +pupahood +pupal +puparial +puparium +pupate +pupation +pupelo +Pupidae +pupiferous +pupiform +pupigenous +pupigerous +pupil +pupilability +pupilage +pupilar +pupilate +pupildom +pupiled +pupilize +pupillarity +pupillary +pupilless +Pupillidae +pupillometer +pupillometry +pupilloscope +pupilloscoptic +pupilloscopy +Pupipara +pupiparous +Pupivora +pupivore +pupivorous +pupoid +puppet +puppetdom +puppeteer +puppethood +puppetish +puppetism +puppetize +puppetlike +puppetly +puppetman +puppetmaster +puppetry +puppify +puppily +Puppis +puppy +puppydom +puppyfish +puppyfoot +puppyhood +puppyish +puppyism +puppylike +puppysnatch +pupulo +Pupuluca +pupunha +Puquina +Puquinan +pur +purana +puranic +puraque +Purasati +Purbeck +Purbeckian +purblind +purblindly +purblindness +purchasability +purchasable +purchase +purchaser +purchasery +purdah +purdy +pure +pureblood +purebred +pured +puree +purehearted +purely +pureness +purer +purfle +purfled +purfler +purfling +purfly +purga +purgation +purgative +purgatively +purgatorial +purgatorian +purgatory +purge +purgeable +purger +purgery +purging +purificant +purification +purificative +purificator +purificatory +purifier +puriform +purify +purine +puriri +purism +purist +puristic +puristical +Puritan +puritandom +Puritaness +puritanic +puritanical +puritanically +puritanicalness +Puritanism +puritanism +Puritanize +Puritanizer +puritanlike +Puritanly +puritano +purity +Purkinje +Purkinjean +purl +purler +purlhouse +purlicue +purlieu +purlieuman +purlin +purlman +purloin +purloiner +purohepatitis +purolymph +puromucous +purpart +purparty +purple +purplelip +purplely +purpleness +purplescent +purplewood +purplewort +purplish +purplishness +purply +purport +purportless +purpose +purposedly +purposeful +purposefully +purposefulness +purposeless +purposelessly +purposelessness +purposelike +purposely +purposer +purposive +purposively +purposiveness +purposivism +purposivist +purposivistic +purpresture +purpura +purpuraceous +purpurate +purpure +purpureal +purpurean +purpureous +purpurescent +purpuric +purpuriferous +purpuriform +purpurigenous +purpurin +purpurine +purpuriparous +purpurite +purpurize +purpurogallin +purpurogenous +purpuroid +purpuroxanthin +purr +purre +purree +purreic +purrel +purrer +purring +purringly +purrone +purry +purse +pursed +purseful +purseless +purselike +purser +pursership +Purshia +pursily +pursiness +purslane +purslet +pursley +pursuable +pursual +pursuance +pursuant +pursuantly +pursue +pursuer +pursuit +pursuitmeter +pursuivant +pursy +purtenance +Puru +Puruha +purulence +purulency +purulent +purulently +puruloid +Purupuru +purusha +purushartha +purvey +purveyable +purveyal +purveyance +purveyancer +purveyor +purveyoress +purview +purvoe +purwannah +pus +Puschkinia +Puseyism +Puseyistical +Puseyite +push +pushball +pushcart +pusher +pushful +pushfully +pushfulness +pushing +pushingly +pushingness +pushmobile +pushover +pushpin +Pushtu +pushwainling +pusillanimity +pusillanimous +pusillanimously +pusillanimousness +puss +pusscat +pussley +pusslike +pussy +pussycat +pussyfoot +pussyfooted +pussyfooter +pussyfooting +pussyfootism +pussytoe +pustulant +pustular +pustulate +pustulated +pustulation +pustulatous +pustule +pustuled +pustulelike +pustuliform +pustulose +pustulous +put +putage +putamen +putaminous +putanism +putation +putationary +putative +putatively +putback +putchen +putcher +puteal +putelee +puther +puthery +putid +putidly +putidness +putlog +putois +Putorius +putredinal +putredinous +putrefacient +putrefactible +putrefaction +putrefactive +putrefactiveness +putrefiable +putrefier +putrefy +putresce +putrescence +putrescency +putrescent +putrescibility +putrescible +putrescine +putricide +putrid +putridity +putridly +putridness +putrifacted +putriform +putrilage +putrilaginous +putrilaginously +putschism +putschist +putt +puttee +putter +putterer +putteringly +puttier +puttock +putty +puttyblower +puttyhead +puttyhearted +puttylike +puttyroot +puttywork +puture +puxy +Puya +Puyallup +puzzle +puzzleation +puzzled +puzzledly +puzzledness +puzzledom +puzzlehead +puzzleheaded +puzzleheadedly +puzzleheadedness +puzzleman +puzzlement +puzzlepate +puzzlepated +puzzlepatedness +puzzler +puzzling +puzzlingly +puzzlingness +pya +pyal +pyarthrosis +pyche +Pycnanthemum +pycnia +pycnial +pycnid +pycnidia +pycnidial +pycnidiophore +pycnidiospore +pycnidium +pycniospore +pycnite +pycnium +Pycnocoma +pycnoconidium +pycnodont +Pycnodonti +Pycnodontidae +pycnodontoid +Pycnodus +pycnogonid +Pycnogonida +pycnogonidium +pycnogonoid +pycnometer +pycnometochia +pycnometochic +pycnomorphic +pycnomorphous +Pycnonotidae +Pycnonotinae +pycnonotine +Pycnonotus +pycnosis +pycnospore +pycnosporic +pycnostyle +pycnotic +pyelectasis +pyelic +pyelitic +pyelitis +pyelocystitis +pyelogram +pyelograph +pyelographic +pyelography +pyelolithotomy +pyelometry +pyelonephritic +pyelonephritis +pyelonephrosis +pyeloplasty +pyeloscopy +pyelotomy +pyeloureterogram +pyemesis +pyemia +pyemic +pygal +pygalgia +pygarg +pygargus +pygidial +pygidid +Pygididae +Pygidium +pygidium +pygmaean +Pygmalion +pygmoid +Pygmy +pygmy +pygmydom +pygmyhood +pygmyish +pygmyism +pygmyship +pygmyweed +Pygobranchia +Pygobranchiata +pygobranchiate +pygofer +pygopagus +pygopod +Pygopodes +Pygopodidae +pygopodine +pygopodous +Pygopus +pygostyle +pygostyled +pygostylous +pyic +pyin +pyjama +pyjamaed +pyke +pyknatom +pyknic +pyknotic +pyla +Pylades +pylagore +pylangial +pylangium +pylar +pylephlebitic +pylephlebitis +pylethrombophlebitis +pylethrombosis +pylic +pylon +pyloralgia +pylorectomy +pyloric +pyloristenosis +pyloritis +pylorocleisis +pylorodilator +pylorogastrectomy +pyloroplasty +pyloroptosis +pyloroschesis +pyloroscirrhus +pyloroscopy +pylorospasm +pylorostenosis +pylorostomy +pylorus +pyobacillosis +pyocele +pyoctanin +pyocyanase +pyocyanin +pyocyst +pyocyte +pyodermatitis +pyodermatosis +pyodermia +pyodermic +pyogenesis +pyogenetic +pyogenic +pyogenin +pyogenous +pyohemothorax +pyoid +pyolabyrinthitis +pyolymph +pyometra +pyometritis +pyonephritis +pyonephrosis +pyonephrotic +pyopericarditis +pyopericardium +pyoperitoneum +pyoperitonitis +pyophagia +pyophthalmia +pyophylactic +pyoplania +pyopneumocholecystitis +pyopneumocyst +pyopneumopericardium +pyopneumoperitoneum +pyopneumoperitonitis +pyopneumothorax +pyopoiesis +pyopoietic +pyoptysis +pyorrhea +pyorrheal +pyorrheic +pyosalpingitis +pyosalpinx +pyosepticemia +pyosepticemic +pyosis +pyospermia +pyotherapy +pyothorax +pyotoxinemia +pyoureter +pyovesiculosis +pyoxanthose +pyr +pyracanth +Pyracantha +Pyraceae +pyracene +pyral +Pyrales +pyralid +Pyralidae +pyralidan +pyralidid +Pyralididae +pyralidiform +Pyralidoidea +pyralis +pyraloid +Pyrameis +pyramid +pyramidaire +pyramidal +pyramidale +pyramidalis +Pyramidalism +Pyramidalist +pyramidally +pyramidate +Pyramidella +pyramidellid +Pyramidellidae +pyramider +pyramides +pyramidia +pyramidic +pyramidical +pyramidically +pyramidicalness +pyramidion +Pyramidist +pyramidize +pyramidlike +pyramidoattenuate +pyramidoidal +pyramidologist +pyramidoprismatic +pyramidwise +pyramoidal +pyran +pyranometer +pyranyl +pyrargyrite +Pyrausta +Pyraustinae +pyrazine +pyrazole +pyrazoline +pyrazolone +pyrazolyl +pyre +pyrectic +pyrena +pyrene +Pyrenean +pyrenematous +pyrenic +pyrenin +pyrenocarp +pyrenocarpic +pyrenocarpous +Pyrenochaeta +pyrenodean +pyrenodeine +pyrenodeous +pyrenoid +pyrenolichen +Pyrenomycetales +pyrenomycete +Pyrenomycetes +Pyrenomycetineae +pyrenomycetous +Pyrenopeziza +pyrethrin +Pyrethrum +pyrethrum +pyretic +pyreticosis +pyretogenesis +pyretogenetic +pyretogenic +pyretogenous +pyretography +pyretology +pyretolysis +pyretotherapy +pyrewinkes +Pyrex +pyrex +pyrexia +pyrexial +pyrexic +pyrexical +pyrgeometer +pyrgocephalic +pyrgocephaly +pyrgoidal +pyrgologist +pyrgom +pyrheliometer +pyrheliometric +pyrheliometry +pyrheliophor +pyribole +pyridazine +pyridic +pyridine +pyridinium +pyridinize +pyridone +pyridoxine +pyridyl +pyriform +pyriformis +pyrimidine +pyrimidyl +pyritaceous +pyrite +pyrites +pyritic +pyritical +pyritiferous +pyritization +pyritize +pyritohedral +pyritohedron +pyritoid +pyritology +pyritous +pyro +pyroacetic +pyroacid +pyroantimonate +pyroantimonic +pyroarsenate +pyroarsenic +pyroarsenious +pyroarsenite +pyrobelonite +pyrobituminous +pyroborate +pyroboric +pyrocatechin +pyrocatechinol +pyrocatechol +pyrocatechuic +pyrocellulose +pyrochemical +pyrochemically +pyrochlore +pyrochromate +pyrochromic +pyrocinchonic +pyrocitric +pyroclastic +pyrocoll +pyrocollodion +pyrocomenic +pyrocondensation +pyroconductivity +pyrocotton +pyrocrystalline +Pyrocystis +Pyrodine +pyroelectric +pyroelectricity +pyrogallate +pyrogallic +pyrogallol +pyrogen +pyrogenation +pyrogenesia +pyrogenesis +pyrogenetic +pyrogenetically +pyrogenic +pyrogenous +pyroglutamic +pyrognomic +pyrognostic +pyrognostics +pyrograph +pyrographer +pyrographic +pyrography +pyrogravure +pyroguaiacin +pyroheliometer +pyroid +Pyrola +Pyrolaceae +pyrolaceous +pyrolater +pyrolatry +pyroligneous +pyrolignic +pyrolignite +pyrolignous +pyrolite +pyrollogical +pyrologist +pyrology +pyrolusite +pyrolysis +pyrolytic +pyrolyze +pyromachy +pyromagnetic +pyromancer +pyromancy +pyromania +pyromaniac +pyromaniacal +pyromantic +pyromeconic +pyromellitic +pyrometallurgy +pyrometamorphic +pyrometamorphism +pyrometer +pyrometric +pyrometrical +pyrometrically +pyrometry +Pyromorphidae +pyromorphism +pyromorphite +pyromorphous +pyromotor +pyromucate +pyromucic +pyromucyl +pyronaphtha +pyrone +Pyronema +pyronine +pyronomics +pyronyxis +pyrope +pyropen +pyrophanite +pyrophanous +pyrophile +pyrophilous +pyrophobia +pyrophone +pyrophoric +pyrophorous +pyrophorus +pyrophosphate +pyrophosphoric +pyrophosphorous +pyrophotograph +pyrophotography +pyrophotometer +pyrophyllite +pyrophysalite +pyropuncture +pyropus +pyroracemate +pyroracemic +pyroscope +pyroscopy +pyrosis +pyrosmalite +Pyrosoma +Pyrosomatidae +pyrosome +Pyrosomidae +pyrosomoid +pyrosphere +pyrostat +pyrostereotype +pyrostilpnite +pyrosulphate +pyrosulphite +pyrosulphuric +pyrosulphuryl +pyrotantalate +pyrotartaric +pyrotartrate +pyrotechnian +pyrotechnic +pyrotechnical +pyrotechnically +pyrotechnician +pyrotechnics +pyrotechnist +pyrotechny +pyroterebic +pyrotheology +Pyrotheria +Pyrotherium +pyrotic +pyrotoxin +pyrotritaric +pyrotritartric +pyrouric +pyrovanadate +pyrovanadic +pyroxanthin +pyroxene +pyroxenic +pyroxenite +pyroxmangite +pyroxonium +pyroxyle +pyroxylene +pyroxylic +pyroxylin +Pyrrhic +pyrrhic +pyrrhichian +pyrrhichius +pyrrhicist +Pyrrhocoridae +Pyrrhonean +Pyrrhonian +Pyrrhonic +Pyrrhonism +Pyrrhonist +Pyrrhonistic +Pyrrhonize +pyrrhotine +pyrrhotism +pyrrhotist +pyrrhotite +pyrrhous +Pyrrhuloxia +Pyrrhus +pyrrodiazole +pyrrol +pyrrole +pyrrolic +pyrrolidine +pyrrolidone +pyrrolidyl +pyrroline +pyrrolylene +pyrrophyllin +pyrroporphyrin +pyrrotriazole +pyrroyl +pyrryl +pyrrylene +Pyrula +Pyrularia +pyruline +pyruloid +Pyrus +pyruvaldehyde +pyruvate +pyruvic +pyruvil +pyruvyl +pyrylium +Pythagorean +Pythagoreanism +Pythagoreanize +Pythagoreanly +Pythagoric +Pythagorical +Pythagorically +Pythagorism +Pythagorist +Pythagorize +Pythagorizer +Pythia +Pythiaceae +Pythiacystis +Pythiad +Pythiambic +Pythian +Pythic +Pythios +Pythium +Pythius +pythogenesis +pythogenetic +pythogenic +pythogenous +python +pythoness +pythonic +pythonical +pythonid +Pythonidae +pythoniform +Pythoninae +pythonine +pythonism +Pythonissa +pythonist +pythonize +pythonoid +pythonomorph +Pythonomorpha +pythonomorphic +pythonomorphous +pyuria +pyvuril +pyx +Pyxidanthera +pyxidate +pyxides +pyxidium +pyxie +Pyxis +pyxis +Q +q +qasida +qere +qeri +qintar +Qoheleth +qoph +qua +quab +quabird +quachil +quack +quackery +quackhood +quackish +quackishly +quackishness +quackism +quackle +quacksalver +quackster +quacky +quad +quadded +quaddle +Quader +Quadi +quadmeter +quadra +quadrable +quadragenarian +quadragenarious +Quadragesima +quadragesimal +quadragintesimal +quadral +quadrangle +quadrangled +quadrangular +quadrangularly +quadrangularness +quadrangulate +quadrans +quadrant +quadrantal +quadrantes +Quadrantid +quadrantile +quadrantlike +quadrantly +quadrat +quadrate +quadrated +quadrateness +quadratic +quadratical +quadratically +quadratics +Quadratifera +quadratiferous +quadratojugal +quadratomandibular +quadratosquamosal +quadratrix +quadratum +quadrature +quadratus +quadrauricular +quadrennia +quadrennial +quadrennially +quadrennium +quadriad +quadrialate +quadriannulate +quadriarticulate +quadriarticulated +quadribasic +quadric +quadricapsular +quadricapsulate +quadricarinate +quadricellular +quadricentennial +quadriceps +quadrichord +quadriciliate +quadricinium +quadricipital +quadricone +quadricorn +quadricornous +quadricostate +quadricotyledonous +quadricovariant +quadricrescentic +quadricrescentoid +quadricuspid +quadricuspidal +quadricuspidate +quadricycle +quadricycler +quadricyclist +quadridentate +quadridentated +quadriderivative +quadridigitate +quadriennial +quadriennium +quadrienniumutile +quadrifarious +quadrifariously +quadrifid +quadrifilar +quadrifocal +quadrifoil +quadrifoliate +quadrifoliolate +quadrifolious +quadrifolium +quadriform +quadrifrons +quadrifrontal +quadrifurcate +quadrifurcated +quadrifurcation +quadriga +quadrigabled +quadrigamist +quadrigate +quadrigatus +quadrigeminal +quadrigeminate +quadrigeminous +quadrigeminum +quadrigenarious +quadriglandular +quadrihybrid +quadrijugal +quadrijugate +quadrijugous +quadrilaminar +quadrilaminate +quadrilateral +quadrilaterally +quadrilateralness +quadrilingual +quadriliteral +quadrille +quadrilled +quadrillion +quadrillionth +quadrilobate +quadrilobed +quadrilocular +quadriloculate +quadrilogue +quadrilogy +quadrimembral +quadrimetallic +quadrimolecular +quadrimum +quadrinodal +quadrinomial +quadrinomical +quadrinominal +quadrinucleate +quadrioxalate +quadriparous +quadripartite +quadripartitely +quadripartition +quadripennate +quadriphosphate +quadriphyllous +quadripinnate +quadriplanar +quadriplegia +quadriplicate +quadriplicated +quadripolar +quadripole +quadriportico +quadriporticus +quadripulmonary +quadriquadric +quadriradiate +quadrireme +quadrisect +quadrisection +quadriseptate +quadriserial +quadrisetose +quadrispiral +quadristearate +quadrisulcate +quadrisulcated +quadrisulphide +quadrisyllabic +quadrisyllabical +quadrisyllable +quadrisyllabous +quadriternate +quadritubercular +quadrituberculate +quadriurate +quadrivalence +quadrivalency +quadrivalent +quadrivalently +quadrivalve +quadrivalvular +quadrivial +quadrivious +quadrivium +quadrivoltine +quadroon +quadrual +Quadrula +quadrum +Quadrumana +quadrumanal +quadrumane +quadrumanous +quadruped +quadrupedal +quadrupedan +quadrupedant +quadrupedantic +quadrupedantical +quadrupedate +quadrupedation +quadrupedism +quadrupedous +quadruplane +quadruplator +quadruple +quadrupleness +quadruplet +quadruplex +quadruplicate +quadruplication +quadruplicature +quadruplicity +quadruply +quadrupole +quaedam +Quaequae +quaesitum +quaestor +quaestorial +quaestorian +quaestorship +quaestuary +quaff +quaffer +quaffingly +quag +quagga +quagginess +quaggle +quaggy +quagmire +quagmiry +quahog +quail +quailberry +quailery +quailhead +quaillike +quaily +quaint +quaintance +quaintise +quaintish +quaintly +quaintness +Quaitso +quake +quakeful +quakeproof +Quaker +quaker +quakerbird +Quakerdom +Quakeress +Quakeric +Quakerish +Quakerishly +Quakerishness +Quakerism +Quakerization +Quakerize +Quakerlet +Quakerlike +Quakerly +Quakership +Quakery +quaketail +quakiness +quaking +quakingly +quaky +quale +qualifiable +qualification +qualificative +qualificator +qualificatory +qualified +qualifiedly +qualifiedness +qualifier +qualify +qualifyingly +qualimeter +qualitative +qualitatively +qualitied +quality +qualityless +qualityship +qualm +qualminess +qualmish +qualmishly +qualmishness +qualmproof +qualmy +qualmyish +qualtagh +Quamasia +Quamoclit +quan +quandary +quandong +quandy +quannet +quant +quanta +quantic +quantical +quantifiable +quantifiably +quantification +quantifier +quantify +quantimeter +quantitate +quantitative +quantitatively +quantitativeness +quantitied +quantitive +quantitively +quantity +quantivalence +quantivalency +quantivalent +quantization +quantize +quantometer +quantulum +quantum +Quapaw +quaquaversal +quaquaversally +quar +quarantinable +quarantine +quarantiner +quaranty +quardeel +quare +quarenden +quarender +quarentene +quark +quarl +quarle +quarred +quarrel +quarreled +quarreler +quarreling +quarrelingly +quarrelproof +quarrelsome +quarrelsomely +quarrelsomeness +quarriable +quarried +quarrier +quarry +quarryable +quarrying +quarryman +quarrystone +quart +quartan +quartane +quartation +quartenylic +quarter +quarterage +quarterback +quarterdeckish +quartered +quarterer +quartering +quarterization +quarterland +quarterly +quarterman +quartermaster +quartermasterlike +quartermastership +quartern +quarterpace +quarters +quartersaw +quartersawed +quarterspace +quarterstaff +quarterstetch +quartet +quartette +quartetto +quartful +quartic +quartile +quartine +quartiparous +quarto +Quartodeciman +quartodecimanism +quartole +quartz +quartzic +quartziferous +quartzite +quartzitic +quartzless +quartzoid +quartzose +quartzous +quartzy +quash +Quashee +quashey +quashy +quasi +quasijudicial +Quasimodo +quasky +quassation +quassative +Quassia +quassiin +quassin +quat +quata +quatch +quatercentenary +quatern +quaternal +quaternarian +quaternarius +quaternary +quaternate +quaternion +quaternionic +quaternionist +quaternitarian +quaternity +quaters +quatertenses +quatorzain +quatorze +quatrain +quatral +quatrayle +quatre +quatrefeuille +quatrefoil +quatrefoiled +quatrefoliated +quatrible +quatrin +quatrino +quatrocentism +quatrocentist +quatrocento +Quatsino +quattie +quattrini +quatuor +quatuorvirate +quauk +quave +quaver +quaverer +quavering +quaveringly +quaverous +quavery +quaverymavery +quaw +quawk +quay +quayage +quayful +quaylike +quayman +quayside +quaysider +qubba +queach +queachy +queak +queal +quean +queanish +queasily +queasiness +queasom +queasy +quebrachamine +quebrachine +quebrachitol +quebracho +quebradilla +Quechua +Quechuan +quedful +queechy +queen +queencake +queencraft +queencup +queendom +queenfish +queenhood +queening +queenite +queenless +queenlet +queenlike +queenliness +queenly +queenright +queenroot +queensberry +queenship +queenweed +queenwood +queer +queerer +queerish +queerishness +queerity +queerly +queerness +queersome +queery +queest +queesting +queet +queeve +quegh +quei +queintise +quelch +Quelea +quell +queller +quemado +queme +quemeful +quemefully +quemely +quench +quenchable +quenchableness +quencher +quenchless +quenchlessly +quenchlessness +quenelle +quenselite +quercetagetin +quercetic +quercetin +quercetum +quercic +Querciflorae +quercimeritrin +quercin +quercine +quercinic +quercitannic +quercitannin +quercite +quercitin +quercitol +quercitrin +quercitron +quercivorous +Quercus +Querecho +Querendi +Querendy +querent +Queres +querier +queriman +querimonious +querimoniously +querimoniousness +querimony +querist +querken +querl +quern +quernal +Quernales +quernstone +querulent +querulential +querulist +querulity +querulosity +querulous +querulously +querulousness +query +querying +queryingly +queryist +quesited +quesitive +quest +quester +questeur +questful +questingly +question +questionability +questionable +questionableness +questionably +questionary +questionee +questioner +questioningly +questionist +questionless +questionlessly +questionnaire +questionous +questionwise +questman +questor +questorial +questorship +quet +quetch +quetenite +quetzal +queue +quey +Quiangan +quiapo +quib +quibble +quibbleproof +quibbler +quibblingly +quiblet +quica +Quiche +quick +quickbeam +quickborn +quicken +quickenance +quickenbeam +quickener +quickfoot +quickhatch +quickhearted +quickie +quicklime +quickly +quickness +quicksand +quicksandy +quickset +quicksilver +quicksilvering +quicksilverish +quicksilverishness +quicksilvery +quickstep +quickthorn +quickwork +quid +Quidae +quiddative +quidder +Quiddist +quiddit +quidditative +quidditatively +quiddity +quiddle +quiddler +quidnunc +quiesce +quiescence +quiescency +quiescent +quiescently +quiet +quietable +quieten +quietener +quieter +quieting +quietism +quietist +quietistic +quietive +quietlike +quietly +quietness +quietsome +quietude +quietus +quiff +quiffing +Quiina +Quiinaceae +quiinaceous +quila +quiles +Quileute +quilkin +quill +Quillagua +quillai +quillaic +Quillaja +quillaja +quillback +quilled +quiller +quillet +quilleted +quillfish +quilling +quilltail +quillwork +quillwort +quilly +quilt +quilted +quilter +quilting +Quimbaya +Quimper +quin +quina +quinacrine +Quinaielt +quinaldic +quinaldine +quinaldinic +quinaldinium +quinaldyl +quinamicine +quinamidine +quinamine +quinanisole +quinaquina +quinarian +quinarius +quinary +quinate +quinatoxine +Quinault +quinazoline +quinazolyl +quince +quincentenary +quincentennial +quincewort +quinch +quincubital +quincubitalism +quincuncial +quincuncially +quincunx +quincunxial +quindecad +quindecagon +quindecangle +quindecasyllabic +quindecemvir +quindecemvirate +quindecennial +quindecim +quindecima +quindecylic +quindene +quinetum +quingentenary +quinhydrone +quinia +quinible +quinic +quinicine +quinidia +quinidine +quinin +quinina +quinine +quininiazation +quininic +quininism +quininize +quiniretin +quinisext +quinisextine +quinism +quinite +quinitol +quinizarin +quinize +quink +quinnat +quinnet +Quinnipiac +quinoa +quinocarbonium +quinoform +quinogen +quinoid +quinoidal +quinoidation +quinoidine +quinol +quinoline +quinolinic +quinolinium +quinolinyl +quinologist +quinology +quinolyl +quinometry +quinone +quinonediimine +quinonic +quinonimine +quinonization +quinonize +quinonoid +quinonyl +quinopyrin +quinotannic +quinotoxine +quinova +quinovatannic +quinovate +quinovic +quinovin +quinovose +quinoxaline +quinoxalyl +quinoyl +quinquagenarian +quinquagenary +Quinquagesima +quinquagesimal +quinquarticular +Quinquatria +Quinquatrus +quinquecapsular +quinquecostate +quinquedentate +quinquedentated +quinquefarious +quinquefid +quinquefoliate +quinquefoliated +quinquefoliolate +quinquegrade +quinquejugous +quinquelateral +quinqueliteral +quinquelobate +quinquelobated +quinquelobed +quinquelocular +quinqueloculine +quinquenary +quinquenerval +quinquenerved +quinquennalia +quinquennia +quinquenniad +quinquennial +quinquennialist +quinquennially +quinquennium +quinquepartite +quinquepedal +quinquepedalian +quinquepetaloid +quinquepunctal +quinquepunctate +quinqueradial +quinqueradiate +quinquereme +quinquertium +quinquesect +quinquesection +quinqueseptate +quinqueserial +quinqueseriate +quinquesyllabic +quinquesyllable +quinquetubercular +quinquetuberculate +quinquevalence +quinquevalency +quinquevalent +quinquevalve +quinquevalvous +quinquevalvular +quinqueverbal +quinqueverbial +quinquevir +quinquevirate +quinquiliteral +quinquina +quinquino +quinse +quinsied +quinsy +quinsyberry +quinsywort +quint +quintad +quintadena +quintadene +quintain +quintal +quintan +quintant +quintary +quintato +quinte +quintelement +quintennial +quinternion +quinteron +quinteroon +quintessence +quintessential +quintessentiality +quintessentially +quintessentiate +quintet +quintette +quintetto +quintic +quintile +Quintilis +Quintillian +quintillion +quintillionth +Quintin +quintin +quintiped +Quintius +quinto +quintocubital +quintocubitalism +quintole +quinton +quintroon +quintuple +quintuplet +quintuplicate +quintuplication +quintuplinerved +quintupliribbed +quintus +quinuclidine +quinyl +quinze +quinzieme +quip +quipful +quipo +quipper +quippish +quippishness +quippy +quipsome +quipsomeness +quipster +quipu +quira +quire +quirewise +Quirinal +Quirinalia +quirinca +quiritarian +quiritary +Quirite +Quirites +quirk +quirkiness +quirkish +quirksey +quirksome +quirky +quirl +quirquincho +quirt +quis +quisby +quiscos +quisle +quisling +Quisqualis +quisqueite +quisquilian +quisquiliary +quisquilious +quisquous +quisutsch +quit +quitch +quitclaim +quite +Quitemoca +Quiteno +quitrent +quits +quittable +quittance +quitted +quitter +quittor +Quitu +quiver +quivered +quiverer +quiverful +quivering +quiveringly +quiverish +quiverleaf +quivery +Quixote +quixotic +quixotical +quixotically +quixotism +quixotize +quixotry +quiz +quizzability +quizzable +quizzacious +quizzatorial +quizzee +quizzer +quizzery +quizzical +quizzicality +quizzically +quizzicalness +quizzification +quizzify +quizziness +quizzingly +quizzish +quizzism +quizzity +quizzy +Qung +quo +quod +quoddies +quoddity +quodlibet +quodlibetal +quodlibetarian +quodlibetary +quodlibetic +quodlibetical +quodlibetically +quoilers +quoin +quoined +quoining +quoit +quoiter +quoitlike +quoits +quondam +quondamly +quondamship +quoniam +quop +Quoratean +quorum +quot +quota +quotability +quotable +quotableness +quotably +quotation +quotational +quotationally +quotationist +quotative +quote +quotee +quoteless +quotennial +quoter +quoteworthy +quoth +quotha +quotidian +quotidianly +quotidianness +quotient +quotiety +quotingly +quotity +quotlibet +quotum +Qurti +R +r +ra +raad +Raanan +raash +Rab +rab +raband +rabanna +rabat +rabatine +rabatte +rabattement +rabbanist +rabbanite +rabbet +rabbeting +rabbi +rabbin +rabbinate +rabbindom +Rabbinic +rabbinic +Rabbinica +rabbinical +rabbinically +rabbinism +rabbinist +rabbinistic +rabbinistical +rabbinite +rabbinize +rabbinship +rabbiship +rabbit +rabbitberry +rabbiter +rabbithearted +rabbitlike +rabbitmouth +rabbitproof +rabbitroot +rabbitry +rabbitskin +rabbitweed +rabbitwise +rabbitwood +rabbity +rabble +rabblelike +rabblement +rabbleproof +rabbler +rabblesome +rabboni +rabbonim +Rabelaisian +Rabelaisianism +Rabelaism +Rabi +rabic +rabid +rabidity +rabidly +rabidness +rabies +rabietic +rabific +rabiform +rabigenic +Rabin +rabinet +rabirubia +rabitic +rabulistic +rabulous +raccoon +raccoonberry +raccroc +race +raceabout +racebrood +racecourse +racegoer +racegoing +racelike +racemate +racemation +raceme +racemed +racemic +racemiferous +racemiform +racemism +racemization +racemize +racemocarbonate +racemocarbonic +racemomethylate +racemose +racemosely +racemous +racemously +racemule +racemulose +racer +raceway +rach +rache +Rachel +rachial +rachialgia +rachialgic +rachianalgesia +Rachianectes +rachianesthesia +rachicentesis +rachides +rachidial +rachidian +rachiform +Rachiglossa +rachiglossate +rachigraph +rachilla +rachiocentesis +rachiococainize +rachiocyphosis +rachiodont +rachiodynia +rachiometer +rachiomyelitis +rachioparalysis +rachioplegia +rachioscoliosis +rachiotome +rachiotomy +rachipagus +rachis +rachischisis +rachitic +rachitis +rachitism +rachitogenic +rachitome +rachitomous +rachitomy +Rachycentridae +Rachycentron +racial +racialism +racialist +raciality +racialization +racialize +racially +racily +raciness +racing +racinglike +racism +racist +rack +rackabones +rackan +rackboard +racker +racket +racketeer +racketeering +racketer +racketing +racketlike +racketproof +racketry +rackett +rackettail +rackety +rackful +racking +rackingly +rackle +rackless +rackmaster +rackproof +rackrentable +rackway +rackwork +racloir +racon +raconteur +racoon +Racovian +racy +rad +rada +radar +radarman +radarscope +raddle +raddleman +raddlings +radectomy +Radek +radiability +radiable +radial +radiale +radialia +radiality +radialization +radialize +radially +radian +radiance +radiancy +radiant +radiantly +Radiata +radiate +radiated +radiately +radiateness +radiatics +radiatiform +radiation +radiational +radiative +radiatopatent +radiatoporose +radiatoporous +radiator +radiatory +radiatostriate +radiatosulcate +radiature +radical +radicalism +radicality +radicalization +radicalize +radically +radicalness +radicand +radicant +radicate +radicated +radicating +radication +radicel +radices +radicicola +radicicolous +radiciferous +radiciflorous +radiciform +radicivorous +radicle +radicolous +radicose +Radicula +radicular +radicule +radiculectomy +radiculitis +radiculose +radiectomy +radiescent +radiferous +radii +radio +radioacoustics +radioactinium +radioactivate +radioactive +radioactively +radioactivity +radioamplifier +radioanaphylaxis +radioautograph +radioautographic +radioautography +radiobicipital +radiobroadcast +radiobroadcaster +radiobroadcasting +radiobserver +radiocarbon +radiocarpal +radiocast +radiocaster +radiochemical +radiochemistry +radiocinematograph +radioconductor +radiode +radiodermatitis +radiodetector +radiodiagnosis +radiodigital +radiodontia +radiodontic +radiodontist +radiodynamic +radiodynamics +radioelement +radiogenic +radiogoniometer +radiogoniometric +radiogoniometry +radiogram +radiograph +radiographer +radiographic +radiographical +radiographically +radiography +radiohumeral +radioisotope +Radiolaria +radiolarian +radiolead +radiolite +Radiolites +radiolitic +Radiolitidae +radiolocation +radiolocator +radiologic +radiological +radiologist +radiology +radiolucency +radiolucent +radioluminescence +radioluminescent +radioman +radiomedial +radiometallography +radiometeorograph +radiometer +radiometric +radiometrically +radiometry +radiomicrometer +radiomovies +radiomuscular +radionecrosis +radioneuritis +radionics +radiopacity +radiopalmar +radiopaque +radiopelvimetry +radiophare +radiophone +radiophonic +radiophony +radiophosphorus +radiophotograph +radiophotography +radiopraxis +radioscope +radioscopic +radioscopical +radioscopy +radiosensibility +radiosensitive +radiosensitivity +radiosonde +radiosonic +radiostereoscopy +radiosurgery +radiosurgical +radiosymmetrical +radiotechnology +radiotelegram +radiotelegraph +radiotelegraphic +radiotelegraphy +radiotelephone +radiotelephonic +radiotelephony +radioteria +radiothallium +radiotherapeutic +radiotherapeutics +radiotherapeutist +radiotherapist +radiotherapy +radiothermy +radiothorium +radiotoxemia +radiotransparency +radiotransparent +radiotrician +Radiotron +radiotropic +radiotropism +radiovision +radish +radishlike +radium +radiumization +radiumize +radiumlike +radiumproof +radiumtherapy +radius +radix +radknight +radman +radome +radon +radsimir +radula +radulate +raduliferous +raduliform +Rafael +Rafe +raff +Raffaelesque +raffe +raffee +raffery +raffia +raffinase +raffinate +raffing +raffinose +raffish +raffishly +raffishness +raffle +raffler +Rafflesia +rafflesia +Rafflesiaceae +rafflesiaceous +Rafik +raft +raftage +rafter +raftiness +raftlike +raftman +raftsman +rafty +rag +raga +ragabash +ragabrash +ragamuffin +ragamuffinism +ragamuffinly +rage +rageful +ragefully +rageless +rageous +rageously +rageousness +rageproof +rager +ragesome +ragfish +ragged +raggedly +raggedness +raggedy +raggee +ragger +raggery +raggety +raggil +raggily +ragging +raggle +raggled +raggy +raghouse +Raghu +raging +ragingly +raglan +raglanite +raglet +raglin +ragman +Ragnar +ragout +ragpicker +ragseller +ragshag +ragsorter +ragstone +ragtag +ragtime +ragtimer +ragtimey +ragule +raguly +ragweed +ragwort +rah +Rahanwin +rahdar +rahdaree +Rahul +Raia +raia +Raiae +raid +raider +raidproof +Raif +Raiidae +raiiform +rail +railage +railbird +railer +railhead +railing +railingly +raillery +railless +raillike +railly +railman +railroad +railroadana +railroader +railroadiana +railroading +railroadish +railroadship +railway +railwaydom +railwayless +Raimannia +raiment +raimentless +rain +rainband +rainbird +rainbound +rainbow +rainbowlike +rainbowweed +rainbowy +rainburst +raincoat +raindrop +Rainer +rainer +rainfall +rainfowl +rainful +rainily +raininess +rainless +rainlessness +rainlight +rainproof +rainproofer +rainspout +rainstorm +raintight +rainwash +rainworm +rainy +raioid +Rais +rais +raisable +raise +raised +raiseman +raiser +raisin +raising +raisiny +Raj +raj +Raja +raja +Rajah +rajah +Rajarshi +rajaship +Rajasthani +rajbansi +Rajeev +Rajendra +Rajesh +Rajidae +Rajiv +Rajput +rakan +rake +rakeage +rakeful +rakehell +rakehellish +rakehelly +raker +rakery +rakesteel +rakestele +rakh +Rakhal +raki +rakily +raking +rakish +rakishly +rakishness +rakit +rakshasa +raku +Ralf +rallentando +ralliance +Rallidae +rallier +ralliform +Rallinae +ralline +Rallus +rally +Ralph +ralph +ralstonite +Ram +ram +Rama +ramada +Ramadoss +ramage +Ramaism +Ramaite +ramal +Raman +Ramanan +ramanas +ramarama +ramass +ramate +rambeh +ramberge +ramble +rambler +rambling +ramblingly +ramblingness +Rambo +rambong +rambooze +Rambouillet +rambunctious +rambutan +ramdohrite +rame +rameal +Ramean +ramed +ramekin +ramellose +rament +ramentaceous +ramental +ramentiferous +ramentum +rameous +ramequin +Rameses +Rameseum +Ramesh +Ramessid +Ramesside +ramet +ramex +ramfeezled +ramgunshoch +ramhead +ramhood +rami +ramicorn +ramie +ramiferous +ramificate +ramification +ramified +ramiflorous +ramiform +ramify +ramigerous +Ramillie +Ramillied +ramiparous +Ramiro +ramisection +ramisectomy +Ramism +Ramist +Ramistical +ramlike +ramline +rammack +rammel +rammelsbergite +rammer +rammerman +rammish +rammishly +rammishness +rammy +Ramneek +Ramnenses +Ramnes +Ramon +Ramona +Ramoosii +ramose +ramosely +ramosity +ramosopalmate +ramosopinnate +ramososubdivided +ramous +ramp +rampacious +rampaciously +rampage +rampageous +rampageously +rampageousness +rampager +rampagious +rampancy +rampant +rampantly +rampart +ramped +ramper +Ramphastidae +Ramphastides +Ramphastos +rampick +rampike +ramping +rampingly +rampion +rampire +rampler +ramplor +rampsman +ramrace +ramrod +ramroddy +ramscallion +ramsch +Ramsey +ramshackle +ramshackled +ramshackleness +ramshackly +ramson +ramstam +ramtil +ramular +ramule +ramuliferous +ramulose +ramulous +ramulus +ramus +ramuscule +Ramusi +Ran +ran +Rana +rana +ranal +Ranales +ranarian +ranarium +Ranatra +rance +rancel +rancellor +rancelman +rancer +rancescent +ranch +ranche +rancher +rancheria +ranchero +ranchless +ranchman +rancho +ranchwoman +rancid +rancidification +rancidify +rancidity +rancidly +rancidness +rancor +rancorous +rancorously +rancorousness +rancorproof +Rand +rand +Randal +Randall +Randallite +randan +randannite +Randell +randem +rander +Randia +randing +randir +Randite +randle +Randolph +random +randomish +randomization +randomize +randomly +randomness +randomwise +Randy +randy +rane +Ranella +Ranere +rang +rangatira +range +ranged +rangeless +rangeman +ranger +rangership +rangework +rangey +Rangifer +rangiferine +ranginess +ranging +rangle +rangler +rangy +rani +ranid +Ranidae +raniferous +raniform +Ranina +Raninae +ranine +raninian +ranivorous +Ranjit +rank +ranked +ranker +rankish +rankle +rankless +ranklingly +rankly +rankness +ranksman +rankwise +rann +rannel +rannigal +ranny +Ranquel +ransack +ransacker +ransackle +ransel +ranselman +ransom +ransomable +ransomer +ransomfree +ransomless +ranstead +rant +rantan +rantankerous +rantepole +ranter +Ranterism +ranting +rantingly +rantipole +rantock +ranty +ranula +ranular +Ranunculaceae +ranunculaceous +Ranunculales +ranunculi +Ranunculus +Ranzania +Raoulia +rap +Rapaces +rapaceus +rapacious +rapaciously +rapaciousness +rapacity +rapakivi +Rapallo +Rapanea +Rapateaceae +rapateaceous +rape +rapeful +raper +rapeseed +Raphael +Raphaelesque +Raphaelic +Raphaelism +Raphaelite +Raphaelitism +raphania +Raphanus +raphany +raphe +Raphia +raphide +raphides +raphidiferous +raphidiid +Raphidiidae +Raphidodea +Raphidoidea +Raphiolepis +raphis +rapic +rapid +rapidity +rapidly +rapidness +rapier +rapiered +rapillo +rapine +rapiner +raping +rapinic +rapist +raploch +rappage +rapparee +rappe +rappel +rapper +rapping +Rappist +rappist +Rappite +rapport +rapscallion +rapscallionism +rapscallionly +rapscallionry +rapt +raptatorial +raptatory +raptly +raptness +raptor +Raptores +raptorial +raptorious +raptril +rapture +raptured +raptureless +rapturist +rapturize +rapturous +rapturously +rapturousness +raptury +raptus +rare +rarebit +rarefaction +rarefactional +rarefactive +rarefiable +rarefication +rarefier +rarefy +rarely +rareness +rareripe +Rareyfy +rariconstant +rarish +rarity +Rarotongan +ras +rasa +Rasalas +Rasalhague +rasamala +rasant +rascacio +rascal +rascaldom +rascaless +rascalion +rascalism +rascality +rascalize +rascallike +rascallion +rascally +rascalry +rascalship +rasceta +rascette +rase +rasen +Rasenna +raser +rasgado +rash +rasher +rashful +rashing +rashlike +rashly +rashness +Rashti +rasion +Raskolnik +Rasores +rasorial +rasp +raspatorium +raspatory +raspberriade +raspberry +raspberrylike +rasped +rasper +rasping +raspingly +raspingness +raspings +raspish +raspite +raspy +rasse +Rasselas +rassle +Rastaban +raster +rastik +rastle +Rastus +rasure +rat +rata +ratability +ratable +ratableness +ratably +ratafee +ratafia +ratal +ratanhia +rataplan +ratbite +ratcatcher +ratcatching +ratch +ratchel +ratchelly +ratcher +ratchet +ratchetlike +ratchety +ratching +ratchment +rate +rated +ratel +rateless +ratement +ratepayer +ratepaying +rater +ratfish +rath +rathe +rathed +rathely +ratheness +rather +ratherest +ratheripe +ratherish +ratherly +rathest +rathite +Rathnakumar +rathole +rathskeller +raticidal +raticide +ratification +ratificationist +ratifier +ratify +ratihabition +ratine +rating +ratio +ratiocinant +ratiocinate +ratiocination +ratiocinative +ratiocinator +ratiocinatory +ratiometer +ration +rationable +rationably +rational +rationale +rationalism +rationalist +rationalistic +rationalistical +rationalistically +rationalisticism +rationality +rationalizable +rationalization +rationalize +rationalizer +rationally +rationalness +rationate +rationless +rationment +Ratitae +ratite +ratitous +ratlike +ratline +ratliner +ratoon +ratooner +ratproof +ratsbane +ratskeller +rattage +rattail +rattan +ratteen +ratten +rattener +ratter +rattery +ratti +rattinet +rattish +rattle +rattlebag +rattlebones +rattlebox +rattlebrain +rattlebrained +rattlebush +rattled +rattlehead +rattleheaded +rattlejack +rattlemouse +rattlenut +rattlepate +rattlepated +rattlepod +rattleproof +rattler +rattleran +rattleroot +rattlertree +rattles +rattleskull +rattleskulled +rattlesnake +rattlesome +rattletrap +rattleweed +rattlewort +rattling +rattlingly +rattlingness +rattly +ratton +rattoner +rattrap +Rattus +ratty +ratwa +ratwood +raucid +raucidity +raucity +raucous +raucously +raucousness +raught +raugrave +rauk +raukle +Raul +rauli +raun +raunge +raupo +rauque +Rauraci +Raurici +Rauwolfia +ravage +ravagement +ravager +rave +ravehook +raveinelike +ravel +raveler +ravelin +raveling +ravelly +ravelment +ravelproof +raven +Ravenala +ravendom +ravenduck +Ravenelia +ravener +ravenhood +ravening +ravenish +ravenlike +ravenous +ravenously +ravenousness +ravenry +ravens +Ravensara +ravensara +ravenstone +ravenwise +raver +Ravi +ravigote +ravin +ravinate +Ravindran +Ravindranath +ravine +ravined +ravinement +raviney +raving +ravingly +ravioli +ravish +ravishedly +ravisher +ravishing +ravishingly +ravishment +ravison +ravissant +raw +rawboned +rawbones +rawhead +rawhide +rawhider +rawish +rawishness +rawness +rax +Ray +ray +raya +rayage +Rayan +rayed +rayful +rayless +raylessness +raylet +Raymond +rayon +rayonnance +rayonnant +raze +razee +razer +razoo +razor +razorable +razorback +razorbill +razoredge +razorless +razormaker +razormaking +razorman +razorstrop +Razoumofskya +razz +razzia +razzly +re +rea +reaal +reabandon +reabolish +reabolition +reabridge +reabsence +reabsent +reabsolve +reabsorb +reabsorption +reabuse +reacceptance +reaccess +reaccession +reacclimatization +reacclimatize +reaccommodate +reaccompany +reaccomplish +reaccomplishment +reaccord +reaccost +reaccount +reaccredit +reaccrue +reaccumulate +reaccumulation +reaccusation +reaccuse +reaccustom +reacetylation +reach +reachable +reacher +reachieve +reachievement +reaching +reachless +reachy +reacidification +reacidify +reacknowledge +reacknowledgment +reacquaint +reacquaintance +reacquire +reacquisition +react +reactance +reactant +reaction +reactional +reactionally +reactionariness +reactionarism +reactionarist +reactionary +reactionaryism +reactionism +reactionist +reactivate +reactivation +reactive +reactively +reactiveness +reactivity +reactological +reactology +reactor +reactualization +reactualize +reactuate +read +readability +readable +readableness +readably +readapt +readaptability +readaptable +readaptation +readaptive +readaptiveness +readd +readdition +readdress +reader +readerdom +readership +readhere +readhesion +readily +readiness +reading +readingdom +readjourn +readjournment +readjudicate +readjust +readjustable +readjuster +readjustment +readmeasurement +readminister +readmiration +readmire +readmission +readmit +readmittance +readopt +readoption +readorn +readvance +readvancement +readvent +readventure +readvertency +readvertise +readvertisement +readvise +readvocate +ready +reaeration +reaffect +reaffection +reaffiliate +reaffiliation +reaffirm +reaffirmance +reaffirmation +reaffirmer +reafflict +reafford +reafforest +reafforestation +reaffusion +reagency +reagent +reaggravate +reaggravation +reaggregate +reaggregation +reaggressive +reagin +reagitate +reagitation +reagree +reagreement +reak +Real +real +realarm +reales +realest +realgar +realienate +realienation +realign +realignment +realism +realist +realistic +realistically +realisticize +reality +realive +realizability +realizable +realizableness +realizably +realization +realize +realizer +realizing +realizingly +reallegation +reallege +reallegorize +realliance +reallocate +reallocation +reallot +reallotment +reallow +reallowance +reallude +reallusion +really +realm +realmless +realmlet +realness +realter +realteration +realtor +realty +ream +reamage +reamalgamate +reamalgamation +reamass +reambitious +reamend +reamendment +reamer +reamerer +reaminess +reamputation +reamuse +reamy +reanalysis +reanalyze +reanchor +reanimalize +reanimate +reanimation +reanneal +reannex +reannexation +reannotate +reannounce +reannouncement +reannoy +reannoyance +reanoint +reanswer +reanvil +reanxiety +reap +reapable +reapdole +reaper +reapologize +reapology +reapparel +reapparition +reappeal +reappear +reappearance +reappease +reapplaud +reapplause +reappliance +reapplicant +reapplication +reapplier +reapply +reappoint +reappointment +reapportion +reapportionment +reapposition +reappraisal +reappraise +reappraisement +reappreciate +reappreciation +reapprehend +reapprehension +reapproach +reapprobation +reappropriate +reappropriation +reapproval +reapprove +rear +rearbitrate +rearbitration +rearer +reargue +reargument +rearhorse +rearisal +rearise +rearling +rearm +rearmament +rearmost +rearousal +rearouse +rearrange +rearrangeable +rearrangement +rearranger +rearray +rearrest +rearrival +rearrive +rearward +rearwardly +rearwardness +rearwards +reascend +reascendancy +reascendant +reascendency +reascendent +reascension +reascensional +reascent +reascertain +reascertainment +reashlar +reasiness +reask +reason +reasonability +reasonable +reasonableness +reasonably +reasoned +reasonedly +reasoner +reasoning +reasoningly +reasonless +reasonlessly +reasonlessness +reasonproof +reaspire +reassail +reassault +reassay +reassemblage +reassemble +reassembly +reassent +reassert +reassertion +reassertor +reassess +reassessment +reasseverate +reassign +reassignation +reassignment +reassimilate +reassimilation +reassist +reassistance +reassociate +reassociation +reassort +reassortment +reassume +reassumption +reassurance +reassure +reassured +reassuredly +reassurement +reassurer +reassuring +reassuringly +reastiness +reastonish +reastonishment +reastray +reasty +reasy +reattach +reattachment +reattack +reattain +reattainment +reattempt +reattend +reattendance +reattention +reattentive +reattest +reattire +reattract +reattraction +reattribute +reattribution +reatus +reaudit +reauthenticate +reauthentication +reauthorization +reauthorize +reavail +reavailable +reave +reaver +reavoid +reavoidance +reavouch +reavow +reawait +reawake +reawaken +reawakening +reawakenment +reaward +reaware +reb +rebab +reback +rebag +rebait +rebake +rebalance +rebale +reballast +reballot +reban +rebandage +rebanish +rebanishment +rebankrupt +rebankruptcy +rebaptism +rebaptismal +rebaptization +rebaptize +rebaptizer +rebar +rebarbarization +rebarbarize +rebarbative +rebargain +rebase +rebasis +rebatable +rebate +rebateable +rebatement +rebater +rebathe +rebato +rebawl +rebeamer +rebear +rebeat +rebeautify +rebec +Rebecca +Rebeccaism +Rebeccaites +rebeck +rebecome +rebed +rebeg +rebeget +rebeggar +rebegin +rebeginner +rebeginning +rebeguile +rebehold +Rebekah +rebel +rebeldom +rebelief +rebelieve +rebeller +rebellike +rebellion +rebellious +rebelliously +rebelliousness +rebellow +rebelly +rebelong +rebelove +rebelproof +rebemire +rebend +rebenediction +rebenefit +rebeset +rebesiege +rebestow +rebestowal +rebetake +rebetray +rebewail +rebia +rebias +rebid +rebill +rebillet +rebilling +rebind +rebirth +rebite +reblade +reblame +reblast +rebleach +reblend +rebless +reblock +rebloom +reblossom +reblot +reblow +reblue +rebluff +reblunder +reboant +reboantic +reboard +reboast +rebob +reboil +reboiler +reboise +reboisement +rebold +rebolt +rebone +rebook +rebop +rebore +reborn +reborrow +rebottle +Reboulia +rebounce +rebound +reboundable +rebounder +reboundingness +rebourbonize +rebox +rebrace +rebraid +rebranch +rebrand +rebrandish +rebreathe +rebreed +rebrew +rebribe +rebrick +rebridge +rebring +rebringer +rebroach +rebroadcast +rebronze +rebrown +rebrush +rebrutalize +rebubble +rebuckle +rebud +rebudget +rebuff +rebuffable +rebuffably +rebuffet +rebuffproof +rebuild +rebuilder +rebuilt +rebukable +rebuke +rebukeable +rebukeful +rebukefully +rebukefulness +rebukeproof +rebuker +rebukingly +rebulk +rebunch +rebundle +rebunker +rebuoy +rebuoyage +reburden +reburgeon +reburial +reburn +reburnish +reburst +rebury +rebus +rebush +rebusy +rebut +rebute +rebutment +rebuttable +rebuttal +rebutter +rebutton +rebuy +recable +recadency +recage +recalcination +recalcine +recalcitrance +recalcitrant +recalcitrate +recalcitration +recalculate +recalculation +recalesce +recalescence +recalescent +recalibrate +recalibration +recalk +recall +recallable +recallist +recallment +recampaign +recancel +recancellation +recandescence +recandidacy +recant +recantation +recanter +recantingly +recanvas +recap +recapacitate +recapitalization +recapitalize +recapitulate +recapitulation +recapitulationist +recapitulative +recapitulator +recapitulatory +recappable +recapper +recaption +recaptivate +recaptivation +recaptor +recapture +recapturer +recarbon +recarbonate +recarbonation +recarbonization +recarbonize +recarbonizer +recarburization +recarburize +recarburizer +recarnify +recarpet +recarriage +recarrier +recarry +recart +recarve +recase +recash +recasket +recast +recaster +recasting +recatalogue +recatch +recaulescence +recausticize +recce +recco +reccy +recede +recedence +recedent +receder +receipt +receiptable +receiptless +receiptor +receipts +receivability +receivable +receivables +receivablness +receival +receive +received +receivedness +receiver +receivership +recelebrate +recelebration +recement +recementation +recency +recense +recension +recensionist +recensor +recensure +recensus +recent +recenter +recently +recentness +recentralization +recentralize +recentre +recept +receptacle +receptacular +receptaculite +Receptaculites +receptaculitid +Receptaculitidae +receptaculitoid +receptaculum +receptant +receptibility +receptible +reception +receptionism +receptionist +receptitious +receptive +receptively +receptiveness +receptivity +receptor +receptoral +receptorial +receptual +receptually +recercelee +recertificate +recertify +recess +recesser +recession +recessional +recessionary +recessive +recessively +recessiveness +recesslike +recessor +Rechabite +Rechabitism +rechafe +rechain +rechal +rechallenge +rechamber +rechange +rechant +rechaos +rechar +recharge +recharter +rechase +rechaser +rechasten +rechaw +recheat +recheck +recheer +recherche +rechew +rechip +rechisel +rechoose +rechristen +rechuck +rechurn +recidivation +recidive +recidivism +recidivist +recidivistic +recidivity +recidivous +recipe +recipiangle +recipience +recipiency +recipiend +recipiendary +recipient +recipiomotor +reciprocable +reciprocal +reciprocality +reciprocalize +reciprocally +reciprocalness +reciprocate +reciprocation +reciprocative +reciprocator +reciprocatory +reciprocitarian +reciprocity +recircle +recirculate +recirculation +recision +recission +recissory +recitable +recital +recitalist +recitatif +recitation +recitationalism +recitationist +recitative +recitatively +recitativical +recitativo +recite +recitement +reciter +recivilization +recivilize +reck +reckla +reckless +recklessly +recklessness +reckling +reckon +reckonable +reckoner +reckoning +reclaim +reclaimable +reclaimableness +reclaimably +reclaimant +reclaimer +reclaimless +reclaimment +reclama +reclamation +reclang +reclasp +reclass +reclassification +reclassify +reclean +recleaner +recleanse +reclear +reclearance +reclimb +reclinable +reclinate +reclinated +reclination +recline +recliner +reclose +reclothe +reclothing +recluse +reclusely +recluseness +reclusery +reclusion +reclusive +reclusiveness +reclusory +recoach +recoagulation +recoal +recoast +recoat +recock +recoct +recoction +recode +recodification +recodify +recogitate +recogitation +recognition +recognitive +recognitor +recognitory +recognizability +recognizable +recognizably +recognizance +recognizant +recognize +recognizedly +recognizee +recognizer +recognizingly +recognizor +recognosce +recohabitation +recoil +recoiler +recoilingly +recoilment +recoin +recoinage +recoiner +recoke +recollapse +recollate +recollation +Recollect +recollectable +recollected +recollectedly +recollectedness +recollectible +recollection +recollective +recollectively +recollectiveness +Recollet +recolonization +recolonize +recolor +recomb +recombination +recombine +recomember +recomfort +recommand +recommence +recommencement +recommencer +recommend +recommendability +recommendable +recommendableness +recommendably +recommendation +recommendatory +recommendee +recommender +recommission +recommit +recommitment +recommittal +recommunicate +recommunion +recompact +recompare +recomparison +recompass +recompel +recompensable +recompensate +recompensation +recompense +recompenser +recompensive +recompete +recompetition +recompetitor +recompilation +recompile +recompilement +recomplain +recomplaint +recomplete +recompletion +recompliance +recomplicate +recomplication +recomply +recompose +recomposer +recomposition +recompound +recomprehend +recomprehension +recompress +recompression +recomputation +recompute +recon +reconceal +reconcealment +reconcede +reconceive +reconcentrate +reconcentration +reconception +reconcert +reconcession +reconcilability +reconcilable +reconcilableness +reconcilably +reconcile +reconcilee +reconcileless +reconcilement +reconciler +reconciliability +reconciliable +reconciliate +reconciliation +reconciliative +reconciliator +reconciliatory +reconciling +reconcilingly +reconclude +reconclusion +reconcoct +reconcrete +reconcur +recondemn +recondemnation +recondensation +recondense +recondite +reconditely +reconditeness +recondition +recondole +reconduct +reconduction +reconfer +reconfess +reconfide +reconfine +reconfinement +reconfirm +reconfirmation +reconfiscate +reconfiscation +reconform +reconfound +reconfront +reconfuse +reconfusion +recongeal +recongelation +recongest +recongestion +recongratulate +recongratulation +reconjoin +reconjunction +reconnaissance +reconnect +reconnection +reconnoissance +reconnoiter +reconnoiterer +reconnoiteringly +reconnoitre +reconnoitrer +reconnoitringly +reconquer +reconqueror +reconquest +reconsecrate +reconsecration +reconsent +reconsider +reconsideration +reconsign +reconsignment +reconsole +reconsolidate +reconsolidation +reconstituent +reconstitute +reconstitution +reconstruct +reconstructed +reconstruction +reconstructional +reconstructionary +reconstructionist +reconstructive +reconstructiveness +reconstructor +reconstrue +reconsult +reconsultation +recontact +recontemplate +recontemplation +recontend +recontest +recontinuance +recontinue +recontract +recontraction +recontrast +recontribute +recontribution +recontrivance +recontrive +recontrol +reconvalesce +reconvalescence +reconvalescent +reconvene +reconvention +reconventional +reconverge +reconverse +reconversion +reconvert +reconvertible +reconvey +reconveyance +reconvict +reconviction +reconvince +reconvoke +recook +recool +recooper +recopper +recopy +recopyright +record +recordable +recordant +recordation +recordative +recordatively +recordatory +recordedly +recorder +recordership +recording +recordist +recordless +recork +recorporification +recorporify +recorrect +recorrection +recorrupt +recorruption +recostume +recounsel +recount +recountable +recountal +recountenance +recounter +recountless +recoup +recoupable +recouper +recouple +recoupment +recourse +recover +recoverability +recoverable +recoverableness +recoverance +recoveree +recoverer +recoveringly +recoverless +recoveror +recovery +recramp +recrank +recrate +recreance +recreancy +recreant +recreantly +recreantness +recrease +recreate +recreation +recreational +recreationist +recreative +recreatively +recreativeness +recreator +recreatory +recredit +recrement +recremental +recrementitial +recrementitious +recrescence +recrew +recriminate +recrimination +recriminative +recriminator +recriminatory +recriticize +recroon +recrop +recross +recrowd +recrown +recrucify +recrudency +recrudesce +recrudescence +recrudescency +recrudescent +recruit +recruitable +recruitage +recruital +recruitee +recruiter +recruithood +recruiting +recruitment +recruity +recrush +recrusher +recrystallization +recrystallize +rect +recta +rectal +rectalgia +rectally +rectangle +rectangled +rectangular +rectangularity +rectangularly +rectangularness +rectangulate +rectangulometer +rectectomy +recti +rectifiable +rectification +rectificative +rectificator +rectificatory +rectified +rectifier +rectify +rectigrade +Rectigraph +rectilineal +rectilineally +rectilinear +rectilinearism +rectilinearity +rectilinearly +rectilinearness +rectilineation +rectinerved +rection +rectipetality +rectirostral +rectischiac +rectiserial +rectitic +rectitis +rectitude +rectitudinous +recto +rectoabdominal +rectocele +rectoclysis +rectococcygeal +rectococcygeus +rectocolitic +rectocolonic +rectocystotomy +rectogenital +rectopexy +rectoplasty +rector +rectoral +rectorate +rectoress +rectorial +rectorrhaphy +rectorship +rectory +rectoscope +rectoscopy +rectosigmoid +rectostenosis +rectostomy +rectotome +rectotomy +rectovaginal +rectovesical +rectress +rectricial +rectrix +rectum +rectus +recubant +recubate +recultivate +recultivation +recumbence +recumbency +recumbent +recumbently +recuperability +recuperance +recuperate +recuperation +recuperative +recuperativeness +recuperator +recuperatory +recur +recure +recureful +recureless +recurl +recurrence +recurrency +recurrent +recurrently +recurrer +recurring +recurringly +recurse +recursion +recursive +recurtain +recurvant +recurvate +recurvation +recurvature +recurve +Recurvirostra +recurvirostral +Recurvirostridae +recurvopatent +recurvoternate +recurvous +recusance +recusancy +recusant +recusation +recusative +recusator +recuse +recushion +recussion +recut +recycle +Red +red +redact +redaction +redactional +redactor +redactorial +redamage +redamnation +redan +redare +redargue +redargution +redargutive +redargutory +redarken +redarn +redart +redate +redaub +redawn +redback +redbait +redbeard +redbelly +redberry +redbill +redbird +redbone +redbreast +redbrush +redbuck +redbud +redcap +redcoat +redd +redden +reddendo +reddendum +reddening +redder +redding +reddingite +reddish +reddishness +reddition +reddleman +reddock +reddsman +reddy +rede +redeal +redebate +redebit +redeceive +redecide +redecimate +redecision +redeck +redeclaration +redeclare +redecline +redecorate +redecoration +redecrease +redecussate +rededicate +rededication +rededicatory +rededuct +rededuction +redeed +redeem +redeemability +redeemable +redeemableness +redeemably +redeemer +redeemeress +redeemership +redeemless +redefault +redefeat +redefecate +redefer +redefiance +redefine +redefinition +redeflect +redefy +redeify +redelay +redelegate +redelegation +redeliberate +redeliberation +redeliver +redeliverance +redeliverer +redelivery +redemand +redemandable +redemise +redemolish +redemonstrate +redemonstration +redemptible +Redemptine +redemption +redemptional +redemptioner +Redemptionist +redemptionless +redemptive +redemptively +redemptor +redemptorial +Redemptorist +redemptory +redemptress +redemptrice +redenigrate +redeny +redepend +redeploy +redeployment +redeposit +redeposition +redepreciate +redepreciation +redeprive +rederivation +redescend +redescent +redescribe +redescription +redesertion +redeserve +redesign +redesignate +redesignation +redesire +redesirous +redesman +redespise +redetect +redetention +redetermination +redetermine +redevelop +redeveloper +redevelopment +redevise +redevote +redevotion +redeye +redfin +redfinch +redfish +redfoot +redhead +redheaded +redheadedly +redheadedness +redhearted +redhibition +redhibitory +redhoop +redia +redictate +redictation +redient +redifferentiate +redifferentiation +redig +redigest +redigestion +rediminish +redingote +redintegrate +redintegration +redintegrative +redintegrator +redip +redipper +redirect +redirection +redisable +redisappear +redisburse +redisbursement +redischarge +rediscipline +rediscount +rediscourage +rediscover +rediscoverer +rediscovery +rediscuss +rediscussion +redisembark +redismiss +redispatch +redispel +redisperse +redisplay +redispose +redisposition +redispute +redissect +redissection +redisseise +redisseisin +redisseisor +redisseize +redisseizin +redisseizor +redissoluble +redissolution +redissolvable +redissolve +redistend +redistill +redistillation +redistiller +redistinguish +redistrain +redistrainer +redistribute +redistributer +redistribution +redistributive +redistributor +redistributory +redistrict +redisturb +redive +rediversion +redivert +redivertible +redivide +redivision +redivive +redivivous +redivivus +redivorce +redivorcement +redivulge +redivulgence +redjacket +redknees +redleg +redlegs +redly +redmouth +redness +redo +redock +redocket +redolence +redolency +redolent +redolently +redominate +redondilla +redoom +redouble +redoublement +redoubler +redoubling +redoubt +redoubtable +redoubtableness +redoubtably +redoubted +redound +redowa +redox +redpoll +redraft +redrag +redrape +redraw +redrawer +redream +redredge +redress +redressable +redressal +redresser +redressible +redressive +redressless +redressment +redressor +redrill +redrive +redroot +redry +redsear +redshank +redshirt +redskin +redstart +redstreak +redtab +redtail +redthroat +redtop +redub +redubber +reduce +reduceable +reduceableness +reduced +reducement +reducent +reducer +reducibility +reducible +reducibleness +reducibly +reducing +reduct +reductant +reductase +reductibility +reduction +reductional +reductionism +reductionist +reductionistic +reductive +reductively +reductor +reductorial +redue +Redunca +redundance +redundancy +redundant +redundantly +reduplicate +reduplication +reduplicative +reduplicatively +reduplicatory +reduplicature +reduviid +Reduviidae +reduvioid +Reduvius +redux +redward +redware +redweed +redwing +redwithe +redwood +redye +Ree +ree +reechy +reed +reedbird +reedbuck +reedbush +reeded +reeden +reeder +reediemadeasy +reedily +reediness +reeding +reedish +reedition +reedless +reedlike +reedling +reedmaker +reedmaking +reedman +reedplot +reedwork +reedy +reef +reefable +reefer +reefing +reefy +reek +reeker +reekingly +reeky +reel +reelable +reeled +reeler +reelingly +reelrall +reem +reeming +reemish +reen +reenge +reeper +Rees +reese +reeshle +reesk +reesle +reest +reester +reestle +reesty +reet +reetam +reetle +reeve +reeveland +reeveship +ref +reface +refacilitate +refall +refallow +refan +refascinate +refascination +refashion +refashioner +refashionment +refasten +refathered +refavor +refect +refection +refectionary +refectioner +refective +refectorarian +refectorary +refectorer +refectorial +refectorian +refectory +refederate +refeed +refeel +refeign +refel +refence +refer +referable +referee +reference +referenda +referendal +referendary +referendaryship +referendum +referent +referential +referentially +referently +referment +referral +referrer +referrible +referribleness +refertilization +refertilize +refetch +refight +refigure +refill +refillable +refilm +refilter +refinable +refinage +refinance +refind +refine +refined +refinedly +refinedness +refinement +refiner +refinery +refinger +refining +refiningly +refinish +refire +refit +refitment +refix +refixation +refixture +reflag +reflagellate +reflame +reflash +reflate +reflation +reflationism +reflect +reflectance +reflected +reflectedly +reflectedness +reflectent +reflecter +reflectibility +reflectible +reflecting +reflectingly +reflection +reflectional +reflectionist +reflectionless +reflective +reflectively +reflectiveness +reflectivity +reflectometer +reflectometry +reflector +reflectoscope +refledge +reflee +reflex +reflexed +reflexibility +reflexible +reflexism +reflexive +reflexively +reflexiveness +reflexivity +reflexly +reflexness +reflexogenous +reflexological +reflexologist +reflexology +refling +refloat +refloatation +reflog +reflood +refloor +reflorescence +reflorescent +reflourish +reflourishment +reflow +reflower +refluctuation +refluence +refluency +refluent +reflush +reflux +refluxed +refly +refocillate +refocillation +refocus +refold +refoment +refont +refool +refoot +reforbid +reforce +reford +reforecast +reforest +reforestation +reforestization +reforestize +reforestment +reforfeit +reforfeiture +reforge +reforger +reforget +reforgive +reform +reformability +reformable +reformableness +reformado +reformandum +Reformati +reformation +reformational +reformationary +reformationist +reformative +reformatively +reformatness +reformatory +reformed +reformedly +reformer +reformeress +reformingly +reformism +reformist +reformistic +reformproof +reformulate +reformulation +reforsake +refortification +refortify +reforward +refound +refoundation +refounder +refract +refractable +refracted +refractedly +refractedness +refractile +refractility +refracting +refraction +refractional +refractionate +refractionist +refractive +refractively +refractiveness +refractivity +refractometer +refractometric +refractometry +refractor +refractorily +refractoriness +refractory +refracture +refragability +refragable +refragableness +refrain +refrainer +refrainment +reframe +refrangent +refrangibility +refrangible +refrangibleness +refreeze +refrenation +refrenzy +refresh +refreshant +refreshen +refreshener +refresher +refreshful +refreshfully +refreshing +refreshingly +refreshingness +refreshment +refrigerant +refrigerate +refrigerating +refrigeration +refrigerative +refrigerator +refrigeratory +refrighten +refringence +refringency +refringent +refront +refrustrate +reft +refuel +refueling +refuge +refugee +refugeeism +refugeeship +refulge +refulgence +refulgency +refulgent +refulgently +refulgentness +refunction +refund +refunder +refundment +refurbish +refurbishment +refurl +refurnish +refurnishment +refusable +refusal +refuse +refuser +refusing +refusingly +refusion +refusive +refutability +refutable +refutably +refutal +refutation +refutative +refutatory +refute +refuter +reg +regain +regainable +regainer +regainment +regal +regale +Regalecidae +Regalecus +regalement +regaler +regalia +regalian +regalism +regalist +regality +regalize +regallop +regally +regalness +regalvanization +regalvanize +regard +regardable +regardance +regardancy +regardant +regarder +regardful +regardfully +regardfulness +regarding +regardless +regardlessly +regardlessness +regarment +regarnish +regarrison +regather +regatta +regauge +regelate +regelation +regency +regeneracy +regenerance +regenerant +regenerate +regenerateness +regeneration +regenerative +regeneratively +regenerator +regeneratory +regeneratress +regeneratrix +regenesis +regent +regental +regentess +regentship +regerminate +regermination +reges +reget +Regga +Reggie +regia +regicidal +regicide +regicidism +regift +regifuge +regild +regill +regime +regimen +regimenal +regiment +regimental +regimentaled +regimentalled +regimentally +regimentals +regimentary +regimentation +regiminal +regin +reginal +Reginald +region +regional +regionalism +regionalist +regionalistic +regionalization +regionalize +regionally +regionary +regioned +register +registered +registerer +registership +registrability +registrable +registral +registrant +registrar +registrarship +registrary +registrate +registration +registrational +registrationist +registrator +registrer +registry +regive +regladden +reglair +reglaze +regle +reglement +reglementary +reglementation +reglementist +reglet +reglorified +regloss +reglove +reglow +reglue +regma +regmacarp +regnal +regnancy +regnant +regnerable +regolith +regorge +regovern +regradation +regrade +regraduate +regraduation +regraft +regrant +regrasp +regrass +regrate +regrater +regratification +regratify +regrating +regratingly +regrator +regratress +regravel +regrede +regreen +regreet +regress +regression +regressionist +regressive +regressively +regressiveness +regressivity +regressor +regret +regretful +regretfully +regretfulness +regretless +regrettable +regrettableness +regrettably +regretter +regrettingly +regrind +regrinder +regrip +regroup +regroupment +regrow +regrowth +reguarantee +reguard +reguardant +reguide +regula +regulable +regular +Regulares +Regularia +regularity +regularization +regularize +regularizer +regularly +regularness +regulatable +regulate +regulated +regulation +regulationist +regulative +regulatively +regulator +regulatorship +regulatory +regulatress +regulatris +reguli +reguline +regulize +Regulus +regulus +regur +regurge +regurgitant +regurgitate +regurgitation +regush +reh +rehabilitate +rehabilitation +rehabilitative +rehair +rehale +rehallow +rehammer +rehandicap +rehandle +rehandler +rehandling +rehang +rehappen +reharden +reharm +reharmonize +reharness +reharrow +reharvest +rehash +rehaul +rehazard +rehead +reheal +reheap +rehear +rehearing +rehearsal +rehearse +rehearser +rehearten +reheat +reheater +Reheboth +rehedge +reheel +reheighten +Rehoboam +Rehoboth +Rehobothan +rehoe +rehoist +rehollow +rehonor +rehonour +rehood +rehook +rehoop +rehouse +rehumanize +rehumble +rehumiliate +rehumiliation +rehung +rehybridize +rehydrate +rehydration +rehypothecate +rehypothecation +rehypothecator +reichsgulden +Reichsland +Reichslander +reichsmark +reichspfennig +reichstaler +Reid +reidentification +reidentify +reif +reification +reify +reign +reignite +reignition +reignore +reillume +reilluminate +reillumination +reillumine +reillustrate +reillustration +reim +reimage +reimagination +reimagine +reimbark +reimbarkation +reimbibe +reimbody +reimbursable +reimburse +reimbursement +reimburser +reimbush +reimbushment +reimkennar +reimmerge +reimmerse +reimmersion +reimmigrant +reimmigration +reimpact +reimpark +reimpart +reimpatriate +reimpatriation +reimpel +reimplant +reimplantation +reimply +reimport +reimportation +reimportune +reimpose +reimposition +reimposure +reimpregnate +reimpress +reimpression +reimprint +reimprison +reimprisonment +reimprove +reimprovement +reimpulse +rein +reina +reinability +reinaugurate +reinauguration +reincapable +reincarnadine +reincarnate +reincarnation +reincarnationism +reincarnationist +reincense +reincentive +reincidence +reincidency +reincite +reinclination +reincline +reinclude +reinclusion +reincorporate +reincorporation +reincrease +reincrudate +reincrudation +reinculcate +reincur +reindebted +reindebtedness +reindeer +reindependence +reindicate +reindication +reindict +reindictment +reindifferent +reindorse +reinduce +reinducement +reindue +reindulge +reindulgence +Reiner +reinette +reinfect +reinfection +reinfectious +reinfer +reinfest +reinfestation +reinflame +reinflate +reinflation +reinflict +reinfliction +reinfluence +reinforce +reinforcement +reinforcer +reinform +reinfuse +reinfusion +reingraft +reingratiate +reingress +reinhabit +reinhabitation +Reinhard +reinherit +reinitiate +reinitiation +reinject +reinjure +reinless +reinoculate +reinoculation +reinquire +reinquiry +reins +reinsane +reinsanity +reinscribe +reinsert +reinsertion +reinsist +reinsman +reinspect +reinspection +reinspector +reinsphere +reinspiration +reinspire +reinspirit +reinstall +reinstallation +reinstallment +reinstalment +reinstate +reinstatement +reinstation +reinstator +reinstauration +reinstil +reinstill +reinstitute +reinstitution +reinstruct +reinstruction +reinsult +reinsurance +reinsure +reinsurer +reintegrate +reintegration +reintend +reinter +reintercede +reintercession +reinterchange +reinterest +reinterfere +reinterference +reinterment +reinterpret +reinterpretation +reinterrogate +reinterrogation +reinterrupt +reinterruption +reintervene +reintervention +reinterview +reinthrone +reintimate +reintimation +reintitule +reintrench +reintroduce +reintroduction +reintrude +reintrusion +reintuition +reintuitive +reinvade +reinvasion +reinvent +reinvention +reinventor +reinversion +reinvert +reinvest +reinvestigate +reinvestigation +reinvestiture +reinvestment +reinvigorate +reinvigoration +reinvitation +reinvite +reinvoice +reinvolve +Reinwardtia +reirrigate +reirrigation +reis +reisolation +reissuable +reissue +reissuement +reissuer +reit +reitbok +reitbuck +reitemize +reiter +reiterable +reiterance +reiterant +reiterate +reiterated +reiteratedly +reiteratedness +reiteration +reiterative +reiteratively +reiver +rejail +Rejang +reject +rejectable +rejectableness +rejectage +rejectamenta +rejecter +rejectingly +rejection +rejective +rejectment +rejector +rejerk +rejoice +rejoiceful +rejoicement +rejoicer +rejoicing +rejoicingly +rejoin +rejoinder +rejolt +rejourney +rejudge +rejumble +rejunction +rejustification +rejustify +rejuvenant +rejuvenate +rejuvenation +rejuvenative +rejuvenator +rejuvenesce +rejuvenescence +rejuvenescent +rejuvenize +Reki +rekick +rekill +rekindle +rekindlement +rekindler +reking +rekiss +reknit +reknow +rel +relabel +relace +relacquer +relade +reladen +relais +relament +relamp +reland +relap +relapper +relapsable +relapse +relapseproof +relapser +relapsing +relast +relaster +relata +relatability +relatable +relatch +relate +related +relatedness +relater +relatinization +relation +relational +relationality +relationally +relationary +relationism +relationist +relationless +relationship +relatival +relative +relatively +relativeness +relativism +relativist +relativistic +relativity +relativization +relativize +relator +relatrix +relatum +relaunch +relax +relaxable +relaxant +relaxation +relaxative +relaxatory +relaxed +relaxedly +relaxedness +relaxer +relay +relayman +relbun +relead +releap +relearn +releasable +release +releasee +releasement +releaser +releasor +releather +relection +relegable +relegate +relegation +relend +relent +relenting +relentingly +relentless +relentlessly +relentlessness +relentment +relessee +relessor +relet +reletter +relevance +relevancy +relevant +relevantly +relevate +relevation +relevator +relevel +relevy +reliability +reliable +reliableness +reliably +reliance +reliant +reliantly +reliberate +relic +relicary +relicense +relick +reliclike +relicmonger +relict +relicted +reliction +relief +reliefless +relier +relievable +relieve +relieved +relievedly +reliever +relieving +relievingly +relievo +relift +religate +religation +relight +relightable +relighten +relightener +relighter +religion +religionary +religionate +religioner +religionism +religionist +religionistic +religionize +religionless +religiose +religiosity +religious +religiously +religiousness +relime +relimit +relimitation +reline +reliner +relink +relinquent +relinquish +relinquisher +relinquishment +reliquaire +reliquary +reliquefy +reliquiae +reliquian +reliquidate +reliquidation +reliquism +relish +relishable +relisher +relishing +relishingly +relishsome +relishy +relist +relisten +relitigate +relive +Rellyan +Rellyanism +Rellyanite +reload +reloan +relocable +relocate +relocation +relocator +relock +relodge +relook +relose +relost +relot +relove +relower +relucent +reluct +reluctance +reluctancy +reluctant +reluctantly +reluctate +reluctation +reluctivity +relume +relumine +rely +remade +remagnetization +remagnetize +remagnification +remagnify +remail +remain +remainder +remainderman +remaindership +remainer +remains +remaintain +remaintenance +remake +remaker +reman +remanage +remanagement +remanation +remancipate +remancipation +remand +remandment +remanence +remanency +remanent +remanet +remanipulate +remanipulation +remantle +remanufacture +remanure +remap +remarch +remargin +remark +remarkability +remarkable +remarkableness +remarkably +remarkedly +remarker +remarket +remarque +remarriage +remarry +remarshal +remask +remass +remast +remasticate +remastication +rematch +rematerialize +remble +Rembrandt +Rembrandtesque +Rembrandtish +Rembrandtism +remeant +remeasure +remeasurement +remede +remediable +remediableness +remediably +remedial +remedially +remediation +remediless +remedilessly +remedilessness +remeditate +remeditation +remedy +remeet +remelt +remember +rememberability +rememberable +rememberably +rememberer +remembrance +remembrancer +remembrancership +rememorize +remenace +remend +remerge +remetal +remex +Remi +remica +remicate +remication +remicle +remiform +remigate +remigation +remiges +remigial +remigrant +remigrate +remigration +Remijia +remilitarization +remilitarize +remill +remimic +remind +remindal +reminder +remindful +remindingly +remineralization +remineralize +remingle +reminisce +reminiscence +reminiscenceful +reminiscencer +reminiscency +reminiscent +reminiscential +reminiscentially +reminiscently +reminiscer +reminiscitory +remint +remiped +remirror +remise +remisrepresent +remisrepresentation +remiss +remissful +remissibility +remissible +remissibleness +remission +remissive +remissively +remissiveness +remissly +remissness +remissory +remisunderstand +remit +remitment +remittable +remittal +remittance +remittancer +remittee +remittence +remittency +remittent +remittently +remitter +remittitur +remittor +remix +remixture +remnant +remnantal +remobilization +remobilize +Remoboth +remock +remodel +remodeler +remodeller +remodelment +remodification +remodify +remolade +remold +remollient +remonetization +remonetize +remonstrance +remonstrant +remonstrantly +remonstrate +remonstrating +remonstratingly +remonstration +remonstrative +remonstratively +remonstrator +remonstratory +remontado +remontant +remontoir +remop +remora +remord +remorse +remorseful +remorsefully +remorsefulness +remorseless +remorselessly +remorselessness +remorseproof +remortgage +remote +remotely +remoteness +remotion +remotive +remould +remount +removability +removable +removableness +removably +removal +remove +removed +removedly +removedness +removement +remover +removing +remultiplication +remultiply +remunerability +remunerable +remunerably +remunerate +remuneration +remunerative +remuneratively +remunerativeness +remunerator +remuneratory +remurmur +Remus +remuster +remutation +renable +renably +renail +Renaissance +renaissance +Renaissancist +Renaissant +renal +rename +Renardine +renascence +renascency +renascent +renascible +renascibleness +renature +renavigate +renavigation +rencontre +rencounter +renculus +rend +render +renderable +renderer +rendering +renderset +rendezvous +rendibility +rendible +rendition +rendlewood +rendrock +rendzina +reneague +Renealmia +renecessitate +reneg +renegade +renegadism +renegado +renegation +renege +reneger +reneglect +renegotiable +renegotiate +renegotiation +renegotiations +renegue +renerve +renes +renet +renew +renewability +renewable +renewably +renewal +renewedly +renewedness +renewer +renewment +renicardiac +renickel +renidification +renidify +reniform +Renilla +Renillidae +renin +renipericardial +reniportal +renipuncture +renish +renishly +renitence +renitency +renitent +renk +renky +renne +rennet +renneting +rennin +renniogen +renocutaneous +renogastric +renography +renointestinal +renominate +renomination +renopericardial +renopulmonary +renormalize +renotation +renotice +renotification +renotify +renounce +renounceable +renouncement +renouncer +renourish +renovate +renovater +renovatingly +renovation +renovative +renovator +renovatory +renovize +renown +renowned +renownedly +renownedness +renowner +renownful +renownless +rensselaerite +rent +rentability +rentable +rentage +rental +rentaler +rentaller +rented +rentee +renter +rentless +rentrant +rentrayeuse +Renu +renumber +renumerate +renumeration +renunciable +renunciance +renunciant +renunciate +renunciation +renunciative +renunciator +renunciatory +renunculus +renverse +renvoi +renvoy +reobject +reobjectivization +reobjectivize +reobligate +reobligation +reoblige +reobscure +reobservation +reobserve +reobtain +reobtainable +reobtainment +reoccasion +reoccupation +reoccupy +reoccur +reoccurrence +reoffend +reoffense +reoffer +reoffset +reoil +reometer +reomission +reomit +reopen +reoperate +reoperation +reoppose +reopposition +reoppress +reoppression +reorchestrate +reordain +reorder +reordinate +reordination +reorganization +reorganizationist +reorganize +reorganizer +reorient +reorientation +reornament +reoutfit +reoutline +reoutput +reoutrage +reovercharge +reoverflow +reovertake +reoverwork +reown +reoxidation +reoxidize +reoxygenate +reoxygenize +rep +repace +repacification +repacify +repack +repackage +repacker +repaganization +repaganize +repaganizer +repage +repaint +repair +repairable +repairableness +repairer +repairman +repale +repand +repandly +repandodentate +repandodenticulate +repandolobate +repandous +repandousness +repanel +repaper +reparability +reparable +reparably +reparagraph +reparate +reparation +reparative +reparatory +repark +repartable +repartake +repartee +reparticipate +reparticipation +repartition +repartitionable +repass +repassable +repassage +repasser +repast +repaste +repasture +repatch +repatency +repatent +repatriable +repatriate +repatriation +repatronize +repattern +repave +repavement +repawn +repay +repayable +repayal +repaying +repayment +repeal +repealability +repealable +repealableness +repealer +repealist +repealless +repeat +repeatability +repeatable +repeatal +repeated +repeatedly +repeater +repeg +repel +repellance +repellant +repellence +repellency +repellent +repellently +repeller +repelling +repellingly +repellingness +repen +repenetrate +repension +repent +repentable +repentance +repentant +repentantly +repenter +repentingly +repeople +reperceive +repercept +reperception +repercolation +repercuss +repercussion +repercussive +repercussively +repercussiveness +repercutient +reperform +reperformance +reperfume +reperible +repermission +repermit +reperplex +repersonalization +repersonalize +repersuade +repersuasion +repertoire +repertorial +repertorily +repertorium +repertory +reperusal +reperuse +repetend +repetition +repetitional +repetitionary +repetitious +repetitiously +repetitiousness +repetitive +repetitively +repetitiveness +repetitory +repetticoat +repew +Rephael +rephase +rephonate +rephosphorization +rephosphorize +rephotograph +rephrase +repic +repick +repicture +repiece +repile +repin +repine +repineful +repinement +repiner +repiningly +repipe +repique +repitch +repkie +replace +replaceability +replaceable +replacement +replacer +replait +replan +replane +replant +replantable +replantation +replanter +replaster +replate +replay +replead +repleader +repleat +repledge +repledger +replenish +replenisher +replenishingly +replenishment +replete +repletely +repleteness +repletion +repletive +repletively +repletory +repleviable +replevin +replevisable +replevisor +replevy +repliant +replica +replicate +replicated +replicatile +replication +replicative +replicatively +replicatory +replier +replight +replod +replot +replotment +replotter +replough +replow +replum +replume +replunder +replunge +reply +replyingly +repocket +repoint +repolish +repoll +repollute +repolon +repolymerization +repolymerize +reponder +repone +repope +repopulate +repopulation +report +reportable +reportage +reportedly +reporter +reporteress +reporterism +reportership +reportingly +reportion +reportorial +reportorially +reposal +repose +reposed +reposedly +reposedness +reposeful +reposefully +reposefulness +reposer +reposit +repositary +reposition +repositor +repository +repossess +repossession +repossessor +repost +repostpone +repot +repound +repour +repowder +repp +repped +repractice +repray +repreach +reprecipitate +reprecipitation +repredict +reprefer +reprehend +reprehendable +reprehendatory +reprehender +reprehensibility +reprehensible +reprehensibleness +reprehensibly +reprehension +reprehensive +reprehensively +reprehensory +repreparation +reprepare +represcribe +represent +representability +representable +representamen +representant +representation +representational +representationalism +representationalist +representationary +representationism +representationist +representative +representatively +representativeness +representativeship +representativity +representer +representment +represide +repress +repressed +repressedly +represser +repressible +repressibly +repression +repressionary +repressionist +repressive +repressively +repressiveness +repressment +repressor +repressory +repressure +reprice +reprieval +reprieve +repriever +reprimand +reprimander +reprimanding +reprimandingly +reprime +reprimer +reprint +reprinter +reprisal +reprisalist +reprise +repristinate +repristination +reprivatization +reprivatize +reprivilege +reproach +reproachable +reproachableness +reproachably +reproacher +reproachful +reproachfully +reproachfulness +reproachingly +reproachless +reproachlessness +reprobacy +reprobance +reprobate +reprobateness +reprobater +reprobation +reprobationary +reprobationer +reprobative +reprobatively +reprobator +reprobatory +reproceed +reprocess +reproclaim +reproclamation +reprocurable +reprocure +reproduce +reproduceable +reproducer +reproducibility +reproducible +reproduction +reproductionist +reproductive +reproductively +reproductiveness +reproductivity +reproductory +reprofane +reprofess +reprohibit +repromise +repromulgate +repromulgation +repronounce +repronunciation +reproof +reproofless +repropagate +repropitiate +repropitiation +reproportion +reproposal +repropose +reprosecute +reprosecution +reprosper +reprotect +reprotection +reprotest +reprovable +reprovableness +reprovably +reproval +reprove +reprover +reprovide +reprovingly +reprovision +reprovocation +reprovoke +reprune +reps +reptant +reptatorial +reptatory +reptile +reptiledom +reptilelike +reptilferous +Reptilia +reptilian +reptiliary +reptiliform +reptilious +reptiliousness +reptilism +reptility +reptilivorous +reptiloid +republic +republican +republicanism +republicanization +republicanize +republicanizer +republication +republish +republisher +republishment +repuddle +repudiable +repudiate +repudiation +repudiationist +repudiative +repudiator +repudiatory +repuff +repugn +repugnable +repugnance +repugnancy +repugnant +repugnantly +repugnantness +repugnate +repugnatorial +repugner +repullulate +repullulation +repullulative +repullulescent +repulpit +repulse +repulseless +repulseproof +repulser +repulsion +repulsive +repulsively +repulsiveness +repulsory +repulverize +repump +repunish +repunishment +repurchase +repurchaser +repurge +repurification +repurify +repurple +repurpose +repursue +repursuit +reputability +reputable +reputableness +reputably +reputation +reputationless +reputative +reputatively +repute +reputed +reputedly +reputeless +requalification +requalify +requarantine +requeen +requench +request +requester +requestion +requiem +Requienia +requiescence +requin +requirable +require +requirement +requirer +requisite +requisitely +requisiteness +requisition +requisitionary +requisitioner +requisitionist +requisitor +requisitorial +requisitory +requit +requitable +requital +requitative +requite +requiteful +requitement +requiter +requiz +requotation +requote +rerack +reracker +reradiation +rerail +reraise +rerake +rerank +rerate +reread +rereader +rerebrace +reredos +reree +rereel +rereeve +rerefief +reregister +reregistration +reregulate +reregulation +rereign +reremouse +rerent +rerental +reresupper +rerig +rering +rerise +rerival +rerivet +rerob +rerobe +reroll +reroof +reroot +rerope +reroute +rerow +reroyalize +rerub +rerummage +rerun +resaca +resack +resacrifice +resaddle +resail +resalable +resale +resalt +resalutation +resalute +resalvage +resample +resanctify +resanction +resatisfaction +resatisfy +resaw +resawer +resawyer +resay +resazurin +rescan +reschedule +rescind +rescindable +rescinder +rescindment +rescissible +rescission +rescissory +rescore +rescramble +rescratch +rescribe +rescript +rescription +rescriptive +rescriptively +rescrub +rescuable +rescue +rescueless +rescuer +reseal +reseam +research +researcher +researchful +researchist +reseat +resecrete +resecretion +resect +resection +resectional +Reseda +reseda +Resedaceae +resedaceous +resee +reseed +reseek +resegment +resegmentation +reseise +reseiser +reseize +reseizer +reseizure +reselect +reselection +reself +resell +reseller +resemblable +resemblance +resemblant +resemble +resembler +resemblingly +reseminate +resend +resene +resensation +resensitization +resensitize +resent +resentationally +resentence +resenter +resentful +resentfullness +resentfully +resentience +resentingly +resentless +resentment +resepulcher +resequent +resequester +resequestration +reserene +reservable +reserval +reservation +reservationist +reservatory +reserve +reserved +reservedly +reservedness +reservee +reserveful +reserveless +reserver +reservery +reservice +reservist +reservoir +reservor +reset +resettable +resetter +resettle +resettlement +resever +resew +resex +resh +reshake +reshape +reshare +resharpen +reshave +reshear +reshearer +resheathe +reshelve +reshift +reshine +reshingle +reship +reshipment +reshipper +reshoe +reshoot +reshoulder +reshovel +reshower +reshrine +reshuffle +reshun +reshunt +reshut +reshuttle +resiccate +reside +residence +residencer +residency +resident +residental +residenter +residential +residentiality +residentially +residentiary +residentiaryship +residentship +resider +residua +residual +residuary +residuation +residue +residuent +residuous +residuum +resift +resigh +resign +resignal +resignatary +resignation +resignationism +resigned +resignedly +resignedness +resignee +resigner +resignful +resignment +resile +resilement +resilial +resiliate +resilience +resiliency +resilient +resilifer +resiliometer +resilition +resilium +resilver +resin +resina +resinaceous +resinate +resinbush +resiner +resinfiable +resing +resinic +resiniferous +resinification +resinifluous +resiniform +resinify +resinize +resink +resinlike +resinoelectric +resinoextractive +resinogenous +resinoid +resinol +resinolic +resinophore +resinosis +resinous +resinously +resinousness +resinovitreous +resiny +resipiscence +resipiscent +resist +resistability +resistable +resistableness +resistance +resistant +resistantly +resister +resistful +resistibility +resistible +resistibleness +resistibly +resisting +resistingly +resistive +resistively +resistiveness +resistivity +resistless +resistlessly +resistlessness +resistor +resitting +resize +resizer +resketch +reskin +reslash +reslate +reslay +reslide +reslot +resmell +resmelt +resmile +resmooth +resnap +resnatch +resnatron +resnub +resoak +resoap +resoften +resoil +resojourn +resolder +resole +resolemnize +resolicit +resolidification +resolidify +resolubility +resoluble +resolubleness +resolute +resolutely +resoluteness +resolution +resolutioner +resolutionist +resolutory +resolvability +resolvable +resolvableness +resolvancy +resolve +resolved +resolvedly +resolvedness +resolvent +resolver +resolvible +resonance +resonancy +resonant +resonantly +resonate +resonator +resonatory +resoothe +resorb +resorbence +resorbent +resorcin +resorcine +resorcinism +resorcinol +resorcinolphthalein +resorcinum +resorcylic +resorption +resorptive +resort +resorter +resorufin +resought +resound +resounder +resounding +resoundingly +resource +resourceful +resourcefully +resourcefulness +resourceless +resourcelessness +resoutive +resow +resp +respace +respade +respan +respangle +resparkle +respeak +respect +respectability +respectabilize +respectable +respectableness +respectably +respectant +respecter +respectful +respectfully +respectfulness +respecting +respective +respectively +respectiveness +respectless +respectlessly +respectlessness +respectworthy +respell +respersive +respin +respirability +respirable +respirableness +respiration +respirational +respirative +respirator +respiratored +respiratorium +respiratory +respire +respirit +respirometer +respite +respiteless +resplend +resplendence +resplendency +resplendent +resplendently +resplice +resplit +respoke +respond +responde +respondence +respondency +respondent +respondentia +responder +responsal +responsary +response +responseless +responser +responsibility +responsible +responsibleness +responsibly +responsion +responsive +responsively +responsiveness +responsivity +responsorial +responsory +respot +respray +respread +respring +resprout +respue +resquare +resqueak +ressaidar +ressala +ressaldar +ressaut +rest +restable +restack +restaff +restain +restainable +restake +restamp +restandardization +restandardize +restant +restart +restate +restatement +restaur +restaurant +restaurate +restaurateur +restauration +restbalk +resteal +resteel +resteep +restem +restep +rester +resterilize +restes +restful +restfully +restfulness +restharrow +resthouse +Restiaceae +restiaceous +restiad +restibrachium +restiff +restiffen +restiffener +restiffness +restifle +restiform +restigmatize +restimulate +restimulation +resting +restingly +Restio +Restionaceae +restionaceous +restipulate +restipulation +restipulatory +restir +restis +restitch +restitute +restitution +restitutionism +restitutionist +restitutive +restitutor +restitutory +restive +restively +restiveness +restless +restlessly +restlessness +restock +restopper +restorable +restorableness +restoral +restoration +restorationer +restorationism +restorationist +restorative +restoratively +restorativeness +restorator +restoratory +restore +restorer +restow +restowal +restproof +restraighten +restrain +restrainability +restrained +restrainedly +restrainedness +restrainer +restraining +restrainingly +restraint +restraintful +restrap +restratification +restream +restrengthen +restress +restretch +restrict +restricted +restrictedly +restrictedness +restriction +restrictionary +restrictionist +restrictive +restrictively +restrictiveness +restrike +restring +restringe +restringency +restringent +restrip +restrive +restroke +restudy +restuff +restward +restwards +resty +restyle +resubject +resubjection +resubjugate +resublimation +resublime +resubmerge +resubmission +resubmit +resubordinate +resubscribe +resubscriber +resubscription +resubstitute +resubstitution +resucceed +resuck +resudation +resue +resuffer +resufferance +resuggest +resuggestion +resuing +resuit +result +resultance +resultancy +resultant +resultantly +resultative +resultful +resultfully +resulting +resultingly +resultive +resultless +resultlessly +resultlessness +resumability +resumable +resume +resumer +resummon +resummons +resumption +resumptive +resumptively +resun +resup +resuperheat +resupervise +resupinate +resupinated +resupination +resupine +resupply +resupport +resuppose +resupposition +resuppress +resuppression +resurface +resurge +resurgence +resurgency +resurgent +resurprise +resurrect +resurrectible +resurrection +resurrectional +resurrectionary +resurrectioner +resurrectioning +resurrectionism +resurrectionist +resurrectionize +resurrective +resurrector +resurrender +resurround +resurvey +resuscitable +resuscitant +resuscitate +resuscitation +resuscitative +resuscitator +resuspect +resuspend +resuspension +reswage +reswallow +resward +reswarm +reswear +resweat +resweep +reswell +reswill +reswim +resyllabification +resymbolization +resymbolize +resynthesis +resynthesize +ret +retable +retack +retackle +retag +retail +retailer +retailment +retailor +retain +retainability +retainable +retainableness +retainal +retainder +retainer +retainership +retaining +retake +retaker +retaliate +retaliation +retaliationist +retaliative +retaliator +retaliatory +retalk +retama +retame +retan +retanner +retape +retard +retardance +retardant +retardate +retardation +retardative +retardatory +retarded +retardence +retardent +retarder +retarding +retardingly +retardive +retardment +retardure +retare +retariff +retaste +retation +retattle +retax +retaxation +retch +reteach +retecious +retelegraph +retelephone +retell +retelling +retem +retemper +retempt +retemptation +retenant +retender +retene +retent +retention +retentionist +retentive +retentively +retentiveness +retentivity +retentor +Retepora +retepore +Reteporidae +retest +retexture +rethank +rethatch +rethaw +rethe +retheness +rethicken +rethink +rethrash +rethread +rethreaten +rethresh +rethresher +rethrill +rethrive +rethrone +rethrow +rethrust +rethunder +retia +retial +Retiariae +retiarian +retiarius +retiary +reticella +reticello +reticence +reticency +reticent +reticently +reticket +reticle +reticula +reticular +Reticularia +reticularian +reticularly +reticulary +reticulate +reticulated +reticulately +reticulation +reticulatocoalescent +reticulatogranulate +reticulatoramose +reticulatovenose +reticule +reticuled +reticulin +reticulitis +reticulocyte +reticulocytosis +reticuloramose +Reticulosa +reticulose +reticulovenose +reticulum +retie +retier +retiform +retighten +retile +retill +retimber +retime +retin +retina +retinacular +retinaculate +retinaculum +retinal +retinalite +retinasphalt +retinasphaltum +retincture +retinene +retinerved +retinian +retinispora +retinite +retinitis +retinize +retinker +retinoblastoma +retinochorioid +retinochorioidal +retinochorioiditis +retinoid +retinol +retinopapilitis +retinophoral +retinophore +retinoscope +retinoscopic +retinoscopically +retinoscopist +retinoscopy +Retinospora +retinue +retinula +retinular +retinule +retip +retiracied +retiracy +retirade +retiral +retire +retired +retiredly +retiredness +retirement +retirer +retiring +retiringly +retiringness +retistene +retoast +retold +retolerate +retoleration +retomb +retonation +retook +retool +retooth +retoother +retort +retortable +retorted +retorter +retortion +retortive +retorture +retoss +retotal +retouch +retoucher +retouching +retouchment +retour +retourable +retrace +retraceable +retracement +retrack +retract +retractability +retractable +retractation +retracted +retractibility +retractible +retractile +retractility +retraction +retractive +retractively +retractiveness +retractor +retrad +retrade +retradition +retrahent +retrain +retral +retrally +retramp +retrample +retranquilize +retranscribe +retranscription +retransfer +retransference +retransfigure +retransform +retransformation +retransfuse +retransit +retranslate +retranslation +retransmission +retransmissive +retransmit +retransmute +retransplant +retransport +retransportation +retravel +retraverse +retraxit +retread +retreat +retreatal +retreatant +retreater +retreatful +retreating +retreatingness +retreative +retreatment +retree +retrench +retrenchable +retrencher +retrenchment +retrial +retribute +retribution +retributive +retributively +retributor +retributory +retricked +retrievability +retrievable +retrievableness +retrievably +retrieval +retrieve +retrieveless +retrievement +retriever +retrieverish +retrim +retrimmer +retrip +retroact +retroaction +retroactive +retroactively +retroactivity +retroalveolar +retroauricular +retrobronchial +retrobuccal +retrobulbar +retrocaecal +retrocardiac +retrocecal +retrocede +retrocedence +retrocedent +retrocervical +retrocession +retrocessional +retrocessionist +retrocessive +retrochoir +retroclavicular +retroclusion +retrocognition +retrocognitive +retrocolic +retroconsciousness +retrocopulant +retrocopulation +retrocostal +retrocouple +retrocoupler +retrocurved +retrodate +retrodeviation +retrodisplacement +retroduction +retrodural +retroesophageal +retroflected +retroflection +retroflex +retroflexed +retroflexion +retroflux +retroform +retrofract +retrofracted +retrofrontal +retrogastric +retrogenerative +retrogradation +retrogradatory +retrograde +retrogradely +retrogradient +retrogradingly +retrogradism +retrogradist +retrogress +retrogression +retrogressionist +retrogressive +retrogressively +retrohepatic +retroinfection +retroinsular +retroiridian +retroject +retrojection +retrojugular +retrolabyrinthine +retrolaryngeal +retrolingual +retrolocation +retromammary +retromammillary +retromandibular +retromastoid +retromaxillary +retromigration +retromingent +retromingently +retromorphosed +retromorphosis +retronasal +retroperitoneal +retroperitoneally +retropharyngeal +retropharyngitis +retroplacental +retroplexed +retroposed +retroposition +retropresbyteral +retropubic +retropulmonary +retropulsion +retropulsive +retroreception +retrorectal +retroreflective +retrorenal +retrorse +retrorsely +retroserrate +retroserrulate +retrospect +retrospection +retrospective +retrospectively +retrospectiveness +retrospectivity +retrosplenic +retrostalsis +retrostaltic +retrosternal +retrosusception +retrot +retrotarsal +retrotemporal +retrothyroid +retrotracheal +retrotransfer +retrotransference +retrotympanic +retrousse +retrovaccinate +retrovaccination +retrovaccine +retroverse +retroversion +retrovert +retrovision +retroxiphoid +retrude +retrue +retrusible +retrusion +retrust +retry +retted +retter +rettery +retting +rettory +retube +retuck +retumble +retumescence +retune +returban +returf +returfer +return +returnability +returnable +returned +returner +returnless +returnlessly +retuse +retwine +retwist +retying +retype +retzian +Reub +Reuben +Reubenites +Reuchlinian +Reuchlinism +Reuel +reundercut +reundergo +reundertake +reundulate +reundulation +reune +reunfold +reunification +reunify +reunion +reunionism +reunionist +reunionistic +reunitable +reunite +reunitedly +reuniter +reunition +reunitive +reunpack +reuphold +reupholster +reuplift +reurge +reuse +reutilization +reutilize +reutter +reutterance +rev +revacate +revaccinate +revaccination +revalenta +revalescence +revalescent +revalidate +revalidation +revalorization +revalorize +revaluate +revaluation +revalue +revamp +revamper +revampment +revaporization +revaporize +revarnish +revary +reve +reveal +revealability +revealable +revealableness +revealed +revealedly +revealer +revealing +revealingly +revealingness +revealment +revegetate +revegetation +revehent +reveil +reveille +revel +revelability +revelant +revelation +revelational +revelationer +revelationist +revelationize +revelative +revelator +revelatory +reveler +revellent +revelly +revelment +revelrout +revelry +revenant +revend +revender +revendicate +revendication +reveneer +revenge +revengeable +revengeful +revengefully +revengefulness +revengeless +revengement +revenger +revengingly +revent +reventilate +reventure +revenual +revenue +revenued +revenuer +rever +reverable +reverb +reverbatory +reverberant +reverberate +reverberation +reverberative +reverberator +reverberatory +reverbrate +reverdure +revere +revered +reverence +reverencer +reverend +reverendly +reverendship +reverent +reverential +reverentiality +reverentially +reverentialness +reverently +reverentness +reverer +reverie +reverification +reverify +reverist +revers +reversability +reversable +reversal +reverse +reversed +reversedly +reverseful +reverseless +reversely +reversement +reverser +reverseways +reversewise +reversi +reversibility +reversible +reversibleness +reversibly +reversification +reversifier +reversify +reversing +reversingly +reversion +reversionable +reversional +reversionally +reversionary +reversioner +reversionist +reversis +reversist +reversive +reverso +revert +revertal +reverter +revertibility +revertible +revertive +revertively +revery +revest +revestiary +revestry +revet +revete +revetement +revetment +revibrate +revibration +revibrational +revictorious +revictory +revictual +revictualment +revie +review +reviewability +reviewable +reviewage +reviewal +reviewer +revieweress +reviewish +reviewless +revigorate +revigoration +revile +revilement +reviler +reviling +revilingly +revindicate +revindication +reviolate +reviolation +revirescence +revirescent +Revisable +revisable +revisableness +revisal +revise +Revised +revisee +reviser +revisership +revisible +revision +revisional +revisionary +revisionism +revisionist +revisit +revisitant +revisitation +revisor +revisory +revisualization +revisualize +revitalization +revitalize +revitalizer +revivability +revivable +revivably +revival +revivalism +revivalist +revivalistic +revivalize +revivatory +revive +revivement +reviver +revivification +revivifier +revivify +reviving +revivingly +reviviscence +reviviscency +reviviscent +reviviscible +revivor +revocability +revocable +revocableness +revocably +revocation +revocative +revocatory +revoice +revokable +revoke +revokement +revoker +revokingly +revolant +revolatilize +revolt +revolter +revolting +revoltingly +revoltress +revolubility +revoluble +revolubly +revolunteer +revolute +revoluted +revolution +revolutional +revolutionally +revolutionarily +revolutionariness +revolutionary +revolutioneering +revolutioner +revolutionism +revolutionist +revolutionize +revolutionizement +revolutionizer +revolvable +revolvably +revolve +revolvement +revolvency +revolver +revolving +revolvingly +revomit +revote +revue +revuette +revuist +revulsed +revulsion +revulsionary +revulsive +revulsively +rewade +rewager +rewake +rewaken +rewall +rewallow +reward +rewardable +rewardableness +rewardably +rewardedly +rewarder +rewardful +rewardfulness +rewarding +rewardingly +rewardless +rewardproof +rewarehouse +rewarm +rewarn +rewash +rewater +rewave +rewax +rewaybill +rewayle +reweaken +rewear +reweave +rewed +reweigh +reweigher +reweight +rewelcome +reweld +rewend +rewet +rewhelp +rewhirl +rewhisper +rewhiten +rewiden +rewin +rewind +rewinder +rewirable +rewire +rewish +rewithdraw +rewithdrawal +rewood +reword +rework +reworked +rewound +rewove +rewoven +rewrap +rewrite +rewriter +Rex +rex +rexen +reyield +Reynard +Reynold +reyoke +reyouth +rezbanyite +rhabdite +rhabditiform +Rhabditis +rhabdium +Rhabdocarpum +Rhabdocoela +rhabdocoelan +rhabdocoele +Rhabdocoelida +rhabdocoelidan +rhabdocoelous +rhabdoid +rhabdoidal +rhabdolith +rhabdom +rhabdomal +rhabdomancer +rhabdomancy +rhabdomantic +rhabdomantist +Rhabdomonas +rhabdomyoma +rhabdomyosarcoma +rhabdomysarcoma +rhabdophane +rhabdophanite +Rhabdophora +rhabdophoran +Rhabdopleura +rhabdopod +rhabdos +rhabdosome +rhabdosophy +rhabdosphere +rhabdus +Rhacianectes +Rhacomitrium +Rhacophorus +Rhadamanthine +Rhadamanthus +Rhadamanthys +Rhaetian +Rhaetic +rhagades +rhagadiform +rhagiocrin +rhagionid +Rhagionidae +rhagite +Rhagodia +rhagon +rhagonate +rhagose +rhamn +Rhamnaceae +rhamnaceous +rhamnal +Rhamnales +rhamnetin +rhamninase +rhamninose +rhamnite +rhamnitol +rhamnohexite +rhamnohexitol +rhamnohexose +rhamnonic +rhamnose +rhamnoside +Rhamnus +rhamphoid +Rhamphorhynchus +Rhamphosuchus +rhamphotheca +Rhapidophyllum +Rhapis +rhapontic +rhaponticin +rhapontin +rhapsode +rhapsodic +rhapsodical +rhapsodically +rhapsodie +rhapsodism +rhapsodist +rhapsodistic +rhapsodize +rhapsodomancy +rhapsody +Rhaptopetalaceae +rhason +rhasophore +rhatania +rhatany +rhe +Rhea +rhea +rheadine +Rheae +rhebok +rhebosis +rheeboc +rheebok +rheen +rhegmatype +rhegmatypy +Rhegnopteri +rheic +Rheidae +Rheiformes +rhein +rheinic +rhema +rhematic +rhematology +rheme +Rhemish +Rhemist +Rhenish +rhenium +rheobase +rheocrat +rheologist +rheology +rheometer +rheometric +rheometry +rheophile +rheophore +rheophoric +rheoplankton +rheoscope +rheoscopic +rheostat +rheostatic +rheostatics +rheotactic +rheotan +rheotaxis +rheotome +rheotrope +rheotropic +rheotropism +rhesian +rhesus +rhetor +rhetoric +rhetorical +rhetorically +rhetoricalness +rhetoricals +rhetorician +rhetorize +Rheum +rheum +rheumarthritis +rheumatalgia +rheumatic +rheumatical +rheumatically +rheumaticky +rheumatism +rheumatismal +rheumatismoid +rheumative +rheumatiz +rheumatize +rheumatoid +rheumatoidal +rheumatoidally +rheumed +rheumic +rheumily +rheuminess +rheumy +Rhexia +rhexis +rhigolene +rhigosis +rhigotic +Rhina +rhinal +rhinalgia +Rhinanthaceae +Rhinanthus +rhinarium +rhincospasm +rhine +Rhineland +Rhinelander +rhinencephalic +rhinencephalon +rhinencephalous +rhinenchysis +Rhineodon +Rhineodontidae +rhinestone +Rhineura +rhineurynter +Rhinidae +rhinion +rhinitis +rhino +Rhinobatidae +Rhinobatus +rhinobyon +rhinocaul +rhinocele +rhinocelian +rhinocerial +rhinocerian +rhinocerine +rhinoceroid +rhinoceros +rhinoceroslike +rhinocerotic +Rhinocerotidae +rhinocerotiform +rhinocerotine +rhinocerotoid +rhinochiloplasty +Rhinoderma +rhinodynia +rhinogenous +rhinolalia +rhinolaryngology +rhinolaryngoscope +rhinolite +rhinolith +rhinolithic +rhinological +rhinologist +rhinology +rhinolophid +Rhinolophidae +rhinolophine +rhinopharyngeal +rhinopharyngitis +rhinopharynx +Rhinophidae +Rhinophis +rhinophonia +rhinophore +rhinophyma +rhinoplastic +rhinoplasty +rhinopolypus +Rhinoptera +Rhinopteridae +rhinorrhagia +rhinorrhea +rhinorrheal +rhinoscleroma +rhinoscope +rhinoscopic +rhinoscopy +rhinosporidiosis +Rhinosporidium +rhinotheca +rhinothecal +Rhinthonic +Rhinthonica +rhipidate +rhipidion +Rhipidistia +rhipidistian +rhipidium +Rhipidoglossa +rhipidoglossal +rhipidoglossate +Rhipidoptera +rhipidopterous +rhipiphorid +Rhipiphoridae +Rhipiptera +rhipipteran +rhipipterous +Rhipsalis +Rhiptoglossa +rhizanthous +rhizautoicous +Rhizina +Rhizinaceae +rhizine +rhizinous +Rhizobium +rhizocarp +Rhizocarpeae +rhizocarpean +rhizocarpian +rhizocarpic +rhizocarpous +rhizocaul +rhizocaulus +Rhizocephala +rhizocephalan +rhizocephalous +rhizocorm +Rhizoctonia +rhizoctoniose +rhizodermis +Rhizodus +Rhizoflagellata +rhizoflagellate +rhizogen +rhizogenetic +rhizogenic +rhizogenous +rhizoid +rhizoidal +rhizoma +rhizomatic +rhizomatous +rhizome +rhizomelic +rhizomic +rhizomorph +rhizomorphic +rhizomorphoid +rhizomorphous +rhizoneure +rhizophagous +rhizophilous +Rhizophora +Rhizophoraceae +rhizophoraceous +rhizophore +rhizophorous +rhizophyte +rhizoplast +rhizopod +Rhizopoda +rhizopodal +rhizopodan +rhizopodist +rhizopodous +Rhizopogon +Rhizopus +rhizosphere +Rhizostomae +Rhizostomata +rhizostomatous +rhizostome +rhizostomous +Rhizota +rhizotaxis +rhizotaxy +rhizote +rhizotic +rhizotomi +rhizotomy +rho +Rhoda +rhodaline +Rhodamine +rhodamine +rhodanate +Rhodanian +rhodanic +rhodanine +rhodanthe +rhodeose +Rhodes +Rhodesian +Rhodesoid +rhodeswood +Rhodian +rhodic +rhoding +rhodinol +rhodite +rhodium +rhodizite +rhodizonic +Rhodobacteriaceae +Rhodobacterioideae +rhodochrosite +Rhodococcus +Rhodocystis +rhodocyte +rhododendron +rhodolite +Rhodomelaceae +rhodomelaceous +rhodonite +Rhodope +rhodophane +Rhodophyceae +rhodophyceous +rhodophyll +Rhodophyllidaceae +Rhodophyta +rhodoplast +rhodopsin +Rhodora +Rhodoraceae +rhodorhiza +rhodosperm +Rhodospermeae +rhodospermin +rhodospermous +Rhodospirillum +Rhodothece +Rhodotypos +Rhodymenia +Rhodymeniaceae +rhodymeniaceous +Rhodymeniales +Rhoeadales +Rhoecus +Rhoeo +rhomb +rhombencephalon +rhombenporphyr +rhombic +rhombical +rhombiform +rhomboclase +rhomboganoid +Rhomboganoidei +rhombogene +rhombogenic +rhombogenous +rhombohedra +rhombohedral +rhombohedrally +rhombohedric +rhombohedron +rhomboid +rhomboidal +rhomboidally +rhomboideus +rhomboidly +rhomboquadratic +rhomborectangular +rhombos +rhombovate +Rhombozoa +rhombus +rhonchal +rhonchial +rhonchus +Rhonda +rhopalic +rhopalism +rhopalium +Rhopalocera +rhopaloceral +rhopalocerous +Rhopalura +rhotacism +rhotacismus +rhotacistic +rhotacize +rhubarb +rhubarby +rhumb +rhumba +rhumbatron +Rhus +rhyacolite +rhyme +rhymeless +rhymelet +rhymemaker +rhymemaking +rhymeproof +rhymer +rhymery +rhymester +rhymewise +rhymic +rhymist +rhymy +Rhynchobdellae +Rhynchobdellida +Rhynchocephala +Rhynchocephali +Rhynchocephalia +rhynchocephalian +rhynchocephalic +rhynchocephalous +Rhynchocoela +rhynchocoelan +rhynchocoelic +rhynchocoelous +rhyncholite +Rhynchonella +Rhynchonellacea +Rhynchonellidae +rhynchonelloid +Rhynchophora +rhynchophoran +rhynchophore +rhynchophorous +Rhynchopinae +Rhynchops +Rhynchosia +Rhynchospora +Rhynchota +rhynchotal +rhynchote +rhynchotous +rhynconellid +Rhyncostomi +Rhynia +Rhyniaceae +Rhynocheti +Rhynsburger +rhyobasalt +rhyodacite +rhyolite +rhyolitic +rhyotaxitic +rhyparographer +rhyparographic +rhyparographist +rhyparography +rhypography +rhyptic +rhyptical +rhysimeter +Rhyssa +rhythm +rhythmal +rhythmic +rhythmical +rhythmicality +rhythmically +rhythmicity +rhythmicize +rhythmics +rhythmist +rhythmizable +rhythmization +rhythmize +rhythmless +rhythmometer +rhythmopoeia +rhythmproof +Rhytidodon +rhytidome +rhytidosis +Rhytina +Rhytisma +rhyton +ria +rial +riancy +riant +riantly +riata +rib +ribald +ribaldish +ribaldly +ribaldrous +ribaldry +riband +Ribandism +Ribandist +ribandlike +ribandmaker +ribandry +ribat +ribaudequin +ribaudred +ribband +ribbandry +ribbed +ribber +ribbet +ribbidge +ribbing +ribble +ribbon +ribbonback +ribboner +ribbonfish +Ribbonism +ribbonlike +ribbonmaker +Ribbonman +ribbonry +ribbonweed +ribbonwood +ribbony +ribby +ribe +Ribes +Ribhus +ribless +riblet +riblike +riboflavin +ribonic +ribonuclease +ribonucleic +ribose +ribroast +ribroaster +ribroasting +ribskin +ribspare +Ribston +ribwork +ribwort +Ric +Ricardian +Ricardianism +Ricardo +Riccia +Ricciaceae +ricciaceous +Ricciales +rice +ricebird +riceland +ricer +ricey +Rich +rich +Richard +Richardia +Richardsonia +richdom +Richebourg +richellite +richen +riches +richesse +richling +richly +Richmond +Richmondena +richness +richt +richterite +richweed +ricin +ricine +ricinelaidic +ricinelaidinic +ricinic +ricinine +ricininic +ricinium +ricinoleate +ricinoleic +ricinolein +ricinolic +Ricinulei +Ricinus +ricinus +Rick +rick +rickardite +ricker +ricketily +ricketiness +ricketish +rickets +Rickettsia +rickettsial +Rickettsiales +rickettsialpox +rickety +rickey +rickle +rickmatic +rickrack +ricksha +rickshaw +rickstaddle +rickstand +rickstick +Ricky +rickyard +ricochet +ricolettaite +ricrac +rictal +rictus +rid +ridable +ridableness +ridably +riddam +riddance +riddel +ridden +ridder +ridding +riddle +riddlemeree +riddler +riddling +riddlingly +riddlings +ride +rideable +rideau +riden +rident +rider +ridered +rideress +riderless +ridge +ridgeband +ridgeboard +ridgebone +ridged +ridgel +ridgelet +ridgelike +ridgeling +ridgepiece +ridgeplate +ridgepole +ridgepoled +ridger +ridgerope +ridgetree +ridgeway +ridgewise +ridgil +ridging +ridgingly +ridgling +ridgy +ridibund +ridicule +ridiculer +ridiculize +ridiculosity +ridiculous +ridiculously +ridiculousness +riding +ridingman +ridotto +rie +riebeckite +riem +Riemannean +Riemannian +riempie +rier +Riesling +rife +rifely +rifeness +Riff +riff +Riffi +Riffian +riffle +riffler +riffraff +Rifi +Rifian +rifle +riflebird +rifledom +rifleman +riflemanship +rifleproof +rifler +riflery +rifleshot +rifling +rift +rifter +riftless +rifty +rig +rigadoon +rigamajig +rigamarole +rigation +rigbane +Rigel +Rigelian +rigescence +rigescent +riggald +rigger +rigging +riggish +riggite +riggot +right +rightabout +righten +righteous +righteously +righteousness +righter +rightful +rightfully +rightfulness +rightheaded +righthearted +rightist +rightle +rightless +rightlessness +rightly +rightmost +rightness +righto +rightship +rightward +rightwardly +rightwards +righty +rigid +rigidify +rigidist +rigidity +rigidly +rigidness +rigidulous +rigling +rigmaree +rigmarole +rigmarolery +rigmarolic +rigmarolish +rigmarolishly +rignum +rigol +rigolette +rigor +rigorism +rigorist +rigoristic +rigorous +rigorously +rigorousness +rigsby +rigsdaler +Rigsmaal +Rigsmal +rigwiddie +rigwiddy +Rik +Rikari +rikisha +rikk +riksha +rikshaw +Riksmaal +Riksmal +rilawa +rile +riley +rill +rillet +rillett +rillette +rillock +rillstone +rilly +rim +rima +rimal +rimate +rimbase +rime +rimeless +rimer +rimester +rimfire +rimiform +rimland +rimless +rimmaker +rimmaking +rimmed +rimmer +rimose +rimosely +rimosity +rimous +rimpi +rimple +rimption +rimrock +rimu +rimula +rimulose +rimy +Rinaldo +rinceau +rinch +rincon +Rind +rind +Rinde +rinded +rinderpest +rindle +rindless +rindy +rine +ring +ringable +Ringatu +ringbark +ringbarker +ringbill +ringbird +ringbolt +ringbone +ringboned +ringcraft +ringdove +ringe +ringed +ringent +ringer +ringeye +ringgiver +ringgiving +ringgoer +ringhals +ringhead +ringiness +ringing +ringingly +ringingness +ringite +ringle +ringlead +ringleader +ringleaderless +ringleadership +ringless +ringlet +ringleted +ringlety +ringlike +ringmaker +ringmaking +ringman +ringmaster +ringneck +ringsail +ringside +ringsider +ringster +ringtail +ringtaw +ringtime +ringtoss +ringwalk +ringwall +ringwise +ringworm +ringy +rink +rinka +rinker +rinkite +rinncefada +rinneite +rinner +rinsable +rinse +rinser +rinsing +rinthereout +rintherout +Rio +rio +riot +rioter +rioting +riotingly +riotist +riotistic +riotocracy +riotous +riotously +riotousness +riotproof +riotry +rip +ripa +ripal +riparial +riparian +Riparii +riparious +ripcord +ripe +ripelike +ripely +ripen +ripener +ripeness +ripening +ripeningly +riper +ripgut +ripicolous +ripidolite +ripienist +ripieno +ripier +ripost +riposte +rippable +ripper +ripperman +rippet +rippier +ripping +rippingly +rippingness +rippit +ripple +rippleless +rippler +ripplet +rippling +ripplingly +ripply +rippon +riprap +riprapping +ripsack +ripsaw +ripsnorter +ripsnorting +Ripuarian +ripup +riroriro +risala +risberm +rise +risen +riser +rishi +rishtadar +risibility +risible +risibleness +risibles +risibly +rising +risk +risker +riskful +riskfulness +riskily +riskiness +riskish +riskless +riskproof +risky +risorial +risorius +risp +risper +risque +risquee +Riss +rissel +risser +Rissian +rissle +Rissoa +rissoid +Rissoidae +rist +ristori +rit +Rita +rita +Ritalynne +ritardando +Ritchey +rite +riteless +ritelessness +ritling +ritornel +ritornelle +ritornello +Ritschlian +Ritschlianism +rittingerite +ritual +ritualism +ritualist +ritualistic +ritualistically +rituality +ritualize +ritualless +ritually +ritzy +riva +rivage +rival +rivalable +rivaless +rivalism +rivality +rivalize +rivalless +rivalrous +rivalry +rivalship +rive +rivel +rivell +riven +river +riverain +riverbank +riverbush +riverdamp +rivered +riverhead +riverhood +riverine +riverish +riverless +riverlet +riverlike +riverling +riverly +riverman +riverscape +riverside +riversider +riverward +riverwards +riverwash +riverway +riverweed +riverwise +rivery +rivet +riveter +rivethead +riveting +rivetless +rivetlike +Rivina +riving +rivingly +Rivinian +rivose +Rivularia +Rivulariaceae +rivulariaceous +rivulation +rivulet +rivulose +rix +rixatrix +rixy +riyal +riziform +rizzar +rizzle +rizzom +rizzomed +rizzonite +Ro +roach +roachback +road +roadability +roadable +roadbed +roadblock +roadbook +roadcraft +roaded +roader +roadfellow +roadhead +roadhouse +roading +roadite +roadless +roadlessness +roadlike +roadman +roadmaster +roadside +roadsider +roadsman +roadstead +roadster +roadstone +roadtrack +roadway +roadweed +roadwise +roadworthiness +roadworthy +roam +roamage +roamer +roaming +roamingly +roan +roanoke +roar +roarer +roaring +roaringly +roast +roastable +roaster +roasting +roastingly +Rob +rob +robalito +robalo +roband +robber +robberproof +robbery +Robbin +robbin +robbing +robe +robeless +Robenhausian +rober +roberd +Roberdsman +Robert +Roberta +Roberto +Robigalia +Robigus +Robin +robin +robinet +robing +Robinia +robinin +robinoside +roble +robomb +roborant +roborate +roboration +roborative +roborean +roboreous +robot +robotesque +robotian +robotism +robotistic +robotization +robotize +robotlike +robotry +robur +roburite +robust +robustful +robustfully +robustfulness +robustic +robusticity +robustious +robustiously +robustiousness +robustity +robustly +robustness +roc +rocambole +Roccella +Roccellaceae +roccellic +roccellin +roccelline +Rochea +rochelime +Rochelle +rocher +rochet +rocheted +rock +rockable +rockably +rockaby +rockabye +rockallite +Rockaway +rockaway +rockbell +rockberry +rockbird +rockborn +rockbrush +rockcist +rockcraft +rockelay +rocker +rockery +rocket +rocketeer +rocketer +rocketlike +rocketor +rocketry +rockety +rockfall +rockfish +rockfoil +rockhair +rockhearted +Rockies +rockiness +rocking +rockingly +rockish +rocklay +rockless +rocklet +rocklike +rockling +rockman +rockrose +rockshaft +rockslide +rockstaff +rocktree +rockward +rockwards +rockweed +rockwood +rockwork +rocky +rococo +Rocouyenne +rocta +Rod +rod +rodd +roddikin +roddin +rodding +rode +Rodent +rodent +Rodentia +rodential +rodentially +rodentian +rodenticidal +rodenticide +rodentproof +rodeo +Roderic +Roderick +rodge +Rodger +rodham +Rodinal +Rodinesque +roding +rodingite +rodknight +rodless +rodlet +rodlike +rodmaker +rodman +Rodney +rodney +Rodolph +Rodolphus +rodomont +rodomontade +rodomontadist +rodomontador +rodsman +rodster +rodwood +roe +roeblingite +roebuck +roed +roelike +roentgen +roentgenism +roentgenization +roentgenize +roentgenogram +roentgenograph +roentgenographic +roentgenographically +roentgenography +roentgenologic +roentgenological +roentgenologically +roentgenologist +roentgenology +roentgenometer +roentgenometry +roentgenoscope +roentgenoscopic +roentgenoscopy +roentgenotherapy +roentgentherapy +roer +roestone +roey +rog +rogan +rogation +Rogationtide +rogative +rogatory +Roger +roger +Rogero +rogersite +roggle +Rogue +rogue +roguedom +rogueling +roguery +rogueship +roguing +roguish +roguishly +roguishness +rohan +Rohilla +rohob +rohun +rohuna +roi +roid +roil +roily +Roist +roister +roisterer +roistering +roisteringly +roisterly +roisterous +roisterously +roit +Rok +roka +roke +rokeage +rokee +rokelay +roker +rokey +roky +Roland +Rolandic +role +roleo +Rolf +Rolfe +roll +rollable +rollback +rolled +rollejee +roller +rollerer +rollermaker +rollermaking +rollerman +rollerskater +rollerskating +rolley +rolleyway +rolleywayman +rolliche +rollichie +rollick +rollicker +rollicking +rollickingly +rollickingness +rollicksome +rollicksomeness +rollicky +rolling +rollingly +Rollinia +rollix +rollmop +Rollo +rollock +rollway +roloway +Romaean +Romagnese +Romagnol +Romagnole +Romaic +romaika +Romain +romaine +Romaji +romal +Roman +Romance +romance +romancealist +romancean +romanceful +romanceish +romanceishness +romanceless +romancelet +romancelike +romancemonger +romanceproof +romancer +romanceress +romancical +romancing +romancist +romancy +Romandom +Romane +Romanes +Romanese +Romanesque +Romanhood +Romanian +Romanic +Romaniform +Romanish +Romanism +Romanist +Romanistic +Romanite +Romanity +romanium +Romanization +Romanize +Romanizer +Romanly +Romansch +Romansh +romantic +romantical +romanticalism +romanticality +romantically +romanticalness +romanticism +romanticist +romanticistic +romanticity +romanticize +romanticly +romanticness +romantism +romantist +Romany +romanza +romaunt +rombos +rombowline +Rome +romeite +Romeo +romerillo +romero +Romescot +Romeshot +Romeward +Romewards +Romic +Romipetal +Romish +Romishly +Romishness +rommack +Rommany +Romney +Romneya +romp +romper +romping +rompingly +rompish +rompishly +rompishness +rompu +rompy +Romulian +Romulus +Ron +Ronald +roncador +Roncaglian +roncet +ronco +rond +rondache +rondacher +rondawel +ronde +rondeau +rondel +rondelet +Rondeletia +rondelier +rondelle +rondellier +rondino +rondle +rondo +rondoletto +rondure +rone +Rong +Ronga +rongeur +Ronni +ronquil +Ronsardian +Ronsardism +Ronsardist +Ronsardize +Ronsdorfer +Ronsdorfian +rontgen +ronyon +rood +roodebok +roodle +roodstone +roof +roofage +roofer +roofing +roofless +rooflet +rooflike +roofman +rooftree +roofward +roofwise +roofy +rooibok +rooinek +rook +rooker +rookeried +rookery +rookie +rookish +rooklet +rooklike +rooky +rool +room +roomage +roomed +roomer +roomful +roomie +roomily +roominess +roomkeeper +roomless +roomlet +roommate +roomstead +roomth +roomthily +roomthiness +roomthy +roomward +roomy +roon +roorback +roosa +Roosevelt +Rooseveltian +roost +roosted +rooster +roosterfish +roosterhood +roosterless +roosters +roostership +Root +root +rootage +rootcap +rooted +rootedly +rootedness +rooter +rootery +rootfast +rootfastness +roothold +rootiness +rootle +rootless +rootlessness +rootlet +rootlike +rootling +rootstalk +rootstock +rootwalt +rootward +rootwise +rootworm +rooty +roove +ropable +rope +ropeable +ropeband +ropebark +ropedance +ropedancer +ropedancing +ropelayer +ropelaying +ropelike +ropemaker +ropemaking +ropeman +roper +roperipe +ropery +ropes +ropesmith +ropetrick +ropewalk +ropewalker +ropeway +ropework +ropily +ropiness +roping +ropish +ropishness +ropp +ropy +roque +roquelaure +roquer +roquet +roquette +roquist +roral +roratorio +Rori +roric +Roridula +Roridulaceae +roriferous +rorifluent +Roripa +Rorippa +roritorious +rorqual +rorty +rorulent +rory +Rosa +Rosabel +Rosabella +Rosaceae +rosacean +rosaceous +rosal +Rosales +Rosalia +Rosalie +Rosalind +Rosaline +Rosamond +rosanilin +rosaniline +rosarian +rosario +rosarium +rosaruby +rosary +rosated +Roschach +roscherite +roscid +roscoelite +rose +roseal +roseate +roseately +rosebay +rosebud +rosebush +rosed +rosedrop +rosefish +rosehead +rosehill +rosehiller +roseine +rosel +roseless +roselet +roselike +roselite +rosella +rosellate +roselle +Rosellinia +rosemary +Rosenbergia +rosenbuschite +roseola +roseolar +roseoliform +roseolous +roseous +roseroot +rosery +roset +rosetan +rosetangle +rosetime +Rosetta +rosette +rosetted +rosetty +rosetum +rosety +roseways +rosewise +rosewood +rosewort +Rosicrucian +Rosicrucianism +rosied +rosier +rosieresite +rosilla +rosillo +rosily +rosin +rosinate +rosinduline +Rosine +rosiness +rosinous +rosinweed +rosinwood +rosiny +rosland +rosmarine +Rosmarinus +Rosminian +Rosminianism +rosoli +rosolic +rosolio +rosolite +rosorial +Ross +ross +rosser +rossite +rostel +rostellar +Rostellaria +rostellarian +rostellate +rostelliform +rostellum +roster +rostra +rostral +rostrally +rostrate +rostrated +rostriferous +rostriform +rostroantennary +rostrobranchial +rostrocarinate +rostrocaudal +rostroid +rostrolateral +rostrular +rostrulate +rostrulum +rostrum +rosular +rosulate +rosy +rot +rota +rotacism +Rotal +rotal +Rotala +Rotalia +rotalian +rotaliform +rotaliiform +rotaman +rotameter +rotan +Rotanev +rotang +Rotarian +Rotarianism +rotarianize +Rotary +rotary +rotascope +rotatable +rotate +rotated +rotating +rotation +rotational +rotative +rotatively +rotativism +rotatodentate +rotatoplane +rotator +Rotatoria +rotatorian +rotatory +rotch +rote +rotella +rotenone +roter +rotge +rotgut +rother +rothermuck +rotifer +Rotifera +rotiferal +rotiferan +rotiferous +rotiform +rotisserie +roto +rotograph +rotogravure +rotor +rotorcraft +rotproof +Rotse +rottan +rotten +rottenish +rottenly +rottenness +rottenstone +rotter +rotting +rottle +rottlera +rottlerin +rottock +rottolo +rotula +rotulad +rotular +rotulet +rotulian +rotuliform +rotulus +rotund +rotunda +rotundate +rotundifoliate +rotundifolious +rotundiform +rotundify +rotundity +rotundly +rotundness +rotundo +rotundotetragonal +roub +roucou +roud +roue +rouelle +rouge +rougeau +rougeberry +rougelike +rougemontite +rougeot +rough +roughage +roughcast +roughcaster +roughdraft +roughdraw +roughdress +roughdry +roughen +roughener +rougher +roughet +roughhearted +roughheartedness +roughhew +roughhewer +roughhewn +roughhouse +roughhouser +roughhousing +roughhousy +roughie +roughing +roughings +roughish +roughishly +roughishness +roughleg +roughly +roughness +roughometer +roughride +roughrider +roughroot +roughscuff +roughsetter +roughshod +roughslant +roughsome +roughstring +roughstuff +roughtail +roughtailed +roughwork +roughwrought +roughy +rougy +rouille +rouky +roulade +rouleau +roulette +Rouman +Roumeliote +roun +rounce +rounceval +rouncy +round +roundabout +roundaboutly +roundaboutness +rounded +roundedly +roundedness +roundel +roundelay +roundeleer +rounder +roundfish +roundhead +roundheaded +roundheadedness +roundhouse +rounding +roundish +roundishness +roundlet +roundline +roundly +roundmouthed +roundness +roundnose +roundnosed +roundridge +roundseam +roundsman +roundtail +roundtop +roundtree +roundup +roundwise +roundwood +roundworm +roundy +roup +rouper +roupet +roupily +roupingwife +roupit +roupy +rouse +rouseabout +rousedness +rousement +rouser +rousing +rousingly +Rousseau +Rousseauan +Rousseauism +Rousseauist +Rousseauistic +Rousseauite +Roussellian +roussette +Roussillon +roust +roustabout +rouster +rousting +rout +route +router +routh +routhercock +routhie +routhiness +routhy +routinary +routine +routineer +routinely +routing +routinish +routinism +routinist +routinization +routinize +routivarite +routous +routously +rouvillite +rove +rover +rovet +rovetto +roving +rovingly +rovingness +row +rowable +rowan +rowanberry +rowboat +rowdily +rowdiness +rowdy +rowdydow +rowdydowdy +rowdyish +rowdyishly +rowdyishness +rowdyism +rowdyproof +rowed +rowel +rowelhead +rowen +Rowena +rower +rowet +rowiness +rowing +Rowland +rowlandite +Rowleian +rowlet +Rowley +Rowleyan +rowlock +rowport +rowty +rowy +rox +Roxana +Roxane +Roxanne +Roxburgh +Roxburghiaceae +Roxbury +Roxie +Roxolani +Roxy +roxy +Roy +royal +royale +royalet +royalism +royalist +royalization +royalize +royally +royalty +Royena +royet +royetness +royetous +royetously +Roystonea +royt +rozum +Rua +ruach +ruana +rub +rubasse +rubato +rubbed +rubber +rubberer +rubberize +rubberless +rubberneck +rubbernecker +rubbernose +rubbers +rubberstone +rubberwise +rubbery +rubbing +rubbingstone +rubbish +rubbishing +rubbishingly +rubbishly +rubbishry +rubbishy +rubble +rubbler +rubblestone +rubblework +rubbly +rubdown +Rube +rubedinous +rubedity +rubefacient +rubefaction +rubelet +rubella +rubelle +rubellite +rubellosis +Rubensian +rubeola +rubeolar +rubeoloid +ruberythric +ruberythrinic +rubescence +rubescent +Rubia +Rubiaceae +rubiaceous +Rubiales +rubianic +rubiate +rubiator +rubican +rubicelle +Rubicola +Rubicon +rubiconed +rubicund +rubicundity +rubidic +rubidine +rubidium +rubied +rubific +rubification +rubificative +rubify +rubiginous +rubijervine +rubine +rubineous +rubious +ruble +rublis +rubor +rubric +rubrica +rubrical +rubricality +rubrically +rubricate +rubrication +rubricator +rubrician +rubricism +rubricist +rubricity +rubricize +rubricose +rubrific +rubrification +rubrify +rubrisher +rubrospinal +rubstone +Rubus +ruby +rubylike +rubytail +rubythroat +rubywise +rucervine +Rucervus +Ruchbah +ruche +ruching +ruck +rucker +ruckle +ruckling +rucksack +rucksey +ruckus +rucky +ructation +ruction +rud +rudas +Rudbeckia +rudd +rudder +rudderhead +rudderhole +rudderless +rudderlike +rudderpost +rudderstock +ruddied +ruddily +ruddiness +ruddle +ruddleman +ruddock +ruddy +ruddyish +rude +rudely +rudeness +rudented +rudenture +ruderal +rudesby +Rudesheimer +rudge +rudiment +rudimental +rudimentarily +rudimentariness +rudimentary +rudimentation +rudish +Rudista +Rudistae +rudistan +rudistid +rudity +Rudmasday +Rudolf +Rudolph +Rudolphus +Rudy +rue +rueful +ruefully +ruefulness +ruelike +ruelle +Ruellia +ruen +ruer +ruesome +ruesomeness +ruewort +rufescence +rufescent +ruff +ruffable +ruffed +ruffer +ruffian +ruffianage +ruffiandom +ruffianhood +ruffianish +ruffianism +ruffianize +ruffianlike +ruffianly +ruffiano +ruffin +ruffle +ruffled +ruffleless +rufflement +ruffler +rufflike +ruffliness +ruffling +ruffly +ruficarpous +ruficaudate +ruficoccin +ruficornate +rufigallic +rufoferruginous +rufofulvous +rufofuscous +rufopiceous +rufotestaceous +rufous +rufter +rufulous +Rufus +rufus +rug +ruga +rugate +Rugbeian +Rugby +rugged +ruggedly +ruggedness +Rugger +rugging +ruggle +ruggy +rugheaded +ruglike +rugmaker +rugmaking +Rugosa +rugosa +rugose +rugosely +rugosity +rugous +rugulose +ruin +ruinable +ruinate +ruination +ruinatious +ruinator +ruined +ruiner +ruing +ruiniform +ruinlike +ruinous +ruinously +ruinousness +ruinproof +Rukbat +rukh +rulable +Rulander +rule +ruledom +ruleless +rulemonger +ruler +rulership +ruling +rulingly +rull +ruller +rullion +Rum +rum +rumal +Ruman +Rumanian +rumbelow +rumble +rumblegarie +rumblegumption +rumblement +rumbler +rumbling +rumblingly +rumbly +rumbo +rumbooze +rumbowline +rumbowling +rumbullion +rumbumptious +rumbustical +rumbustious +rumbustiousness +rumchunder +Rumelian +rumen +rumenitis +rumenocentesis +rumenotomy +Rumex +rumfustian +rumgumption +rumgumptious +ruminal +ruminant +Ruminantia +ruminantly +ruminate +ruminating +ruminatingly +rumination +ruminative +ruminatively +ruminator +rumkin +rumless +rumly +rummage +rummager +rummagy +rummer +rummily +rumminess +rummish +rummy +rumness +rumney +rumor +rumorer +rumormonger +rumorous +rumorproof +rumourmonger +rump +rumpad +rumpadder +rumpade +Rumper +rumple +rumpless +rumply +rumpscuttle +rumpuncheon +rumpus +rumrunner +rumrunning +rumshop +rumswizzle +rumtytoo +run +runabout +runagate +runaround +runaway +runback +runboard +runby +runch +runchweed +runcinate +rundale +Rundi +rundle +rundlet +rune +runecraft +runed +runefolk +runeless +runelike +runer +runesmith +runestaff +runeword +runfish +rung +runghead +rungless +runholder +runic +runically +runiform +runite +runkeeper +runkle +runkly +runless +runlet +runman +runnable +runnel +runner +runnet +running +runningly +runny +runoff +runologist +runology +runout +runover +runproof +runrig +runround +runt +runted +runtee +runtiness +runtish +runtishly +runtishness +runty +runway +rupa +rupee +Rupert +rupestral +rupestrian +rupestrine +rupia +rupiah +rupial +Rupicapra +Rupicaprinae +rupicaprine +Rupicola +Rupicolinae +rupicoline +rupicolous +rupie +rupitic +Ruppia +ruptile +ruption +ruptive +ruptuary +rupturable +rupture +ruptured +rupturewort +rural +ruralism +ruralist +ruralite +rurality +ruralization +ruralize +rurally +ruralness +rurban +ruridecanal +rurigenous +Ruritania +Ruritanian +ruru +Rus +Rusa +Ruscus +ruse +rush +rushbush +rushed +rushen +rusher +rushiness +rushing +rushingly +rushingness +rushland +rushlight +rushlighted +rushlike +rushlit +rushy +Rusin +rusine +rusk +ruskin +Ruskinian +rusky +rusma +rusot +ruspone +Russ +russel +Russelia +Russell +Russellite +Russene +russet +russeting +russetish +russetlike +russety +Russia +russia +Russian +Russianism +Russianist +Russianization +Russianize +Russification +Russificator +Russifier +Russify +Russine +Russism +Russniak +Russolatrous +Russolatry +Russomania +Russomaniac +Russomaniacal +Russophile +Russophilism +Russophilist +Russophobe +Russophobia +Russophobiac +Russophobism +Russophobist +russud +Russula +rust +rustable +rustful +rustic +rustical +rustically +rusticalness +rusticate +rustication +rusticator +rusticial +rusticism +rusticity +rusticize +rusticly +rusticness +rusticoat +rustily +rustiness +rustle +rustler +rustless +rustling +rustlingly +rustlingness +rustly +rustproof +rustre +rustred +Rusty +rusty +rustyback +rustyish +ruswut +rut +Ruta +rutabaga +Rutaceae +rutaceous +rutaecarpine +rutate +rutch +rutelian +Rutelinae +Ruth +ruth +ruthenate +Ruthene +Ruthenian +ruthenic +ruthenious +ruthenium +ruthenous +ruther +rutherford +rutherfordine +rutherfordite +ruthful +ruthfully +ruthfulness +ruthless +ruthlessly +ruthlessness +rutic +rutidosis +rutilant +rutilated +rutile +rutilous +rutin +rutinose +Rutiodon +ruttee +rutter +ruttiness +ruttish +ruttishly +ruttishness +rutty +Rutuli +rutyl +rutylene +ruvid +rux +rvulsant +ryal +ryania +rybat +ryder +rye +ryen +Rymandra +ryme +Rynchospora +rynchosporous +rynd +rynt +ryot +ryotwar +ryotwari +rype +rypeck +rytidosis +Rytina +Ryukyu +S +s +sa +saa +Saad +Saan +Saarbrucken +sab +Saba +sabadilla +sabadine +sabadinine +Sabaean +Sabaeanism +Sabaeism +sabaigrass +Sabaism +Sabaist +Sabal +Sabalaceae +sabalo +Saban +sabanut +Sabaoth +Sabathikos +Sabazian +Sabazianism +Sabazios +sabbat +Sabbatarian +Sabbatarianism +Sabbatary +Sabbatean +Sabbath +sabbath +Sabbathaian +Sabbathaic +Sabbathaist +Sabbathbreaker +Sabbathbreaking +Sabbathism +Sabbathize +Sabbathkeeper +Sabbathkeeping +Sabbathless +Sabbathlike +Sabbathly +Sabbatia +sabbatia +Sabbatian +Sabbatic +sabbatic +Sabbatical +sabbatical +Sabbatically +Sabbaticalness +sabbatine +sabbatism +Sabbatist +Sabbatization +Sabbatize +sabbaton +sabbitha +sabdariffa +sabe +sabeca +Sabella +sabella +sabellan +Sabellaria +sabellarian +Sabelli +Sabellian +Sabellianism +Sabellianize +sabellid +Sabellidae +sabelloid +saber +saberbill +sabered +saberleg +saberlike +saberproof +sabertooth +saberwing +Sabia +Sabiaceae +sabiaceous +Sabian +Sabianism +sabicu +Sabik +Sabina +sabina +Sabine +sabine +Sabinian +sabino +Sabir +sable +sablefish +sableness +sably +sabora +saboraim +sabot +sabotage +saboted +saboteur +sabotine +Sabra +sabra +sabretache +Sabrina +Sabromin +sabromin +Sabuja +sabuline +sabulite +sabulose +sabulosity +sabulous +sabulum +saburra +saburral +saburration +sabutan +sabzi +Sac +sac +Sacae +sacalait +sacaline +sacaton +sacatra +sacbrood +saccade +saccadic +Saccammina +saccate +saccated +Saccha +saccharamide +saccharase +saccharate +saccharated +saccharephidrosis +saccharic +saccharide +sacchariferous +saccharification +saccharifier +saccharify +saccharilla +saccharimeter +saccharimetric +saccharimetrical +saccharimetry +saccharin +saccharinate +saccharinated +saccharine +saccharineish +saccharinely +saccharinic +saccharinity +saccharization +saccharize +saccharobacillus +saccharobiose +saccharobutyric +saccharoceptive +saccharoceptor +saccharochemotropic +saccharocolloid +saccharofarinaceous +saccharogalactorrhea +saccharogenic +saccharohumic +saccharoid +saccharoidal +saccharolactonic +saccharolytic +saccharometabolic +saccharometabolism +saccharometer +saccharometric +saccharometry +saccharomucilaginous +Saccharomyces +saccharomyces +Saccharomycetaceae +saccharomycetaceous +Saccharomycetales +saccharomycete +Saccharomycetes +saccharomycetic +saccharomycosis +saccharon +saccharonate +saccharone +saccharonic +saccharophylly +saccharorrhea +saccharoscope +saccharose +saccharostarchy +saccharosuria +saccharotriose +saccharous +saccharulmic +saccharulmin +Saccharum +saccharum +saccharuria +sacciferous +sacciform +Saccobranchiata +saccobranchiate +Saccobranchus +saccoderm +Saccolabium +saccolabium +saccomyian +saccomyid +Saccomyidae +Saccomyina +saccomyine +saccomyoid +Saccomyoidea +saccomyoidean +Saccomys +Saccopharyngidae +Saccopharynx +Saccorhiza +saccos +saccular +sacculate +sacculated +sacculation +saccule +Sacculina +sacculoutricular +sacculus +saccus +sacellum +sacerdocy +sacerdotage +sacerdotal +sacerdotalism +sacerdotalist +sacerdotalize +sacerdotally +sacerdotical +sacerdotism +sachamaker +sachem +sachemdom +sachemic +sachemship +sachet +Sacheverell +Sacian +sack +sackage +sackamaker +sackbag +sackbut +sackcloth +sackclothed +sackdoudle +sacked +sacken +sacker +sackful +sacking +sackless +sacklike +sackmaker +sackmaking +sackman +sacktime +saclike +saco +sacope +sacque +sacra +sacrad +sacral +sacralgia +sacralization +sacrament +sacramental +sacramentalism +sacramentalist +sacramentality +sacramentally +sacramentalness +Sacramentarian +sacramentarian +sacramentarianism +sacramentarist +Sacramentary +sacramentary +sacramenter +sacramentism +sacramentize +Sacramento +sacramentum +sacraria +sacrarial +sacrarium +sacrectomy +sacred +sacredly +sacredness +sacrificable +sacrificant +Sacrificati +sacrification +sacrificator +sacrificatory +sacrificature +sacrifice +sacrificer +sacrificial +sacrificially +sacrificing +sacrilege +sacrileger +sacrilegious +sacrilegiously +sacrilegiousness +sacrilegist +sacrilumbal +sacrilumbalis +sacring +Sacripant +sacrist +sacristan +sacristy +sacro +sacrocaudal +sacrococcygeal +sacrococcygean +sacrococcygeus +sacrococcyx +sacrocostal +sacrocotyloid +sacrocotyloidean +sacrocoxalgia +sacrocoxitis +sacrodorsal +sacrodynia +sacrofemoral +sacroiliac +sacroinguinal +sacroischiac +sacroischiadic +sacroischiatic +sacrolumbal +sacrolumbalis +sacrolumbar +sacropectineal +sacroperineal +sacropictorial +sacroposterior +sacropubic +sacrorectal +sacrosanct +sacrosanctity +sacrosanctness +sacrosciatic +sacrosecular +sacrospinal +sacrospinalis +sacrospinous +sacrotomy +sacrotuberous +sacrovertebral +sacrum +sad +Sadachbia +Sadalmelik +Sadalsuud +sadden +saddening +saddeningly +saddik +saddirham +saddish +saddle +saddleback +saddlebag +saddlebow +saddlecloth +saddled +saddleleaf +saddleless +saddlelike +saddlenose +saddler +saddlery +saddlesick +saddlesore +saddlesoreness +saddlestead +saddletree +saddlewise +saddling +Sadducaic +Sadducean +Sadducee +Sadduceeism +Sadduceeist +Sadducism +Sadducize +sade +sadh +sadhe +sadhearted +sadhu +sadic +Sadie +sadiron +sadism +sadist +sadistic +sadistically +Sadite +sadly +sadness +sado +sadomasochism +Sadr +sadr +saecula +saeculum +Saeima +saernaite +saeter +saeume +Safar +safari +Safavi +Safawid +safe +safeblower +safeblowing +safebreaker +safebreaking +safecracking +safeguard +safeguarder +safehold +safekeeper +safekeeping +safelight +safely +safemaker +safemaking +safen +safener +safeness +safety +Saffarian +Saffarid +saffian +safflor +safflorite +safflow +safflower +saffron +saffroned +saffrontree +saffronwood +saffrony +Safi +Safine +Safini +safranin +safranine +safranophile +safrole +saft +sag +saga +sagaciate +sagacious +sagaciously +sagaciousness +sagacity +Sagai +sagaie +sagaman +sagamite +sagamore +sagapenum +sagathy +sage +sagebrush +sagebrusher +sagebush +sageleaf +sagely +sagene +sageness +sagenite +sagenitic +Sageretia +sagerose +sageship +sagewood +sagger +sagging +saggon +saggy +saghavart +Sagina +saginate +sagination +saging +Sagitarii +sagitta +sagittal +sagittally +Sagittaria +Sagittariid +Sagittarius +sagittarius +Sagittary +sagittary +sagittate +Sagittid +sagittiferous +sagittiform +sagittocyst +sagittoid +sagless +sago +sagoin +sagolike +Sagra +saguaro +Saguerus +sagum +saguran +sagvandite +sagwire +sagy +sah +Sahadeva +Sahaptin +Sahara +Saharan +Saharian +Saharic +sahh +sahib +Sahibah +Sahidic +sahme +Saho +sahoukar +sahukar +sai +saic +said +Saidi +Saify +saiga +Saiid +sail +sailable +sailage +sailboat +sailcloth +sailed +sailer +sailfish +sailflying +sailing +sailingly +sailless +sailmaker +sailmaking +sailor +sailoring +sailorizing +sailorless +sailorlike +sailorly +sailorman +sailorproof +sailplane +sailship +sailsman +saily +saim +saimiri +saimy +sain +Sainfoin +saint +saintdom +sainted +saintess +sainthood +saintish +saintism +saintless +saintlike +saintlily +saintliness +saintling +saintly +saintologist +saintology +Saintpaulia +saintship +saip +Saiph +sair +sairly +sairve +sairy +Saite +saithe +Saitic +Saiva +Saivism +saj +sajou +Sak +Saka +Sakai +Sakalava +sake +sakeber +sakeen +Sakel +Sakelarides +Sakell +Sakellaridis +saker +sakeret +Sakha +saki +sakieh +Sakkara +Saktism +sakulya +Sakyamuni +Sal +sal +salaam +salaamlike +salability +salable +salableness +salably +salaceta +salacious +salaciously +salaciousness +salacity +salacot +salad +salading +salago +salagrama +salal +salamandarin +salamander +salamanderlike +Salamandra +salamandrian +Salamandridae +salamandriform +Salamandrina +salamandrine +salamandroid +salambao +Salaminian +salamo +salampore +salangane +salangid +Salangidae +Salar +salar +salariat +salaried +salary +salaryless +salat +salay +sale +salegoer +salele +salema +salenixon +salep +saleratus +saleroom +salesclerk +Salesian +saleslady +salesman +salesmanship +salespeople +salesperson +salesroom +saleswoman +salework +saleyard +salfern +Salian +Saliaric +Salic +salic +Salicaceae +salicaceous +Salicales +Salicariaceae +salicetum +salicin +salicional +salicorn +Salicornia +salicyl +salicylal +salicylaldehyde +salicylamide +salicylanilide +salicylase +salicylate +salicylic +salicylide +salicylidene +salicylism +salicylize +salicylous +salicyluric +salicylyl +salience +salient +Salientia +salientian +saliently +saliferous +salifiable +salification +salify +saligenin +saligot +salimeter +salimetry +Salina +salina +Salinan +salination +saline +Salinella +salinelle +salineness +saliniferous +salinification +saliniform +salinity +salinize +salinometer +salinometry +salinosulphureous +salinoterreous +Salisburia +Salish +Salishan +salite +salited +Saliva +saliva +salival +Salivan +salivant +salivary +salivate +salivation +salivator +salivatory +salivous +Salix +salix +salle +sallee +salleeman +sallenders +sallet +sallier +salloo +sallow +sallowish +sallowness +sallowy +Sally +sally +Sallybloom +sallyman +sallywood +Salm +salma +salmagundi +salmiac +salmine +salmis +Salmo +Salmon +salmon +salmonberry +Salmonella +salmonella +salmonellae +salmonellosis +salmonet +salmonid +Salmonidae +salmoniform +salmonlike +salmonoid +Salmonoidea +Salmonoidei +salmonsite +salmwood +salnatron +Salol +salol +Salome +salometer +salometry +salomon +Salomonia +Salomonian +Salomonic +salon +saloon +saloonist +saloonkeeper +saloop +Salopian +salopian +salp +Salpa +salpa +salpacean +salpian +salpicon +Salpidae +salpiform +Salpiglossis +salpiglossis +salpingectomy +salpingemphraxis +salpinges +salpingian +salpingion +salpingitic +salpingitis +salpingocatheterism +salpingocele +salpingocyesis +salpingomalleus +salpingonasal +salpingopalatal +salpingopalatine +salpingoperitonitis +salpingopexy +salpingopharyngeal +salpingopharyngeus +salpingopterygoid +salpingorrhaphy +salpingoscope +salpingostaphyline +salpingostenochoria +salpingostomatomy +salpingostomy +salpingotomy +salpinx +salpoid +salse +salsifis +salsify +salsilla +Salsola +Salsolaceae +salsolaceous +salsuginous +salt +salta +saltant +saltarella +saltarello +saltary +saltate +saltation +saltativeness +Saltator +saltator +Saltatoria +saltatorial +saltatorian +saltatoric +saltatorious +saltatory +saltbush +saltcat +saltcatch +saltcellar +salted +saltee +salten +salter +saltern +saltery +saltfat +saltfoot +salthouse +saltier +saltierra +saltierwise +Saltigradae +saltigrade +saltimbanco +saltimbank +saltimbankery +saltine +saltiness +salting +saltish +saltishly +saltishness +saltless +saltlessness +saltly +saltmaker +saltmaking +saltman +saltmouth +saltness +saltometer +saltorel +saltpan +saltpeter +saltpetrous +saltpond +saltspoon +saltspoonful +saltsprinkler +saltus +saltweed +saltwife +saltworker +saltworks +saltwort +salty +salubrify +salubrious +salubriously +salubriousness +salubrity +saluki +salung +salutarily +salutariness +salutary +salutation +salutational +salutationless +salutatious +salutatorian +salutatorily +salutatorium +salutatory +salute +saluter +salutiferous +salutiferously +Salva +salvability +salvable +salvableness +salvably +Salvadora +salvadora +Salvadoraceae +salvadoraceous +Salvadoran +Salvadorian +salvage +salvageable +salvagee +salvageproof +salvager +salvaging +Salvarsan +salvarsan +salvatella +salvation +salvational +salvationism +salvationist +salvatory +salve +salveline +Salvelinus +salver +salverform +Salvia +salvianin +salvific +salvifical +salvifically +Salvinia +Salviniaceae +salviniaceous +Salviniales +salviol +salvo +salvor +salvy +Salwey +salzfelle +Sam +sam +Samadera +samadh +samadhi +samaj +Samal +saman +Samandura +Samani +Samanid +Samantha +samara +samaria +samariform +Samaritan +Samaritaness +Samaritanism +samarium +Samarkand +samaroid +samarra +samarskite +Samas +samba +Sambal +sambal +sambaqui +sambar +Sambara +Sambathe +sambhogakaya +Sambo +sambo +Sambucaceae +Sambucus +sambuk +sambuke +sambunigrin +Samburu +same +samekh +samel +sameliness +samely +samen +sameness +samesome +Samgarnebo +samh +Samhain +samhita +Samian +samiel +Samir +samiresite +samiri +samisen +Samish +samite +samkara +samlet +sammel +sammer +sammier +Sammy +sammy +Samnani +Samnite +Samoan +Samogitian +samogonka +Samolus +Samosatenian +samothere +Samotherium +Samothracian +samovar +Samoyed +Samoyedic +samp +sampaguita +sampaloc +sampan +samphire +sampi +sample +sampleman +sampler +samplery +sampling +Sampsaean +Samsam +samsara +samshu +Samsien +samskara +Samson +samson +Samsoness +Samsonian +Samsonic +Samsonistic +samsonite +Samucan +Samucu +Samuel +samurai +Samydaceae +San +san +sanability +sanable +sanableness +sanai +Sanand +sanative +sanativeness +sanatoria +sanatorium +sanatory +Sanballat +sanbenito +Sanche +sancho +sanct +sancta +sanctanimity +sanctifiable +sanctifiableness +sanctifiably +sanctificate +sanctification +sanctified +sanctifiedly +sanctifier +sanctify +sanctifyingly +sanctilogy +sanctiloquent +sanctimonial +sanctimonious +sanctimoniously +sanctimoniousness +sanctimony +sanction +sanctionable +sanctionary +sanctionative +sanctioner +sanctionist +sanctionless +sanctionment +sanctitude +sanctity +sanctologist +Sanctology +sanctorium +sanctuaried +sanctuarize +sanctuary +sanctum +Sanctus +Sancy +sancyite +sand +sandak +sandal +sandaled +sandaliform +sandaling +sandalwood +sandalwort +sandan +sandarac +sandaracin +sandastros +Sandawe +sandbag +sandbagger +sandbank +sandbin +sandblast +sandboard +sandbox +sandboy +sandbur +sandclub +sandculture +sanded +Sandeep +Sandemanian +Sandemanianism +Sandemanism +Sander +sander +sanderling +sanders +sandfish +sandflower +sandglass +sandheat +sandhi +sandiferous +sandiness +sanding +Sandip +sandiver +sandix +sandlapper +sandless +sandlike +sandling +sandman +sandnatter +sandnecker +sandpaper +sandpaperer +sandpeep +sandpiper +sandproof +Sandra +sandrock +sandspit +sandspur +sandstay +sandstone +sandstorm +sandust +sandweed +sandweld +sandwich +sandwood +sandworm +sandwort +Sandy +sandy +sandyish +sane +sanely +saneness +Sanetch +Sanford +Sanforized +sang +sanga +Sangamon +sangar +sangaree +sangei +sanger +sangerbund +sangerfest +Sanggil +sangha +Sangho +Sangir +Sangirese +sanglant +sangley +Sangraal +sangreeroot +sangrel +sangsue +sanguicolous +sanguifacient +sanguiferous +sanguification +sanguifier +sanguifluous +sanguimotor +sanguimotory +sanguinaceous +Sanguinaria +sanguinarily +sanguinariness +sanguinary +sanguine +sanguineless +sanguinely +sanguineness +sanguineobilious +sanguineophlegmatic +sanguineous +sanguineousness +sanguineovascular +sanguinicolous +sanguiniferous +sanguinification +sanguinism +sanguinity +sanguinivorous +sanguinocholeric +sanguinolency +sanguinolent +sanguinopoietic +sanguinous +Sanguisorba +Sanguisorbaceae +sanguisuge +sanguisugent +sanguisugous +sanguivorous +Sanhedrim +Sanhedrin +Sanhedrist +Sanhita +sanicle +Sanicula +sanidine +sanidinic +sanidinite +sanies +sanification +sanify +sanious +sanipractic +sanitarian +sanitarily +sanitarist +sanitarium +sanitary +sanitate +sanitation +sanitationist +sanitist +sanitize +Sanity +sanity +sanjak +sanjakate +sanjakbeg +sanjakship +Sanjay +Sanjeev +Sanjib +sank +sankha +Sankhya +sannaite +Sannoisian +sannup +sannyasi +sannyasin +sanopurulent +sanoserous +Sanpoil +sans +Sansar +sansei +Sansevieria +sanshach +sansi +Sanskrit +Sanskritic +Sanskritist +Sanskritization +Sanskritize +sant +Santa +Santal +santal +Santalaceae +santalaceous +Santalales +Santali +santalic +santalin +santalol +Santalum +santalwood +santapee +Santee +santene +Santiago +santimi +santims +santir +Santo +Santolina +santon +santonica +santonin +santoninic +santorinite +Santos +sanukite +Sanvitalia +Sanyakoan +sao +Saoshyant +sap +sapa +sapajou +sapan +sapanwood +sapbush +sapek +Saperda +sapful +Sapharensian +saphead +sapheaded +sapheadedness +saphena +saphenal +saphenous +saphie +sapid +sapidity +sapidless +sapidness +sapience +sapiency +sapient +sapiential +sapientially +sapientize +sapiently +sapin +sapinda +Sapindaceae +sapindaceous +Sapindales +sapindaship +Sapindus +Sapium +sapiutan +saple +sapless +saplessness +sapling +saplinghood +sapo +sapodilla +sapogenin +saponaceous +saponaceousness +saponacity +Saponaria +saponarin +saponary +Saponi +saponifiable +saponification +saponifier +saponify +saponin +saponite +sapophoric +sapor +saporific +saporosity +saporous +Sapota +sapota +Sapotaceae +sapotaceous +sapote +sapotilha +sapotilla +sapotoxin +sappanwood +sappare +sapper +Sapphic +sapphic +sapphire +sapphireberry +sapphired +sapphirewing +sapphiric +sapphirine +Sapphism +Sapphist +Sappho +sappiness +sapping +sapples +sappy +sapremia +sapremic +saprine +saprocoll +saprodil +saprodontia +saprogenic +saprogenous +Saprolegnia +Saprolegniaceae +saprolegniaceous +Saprolegniales +saprolegnious +saprolite +saprolitic +sapropel +sapropelic +sapropelite +saprophagan +saprophagous +saprophile +saprophilous +saprophyte +saprophytic +saprophytically +saprophytism +saprostomous +saprozoic +sapsago +sapskull +sapsuck +sapsucker +sapucaia +sapucainha +sapwood +sapwort +Saqib +sar +Sara +saraad +sarabacan +Sarabaite +saraband +Saracen +Saracenian +Saracenic +Saracenical +Saracenism +Saracenlike +Sarada +saraf +Sarah +Sarakolet +Sarakolle +Saramaccaner +Saran +sarangi +sarangousty +Saratoga +Saratogan +Saravan +Sarawakese +sarawakite +Sarawan +sarbacane +sarbican +sarcasm +sarcasmproof +sarcast +sarcastic +sarcastical +sarcastically +sarcasticalness +sarcasticness +sarcelle +sarcenet +sarcilis +Sarcina +sarcine +sarcitis +sarcle +sarcler +sarcoadenoma +Sarcobatus +sarcoblast +sarcocarcinoma +sarcocarp +sarcocele +Sarcococca +Sarcocolla +sarcocollin +sarcocyst +Sarcocystidea +sarcocystidean +sarcocystidian +Sarcocystis +sarcocystoid +sarcocyte +sarcode +sarcoderm +Sarcodes +sarcodic +sarcodictyum +Sarcodina +sarcodous +sarcoenchondroma +sarcogenic +sarcogenous +sarcoglia +Sarcogyps +sarcoid +sarcolactic +sarcolemma +sarcolemmic +sarcolemmous +sarcoline +sarcolite +sarcologic +sarcological +sarcologist +sarcology +sarcolysis +sarcolyte +sarcolytic +sarcoma +sarcomatoid +sarcomatosis +sarcomatous +sarcomere +Sarcophaga +sarcophagal +sarcophagi +sarcophagic +sarcophagid +Sarcophagidae +sarcophagine +sarcophagize +sarcophagous +sarcophagus +sarcophagy +sarcophile +sarcophilous +Sarcophilus +sarcoplasm +sarcoplasma +sarcoplasmatic +sarcoplasmic +sarcoplast +sarcoplastic +sarcopoietic +Sarcopsylla +Sarcopsyllidae +Sarcoptes +sarcoptic +sarcoptid +Sarcoptidae +Sarcorhamphus +sarcosepsis +sarcosepta +sarcoseptum +sarcosine +sarcosis +sarcosoma +sarcosperm +sarcosporid +Sarcosporida +Sarcosporidia +sarcosporidial +sarcosporidian +sarcosporidiosis +sarcostosis +sarcostyle +sarcotheca +sarcotherapeutics +sarcotherapy +sarcotic +sarcous +Sarcura +Sard +sard +sardachate +Sardanapalian +Sardanapalus +sardel +Sardian +sardine +sardinewise +Sardinian +sardius +Sardoin +sardonic +sardonical +sardonically +sardonicism +sardonyx +sare +sargasso +Sargassum +sargassum +sargo +Sargonic +Sargonid +Sargonide +sargus +sari +sarif +Sarigue +sarigue +sarinda +sarip +sark +sarkar +sarkful +sarkical +sarkine +sarking +sarkinite +sarkit +sarkless +sarlak +sarlyk +Sarmatian +Sarmatic +sarmatier +sarment +sarmenta +sarmentaceous +sarmentiferous +sarmentose +sarmentous +sarmentum +sarna +sarod +saron +sarong +saronic +saronide +saros +Sarothamnus +Sarothra +sarothrum +sarpler +sarpo +sarra +Sarracenia +sarracenia +Sarraceniaceae +sarraceniaceous +sarracenial +Sarraceniales +sarraf +sarrazin +sarrusophone +sarrusophonist +sarsa +sarsaparilla +sarsaparillin +Sarsar +Sarsechim +sarsen +sarsenet +Sarsi +Sart +sart +sartage +sartain +Sartish +sartor +sartoriad +sartorial +sartorially +sartorian +sartorite +sartorius +Saruk +sarus +Sarvarthasiddha +sarwan +Sarzan +sasa +sasan +sasani +sasanqua +sash +sashay +sashery +sashing +sashless +sasin +sasine +saskatoon +sassaby +sassafac +sassafrack +sassafras +Sassak +Sassan +Sassanian +Sassanid +Sassanidae +Sassanide +Sassenach +sassolite +sassy +sassywood +Sastean +sat +satable +Satan +satan +Satanael +Satanas +satang +satanic +satanical +satanically +satanicalness +Satanism +Satanist +satanist +Satanistic +Satanity +satanize +Satanology +Satanophany +Satanophil +Satanophobia +Satanship +satara +satchel +satcheled +sate +sateen +sateenwood +sateless +satelles +satellitarian +satellite +satellited +satellitesimal +satellitian +satellitic +satellitious +satellitium +satellitoid +satellitory +satelloid +satiability +satiable +satiableness +satiably +satiate +satiation +Satieno +satient +satiety +satin +satinbush +satine +satined +satinette +satinfin +satinflower +satinite +satinity +satinize +satinleaf +satinlike +satinpod +satinwood +satiny +satire +satireproof +satiric +satirical +satirically +satiricalness +satirist +satirizable +satirize +satirizer +satisdation +satisdiction +satisfaction +satisfactional +satisfactionist +satisfactionless +satisfactive +satisfactorily +satisfactoriness +satisfactorious +satisfactory +satisfiable +satisfice +satisfied +satisfiedly +satisfiedness +satisfier +satisfy +satisfying +satisfyingly +satisfyingness +satispassion +satlijk +Satrae +satrap +satrapal +satrapess +satrapic +satrapical +satrapy +satron +Satsuma +sattle +sattva +satura +saturability +saturable +saturant +saturate +saturated +saturater +saturation +saturator +Saturday +Satureia +Saturn +Saturnal +Saturnale +Saturnalia +saturnalia +Saturnalian +saturnalian +Saturnia +Saturnian +saturnian +Saturnicentric +saturniid +Saturniidae +Saturnine +saturnine +saturninely +saturnineness +saturninity +saturnism +saturnity +saturnize +Saturnus +satyagrahi +satyashodak +satyr +satyresque +satyress +satyriasis +satyric +Satyridae +Satyrinae +satyrine +satyrion +satyrism +satyrlike +satyromaniac +sauce +sauceboat +saucebox +saucedish +sauceless +sauceline +saucemaker +saucemaking +sauceman +saucepan +sauceplate +saucer +saucerful +saucerleaf +saucerless +saucerlike +saucily +sauciness +saucy +Sauerbraten +sauerkraut +sauf +sauger +saugh +saughen +Saul +sauld +saulie +sault +saulter +Saulteur +saum +saumon +saumont +Saumur +Saumya +sauna +saunders +saunderswood +saunter +saunterer +sauntering +saunteringly +sauqui +saur +Saura +Sauraseni +Saurauia +Saurauiaceae +saurel +Sauria +saurian +sauriasis +sauriosis +Saurischia +saurischian +Sauroctonos +saurodont +Saurodontidae +Saurognathae +saurognathism +saurognathous +Sauromatian +saurophagous +sauropod +Sauropoda +sauropodous +sauropsid +Sauropsida +sauropsidan +sauropsidian +Sauropterygia +sauropterygian +Saurornithes +saurornithic +Saururaceae +saururaceous +Saururae +saururan +saururous +Saururus +saury +sausage +sausagelike +sausinger +Saussurea +saussurite +saussuritic +saussuritization +saussuritize +saut +saute +sauterelle +sauterne +sauternes +sauteur +sauty +Sauvagesia +sauve +sauvegarde +savable +savableness +savacu +savage +savagedom +savagely +savageness +savagerous +savagery +savagess +savagism +savagize +savanilla +savanna +Savannah +savant +Savara +savarin +savation +save +saved +saveloy +saver +Savery +savin +saving +savingly +savingness +savior +savioress +saviorhood +saviorship +Saviour +Savitar +Savitri +savola +Savonarolist +Savonnerie +savor +savored +savorer +savorily +savoriness +savoringly +savorless +savorous +savorsome +savory +savour +savoy +Savoyard +savoyed +savoying +savssat +savvy +saw +sawah +Sawaiori +sawali +Sawan +sawarra +sawback +sawbelly +sawbill +sawbones +sawbuck +sawbwa +sawder +sawdust +sawdustish +sawdustlike +sawdusty +sawed +sawer +sawfish +sawfly +sawhorse +sawing +sawish +sawlike +sawmaker +sawmaking +sawman +sawmill +sawmiller +sawmilling +sawmon +sawmont +sawn +Sawney +sawney +sawsetter +sawsharper +sawsmith +sawt +sawway +sawworker +sawwort +sawyer +sax +saxatile +saxboard +saxcornet +Saxe +saxhorn +Saxicava +saxicavous +Saxicola +saxicole +Saxicolidae +Saxicolinae +saxicoline +saxicolous +Saxifraga +Saxifragaceae +saxifragaceous +saxifragant +saxifrage +saxifragous +saxifrax +saxigenous +Saxish +Saxon +Saxondom +Saxonian +Saxonic +Saxonical +Saxonically +Saxonish +Saxonism +Saxonist +saxonite +Saxonization +Saxonize +Saxonly +Saxony +saxophone +saxophonist +saxotromba +saxpence +saxten +saxtie +saxtuba +say +saya +sayability +sayable +sayableness +Sayal +sayer +sayette +sayid +saying +sazen +Sbaikian +sblood +sbodikins +scab +scabbard +scabbardless +scabbed +scabbedness +scabbery +scabbily +scabbiness +scabble +scabbler +scabbling +scabby +scabellum +scaberulous +scabid +scabies +scabietic +scabinus +Scabiosa +scabiosity +scabious +scabish +scabland +scabrate +scabrescent +scabrid +scabridity +scabridulous +scabrities +scabriusculose +scabriusculous +scabrosely +scabrous +scabrously +scabrousness +scabwort +scacchic +scacchite +scad +scaddle +scads +Scaean +scaff +scaffer +scaffery +scaffie +scaffle +scaffold +scaffoldage +scaffolder +scaffolding +scaglia +scagliola +scagliolist +scala +scalable +scalableness +scalably +scalage +scalar +scalare +Scalaria +scalarian +scalariform +Scalariidae +scalarwise +scalation +scalawag +scalawaggery +scalawaggy +scald +scaldberry +scalded +scalder +scaldfish +scaldic +scalding +scaldweed +scaldy +scale +scaleback +scalebark +scaleboard +scaled +scaledrake +scalefish +scaleful +scaleless +scalelet +scalelike +scaleman +scalena +scalene +scalenohedral +scalenohedron +scalenon +scalenous +scalenum +scalenus +scalepan +scaleproof +scaler +scales +scalesman +scalesmith +scaletail +scalewing +scalewise +scalework +scalewort +scaliger +scaliness +scaling +scall +scalled +scallion +scallola +scallom +scallop +scalloper +scalloping +scallopwise +scalma +scaloni +Scalops +Scalopus +scalp +scalpeen +scalpel +scalpellar +scalpellic +scalpellum +scalpellus +scalper +scalping +scalpless +scalpriform +scalprum +scalpture +scalt +scaly +scalytail +scam +scamander +Scamandrius +scamble +scambler +scambling +scamell +scamler +scamles +scammoniate +scammonin +scammony +scammonyroot +scamp +scampavia +scamper +scamperer +scamphood +scamping +scampingly +scampish +scampishly +scampishness +scampsman +scan +scandal +scandalization +scandalize +scandalizer +scandalmonger +scandalmongering +scandalmongery +scandalmonging +scandalous +scandalously +scandalousness +scandalproof +scandaroon +scandent +scandia +Scandian +scandic +scandicus +Scandinavia +Scandinavian +Scandinavianism +scandium +Scandix +Scania +Scanian +Scanic +scanmag +scannable +scanner +scanning +scanningly +scansion +scansionist +Scansores +scansorial +scansorious +scant +scanties +scantily +scantiness +scantity +scantle +scantling +scantlinged +scantly +scantness +scanty +scap +scape +scapegallows +scapegoat +scapegoatism +scapegrace +scapel +scapeless +scapement +scapethrift +scapha +Scaphander +Scaphandridae +scaphion +Scaphiopodidae +Scaphiopus +scaphism +scaphite +Scaphites +Scaphitidae +scaphitoid +scaphocephalic +scaphocephalism +scaphocephalous +scaphocephalus +scaphocephaly +scaphocerite +scaphoceritic +scaphognathite +scaphognathitic +scaphoid +scapholunar +scaphopod +Scaphopoda +scaphopodous +scapiform +scapigerous +scapoid +scapolite +scapolitization +scapose +scapple +scappler +scapula +scapulalgia +scapular +scapulare +scapulary +scapulated +scapulectomy +scapulet +scapulimancy +scapuloaxillary +scapulobrachial +scapuloclavicular +scapulocoracoid +scapulodynia +scapulohumeral +scapulopexy +scapuloradial +scapulospinal +scapulothoracic +scapuloulnar +scapulovertebral +scapus +scar +scarab +scarabaean +scarabaei +scarabaeid +Scarabaeidae +scarabaeidoid +scarabaeiform +Scarabaeinae +scarabaeoid +scarabaeus +scarabee +scaraboid +Scaramouch +scaramouch +scarce +scarcelins +scarcely +scarcement +scarcen +scarceness +scarcity +scare +scarebabe +scarecrow +scarecrowish +scarecrowy +scareful +scarehead +scaremonger +scaremongering +scareproof +scarer +scaresome +scarf +scarface +scarfed +scarfer +scarflike +scarfpin +scarfskin +scarfwise +scarfy +scarid +Scaridae +scarification +scarificator +scarifier +scarify +scarily +scariose +scarious +scarlatina +scarlatinal +scarlatiniform +scarlatinoid +scarlatinous +scarless +scarlet +scarletberry +scarletseed +scarlety +scarman +scarn +scaroid +scarp +scarpines +scarping +scarpment +scarproof +scarred +scarrer +scarring +scarry +scart +scarth +Scarus +scarus +scarved +scary +scase +scasely +scat +scatch +scathe +scatheful +scatheless +scathelessly +scathing +scathingly +Scaticook +scatland +scatologia +scatologic +scatological +scatology +scatomancy +scatophagid +Scatophagidae +scatophagoid +scatophagous +scatophagy +scatoscopy +scatter +scatterable +scatteration +scatteraway +scatterbrain +scatterbrained +scatterbrains +scattered +scatteredly +scatteredness +scatterer +scattergood +scattering +scatteringly +scatterling +scattermouch +scattery +scatty +scatula +scaturient +scaul +scaum +scaup +scauper +scaur +scaurie +scaut +scavage +scavel +scavenage +scavenge +scavenger +scavengerism +scavengership +scavengery +scavenging +scaw +scawd +scawl +scazon +scazontic +sceat +scelalgia +scelerat +scelidosaur +scelidosaurian +scelidosauroid +Scelidosaurus +Scelidotherium +Sceliphron +sceloncus +Sceloporus +scelotyrbe +scena +scenario +scenarioist +scenarioization +scenarioize +scenarist +scenarization +scenarize +scenary +scend +scene +scenecraft +Scenedesmus +sceneful +sceneman +scenery +sceneshifter +scenewright +scenic +scenical +scenically +scenist +scenite +scenograph +scenographer +scenographic +scenographical +scenographically +scenography +Scenopinidae +scent +scented +scenter +scentful +scenting +scentless +scentlessness +scentproof +scentwood +scepsis +scepter +scepterdom +sceptered +scepterless +sceptic +sceptral +sceptropherous +sceptrosophy +sceptry +scerne +sceuophorion +sceuophylacium +sceuophylax +schaapsteker +Schaefferia +schairerite +schalmei +schalmey +schalstein +schanz +schapbachite +schappe +schapped +schapping +scharf +Scharlachberger +schatchen +Scheat +Schedar +schediasm +schediastic +Schedius +schedular +schedulate +schedule +schedulize +scheelite +scheffel +schefferite +schelling +Schellingian +Schellingianism +Schellingism +schelly +scheltopusik +schema +schemata +schematic +schematically +schematism +schematist +schematization +schematize +schematizer +schematogram +schematograph +schematologetically +schematomancy +schematonics +scheme +schemeful +schemeless +schemer +schemery +scheming +schemingly +schemist +schemy +schene +schepel +schepen +scherm +scherzando +scherzi +scherzo +schesis +Scheuchzeria +Scheuchzeriaceae +scheuchzeriaceous +schiavone +Schiedam +schiffli +schiller +schillerfels +schillerization +schillerize +schilling +schimmel +schindylesis +schindyletic +Schinus +schipperke +Schisandra +Schisandraceae +schism +schisma +schismatic +schismatical +schismatically +schismaticalness +schismatism +schismatist +schismatize +schismic +schismless +schist +schistaceous +schistic +schistocelia +schistocephalus +Schistocerca +schistocoelia +schistocormia +schistocormus +schistocyte +schistocytosis +schistoglossia +schistoid +schistomelia +schistomelus +schistoprosopia +schistoprosopus +schistorrhachis +schistoscope +schistose +schistosity +Schistosoma +schistosome +schistosomia +schistosomiasis +schistosomus +schistosternia +schistothorax +schistous +schistus +Schizaea +Schizaeaceae +schizaeaceous +Schizanthus +schizanthus +schizaxon +schizocarp +schizocarpic +schizocarpous +schizochroal +schizocoele +schizocoelic +schizocoelous +schizocyte +schizocytosis +schizodinic +schizogamy +schizogenesis +schizogenetic +schizogenetically +schizogenic +schizogenous +schizogenously +schizognath +Schizognathae +schizognathism +schizognathous +schizogonic +schizogony +Schizogregarinae +schizogregarine +Schizogregarinida +schizoid +schizoidism +Schizolaenaceae +schizolaenaceous +schizolite +schizolysigenous +Schizomeria +schizomycete +Schizomycetes +schizomycetic +schizomycetous +schizomycosis +Schizonemertea +schizonemertean +schizonemertine +Schizoneura +Schizonotus +schizont +schizopelmous +Schizopetalon +schizophasia +Schizophragma +schizophrene +schizophrenia +schizophreniac +schizophrenic +Schizophyceae +Schizophyllum +Schizophyta +schizophyte +schizophytic +schizopod +Schizopoda +schizopodal +schizopodous +schizorhinal +schizospore +schizostele +schizostelic +schizostely +schizothecal +schizothoracic +schizothyme +schizothymia +schizothymic +schizotrichia +Schizotrypanum +schiztic +Schlauraffenland +Schleichera +schlemiel +schlemihl +schlenter +schlieren +schlieric +schloop +Schmalkaldic +schmaltz +schmelz +schmelze +schnabel +Schnabelkanne +schnapper +schnapps +schnauzer +schneider +Schneiderian +schnitzel +schnorchel +schnorkel +schnorrer +scho +schochat +schochet +schoenobatic +schoenobatist +Schoenocaulon +Schoenus +schoenus +Schoharie +schola +scholae +scholaptitude +scholar +scholarch +scholardom +scholarian +scholarism +scholarless +scholarlike +scholarliness +scholarly +scholarship +scholasm +scholastic +scholastical +scholastically +scholasticate +scholasticism +scholasticly +scholia +scholiast +scholiastic +scholion +scholium +Schomburgkia +schone +schonfelsite +Schoodic +School +school +schoolable +schoolbag +schoolbook +schoolbookish +schoolboy +schoolboydom +schoolboyhood +schoolboyish +schoolboyishly +schoolboyishness +schoolboyism +schoolbutter +schoolcraft +schooldame +schooldom +schooled +schoolery +schoolfellow +schoolfellowship +schoolful +schoolgirl +schoolgirlhood +schoolgirlish +schoolgirlishly +schoolgirlishness +schoolgirlism +schoolgirly +schoolgoing +schoolhouse +schooling +schoolingly +schoolish +schoolkeeper +schoolkeeping +schoolless +schoollike +schoolmaam +schoolmaamish +schoolmaid +schoolman +schoolmaster +schoolmasterhood +schoolmastering +schoolmasterish +schoolmasterishly +schoolmasterishness +schoolmasterism +schoolmasterly +schoolmastership +schoolmastery +schoolmate +schoolmiss +schoolmistress +schoolmistressy +schoolroom +schoolteacher +schoolteacherish +schoolteacherly +schoolteachery +schoolteaching +schooltide +schooltime +schoolward +schoolwork +schoolyard +schoon +schooner +Schopenhauereanism +Schopenhauerian +Schopenhauerism +schoppen +schorenbergite +schorl +schorlaceous +schorlomite +schorlous +schorly +schottische +schottish +schout +schraubthaler +Schrebera +schreiner +schreinerize +schriesheimite +Schrund +schtoff +schuh +schuhe +schuit +schule +schultenite +schungite +schuss +schute +schwa +schwabacher +Schwalbea +schwarz +Schwarzian +schweizer +schweizerkase +Schwendenerian +Schwenkfelder +Schwenkfeldian +Sciadopitys +Sciaena +sciaenid +Sciaenidae +sciaeniform +Sciaeniformes +sciaenoid +scialytic +sciamachy +Scian +sciapod +sciapodous +Sciara +sciarid +Sciaridae +Sciarinae +sciatheric +sciatherical +sciatherically +sciatic +sciatica +sciatical +sciatically +sciaticky +scibile +science +scienced +scient +sciential +scientician +scientific +scientifical +scientifically +scientificalness +scientificogeographical +scientificohistorical +scientificophilosophical +scientificopoetic +scientificoreligious +scientificoromantic +scientintically +scientism +Scientist +scientist +scientistic +scientistically +scientize +scientolism +scilicet +Scilla +scillain +scillipicrin +Scillitan +scillitin +scillitoxin +Scillonian +scimitar +scimitared +scimitarpod +scincid +Scincidae +scincidoid +scinciform +scincoid +scincoidian +Scincomorpha +Scincus +scind +sciniph +scintilla +scintillant +scintillantly +scintillate +scintillating +scintillatingly +scintillation +scintillator +scintillescent +scintillize +scintillometer +scintilloscope +scintillose +scintillously +scintle +scintler +scintling +sciograph +sciographic +sciography +sciolism +sciolist +sciolistic +sciolous +sciomachiology +sciomachy +sciomancy +sciomantic +scion +sciophilous +sciophyte +scioptic +sciopticon +scioptics +scioptric +sciosophist +sciosophy +Sciot +scioterical +scioterique +sciotheism +sciotheric +sciotherical +sciotherically +scious +scirenga +Scirophoria +Scirophorion +Scirpus +scirrhi +scirrhogastria +scirrhoid +scirrhoma +scirrhosis +scirrhous +scirrhus +scirrosity +scirtopod +Scirtopoda +scirtopodous +scissel +scissible +scissile +scission +scissiparity +scissor +scissorbill +scissorbird +scissorer +scissoring +scissorium +scissorlike +scissorlikeness +scissors +scissorsbird +scissorsmith +scissorstail +scissortail +scissorwise +scissura +scissure +Scissurella +scissurellid +Scissurellidae +Scitaminales +Scitamineae +sciurid +Sciuridae +sciurine +sciuroid +sciuromorph +Sciuromorpha +sciuromorphic +Sciuropterus +Sciurus +sclaff +sclate +sclater +Sclav +Sclavonian +sclaw +scler +sclera +scleral +scleranth +Scleranthaceae +Scleranthus +scleratogenous +sclere +sclerectasia +sclerectomy +scleredema +sclereid +sclerema +sclerencephalia +sclerenchyma +sclerenchymatous +sclerenchyme +sclererythrin +scleretinite +Scleria +scleriasis +sclerification +sclerify +sclerite +scleritic +scleritis +sclerized +sclerobase +sclerobasic +scleroblast +scleroblastema +scleroblastemic +scleroblastic +sclerocauly +sclerochorioiditis +sclerochoroiditis +scleroconjunctival +scleroconjunctivitis +sclerocornea +sclerocorneal +sclerodactylia +sclerodactyly +scleroderm +Scleroderma +scleroderma +Sclerodermaceae +Sclerodermata +Sclerodermatales +sclerodermatitis +sclerodermatous +Sclerodermi +sclerodermia +sclerodermic +sclerodermite +sclerodermitic +sclerodermitis +sclerodermous +sclerogen +Sclerogeni +sclerogenoid +sclerogenous +scleroid +scleroiritis +sclerokeratitis +sclerokeratoiritis +scleroma +scleromata +scleromeninx +scleromere +sclerometer +sclerometric +scleronychia +scleronyxis +Scleropages +Scleroparei +sclerophthalmia +sclerophyll +sclerophyllous +sclerophylly +scleroprotein +sclerosal +sclerosarcoma +Scleroscope +scleroscope +sclerose +sclerosed +scleroseptum +sclerosis +scleroskeletal +scleroskeleton +Sclerospora +sclerostenosis +Sclerostoma +sclerostomiasis +sclerotal +sclerote +sclerotia +sclerotial +sclerotic +sclerotica +sclerotical +scleroticectomy +scleroticochorioiditis +scleroticochoroiditis +scleroticonyxis +scleroticotomy +Sclerotinia +sclerotinial +sclerotiniose +sclerotioid +sclerotitic +sclerotitis +sclerotium +sclerotized +sclerotoid +sclerotome +sclerotomic +sclerotomy +sclerous +scleroxanthin +sclerozone +scliff +sclim +sclimb +scoad +scob +scobby +scobicular +scobiform +scobs +scoff +scoffer +scoffery +scoffing +scoffingly +scoffingstock +scofflaw +scog +scoggan +scogger +scoggin +scogginism +scogginist +scoinson +scoke +scolb +scold +scoldable +scoldenore +scolder +scolding +scoldingly +scoleces +scoleciasis +scolecid +Scolecida +scoleciform +scolecite +scolecoid +scolecology +scolecophagous +scolecospore +scoleryng +scolex +Scolia +scolia +scolices +scoliid +Scoliidae +scoliograptic +scoliokyposis +scoliometer +scolion +scoliorachitic +scoliosis +scoliotic +scoliotone +scolite +scollop +scolog +scolopaceous +Scolopacidae +scolopacine +Scolopax +Scolopendra +scolopendra +Scolopendrella +Scolopendrellidae +scolopendrelloid +scolopendrid +Scolopendridae +scolopendriform +scolopendrine +Scolopendrium +scolopendroid +scolophore +scolopophore +Scolymus +scolytid +Scolytidae +scolytoid +Scolytus +Scomber +scomberoid +Scombresocidae +Scombresox +scombrid +Scombridae +scombriform +Scombriformes +scombrine +scombroid +Scombroidea +scombroidean +scombrone +sconce +sconcer +sconcheon +sconcible +scone +scoon +scoop +scooped +scooper +scoopful +scooping +scoopingly +scoot +scooter +scopa +scoparin +scoparius +scopate +scope +scopeless +scopelid +Scopelidae +scopeliform +scopelism +scopeloid +Scopelus +scopet +scopic +Scopidae +scopiferous +scopiform +scopiformly +scopine +scopiped +scopola +scopolamine +scopoleine +scopoletin +scopoline +scopperil +scops +scoptical +scoptically +scoptophilia +scoptophiliac +scoptophilic +scoptophobia +scopula +Scopularia +scopularian +scopulate +scopuliferous +scopuliform +scopuliped +Scopulipedes +scopulite +scopulous +scopulousness +Scopus +scorbute +scorbutic +scorbutical +scorbutically +scorbutize +scorbutus +scorch +scorched +scorcher +scorching +scorchingly +scorchingness +scorchproof +score +scoreboard +scorebook +scored +scorekeeper +scorekeeping +scoreless +scorer +scoria +scoriac +scoriaceous +scoriae +scorification +scorifier +scoriform +scorify +scoring +scorious +scorn +scorned +scorner +scornful +scornfully +scornfulness +scorningly +scornproof +scorny +scorodite +Scorpaena +scorpaenid +Scorpaenidae +scorpaenoid +scorpene +scorper +Scorpidae +Scorpididae +Scorpii +Scorpiid +Scorpio +scorpioid +scorpioidal +Scorpioidea +scorpion +Scorpiones +scorpionic +scorpionid +Scorpionida +Scorpionidea +Scorpionis +scorpionweed +scorpionwort +Scorpiurus +Scorpius +scorse +scortation +scortatory +Scorzonera +Scot +scot +scotale +Scotch +scotch +scotcher +Scotchery +Scotchification +Scotchify +Scotchiness +scotching +Scotchman +scotchman +Scotchness +Scotchwoman +Scotchy +scote +scoter +scoterythrous +Scotia +scotia +Scotic +scotino +Scotism +Scotist +Scotistic +Scotistical +Scotize +Scotlandwards +scotodinia +scotogram +scotograph +scotographic +scotography +scotoma +scotomata +scotomatic +scotomatical +scotomatous +scotomia +scotomic +scotomy +scotophobia +scotopia +scotopic +scotoscope +scotosis +Scots +Scotsman +Scotswoman +Scott +Scotticism +Scotticize +Scottie +Scottification +Scottify +Scottish +Scottisher +Scottishly +Scottishman +Scottishness +Scotty +scouch +scouk +scoundrel +scoundreldom +scoundrelish +scoundrelism +scoundrelly +scoundrelship +scoup +scour +scourage +scoured +scourer +scouress +scourfish +scourge +scourger +scourging +scourgingly +scouriness +scouring +scourings +scourway +scourweed +scourwort +scoury +scouse +scout +scoutcraft +scoutdom +scouter +scouth +scouther +scouthood +scouting +scoutingly +scoutish +scoutmaster +scoutwatch +scove +scovel +scovillite +scovy +scow +scowbank +scowbanker +scowder +scowl +scowler +scowlful +scowling +scowlingly +scowlproof +scowman +scrab +scrabble +scrabbled +scrabbler +scrabe +scrae +scraffle +scrag +scragged +scraggedly +scraggedness +scragger +scraggily +scragginess +scragging +scraggled +scraggling +scraggly +scraggy +scraily +scram +scramasax +scramble +scramblement +scrambler +scrambling +scramblingly +scrambly +scrampum +scran +scranch +scrank +scranky +scrannel +scranning +scranny +scrap +scrapable +scrapbook +scrape +scrapeage +scraped +scrapepenny +scraper +scrapie +scraping +scrapingly +scrapler +scraplet +scrapling +scrapman +scrapmonger +scrappage +scrapped +scrapper +scrappet +scrappily +scrappiness +scrapping +scrappingly +scrapple +scrappler +scrappy +scrapworks +scrapy +scrat +scratch +scratchable +scratchably +scratchback +scratchboard +scratchbrush +scratchcard +scratchcarding +scratchcat +scratcher +scratches +scratchification +scratchiness +scratching +scratchingly +scratchless +scratchlike +scratchman +scratchproof +scratchweed +scratchwork +scratchy +scrath +scratter +scrattle +scrattling +scrauch +scrauchle +scraunch +scraw +scrawk +scrawl +scrawler +scrawliness +scrawly +scrawm +scrawnily +scrawniness +scrawny +scray +scraze +screak +screaking +screaky +scream +screamer +screaminess +screaming +screamingly +screamproof +screamy +scree +screech +screechbird +screecher +screechily +screechiness +screeching +screechingly +screechy +screed +screek +screel +screeman +screen +screenable +screenage +screencraft +screendom +screened +screener +screening +screenless +screenlike +screenman +screenplay +screensman +screenwise +screenwork +screenwriter +screeny +screet +screeve +screeved +screever +screich +screigh +screve +screver +screw +screwable +screwage +screwball +screwbarrel +screwdrive +screwdriver +screwed +screwer +screwhead +screwiness +screwing +screwish +screwless +screwlike +screwman +screwmatics +screwship +screwsman +screwstem +screwstock +screwwise +screwworm +screwy +scribable +scribacious +scribaciousness +scribal +scribatious +scribatiousness +scribblage +scribblative +scribblatory +scribble +scribbleable +scribbled +scribbledom +scribbleism +scribblemania +scribblement +scribbleomania +scribbler +scribbling +scribblingly +scribbly +scribe +scriber +scribeship +scribing +scribism +scribophilous +scride +scrieve +scriever +scriggle +scriggler +scriggly +scrike +scrim +scrime +scrimer +scrimmage +scrimmager +scrimp +scrimped +scrimpily +scrimpiness +scrimpingly +scrimply +scrimpness +scrimption +scrimpy +scrimshander +scrimshandy +scrimshank +scrimshanker +scrimshaw +scrimshon +scrimshorn +scrin +scrinch +scrine +scringe +scriniary +scrip +scripee +scripless +scrippage +script +scription +scriptitious +scriptitiously +scriptitory +scriptive +scriptor +scriptorial +scriptorium +scriptory +scriptural +Scripturalism +scripturalism +Scripturalist +scripturalist +Scripturality +scripturality +scripturalize +scripturally +scripturalness +Scripturarian +Scripture +scripture +Scriptured +scriptured +Scriptureless +scripturiency +scripturient +Scripturism +scripturism +Scripturist +scripula +scripulum +scritch +scritoire +scrivaille +scrive +scrivello +scriven +scrivener +scrivenership +scrivenery +scrivening +scrivenly +scriver +scrob +scrobble +scrobe +scrobicula +scrobicular +scrobiculate +scrobiculated +scrobicule +scrobiculus +scrobis +scrod +scrodgill +scroff +scrofula +scrofularoot +scrofulaweed +scrofulide +scrofulism +scrofulitic +scrofuloderm +scrofuloderma +scrofulorachitic +scrofulosis +scrofulotuberculous +scrofulous +scrofulously +scrofulousness +scrog +scroggy +scrolar +scroll +scrolled +scrollery +scrollhead +scrollwise +scrollwork +scrolly +scronach +scroo +scrooch +scrooge +scroop +Scrophularia +Scrophulariaceae +scrophulariaceous +scrota +scrotal +scrotectomy +scrotiform +scrotitis +scrotocele +scrotofemoral +scrotum +scrouge +scrouger +scrounge +scrounger +scrounging +scrout +scrow +scroyle +scrub +scrubbable +scrubbed +scrubber +scrubbery +scrubbily +scrubbiness +scrubbird +scrubbly +scrubboard +scrubby +scrubgrass +scrubland +scrubwood +scruf +scruff +scruffle +scruffman +scruffy +scruft +scrum +scrummage +scrummager +scrump +scrumple +scrumption +scrumptious +scrumptiously +scrumptiousness +scrunch +scrunchy +scrunge +scrunger +scrunt +scruple +scrupleless +scrupler +scruplesome +scruplesomeness +scrupula +scrupular +scrupuli +scrupulist +scrupulosity +scrupulous +scrupulously +scrupulousness +scrupulum +scrupulus +scrush +scrutability +scrutable +scrutate +scrutation +scrutator +scrutatory +scrutinant +scrutinate +scrutineer +scrutinization +scrutinize +scrutinizer +scrutinizingly +scrutinous +scrutinously +scrutiny +scruto +scrutoire +scruze +scry +scryer +scud +scuddaler +scuddawn +scudder +scuddick +scuddle +scuddy +scudi +scudler +scudo +scuff +scuffed +scuffer +scuffle +scuffler +scufflingly +scuffly +scuffy +scuft +scufter +scug +scuggery +sculch +sculduddery +scull +sculler +scullery +scullful +scullion +scullionish +scullionize +scullionship +scullog +sculp +sculper +sculpin +sculpt +sculptile +sculptitory +sculptograph +sculptography +Sculptor +sculptor +Sculptorid +sculptress +sculptural +sculpturally +sculpturation +sculpture +sculptured +sculpturer +sculpturesque +sculpturesquely +sculpturesqueness +sculpturing +sculsh +scum +scumber +scumble +scumbling +scumboard +scumfish +scumless +scumlike +scummed +scummer +scumming +scummy +scumproof +scun +scuncheon +scunder +scunner +scup +scupful +scuppaug +scupper +scuppernong +scuppet +scuppler +scur +scurdy +scurf +scurfer +scurfily +scurfiness +scurflike +scurfy +scurrier +scurrile +scurrilist +scurrility +scurrilize +scurrilous +scurrilously +scurrilousness +scurry +scurvied +scurvily +scurviness +scurvish +scurvy +scurvyweed +scusation +scuse +scut +scuta +scutage +scutal +scutate +scutated +scutatiform +scutation +scutch +scutcheon +scutcheoned +scutcheonless +scutcheonlike +scutcheonwise +scutcher +scutching +scute +scutel +scutella +scutellae +scutellar +Scutellaria +scutellarin +scutellate +scutellated +scutellation +scutellerid +Scutelleridae +scutelliform +scutelligerous +scutelliplantar +scutelliplantation +scutellum +scutibranch +Scutibranchia +scutibranchian +scutibranchiate +scutifer +scutiferous +scutiform +scutiger +Scutigera +scutigeral +Scutigeridae +scutigerous +scutiped +scutter +scuttle +scuttlebutt +scuttleful +scuttleman +scuttler +scuttling +scuttock +scutty +scutula +scutular +scutulate +scutulated +scutulum +Scutum +scutum +scybala +scybalous +scybalum +scye +scyelite +Scyld +Scylla +Scyllaea +Scyllaeidae +scyllarian +Scyllaridae +scyllaroid +Scyllarus +Scyllidae +Scylliidae +scyllioid +Scylliorhinidae +scylliorhinoid +Scylliorhinus +scyllite +scyllitol +Scyllium +scypha +scyphae +scyphate +scyphi +scyphiferous +scyphiform +scyphiphorous +scyphistoma +scyphistomae +scyphistomoid +scyphistomous +scyphoi +scyphomancy +Scyphomedusae +scyphomedusan +scyphomedusoid +scyphophore +Scyphophori +scyphophorous +scyphopolyp +scyphose +scyphostoma +Scyphozoa +scyphozoan +scyphula +scyphulus +scyphus +scyt +scytale +Scyth +scythe +scytheless +scythelike +scytheman +scythesmith +scythestone +scythework +Scythian +Scythic +Scythize +scytitis +scytoblastema +scytodepsic +Scytonema +Scytonemataceae +scytonemataceous +scytonematoid +scytonematous +Scytopetalaceae +scytopetalaceous +Scytopetalum +sdeath +sdrucciola +se +sea +seabeach +seabeard +Seabee +seaberry +seaboard +seaborderer +seabound +seacannie +seacatch +seacoast +seaconny +seacraft +seacrafty +seacunny +seadog +seadrome +seafardinger +seafare +seafarer +seafaring +seaflood +seaflower +seafolk +Seaforthia +seafowl +Seaghan +seagirt +seagoer +seagoing +seah +seahound +seak +seal +sealable +sealant +sealch +sealed +sealer +sealery +sealess +sealet +sealette +sealflower +sealike +sealine +sealing +sealless +seallike +sealskin +sealwort +Sealyham +seam +seaman +seamancraft +seamanite +seamanlike +seamanly +seamanship +seamark +Seamas +seambiter +seamed +seamer +seaminess +seaming +seamless +seamlessly +seamlessness +seamlet +seamlike +seamost +seamrend +seamrog +seamster +seamstress +Seamus +seamy +Sean +seance +seapiece +seaplane +seaport +seaquake +sear +searce +searcer +search +searchable +searchableness +searchant +searcher +searcheress +searcherlike +searchership +searchful +searching +searchingly +searchingness +searchless +searchlight +searchment +searcloth +seared +searedness +searer +searing +searlesite +searness +seary +Seasan +seascape +seascapist +seascout +seascouting +seashine +seashore +seasick +seasickness +seaside +seasider +season +seasonable +seasonableness +seasonably +seasonal +seasonality +seasonally +seasonalness +seasoned +seasonedly +seasoner +seasoning +seasoninglike +seasonless +seastrand +seastroke +seat +seatang +seated +seater +seathe +seating +seatless +seatrain +seatron +seatsman +seatwork +seave +seavy +seawant +seaward +seawardly +seaware +seaway +seaweed +seaweedy +seawife +seawoman +seaworn +seaworthiness +seaworthy +seax +Seba +sebacate +sebaceous +sebacic +sebait +Sebastian +sebastianite +Sebastichthys +Sebastodes +sebate +sebesten +sebiferous +sebific +sebilla +sebiparous +sebkha +sebolith +seborrhagia +seborrhea +seborrheal +seborrheic +seborrhoic +Sebright +sebum +sebundy +sec +secability +secable +Secale +secalin +secaline +secalose +Secamone +secancy +secant +secantly +secateur +secede +Seceder +seceder +secern +secernent +secernment +secesh +secesher +Secessia +Secession +secession +Secessional +secessional +secessionalist +Secessiondom +secessioner +secessionism +secessionist +sech +Sechium +Sechuana +seck +Seckel +seclude +secluded +secludedly +secludedness +secluding +secluse +seclusion +seclusionist +seclusive +seclusively +seclusiveness +secodont +secohm +secohmmeter +second +secondar +secondarily +secondariness +secondary +seconde +seconder +secondhand +secondhanded +secondhandedly +secondhandedness +secondly +secondment +secondness +secos +secpar +secque +secre +secrecy +secret +secreta +secretage +secretagogue +secretarial +secretarian +Secretariat +secretariat +secretariate +secretary +secretaryship +secrete +secretin +secretion +secretional +secretionary +secretitious +secretive +secretively +secretiveness +secretly +secretmonger +secretness +secreto +secretomotor +secretor +secretory +secretum +sect +sectarial +sectarian +sectarianism +sectarianize +sectarianly +sectarism +sectarist +sectary +sectator +sectile +sectility +section +sectional +sectionalism +sectionalist +sectionality +sectionalization +sectionalize +sectionally +sectionary +sectionist +sectionize +sectioplanography +sectism +sectist +sectiuncle +sective +sector +sectoral +sectored +sectorial +sectroid +sectwise +secular +secularism +secularist +secularistic +secularity +secularization +secularize +secularizer +secularly +secularness +secund +secundate +secundation +secundiflorous +secundigravida +secundine +secundipara +secundiparity +secundiparous +secundly +secundogeniture +secundoprimary +secundus +securable +securance +secure +securely +securement +secureness +securer +securicornate +securifer +Securifera +securiferous +securiform +Securigera +securigerous +securitan +security +Sedaceae +Sedan +sedan +Sedang +sedanier +Sedat +sedate +sedately +sedateness +sedation +sedative +sedent +Sedentaria +sedentarily +sedentariness +sedentary +sedentation +Seder +sederunt +sedge +sedged +sedgelike +sedging +sedgy +sedigitate +sedigitated +sedile +sedilia +sediment +sedimental +sedimentarily +sedimentary +sedimentate +sedimentation +sedimentous +sedimetric +sedimetrical +sedition +seditionary +seditionist +seditious +seditiously +seditiousness +sedjadeh +Sedovic +seduce +seduceable +seducee +seducement +seducer +seducible +seducing +seducingly +seducive +seduct +seduction +seductionist +seductive +seductively +seductiveness +seductress +sedulity +sedulous +sedulously +sedulousness +Sedum +sedum +see +seeable +seeableness +Seebeck +seecatch +seech +seed +seedage +seedbed +seedbird +seedbox +seedcake +seedcase +seedeater +seeded +Seeder +seeder +seedful +seedgall +seedily +seediness +seedkin +seedless +seedlessness +seedlet +seedlike +seedling +seedlip +seedman +seedness +seedsman +seedstalk +seedtime +seedy +seege +seeing +seeingly +seeingness +seek +seeker +Seekerism +seeking +seel +seelful +seely +seem +seemable +seemably +seemer +seeming +seemingly +seemingness +seemless +seemlihead +seemlily +seemliness +seemly +seen +seenie +Seenu +seep +seepage +seeped +seepweed +seepy +seer +seerband +seercraft +seeress +seerfish +seerhand +seerhood +seerlike +seerpaw +seership +seersucker +seesaw +seesawiness +seesee +seethe +seething +seethingly +seetulputty +Sefekhet +seg +seggar +seggard +segged +seggrom +Seginus +segment +segmental +segmentally +segmentary +segmentate +segmentation +segmented +sego +segol +segolate +segreant +segregable +segregant +segregate +segregateness +segregation +segregational +segregationist +segregative +segregator +Sehyo +seiche +Seid +Seidel +seidel +Seidlitz +seigneur +seigneurage +seigneuress +seigneurial +seigneury +seignior +seigniorage +seignioral +seignioralty +seigniorial +seigniority +seigniorship +seigniory +seignorage +seignoral +seignorial +seignorize +seignory +seilenoi +seilenos +seine +seiner +seirospore +seirosporic +seise +seism +seismal +seismatical +seismetic +seismic +seismically +seismicity +seismism +seismochronograph +seismogram +seismograph +seismographer +seismographic +seismographical +seismography +seismologic +seismological +seismologically +seismologist +seismologue +seismology +seismometer +seismometric +seismometrical +seismometrograph +seismometry +seismomicrophone +seismoscope +seismoscopic +seismotectonic +seismotherapy +seismotic +seit +seity +Seiurus +Seiyuhonto +Seiyukai +seizable +seize +seizer +seizin +seizing +seizor +seizure +sejant +sejoin +sejoined +sejugate +sejugous +sejunct +sejunctive +sejunctively +sejunctly +Sekane +Sekani +Sekar +Seker +Sekhwan +sekos +selachian +Selachii +selachoid +Selachoidei +Selachostome +Selachostomi +selachostomous +seladang +Selaginaceae +Selaginella +Selaginellaceae +selaginellaceous +selagite +Selago +selah +selamin +selamlik +selbergite +Selbornian +seldom +seldomcy +seldomer +seldomly +seldomness +seldor +seldseen +sele +select +selectable +selected +selectedly +selectee +selection +selectionism +selectionist +selective +selectively +selectiveness +selectivity +selectly +selectman +selectness +selector +Selena +selenate +Selene +selenian +seleniate +selenic +Selenicereus +selenide +Selenidera +seleniferous +selenigenous +selenion +selenious +Selenipedium +selenite +selenitic +selenitical +selenitiferous +selenitish +selenium +seleniuret +selenobismuthite +selenocentric +selenodont +Selenodonta +selenodonty +selenograph +selenographer +selenographic +selenographical +selenographically +selenographist +selenography +selenolatry +selenological +selenologist +selenology +selenomancy +selenoscope +selenosis +selenotropic +selenotropism +selenotropy +selensilver +selensulphur +Seleucian +Seleucid +Seleucidae +Seleucidan +Seleucidean +Seleucidian +Seleucidic +self +selfcide +selfdom +selfful +selffulness +selfheal +selfhood +selfish +selfishly +selfishness +selfism +selfist +selfless +selflessly +selflessness +selfly +selfness +selfpreservatory +selfsame +selfsameness +selfward +selfwards +selictar +seligmannite +selihoth +Selina +Selinuntine +selion +Seljuk +Seljukian +sell +sella +sellable +sellably +sellaite +sellar +sellate +sellenders +seller +Selli +sellie +selliform +selling +sellout +selly +selsoviet +selsyn +selt +Selter +Seltzer +seltzogene +Selung +selva +selvage +selvaged +selvagee +selvedge +selzogene +Semaeostomae +Semaeostomata +Semang +semanteme +semantic +semantical +semantically +semantician +semanticist +semantics +semantological +semantology +semantron +semaphore +semaphoric +semaphorical +semaphorically +semaphorist +semarum +semasiological +semasiologically +semasiologist +semasiology +semateme +sematic +sematographic +sematography +sematology +sematrope +semball +semblable +semblably +semblance +semblant +semblative +semble +seme +Semecarpus +semeed +semeia +semeiography +semeiologic +semeiological +semeiologist +semeiology +semeion +semeiotic +semeiotical +semeiotics +semelfactive +semelincident +semen +semence +Semeostoma +semese +semester +semestral +semestrial +semi +semiabstracted +semiaccomplishment +semiacid +semiacidified +semiacquaintance +semiadherent +semiadjectively +semiadnate +semiaerial +semiaffectionate +semiagricultural +Semiahmoo +semialbinism +semialcoholic +semialien +semiallegiance +semialpine +semialuminous +semiamplexicaul +semiamplitude +semianarchist +semianatomical +semianatropal +semianatropous +semiangle +semiangular +semianimal +semianimate +semianimated +semiannealed +semiannual +semiannually +semiannular +semianthracite +semiantiministerial +semiantique +semiape +semiaperiodic +semiaperture +semiappressed +semiaquatic +semiarborescent +semiarc +semiarch +semiarchitectural +semiarid +semiaridity +semiarticulate +semiasphaltic +semiatheist +semiattached +semiautomatic +semiautomatically +semiautonomous +semiaxis +semibacchanalian +semibachelor +semibald +semibalked +semiball +semiballoon +semiband +semibarbarian +semibarbarianism +semibarbaric +semibarbarism +semibarbarous +semibaronial +semibarren +semibase +semibasement +semibastion +semibay +semibeam +semibejan +semibelted +semibifid +semibituminous +semibleached +semiblind +semiblunt +semibody +semiboiled +semibolshevist +semibolshevized +semibouffant +semibourgeois +semibreve +semibull +semiburrowing +semic +semicadence +semicalcareous +semicalcined +semicallipygian +semicanal +semicanalis +semicannibalic +semicantilever +semicarbazide +semicarbazone +semicarbonate +semicarbonize +semicardinal +semicartilaginous +semicastrate +semicastration +semicatholicism +semicaudate +semicelestial +semicell +semicellulose +semicentenarian +semicentenary +semicentennial +semicentury +semichannel +semichaotic +semichemical +semicheviot +semichevron +semichiffon +semichivalrous +semichoric +semichorus +semichrome +semicircle +semicircled +semicircular +semicircularity +semicircularly +semicircularness +semicircumference +semicircumferentor +semicircumvolution +semicirque +semicitizen +semicivilization +semicivilized +semiclassic +semiclassical +semiclause +semicleric +semiclerical +semiclimber +semiclimbing +semiclose +semiclosed +semiclosure +semicoagulated +semicoke +semicollapsible +semicollar +semicollegiate +semicolloid +semicolloquial +semicolon +semicolonial +semicolumn +semicolumnar +semicoma +semicomatose +semicombined +semicombust +semicomic +semicomical +semicommercial +semicompact +semicompacted +semicomplete +semicomplicated +semiconceal +semiconcrete +semiconducting +semiconductor +semicone +semiconfident +semiconfinement +semiconfluent +semiconformist +semiconformity +semiconic +semiconical +semiconnate +semiconnection +semiconoidal +semiconscious +semiconsciously +semiconsciousness +semiconservative +semiconsonant +semiconsonantal +semiconspicuous +semicontinent +semicontinuum +semicontraction +semicontradiction +semiconvergence +semiconvergent +semiconversion +semiconvert +semicordate +semicordated +semicoriaceous +semicorneous +semicoronate +semicoronated +semicoronet +semicostal +semicostiferous +semicotton +semicotyle +semicounterarch +semicountry +semicrepe +semicrescentic +semicretin +semicretinism +semicriminal +semicroma +semicrome +semicrustaceous +semicrystallinc +semicubical +semicubit +semicup +semicupium +semicupola +semicured +semicurl +semicursive +semicurvilinear +semicyclic +semicycloid +semicylinder +semicylindric +semicylindrical +semicynical +semidaily +semidangerous +semidark +semidarkness +semidead +semideaf +semidecay +semidecussation +semidefinite +semideific +semideification +semideistical +semideity +semidelight +semidelirious +semideltaic +semidemented +semidenatured +semidependence +semidependent +semideponent +semidesert +semidestructive +semidetached +semidetachment +semideveloped +semidiagrammatic +semidiameter +semidiapason +semidiapente +semidiaphaneity +semidiaphanous +semidiatessaron +semidifference +semidigested +semidigitigrade +semidigression +semidilapidation +semidine +semidirect +semidisabled +semidisk +semiditone +semidiurnal +semidivided +semidivine +semidocumentary +semidodecagon +semidole +semidome +semidomed +semidomestic +semidomesticated +semidomestication +semidomical +semidormant +semidouble +semidrachm +semidramatic +semidress +semidressy +semidried +semidry +semidrying +semiductile +semidull +semiduplex +semiduration +semieducated +semieffigy +semiegg +semiegret +semielastic +semielision +semiellipse +semiellipsis +semiellipsoidal +semielliptic +semielliptical +semienclosed +semiengaged +semiequitant +semierect +semieremitical +semiessay +semiexecutive +semiexpanded +semiexplanation +semiexposed +semiexternal +semiextinct +semiextinction +semifable +semifabulous +semifailure +semifamine +semifascia +semifasciated +semifashion +semifast +semifatalistic +semiferal +semiferous +semifeudal +semifeudalism +semifib +semifiction +semifictional +semifigurative +semifigure +semifinal +semifinalist +semifine +semifinish +semifinished +semifiscal +semifistular +semifit +semifitting +semifixed +semiflashproof +semiflex +semiflexed +semiflexible +semiflexion +semiflexure +semiflint +semifloating +semifloret +semifloscular +semifloscule +semiflosculose +semiflosculous +semifluctuant +semifluctuating +semifluid +semifluidic +semifluidity +semifoaming +semiforbidding +semiforeign +semiform +semiformal +semiformed +semifossil +semifossilized +semifrantic +semifriable +semifrontier +semifuddle +semifunctional +semifused +semifusion +semify +semigala +semigelatinous +semigentleman +semigenuflection +semigirder +semiglaze +semiglazed +semiglobe +semiglobose +semiglobular +semiglobularly +semiglorious +semiglutin +semigod +semigovernmental +semigrainy +semigranitic +semigranulate +semigravel +semigroove +semihand +semihard +semiharden +semihardy +semihastate +semihepatization +semiherbaceous +semiheterocercal +semihexagon +semihexagonal +semihiant +semihiatus +semihibernation +semihigh +semihistorical +semihobo +semihonor +semihoral +semihorny +semihostile +semihot +semihuman +semihumanitarian +semihumanized +semihumbug +semihumorous +semihumorously +semihyaline +semihydrate +semihydrobenzoinic +semihyperbola +semihyperbolic +semihyperbolical +semijealousy +semijubilee +semijudicial +semijuridical +semilanceolate +semilatent +semilatus +semileafless +semilegendary +semilegislative +semilens +semilenticular +semilethal +semiliberal +semilichen +semiligneous +semilimber +semilined +semiliquid +semiliquidity +semiliterate +semilocular +semilogarithmic +semilogical +semilong +semilooper +semiloose +semiloyalty +semilucent +semilunar +semilunare +semilunary +semilunate +semilunation +semilune +semiluxation +semiluxury +semimachine +semimade +semimadman +semimagical +semimagnetic +semimajor +semimalignant +semimanufacture +semimanufactured +semimarine +semimarking +semimathematical +semimature +semimechanical +semimedicinal +semimember +semimembranosus +semimembranous +semimenstrual +semimercerized +semimessianic +semimetal +semimetallic +semimetamorphosis +semimicrochemical +semimild +semimilitary +semimill +semimineral +semimineralized +semiminim +semiminor +semimolecule +semimonastic +semimonitor +semimonopoly +semimonster +semimonthly +semimoron +semimucous +semimute +semimystic +semimystical +semimythical +seminaked +seminal +seminality +seminally +seminaphthalidine +seminaphthylamine +seminar +seminarcosis +seminarial +seminarian +seminarianism +seminarist +seminaristic +seminarize +seminary +seminasal +seminase +seminatant +seminate +semination +seminationalization +seminative +seminebulous +seminecessary +seminegro +seminervous +seminiferal +seminiferous +seminific +seminifical +seminification +seminist +seminium +seminivorous +seminocturnal +Seminole +seminoma +seminomad +seminomadic +seminomata +seminonconformist +seminonflammable +seminonsensical +seminormal +seminose +seminovel +seminovelty +seminude +seminudity +seminule +seminuliferous +seminuria +seminvariant +seminvariantive +semioblivion +semioblivious +semiobscurity +semioccasional +semioccasionally +semiocclusive +semioctagonal +semiofficial +semiofficially +semiography +Semionotidae +Semionotus +semiopacity +semiopacous +semiopal +semiopalescent +semiopaque +semiopened +semiorb +semiorbicular +semiorbicularis +semiorbiculate +semiordinate +semiorganized +semioriental +semioscillation +semiosseous +semiostracism +semiotic +semiotician +semioval +semiovaloid +semiovate +semioviparous +semiovoid +semiovoidal +semioxidated +semioxidized +semioxygenated +semioxygenized +semipagan +semipalmate +semipalmated +semipalmation +semipanic +semipapal +semipapist +semiparallel +semiparalysis +semiparameter +semiparasitic +semiparasitism +semipaste +semipastoral +semipasty +semipause +semipeace +semipectinate +semipectinated +semipectoral +semiped +semipedal +semipellucid +semipellucidity +semipendent +semipenniform +semiperfect +semiperimeter +semiperimetry +semiperiphery +semipermanent +semipermeability +semipermeable +semiperoid +semiperspicuous +semipertinent +semipervious +semipetaloid +semipetrified +semiphase +semiphilologist +semiphilosophic +semiphilosophical +semiphlogisticated +semiphonotypy +semiphosphorescent +semipinacolic +semipinacolin +semipinnate +semipiscine +semiplantigrade +semiplastic +semiplumaceous +semiplume +semipolar +semipolitical +semipolitician +semipoor +semipopish +semipopular +semiporcelain +semiporous +semiporphyritic +semiportable +semipostal +semipractical +semiprecious +semipreservation +semiprimigenous +semiprivacy +semiprivate +semipro +semiprofane +semiprofessional +semiprofessionalized +semipronation +semiprone +semipronominal +semiproof +semiproselyte +semiprosthetic +semiprostrate +semiprotectorate +semiproven +semipublic +semipupa +semipurulent +semiputrid +semipyramidal +semipyramidical +semipyritic +semiquadrangle +semiquadrantly +semiquadrate +semiquantitative +semiquantitatively +semiquartile +semiquaver +semiquietism +semiquietist +semiquinquefid +semiquintile +semiquote +semiradial +semiradiate +Semiramis +Semiramize +semirapacious +semirare +semirattlesnake +semiraw +semirebellion +semirecondite +semirecumbent +semirefined +semireflex +semiregular +semirelief +semireligious +semireniform +semirepublican +semiresinous +semiresolute +semirespectability +semirespectable +semireticulate +semiretirement +semiretractile +semireverberatory +semirevolute +semirevolution +semirevolutionist +semirhythm +semiriddle +semirigid +semiring +semiroll +semirotary +semirotating +semirotative +semirotatory +semirotund +semirotunda +semiround +semiroyal +semiruin +semirural +semirustic +semis +semisacerdotal +semisacred +semisagittate +semisaint +semisaline +semisaltire +semisaprophyte +semisaprophytic +semisarcodic +semisatiric +semisaturation +semisavage +semisavagedom +semisavagery +semiscenic +semischolastic +semiscientific +semiseafaring +semisecondary +semisecrecy +semisecret +semisection +semisedentary +semisegment +semisensuous +semisentient +semisentimental +semiseparatist +semiseptate +semiserf +semiserious +semiseriously +semiseriousness +semiservile +semisevere +semiseverely +semiseverity +semisextile +semishady +semishaft +semisheer +semishirker +semishrub +semishrubby +semisightseeing +semisilica +semisimious +semisimple +semisingle +semisixth +semiskilled +semislave +semismelting +semismile +semisocial +semisocialism +semisociative +semisocinian +semisoft +semisolemn +semisolemnity +semisolemnly +semisolid +semisolute +semisomnambulistic +semisomnolence +semisomnous +semisopor +semisovereignty +semispan +semispeculation +semisphere +semispheric +semispherical +semispheroidal +semispinalis +semispiral +semispiritous +semispontaneity +semispontaneous +semispontaneously +semispontaneousness +semisport +semisporting +semisquare +semistagnation +semistaminate +semistarvation +semistarved +semistate +semisteel +semistiff +semistill +semistock +semistory +semistratified +semistriate +semistriated +semistuporous +semisubterranean +semisuburban +semisuccess +semisuccessful +semisuccessfully +semisucculent +semisupernatural +semisupinated +semisupination +semisupine +semisuspension +semisymmetric +semita +semitact +semitae +semitailored +semital +semitandem +semitangent +semitaur +Semite +semitechnical +semiteetotal +semitelic +semitendinosus +semitendinous +semiterete +semiterrestrial +semitertian +semitesseral +semitessular +semitheological +semithoroughfare +Semitic +Semiticism +Semiticize +Semitics +semitime +Semitism +Semitist +Semitization +Semitize +semitonal +semitonally +semitone +semitonic +semitonically +semitontine +semitorpid +semitour +semitrailer +semitrained +semitransept +semitranslucent +semitransparency +semitransparent +semitransverse +semitreasonable +semitrimmed +semitropic +semitropical +semitropics +semitruth +semituberous +semitubular +semiuncial +semiundressed +semiuniversalist +semiupright +semiurban +semiurn +semivalvate +semivault +semivector +semivegetable +semivertebral +semiverticillate +semivibration +semivirtue +semiviscid +semivital +semivitreous +semivitrification +semivitrified +semivocal +semivocalic +semivolatile +semivolcanic +semivoluntary +semivowel +semivulcanized +semiwaking +semiwarfare +semiweekly +semiwild +semiwoody +semiyearly +semmet +semmit +Semnae +Semnones +Semnopithecinae +semnopithecine +Semnopithecus +semola +semolella +semolina +semological +semology +Semostomae +semostomeous +semostomous +semperannual +sempergreen +semperidentical +semperjuvenescent +sempervirent +sempervirid +Sempervivum +sempitern +sempiternal +sempiternally +sempiternity +sempiternize +sempiternous +sempstrywork +semsem +semuncia +semuncial +sen +Senaah +senaite +senam +senarian +senarius +senarmontite +senary +senate +senator +senatorial +senatorially +senatorian +senatorship +senatory +senatress +senatrices +senatrix +sence +Senci +sencion +send +sendable +sendal +sendee +sender +sending +Seneca +Senecan +Senecio +senecioid +senecionine +senectitude +senectude +senectuous +senega +Senegal +Senegalese +Senegambian +senegin +senesce +senescence +senescent +seneschal +seneschally +seneschalship +seneschalsy +seneschalty +sengreen +senicide +Senijextee +senile +senilely +senilism +senility +senilize +senior +seniority +seniorship +Senlac +Senna +senna +sennegrass +sennet +sennight +sennit +sennite +senocular +Senones +Senonian +sensa +sensable +sensal +sensate +sensation +sensational +sensationalism +sensationalist +sensationalistic +sensationalize +sensationally +sensationary +sensationish +sensationism +sensationist +sensationistic +sensationless +sensatorial +sensatory +sense +sensed +senseful +senseless +senselessly +senselessness +sensibilia +sensibilisin +sensibilitist +sensibilitous +sensibility +sensibilium +sensibilization +sensibilize +sensible +sensibleness +sensibly +sensical +sensifacient +sensiferous +sensific +sensificatory +sensifics +sensify +sensigenous +sensile +sensilia +sensilla +sensillum +sension +sensism +sensist +sensistic +sensitive +sensitively +sensitiveness +sensitivity +sensitization +sensitize +sensitizer +sensitometer +sensitometric +sensitometry +sensitory +sensive +sensize +senso +sensomobile +sensomobility +sensomotor +sensoparalysis +sensor +sensoria +sensorial +sensoriglandular +sensorimotor +sensorimuscular +sensorium +sensorivascular +sensorivasomotor +sensorivolitional +sensory +sensual +sensualism +sensualist +sensualistic +sensuality +sensualization +sensualize +sensually +sensualness +sensuism +sensuist +sensum +sensuosity +sensuous +sensuously +sensuousness +sensyne +sent +sentence +sentencer +sentential +sententially +sententiarian +sententiarist +sententiary +sententiosity +sententious +sententiously +sententiousness +sentience +sentiendum +sentient +sentiently +sentiment +sentimental +sentimentalism +sentimentalist +sentimentality +sentimentalization +sentimentalize +sentimentalizer +sentimentally +sentimenter +sentimentless +sentinel +sentinellike +sentinelship +sentinelwise +sentisection +sentition +sentry +Senusi +Senusian +Senusism +sepad +sepal +sepaled +sepaline +sepalled +sepalody +sepaloid +separability +separable +separableness +separably +separata +separate +separatedly +separately +separateness +separates +separatical +separating +separation +separationism +separationist +separatism +separatist +separatistic +separative +separatively +separativeness +separator +separatory +separatress +separatrix +separatum +Sepharad +Sephardi +Sephardic +Sephardim +Sepharvites +sephen +sephiric +sephirothic +sepia +sepiaceous +sepialike +sepian +sepiarian +sepiary +sepic +sepicolous +Sepiidae +sepiment +sepioid +Sepioidea +Sepiola +Sepiolidae +sepiolite +sepion +sepiost +sepiostaire +sepium +sepone +sepoy +seppuku +seps +Sepsidae +sepsine +sepsis +Sept +sept +septa +septal +septan +septane +septangle +septangled +septangular +septangularness +septarian +septariate +septarium +septate +septated +septation +septatoarticulate +septavalent +septave +septcentenary +septectomy +September +Septemberer +Septemberism +Septemberist +Septembral +Septembrian +Septembrist +Septembrize +Septembrizer +septemdecenary +septemfid +septemfluous +septemfoliate +septemfoliolate +septemia +septempartite +septemplicate +septemvious +septemvir +septemvirate +septemviri +septenar +septenarian +septenarius +septenary +septenate +septendecennial +septendecimal +septennary +septennate +septenniad +septennial +septennialist +septenniality +septennially +septennium +septenous +Septentrio +Septentrion +septentrional +septentrionality +septentrionally +septentrionate +septentrionic +septerium +septet +septfoil +Septi +Septibranchia +Septibranchiata +septic +septical +septically +septicemia +septicemic +septicidal +septicidally +septicity +septicization +septicolored +septicopyemia +septicopyemic +septier +septifarious +septiferous +septifluous +septifolious +septiform +septifragal +septifragally +septilateral +septile +septillion +septillionth +septimal +septimanal +septimanarian +septime +septimetritis +septimole +septinsular +septipartite +septisyllabic +septisyllable +septivalent +septleva +Septobasidium +septocosta +septocylindrical +Septocylindrium +septodiarrhea +septogerm +Septogloeum +septoic +septole +septomarginal +septomaxillary +septonasal +Septoria +septotomy +septship +septuagenarian +septuagenarianism +septuagenary +septuagesima +Septuagint +septuagint +Septuagintal +septulate +septulum +septum +septuncial +septuor +septuple +septuplet +septuplicate +septuplication +sepulcher +sepulchral +sepulchralize +sepulchrally +sepulchrous +sepultural +sepulture +sequa +sequacious +sequaciously +sequaciousness +sequacity +Sequan +Sequani +Sequanian +sequel +sequela +sequelae +sequelant +sequence +sequencer +sequency +sequent +sequential +sequentiality +sequentially +sequently +sequest +sequester +sequestered +sequesterment +sequestra +sequestrable +sequestral +sequestrate +sequestration +sequestrator +sequestratrices +sequestratrix +sequestrectomy +sequestrotomy +sequestrum +sequin +sequitur +Sequoia +ser +sera +serab +Serabend +seragli +seraglio +serai +serail +seral +seralbumin +seralbuminous +serang +serape +Serapea +Serapeum +seraph +seraphic +seraphical +seraphically +seraphicalness +seraphicism +seraphicness +seraphim +seraphina +seraphine +seraphism +seraphlike +seraphtide +Serapias +Serapic +Serapis +Serapist +serasker +seraskerate +seraskier +seraskierat +serau +seraw +Serb +Serbdom +Serbian +Serbize +Serbonian +Serbophile +Serbophobe +sercial +serdab +Serdar +Sere +sere +Serean +sereh +Serena +serenade +serenader +serenata +serenate +Serendib +serendibite +serendipity +serendite +serene +serenely +sereneness +serenify +serenissime +serenissimi +serenissimo +serenity +serenize +Serenoa +Serer +Seres +sereward +serf +serfage +serfdom +serfhood +serfish +serfishly +serfishness +serfism +serflike +serfship +Serge +serge +sergeancy +Sergeant +sergeant +sergeantcy +sergeantess +sergeantry +sergeantship +sergeanty +sergedesoy +Sergei +serger +sergette +serging +Sergio +Sergiu +Sergius +serglobulin +Seri +serial +serialist +seriality +serialization +serialize +serially +Serian +seriary +seriate +seriately +seriatim +seriation +Seric +Sericana +sericate +sericated +sericea +sericeotomentose +sericeous +sericicultural +sericiculture +sericiculturist +sericin +sericipary +sericite +sericitic +sericitization +Sericocarpus +sericteria +sericterium +serictery +sericultural +sericulture +sericulturist +seriema +series +serif +serific +Seriform +serigraph +serigrapher +serigraphy +serimeter +serin +serine +serinette +seringa +seringal +seringhi +Serinus +serio +seriocomedy +seriocomic +seriocomical +seriocomically +seriogrotesque +Seriola +Seriolidae +serioline +serioludicrous +seriopantomimic +serioridiculous +seriosity +serious +seriously +seriousness +seripositor +Serjania +serjeant +serment +sermo +sermocination +sermocinatrix +sermon +sermoneer +sermoner +sermonesque +sermonet +sermonettino +sermonic +sermonically +sermonics +sermonish +sermonism +sermonist +sermonize +sermonizer +sermonless +sermonoid +sermonolatry +sermonology +sermonproof +sermonwise +sermuncle +sernamby +sero +seroalbumin +seroalbuminuria +seroanaphylaxis +serobiological +serocolitis +serocyst +serocystic +serodermatosis +serodermitis +serodiagnosis +serodiagnostic +seroenteritis +seroenzyme +serofibrinous +serofibrous +serofluid +serogelatinous +serohemorrhagic +serohepatitis +seroimmunity +serolactescent +serolemma +serolin +serolipase +serologic +serological +serologically +serologist +serology +seromaniac +seromembranous +seromucous +seromuscular +seron +seronegative +seronegativity +seroon +seroot +seroperitoneum +serophthisis +serophysiology +seroplastic +seropneumothorax +seropositive +seroprevention +seroprognosis +seroprophylaxis +seroprotease +seropuriform +seropurulent +seropus +seroreaction +serosa +serosanguineous +serosanguinolent +seroscopy +serositis +serosity +serosynovial +serosynovitis +serotherapeutic +serotherapeutics +serotherapist +serotherapy +serotina +serotinal +serotine +serotinous +serotoxin +serous +serousness +serovaccine +serow +serozyme +Serpari +serpedinous +Serpens +Serpent +serpent +serpentaria +Serpentarian +Serpentarii +serpentarium +Serpentarius +serpentary +serpentcleide +serpenteau +Serpentes +serpentess +Serpentian +serpenticidal +serpenticide +Serpentid +serpentiferous +serpentiform +serpentina +serpentine +serpentinely +Serpentinian +serpentinic +serpentiningly +serpentinization +serpentinize +serpentinoid +serpentinous +Serpentis +serpentivorous +serpentize +serpentlike +serpently +serpentoid +serpentry +serpentwood +serphid +Serphidae +serphoid +Serphoidea +serpierite +serpiginous +serpiginously +serpigo +serpivolant +serpolet +Serpula +serpula +Serpulae +serpulae +serpulan +serpulid +Serpulidae +serpulidan +serpuline +serpulite +serpulitic +serpuloid +serra +serradella +serrage +serran +serrana +serranid +Serranidae +Serrano +serrano +serranoid +Serranus +Serrasalmo +serrate +serrated +serratic +serratiform +serratile +serration +serratirostral +serratocrenate +serratodentate +serratodenticulate +serratoglandulous +serratospinose +serrature +serricorn +Serricornia +Serridentines +Serridentinus +serried +serriedly +serriedness +Serrifera +serriferous +serriform +serriped +serrirostrate +serrulate +serrulated +serrulation +serry +sert +serta +Sertularia +sertularian +Sertulariidae +sertularioid +sertule +sertulum +sertum +serum +serumal +serut +servable +servage +serval +servaline +servant +servantcy +servantdom +servantess +servantless +servantlike +servantry +servantship +servation +serve +servente +serventism +server +servery +servet +Servetian +Servetianism +Servian +service +serviceability +serviceable +serviceableness +serviceably +serviceberry +serviceless +servicelessness +serviceman +Servidor +servidor +servient +serviential +serviette +servile +servilely +servileness +servilism +servility +servilize +serving +servingman +servist +Servite +servitor +servitorial +servitorship +servitress +servitrix +servitude +serviture +Servius +servo +servomechanism +servomotor +servulate +serwamby +sesame +sesamoid +sesamoidal +sesamoiditis +Sesamum +Sesban +Sesbania +sescuple +Seseli +Seshat +Sesia +Sesiidae +sesma +sesqui +sesquialter +sesquialtera +sesquialteral +sesquialteran +sesquialterous +sesquibasic +sesquicarbonate +sesquicentennial +sesquichloride +sesquiduplicate +sesquihydrate +sesquihydrated +sesquinona +sesquinonal +sesquioctava +sesquioctaval +sesquioxide +sesquipedal +sesquipedalian +sesquipedalianism +sesquipedality +sesquiplicate +sesquiquadrate +sesquiquarta +sesquiquartal +sesquiquartile +sesquiquinta +sesquiquintal +sesquiquintile +sesquisalt +sesquiseptimal +sesquisextal +sesquisilicate +sesquisquare +sesquisulphate +sesquisulphide +sesquisulphuret +sesquiterpene +sesquitertia +sesquitertial +sesquitertian +sesquitertianal +sess +sessile +sessility +Sessiliventres +session +sessional +sessionary +sessions +sesterce +sestertium +sestet +sesti +sestiad +Sestian +sestina +sestine +sestole +sestuor +Sesuto +Sesuvium +set +seta +setaceous +setaceously +setae +setal +Setaria +setarious +setback +setbolt +setdown +setfast +Seth +seth +sethead +Sethian +Sethic +Sethite +Setibo +setier +Setifera +setiferous +setiform +setigerous +setiparous +setirostral +setline +setness +setoff +seton +Setophaga +Setophaginae +setophagine +setose +setous +setout +setover +setscrew +setsman +sett +settable +settaine +settee +setter +settergrass +setterwort +setting +settle +settleable +settled +settledly +settledness +settlement +settler +settlerdom +settling +settlings +settlor +settsman +setula +setule +setuliform +setulose +setulous +setup +setwall +setwise +setwork +seugh +Sevastopol +seven +sevenbark +sevener +sevenfold +sevenfolded +sevenfoldness +sevennight +sevenpence +sevenpenny +sevenscore +seventeen +seventeenfold +seventeenth +seventeenthly +seventh +seventhly +seventieth +seventy +seventyfold +sever +severable +several +severalfold +severality +severalize +severally +severalness +severalth +severalty +severance +severation +severe +severedly +severely +severeness +severer +Severian +severingly +severish +severity +severization +severize +severy +Sevillian +sew +sewable +sewage +sewan +sewed +sewellel +sewen +sewer +sewerage +sewered +sewerless +sewerlike +sewerman +sewery +sewing +sewless +sewn +sewround +sex +sexadecimal +sexagenarian +sexagenarianism +sexagenary +Sexagesima +sexagesimal +sexagesimally +sexagesimals +sexagonal +sexangle +sexangled +sexangular +sexangularly +sexannulate +sexarticulate +sexcentenary +sexcuspidate +sexdigital +sexdigitate +sexdigitated +sexdigitism +sexed +sexenary +sexennial +sexennially +sexennium +sexern +sexfarious +sexfid +sexfoil +sexhood +sexifid +sexillion +sexiped +sexipolar +sexisyllabic +sexisyllable +sexitubercular +sexivalence +sexivalency +sexivalent +sexless +sexlessly +sexlessness +sexlike +sexlocular +sexly +sexological +sexologist +sexology +sexpartite +sexradiate +sext +sextactic +sextain +sextan +sextans +Sextant +sextant +sextantal +sextar +sextarii +sextarius +sextary +sextennial +sextern +sextet +sextic +sextile +Sextilis +sextillion +sextillionth +sextipara +sextipartite +sextipartition +sextiply +sextipolar +sexto +sextodecimo +sextole +sextolet +sexton +sextoness +sextonship +sextry +sextubercular +sextuberculate +sextula +sextulary +sextumvirate +sextuple +sextuplet +sextuplex +sextuplicate +sextuply +sexual +sexuale +sexualism +sexualist +sexuality +sexualization +sexualize +sexually +sexuous +sexupara +sexuparous +sexy +sey +seybertite +Seymeria +Seymour +sfoot +Sgad +sgraffiato +sgraffito +sh +sha +shaatnez +shab +Shaban +shabash +Shabbath +shabbed +shabbify +shabbily +shabbiness +shabble +shabby +shabbyish +shabrack +shabunder +Shabuoth +shachle +shachly +shack +shackanite +shackatory +shackbolt +shackland +shackle +shacklebone +shackledom +shackler +shacklewise +shackling +shackly +shacky +shad +shadbelly +shadberry +shadbird +shadbush +shadchan +shaddock +shade +shaded +shadeful +shadeless +shadelessness +shader +shadetail +shadflower +shadily +shadine +shadiness +shading +shadkan +shadoof +Shadow +shadow +shadowable +shadowbox +shadowboxing +shadowed +shadower +shadowfoot +shadowgram +shadowgraph +shadowgraphic +shadowgraphist +shadowgraphy +shadowily +shadowiness +shadowing +shadowishly +shadowist +shadowland +shadowless +shadowlessness +shadowlike +shadowly +shadowy +shadrach +shady +shaffle +Shafiite +shaft +shafted +shafter +shaftfoot +shafting +shaftless +shaftlike +shaftman +shaftment +shaftsman +shaftway +shafty +shag +shaganappi +shagbag +shagbark +shagged +shaggedness +shaggily +shagginess +shaggy +Shagia +shaglet +shaglike +shagpate +shagrag +shagreen +shagreened +shagroon +shagtail +shah +Shahaptian +shaharith +shahdom +shahi +Shahid +shahin +shahzada +Shai +Shaigia +shaikh +Shaikiyeh +shaitan +Shaiva +Shaivism +Shaka +shakable +shake +shakeable +shakebly +shakedown +shakefork +shaken +shakenly +shakeout +shakeproof +Shaker +shaker +shakerag +Shakerdom +Shakeress +Shakerism +Shakerlike +shakers +shakescene +Shakespearean +Shakespeareana +Shakespeareanism +Shakespeareanly +Shakespearize +Shakespearolater +Shakespearolatry +shakha +Shakil +shakily +shakiness +shaking +shakingly +shako +shaksheer +Shakta +Shakti +shakti +Shaktism +shaku +shaky +Shakyamuni +Shalako +shale +shalelike +shaleman +shall +shallal +shallon +shalloon +shallop +shallopy +shallot +shallow +shallowbrained +shallowhearted +shallowish +shallowist +shallowly +shallowness +shallowpate +shallowpated +shallows +shallowy +shallu +shalom +shalt +shalwar +shaly +Sham +sham +shama +shamable +shamableness +shamably +shamal +shamalo +shaman +shamaness +shamanic +shamanism +shamanist +shamanistic +shamanize +shamateur +shamba +Shambala +shamble +shambling +shamblingly +shambrier +Shambu +shame +shameable +shamed +shameface +shamefaced +shamefacedly +shamefacedness +shamefast +shamefastly +shamefastness +shameful +shamefully +shamefulness +shameless +shamelessly +shamelessness +shameproof +shamer +shamesick +shameworthy +shamianah +Shamim +shamir +Shammar +shammed +shammer +shammick +shamming +shammish +shammock +shammocking +shammocky +shammy +shampoo +shampooer +shamrock +shamroot +shamsheer +Shan +shan +shanachas +shanachie +Shandean +shandry +shandrydan +Shandy +shandy +shandygaff +Shandyism +Shane +Shang +Shangalla +shangan +Shanghai +shanghai +shanghaier +shank +Shankar +shanked +shanker +shankings +shankpiece +shanksman +shanna +Shannon +shanny +shansa +shant +Shantung +shanty +shantylike +shantyman +shantytown +shap +shapable +Shape +shape +shaped +shapeful +shapeless +shapelessly +shapelessness +shapeliness +shapely +shapen +shaper +shapeshifter +shapesmith +shaping +shapingly +shapometer +shaps +Shaptan +shapy +sharable +Sharada +Sharan +shard +Shardana +sharded +shardy +share +shareable +sharebone +sharebroker +sharecrop +sharecropper +shareholder +shareholdership +shareman +sharepenny +sharer +shareship +sharesman +sharewort +Sharezer +shargar +Shari +Sharia +Sharira +shark +sharkful +sharkish +sharklet +sharklike +sharkship +sharkskin +sharky +sharn +sharnbud +sharny +Sharon +sharp +sharpen +sharpener +sharper +sharpie +sharpish +sharply +sharpness +sharps +sharpsaw +sharpshin +sharpshod +sharpshooter +sharpshooting +sharptail +sharpware +sharpy +Sharra +sharrag +sharry +Shasta +shastaite +Shastan +shaster +shastra +shastraik +shastri +shastrik +shat +shatan +shathmont +Shatter +shatter +shatterbrain +shatterbrained +shatterer +shatterheaded +shattering +shatteringly +shatterment +shatterpated +shatterproof +shatterwit +shattery +shattuckite +shauchle +shaugh +shaul +Shaula +shaup +shauri +shauwe +shavable +shave +shaveable +shaved +shavee +shaveling +shaven +shaver +shavery +Shavese +shavester +shavetail +shaveweed +Shavian +Shaviana +Shavianism +shaving +shavings +Shaw +shaw +Shawanese +Shawano +shawl +shawled +shawling +shawlless +shawllike +shawlwise +shawm +Shawn +Shawnee +shawneewood +shawny +Shawwal +shawy +shay +Shaysite +she +shea +sheading +sheaf +sheafage +sheaflike +sheafripe +sheafy +sheal +shealing +Shean +shear +shearbill +sheard +shearer +sheargrass +shearhog +shearing +shearless +shearling +shearman +shearmouse +shears +shearsman +sheartail +shearwater +shearwaters +sheat +sheatfish +sheath +sheathbill +sheathe +sheathed +sheather +sheathery +sheathing +sheathless +sheathlike +sheathy +sheave +sheaved +sheaveless +sheaveman +shebang +Shebat +shebeen +shebeener +Shechem +Shechemites +shed +shedded +shedder +shedding +sheder +shedhand +shedlike +shedman +shedwise +shee +sheely +sheen +sheenful +sheenless +sheenly +sheeny +sheep +sheepback +sheepberry +sheepbine +sheepbiter +sheepbiting +sheepcote +sheepcrook +sheepfaced +sheepfacedly +sheepfacedness +sheepfold +sheepfoot +sheepgate +sheephead +sheepheaded +sheephearted +sheepherder +sheepherding +sheephook +sheephouse +sheepify +sheepish +sheepishly +sheepishness +sheepkeeper +sheepkeeping +sheepkill +sheepless +sheeplet +sheeplike +sheepling +sheepman +sheepmaster +sheepmonger +sheepnose +sheepnut +sheeppen +sheepshank +sheepshead +sheepsheadism +sheepshear +sheepshearer +sheepshearing +sheepshed +sheepskin +sheepsplit +sheepsteal +sheepstealer +sheepstealing +sheepwalk +sheepwalker +sheepweed +sheepy +sheer +sheered +sheering +sheerly +sheerness +sheet +sheetage +sheeted +sheeter +sheetflood +sheetful +sheeting +sheetless +sheetlet +sheetlike +sheetling +sheetways +sheetwise +sheetwork +sheetwriting +sheety +Sheffield +shehitah +sheik +sheikdom +sheikhlike +sheikhly +sheiklike +sheikly +Sheila +shekel +Shekinah +Shel +shela +sheld +sheldapple +shelder +sheldfowl +sheldrake +shelduck +shelf +shelfback +shelffellow +shelfful +shelflist +shelfmate +shelfpiece +shelfroom +shelfworn +shelfy +shell +shellac +shellacker +shellacking +shellapple +shellback +shellblow +shellblowing +shellbound +shellburst +shellcracker +shelleater +shelled +sheller +Shelleyan +Shelleyana +shellfire +shellfish +shellfishery +shellflower +shellful +shellhead +shelliness +shelling +shellman +shellmonger +shellproof +shellshake +shellum +shellwork +shellworker +shelly +shellycoat +shelta +shelter +shelterage +sheltered +shelterer +shelteringly +shelterless +shelterlessness +shelterwood +sheltery +sheltron +shelty +shelve +shelver +shelving +shelvingly +shelvingness +shelvy +Shelyak +Shemaka +sheminith +Shemite +Shemitic +Shemitish +Shemu +Shen +shenanigan +shend +sheng +Shenshai +Sheol +sheolic +shepherd +shepherdage +shepherddom +shepherdess +shepherdhood +Shepherdia +shepherdish +shepherdism +shepherdize +shepherdless +shepherdlike +shepherdling +shepherdly +shepherdry +sheppeck +sheppey +shepstare +sher +Sherani +Sherardia +sherardize +sherardizer +Sheratan +Sheraton +sherbacha +sherbet +sherbetlee +sherbetzide +sheriat +sherif +sherifa +sherifate +sheriff +sheriffalty +sheriffdom +sheriffess +sheriffhood +sheriffry +sheriffship +sheriffwick +sherifi +sherifian +sherify +sheristadar +Sheriyat +sherlock +Sherman +Sherpa +Sherramoor +Sherri +sherry +Sherrymoor +sherryvallies +Shesha +sheth +Shetland +Shetlander +Shetlandic +sheugh +sheva +shevel +sheveled +shevri +shewa +shewbread +shewel +sheyle +shi +Shiah +shibah +shibar +shibboleth +shibbolethic +shibuichi +shice +shicer +shicker +shickered +shide +shied +shiel +shield +shieldable +shieldboard +shielddrake +shielded +shielder +shieldflower +shielding +shieldless +shieldlessly +shieldlessness +shieldlike +shieldling +shieldmaker +shieldmay +shieldtail +shieling +shier +shies +shiest +shift +shiftable +shiftage +shifter +shiftful +shiftfulness +shiftily +shiftiness +shifting +shiftingly +shiftingness +shiftless +shiftlessly +shiftlessness +shifty +Shigella +shiggaion +shigram +shih +Shiism +Shiite +Shiitic +Shik +shikar +shikara +shikargah +shikari +shikasta +shikimi +shikimic +shikimole +shikimotoxin +shikken +shiko +shikra +shilf +shilfa +Shilh +Shilha +shill +shilla +shillaber +shillelagh +shillet +shillety +shillhouse +shillibeer +shilling +shillingless +shillingsworth +shilloo +Shilluh +Shilluk +Shiloh +shilpit +shim +shimal +Shimei +shimmer +shimmering +shimmeringly +shimmery +shimmy +Shimonoseki +shimose +shimper +shin +Shina +shinaniging +shinarump +shinbone +shindig +shindle +shindy +shine +shineless +shiner +shingle +shingled +shingler +shingles +shinglewise +shinglewood +shingling +shingly +shinily +shininess +shining +shiningly +shiningness +shinleaf +Shinnecock +shinner +shinnery +shinning +shinny +shinplaster +shintiyan +Shinto +Shintoism +Shintoist +Shintoistic +Shintoize +shinty +Shinwari +shinwood +shiny +shinza +ship +shipboard +shipbound +shipboy +shipbreaking +shipbroken +shipbuilder +shipbuilding +shipcraft +shipentine +shipful +shipkeeper +shiplap +shipless +shiplessly +shiplet +shipload +shipman +shipmanship +shipmast +shipmaster +shipmate +shipmatish +shipment +shipowner +shipowning +shippable +shippage +shipped +shipper +shipping +shipplane +shippo +shippon +shippy +shipshape +shipshapely +shipside +shipsmith +shipward +shipwards +shipway +shipwork +shipworm +shipwreck +shipwrecky +shipwright +shipwrightery +shipwrightry +shipyard +shirakashi +shirallee +Shiraz +shire +shirehouse +shireman +shirewick +shirk +shirker +shirky +shirl +shirlcock +Shirley +shirpit +shirr +shirring +shirt +shirtband +shirtiness +shirting +shirtless +shirtlessness +shirtlike +shirtmaker +shirtmaking +shirtman +shirttail +shirtwaist +shirty +Shirvan +shish +shisham +shisn +shita +shitepoke +shither +shittah +shittim +shittimwood +shiv +Shivaism +Shivaist +Shivaistic +Shivaite +shivaree +shive +shiver +shivereens +shiverer +shivering +shiveringly +shiverproof +shiversome +shiverweed +shivery +shivey +shivoo +shivy +shivzoku +Shkupetar +Shlu +Shluh +Sho +sho +Shoa +shoad +shoader +shoal +shoalbrain +shoaler +shoaliness +shoalness +shoalwise +shoaly +shoat +shock +shockability +shockable +shockedness +shocker +shockheaded +shocking +shockingly +shockingness +shocklike +shockproof +shod +shodden +shoddily +shoddiness +shoddy +shoddydom +shoddyism +shoddyite +shoddylike +shoddyward +shoddywards +shode +shoder +shoe +shoebill +shoebinder +shoebindery +shoebinding +shoebird +shoeblack +shoeboy +shoebrush +shoecraft +shoeflower +shoehorn +shoeing +shoeingsmith +shoelace +shoeless +shoemaker +shoemaking +shoeman +shoepack +shoer +shoescraper +shoeshine +shoeshop +shoesmith +shoestring +shoewoman +shoful +shog +shogaol +shoggie +shoggle +shoggly +shogi +shogun +shogunal +shogunate +shohet +shoji +Shojo +shola +shole +Shona +shone +shoneen +shonkinite +shoo +shood +shoofa +shoofly +shooi +shook +shool +shooldarry +shooler +shoop +shoopiltie +shoor +shoot +shootable +shootboard +shootee +shooter +shoother +shooting +shootist +shootman +shop +shopboard +shopbook +shopboy +shopbreaker +shopbreaking +shopfolk +shopful +shopgirl +shopgirlish +shophar +shopkeeper +shopkeeperess +shopkeeperish +shopkeeperism +shopkeepery +shopkeeping +shopland +shoplet +shoplifter +shoplifting +shoplike +shopmaid +shopman +shopmark +shopmate +shopocracy +shopocrat +shoppe +shopper +shopping +shoppish +shoppishness +shoppy +shopster +shoptalk +shopwalker +shopwear +shopwife +shopwindow +shopwoman +shopwork +shopworker +shopworn +shoq +Shor +shor +shoran +shore +Shorea +shoreberry +shorebush +shored +shoregoing +shoreland +shoreless +shoreman +shorer +shoreside +shoresman +shoreward +shorewards +shoreweed +shoreyer +shoring +shorling +shorn +short +shortage +shortbread +shortcake +shortchange +shortchanger +shortclothes +shortcoat +shortcomer +shortcoming +shorten +shortener +shortening +shorter +shortfall +shorthand +shorthanded +shorthandedness +shorthander +shorthead +shorthorn +Shortia +shortish +shortly +shortness +shorts +shortschat +shortsighted +shortsightedly +shortsightedness +shortsome +shortstaff +shortstop +shorttail +Shortzy +Shoshonean +shoshonite +shot +shotbush +shote +shotgun +shotless +shotlike +shotmaker +shotman +shotproof +shotsman +shotstar +shott +shotted +shotten +shotter +shotty +Shotweld +shou +should +shoulder +shouldered +shoulderer +shoulderette +shouldering +shouldna +shouldnt +shoupeltin +shout +shouter +shouting +shoutingly +shoval +shove +shovegroat +shovel +shovelard +shovelbill +shovelboard +shovelfish +shovelful +shovelhead +shovelmaker +shovelman +shovelnose +shovelweed +shover +show +showable +showance +showbird +showboard +showboat +showboater +showboating +showcase +showdom +showdown +shower +showerer +showerful +showeriness +showerless +showerlike +showerproof +showery +showily +showiness +showing +showish +showless +showman +showmanism +showmanry +showmanship +shown +showpiece +showroom +showup +showworthy +showy +showyard +shoya +shrab +shraddha +shradh +shraf +shrag +shram +shrank +shrap +shrapnel +shrave +shravey +shreadhead +shred +shredcock +shredder +shredding +shreddy +shredless +shredlike +Shree +shree +shreeve +shrend +shrew +shrewd +shrewdish +shrewdly +shrewdness +shrewdom +shrewdy +shrewish +shrewishly +shrewishness +shrewlike +shrewly +shrewmouse +shrewstruck +shriek +shrieker +shriekery +shriekily +shriekiness +shriekingly +shriekproof +shrieky +shrieval +shrievalty +shrift +shrike +shrill +shrilling +shrillish +shrillness +shrilly +shrimp +shrimper +shrimpfish +shrimpi +shrimpish +shrimpishness +shrimplike +shrimpy +shrinal +Shrine +shrine +shrineless +shrinelet +shrinelike +Shriner +shrink +shrinkable +shrinkage +shrinkageproof +shrinker +shrinkhead +shrinking +shrinkingly +shrinkproof +shrinky +shrip +shrite +shrive +shrivel +shriven +shriver +shriving +shroff +shrog +Shropshire +shroud +shrouded +shrouding +shroudless +shroudlike +shroudy +Shrove +shrove +shrover +Shrovetide +shrub +shrubbed +shrubbery +shrubbiness +shrubbish +shrubby +shrubland +shrubless +shrublet +shrublike +shrubwood +shruff +shrug +shruggingly +shrunk +shrunken +shrups +Shtokavski +shtreimel +Shu +shuba +shubunkin +shuck +shucker +shucking +shuckins +shuckpen +shucks +shudder +shudderful +shudderiness +shudderingly +shuddersome +shuddery +shuff +shuffle +shuffleboard +shufflecap +shuffler +shufflewing +shuffling +shufflingly +shug +Shuhali +Shukria +Shukulumbwe +shul +Shulamite +shuler +shulwaurs +shumac +shun +Shunammite +shune +shunless +shunnable +shunner +shunt +shunter +shunting +shure +shurf +shush +shusher +Shuswap +shut +shutdown +shutness +shutoff +Shutoku +shutout +shuttance +shutten +shutter +shuttering +shutterless +shutterwise +shutting +shuttle +shuttlecock +shuttleheaded +shuttlelike +shuttlewise +Shuvra +shwanpan +shy +Shyam +shydepoke +shyer +shyish +Shylock +Shylockism +shyly +shyness +shyster +si +Sia +siak +sial +sialaden +sialadenitis +sialadenoncus +sialagogic +sialagogue +sialagoguic +sialemesis +Sialia +sialic +sialid +Sialidae +sialidan +Sialis +sialoangitis +sialogenous +sialoid +sialolith +sialolithiasis +sialology +sialorrhea +sialoschesis +sialosemeiology +sialosis +sialostenosis +sialosyrinx +sialozemia +Siam +siamang +Siamese +sib +Sibbaldus +sibbed +sibbens +sibber +sibboleth +sibby +Siberian +Siberic +siberite +sibilance +sibilancy +sibilant +sibilantly +sibilate +sibilatingly +sibilator +sibilatory +sibilous +sibilus +Sibiric +sibling +sibness +sibrede +sibship +sibyl +sibylesque +sibylic +sibylism +sibylla +sibylline +sibyllist +sic +Sicambri +Sicambrian +Sicana +Sicani +Sicanian +sicarian +sicarious +sicarius +sicca +siccaneous +siccant +siccate +siccation +siccative +siccimeter +siccity +sice +Sicel +Siceliot +Sicilian +sicilian +siciliana +Sicilianism +sicilica +sicilicum +sicilienne +sicinnian +sick +sickbed +sicken +sickener +sickening +sickeningly +sicker +sickerly +sickerness +sickhearted +sickish +sickishly +sickishness +sickle +sicklebill +sickled +sicklelike +sickleman +sicklemia +sicklemic +sicklepod +sickler +sicklerite +sickless +sickleweed +sicklewise +sicklewort +sicklied +sicklily +sickliness +sickling +sickly +sickness +sicknessproof +sickroom +sicsac +sicula +sicular +Siculi +Siculian +Sicyonian +Sicyonic +Sicyos +Sid +Sida +Sidalcea +sidder +Siddha +Siddhanta +Siddhartha +Siddhi +siddur +side +sideage +sidearm +sideboard +sidebone +sidebones +sideburns +sidecar +sidecarist +sidecheck +sided +sidedness +sideflash +sidehead +sidehill +sidekicker +sidelang +sideless +sideline +sideling +sidelings +sidelingwise +sidelong +sidenote +sidepiece +sider +sideral +sideration +siderealize +sidereally +siderean +siderin +siderism +siderite +sideritic +Sideritis +siderognost +siderographic +siderographical +siderographist +siderography +siderolite +siderology +sideromagnetic +sideromancy +sideromelane +sideronatrite +sideronym +sideroscope +siderose +siderosis +siderostat +siderostatic +siderotechny +siderous +Sideroxylon +sidership +siderurgical +siderurgy +sides +sidesaddle +sideshake +sideslip +sidesman +sidesplitter +sidesplitting +sidesplittingly +sidesway +sideswipe +sideswiper +sidetrack +sidewalk +sideward +sidewards +sideway +sideways +sidewinder +sidewipe +sidewiper +sidewise +sidhe +sidi +siding +sidle +sidler +sidling +sidlingly +Sidney +Sidonian +Sidrach +sidth +sidy +sie +siege +siegeable +siegecraft +siegenite +sieger +siegework +Siegfried +Sieglingia +Siegmund +Siegurd +Siena +Sienese +sienna +sier +siering +sierozem +Sierra +sierra +sierran +siesta +siestaland +Sieva +sieve +sieveful +sievelike +siever +Sieversia +sievings +sievy +sifac +sifaka +Sifatite +sife +siffilate +siffle +sifflement +sifflet +sifflot +sift +siftage +sifted +sifter +sifting +sig +Siganidae +Siganus +sigatoka +Sigaultian +sigger +sigh +sigher +sighful +sighfully +sighing +sighingly +sighingness +sighless +sighlike +sight +sightable +sighted +sighten +sightening +sighter +sightful +sightfulness +sighthole +sighting +sightless +sightlessly +sightlessness +sightlily +sightliness +sightly +sightproof +sightworthiness +sightworthy +sighty +sigil +sigilative +Sigillaria +Sigillariaceae +sigillariaceous +sigillarian +sigillarid +sigillarioid +sigillarist +sigillaroid +sigillary +sigillate +sigillated +sigillation +sigillistic +sigillographer +sigillographical +sigillography +sigillum +sigla +siglarian +siglos +Sigma +sigma +sigmaspire +sigmate +sigmatic +sigmation +sigmatism +sigmodont +Sigmodontes +sigmoid +sigmoidal +sigmoidally +sigmoidectomy +sigmoiditis +sigmoidopexy +sigmoidoproctostomy +sigmoidorectostomy +sigmoidoscope +sigmoidoscopy +sigmoidostomy +Sigmund +sign +signable +signal +signalee +signaler +signalese +signaletic +signaletics +signalism +signalist +signality +signalize +signally +signalman +signalment +signary +signatary +signate +signation +signator +signatory +signatural +signature +signatureless +signaturist +signboard +signee +signer +signet +signetwise +signifer +signifiable +significal +significance +significancy +significant +significantly +significantness +significate +signification +significatist +significative +significatively +significativeness +significator +significatory +significatrix +significature +significavit +significian +significs +signifier +signify +signior +signiorship +signist +signless +signlike +signman +signorial +signorship +signory +signpost +signum +signwriter +Sigurd +Sihasapa +Sika +sika +sikar +sikatch +sike +sikerly +sikerness +siket +Sikh +sikhara +Sikhism +sikhra +Sikinnis +Sikkimese +Siksika +sil +silage +silaginoid +silane +Silas +silbergroschen +silcrete +sile +silen +Silenaceae +silenaceous +Silenales +silence +silenced +silencer +silency +Silene +sileni +silenic +silent +silential +silentiary +silentious +silentish +silently +silentness +silenus +silesia +Silesian +Siletz +silex +silexite +silhouette +silhouettist +silhouettograph +silica +silicam +silicane +silicate +silication +silicatization +Silicea +silicean +siliceocalcareous +siliceofelspathic +siliceofluoric +siliceous +silicic +silicicalcareous +silicicolous +silicide +silicidize +siliciferous +silicification +silicifluoric +silicifluoride +silicify +siliciophite +silicious +Silicispongiae +silicium +siliciuretted +silicize +silicle +silico +silicoacetic +silicoalkaline +silicoaluminate +silicoarsenide +silicocalcareous +silicochloroform +silicocyanide +silicoethane +silicoferruginous +Silicoflagellata +Silicoflagellatae +silicoflagellate +Silicoflagellidae +silicofluoric +silicofluoride +silicohydrocarbon +Silicoidea +silicomagnesian +silicomanganese +silicomethane +silicon +silicone +siliconize +silicononane +silicopropane +silicosis +Silicospongiae +silicotalcose +silicotic +silicotitanate +silicotungstate +silicotungstic +silicula +silicular +silicule +siliculose +siliculous +silicyl +Silipan +siliqua +siliquaceous +siliquae +Siliquaria +Siliquariidae +silique +siliquiferous +siliquiform +siliquose +siliquous +silk +silkalene +silkaline +silked +silken +silker +silkflower +silkgrower +silkie +silkily +silkiness +silklike +silkman +silkness +silksman +silktail +silkweed +silkwoman +silkwood +silkwork +silkworks +silkworm +silky +sill +sillabub +silladar +Sillaginidae +Sillago +sillandar +sillar +siller +Sillery +sillibouk +sillikin +sillily +sillimanite +silliness +sillock +sillograph +sillographer +sillographist +sillometer +sillon +silly +sillyhood +sillyhow +sillyish +sillyism +sillyton +silo +siloist +Silpha +silphid +Silphidae +silphium +silt +siltage +siltation +silting +siltlike +silty +silundum +Silures +Silurian +Siluric +silurid +Siluridae +Siluridan +siluroid +Siluroidei +Silurus +silva +silvan +silvanity +silvanry +Silvanus +silvendy +silver +silverback +silverbeater +silverbelly +silverberry +silverbill +silverboom +silverbush +silvered +silverer +silvereye +silverfin +silverfish +silverhead +silverily +silveriness +silvering +silverish +silverite +silverize +silverizer +silverleaf +silverless +silverlike +silverling +silverly +silvern +silverness +silverpoint +silverrod +silverside +silversides +silverskin +silversmith +silversmithing +silverspot +silvertail +silvertip +silvertop +silvervine +silverware +silverweed +silverwing +silverwood +silverwork +silverworker +silvery +Silvester +Silvia +silvical +silvicolous +silvics +silvicultural +silviculturally +silviculture +silviculturist +Silvius +Silybum +silyl +Sim +sima +Simaba +simal +simar +Simarouba +Simaroubaceae +simaroubaceous +simball +simbil +simblin +simblot +Simblum +sime +Simeon +Simeonism +Simeonite +Simia +simiad +simial +simian +simianity +simiesque +Simiidae +Simiinae +similar +similarity +similarize +similarly +similative +simile +similimum +similiter +similitive +similitude +similitudinize +simility +similize +similor +simioid +simious +simiousness +simity +simkin +simlin +simling +simmer +simmeringly +simmon +simnel +simnelwise +simoleon +Simon +simoniac +simoniacal +simoniacally +Simonian +Simonianism +simonious +simonism +Simonist +simonist +simony +simool +simoom +simoon +Simosaurus +simous +simp +simpai +simper +simperer +simperingly +simple +simplehearted +simpleheartedly +simpleheartedness +simpleness +simpler +simpleton +simpletonian +simpletonianism +simpletonic +simpletonish +simpletonism +simplex +simplexed +simplexity +simplicident +Simplicidentata +simplicidentate +simplicist +simplicitarian +simplicity +simplicize +simplification +simplificative +simplificator +simplified +simplifiedly +simplifier +simplify +simplism +simplist +simplistic +simply +simsim +simson +simulacra +simulacral +simulacre +simulacrize +simulacrum +simulance +simulant +simular +simulate +simulation +simulative +simulatively +simulator +simulatory +simulcast +simuler +simuliid +Simuliidae +simulioid +Simulium +simultaneity +simultaneous +simultaneously +simultaneousness +sin +sina +Sinae +Sinaean +Sinaic +sinaite +Sinaitic +sinal +sinalbin +Sinaloa +sinamay +sinamine +sinapate +sinapic +sinapine +sinapinic +Sinapis +sinapis +sinapism +sinapize +sinapoline +sinarchism +sinarchist +sinarquism +sinarquist +sinarquista +sinawa +sincaline +since +sincere +sincerely +sincereness +sincerity +sincipital +sinciput +sind +sinder +Sindhi +sindle +sindoc +sindon +sindry +sine +sinecural +sinecure +sinecureship +sinecurism +sinecurist +Sinesian +sinew +sinewed +sinewiness +sinewless +sinewous +sinewy +sinfonia +sinfonie +sinfonietta +sinful +sinfully +sinfulness +sing +singability +singable +singableness +singally +singarip +singe +singed +singeing +singeingly +singer +singey +Singfo +singh +Singhalese +singillatim +singing +singingly +singkamas +single +singlebar +singled +singlehanded +singlehandedly +singlehandedness +singlehearted +singleheartedly +singleheartedness +singlehood +singleness +singler +singles +singlestick +singlesticker +singlet +singleton +singletree +singlings +singly +Singpho +Singsing +singsong +singsongy +Singspiel +singspiel +singstress +singular +singularism +singularist +singularity +singularization +singularize +singularly +singularness +singult +singultous +singultus +sinh +Sinhalese +Sinian +Sinic +Sinicism +Sinicization +Sinicize +Sinico +Sinification +Sinify +sinigrin +sinigrinase +sinigrosid +sinigroside +Sinisian +Sinism +sinister +sinisterly +sinisterness +sinisterwise +sinistrad +sinistral +sinistrality +sinistrally +sinistration +sinistrin +sinistrocerebral +sinistrocular +sinistrodextral +sinistrogyrate +sinistrogyration +sinistrogyric +sinistromanual +sinistrorsal +sinistrorsally +sinistrorse +sinistrous +sinistrously +sinistruous +Sinite +Sinitic +sink +sinkable +sinkage +sinker +sinkerless +sinkfield +sinkhead +sinkhole +sinking +Sinkiuse +sinkless +sinklike +sinkroom +sinkstone +sinky +sinless +sinlessly +sinlessness +sinlike +sinnable +sinnableness +sinnen +sinner +sinneress +sinnership +sinnet +Sinningia +sinningly +sinningness +sinoatrial +sinoauricular +Sinogram +sinoidal +Sinolog +Sinologer +Sinological +Sinologist +Sinologue +Sinology +sinomenine +Sinonism +Sinophile +Sinophilism +sinopia +Sinopic +sinopite +sinople +sinproof +Sinsiga +sinsion +sinsring +sinsyne +sinter +Sinto +sintoc +Sintoism +Sintoist +Sintsink +Sintu +sinuate +sinuated +sinuatedentate +sinuately +sinuation +sinuatocontorted +sinuatodentate +sinuatodentated +sinuatopinnatifid +sinuatoserrated +sinuatoundulate +sinuatrial +sinuauricular +sinuitis +sinuose +sinuosely +sinuosity +sinuous +sinuously +sinuousness +Sinupallia +sinupallial +Sinupallialia +Sinupalliata +sinupalliate +sinus +sinusal +sinusitis +sinuslike +sinusoid +sinusoidal +sinusoidally +sinuventricular +sinward +siol +Sion +sion +Sionite +Siouan +Sioux +sip +sipage +sipe +siper +siphoid +siphon +siphonaceous +siphonage +siphonal +Siphonales +Siphonaptera +siphonapterous +Siphonaria +siphonariid +Siphonariidae +Siphonata +siphonate +Siphoneae +siphoneous +siphonet +siphonia +siphonial +Siphoniata +siphonic +Siphonifera +siphoniferous +siphoniform +siphonium +siphonless +siphonlike +Siphonobranchiata +siphonobranchiate +Siphonocladales +Siphonocladiales +siphonogam +Siphonogama +siphonogamic +siphonogamous +siphonogamy +siphonoglyph +siphonoglyphe +siphonognathid +Siphonognathidae +siphonognathous +Siphonognathus +Siphonophora +siphonophoran +siphonophore +siphonophorous +siphonoplax +siphonopore +siphonorhinal +siphonorhine +siphonosome +siphonostele +siphonostelic +siphonostely +Siphonostoma +Siphonostomata +siphonostomatous +siphonostome +siphonostomous +siphonozooid +siphonula +siphorhinal +siphorhinian +siphosome +siphuncle +siphuncled +siphuncular +Siphunculata +siphunculate +siphunculated +Sipibo +sipid +sipidity +Siping +siping +sipling +sipper +sippet +sippingly +sippio +Sipunculacea +sipunculacean +sipunculid +Sipunculida +sipunculoid +Sipunculoidea +Sipunculus +sipylite +Sir +sir +sircar +sirdar +sirdarship +sire +Siredon +sireless +siren +sirene +Sirenia +sirenian +sirenic +sirenical +sirenically +Sirenidae +sirening +sirenize +sirenlike +sirenoid +Sirenoidea +Sirenoidei +sireny +sireship +siress +sirgang +Sirian +sirian +Sirianian +siriasis +siricid +Siricidae +Siricoidea +sirih +siriometer +Sirione +siris +Sirius +sirkeer +sirki +sirky +sirloin +sirloiny +Sirmian +Sirmuellera +siroc +sirocco +siroccoish +siroccoishly +sirpea +sirple +sirpoon +sirrah +sirree +sirship +siruaballi +siruelas +sirup +siruped +siruper +sirupy +Siryan +Sis +sis +sisal +siscowet +sise +sisel +siserara +siserary +siserskite +sish +sisham +sisi +siskin +Sisley +sismotherapy +siss +Sisseton +sissification +sissify +sissiness +sissoo +Sissu +sissy +sissyish +sissyism +sist +Sistani +sister +sisterhood +sisterin +sistering +sisterize +sisterless +sisterlike +sisterliness +sisterly +sistern +Sistine +sistle +sistomensin +sistrum +Sistrurus +Sisymbrium +Sisyphean +Sisyphian +Sisyphides +Sisyphism +Sisyphist +Sisyphus +Sisyrinchium +sisyrinchium +sit +Sita +sitao +sitar +sitatunga +sitch +site +sitfast +sith +sithcund +sithe +sithement +sithence +sithens +sitient +sitio +sitiology +sitiomania +sitiophobia +Sitka +Sitkan +sitology +sitomania +Sitophilus +sitophobia +sitophobic +sitosterin +sitosterol +sitotoxism +Sitta +sittee +sitten +sitter +Sittidae +Sittinae +sittine +sitting +sittringy +situal +situate +situated +situation +situational +situla +situlae +situs +Sium +Siusi +Siuslaw +Siva +siva +Sivaism +Sivaist +Sivaistic +Sivaite +Sivan +Sivapithecus +sivathere +Sivatheriidae +Sivatheriinae +sivatherioid +Sivatherium +siver +sivvens +Siwan +Siwash +siwash +six +sixain +sixer +sixfoil +sixfold +sixhaend +sixhynde +sixpence +sixpenny +sixpennyworth +sixscore +sixsome +sixte +sixteen +sixteener +sixteenfold +sixteenmo +sixteenth +sixteenthly +sixth +sixthet +sixthly +sixtieth +Sixtowns +Sixtus +sixty +sixtyfold +sixtypenny +sizable +sizableness +sizably +sizal +sizar +sizarship +size +sizeable +sizeableness +sized +sizeman +sizer +sizes +siziness +sizing +sizy +sizygia +sizygium +sizz +sizzard +sizzing +sizzle +sizzling +sizzlingly +Sjaak +sjambok +Sjouke +skaddle +skaff +skaffie +skag +skaillie +skainsmate +skair +skaitbird +skal +skalawag +skaldship +skance +Skanda +skandhas +skart +skasely +Skat +skat +skate +skateable +skater +skatikas +skatiku +skating +skatist +skatole +skatosine +skatoxyl +skaw +skean +skeanockle +skedaddle +skedaddler +skedge +skedgewith +skedlock +skee +skeed +skeeg +skeel +skeeling +skeely +skeen +skeenyie +skeer +skeered +skeery +skeesicks +skeet +Skeeter +skeeter +skeezix +Skef +skeg +skegger +skeif +skeigh +skeily +skein +skeiner +skeipp +skel +skelder +skelderdrake +skeldrake +skeletal +skeletin +skeletogenous +skeletogeny +skeletomuscular +skeleton +skeletonian +skeletonic +skeletonization +skeletonize +skeletonizer +skeletonless +skeletonweed +skeletony +skelf +skelgoose +skelic +skell +skellat +skeller +skelloch +skellum +skelly +skelp +skelper +skelpin +skelping +skelter +Skeltonian +Skeltonic +Skeltonical +Skeltonics +skemmel +skemp +sken +skene +skeo +skeough +skep +skepful +skeppist +skeppund +skeptic +skeptical +skeptically +skepticalness +skepticism +skepticize +sker +skere +skerret +skerrick +skerry +sketch +sketchability +sketchable +sketchbook +sketchee +sketcher +sketchily +sketchiness +sketching +sketchingly +sketchist +sketchlike +sketchy +skete +sketiotai +skeuomorph +skeuomorphic +skevish +skew +skewback +skewbacked +skewbald +skewed +skewer +skewerer +skewerwood +skewings +skewl +skewly +skewness +skewwhiff +skewwise +skewy +skey +skeyting +ski +skiagram +skiagraph +skiagrapher +skiagraphic +skiagraphical +skiagraphically +skiagraphy +skiameter +skiametry +skiapod +skiapodous +skiascope +skiascopy +skibby +skibslast +skice +skid +skidded +skidder +skidding +skiddingly +skiddoo +skiddy +Skidi +skidpan +skidproof +skidway +skied +skieppe +skiepper +skier +skies +skiff +skiffless +skiffling +skift +skiing +skijore +skijorer +skijoring +skil +skilder +skildfel +skilfish +skill +skillagalee +skilled +skillenton +skillessness +skillet +skillful +skillfully +skillfulness +skilligalee +skilling +skillion +skilly +skilpot +skilts +skim +skimback +skime +skimmed +skimmer +skimmerton +Skimmia +skimming +skimmingly +skimmington +skimmity +skimp +skimpily +skimpiness +skimpingly +skimpy +skin +skinbound +skinch +skinflint +skinflintily +skinflintiness +skinflinty +skinful +skink +skinker +skinking +skinkle +skinless +skinlike +skinned +skinner +skinnery +skinniness +skinning +skinny +skintight +skinworm +skiogram +skiograph +skiophyte +Skip +skip +skipbrain +Skipetar +skipjack +skipjackly +skipkennel +skipman +skippable +skippel +skipper +skippered +skippership +skippery +skippet +skipping +skippingly +skipple +skippund +skippy +skiptail +skirl +skirlcock +skirling +skirmish +skirmisher +skirmishing +skirmishingly +skirp +skirr +skirreh +skirret +skirt +skirtboard +skirted +skirter +skirting +skirtingly +skirtless +skirtlike +skirty +skirwhit +skirwort +skit +skite +skiter +skither +Skitswish +Skittaget +Skittagetan +skitter +skittish +skittishly +skittishness +skittle +skittled +skittler +skittles +skitty +skittyboot +skiv +skive +skiver +skiverwood +skiving +skivvies +sklate +sklater +sklent +skleropelite +sklinter +skoal +Skodaic +skogbolite +Skoinolon +skokiaan +Skokomish +skomerite +skoo +skookum +Skopets +skoptsy +skout +skraeling +skraigh +skrike +skrimshander +skrupul +skua +skulduggery +skulk +skulker +skulking +skulkingly +skull +skullbanker +skullcap +skulled +skullery +skullfish +skullful +skully +skulp +skun +skunk +skunkbill +skunkbush +skunkdom +skunkery +skunkhead +skunkish +skunklet +skunktop +skunkweed +skunky +Skupshtina +skuse +skutterudite +sky +skybal +skycraft +Skye +skyey +skyful +skyish +skylark +skylarker +skyless +skylight +skylike +skylook +skyman +skyphoi +skyphos +skyplast +skyre +skyrgaliard +skyrocket +skyrockety +skysail +skyscape +skyscraper +skyscraping +skyshine +skyugle +skyward +skywards +skyway +skywrite +skywriter +skywriting +sla +slab +slabbed +slabber +slabberer +slabbery +slabbiness +slabbing +slabby +slabman +slabness +slabstone +slack +slackage +slacked +slacken +slackener +slacker +slackerism +slacking +slackingly +slackly +slackness +slad +sladang +slade +slae +slag +slaggability +slaggable +slagger +slagging +slaggy +slagless +slaglessness +slagman +slain +slainte +slaister +slaistery +slait +slake +slakeable +slakeless +slaker +slaking +slaky +slam +slammakin +slammerkin +slammock +slammocking +slammocky +slamp +slampamp +slampant +slander +slanderer +slanderful +slanderfully +slandering +slanderingly +slanderous +slanderously +slanderousness +slanderproof +slane +slang +slangily +slanginess +slangish +slangishly +slangism +slangkop +slangous +slangster +slanguage +slangular +slangy +slank +slant +slantindicular +slantindicularly +slanting +slantingly +slantingways +slantly +slantways +slantwise +slap +slapdash +slapdashery +slape +slaphappy +slapjack +slapper +slapping +slapstick +slapsticky +slare +slart +slarth +Slartibartfast +slash +slashed +slasher +slashing +slashingly +slashy +slat +slatch +slate +slateful +slatelike +slatemaker +slatemaking +slater +slateworks +slateyard +slath +slather +slatify +slatiness +slating +slatish +slatted +slatter +slattern +slatternish +slatternliness +slatternly +slatternness +slattery +slatting +slaty +slaughter +slaughterer +slaughterhouse +slaughteringly +slaughterman +slaughterous +slaughterously +slaughteryard +slaum +Slav +Slavdom +Slave +slave +slaveborn +slaved +slaveholder +slaveholding +slaveland +slaveless +slavelet +slavelike +slaveling +slavemonger +slaveowner +slaveownership +slavepen +slaver +slaverer +slavering +slaveringly +slavery +Slavey +slavey +Slavi +Slavian +Slavic +Slavicism +Slavicize +Slavification +Slavify +slavikite +slaving +Slavish +slavish +slavishly +slavishness +Slavism +Slavist +Slavistic +Slavization +Slavize +slavocracy +slavocrat +slavocratic +Slavonian +Slavonianize +Slavonic +Slavonically +Slavonicize +Slavonish +Slavonism +Slavonization +Slavonize +Slavophile +Slavophilism +Slavophobe +Slavophobist +slaw +slay +slayable +slayer +slaying +sleathy +sleave +sleaved +sleaziness +sleazy +Sleb +sleck +sled +sledded +sledder +sledding +sledful +sledge +sledgeless +sledgemeter +sledger +sledging +sledlike +slee +sleech +sleechy +sleek +sleeken +sleeker +sleeking +sleekit +sleekly +sleekness +sleeky +sleep +sleeper +sleepered +sleepful +sleepfulness +sleepify +sleepily +sleepiness +sleeping +sleepingly +sleepland +sleepless +sleeplessly +sleeplessness +sleeplike +sleepmarken +sleepproof +sleepry +sleepwaker +sleepwaking +sleepwalk +sleepwalker +sleepwalking +sleepward +sleepwort +sleepy +sleepyhead +sleer +sleet +sleetiness +sleeting +sleetproof +sleety +sleeve +sleeveband +sleeveboard +sleeved +sleeveen +sleevefish +sleeveful +sleeveless +sleevelessness +sleevelet +sleevelike +sleever +sleigh +sleigher +sleighing +sleight +sleightful +sleighty +slendang +slender +slenderish +slenderize +slenderly +slenderness +slent +slepez +slept +slete +sleuth +sleuthdog +sleuthful +sleuthhound +sleuthlike +slew +slewed +slewer +slewing +sley +sleyer +slice +sliceable +sliced +slicer +slich +slicht +slicing +slicingly +slick +slicken +slickens +slickenside +slicker +slickered +slickery +slicking +slickly +slickness +slid +slidable +slidableness +slidably +slidage +slidden +slidder +sliddery +slide +slideable +slideableness +slideably +slided +slidehead +slideman +slideproof +slider +slideway +sliding +slidingly +slidingness +slidometer +slifter +slight +slighted +slighter +slightily +slightiness +slighting +slightingly +slightish +slightly +slightness +slighty +slim +slime +slimeman +slimer +slimily +sliminess +slimish +slimishness +slimly +slimmish +slimness +slimpsy +slimsy +slimy +sline +sling +slingball +slinge +slinger +slinging +slingshot +slingsman +slingstone +slink +slinker +slinkily +slinkiness +slinking +slinkingly +slinkskin +slinkweed +slinky +slip +slipback +slipband +slipboard +slipbody +slipcase +slipcoach +slipcoat +slipe +slipgibbet +sliphorn +sliphouse +slipknot +slipless +slipman +slipover +slippage +slipped +slipper +slippered +slipperflower +slipperily +slipperiness +slipperlike +slipperweed +slipperwort +slippery +slipperyback +slipperyroot +slippiness +slipping +slippingly +slipproof +slippy +slipshod +slipshoddiness +slipshoddy +slipshodness +slipshoe +slipslap +slipslop +slipsloppish +slipsloppism +slipsole +slipstep +slipstring +sliptopped +slipway +slirt +slish +slit +slitch +slite +slither +slithering +slitheroo +slithers +slithery +slithy +slitless +slitlike +slitshell +slitted +slitter +slitting +slitty +slitwise +slive +sliver +sliverer +sliverlike +sliverproof +slivery +sliving +slivovitz +sloan +Sloanea +slob +slobber +slobberchops +slobberer +slobbers +slobbery +slobby +slock +slocken +slod +slodder +slodge +slodger +sloe +sloeberry +sloebush +sloetree +slog +slogan +sloganeer +sloganize +slogger +slogging +slogwood +sloka +sloke +slommock +slon +slone +slonk +sloo +sloom +sloomy +sloop +sloopman +sloosh +slop +slopdash +slope +sloped +slopely +slopeness +sloper +slopeways +slopewise +sloping +slopingly +slopingness +slopmaker +slopmaking +sloppage +slopped +sloppery +sloppily +sloppiness +slopping +sloppy +slops +slopseller +slopselling +slopshop +slopstone +slopwork +slopworker +slopy +slorp +slosh +slosher +sloshily +sloshiness +sloshy +slot +slote +sloted +sloth +slothful +slothfully +slothfulness +slothound +slotted +slotter +slottery +slotting +slotwise +slouch +sloucher +slouchily +slouchiness +slouching +slouchingly +slouchy +slough +sloughiness +sloughy +slour +sloush +Slovak +Slovakian +Slovakish +sloven +Slovene +Slovenian +Slovenish +slovenlike +slovenliness +slovenly +slovenwood +Slovintzi +slow +slowbellied +slowbelly +slowdown +slowgoing +slowheaded +slowhearted +slowheartedness +slowhound +slowish +slowly +slowmouthed +slowpoke +slowrie +slows +slowworm +sloyd +slub +slubber +slubberdegullion +slubberer +slubbering +slubberingly +slubberly +slubbery +slubbing +slubby +slud +sludder +sluddery +sludge +sludged +sludger +sludgy +slue +sluer +slug +slugabed +sluggard +sluggarding +sluggardize +sluggardliness +sluggardly +sluggardness +sluggardry +slugged +slugger +slugging +sluggingly +sluggish +sluggishly +sluggishness +sluggy +sluglike +slugwood +sluice +sluicelike +sluicer +sluiceway +sluicing +sluicy +sluig +sluit +slum +slumber +slumberer +slumberful +slumbering +slumberingly +slumberland +slumberless +slumberous +slumberously +slumberousness +slumberproof +slumbersome +slumbery +slumbrous +slumdom +slumgullion +slumgum +slumland +slummage +slummer +slumminess +slumming +slummock +slummocky +slummy +slump +slumpproof +slumproof +slumpwork +slumpy +slumward +slumwise +slung +slungbody +slunge +slunk +slunken +slur +slurbow +slurp +slurry +slush +slusher +slushily +slushiness +slushy +slut +slutch +slutchy +sluther +sluthood +slutter +sluttery +sluttikin +sluttish +sluttishly +sluttishness +slutty +sly +slyboots +slyish +slyly +slyness +slype +sma +smachrie +smack +smackee +smacker +smackful +smacking +smackingly +smacksman +smaik +Smalcaldian +Smalcaldic +small +smallage +smallclothes +smallcoal +smallen +smaller +smallhearted +smallholder +smalling +smallish +smallmouth +smallmouthed +smallness +smallpox +smalls +smallsword +smalltime +smallware +smally +smalm +smalt +smalter +smaltine +smaltite +smalts +smaragd +smaragdine +smaragdite +smaragdus +smarm +smarmy +smart +smarten +smarting +smartingly +smartish +smartism +smartless +smartly +smartness +smartweed +smarty +smash +smashable +smashage +smashboard +smasher +smashery +smashing +smashingly +smashment +smashup +smatter +smatterer +smattering +smatteringly +smattery +smaze +smear +smearcase +smeared +smearer +smeariness +smearless +smeary +smectic +smectis +smectite +Smectymnuan +Smectymnuus +smeddum +smee +smeech +smeek +smeeky +smeer +smeeth +smegma +smell +smellable +smellage +smelled +smeller +smellful +smellfungi +smellfungus +smelliness +smelling +smellproof +smellsome +smelly +smelt +smelter +smelterman +smeltery +smeltman +smeth +smethe +smeuse +smew +smich +smicker +smicket +smiddie +smiddum +smidge +smidgen +smifligate +smifligation +smiggins +Smilacaceae +smilacaceous +Smilaceae +smilaceous +smilacin +Smilacina +Smilax +smilax +smile +smileable +smileage +smileful +smilefulness +smileless +smilelessly +smilelessness +smilemaker +smilemaking +smileproof +smiler +smilet +smiling +smilingly +smilingness +Smilodon +smily +Smintheus +Sminthian +sminthurid +Sminthuridae +Sminthurus +smirch +smircher +smirchless +smirchy +smiris +smirk +smirker +smirking +smirkingly +smirkish +smirkle +smirkly +smirky +smirtle +smit +smitch +smite +smiter +smith +smitham +smithcraft +smither +smithereens +smithery +Smithian +Smithianism +smithing +smithite +Smithsonian +smithsonite +smithwork +smithy +smithydander +smiting +smitten +smitting +smock +smocker +smockface +smocking +smockless +smocklike +smog +smokables +smoke +smokeable +smokebox +smokebush +smoked +smokefarthings +smokehouse +smokejack +smokeless +smokelessly +smokelessness +smokelike +smokeproof +smoker +smokery +smokestack +smokestone +smoketight +smokewood +smokily +smokiness +smoking +smokish +smoky +smokyseeming +smolder +smolderingness +smolt +smooch +smoochy +smoodge +smoodger +smook +smoorich +Smoos +smoot +smooth +smoothable +smoothback +smoothbore +smoothbored +smoothcoat +smoothen +smoother +smoothification +smoothify +smoothing +smoothingly +smoothish +smoothly +smoothmouthed +smoothness +smoothpate +smopple +smore +smorgasbord +smote +smother +smotherable +smotheration +smothered +smotherer +smotheriness +smothering +smotheringly +smothery +smotter +smouch +smoucher +smous +smouse +smouser +smout +smriti +smudge +smudged +smudgedly +smudgeless +smudgeproof +smudger +smudgily +smudginess +smudgy +smug +smuggery +smuggish +smuggishly +smuggishness +smuggle +smuggleable +smuggler +smugglery +smuggling +smugism +smugly +smugness +smuisty +smur +smurr +smurry +smuse +smush +smut +smutch +smutchin +smutchless +smutchy +smutproof +smutted +smutter +smuttily +smuttiness +smutty +Smyrna +Smyrnaite +Smyrnean +Smyrniot +Smyrniote +smyth +smytrie +snab +snabbie +snabble +snack +snackle +snackman +snaff +snaffle +snaffles +snafu +snag +snagbush +snagged +snagger +snaggled +snaggletooth +snaggy +snagrel +snail +snaileater +snailery +snailfish +snailflower +snailish +snailishly +snaillike +snails +snaily +snaith +snake +snakebark +snakeberry +snakebird +snakebite +snakefish +snakeflower +snakehead +snakeholing +snakeleaf +snakeless +snakelet +snakelike +snakeling +snakemouth +snakeneck +snakeology +snakephobia +snakepiece +snakepipe +snakeproof +snaker +snakeroot +snakery +snakeship +snakeskin +snakestone +snakeweed +snakewise +snakewood +snakeworm +snakewort +snakily +snakiness +snaking +snakish +snaky +snap +snapback +snapbag +snapberry +snapdragon +snape +snaper +snaphead +snapholder +snapjack +snapless +snappable +snapped +snapper +snappily +snappiness +snapping +snappingly +snappish +snappishly +snappishness +snapps +snappy +snaps +snapsack +snapshot +snapshotter +snapweed +snapwood +snapwort +snapy +snare +snareless +snarer +snaringly +snark +snarl +snarler +snarleyyow +snarlingly +snarlish +snarly +snary +snaste +snatch +snatchable +snatched +snatcher +snatchily +snatching +snatchingly +snatchproof +snatchy +snath +snathe +snavel +snavvle +snaw +snead +sneak +sneaker +sneakiness +sneaking +sneakingly +sneakingness +sneakish +sneakishly +sneakishness +sneaksby +sneaksman +sneaky +sneap +sneath +sneathe +sneb +sneck +sneckdraw +sneckdrawing +sneckdrawn +snecker +snecket +sned +snee +sneer +sneerer +sneerful +sneerfulness +sneering +sneeringly +sneerless +sneery +sneesh +sneeshing +sneest +sneesty +sneeze +sneezeless +sneezeproof +sneezer +sneezeweed +sneezewood +sneezewort +sneezing +sneezy +snell +snelly +Snemovna +snerp +snew +snib +snibble +snibbled +snibbler +snibel +snicher +snick +snickdraw +snickdrawing +snicker +snickering +snickeringly +snickersnee +snicket +snickey +snickle +sniddle +snide +snideness +sniff +sniffer +sniffily +sniffiness +sniffing +sniffingly +sniffish +sniffishness +sniffle +sniffler +sniffly +sniffy +snift +snifter +snifty +snig +snigger +sniggerer +sniggering +sniggle +sniggler +sniggoringly +snip +snipe +snipebill +snipefish +snipelike +sniper +sniperscope +sniping +snipish +snipjack +snipnose +snipocracy +snipper +snippersnapper +snipperty +snippet +snippetiness +snippety +snippiness +snipping +snippish +snippy +snipsnapsnorum +sniptious +snipy +snirl +snirt +snirtle +snitch +snitcher +snite +snithe +snithy +snittle +snivel +sniveled +sniveler +sniveling +snively +snivy +snob +snobber +snobbery +snobbess +snobbing +snobbish +snobbishly +snobbishness +snobbism +snobby +snobdom +snobling +snobocracy +snobocrat +snobographer +snobography +snobologist +snobonomer +snobscat +snocher +snock +snocker +snod +snodly +snoek +snoeking +snog +snoga +Snohomish +snoke +Snonowas +snood +snooded +snooding +snook +snooker +snookered +snoop +snooper +snooperscope +snoopy +snoose +snoot +snootily +snootiness +snooty +snoove +snooze +snoozer +snooziness +snoozle +snoozy +snop +Snoqualmie +Snoquamish +snore +snoreless +snorer +snoring +snoringly +snork +snorkel +snorker +snort +snorter +snorting +snortingly +snortle +snorty +snot +snotter +snottily +snottiness +snotty +snouch +snout +snouted +snouter +snoutish +snoutless +snoutlike +snouty +Snow +snow +Snowball +snowball +snowbank +snowbell +snowberg +snowberry +snowbird +snowblink +snowbound +snowbreak +snowbush +snowcap +snowcraft +Snowdonian +snowdrift +snowdrop +snowfall +snowflake +snowflight +snowflower +snowfowl +snowhammer +snowhouse +snowie +snowily +snowiness +snowish +snowk +snowl +snowland +snowless +snowlike +snowmanship +snowmobile +snowplow +snowproof +snowscape +snowshade +snowshed +snowshine +snowshoe +snowshoed +snowshoeing +snowshoer +snowslide +snowslip +snowstorm +snowsuit +snowworm +snowy +snozzle +snub +snubbable +snubbed +snubbee +snubber +snubbiness +snubbing +snubbingly +snubbish +snubbishly +snubbishness +snubby +snubproof +snuck +snudge +snuff +snuffbox +snuffboxer +snuffcolored +snuffer +snuffers +snuffiness +snuffing +snuffingly +snuffish +snuffle +snuffler +snuffles +snuffless +snuffliness +snuffling +snufflingly +snuffly +snuffman +snuffy +snug +snugger +snuggery +snuggish +snuggle +snugify +snugly +snugness +snum +snup +snupper +snur +snurl +snurly +snurp +snurt +snuzzle +sny +snying +so +soak +soakage +soakaway +soaked +soaken +soaker +soaking +soakingly +soakman +soaky +soally +soam +soap +soapbark +soapberry +soapbox +soapboxer +soapbubbly +soapbush +soaper +soapery +soapfish +soapily +soapiness +soaplees +soapless +soaplike +soapmaker +soapmaking +soapmonger +soaprock +soaproot +soapstone +soapsud +soapsuddy +soapsuds +soapsudsy +soapweed +soapwood +soapwort +soapy +soar +soarability +soarable +soarer +soaring +soaringly +soary +sob +sobber +sobbing +sobbingly +sobby +sobeit +sober +soberer +sobering +soberingly +soberize +soberlike +soberly +soberness +sobersault +sobersided +sobersides +soberwise +sobful +soboles +soboliferous +sobproof +Sobralia +sobralite +Sobranje +sobrevest +sobriety +sobriquet +sobriquetical +soc +socage +socager +soccer +soccerist +soccerite +soce +socht +sociability +sociable +sociableness +sociably +social +Sociales +socialism +socialist +socialistic +socialite +sociality +socializable +socialization +socialize +socializer +socially +socialness +sociation +sociative +societal +societally +societarian +societarianism +societary +societified +societism +societist +societologist +societology +society +societyish +societyless +socii +Socinian +Socinianism +Socinianistic +Socinianize +sociobiological +sociocentric +sociocracy +sociocrat +sociocratic +sociocultural +sociodrama +sociodramatic +socioeconomic +socioeducational +sociogenesis +sociogenetic +sociogeny +sociography +sociolatry +sociolegal +sociologian +sociologic +sociological +sociologically +sociologism +sociologist +sociologistic +sociologize +sociologizer +sociologizing +sociology +sociomedical +sociometric +sociometry +socionomic +socionomics +socionomy +sociophagous +sociopolitical +socioreligious +socioromantic +sociostatic +sociotechnical +socius +sock +sockdolager +socker +socket +socketful +socketless +sockeye +sockless +socklessness +sockmaker +sockmaking +socky +socle +socman +socmanry +soco +Socorrito +Socotran +Socotri +Socotrine +Socratean +Socratic +Socratical +Socratically +Socraticism +Socratism +Socratist +Socratize +sod +soda +sodaclase +sodaic +sodaless +sodalist +sodalite +sodalithite +sodality +sodamide +sodbuster +sodded +sodden +soddenly +soddenness +sodding +soddite +soddy +sodic +sodio +sodioaluminic +sodioaurous +sodiocitrate +sodiohydric +sodioplatinic +sodiosalicylate +sodiotartrate +sodium +sodless +sodoku +Sodom +sodomic +Sodomist +Sodomite +sodomitess +sodomitic +sodomitical +sodomitically +Sodomitish +sodomy +sodwork +sody +soe +soekoe +soever +sofa +sofane +sofar +soffit +Sofia +Sofoklis +Sofronia +soft +softa +softball +softbrained +soften +softener +softening +softhead +softheaded +softhearted +softheartedly +softheartedness +softhorn +softish +softling +softly +softner +softness +softship +softtack +softwood +softy +sog +Soga +Sogdian +Sogdianese +Sogdianian +Sogdoite +soger +soget +soggarth +soggendalite +soggily +sogginess +sogging +soggy +soh +soho +Soiesette +soiesette +soil +soilage +soiled +soiling +soilless +soilproof +soilure +soily +soiree +soixantine +Soja +soja +sojourn +sojourner +sojourney +sojournment +sok +soka +soke +sokeman +sokemanemot +sokemanry +soken +Sokoki +Sokotri +Sokulk +Sol +sol +sola +solace +solaceful +solacement +solaceproof +solacer +solacious +solaciously +solaciousness +solan +Solanaceae +solanaceous +solanal +Solanales +solander +solaneine +solaneous +solanidine +solanine +Solanum +solanum +solar +solarism +solarist +solaristic +solaristically +solaristics +Solarium +solarium +solarization +solarize +solarometer +solate +solatia +solation +solatium +solay +sold +soldado +Soldan +soldan +soldanel +Soldanella +soldanelle +soldanrie +solder +solderer +soldering +solderless +soldi +soldier +soldierbird +soldierbush +soldierdom +soldieress +soldierfish +soldierhearted +soldierhood +soldiering +soldierize +soldierlike +soldierliness +soldierly +soldierproof +soldiership +soldierwise +soldierwood +soldiery +soldo +sole +Solea +solea +soleas +solecism +solecist +solecistic +solecistical +solecistically +solecize +solecizer +Soleidae +soleiform +soleil +soleless +solely +solemn +solemncholy +solemnify +solemnitude +solemnity +solemnization +solemnize +solemnizer +solemnly +solemnness +Solen +solen +solenacean +solenaceous +soleness +solenette +solenial +Solenidae +solenite +solenitis +solenium +solenoconch +Solenoconcha +solenocyte +Solenodon +solenodont +Solenodontidae +solenogaster +Solenogastres +solenoglyph +Solenoglypha +solenoglyphic +solenoid +solenoidal +solenoidally +Solenopsis +solenostele +solenostelic +solenostomid +Solenostomidae +solenostomoid +solenostomous +Solenostomus +solent +solentine +solepiece +soleplate +soleprint +soler +Solera +soles +soleus +soleyn +solfataric +solfeggio +solferino +soli +soliative +solicit +solicitant +solicitation +solicitationism +solicited +solicitee +soliciter +soliciting +solicitor +solicitorship +solicitous +solicitously +solicitousness +solicitress +solicitrix +solicitude +solicitudinous +solid +Solidago +solidago +solidaric +solidarily +solidarism +solidarist +solidaristic +solidarity +solidarize +solidary +solidate +solidi +solidifiability +solidifiable +solidifiableness +solidification +solidifier +solidiform +solidify +solidish +solidism +solidist +solidistic +solidity +solidly +solidness +solidum +Solidungula +solidungular +solidungulate +solidus +solifidian +solifidianism +solifluction +solifluctional +soliform +Solifugae +solifuge +solifugean +solifugid +solifugous +soliloquacious +soliloquist +soliloquium +soliloquize +soliloquizer +soliloquizing +soliloquizingly +soliloquy +solilunar +Solio +solio +soliped +solipedal +solipedous +solipsism +solipsismal +solipsist +solipsistic +solist +solitaire +solitarian +solitarily +solitariness +solitary +soliterraneous +solitidal +solitude +solitudinarian +solitudinize +solitudinous +solivagant +solivagous +sollar +solleret +Sollya +solmizate +solmization +solo +solod +solodi +solodization +solodize +soloecophanes +soloist +Solomon +Solomonian +Solomonic +Solomonical +Solomonitic +Solon +solon +solonchak +solonetz +solonetzic +solonetzicity +Solonian +Solonic +solonist +soloth +solotink +solotnik +solpugid +Solpugida +Solpugidea +Solpugides +solstice +solsticion +solstitia +solstitial +solstitially +solstitium +solubility +solubilization +solubilize +soluble +solubleness +solubly +solum +solute +solution +solutional +solutioner +solutionist +solutize +solutizer +Solutrean +solvability +solvable +solvableness +solvate +solvation +solve +solvement +solvency +solvend +solvent +solvently +solventproof +solver +solvolysis +solvolytic +solvolyze +solvsbergite +Solyma +Solymaean +soma +somacule +Somal +somal +Somali +somaplasm +Somaschian +somasthenia +somata +somatasthenia +Somateria +somatic +somatical +somatically +somaticosplanchnic +somaticovisceral +somatics +somatism +somatist +somatization +somatochrome +somatocyst +somatocystic +somatoderm +somatogenetic +somatogenic +somatognosis +somatognostic +somatologic +somatological +somatologically +somatologist +somatology +somatome +somatomic +somatophyte +somatophytic +somatoplasm +somatopleural +somatopleure +somatopleuric +somatopsychic +somatosplanchnic +somatotonia +somatotonic +somatotropic +somatotropically +somatotropism +somatotype +somatotyper +somatotypy +somatous +somber +somberish +somberly +somberness +sombre +sombrerite +sombrero +sombreroed +sombrous +sombrously +sombrousness +some +somebody +someday +somedeal +somegate +somehow +someone +somepart +someplace +somers +somersault +somerset +Somersetian +somervillite +somesthesia +somesthesis +somesthetic +something +somethingness +sometime +sometimes +someway +someways +somewhat +somewhatly +somewhatness +somewhen +somewhence +somewhere +somewheres +somewhile +somewhiles +somewhither +somewhy +somewise +somital +somite +somitic +somma +sommaite +sommelier +somnambulance +somnambulancy +somnambulant +somnambular +somnambulary +somnambulate +somnambulation +somnambulator +somnambule +somnambulency +somnambulic +somnambulically +somnambulism +somnambulist +somnambulistic +somnambulize +somnambulous +somnial +somniative +somnifacient +somniferous +somniferously +somnific +somnifuge +somnify +somniloquacious +somniloquence +somniloquent +somniloquism +somniloquist +somniloquize +somniloquous +somniloquy +Somniosus +somnipathist +somnipathy +somnivolency +somnivolent +somnolence +somnolency +somnolent +somnolently +somnolescence +somnolescent +somnolism +somnolize +somnopathy +somnorific +somnus +sompay +sompne +sompner +Son +son +sonable +sonance +sonancy +sonant +sonantal +sonantic +sonantina +sonantized +sonar +sonata +sonatina +sonation +Sonchus +sond +sondation +sondeli +Sonderbund +sonderclass +Sondergotter +Sondylomorum +soneri +song +songbird +songbook +songcraft +songfest +songful +songfully +songfulness +Songhai +Songish +songish +songland +songle +songless +songlessly +songlessness +songlet +songlike +songman +Songo +Songoi +songster +songstress +songworthy +songwright +songy +sonhood +sonic +soniferous +sonification +soniou +Sonja +sonk +sonless +sonlike +sonlikeness +sonly +Sonneratia +Sonneratiaceae +sonneratiaceous +sonnet +sonnetary +sonneteer +sonneteeress +sonnetic +sonneting +sonnetish +sonnetist +sonnetize +sonnetlike +sonnetwise +sonnikins +Sonny +sonny +sonobuoy +sonometer +Sonoran +sonorant +sonorescence +sonorescent +sonoric +sonoriferous +sonoriferously +sonorific +sonority +sonorophone +sonorosity +sonorous +sonorously +sonorousness +Sonrai +sons +sonship +sonsy +sontag +soodle +soodly +Soohong +sook +Sooke +sooky +sool +sooloos +soon +sooner +soonish +soonly +Soorah +soorawn +soord +soorkee +Soot +soot +sooter +sooterkin +sooth +soothe +soother +sootherer +soothful +soothing +soothingly +soothingness +soothless +soothsay +soothsayer +soothsayership +soothsaying +sootily +sootiness +sootless +sootlike +sootproof +sooty +sootylike +sop +sope +soph +Sopheric +Sopherim +Sophia +sophia +Sophian +sophic +sophical +sophically +sophiologic +sophiology +sophism +Sophist +sophister +sophistic +sophistical +sophistically +sophisticalness +sophisticant +sophisticate +sophisticated +sophistication +sophisticative +sophisticator +sophisticism +Sophistress +sophistress +sophistry +Sophoclean +sophomore +sophomoric +sophomorical +sophomorically +Sophora +sophoria +Sophronia +sophronize +Sophy +sophy +sopite +sopition +sopor +soporiferous +soporiferously +soporiferousness +soporific +soporifical +soporifically +soporose +sopper +soppiness +sopping +soppy +soprani +sopranino +sopranist +soprano +sora +Sorabian +sorage +soral +Sorb +sorb +Sorbaria +sorbate +sorbefacient +sorbent +Sorbian +sorbic +sorbile +sorbin +sorbinose +Sorbish +sorbite +sorbitic +sorbitize +sorbitol +Sorbonic +Sorbonical +Sorbonist +Sorbonne +sorbose +sorboside +Sorbus +sorbus +sorcer +sorcerer +sorceress +sorcering +sorcerous +sorcerously +sorcery +sorchin +sorda +Sordaria +Sordariaceae +sordawalite +sordellina +Sordello +sordes +sordid +sordidity +sordidly +sordidness +sordine +sordino +sordor +sore +soredia +soredial +sorediate +sorediferous +sorediform +soredioid +soredium +soree +sorefalcon +sorefoot +sorehawk +sorehead +soreheaded +soreheadedly +soreheadedness +sorehearted +sorehon +sorely +sorema +soreness +Sorex +sorgho +Sorghum +sorghum +sorgo +sori +soricid +Soricidae +soricident +Soricinae +soricine +soricoid +Soricoidea +soriferous +sorite +sorites +soritical +sorn +sornare +sornari +sorner +sorning +soroban +Soroptimist +sororal +sororate +sororial +sororially +sororicidal +sororicide +sorority +sororize +sorose +sorosis +sorosphere +Sorosporella +Sorosporium +sorption +sorra +Sorrel +sorrel +sorrento +sorrily +sorriness +sorroa +sorrow +sorrower +sorrowful +sorrowfully +sorrowfulness +sorrowing +sorrowingly +sorrowless +sorrowproof +sorrowy +sorry +sorryhearted +sorryish +sort +sortable +sortably +sortal +sortation +sorted +sorter +sortie +sortilege +sortileger +sortilegic +sortilegious +sortilegus +sortilegy +sortiment +sortition +sortly +sorty +sorus +sorva +sory +sosh +soshed +Sosia +soso +sosoish +Sospita +soss +sossle +sostenuto +sot +Sotadean +Sotadic +Soter +Soteres +soterial +soteriologic +soteriological +soteriology +Sothiac +Sothiacal +Sothic +Sothis +Sotho +sotie +Sotik +sotnia +sotnik +sotol +sots +sottage +sotted +sotter +sottish +sottishly +sottishness +sou +souari +soubise +soubrette +soubrettish +soucar +souchet +Souchong +souchong +souchy +soud +soudagur +souffle +souffleed +sough +sougher +soughing +sought +Souhegan +soul +soulack +soulcake +souled +Souletin +soulful +soulfully +soulfulness +soulical +soulish +soulless +soullessly +soullessness +soullike +Soulmass +soulsaving +soulward +souly +soum +soumansite +soumarque +sound +soundable +soundage +soundboard +sounder +soundful +soundheaded +soundheadedness +soundhearted +soundheartednes +sounding +soundingly +soundingness +soundless +soundlessly +soundlessness +soundly +soundness +soundproof +soundproofing +soup +soupbone +soupcon +souper +souple +soupless +souplike +soupspoon +soupy +sour +sourbelly +sourberry +sourbread +sourbush +sourcake +source +sourceful +sourcefulness +sourceless +sourcrout +sourdeline +sourdine +soured +souredness +souren +sourer +sourhearted +souring +sourish +sourishly +sourishness +sourjack +sourling +sourly +sourness +sourock +soursop +sourtop +sourweed +sourwood +soury +sousaphone +sousaphonist +souse +souser +souslik +soutane +souter +souterrain +South +south +southard +southbound +Southcottian +Southdown +southeast +southeaster +southeasterly +southeastern +southeasternmost +southeastward +southeastwardly +southeastwards +souther +southerland +southerliness +southerly +southermost +southern +Southerner +southerner +southernism +southernize +southernliness +southernly +southernmost +southernness +southernwood +southing +southland +southlander +southmost +southness +southpaw +Southron +southron +Southronie +Southumbrian +southward +southwardly +southwards +southwest +southwester +southwesterly +southwestern +Southwesterner +southwesternmost +southwestward +southwestwardly +souvenir +souverain +souwester +sov +sovereign +sovereigness +sovereignly +sovereignness +sovereignship +sovereignty +soviet +sovietdom +sovietic +sovietism +sovietist +sovietization +sovietize +sovite +sovkhose +sovkhoz +sovran +sovranty +sow +sowable +sowan +sowans +sowar +sowarry +sowback +sowbacked +sowbane +sowbelly +sowbread +sowdones +sowel +sowens +sower +sowfoot +sowing +sowins +sowl +sowle +sowlike +sowlth +sown +sowse +sowt +sowte +Soxhlet +soy +soya +soybean +Soyot +sozin +sozolic +sozzle +sozzly +spa +Space +space +spaceband +spaced +spaceful +spaceless +spacer +spacesaving +spaceship +spaciness +spacing +spaciosity +spaciotemporal +spacious +spaciously +spaciousness +spack +spacy +spad +spade +spadebone +spaded +spadefish +spadefoot +spadeful +spadelike +spademan +spader +spadesman +spadewise +spadework +spadger +spadiceous +spadices +spadicifloral +spadiciflorous +spadiciform +spadicose +spadilla +spadille +spading +spadix +spadone +spadonic +spadonism +spadrone +spadroon +spae +spaebook +spaecraft +spaedom +spaeman +spaer +spaewife +spaewoman +spaework +spaewright +spaghetti +Spagnuoli +spagyric +spagyrical +spagyrically +spagyrist +spahi +spaid +spaik +spairge +spak +Spalacidae +spalacine +Spalax +spald +spalder +spalding +spale +spall +spallation +spaller +spalling +spalpeen +spalt +span +spancel +spandle +spandrel +spandy +spane +spanemia +spanemy +spang +spanghew +spangle +spangled +spangler +spanglet +spangly +spangolite +Spaniard +Spaniardization +Spaniardize +Spaniardo +spaniel +spaniellike +spanielship +spaning +Spaniol +Spaniolate +Spanioli +Spaniolize +spanipelagic +Spanish +Spanishize +Spanishly +spank +spanker +spankily +spanking +spankingly +spanky +spanless +spann +spannel +spanner +spannerman +spanopnoea +spanpiece +spantoon +spanule +spanworm +Spar +spar +sparable +sparada +sparadrap +sparagrass +sparagus +Sparassis +sparassodont +Sparassodonta +Sparaxis +sparaxis +sparch +spare +spareable +spareless +sparely +spareness +sparer +sparerib +sparesome +Sparganiaceae +Sparganium +sparganium +sparganosis +sparganum +sparge +sparger +spargosis +sparhawk +sparid +Sparidae +sparing +sparingly +sparingness +spark +sparkback +sparked +sparker +sparkiness +sparking +sparkish +sparkishly +sparkishness +sparkle +sparkleberry +sparkler +sparkless +sparklessly +sparklet +sparklike +sparkliness +sparkling +sparklingly +sparklingness +sparkly +sparkproof +sparks +sparky +sparlike +sparling +sparm +Sparmannia +Sparnacian +sparoid +sparpiece +sparred +sparrer +sparring +sparringly +sparrow +sparrowbill +sparrowcide +sparrowdom +sparrowgrass +sparrowish +sparrowless +sparrowlike +sparrowtail +sparrowtongue +sparrowwort +sparrowy +sparry +sparse +sparsedly +sparsely +sparsile +sparsioplast +sparsity +spart +Spartacan +Spartacide +Spartacism +Spartacist +spartacist +Spartan +Spartanhood +Spartanic +Spartanically +Spartanism +Spartanize +Spartanlike +Spartanly +sparteine +sparterie +sparth +Spartiate +Spartina +Spartium +spartle +Sparus +sparver +spary +spasm +spasmatic +spasmatical +spasmatomancy +spasmed +spasmic +spasmodic +spasmodical +spasmodically +spasmodicalness +spasmodism +spasmodist +spasmolytic +spasmophilia +spasmophilic +spasmotin +spasmotoxin +spasmous +Spass +spastic +spastically +spasticity +spat +spatalamancy +Spatangida +Spatangina +spatangoid +Spatangoida +Spatangoidea +spatangoidean +Spatangus +spatchcock +spate +spatha +spathaceous +spathal +spathe +spathed +spatheful +spathic +Spathiflorae +spathilae +spathilla +spathose +spathous +spathulate +Spathyema +spatial +spatiality +spatialization +spatialize +spatially +spatiate +spatiation +spatilomancy +spatiotemporal +spatling +spatted +spatter +spatterdashed +spatterdasher +spatterdock +spattering +spatteringly +spatterproof +spatterwork +spatting +spattle +spattlehoe +Spatula +spatula +spatulamancy +spatular +spatulate +spatulation +spatule +spatuliform +spatulose +spave +spaver +spavie +spavied +spaviet +spavin +spavindy +spavined +spawn +spawneater +spawner +spawning +spawny +spay +spayad +spayard +spaying +speak +speakable +speakableness +speakably +speaker +speakeress +speakership +speakhouse +speakies +speaking +speakingly +speakingness +speakless +speaklessly +speal +spealbone +spean +spear +spearcast +spearer +spearfish +spearflower +spearhead +spearing +spearman +spearmanship +spearmint +spearproof +spearsman +spearwood +spearwort +speary +spec +specchie +spece +special +specialism +specialist +specialistic +speciality +specialization +specialize +specialized +specializer +specially +specialness +specialty +speciation +specie +species +speciestaler +specifiable +specific +specifical +specificality +specifically +specificalness +specificate +specification +specificative +specificatively +specificity +specificize +specificly +specificness +specifier +specifist +specify +specillum +specimen +specimenize +speciology +speciosity +specious +speciously +speciousness +speck +specked +speckedness +speckfall +speckiness +specking +speckle +specklebelly +specklebreast +speckled +speckledbill +speckledness +speckless +specklessly +specklessness +speckling +speckly +speckproof +specks +specksioneer +specky +specs +spectacle +spectacled +spectacleless +spectaclelike +spectaclemaker +spectaclemaking +spectacles +spectacular +spectacularism +spectacularity +spectacularly +spectator +spectatordom +spectatorial +spectatorship +spectatory +spectatress +spectatrix +specter +spectered +specterlike +spectra +spectral +spectralism +spectrality +spectrally +spectralness +spectrobolograph +spectrobolographic +spectrobolometer +spectrobolometric +spectrochemical +spectrochemistry +spectrocolorimetry +spectrocomparator +spectroelectric +spectrogram +spectrograph +spectrographic +spectrographically +spectrography +spectroheliogram +spectroheliograph +spectroheliographic +spectrohelioscope +spectrological +spectrologically +spectrology +spectrometer +spectrometric +spectrometry +spectromicroscope +spectromicroscopical +spectrophobia +spectrophone +spectrophonic +spectrophotoelectric +spectrophotograph +spectrophotography +spectrophotometer +spectrophotometric +spectrophotometry +spectropolarimeter +spectropolariscope +spectropyrheliometer +spectropyrometer +spectroradiometer +spectroradiometric +spectroradiometry +spectroscope +spectroscopic +spectroscopically +spectroscopist +spectroscopy +spectrotelescope +spectrous +spectrum +spectry +specula +specular +Specularia +specularly +speculate +speculation +speculatist +speculative +speculatively +speculativeness +speculativism +speculator +speculatory +speculatrices +speculatrix +speculist +speculum +specus +sped +speech +speechcraft +speecher +speechful +speechfulness +speechification +speechifier +speechify +speeching +speechless +speechlessly +speechlessness +speechlore +speechmaker +speechmaking +speechment +speed +speedaway +speedboat +speedboating +speedboatman +speeder +speedful +speedfully +speedfulness +speedily +speediness +speeding +speedingly +speedless +speedometer +speedster +speedway +speedwell +speedy +speel +speelken +speelless +speen +speer +speering +speerity +speiskobalt +speiss +spekboom +spelaean +spelder +spelding +speldring +speleological +speleologist +speleology +spelk +spell +spellable +spellbind +spellbinder +spellbinding +spellbound +spellcraft +spelldown +speller +spellful +spelling +spellingdown +spellingly +spellmonger +spellproof +spellword +spellwork +spelt +spelter +spelterman +speltoid +speltz +speluncar +speluncean +spelunk +spelunker +spence +Spencean +Spencer +spencer +Spencerian +Spencerianism +Spencerism +spencerite +spend +spendable +spender +spendful +spendible +spending +spendless +spendthrift +spendthrifty +Spenerism +spense +Spenserian +spent +speos +Speotyto +sperable +Speranza +sperate +Spergula +Spergularia +sperity +sperket +sperling +sperm +sperma +spermaceti +spermacetilike +spermaduct +spermalist +Spermaphyta +spermaphyte +spermaphytic +spermarium +spermary +spermashion +spermatangium +spermatheca +spermathecal +spermatic +spermatically +spermatid +spermatiferous +spermatin +spermatiogenous +spermation +spermatiophore +spermatism +spermatist +spermatitis +spermatium +spermatize +spermatoblast +spermatoblastic +spermatocele +spermatocyst +spermatocystic +spermatocystitis +spermatocytal +spermatocyte +spermatogemma +spermatogenesis +spermatogenetic +spermatogenic +spermatogenous +spermatogeny +spermatogonial +spermatogonium +spermatoid +spermatolysis +spermatolytic +spermatophoral +spermatophore +spermatophorous +Spermatophyta +spermatophyte +spermatophytic +spermatoplasm +spermatoplasmic +spermatoplast +spermatorrhea +spermatospore +spermatotheca +spermatova +spermatovum +spermatoxin +spermatozoa +spermatozoal +spermatozoan +spermatozoic +spermatozoid +spermatozoon +spermaturia +spermic +spermidine +spermiducal +spermiduct +spermigerous +spermine +spermiogenesis +spermism +spermist +spermoblast +spermoblastic +spermocarp +spermocenter +spermoderm +spermoduct +spermogenesis +spermogenous +spermogone +spermogoniferous +spermogonium +spermogonous +spermologer +spermological +spermologist +spermology +spermolysis +spermolytic +spermophile +spermophiline +Spermophilus +spermophore +spermophorium +Spermophyta +spermophyte +spermophytic +spermosphere +spermotheca +spermotoxin +spermous +spermoviduct +spermy +speronara +speronaro +sperone +sperrylite +spessartite +spet +spetch +spetrophoby +speuchan +spew +spewer +spewiness +spewing +spewy +spex +sphacel +Sphacelaria +Sphacelariaceae +sphacelariaceous +Sphacelariales +sphacelate +sphacelated +sphacelation +sphacelia +sphacelial +sphacelism +sphaceloderma +Sphaceloma +sphacelotoxin +sphacelous +sphacelus +Sphaeralcea +sphaeraphides +Sphaerella +sphaerenchyma +Sphaeriaceae +sphaeriaceous +Sphaeriales +sphaeridia +sphaeridial +sphaeridium +Sphaeriidae +Sphaerioidaceae +sphaeristerium +sphaerite +Sphaerium +sphaeroblast +Sphaerobolaceae +Sphaerobolus +Sphaerocarpaceae +Sphaerocarpales +Sphaerocarpus +sphaerocobaltite +Sphaerococcaceae +sphaerococcaceous +Sphaerococcus +sphaerolite +sphaerolitic +Sphaeroma +Sphaeromidae +Sphaerophoraceae +Sphaerophorus +Sphaeropsidaceae +Sphaeropsidales +Sphaeropsis +sphaerosiderite +sphaerosome +sphaerospore +Sphaerostilbe +Sphaerotheca +Sphaerotilus +sphagion +Sphagnaceae +sphagnaceous +Sphagnales +sphagnicolous +sphagnologist +sphagnology +sphagnous +Sphagnum +sphagnum +Sphakiot +sphalerite +Sphargis +sphecid +Sphecidae +Sphecina +Sphecoidea +spheges +sphegid +Sphegidae +Sphegoidea +sphendone +sphene +sphenethmoid +sphenethmoidal +sphenic +sphenion +Sphenisci +Spheniscidae +Sphenisciformes +spheniscine +spheniscomorph +Spheniscomorphae +spheniscomorphic +Spheniscus +sphenobasilar +sphenobasilic +sphenocephalia +sphenocephalic +sphenocephalous +sphenocephaly +Sphenodon +sphenodon +sphenodont +Sphenodontia +Sphenodontidae +sphenoethmoid +sphenoethmoidal +sphenofrontal +sphenogram +sphenographic +sphenographist +sphenography +sphenoid +sphenoidal +sphenoiditis +sphenolith +sphenomalar +sphenomandibular +sphenomaxillary +sphenopalatine +sphenoparietal +sphenopetrosal +Sphenophorus +Sphenophyllaceae +sphenophyllaceous +Sphenophyllales +Sphenophyllum +Sphenopteris +sphenosquamosal +sphenotemporal +sphenotic +sphenotribe +sphenotripsy +sphenoturbinal +sphenovomerine +sphenozygomatic +spherable +spheral +spherality +spheraster +spheration +sphere +sphereless +spheric +spherical +sphericality +spherically +sphericalness +sphericist +sphericity +sphericle +sphericocylindrical +sphericotetrahedral +sphericotriangular +spherics +spheriform +spherify +spheroconic +spherocrystal +spherograph +spheroidal +spheroidally +spheroidic +spheroidical +spheroidically +spheroidicity +spheroidism +spheroidity +spheroidize +spheromere +spherometer +spheroquartic +spherula +spherular +spherulate +spherule +spherulite +spherulitic +spherulitize +sphery +spheterize +Sphex +sphexide +sphincter +sphincteral +sphincteralgia +sphincterate +sphincterectomy +sphincterial +sphincteric +sphincterismus +sphincteroscope +sphincteroscopy +sphincterotomy +sphindid +Sphindidae +Sphindus +sphingal +sphinges +sphingid +Sphingidae +sphingiform +sphingine +sphingoid +sphingometer +sphingomyelin +sphingosine +Sphingurinae +Sphingurus +sphinx +sphinxian +sphinxianness +sphinxlike +Sphoeroides +sphragide +sphragistic +sphragistics +sphygmia +sphygmic +sphygmochronograph +sphygmodic +sphygmogram +sphygmograph +sphygmographic +sphygmography +sphygmoid +sphygmology +sphygmomanometer +sphygmomanometric +sphygmomanometry +sphygmometer +sphygmometric +sphygmophone +sphygmophonic +sphygmoscope +sphygmus +Sphyraena +sphyraenid +Sphyraenidae +sphyraenoid +Sphyrapicus +Sphyrna +Sphyrnidae +Spica +spica +spical +spicant +Spicaria +spicate +spicated +spiccato +spice +spiceable +spiceberry +spicebush +spicecake +spiced +spiceful +spicehouse +spiceland +spiceless +spicelike +spicer +spicery +spicewood +spiciferous +spiciform +spicigerous +spicilege +spicily +spiciness +spicing +spick +spicket +spickle +spicknel +spicose +spicosity +spicous +spicousness +spicula +spiculae +spicular +spiculate +spiculated +spiculation +spicule +spiculiferous +spiculiform +spiculigenous +spiculigerous +spiculofiber +spiculose +spiculous +spiculum +spiculumamoris +spicy +spider +spidered +spiderflower +spiderish +spiderless +spiderlike +spiderling +spiderly +spiderweb +spiderwork +spiderwort +spidery +spidger +spied +spiegel +spiegeleisen +spiel +spieler +spier +spiff +spiffed +spiffily +spiffiness +spiffing +spiffy +spiflicate +spiflicated +spiflication +spig +Spigelia +Spigeliaceae +Spigelian +spiggoty +spignet +spigot +Spike +spike +spikebill +spiked +spikedness +spikefish +spikehorn +spikelet +spikelike +spikenard +spiker +spiketail +spiketop +spikeweed +spikewise +spikily +spikiness +spiking +spiky +Spilanthes +spile +spilehole +spiler +spileworm +spilikin +spiling +spilite +spilitic +spill +spillage +spiller +spillet +spillproof +spillway +spilly +Spilogale +spiloma +spilosite +spilt +spilth +spilus +spin +spina +spinacene +spinaceous +spinach +spinachlike +Spinacia +spinae +spinage +spinal +spinales +spinalis +spinally +spinate +spinder +spindlage +spindle +spindleage +spindled +spindleful +spindlehead +spindlelegs +spindlelike +spindler +spindleshanks +spindletail +spindlewise +spindlewood +spindleworm +spindliness +spindling +spindly +spindrift +spine +spinebill +spinebone +spined +spinel +spineless +spinelessly +spinelessness +spinelet +spinelike +spinescence +spinescent +spinet +spinetail +spingel +spinibulbar +spinicarpous +spinicerebellar +spinidentate +spiniferous +Spinifex +spinifex +spiniform +spinifugal +spinigerous +spinigrade +spininess +spinipetal +spinitis +spinituberculate +spink +spinnable +spinnaker +spinner +spinneret +spinnerular +spinnerule +spinnery +spinney +spinning +spinningly +spinobulbar +spinocarpous +spinocerebellar +spinogalvanization +spinoglenoid +spinoid +spinomuscular +spinoneural +spinoperipheral +spinose +spinosely +spinoseness +spinosity +spinosodentate +spinosodenticulate +spinosotubercular +spinosotuberculate +spinosympathetic +spinotectal +spinothalamic +spinotuberculous +spinous +spinousness +Spinozism +Spinozist +Spinozistic +spinster +spinsterdom +spinsterhood +spinsterial +spinsterish +spinsterishly +spinsterism +spinsterlike +spinsterly +spinsterous +spinstership +spinstress +spintext +spinthariscope +spinthariscopic +spintherism +spinulate +spinulation +spinule +spinulescent +spinuliferous +spinuliform +Spinulosa +spinulose +spinulosely +spinulosociliate +spinulosodentate +spinulosodenticulate +spinulosogranulate +spinulososerrate +spinulous +spiny +spionid +Spionidae +Spioniformia +spiracle +spiracula +spiracular +spiraculate +spiraculiferous +spiraculiform +spiraculum +Spiraea +Spiraeaceae +spiral +spirale +spiraled +spiraliform +spiralism +spirality +spiralization +spiralize +spirally +spiraloid +spiraltail +spiralwise +spiran +spirant +Spiranthes +spiranthic +spiranthy +spirantic +spirantize +spiraster +spirate +spirated +spiration +spire +spirea +spired +spiregrass +spireless +spirelet +spireme +spirepole +spireward +spirewise +spiricle +Spirifer +Spirifera +Spiriferacea +spiriferid +Spiriferidae +spiriferoid +spiriferous +spiriform +spirignath +spirignathous +spirilla +Spirillaceae +spirillaceous +spirillar +spirillolysis +spirillosis +spirillotropic +spirillotropism +spirillum +spiring +spirit +spiritally +spiritdom +spirited +spiritedly +spiritedness +spiriter +spiritful +spiritfully +spiritfulness +spirithood +spiriting +spiritism +spiritist +spiritistic +spiritize +spiritland +spiritleaf +spiritless +spiritlessly +spiritlessness +spiritlike +spiritmonger +spiritous +spiritrompe +spiritsome +spiritual +spiritualism +spiritualist +spiritualistic +spiritualistically +spirituality +spiritualization +spiritualize +spiritualizer +spiritually +spiritualness +spiritualship +spiritualty +spirituosity +spirituous +spirituously +spirituousness +spiritus +spiritweed +spirity +spirivalve +spirket +spirketing +spirling +spiro +Spirobranchia +Spirobranchiata +spirobranchiate +Spirochaeta +Spirochaetaceae +spirochaetal +Spirochaetales +Spirochaete +spirochetal +spirochete +spirochetemia +spirochetic +spirocheticidal +spirocheticide +spirochetosis +spirochetotic +Spirodela +spirogram +spirograph +spirographidin +spirographin +Spirographis +Spirogyra +spiroid +spiroloculine +spirometer +spirometric +spirometrical +spirometry +Spironema +spiropentane +Spirophyton +Spirorbis +spiroscope +Spirosoma +spirous +spirt +Spirula +spirulate +spiry +spise +spissated +spissitude +Spisula +spit +spital +spitball +spitballer +spitbox +spitchcock +spite +spiteful +spitefully +spitefulness +spiteless +spiteproof +spitfire +spitful +spithamai +spithame +spitish +spitpoison +spitscocked +spitstick +spitted +spitten +spitter +spitting +spittle +spittlefork +spittlestaff +spittoon +spitz +Spitzenburg +spitzkop +spiv +spivery +Spizella +spizzerinctum +Splachnaceae +splachnaceous +splachnoid +Splachnum +splacknuck +splairge +splanchnapophysial +splanchnapophysis +splanchnectopia +splanchnemphraxis +splanchnesthesia +splanchnesthetic +splanchnic +splanchnoblast +splanchnocoele +splanchnoderm +splanchnodiastasis +splanchnodynia +splanchnographer +splanchnographical +splanchnography +splanchnolith +splanchnological +splanchnologist +splanchnology +splanchnomegalia +splanchnomegaly +splanchnopathy +splanchnopleural +splanchnopleure +splanchnopleuric +splanchnoptosia +splanchnoptosis +splanchnosclerosis +splanchnoscopy +splanchnoskeletal +splanchnoskeleton +splanchnosomatic +splanchnotomical +splanchnotomy +splanchnotribe +splash +splashboard +splashed +splasher +splashiness +splashing +splashingly +splashproof +splashy +splat +splatch +splatcher +splatchy +splathering +splatter +splatterdash +splatterdock +splatterer +splatterfaced +splatterwork +splay +splayed +splayer +splayfoot +splayfooted +splaymouth +splaymouthed +spleen +spleenful +spleenfully +spleenish +spleenishly +spleenishness +spleenless +spleenwort +spleeny +spleet +spleetnew +splenadenoma +splenalgia +splenalgic +splenalgy +splenatrophia +splenatrophy +splenauxe +splenculus +splendacious +splendaciously +splendaciousness +splendent +splendently +splender +splendescent +splendid +splendidly +splendidness +splendiferous +splendiferously +splendiferousness +splendor +splendorous +splendorproof +splendourproof +splenectama +splenectasis +splenectomist +splenectomize +splenectomy +splenectopia +splenectopy +splenelcosis +splenemia +splenemphraxis +spleneolus +splenepatitis +splenetic +splenetical +splenetically +splenetive +splenial +splenic +splenical +splenicterus +splenification +spleniform +splenitis +splenitive +splenium +splenius +splenization +splenoblast +splenocele +splenoceratosis +splenocleisis +splenocolic +splenocyte +splenodiagnosis +splenodynia +splenography +splenohemia +splenoid +splenolaparotomy +splenology +splenolymph +splenolymphatic +splenolysin +splenolysis +splenoma +splenomalacia +splenomedullary +splenomegalia +splenomegalic +splenomegaly +splenomyelogenous +splenoncus +splenonephric +splenopancreatic +splenoparectama +splenoparectasis +splenopathy +splenopexia +splenopexis +splenopexy +splenophrenic +splenopneumonia +splenoptosia +splenoptosis +splenorrhagia +splenorrhaphy +splenotomy +splenotoxin +splenotyphoid +splenulus +splenunculus +splet +spleuchan +splice +spliceable +splicer +splicing +splinder +spline +splineway +splint +splintage +splinter +splinterd +splinterless +splinternew +splinterproof +splintery +splintwood +splinty +split +splitbeak +splitfinger +splitfruit +splitmouth +splitnew +splitsaw +splittail +splitten +splitter +splitting +splitworm +splodge +splodgy +splore +splosh +splotch +splotchily +splotchiness +splotchy +splother +splunge +splurge +splurgily +splurgy +splurt +spluther +splutter +splutterer +spoach +Spock +spode +spodiosite +spodium +spodogenic +spodogenous +spodomancy +spodomantic +spodumene +spoffish +spoffle +spoffy +spogel +spoil +spoilable +spoilage +spoilation +spoiled +spoiler +spoilfive +spoilful +spoiling +spoilless +spoilment +spoilsman +spoilsmonger +spoilsport +spoilt +Spokan +spoke +spokeless +spoken +spokeshave +spokesman +spokesmanship +spokester +spokeswoman +spokeswomanship +spokewise +spoky +spole +spolia +spoliarium +spoliary +spoliate +spoliation +spoliator +spoliatory +spolium +spondaic +spondaical +spondaize +spondean +spondee +spondiac +Spondiaceae +Spondias +spondulics +spondyl +spondylalgia +spondylarthritis +spondylarthrocace +spondylexarthrosis +spondylic +spondylid +Spondylidae +spondylioid +spondylitic +spondylitis +spondylium +spondylizema +spondylocace +Spondylocladium +spondylodiagnosis +spondylodidymia +spondylodymus +spondyloid +spondylolisthesis +spondylolisthetic +spondylopathy +spondylopyosis +spondyloschisis +spondylosis +spondylosyndesis +spondylotherapeutics +spondylotherapist +spondylotherapy +spondylotomy +spondylous +Spondylus +spondylus +spong +sponge +spongecake +sponged +spongeful +spongeless +spongelet +spongelike +spongeous +spongeproof +sponger +spongewood +Spongiae +spongian +spongicolous +spongiculture +Spongida +spongiferous +spongiform +Spongiidae +Spongilla +spongillid +Spongillidae +spongilline +spongily +spongin +sponginblast +sponginblastic +sponginess +sponging +spongingly +spongioblast +spongioblastoma +spongiocyte +spongiolin +spongiopilin +spongioplasm +spongioplasmic +spongiose +spongiosity +spongiousness +Spongiozoa +spongiozoon +spongoblast +spongoblastic +spongoid +spongology +spongophore +Spongospora +spongy +sponsal +sponsalia +sponsibility +sponsible +sponsing +sponsion +sponsional +sponson +sponsor +sponsorial +sponsorship +sponspeck +spontaneity +spontaneous +spontaneously +spontaneousness +spontoon +spoof +spoofer +spoofery +spoofish +spook +spookdom +spookery +spookily +spookiness +spookish +spookism +spookist +spookological +spookologist +spookology +spooky +spool +spooler +spoolful +spoollike +spoolwood +spoom +spoon +spoonbill +spoondrift +spooner +spoonerism +spooneyism +spooneyly +spooneyness +spoonflower +spoonful +spoonhutch +spoonily +spooniness +spooning +spoonism +spoonless +spoonlike +spoonmaker +spoonmaking +spoonways +spoonwood +spoony +spoonyism +spoor +spoorer +spoot +spor +sporabola +sporaceous +sporades +sporadial +sporadic +sporadical +sporadically +sporadicalness +sporadicity +sporadism +sporadosiderite +sporal +sporange +sporangia +sporangial +sporangidium +sporangiferous +sporangiform +sporangioid +sporangiola +sporangiole +sporangiolum +sporangiophore +sporangiospore +sporangite +Sporangites +sporangium +sporation +spore +spored +sporeformer +sporeforming +sporeling +sporicide +sporid +sporidesm +sporidia +sporidial +sporidiferous +sporidiole +sporidiolum +sporidium +sporiferous +sporification +sporiparity +sporiparous +sporoblast +Sporobolus +sporocarp +sporocarpium +Sporochnaceae +Sporochnus +sporocyst +sporocystic +sporocystid +sporocyte +sporodochia +sporodochium +sporoduct +sporogenesis +sporogenic +sporogenous +sporogeny +sporogone +sporogonial +sporogonic +sporogonium +sporogony +sporoid +sporologist +sporomycosis +sporont +sporophore +sporophoric +sporophorous +sporophydium +sporophyll +sporophyllary +sporophyllum +sporophyte +sporophytic +sporoplasm +sporosac +sporostegium +sporostrote +sporotrichosis +sporotrichotic +Sporotrichum +sporous +Sporozoa +sporozoal +sporozoan +sporozoic +sporozoite +sporozoon +sporran +sport +sportability +sportable +sportance +sporter +sportful +sportfully +sportfulness +sportily +sportiness +sporting +sportingly +sportive +sportively +sportiveness +sportless +sportling +sportly +sports +sportsman +sportsmanlike +sportsmanliness +sportsmanly +sportsmanship +sportsome +sportswear +sportswoman +sportswomanly +sportswomanship +sportula +sportulae +sporty +sporular +sporulate +sporulation +sporule +sporuliferous +sporuloid +sposh +sposhy +spot +spotless +spotlessly +spotlessness +spotlight +spotlighter +spotlike +spotrump +spotsman +spottable +spotted +spottedly +spottedness +spotteldy +spotter +spottily +spottiness +spotting +spottle +spotty +spoucher +spousage +spousal +spousally +spouse +spousehood +spouseless +spousy +spout +spouter +spoutiness +spouting +spoutless +spoutlike +spoutman +spouty +sprachle +sprack +sprackish +sprackle +sprackly +sprackness +sprad +spraddle +sprag +spragger +spraggly +spraich +sprain +spraint +spraints +sprang +sprangle +sprangly +sprank +sprat +spratter +spratty +sprauchle +sprawl +sprawler +sprawling +sprawlingly +sprawly +spray +sprayboard +sprayer +sprayey +sprayful +sprayfully +sprayless +spraylike +sprayproof +spread +spreadation +spreadboard +spreaded +spreader +spreadhead +spreading +spreadingly +spreadingness +spreadover +spready +spreaghery +spreath +spreckle +spree +spreeuw +Sprekelia +spreng +sprent +spret +sprew +sprewl +spridhogue +spried +sprier +spriest +sprig +sprigged +sprigger +spriggy +sprightful +sprightfully +sprightfulness +sprightlily +sprightliness +sprightly +sprighty +spriglet +sprigtail +Spring +spring +springal +springald +springboard +springbok +springbuck +springe +springer +springerle +springfinger +springfish +springful +springhaas +springhalt +springhead +springhouse +springily +springiness +springing +springingly +springle +springless +springlet +springlike +springly +springmaker +springmaking +springtail +springtide +springtime +springtrap +springwood +springworm +springwort +springwurzel +springy +sprink +sprinkle +sprinkled +sprinkleproof +sprinkler +sprinklered +sprinkling +sprint +sprinter +sprit +sprite +spritehood +spritsail +sprittail +sprittie +spritty +sproat +sprocket +sprod +sprogue +sproil +sprong +sprose +sprottle +sprout +sproutage +sprouter +sproutful +sprouting +sproutland +sproutling +sprowsy +spruce +sprucely +spruceness +sprucery +sprucification +sprucify +sprue +spruer +sprug +spruiker +spruit +sprung +sprunny +sprunt +spruntly +spry +spryly +spryness +spud +Spudboy +spudder +spuddle +spuddy +spuffle +spug +spuilyie +spuilzie +spuke +spume +spumescence +spumescent +spumiferous +spumification +spumiform +spumone +spumose +spumous +spumy +spun +spung +spunk +spunkie +spunkily +spunkiness +spunkless +spunky +spunny +spur +spurflower +spurgall +spurge +spurgewort +spuriae +spuriosity +spurious +spuriously +spuriousness +Spurius +spurl +spurless +spurlet +spurlike +spurling +spurmaker +spurmoney +spurn +spurner +spurnpoint +spurnwater +spurproof +spurred +spurrer +spurrial +spurrier +spurrings +spurrite +spurry +spurt +spurter +spurtive +spurtively +spurtle +spurway +spurwing +spurwinged +spurwort +sput +sputa +sputative +sputter +sputterer +sputtering +sputteringly +sputtery +sputum +sputumary +sputumose +sputumous +Spy +spy +spyboat +spydom +spyer +spyfault +spyglass +spyhole +spyism +spyproof +Spyros +spyship +spytower +squab +squabash +squabasher +squabbed +squabbish +squabble +squabbler +squabbling +squabblingly +squabbly +squabby +squacco +squad +squaddy +squadrate +squadrism +squadron +squadrone +squadroned +squail +squailer +squalene +Squali +squalid +Squalida +Squalidae +squalidity +squalidly +squalidness +squaliform +squall +squaller +squallery +squallish +squally +squalm +Squalodon +squalodont +Squalodontidae +squaloid +Squaloidei +squalor +Squalus +squam +squama +squamaceous +squamae +Squamariaceae +Squamata +squamate +squamated +squamatine +squamation +squamatogranulous +squamatotuberculate +squame +squamella +squamellate +squamelliferous +squamelliform +squameous +squamiferous +squamiform +squamify +squamigerous +squamipennate +Squamipennes +squamipinnate +Squamipinnes +squamocellular +squamoepithelial +squamoid +squamomastoid +squamoparietal +squamopetrosal +squamosa +squamosal +squamose +squamosely +squamoseness +squamosis +squamosity +squamosodentated +squamosoimbricated +squamosomaxillary +squamosoparietal +squamosoradiate +squamosotemporal +squamosozygomatic +squamosphenoid +squamosphenoidal +squamotemporal +squamous +squamously +squamousness +squamozygomatic +Squamscot +squamula +squamulae +squamulate +squamulation +squamule +squamuliform +squamulose +squander +squanderer +squanderingly +squandermania +squandermaniac +squantum +squarable +square +squareage +squarecap +squared +squaredly +squareface +squareflipper +squarehead +squarelike +squarely +squareman +squaremouth +squareness +squarer +squaretail +squarewise +squaring +squarish +squarishly +squark +squarrose +squarrosely +squarrous +squarrulose +squarson +squarsonry +squary +squash +squashberry +squasher +squashily +squashiness +squashy +squat +Squatarola +squatarole +Squatina +squatina +squatinid +Squatinidae +squatinoid +Squatinoidei +squatly +squatment +squatmore +squatness +squattage +squatted +squatter +squatterarchy +squatterdom +squatterproof +squattily +squattiness +squatting +squattingly +squattish +squattocracy +squattocratic +squatty +squatwise +squaw +squawberry +squawbush +squawdom +squawfish +squawflower +squawk +squawker +squawkie +squawking +squawkingly +squawky +Squawmish +squawroot +Squawtits +squawweed +Squaxon +squdge +squdgy +squeak +squeaker +squeakery +squeakily +squeakiness +squeaking +squeakingly +squeaklet +squeakproof +squeaky +squeakyish +squeal +squeald +squealer +squealing +squeam +squeamish +squeamishly +squeamishness +squeamous +squeamy +Squedunk +squeege +squeegee +squeezability +squeezable +squeezableness +squeezably +squeeze +squeezeman +squeezer +squeezing +squeezingly +squeezy +squelch +squelcher +squelchily +squelchiness +squelching +squelchingly +squelchingness +squelchy +squench +squencher +squeteague +squib +squibber +squibbery +squibbish +squiblet +squibling +squid +squiddle +squidge +squidgereen +squidgy +squiffed +squiffer +squiffy +squiggle +squiggly +squilgee +squilgeer +Squill +Squilla +squilla +squillagee +squillery +squillian +squillid +Squillidae +squilloid +Squilloidea +squimmidge +squin +squinance +squinancy +squinch +squinny +squinsy +squint +squinted +squinter +squinting +squintingly +squintingness +squintly +squintness +squinty +squirage +squiralty +squire +squirearch +squirearchal +squirearchical +squirearchy +squiredom +squireen +squirehood +squireless +squirelet +squirelike +squireling +squirely +squireocracy +squireship +squiress +squiret +squirewise +squirish +squirism +squirk +squirm +squirminess +squirming +squirmingly +squirmy +squirr +squirrel +squirrelfish +squirrelian +squirreline +squirrelish +squirrellike +squirrelproof +squirreltail +squirt +squirter +squirtiness +squirting +squirtingly +squirtish +squirty +squish +squishy +squit +squitch +squitchy +squitter +squoze +squush +squushy +sraddha +sramana +Sri +sri +Sridhar +Sridharan +Srikanth +Srinivas +Srinivasan +Sriram +Srivatsan +sruti +Ssi +ssu +st +staab +Staatsrat +stab +stabber +stabbing +stabbingly +stabile +stabilify +stabilist +stabilitate +stability +stabilization +stabilizator +stabilize +stabilizer +stable +stableboy +stableful +stablekeeper +stablelike +stableman +stableness +stabler +stablestand +stableward +stablewards +stabling +stablishment +stably +staboy +stabproof +stabulate +stabulation +stabwort +staccato +Stacey +stacher +stachydrin +stachydrine +stachyose +Stachys +stachys +Stachytarpheta +Stachyuraceae +stachyuraceous +Stachyurus +stack +stackage +stackencloud +stacker +stackfreed +stackful +stackgarth +Stackhousia +Stackhousiaceae +stackhousiaceous +stackless +stackman +stackstand +stackyard +stacte +stactometer +Stacy +stadda +staddle +staddling +stade +stadholder +stadholderate +stadholdership +stadhouse +stadia +stadic +stadimeter +stadiometer +stadion +stadium +stafette +staff +staffed +staffelite +staffer +staffless +staffman +stag +stagbush +stage +stageability +stageable +stageableness +stageably +stagecoach +stagecoaching +stagecraft +staged +stagedom +stagehand +stagehouse +stageland +stagelike +stageman +stager +stagery +stagese +stagewise +stageworthy +stagewright +staggard +staggart +staggarth +Stagger +stagger +staggerbush +staggerer +staggering +staggeringly +staggers +staggerweed +staggerwort +staggery +staggie +staggy +staghead +staghorn +staghound +staghunt +staghunter +staghunting +stagiary +stagily +staginess +staging +Stagirite +Stagiritic +staglike +stagmometer +stagnance +stagnancy +stagnant +stagnantly +stagnantness +stagnate +stagnation +stagnatory +stagnature +stagnicolous +stagnize +stagnum +Stagonospora +stagskin +stagworm +stagy +Stahlhelm +Stahlhelmer +Stahlhelmist +Stahlian +Stahlianism +Stahlism +staia +staid +staidly +staidness +stain +stainability +stainable +stainableness +stainably +stainer +stainful +stainierite +staining +stainless +stainlessly +stainlessness +stainproof +staio +stair +stairbeak +stairbuilder +stairbuilding +staircase +staired +stairhead +stairless +stairlike +stairstep +stairway +stairwise +stairwork +stairy +staith +staithman +staiver +stake +stakehead +stakeholder +stakemaster +staker +stakerope +Stakhanovism +Stakhanovite +stalactic +stalactical +stalactiform +stalactital +stalactite +stalactited +stalactitic +stalactitical +stalactitically +stalactitiform +stalactitious +stalagma +stalagmite +stalagmitic +stalagmitical +stalagmitically +stalagmometer +stalagmometric +stalagmometry +stale +stalely +stalemate +staleness +staling +Stalinism +Stalinist +Stalinite +stalk +stalkable +stalked +stalker +stalkily +stalkiness +stalking +stalkingly +stalkless +stalklet +stalklike +stalko +stalky +stall +stallage +stallar +stallboard +stallenger +staller +stallership +stalling +stallion +stallionize +stallman +stallment +stalwart +stalwartism +stalwartize +stalwartly +stalwartness +stam +stambha +stambouline +stamen +stamened +stamin +stamina +staminal +staminate +stamineal +stamineous +staminiferous +staminigerous +staminode +staminodium +staminody +stammel +stammer +stammerer +stammering +stammeringly +stammeringness +stammerwort +stamnos +stamp +stampable +stampage +stampedable +stampede +stampeder +stampedingly +stampee +stamper +stampery +stamphead +Stampian +stamping +stample +stampless +stampman +stampsman +stampweed +Stan +stance +stanch +stanchable +stanchel +stancheled +stancher +stanchion +stanchless +stanchly +stanchness +stand +standage +standard +standardbred +standardizable +standardization +standardize +standardized +standardizer +standardwise +standee +standel +standelwelks +standelwort +stander +standergrass +standerwort +standfast +standing +standish +standoff +standoffish +standoffishness +standout +standpat +standpatism +standpatter +standpipe +standpoint +standpost +standstill +stane +stanechat +stang +Stangeria +stanhope +Stanhopea +stanine +Stanislaw +stanjen +stank +stankie +Stanley +Stanly +stannane +stannary +stannate +stannator +stannel +stanner +stannery +stannic +stannide +stanniferous +stannite +stanno +stannotype +stannous +stannoxyl +stannum +stannyl +stanza +stanzaed +stanzaic +stanzaical +stanzaically +stanze +stap +stapedectomy +stapedial +stapediform +stapediovestibular +stapedius +Stapelia +stapelia +stapes +staphisagria +staphyle +Staphylea +Staphyleaceae +staphyleaceous +staphylectomy +staphyledema +staphylematoma +staphylic +staphyline +staphylinic +staphylinid +Staphylinidae +staphylinideous +Staphylinoidea +Staphylinus +staphylion +staphylitis +staphyloangina +staphylococcal +staphylococci +staphylococcic +Staphylococcus +staphylococcus +staphylodermatitis +staphylodialysis +staphyloedema +staphylohemia +staphylolysin +staphyloma +staphylomatic +staphylomatous +staphylomycosis +staphyloncus +staphyloplastic +staphyloplasty +staphyloptosia +staphyloptosis +staphyloraphic +staphylorrhaphic +staphylorrhaphy +staphyloschisis +staphylosis +staphylotome +staphylotomy +staphylotoxin +staple +stapled +stapler +staplewise +stapling +Star +star +starblind +starbloom +starboard +starbolins +starbright +Starbuck +starch +starchboard +starched +starchedly +starchedness +starcher +starchflower +starchily +starchiness +starchless +starchlike +starchly +starchmaker +starchmaking +starchman +starchness +starchroot +starchworks +starchwort +starchy +starcraft +stardom +stare +staree +starer +starets +starfish +starflower +starfruit +starful +stargaze +stargazer +stargazing +staring +staringly +stark +starken +starkly +starkness +starky +starless +starlessly +starlessness +starlet +starlight +starlighted +starlights +starlike +starling +starlit +starlite +starlitten +starmonger +starn +starnel +starnie +starnose +Staroobriadtsi +starost +starosta +starosty +starred +starrily +starriness +starring +starringly +starry +starshake +starshine +starship +starshoot +starshot +starstone +starstroke +start +starter +startful +startfulness +starthroat +starting +startingly +startish +startle +startler +startling +startlingly +startlingness +startlish +startlishness +startly +startor +starty +starvation +starve +starveacre +starved +starvedly +starveling +starver +starvy +starward +starwise +starworm +starwort +stary +stases +stash +stashie +stasidion +stasimetric +stasimon +stasimorphy +stasiphobia +stasis +stassfurtite +statable +statal +statant +statcoulomb +State +state +statecraft +stated +statedly +stateful +statefully +statefulness +statehood +Statehouse +stateless +statelet +statelich +statelily +stateliness +stately +statement +statemonger +statequake +stater +stateroom +statesboy +stateside +statesider +statesman +statesmanese +statesmanlike +statesmanly +statesmanship +statesmonger +stateswoman +stateway +statfarad +stathmoi +stathmos +static +statical +statically +Statice +staticproof +statics +station +stational +stationarily +stationariness +stationary +stationer +stationery +stationman +stationmaster +statiscope +statism +statist +statistic +statistical +statistically +statistician +statisticize +statistics +statistology +stative +statoblast +statocracy +statocyst +statolatry +statolith +statolithic +statometer +stator +statoreceptor +statorhab +statoscope +statospore +statuarism +statuarist +statuary +statue +statuecraft +statued +statueless +statuelike +statuesque +statuesquely +statuesqueness +statuette +stature +statured +status +statutable +statutableness +statutably +statutary +statute +statutorily +statutory +statvolt +staucher +stauk +staumer +staun +staunch +staunchable +staunchly +staunchness +staup +stauracin +stauraxonia +stauraxonial +staurion +staurolatry +staurolite +staurolitic +staurology +Stauromedusae +stauromedusan +stauropegial +stauropegion +stauroscope +stauroscopic +stauroscopically +staurotide +stauter +stave +staveable +staveless +staver +stavers +staverwort +stavesacre +stavewise +stavewood +staving +stavrite +staw +stawn +staxis +stay +stayable +stayed +stayer +staylace +stayless +staylessness +staymaker +staymaking +staynil +stays +staysail +stayship +stchi +stead +steadfast +steadfastly +steadfastness +steadier +steadily +steadiment +steadiness +steading +steadman +steady +steadying +steadyingly +steadyish +steak +steal +stealability +stealable +stealage +stealed +stealer +stealing +stealingly +stealth +stealthful +stealthfully +stealthily +stealthiness +stealthless +stealthlike +stealthwise +stealthy +stealy +steam +steamboat +steamboating +steamboatman +steamcar +steamer +steamerful +steamerless +steamerload +steamily +steaminess +steaming +steamless +steamlike +steampipe +steamproof +steamship +steamtight +steamtightness +steamy +stean +steaning +steapsin +stearate +stearic +steariform +stearin +stearolactone +stearone +stearoptene +stearrhea +stearyl +steatin +steatite +steatitic +steatocele +steatogenous +steatolysis +steatolytic +steatoma +steatomatous +steatopathic +steatopyga +steatopygia +steatopygic +steatopygous +Steatornis +Steatornithes +Steatornithidae +steatorrhea +steatosis +stech +stechados +steckling +steddle +Stedman +steed +steedless +steedlike +steek +steekkan +steekkannen +steel +Steelboy +steeler +steelhead +steelhearted +steelification +steelify +steeliness +steeling +steelless +steellike +steelmaker +steelmaking +steelproof +steelware +steelwork +steelworker +steelworks +steely +steelyard +Steen +steen +steenboc +steenbock +steenbok +Steenie +steenkirk +steenstrupine +steenth +steep +steepdown +steepen +steeper +steepgrass +steepish +steeple +steeplebush +steeplechase +steeplechaser +steeplechasing +steepled +steepleless +steeplelike +steepletop +steeply +steepness +steepweed +steepwort +steepy +steer +steerability +steerable +steerage +steerageway +steerer +steering +steeringly +steerling +steerman +steermanship +steersman +steerswoman +steeve +steevely +steever +steeving +Stefan +steg +steganogram +steganographical +steganographist +steganography +Steganophthalmata +steganophthalmate +steganophthalmatous +Steganophthalmia +steganopod +steganopodan +Steganopodes +steganopodous +stegnosis +stegnotic +stegocarpous +Stegocephalia +stegocephalian +stegocephalous +Stegodon +stegodont +stegodontine +Stegomus +Stegomyia +stegosaur +Stegosauria +stegosaurian +stegosauroid +Stegosaurus +steid +steigh +Stein +stein +Steinberger +steinbok +Steinerian +steinful +steinkirk +Steironema +stekan +stela +stelae +stelai +stelar +stele +stell +Stella +stella +stellar +Stellaria +stellary +stellate +stellated +stellately +stellature +stelleridean +stellerine +stelliferous +stellification +stelliform +stellify +stelling +stellionate +stelliscript +Stellite +stellite +stellular +stellularly +stellulate +stelography +stem +stema +stemhead +stemless +stemlet +stemlike +stemma +stemmata +stemmatiform +stemmatous +stemmed +stemmer +stemmery +stemming +stemmy +Stemona +Stemonaceae +stemonaceous +stemple +stempost +stemson +stemwards +stemware +sten +stenar +stench +stenchel +stenchful +stenching +stenchion +stenchy +stencil +stenciler +stencilmaker +stencilmaking +stend +steng +stengah +stenion +steno +stenobathic +stenobenthic +stenobragmatic +stenobregma +stenocardia +stenocardiac +Stenocarpus +stenocephalia +stenocephalic +stenocephalous +stenocephaly +stenochoria +stenochrome +stenochromy +stenocoriasis +stenocranial +stenocrotaphia +Stenofiber +stenog +stenogastric +stenogastry +Stenoglossa +stenograph +stenographer +stenographic +stenographical +stenographically +stenographist +stenography +stenohaline +stenometer +stenopaic +Stenopelmatidae +stenopetalous +stenophile +Stenophragma +stenophyllous +stenorhyncous +stenosed +stenosepalous +stenosis +stenosphere +stenostomatous +stenostomia +Stenotaphrum +stenotelegraphy +stenothermal +stenothorax +stenotic +stenotype +stenotypic +stenotypist +stenotypy +stent +stenter +stenterer +stenton +Stentor +stentorian +stentorianly +stentorine +stentorious +stentoriously +stentoriousness +stentoronic +stentorophonic +stentrel +step +stepaunt +stepbairn +stepbrother +stepbrotherhood +stepchild +stepdame +stepdaughter +stepfather +stepfatherhood +stepfatherly +stepgrandchild +stepgrandfather +stepgrandmother +stepgrandson +Stephan +Stephana +stephane +stephanial +Stephanian +stephanic +Stephanie +stephanion +stephanite +Stephanoceros +Stephanokontae +stephanome +stephanos +Stephanotis +stephanotis +Stephanurus +Stephe +Stephen +stepladder +stepless +steplike +stepminnie +stepmother +stepmotherhood +stepmotherless +stepmotherliness +stepmotherly +stepnephew +stepniece +stepparent +steppe +stepped +steppeland +stepper +stepping +steppingstone +steprelation +steprelationship +stepsire +stepsister +stepson +stepstone +stept +stepuncle +stepway +stepwise +steradian +stercobilin +stercolin +stercophagic +stercophagous +stercoraceous +stercoral +Stercoranism +Stercoranist +Stercorariidae +Stercorariinae +stercorarious +Stercorarius +stercorary +stercorate +stercoration +stercorean +stercoremia +stercoreous +Stercorianism +stercoricolous +Stercorist +stercorite +stercorol +stercorous +stercovorous +Sterculia +Sterculiaceae +sterculiaceous +sterculiad +stere +stereagnosis +Sterelmintha +sterelminthic +sterelminthous +stereo +stereobate +stereobatic +stereoblastula +stereocamera +stereocampimeter +stereochemic +stereochemical +stereochemically +stereochemistry +stereochromatic +stereochromatically +stereochrome +stereochromic +stereochromically +stereochromy +stereocomparagraph +stereocomparator +stereoelectric +stereofluoroscopic +stereofluoroscopy +stereogastrula +stereognosis +stereognostic +stereogoniometer +stereogram +stereograph +stereographer +stereographic +stereographical +stereographically +stereography +stereoisomer +stereoisomeric +stereoisomerical +stereoisomeride +stereoisomerism +stereomatrix +stereome +stereomer +stereomeric +stereomerical +stereomerism +stereometer +stereometric +stereometrical +stereometrically +stereometry +stereomicrometer +stereomonoscope +stereoneural +stereophantascope +stereophonic +stereophony +stereophotogrammetry +stereophotograph +stereophotographic +stereophotography +stereophotomicrograph +stereophotomicrography +stereophysics +stereopicture +stereoplanigraph +stereoplanula +stereoplasm +stereoplasma +stereoplasmic +stereopsis +stereoptician +stereopticon +stereoradiograph +stereoradiography +Stereornithes +stereornithic +stereoroentgenogram +stereoroentgenography +stereoscope +stereoscopic +stereoscopically +stereoscopism +stereoscopist +stereoscopy +Stereospondyli +stereospondylous +stereostatic +stereostatics +stereotactic +stereotactically +stereotaxis +stereotelemeter +stereotelescope +stereotomic +stereotomical +stereotomist +stereotomy +stereotropic +stereotropism +stereotypable +stereotype +stereotyped +stereotyper +stereotypery +stereotypic +stereotypical +stereotyping +stereotypist +stereotypographer +stereotypography +stereotypy +Stereum +sterhydraulic +steri +steric +sterically +sterics +steride +sterigma +sterigmata +sterigmatic +sterile +sterilely +sterileness +sterilisable +sterility +sterilizability +sterilizable +sterilization +sterilize +sterilizer +sterin +sterk +sterlet +Sterling +sterling +sterlingly +sterlingness +Stern +stern +Sterna +sterna +sternad +sternage +sternal +sternalis +sternbergite +sterncastle +sterneber +sternebra +sternebrae +sternebral +sterned +sternforemost +Sterninae +sternite +sternitic +sternly +sternman +sternmost +sternness +Sterno +sternoclavicular +sternocleidomastoid +sternoclidomastoid +sternocoracoid +sternocostal +sternofacial +sternofacialis +sternoglossal +sternohumeral +sternohyoid +sternohyoidean +sternomancy +sternomastoid +sternomaxillary +sternonuchal +sternopericardiac +sternopericardial +sternoscapular +sternothere +Sternotherus +sternothyroid +sternotracheal +sternotribe +sternovertebral +sternoxiphoid +sternpost +sternson +sternum +sternutation +sternutative +sternutator +sternutatory +sternward +sternway +sternways +sternworks +stero +steroid +sterol +Sterope +sterrinck +stert +stertor +stertorious +stertoriously +stertoriousness +stertorous +stertorously +stertorousness +sterve +Stesichorean +stet +stetch +stetharteritis +stethogoniometer +stethograph +stethographic +stethokyrtograph +stethometer +stethometric +stethometry +stethoparalysis +stethophone +stethophonometer +stethoscope +stethoscopic +stethoscopical +stethoscopically +stethoscopist +stethoscopy +stethospasm +Stevan +Steve +stevedorage +stevedore +stevedoring +stevel +Steven +steven +Stevensonian +Stevensoniana +Stevia +stevia +stew +stewable +steward +stewardess +stewardly +stewardry +stewardship +Stewart +Stewartia +stewartry +stewarty +stewed +stewpan +stewpond +stewpot +stewy +stey +sthenia +sthenic +sthenochire +stib +stibbler +stibblerig +stibethyl +stibial +stibialism +stibiate +stibiated +stibic +stibiconite +stibine +stibious +stibium +stibnite +stibonium +sticcado +stich +sticharion +sticheron +stichic +stichically +stichid +stichidium +stichomancy +stichometric +stichometrical +stichometrically +stichometry +stichomythic +stichomythy +stick +stickability +stickable +stickadore +stickadove +stickage +stickball +sticked +sticker +stickers +stickfast +stickful +stickily +stickiness +sticking +stickit +stickle +stickleaf +stickleback +stickler +stickless +sticklike +stickling +stickly +stickpin +sticks +stickseed +sticksmanship +sticktail +sticktight +stickum +stickwater +stickweed +stickwork +sticky +Sticta +Stictaceae +Stictidaceae +stictiform +Stictis +stid +stiddy +stife +stiff +stiffen +stiffener +stiffening +stiffhearted +stiffish +stiffleg +stifflike +stiffly +stiffneck +stiffness +stiffrump +stifftail +stifle +stifledly +stifler +stifling +stiflingly +stigma +stigmai +stigmal +stigmaria +stigmarian +stigmarioid +stigmasterol +stigmata +stigmatal +stigmatic +stigmatical +stigmatically +stigmaticalness +stigmatiferous +stigmatiform +stigmatism +stigmatist +stigmatization +stigmatize +stigmatizer +stigmatoid +stigmatose +stigme +stigmeology +stigmonose +stigonomancy +Stikine +Stilbaceae +Stilbella +stilbene +stilbestrol +stilbite +stilboestrol +Stilbum +stile +stileman +stilet +stiletto +stilettolike +still +stillage +stillatitious +stillatory +stillbirth +stillborn +stiller +stillhouse +stillicide +stillicidium +stilliform +stilling +Stillingia +stillion +stillish +stillman +stillness +stillroom +stillstand +Stillwater +stilly +Stilophora +Stilophoraceae +stilpnomelane +stilpnosiderite +stilt +stiltbird +stilted +stilter +stiltify +stiltiness +stiltish +stiltlike +Stilton +stilty +stim +stime +stimpart +stimpert +stimulability +stimulable +stimulance +stimulancy +stimulant +stimulate +stimulatingly +stimulation +stimulative +stimulator +stimulatory +stimulatress +stimulatrix +stimuli +stimulogenous +stimulus +stimy +stine +sting +stingaree +stingareeing +stingbull +stinge +stinger +stingfish +stingily +stinginess +stinging +stingingly +stingingness +stingless +stingo +stingproof +stingray +stingtail +stingy +stink +stinkard +stinkardly +stinkball +stinkberry +stinkbird +stinkbug +stinkbush +stinkdamp +stinker +stinkhorn +stinking +stinkingly +stinkingness +stinkpot +stinkstone +stinkweed +stinkwood +stinkwort +stint +stinted +stintedly +stintedness +stinter +stintingly +stintless +stinty +stion +stionic +Stipa +stipe +stiped +stipel +stipellate +stipend +stipendial +stipendiarian +stipendiary +stipendiate +stipendium +stipendless +stipes +stipiform +stipitate +stipitiform +stipiture +Stipiturus +stippen +stipple +stippled +stippler +stippling +stipply +stipula +stipulable +stipulaceous +stipulae +stipular +stipulary +stipulate +stipulation +stipulator +stipulatory +stipule +stipuled +stipuliferous +stipuliform +stir +stirabout +stirk +stirless +stirlessly +stirlessness +stirp +stirpicultural +stirpiculture +stirpiculturist +stirps +stirra +stirrable +stirrage +stirrer +stirring +stirringly +stirrup +stirrupless +stirruplike +stirrupwise +stitch +stitchbird +stitchdown +stitcher +stitchery +stitching +stitchlike +stitchwhile +stitchwork +stitchwort +stite +stith +stithy +stive +stiver +stivy +Stizolobium +stoa +stoach +stoat +stoater +stob +stocah +stoccado +stoccata +stochastic +stochastical +stochastically +stock +stockade +stockannet +stockbow +stockbreeder +stockbreeding +Stockbridge +stockbroker +stockbrokerage +stockbroking +stockcar +stocker +stockfather +stockfish +stockholder +stockholding +stockhouse +stockily +stockiness +stockinet +stocking +stockinger +stockingless +stockish +stockishly +stockishness +stockjobber +stockjobbery +stockjobbing +stockjudging +stockkeeper +stockkeeping +stockless +stocklike +stockmaker +stockmaking +stockman +stockowner +stockpile +stockpot +stockproof +stockrider +stockriding +stocks +stockstone +stocktaker +stocktaking +Stockton +stockwork +stockwright +stocky +stockyard +stod +stodge +stodger +stodgery +stodgily +stodginess +stodgy +stoechas +stoep +stof +stoff +stog +stoga +stogie +stogy +Stoic +stoic +stoical +stoically +stoicalness +stoicharion +stoichiological +stoichiology +stoichiometric +stoichiometrical +stoichiometrically +stoichiometry +Stoicism +stoicism +Stokavci +Stokavian +Stokavski +stoke +stokehold +stokehole +stoker +stokerless +Stokesia +stokesite +stola +stolae +stole +stoled +stolelike +stolen +stolenly +stolenness +stolenwise +stolewise +stolid +stolidity +stolidly +stolidness +stolist +stolkjaerre +stollen +stolon +stolonate +stoloniferous +stoloniferously +stolonlike +stolzite +stoma +stomacace +stomach +stomachable +stomachal +stomacher +stomachful +stomachfully +stomachfulness +stomachic +stomachically +stomachicness +stomaching +stomachless +stomachlessness +stomachy +stomapod +Stomapoda +stomapodiform +stomapodous +stomata +stomatal +stomatalgia +stomate +stomatic +stomatiferous +stomatitic +stomatitis +stomatocace +Stomatoda +stomatodaeal +stomatodaeum +stomatode +stomatodeum +stomatodynia +stomatogastric +stomatograph +stomatography +stomatolalia +stomatologic +stomatological +stomatologist +stomatology +stomatomalacia +stomatomenia +stomatomy +stomatomycosis +stomatonecrosis +stomatopathy +Stomatophora +stomatophorous +stomatoplastic +stomatoplasty +stomatopod +Stomatopoda +stomatopodous +stomatorrhagia +stomatoscope +stomatoscopy +stomatose +stomatosepsis +stomatotomy +stomatotyphus +stomatous +stomenorrhagia +stomium +stomodaea +stomodaeal +stomodaeum +Stomoisia +stomoxys +stomp +stomper +stonable +stond +Stone +stone +stoneable +stonebird +stonebiter +stoneboat +stonebow +stonebrash +stonebreak +stonebrood +stonecast +stonechat +stonecraft +stonecrop +stonecutter +stoned +stonedamp +stonefish +stonegale +stonegall +stonehand +stonehatch +stonehead +stonehearted +Stonehenge +stonelayer +stonelaying +stoneless +stonelessness +stonelike +stoneman +stonemason +stonemasonry +stonen +stonepecker +stoner +stoneroot +stoneseed +stoneshot +stonesmatch +stonesmich +stonesmitch +stonesmith +stonewall +stonewaller +stonewally +stoneware +stoneweed +stonewise +stonewood +stonework +stoneworker +stonewort +stoneyard +stong +stonied +stonifiable +stonify +stonily +stoniness +stoning +stonish +stonishment +stonker +stony +stonyhearted +stonyheartedly +stonyheartedness +stood +stooded +stooden +stoof +stooge +stook +stooker +stookie +stool +stoolball +stoollike +stoon +stoond +stoop +stooper +stoopgallant +stooping +stoopingly +stoory +stoot +stoothing +stop +stopa +stopback +stopblock +stopboard +stopcock +stope +stoper +stopgap +stophound +stoping +stopless +stoplessness +stopover +stoppability +stoppable +stoppableness +stoppably +stoppage +stopped +stopper +stopperless +stoppeur +stopping +stoppit +stopple +stopwater +stopwork +storable +storage +storax +store +storeen +storehouse +storehouseman +storekeep +storekeeper +storekeeping +storeman +storer +storeroom +storeship +storesman +storge +storiate +storiation +storied +storier +storiette +storify +storiological +storiologist +storiology +stork +storken +storkish +storklike +storkling +storkwise +storm +stormable +Stormberg +stormbird +stormbound +stormcock +stormer +stormful +stormfully +stormfulness +stormily +storminess +storming +stormingly +stormish +stormless +stormlessness +stormlike +stormproof +stormward +stormwind +stormwise +stormy +Storting +story +storybook +storyless +storymaker +storymonger +storyteller +storytelling +storywise +storywork +stosh +stoss +stosston +stot +stotinka +stotter +stotterel +stoun +stound +stoundmeal +stoup +stoupful +stour +stouring +stourliness +stourness +stoury +stoush +stout +stouten +stouth +stouthearted +stoutheartedly +stoutheartedness +stoutish +stoutly +stoutness +stoutwood +stouty +stove +stovebrush +stoveful +stovehouse +stoveless +stovemaker +stovemaking +stoveman +stoven +stovepipe +stover +stovewood +stow +stowable +stowage +stowaway +stowbord +stowbordman +stowce +stowdown +stower +stowing +stownlins +stowwood +stra +strabism +strabismal +strabismally +strabismic +strabismical +strabismometer +strabismometry +strabismus +strabometer +strabometry +strabotome +strabotomy +strack +strackling +stract +Strad +strad +stradametrical +straddle +straddleback +straddlebug +straddler +straddleways +straddlewise +straddling +straddlingly +strade +stradine +stradiot +Stradivari +Stradivarius +stradl +stradld +stradlings +strae +strafe +strafer +Straffordian +strag +straggle +straggler +straggling +stragglingly +straggly +stragular +stragulum +straight +straightabout +straightaway +straightedge +straighten +straightener +straightforward +straightforwardly +straightforwardness +straightforwards +straighthead +straightish +straightly +straightness +straighttail +straightup +straightwards +straightway +straightways +straightwise +straik +strain +strainable +strainableness +strainably +strained +strainedly +strainedness +strainer +strainerman +straining +strainingly +strainless +strainlessly +strainproof +strainslip +straint +strait +straiten +straitlacedness +straitlacing +straitly +straitness +straitsman +straitwork +Straka +strake +straked +straky +stram +stramash +stramazon +stramineous +stramineously +strammel +strammer +stramonium +stramony +stramp +strand +strandage +strander +stranding +strandless +strandward +strang +strange +strangeling +strangely +strangeness +stranger +strangerdom +strangerhood +strangerlike +strangership +strangerwise +strangle +strangleable +stranglement +strangler +strangles +strangletare +strangleweed +strangling +stranglingly +strangulable +strangulate +strangulation +strangulative +strangulatory +strangullion +strangurious +strangury +stranner +strany +strap +straphang +straphanger +straphead +strapless +straplike +strappable +strappado +strappan +strapped +strapper +strapping +strapple +strapwork +strapwort +strass +strata +stratagem +stratagematic +stratagematical +stratagematically +stratagematist +stratagemical +stratagemically +stratal +stratameter +stratege +strategetic +strategetics +strategi +strategian +strategic +strategical +strategically +strategics +strategist +strategize +strategos +strategy +Stratfordian +strath +strathspey +strati +stratic +straticulate +straticulation +stratification +stratified +stratiform +stratify +stratigrapher +stratigraphic +stratigraphical +stratigraphically +stratigraphist +stratigraphy +Stratiomyiidae +Stratiotes +stratlin +stratochamber +stratocracy +stratocrat +stratocratic +stratographic +stratographical +stratographically +stratography +stratonic +Stratonical +stratopedarch +stratoplane +stratose +stratosphere +stratospheric +stratospherical +stratotrainer +stratous +stratum +stratus +straucht +strauchten +stravage +strave +straw +strawberry +strawberrylike +strawbill +strawboard +strawbreadth +strawen +strawer +strawflower +strawfork +strawless +strawlike +strawman +strawmote +strawsmall +strawsmear +strawstack +strawstacker +strawwalker +strawwork +strawworm +strawy +strawyard +stray +strayaway +strayer +strayling +stre +streahte +streak +streaked +streakedly +streakedness +streaker +streakily +streakiness +streaklike +streakwise +streaky +stream +streamer +streamful +streamhead +streaminess +streaming +streamingly +streamless +streamlet +streamlike +streamline +streamlined +streamliner +streamling +streamside +streamward +streamway +streamwort +streamy +streck +streckly +stree +streek +streel +streeler +streen +streep +street +streetage +streetcar +streetful +streetless +streetlet +streetlike +streets +streetside +streetwalker +streetwalking +streetward +streetway +streetwise +streite +streke +Strelitz +Strelitzi +strelitzi +Strelitzia +Streltzi +streltzi +stremma +stremmatograph +streng +strengite +strength +strengthen +strengthener +strengthening +strengtheningly +strengthful +strengthfulness +strengthily +strengthless +strengthlessly +strengthlessness +strengthy +strent +strenth +strenuity +strenuosity +strenuous +strenuously +strenuousness +strepen +strepent +strepera +streperous +strephonade +strephosymbolia +strepitant +strepitantly +strepitation +strepitous +strepor +Strepsiceros +strepsiceros +strepsinema +Strepsiptera +strepsipteral +strepsipteran +strepsipteron +strepsipterous +strepsis +strepsitene +streptaster +streptobacilli +streptobacillus +Streptocarpus +streptococcal +streptococci +streptococcic +Streptococcus +streptococcus +streptolysin +Streptomyces +streptomycin +Streptoneura +streptoneural +streptoneurous +streptosepticemia +streptothricial +streptothricin +streptothricosis +Streptothrix +streptotrichal +streptotrichosis +stress +stresser +stressful +stressfully +stressless +stresslessness +stret +stretch +stretchable +stretchberry +stretcher +stretcherman +stretchiness +stretchneck +stretchproof +stretchy +stretman +strette +stretti +stretto +strew +strewage +strewer +strewment +strewn +strey +streyne +stria +striae +strial +Striaria +Striariaceae +striatal +striate +striated +striation +striatum +striature +strich +striche +strick +stricken +strickenly +strickenness +stricker +strickle +strickler +strickless +strict +striction +strictish +strictly +strictness +stricture +strictured +strid +stridden +striddle +stride +strideleg +stridelegs +stridence +stridency +strident +stridently +strider +strideways +stridhan +stridhana +stridhanum +stridingly +stridling +stridlins +stridor +stridulant +stridulate +stridulation +stridulator +stridulatory +stridulent +stridulous +stridulously +stridulousness +strife +strifeful +strifeless +strifemaker +strifemaking +strifemonger +strifeproof +striffen +strig +Striga +striga +strigae +strigal +strigate +Striges +striggle +stright +Strigidae +Strigiformes +strigil +strigilate +strigilation +strigilator +strigiles +strigilis +strigillose +strigilous +Striginae +strigine +strigose +strigous +strigovite +Strigula +Strigulaceae +strigulose +strike +strikeboat +strikebreaker +strikebreaking +strikeless +striker +striking +strikingly +strikingness +strind +string +stringboard +stringcourse +stringed +stringency +stringene +stringent +stringently +stringentness +stringer +stringful +stringhalt +stringhalted +stringhaltedness +stringiness +stringing +stringless +stringlike +stringmaker +stringmaking +stringman +stringpiece +stringsman +stringways +stringwood +stringy +stringybark +strinkle +striola +striolae +striolate +striolated +striolet +strip +stripe +striped +stripeless +striper +striplet +stripling +strippage +stripped +stripper +stripping +strippit +strippler +stript +stripy +strit +strive +strived +striven +striver +striving +strivingly +Strix +strix +stroam +strobic +strobila +strobilaceous +strobilae +strobilate +strobilation +strobile +strobili +strobiliferous +strobiliform +strobiline +strobilization +strobiloid +Strobilomyces +Strobilophyta +strobilus +stroboscope +stroboscopic +stroboscopical +stroboscopy +strobotron +strockle +stroddle +strode +stroil +stroke +stroker +strokesman +stroking +stroky +strold +stroll +strolld +stroller +strom +stroma +stromal +stromata +Stromateidae +stromateoid +stromatic +stromatiform +stromatology +Stromatopora +Stromatoporidae +stromatoporoid +Stromatoporoidea +stromatous +stromb +Strombidae +strombiform +strombite +stromboid +strombolian +strombuliferous +strombuliform +Strombus +strome +stromeyerite +stromming +strone +strong +strongback +strongbark +strongbox +strongbrained +strongfully +stronghand +stronghead +strongheadedly +strongheadedness +stronghearted +stronghold +strongish +stronglike +strongly +strongness +strongylate +strongyle +strongyliasis +strongylid +Strongylidae +strongylidosis +strongyloid +Strongyloides +strongyloidosis +strongylon +Strongyloplasmata +Strongylosis +strongylosis +Strongylus +strontia +strontian +strontianiferous +strontianite +strontic +strontion +strontitic +strontium +strook +strooken +stroot +strop +strophaic +strophanhin +Strophanthus +Stropharia +strophe +strophic +strophical +strophically +strophiolate +strophiolated +strophiole +strophoid +Strophomena +Strophomenacea +strophomenid +Strophomenidae +strophomenoid +strophosis +strophotaxis +strophulus +stropper +stroppings +stroth +stroud +strouding +strounge +stroup +strouthiocamel +strouthiocamelian +strouthocamelian +strove +strow +strowd +strown +stroy +stroyer +stroygood +strub +strubbly +struck +strucken +structural +structuralism +structuralist +structuralization +structuralize +structurally +structuration +structure +structured +structureless +structurely +structurist +strudel +strue +struggle +struggler +struggling +strugglingly +Struldbrug +Struldbruggian +Struldbruggism +strum +struma +strumae +strumatic +strumaticness +strumectomy +Strumella +strumiferous +strumiform +strumiprivic +strumiprivous +strumitis +strummer +strumose +strumous +strumousness +strumpet +strumpetlike +strumpetry +strumstrum +strumulose +strung +strunt +strut +struth +struthian +struthiform +Struthio +struthioid +Struthiomimus +Struthiones +Struthionidae +struthioniform +Struthioniformes +Struthiopteris +struthious +struthonine +strutter +strutting +struttingly +struv +struvite +strych +strychnia +strychnic +strychnin +strychnine +strychninic +strychninism +strychninization +strychninize +strychnize +strychnol +Strychnos +Strymon +Stu +Stuart +Stuartia +stub +stubachite +stubb +stubbed +stubbedness +stubber +stubbiness +stubble +stubbleberry +stubbled +stubbleward +stubbly +stubborn +stubbornhearted +stubbornly +stubbornness +stubboy +stubby +stubchen +stuber +stuboy +stubrunner +stucco +stuccoer +stuccowork +stuccoworker +stuccoyer +stuck +stuckling +stucturelessness +stud +studbook +studder +studdie +studding +studdle +stude +student +studenthood +studentless +studentlike +studentry +studentship +studerite +studfish +studflower +studhorse +studia +studiable +studied +studiedly +studiedness +studier +studio +studious +studiously +studiousness +Studite +Studium +studium +studwork +study +stue +stuff +stuffed +stuffender +stuffer +stuffgownsman +stuffily +stuffiness +stuffing +stuffy +stug +stuggy +stuiver +stull +stuller +stulm +stultification +stultifier +stultify +stultiloquence +stultiloquently +stultiloquious +stultioquy +stultloquent +stum +stumble +stumbler +stumbling +stumblingly +stumbly +stumer +stummer +stummy +stump +stumpage +stumper +stumpily +stumpiness +stumpish +stumpless +stumplike +stumpling +stumpnose +stumpwise +stumpy +stun +Stundism +Stundist +stung +stunk +stunkard +stunner +stunning +stunningly +stunpoll +stunsail +stunsle +stunt +stunted +stuntedly +stuntedness +stunter +stuntiness +stuntness +stunty +stupa +stupe +stupefacient +stupefaction +stupefactive +stupefactiveness +stupefied +stupefiedness +stupefier +stupefy +stupend +stupendly +stupendous +stupendously +stupendousness +stupent +stupeous +stupex +stupid +stupidhead +stupidish +stupidity +stupidly +stupidness +stupor +stuporific +stuporose +stuporous +stupose +stupp +stuprate +stupration +stuprum +stupulose +sturdied +sturdily +sturdiness +sturdy +sturdyhearted +sturgeon +sturine +Sturiones +sturionine +sturk +Sturmian +Sturnella +Sturnidae +sturniform +Sturninae +sturnine +sturnoid +Sturnus +sturt +sturtan +sturtin +sturtion +sturtite +stuss +stut +stutter +stutterer +stuttering +stutteringly +sty +styan +styca +styceric +stycerin +stycerinol +stychomythia +styful +styfziekte +Stygial +Stygian +stylar +Stylaster +Stylasteridae +stylate +style +stylebook +styledom +styleless +stylelessness +stylelike +styler +stylet +stylewort +Stylidiaceae +stylidiaceous +Stylidium +styliferous +styliform +styline +styling +stylish +stylishly +stylishness +stylist +stylistic +stylistical +stylistically +stylistics +stylite +stylitic +stylitism +stylization +stylize +stylizer +stylo +styloauricularis +stylobate +Stylochus +styloglossal +styloglossus +stylogonidium +stylograph +stylographic +stylographical +stylographically +stylography +stylohyal +stylohyoid +stylohyoidean +stylohyoideus +styloid +stylolite +stylolitic +stylomandibular +stylomastoid +stylomaxillary +stylometer +Stylommatophora +stylommatophorous +stylomyloid +Stylonurus +Stylonychia +stylopharyngeal +stylopharyngeus +stylopid +Stylopidae +stylopization +stylopized +stylopod +stylopodium +Stylops +stylops +Stylosanthes +stylospore +stylosporous +stylostegium +stylotypite +stylus +stymie +Stymphalian +Stymphalid +Stymphalides +Styphelia +styphnate +styphnic +stypsis +styptic +styptical +stypticalness +stypticity +stypticness +Styracaceae +styracaceous +styracin +Styrax +styrax +styrene +Styrian +styrogallol +styrol +styrolene +styrone +styryl +styrylic +stythe +styward +Styx +Styxian +suability +suable +suably +suade +Suaeda +suaharo +Sualocin +Suanitian +suant +suantly +suasible +suasion +suasionist +suasive +suasively +suasiveness +suasory +suavastika +suave +suavely +suaveness +suaveolent +suavify +suaviloquence +suaviloquent +suavity +sub +subabbot +subabdominal +subability +subabsolute +subacademic +subaccount +subacetate +subacid +subacidity +subacidly +subacidness +subacidulous +subacrid +subacrodrome +subacromial +subact +subacuminate +subacute +subacutely +subadditive +subadjacent +subadjutor +subadministrate +subadministration +subadministrator +subadult +subaduncate +subaerate +subaeration +subaerial +subaerially +subaetheric +subaffluent +subage +subagency +subagent +subaggregate +subah +subahdar +subahdary +subahship +subaid +Subakhmimic +subalary +subalate +subalgebra +subalkaline +suballiance +subalmoner +subalpine +subaltern +subalternant +subalternate +subalternately +subalternating +subalternation +subalternity +subanal +subandean +subangled +subangular +subangulate +subangulated +subanniversary +subantarctic +subantichrist +subantique +Subanun +subapical +subaponeurotic +subapostolic +subapparent +subappearance +subappressed +subapprobation +subapterous +subaquatic +subaquean +subaqueous +subarachnoid +subarachnoidal +subarachnoidean +subarboraceous +subarboreal +subarborescent +subarch +subarchesporial +subarchitect +subarctic +subarcuate +subarcuated +subarcuation +subarea +subareolar +subareolet +Subarian +subarmor +subarouse +subarrhation +subartesian +subarticle +subarytenoid +subascending +subassemblage +subassembly +subassociation +subastragalar +subastragaloid +subastral +subastringent +subatom +subatomic +subattenuate +subattenuated +subattorney +subaud +subaudible +subaudition +subauditionist +subauditor +subauditur +subaural +subauricular +subautomatic +subaverage +subaxillar +subaxillary +subbailie +subbailiff +subbailiwick +subballast +subband +subbank +subbasal +subbasaltic +subbase +subbasement +subbass +subbeadle +subbeau +subbias +subbifid +subbing +subbituminous +subbookkeeper +subboreal +subbourdon +subbrachycephalic +subbrachycephaly +subbrachyskelic +subbranch +subbranched +subbranchial +subbreed +subbrigade +subbrigadier +subbroker +subbromid +subbromide +subbronchial +subbureau +subcaecal +subcalcareous +subcalcarine +subcaliber +subcallosal +subcampanulate +subcancellate +subcandid +subcantor +subcapsular +subcaptain +subcaption +subcarbide +subcarbonate +Subcarboniferous +subcarbureted +subcarburetted +subcardinal +subcarinate +subcartilaginous +subcase +subcash +subcashier +subcasino +subcast +subcaste +subcategory +subcaudal +subcaudate +subcaulescent +subcause +subcavate +subcavity +subcelestial +subcell +subcellar +subcenter +subcentral +subcentrally +subchairman +subchamberer +subchancel +subchanter +subchapter +subchaser +subchela +subchelate +subcheliform +subchief +subchloride +subchondral +subchordal +subchorioid +subchorioidal +subchorionic +subchoroid +subchoroidal +subcinctorium +subcineritious +subcingulum +subcircuit +subcircular +subcision +subcity +subclaim +Subclamatores +subclan +subclass +subclassify +subclause +subclavate +subclavia +subclavian +subclavicular +subclavioaxillary +subclaviojugular +subclavius +subclerk +subclimate +subclimax +subclinical +subclover +subcoastal +subcollateral +subcollector +subcollegiate +subcolumnar +subcommander +subcommendation +subcommended +subcommissary +subcommissaryship +subcommission +subcommissioner +subcommit +subcommittee +subcompany +subcompensate +subcompensation +subcompressed +subconcave +subconcession +subconcessionaire +subconchoidal +subconference +subconformable +subconical +subconjunctival +subconjunctively +subconnate +subconnect +subconnivent +subconscience +subconscious +subconsciously +subconsciousness +subconservator +subconsideration +subconstable +subconstellation +subconsul +subcontained +subcontest +subcontiguous +subcontinent +subcontinental +subcontinual +subcontinued +subcontinuous +subcontract +subcontracted +subcontractor +subcontraoctave +subcontrariety +subcontrarily +subcontrary +subcontrol +subconvex +subconvolute +subcool +subcoracoid +subcordate +subcordiform +subcoriaceous +subcorneous +subcorporation +subcortex +subcortical +subcortically +subcorymbose +subcosta +subcostal +subcostalis +subcouncil +subcranial +subcreative +subcreek +subcrenate +subcrepitant +subcrepitation +subcrescentic +subcrest +subcriminal +subcrossing +subcrureal +subcrureus +subcrust +subcrustaceous +subcrustal +subcrystalline +subcubical +subcuboidal +subcultrate +subcultural +subculture +subcurate +subcurator +subcuratorship +subcurrent +subcutaneous +subcutaneously +subcutaneousness +subcuticular +subcutis +subcyaneous +subcyanide +subcylindric +subcylindrical +subdatary +subdate +subdeacon +subdeaconate +subdeaconess +subdeaconry +subdeaconship +subdealer +subdean +subdeanery +subdeb +subdebutante +subdecanal +subdecimal +subdecuple +subdeducible +subdefinition +subdelegate +subdelegation +subdelirium +subdeltaic +subdeltoid +subdeltoidal +subdemonstrate +subdemonstration +subdenomination +subdentate +subdentated +subdented +subdenticulate +subdepartment +subdeposit +subdepository +subdepot +subdepressed +subdeputy +subderivative +subdermal +subdeterminant +subdevil +subdiaconal +subdiaconate +subdial +subdialect +subdialectal +subdialectally +subdiapason +subdiapente +subdiaphragmatic +subdichotomize +subdichotomous +subdichotomously +subdichotomy +subdie +subdilated +subdirector +subdiscoidal +subdisjunctive +subdistich +subdistichous +subdistinction +subdistinguish +subdistinguished +subdistrict +subdititious +subdititiously +subdivecious +subdiversify +subdividable +subdivide +subdivider +subdividing +subdividingly +subdivine +subdivisible +subdivision +subdivisional +subdivisive +subdoctor +subdolent +subdolichocephalic +subdolichocephaly +subdolous +subdolously +subdolousness +subdominant +subdorsal +subdorsally +subdouble +subdrain +subdrainage +subdrill +subdruid +subduable +subduableness +subduably +subdual +subduce +subduct +subduction +subdue +subdued +subduedly +subduedness +subduement +subduer +subduing +subduingly +subduple +subduplicate +subdural +subdurally +subecho +subectodermal +subedit +subeditor +subeditorial +subeditorship +subeffective +subelection +subelectron +subelement +subelementary +subelliptic +subelliptical +subelongate +subemarginate +subencephalon +subencephaltic +subendocardial +subendorse +subendorsement +subendothelial +subendymal +subenfeoff +subengineer +subentire +subentitle +subentry +subepidermal +subepiglottic +subepithelial +subepoch +subequal +subequality +subequally +subequatorial +subequilateral +subequivalve +suber +suberane +suberate +suberect +subereous +suberic +suberiferous +suberification +suberiform +suberin +suberinization +suberinize +Suberites +Suberitidae +suberization +suberize +suberone +suberose +suberous +subescheator +subesophageal +subessential +subetheric +subexaminer +subexcitation +subexcite +subexecutor +subexternal +subface +subfacies +subfactor +subfactorial +subfactory +subfalcate +subfalcial +subfalciform +subfamily +subfascial +subfastigiate +subfebrile +subferryman +subfestive +subfeu +subfeudation +subfeudatory +subfibrous +subfief +subfigure +subfissure +subfix +subflavor +subflexuose +subfloor +subflooring +subflora +subflush +subfluvial +subfocal +subfoliar +subforeman +subform +subformation +subfossil +subfossorial +subfoundation +subfraction +subframe +subfreshman +subfrontal +subfulgent +subfumigation +subfumose +subfunctional +subfusc +subfuscous +subfusiform +subfusk +subgalea +subgallate +subganger +subgape +subgelatinous +subgeneric +subgenerical +subgenerically +subgeniculate +subgenital +subgens +subgenual +subgenus +subgeometric +subget +subgit +subglabrous +subglacial +subglacially +subglenoid +subglobose +subglobosely +subglobular +subglobulose +subglossal +subglossitis +subglottic +subglumaceous +subgod +subgoverness +subgovernor +subgrade +subgranular +subgrin +subgroup +subgular +subgwely +subgyre +subgyrus +subhalid +subhalide +subhall +subharmonic +subhastation +subhatchery +subhead +subheading +subheadquarters +subheadwaiter +subhealth +subhedral +subhemispherical +subhepatic +subherd +subhero +subhexagonal +subhirsute +subhooked +subhorizontal +subhornblendic +subhouse +subhuman +subhumid +subhyaline +subhyaloid +subhymenial +subhymenium +subhyoid +subhyoidean +subhypothesis +subhysteria +subicle +subicteric +subicular +subiculum +subidar +subidea +subideal +subimaginal +subimago +subimbricate +subimbricated +subimposed +subimpressed +subincandescent +subincident +subincise +subincision +subincomplete +subindex +subindicate +subindication +subindicative +subindices +subindividual +subinduce +subinfer +subinfeud +subinfeudate +subinfeudation +subinfeudatory +subinflammation +subinflammatory +subinform +subingression +subinguinal +subinitial +subinoculate +subinoculation +subinsert +subinsertion +subinspector +subinspectorship +subintegumental +subintellection +subintelligential +subintelligitur +subintent +subintention +subintercessor +subinternal +subinterval +subintestinal +subintroduce +subintroduction +subintroductory +subinvoluted +subinvolution +subiodide +subirrigate +subirrigation +subitane +subitaneous +subitem +Subiya +subjacency +subjacent +subjacently +subjack +subject +subjectability +subjectable +subjectdom +subjected +subjectedly +subjectedness +subjecthood +subjectibility +subjectible +subjectification +subjectify +subjectile +subjection +subjectional +subjectist +subjective +subjectively +subjectiveness +subjectivism +subjectivist +subjectivistic +subjectivistically +subjectivity +subjectivize +subjectivoidealistic +subjectless +subjectlike +subjectness +subjectship +subjee +subjicible +subjoin +subjoinder +subjoint +subjudge +subjudiciary +subjugable +subjugal +subjugate +subjugation +subjugator +subjugular +subjunct +subjunction +subjunctive +subjunctively +subjunior +subking +subkingdom +sublabial +sublaciniate +sublacustrine +sublanate +sublanceolate +sublanguage +sublapsarian +sublapsarianism +sublapsary +sublaryngeal +sublate +sublateral +sublation +sublative +subleader +sublease +sublecturer +sublegislation +sublegislature +sublenticular +sublessee +sublessor +sublet +sublethal +sublettable +subletter +sublevaminous +sublevate +sublevation +sublevel +sublibrarian +sublicense +sublicensee +sublid +sublieutenancy +sublieutenant +subligation +sublighted +sublimable +sublimableness +sublimant +sublimate +sublimation +sublimational +sublimationist +sublimator +sublimatory +sublime +sublimed +sublimely +sublimeness +sublimer +subliminal +subliminally +sublimish +sublimitation +sublimity +sublimize +sublinear +sublineation +sublingua +sublinguae +sublingual +sublinguate +sublittoral +sublobular +sublong +subloral +subloreal +sublot +sublumbar +sublunar +sublunary +sublunate +sublustrous +subluxate +subluxation +submaid +submain +submakroskelic +submammary +subman +submanager +submania +submanic +submanor +submarginal +submarginally +submarginate +submargined +submarine +submariner +submarinism +submarinist +submarshal +submaster +submaxilla +submaxillary +submaximal +submeaning +submedial +submedian +submediant +submediation +submediocre +submeeting +submember +submembranaceous +submembranous +submeningeal +submental +submentum +submerge +submerged +submergement +submergence +submergibility +submergible +submerse +submersed +submersibility +submersible +submersion +submetallic +submeter +submetering +submicron +submicroscopic +submicroscopically +submiliary +submind +subminimal +subminister +submiss +submissible +submission +submissionist +submissive +submissively +submissiveness +submissly +submissness +submit +submittal +submittance +submitter +submittingly +submolecule +submonition +submontagne +submontane +submontanely +submontaneous +submorphous +submortgage +submotive +submountain +submucosa +submucosal +submucous +submucronate +submultiple +submundane +submuriate +submuscular +Submytilacea +subnarcotic +subnasal +subnascent +subnatural +subnect +subnervian +subness +subneural +subnex +subnitrate +subnitrated +subniveal +subnivean +subnormal +subnormality +subnotation +subnote +subnotochordal +subnubilar +subnucleus +subnude +subnumber +subnuvolar +suboblique +subobscure +subobscurely +subobtuse +suboccipital +subocean +suboceanic +suboctave +suboctile +suboctuple +subocular +suboesophageal +suboffice +subofficer +subofficial +subolive +subopaque +subopercle +subopercular +suboperculum +subopposite +suboptic +suboptimal +suboptimum +suboral +suborbicular +suborbiculate +suborbiculated +suborbital +suborbitar +suborbitary +subordain +suborder +subordinacy +subordinal +subordinary +subordinate +subordinately +subordinateness +subordinating +subordinatingly +subordination +subordinationism +subordinationist +subordinative +suborganic +suborn +subornation +subornative +suborner +Suboscines +suboval +subovate +subovated +suboverseer +subovoid +suboxidation +suboxide +subpackage +subpagoda +subpallial +subpalmate +subpanel +subparagraph +subparallel +subpart +subpartition +subpartitioned +subpartitionment +subparty +subpass +subpassage +subpastor +subpatron +subpattern +subpavement +subpectinate +subpectoral +subpeduncle +subpeduncular +subpedunculate +subpellucid +subpeltate +subpeltated +subpentagonal +subpentangular +subpericardial +subperiod +subperiosteal +subperiosteally +subperitoneal +subperitoneally +subpermanent +subpermanently +subperpendicular +subpetiolar +subpetiolate +subpharyngeal +subphosphate +subphratry +subphrenic +subphylar +subphylum +subpial +subpilose +subpimp +subpiston +subplacenta +subplant +subplantigrade +subplat +subpleural +subplinth +subplot +subplow +subpodophyllous +subpoena +subpoenal +subpolar +subpolygonal +subpool +subpopular +subpopulation +subporphyritic +subport +subpostmaster +subpostmastership +subpostscript +subpotency +subpotent +subpreceptor +subpreceptorial +subpredicate +subpredication +subprefect +subprefectorial +subprefecture +subprehensile +subpress +subprimary +subprincipal +subprior +subprioress +subproblem +subproctor +subproduct +subprofessional +subprofessor +subprofessoriate +subprofitable +subproportional +subprotector +subprovince +subprovincial +subpubescent +subpubic +subpulmonary +subpulverizer +subpunch +subpunctuation +subpurchaser +subpurlin +subputation +subpyramidal +subpyriform +subquadrangular +subquadrate +subquality +subquestion +subquinquefid +subquintuple +Subra +subrace +subradial +subradiance +subradiate +subradical +subradius +subradular +subrailway +subrameal +subramose +subramous +subrange +subrational +subreader +subreason +subrebellion +subrectangular +subrector +subreference +subregent +subregion +subregional +subregular +subreguli +subregulus +subrelation +subreligion +subreniform +subrent +subrepand +subrepent +subreport +subreptary +subreption +subreptitious +subreputable +subresin +subretinal +subrhombic +subrhomboid +subrhomboidal +subrictal +subrident +subridently +subrigid +subrision +subrisive +subrisory +subrogate +subrogation +subroot +subrostral +subround +subrule +subruler +subsacral +subsale +subsaline +subsalt +subsample +subsartorial +subsatiric +subsatirical +subsaturated +subsaturation +subscapular +subscapularis +subscapulary +subschedule +subscheme +subschool +subscience +subscleral +subsclerotic +subscribable +subscribe +subscriber +subscribership +subscript +subscription +subscriptionist +subscriptive +subscriptively +subscripture +subscrive +subscriver +subsea +subsecive +subsecretarial +subsecretary +subsect +subsection +subsecurity +subsecute +subsecutive +subsegment +subsemifusa +subsemitone +subsensation +subsensible +subsensual +subsensuous +subsept +subseptuple +subsequence +subsequency +subsequent +subsequential +subsequentially +subsequently +subsequentness +subseries +subserosa +subserous +subserrate +subserve +subserviate +subservience +subserviency +subservient +subserviently +subservientness +subsessile +subset +subsewer +subsextuple +subshaft +subsheriff +subshire +subshrub +subshrubby +subside +subsidence +subsidency +subsident +subsider +subsidiarie +subsidiarily +subsidiariness +subsidiary +subsiding +subsidist +subsidizable +subsidization +subsidize +subsidizer +subsidy +subsilicate +subsilicic +subsill +subsimilation +subsimious +subsimple +subsinuous +subsist +subsistence +subsistency +subsistent +subsistential +subsistingly +subsizar +subsizarship +subsmile +subsneer +subsocial +subsoil +subsoiler +subsolar +subsolid +subsonic +subsorter +subsovereign +subspace +subspatulate +subspecialist +subspecialize +subspecialty +subspecies +subspecific +subspecifically +subsphenoidal +subsphere +subspherical +subspherically +subspinous +subspiral +subspontaneous +subsquadron +substage +substalagmite +substalagmitic +substance +substanceless +substanch +substandard +substandardize +substant +substantiability +substantial +substantialia +substantialism +substantialist +substantiality +substantialize +substantially +substantialness +substantiate +substantiation +substantiative +substantiator +substantify +substantious +substantival +substantivally +substantive +substantively +substantiveness +substantivity +substantivize +substantize +substation +substernal +substituent +substitutable +substitute +substituted +substituter +substituting +substitutingly +substitution +substitutional +substitutionally +substitutionary +substitutive +substitutively +substock +substoreroom +substory +substract +substraction +substratal +substrate +substrati +substrative +substrator +substratose +substratosphere +substratospheric +substratum +substriate +substruct +substruction +substructional +substructural +substructure +substylar +substyle +subsulfid +subsulfide +subsulphate +subsulphid +subsulphide +subsult +subsultive +subsultorily +subsultorious +subsultory +subsultus +subsumable +subsume +subsumption +subsumptive +subsuperficial +subsurety +subsurface +subsyndicate +subsynod +subsynodical +subsystem +subtack +subtacksman +subtangent +subtarget +subtartarean +subtectal +subtegminal +subtegulaneous +subtemperate +subtenancy +subtenant +subtend +subtense +subtenure +subtepid +subteraqueous +subterbrutish +subtercelestial +subterconscious +subtercutaneous +subterethereal +subterfluent +subterfluous +subterfuge +subterhuman +subterjacent +subtermarine +subterminal +subternatural +subterpose +subterposition +subterrane +subterraneal +subterranean +subterraneanize +subterraneanly +subterraneous +subterraneously +subterraneousness +subterranity +subterraqueous +subterrene +subterrestrial +subterritorial +subterritory +subtersensual +subtersensuous +subtersuperlative +subtersurface +subtertian +subtext +subthalamic +subthalamus +subthoracic +subthrill +subtile +subtilely +subtileness +subtilin +subtilism +subtilist +subtility +subtilization +subtilize +subtilizer +subtill +subtillage +subtilty +subtitle +subtitular +subtle +subtleness +subtlety +subtlist +subtly +subtone +subtonic +subtorrid +subtotal +subtotem +subtower +subtract +subtracter +subtraction +subtractive +subtrahend +subtranslucent +subtransparent +subtransverse +subtrapezoidal +subtread +subtreasurer +subtreasurership +subtreasury +subtrench +subtriangular +subtriangulate +subtribal +subtribe +subtribual +subtrifid +subtrigonal +subtrihedral +subtriplicate +subtriplicated +subtriquetrous +subtrist +subtrochanteric +subtrochlear +subtropic +subtropical +subtropics +subtrousers +subtrude +subtruncate +subtrunk +subtuberant +subtunic +subtunnel +subturbary +subturriculate +subturriculated +subtutor +subtwined +subtype +subtypical +subulate +subulated +subulicorn +Subulicornia +subuliform +subultimate +subumbellate +subumbonal +subumbral +subumbrella +subumbrellar +subuncinate +subunequal +subungual +subunguial +Subungulata +subungulate +subunit +subuniverse +suburb +suburban +suburbandom +suburbanhood +suburbanism +suburbanite +suburbanity +suburbanization +suburbanize +suburbanly +suburbed +suburbia +suburbican +suburbicarian +suburbicary +suburethral +subursine +subvaginal +subvaluation +subvarietal +subvariety +subvassal +subvassalage +subvein +subvendee +subvene +subvention +subventionary +subventioned +subventionize +subventitious +subventive +subventral +subventricose +subvermiform +subversal +subverse +subversed +subversion +subversionary +subversive +subversivism +subvert +subvertebral +subverter +subvertible +subvertical +subverticillate +subvesicular +subvestment +subvicar +subvicarship +subvillain +subvirate +subvirile +subvisible +subvitalized +subvitreous +subvocal +subvola +subwarden +subwater +subway +subwealthy +subweight +subwink +subworker +subworkman +subzonal +subzone +subzygomatic +succade +succedanea +succedaneous +succedaneum +succedent +succeed +succeedable +succeeder +succeeding +succeedingly +succent +succentor +succenturiate +succenturiation +success +successful +successfully +successfulness +succession +successional +successionally +successionist +successionless +successive +successively +successiveness +successivity +successless +successlessly +successlessness +successor +successoral +successorship +successory +succi +succin +succinamate +succinamic +succinamide +succinanil +succinate +succinct +succinctly +succinctness +succinctorium +succinctory +succincture +succinic +succiniferous +succinimide +succinite +succinoresinol +succinosulphuric +succinous +succinyl +Succisa +succise +succivorous +succor +succorable +succorer +succorful +succorless +succorrhea +succory +succotash +succourful +succourless +succous +succub +succuba +succubae +succube +succubine +succubous +succubus +succula +succulence +succulency +succulent +succulently +succulentness +succulous +succumb +succumbence +succumbency +succumbent +succumber +succursal +succuss +succussation +succussatory +succussion +succussive +such +suchlike +suchness +Suchos +suchwise +sucivilized +suck +suckable +suckabob +suckage +suckauhock +sucken +suckener +sucker +suckerel +suckerfish +suckerlike +suckfish +suckhole +sucking +suckle +suckler +suckless +suckling +suckstone +suclat +sucramine +sucrate +sucre +sucroacid +sucrose +suction +suctional +Suctoria +suctorial +suctorian +suctorious +sucupira +sucuri +sucuriu +sucuruju +sud +sudadero +sudamen +sudamina +sudaminal +Sudan +Sudanese +Sudani +Sudanian +Sudanic +sudarium +sudary +sudate +sudation +sudatorium +sudatory +Sudburian +sudburite +sudd +sudden +suddenly +suddenness +suddenty +Sudder +sudder +suddle +suddy +Sudic +sudiform +sudoral +sudoresis +sudoric +sudoriferous +sudoriferousness +sudorific +sudoriparous +sudorous +Sudra +suds +sudsman +sudsy +Sue +sue +Suecism +suede +suer +Suerre +Suessiones +suet +suety +Sueve +Suevi +Suevian +Suevic +Sufeism +suff +suffect +suffection +suffer +sufferable +sufferableness +sufferably +sufferance +sufferer +suffering +sufferingly +suffete +suffice +sufficeable +sufficer +sufficiency +sufficient +sufficiently +sufficientness +sufficing +sufficingly +sufficingness +suffiction +suffix +suffixal +suffixation +suffixion +suffixment +sufflaminate +sufflamination +sufflate +sufflation +sufflue +suffocate +suffocating +suffocatingly +suffocation +suffocative +Suffolk +suffragan +suffraganal +suffraganate +suffragancy +suffraganeous +suffragatory +suffrage +suffragette +suffragettism +suffragial +suffragism +suffragist +suffragistic +suffragistically +suffragitis +suffrago +suffrutescent +suffrutex +suffruticose +suffruticous +suffruticulose +suffumigate +suffumigation +suffusable +suffuse +suffused +suffusedly +suffusion +suffusive +Sufi +Sufiism +Sufiistic +Sufism +Sufistic +sugamo +sugan +sugar +sugarberry +sugarbird +sugarbush +sugared +sugarelly +sugarer +sugarhouse +sugariness +sugarless +sugarlike +sugarplum +sugarsweet +sugarworks +sugary +sugent +sugescent +suggest +suggestable +suggestedness +suggester +suggestibility +suggestible +suggestibleness +suggestibly +suggesting +suggestingly +suggestion +suggestionability +suggestionable +suggestionism +suggestionist +suggestionize +suggestive +suggestively +suggestiveness +suggestivity +suggestment +suggestress +suggestum +suggillate +suggillation +sugh +sugi +Sugih +suguaro +suhuaro +Sui +suicidal +suicidalism +suicidally +suicidalwise +suicide +suicidical +suicidism +suicidist +suid +Suidae +suidian +suiform +suilline +suimate +Suina +suine +suing +suingly +suint +Suiogoth +Suiogothic +Suiones +suisimilar +suist +suit +suitability +suitable +suitableness +suitably +suitcase +suite +suithold +suiting +suitor +suitoress +suitorship +suity +suji +Suk +Sukey +sukiyaki +sukkenye +Suku +Sula +Sulaba +Sulafat +Sulaib +sulbasutra +sulcal +sulcalization +sulcalize +sulcar +sulcate +sulcated +sulcation +sulcatoareolate +sulcatocostate +sulcatorimose +sulciform +sulcomarginal +sulcular +sulculate +sulculus +sulcus +suld +sulea +sulfa +sulfacid +sulfadiazine +sulfaguanidine +sulfamate +sulfamerazin +sulfamerazine +sulfamethazine +sulfamethylthiazole +sulfamic +sulfamidate +sulfamide +sulfamidic +sulfamine +sulfaminic +sulfamyl +sulfanilamide +sulfanilic +sulfanilylguanidine +sulfantimonide +sulfapyrazine +sulfapyridine +sulfaquinoxaline +sulfarsenide +sulfarsenite +sulfarseniuret +sulfarsphenamine +Sulfasuxidine +sulfatase +sulfathiazole +sulfatic +sulfatize +sulfato +sulfazide +sulfhydrate +sulfhydric +sulfhydryl +sulfindigotate +sulfindigotic +sulfindylic +sulfion +sulfionide +sulfoacid +sulfoamide +sulfobenzide +sulfobenzoate +sulfobenzoic +sulfobismuthite +sulfoborite +sulfocarbamide +sulfocarbimide +sulfocarbolate +sulfocarbolic +sulfochloride +sulfocyan +sulfocyanide +sulfofication +sulfogermanate +sulfohalite +sulfohydrate +sulfoindigotate +sulfoleic +sulfolysis +sulfomethylic +sulfonamic +sulfonamide +sulfonate +sulfonation +sulfonator +sulfonephthalein +sulfonethylmethane +sulfonic +sulfonium +sulfonmethane +sulfonyl +sulfophthalein +sulfopurpurate +sulfopurpuric +sulforicinate +sulforicinic +sulforicinoleate +sulforicinoleic +sulfoselenide +sulfosilicide +sulfostannide +sulfotelluride +sulfourea +sulfovinate +sulfovinic +sulfowolframic +sulfoxide +sulfoxism +sulfoxylate +sulfoxylic +sulfurage +sulfuran +sulfurate +sulfuration +sulfurator +sulfurea +sulfureous +sulfureously +sulfureousness +sulfuret +sulfuric +sulfurization +sulfurize +sulfurosyl +sulfurous +sulfury +sulfuryl +Sulidae +Sulides +Suliote +sulk +sulka +sulker +sulkily +sulkiness +sulky +sulkylike +sull +sulla +sullage +Sullan +sullen +sullenhearted +sullenly +sullenness +sulliable +sullow +sully +sulpha +sulphacid +sulphaldehyde +sulphamate +sulphamic +sulphamidate +sulphamide +sulphamidic +sulphamine +sulphaminic +sulphamino +sulphammonium +sulphamyl +sulphanilate +sulphanilic +sulphantimonate +sulphantimonial +sulphantimonic +sulphantimonide +sulphantimonious +sulphantimonite +sulpharsenate +sulpharseniate +sulpharsenic +sulpharsenide +sulpharsenious +sulpharsenite +sulpharseniuret +sulpharsphenamine +sulphatase +sulphate +sulphated +sulphatic +sulphation +sulphatization +sulphatize +sulphato +sulphatoacetic +sulphatocarbonic +sulphazide +sulphazotize +sulphbismuthite +sulphethylate +sulphethylic +sulphhemoglobin +sulphichthyolate +sulphidation +sulphide +sulphidic +sulphidize +sulphimide +sulphinate +sulphindigotate +sulphine +sulphinic +sulphinide +sulphinyl +sulphitation +sulphite +sulphitic +sulphmethemoglobin +sulpho +sulphoacetic +sulphoamid +sulphoamide +sulphoantimonate +sulphoantimonic +sulphoantimonious +sulphoantimonite +sulphoarsenic +sulphoarsenious +sulphoarsenite +sulphoazotize +sulphobenzide +sulphobenzoate +sulphobenzoic +sulphobismuthite +sulphoborite +sulphobutyric +sulphocarbamic +sulphocarbamide +sulphocarbanilide +sulphocarbimide +sulphocarbolate +sulphocarbolic +sulphocarbonate +sulphocarbonic +sulphochloride +sulphochromic +sulphocinnamic +sulphocyan +sulphocyanate +sulphocyanic +sulphocyanide +sulphocyanogen +sulphodichloramine +sulphofication +sulphofy +sulphogallic +sulphogel +sulphogermanate +sulphogermanic +sulphohalite +sulphohaloid +sulphohydrate +sulphoichthyolate +sulphoichthyolic +sulphoindigotate +sulphoindigotic +sulpholeate +sulpholeic +sulpholipin +sulpholysis +sulphonal +sulphonalism +sulphonamic +sulphonamide +sulphonamido +sulphonamine +sulphonaphthoic +sulphonate +sulphonated +sulphonation +sulphonator +sulphoncyanine +sulphone +sulphonephthalein +sulphonethylmethane +sulphonic +sulphonium +sulphonmethane +sulphonphthalein +sulphonyl +sulphoparaldehyde +sulphophosphate +sulphophosphite +sulphophosphoric +sulphophosphorous +sulphophthalein +sulphophthalic +sulphopropionic +sulphoproteid +sulphopupuric +sulphopurpurate +sulphoricinate +sulphoricinic +sulphoricinoleate +sulphoricinoleic +sulphosalicylic +sulphoselenide +sulphoselenium +sulphosilicide +sulphosol +sulphostannate +sulphostannic +sulphostannide +sulphostannite +sulphostannous +sulphosuccinic +sulphosulphurous +sulphotannic +sulphotelluride +sulphoterephthalic +sulphothionyl +sulphotoluic +sulphotungstate +sulphotungstic +sulphourea +sulphovanadate +sulphovinate +sulphovinic +sulphowolframic +sulphoxide +sulphoxism +sulphoxylate +sulphoxylic +sulphoxyphosphate +sulphozincate +sulphur +sulphurage +sulphuran +sulphurate +sulphuration +sulphurator +sulphurea +sulphurean +sulphureity +sulphureonitrous +sulphureosaline +sulphureosuffused +sulphureous +sulphureously +sulphureousness +sulphureovirescent +sulphuret +sulphureted +sulphuric +sulphuriferous +sulphurity +sulphurization +sulphurize +sulphurless +sulphurlike +sulphurosyl +sulphurous +sulphurously +sulphurousness +sulphurproof +sulphurweed +sulphurwort +sulphury +sulphuryl +sulphydrate +sulphydric +sulphydryl +Sulpician +sultam +sultan +sultana +sultanaship +sultanate +sultane +sultanesque +sultaness +sultanian +sultanic +sultanin +sultanism +sultanist +sultanize +sultanlike +sultanry +sultanship +sultone +sultrily +sultriness +sultry +Sulu +Suluan +sulung +sulvanite +sulvasutra +sum +sumac +Sumak +Sumass +Sumatra +sumatra +Sumatran +sumbul +sumbulic +Sumdum +Sumerian +Sumerology +Sumitro +sumless +sumlessness +summability +summable +summage +summand +summar +summarily +summariness +summarist +summarization +summarize +summarizer +summary +summate +summation +summational +summative +summatory +summed +summer +summerbird +summercastle +summerer +summerhead +summeriness +summering +summerings +summerish +summerite +summerize +summerland +summerlay +summerless +summerlike +summerliness +summerling +summerly +summerproof +summertide +summertime +summertree +summerward +summerwood +summery +summist +summit +summital +summitless +summity +summon +summonable +summoner +summoningly +summons +summula +summulist +summut +sumner +Sumo +sump +sumpage +sumper +sumph +sumphish +sumphishly +sumphishness +sumphy +sumpit +sumpitan +sumple +sumpman +sumpsimus +sumpter +sumption +sumptuary +sumptuosity +sumptuous +sumptuously +sumptuousness +sun +sunbeam +sunbeamed +sunbeamy +sunberry +sunbird +sunblink +sunbonnet +sunbonneted +sunbow +sunbreak +sunburn +sunburned +sunburnedness +sunburnproof +sunburnt +sunburntness +sunburst +suncherchor +suncup +sundae +Sundanese +Sundanesian +sundang +Sundar +Sundaresan +sundari +Sunday +Sundayfied +Sundayish +Sundayism +Sundaylike +Sundayness +Sundayproof +sundek +sunder +sunderable +sunderance +sunderer +sunderment +sunderwise +sundew +sundial +sundik +sundog +sundown +sundowner +sundowning +sundra +sundri +sundries +sundriesman +sundrily +sundriness +sundrops +sundry +sundryman +sune +sunfall +sunfast +sunfish +sunfisher +sunfishery +sunflower +Sung +sung +sungha +sunglade +sunglass +sunglo +sunglow +Sunil +sunk +sunken +sunket +sunkland +sunlamp +sunland +sunless +sunlessly +sunlessness +sunlet +sunlight +sunlighted +sunlike +sunlit +sunn +Sunna +Sunni +Sunniah +sunnily +sunniness +Sunnism +Sunnite +sunnud +sunny +sunnyhearted +sunnyheartedness +sunproof +sunquake +sunray +sunrise +sunrising +sunroom +sunscald +sunset +sunsetting +sunsetty +sunshade +sunshine +sunshineless +sunshining +sunshiny +sunsmit +sunsmitten +sunspot +sunspotted +sunspottedness +sunspottery +sunspotty +sunsquall +sunstone +sunstricken +sunstroke +sunt +sunup +sunward +sunwards +sunway +sunways +sunweed +sunwise +sunyie +Suomi +Suomic +suovetaurilia +sup +supa +Supai +supari +supawn +supe +supellex +super +superabduction +superabhor +superability +superable +superableness +superably +superabnormal +superabominable +superabomination +superabound +superabstract +superabsurd +superabundance +superabundancy +superabundant +superabundantly +superaccession +superaccessory +superaccommodating +superaccomplished +superaccrue +superaccumulate +superaccumulation +superaccurate +superacetate +superachievement +superacid +superacidulated +superacknowledgment +superacquisition +superacromial +superactive +superactivity +superacute +superadaptable +superadd +superaddition +superadditional +superadequate +superadequately +superadjacent +superadministration +superadmirable +superadmiration +superadorn +superadornment +superaerial +superaesthetical +superaffiliation +superaffiuence +superagency +superaggravation +superagitation +superagrarian +superalbal +superalbuminosis +superalimentation +superalkaline +superalkalinity +superallowance +superaltar +superaltern +superambitious +superambulacral +superanal +superangelic +superangelical +superanimal +superannuate +superannuation +superannuitant +superannuity +superapology +superappreciation +superaqueous +superarbiter +superarbitrary +superarctic +superarduous +superarrogant +superarseniate +superartificial +superartificially +superaspiration +superassertion +superassociate +superassume +superastonish +superastonishment +superattachment +superattainable +superattendant +superattraction +superattractive +superauditor +superaural +superaverage +superavit +superaward +superaxillary +superazotation +superb +superbelief +superbeloved +superbenefit +superbenevolent +superbenign +superbias +superbious +superbity +superblessed +superblunder +superbly +superbness +superbold +superborrow +superbrain +superbrave +superbrute +superbuild +superbungalow +superbusy +supercabinet +supercalender +supercallosal +supercandid +supercanine +supercanonical +supercanonization +supercanopy +supercapable +supercaption +supercarbonate +supercarbonization +supercarbonize +supercarbureted +supercargo +supercargoship +supercarpal +supercatastrophe +supercatholic +supercausal +supercaution +supercelestial +supercensure +supercentral +supercentrifuge +supercerebellar +supercerebral +superceremonious +supercharge +supercharged +supercharger +superchemical +superchivalrous +superciliary +superciliosity +supercilious +superciliously +superciliousness +supercilium +supercivil +supercivilization +supercivilized +superclaim +superclass +superclassified +supercloth +supercoincidence +supercolossal +supercolumnar +supercolumniation +supercombination +supercombing +supercommendation +supercommentary +supercommentator +supercommercial +supercompetition +supercomplete +supercomplex +supercomprehension +supercompression +superconception +superconductive +superconductivity +superconductor +superconfident +superconfirmation +superconformable +superconformist +superconformity +superconfusion +supercongestion +superconscious +superconsciousness +superconsecrated +superconsequency +superconservative +superconstitutional +supercontest +supercontribution +supercontrol +supercool +supercordial +supercorporation +supercow +supercredit +supercrescence +supercrescent +supercrime +supercritic +supercritical +supercrowned +supercrust +supercube +supercultivated +supercurious +supercycle +supercynical +superdainty +superdanger +superdebt +superdeclamatory +superdecoration +superdeficit +superdeity +superdejection +superdelegate +superdelicate +superdemand +superdemocratic +superdemonic +superdemonstration +superdensity +superdeposit +superdesirous +superdevelopment +superdevilish +superdevotion +superdiabolical +superdiabolically +superdicrotic +superdifficult +superdiplomacy +superdirection +superdiscount +superdistention +superdistribution +superdividend +superdivine +superdivision +superdoctor +superdominant +superdomineering +superdonation +superdose +superdramatist +superdreadnought +superdubious +superduplication +superdural +superdying +superearthly +supereconomy +superedification +superedify +supereducation +supereffective +supereffluence +supereffluently +superego +superelaborate +superelastic +superelated +superelegance +superelementary +superelevated +superelevation +supereligible +supereloquent +supereminence +supereminency +supereminent +supereminently +superemphasis +superemphasize +superendorse +superendorsement +superendow +superenergetic +superenforcement +superengrave +superenrollment +superepic +superepoch +superequivalent +supererogant +supererogantly +supererogate +supererogation +supererogative +supererogator +supererogatorily +supererogatory +superespecial +superessential +superessentially +superestablish +superestablishment +supereternity +superether +superethical +superethmoidal +superevangelical +superevident +superexacting +superexalt +superexaltation +superexaminer +superexceed +superexceeding +superexcellence +superexcellency +superexcellent +superexcellently +superexceptional +superexcitation +superexcited +superexcitement +superexcrescence +superexert +superexertion +superexiguity +superexist +superexistent +superexpand +superexpansion +superexpectation +superexpenditure +superexplicit +superexport +superexpressive +superexquisite +superexquisitely +superexquisiteness +superextend +superextension +superextol +superextreme +superfamily +superfantastic +superfarm +superfat +superfecundation +superfecundity +superfee +superfeminine +superfervent +superfetate +superfetation +superfeudation +superfibrination +superficial +superficialism +superficialist +superficiality +superficialize +superficially +superficialness +superficiary +superficies +superfidel +superfinance +superfine +superfinical +superfinish +superfinite +superfissure +superfit +superfix +superfleet +superflexion +superfluent +superfluid +superfluitance +superfluity +superfluous +superfluously +superfluousness +superflux +superfoliaceous +superfoliation +superfolly +superformal +superformation +superformidable +superfortunate +superfriendly +superfrontal +superfructified +superfulfill +superfulfillment +superfunction +superfunctional +superfuse +superfusibility +superfusible +superfusion +supergaiety +supergallant +supergene +supergeneric +supergenerosity +supergenerous +supergenual +supergiant +superglacial +superglorious +superglottal +supergoddess +supergoodness +supergovern +supergovernment +supergraduate +supergrant +supergratification +supergratify +supergravitate +supergravitation +superguarantee +supergun +superhandsome +superhearty +superheat +superheater +superheresy +superhero +superheroic +superhet +superheterodyne +superhighway +superhirudine +superhistoric +superhistorical +superhive +superhuman +superhumanity +superhumanize +superhumanly +superhumanness +superhumeral +superhypocrite +superideal +superignorant +superillustrate +superillustration +superimpend +superimpending +superimpersonal +superimply +superimportant +superimposable +superimpose +superimposed +superimposition +superimposure +superimpregnated +superimpregnation +superimprobable +superimproved +superincentive +superinclination +superinclusive +superincomprehensible +superincrease +superincumbence +superincumbency +superincumbent +superincumbently +superindependent +superindiction +superindifference +superindifferent +superindignant +superindividual +superindividualism +superindividualist +superinduce +superinducement +superinduct +superinduction +superindulgence +superindulgent +superindustrious +superindustry +superinenarrable +superinfection +superinfer +superinference +superinfeudation +superinfinite +superinfinitely +superinfirmity +superinfluence +superinformal +superinfuse +superinfusion +superingenious +superingenuity +superinitiative +superinjustice +superinnocent +superinquisitive +superinsaniated +superinscription +superinsist +superinsistence +superinsistent +superinstitute +superinstitution +superintellectual +superintend +superintendence +superintendency +superintendent +superintendential +superintendentship +superintender +superintense +superintolerable +superinundation +superior +superioress +superiority +superiorly +superiorness +superiorship +superirritability +superius +superjacent +superjudicial +superjurisdiction +superjustification +superknowledge +superlabial +superlaborious +superlactation +superlapsarian +superlaryngeal +superlation +superlative +superlatively +superlativeness +superlenient +superlie +superlikelihood +superline +superlocal +superlogical +superloyal +superlucky +superlunary +superlunatical +superluxurious +supermagnificent +supermagnificently +supermalate +superman +supermanhood +supermanifest +supermanism +supermanliness +supermanly +supermannish +supermarginal +supermarine +supermarket +supermarvelous +supermasculine +supermaterial +supermathematical +supermaxilla +supermaxillary +supermechanical +supermedial +supermedicine +supermediocre +supermental +supermentality +supermetropolitan +supermilitary +supermishap +supermixture +supermodest +supermoisten +supermolten +supermoral +supermorose +supermunicipal +supermuscan +supermystery +supernacular +supernaculum +supernal +supernalize +supernally +supernatant +supernatation +supernation +supernational +supernationalism +supernatural +supernaturaldom +supernaturalism +supernaturalist +supernaturality +supernaturalize +supernaturally +supernaturalness +supernature +supernecessity +supernegligent +supernormal +supernormally +supernormalness +supernotable +supernova +supernumeral +supernumerariness +supernumerary +supernumeraryship +supernumerous +supernutrition +superoanterior +superobedience +superobedient +superobese +superobject +superobjection +superobjectionable +superobligation +superobstinate +superoccipital +superoctave +superocular +superodorsal +superoexternal +superoffensive +superofficious +superofficiousness +superofrontal +superointernal +superolateral +superomedial +superoposterior +superopposition +superoptimal +superoptimist +superoratorical +superorbital +superordain +superorder +superordinal +superordinary +superordinate +superordination +superorganic +superorganism +superorganization +superorganize +superornament +superornamental +superosculate +superoutput +superoxalate +superoxide +superoxygenate +superoxygenation +superparamount +superparasite +superparasitic +superparasitism +superparliamentary +superpassage +superpatient +superpatriotic +superpatriotism +superperfect +superperfection +superperson +superpersonal +superpersonalism +superpetrosal +superphlogisticate +superphlogistication +superphosphate +superphysical +superpigmentation +superpious +superplausible +superplease +superplus +superpolite +superpolitic +superponderance +superponderancy +superponderant +superpopulation +superposable +superpose +superposed +superposition +superpositive +superpower +superpowered +superpraise +superprecarious +superprecise +superprelatical +superpreparation +superprinting +superprobability +superproduce +superproduction +superproportion +superprosperous +superpublicity +superpure +superpurgation +superquadrupetal +superqualify +superquote +superradical +superrational +superrationally +superreaction +superrealism +superrealist +superrefine +superrefined +superrefinement +superreflection +superreform +superreformation +superregal +superregeneration +superregenerative +superregistration +superregulation +superreliance +superremuneration +superrenal +superrequirement +superrespectable +superresponsible +superrestriction +superreward +superrheumatized +superrighteous +superromantic +superroyal +supersacerdotal +supersacral +supersacred +supersacrifice +supersafe +supersagacious +supersaint +supersaintly +supersalesman +supersaliency +supersalient +supersalt +supersanction +supersanguine +supersanity +supersarcastic +supersatisfaction +supersatisfy +supersaturate +supersaturation +superscandal +superscholarly +superscientific +superscribe +superscript +superscription +superscrive +superseaman +supersecret +supersecretion +supersecular +supersecure +supersedable +supersede +supersedeas +supersedence +superseder +supersedure +superselect +superseminate +supersemination +superseminator +supersensible +supersensibly +supersensitive +supersensitiveness +supersensitization +supersensory +supersensual +supersensualism +supersensualist +supersensualistic +supersensuality +supersensually +supersensuous +supersensuousness +supersentimental +superseptal +superseptuaginarian +superseraphical +superserious +superservice +superserviceable +superserviceableness +superserviceably +supersesquitertial +supersession +supersessive +supersevere +supershipment +supersignificant +supersilent +supersimplicity +supersimplify +supersincerity +supersingular +supersistent +supersize +supersmart +supersocial +supersoil +supersolar +supersolemn +supersolemness +supersolemnity +supersolemnly +supersolicit +supersolicitation +supersolid +supersonant +supersonic +supersovereign +supersovereignty +superspecialize +superspecies +superspecification +supersphenoid +supersphenoidal +superspinous +superspiritual +superspirituality +supersquamosal +superstage +superstamp +superstandard +superstate +superstatesman +superstimulate +superstimulation +superstition +superstitionist +superstitionless +superstitious +superstitiously +superstitiousness +superstoical +superstrain +superstrata +superstratum +superstrenuous +superstrict +superstrong +superstruct +superstruction +superstructor +superstructory +superstructural +superstructure +superstuff +superstylish +supersublimated +supersuborder +supersubsist +supersubstantial +supersubstantiality +supersubstantiate +supersubtilized +supersubtle +supersufficiency +supersufficient +supersulcus +supersulphate +supersulphuret +supersulphureted +supersulphurize +supersuperabundance +supersuperabundant +supersuperabundantly +supersuperb +supersuperior +supersupremacy +supersupreme +supersurprise +supersuspicious +supersweet +supersympathy +supersyndicate +supersystem +supertare +supertartrate +supertax +supertaxation +supertemporal +supertempt +supertemptation +supertension +superterranean +superterraneous +superterrene +superterrestrial +superthankful +superthorough +superthyroidism +supertoleration +supertonic +supertotal +supertower +supertragic +supertragical +supertrain +supertramp +supertranscendent +supertranscendently +supertreason +supertrivial +supertuchun +supertunic +supertutelary +superugly +superultrafrostified +superunfit +superunit +superunity +superuniversal +superuniverse +superurgent +supervalue +supervast +supervene +supervenience +supervenient +supervenosity +supervention +supervestment +supervexation +supervictorious +supervigilant +supervigorous +supervirulent +supervisal +supervisance +supervise +supervision +supervisionary +supervisive +supervisor +supervisorial +supervisorship +supervisory +supervisual +supervisure +supervital +supervive +supervolition +supervoluminous +supervolute +superwager +superwealthy +superweening +superwise +superwoman +superworldly +superwrought +superyacht +superzealous +supinate +supination +supinator +supine +supinely +supineness +suppedaneum +supper +suppering +supperless +suppertime +supperwards +supping +supplace +supplant +supplantation +supplanter +supplantment +supple +supplejack +supplely +supplement +supplemental +supplementally +supplementarily +supplementary +supplementation +supplementer +suppleness +suppletion +suppletive +suppletively +suppletorily +suppletory +suppliable +supplial +suppliance +suppliancy +suppliant +suppliantly +suppliantness +supplicancy +supplicant +supplicantly +supplicat +supplicate +supplicating +supplicatingly +supplication +supplicationer +supplicative +supplicator +supplicatory +supplicavit +supplice +supplier +suppling +supply +support +supportability +supportable +supportableness +supportably +supportance +supporter +supportful +supporting +supportingly +supportive +supportless +supportlessly +supportress +supposable +supposableness +supposably +supposal +suppose +supposed +supposedly +supposer +supposing +supposition +suppositional +suppositionally +suppositionary +suppositionless +suppositious +supposititious +supposititiously +supposititiousness +suppositive +suppositively +suppository +suppositum +suppost +suppress +suppressal +suppressed +suppressedly +suppresser +suppressible +suppression +suppressionist +suppressive +suppressively +suppressor +supprise +suppurant +suppurate +suppuration +suppurative +suppuratory +suprabasidorsal +suprabranchial +suprabuccal +supracaecal +supracargo +supracaudal +supracensorious +supracentenarian +suprachorioid +suprachorioidal +suprachorioidea +suprachoroid +suprachoroidal +suprachoroidea +supraciliary +supraclavicle +supraclavicular +supraclusion +supracommissure +supraconduction +supraconductor +supracondylar +supracondyloid +supraconscious +supraconsciousness +supracoralline +supracostal +supracoxal +supracranial +supracretaceous +supradecompound +supradental +supradorsal +supradural +suprafeminine +suprafine +suprafoliaceous +suprafoliar +supraglacial +supraglenoid +supraglottic +supragovernmental +suprahepatic +suprahistorical +suprahuman +suprahumanity +suprahyoid +suprailiac +suprailium +supraintellectual +suprainterdorsal +suprajural +supralabial +supralapsarian +supralapsarianism +supralateral +supralegal +supraliminal +supraliminally +supralineal +supralinear +supralocal +supralocally +supraloral +supralunar +supralunary +supramammary +supramarginal +supramarine +supramastoid +supramaxilla +supramaxillary +supramaximal +suprameatal +supramechanical +supramedial +supramental +supramolecular +supramoral +supramortal +supramundane +supranasal +supranational +supranatural +supranaturalism +supranaturalist +supranaturalistic +supranature +supranervian +supraneural +supranormal +supranuclear +supraoccipital +supraocclusion +supraocular +supraoesophagal +supraoesophageal +supraoptimal +supraoptional +supraoral +supraorbital +supraorbitar +supraordinary +supraordinate +supraordination +suprapapillary +suprapedal +suprapharyngeal +supraposition +supraprotest +suprapubian +suprapubic +suprapygal +supraquantivalence +supraquantivalent +suprarational +suprarationalism +suprarationality +suprarenal +suprarenalectomize +suprarenalectomy +suprarenalin +suprarenine +suprarimal +suprasaturate +suprascapula +suprascapular +suprascapulary +suprascript +suprasegmental +suprasensible +suprasensitive +suprasensual +suprasensuous +supraseptal +suprasolar +suprasoriferous +suprasphanoidal +supraspinal +supraspinate +supraspinatus +supraspinous +suprasquamosal +suprastandard +suprastapedial +suprastate +suprasternal +suprastigmal +suprasubtle +supratemporal +supraterraneous +supraterrestrial +suprathoracic +supratonsillar +supratrochlear +supratropical +supratympanic +supravaginal +supraventricular +supraversion +supravital +supraworld +supremacy +suprematism +supreme +supremely +supremeness +supremity +sur +sura +suraddition +surah +surahi +sural +suralimentation +suranal +surangular +surat +surbase +surbased +surbasement +surbate +surbater +surbed +surcease +surcharge +surcharger +surcingle +surcoat +surcrue +surculi +surculigerous +surculose +surculous +surculus +surd +surdation +surdeline +surdent +surdimutism +surdity +surdomute +sure +surely +sureness +sures +Suresh +surette +surety +suretyship +surexcitation +surf +surface +surfaced +surfacedly +surfaceless +surfacely +surfaceman +surfacer +surfacing +surfactant +surfacy +surfbird +surfboard +surfboarding +surfboat +surfboatman +surfeit +surfeiter +surfer +surficial +surfle +surflike +surfman +surfmanship +surfrappe +surfuse +surfusion +surfy +surge +surgeful +surgeless +surgent +surgeon +surgeoncy +surgeoness +surgeonfish +surgeonless +surgeonship +surgeproof +surgerize +surgery +surgical +surgically +surginess +surging +surgy +Suriana +Surianaceae +Suricata +suricate +suriga +Surinam +surinamine +surlily +surliness +surly +surma +surmark +surmaster +surmisable +surmisal +surmisant +surmise +surmised +surmisedly +surmiser +surmount +surmountable +surmountableness +surmountal +surmounted +surmounter +surmullet +surname +surnamer +surnap +surnay +surnominal +surpass +surpassable +surpasser +surpassing +surpassingly +surpassingness +surpeopled +surplice +surpliced +surplicewise +surplician +surplus +surplusage +surpreciation +surprint +surprisable +surprisal +surprise +surprisedly +surprisement +surpriseproof +surpriser +surprising +surprisingly +surprisingness +surquedry +surquidry +surquidy +surra +surrealism +surrealist +surrealistic +surrealistically +surrebound +surrebut +surrebuttal +surrebutter +surrection +surrejoin +surrejoinder +surrenal +surrender +surrenderee +surrenderer +surrenderor +surreption +surreptitious +surreptitiously +surreptitiousness +surreverence +surreverently +surrey +surrogacy +surrogate +surrogateship +surrogation +surrosion +surround +surrounded +surroundedly +surrounder +surrounding +surroundings +sursaturation +sursolid +sursumduction +sursumvergence +sursumversion +surtax +surtout +surturbrand +surveillance +surveillant +survey +surveyable +surveyage +surveyal +surveyance +surveying +surveyor +surveyorship +survigrous +survivability +survivable +survival +survivalism +survivalist +survivance +survivancy +survive +surviver +surviving +survivor +survivoress +survivorship +Surya +Sus +Susan +Susanchite +Susanna +Susanne +susannite +suscept +susceptance +susceptibility +susceptible +susceptibleness +susceptibly +susception +susceptive +susceptiveness +susceptivity +susceptor +suscitate +suscitation +susi +Susian +Susianian +Susie +suslik +susotoxin +suspect +suspectable +suspected +suspectedness +suspecter +suspectful +suspectfulness +suspectible +suspectless +suspector +suspend +suspended +suspender +suspenderless +suspenders +suspendibility +suspendible +suspensation +suspense +suspenseful +suspensely +suspensibility +suspensible +suspension +suspensive +suspensively +suspensiveness +suspensoid +suspensor +suspensorial +suspensorium +suspensory +suspercollate +suspicion +suspicionable +suspicional +suspicionful +suspicionless +suspicious +suspiciously +suspiciousness +suspiration +suspiratious +suspirative +suspire +suspirious +Susquehanna +Sussex +sussexite +Sussexman +sussultatory +sussultorial +sustain +sustainable +sustained +sustainer +sustaining +sustainingly +sustainment +sustanedly +sustenance +sustenanceless +sustentacula +sustentacular +sustentaculum +sustentation +sustentational +sustentative +sustentator +sustention +sustentive +sustentor +Susu +susu +Susuhunan +Susuidae +Susumu +susurr +susurrant +susurrate +susurration +susurringly +susurrous +susurrus +Sutaio +suterbery +suther +Sutherlandia +sutile +sutler +sutlerage +sutleress +sutlership +sutlery +Suto +sutor +sutorial +sutorian +sutorious +sutra +Suttapitaka +suttee +sutteeism +sutten +suttin +suttle +Sutu +sutural +suturally +suturation +suture +Suu +suum +Suwandi +suwarro +suwe +Suyog +suz +Suzan +Suzanne +suzerain +suzeraine +suzerainship +suzerainty +Suzy +Svan +Svanetian +Svanish +Svante +Svantovit +svarabhakti +svarabhaktic +Svarloka +svelte +Svetambara +sviatonosite +swa +Swab +swab +swabber +swabberly +swabble +Swabian +swack +swacken +swacking +swad +swaddle +swaddlebill +swaddler +swaddling +swaddy +Swadeshi +Swadeshism +swag +swagbellied +swagbelly +swage +swager +swagger +swaggerer +swaggering +swaggeringly +swaggie +swaggy +swaglike +swagman +swagsman +Swahilese +Swahili +Swahilian +Swahilize +swaimous +swain +swainish +swainishness +swainship +Swainsona +swainsona +swaird +swale +swaler +swaling +swalingly +swallet +swallo +swallow +swallowable +swallower +swallowlike +swallowling +swallowpipe +swallowtail +swallowwort +swam +swami +swamp +swampable +swampberry +swamper +swampish +swampishness +swampland +swampside +swampweed +swampwood +swampy +Swamy +swan +swandown +swanflower +swang +swangy +swanherd +swanhood +swanimote +swank +swanker +swankily +swankiness +swanking +swanky +swanlike +swanmark +swanmarker +swanmarking +swanneck +swannecked +swanner +swannery +swannish +swanny +swanskin +Swantevit +swanweed +swanwort +swap +swape +swapper +swapping +swaraj +swarajism +swarajist +swarbie +sward +swardy +sware +swarf +swarfer +swarm +swarmer +swarming +swarmy +swarry +swart +swartback +swarth +swarthily +swarthiness +swarthness +swarthy +swartish +swartly +swartness +swartrutter +swartrutting +swarty +Swartzbois +Swartzia +swarve +swash +swashbuckle +swashbuckler +swashbucklerdom +swashbucklering +swashbucklery +swashbuckling +swasher +swashing +swashway +swashwork +swashy +swastika +swastikaed +Swat +swat +swatch +Swatchel +swatcher +swatchway +swath +swathable +swathband +swathe +swatheable +swather +swathy +Swati +Swatow +swatter +swattle +swaver +sway +swayable +swayed +swayer +swayful +swaying +swayingly +swayless +Swazi +Swaziland +sweal +sweamish +swear +swearer +swearingly +swearword +sweat +sweatband +sweatbox +sweated +sweater +sweatful +sweath +sweatily +sweatiness +sweating +sweatless +sweatproof +sweatshop +sweatweed +sweaty +Swede +Swedenborgian +Swedenborgianism +Swedenborgism +swedge +Swedish +sweeny +sweep +sweepable +sweepage +sweepback +sweepboard +sweepdom +sweeper +sweeperess +sweepforward +sweeping +sweepingly +sweepingness +sweepings +sweepstake +sweepwasher +sweepwashings +sweepy +sweer +sweered +sweet +sweetberry +sweetbread +sweetbrier +sweetbriery +sweeten +sweetener +sweetening +sweetfish +sweetful +sweetheart +sweetheartdom +sweethearted +sweetheartedness +sweethearting +sweetheartship +sweetie +sweeting +sweetish +sweetishly +sweetishness +sweetleaf +sweetless +sweetlike +sweetling +sweetly +sweetmaker +sweetmeat +sweetmouthed +sweetness +sweetroot +sweetshop +sweetsome +sweetsop +sweetwater +sweetweed +sweetwood +sweetwort +sweety +swego +swelchie +swell +swellage +swelldom +swelldoodle +swelled +sweller +swellfish +swelling +swellish +swellishness +swellmobsman +swellness +swelltoad +swelly +swelp +swelt +swelter +sweltering +swelteringly +swelth +sweltry +swelty +swep +swept +swerd +Swertia +swerve +swerveless +swerver +swervily +swick +swidge +Swietenia +swift +swiften +swifter +swiftfoot +swiftlet +swiftlike +swiftness +swifty +swig +swigger +swiggle +swile +swill +swillbowl +swiller +swilltub +swim +swimmable +swimmer +swimmeret +swimmily +swimminess +swimming +swimmingly +swimmingness +swimmist +swimmy +swimsuit +swimy +Swinburnesque +Swinburnian +swindle +swindleable +swindledom +swindler +swindlership +swindlery +swindling +swindlingly +swine +swinebread +swinecote +swinehead +swineherd +swineherdship +swinehood +swinehull +swinelike +swinely +swinepipe +swinery +swinestone +swinesty +swiney +swing +swingable +swingback +swingdevil +swingdingle +swinge +swingeing +swinger +swinging +swingingly +Swingism +swingle +swinglebar +swingletail +swingletree +swingstock +swingtree +swingy +swinish +swinishly +swinishness +swink +swinney +swipe +swiper +swipes +swiple +swipper +swipy +swird +swire +swirl +swirlingly +swirly +swirring +swish +swisher +swishing +swishingly +swishy +Swiss +swiss +Swissess +swissing +switch +switchback +switchbacker +switchboard +switched +switchel +switcher +switchgear +switching +switchkeeper +switchlike +switchman +switchy +switchyard +swith +swithe +swithen +swither +Swithin +Switzer +Switzeress +swivel +swiveled +swiveleye +swiveleyed +swivellike +swivet +swivetty +swiz +swizzle +swizzler +swob +swollen +swollenly +swollenness +swom +swonken +swoon +swooned +swooning +swooningly +swoony +swoop +swooper +swoosh +sword +swordbill +swordcraft +swordfish +swordfisherman +swordfishery +swordfishing +swordick +swording +swordless +swordlet +swordlike +swordmaker +swordmaking +swordman +swordmanship +swordplay +swordplayer +swordproof +swordsman +swordsmanship +swordsmith +swordster +swordstick +swordswoman +swordtail +swordweed +swore +sworn +swosh +swot +swotter +swounds +swow +swum +swung +swungen +swure +syagush +sybarism +sybarist +Sybarital +Sybaritan +Sybarite +Sybaritic +Sybaritical +Sybaritically +Sybaritish +sybaritism +Sybil +sybotic +sybotism +sycamine +sycamore +syce +sycee +sychnocarpous +sycock +sycoma +sycomancy +Sycon +Syconaria +syconarian +syconate +Sycones +syconid +Syconidae +syconium +syconoid +syconus +sycophancy +sycophant +sycophantic +sycophantical +sycophantically +sycophantish +sycophantishly +sycophantism +sycophantize +sycophantry +sycosiform +sycosis +Syd +Sydneian +Sydneyite +sye +Syed +syenite +syenitic +syenodiorite +syenogabbro +sylid +syllab +syllabarium +syllabary +syllabatim +syllabation +syllabe +syllabi +syllabic +syllabical +syllabically +syllabicate +syllabication +syllabicness +syllabification +syllabify +syllabism +syllabize +syllable +syllabled +syllabus +syllepsis +sylleptic +sylleptical +sylleptically +Syllidae +syllidian +Syllis +sylloge +syllogism +syllogist +syllogistic +syllogistical +syllogistically +syllogistics +syllogization +syllogize +syllogizer +sylph +sylphic +sylphid +sylphidine +sylphish +sylphize +sylphlike +Sylphon +sylphy +sylva +sylvae +sylvage +Sylvan +sylvan +sylvanesque +sylvanite +sylvanitic +sylvanity +sylvanize +sylvanly +sylvanry +sylvate +sylvatic +Sylvester +sylvester +sylvestral +sylvestrene +Sylvestrian +sylvestrian +Sylvestrine +Sylvia +Sylvian +sylvic +Sylvicolidae +sylvicoline +Sylviidae +Sylviinae +sylviine +sylvine +sylvinite +sylvite +symbasic +symbasical +symbasically +symbasis +symbiogenesis +symbiogenetic +symbiogenetically +symbion +symbiont +symbiontic +symbionticism +symbiosis +symbiot +symbiote +symbiotic +symbiotically +symbiotics +symbiotism +symbiotrophic +symblepharon +symbol +symbolaeography +symbolater +symbolatrous +symbolatry +symbolic +symbolical +symbolically +symbolicalness +symbolicly +symbolics +symbolism +symbolist +symbolistic +symbolistical +symbolistically +symbolization +symbolize +symbolizer +symbolofideism +symbological +symbologist +symbolography +symbology +symbololatry +symbolology +symbolry +symbouleutic +symbranch +Symbranchia +symbranchiate +symbranchoid +symbranchous +symmachy +symmedian +symmelia +symmelian +symmelus +symmetalism +symmetral +symmetric +symmetrical +symmetricality +symmetrically +symmetricalness +symmetrist +symmetrization +symmetrize +symmetroid +symmetrophobia +symmetry +symmorphic +symmorphism +sympalmograph +sympathectomize +sympathectomy +sympathetectomy +sympathetic +sympathetical +sympathetically +sympatheticism +sympatheticity +sympatheticness +sympatheticotonia +sympatheticotonic +sympathetoblast +sympathicoblast +sympathicotonia +sympathicotonic +sympathicotripsy +sympathism +sympathist +sympathize +sympathizer +sympathizing +sympathizingly +sympathoblast +sympatholysis +sympatholytic +sympathomimetic +sympathy +sympatric +sympatry +Sympetalae +sympetalous +Symphalangus +symphenomena +symphenomenal +symphile +symphilic +symphilism +symphilous +symphily +symphogenous +symphonetic +symphonia +symphonic +symphonically +symphonion +symphonious +symphoniously +symphonist +symphonize +symphonous +symphony +Symphoricarpos +symphoricarpous +symphrase +symphronistic +symphyantherous +symphycarpous +Symphyla +symphylan +symphyllous +symphylous +symphynote +symphyogenesis +symphyogenetic +symphyostemonous +symphyseal +symphyseotomy +symphysial +symphysian +symphysic +symphysion +symphysiotomy +symphysis +symphysodactylia +symphysotomy +symphysy +Symphyta +symphytic +symphytically +symphytism +symphytize +Symphytum +sympiesometer +symplasm +symplectic +Symplegades +symplesite +Symplocaceae +symplocaceous +Symplocarpus +symploce +Symplocos +sympode +sympodia +sympodial +sympodially +sympodium +sympolity +symposia +symposiac +symposiacal +symposial +symposiarch +symposiast +symposiastic +symposion +symposium +symptom +symptomatic +symptomatical +symptomatically +symptomatics +symptomatize +symptomatography +symptomatological +symptomatologically +symptomatology +symptomical +symptomize +symptomless +symptosis +symtomology +synacme +synacmic +synacmy +synactic +synadelphite +synaeresis +synagogal +synagogian +synagogical +synagogism +synagogist +synagogue +synalgia +synalgic +synallactic +synallagmatic +synaloepha +synanastomosis +synange +synangia +synangial +synangic +synangium +synanthema +synantherological +synantherologist +synantherology +synantherous +synanthesis +synanthetic +synanthic +synanthous +synanthrose +synanthy +synaphea +synaposematic +synapse +synapses +Synapsida +synapsidan +synapsis +synaptai +synaptase +synapte +synaptene +Synaptera +synapterous +synaptic +synaptical +synaptically +synapticula +synapticulae +synapticular +synapticulate +synapticulum +Synaptosauria +synaptychus +synarchical +synarchism +synarchy +synarmogoid +Synarmogoidea +synarquism +synartesis +synartete +synartetic +synarthrodia +synarthrodial +synarthrodially +synarthrosis +Synascidiae +synascidian +synastry +synaxar +synaxarion +synaxarist +synaxarium +synaxary +synaxis +sync +Syncarida +syncarp +syncarpia +syncarpium +syncarpous +syncarpy +syncategorematic +syncategorematical +syncategorematically +syncategoreme +syncephalic +syncephalus +syncerebral +syncerebrum +synch +synchitic +synchondoses +synchondrosial +synchondrosially +synchondrosis +synchondrotomy +synchoresis +synchro +synchroflash +synchromesh +synchronal +synchrone +synchronic +synchronical +synchronically +synchronism +synchronistic +synchronistical +synchronistically +synchronizable +synchronization +synchronize +synchronized +synchronizer +synchronograph +synchronological +synchronology +synchronous +synchronously +synchronousness +synchrony +synchroscope +synchrotron +synchysis +Synchytriaceae +Synchytrium +syncladous +synclastic +synclinal +synclinally +syncline +synclinical +synclinore +synclinorial +synclinorian +synclinorium +synclitic +syncliticism +synclitism +syncoelom +syncopal +syncopate +syncopated +syncopation +syncopator +syncope +syncopic +syncopism +syncopist +syncopize +syncotyledonous +syncracy +syncraniate +syncranterian +syncranteric +syncrasy +syncretic +syncretical +syncreticism +syncretion +syncretism +syncretist +syncretistic +syncretistical +syncretize +syncrisis +Syncrypta +syncryptic +syncytia +syncytial +syncytioma +syncytiomata +syncytium +syndactyl +syndactylia +syndactylic +syndactylism +syndactylous +syndactyly +syndectomy +synderesis +syndesis +syndesmectopia +syndesmitis +syndesmography +syndesmology +syndesmoma +Syndesmon +syndesmoplasty +syndesmorrhaphy +syndesmosis +syndesmotic +syndesmotomy +syndetic +syndetical +syndetically +syndic +syndical +syndicalism +syndicalist +syndicalistic +syndicalize +syndicate +syndicateer +syndication +syndicator +syndicship +syndoc +syndrome +syndromic +syndyasmian +Syndyoceras +syne +synecdoche +synecdochic +synecdochical +synecdochically +synecdochism +synechia +synechiological +synechiology +synechological +synechology +synechotomy +synechthran +synechthry +synecology +synecphonesis +synectic +synecticity +Synedra +synedral +Synedria +synedria +synedrial +synedrian +Synedrion +synedrion +Synedrium +synedrium +synedrous +syneidesis +synema +synemmenon +synenergistic +synenergistical +synenergistically +synentognath +Synentognathi +synentognathous +syneresis +synergastic +synergetic +synergia +synergic +synergically +synergid +synergidae +synergidal +synergism +synergist +synergistic +synergistical +synergistically +synergize +synergy +synerize +synesis +synesthesia +synesthetic +synethnic +syngamic +syngamous +syngamy +Syngenesia +syngenesian +syngenesious +syngenesis +syngenetic +syngenic +syngenism +syngenite +Syngnatha +Syngnathi +syngnathid +Syngnathidae +syngnathoid +syngnathous +Syngnathus +syngraph +synizesis +synkaryon +synkatathesis +synkinesia +synkinesis +synkinetic +synneurosis +synneusis +synochoid +synochus +synocreate +synod +synodal +synodalian +synodalist +synodally +synodical +synodically +synodist +synodite +synodontid +Synodontidae +synodontoid +synodsman +Synodus +synoecete +synoeciosis +synoecious +synoeciously +synoeciousness +synoecism +synoecize +synoecy +synoicous +synomosy +synonym +synonymatic +synonymic +synonymical +synonymicon +synonymics +synonymist +synonymity +synonymize +synonymous +synonymously +synonymousness +synonymy +synophthalmus +synopses +synopsis +synopsize +synopsy +synoptic +synoptical +synoptically +Synoptist +synoptist +Synoptistic +synorchidism +synorchism +synorthographic +synosteology +synosteosis +synostose +synostosis +synostotic +synostotical +synostotically +synousiacs +synovectomy +synovia +synovial +synovially +synoviparous +synovitic +synovitis +synpelmous +synrhabdosome +synsacral +synsacrum +synsepalous +synspermous +synsporous +syntactic +syntactical +syntactically +syntactician +syntactics +syntagma +syntan +syntasis +syntax +syntaxis +syntaxist +syntechnic +syntectic +syntelome +syntenosis +synteresis +syntexis +syntheme +synthermal +syntheses +synthesis +synthesism +synthesist +synthesization +synthesize +synthesizer +synthete +synthetic +synthetical +synthetically +syntheticism +synthetism +synthetist +synthetization +synthetize +synthetizer +synthol +synthroni +synthronoi +synthronos +synthronus +syntomia +syntomy +syntone +syntonic +syntonical +syntonically +syntonin +syntonization +syntonize +syntonizer +syntonolydian +syntonous +syntony +syntripsis +syntrope +syntrophic +syntropic +syntropical +syntropy +syntype +syntypic +syntypicism +Synura +synusia +synusiast +syodicon +sypher +syphilide +syphilidography +syphilidologist +syphiliphobia +syphilis +syphilitic +syphilitically +syphilization +syphilize +syphiloderm +syphilodermatous +syphilogenesis +syphilogeny +syphilographer +syphilography +syphiloid +syphilologist +syphilology +syphiloma +syphilomatous +syphilophobe +syphilophobia +syphilophobic +syphilopsychosis +syphilosis +syphilous +Syracusan +syre +Syriac +Syriacism +Syriacist +Syrian +Syrianic +Syrianism +Syrianize +Syriarch +Syriasm +syringa +syringadenous +syringe +syringeal +syringeful +syringes +syringin +syringitis +syringium +syringocoele +syringomyelia +syringomyelic +syringotome +syringotomy +syrinx +Syriologist +Syrma +syrma +Syrmian +Syrnium +Syrophoenician +syrphian +syrphid +Syrphidae +syrt +syrtic +Syrtis +syrup +syruped +syruper +syruplike +syrupy +Syryenian +syssarcosis +syssel +sysselman +syssiderite +syssitia +syssition +systaltic +systasis +systatic +system +systematic +systematical +systematicality +systematically +systematician +systematicness +systematics +systematism +systematist +systematization +systematize +systematizer +systematology +systemed +systemic +systemically +systemist +systemizable +systemization +systemize +systemizer +systemless +systemproof +systemwise +systilius +systolated +systole +systolic +systyle +systylous +Syun +syzygetic +syzygetically +syzygial +syzygium +syzygy +szaibelyite +Szekler +szlachta +szopelka +T +t +ta +taa +Taal +Taalbond +taar +Tab +tab +tabacin +tabacosis +tabacum +tabanid +Tabanidae +tabaniform +tabanuco +Tabanus +tabard +tabarded +tabaret +Tabasco +tabasheer +tabashir +tabaxir +tabbarea +tabber +tabbinet +Tabby +tabby +Tabebuia +tabefaction +tabefy +tabella +Tabellaria +Tabellariaceae +tabellion +taberdar +taberna +tabernacle +tabernacler +tabernacular +Tabernaemontana +tabernariae +tabes +tabescence +tabescent +tabet +tabetic +tabetiform +tabetless +tabic +tabid +tabidly +tabidness +tabific +tabifical +tabinet +Tabira +Tabitha +tabitude +tabla +tablature +table +tableau +tableaux +tablecloth +tableclothwise +tableclothy +tabled +tablefellow +tablefellowship +tableful +tableity +tableland +tableless +tablelike +tablemaid +tablemaker +tablemaking +tableman +tablemate +tabler +tables +tablespoon +tablespoonful +tablet +tabletary +tableware +tablewise +tabling +tablinum +Tabloid +tabloid +tabog +taboo +tabooism +tabooist +taboot +taboparalysis +taboparesis +taboparetic +tabophobia +tabor +taborer +taboret +taborin +Taborite +tabour +tabourer +tabouret +tabret +Tabriz +tabu +tabula +tabulable +tabular +tabulare +tabularium +tabularization +tabularize +tabularly +tabulary +Tabulata +tabulate +tabulated +tabulation +tabulator +tabulatory +tabule +tabuliform +tabut +tacahout +tacamahac +Tacana +Tacanan +Tacca +Taccaceae +taccaceous +taccada +tach +Tachardia +Tachardiinae +tache +tacheless +tacheography +tacheometer +tacheometric +tacheometry +tacheture +tachhydrite +tachibana +Tachina +Tachinaria +tachinarian +tachinid +Tachinidae +tachiol +tachistoscope +tachistoscopic +tachogram +tachograph +tachometer +tachometry +tachoscope +tachycardia +tachycardiac +tachygen +tachygenesis +tachygenetic +tachygenic +tachyglossal +tachyglossate +Tachyglossidae +Tachyglossus +tachygraph +tachygrapher +tachygraphic +tachygraphical +tachygraphically +tachygraphist +tachygraphometer +tachygraphometry +tachygraphy +tachyhydrite +tachyiatry +tachylalia +tachylite +tachylyte +tachylytic +tachymeter +tachymetric +tachymetry +tachyphagia +tachyphasia +tachyphemia +tachyphrasia +tachyphrenia +tachypnea +tachyscope +tachyseism +tachysterol +tachysystole +tachythanatous +tachytomy +tachytype +tacit +Tacitean +tacitly +tacitness +taciturn +taciturnist +taciturnity +taciturnly +tack +tacker +tacket +tackety +tackey +tackiness +tacking +tackingly +tackle +tackled +tackleless +tackleman +tackler +tackless +tackling +tackproof +tacksman +tacky +taclocus +tacmahack +tacnode +Taconian +Taconic +taconite +tacso +Tacsonia +tact +tactable +tactful +tactfully +tactfulness +tactic +tactical +tactically +tactician +tactics +tactile +tactilist +tactility +tactilogical +tactinvariant +taction +tactite +tactive +tactless +tactlessly +tactlessness +tactometer +tactor +tactosol +tactual +tactualist +tactuality +tactually +tactus +tacuacine +Taculli +Tad +tad +tade +Tadjik +Tadousac +tadpole +tadpoledom +tadpolehood +tadpolelike +tadpolism +tae +tael +taen +taenia +taeniacidal +taeniacide +Taeniada +taeniafuge +taenial +taenian +taeniasis +Taeniata +taeniate +taenicide +Taenidia +taenidium +taeniform +taenifuge +taeniiform +Taeniobranchia +taeniobranchiate +Taeniodonta +Taeniodontia +Taeniodontidae +Taenioglossa +taenioglossate +taenioid +taeniosome +Taeniosomi +taeniosomous +taenite +taennin +Taetsia +taffarel +tafferel +taffeta +taffety +taffle +taffrail +Taffy +taffy +taffylike +taffymaker +taffymaking +taffywise +tafia +tafinagh +taft +tafwiz +tag +Tagabilis +Tagakaolo +Tagal +Tagala +Tagalize +Tagalo +Tagalog +tagasaste +Tagassu +Tagassuidae +tagatose +Tagaur +Tagbanua +tagboard +Tagetes +tagetol +tagetone +tagged +tagger +taggle +taggy +Taghlik +tagilite +Tagish +taglet +Tagliacotian +Tagliacozzian +taglike +taglock +tagrag +tagraggery +tagsore +tagtail +tagua +taguan +Tagula +tagwerk +taha +Tahami +taheen +tahil +tahin +Tahiti +Tahitian +tahkhana +Tahltan +tahr +tahseeldar +tahsil +tahsildar +Tahsin +tahua +Tai +tai +taiaha +taich +taiga +taigle +taiglesome +taihoa +taikhana +tail +tailage +tailband +tailboard +tailed +tailender +tailer +tailet +tailfirst +tailflower +tailforemost +tailge +tailhead +tailing +tailings +taille +tailless +taillessly +taillessness +taillie +taillight +taillike +tailor +tailorage +tailorbird +tailorcraft +tailordom +tailoress +tailorhood +tailoring +tailorism +tailorization +tailorize +tailorless +tailorlike +tailorly +tailorman +tailorship +tailorwise +tailory +tailpiece +tailpin +tailpipe +tailrace +tailsman +tailstock +Tailte +tailward +tailwards +tailwise +taily +tailzee +tailzie +taimen +taimyrite +tain +Tainan +Taino +taint +taintable +taintless +taintlessly +taintlessness +taintment +taintor +taintproof +tainture +taintworm +Tainui +taipan +Taipi +Taiping +taipo +tairge +tairger +tairn +taisch +taise +Taisho +taissle +taistrel +taistril +Tait +tait +taiver +taivers +taivert +Taiwanhemp +Taiyal +taj +Tajik +takable +takamaka +Takao +takar +Takayuki +take +takedown +takedownable +takeful +Takelma +taken +taker +Takeuchi +Takhaar +Takhtadjy +Takilman +takin +taking +takingly +takingness +takings +Takitumu +takosis +takt +Taku +taky +takyr +Tal +tal +tala +talabon +talahib +Talaing +talaje +talak +talalgia +Talamanca +Talamancan +talanton +talao +talapoin +talar +talari +talaria +talaric +talayot +talbot +talbotype +talc +talcer +Talcher +talcky +talclike +talcochlorite +talcoid +talcomicaceous +talcose +talcous +talcum +tald +tale +talebearer +talebearing +talebook +talecarrier +talecarrying +taled +taleful +Talegallinae +Talegallus +talemaster +talemonger +talemongering +talent +talented +talentless +talepyet +taler +tales +talesman +taleteller +taletelling +tali +Taliacotian +taliage +taliation +taliera +taligrade +Talinum +talion +talionic +talipat +taliped +talipedic +talipes +talipomanus +talipot +talis +talisay +Talishi +talisman +talismanic +talismanical +talismanically +talismanist +talite +Talitha +talitol +talk +talkability +talkable +talkathon +talkative +talkatively +talkativeness +talker +talkfest +talkful +talkie +talkiness +talking +talkworthy +talky +tall +tallage +tallageability +tallageable +tallboy +tallegalane +taller +tallero +talles +tallet +talliable +talliage +talliar +talliate +tallier +tallis +tallish +tallit +tallith +tallness +talloel +tallote +tallow +tallowberry +tallower +tallowiness +tallowing +tallowish +tallowlike +tallowmaker +tallowmaking +tallowman +tallowroot +tallowweed +tallowwood +tallowy +tallwood +tally +tallyho +tallyman +tallymanship +tallywag +tallywalka +tallywoman +talma +talmouse +Talmud +Talmudic +Talmudical +Talmudism +Talmudist +Talmudistic +Talmudistical +Talmudization +Talmudize +talocalcaneal +talocalcanean +talocrural +talofibular +talon +talonavicular +taloned +talonic +talonid +taloscaphoid +talose +talotibial +Talpa +talpacoti +talpatate +talpetate +talpicide +talpid +Talpidae +talpiform +talpify +talpine +talpoid +talthib +Taltushtuntude +Taluche +Taluhet +taluk +taluka +talukdar +talukdari +talus +taluto +talwar +talwood +Talyshin +tam +Tama +tamability +tamable +tamableness +tamably +Tamaceae +Tamachek +tamacoare +tamale +Tamanac +Tamanaca +Tamanaco +tamandu +tamandua +tamanoas +tamanoir +tamanowus +tamanu +Tamara +tamara +tamarack +tamaraite +tamarao +Tamaricaceae +tamaricaceous +tamarin +tamarind +Tamarindus +tamarisk +Tamarix +Tamaroa +tamas +tamasha +Tamashek +Tamaulipecan +tambac +tambaroora +tamber +tambo +tamboo +Tambookie +tambookie +tambor +Tambouki +tambour +tamboura +tambourer +tambouret +tambourgi +tambourin +tambourinade +tambourine +tambourist +tambreet +Tambuki +tamburan +tamburello +Tame +tame +tamehearted +tameheartedness +tamein +tameless +tamelessly +tamelessness +tamely +tameness +tamer +Tamerlanism +Tamias +tamidine +Tamil +Tamilian +Tamilic +tamis +tamise +tamlung +Tammanial +Tammanize +Tammany +Tammanyism +Tammanyite +Tammanyize +tammie +tammock +Tammy +tammy +Tamonea +Tamoyo +tamp +tampala +tampan +tampang +tamper +tamperer +tamperproof +tampin +tamping +tampion +tampioned +tampon +tamponade +tamponage +tamponment +tampoon +Tamul +Tamulian +Tamulic +Tamus +Tamworth +Tamzine +tan +tana +tanacetin +tanacetone +Tanacetum +tanacetyl +tanach +tanager +Tanagra +Tanagraean +Tanagridae +tanagrine +tanagroid +Tanaidacea +tanaist +tanak +Tanaka +Tanala +tanan +tanbark +tanbur +tancel +Tanchelmian +tanchoir +tandan +tandem +tandemer +tandemist +tandemize +tandemwise +tandle +tandour +Tandy +tane +tanekaha +Tang +tang +tanga +Tangaloa +tangalung +tangantangan +Tangaridae +Tangaroa +Tangaroan +tanged +tangeite +tangelo +tangence +tangency +tangent +tangental +tangentally +tangential +tangentiality +tangentially +tangently +tanger +Tangerine +tangfish +tangham +tanghan +tanghin +Tanghinia +tanghinin +tangi +tangibile +tangibility +tangible +tangibleness +tangibly +tangie +Tangier +tangilin +Tangipahoa +tangka +tanglad +tangle +tangleberry +tanglefish +tanglefoot +tanglement +tangleproof +tangler +tangleroot +tanglesome +tangless +tanglewrack +tangling +tanglingly +tangly +tango +tangoreceptor +tangram +tangs +tangue +tanguile +tangum +tangun +Tangut +tangy +tanh +tanha +tanhouse +tania +tanica +tanier +tanist +tanistic +tanistry +tanistship +Tanite +Tanitic +tanjib +tanjong +tank +tanka +tankage +tankah +tankard +tanked +tanker +tankerabogus +tankert +tankette +tankful +tankle +tankless +tanklike +tankmaker +tankmaking +tankman +tankodrome +tankroom +tankwise +tanling +tannable +tannage +tannaic +tannaim +tannaitic +tannalbin +tannase +tannate +tanned +tanner +tannery +tannic +tannide +tanniferous +tannin +tannined +tanning +tanninlike +tannocaffeic +tannogallate +tannogallic +tannogelatin +tannogen +tannoid +tannometer +tannyl +Tano +tanoa +Tanoan +tanproof +tanquam +Tanquelinian +tanquen +tanrec +tanstuff +tansy +tantadlin +tantafflin +tantalate +Tantalean +Tantalian +Tantalic +tantalic +tantaliferous +tantalifluoride +tantalite +tantalization +tantalize +tantalizer +tantalizingly +tantalizingness +tantalofluoride +tantalum +Tantalus +tantamount +tantara +tantarabobus +tantarara +tanti +tantivy +tantle +Tantony +tantra +tantric +tantrik +tantrism +tantrist +tantrum +tantum +tanwood +tanworks +Tanya +tanyard +Tanyoan +Tanystomata +tanystomatous +tanystome +tanzeb +tanzib +Tanzine +tanzy +Tao +tao +Taoism +Taoist +Taoistic +Taonurus +Taos +taotai +taoyin +tap +Tapa +tapa +Tapachula +Tapachulteca +tapacolo +tapaculo +Tapacura +tapadera +tapadero +Tapajo +tapalo +tapamaker +tapamaking +tapas +tapasvi +Tape +tape +Tapeats +tapeinocephalic +tapeinocephalism +tapeinocephaly +tapeless +tapelike +tapeline +tapemaker +tapemaking +tapeman +tapen +taper +taperbearer +tapered +taperer +tapering +taperingly +taperly +tapermaker +tapermaking +taperness +taperwise +tapesium +tapestring +tapestry +tapestrylike +tapet +tapetal +tapete +tapeti +tapetless +tapetum +tapework +tapeworm +taphephobia +taphole +taphouse +Taphria +Taphrina +Taphrinaceae +tapia +Tapijulapane +tapinceophalism +tapinocephalic +tapinocephaly +Tapinoma +tapinophobia +tapinophoby +tapinosis +tapioca +tapir +Tapiridae +tapiridian +tapirine +Tapiro +tapiroid +Tapirus +tapis +tapism +tapist +taplash +taplet +Tapleyism +tapmost +tapnet +tapoa +Taposa +tapoun +tappa +tappable +tappableness +tappall +tappaul +tappen +tapper +tapperer +Tappertitian +tappet +tappietoorie +tapping +tappoon +Taprobane +taproom +taproot +taprooted +taps +tapster +tapsterlike +tapsterly +tapstress +tapu +tapul +Tapuya +Tapuyan +Tapuyo +taqua +tar +tara +tarabooka +taraf +tarafdar +tarage +Tarahumar +Tarahumara +Tarahumare +Tarahumari +Tarai +tarairi +tarakihi +Taraktogenos +taramellite +Taramembe +Taranchi +tarand +Tarandean +Tarandian +tarantara +tarantass +tarantella +tarantism +tarantist +tarantula +tarantular +tarantulary +tarantulated +tarantulid +Tarantulidae +tarantulism +tarantulite +tarantulous +tarapatch +taraph +tarapin +Tarapon +Tarasc +Tarascan +Tarasco +tarassis +tarata +taratah +taratantara +taratantarize +tarau +taraxacerin +taraxacin +Taraxacum +Tarazed +tarbadillo +tarbet +tarboard +tarbogan +tarboggin +tarboosh +tarbooshed +tarboy +tarbrush +tarbush +tarbuttite +Tardenoisian +Tardigrada +tardigrade +tardigradous +tardily +tardiness +tarditude +tardive +tardle +tardy +tare +tarea +tarefa +tarefitch +tarentala +tarente +Tarentine +tarentism +tarentola +tarepatch +Tareq +tarfa +tarflower +targe +targeman +targer +target +targeted +targeteer +targetlike +targetman +Targum +Targumic +Targumical +Targumist +Targumistic +Targumize +Tarheel +Tarheeler +tarhood +tari +Tariana +tarie +tariff +tariffable +tariffication +tariffism +tariffist +tariffite +tariffize +tariffless +tarin +Tariri +tariric +taririnic +tarish +Tarkalani +Tarkani +tarkashi +tarkeean +tarkhan +tarlatan +tarlataned +tarletan +tarlike +tarltonize +Tarmac +tarmac +tarman +Tarmi +tarmined +tarn +tarnal +tarnally +tarnation +tarnish +tarnishable +tarnisher +tarnishment +tarnishproof +tarnlike +tarnside +taro +taroc +tarocco +tarok +taropatch +tarot +tarp +tarpan +tarpaulin +tarpaulinmaker +Tarpeia +Tarpeian +tarpon +tarpot +tarpum +Tarquin +Tarquinish +tarr +tarrack +tarradiddle +tarradiddler +tarragon +tarragona +tarras +tarrass +Tarrateen +Tarratine +tarred +tarrer +tarri +tarriance +tarrie +tarrier +tarrify +tarrily +tarriness +tarrish +tarrock +tarrow +tarry +tarrying +tarryingly +tarryingness +tars +tarsadenitis +tarsal +tarsale +tarsalgia +tarse +tarsectomy +tarsectopia +tarsi +tarsia +tarsier +Tarsiidae +tarsioid +Tarsipedidae +Tarsipedinae +Tarsipes +tarsitis +Tarsius +tarsochiloplasty +tarsoclasis +tarsomalacia +tarsome +tarsometatarsal +tarsometatarsus +tarsonemid +Tarsonemidae +Tarsonemus +tarsophalangeal +tarsophyma +tarsoplasia +tarsoplasty +tarsoptosis +tarsorrhaphy +tarsotarsal +tarsotibal +tarsotomy +tarsus +tart +tartago +Tartan +tartan +tartana +tartane +Tartar +tartar +tartarated +Tartarean +Tartareous +tartareous +tartaret +Tartarian +Tartaric +tartaric +Tartarin +tartarish +Tartarism +Tartarization +tartarization +Tartarize +tartarize +Tartarized +Tartarlike +tartarly +Tartarology +tartarous +tartarproof +tartarum +Tartarus +Tartary +tartemorion +tarten +tartish +tartishly +tartle +tartlet +tartly +tartness +tartramate +tartramic +tartramide +tartrate +tartrated +tartratoferric +tartrazine +tartrazinic +tartro +tartronate +tartronic +tartronyl +tartronylurea +tartrous +tartryl +tartrylic +Tartufe +tartufery +tartufian +tartufish +tartufishly +tartufism +tartwoman +Taruma +Tarumari +tarve +Tarvia +tarweed +tarwhine +tarwood +tarworks +taryard +Taryba +Tarzan +Tarzanish +tasajo +tascal +tasco +taseometer +tash +tasheriff +tashie +tashlik +Tashnagist +Tashnakist +tashreef +tashrif +Tasian +tasimeter +tasimetric +tasimetry +task +taskage +tasker +taskit +taskless +tasklike +taskmaster +taskmastership +taskmistress +tasksetter +tasksetting +taskwork +taslet +Tasmanian +tasmanite +Tass +tass +tassago +tassah +tassal +tassard +tasse +tassel +tasseler +tasselet +tasselfish +tassellus +tasselmaker +tasselmaking +tassely +tasser +tasset +tassie +tassoo +tastable +tastableness +tastably +taste +tasteable +tasteableness +tasteably +tasted +tasteful +tastefully +tastefulness +tastekin +tasteless +tastelessly +tastelessness +tasten +taster +tastily +tastiness +tasting +tastingly +tasty +tasu +Tat +tat +Tatar +Tatarian +Tataric +Tatarization +Tatarize +Tatary +tataupa +tatbeb +tatchy +tate +tater +Tates +tath +Tatian +Tatianist +tatie +tatinek +tatler +tatou +tatouay +tatpurusha +Tatsanottine +tatsman +tatta +tatter +tatterdemalion +tatterdemalionism +tatterdemalionry +tattered +tatteredly +tatteredness +tatterly +tatterwallop +tattery +tatther +tattied +tatting +tattle +tattlement +tattler +tattlery +tattletale +tattling +tattlingly +tattoo +tattooage +tattooer +tattooing +tattooist +tattooment +tattva +tatty +Tatu +tatu +tatukira +Tatusia +Tatusiidae +tau +Taube +Tauchnitz +taught +taula +Tauli +taum +taun +Taungthu +taunt +taunter +taunting +tauntingly +tauntingness +Taunton +tauntress +taupe +taupo +taupou +taur +tauranga +taurean +Tauri +Taurian +taurian +Tauric +tauric +tauricide +tauricornous +Taurid +Tauridian +tauriferous +tauriform +taurine +Taurini +taurite +taurobolium +tauroboly +taurocephalous +taurocholate +taurocholic +taurocol +taurocolla +Tauroctonus +taurodont +tauroesque +taurokathapsia +taurolatry +tauromachian +tauromachic +tauromachy +tauromorphic +tauromorphous +taurophile +taurophobe +Tauropolos +Taurotragus +Taurus +tauryl +taut +tautaug +tauted +tautegorical +tautegory +tauten +tautirite +tautit +tautly +tautness +tautochrone +tautochronism +tautochronous +tautog +tautologic +tautological +tautologically +tautologicalness +tautologism +tautologist +tautologize +tautologizer +tautologous +tautologously +tautology +tautomer +tautomeral +tautomeric +tautomerism +tautomerizable +tautomerization +tautomerize +tautomery +tautometer +tautometric +tautometrical +tautomorphous +tautonym +tautonymic +tautonymy +tautoousian +tautoousious +tautophonic +tautophonical +tautophony +tautopodic +tautopody +tautosyllabic +tautotype +tautourea +tautousian +tautousious +tautozonal +tautozonality +tav +Tavast +Tavastian +Tave +tave +tavell +taver +tavern +taverner +tavernize +tavernless +tavernlike +tavernly +tavernous +tavernry +tavernwards +tavers +tavert +Tavghi +tavistockite +tavola +tavolatite +Tavy +taw +tawa +tawdered +tawdrily +tawdriness +tawdry +tawer +tawery +Tawgi +tawie +tawite +tawkee +tawkin +tawn +tawney +tawnily +tawniness +tawnle +tawny +tawpi +tawpie +taws +tawse +tawtie +tax +taxability +taxable +taxableness +taxably +Taxaceae +taxaceous +taxameter +taxaspidean +taxation +taxational +taxative +taxatively +taxator +taxeater +taxeating +taxed +taxeme +taxemic +taxeopod +Taxeopoda +taxeopodous +taxeopody +taxer +taxgatherer +taxgathering +taxi +taxiable +taxiarch +taxiauto +taxibus +taxicab +Taxidea +taxidermal +taxidermic +taxidermist +taxidermize +taxidermy +taximan +taximeter +taximetered +taxine +taxing +taxingly +taxinomic +taxinomist +taxinomy +taxiplane +taxis +taxite +taxitic +taxless +taxlessly +taxlessness +taxman +Taxodiaceae +Taxodium +taxodont +taxology +taxometer +taxon +taxonomer +taxonomic +taxonomical +taxonomically +taxonomist +taxonomy +taxor +taxpaid +taxpayer +taxpaying +Taxus +taxwax +taxy +tay +Tayassu +Tayassuidae +tayer +Taygeta +tayir +Taylor +Taylorism +Taylorite +taylorite +Taylorize +tayra +Tayrona +taysaam +tazia +Tcawi +tch +tchai +tcharik +tchast +tche +tcheirek +Tcheka +Tcherkess +tchervonets +tchervonetz +Tchetchentsish +Tchetnitsi +Tchi +tchick +tchu +Tchwi +tck +Td +te +tea +teaberry +teaboard +teabox +teaboy +teacake +teacart +teach +teachability +teachable +teachableness +teachably +teache +teacher +teacherage +teacherdom +teacheress +teacherhood +teacherless +teacherlike +teacherly +teachership +teachery +teaching +teachingly +teachless +teachment +teachy +teacup +teacupful +tead +teadish +teaer +teaey +teagardeny +teagle +Teague +Teagueland +Teaguelander +teahouse +teaish +teaism +teak +teakettle +teakwood +teal +tealeafy +tealery +tealess +teallite +team +teamaker +teamaking +teaman +teameo +teamer +teaming +teamland +teamless +teamman +teammate +teamsman +teamster +teamwise +teamwork +tean +teanal +teap +teapot +teapotful +teapottykin +teapoy +tear +tearable +tearableness +tearably +tearage +tearcat +teardown +teardrop +tearer +tearful +tearfully +tearfulness +tearing +tearless +tearlessly +tearlessness +tearlet +tearlike +tearoom +tearpit +tearproof +tearstain +teart +tearthroat +tearthumb +teary +teasable +teasableness +teasably +tease +teaseable +teaseableness +teaseably +teasehole +teasel +teaseler +teaseller +teasellike +teaselwort +teasement +teaser +teashop +teasiness +teasing +teasingly +teasler +teaspoon +teaspoonful +teasy +teat +teataster +teated +teatfish +teathe +teather +teatime +teatlike +teatling +teatman +teaty +teave +teaware +teaze +teazer +tebbet +Tebet +Tebeth +Tebu +tec +Teca +teca +tecali +Tech +tech +techily +techiness +technetium +technic +technica +technical +technicalism +technicalist +technicality +technicalize +technically +technicalness +technician +technicism +technicist +technicological +technicology +Technicolor +technicon +technics +techniphone +technique +techniquer +technism +technist +technocausis +technochemical +technochemistry +technocracy +technocrat +technocratic +technographer +technographic +technographical +technographically +technography +technolithic +technologic +technological +technologically +technologist +technologue +technology +technonomic +technonomy +technopsychology +techous +techy +teck +Tecla +tecnoctonia +tecnology +Teco +Tecoma +tecomin +tecon +Tecpanec +tectal +tectibranch +Tectibranchia +tectibranchian +Tectibranchiata +tectibranchiate +tectiform +tectocephalic +tectocephaly +tectological +tectology +Tectona +tectonic +tectonics +tectorial +tectorium +Tectosages +tectosphere +tectospinal +Tectospondyli +tectospondylic +tectospondylous +tectrices +tectricial +tectum +tecum +tecuma +Tecuna +Ted +ted +Teda +tedder +Teddy +tedescan +tedge +tediosity +tedious +tediously +tediousness +tediousome +tedisome +tedium +tee +teedle +teel +teem +teemer +teemful +teemfulness +teeming +teemingly +teemingness +teemless +teems +teen +teenage +teenet +teens +teensy +teenty +teeny +teer +teerer +teest +Teeswater +teet +teetaller +teetan +teeter +teeterboard +teeterer +teetertail +teeth +teethache +teethbrush +teethe +teethful +teethily +teething +teethless +teethlike +teethridge +teethy +teeting +teetotal +teetotaler +teetotalism +teetotalist +teetotally +teetotum +teetotumism +teetotumize +teetotumwise +teety +teevee +teewhaap +teff +teg +Tegean +Tegeticula +tegmen +tegmental +tegmentum +tegmina +tegminal +Tegmine +tegua +teguexin +Teguima +tegula +tegular +tegularly +tegulated +tegumen +tegument +tegumental +tegumentary +tegumentum +tegurium +Teheran +tehseel +tehseeldar +tehsil +tehsildar +Tehuantepecan +Tehueco +Tehuelche +Tehuelchean +Tehuelet +Teian +teicher +teiglech +Teiidae +teil +teind +teindable +teinder +teinland +teinoscope +teioid +Teiresias +Tejon +tejon +teju +tekiah +Tekintsi +Tekke +tekke +tekken +Tekkintzi +teknonymous +teknonymy +tektite +tekya +telacoustic +telakucha +telamon +telang +telangiectasia +telangiectasis +telangiectasy +telangiectatic +telangiosis +Telanthera +telar +telarian +telary +telautogram +telautograph +telautographic +telautographist +telautography +telautomatic +telautomatically +telautomatics +Telchines +Telchinic +tele +teleanemograph +teleangiectasia +telebarograph +telebarometer +telecast +telecaster +telechemic +telechirograph +telecinematography +telecode +telecommunication +telecryptograph +telectroscope +teledendrion +teledendrite +teledendron +teledu +telega +telegenic +Telegn +telegnosis +telegnostic +telegonic +telegonous +telegony +telegram +telegrammatic +telegrammic +telegraph +telegraphee +telegrapheme +telegrapher +telegraphese +telegraphic +telegraphical +telegraphically +telegraphist +telegraphone +telegraphophone +telegraphoscope +telegraphy +Telegu +telehydrobarometer +Telei +Teleia +teleianthous +teleiosis +telekinematography +telekinesis +telekinetic +telelectric +telelectrograph +telelectroscope +telemanometer +Telemark +telemark +Telembi +telemechanic +telemechanics +telemechanism +telemetacarpal +telemeteorograph +telemeteorographic +telemeteorography +telemeter +telemetric +telemetrical +telemetrist +telemetrograph +telemetrographic +telemetrography +telemetry +telemotor +telencephal +telencephalic +telencephalon +telenergic +telenergy +teleneurite +teleneuron +Telenget +telengiscope +Telenomus +teleobjective +Teleocephali +teleocephalous +Teleoceras +Teleodesmacea +teleodesmacean +teleodesmaceous +teleodont +teleologic +teleological +teleologically +teleologism +teleologist +teleology +teleometer +teleophobia +teleophore +teleophyte +teleoptile +teleorganic +teleoroentgenogram +teleoroentgenography +teleosaur +teleosaurian +Teleosauridae +Teleosaurus +teleost +teleostean +Teleostei +teleosteous +teleostomate +teleostome +Teleostomi +teleostomian +teleostomous +teleotemporal +teleotrocha +teleozoic +teleozoon +telepathic +telepathically +telepathist +telepathize +telepathy +telepheme +telephone +telephoner +telephonic +telephonical +telephonically +telephonist +telephonograph +telephonographic +telephony +telephote +telephoto +telephotograph +telephotographic +telephotography +Telephus +telepicture +teleplasm +teleplasmic +teleplastic +telepost +teleprinter +teleradiophone +teleran +telergic +telergical +telergically +telergy +telescope +telescopic +telescopical +telescopically +telescopiform +telescopist +Telescopium +telescopy +telescriptor +teleseism +teleseismic +teleseismology +teleseme +telesia +telesis +telesmeter +telesomatic +telespectroscope +telestereograph +telestereography +telestereoscope +telesterion +telesthesia +telesthetic +telestial +telestic +telestich +teletactile +teletactor +teletape +teletherapy +telethermogram +telethermograph +telethermometer +telethermometry +telethon +teletopometer +teletranscription +Teletype +teletype +teletyper +teletypesetter +teletypewriter +teletyping +Teleut +teleuto +teleutoform +teleutosorus +teleutospore +teleutosporic +teleutosporiferous +teleview +televiewer +televise +television +televisional +televisionary +televisor +televisual +televocal +televox +telewriter +Telfairia +telfairic +telfer +telferage +telford +telfordize +telharmonic +telharmonium +telharmony +teli +telial +telic +telical +telically +teliferous +Telinga +teliosorus +teliospore +teliosporic +teliosporiferous +teliostage +telium +tell +tellable +tellach +tellee +teller +tellership +telligraph +Tellima +Tellina +Tellinacea +tellinacean +tellinaceous +telling +tellingly +Tellinidae +tellinoid +tellsome +tellt +telltale +telltalely +telltruth +tellural +tellurate +telluret +tellureted +tellurethyl +telluretted +tellurhydric +tellurian +telluric +telluride +telluriferous +tellurion +tellurism +tellurist +tellurite +tellurium +tellurize +telluronium +tellurous +telmatological +telmatology +teloblast +teloblastic +telocentric +telodendrion +telodendron +telodynamic +telokinesis +telolecithal +telolemma +telome +telomic +telomitic +telonism +Teloogoo +Telopea +telophase +telophragma +telopsis +teloptic +telosynapsis +telosynaptic +telosynaptist +teloteropathic +teloteropathically +teloteropathy +Telotremata +telotrematous +telotroch +telotrocha +telotrochal +telotrochous +telotrophic +telotype +telpath +telpher +telpherage +telpherman +telpherway +telson +telsonic +telt +Telugu +telurgy +telyn +Tema +temacha +temalacatl +Teman +teman +Temanite +tembe +temblor +Tembu +temenos +temerarious +temerariously +temerariousness +temeritous +temerity +temerous +temerously +temerousness +temiak +temin +Temiskaming +Temne +Temnospondyli +temnospondylous +temp +Tempe +Tempean +temper +tempera +temperability +temperable +temperably +temperality +temperament +temperamental +temperamentalist +temperamentally +temperamented +temperance +temperate +temperately +temperateness +temperative +temperature +tempered +temperedly +temperedness +temperer +temperish +temperless +tempersome +tempery +tempest +tempestical +tempestive +tempestively +tempestivity +tempestuous +tempestuously +tempestuousness +tempesty +tempi +Templar +templar +templardom +templarism +templarlike +templarlikeness +templary +template +templater +temple +templed +templeful +templeless +templelike +templet +Templetonia +templeward +templize +tempo +tempora +temporal +temporale +temporalism +temporalist +temporality +temporalize +temporally +temporalness +temporalty +temporaneous +temporaneously +temporaneousness +temporarily +temporariness +temporary +temporator +temporization +temporizer +temporizing +temporizingly +temporoalar +temporoauricular +temporocentral +temporocerebellar +temporofacial +temporofrontal +temporohyoid +temporomalar +temporomandibular +temporomastoid +temporomaxillary +temporooccipital +temporoparietal +temporopontine +temporosphenoid +temporosphenoidal +temporozygomatic +tempre +temprely +tempt +temptability +temptable +temptableness +temptation +temptational +temptationless +temptatious +temptatory +tempter +tempting +temptingly +temptingness +temptress +Tempyo +temse +temser +temulence +temulency +temulent +temulentive +temulently +ten +tenability +tenable +tenableness +tenably +tenace +tenacious +tenaciously +tenaciousness +tenacity +tenaculum +tenai +tenaille +tenaillon +Tenaktak +tenancy +tenant +tenantable +tenantableness +tenanter +tenantism +tenantless +tenantlike +tenantry +tenantship +tench +tenchweed +Tencteri +tend +tendance +tendant +tendence +tendency +tendent +tendential +tendentious +tendentiously +tendentiousness +tender +tenderability +tenderable +tenderably +tenderee +tenderer +tenderfoot +tenderfootish +tenderful +tenderfully +tenderheart +tenderhearted +tenderheartedly +tenderheartedness +tenderish +tenderize +tenderling +tenderloin +tenderly +tenderness +tenderometer +tendersome +tendinal +tending +tendingly +tendinitis +tendinous +tendinousness +tendomucoid +tendon +tendonous +tendoplasty +tendosynovitis +tendotome +tendotomy +tendour +tendovaginal +tendovaginitis +tendresse +tendril +tendriled +tendriliferous +tendrillar +tendrilly +tendrilous +tendron +tenebra +Tenebrae +tenebricose +tenebrific +tenebrificate +Tenebrio +tenebrionid +Tenebrionidae +tenebrious +tenebriously +tenebrity +tenebrose +tenebrosity +tenebrous +tenebrously +tenebrousness +tenectomy +tenement +tenemental +tenementary +tenementer +tenementization +tenementize +tenendas +tenendum +tenent +teneral +Teneriffe +tenesmic +tenesmus +tenet +tenfold +tenfoldness +teng +tengere +tengerite +Tenggerese +tengu +teniacidal +teniacide +tenible +Tenino +tenio +tenline +tenmantale +tennantite +tenne +tenner +Tennessean +tennis +tennisdom +tennisy +Tennysonian +Tennysonianism +Tenochtitlan +tenodesis +tenodynia +tenography +tenology +tenomyoplasty +tenomyotomy +tenon +tenonectomy +tenoner +Tenonian +tenonitis +tenonostosis +tenontagra +tenontitis +tenontodynia +tenontography +tenontolemmitis +tenontology +tenontomyoplasty +tenontomyotomy +tenontophyma +tenontoplasty +tenontothecitis +tenontotomy +tenophony +tenophyte +tenoplastic +tenoplasty +tenor +tenorist +tenorister +tenorite +tenorless +tenoroon +tenorrhaphy +tenositis +tenostosis +tenosuture +tenotome +tenotomist +tenotomize +tenotomy +tenovaginitis +tenpence +tenpenny +tenpin +tenrec +Tenrecidae +tense +tenseless +tenselessness +tensely +tenseness +tensibility +tensible +tensibleness +tensibly +tensify +tensile +tensilely +tensileness +tensility +tensimeter +tensiometer +tension +tensional +tensionless +tensity +tensive +tenson +tensor +tent +tentability +tentable +tentacle +tentacled +tentaclelike +tentacula +tentacular +Tentaculata +tentaculate +tentaculated +Tentaculifera +tentaculite +Tentaculites +Tentaculitidae +tentaculocyst +tentaculoid +tentaculum +tentage +tentamen +tentation +tentative +tentatively +tentativeness +tented +tenter +tenterbelly +tenterer +tenterhook +tentful +tenth +tenthly +tenthmeter +tenthredinid +Tenthredinidae +tenthredinoid +Tenthredinoidea +Tenthredo +tentiform +tentigo +tentillum +tention +tentless +tentlet +tentlike +tentmaker +tentmaking +tentmate +tentorial +tentorium +tenture +tentwards +tentwise +tentwork +tentwort +tenty +tenuate +tenues +tenuicostate +tenuifasciate +tenuiflorous +tenuifolious +tenuious +tenuiroster +tenuirostral +tenuirostrate +Tenuirostres +tenuis +tenuistriate +tenuity +tenuous +tenuously +tenuousness +tenure +tenurial +tenurially +teocalli +teopan +teosinte +Teotihuacan +tepache +tepal +Tepanec +Tepecano +tepee +tepefaction +tepefy +Tepehua +Tepehuane +tepetate +Tephillah +tephillin +tephramancy +tephrite +tephritic +tephroite +tephromalacia +tephromyelitic +Tephrosia +tephrosis +tepid +tepidarium +tepidity +tepidly +tepidness +tepomporize +teponaztli +tepor +tequila +Tequistlateca +Tequistlatecan +tera +teraglin +terakihi +teramorphous +terap +teraphim +teras +teratical +teratism +teratoblastoma +teratogenesis +teratogenetic +teratogenic +teratogenous +teratogeny +teratoid +teratological +teratologist +teratology +teratoma +teratomatous +teratoscopy +teratosis +terbia +terbic +terbium +tercel +tercelet +tercentenarian +tercentenarize +tercentenary +tercentennial +tercer +terceron +tercet +terchloride +tercia +tercine +tercio +terdiurnal +terebate +terebella +terebellid +Terebellidae +terebelloid +terebellum +terebene +terebenic +terebenthene +terebic +terebilic +terebinic +terebinth +Terebinthaceae +terebinthial +terebinthian +terebinthic +terebinthina +terebinthinate +terebinthine +terebinthinous +Terebinthus +terebra +terebral +terebrant +Terebrantia +terebrate +terebration +Terebratula +terebratular +terebratulid +Terebratulidae +terebratuliform +terebratuline +terebratulite +terebratuloid +Terebridae +Teredinidae +teredo +terek +Terence +Terentian +terephthalate +terephthalic +Teresa +Teresian +Teresina +terete +teretial +tereticaudate +teretifolious +teretipronator +teretiscapular +teretiscapularis +teretish +tereu +Tereus +terfez +Terfezia +Terfeziaceae +tergal +tergant +tergeminate +tergeminous +tergiferous +tergite +tergitic +tergiversant +tergiversate +tergiversation +tergiversator +tergiversatory +tergiverse +tergolateral +tergum +Teri +Teriann +terlinguaite +term +terma +termagancy +Termagant +termagant +termagantish +termagantism +termagantly +termage +termatic +termen +termer +Termes +termillenary +termin +terminability +terminable +terminableness +terminably +terminal +Terminalia +Terminaliaceae +terminalization +terminalized +terminally +terminant +terminate +termination +terminational +terminative +terminatively +terminator +terminatory +termine +terminer +termini +terminine +terminism +terminist +terministic +terminize +termino +terminological +terminologically +terminologist +terminology +terminus +termital +termitarium +termitary +termite +termitic +termitid +Termitidae +termitophagous +termitophile +termitophilous +termless +termlessly +termlessness +termly +termolecular +termon +termor +termtime +tern +terna +ternal +ternar +ternariant +ternarious +ternary +ternate +ternately +ternatipinnate +ternatisect +ternatopinnate +terne +terneplate +ternery +ternion +ternize +ternlet +Ternstroemia +Ternstroemiaceae +teroxide +terp +terpadiene +terpane +terpene +terpeneless +terphenyl +terpilene +terpin +terpine +terpinene +terpineol +terpinol +terpinolene +terpodion +Terpsichore +terpsichoreal +terpsichoreally +Terpsichorean +terpsichorean +Terraba +terrace +terraceous +terracer +terracette +terracewards +terracewise +terracework +terraciform +terracing +terraculture +terraefilial +terraefilian +terrage +terrain +terral +terramara +terramare +Terrance +terrane +terranean +terraneous +Terrapene +terrapin +terraquean +terraqueous +terraqueousness +terrar +terrarium +terrazzo +terrella +terremotive +Terrence +terrene +terrenely +terreneness +terreplein +terrestrial +terrestrialism +terrestriality +terrestrialize +terrestrially +terrestrialness +terrestricity +terrestrious +terret +terreted +Terri +terribility +terrible +terribleness +terribly +terricole +terricoline +terricolous +terrier +terrierlike +terrific +terrifical +terrifically +terrification +terrificly +terrificness +terrifiedly +terrifier +terrify +terrifying +terrifyingly +terrigenous +terrine +Territelae +territelarian +territorial +territorialism +territorialist +territoriality +territorialization +territorialize +territorially +territorian +territoried +territory +terron +terror +terrorful +terrorific +terrorism +terrorist +terroristic +terroristical +terrorization +terrorize +terrorizer +terrorless +terrorproof +terrorsome +Terry +terry +terse +tersely +terseness +tersion +tersulphate +tersulphide +tersulphuret +tertenant +tertia +tertial +tertian +tertiana +tertianship +tertiarian +tertiary +tertiate +tertius +terton +tertrinal +Tertullianism +Tertullianist +teruncius +terutero +Teruyuki +tervalence +tervalency +tervalent +tervariant +tervee +terzetto +terzina +terzo +tesack +tesarovitch +teschenite +teschermacherite +teskere +teskeria +Tess +tessara +tessarace +tessaraconter +tessaradecad +tessaraglot +tessaraphthong +tessarescaedecahedron +tessel +tessella +tessellar +tessellate +tessellated +tessellation +tessera +tesseract +tesseradecade +tesseraic +tesseral +Tesserants +tesserarian +tesserate +tesserated +tesseratomic +tesseratomy +tessular +test +testa +testable +Testacea +testacean +testaceography +testaceology +testaceous +testaceousness +testacy +testament +testamental +testamentally +testamentalness +testamentarily +testamentary +testamentate +testamentation +testamentum +testamur +testar +testata +testate +testation +testator +testatorship +testatory +testatrices +testatrix +testatum +teste +tested +testee +tester +testes +testibrachial +testibrachium +testicardinate +testicardine +Testicardines +testicle +testicond +testicular +testiculate +testiculated +testiere +testificate +testification +testificator +testificatory +testifier +testify +testily +testimonial +testimonialist +testimonialization +testimonialize +testimonializer +testimonium +testimony +testiness +testing +testingly +testis +teston +testone +testoon +testor +testosterone +testril +testudinal +Testudinaria +testudinarious +Testudinata +testudinate +testudinated +testudineal +testudineous +Testudinidae +testudinous +testudo +testy +Tesuque +tetanic +tetanical +tetanically +tetaniform +tetanigenous +tetanilla +tetanine +tetanism +tetanization +tetanize +tetanoid +tetanolysin +tetanomotor +tetanospasmin +tetanotoxin +tetanus +tetany +tetarcone +tetarconid +tetard +tetartemorion +tetartocone +tetartoconid +tetartohedral +tetartohedrally +tetartohedrism +tetartohedron +tetartoid +tetartosymmetry +tetch +tetchy +tete +tetel +teterrimous +teth +tethelin +tether +tetherball +tethery +tethydan +Tethys +Teton +tetra +tetraamylose +tetrabasic +tetrabasicity +Tetrabelodon +tetrabelodont +tetrabiblos +tetraborate +tetraboric +tetrabrach +tetrabranch +Tetrabranchia +tetrabranchiate +tetrabromid +tetrabromide +tetrabromo +tetrabromoethane +tetracadactylity +tetracarboxylate +tetracarboxylic +tetracarpellary +tetraceratous +tetracerous +Tetracerus +tetrachical +tetrachlorid +tetrachloride +tetrachloro +tetrachloroethane +tetrachloroethylene +tetrachloromethane +tetrachord +tetrachordal +tetrachordon +tetrachoric +tetrachotomous +tetrachromatic +tetrachromic +tetrachronous +tetracid +tetracoccous +tetracoccus +tetracolic +tetracolon +tetracoral +Tetracoralla +tetracoralline +tetracosane +tetract +tetractinal +tetractine +tetractinellid +Tetractinellida +tetractinellidan +tetractinelline +tetractinose +tetracyclic +tetrad +tetradactyl +tetradactylous +tetradactyly +tetradarchy +tetradecane +tetradecanoic +tetradecapod +Tetradecapoda +tetradecapodan +tetradecapodous +tetradecyl +Tetradesmus +tetradiapason +tetradic +Tetradite +tetradrachma +tetradrachmal +tetradrachmon +tetradymite +Tetradynamia +tetradynamian +tetradynamious +tetradynamous +tetraedron +tetraedrum +tetraethylsilane +tetrafluoride +tetrafolious +tetragamy +tetragenous +tetraglot +tetraglottic +tetragon +tetragonal +tetragonally +tetragonalness +Tetragonia +Tetragoniaceae +tetragonidium +tetragonous +tetragonus +tetragram +tetragrammatic +Tetragrammaton +tetragrammatonic +tetragyn +Tetragynia +tetragynian +tetragynous +tetrahedral +tetrahedrally +tetrahedric +tetrahedrite +tetrahedroid +tetrahedron +tetrahexahedral +tetrahexahedron +tetrahydrate +tetrahydrated +tetrahydric +tetrahydride +tetrahydro +tetrahydroxy +tetraiodid +tetraiodide +tetraiodo +tetraiodophenolphthalein +tetrakaidecahedron +tetraketone +tetrakisazo +tetrakishexahedron +tetralemma +Tetralin +tetralogic +tetralogue +tetralogy +tetralophodont +tetramastia +tetramastigote +Tetramera +tetrameral +tetrameralian +tetrameric +tetramerism +tetramerous +tetrameter +tetramethyl +tetramethylammonium +tetramethylene +tetramethylium +tetramin +tetramine +tetrammine +tetramorph +tetramorphic +tetramorphism +tetramorphous +tetrander +Tetrandria +tetrandrian +tetrandrous +tetrane +tetranitrate +tetranitro +tetranitroaniline +tetranuclear +Tetranychus +Tetrao +Tetraodon +tetraodont +Tetraodontidae +tetraonid +Tetraonidae +Tetraoninae +tetraonine +Tetrapanax +tetrapartite +tetrapetalous +tetraphalangeate +tetrapharmacal +tetrapharmacon +tetraphenol +tetraphony +tetraphosphate +tetraphyllous +tetrapla +tetraplegia +tetrapleuron +tetraploid +tetraploidic +tetraploidy +tetraplous +Tetrapneumona +Tetrapneumones +tetrapneumonian +tetrapneumonous +tetrapod +Tetrapoda +tetrapodic +tetrapody +tetrapolar +tetrapolis +tetrapolitan +tetrapous +tetraprostyle +tetrapteran +tetrapteron +tetrapterous +tetraptote +Tetrapturus +tetraptych +tetrapylon +tetrapyramid +tetrapyrenous +tetraquetrous +tetrarch +tetrarchate +tetrarchic +tetrarchy +tetrasaccharide +tetrasalicylide +tetraselenodont +tetraseme +tetrasemic +tetrasepalous +tetraskelion +tetrasome +tetrasomic +tetrasomy +tetraspermal +tetraspermatous +tetraspermous +tetraspheric +tetrasporange +tetrasporangiate +tetrasporangium +tetraspore +tetrasporic +tetrasporiferous +tetrasporous +tetraster +tetrastich +tetrastichal +tetrastichic +Tetrastichidae +tetrastichous +Tetrastichus +tetrastoon +tetrastyle +tetrastylic +tetrastylos +tetrastylous +tetrasubstituted +tetrasubstitution +tetrasulphide +tetrasyllabic +tetrasyllable +tetrasymmetry +tetrathecal +tetratheism +tetratheite +tetrathionates +tetrathionic +tetratomic +tetratone +tetravalence +tetravalency +tetravalent +tetraxial +tetraxon +Tetraxonia +tetraxonian +tetraxonid +Tetraxonida +tetrazane +tetrazene +tetrazin +tetrazine +tetrazo +tetrazole +tetrazolium +tetrazolyl +tetrazone +tetrazotization +tetrazotize +tetrazyl +tetremimeral +tetrevangelium +tetric +tetrical +tetricity +tetricous +tetrigid +Tetrigidae +tetriodide +Tetrix +tetrobol +tetrobolon +tetrode +Tetrodon +tetrodont +Tetrodontidae +tetrole +tetrolic +tetronic +tetronymal +tetrose +tetroxalate +tetroxide +tetrsyllabical +tetryl +tetrylene +tetter +tetterish +tetterous +tetterwort +tettery +Tettigidae +tettigoniid +Tettigoniidae +tettix +Tetum +Teucer +Teucri +Teucrian +teucrin +Teucrium +teufit +teuk +Teutolatry +Teutomania +Teutomaniac +Teuton +Teutondom +Teutonesque +Teutonia +Teutonic +Teutonically +Teutonicism +Teutonism +Teutonist +Teutonity +Teutonization +Teutonize +Teutonomania +Teutonophobe +Teutonophobia +Teutophil +Teutophile +Teutophilism +Teutophobe +Teutophobia +Teutophobism +teviss +tew +Tewa +tewel +tewer +tewit +tewly +tewsome +Texan +Texas +Texcocan +texguino +text +textarian +textbook +textbookless +textiferous +textile +textilist +textlet +textman +textorial +textrine +textual +textualism +textualist +textuality +textually +textuarist +textuary +textural +texturally +texture +textureless +tez +Tezcatlipoca +Tezcatzoncatl +Tezcucan +tezkere +th +tha +thack +thacker +Thackerayan +Thackerayana +Thackerayesque +thackless +Thad +Thai +Thais +thakur +thakurate +thalamencephalic +thalamencephalon +thalami +thalamic +Thalamiflorae +thalamifloral +thalamiflorous +thalamite +thalamium +thalamocele +thalamocoele +thalamocortical +thalamocrural +thalamolenticular +thalamomammillary +thalamopeduncular +Thalamophora +thalamotegmental +thalamotomy +thalamus +Thalarctos +thalassal +Thalassarctos +thalassian +thalassic +thalassinid +Thalassinidea +thalassinidian +thalassinoid +thalassiophyte +thalassiophytous +thalasso +Thalassochelys +thalassocracy +thalassocrat +thalassographer +thalassographic +thalassographical +thalassography +thalassometer +thalassophilous +thalassophobia +thalassotherapy +thalattology +thalenite +thaler +Thalesia +Thalesian +Thalessa +Thalia +Thaliacea +thaliacean +Thalian +Thaliard +Thalictrum +thalli +thallic +thalliferous +thalliform +thalline +thallious +thallium +thallochlore +thallodal +thallogen +thallogenic +thallogenous +thalloid +thallome +Thallophyta +thallophyte +thallophytic +thallose +thallous +thallus +thalposis +thalpotic +thalthan +thameng +Thamesis +Thamnidium +thamnium +thamnophile +Thamnophilinae +thamnophiline +Thamnophilus +Thamnophis +Thamudean +Thamudene +Thamudic +thamuria +Thamus +Thamyras +than +thana +thanadar +thanage +thanan +thanatism +thanatist +thanatobiologic +thanatognomonic +thanatographer +thanatography +thanatoid +thanatological +thanatologist +thanatology +thanatomantic +thanatometer +thanatophidia +thanatophidian +thanatophobe +thanatophobia +thanatophobiac +thanatophoby +thanatopsis +Thanatos +thanatosis +thanatotic +thanatousia +thane +thanedom +thanehood +thaneland +thaneship +thank +thankee +thanker +thankful +thankfully +thankfulness +thankless +thanklessly +thanklessness +thanks +thanksgiver +thanksgiving +thankworthily +thankworthiness +thankworthy +thapes +Thapsia +thapsia +thar +Tharen +tharf +tharfcake +Thargelion +tharginyah +tharm +Thasian +Thaspium +that +thatch +thatcher +thatching +thatchless +thatchwood +thatchwork +thatchy +thatn +thatness +thats +thaught +Thaumantian +Thaumantias +thaumasite +thaumatogeny +thaumatography +thaumatolatry +thaumatology +thaumatrope +thaumatropical +thaumaturge +thaumaturgia +thaumaturgic +thaumaturgical +thaumaturgics +thaumaturgism +thaumaturgist +thaumaturgy +thaumoscopic +thave +thaw +thawer +thawless +thawn +thawy +The +the +Thea +Theaceae +theaceous +theah +theandric +theanthropic +theanthropical +theanthropism +theanthropist +theanthropology +theanthropophagy +theanthropos +theanthroposophy +theanthropy +thearchic +thearchy +theasum +theat +theater +theatergoer +theatergoing +theaterless +theaterlike +theaterward +theaterwards +theaterwise +Theatine +theatral +theatric +theatricable +theatrical +theatricalism +theatricality +theatricalization +theatricalize +theatrically +theatricalness +theatricals +theatrician +theatricism +theatricize +theatrics +theatrize +theatrocracy +theatrograph +theatromania +theatromaniac +theatron +theatrophile +theatrophobia +theatrophone +theatrophonic +theatropolis +theatroscope +theatry +theave +theb +Thebaic +Thebaid +thebaine +Thebais +thebaism +Theban +Thebesian +theca +thecae +thecal +Thecamoebae +thecaphore +thecasporal +thecaspore +thecaspored +thecasporous +Thecata +thecate +thecia +thecitis +thecium +Thecla +thecla +theclan +thecodont +thecoglossate +thecoid +Thecoidea +Thecophora +Thecosomata +thecosomatous +thee +theek +theeker +theelin +theelol +Theemim +theer +theet +theetsee +theezan +theft +theftbote +theftdom +theftless +theftproof +theftuous +theftuously +thegether +thegidder +thegither +thegn +thegndom +thegnhood +thegnland +thegnlike +thegnly +thegnship +thegnworthy +theiform +Theileria +theine +theinism +their +theirn +theirs +theirselves +theirsens +theism +theist +theistic +theistical +theistically +thelalgia +Thelemite +thelemite +Thelephora +Thelephoraceae +Theligonaceae +theligonaceous +Theligonum +thelitis +thelium +Thelodontidae +Thelodus +theloncus +thelorrhagia +Thelphusa +thelphusian +Thelphusidae +thelyblast +thelyblastic +thelyotokous +thelyotoky +Thelyphonidae +Thelyphonus +thelyplasty +thelytocia +thelytoky +thelytonic +them +thema +themata +thematic +thematical +thematically +thematist +theme +themeless +themelet +themer +Themis +themis +Themistian +themsel +themselves +then +thenabouts +thenadays +thenal +thenar +thenardite +thence +thenceafter +thenceforth +thenceforward +thenceforwards +thencefrom +thenceward +thenness +Theo +theoanthropomorphic +theoanthropomorphism +theoastrological +Theobald +Theobroma +theobromic +theobromine +theocentric +theocentricism +theocentrism +theochristic +theocollectivism +theocollectivist +theocracy +theocrasia +theocrasical +theocrasy +theocrat +theocratic +theocratical +theocratically +theocratist +Theocritan +Theocritean +theodemocracy +theodicaea +theodicean +theodicy +theodidact +theodolite +theodolitic +Theodora +Theodore +Theodoric +Theodosia +Theodosian +Theodotian +theodrama +theody +theogamy +theogeological +theognostic +theogonal +theogonic +theogonism +theogonist +theogony +theohuman +theokrasia +theoktonic +theoktony +theolatrous +theolatry +theolepsy +theoleptic +theologal +theologaster +theologastric +theologate +theologeion +theologer +theologi +theologian +theologic +theological +theologically +theologician +theologicoastronomical +theologicoethical +theologicohistorical +theologicometaphysical +theologicomilitary +theologicomoral +theologiconatural +theologicopolitical +theologics +theologism +theologist +theologium +theologization +theologize +theologizer +theologoumena +theologoumenon +theologue +theologus +theology +theomachia +theomachist +theomachy +theomammomist +theomancy +theomania +theomaniac +theomantic +theomastix +theomicrist +theomisanthropist +theomorphic +theomorphism +theomorphize +theomythologer +theomythology +theonomy +theopantism +Theopaschist +Theopaschitally +Theopaschite +Theopaschitic +Theopaschitism +theopathetic +theopathic +theopathy +theophagic +theophagite +theophagous +theophagy +Theophania +theophania +theophanic +theophanism +theophanous +theophany +Theophila +theophilanthrope +theophilanthropic +theophilanthropism +theophilanthropist +theophilanthropy +theophile +theophilist +theophilosophic +Theophilus +theophobia +theophoric +theophorous +Theophrastaceae +theophrastaceous +Theophrastan +Theophrastean +theophylline +theophysical +theopneust +theopneusted +theopneustia +theopneustic +theopneusty +theopolitician +theopolitics +theopolity +theopsychism +theorbist +theorbo +theorem +theorematic +theorematical +theorematically +theorematist +theoremic +theoretic +theoretical +theoreticalism +theoretically +theoretician +theoreticopractical +theoretics +theoria +theoriai +theoric +theorical +theorically +theorician +theoricon +theorics +theorism +theorist +theorization +theorize +theorizer +theorum +theory +theoryless +theorymonger +theosoph +theosopheme +theosophic +theosophical +theosophically +theosophism +theosophist +theosophistic +theosophistical +theosophize +theosophy +theotechnic +theotechnist +theotechny +theoteleological +theoteleology +theotherapy +Theotokos +theow +theowdom +theowman +Theraean +theralite +therapeusis +Therapeutae +Therapeutic +therapeutic +therapeutical +therapeutically +therapeutics +therapeutism +therapeutist +Theraphosa +theraphose +theraphosid +Theraphosidae +theraphosoid +therapist +therapsid +Therapsida +therapy +therblig +there +thereabouts +thereabove +thereacross +thereafter +thereafterward +thereagainst +thereamong +thereamongst +thereanent +thereanents +therearound +thereas +thereat +thereaway +thereaways +therebeside +therebesides +therebetween +thereby +thereckly +therefor +therefore +therefrom +therehence +therein +thereinafter +thereinbefore +thereinto +therence +thereness +thereof +thereoid +thereologist +thereology +thereon +thereout +thereover +thereright +theres +Theresa +therese +therethrough +theretill +thereto +theretofore +theretoward +thereunder +thereuntil +thereunto +thereup +thereupon +Thereva +therevid +Therevidae +therewhile +therewith +therewithal +therewithin +Theria +theriac +theriaca +theriacal +therial +therianthropic +therianthropism +theriatrics +theridiid +Theridiidae +Theridion +theriodic +theriodont +Theriodonta +Theriodontia +theriolatry +theriomancy +theriomaniac +theriomimicry +theriomorph +theriomorphic +theriomorphism +theriomorphosis +theriomorphous +theriotheism +theriotrophical +theriozoic +therm +thermacogenesis +thermae +thermal +thermalgesia +thermality +thermally +thermanalgesia +thermanesthesia +thermantic +thermantidote +thermatologic +thermatologist +thermatology +thermesthesia +thermesthesiometer +thermetograph +thermetrograph +thermic +thermically +Thermidorian +thermion +thermionic +thermionically +thermionics +thermistor +Thermit +thermit +thermite +thermo +thermoammeter +thermoanalgesia +thermoanesthesia +thermobarograph +thermobarometer +thermobattery +thermocautery +thermochemic +thermochemical +thermochemically +thermochemist +thermochemistry +thermochroic +thermochrosy +thermocline +thermocouple +thermocurrent +thermodiffusion +thermoduric +thermodynamic +thermodynamical +thermodynamically +thermodynamician +thermodynamicist +thermodynamics +thermodynamist +thermoelectric +thermoelectrical +thermoelectrically +thermoelectricity +thermoelectrometer +thermoelectromotive +thermoelement +thermoesthesia +thermoexcitory +thermogalvanometer +thermogen +thermogenerator +thermogenesis +thermogenetic +thermogenic +thermogenous +thermogeny +thermogeographical +thermogeography +thermogram +thermograph +thermography +thermohyperesthesia +thermojunction +thermokinematics +thermolabile +thermolability +thermological +thermology +thermoluminescence +thermoluminescent +thermolysis +thermolytic +thermolyze +thermomagnetic +thermomagnetism +thermometamorphic +thermometamorphism +thermometer +thermometerize +thermometric +thermometrical +thermometrically +thermometrograph +thermometry +thermomotive +thermomotor +thermomultiplier +thermonastic +thermonasty +thermonatrite +thermoneurosis +thermoneutrality +thermonous +thermonuclear +thermopair +thermopalpation +thermopenetration +thermoperiod +thermoperiodic +thermoperiodicity +thermoperiodism +thermophile +thermophilic +thermophilous +thermophobous +thermophone +thermophore +thermophosphor +thermophosphorescence +thermopile +thermoplastic +thermoplasticity +thermoplegia +thermopleion +thermopolymerization +thermopolypnea +thermopolypneic +Thermopsis +thermoradiotherapy +thermoreduction +thermoregulation +thermoregulator +thermoresistance +thermoresistant +thermos +thermoscope +thermoscopic +thermoscopical +thermoscopically +thermosetting +thermosiphon +thermostability +thermostable +thermostat +thermostatic +thermostatically +thermostatics +thermostimulation +thermosynthesis +thermosystaltic +thermosystaltism +thermotactic +thermotank +thermotaxic +thermotaxis +thermotelephone +thermotensile +thermotension +thermotherapeutics +thermotherapy +thermotic +thermotical +thermotically +thermotics +thermotropic +thermotropism +thermotropy +thermotype +thermotypic +thermotypy +thermovoltaic +therodont +theroid +therolatry +therologic +therological +therologist +therology +Theromora +Theromores +theromorph +Theromorpha +theromorphia +theromorphic +theromorphism +theromorphological +theromorphology +theromorphous +Theron +theropod +Theropoda +theropodous +thersitean +Thersites +thersitical +thesauri +thesaurus +these +Thesean +theses +Theseum +Theseus +thesial +thesicle +thesis +Thesium +Thesmophoria +Thesmophorian +Thesmophoric +thesmothetae +thesmothete +thesmothetes +thesocyte +Thespesia +Thespesius +Thespian +Thessalian +Thessalonian +thestreen +theta +thetch +thetic +thetical +thetically +thetics +thetin +thetine +Thetis +theurgic +theurgical +theurgically +theurgist +theurgy +Thevetia +thevetin +thew +thewed +thewless +thewness +thewy +they +theyll +theyre +thiacetic +thiadiazole +thialdine +thiamide +thiamin +thiamine +thianthrene +thiasi +thiasine +thiasite +thiasoi +thiasos +thiasote +thiasus +thiazine +thiazole +thiazoline +thick +thickbrained +thicken +thickener +thickening +thicket +thicketed +thicketful +thickety +thickhead +thickheaded +thickheadedly +thickheadedness +thickish +thickleaf +thicklips +thickly +thickneck +thickness +thicknessing +thickset +thickskin +thickskull +thickskulled +thickwind +thickwit +thief +thiefcraft +thiefdom +thiefland +thiefmaker +thiefmaking +thiefproof +thieftaker +thiefwise +Thielavia +Thielaviopsis +thienone +thienyl +Thierry +thievable +thieve +thieveless +thiever +thievery +thieving +thievingly +thievish +thievishly +thievishness +thig +thigger +thigging +thigh +thighbone +thighed +thight +thightness +thigmonegative +thigmopositive +thigmotactic +thigmotactically +thigmotaxis +thigmotropic +thigmotropically +thigmotropism +Thilanottine +thilk +thill +thiller +thilly +thimber +thimble +thimbleberry +thimbled +thimbleflower +thimbleful +thimblelike +thimblemaker +thimblemaking +thimbleman +thimblerig +thimblerigger +thimbleriggery +thimblerigging +thimbleweed +thin +thinbrained +thine +thing +thingal +thingamabob +thinghood +thinginess +thingish +thingless +thinglet +thinglike +thinglikeness +thingliness +thingly +thingman +thingness +thingstead +thingum +thingumajig +thingumbob +thingummy +thingy +Think +think +thinkable +thinkableness +thinkably +thinker +thinkful +thinking +thinkingly +thinkingpart +thinkling +thinly +thinner +thinness +thinning +thinnish +Thinocoridae +Thinocorus +thinolite +thio +thioacetal +thioacetic +thioalcohol +thioaldehyde +thioamide +thioantimonate +thioantimoniate +thioantimonious +thioantimonite +thioarsenate +thioarseniate +thioarsenic +thioarsenious +thioarsenite +Thiobacillus +Thiobacteria +thiobacteria +Thiobacteriales +thiobismuthite +thiocarbamic +thiocarbamide +thiocarbamyl +thiocarbanilide +thiocarbimide +thiocarbonate +thiocarbonic +thiocarbonyl +thiochloride +thiochrome +thiocresol +thiocyanate +thiocyanation +thiocyanic +thiocyanide +thiocyano +thiocyanogen +thiodiazole +thiodiphenylamine +thiofuran +thiofurane +thiofurfuran +thiofurfurane +thiogycolic +thiohydrate +thiohydrolysis +thiohydrolyze +thioindigo +thioketone +thiol +thiolacetic +thiolactic +thiolic +thionamic +thionaphthene +thionate +thionation +thioneine +thionic +thionine +thionitrite +thionium +thionobenzoic +thionthiolic +thionurate +thionyl +thionylamine +thiophen +thiophene +thiophenic +thiophenol +thiophosgene +thiophosphate +thiophosphite +thiophosphoric +thiophosphoryl +thiophthene +thiopyran +thioresorcinol +thiosinamine +Thiospira +thiostannate +thiostannic +thiostannite +thiostannous +thiosulphate +thiosulphonic +thiosulphuric +Thiothrix +thiotolene +thiotungstate +thiotungstic +thiouracil +thiourea +thiourethan +thiourethane +thioxene +thiozone +thiozonide +thir +third +thirdborough +thirdings +thirdling +thirdly +thirdness +thirdsman +thirl +thirlage +thirling +thirst +thirster +thirstful +thirstily +thirstiness +thirsting +thirstingly +thirstland +thirstle +thirstless +thirstlessness +thirstproof +thirsty +thirt +thirteen +thirteener +thirteenfold +thirteenth +thirteenthly +thirtieth +thirty +thirtyfold +thirtyish +this +thishow +thislike +thisn +thisness +thissen +thistle +thistlebird +thistled +thistledown +thistlelike +thistleproof +thistlery +thistlish +thistly +thiswise +thither +thitherto +thitherward +thitsiol +thiuram +thivel +thixle +thixolabile +thixotropic +thixotropy +Thlaspi +Thlingchadinne +Thlinget +thlipsis +Tho +tho +thob +thocht +thof +thoft +thoftfellow +thoke +thokish +thole +tholeiite +tholepin +tholi +tholoi +tholos +tholus +Thomaean +Thomas +Thomasa +Thomasine +thomasing +Thomasite +thomisid +Thomisidae +Thomism +Thomist +Thomistic +Thomistical +Thomite +Thomomys +thomsenolite +Thomsonian +Thomsonianism +thomsonite +thon +thonder +Thondracians +Thondraki +Thondrakians +thone +thong +Thonga +thonged +thongman +thongy +thoo +thooid +thoom +thoracalgia +thoracaorta +thoracectomy +thoracentesis +thoraces +thoracic +Thoracica +thoracical +thoracicoabdominal +thoracicoacromial +thoracicohumeral +thoracicolumbar +thoraciform +thoracispinal +thoracoabdominal +thoracoacromial +thoracobronchotomy +thoracoceloschisis +thoracocentesis +thoracocyllosis +thoracocyrtosis +thoracodelphus +thoracodidymus +thoracodorsal +thoracodynia +thoracogastroschisis +thoracograph +thoracohumeral +thoracolumbar +thoracolysis +thoracomelus +thoracometer +thoracometry +thoracomyodynia +thoracopagus +thoracoplasty +thoracoschisis +thoracoscope +thoracoscopy +Thoracostei +thoracostenosis +thoracostomy +Thoracostraca +thoracostracan +thoracostracous +thoracotomy +thoral +thorascope +thorax +thore +thoria +thorianite +thoriate +thoric +thoriferous +thorina +thorite +thorium +thorn +thornback +thornbill +thornbush +thorned +thornen +thornhead +thornily +thorniness +thornless +thornlessness +thornlet +thornlike +thornproof +thornstone +thorntail +thorny +thoro +thorocopagous +thorogummite +thoron +thorough +Thoroughbred +thoroughbred +thoroughbredness +thoroughfare +thoroughfarer +thoroughfaresome +thoroughfoot +thoroughgoing +thoroughgoingly +thoroughgoingness +thoroughgrowth +thoroughly +thoroughness +thoroughpaced +thoroughpin +thoroughsped +thoroughstem +thoroughstitch +thoroughstitched +thoroughwax +thoroughwort +thorp +thort +thorter +thortveitite +Thos +Those +those +thou +though +thought +thoughted +thoughten +thoughtful +thoughtfully +thoughtfulness +thoughtkin +thoughtless +thoughtlessly +thoughtlessness +thoughtlet +thoughtness +thoughtsick +thoughty +thousand +thousandfold +thousandfoldly +thousandth +thousandweight +thouse +thow +thowel +thowless +thowt +Thraces +Thracian +thrack +thraep +thrail +thrain +thrall +thrallborn +thralldom +thram +thrammle +thrang +thrangity +thranite +thranitic +thrap +thrapple +thrash +thrashel +thrasher +thrasherman +thrashing +thrasonic +thrasonical +thrasonically +thrast +Thraupidae +thrave +thraver +thraw +thrawcrook +thrawn +thrawneen +Thrax +thread +threadbare +threadbareness +threadbarity +threaded +threaden +threader +threadfin +threadfish +threadflower +threadfoot +threadiness +threadle +threadless +threadlet +threadlike +threadmaker +threadmaking +threadway +threadweed +threadworm +thready +threap +threaper +threat +threaten +threatenable +threatener +threatening +threateningly +threatful +threatfully +threatless +threatproof +three +threefold +threefolded +threefoldedness +threefoldly +threefoldness +threeling +threeness +threepence +threepenny +threepennyworth +threescore +threesome +thremmatology +threne +threnetic +threnetical +threnode +threnodial +threnodian +threnodic +threnodical +threnodist +threnody +threnos +threonin +threonine +threose +threpsology +threptic +thresh +threshel +thresher +thresherman +threshingtime +threshold +Threskiornithidae +Threskiornithinae +threw +thribble +thrice +thricecock +thridacium +thrift +thriftbox +thriftily +thriftiness +thriftless +thriftlessly +thriftlessness +thriftlike +thrifty +thrill +thriller +thrillful +thrillfully +thrilling +thrillingly +thrillingness +thrillproof +thrillsome +thrilly +thrimble +thrimp +Thrinax +thring +thrinter +thrioboly +thrip +thripel +Thripidae +thripple +thrips +thrive +thriveless +thriven +thriver +thriving +thrivingly +thrivingness +thro +throat +throatal +throatband +throated +throatful +throatily +throatiness +throating +throatlash +throatlatch +throatless +throatlet +throatroot +throatstrap +throatwort +throaty +throb +throbber +throbbingly +throbless +throck +throdden +throddy +throe +thrombase +thrombin +thromboangiitis +thromboarteritis +thrombocyst +thrombocyte +thrombocytopenia +thrombogen +thrombogenic +thromboid +thrombokinase +thrombolymphangitis +thrombopenia +thrombophlebitis +thromboplastic +thromboplastin +thrombose +thrombosis +thrombostasis +thrombotic +thrombus +thronal +throne +thronedom +throneless +thronelet +thronelike +throneward +throng +thronger +throngful +throngingly +thronize +thropple +throstle +throstlelike +throttle +throttler +throttling +throttlingly +throu +throuch +throucht +through +throughbear +throughbred +throughcome +throughgang +throughganging +throughgoing +throughgrow +throughknow +throughout +throughput +throve +throw +throwaway +throwback +throwdown +thrower +throwing +thrown +throwoff +throwout +throwster +throwwort +thrum +thrummer +thrummers +thrummy +thrumwort +thrush +thrushel +thrushlike +thrushy +thrust +thruster +thrustful +thrustfulness +thrusting +thrustings +thrutch +thrutchings +Thruthvang +thruv +thrymsa +Thryonomys +Thuan +Thuban +Thucydidean +thud +thudding +thuddingly +thug +thugdom +thuggee +thuggeeism +thuggery +thuggess +thuggish +thuggism +Thuidium +Thuja +thujene +thujin +thujone +Thujopsis +thujyl +Thule +thulia +thulir +thulite +thulium +thulr +thuluth +thumb +thumbbird +thumbed +thumber +thumbkin +thumble +thumbless +thumblike +thumbmark +thumbnail +thumbpiece +thumbprint +thumbrope +thumbscrew +thumbstall +thumbstring +thumbtack +thumby +thumlungur +thump +thumper +thumping +thumpingly +Thunar +Thunbergia +thunbergilene +thunder +thunderation +thunderball +thunderbearer +thunderbearing +thunderbird +thunderblast +thunderbolt +thunderburst +thunderclap +thundercloud +thundercrack +thunderer +thunderfish +thunderflower +thunderful +thunderhead +thunderheaded +thundering +thunderingly +thunderless +thunderlike +thunderous +thunderously +thunderousness +thunderpeal +thunderplump +thunderproof +thundershower +thundersmite +thundersquall +thunderstick +thunderstone +thunderstorm +thunderstrike +thunderstroke +thunderstruck +thunderwood +thunderworm +thunderwort +thundery +thundrous +thundrously +thung +thunge +Thunnidae +Thunnus +Thunor +thuoc +Thurberia +thurible +thuribuler +thuribulum +thurifer +thuriferous +thurificate +thurificati +thurification +thurify +Thuringian +thuringite +Thurio +thurl +thurm +thurmus +Thurnia +Thurniaceae +thurrock +Thursday +thurse +thurt +thus +thusgate +Thushi +thusly +thusness +thuswise +thutter +Thuyopsis +thwack +thwacker +thwacking +thwackingly +thwackstave +thwaite +thwart +thwartedly +thwarteous +thwarter +thwarting +thwartingly +thwartly +thwartman +thwartness +thwartover +thwartsaw +thwartship +thwartships +thwartways +thwartwise +thwite +thwittle +thy +Thyestean +Thyestes +thyine +thylacine +thylacitis +Thylacoleo +Thylacynus +thymacetin +Thymallidae +Thymallus +thymate +thyme +thymectomize +thymectomy +thymegol +Thymelaea +Thymelaeaceae +thymelaeaceous +Thymelaeales +thymelcosis +thymele +thymelic +thymelical +thymelici +thymene +thymetic +thymic +thymicolymphatic +thymine +thymiosis +thymitis +thymocyte +thymogenic +thymol +thymolate +thymolize +thymolphthalein +thymolsulphonephthalein +thymoma +thymonucleic +thymopathy +thymoprivic +thymoprivous +thymopsyche +thymoquinone +thymotactic +thymotic +Thymus +thymus +thymy +thymyl +thymylic +thynnid +Thynnidae +Thyraden +thyratron +thyreoadenitis +thyreoantitoxin +thyreoarytenoid +thyreoarytenoideus +thyreocervical +thyreocolloid +Thyreocoridae +thyreoepiglottic +thyreogenic +thyreogenous +thyreoglobulin +thyreoglossal +thyreohyal +thyreohyoid +thyreoid +thyreoidal +thyreoideal +thyreoidean +thyreoidectomy +thyreoiditis +thyreoitis +thyreolingual +thyreoprotein +thyreosis +thyreotomy +thyreotoxicosis +thyreotropic +thyridial +Thyrididae +thyridium +Thyris +thyrisiferous +thyroadenitis +thyroantitoxin +thyroarytenoid +thyroarytenoideus +thyrocardiac +thyrocele +thyrocervical +thyrocolloid +thyrocricoid +thyroepiglottic +thyroepiglottidean +thyrogenic +thyroglobulin +thyroglossal +thyrohyal +thyrohyoid +thyrohyoidean +thyroid +thyroidal +thyroidea +thyroideal +thyroidean +thyroidectomize +thyroidectomy +thyroidism +thyroiditis +thyroidization +thyroidless +thyroidotomy +thyroiodin +thyrolingual +thyronine +thyroparathyroidectomize +thyroparathyroidectomy +thyroprival +thyroprivia +thyroprivic +thyroprivous +thyroprotein +Thyrostraca +thyrostracan +thyrotherapy +thyrotomy +thyrotoxic +thyrotoxicosis +thyrotropic +thyroxine +thyrse +thyrsiflorous +thyrsiform +thyrsoid +thyrsoidal +thyrsus +Thysanocarpus +thysanopter +Thysanoptera +thysanopteran +thysanopteron +thysanopterous +Thysanoura +thysanouran +thysanourous +Thysanura +thysanuran +thysanurian +thysanuriform +thysanurous +thysel +thyself +thysen +Ti +ti +Tiahuanacan +Tiam +tiang +tiao +tiar +tiara +tiaralike +tiarella +Tiatinagua +tib +Tibbie +Tibbu +tibby +Tiberian +Tiberine +Tiberius +tibet +Tibetan +tibey +tibia +tibiad +tibiae +tibial +tibiale +tibicinist +tibiocalcanean +tibiofemoral +tibiofibula +tibiofibular +tibiometatarsal +tibionavicular +tibiopopliteal +tibioscaphoid +tibiotarsal +tibiotarsus +Tibouchina +tibourbou +tiburon +Tiburtine +tic +tical +ticca +tice +ticement +ticer +Tichodroma +tichodrome +tichorrhine +tick +tickbean +tickbird +tickeater +ticked +ticken +ticker +ticket +ticketer +ticketing +ticketless +ticketmonger +tickey +tickicide +tickie +ticking +tickle +tickleback +ticklebrain +tickled +ticklely +ticklenburg +tickleness +tickleproof +tickler +ticklesome +tickless +tickleweed +tickling +ticklingly +ticklish +ticklishly +ticklishness +tickly +tickney +tickproof +tickseed +tickseeded +ticktack +ticktacker +ticktacktoe +ticktick +ticktock +tickweed +ticky +ticul +Ticuna +Ticunan +tid +tidal +tidally +tidbit +tiddle +tiddledywinks +tiddler +tiddley +tiddling +tiddlywink +tiddlywinking +tiddy +tide +tided +tideful +tidehead +tideland +tideless +tidelessness +tidelike +tidely +tidemaker +tidemaking +tidemark +tiderace +tidesman +tidesurveyor +Tideswell +tidewaiter +tidewaitership +tideward +tidewater +tideway +tidiable +tidily +tidiness +tiding +tidingless +tidings +tidley +tidological +tidology +tidy +tidyism +tidytips +tie +tieback +tied +Tiefenthal +tiemaker +tiemaking +tiemannite +tien +tiepin +tier +tierce +tierced +tierceron +tiered +tierer +tierlike +tiersman +tietick +tiewig +tiewigged +tiff +tiffany +tiffanyite +tiffie +tiffin +tiffish +tiffle +tiffy +tifinagh +tift +tifter +tig +tige +tigella +tigellate +tigelle +tigellum +tigellus +tiger +tigerbird +tigereye +tigerflower +tigerfoot +tigerhearted +tigerhood +tigerish +tigerishly +tigerishness +tigerism +tigerkin +tigerlike +tigerling +tigerly +tigernut +tigerproof +tigerwood +tigery +Tigger +tigger +tight +tighten +tightener +tightfisted +tightish +tightly +tightness +tightrope +tights +tightwad +tightwire +tiglaldehyde +tiglic +tiglinic +tignum +Tigrai +Tigre +Tigrean +tigress +tigresslike +Tigridia +Tigrina +tigrine +Tigris +tigroid +tigrolysis +tigrolytic +tigtag +Tigua +Tigurine +Tiki +tikitiki +tikka +tikker +tiklin +tikolosh +tikor +tikur +til +tilaite +tilaka +tilasite +tilbury +Tilda +tilde +tile +tiled +tilefish +tilelike +tilemaker +tilemaking +tiler +tileroot +tilery +tileseed +tilestone +tileways +tilework +tileworks +tilewright +tileyard +Tilia +Tiliaceae +tiliaceous +tilikum +tiling +till +tillable +Tillaea +Tillaeastrum +tillage +Tillamook +Tillandsia +tiller +tillering +tillerless +tillerman +Tilletia +Tilletiaceae +tilletiaceous +tilley +tillite +tillodont +Tillodontia +Tillodontidae +tillot +tillotter +tilly +tilmus +tilpah +Tilsit +tilt +tiltable +tiltboard +tilter +tilth +tilting +tiltlike +tiltmaker +tiltmaking +tiltup +tilty +tiltyard +tilyer +Tim +timable +Timaeus +Timalia +Timaliidae +Timaliinae +timaliine +timaline +Timani +timar +timarau +timawa +timazite +timbal +timbale +timbang +timbe +timber +timbered +timberer +timberhead +timbering +timberjack +timberland +timberless +timberlike +timberling +timberman +timbermonger +timbern +timbersome +timbertuned +timberwood +timberwork +timberwright +timbery +timberyard +Timbira +timbo +timbre +timbrel +timbreled +timbreler +timbrologist +timbrology +timbromania +timbromaniac +timbromanist +timbrophilic +timbrophilism +timbrophilist +timbrophily +time +timeable +timecard +timed +timeful +timefully +timefulness +timekeep +timekeeper +timekeepership +timeless +timelessly +timelessness +Timelia +Timeliidae +timeliine +timelily +timeliness +timeling +timely +timenoguy +timeous +timeously +timepiece +timepleaser +timeproof +timer +times +timesaver +timesaving +timeserver +timeserving +timeservingness +timetable +timetaker +timetaking +timeward +timework +timeworker +timeworn +Timias +timid +timidity +timidly +timidness +timing +timish +timist +Timne +Timo +timocracy +timocratic +timocratical +Timon +timon +timoneer +Timonian +Timonism +Timonist +Timonize +timor +Timorese +timorous +timorously +timorousness +Timote +Timotean +Timothean +Timothy +timothy +timpani +timpanist +timpano +Timucua +Timucuan +Timuquan +Timuquanan +tin +Tina +Tinamidae +tinamine +tinamou +tinampipi +tincal +tinchel +tinchill +tinclad +tinct +tinction +tinctorial +tinctorially +tinctorious +tinctumutation +tincture +tind +tindal +tindalo +tinder +tinderbox +tindered +tinderish +tinderlike +tinderous +tindery +tine +tinea +tineal +tinean +tined +tinegrass +tineid +Tineidae +Tineina +tineine +tineman +tineoid +Tineoidea +tinetare +tinety +tineweed +tinful +Ting +ting +tinge +tinged +tinger +Tinggian +tingi +tingibility +tingible +tingid +Tingidae +Tingis +tingitid +Tingitidae +tinglass +tingle +tingler +tingletangle +tingling +tinglingly +tinglish +tingly +tingtang +tinguaite +tinguaitic +Tinguian +tinguy +tinhorn +tinhouse +tinily +tininess +tining +tink +tinker +tinkerbird +tinkerdom +tinkerer +tinkerlike +tinkerly +tinkershire +tinkershue +tinkerwise +tinkle +tinkler +tinklerman +tinkling +tinklingly +tinkly +tinlet +tinlike +tinman +Tinne +tinned +tinner +tinnery +tinnet +Tinni +tinnified +tinnily +tinniness +tinning +tinnitus +tinnock +tinny +Tino +Tinoceras +tinosa +tinsel +tinsellike +tinselly +tinselmaker +tinselmaking +tinselry +tinselweaver +tinselwork +tinsman +tinsmith +tinsmithing +tinsmithy +tinstone +tinstuff +tint +tinta +tintage +tintamarre +tintarron +tinted +tinter +tintie +tintiness +tinting +tintingly +tintinnabula +tintinnabulant +tintinnabular +tintinnabulary +tintinnabulate +tintinnabulation +tintinnabulatory +tintinnabulism +tintinnabulist +tintinnabulous +tintinnabulum +tintist +tintless +tintometer +tintometric +tintometry +tinty +tintype +tintyper +tinwald +tinware +tinwoman +tinwork +tinworker +tinworking +tiny +tinzenite +Tionontates +Tionontati +Tiou +tip +tipburn +tipcart +tipcat +tipe +tipful +tiphead +Tiphia +Tiphiidae +tipiti +tiple +tipless +tiplet +tipman +tipmost +tiponi +tippable +tipped +tippee +tipper +tippet +tipping +tipple +tippleman +tippler +tipply +tipproof +tippy +tipsification +tipsifier +tipsify +tipsily +tipsiness +tipstaff +tipster +tipstock +tipsy +tiptail +tipteerer +tiptilt +tiptoe +tiptoeing +tiptoeingly +tiptop +tiptopness +tiptopper +tiptoppish +tiptoppishness +tiptopsome +Tipula +Tipularia +tipulid +Tipulidae +tipuloid +Tipuloidea +tipup +Tipura +tirade +tiralee +tire +tired +tiredly +tiredness +tiredom +tirehouse +tireless +tirelessly +tirelessness +tiremaid +tiremaker +tiremaking +tireman +tirer +tireroom +tiresmith +tiresome +tiresomely +tiresomeness +tiresomeweed +tirewoman +Tirhutia +tiriba +tiring +tiringly +tirl +tirma +tirocinium +Tirolean +Tirolese +Tironian +tirr +tirralirra +tirret +Tirribi +tirrivee +tirrlie +tirrwirr +tirthankara +Tirurai +tirve +tirwit +tisane +tisar +Tishiya +Tishri +Tisiphone +tissual +tissue +tissued +tissueless +tissuelike +tissuey +tisswood +tiswin +tit +Titan +titanate +titanaugite +Titanesque +Titaness +titania +Titanian +Titanic +titanic +Titanical +Titanically +Titanichthyidae +Titanichthys +titaniferous +titanifluoride +Titanism +titanite +titanitic +titanium +Titanlike +titano +titanocolumbate +titanocyanide +titanofluoride +Titanolater +Titanolatry +Titanomachia +Titanomachy +titanomagnetite +titanoniobate +titanosaur +Titanosaurus +titanosilicate +titanothere +Titanotheridae +Titanotherium +titanous +titanyl +titar +titbit +titbitty +tite +titer +titeration +titfish +tithable +tithal +tithe +tithebook +titheless +tithemonger +tithepayer +tither +titheright +tithing +tithingman +tithingpenny +tithonic +tithonicity +tithonographic +tithonometer +Tithymalopsis +Tithymalus +titi +Titian +titian +Titianesque +Titianic +titien +Tities +titilate +titillability +titillant +titillater +titillating +titillatingly +titillation +titillative +titillator +titillatory +titivate +titivation +titivator +titlark +title +titleboard +titled +titledom +titleholder +titleless +titleproof +titler +titleship +titlike +titling +titlist +titmal +titman +Titmarsh +Titmarshian +titmouse +Titoism +Titoist +titoki +titrable +titratable +titrate +titration +titre +titrimetric +titrimetry +titter +titterel +titterer +tittering +titteringly +tittery +tittie +tittle +tittlebat +tittler +tittup +tittupy +titty +tittymouse +titubancy +titubant +titubantly +titubate +titubation +titular +titularity +titularly +titulary +titulation +titule +titulus +Titurel +Titus +tiver +Tivoli +tivoli +tivy +Tiwaz +tiza +tizeur +tizzy +tjanting +tji +tjosite +tlaco +Tlakluit +Tlapallan +Tlascalan +Tlingit +tmema +Tmesipteris +tmesis +to +toa +toad +toadback +toadeat +toadeater +toader +toadery +toadess +toadfish +toadflax +toadflower +toadhead +toadier +toadish +toadless +toadlet +toadlike +toadlikeness +toadling +toadpipe +toadroot +toadship +toadstone +toadstool +toadstoollike +toadwise +toady +toadyish +toadyism +toadyship +Toag +toast +toastable +toastee +toaster +toastiness +toastmaster +toastmastery +toastmistress +toasty +toat +toatoa +Toba +tobacco +tobaccofied +tobaccoism +tobaccoite +tobaccoless +tobaccolike +tobaccoman +tobacconalian +tobacconist +tobacconistical +tobacconize +tobaccophil +tobaccoroot +tobaccoweed +tobaccowood +tobaccoy +tobe +Tobiah +Tobias +Tobikhar +tobine +tobira +toboggan +tobogganeer +tobogganer +tobogganist +Toby +toby +tobyman +tocalote +toccata +Tocharese +Tocharian +Tocharic +Tocharish +tocher +tocherless +tock +toco +Tocobaga +tocodynamometer +tocogenetic +tocogony +tocokinin +tocological +tocologist +tocology +tocome +tocometer +tocopherol +tocororo +tocsin +tocusso +Tod +tod +Toda +today +todayish +Todd +todder +toddick +toddite +toddle +toddlekins +toddler +toddy +toddyize +toddyman +tode +Todea +Todidae +Todus +tody +toe +toeboard +toecap +toecapped +toed +toeless +toelike +toellite +toenail +toeplate +Toerless +toernebohmite +toetoe +toff +toffee +toffeeman +toffing +toffish +toffy +toffyman +Tofieldia +Toft +toft +tofter +toftman +toftstead +tofu +tog +toga +togaed +togalike +togata +togate +togated +togawise +together +togetherhood +togetheriness +togetherness +toggel +toggery +toggle +toggler +togless +togs +togt +togue +toher +toheroa +toho +Tohome +tohubohu +tohunga +toi +toil +toiled +toiler +toilet +toileted +toiletry +toilette +toiletted +toiletware +toilful +toilfully +toilinet +toiling +toilingly +toilless +toillessness +toilsome +toilsomely +toilsomeness +toilworn +toise +toit +toitish +toity +Tokay +tokay +toke +Tokelau +token +tokened +tokenless +toko +tokology +tokonoma +tokopat +tol +tolamine +tolan +tolane +tolbooth +told +toldo +tole +Toledan +Toledo +Toledoan +tolerability +tolerable +tolerableness +tolerablish +tolerably +tolerance +tolerancy +Tolerant +tolerant +tolerantism +tolerantly +tolerate +toleration +tolerationism +tolerationist +tolerative +tolerator +tolerism +Toletan +tolfraedic +tolguacha +tolidine +tolite +toll +tollable +tollage +tollbooth +Tollefsen +toller +tollery +tollgate +tollgatherer +tollhouse +tolliker +tolling +tollkeeper +tollman +tollmaster +tollpenny +tolltaker +tolly +Tolowa +tolpatch +tolpatchery +tolsester +tolsey +Tolstoyan +Tolstoyism +Tolstoyist +tolt +Toltec +Toltecan +tolter +tolu +tolualdehyde +toluate +toluene +toluic +toluide +toluidide +toluidine +toluidino +toluido +Toluifera +tolunitrile +toluol +toluquinaldine +tolusafranine +toluyl +toluylene +toluylenediamine +toluylic +tolyl +tolylene +tolylenediamine +Tolypeutes +tolypeutine +Tom +Toma +tomahawk +tomahawker +tomalley +toman +Tomas +tomatillo +tomato +tomb +tombac +tombal +tombe +tombic +tombless +tomblet +tomblike +tombola +tombolo +tomboy +tomboyful +tomboyish +tomboyishly +tomboyishness +tomboyism +tombstone +tomcat +tomcod +tome +tomeful +tomelet +toment +tomentose +tomentous +tomentulose +tomentum +tomfool +tomfoolery +tomfoolish +tomfoolishness +tomial +tomin +tomish +Tomistoma +tomium +tomjohn +Tomkin +tomkin +Tommer +Tomming +Tommy +tommy +tommybag +tommycod +tommyrot +tomnoddy +tomnoup +tomogram +tomographic +tomography +Tomopteridae +Tomopteris +tomorn +tomorrow +tomorrower +tomorrowing +tomorrowness +tomosis +Tompion +tompiper +tompon +tomtate +tomtit +Tomtitmouse +ton +tonal +tonalamatl +tonalist +tonalite +tonalitive +tonality +tonally +tonant +tonation +tondino +tone +toned +toneless +tonelessly +tonelessness +toneme +toneproof +toner +tonetic +tonetically +tonetician +tonetics +tong +Tonga +tonga +Tongan +Tongas +tonger +tongkang +tongman +Tongrian +tongs +tongsman +tongue +tonguecraft +tongued +tonguedoughty +tonguefence +tonguefencer +tongueflower +tongueful +tongueless +tonguelet +tonguelike +tongueman +tonguemanship +tongueplay +tongueproof +tonguer +tongueshot +tonguesman +tonguesore +tonguester +tonguetip +tonguey +tonguiness +tonguing +tonic +tonically +tonicity +tonicize +tonicobalsamic +tonicoclonic +tonicostimulant +tonify +tonight +Tonikan +tonish +tonishly +tonishness +tonite +tonitrocirrus +tonitruant +tonitruone +tonitruous +tonjon +tonk +Tonkawa +Tonkawan +tonkin +Tonkinese +tonlet +Tonna +tonnage +tonneau +tonneaued +tonner +tonnish +tonnishly +tonnishness +tonoclonic +tonogram +tonograph +tonological +tonology +tonometer +tonometric +tonometry +tonophant +tonoplast +tonoscope +tonotactic +tonotaxis +tonous +tonsbergite +tonsil +tonsilectomy +tonsilitic +tonsillar +tonsillary +tonsillectome +tonsillectomic +tonsillectomize +tonsillectomy +tonsillith +tonsillitic +tonsillitis +tonsillolith +tonsillotome +tonsillotomy +tonsilomycosis +tonsor +tonsorial +tonsurate +tonsure +tonsured +tontine +tontiner +Tonto +tonus +Tony +tony +tonyhoop +too +toodle +toodleloodle +took +tooken +tool +toolbox +toolbuilder +toolbuilding +tooler +toolhead +toolholder +toolholding +tooling +toolless +toolmaker +toolmaking +toolman +toolmark +toolmarking +toolplate +toolroom +toolsetter +toolslide +toolsmith +toolstock +toolstone +toom +toomly +toon +Toona +toonwood +toop +toorie +toorock +tooroo +toosh +toot +tooter +tooth +toothache +toothaching +toothachy +toothbill +toothbrush +toothbrushy +toothchiseled +toothcomb +toothcup +toothdrawer +toothdrawing +toothed +toother +toothflower +toothful +toothill +toothing +toothless +toothlessly +toothlessness +toothlet +toothleted +toothlike +toothpick +toothplate +toothproof +toothsome +toothsomely +toothsomeness +toothstick +toothwash +toothwork +toothwort +toothy +tootle +tootler +tootlish +tootsy +toozle +toozoo +top +topalgia +toparch +toparchia +toparchical +toparchy +topass +Topatopa +topaz +topazfels +topazine +topazite +topazolite +topazy +topcap +topcast +topchrome +topcoat +topcoating +tope +topectomy +topee +topeewallah +topeng +topepo +toper +toperdom +topesthesia +topflight +topfull +topgallant +toph +tophaceous +tophaike +Tophet +tophetic +tophetize +tophus +tophyperidrosis +topi +topia +topiarian +topiarist +topiarius +topiary +topic +topical +topicality +topically +topinambou +Topinish +topknot +topknotted +topless +toplighted +toplike +topline +toploftical +toploftily +toploftiness +toplofty +topmaker +topmaking +topman +topmast +topmost +topmostly +topnotch +topnotcher +topo +topoalgia +topochemical +topognosia +topognosis +topograph +topographer +topographic +topographical +topographically +topographics +topographist +topographize +topographometric +topography +topolatry +topologic +topological +topologist +topology +toponarcosis +toponym +toponymal +toponymic +toponymical +toponymics +toponymist +toponymy +topophobia +topophone +topotactic +topotaxis +topotype +topotypic +topotypical +topped +topper +toppiece +topping +toppingly +toppingness +topple +toppler +topply +toppy +toprail +toprope +tops +topsail +topsailite +topside +topsl +topsman +topsoil +topstone +topswarm +Topsy +topsyturn +toptail +topwise +toque +Tor +tor +tora +torah +Toraja +toral +toran +torbanite +torbanitic +torbernite +torc +torcel +torch +torchbearer +torchbearing +torcher +torchless +torchlight +torchlighted +torchlike +torchman +torchon +torchweed +torchwood +torchwort +torcular +torculus +tordrillite +tore +toreador +tored +Torenia +torero +toreumatography +toreumatology +toreutic +toreutics +torfaceous +torfel +torgoch +Torgot +toric +Toriest +Torified +torii +Torilis +Torinese +Toriness +torma +tormen +torment +tormenta +tormentable +tormentation +tormentative +tormented +tormentedly +tormentful +tormentil +tormentilla +tormenting +tormentingly +tormentingness +tormentive +tormentor +tormentous +tormentress +tormentry +tormentum +tormina +torminal +torminous +tormodont +torn +tornachile +tornade +tornadic +tornado +tornadoesque +tornadoproof +tornal +tornaria +tornarian +tornese +torney +tornillo +Tornit +tornote +tornus +toro +toroid +toroidal +torolillo +Toromona +Torontonian +tororokombu +Torosaurus +torose +torosity +torotoro +torous +torpedineer +Torpedinidae +torpedinous +torpedo +torpedoer +torpedoist +torpedolike +torpedoplane +torpedoproof +torpent +torpescence +torpescent +torpid +torpidity +torpidly +torpidness +torpify +torpitude +torpor +torporific +torporize +torquate +torquated +torque +torqued +torques +torrefaction +torrefication +torrefy +torrent +torrentful +torrentfulness +torrential +torrentiality +torrentially +torrentine +torrentless +torrentlike +torrentuous +torrentwise +Torreya +Torricellian +torrid +torridity +torridly +torridness +Torridonian +Torrubia +torsade +torse +torsel +torsibility +torsigraph +torsile +torsimeter +torsiogram +torsiograph +torsiometer +torsion +torsional +torsionally +torsioning +torsionless +torsive +torsk +torso +torsoclusion +torsometer +torsoocclusion +Torsten +tort +torta +torteau +torticollar +torticollis +torticone +tortile +tortility +tortilla +tortille +tortious +tortiously +tortive +tortoise +tortoiselike +Tortonian +tortrices +tortricid +Tortricidae +Tortricina +tortricine +tortricoid +Tortricoidea +Tortrix +tortula +Tortulaceae +tortulaceous +tortulous +tortuose +tortuosity +tortuous +tortuously +tortuousness +torturable +torturableness +torture +tortured +torturedly +tortureproof +torturer +torturesome +torturing +torturingly +torturous +torturously +toru +torula +torulaceous +torulaform +toruliform +torulin +toruloid +torulose +torulosis +torulous +torulus +torus +torve +torvid +torvity +torvous +Tory +tory +Torydom +Toryess +Toryfication +Toryfy +toryhillite +Toryish +Toryism +Toryistic +Toryize +Toryship +toryweed +tosaphist +tosaphoth +toscanite +Tosephta +Tosephtas +tosh +toshakhana +tosher +toshery +toshly +toshnail +toshy +tosily +Tosk +Toskish +toss +tosser +tossicated +tossily +tossing +tossingly +tossment +tosspot +tossup +tossy +tost +tosticate +tostication +toston +tosy +tot +total +totalitarian +totalitarianism +totality +totalization +totalizator +totalize +totalizer +totally +totalness +totanine +Totanus +totaquin +totaquina +totaquine +totara +totchka +tote +toteload +totem +totemic +totemically +totemism +totemist +totemistic +totemite +totemization +totemy +toter +tother +totient +Totipalmatae +totipalmate +totipalmation +totipotence +totipotency +totipotent +totipotential +totipotentiality +totitive +toto +Totonac +Totonacan +Totonaco +totora +Totoro +totquot +totter +totterer +tottergrass +tottering +totteringly +totterish +tottery +Tottie +totting +tottle +tottlish +totty +tottyhead +totuava +totum +toty +totyman +tou +toucan +toucanet +Toucanid +touch +touchable +touchableness +touchback +touchbell +touchbox +touchdown +touched +touchedness +toucher +touchhole +touchily +touchiness +touching +touchingly +touchingness +touchless +touchline +touchous +touchpan +touchpiece +touchstone +touchwood +touchy +Toufic +toug +tough +toughen +toughener +toughhead +toughhearted +toughish +toughly +toughness +tought +tould +toumnah +Tounatea +toup +toupee +toupeed +toupet +tour +touraco +tourbillion +tourer +tourette +touring +tourism +tourist +touristdom +touristic +touristproof +touristry +touristship +touristy +tourize +tourmaline +tourmalinic +tourmaliniferous +tourmalinization +tourmalinize +tourmalite +tourn +tournament +tournamental +tournant +tournasin +tournay +tournee +Tournefortia +Tournefortian +tourney +tourneyer +tourniquet +tourte +tousche +touse +touser +tousle +tously +tousy +tout +touter +Tovah +tovar +Tovaria +Tovariaceae +tovariaceous +tovarish +tow +towable +towage +towai +towan +toward +towardliness +towardly +towardness +towards +towboat +towcock +towd +towel +towelette +toweling +towelry +tower +towered +towering +toweringly +towerless +towerlet +towerlike +towerman +towerproof +towerwise +towerwork +towerwort +towery +towght +towhead +towheaded +towhee +towing +towkay +towlike +towline +towmast +town +towned +townee +towner +townet +townfaring +townfolk +townful +towngate +townhood +townify +towniness +townish +townishly +townishness +townist +townland +townless +townlet +townlike +townling +townly +townman +townsboy +townscape +Townsendia +Townsendite +townsfellow +townsfolk +township +townside +townsite +townsman +townspeople +townswoman +townward +townwards +townwear +towny +towpath +towrope +towser +towy +tox +toxa +toxalbumic +toxalbumin +toxalbumose +toxamin +toxanemia +toxaphene +toxcatl +toxemia +toxemic +toxic +toxicaemia +toxical +toxically +toxicant +toxicarol +toxication +toxicemia +toxicity +toxicodendrol +Toxicodendron +toxicoderma +toxicodermatitis +toxicodermatosis +toxicodermia +toxicodermitis +toxicogenic +toxicognath +toxicohaemia +toxicohemia +toxicoid +toxicologic +toxicological +toxicologically +toxicologist +toxicology +toxicomania +toxicopathic +toxicopathy +toxicophagous +toxicophagy +toxicophidia +toxicophobia +toxicosis +toxicotraumatic +toxicum +toxidermic +toxidermitis +toxifer +Toxifera +toxiferous +toxigenic +toxihaemia +toxihemia +toxiinfection +toxiinfectious +toxin +toxinemia +toxinfection +toxinfectious +toxinosis +toxiphobia +toxiphobiac +toxiphoric +toxitabellae +toxity +Toxodon +toxodont +Toxodontia +toxogenesis +Toxoglossa +toxoglossate +toxoid +toxology +toxolysis +toxon +toxone +toxonosis +toxophil +toxophile +toxophilism +toxophilite +toxophilitic +toxophilitism +toxophilous +toxophily +toxophoric +toxophorous +toxoplasmosis +toxosis +toxosozin +Toxostoma +toxotae +Toxotes +Toxotidae +Toxylon +toy +toydom +toyer +toyful +toyfulness +toyhouse +toying +toyingly +toyish +toyishly +toyishness +toyland +toyless +toylike +toymaker +toymaking +toyman +toyon +toyshop +toysome +toytown +toywoman +toywort +toze +tozee +tozer +tra +trabacolo +trabal +trabant +trabascolo +trabea +trabeae +trabeatae +trabeated +trabeation +trabecula +trabecular +trabecularism +trabeculate +trabeculated +trabeculation +trabecule +trabuch +trabucho +Tracaulon +trace +traceability +traceable +traceableness +traceably +traceless +tracelessly +tracer +traceried +tracery +Tracey +trachea +tracheaectasy +tracheal +trachealgia +trachealis +trachean +Trachearia +trachearian +tracheary +Tracheata +tracheate +tracheation +tracheid +tracheidal +tracheitis +trachelagra +trachelate +trachelectomopexia +trachelectomy +trachelismus +trachelitis +trachelium +tracheloacromialis +trachelobregmatic +tracheloclavicular +trachelocyllosis +trachelodynia +trachelology +trachelomastoid +trachelopexia +tracheloplasty +trachelorrhaphy +tracheloscapular +Trachelospermum +trachelotomy +trachenchyma +tracheobronchial +tracheobronchitis +tracheocele +tracheochromatic +tracheoesophageal +tracheofissure +tracheolar +tracheolaryngeal +tracheolaryngotomy +tracheole +tracheolingual +tracheopathia +tracheopathy +tracheopharyngeal +Tracheophonae +tracheophone +tracheophonesis +tracheophonine +tracheophony +tracheoplasty +tracheopyosis +tracheorrhagia +tracheoschisis +tracheoscopic +tracheoscopist +tracheoscopy +tracheostenosis +tracheostomy +tracheotome +tracheotomist +tracheotomize +tracheotomy +Trachinidae +trachinoid +Trachinus +trachitis +trachle +Trachodon +trachodont +trachodontid +Trachodontidae +Trachoma +trachomatous +Trachomedusae +trachomedusan +trachyandesite +trachybasalt +trachycarpous +Trachycarpus +trachychromatic +trachydolerite +trachyglossate +Trachylinae +trachyline +Trachymedusae +trachymedusan +trachyphonia +trachyphonous +Trachypteridae +trachypteroid +Trachypterus +trachyspermous +trachyte +trachytic +trachytoid +tracing +tracingly +track +trackable +trackage +trackbarrow +tracked +tracker +trackhound +trackingscout +tracklayer +tracklaying +trackless +tracklessly +tracklessness +trackman +trackmanship +trackmaster +trackscout +trackshifter +tracksick +trackside +trackwalker +trackway +trackwork +tract +tractability +tractable +tractableness +tractably +tractarian +Tractarianism +tractarianize +tractate +tractator +tractatule +tractellate +tractellum +tractiferous +tractile +tractility +traction +tractional +tractioneering +Tractite +tractlet +tractor +tractoration +tractorism +tractorist +tractorization +tractorize +tractory +tractrix +Tracy +tradable +tradal +trade +tradecraft +tradeful +tradeless +trademaster +trader +tradership +Tradescantia +tradesfolk +tradesman +tradesmanlike +tradesmanship +tradesmanwise +tradespeople +tradesperson +tradeswoman +tradiment +trading +tradite +tradition +traditional +traditionalism +traditionalist +traditionalistic +traditionality +traditionalize +traditionally +traditionarily +traditionary +traditionate +traditionately +traditioner +traditionism +traditionist +traditionitis +traditionize +traditionless +traditionmonger +traditious +traditive +traditor +traditores +traditorship +traduce +traducement +traducent +traducer +traducian +traducianism +traducianist +traducianistic +traducible +traducing +traducingly +traduction +traductionist +trady +traffic +trafficability +trafficable +trafficableness +trafficless +trafficway +trafflicker +trafflike +trag +tragacanth +tragacantha +tragacanthin +tragal +Tragasol +tragedial +tragedian +tragedianess +tragedical +tragedienne +tragedietta +tragedist +tragedization +tragedize +tragedy +tragelaph +tragelaphine +Tragelaphus +tragi +tragic +tragical +tragicality +tragically +tragicalness +tragicaster +tragicize +tragicly +tragicness +tragicofarcical +tragicoheroicomic +tragicolored +tragicomedian +tragicomedy +tragicomic +tragicomical +tragicomicality +tragicomically +tragicomipastoral +tragicoromantic +tragicose +tragopan +Tragopogon +Tragulidae +Tragulina +traguline +traguloid +Traguloidea +Tragulus +tragus +trah +traheen +traik +trail +trailer +trailery +trailiness +trailing +trailingly +trailless +trailmaker +trailmaking +trailman +trailside +trailsman +traily +train +trainable +trainage +trainagraph +trainband +trainbearer +trainbolt +trainboy +trained +trainee +trainer +trainful +training +trainless +trainload +trainman +trainmaster +trainsick +trainster +traintime +trainway +trainy +traipse +trait +traitless +traitor +traitorhood +traitorism +traitorize +traitorlike +traitorling +traitorous +traitorously +traitorousness +traitorship +traitorwise +traitress +traject +trajectile +trajection +trajectitious +trajectory +trajet +tralatician +tralaticiary +tralatition +tralatitious +tralatitiously +tralira +Trallian +tram +trama +tramal +tramcar +trame +Trametes +tramful +tramless +tramline +tramman +trammel +trammeled +trammeler +trammelhead +trammeling +trammelingly +trammelled +trammellingly +trammer +tramming +trammon +tramontane +tramp +trampage +trampdom +tramper +trampess +tramphood +trampish +trampishly +trampism +trample +trampler +tramplike +trampolin +trampoline +trampoose +trampot +tramroad +tramsmith +tramway +tramwayman +tramyard +Tran +trance +tranced +trancedly +tranceful +trancelike +tranchefer +tranchet +trancoidal +traneen +trank +tranka +tranker +trankum +tranky +tranquil +tranquility +tranquilization +tranquilize +tranquilizer +tranquilizing +tranquilizingly +tranquillity +tranquillization +tranquillize +tranquilly +tranquilness +transaccidentation +transact +transaction +transactional +transactionally +transactioneer +transactor +transalpine +transalpinely +transalpiner +transamination +transanimate +transanimation +transannular +transapical +transappalachian +transaquatic +transarctic +transatlantic +transatlantically +transatlantican +transatlanticism +transaudient +transbaikal +transbaikalian +transbay +transboard +transborder +transcalency +transcalent +transcalescency +transcalescent +Transcaucasian +transceiver +transcend +transcendence +transcendency +transcendent +transcendental +transcendentalism +transcendentalist +transcendentalistic +transcendentality +transcendentalize +transcendentally +transcendently +transcendentness +transcendible +transcending +transcendingly +transcendingness +transcension +transchannel +transcolor +transcoloration +transconductance +transcondylar +transcondyloid +transconscious +transcontinental +transcorporate +transcorporeal +transcortical +transcreate +transcribable +transcribble +transcribbler +transcribe +transcriber +transcript +transcription +transcriptional +transcriptionally +transcriptitious +transcriptive +transcriptively +transcriptural +transcrystalline +transcurrent +transcurrently +transcurvation +transdermic +transdesert +transdialect +transdiaphragmatic +transdiurnal +transducer +transduction +transect +transection +transelement +transelementate +transelementation +transempirical +transenna +transept +transeptal +transeptally +transequatorial +transessentiate +transeunt +transexperiential +transfashion +transfeature +transfer +transferability +transferable +transferableness +transferably +transferal +transferee +transference +transferent +transferential +transferography +transferor +transferotype +transferred +transferrer +transferribility +transferring +transferror +transferrotype +transfigurate +transfiguration +transfigurative +transfigure +transfigurement +transfiltration +transfinite +transfix +transfixation +transfixion +transfixture +transfluent +transfluvial +transflux +transforation +transform +transformability +transformable +transformance +transformation +transformationist +transformative +transformator +transformer +transforming +transformingly +transformism +transformist +transformistic +transfrontal +transfrontier +transfuge +transfugitive +transfuse +transfuser +transfusible +transfusion +transfusionist +transfusive +transfusively +transgredient +transgress +transgressible +transgressing +transgressingly +transgression +transgressional +transgressive +transgressively +transgressor +transhape +transhuman +transhumanate +transhumanation +transhumance +transhumanize +transhumant +transience +transiency +transient +transiently +transientness +transigence +transigent +transiliac +transilience +transiliency +transilient +transilluminate +transillumination +transilluminator +transimpression +transincorporation +transindividual +transinsular +transire +transischiac +transisthmian +transistor +transit +transitable +transiter +transition +transitional +transitionally +transitionalness +transitionary +transitionist +transitival +transitive +transitively +transitiveness +transitivism +transitivity +transitman +transitorily +transitoriness +transitory +transitus +Transjordanian +translade +translatable +translatableness +translate +translater +translation +translational +translationally +translative +translator +translatorese +translatorial +translatorship +translatory +translatress +translatrix +translay +transleithan +transletter +translinguate +transliterate +transliteration +transliterator +translocalization +translocate +translocation +translocatory +translucence +translucency +translucent +translucently +translucid +transmarginal +transmarine +transmaterial +transmateriation +transmedial +transmedian +transmental +transmentation +transmeridional +transmethylation +transmigrant +transmigrate +transmigration +transmigrationism +transmigrationist +transmigrative +transmigratively +transmigrator +transmigratory +transmissibility +transmissible +transmission +transmissional +transmissionist +transmissive +transmissively +transmissiveness +transmissivity +transmissometer +transmissory +transmit +transmittable +transmittal +transmittance +transmittancy +transmittant +transmitter +transmittible +transmogrification +transmogrifier +transmogrify +transmold +transmontane +transmorphism +transmundane +transmural +transmuscle +transmutability +transmutable +transmutableness +transmutably +transmutation +transmutational +transmutationist +transmutative +transmutatory +transmute +transmuter +transmuting +transmutive +transmutual +transnatation +transnational +transnatural +transnaturation +transnature +transnihilation +transnormal +transocean +transoceanic +transocular +transom +transomed +transonic +transorbital +transpacific +transpadane +transpalatine +transpalmar +transpanamic +transparence +transparency +transparent +transparentize +transparently +transparentness +transparietal +transparish +transpeciate +transpeciation +transpeer +transpenetrable +transpeninsular +transperitoneal +transperitoneally +transpersonal +transphenomenal +transphysical +transpicuity +transpicuous +transpicuously +transpierce +transpirability +transpirable +transpiration +transpirative +transpiratory +transpire +transpirometer +transplace +transplant +transplantability +transplantable +transplantar +transplantation +transplantee +transplanter +transplendency +transplendent +transplendently +transpleural +transpleurally +transpolar +transponibility +transponible +transpontine +transport +transportability +transportable +transportableness +transportal +transportance +transportation +transportational +transportationist +transportative +transported +transportedly +transportedness +transportee +transporter +transporting +transportingly +transportive +transportment +transposability +transposable +transposableness +transposal +transpose +transposer +transposition +transpositional +transpositive +transpositively +transpositor +transpository +transpour +transprint +transprocess +transprose +transproser +transpulmonary +transpyloric +transradiable +transrational +transreal +transrectification +transrhenane +transrhodanian +transriverine +transsegmental +transsensual +transseptal +transsepulchral +transshape +transshift +transship +transshipment +transsolid +transstellar +transsubjective +transtemporal +Transteverine +transthalamic +transthoracic +transubstantial +transubstantially +transubstantiate +transubstantiation +transubstantiationalist +transubstantiationite +transubstantiative +transubstantiatively +transubstantiatory +transudate +transudation +transudative +transudatory +transude +transumpt +transumption +transumptive +transuranian +transuranic +transuranium +transuterine +transvaal +Transvaaler +Transvaalian +transvaluate +transvaluation +transvalue +transvasate +transvasation +transvase +transvectant +transvection +transvenom +transverbate +transverbation +transverberate +transverberation +transversal +transversale +transversalis +transversality +transversally +transversan +transversary +transverse +transversely +transverseness +transverser +transversion +transversive +transversocubital +transversomedial +transversospinal +transversovertical +transversum +transversus +transvert +transverter +transvest +transvestism +transvestite +transvestitism +transvolation +transwritten +Transylvanian +trant +tranter +trantlum +Tranzschelia +trap +Trapa +Trapaceae +trapaceous +trapball +trapes +trapezate +trapeze +trapezia +trapezial +trapezian +trapeziform +trapezing +trapeziometacarpal +trapezist +trapezium +trapezius +trapezohedral +trapezohedron +trapezoid +trapezoidal +trapezoidiform +trapfall +traphole +trapiferous +traplight +traplike +trapmaker +trapmaking +trappean +trapped +trapper +trapperlike +trappiness +trapping +trappingly +Trappist +trappist +Trappistine +trappoid +trappose +trappous +trappy +traprock +traps +trapshoot +trapshooter +trapshooting +trapstick +trapunto +trasformism +trash +trashery +trashify +trashily +trashiness +traship +trashless +trashrack +trashy +trass +Trastevere +Trasteverine +trasy +traulism +trauma +traumasthenia +traumatic +traumatically +traumaticin +traumaticine +traumatism +traumatize +traumatology +traumatonesis +traumatopnea +traumatopyra +traumatosis +traumatotactic +traumatotaxis +traumatropic +traumatropism +Trautvetteria +travail +travale +travally +travated +trave +travel +travelability +travelable +traveldom +traveled +traveler +traveleress +travelerlike +traveling +travellability +travellable +travelled +traveller +travelogue +traveloguer +traveltime +traversable +traversal +traversary +traverse +traversed +traversely +traverser +traversewise +traversework +traversing +traversion +travertin +travertine +travestier +travestiment +travesty +Travis +travis +travois +travoy +trawl +trawlboat +trawler +trawlerman +trawlnet +tray +trayful +traylike +treacher +treacherous +treacherously +treacherousness +treachery +treacle +treaclelike +treaclewort +treacliness +treacly +tread +treadboard +treader +treading +treadle +treadler +treadmill +treadwheel +treason +treasonable +treasonableness +treasonably +treasonful +treasonish +treasonist +treasonless +treasonmonger +treasonous +treasonously +treasonproof +treasurable +treasure +treasureless +treasurer +treasurership +treasuress +treasurous +treasury +treasuryship +treat +treatable +treatableness +treatably +treatee +treater +treating +treatise +treatiser +treatment +treator +treaty +treatyist +treatyite +treatyless +Trebellian +treble +trebleness +trebletree +trebly +trebuchet +trecentist +trechmannite +treckschuyt +Treculia +treddle +tredecile +tredille +tree +treebeard +treebine +treed +treefish +treeful +treehair +treehood +treeify +treeiness +treeless +treelessness +treelet +treelike +treeling +treemaker +treemaking +treeman +treen +treenail +treescape +treeship +treespeeler +treetop +treeward +treewards +treey +tref +trefgordd +trefle +trefoil +trefoiled +trefoillike +trefoilwise +tregadyne +tregerg +tregohm +trehala +trehalase +trehalose +treillage +trek +trekker +trekometer +trekpath +trellis +trellised +trellislike +trelliswork +Trema +Tremandra +Tremandraceae +tremandraceous +Trematoda +trematode +Trematodea +Trematodes +trematoid +Trematosaurus +tremble +tremblement +trembler +trembling +tremblingly +tremblingness +tremblor +trembly +Tremella +Tremellaceae +tremellaceous +Tremellales +tremelliform +tremelline +tremellineous +tremelloid +tremellose +tremendous +tremendously +tremendousness +tremetol +tremie +tremolando +tremolant +tremolist +tremolite +tremolitic +tremolo +tremor +tremorless +tremorlessly +tremulant +tremulate +tremulation +tremulous +tremulously +tremulousness +trenail +trench +trenchancy +trenchant +trenchantly +trenchantness +trenchboard +trenched +trencher +trencherless +trencherlike +trenchermaker +trenchermaking +trencherman +trencherside +trencherwise +trencherwoman +trenchful +trenchlet +trenchlike +trenchmaster +trenchmore +trenchward +trenchwise +trenchwork +trend +trendle +Trent +trental +Trentepohlia +Trentepohliaceae +trentepohliaceous +Trentine +Trenton +trepan +trepanation +trepang +trepanize +trepanner +trepanning +trepanningly +trephination +trephine +trephiner +trephocyte +trephone +trepid +trepidancy +trepidant +trepidate +trepidation +trepidatory +trepidity +trepidly +trepidness +Treponema +treponematous +treponemiasis +treponemiatic +treponemicidal +treponemicide +Trepostomata +trepostomatous +Treron +Treronidae +Treroninae +tresaiel +trespass +trespassage +trespasser +trespassory +tress +tressed +tressful +tressilate +tressilation +tressless +tresslet +tresslike +tresson +tressour +tressure +tressured +tressy +trest +trestle +trestletree +trestlewise +trestlework +trestling +tret +trevally +trevet +Trevor +trews +trewsman +Trey +trey +tri +triable +triableness +triace +triacetamide +triacetate +triacetonamine +triachenium +triacid +triacontaeterid +triacontane +triaconter +triact +triactinal +triactine +triad +triadelphous +Triadenum +triadic +triadical +triadically +triadism +triadist +triaene +triaenose +triage +triagonal +triakisicosahedral +triakisicosahedron +triakisoctahedral +triakisoctahedrid +triakisoctahedron +triakistetrahedral +triakistetrahedron +trial +trialate +trialism +trialist +triality +trialogue +triamid +triamide +triamine +triamino +triammonium +triamylose +triander +Triandria +triandrian +triandrous +triangle +triangled +triangler +triangleways +trianglewise +trianglework +Triangula +triangular +triangularity +triangularly +triangulate +triangulately +triangulation +triangulator +Triangulid +trianguloid +triangulopyramidal +triangulotriangular +Triangulum +triannual +triannulate +Trianon +Triantaphyllos +triantelope +trianthous +triapsal +triapsidal +triarch +triarchate +triarchy +triarctic +triarcuated +triareal +triarii +Triarthrus +triarticulate +Trias +Triassic +triaster +triatic +Triatoma +triatomic +triatomicity +triaxial +triaxon +triaxonian +triazane +triazin +triazine +triazo +triazoic +triazole +triazolic +tribade +tribadism +tribady +tribal +tribalism +tribalist +tribally +tribarred +tribase +tribasic +tribasicity +tribasilar +tribble +tribe +tribeless +tribelet +tribelike +tribesfolk +tribeship +tribesman +tribesmanship +tribespeople +tribeswoman +triblastic +triblet +triboelectric +triboelectricity +tribofluorescence +tribofluorescent +Tribolium +triboluminescence +triboluminescent +tribometer +Tribonema +Tribonemaceae +tribophosphorescence +tribophosphorescent +tribophosphoroscope +triborough +tribrac +tribrach +tribrachial +tribrachic +tribracteate +tribracteolate +tribromacetic +tribromide +tribromoethanol +tribromophenol +tribromphenate +tribromphenol +tribual +tribually +tribular +tribulate +tribulation +tribuloid +Tribulus +tribuna +tribunal +tribunate +tribune +tribuneship +tribunitial +tribunitian +tribunitiary +tribunitive +tributable +tributarily +tributariness +tributary +tribute +tributer +tributist +tributorian +tributyrin +trica +tricae +tricalcic +tricalcium +tricapsular +tricar +tricarballylic +tricarbimide +tricarbon +tricarboxylic +tricarinate +tricarinated +tricarpellary +tricarpellate +tricarpous +tricaudal +tricaudate +trice +tricellular +tricenarious +tricenarium +tricenary +tricennial +tricentenarian +tricentenary +tricentennial +tricentral +tricephal +tricephalic +tricephalous +tricephalus +triceps +Triceratops +triceria +tricerion +tricerium +trichatrophia +trichauxis +Trichechidae +trichechine +trichechodont +Trichechus +trichevron +trichi +trichia +trichiasis +Trichilia +Trichina +trichina +trichinae +trichinal +Trichinella +trichiniasis +trichiniferous +trichinization +trichinize +trichinoid +trichinopoly +trichinoscope +trichinoscopy +trichinosed +trichinosis +trichinotic +trichinous +trichite +trichitic +trichitis +trichiurid +Trichiuridae +trichiuroid +Trichiurus +trichloride +trichlormethane +trichloro +trichloroacetic +trichloroethylene +trichloromethane +trichloromethyl +trichobacteria +trichobezoar +trichoblast +trichobranchia +trichobranchiate +trichocarpous +trichocephaliasis +Trichocephalus +trichoclasia +trichoclasis +trichocyst +trichocystic +trichode +Trichoderma +Trichodesmium +Trichodontidae +trichoepithelioma +trichogen +trichogenous +trichoglossia +Trichoglossidae +Trichoglossinae +trichoglossine +Trichogramma +Trichogrammatidae +trichogyne +trichogynial +trichogynic +trichoid +Tricholaena +trichological +trichologist +trichology +Tricholoma +trichoma +Trichomanes +trichomaphyte +trichomatose +trichomatosis +trichomatous +trichome +trichomic +trichomonad +Trichomonadidae +Trichomonas +trichomoniasis +trichomycosis +trichonosus +trichopathic +trichopathy +trichophore +trichophoric +trichophyllous +trichophyte +trichophytia +trichophytic +Trichophyton +trichophytosis +Trichoplax +trichopore +trichopter +Trichoptera +trichoptera +trichopteran +trichopteron +trichopterous +trichopterygid +Trichopterygidae +trichord +trichorrhea +trichorrhexic +trichorrhexis +Trichosanthes +trichoschisis +trichosis +trichosporange +trichosporangial +trichosporangium +Trichosporum +trichostasis +Trichostema +trichostrongyle +trichostrongylid +Trichostrongylus +trichothallic +trichotillomania +trichotomic +trichotomism +trichotomist +trichotomize +trichotomous +trichotomously +trichotomy +trichroic +trichroism +trichromat +trichromate +trichromatic +trichromatism +trichromatist +trichrome +trichromic +trichronous +trichuriasis +Trichuris +trichy +Tricia +tricinium +tricipital +tricircular +trick +tricker +trickery +trickful +trickily +trickiness +tricking +trickingly +trickish +trickishly +trickishness +trickle +trickless +tricklet +tricklike +trickling +tricklingly +trickly +trickment +trickproof +tricksical +tricksily +tricksiness +tricksome +trickster +trickstering +trickstress +tricksy +tricktrack +tricky +triclad +Tricladida +triclinate +triclinia +triclinial +tricliniarch +tricliniary +triclinic +triclinium +triclinohedric +tricoccose +tricoccous +tricolette +tricolic +tricolon +tricolor +tricolored +tricolumnar +tricompound +triconch +Triconodon +triconodont +Triconodonta +triconodontid +triconodontoid +triconodonty +triconsonantal +triconsonantalism +tricophorous +tricorn +tricornered +tricornute +tricorporal +tricorporate +tricoryphean +tricosane +tricosanone +tricostate +tricosyl +tricosylic +tricot +tricotine +tricotyledonous +tricresol +tricrotic +tricrotism +tricrotous +tricrural +tricurvate +tricuspal +tricuspid +tricuspidal +tricuspidate +tricuspidated +tricussate +tricyanide +tricycle +tricyclene +tricycler +tricyclic +tricyclist +Tricyrtis +Tridacna +Tridacnidae +tridactyl +tridactylous +tridaily +triddler +tridecane +tridecene +tridecilateral +tridecoic +tridecyl +tridecylene +tridecylic +trident +tridental +tridentate +tridentated +tridentiferous +Tridentine +Tridentinian +tridepside +tridermic +tridiametral +tridiapason +tridigitate +tridimensional +tridimensionality +tridimensioned +tridiurnal +tridominium +tridrachm +triduan +triduum +tridymite +tridynamous +tried +triedly +trielaidin +triene +triennial +trienniality +triennially +triennium +triens +triental +Trientalis +triequal +trier +trierarch +trierarchal +trierarchic +trierarchy +trierucin +trieteric +trieterics +triethanolamine +triethyl +triethylamine +triethylstibine +trifa +trifacial +trifarious +trifasciated +triferous +trifid +trifilar +trifistulary +triflagellate +trifle +trifledom +trifler +triflet +trifling +triflingly +triflingness +trifloral +triflorate +triflorous +trifluoride +trifocal +trifoil +trifold +trifoliate +trifoliated +trifoliolate +trifoliosis +Trifolium +trifolium +trifoly +triforial +triforium +triform +triformed +triformin +triformity +triformous +trifoveolate +trifuran +trifurcal +trifurcate +trifurcation +trig +trigamist +trigamous +trigamy +trigeminal +trigeminous +trigeneric +trigesimal +trigger +triggered +triggerfish +triggerless +trigintal +trigintennial +Trigla +triglandular +triglid +Triglidae +triglochid +Triglochin +triglochin +triglot +trigly +triglyceride +triglyceryl +triglyph +triglyphal +triglyphed +triglyphic +triglyphical +trigness +trigon +Trigona +trigonal +trigonally +trigone +Trigonella +trigonelline +trigoneutic +trigoneutism +Trigonia +Trigoniaceae +trigoniacean +trigoniaceous +trigonic +trigonid +Trigoniidae +trigonite +trigonitis +trigonocephalic +trigonocephalous +Trigonocephalus +trigonocephaly +trigonocerous +trigonododecahedron +trigonodont +trigonoid +trigonometer +trigonometric +trigonometrical +trigonometrician +trigonometry +trigonon +trigonotype +trigonous +trigonum +trigram +trigrammatic +trigrammatism +trigrammic +trigraph +trigraphic +triguttulate +trigyn +Trigynia +trigynian +trigynous +trihalide +trihedral +trihedron +trihemeral +trihemimer +trihemimeral +trihemimeris +trihemiobol +trihemiobolion +trihemitetartemorion +trihoral +trihourly +trihybrid +trihydrate +trihydrated +trihydric +trihydride +trihydrol +trihydroxy +trihypostatic +trijugate +trijugous +trijunction +trikaya +trike +triker +trikeria +trikerion +triketo +triketone +trikir +trilabe +trilabiate +trilamellar +trilamellated +trilaminar +trilaminate +trilarcenous +trilateral +trilaterality +trilaterally +trilateralness +trilaurin +trilby +trilemma +trilinear +trilineate +trilineated +trilingual +trilinguar +trilinolate +trilinoleate +trilinolenate +trilinolenin +Trilisa +trilit +trilite +triliteral +triliteralism +triliterality +triliterally +triliteralness +trilith +trilithic +trilithon +trill +trillachan +trillet +trilli +Trilliaceae +trilliaceous +trillibub +trilliin +trilling +trillion +trillionaire +trillionize +trillionth +Trillium +trillium +trillo +trilobate +trilobated +trilobation +trilobe +trilobed +Trilobita +trilobite +trilobitic +trilocular +triloculate +trilogic +trilogical +trilogist +trilogy +Trilophodon +trilophodont +triluminar +triluminous +trim +trimacer +trimacular +trimargarate +trimargarin +trimastigate +trimellitic +trimembral +trimensual +trimer +Trimera +trimercuric +Trimeresurus +trimeric +trimeride +trimerite +trimerization +trimerous +trimesic +trimesinic +trimesitic +trimesitinic +trimester +trimestral +trimestrial +trimesyl +trimetalism +trimetallic +trimeter +trimethoxy +trimethyl +trimethylacetic +trimethylamine +trimethylbenzene +trimethylene +trimethylmethane +trimethylstibine +trimetric +trimetrical +trimetrogon +trimly +trimmer +trimming +trimmingly +trimness +trimodal +trimodality +trimolecular +trimonthly +trimoric +trimorph +trimorphic +trimorphism +trimorphous +trimotor +trimotored +trimstone +trimtram +trimuscular +trimyristate +trimyristin +trin +Trinacrian +trinal +trinality +trinalize +trinary +trinational +trindle +trine +trinely +trinervate +trinerve +trinerved +trineural +Tringa +tringine +tringle +tringoid +Trinidadian +trinidado +Trinil +Trinitarian +trinitarian +Trinitarianism +trinitrate +trinitration +trinitride +trinitrin +trinitro +trinitrocarbolic +trinitrocellulose +trinitrocresol +trinitroglycerin +trinitromethane +trinitrophenol +trinitroresorcin +trinitrotoluene +trinitroxylene +trinitroxylol +Trinity +trinity +trinityhood +trink +trinkerman +trinket +trinketer +trinketry +trinkety +trinkle +trinklement +trinklet +trinkums +Trinobantes +trinoctial +trinodal +trinode +trinodine +trinol +trinomial +trinomialism +trinomialist +trinomiality +trinomially +trinopticon +Trinorantum +Trinovant +Trinovantes +trintle +trinucleate +Trinucleus +Trio +trio +triobol +triobolon +trioctile +triocular +triode +triodia +triodion +Triodon +Triodontes +Triodontidae +triodontoid +Triodontoidea +Triodontoidei +Triodontophorus +Trioecia +trioecious +trioeciously +trioecism +triolcous +triole +trioleate +triolefin +trioleic +triolein +triolet +triology +Trionychidae +trionychoid +Trionychoideachid +trionychoidean +trionym +trionymal +Trionyx +trioperculate +Triopidae +Triops +trior +triorchis +triorchism +triorthogonal +triose +Triosteum +triovulate +trioxazine +trioxide +trioxymethylene +triozonide +trip +tripal +tripaleolate +tripalmitate +tripalmitin +tripara +tripart +triparted +tripartedly +tripartible +tripartient +tripartite +tripartitely +tripartition +tripaschal +tripe +tripedal +tripel +tripelike +tripeman +tripemonger +tripennate +tripenny +tripeptide +tripersonal +tripersonalism +tripersonalist +tripersonality +tripersonally +tripery +tripeshop +tripestone +tripetaloid +tripetalous +tripewife +tripewoman +triphammer +triphane +triphase +triphaser +Triphasia +triphasic +triphenyl +triphenylamine +triphenylated +triphenylcarbinol +triphenylmethane +triphenylmethyl +triphenylphosphine +triphibian +triphibious +triphony +Triphora +triphthong +triphyletic +triphyline +triphylite +triphyllous +Triphysite +tripinnate +tripinnated +tripinnately +tripinnatifid +tripinnatisect +Tripitaka +triplane +Triplaris +triplasian +triplasic +triple +tripleback +triplefold +triplegia +tripleness +triplet +tripletail +tripletree +triplewise +triplex +triplexity +triplicate +triplication +triplicative +triplicature +Triplice +Triplicist +triplicity +triplicostate +tripliform +triplinerved +tripling +triplite +triploblastic +triplocaulescent +triplocaulous +Triplochitonaceae +triploid +triploidic +triploidite +triploidy +triplopia +triplopy +triplum +triplumbic +triply +tripmadam +tripod +tripodal +tripodial +tripodian +tripodic +tripodical +tripody +tripointed +tripolar +tripoli +Tripoline +tripoline +Tripolitan +tripolite +tripos +tripotassium +trippant +tripper +trippet +tripping +trippingly +trippingness +trippist +tripple +trippler +Tripsacum +tripsill +tripsis +tripsome +tripsomely +triptane +tripterous +triptote +triptych +triptyque +tripudial +tripudiant +tripudiary +tripudiate +tripudiation +tripudist +tripudium +tripunctal +tripunctate +tripy +Tripylaea +tripylaean +Tripylarian +tripylarian +tripyrenous +triquadrantal +triquetra +triquetral +triquetric +triquetrous +triquetrously +triquetrum +triquinate +triquinoyl +triradial +triradially +triradiate +triradiated +triradiately +triradiation +Triratna +trirectangular +triregnum +trireme +trirhombohedral +trirhomboidal +triricinolein +trisaccharide +trisaccharose +trisacramentarian +Trisagion +trisalt +trisazo +trisceptral +trisect +trisected +trisection +trisector +trisectrix +triseme +trisemic +trisensory +trisepalous +triseptate +triserial +triserially +triseriate +triseriatim +trisetose +Trisetum +trishna +trisilane +trisilicane +trisilicate +trisilicic +trisinuate +trisinuated +triskele +triskelion +trismegist +trismegistic +trismic +trismus +trisoctahedral +trisoctahedron +trisodium +trisome +trisomic +trisomy +trisonant +Trisotropis +trispast +trispaston +trispermous +trispinose +trisplanchnic +trisporic +trisporous +trisquare +trist +tristachyous +Tristam +Tristan +Tristania +tristate +tristearate +tristearin +tristeness +tristetrahedron +tristeza +tristful +tristfully +tristfulness +tristich +Tristichaceae +tristichic +tristichous +tristigmatic +tristigmatose +tristiloquy +tristisonous +Tristram +tristylous +trisubstituted +trisubstitution +trisul +trisula +trisulcate +trisulcated +trisulphate +trisulphide +trisulphone +trisulphonic +trisulphoxide +trisylabic +trisyllabical +trisyllabically +trisyllabism +trisyllabity +trisyllable +tritactic +tritagonist +tritangent +tritangential +tritanope +tritanopia +tritanopic +tritaph +trite +Triteleia +tritely +tritemorion +tritencephalon +triteness +triternate +triternately +triterpene +tritetartemorion +tritheism +tritheist +tritheistic +tritheistical +tritheite +tritheocracy +trithing +trithioaldehyde +trithiocarbonate +trithiocarbonic +trithionate +trithionic +Trithrinax +tritical +triticality +tritically +triticalness +triticeous +triticeum +triticin +triticism +triticoid +Triticum +triticum +tritish +tritium +tritocerebral +tritocerebrum +tritocone +tritoconid +Tritogeneia +tritolo +Tritoma +tritomite +Triton +triton +tritonal +tritonality +tritone +Tritoness +Tritonia +Tritonic +Tritonidae +tritonoid +tritonous +tritonymph +tritonymphal +tritopatores +tritopine +tritor +tritoral +tritorium +tritoxide +tritozooid +tritriacontane +trittichan +tritubercular +Trituberculata +trituberculism +trituberculy +triturable +tritural +triturate +trituration +triturator +triturature +triturium +Triturus +trityl +Tritylodon +Triumfetta +Triumph +triumph +triumphal +triumphance +triumphancy +triumphant +triumphantly +triumphator +triumpher +triumphing +triumphwise +triumvir +triumviral +triumvirate +triumviri +triumvirship +triunal +triune +triungulin +triunification +triunion +triunitarian +triunity +triunsaturated +triurid +Triuridaceae +Triuridales +Triuris +trivalence +trivalency +trivalent +trivalerin +trivalve +trivalvular +trivant +trivantly +trivariant +triverbal +triverbial +trivet +trivetwise +trivia +trivial +trivialism +trivialist +triviality +trivialize +trivially +trivialness +trivirga +trivirgate +trivium +trivoltine +trivvet +triweekly +Trix +Trixie +Trixy +trizoic +trizomal +trizonal +trizone +Trizonia +Troad +troat +troca +trocaical +trocar +Trochaic +trochaic +trochaicality +trochal +trochalopod +Trochalopoda +trochalopodous +trochanter +trochanteric +trochanterion +trochantin +trochantinian +trochart +trochate +troche +trocheameter +trochee +trocheeize +trochelminth +Trochelminthes +trochi +trochid +Trochidae +trochiferous +trochiform +Trochila +Trochili +trochili +trochilic +trochilics +trochilidae +trochilidine +trochilidist +trochiline +trochilopodous +Trochilus +trochilus +troching +trochiscation +trochiscus +trochite +trochitic +Trochius +trochlea +trochlear +trochleariform +trochlearis +trochleary +trochleate +trochleiform +trochocephalia +trochocephalic +trochocephalus +trochocephaly +Trochodendraceae +trochodendraceous +Trochodendron +trochoid +trochoidal +trochoidally +trochoides +trochometer +trochophore +Trochosphaera +Trochosphaerida +trochosphere +trochospherical +Trochozoa +trochozoic +trochozoon +Trochus +trochus +trock +troco +troctolite +trod +trodden +trode +troegerite +Troezenian +troft +trog +trogger +troggin +troglodytal +troglodyte +Troglodytes +troglodytic +troglodytical +Troglodytidae +Troglodytinae +troglodytish +troglodytism +trogon +Trogones +Trogonidae +Trogoniformes +trogonoid +trogs +trogue +Troiades +Troic +troika +troilite +Trojan +troke +troker +troll +trolldom +trolleite +troller +trolley +trolleyer +trolleyful +trolleyman +trollflower +trollimog +trolling +Trollius +trollman +trollol +trollop +Trollopean +Trollopeanism +trollopish +trollops +trollopy +trolly +tromba +trombe +trombiculid +trombidiasis +Trombidiidae +Trombidium +trombone +trombonist +trombony +trommel +tromometer +tromometric +tromometrical +tromometry +tromp +trompe +trompil +trompillo +tromple +tron +trona +tronador +tronage +tronc +trondhjemite +trone +troner +troolie +troop +trooper +trooperess +troopfowl +troopship +troopwise +troostite +troostitic +troot +tropacocaine +tropaeolaceae +tropaeolaceous +tropaeolin +Tropaeolum +tropaion +tropal +troparia +troparion +tropary +tropate +trope +tropeic +tropeine +troper +tropesis +trophaea +trophaeum +trophal +trophallactic +trophallaxis +trophectoderm +trophedema +trophema +trophesial +trophesy +trophi +trophic +trophical +trophically +trophicity +trophied +Trophis +trophism +trophobiont +trophobiosis +trophobiotic +trophoblast +trophoblastic +trophochromatin +trophocyte +trophoderm +trophodisc +trophodynamic +trophodynamics +trophogenesis +trophogenic +trophogeny +trophology +trophonema +trophoneurosis +trophoneurotic +Trophonian +trophonucleus +trophopathy +trophophore +trophophorous +trophophyte +trophoplasm +trophoplasmatic +trophoplasmic +trophoplast +trophosomal +trophosome +trophosperm +trophosphere +trophospongia +trophospongial +trophospongium +trophospore +trophotaxis +trophotherapy +trophothylax +trophotropic +trophotropism +trophozoite +trophozooid +trophy +trophyless +trophywort +tropic +tropical +Tropicalia +Tropicalian +tropicality +tropicalization +tropicalize +tropically +tropicopolitan +tropidine +Tropidoleptus +tropine +tropism +tropismatic +tropist +tropistic +tropocaine +tropologic +tropological +tropologically +tropologize +tropology +tropometer +tropopause +tropophil +tropophilous +tropophyte +tropophytic +troposphere +tropostereoscope +tropoyl +troptometer +tropyl +trostera +trot +trotcozy +troth +trothful +trothless +trothlike +trothplight +trotlet +trotline +trotol +trotter +trottie +trottles +trottoir +trottoired +trotty +trotyl +troubadour +troubadourish +troubadourism +troubadourist +trouble +troubledly +troubledness +troublemaker +troublemaking +troublement +troubleproof +troubler +troublesome +troublesomely +troublesomeness +troubling +troublingly +troublous +troublously +troublousness +troubly +trough +troughful +troughing +troughlike +troughster +troughway +troughwise +troughy +trounce +trouncer +troupand +troupe +trouper +troupial +trouse +trouser +trouserdom +trousered +trouserettes +trouserian +trousering +trouserless +trousers +trousseau +trousseaux +trout +troutbird +trouter +troutflower +troutful +troutiness +troutless +troutlet +troutlike +trouty +trouvere +trouveur +trove +troveless +trover +trow +trowel +trowelbeak +troweler +trowelful +trowelman +trowing +trowlesworthite +trowman +trowth +Troy +troy +Troynovant +Troytown +truancy +truandise +truant +truantcy +truantism +truantlike +truantly +truantness +truantry +truantship +trub +trubu +truce +trucebreaker +trucebreaking +truceless +trucemaker +trucemaking +trucial +trucidation +truck +truckage +trucker +truckful +trucking +truckle +truckler +trucklike +truckling +trucklingly +truckload +truckman +truckmaster +trucks +truckster +truckway +truculence +truculency +truculent +truculental +truculently +truculentness +truddo +trudellite +trudge +trudgen +trudger +Trudy +true +trueborn +truebred +truehearted +trueheartedly +trueheartedness +truelike +truelove +trueness +truepenny +truer +truff +truffle +truffled +trufflelike +truffler +trufflesque +trug +truish +truism +truismatic +truistic +truistical +trull +Trullan +truller +trullization +trullo +truly +trumbash +trummel +trump +trumper +trumperiness +trumpery +trumpet +trumpetbush +trumpeter +trumpeting +trumpetless +trumpetlike +trumpetry +trumpetweed +trumpetwood +trumpety +trumph +trumpie +trumpless +trumplike +trun +truncage +truncal +truncate +truncated +Truncatella +Truncatellidae +truncately +truncation +truncator +truncatorotund +truncatosinuate +truncature +trunch +trunched +truncheon +truncheoned +truncher +trunchman +trundle +trundlehead +trundler +trundleshot +trundletail +trundling +trunk +trunkback +trunked +trunkfish +trunkful +trunking +trunkless +trunkmaker +trunknose +trunkway +trunkwork +trunnel +trunnion +trunnioned +trunnionless +trush +trusion +truss +trussed +trussell +trusser +trussing +trussmaker +trussmaking +trusswork +trust +trustability +trustable +trustableness +trustably +trustee +trusteeism +trusteeship +trusten +truster +trustful +trustfully +trustfulness +trustification +trustify +trustihood +trustily +trustiness +trusting +trustingly +trustingness +trustle +trustless +trustlessly +trustlessness +trustman +trustmonger +trustwoman +trustworthily +trustworthiness +trustworthy +trusty +truth +truthable +truthful +truthfully +truthfulness +truthify +truthiness +truthless +truthlessly +truthlessness +truthlike +truthlikeness +truthsman +truthteller +truthtelling +truthy +Trutta +truttaceous +truvat +truxillic +truxilline +try +trygon +Trygonidae +tryhouse +Trying +trying +tryingly +tryingness +tryma +tryout +tryp +trypa +trypan +trypaneid +Trypaneidae +trypanocidal +trypanocide +trypanolysin +trypanolysis +trypanolytic +Trypanosoma +trypanosoma +trypanosomacidal +trypanosomacide +trypanosomal +trypanosomatic +Trypanosomatidae +trypanosomatosis +trypanosomatous +trypanosome +trypanosomiasis +trypanosomic +Tryparsamide +Trypeta +trypetid +Trypetidae +Tryphena +Tryphosa +trypiate +trypograph +trypographic +trypsin +trypsinize +trypsinogen +tryptase +tryptic +tryptogen +tryptone +tryptonize +tryptophan +trysail +tryst +tryster +trysting +tryt +tryworks +tsadik +tsamba +tsantsa +tsar +tsardom +tsarevitch +tsarina +tsaritza +tsarship +tsatlee +Tsattine +tscharik +tscheffkinite +Tscherkess +tsere +tsessebe +tsetse +Tshi +tsia +Tsiltaden +Tsimshian +tsine +tsingtauite +tsiology +Tsoneca +Tsonecan +tst +tsuba +tsubo +Tsuga +Tsuma +tsumebite +tsun +tsunami +tsungtu +Tsutsutsi +tu +tua +Tualati +Tuamotu +Tuamotuan +Tuan +tuan +Tuareg +tuarn +tuart +tuatara +tuatera +tuath +tub +Tuba +tuba +tubae +tubage +tubal +tubaphone +tubar +tubate +tubatoxin +Tubatulabal +tubba +tubbable +tubbal +tubbeck +tubber +tubbie +tubbiness +tubbing +tubbish +tubboe +tubby +tube +tubeflower +tubeform +tubeful +tubehead +tubehearted +tubeless +tubelet +tubelike +tubemaker +tubemaking +tubeman +tuber +Tuberaceae +tuberaceous +Tuberales +tuberation +tubercle +tubercled +tuberclelike +tubercula +tubercular +Tubercularia +Tuberculariaceae +tuberculariaceous +tubercularization +tubercularize +tubercularly +tubercularness +tuberculate +tuberculated +tuberculatedly +tuberculately +tuberculation +tuberculatogibbous +tuberculatonodose +tuberculatoradiate +tuberculatospinous +tubercule +tuberculed +tuberculid +tuberculide +tuberculiferous +tuberculiform +tuberculin +tuberculinic +tuberculinization +tuberculinize +tuberculization +tuberculize +tuberculocele +tuberculocidin +tuberculoderma +tuberculoid +tuberculoma +tuberculomania +tuberculomata +tuberculophobia +tuberculoprotein +tuberculose +tuberculosectorial +tuberculosed +tuberculosis +tuberculotherapist +tuberculotherapy +tuberculotoxin +tuberculotrophic +tuberculous +tuberculously +tuberculousness +tuberculum +tuberiferous +tuberiform +tuberin +tuberization +tuberize +tuberless +tuberoid +tuberose +tuberosity +tuberous +tuberously +tuberousness +tubesmith +tubework +tubeworks +tubfish +tubful +tubicen +tubicinate +tubicination +Tubicola +Tubicolae +tubicolar +tubicolous +tubicorn +tubicornous +tubifacient +tubifer +tubiferous +Tubifex +Tubificidae +Tubiflorales +tubiflorous +tubiform +tubig +tubik +tubilingual +Tubinares +tubinarial +tubinarine +tubing +Tubingen +tubiparous +Tubipora +tubipore +tubiporid +Tubiporidae +tubiporoid +tubiporous +tublet +tublike +tubmaker +tubmaking +tubman +tuboabdominal +tubocurarine +tubolabellate +tuboligamentous +tuboovarial +tuboovarian +tuboperitoneal +tuborrhea +tubotympanal +tubovaginal +tubular +Tubularia +tubularia +Tubulariae +tubularian +Tubularida +tubularidan +Tubulariidae +tubularity +tubularly +tubulate +tubulated +tubulation +tubulator +tubulature +tubule +tubulet +tubuli +tubulibranch +tubulibranchian +Tubulibranchiata +tubulibranchiate +Tubulidentata +tubulidentate +Tubulifera +tubuliferan +tubuliferous +tubulifloral +tubuliflorous +tubuliform +Tubulipora +tubulipore +tubuliporid +Tubuliporidae +tubuliporoid +tubulization +tubulodermoid +tubuloracemose +tubulosaccular +tubulose +tubulostriato +tubulous +tubulously +tubulousness +tubulure +tubulus +tubwoman +Tucana +Tucanae +tucandera +Tucano +tuchit +tuchun +tuchunate +tuchunism +tuchunize +tuck +Tuckahoe +tuckahoe +tucker +tuckermanity +tucket +tucking +tuckner +tuckshop +tucktoo +tucky +tucum +tucuma +tucuman +Tucuna +tudel +Tudesque +Tudor +Tudoresque +tue +tueiron +Tuesday +tufa +tufaceous +tufalike +tufan +tuff +tuffaceous +tuffet +tuffing +tuft +tuftaffeta +tufted +tufter +tufthunter +tufthunting +tuftily +tufting +tuftlet +tufty +tug +tugboat +tugboatman +tugger +tuggery +tugging +tuggingly +tughra +tugless +tuglike +tugman +tugrik +tugui +tugurium +tui +tuik +tuille +tuillette +tuilyie +tuism +tuition +tuitional +tuitionary +tuitive +tuke +tukra +Tukuler +Tukulor +tula +Tulalip +tulare +tularemia +tulasi +Tulbaghia +tulchan +tulchin +tule +tuliac +tulip +Tulipa +tulipflower +tulipiferous +tulipist +tuliplike +tulipomania +tulipomaniac +tulipwood +tulipy +tulisan +Tulkepaia +tulle +Tullian +tullibee +Tulostoma +tulsi +Tulu +tulwar +tum +tumasha +tumatakuru +tumatukuru +tumbak +tumbester +tumble +tumblebug +tumbled +tumbledung +tumbler +tumblerful +tumblerlike +tumblerwise +tumbleweed +tumblification +tumbling +tumblingly +tumbly +Tumboa +tumbrel +tume +tumefacient +tumefaction +tumefy +tumescence +tumescent +tumid +tumidity +tumidly +tumidness +Tumion +tummals +tummel +tummer +tummock +tummy +tumor +tumored +tumorlike +tumorous +tump +tumpline +tumtum +tumular +tumulary +tumulate +tumulation +tumuli +tumulose +tumulosity +tumulous +tumult +tumultuarily +tumultuariness +tumultuary +tumultuate +tumultuation +tumultuous +tumultuously +tumultuousness +tumulus +Tumupasa +tun +Tuna +tuna +tunable +tunableness +tunably +tunbellied +tunbelly +tunca +tund +tundagslatta +tunder +tundish +tundra +tundun +tune +Tunebo +tuned +tuneful +tunefully +tunefulness +tuneless +tunelessly +tunelessness +tunemaker +tunemaking +tuner +tunesome +tunester +tunful +tung +Tunga +Tungan +tungate +tungo +tungstate +tungsten +tungstenic +tungsteniferous +tungstenite +tungstic +tungstite +tungstosilicate +tungstosilicic +Tungus +Tungusian +Tungusic +tunhoof +tunic +Tunica +Tunican +tunicary +Tunicata +tunicate +tunicated +tunicin +tunicked +tunicle +tunicless +tuniness +tuning +tunish +Tunisian +tunist +tunk +Tunker +tunket +tunlike +tunmoot +tunna +tunnel +tunneled +tunneler +tunneling +tunnelist +tunnelite +tunnellike +tunnelly +tunnelmaker +tunnelmaking +tunnelman +tunnelway +tunner +tunnery +Tunnit +tunnland +tunnor +tunny +tuno +tunu +tuny +tup +Tupaia +Tupaiidae +tupakihi +tupanship +tupara +tupek +tupelo +Tupi +Tupian +tupik +Tupinamba +Tupinaqui +tupman +tuppence +tuppenny +Tupperian +Tupperish +Tupperism +Tupperize +tupuna +tuque +tur +turacin +Turacus +Turanian +Turanianism +Turanism +turanose +turb +turban +turbaned +turbanesque +turbanette +turbanless +turbanlike +turbantop +turbanwise +turbary +turbeh +Turbellaria +turbellarian +turbellariform +turbescency +turbid +turbidimeter +turbidimetric +turbidimetry +turbidity +turbidly +turbidness +turbinaceous +turbinage +turbinal +turbinate +turbinated +turbination +turbinatoconcave +turbinatocylindrical +turbinatoglobose +turbinatostipitate +turbine +turbinectomy +turbined +turbinelike +Turbinella +Turbinellidae +turbinelloid +turbiner +turbines +Turbinidae +turbiniform +turbinoid +turbinotome +turbinotomy +turbit +turbith +turbitteen +Turbo +turbo +turboalternator +turboblower +turbocompressor +turbodynamo +turboexciter +turbofan +turbogenerator +turbomachine +turbomotor +turbopump +turbosupercharge +turbosupercharger +turbot +turbotlike +turboventilator +turbulence +turbulency +turbulent +turbulently +turbulentness +Turcian +Turcic +Turcification +Turcism +Turcize +Turco +turco +Turcoman +Turcophilism +turcopole +turcopolier +turd +Turdetan +Turdidae +turdiform +Turdinae +turdine +turdoid +Turdus +tureen +tureenful +turf +turfage +turfdom +turfed +turfen +turfiness +turfing +turfite +turfless +turflike +turfman +turfwise +turfy +turgency +turgent +turgently +turgesce +turgescence +turgescency +turgescent +turgescible +turgid +turgidity +turgidly +turgidness +turgite +turgoid +turgor +turgy +Turi +turicata +turio +turion +turioniferous +turjaite +turjite +Turk +turk +Turkana +Turkdom +Turkeer +turken +Turkery +Turkess +Turkey +turkey +turkeyback +turkeyberry +turkeybush +Turkeydom +turkeyfoot +Turkeyism +turkeylike +Turki +Turkic +Turkicize +Turkification +Turkify +turkis +Turkish +Turkishly +Turkishness +Turkism +Turkize +turkle +Turklike +Turkman +Turkmen +Turkmenian +Turkologist +Turkology +Turkoman +Turkomania +Turkomanic +Turkomanize +Turkophil +Turkophile +Turkophilia +Turkophilism +Turkophobe +Turkophobist +turlough +Turlupin +turm +turma +turment +turmeric +turmit +turmoil +turmoiler +turn +turnable +turnabout +turnagain +turnaround +turnaway +turnback +turnbout +turnbuckle +turncap +turncoat +turncoatism +turncock +turndown +turndun +turned +turnel +turner +Turnera +Turneraceae +turneraceous +Turneresque +Turnerian +Turnerism +turnerite +turnery +turney +turngate +turnhall +Turnhalle +Turnices +Turnicidae +turnicine +Turnicomorphae +turnicomorphic +turning +turningness +turnip +turniplike +turnipweed +turnipwise +turnipwood +turnipy +Turnix +turnix +turnkey +turnoff +turnout +turnover +turnpike +turnpiker +turnpin +turnplate +turnplow +turnrow +turns +turnscrew +turnsheet +turnskin +turnsole +turnspit +turnstile +turnstone +turntable +turntail +turnup +turnwrest +turnwrist +Turonian +turp +turpantineweed +turpentine +turpentineweed +turpentinic +turpeth +turpethin +turpid +turpidly +turpitude +turps +turquoise +turquoiseberry +turquoiselike +turr +turret +turreted +turrethead +turretlike +turrical +turricle +turricula +turriculae +turricular +turriculate +turriferous +turriform +turrigerous +Turrilepas +turrilite +Turrilites +turriliticone +Turrilitidae +Turritella +turritella +turritellid +Turritellidae +turritelloid +turse +Tursenoi +Tursha +tursio +Tursiops +Turtan +turtle +turtleback +turtlebloom +turtledom +turtledove +turtlehead +turtleize +turtlelike +turtler +turtlet +turtling +turtosa +tururi +turus +Turveydrop +Turveydropdom +Turveydropian +turwar +Tusayan +Tuscan +Tuscanism +Tuscanize +Tuscanlike +Tuscany +Tuscarora +tusche +Tusculan +Tush +tush +tushed +Tushepaw +tusher +tushery +tusk +tuskar +tusked +Tuskegee +tusker +tuskish +tuskless +tusklike +tuskwise +tusky +tussah +tussal +tusser +tussicular +Tussilago +tussis +tussive +tussle +tussock +tussocked +tussocker +tussocky +tussore +tussur +tut +tutania +tutball +tute +tutee +tutela +tutelage +tutelar +tutelary +Tutelo +tutenag +tuth +tutin +tutiorism +tutiorist +tutly +tutman +tutor +tutorage +tutorer +tutoress +tutorhood +tutorial +tutorially +tutoriate +tutorism +tutorization +tutorize +tutorless +tutorly +tutorship +tutory +tutoyer +tutress +tutrice +tutrix +tuts +tutsan +tutster +tutti +tuttiman +tutty +tutu +tutulus +Tututni +tutwork +tutworker +tutworkman +tuwi +tux +tuxedo +tuyere +Tuyuneiri +tuza +Tuzla +tuzzle +twa +Twaddell +twaddle +twaddledom +twaddleize +twaddlement +twaddlemonger +twaddler +twaddlesome +twaddling +twaddlingly +twaddly +twaddy +twae +twaesome +twafauld +twagger +twain +twaite +twal +twale +twalpenny +twalpennyworth +twalt +Twana +twang +twanger +twanginess +twangle +twangler +twangy +twank +twanker +twanking +twankingly +twankle +twanky +twant +twarly +twas +twasome +twat +twatchel +twatterlight +twattle +twattler +twattling +tway +twayblade +twazzy +tweag +tweak +tweaker +tweaky +twee +tweed +tweeded +tweedle +tweedledee +tweedledum +tweedy +tweeg +tweel +tween +tweenlight +tweeny +tweesh +tweesht +tweest +tweet +tweeter +tweeze +tweezer +tweezers +tweil +twelfhynde +twelfhyndeman +twelfth +twelfthly +Twelfthtide +twelve +twelvefold +twelvehynde +twelvehyndeman +twelvemo +twelvemonth +twelvepence +twelvepenny +twelvescore +twentieth +twentiethly +twenty +twentyfold +twentymo +twere +twerp +Twi +twibil +twibilled +twice +twicer +twicet +twichild +twick +twiddle +twiddler +twiddling +twiddly +twifoil +twifold +twifoldly +twig +twigful +twigged +twiggen +twigger +twiggy +twigless +twiglet +twiglike +twigsome +twigwithy +twilight +twilightless +twilightlike +twilighty +twilit +twill +twilled +twiller +twilling +twilly +twilt +twin +twinable +twinberry +twinborn +twindle +twine +twineable +twinebush +twineless +twinelike +twinemaker +twinemaking +twiner +twinflower +twinfold +twinge +twingle +twinhood +twiningly +twinism +twink +twinkle +twinkledum +twinkleproof +twinkler +twinkles +twinkless +twinkling +twinklingly +twinkly +twinleaf +twinlike +twinling +twinly +twinned +twinner +twinness +twinning +twinship +twinsomeness +twinter +twiny +twire +twirk +twirl +twirler +twirligig +twirly +twiscar +twisel +twist +twistable +twisted +twistedly +twistened +twister +twisterer +twistical +twistification +twistily +twistiness +twisting +twistingly +twistiways +twistiwise +twistle +twistless +twisty +twit +twitch +twitchel +twitcheling +twitcher +twitchet +twitchety +twitchfire +twitchily +twitchiness +twitchingly +twitchy +twite +twitlark +twitten +twitter +twitteration +twitterboned +twitterer +twittering +twitteringly +twitterly +twittery +twittingly +twitty +twixt +twixtbrain +twizzened +twizzle +two +twodecker +twofold +twofoldly +twofoldness +twoling +twoness +twopence +twopenny +twosome +twyblade +twyhynde +Tybalt +Tyburn +Tyburnian +Tyche +tychism +tychite +Tychonian +Tychonic +tychoparthenogenesis +tychopotamic +tycoon +tycoonate +tyddyn +tydie +tye +tyee +tyg +Tyigh +tying +tyke +tyken +tykhana +tyking +tylarus +tyleberry +Tylenchus +Tyler +Tylerism +Tylerite +Tylerize +tylion +tyloma +tylopod +Tylopoda +tylopodous +Tylosaurus +tylose +tylosis +tylosteresis +Tylostoma +Tylostomaceae +tylostylar +tylostyle +tylostylote +tylostylus +Tylosurus +tylotate +tylote +tylotic +tylotoxea +tylotoxeate +tylotus +tylus +tymbalon +tymp +tympan +tympana +tympanal +tympanectomy +tympani +tympanic +tympanichord +tympanichordal +tympanicity +tympaniform +tympaning +tympanism +tympanist +tympanites +tympanitic +tympanitis +tympanocervical +tympanohyal +tympanomalleal +tympanomandibular +tympanomastoid +tympanomaxillary +tympanon +tympanoperiotic +tympanosis +tympanosquamosal +tympanostapedial +tympanotemporal +tympanotomy +Tympanuchus +tympanum +tympany +tynd +Tyndallization +Tyndallize +tyndallmeter +Tynwald +typal +typarchical +type +typecast +Typees +typeholder +typer +typescript +typeset +typesetter +typesetting +typewrite +typewriter +typewriting +Typha +Typhaceae +typhaceous +typhemia +typhia +typhic +typhinia +typhization +typhlatonia +typhlatony +typhlectasis +typhlectomy +typhlenteritis +typhlitic +typhlitis +typhloalbuminuria +typhlocele +typhloempyema +typhloenteritis +typhlohepatitis +typhlolexia +typhlolithiasis +typhlology +typhlomegaly +Typhlomolge +typhlon +typhlopexia +typhlopexy +typhlophile +typhlopid +Typhlopidae +Typhlops +typhloptosis +typhlosis +typhlosolar +typhlosole +typhlostenosis +typhlostomy +typhlotomy +typhobacillosis +Typhoean +typhoemia +typhogenic +typhoid +typhoidal +typhoidin +typhoidlike +typholysin +typhomalaria +typhomalarial +typhomania +typhonia +Typhonian +Typhonic +typhonic +typhoon +typhoonish +typhopneumonia +typhose +typhosepsis +typhosis +typhotoxine +typhous +Typhula +typhus +typic +typica +typical +typicality +typically +typicalness +typicon +typicum +typification +typifier +typify +typist +typo +typobar +typocosmy +typographer +typographia +typographic +typographical +typographically +typographist +typography +typolithographic +typolithography +typologic +typological +typologically +typologist +typology +typomania +typometry +typonym +typonymal +typonymic +typonymous +typophile +typorama +typoscript +typotelegraph +typotelegraphy +typothere +Typotheria +Typotheriidae +typothetae +typp +typtological +typtologist +typtology +typy +tyramine +tyranness +Tyranni +tyrannial +tyrannic +tyrannical +tyrannically +tyrannicalness +tyrannicidal +tyrannicide +tyrannicly +Tyrannidae +Tyrannides +Tyranninae +tyrannine +tyrannism +tyrannize +tyrannizer +tyrannizing +tyrannizingly +tyrannoid +tyrannophobia +tyrannosaur +Tyrannosaurus +tyrannous +tyrannously +tyrannousness +Tyrannus +tyranny +tyrant +tyrantcraft +tyrantlike +tyrantship +tyre +tyremesis +Tyrian +tyriasis +tyro +tyrocidin +tyrocidine +tyroglyphid +Tyroglyphidae +Tyroglyphus +Tyrolean +Tyrolese +Tyrolienne +tyrolite +tyrology +tyroma +tyromancy +tyromatous +tyrone +tyronic +tyronism +tyrosinase +tyrosine +tyrosinuria +tyrosyl +tyrotoxicon +tyrotoxine +Tyrr +Tyrrhene +Tyrrheni +Tyrrhenian +Tyrsenoi +Tyrtaean +tysonite +tyste +tyt +Tyto +Tytonidae +Tzaam +Tzapotec +tzaritza +Tzendal +Tzental +tzolkin +tzontle +Tzotzil +Tzutuhil +U +u +uang +Uaraycu +Uarekena +Uaupe +uayeb +Ubbenite +Ubbonite +uberant +uberous +uberously +uberousness +uberty +ubi +ubication +ubiety +Ubii +Ubiquarian +ubiquarian +ubiquious +Ubiquist +ubiquit +Ubiquitarian +ubiquitarian +Ubiquitarianism +ubiquitariness +ubiquitary +Ubiquitism +Ubiquitist +ubiquitous +ubiquitously +ubiquitousness +ubiquity +ubussu +Uca +Ucal +Ucayale +Uchean +Uchee +uckia +Ud +udal +udaler +udaller +udalman +udasi +udder +uddered +udderful +udderless +udderlike +udell +Udi +Udic +Udish +udo +Udolphoish +udometer +udometric +udometry +udomograph +Uds +Ueueteotl +ug +Ugandan +Ugarono +ugh +uglification +uglifier +uglify +uglily +ugliness +uglisome +ugly +Ugrian +Ugric +Ugroid +ugsome +ugsomely +ugsomeness +uhlan +uhllo +uhtensang +uhtsong +Uigur +Uigurian +Uiguric +uily +uinal +Uinta +uintaite +uintathere +Uintatheriidae +Uintatherium +uintjie +Uirina +Uitotan +uitspan +uji +ukase +uke +ukiyoye +Ukrainer +Ukrainian +ukulele +ula +ulatrophia +ulcer +ulcerable +ulcerate +ulceration +ulcerative +ulcered +ulceromembranous +ulcerous +ulcerously +ulcerousness +ulcery +ulcuscle +ulcuscule +ule +ulema +ulemorrhagia +ulerythema +uletic +Ulex +ulex +ulexine +ulexite +Ulidia +Ulidian +uliginose +uliginous +ulitis +ull +ulla +ullage +ullaged +ullagone +uller +ulling +ullmannite +ulluco +Ulmaceae +ulmaceous +Ulmaria +ulmic +ulmin +ulminic +ulmo +ulmous +Ulmus +ulna +ulnad +ulnae +ulnar +ulnare +ulnaria +ulnocarpal +ulnocondylar +ulnometacarpal +ulnoradial +uloborid +Uloboridae +Uloborus +ulocarcinoma +uloid +Ulonata +uloncus +Ulophocinae +ulorrhagia +ulorrhagy +ulorrhea +Ulothrix +Ulotrichaceae +ulotrichaceous +Ulotrichales +ulotrichan +Ulotriches +Ulotrichi +ulotrichous +ulotrichy +ulrichite +ulster +ulstered +ulsterette +Ulsterian +ulstering +Ulsterite +Ulsterman +ulterior +ulteriorly +ultima +ultimacy +ultimata +ultimate +ultimately +ultimateness +ultimation +ultimatum +ultimity +ultimo +ultimobranchial +ultimogenitary +ultimogeniture +ultimum +Ultonian +ultra +ultrabasic +ultrabasite +ultrabelieving +ultrabenevolent +ultrabrachycephalic +ultrabrachycephaly +ultrabrilliant +ultracentenarian +ultracentenarianism +ultracentralizer +ultracentrifuge +ultraceremonious +ultrachurchism +ultracivil +ultracomplex +ultraconcomitant +ultracondenser +ultraconfident +ultraconscientious +ultraconservatism +ultraconservative +ultracordial +ultracosmopolitan +ultracredulous +ultracrepidarian +ultracrepidarianism +ultracrepidate +ultracritical +ultradandyism +ultradeclamatory +ultrademocratic +ultradespotic +ultradignified +ultradiscipline +ultradolichocephalic +ultradolichocephaly +ultradolichocranial +ultraeducationist +ultraeligible +ultraelliptic +ultraemphasis +ultraenergetic +ultraenforcement +ultraenthusiasm +ultraenthusiastic +ultraepiscopal +ultraevangelical +ultraexcessive +ultraexclusive +ultraexpeditious +ultrafantastic +ultrafashionable +ultrafastidious +ultrafederalist +ultrafeudal +ultrafidian +ultrafidianism +ultrafilter +ultrafilterability +ultrafilterable +ultrafiltrate +ultrafiltration +ultraformal +ultrafrivolous +ultragallant +ultragaseous +ultragenteel +ultragood +ultragrave +ultraheroic +ultrahonorable +ultrahuman +ultraimperialism +ultraimperialist +ultraimpersonal +ultrainclusive +ultraindifferent +ultraindulgent +ultraingenious +ultrainsistent +ultraintimate +ultrainvolved +ultraism +ultraist +ultraistic +ultralaborious +ultralegality +ultralenient +ultraliberal +ultraliberalism +ultralogical +ultraloyal +ultraluxurious +ultramarine +ultramaternal +ultramaximal +ultramelancholy +ultramicrochemical +ultramicrochemist +ultramicrochemistry +ultramicrometer +ultramicron +ultramicroscope +ultramicroscopic +ultramicroscopical +ultramicroscopy +ultraminute +ultramoderate +ultramodern +ultramodernism +ultramodernist +ultramodernistic +ultramodest +ultramontane +ultramontanism +ultramontanist +ultramorose +ultramulish +ultramundane +ultranational +ultranationalism +ultranationalist +ultranatural +ultranegligent +ultranice +ultranonsensical +ultraobscure +ultraobstinate +ultraofficious +ultraoptimistic +ultraornate +ultraorthodox +ultraorthodoxy +ultraoutrageous +ultrapapist +ultraparallel +ultraperfect +ultrapersuasive +ultraphotomicrograph +ultrapious +ultraplanetary +ultraplausible +ultrapopish +ultraproud +ultraprudent +ultraradical +ultraradicalism +ultrarapid +ultrareactionary +ultrared +ultrarefined +ultrarefinement +ultrareligious +ultraremuneration +ultrarepublican +ultrarevolutionary +ultrarevolutionist +ultraritualism +ultraromantic +ultraroyalism +ultraroyalist +ultrasanguine +ultrascholastic +ultraselect +ultraservile +ultrasevere +ultrashrewd +ultrasimian +ultrasolemn +ultrasonic +ultrasonics +ultraspartan +ultraspecialization +ultraspiritualism +ultrasplendid +ultrastandardization +ultrastellar +ultrasterile +ultrastrenuous +ultrastrict +ultrasubtle +ultrasystematic +ultratechnical +ultratense +ultraterrene +ultraterrestrial +ultratotal +ultratrivial +ultratropical +ultraugly +ultrauncommon +ultraurgent +ultravicious +ultraviolent +ultraviolet +ultravirtuous +ultravirus +ultravisible +ultrawealthy +ultrawise +ultrayoung +ultrazealous +ultrazodiacal +ultroneous +ultroneously +ultroneousness +ulu +Ulua +ulua +uluhi +ululant +ululate +ululation +ululative +ululatory +ululu +Ulva +Ulvaceae +ulvaceous +Ulvales +Ulvan +Ulyssean +Ulysses +um +umangite +Umatilla +Umaua +umbeclad +umbel +umbeled +umbella +Umbellales +umbellar +umbellate +umbellated +umbellately +umbellet +umbellic +umbellifer +Umbelliferae +umbelliferone +umbelliferous +umbelliflorous +umbelliform +umbelloid +Umbellula +Umbellularia +umbellulate +umbellule +Umbellulidae +umbelluliferous +umbelwort +umber +umbethink +umbilectomy +umbilic +umbilical +umbilically +umbilicar +Umbilicaria +umbilicate +umbilicated +umbilication +umbilici +umbiliciform +umbilicus +umbiliform +umbilroot +umble +umbo +umbolateral +umbonal +umbonate +umbonated +umbonation +umbone +umbones +umbonial +umbonic +umbonulate +umbonule +Umbra +umbra +umbracious +umbraciousness +umbraculate +umbraculiferous +umbraculiform +umbraculum +umbrae +umbrage +umbrageous +umbrageously +umbrageousness +umbral +umbrally +umbratile +umbrel +umbrella +umbrellaed +umbrellaless +umbrellalike +umbrellawise +umbrellawort +umbrette +Umbrian +Umbriel +umbriferous +umbriferously +umbriferousness +umbril +umbrine +umbrose +umbrosity +umbrous +Umbundu +ume +umiak +umiri +umlaut +ump +umph +umpirage +umpire +umpirer +umpireship +umpiress +umpirism +Umpqua +umpteen +umpteenth +umptekite +umptieth +umpty +umquhile +umu +un +Una +unabandoned +unabased +unabasedly +unabashable +unabashed +unabashedly +unabatable +unabated +unabatedly +unabating +unabatingly +unabbreviated +unabetted +unabettedness +unabhorred +unabiding +unabidingly +unabidingness +unability +unabject +unabjured +unable +unableness +unably +unabolishable +unabolished +unabraded +unabrased +unabridgable +unabridged +unabrogated +unabrupt +unabsent +unabsolute +unabsolvable +unabsolved +unabsolvedness +unabsorb +unabsorbable +unabsorbed +unabsorbent +unabstract +unabsurd +unabundance +unabundant +unabundantly +unabused +unacademic +unacademical +unaccelerated +unaccent +unaccented +unaccentuated +unaccept +unacceptability +unacceptable +unacceptableness +unacceptably +unacceptance +unacceptant +unaccepted +unaccessibility +unaccessible +unaccessibleness +unaccessibly +unaccessional +unaccessory +unaccidental +unaccidentally +unaccidented +unacclimated +unacclimation +unacclimatization +unacclimatized +unaccommodable +unaccommodated +unaccommodatedness +unaccommodating +unaccommodatingly +unaccommodatingness +unaccompanable +unaccompanied +unaccompanying +unaccomplishable +unaccomplished +unaccomplishedness +unaccord +unaccordable +unaccordance +unaccordant +unaccorded +unaccording +unaccordingly +unaccostable +unaccosted +unaccountability +unaccountable +unaccountableness +unaccountably +unaccounted +unaccoutered +unaccoutred +unaccreditated +unaccredited +unaccrued +unaccumulable +unaccumulate +unaccumulated +unaccumulation +unaccuracy +unaccurate +unaccurately +unaccurateness +unaccursed +unaccusable +unaccusably +unaccuse +unaccusing +unaccustom +unaccustomed +unaccustomedly +unaccustomedness +unachievable +unachieved +unaching +unacidulated +unacknowledged +unacknowledgedness +unacknowledging +unacknowledgment +unacoustic +unacquaint +unacquaintable +unacquaintance +unacquainted +unacquaintedly +unacquaintedness +unacquiescent +unacquirable +unacquirableness +unacquirably +unacquired +unacquit +unacquittable +unacquitted +unacquittedness +unact +unactability +unactable +unacted +unacting +unactinic +unaction +unactivated +unactive +unactively +unactiveness +unactivity +unactorlike +unactual +unactuality +unactually +unactuated +unacute +unacutely +unadapt +unadaptability +unadaptable +unadaptableness +unadaptably +unadapted +unadaptedly +unadaptedness +unadaptive +unadd +unaddable +unadded +unaddicted +unaddictedness +unadditional +unaddress +unaddressed +unadequate +unadequately +unadequateness +unadherence +unadherent +unadherently +unadhesive +unadjacent +unadjacently +unadjectived +unadjourned +unadjournment +unadjudged +unadjust +unadjustably +unadjusted +unadjustment +unadministered +unadmirable +unadmire +unadmired +unadmiring +unadmissible +unadmissibly +unadmission +unadmittable +unadmittableness +unadmittably +unadmitted +unadmittedly +unadmitting +unadmonished +unadopt +unadoptable +unadoptably +unadopted +unadoption +unadorable +unadoration +unadored +unadoring +unadorn +unadornable +unadorned +unadornedly +unadornedness +unadornment +unadult +unadulterate +unadulterated +unadulteratedly +unadulteratedness +unadulterately +unadulterous +unadulterously +unadvanced +unadvancedly +unadvancedness +unadvancement +unadvancing +unadvantaged +unadvantageous +unadventured +unadventuring +unadventurous +unadventurously +unadverse +unadversely +unadverseness +unadvertency +unadvertised +unadvertisement +unadvertising +unadvisability +unadvisable +unadvisableness +unadvisably +unadvised +unadvisedly +unadvisedness +unadvocated +unaerated +unaesthetic +unaesthetical +unafeard +unafeared +unaffable +unaffably +unaffected +unaffectedly +unaffectedness +unaffecting +unaffectionate +unaffectionately +unaffectioned +unaffianced +unaffied +unaffiliated +unaffiliation +unaffirmation +unaffirmed +unaffixed +unafflicted +unafflictedly +unafflicting +unaffliction +unaffordable +unafforded +unaffranchised +unaffrighted +unaffrightedly +unaffronted +unafire +unafloat +unaflow +unafraid +unaged +unaggravated +unaggravating +unaggregated +unaggression +unaggressive +unaggressively +unaggressiveness +unaghast +unagile +unagility +unaging +unagitated +unagitatedly +unagitatedness +unagitation +unagonize +unagrarian +unagreeable +unagreeableness +unagreeably +unagreed +unagreeing +unagreement +unagricultural +unaidable +unaided +unaidedly +unaiding +unailing +unaimed +unaiming +unaired +unaisled +Unakhotana +unakin +unakite +unal +Unalachtigo +unalarm +unalarmed +unalarming +Unalaska +unalcoholized +unaldermanly +unalert +unalertly +unalertness +unalgebraical +unalienable +unalienableness +unalienably +unalienated +unalignable +unaligned +unalike +unalimentary +unalist +unalive +unallayable +unallayably +unallayed +unalleged +unallegorical +unalleviably +unalleviated +unalleviation +unalliable +unallied +unalliedly +unalliedness +unallotment +unallotted +unallow +unallowable +unallowed +unallowedly +unallowing +unalloyed +unallurable +unallured +unalluring +unalluringly +unalmsed +unalone +unaloud +unalphabeted +unalphabetic +unalphabetical +unalterability +unalterable +unalterableness +unalterably +unalteration +unaltered +unaltering +unalternated +unamalgamable +unamalgamated +unamalgamating +unamassed +unamazed +unamazedly +unambiguity +unambiguous +unambiguously +unambiguousness +unambition +unambitious +unambitiously +unambitiousness +unambrosial +unambush +unamenability +unamenable +unamenableness +unamenably +unamend +unamendable +unamended +unamendedly +unamending +unamendment +unamerced +Unami +unamiability +unamiable +unamiableness +unamiably +unamicable +unamicably +unamiss +unamo +unamortization +unamortized +unample +unamplifiable +unamplified +unamply +unamputated +unamusable +unamusably +unamused +unamusement +unamusing +unamusingly +unamusive +unanalogical +unanalogous +unanalogously +unanalogousness +unanalytic +unanalytical +unanalyzable +unanalyzed +unanalyzing +unanatomizable +unanatomized +unancestored +unancestried +unanchor +unanchored +unanchylosed +unancient +unaneled +unangelic +unangelical +unangrily +unangry +unangular +unanimalized +unanimate +unanimated +unanimatedly +unanimatedness +unanimately +unanimism +unanimist +unanimistic +unanimistically +unanimity +unanimous +unanimously +unanimousness +unannealed +unannex +unannexed +unannexedly +unannexedness +unannihilable +unannihilated +unannotated +unannounced +unannoyed +unannoying +unannullable +unannulled +unanointed +unanswerability +unanswerable +unanswerableness +unanswerably +unanswered +unanswering +unantagonistic +unantagonizable +unantagonized +unantagonizing +unanticipated +unanticipating +unanticipatingly +unanticipation +unanticipative +unantiquated +unantiquatedness +unantique +unantiquity +unanxiety +unanxious +unanxiously +unanxiousness +unapart +unapocryphal +unapologetic +unapologizing +unapostatized +unapostolic +unapostolical +unapostolically +unapostrophized +unappalled +unappareled +unapparent +unapparently +unapparentness +unappealable +unappealableness +unappealably +unappealed +unappealing +unappeasable +unappeasableness +unappeasably +unappeased +unappeasedly +unappeasedness +unappendaged +unapperceived +unappertaining +unappetizing +unapplauded +unapplauding +unapplausive +unappliable +unappliableness +unappliably +unapplianced +unapplicable +unapplicableness +unapplicably +unapplied +unapplying +unappoint +unappointable +unappointableness +unappointed +unapportioned +unapposite +unappositely +unappraised +unappreciable +unappreciableness +unappreciably +unappreciated +unappreciating +unappreciation +unappreciative +unappreciatively +unappreciativeness +unapprehendable +unapprehendableness +unapprehendably +unapprehended +unapprehending +unapprehensible +unapprehensibleness +unapprehension +unapprehensive +unapprehensively +unapprehensiveness +unapprenticed +unapprised +unapprisedly +unapprisedness +unapproachability +unapproachable +unapproachableness +unapproached +unapproaching +unapprobation +unappropriable +unappropriate +unappropriated +unappropriately +unappropriateness +unappropriation +unapprovable +unapprovableness +unapprovably +unapproved +unapproving +unapprovingly +unapproximate +unapproximately +unaproned +unapropos +unapt +unaptitude +unaptly +unaptness +unarbitrarily +unarbitrariness +unarbitrary +unarbitrated +unarch +unarchdeacon +unarched +unarchitectural +unarduous +unarguable +unarguableness +unarguably +unargued +unarguing +unargumentative +unargumentatively +unarisen +unarising +unaristocratic +unaristocratically +unarithmetical +unarithmetically +unark +unarm +unarmed +unarmedly +unarmedness +unarmored +unarmorial +unaromatized +unarousable +unaroused +unarousing +unarraignable +unarraigned +unarranged +unarray +unarrayed +unarrestable +unarrested +unarresting +unarrival +unarrived +unarriving +unarrogance +unarrogant +unarrogating +unarted +unartful +unartfully +unartfulness +unarticled +unarticulate +unarticulated +unartificial +unartificiality +unartificially +unartistic +unartistical +unartistically +unartistlike +unary +unascendable +unascendableness +unascended +unascertainable +unascertainableness +unascertainably +unascertained +unashamed +unashamedly +unashamedness +unasinous +unaskable +unasked +unasking +unasleep +unaspersed +unasphalted +unaspirated +unaspiring +unaspiringly +unaspiringness +unassailable +unassailableness +unassailably +unassailed +unassailing +unassassinated +unassaultable +unassaulted +unassayed +unassaying +unassembled +unassented +unassenting +unasserted +unassertive +unassertiveness +unassessable +unassessableness +unassessed +unassibilated +unassiduous +unassignable +unassignably +unassigned +unassimilable +unassimilated +unassimilating +unassimilative +unassisted +unassisting +unassociable +unassociably +unassociated +unassociative +unassociativeness +unassoiled +unassorted +unassuageable +unassuaged +unassuaging +unassuetude +unassumable +unassumed +unassuming +unassumingly +unassumingness +unassured +unassuredly +unassuredness +unassuring +unasterisk +unastonish +unastonished +unastonishment +unastray +unathirst +unathletically +unatmospheric +unatonable +unatoned +unatoning +unattach +unattachable +unattached +unattackable +unattackableness +unattackably +unattacked +unattainability +unattainable +unattainableness +unattainably +unattained +unattaining +unattainment +unattaint +unattainted +unattaintedly +unattempered +unattemptable +unattempted +unattempting +unattendance +unattendant +unattended +unattentive +unattenuated +unattested +unattestedness +unattire +unattired +unattractable +unattractableness +unattracted +unattracting +unattractive +unattractively +unattractiveness +unattributable +unattributed +unattuned +unau +unauctioned +unaudible +unaudibleness +unaudibly +unaudienced +unaudited +unaugmentable +unaugmented +unauspicious +unauspiciously +unauspiciousness +unaustere +unauthentic +unauthentical +unauthentically +unauthenticated +unauthenticity +unauthorish +unauthoritative +unauthoritatively +unauthoritativeness +unauthoritied +unauthoritiveness +unauthorizable +unauthorize +unauthorized +unauthorizedly +unauthorizedness +unautomatic +unautumnal +unavailability +unavailable +unavailableness +unavailably +unavailed +unavailful +unavailing +unavailingly +unavengeable +unavenged +unavenging +unavenued +unaveraged +unaverred +unaverted +unavertible +unavertibleness +unavertibly +unavian +unavoidable +unavoidableness +unavoidably +unavoidal +unavoided +unavoiding +unavouchable +unavouchableness +unavouchably +unavouched +unavowable +unavowableness +unavowably +unavowed +unavowedly +unawakable +unawakableness +unawake +unawaked +unawakened +unawakenedness +unawakening +unawaking +unawardable +unawardableness +unawardably +unawarded +unaware +unawared +unawaredly +unawareness +unawares +unaway +unawed +unawful +unawfully +unawkward +unawned +unaxled +unazotized +unbackboarded +unbacked +unbackward +unbadged +unbaffled +unbaffling +unbag +unbagged +unbailable +unbailableness +unbailed +unbain +unbait +unbaited +unbaized +unbaked +unbalance +unbalanceable +unbalanceably +unbalanced +unbalancement +unbalancing +unbalconied +unbale +unbalked +unballast +unballasted +unballoted +unbandage +unbandaged +unbanded +unbanished +unbank +unbankable +unbankableness +unbankably +unbanked +unbankrupt +unbannered +unbaptize +unbaptized +unbar +unbarb +unbarbarize +unbarbarous +unbarbed +unbarbered +unbare +unbargained +unbark +unbarking +unbaronet +unbarrable +unbarred +unbarrel +unbarreled +unbarren +unbarrenness +unbarricade +unbarricaded +unbarricadoed +unbase +unbased +unbasedness +unbashful +unbashfully +unbashfulness +unbasket +unbastardized +unbaste +unbasted +unbastilled +unbastinadoed +unbated +unbathed +unbating +unbatted +unbatten +unbatterable +unbattered +unbattling +unbay +unbe +unbeached +unbeaconed +unbeaded +unbear +unbearable +unbearableness +unbearably +unbeard +unbearded +unbearing +unbeast +unbeatable +unbeatableness +unbeatably +unbeaten +unbeaued +unbeauteous +unbeauteously +unbeauteousness +unbeautified +unbeautiful +unbeautifully +unbeautifulness +unbeautify +unbeavered +unbeclogged +unbeclouded +unbecome +unbecoming +unbecomingly +unbecomingness +unbed +unbedabbled +unbedaggled +unbedashed +unbedaubed +unbedded +unbedecked +unbedewed +unbedimmed +unbedinned +unbedizened +unbedraggled +unbefit +unbefitting +unbefittingly +unbefittingness +unbefool +unbefriend +unbefriended +unbefringed +unbeget +unbeggar +unbegged +unbegilt +unbeginning +unbeginningly +unbeginningness +unbegirded +unbegirt +unbegot +unbegotten +unbegottenly +unbegottenness +unbegreased +unbegrimed +unbegrudged +unbeguile +unbeguiled +unbeguileful +unbegun +unbehaving +unbeheaded +unbeheld +unbeholdable +unbeholden +unbeholdenness +unbeholding +unbehoveful +unbehoving +unbeing +unbejuggled +unbeknown +unbeknownst +unbelied +unbelief +unbeliefful +unbelieffulness +unbelievability +unbelievable +unbelievableness +unbelievably +unbelieve +unbelieved +unbeliever +unbelieving +unbelievingly +unbelievingness +unbell +unbellicose +unbelligerent +unbelonging +unbeloved +unbelt +unbemoaned +unbemourned +unbench +unbend +unbendable +unbendableness +unbendably +unbended +unbending +unbendingly +unbendingness +unbendsome +unbeneficed +unbeneficent +unbeneficial +unbenefitable +unbenefited +unbenefiting +unbenetted +unbenevolence +unbenevolent +unbenevolently +unbenight +unbenighted +unbenign +unbenignant +unbenignantly +unbenignity +unbenignly +unbent +unbenumb +unbenumbed +unbequeathable +unbequeathed +unbereaved +unbereft +unberouged +unberth +unberufen +unbeseem +unbeseeming +unbeseemingly +unbeseemingness +unbeseemly +unbeset +unbesieged +unbesmeared +unbesmirched +unbesmutted +unbesot +unbesought +unbespeak +unbespoke +unbespoken +unbesprinkled +unbestarred +unbestowed +unbet +unbeteared +unbethink +unbethought +unbetide +unbetoken +unbetray +unbetrayed +unbetraying +unbetrothed +unbetterable +unbettered +unbeveled +unbewailed +unbewailing +unbewilder +unbewildered +unbewilled +unbewitch +unbewitched +unbewitching +unbewrayed +unbewritten +unbias +unbiasable +unbiased +unbiasedly +unbiasedness +unbibulous +unbickered +unbickering +unbid +unbidable +unbiddable +unbidden +unbigged +unbigoted +unbilled +unbillet +unbilleted +unbind +unbindable +unbinding +unbiographical +unbiological +unbirdlike +unbirdlimed +unbirdly +unbirthday +unbishop +unbishoply +unbit +unbiting +unbitt +unbitted +unbitten +unbitter +unblacked +unblackened +unblade +unblamable +unblamableness +unblamably +unblamed +unblaming +unblanched +unblanketed +unblasphemed +unblasted +unblazoned +unbleached +unbleaching +unbled +unbleeding +unblemishable +unblemished +unblemishedness +unblemishing +unblenched +unblenching +unblenchingly +unblendable +unblended +unblent +unbless +unblessed +unblessedness +unblest +unblighted +unblightedly +unblightedness +unblind +unblindfold +unblinking +unblinkingly +unbliss +unblissful +unblistered +unblithe +unblithely +unblock +unblockaded +unblocked +unblooded +unbloodied +unbloodily +unbloodiness +unbloody +unbloom +unbloomed +unblooming +unblossomed +unblossoming +unblotted +unbloused +unblown +unblued +unbluestockingish +unbluffed +unbluffing +unblunder +unblundered +unblundering +unblunted +unblurred +unblush +unblushing +unblushingly +unblushingness +unboarded +unboasted +unboastful +unboastfully +unboasting +unboat +unbodied +unbodiliness +unbodily +unboding +unbodkined +unbody +unbodylike +unbog +unboggy +unbohemianize +unboiled +unboisterous +unbokel +unbold +unbolden +unboldly +unboldness +unbolled +unbolster +unbolstered +unbolt +unbolted +unbombast +unbondable +unbondableness +unbonded +unbone +unboned +unbonnet +unbonneted +unbonny +unbooked +unbookish +unbooklearned +unboot +unbooted +unboraxed +unborder +unbordered +unbored +unboring +unborn +unborne +unborough +unborrowed +unborrowing +unbosom +unbosomer +unbossed +unbotanical +unbothered +unbothering +unbottle +unbottom +unbottomed +unbought +unbound +unboundable +unboundableness +unboundably +unbounded +unboundedly +unboundedness +unboundless +unbounteous +unbountiful +unbountifully +unbountifulness +unbow +unbowable +unbowdlerized +unbowed +unbowel +unboweled +unbowered +unbowing +unbowingness +unbowled +unbowsome +unbox +unboxed +unboy +unboyish +unboylike +unbrace +unbraced +unbracedness +unbracelet +unbraceleted +unbracing +unbragged +unbragging +unbraid +unbraided +unbrailed +unbrained +unbran +unbranched +unbranching +unbrand +unbranded +unbrandied +unbrave +unbraved +unbravely +unbraze +unbreachable +unbreached +unbreaded +unbreakable +unbreakableness +unbreakably +unbreakfasted +unbreaking +unbreast +unbreath +unbreathable +unbreathableness +unbreathed +unbreathing +unbred +unbreech +unbreeched +unbreezy +unbrent +unbrewed +unbribable +unbribableness +unbribably +unbribed +unbribing +unbrick +unbridegroomlike +unbridgeable +unbridged +unbridle +unbridled +unbridledly +unbridledness +unbridling +unbrief +unbriefed +unbriefly +unbright +unbrightened +unbrilliant +unbrimming +unbrined +unbrittle +unbroached +unbroad +unbroadcasted +unbroidered +unbroiled +unbroke +unbroken +unbrokenly +unbrokenness +unbronzed +unbrooch +unbrooded +unbrookable +unbrookably +unbrothered +unbrotherlike +unbrotherliness +unbrotherly +unbrought +unbrown +unbrowned +unbruised +unbrushed +unbrutalize +unbrutalized +unbrute +unbrutelike +unbrutify +unbrutize +unbuckle +unbuckramed +unbud +unbudded +unbudgeability +unbudgeable +unbudgeableness +unbudgeably +unbudged +unbudgeted +unbudging +unbuffed +unbuffered +unbuffeted +unbuild +unbuilded +unbuilt +unbulky +unbulled +unbulletined +unbumped +unbumptious +unbunched +unbundle +unbundled +unbung +unbungling +unbuoyant +unbuoyed +unburden +unburdened +unburdenment +unburdensome +unburdensomeness +unburgessed +unburiable +unburial +unburied +unburlesqued +unburly +unburn +unburnable +unburned +unburning +unburnished +unburnt +unburrow +unburrowed +unburst +unburstable +unburstableness +unburthen +unbury +unbush +unbusied +unbusily +unbusiness +unbusinesslike +unbusk +unbuskin +unbuskined +unbustling +unbusy +unbutchered +unbutcherlike +unbuttered +unbutton +unbuttoned +unbuttonment +unbuttressed +unbuxom +unbuxomly +unbuxomness +unbuyable +unbuyableness +unbuying +unca +uncabined +uncabled +uncadenced +uncage +uncaged +uncake +uncalcareous +uncalcified +uncalcined +uncalculable +uncalculableness +uncalculably +uncalculated +uncalculating +uncalculatingly +uncalendered +uncalk +uncalked +uncall +uncalled +uncallow +uncallower +uncalm +uncalmed +uncalmly +uncalumniated +uncambered +uncamerated +uncamouflaged +uncanceled +uncancellable +uncancelled +uncandid +uncandidly +uncandidness +uncandied +uncandor +uncaned +uncankered +uncanned +uncannily +uncanniness +uncanny +uncanonic +uncanonical +uncanonically +uncanonicalness +uncanonize +uncanonized +uncanopied +uncantoned +uncantonized +uncanvassably +uncanvassed +uncap +uncapable +uncapableness +uncapably +uncapacious +uncapacitate +uncaparisoned +uncapitalized +uncapped +uncapper +uncapsizable +uncapsized +uncaptained +uncaptioned +uncaptious +uncaptiously +uncaptivate +uncaptivated +uncaptivating +uncaptived +uncapturable +uncaptured +uncarbonated +uncarboned +uncarbureted +uncarded +uncardinal +uncardinally +uncareful +uncarefully +uncarefulness +uncaressed +uncargoed +Uncaria +uncaricatured +uncaring +uncarnate +uncarnivorous +uncaroled +uncarpentered +uncarpeted +uncarriageable +uncarried +uncart +uncarted +uncartooned +uncarved +uncase +uncased +uncasemated +uncask +uncasked +uncasketed +uncasque +uncassock +uncast +uncaste +uncastigated +uncastle +uncastled +uncastrated +uncasual +uncatalogued +uncatchable +uncate +uncatechised +uncatechisedness +uncatechized +uncatechizedness +uncategorized +uncathedraled +uncatholcity +uncatholic +uncatholical +uncatholicalness +uncatholicize +uncatholicly +uncaucusable +uncaught +uncausatively +uncaused +uncauterized +uncautious +uncautiously +uncautiousness +uncavalier +uncavalierly +uncave +unceasable +unceased +unceasing +unceasingly +unceasingness +unceded +unceiled +unceilinged +uncelebrated +uncelebrating +uncelestial +uncelestialized +uncellar +uncement +uncemented +uncementing +uncensorable +uncensored +uncensorious +uncensoriously +uncensoriousness +uncensurable +uncensured +uncensuring +uncenter +uncentered +uncentral +uncentrality +uncentrally +uncentred +uncentury +uncereclothed +unceremented +unceremonial +unceremonious +unceremoniously +unceremoniousness +uncertain +uncertainly +uncertainness +uncertainty +uncertifiable +uncertifiableness +uncertificated +uncertified +uncertifying +uncertitude +uncessant +uncessantly +uncessantness +unchafed +unchain +unchainable +unchained +unchair +unchaired +unchalked +unchallengeable +unchallengeableness +unchallengeably +unchallenged +unchallenging +unchambered +unchamfered +unchampioned +unchance +unchancellor +unchancy +unchange +unchangeability +unchangeable +unchangeableness +unchangeably +unchanged +unchangedness +unchangeful +unchangefulness +unchanging +unchangingly +unchangingness +unchanneled +unchannelled +unchanted +unchaperoned +unchaplain +unchapleted +unchapter +unchaptered +uncharacter +uncharactered +uncharacteristic +uncharacteristically +uncharacterized +uncharge +unchargeable +uncharged +uncharging +uncharily +unchariness +unchariot +uncharitable +uncharitableness +uncharitably +uncharity +uncharm +uncharmable +uncharmed +uncharming +uncharnel +uncharred +uncharted +unchartered +unchary +unchased +unchaste +unchastely +unchastened +unchasteness +unchastisable +unchastised +unchastising +unchastity +unchatteled +unchauffeured +unchawed +uncheat +uncheated +uncheating +uncheck +uncheckable +unchecked +uncheckered +uncheerable +uncheered +uncheerful +uncheerfully +uncheerfulness +uncheerily +uncheeriness +uncheering +uncheery +unchemical +unchemically +uncherished +uncherishing +unchested +unchevroned +unchewable +unchewableness +unchewed +unchid +unchidden +unchided +unchiding +unchidingly +unchild +unchildish +unchildishly +unchildishness +unchildlike +unchilled +unchiming +unchinked +unchipped +unchiseled +unchiselled +unchivalric +unchivalrous +unchivalrously +unchivalrousness +unchivalry +unchloridized +unchoicely +unchokable +unchoked +uncholeric +unchoosable +unchopped +unchoral +unchorded +unchosen +unchrisom +unchristen +unchristened +unchristian +unchristianity +unchristianize +unchristianized +unchristianlike +unchristianly +unchristianness +unchronicled +unchronological +unchronologically +unchurch +unchurched +unchurchlike +unchurchly +unchurn +unci +uncia +uncial +uncialize +uncially +uncicatrized +unciferous +unciform +unciliated +uncinal +Uncinaria +uncinariasis +uncinariatic +Uncinata +uncinate +uncinated +uncinatum +uncinch +uncinct +uncinctured +uncini +Uncinula +uncinus +uncipher +uncircular +uncircularized +uncirculated +uncircumcised +uncircumcisedness +uncircumcision +uncircumlocutory +uncircumscribable +uncircumscribed +uncircumscribedness +uncircumscript +uncircumscriptible +uncircumscription +uncircumspect +uncircumspection +uncircumspectly +uncircumspectness +uncircumstanced +uncircumstantial +uncirostrate +uncite +uncited +uncitied +uncitizen +uncitizenlike +uncitizenly +uncity +uncivic +uncivil +uncivilish +uncivility +uncivilizable +uncivilization +uncivilize +uncivilized +uncivilizedly +uncivilizedness +uncivilly +uncivilness +unclad +unclaimed +unclaiming +unclamorous +unclamp +unclamped +unclarified +unclarifying +unclarity +unclashing +unclasp +unclasped +unclassable +unclassableness +unclassably +unclassed +unclassible +unclassical +unclassically +unclassifiable +unclassifiableness +unclassification +unclassified +unclassify +unclassifying +unclawed +unclay +unclayed +uncle +unclead +unclean +uncleanable +uncleaned +uncleanlily +uncleanliness +uncleanly +uncleanness +uncleansable +uncleanse +uncleansed +uncleansedness +unclear +uncleared +unclearing +uncleavable +uncleave +uncledom +uncleft +unclehood +unclement +unclemently +unclementness +unclench +unclergy +unclergyable +unclerical +unclericalize +unclerically +unclericalness +unclerklike +unclerkly +uncleship +unclever +uncleverly +uncleverness +unclew +unclick +uncliented +unclify +unclimaxed +unclimb +unclimbable +unclimbableness +unclimbably +unclimbed +unclimbing +unclinch +uncling +unclinical +unclip +unclipped +unclipper +uncloak +uncloakable +uncloaked +unclog +unclogged +uncloister +uncloistered +uncloistral +unclosable +unclose +unclosed +uncloseted +unclothe +unclothed +unclothedly +unclothedness +unclotted +uncloud +unclouded +uncloudedly +uncloudedness +uncloudy +unclout +uncloven +uncloyable +uncloyed +uncloying +unclub +unclubbable +unclubby +unclustered +unclustering +unclutch +unclutchable +unclutched +unclutter +uncluttered +unco +uncoach +uncoachable +uncoachableness +uncoached +uncoacted +uncoagulable +uncoagulated +uncoagulating +uncoat +uncoated +uncoatedness +uncoaxable +uncoaxed +uncoaxing +uncock +uncocked +uncockneyfy +uncocted +uncodded +uncoddled +uncoded +uncodified +uncoerced +uncoffer +uncoffin +uncoffined +uncoffle +uncogent +uncogged +uncogitable +uncognizable +uncognizant +uncognized +uncognoscibility +uncognoscible +uncoguidism +uncoherent +uncoherently +uncoherentness +uncohesive +uncoif +uncoifed +uncoil +uncoiled +uncoin +uncoined +uncoked +uncoking +uncollapsed +uncollapsible +uncollar +uncollared +uncollated +uncollatedness +uncollected +uncollectedly +uncollectedness +uncollectible +uncollectibleness +uncollectibly +uncolleged +uncollegian +uncollegiate +uncolloquial +uncolloquially +uncolonellike +uncolonial +uncolonize +uncolonized +uncolorable +uncolorably +uncolored +uncoloredly +uncoloredness +uncoloured +uncolouredly +uncolouredness +uncolt +uncoly +uncombable +uncombatable +uncombated +uncombed +uncombinable +uncombinableness +uncombinably +uncombine +uncombined +uncombining +uncombiningness +uncombustible +uncome +uncomelily +uncomeliness +uncomely +uncomfort +uncomfortable +uncomfortableness +uncomfortably +uncomforted +uncomforting +uncomfy +uncomic +uncommanded +uncommandedness +uncommanderlike +uncommemorated +uncommenced +uncommendable +uncommendableness +uncommendably +uncommended +uncommensurability +uncommensurable +uncommensurableness +uncommensurate +uncommented +uncommenting +uncommerciable +uncommercial +uncommercially +uncommercialness +uncommingled +uncomminuted +uncommiserated +uncommiserating +uncommissioned +uncommitted +uncommitting +uncommixed +uncommodious +uncommodiously +uncommodiousness +uncommon +uncommonable +uncommonly +uncommonness +uncommonplace +uncommunicable +uncommunicableness +uncommunicably +uncommunicated +uncommunicating +uncommunicative +uncommunicatively +uncommunicativeness +uncommutable +uncommutative +uncommuted +uncompact +uncompacted +Uncompahgre +uncompahgrite +uncompaniable +uncompanied +uncompanioned +uncomparable +uncomparably +uncompared +uncompass +uncompassable +uncompassed +uncompassion +uncompassionate +uncompassionated +uncompassionately +uncompassionateness +uncompassionating +uncompassioned +uncompatible +uncompatibly +uncompellable +uncompelled +uncompelling +uncompensable +uncompensated +uncompetent +uncompetitive +uncompiled +uncomplacent +uncomplained +uncomplaining +uncomplainingly +uncomplainingness +uncomplaint +uncomplaisance +uncomplaisant +uncomplaisantly +uncomplemental +uncompletable +uncomplete +uncompleted +uncompletely +uncompleteness +uncomplex +uncompliability +uncompliable +uncompliableness +uncompliance +uncompliant +uncomplicated +uncomplimentary +uncomplimented +uncomplimenting +uncomplying +uncomposable +uncomposeable +uncomposed +uncompoundable +uncompounded +uncompoundedly +uncompoundedness +uncompounding +uncomprehended +uncomprehending +uncomprehendingly +uncomprehendingness +uncomprehensible +uncomprehension +uncomprehensive +uncomprehensively +uncomprehensiveness +uncompressed +uncompressible +uncomprised +uncomprising +uncomprisingly +uncompromised +uncompromising +uncompromisingly +uncompromisingness +uncompulsive +uncompulsory +uncomputable +uncomputableness +uncomputably +uncomputed +uncomraded +unconcatenated +unconcatenating +unconcealable +unconcealableness +unconcealably +unconcealed +unconcealing +unconcealingly +unconcealment +unconceded +unconceited +unconceivable +unconceivableness +unconceivably +unconceived +unconceiving +unconcern +unconcerned +unconcernedly +unconcernedness +unconcerning +unconcernment +unconcertable +unconcerted +unconcertedly +unconcertedness +unconcessible +unconciliable +unconciliated +unconciliatedness +unconciliating +unconciliatory +unconcludable +unconcluded +unconcluding +unconcludingness +unconclusive +unconclusively +unconclusiveness +unconcocted +unconcordant +unconcrete +unconcreted +unconcurrent +unconcurring +uncondemnable +uncondemned +uncondensable +uncondensableness +uncondensed +uncondensing +uncondescending +uncondescension +uncondition +unconditional +unconditionality +unconditionally +unconditionalness +unconditionate +unconditionated +unconditionately +unconditioned +unconditionedly +unconditionedness +uncondoled +uncondoling +unconducing +unconducive +unconduciveness +unconducted +unconductive +unconductiveness +unconfected +unconfederated +unconferred +unconfess +unconfessed +unconfessing +unconfided +unconfidence +unconfident +unconfidential +unconfidentialness +unconfidently +unconfiding +unconfinable +unconfine +unconfined +unconfinedly +unconfinedness +unconfinement +unconfining +unconfirm +unconfirmative +unconfirmed +unconfirming +unconfiscable +unconfiscated +unconflicting +unconflictingly +unconflictingness +unconformability +unconformable +unconformableness +unconformably +unconformed +unconformedly +unconforming +unconformist +unconformity +unconfound +unconfounded +unconfoundedly +unconfrontable +unconfronted +unconfusable +unconfusably +unconfused +unconfusedly +unconfutable +unconfuted +unconfuting +uncongeal +uncongealable +uncongealed +uncongenial +uncongeniality +uncongenially +uncongested +unconglobated +unconglomerated +unconglutinated +uncongratulate +uncongratulated +uncongratulating +uncongregated +uncongregational +uncongressional +uncongruous +unconjecturable +unconjectured +unconjoined +unconjugal +unconjugated +unconjunctive +unconjured +unconnected +unconnectedly +unconnectedness +unconned +unconnived +unconniving +unconquerable +unconquerableness +unconquerably +unconquered +unconscienced +unconscient +unconscientious +unconscientiously +unconscientiousness +unconscionable +unconscionableness +unconscionably +unconscious +unconsciously +unconsciousness +unconsecrate +unconsecrated +unconsecratedly +unconsecratedness +unconsecration +unconsecutive +unconsent +unconsentaneous +unconsented +unconsenting +unconsequential +unconsequentially +unconsequentialness +unconservable +unconservative +unconserved +unconserving +unconsiderable +unconsiderate +unconsiderately +unconsiderateness +unconsidered +unconsideredly +unconsideredness +unconsidering +unconsideringly +unconsignable +unconsigned +unconsistent +unconsociable +unconsociated +unconsolable +unconsolably +unconsolatory +unconsoled +unconsolidated +unconsolidating +unconsolidation +unconsoling +unconsonancy +unconsonant +unconsonantly +unconsonous +unconspicuous +unconspicuously +unconspicuousness +unconspired +unconspiring +unconspiringly +unconspiringness +unconstancy +unconstant +unconstantly +unconstantness +unconstellated +unconstipated +unconstituted +unconstitutional +unconstitutionalism +unconstitutionality +unconstitutionally +unconstrainable +unconstrained +unconstrainedly +unconstrainedness +unconstraining +unconstraint +unconstricted +unconstruable +unconstructed +unconstructive +unconstructural +unconstrued +unconsular +unconsult +unconsultable +unconsulted +unconsulting +unconsumable +unconsumed +unconsuming +unconsummate +unconsummated +unconsumptive +uncontagious +uncontainable +uncontainableness +uncontainably +uncontained +uncontaminable +uncontaminate +uncontaminated +uncontemned +uncontemnedly +uncontemplated +uncontemporaneous +uncontemporary +uncontemptuous +uncontended +uncontending +uncontent +uncontentable +uncontented +uncontentedly +uncontentedness +uncontenting +uncontentingness +uncontentious +uncontentiously +uncontentiousness +uncontestable +uncontestableness +uncontestably +uncontested +uncontestedly +uncontestedness +uncontinence +uncontinent +uncontinental +uncontinented +uncontinently +uncontinual +uncontinued +uncontinuous +uncontorted +uncontract +uncontracted +uncontractedness +uncontractile +uncontradictable +uncontradictableness +uncontradictably +uncontradicted +uncontradictedly +uncontradictious +uncontradictory +uncontrastable +uncontrasted +uncontrasting +uncontributed +uncontributing +uncontributory +uncontrite +uncontrived +uncontriving +uncontrol +uncontrollability +uncontrollable +uncontrollableness +uncontrollably +uncontrolled +uncontrolledly +uncontrolledness +uncontrolling +uncontroversial +uncontroversially +uncontrovertable +uncontrovertableness +uncontrovertably +uncontroverted +uncontrovertedly +uncontrovertible +uncontrovertibleness +uncontrovertibly +unconvenable +unconvened +unconvenience +unconvenient +unconveniently +unconventional +unconventionalism +unconventionality +unconventionalize +unconventionally +unconventioned +unconversable +unconversableness +unconversably +unconversant +unconversational +unconversion +unconvert +unconverted +unconvertedly +unconvertedness +unconvertibility +unconvertible +unconveyable +unconveyed +unconvicted +unconvicting +unconvince +unconvinced +unconvincedly +unconvincedness +unconvincibility +unconvincible +unconvincing +unconvincingly +unconvincingness +unconvoluted +unconvoyed +unconvulsed +uncookable +uncooked +uncooled +uncoop +uncooped +uncoopered +uncooping +uncope +uncopiable +uncopied +uncopious +uncopyrighted +uncoquettish +uncoquettishly +uncord +uncorded +uncordial +uncordiality +uncordially +uncording +uncore +uncored +uncork +uncorked +uncorker +uncorking +uncorned +uncorner +uncoronated +uncoroneted +uncorporal +uncorpulent +uncorrect +uncorrectable +uncorrected +uncorrectible +uncorrectly +uncorrectness +uncorrelated +uncorrespondency +uncorrespondent +uncorresponding +uncorrigible +uncorrigibleness +uncorrigibly +uncorroborated +uncorroded +uncorrugated +uncorrupt +uncorrupted +uncorruptedly +uncorruptedness +uncorruptibility +uncorruptible +uncorruptibleness +uncorruptibly +uncorrupting +uncorruption +uncorruptive +uncorruptly +uncorruptness +uncorseted +uncosseted +uncost +uncostliness +uncostly +uncostumed +uncottoned +uncouch +uncouched +uncouching +uncounselable +uncounseled +uncounsellable +uncounselled +uncountable +uncountableness +uncountably +uncounted +uncountenanced +uncounteracted +uncounterbalanced +uncounterfeit +uncounterfeited +uncountermandable +uncountermanded +uncountervailed +uncountess +uncountrified +uncouple +uncoupled +uncoupler +uncourageous +uncoursed +uncourted +uncourteous +uncourteously +uncourteousness +uncourtierlike +uncourting +uncourtlike +uncourtliness +uncourtly +uncous +uncousinly +uncouth +uncouthie +uncouthly +uncouthness +uncouthsome +uncovenant +uncovenanted +uncover +uncoverable +uncovered +uncoveredly +uncoveted +uncoveting +uncovetingly +uncovetous +uncowed +uncowl +uncoy +uncracked +uncradled +uncraftily +uncraftiness +uncrafty +uncram +uncramp +uncramped +uncrampedness +uncranked +uncrannied +uncrated +uncravatted +uncraven +uncraving +uncravingly +uncrazed +uncream +uncreased +uncreatability +uncreatable +uncreatableness +uncreate +uncreated +uncreatedness +uncreating +uncreation +uncreative +uncreativeness +uncreaturely +uncredentialed +uncredentialled +uncredibility +uncredible +uncredibly +uncreditable +uncreditableness +uncreditably +uncredited +uncrediting +uncredulous +uncreeping +uncreosoted +uncrest +uncrested +uncrevassed +uncrib +uncried +uncrime +uncriminal +uncriminally +uncrinkle +uncrinkled +uncrinkling +uncrippled +uncrisp +uncritical +uncritically +uncriticisable +uncriticised +uncriticising +uncriticisingly +uncriticism +uncriticizable +uncriticized +uncriticizing +uncriticizingly +uncrochety +uncrook +uncrooked +uncrooking +uncropped +uncropt +uncross +uncrossable +uncrossableness +uncrossed +uncrossexaminable +uncrossexamined +uncrossly +uncrowded +uncrown +uncrowned +uncrowning +uncrucified +uncrudded +uncrude +uncruel +uncrumbled +uncrumple +uncrumpling +uncrushable +uncrushed +uncrusted +uncrying +uncrystaled +uncrystalled +uncrystalline +uncrystallizability +uncrystallizable +uncrystallized +unction +unctional +unctioneer +unctionless +unctious +unctiousness +unctorium +unctuose +unctuosity +unctuous +unctuously +unctuousness +uncubbed +uncubic +uncuckold +uncuckolded +uncudgelled +uncuffed +uncular +unculled +uncultivability +uncultivable +uncultivate +uncultivated +uncultivation +unculturable +unculture +uncultured +uncumber +uncumbered +uncumbrous +uncunning +uncunningly +uncunningness +uncupped +uncurable +uncurableness +uncurably +uncurb +uncurbable +uncurbed +uncurbedly +uncurbing +uncurd +uncurdled +uncurdling +uncured +uncurious +uncuriously +uncurl +uncurled +uncurling +uncurrent +uncurrently +uncurrentness +uncurricularized +uncurried +uncurse +uncursed +uncursing +uncurst +uncurtailed +uncurtain +uncurtained +uncus +uncushioned +uncusped +uncustomable +uncustomarily +uncustomariness +uncustomary +uncustomed +uncut +uncuth +uncuticulate +uncuttable +uncynical +uncynically +uncypress +undabbled +undaggled +undaily +undaintiness +undainty +undallying +undam +undamageable +undamaged +undamaging +undamasked +undammed +undamming +undamn +undamped +undancing +undandiacal +undandled +undangered +undangerous +undangerousness +undared +undaring +undark +undarken +undarkened +undarned +undashed +undatable +undate +undateable +undated +undatedness +undaub +undaubed +undaughter +undaughterliness +undaughterly +undauntable +undaunted +undauntedly +undauntedness +undaunting +undawned +undawning +undazed +undazing +undazzle +undazzled +undazzling +unde +undead +undeadened +undeaf +undealable +undealt +undean +undear +undebarred +undebased +undebatable +undebated +undebating +undebauched +undebilitated +undebilitating +undecagon +undecanaphthene +undecane +undecatoic +undecayable +undecayableness +undecayed +undecayedness +undecaying +undeceased +undeceitful +undeceivable +undeceivableness +undeceivably +undeceive +undeceived +undeceiver +undeceiving +undecency +undecennary +undecennial +undecent +undecently +undeception +undeceptious +undeceptitious +undeceptive +undecidable +undecide +undecided +undecidedly +undecidedness +undeciding +undecimal +undeciman +undecimole +undecipher +undecipherability +undecipherable +undecipherably +undeciphered +undecision +undecisive +undecisively +undecisiveness +undeck +undecked +undeclaimed +undeclaiming +undeclamatory +undeclarable +undeclare +undeclared +undeclinable +undeclinableness +undeclinably +undeclined +undeclining +undecocted +undecoic +undecolic +undecomposable +undecomposed +undecompounded +undecorated +undecorative +undecorous +undecorously +undecorousness +undecorticated +undecoyed +undecreased +undecreasing +undecree +undecreed +undecried +undecyl +undecylenic +undecylic +undedicate +undedicated +undeducible +undeducted +undeeded +undeemed +undeemous +undeemously +undeep +undefaceable +undefaced +undefalcated +undefamed +undefaming +undefatigable +undefaulted +undefaulting +undefeasible +undefeat +undefeatable +undefeated +undefeatedly +undefeatedness +undefecated +undefectible +undefective +undefectiveness +undefendable +undefendableness +undefendably +undefended +undefending +undefense +undefensed +undefensible +undeferential +undeferentially +undeferred +undefiant +undeficient +undefied +undefilable +undefiled +undefiledly +undefiledness +undefinable +undefinableness +undefinably +undefine +undefined +undefinedly +undefinedness +undeflected +undeflowered +undeformed +undeformedness +undefrauded +undefrayed +undeft +undegeneracy +undegenerate +undegenerated +undegenerating +undegraded +undegrading +undeification +undeified +undeify +undeistical +undejected +undelated +undelayable +undelayed +undelayedly +undelaying +undelayingly +undelectable +undelectably +undelegated +undeleted +undeliberate +undeliberated +undeliberately +undeliberateness +undeliberating +undeliberatingly +undeliberative +undeliberativeness +undelible +undelicious +undelight +undelighted +undelightful +undelightfully +undelightfulness +undelighting +undelightsome +undelimited +undelineated +undeliverable +undeliverableness +undelivered +undelivery +undeludable +undelude +undeluded +undeluding +undeluged +undelusive +undelusively +undelve +undelved +undelylene +undemagnetizable +undemanded +undemised +undemocratic +undemocratically +undemocratize +undemolishable +undemolished +undemonstrable +undemonstrably +undemonstratable +undemonstrated +undemonstrative +undemonstratively +undemonstrativeness +undemure +undemurring +unden +undeniable +undeniableness +undeniably +undenied +undeniedly +undenizened +undenominated +undenominational +undenominationalism +undenominationalist +undenominationalize +undenominationally +undenoted +undenounced +undenuded +undepartableness +undepartably +undeparted +undeparting +undependable +undependableness +undependably +undependent +undepending +undephlegmated +undepicted +undepleted +undeplored +undeported +undeposable +undeposed +undeposited +undepraved +undepravedness +undeprecated +undepreciated +undepressed +undepressible +undepressing +undeprivable +undeprived +undepurated +undeputed +under +underabyss +underaccident +underaccommodated +underact +underacted +underacting +underaction +underactor +underadjustment +underadmiral +underadventurer +underage +underagency +underagent +underagitation +underaid +underaim +underair +underalderman +underanged +underarch +underargue +underarm +underaverage +underback +underbailiff +underbake +underbalance +underballast +underbank +underbarber +underbarring +underbasal +underbeadle +underbeak +underbeam +underbear +underbearer +underbearing +underbeat +underbeaten +underbed +underbelly +underbeveling +underbid +underbidder +underbill +underbillow +underbishop +underbishopric +underbit +underbite +underbitted +underbitten +underboard +underboated +underbodice +underbody +underboil +underboom +underborn +underborne +underbottom +underbough +underbought +underbound +underbowed +underbowser +underbox +underboy +underbrace +underbraced +underbranch +underbreath +underbreathing +underbred +underbreeding +underbrew +underbridge +underbrigadier +underbright +underbrim +underbrush +underbubble +underbud +underbuild +underbuilder +underbuilding +underbuoy +underburn +underburned +underburnt +underbursar +underbury +underbush +underbutler +underbuy +undercanopy +undercanvass +undercap +undercapitaled +undercapitalization +undercapitalize +undercaptain +undercarder +undercarriage +undercarry +undercarter +undercarve +undercarved +undercase +undercasing +undercast +undercause +underceiling +undercellar +undercellarer +underchamber +underchamberlain +underchancellor +underchanter +underchap +undercharge +undercharged +underchief +underchime +underchin +underchord +underchurched +undercircle +undercitizen +underclad +underclass +underclassman +underclay +underclearer +underclerk +underclerkship +undercliff +underclift +undercloak +undercloth +underclothe +underclothed +underclothes +underclothing +underclub +underclutch +undercoachman +undercoat +undercoated +undercoater +undercoating +undercollector +undercolor +undercolored +undercoloring +undercommander +undercomment +undercompounded +underconcerned +undercondition +underconsciousness +underconstable +underconsume +underconsumption +undercook +undercool +undercooper +undercorrect +undercountenance +undercourse +undercourtier +undercover +undercovering +undercovert +undercrawl +undercreep +undercrest +undercrier +undercroft +undercrop +undercrust +undercry +undercrypt +undercup +undercurl +undercurrent +undercurve +undercut +undercutter +undercutting +underdauber +underdeacon +underdead +underdebauchee +underdeck +underdepth +underdevelop +underdevelopment +underdevil +underdialogue +underdig +underdip +underdish +underdistinction +underdistributor +underditch +underdive +underdo +underdoctor +underdoer +underdog +underdoing +underdone +underdose +underdot +underdown +underdraft +underdrag +underdrain +underdrainage +underdrainer +underdraught +underdraw +underdrawers +underdrawn +underdress +underdressed +underdrift +underdrive +underdriven +underdrudgery +underdrumming +underdry +underdunged +underearth +undereat +undereaten +underedge +undereducated +underemployment +underengraver +underenter +underer +underescheator +underestimate +underestimation +underexcited +underexercise +underexpose +underexposure +undereye +underface +underfaction +underfactor +underfaculty +underfalconer +underfall +underfarmer +underfeathering +underfeature +underfed +underfeed +underfeeder +underfeeling +underfeet +underfellow +underfiend +underfill +underfilling +underfinance +underfind +underfire +underfitting +underflame +underflannel +underfleece +underflood +underfloor +underflooring +underflow +underfold +underfolded +underfong +underfoot +underfootage +underfootman +underforebody +underform +underfortify +underframe +underframework +underframing +underfreight +underfrequency +underfringe +underfrock +underfur +underfurnish +underfurnisher +underfurrow +undergabble +undergamekeeper +undergaoler +undergarb +undergardener +undergarment +undergarnish +undergauge +undergear +undergeneral +undergentleman +undergird +undergirder +undergirding +undergirdle +undergirth +underglaze +undergloom +underglow +undergnaw +undergo +undergod +undergoer +undergoing +undergore +undergoverness +undergovernment +undergovernor +undergown +undergrad +undergrade +undergraduate +undergraduatedom +undergraduateness +undergraduateship +undergraduatish +undergraduette +undergraining +undergrass +undergreen +undergrieve +undergroan +underground +undergrounder +undergroundling +undergrove +undergrow +undergrowl +undergrown +undergrowth +undergrub +underguard +underguardian +undergunner +underhabit +underhammer +underhand +underhanded +underhandedly +underhandedness +underhang +underhanging +underhangman +underhatch +underhead +underheat +underheaven +underhelp +underhew +underhid +underhill +underhint +underhistory +underhive +underhold +underhole +underhonest +underhorse +underhorsed +underhousemaid +underhum +underhung +underided +underinstrument +underisive +underissue +underivable +underivative +underived +underivedly +underivedness +underjacket +underjailer +underjanitor +underjaw +underjawed +underjobbing +underjudge +underjungle +underkeel +underkeeper +underkind +underking +underkingdom +underlaborer +underlaid +underlain +underland +underlanguaged +underlap +underlapper +underlash +underlaundress +underlawyer +underlay +underlayer +underlaying +underleaf +underlease +underleather +underlegate +underlessee +underlet +underletter +underlevel +underlever +underlid +underlie +underlier +underlieutenant +underlife +underlift +underlight +underliking +underlimbed +underlimit +underline +underlineation +underlineman +underlinement +underlinen +underliner +underling +underlining +underlip +underlive +underload +underlock +underlodging +underloft +underlook +underlooker +underlout +underlunged +underly +underlye +underlying +undermade +undermaid +undermaker +underman +undermanager +undermanned +undermanning +undermark +undermarshal +undermarshalman +undermasted +undermaster +undermatch +undermatched +undermate +undermath +undermeal +undermeaning +undermeasure +undermediator +undermelody +undermentioned +undermiller +undermimic +underminable +undermine +underminer +undermining +underminingly +underminister +underministry +undermist +undermoated +undermoney +undermoral +undermost +undermotion +undermount +undermountain +undermusic +undermuslin +undern +undername +undernatural +underneath +underness +underniceness +undernote +undernoted +undernourish +undernourished +undernourishment +undernsong +underntide +underntime +undernurse +undernutrition +underoccupied +underofficer +underofficered +underofficial +underogating +underogatory +underopinion +underorb +underorganization +underorseman +underoverlooker +underoxidize +underpacking +underpaid +underpain +underpainting +underpan +underpants +underparticipation +underpartner +underpass +underpassion +underpay +underpayment +underpeep +underpeer +underpen +underpeopled +underpetticoat +underpetticoated +underpick +underpier +underpilaster +underpile +underpin +underpinner +underpinning +underpitch +underpitched +underplain +underplan +underplant +underplate +underplay +underplot +underplotter +underply +underpoint +underpole +underpopulate +underpopulation +underporch +underporter +underpose +underpossessor +underpot +underpower +underpraise +underprefect +underprentice +underpresence +underpresser +underpressure +underprice +underpriest +underprincipal +underprint +underprior +underprivileged +underprize +underproduce +underproduction +underproductive +underproficient +underprompt +underprompter +underproof +underprop +underproportion +underproportioned +underproposition +underpropped +underpropper +underpropping +underprospect +underpry +underpuke +underqualified +underqueen +underquote +underranger +underrate +underratement +underrating +underreach +underread +underreader +underrealize +underrealm +underream +underreamer +underreceiver +underreckon +underrecompense +underregion +underregistration +underrent +underrented +underrenting +underrepresent +underrepresentation +underrespected +underriddle +underriding +underrigged +underring +underripe +underripened +underriver +underroarer +underroast +underrobe +underrogue +underroll +underroller +underroof +underroom +underroot +underrooted +underrower +underrule +underruler +underrun +underrunning +undersacristan +undersailed +undersally +undersap +undersatisfaction +undersaturate +undersaturation +undersavior +undersaw +undersawyer +underscale +underscheme +underschool +underscoop +underscore +underscribe +underscript +underscrub +underscrupulous +undersea +underseam +underseaman +undersearch +underseas +underseated +undersecretary +undersecretaryship +undersect +undersee +underseeded +underseedman +undersell +underseller +underselling +undersense +undersequence +underservant +underserve +underservice +underset +undersetter +undersetting +undersettle +undersettler +undersettling +undersexton +undershapen +undersharp +undersheathing +undershepherd +undersheriff +undersheriffry +undersheriffship +undersheriffwick +undershield +undershine +undershining +undershire +undershirt +undershoe +undershoot +undershore +undershorten +undershot +undershrievalty +undershrieve +undershrievery +undershrub +undershrubbiness +undershrubby +undershunter +undershut +underside +undersight +undersighted +undersign +undersignalman +undersigner +undersill +undersinging +undersitter +undersize +undersized +underskin +underskirt +undersky +undersleep +undersleeve +underslip +underslope +undersluice +underslung +undersneer +undersociety +undersoil +undersole +undersomething +undersong +undersorcerer +undersort +undersoul +undersound +undersovereign +undersow +underspar +undersparred +underspecies +underspecified +underspend +undersphere +underspin +underspinner +undersplice +underspore +underspread +underspring +undersprout +underspurleather +undersquare +understaff +understage +understain +understairs +understamp +understand +understandability +understandable +understandableness +understandably +understander +understanding +understandingly +understandingness +understate +understatement +understay +understeer +understem +understep +understeward +understewardship +understimulus +understock +understocking +understood +understory +understrain +understrap +understrapper +understrapping +understratum +understream +understress +understrew +understride +understriding +understrife +understrike +understring +understroke +understrung +understudy +understuff +understuffing +undersuck +undersuggestion +undersuit +undersupply +undersupport +undersurface +underswain +underswamp +undersward +underswearer +undersweat +undersweep +underswell +undertakable +undertake +undertakement +undertaker +undertakerish +undertakerlike +undertakerly +undertakery +undertaking +undertakingly +undertalk +undertapster +undertaxed +underteacher +underteamed +underteller +undertenancy +undertenant +undertenter +undertenure +underterrestrial +undertest +underthane +underthaw +underthief +underthing +underthink +underthirst +underthought +underthroating +underthrob +underthrust +undertide +undertided +undertie +undertime +undertimed +undertint +undertitle +undertone +undertoned +undertook +undertow +undertrader +undertrained +undertread +undertreasurer +undertreat +undertribe +undertrick +undertrodden +undertruck +undertrump +undertruss +undertub +undertune +undertunic +underturf +underturn +underturnkey +undertutor +undertwig +undertype +undertyrant +underusher +undervaluation +undervalue +undervaluement +undervaluer +undervaluing +undervaluinglike +undervaluingly +undervalve +undervassal +undervaulted +undervaulting +undervegetation +underventilation +underverse +undervest +undervicar +underviewer +undervillain +undervinedresser +undervitalized +undervocabularied +undervoice +undervoltage +underwage +underwaist +underwaistcoat +underwalk +underward +underwarden +underwarmth +underwarp +underwash +underwatch +underwatcher +underwater +underwave +underway +underweapon +underwear +underweft +underweigh +underweight +underweighted +underwent +underwheel +underwhistle +underwind +underwing +underwit +underwitch +underwitted +underwood +underwooded +underwork +underworker +underworking +underworkman +underworld +underwrap +underwrite +underwriter +underwriting +underwrought +underyield +underyoke +underzeal +underzealot +undescendable +undescended +undescendible +undescribable +undescribably +undescribed +undescried +undescript +undescriptive +undescrying +undesert +undeserted +undeserting +undeserve +undeserved +undeservedly +undeservedness +undeserver +undeserving +undeservingly +undeservingness +undesign +undesignated +undesigned +undesignedly +undesignedness +undesigning +undesigningly +undesigningness +undesirability +undesirable +undesirableness +undesirably +undesire +undesired +undesiredly +undesiring +undesirous +undesirously +undesirousness +undesisting +undespaired +undespairing +undespairingly +undespatched +undespised +undespising +undespoiled +undespondent +undespondently +undesponding +undespotic +undestined +undestroyable +undestroyed +undestructible +undestructive +undetachable +undetached +undetailed +undetainable +undetained +undetectable +undetected +undetectible +undeteriorated +undeteriorating +undeterminable +undeterminate +undetermination +undetermined +undetermining +undeterred +undeterring +undetested +undetesting +undethronable +undethroned +undetracting +undetractingly +undetrimental +undevelopable +undeveloped +undeveloping +undeviated +undeviating +undeviatingly +undevil +undevious +undeviously +undevisable +undevised +undevoted +undevotion +undevotional +undevoured +undevout +undevoutly +undevoutness +undewed +undewy +undexterous +undexterously +undextrous +undextrously +undiademed +undiagnosable +undiagnosed +undialed +undialyzed +undiametric +undiamonded +undiapered +undiaphanous +undiatonic +undichotomous +undictated +undid +undidactic +undies +undieted +undifferenced +undifferent +undifferential +undifferentiated +undifficult +undiffident +undiffracted +undiffused +undiffusible +undiffusive +undig +undigenous +undigest +undigestable +undigested +undigestible +undigesting +undigestion +undigged +undight +undighted +undigitated +undignified +undignifiedly +undignifiedness +undignify +undiked +undilapidated +undilatable +undilated +undilatory +undiligent +undiligently +undilute +undiluted +undilution +undiluvial +undim +undimensioned +undimerous +undimidiate +undiminishable +undiminishableness +undiminishably +undiminished +undiminishing +undiminutive +undimmed +undimpled +Undine +undine +undined +undinted +undiocesed +undiphthongize +undiplomaed +undiplomatic +undipped +undirect +undirected +undirectional +undirectly +undirectness +undirk +undisabled +undisadvantageous +undisagreeable +undisappearing +undisappointable +undisappointed +undisappointing +undisarmed +undisastrous +undisbanded +undisbarred +undisburdened +undisbursed +undiscardable +undiscarded +undiscerned +undiscernedly +undiscernible +undiscernibleness +undiscernibly +undiscerning +undiscerningly +undischargeable +undischarged +undiscipled +undisciplinable +undiscipline +undisciplined +undisciplinedness +undisclaimed +undisclosed +undiscolored +undiscomfitable +undiscomfited +undiscomposed +undisconcerted +undisconnected +undiscontinued +undiscordant +undiscording +undiscounted +undiscourageable +undiscouraged +undiscouraging +undiscoursed +undiscoverable +undiscoverableness +undiscoverably +undiscovered +undiscreditable +undiscredited +undiscreet +undiscreetly +undiscreetness +undiscretion +undiscriminated +undiscriminating +undiscriminatingly +undiscriminatingness +undiscriminative +undiscursive +undiscussable +undiscussed +undisdained +undisdaining +undiseased +undisestablished +undisfigured +undisfranchised +undisfulfilled +undisgorged +undisgraced +undisguisable +undisguise +undisguised +undisguisedly +undisguisedness +undisgusted +undisheartened +undished +undisheveled +undishonored +undisillusioned +undisinfected +undisinheritable +undisinherited +undisintegrated +undisinterested +undisjoined +undisjointed +undisliked +undislocated +undislodgeable +undislodged +undismantled +undismay +undismayable +undismayed +undismayedly +undismembered +undismissed +undismounted +undisobedient +undisobeyed +undisobliging +undisordered +undisorderly +undisorganized +undisowned +undisowning +undisparaged +undisparity +undispassionate +undispatchable +undispatched +undispatching +undispellable +undispelled +undispensable +undispensed +undispensing +undispersed +undispersing +undisplaced +undisplanted +undisplay +undisplayable +undisplayed +undisplaying +undispleased +undispose +undisposed +undisposedness +undisprivacied +undisprovable +undisproved +undisproving +undisputable +undisputableness +undisputably +undisputatious +undisputatiously +undisputed +undisputedly +undisputedness +undisputing +undisqualifiable +undisqualified +undisquieted +undisreputable +undisrobed +undisrupted +undissected +undissembled +undissembledness +undissembling +undissemblingly +undisseminated +undissenting +undissevered +undissimulated +undissipated +undissociated +undissoluble +undissolute +undissolvable +undissolved +undissolving +undissonant +undissuadable +undissuadably +undissuade +undistanced +undistant +undistantly +undistasted +undistasteful +undistempered +undistend +undistended +undistilled +undistinct +undistinctive +undistinctly +undistinctness +undistinguish +undistinguishable +undistinguishableness +undistinguishably +undistinguished +undistinguishing +undistinguishingly +undistorted +undistorting +undistracted +undistractedly +undistractedness +undistracting +undistractingly +undistrained +undistraught +undistress +undistressed +undistributed +undistrusted +undistrustful +undisturbable +undisturbance +undisturbed +undisturbedly +undisturbedness +undisturbing +undisturbingly +unditched +undithyrambic +undittoed +undiuretic +undiurnal +undivable +undivergent +undiverging +undiverse +undiversified +undiverted +undivertible +undivertibly +undiverting +undivested +undivestedly +undividable +undividableness +undividably +undivided +undividedly +undividedness +undividing +undivinable +undivined +undivinelike +undivinely +undivining +undivisible +undivisive +undivorceable +undivorced +undivorcedness +undivorcing +undivulged +undivulging +undizened +undizzied +undo +undoable +undock +undocked +undoctor +undoctored +undoctrinal +undoctrined +undocumentary +undocumented +undocumentedness +undodged +undoer +undoffed +undog +undogmatic +undogmatical +undoing +undoingness +undolled +undolorous +undomed +undomestic +undomesticate +undomesticated +undomestication +undomicilable +undomiciled +undominated +undomineering +undominical +undominoed +undon +undonated +undonating +undone +undoneness +undonkey +undonnish +undoomed +undoped +undormant +undose +undosed +undoting +undotted +undouble +undoubled +undoubtable +undoubtableness +undoubtably +undoubted +undoubtedly +undoubtedness +undoubtful +undoubtfully +undoubtfulness +undoubting +undoubtingly +undoubtingness +undouched +undoughty +undovelike +undoweled +undowered +undowned +undowny +undrab +undraftable +undrafted +undrag +undragoned +undragooned +undrainable +undrained +undramatic +undramatical +undramatically +undramatizable +undramatized +undrape +undraped +undraperied +undraw +undrawable +undrawn +undreaded +undreadful +undreadfully +undreading +undreamed +undreaming +undreamlike +undreamt +undreamy +undredged +undreggy +undrenched +undress +undressed +undried +undrillable +undrilled +undrinkable +undrinkableness +undrinkably +undrinking +undripping +undrivable +undrivableness +undriven +undronelike +undrooping +undropped +undropsical +undrossy +undrowned +undrubbed +undrugged +undrunk +undrunken +undry +undryable +undrying +undualize +undub +undubbed +undubitable +undubitably +unducal +unduchess +undue +unduelling +undueness +undug +unduke +undulant +undular +undularly +undulatance +undulate +undulated +undulately +undulating +undulatingly +undulation +undulationist +undulative +undulatory +undull +undulled +undullness +unduloid +undulose +undulous +unduly +undumped +unduncelike +undunged +undupable +unduped +unduplicability +unduplicable +unduplicity +undurable +undurableness +undurably +undust +undusted +unduteous +undutiable +undutiful +undutifully +undutifulness +unduty +undwarfed +undwelt +undwindling +undy +undye +undyeable +undyed +undying +undyingly +undyingness +uneager +uneagerly +uneagerness +uneagled +unearly +unearned +unearnest +unearth +unearthed +unearthliness +unearthly +unease +uneaseful +uneasefulness +uneasily +uneasiness +uneastern +uneasy +uneatable +uneatableness +uneaten +uneath +uneating +unebbed +unebbing +unebriate +uneccentric +unecclesiastical +unechoed +unechoing +uneclectic +uneclipsed +uneconomic +uneconomical +uneconomically +uneconomicalness +uneconomizing +unecstatic +unedge +unedged +unedible +unedibleness +unedibly +unedified +unedifying +uneditable +unedited +uneducable +uneducableness +uneducably +uneducate +uneducated +uneducatedly +uneducatedness +uneducative +uneduced +uneffaceable +uneffaceably +uneffaced +uneffected +uneffectible +uneffective +uneffectless +uneffectual +uneffectually +uneffectualness +uneffectuated +uneffeminate +uneffeminated +uneffervescent +uneffete +unefficacious +unefficient +uneffigiated +uneffused +uneffusing +uneffusive +unegoist +unegoistical +unegoistically +unegregious +unejaculated +unejected +unelaborate +unelaborated +unelaborately +unelaborateness +unelapsed +unelastic +unelasticity +unelated +unelating +unelbowed +unelderly +unelect +unelectable +unelected +unelective +unelectric +unelectrical +unelectrified +unelectrify +unelectrifying +unelectrized +unelectronic +uneleemosynary +unelegant +unelegantly +unelegantness +unelemental +unelementary +unelevated +unelicited +unelided +unelidible +uneligibility +uneligible +uneligibly +uneliminated +unelongated +uneloped +uneloping +uneloquent +uneloquently +unelucidated +unelucidating +uneluded +unelusive +unemaciated +unemancipable +unemancipated +unemasculated +unembalmed +unembanked +unembarrassed +unembarrassedly +unembarrassedness +unembarrassing +unembarrassment +unembased +unembattled +unembayed +unembellished +unembezzled +unembittered +unemblazoned +unembodied +unembodiment +unembossed +unembowelled +unembowered +unembraceable +unembraced +unembroidered +unembroiled +unembryonic +unemendable +unemended +unemerged +unemerging +unemigrating +uneminent +uneminently +unemitted +unemolumentary +unemolumented +unemotional +unemotionalism +unemotionally +unemotionalness +unemotioned +unempaneled +unemphatic +unemphatical +unemphatically +unempirical +unempirically +unemploy +unemployability +unemployable +unemployableness +unemployably +unemployed +unemployment +unempoisoned +unempowered +unempt +unemptiable +unemptied +unempty +unemulative +unemulous +unemulsified +unenabled +unenacted +unenameled +unenamored +unencamped +unenchafed +unenchant +unenchanted +unencircled +unenclosed +unencompassed +unencored +unencounterable +unencountered +unencouraged +unencouraging +unencroached +unencroaching +unencumber +unencumbered +unencumberedly +unencumberedness +unencumbering +unencysted +unendable +unendamaged +unendangered +unendeared +unendeavored +unended +unending +unendingly +unendingness +unendorsable +unendorsed +unendowed +unendowing +unendued +unendurability +unendurable +unendurably +unendured +unenduring +unenduringly +unenergetic +unenergized +unenervated +unenfeebled +unenfiladed +unenforceable +unenforced +unenforcedly +unenforcedness +unenforcibility +unenfranchised +unengaged +unengaging +unengendered +unengineered +unenglish +unengraved +unengraven +unengrossed +unenhanced +unenjoined +unenjoyable +unenjoyed +unenjoying +unenjoyingly +unenkindled +unenlarged +unenlightened +unenlightening +unenlisted +unenlivened +unenlivening +unennobled +unennobling +unenounced +unenquired +unenquiring +unenraged +unenraptured +unenrichable +unenrichableness +unenriched +unenriching +unenrobed +unenrolled +unenshrined +unenslave +unenslaved +unensnared +unensouled +unensured +unentailed +unentangle +unentangleable +unentangled +unentanglement +unentangler +unenterable +unentered +unentering +unenterprise +unenterprised +unenterprising +unenterprisingly +unenterprisingness +unentertainable +unentertained +unentertaining +unentertainingly +unentertainingness +unenthralled +unenthralling +unenthroned +unenthusiasm +unenthusiastic +unenthusiastically +unenticed +unenticing +unentire +unentitled +unentombed +unentomological +unentrance +unentranced +unentrapped +unentreated +unentreating +unentrenched +unentwined +unenumerable +unenumerated +unenveloped +unenvenomed +unenviable +unenviably +unenvied +unenviedly +unenvious +unenviously +unenvironed +unenvying +unenwoven +unepauleted +unephemeral +unepic +unepicurean +unepigrammatic +unepilogued +unepiscopal +unepiscopally +unepistolary +unepitaphed +unepithelial +unepitomized +unequable +unequableness +unequably +unequal +unequalable +unequaled +unequality +unequalize +unequalized +unequally +unequalness +unequated +unequatorial +unequestrian +unequiangular +unequiaxed +unequilateral +unequilibrated +unequine +unequipped +unequitable +unequitableness +unequitably +unequivalent +unequivalve +unequivalved +unequivocal +unequivocally +unequivocalness +uneradicable +uneradicated +unerasable +unerased +unerasing +unerect +unerected +unermined +uneroded +unerrable +unerrableness +unerrably +unerrancy +unerrant +unerratic +unerring +unerringly +unerringness +unerroneous +unerroneously +unerudite +unerupted +uneruptive +unescaladed +unescalloped +unescapable +unescapableness +unescapably +unescaped +unescheated +uneschewable +uneschewably +uneschewed +Unesco +unescorted +unescutcheoned +unesoteric +unespied +unespousable +unespoused +unessayed +unessence +unessential +unessentially +unessentialness +unestablish +unestablishable +unestablished +unestablishment +unesteemed +unestimable +unestimableness +unestimably +unestimated +unestopped +unestranged +unetched +uneternal +uneternized +unethereal +unethic +unethical +unethically +unethicalness +unethnological +unethylated +unetymological +unetymologizable +uneucharistical +uneugenic +uneulogized +uneuphemistical +uneuphonic +uneuphonious +uneuphoniously +uneuphoniousness +unevacuated +unevadable +unevaded +unevaluated +unevanescent +unevangelic +unevangelical +unevangelized +unevaporate +unevaporated +unevasive +uneven +unevenly +unevenness +uneventful +uneventfully +uneventfulness +uneverted +unevicted +unevidenced +unevident +unevidential +unevil +unevinced +unevirated +uneviscerated +unevitable +unevitably +unevokable +unevoked +unevolutionary +unevolved +unexacerbated +unexact +unexacted +unexactedly +unexacting +unexactingly +unexactly +unexactness +unexaggerable +unexaggerated +unexaggerating +unexalted +unexaminable +unexamined +unexamining +unexampled +unexampledness +unexasperated +unexasperating +unexcavated +unexceedable +unexceeded +unexcelled +unexcellent +unexcelling +unexceptable +unexcepted +unexcepting +unexceptionability +unexceptionable +unexceptionableness +unexceptionably +unexceptional +unexceptionally +unexceptionalness +unexceptive +unexcerpted +unexcessive +unexchangeable +unexchangeableness +unexchanged +unexcised +unexcitability +unexcitable +unexcited +unexciting +unexclaiming +unexcludable +unexcluded +unexcluding +unexclusive +unexclusively +unexclusiveness +unexcogitable +unexcogitated +unexcommunicated +unexcoriated +unexcorticated +unexcrescent +unexcreted +unexcruciating +unexculpable +unexculpably +unexculpated +unexcursive +unexcusable +unexcusableness +unexcusably +unexcused +unexcusedly +unexcusedness +unexcusing +unexecrated +unexecutable +unexecuted +unexecuting +unexecutorial +unexemplary +unexemplifiable +unexemplified +unexempt +unexempted +unexemptible +unexempting +unexercisable +unexercise +unexercised +unexerted +unexhalable +unexhaled +unexhausted +unexhaustedly +unexhaustedness +unexhaustible +unexhaustibleness +unexhaustibly +unexhaustion +unexhaustive +unexhaustiveness +unexhibitable +unexhibitableness +unexhibited +unexhilarated +unexhilarating +unexhorted +unexhumed +unexigent +unexilable +unexiled +unexistence +unexistent +unexisting +unexonerable +unexonerated +unexorable +unexorableness +unexorbitant +unexorcisable +unexorcisably +unexorcised +unexotic +unexpandable +unexpanded +unexpanding +unexpansive +unexpectable +unexpectant +unexpected +unexpectedly +unexpectedness +unexpecting +unexpectingly +unexpectorated +unexpedient +unexpeditated +unexpedited +unexpeditious +unexpelled +unexpendable +unexpended +unexpensive +unexpensively +unexpensiveness +unexperience +unexperienced +unexperiencedness +unexperient +unexperiential +unexperimental +unexperimented +unexpert +unexpertly +unexpertness +unexpiable +unexpiated +unexpired +unexpiring +unexplainable +unexplainableness +unexplainably +unexplained +unexplainedly +unexplainedness +unexplaining +unexplanatory +unexplicable +unexplicableness +unexplicably +unexplicated +unexplicit +unexplicitly +unexplicitness +unexploded +unexploitation +unexploited +unexplorable +unexplorative +unexplored +unexplosive +unexportable +unexported +unexporting +unexposable +unexposed +unexpostulating +unexpoundable +unexpounded +unexpress +unexpressable +unexpressableness +unexpressably +unexpressed +unexpressedly +unexpressible +unexpressibleness +unexpressibly +unexpressive +unexpressively +unexpressiveness +unexpressly +unexpropriable +unexpropriated +unexpugnable +unexpunged +unexpurgated +unexpurgatedly +unexpurgatedness +unextended +unextendedly +unextendedness +unextendible +unextensible +unextenuable +unextenuated +unextenuating +unexterminable +unexterminated +unexternal +unexternality +unexterritoriality +unextinct +unextinctness +unextinguishable +unextinguishableness +unextinguishably +unextinguished +unextirpated +unextolled +unextortable +unextorted +unextractable +unextracted +unextradited +unextraneous +unextraordinary +unextravagance +unextravagant +unextravagating +unextravasated +unextreme +unextricable +unextricated +unextrinsic +unextruded +unexuberant +unexuded +unexultant +uneye +uneyeable +uneyed +unfabled +unfabling +unfabricated +unfabulous +unfacaded +unface +unfaceable +unfaced +unfaceted +unfacetious +unfacile +unfacilitated +unfact +unfactional +unfactious +unfactitious +unfactorable +unfactored +unfactual +unfadable +unfaded +unfading +unfadingly +unfadingness +unfagged +unfagoted +unfailable +unfailableness +unfailably +unfailed +unfailing +unfailingly +unfailingness +unfain +unfaint +unfainting +unfaintly +unfair +unfairly +unfairminded +unfairness +unfairylike +unfaith +unfaithful +unfaithfully +unfaithfulness +unfaked +unfallacious +unfallaciously +unfallen +unfallenness +unfallible +unfallibleness +unfallibly +unfalling +unfallowed +unfalse +unfalsifiable +unfalsified +unfalsifiedness +unfalsity +unfaltering +unfalteringly +unfamed +unfamiliar +unfamiliarity +unfamiliarized +unfamiliarly +unfanatical +unfanciable +unfancied +unfanciful +unfancy +unfanged +unfanned +unfantastic +unfantastical +unfantastically +unfar +unfarced +unfarcical +unfarewelled +unfarmed +unfarming +unfarrowed +unfarsighted +unfasciated +unfascinate +unfascinated +unfascinating +unfashion +unfashionable +unfashionableness +unfashionably +unfashioned +unfast +unfasten +unfastenable +unfastened +unfastener +unfastidious +unfastidiously +unfastidiousness +unfasting +unfather +unfathered +unfatherlike +unfatherliness +unfatherly +unfathomability +unfathomable +unfathomableness +unfathomably +unfathomed +unfatigue +unfatigueable +unfatigued +unfatiguing +unfattable +unfatted +unfatten +unfauceted +unfaultfinding +unfaulty +unfavorable +unfavorableness +unfavorably +unfavored +unfavoring +unfavorite +unfawning +unfealty +unfeared +unfearful +unfearfully +unfearing +unfearingly +unfeary +unfeasable +unfeasableness +unfeasably +unfeasibility +unfeasible +unfeasibleness +unfeasibly +unfeasted +unfeather +unfeathered +unfeatured +unfecund +unfecundated +unfed +unfederal +unfederated +unfeeble +unfeed +unfeedable +unfeeding +unfeeing +unfeelable +unfeeling +unfeelingly +unfeelingness +unfeignable +unfeignableness +unfeignably +unfeigned +unfeignedly +unfeignedness +unfeigning +unfeigningly +unfeigningness +unfele +unfelicitated +unfelicitating +unfelicitous +unfelicitously +unfelicitousness +unfeline +unfellable +unfelled +unfellied +unfellow +unfellowed +unfellowlike +unfellowly +unfellowshiped +unfelon +unfelonious +unfeloniously +unfelony +unfelt +unfelted +unfemale +unfeminine +unfemininely +unfeminineness +unfemininity +unfeminist +unfeminize +unfence +unfenced +unfendered +unfenestrated +unfeoffed +unfermentable +unfermentableness +unfermentably +unfermented +unfermenting +unfernlike +unferocious +unferreted +unferried +unfertile +unfertileness +unfertility +unfertilizable +unfertilized +unfervent +unfervid +unfester +unfestered +unfestival +unfestive +unfestively +unfestooned +unfetchable +unfetched +unfeted +unfetter +unfettered +unfettled +unfeudal +unfeudalize +unfeudalized +unfeued +unfevered +unfeverish +unfew +unfibbed +unfibbing +unfiber +unfibered +unfibrous +unfickle +unfictitious +unfidelity +unfidgeting +unfielded +unfiend +unfiendlike +unfierce +unfiery +unfight +unfightable +unfighting +unfigurable +unfigurative +unfigured +unfilamentous +unfilched +unfile +unfiled +unfilial +unfilially +unfilialness +unfill +unfillable +unfilled +unfilleted +unfilling +unfilm +unfilmed +unfiltered +unfiltrated +unfinable +unfinancial +unfine +unfined +unfinessed +unfingered +unfinical +unfinish +unfinishable +unfinished +unfinishedly +unfinishedness +unfinite +unfired +unfireproof +unfiring +unfirm +unfirmamented +unfirmly +unfirmness +unfiscal +unfishable +unfished +unfishing +unfishlike +unfissile +unfistulous +unfit +unfitly +unfitness +unfittable +unfitted +unfittedness +unfitten +unfitting +unfittingly +unfittingness +unfitty +unfix +unfixable +unfixated +unfixed +unfixedness +unfixing +unfixity +unflag +unflagged +unflagging +unflaggingly +unflaggingness +unflagitious +unflagrant +unflaky +unflamboyant +unflaming +unflanged +unflank +unflanked +unflapping +unflashing +unflat +unflated +unflattened +unflatterable +unflattered +unflattering +unflatteringly +unflaunted +unflavored +unflawed +unflayed +unflead +unflecked +unfledge +unfledged +unfledgedness +unfleece +unfleeced +unfleeing +unfleeting +unflesh +unfleshed +unfleshliness +unfleshly +unfleshy +unfletched +unflexed +unflexible +unflexibleness +unflexibly +unflickering +unflickeringly +unflighty +unflinching +unflinchingly +unflinchingness +unflintify +unflippant +unflirtatious +unflitched +unfloatable +unfloating +unflock +unfloggable +unflogged +unflooded +unfloor +unfloored +unflorid +unflossy +unflounced +unfloured +unflourished +unflourishing +unflouted +unflower +unflowered +unflowing +unflown +unfluctuating +unfluent +unfluid +unfluked +unflunked +unfluorescent +unflurried +unflush +unflushed +unflustered +unfluted +unflutterable +unfluttered +unfluttering +unfluvial +unfluxile +unflying +unfoaled +unfoaming +unfocused +unfoggy +unfoilable +unfoiled +unfoisted +unfold +unfoldable +unfolded +unfolder +unfolding +unfoldment +unfoldure +unfoliaged +unfoliated +unfollowable +unfollowed +unfollowing +unfomented +unfond +unfondled +unfondness +unfoodful +unfool +unfoolable +unfooled +unfooling +unfoolish +unfooted +unfootsore +unfoppish +unforaged +unforbade +unforbearance +unforbearing +unforbid +unforbidden +unforbiddenly +unforbiddenness +unforbidding +unforceable +unforced +unforcedly +unforcedness +unforceful +unforcible +unforcibleness +unforcibly +unfordable +unfordableness +unforded +unforeboded +unforeboding +unforecasted +unforegone +unforeign +unforeknowable +unforeknown +unforensic +unforeordained +unforesee +unforeseeable +unforeseeableness +unforeseeably +unforeseeing +unforeseeingly +unforeseen +unforeseenly +unforeseenness +unforeshortened +unforest +unforestallable +unforestalled +unforested +unforetellable +unforethought +unforethoughtful +unforetold +unforewarned +unforewarnedness +unforfeit +unforfeitable +unforfeited +unforgeability +unforgeable +unforged +unforget +unforgetful +unforgettable +unforgettableness +unforgettably +unforgetting +unforgettingly +unforgivable +unforgivableness +unforgivably +unforgiven +unforgiveness +unforgiver +unforgiving +unforgivingly +unforgivingness +unforgone +unforgot +unforgotten +unfork +unforked +unforkedness +unforlorn +unform +unformal +unformality +unformalized +unformally +unformalness +unformative +unformed +unformidable +unformulable +unformularizable +unformularize +unformulated +unformulistic +unforsaken +unforsaking +unforsook +unforsworn +unforthright +unfortifiable +unfortified +unfortify +unfortuitous +unfortunate +unfortunately +unfortunateness +unfortune +unforward +unforwarded +unfossiliferous +unfossilized +unfostered +unfought +unfoughten +unfoul +unfoulable +unfouled +unfound +unfounded +unfoundedly +unfoundedness +unfoundered +unfountained +unfowllike +unfoxy +unfractured +unfragrance +unfragrant +unfragrantly +unfrail +unframable +unframableness +unframably +unframe +unframed +unfranchised +unfrank +unfrankable +unfranked +unfrankly +unfrankness +unfraternal +unfraternizing +unfraudulent +unfraught +unfrayed +unfreckled +unfree +unfreed +unfreedom +unfreehold +unfreely +unfreeman +unfreeness +unfreezable +unfreeze +unfreezing +unfreighted +unfrenchified +unfrenzied +unfrequency +unfrequent +unfrequented +unfrequentedness +unfrequently +unfrequentness +unfret +unfretful +unfretting +unfriable +unfriarlike +unfricative +unfrictioned +unfried +unfriend +unfriended +unfriendedness +unfriending +unfriendlike +unfriendlily +unfriendliness +unfriendly +unfriendship +unfrighted +unfrightenable +unfrightened +unfrightenedness +unfrightful +unfrigid +unfrill +unfrilled +unfringe +unfringed +unfrisky +unfrivolous +unfrizz +unfrizzled +unfrizzy +unfrock +unfrocked +unfroglike +unfrolicsome +unfronted +unfrost +unfrosted +unfrosty +unfrounced +unfroward +unfrowardly +unfrowning +unfroze +unfrozen +unfructed +unfructified +unfructify +unfructuous +unfructuously +unfrugal +unfrugally +unfrugalness +unfruitful +unfruitfully +unfruitfulness +unfruity +unfrustrable +unfrustrably +unfrustratable +unfrustrated +unfrutuosity +unfuddled +unfueled +unfulfill +unfulfillable +unfulfilled +unfulfilling +unfulfillment +unfull +unfulled +unfully +unfulminated +unfulsome +unfumbled +unfumbling +unfumed +unfumigated +unfunctional +unfundamental +unfunded +unfunnily +unfunniness +unfunny +unfur +unfurbelowed +unfurbished +unfurcate +unfurious +unfurl +unfurlable +unfurnish +unfurnished +unfurnishedness +unfurnitured +unfurred +unfurrow +unfurrowable +unfurrowed +unfurthersome +unfused +unfusible +unfusibleness +unfusibly +unfussed +unfussing +unfussy +unfutile +unfuturistic +ungabled +ungag +ungaged +ungagged +ungain +ungainable +ungained +ungainful +ungainfully +ungainfulness +ungaining +ungainlike +ungainliness +ungainly +ungainness +ungainsaid +ungainsayable +ungainsayably +ungainsaying +ungainsome +ungainsomely +ungaite +ungallant +ungallantly +ungallantness +ungalling +ungalvanized +ungamboling +ungamelike +unganged +ungangrened +ungarbed +ungarbled +ungardened +ungargled +ungarland +ungarlanded +ungarment +ungarmented +ungarnered +ungarnish +ungarnished +ungaro +ungarrisoned +ungarter +ungartered +ungashed +ungassed +ungastric +ungathered +ungaudy +ungauged +ungauntlet +ungauntleted +ungazetted +ungazing +ungear +ungeared +ungelatinizable +ungelatinized +ungelded +ungelt +ungeminated +ungenerable +ungeneral +ungeneraled +ungeneralized +ungenerate +ungenerated +ungenerative +ungeneric +ungenerical +ungenerosity +ungenerous +ungenerously +ungenerousness +ungenial +ungeniality +ungenially +ungenialness +ungenitured +ungenius +ungenteel +ungenteelly +ungenteelness +ungentile +ungentility +ungentilize +ungentle +ungentled +ungentleman +ungentlemanize +ungentlemanlike +ungentlemanlikeness +ungentlemanliness +ungentlemanly +ungentleness +ungentlewomanlike +ungently +ungenuine +ungenuinely +ungenuineness +ungeodetical +ungeographic +ungeographical +ungeographically +ungeological +ungeometric +ungeometrical +ungeometrically +ungeometricalness +ungerminated +ungerminating +ungermlike +ungerontic +ungesting +ungesturing +unget +ungettable +unghostlike +unghostly +ungiant +ungibbet +ungiddy +ungifted +ungiftedness +ungild +ungilded +ungill +ungilt +ungingled +unginned +ungird +ungirded +ungirdle +ungirdled +ungirlish +ungirt +ungirth +ungirthed +ungive +ungiveable +ungiven +ungiving +ungka +unglaciated +unglad +ungladden +ungladdened +ungladly +ungladness +ungladsome +unglamorous +unglandular +unglassed +unglaze +unglazed +ungleaned +unglee +ungleeful +unglimpsed +unglistening +unglittering +ungloating +unglobe +unglobular +ungloom +ungloomed +ungloomy +unglorified +unglorify +unglorifying +unglorious +ungloriously +ungloriousness +unglory +unglosed +ungloss +unglossaried +unglossed +unglossily +unglossiness +unglossy +unglove +ungloved +unglowing +unglozed +unglue +unglued +unglutinate +unglutted +ungluttonous +ungnarred +ungnaw +ungnawn +ungnostic +ungoaded +ungoatlike +ungod +ungoddess +ungodlike +ungodlily +ungodliness +ungodly +ungodmothered +ungold +ungolden +ungone +ungood +ungoodliness +ungoodly +ungored +ungorge +ungorged +ungorgeous +ungospel +ungospelized +ungospelled +ungospellike +ungossiping +ungot +ungothic +ungotten +ungouged +ungouty +ungovernable +ungovernableness +ungovernably +ungoverned +ungovernedness +ungoverning +ungown +ungowned +ungrace +ungraced +ungraceful +ungracefully +ungracefulness +ungracious +ungraciously +ungraciousness +ungradated +ungraded +ungradual +ungradually +ungraduated +ungraduating +ungraft +ungrafted +ungrain +ungrainable +ungrained +ungrammar +ungrammared +ungrammatic +ungrammatical +ungrammatically +ungrammaticalness +ungrammaticism +ungrand +ungrantable +ungranted +ungranulated +ungraphic +ungraphitized +ungrapple +ungrappled +ungrappler +ungrasp +ungraspable +ungrasped +ungrasping +ungrassed +ungrassy +ungrated +ungrateful +ungratefully +ungratefulness +ungratifiable +ungratified +ungratifying +ungrating +ungrave +ungraved +ungraveled +ungravelly +ungravely +ungraven +ungrayed +ungrazed +ungreased +ungreat +ungreatly +ungreatness +ungreeable +ungreedy +ungreen +ungreenable +ungreened +ungreeted +ungregarious +ungrieve +ungrieved +ungrieving +ungrilled +ungrimed +ungrindable +ungrip +ungripe +ungrizzled +ungroaning +ungroined +ungroomed +ungrooved +ungropeable +ungross +ungrotesque +unground +ungroundable +ungroundably +ungrounded +ungroundedly +ungroundedness +ungroupable +ungrouped +ungrow +ungrowing +ungrown +ungrubbed +ungrudged +ungrudging +ungrudgingly +ungrudgingness +ungruesome +ungruff +ungrumbling +ungual +unguaranteed +unguard +unguardable +unguarded +unguardedly +unguardedness +ungueal +unguent +unguentaria +unguentarium +unguentary +unguentiferous +unguentous +unguentum +unguerdoned +ungues +unguessable +unguessableness +unguessed +unguical +unguicorn +unguicular +Unguiculata +unguiculate +unguiculated +unguidable +unguidableness +unguidably +unguided +unguidedly +unguiferous +unguiform +unguiled +unguileful +unguilefully +unguilefulness +unguillotined +unguiltily +unguiltiness +unguilty +unguinal +unguinous +unguirostral +unguis +ungula +ungulae +ungular +Ungulata +ungulate +ungulated +unguled +unguligrade +ungull +ungulous +ungulp +ungum +ungummed +ungushing +ungutted +unguttural +unguyed +unguzzled +ungymnastic +ungypsylike +ungyve +ungyved +unhabit +unhabitable +unhabitableness +unhabited +unhabitual +unhabitually +unhabituate +unhabituated +unhacked +unhackled +unhackneyed +unhackneyedness +unhad +unhaft +unhafted +unhaggled +unhaggling +unhailable +unhailed +unhair +unhaired +unhairer +unhairily +unhairiness +unhairing +unhairy +unhallooed +unhallow +unhallowed +unhallowedness +unhaloed +unhalsed +unhalted +unhalter +unhaltered +unhalting +unhalved +unhammered +unhamper +unhampered +unhand +unhandcuff +unhandcuffed +unhandicapped +unhandily +unhandiness +unhandled +unhandseled +unhandsome +unhandsomely +unhandsomeness +unhandy +unhang +unhanged +unhap +unhappen +unhappily +unhappiness +unhappy +unharangued +unharassed +unharbor +unharbored +unhard +unharden +unhardenable +unhardened +unhardihood +unhardily +unhardiness +unhardness +unhardy +unharked +unharmable +unharmed +unharmful +unharmfully +unharming +unharmonic +unharmonical +unharmonious +unharmoniously +unharmoniousness +unharmonize +unharmonized +unharmony +unharness +unharnessed +unharped +unharried +unharrowed +unharsh +unharvested +unhashed +unhasp +unhasped +unhaste +unhasted +unhastened +unhastily +unhastiness +unhasting +unhasty +unhat +unhatchability +unhatchable +unhatched +unhatcheled +unhate +unhated +unhateful +unhating +unhatingly +unhatted +unhauled +unhaunt +unhaunted +unhave +unhawked +unhayed +unhazarded +unhazarding +unhazardous +unhazardousness +unhazed +unhead +unheaded +unheader +unheady +unheal +unhealable +unhealableness +unhealably +unhealed +unhealing +unhealth +unhealthful +unhealthfully +unhealthfulness +unhealthily +unhealthiness +unhealthsome +unhealthsomeness +unhealthy +unheaped +unhearable +unheard +unhearing +unhearsed +unheart +unhearten +unheartsome +unhearty +unheatable +unheated +unheathen +unheaved +unheaven +unheavenly +unheavily +unheaviness +unheavy +unhectored +unhedge +unhedged +unheed +unheeded +unheededly +unheedful +unheedfully +unheedfulness +unheeding +unheedingly +unheedy +unheeled +unheelpieced +unhefted +unheightened +unheired +unheld +unhele +unheler +unhelm +unhelmed +unhelmet +unhelmeted +unhelpable +unhelpableness +unhelped +unhelpful +unhelpfully +unhelpfulness +unhelping +unhelved +unhemmed +unheppen +unheralded +unheraldic +unherd +unherded +unhereditary +unheretical +unheritable +unhermetic +unhero +unheroic +unheroical +unheroically +unheroism +unheroize +unherolike +unhesitant +unhesitating +unhesitatingly +unhesitatingness +unheuristic +unhewable +unhewed +unhewn +unhex +unhid +unhidable +unhidableness +unhidably +unhidated +unhidden +unhide +unhidebound +unhideous +unhieratic +unhigh +unhilarious +unhinderable +unhinderably +unhindered +unhindering +unhinge +unhingement +unhinted +unhipped +unhired +unhissed +unhistoric +unhistorical +unhistorically +unhistory +unhistrionic +unhit +unhitch +unhitched +unhittable +unhive +unhoard +unhoarded +unhoarding +unhoary +unhoaxed +unhobble +unhocked +unhoed +unhogged +unhoist +unhoisted +unhold +unholiday +unholily +unholiness +unhollow +unhollowed +unholy +unhome +unhomelike +unhomelikeness +unhomeliness +unhomely +unhomish +unhomogeneity +unhomogeneous +unhomogeneously +unhomologous +unhoned +unhonest +unhonestly +unhoneyed +unhonied +unhonorable +unhonorably +unhonored +unhonoured +unhood +unhooded +unhoodwink +unhoodwinked +unhoofed +unhook +unhooked +unhoop +unhooped +unhooper +unhooted +unhoped +unhopedly +unhopedness +unhopeful +unhopefully +unhopefulness +unhoping +unhopingly +unhopped +unhoppled +unhorizoned +unhorizontal +unhorned +unhorny +unhoroscopic +unhorse +unhose +unhosed +unhospitable +unhospitableness +unhospitably +unhostile +unhostilely +unhostileness +unhostility +unhot +unhoundlike +unhouse +unhoused +unhouseled +unhouselike +unhousewifely +unhuddle +unhugged +unhull +unhulled +unhuman +unhumanize +unhumanized +unhumanly +unhumanness +unhumble +unhumbled +unhumbledness +unhumbleness +unhumbly +unhumbugged +unhumid +unhumiliated +unhumored +unhumorous +unhumorously +unhumorousness +unhumoured +unhung +unhuntable +unhunted +unhurdled +unhurled +unhurried +unhurriedly +unhurriedness +unhurrying +unhurryingly +unhurt +unhurted +unhurtful +unhurtfully +unhurtfulness +unhurting +unhusbanded +unhusbandly +unhushable +unhushed +unhushing +unhusk +unhusked +unhustled +unhustling +unhutched +unhuzzaed +unhydraulic +unhydrolyzed +unhygienic +unhygienically +unhygrometric +unhymeneal +unhymned +unhyphenated +unhyphened +unhypnotic +unhypnotizable +unhypnotize +unhypocritical +unhypocritically +unhypothecated +unhypothetical +unhysterical +uniambic +uniambically +uniangulate +uniarticular +uniarticulate +Uniat +uniat +Uniate +uniate +uniauriculate +uniauriculated +uniaxal +uniaxally +uniaxial +uniaxially +unibasal +unibivalent +unible +unibracteate +unibracteolate +unibranchiate +unicalcarate +unicameral +unicameralism +unicameralist +unicamerate +unicapsular +unicarinate +unicarinated +unice +uniced +unicell +unicellate +unicelled +unicellular +unicellularity +unicentral +unichord +uniciliate +unicism +unicist +unicity +uniclinal +unicolor +unicolorate +unicolored +unicolorous +uniconstant +unicorn +unicorneal +unicornic +unicornlike +unicornous +unicornuted +unicostate +unicotyledonous +unicum +unicursal +unicursality +unicursally +unicuspid +unicuspidate +unicycle +unicyclist +unidactyl +unidactyle +unidactylous +unideaed +unideal +unidealism +unidealist +unidealistic +unidealized +unidentate +unidentated +unidenticulate +unidentifiable +unidentifiableness +unidentifiably +unidentified +unidentifiedly +unidentifying +unideographic +unidextral +unidextrality +unidigitate +unidimensional +unidiomatic +unidiomatically +unidirect +unidirected +unidirection +unidirectional +unidle +unidleness +unidly +unidolatrous +unidolized +unidyllic +unie +uniembryonate +uniequivalent +uniface +unifaced +unifacial +unifactorial +unifarious +unifiable +unific +unification +unificationist +unificator +unified +unifiedly +unifiedness +unifier +unifilar +uniflagellate +unifloral +uniflorate +uniflorous +uniflow +uniflowered +unifocal +unifoliar +unifoliate +unifoliolate +Unifolium +uniform +uniformal +uniformalization +uniformalize +uniformally +uniformation +uniformed +uniformist +uniformitarian +uniformitarianism +uniformity +uniformization +uniformize +uniformless +uniformly +uniformness +unify +unigenesis +unigenetic +unigenist +unigenistic +unigenital +unigeniture +unigenous +uniglandular +uniglobular +unignitable +unignited +unignitible +unignominious +unignorant +unignored +unigravida +uniguttulate +unijugate +unijugous +unilabiate +unilabiated +unilamellar +unilamellate +unilaminar +unilaminate +unilateral +unilateralism +unilateralist +unilaterality +unilateralization +unilateralize +unilaterally +unilinear +unilingual +unilingualism +uniliteral +unilludedly +unillumed +unilluminated +unilluminating +unillumination +unillumined +unillusioned +unillusory +unillustrated +unillustrative +unillustrious +unilobal +unilobar +unilobate +unilobe +unilobed +unilobular +unilocular +unilocularity +uniloculate +unimacular +unimaged +unimaginable +unimaginableness +unimaginably +unimaginary +unimaginative +unimaginatively +unimaginativeness +unimagine +unimagined +unimanual +unimbanked +unimbellished +unimbezzled +unimbibed +unimbibing +unimbittered +unimbodied +unimboldened +unimbordered +unimbosomed +unimbowed +unimbowered +unimbroiled +unimbrowned +unimbrued +unimbued +unimedial +unimitable +unimitableness +unimitably +unimitated +unimitating +unimitative +unimmaculate +unimmanent +unimmediate +unimmerged +unimmergible +unimmersed +unimmigrating +unimmolated +unimmortal +unimmortalize +unimmortalized +unimmovable +unimmured +unimodal +unimodality +unimodular +unimolecular +unimolecularity +unimpair +unimpairable +unimpaired +unimpartable +unimparted +unimpartial +unimpassionate +unimpassioned +unimpassionedly +unimpassionedness +unimpatient +unimpawned +unimpeachability +unimpeachable +unimpeachableness +unimpeachably +unimpeached +unimpearled +unimped +unimpeded +unimpededly +unimpedible +unimpedness +unimpelled +unimpenetrable +unimperative +unimperial +unimperialistic +unimperious +unimpertinent +unimpinging +unimplanted +unimplicable +unimplicate +unimplicated +unimplicit +unimplicitly +unimplied +unimplorable +unimplored +unimpoisoned +unimportance +unimportant +unimportantly +unimported +unimporting +unimportunate +unimportunately +unimportuned +unimposed +unimposedly +unimposing +unimpostrous +unimpounded +unimpoverished +unimpowered +unimprecated +unimpregnable +unimpregnate +unimpregnated +unimpressed +unimpressibility +unimpressible +unimpressibleness +unimpressibly +unimpressionability +unimpressionable +unimpressive +unimpressively +unimpressiveness +unimprinted +unimprison +unimprisonable +unimprisoned +unimpropriated +unimprovable +unimprovableness +unimprovably +unimproved +unimprovedly +unimprovedness +unimprovement +unimproving +unimprovised +unimpugnable +unimpugned +unimpulsive +unimpurpled +unimputable +unimputed +unimucronate +unimultiplex +unimuscular +uninaugurated +unincantoned +unincarcerated +unincarnate +unincarnated +unincensed +uninchoative +unincidental +unincised +unincisive +unincited +uninclinable +uninclined +uninclining +uninclosed +uninclosedness +unincludable +unincluded +uninclusive +uninclusiveness +uninconvenienced +unincorporate +unincorporated +unincorporatedly +unincorporatedness +unincreasable +unincreased +unincreasing +unincubated +uninculcated +unincumbered +unindebted +unindebtedly +unindebtedness +unindemnified +unindentable +unindented +unindentured +unindexed +unindicable +unindicated +unindicative +unindictable +unindicted +unindifference +unindifferency +unindifferent +unindifferently +unindigent +unindignant +unindividual +unindividualize +unindividualized +unindividuated +unindorsed +uninduced +uninductive +unindulged +unindulgent +unindulgently +unindurated +unindustrial +unindustrialized +unindustrious +unindustriously +unindwellable +uninebriated +uninebriating +uninervate +uninerved +uninfallibility +uninfallible +uninfatuated +uninfectable +uninfected +uninfectious +uninfectiousness +uninfeft +uninferred +uninfested +uninfiltrated +uninfinite +uninfiniteness +uninfixed +uninflamed +uninflammability +uninflammable +uninflated +uninflected +uninflectedness +uninflicted +uninfluenceable +uninfluenced +uninfluencing +uninfluencive +uninfluential +uninfluentiality +uninfolded +uninformed +uninforming +uninfracted +uninfringeable +uninfringed +uninfringible +uninfuriated +uninfused +uningenious +uningeniously +uningeniousness +uningenuity +uningenuous +uningenuously +uningenuousness +uningested +uningrafted +uningrained +uninhabitability +uninhabitable +uninhabitableness +uninhabitably +uninhabited +uninhabitedness +uninhaled +uninheritability +uninheritable +uninherited +uninhibited +uninhibitive +uninhumed +uninimical +uniniquitous +uninitialed +uninitialled +uninitiate +uninitiated +uninitiatedness +uninitiation +uninjectable +uninjected +uninjurable +uninjured +uninjuredness +uninjuring +uninjurious +uninjuriously +uninjuriousness +uninked +uninlaid +uninn +uninnate +uninnocence +uninnocent +uninnocently +uninnocuous +uninnovating +uninoculable +uninoculated +uninodal +uninominal +uninquired +uninquiring +uninquisitive +uninquisitively +uninquisitiveness +uninquisitorial +uninsane +uninsatiable +uninscribed +uninserted +uninshrined +uninsinuated +uninsistent +uninsolvent +uninspected +uninspirable +uninspired +uninspiring +uninspiringly +uninspirited +uninspissated +uninstalled +uninstanced +uninstated +uninstigated +uninstilled +uninstituted +uninstructed +uninstructedly +uninstructedness +uninstructible +uninstructing +uninstructive +uninstructively +uninstructiveness +uninstrumental +uninsular +uninsulate +uninsulated +uninsultable +uninsulted +uninsulting +uninsurability +uninsurable +uninsured +unintegrated +unintellective +unintellectual +unintellectualism +unintellectuality +unintellectually +unintelligence +unintelligent +unintelligently +unintelligentsia +unintelligibility +unintelligible +unintelligibleness +unintelligibly +unintended +unintendedly +unintensive +unintent +unintentional +unintentionality +unintentionally +unintentionalness +unintently +unintentness +unintercalated +unintercepted +uninterchangeable +uninterdicted +uninterested +uninterestedly +uninterestedness +uninteresting +uninterestingly +uninterestingness +uninterferedwith +uninterjected +uninterlaced +uninterlarded +uninterleave +uninterleaved +uninterlined +uninterlinked +uninterlocked +unintermarrying +unintermediate +unintermingled +unintermission +unintermissive +unintermitted +unintermittedly +unintermittedness +unintermittent +unintermitting +unintermittingly +unintermittingness +unintermixed +uninternational +uninterpleaded +uninterpolated +uninterposed +uninterposing +uninterpretable +uninterpreted +uninterred +uninterrogable +uninterrogated +uninterrupted +uninterruptedly +uninterruptedness +uninterruptible +uninterruptibleness +uninterrupting +uninterruption +unintersected +uninterspersed +unintervening +uninterviewed +unintervolved +uninterwoven +uninthroned +unintimate +unintimated +unintimidated +unintitled +unintombed +unintoned +unintoxicated +unintoxicatedness +unintoxicating +unintrenchable +unintrenched +unintricate +unintrigued +unintriguing +unintroduced +unintroducible +unintroitive +unintromitted +unintrospective +unintruded +unintruding +unintrusive +unintrusively +unintrusted +unintuitive +unintwined +uninuclear +uninucleate +uninucleated +uninundated +uninured +uninurned +uninvadable +uninvaded +uninvaginated +uninvalidated +uninveighing +uninveigled +uninvented +uninventful +uninventibleness +uninventive +uninventively +uninventiveness +uninverted +uninvested +uninvestigable +uninvestigated +uninvestigating +uninvestigative +uninvidious +uninvidiously +uninvigorated +uninvincible +uninvite +uninvited +uninvitedly +uninviting +uninvoiced +uninvoked +uninvolved +uninweaved +uninwoven +uninwrapped +uninwreathed +Unio +unio +uniocular +unioid +Uniola +union +unioned +unionic +unionid +Unionidae +unioniform +unionism +unionist +unionistic +unionization +unionize +unionoid +unioval +uniovular +uniovulate +unipara +uniparental +uniparient +uniparous +unipartite +uniped +unipeltate +uniperiodic +unipersonal +unipersonalist +unipersonality +unipetalous +uniphase +uniphaser +uniphonous +uniplanar +uniplicate +unipod +unipolar +unipolarity +uniporous +unipotence +unipotent +unipotential +unipulse +uniquantic +unique +uniquely +uniqueness +uniquity +uniradial +uniradiate +uniradiated +uniradical +uniramose +uniramous +unirascible +unireme +unirenic +unirhyme +uniridescent +unironed +unironical +unirradiated +unirrigated +unirritable +unirritant +unirritated +unirritatedly +unirritating +unisepalous +uniseptate +uniserial +uniserially +uniseriate +uniseriately +uniserrate +uniserrulate +unisexed +unisexual +unisexuality +unisexually +unisilicate +unisoil +unisolable +unisolate +unisolated +unisomeric +unisometrical +unisomorphic +unison +unisonal +unisonally +unisonance +unisonant +unisonous +unisotropic +unisparker +unispiculate +unispinose +unispiral +unissuable +unissued +unistylist +unisulcate +unit +unitage +unital +unitalicized +Unitarian +unitarian +Unitarianism +Unitarianize +unitarily +unitariness +unitarism +unitarist +unitary +unite +uniteability +uniteable +uniteably +united +unitedly +unitedness +unitemized +unitentacular +uniter +uniting +unitingly +unition +unitism +unitistic +unitive +unitively +unitiveness +unitize +unitooth +unitrivalent +unitrope +unituberculate +unitude +unity +uniunguiculate +uniungulate +univalence +univalency +univalent +univalvate +univalve +univalvular +univariant +univerbal +universal +universalia +Universalian +Universalism +universalism +Universalist +universalist +Universalistic +universalistic +universality +universalization +universalize +universalizer +universally +universalness +universanimous +universe +universeful +universitarian +universitarianism +universitary +universitize +university +universityless +universitylike +universityship +universological +universologist +universology +univied +univocability +univocacy +univocal +univocalized +univocally +univocity +univoltine +univorous +unjacketed +unjaded +unjagged +unjailed +unjam +unjapanned +unjarred +unjarring +unjaundiced +unjaunty +unjealous +unjealoused +unjellied +unjesting +unjesuited +unjesuitical +unjesuitically +unjewel +unjeweled +unjewelled +Unjewish +unjilted +unjocose +unjocund +unjogged +unjogging +unjoin +unjoinable +unjoint +unjointed +unjointedness +unjointured +unjoking +unjokingly +unjolly +unjolted +unjostled +unjournalized +unjovial +unjovially +unjoyed +unjoyful +unjoyfully +unjoyfulness +unjoyous +unjoyously +unjoyousness +unjudgable +unjudge +unjudged +unjudgelike +unjudging +unjudicable +unjudicial +unjudicially +unjudicious +unjudiciously +unjudiciousness +unjuggled +unjuiced +unjuicy +unjumbled +unjumpable +unjust +unjustice +unjusticiable +unjustifiable +unjustifiableness +unjustifiably +unjustified +unjustifiedly +unjustifiedness +unjustify +unjustled +unjustly +unjustness +unjuvenile +unkaiserlike +unkamed +unked +unkeeled +unkembed +unkempt +unkemptly +unkemptness +unken +unkenned +unkennedness +unkennel +unkenneled +unkenning +unkensome +unkept +unkerchiefed +unket +unkey +unkeyed +unkicked +unkid +unkill +unkillability +unkillable +unkilled +unkilling +unkilned +unkin +unkind +unkindhearted +unkindled +unkindledness +unkindlily +unkindliness +unkindling +unkindly +unkindness +unkindred +unkindredly +unking +unkingdom +unkinged +unkinger +unkinglike +unkingly +unkink +unkinlike +unkirk +unkiss +unkissed +unkist +unknave +unkneaded +unkneeling +unknelled +unknew +unknight +unknighted +unknightlike +unknit +unknittable +unknitted +unknitting +unknocked +unknocking +unknot +unknotted +unknotty +unknow +unknowability +unknowable +unknowableness +unknowably +unknowing +unknowingly +unknowingness +unknowledgeable +unknown +unknownly +unknownness +unknownst +unkodaked +unkoshered +unlabeled +unlabialize +unlabiate +unlaborable +unlabored +unlaboring +unlaborious +unlaboriously +unlaboriousness +unlace +unlaced +unlacerated +unlackeyed +unlacquered +unlade +unladen +unladled +unladyfied +unladylike +unlagging +unlaid +unlame +unlamed +unlamented +unlampooned +unlanced +unland +unlanded +unlandmarked +unlanguaged +unlanguid +unlanguishing +unlanterned +unlap +unlapped +unlapsed +unlapsing +unlarded +unlarge +unlash +unlashed +unlasher +unlassoed +unlasting +unlatch +unlath +unlathed +unlathered +unlatinized +unlatticed +unlaudable +unlaudableness +unlaudably +unlauded +unlaugh +unlaughing +unlaunched +unlaundered +unlaureled +unlaved +unlaving +unlavish +unlavished +unlaw +unlawed +unlawful +unlawfully +unlawfulness +unlawlearned +unlawlike +unlawly +unlawyered +unlawyerlike +unlay +unlayable +unleached +unlead +unleaded +unleaderly +unleaf +unleafed +unleagued +unleaguer +unleakable +unleaky +unleal +unlean +unleared +unlearn +unlearnability +unlearnable +unlearnableness +unlearned +unlearnedly +unlearnedness +unlearning +unlearnt +unleasable +unleased +unleash +unleashed +unleathered +unleave +unleaved +unleavenable +unleavened +unlectured +unled +unleft +unlegacied +unlegal +unlegalized +unlegally +unlegalness +unlegate +unlegislative +unleisured +unleisuredness +unleisurely +unlenient +unlensed +unlent +unless +unlessened +unlessoned +unlet +unlettable +unletted +unlettered +unletteredly +unletteredness +unlettering +unletterlike +unlevel +unleveled +unlevelly +unlevelness +unlevied +unlevigated +unlexicographical +unliability +unliable +unlibeled +unliberal +unliberalized +unliberated +unlibidinous +unlicensed +unlicentiated +unlicentious +unlichened +unlickable +unlicked +unlid +unlidded +unlie +unlifelike +unliftable +unlifted +unlifting +unligable +unligatured +unlight +unlighted +unlightedly +unlightedness +unlightened +unlignified +unlikable +unlikableness +unlikably +unlike +unlikeable +unlikeableness +unlikeably +unliked +unlikelihood +unlikeliness +unlikely +unliken +unlikeness +unliking +unlimb +unlimber +unlime +unlimed +unlimitable +unlimitableness +unlimitably +unlimited +unlimitedly +unlimitedness +unlimitless +unlimned +unlimp +unline +unlineal +unlined +unlingering +unlink +unlinked +unlionlike +unliquefiable +unliquefied +unliquid +unliquidatable +unliquidated +unliquidating +unliquidation +unliquored +unlisping +unlist +unlisted +unlistened +unlistening +unlisty +unlit +unliteral +unliterally +unliteralness +unliterary +unliterate +unlitigated +unlitten +unlittered +unliturgical +unliturgize +unlivable +unlivableness +unlivably +unlive +unliveable +unliveableness +unliveably +unliveliness +unlively +unliveried +unlivery +unliving +unlizardlike +unload +unloaded +unloaden +unloader +unloafing +unloanably +unloaned +unloaning +unloath +unloathed +unloathful +unloathly +unloathsome +unlobed +unlocal +unlocalizable +unlocalize +unlocalized +unlocally +unlocated +unlock +unlockable +unlocked +unlocker +unlocking +unlocomotive +unlodge +unlodged +unlofty +unlogged +unlogic +unlogical +unlogically +unlogicalness +unlonely +unlook +unlooked +unloop +unlooped +unloosable +unloosably +unloose +unloosen +unloosening +unloosing +unlooted +unlopped +unloquacious +unlord +unlorded +unlordly +unlosable +unlosableness +unlost +unlotted +unlousy +unlovable +unlovableness +unlovably +unlove +unloveable +unloveableness +unloveably +unloved +unlovelily +unloveliness +unlovely +unloverlike +unloverly +unloving +unlovingly +unlovingness +unlowered +unlowly +unloyal +unloyally +unloyalty +unlubricated +unlucent +unlucid +unluck +unluckful +unluckily +unluckiness +unlucky +unlucrative +unludicrous +unluffed +unlugged +unlugubrious +unluminous +unlumped +unlunar +unlured +unlust +unlustily +unlustiness +unlustrous +unlusty +unlute +unluted +unluxated +unluxuriant +unluxurious +unlycanthropize +unlying +unlyrical +unlyrically +unmacadamized +unmacerated +unmachinable +unmackly +unmad +unmadded +unmaddened +unmade +unmagic +unmagical +unmagisterial +unmagistratelike +unmagnanimous +unmagnetic +unmagnetical +unmagnetized +unmagnified +unmagnify +unmaid +unmaidenlike +unmaidenliness +unmaidenly +unmail +unmailable +unmailableness +unmailed +unmaimable +unmaimed +unmaintainable +unmaintained +unmajestic +unmakable +unmake +unmaker +unmalevolent +unmalicious +unmalignant +unmaligned +unmalleability +unmalleable +unmalleableness +unmalled +unmaltable +unmalted +unmammalian +unmammonized +unman +unmanacle +unmanacled +unmanageable +unmanageableness +unmanageably +unmanaged +unmancipated +unmandated +unmanducated +unmaned +unmaneged +unmanful +unmanfully +unmangled +unmaniable +unmaniac +unmaniacal +unmanicured +unmanifest +unmanifested +unmanipulatable +unmanipulated +unmanlike +unmanlily +unmanliness +unmanly +unmanned +unmanner +unmannered +unmanneredly +unmannerliness +unmannerly +unmannish +unmanored +unmantle +unmantled +unmanufacturable +unmanufactured +unmanumissible +unmanumitted +unmanurable +unmanured +unmappable +unmapped +unmarbled +unmarch +unmarching +unmarginal +unmarginated +unmarine +unmaritime +unmarkable +unmarked +unmarketable +unmarketed +unmarled +unmarred +unmarriable +unmarriageability +unmarriageable +unmarried +unmarring +unmarry +unmarrying +unmarshaled +unmartial +unmartyr +unmartyred +unmarvelous +unmasculine +unmashed +unmask +unmasked +unmasker +unmasking +unmasquerade +unmassacred +unmassed +unmast +unmaster +unmasterable +unmastered +unmasterful +unmasticable +unmasticated +unmatchable +unmatchableness +unmatchably +unmatched +unmatchedness +unmate +unmated +unmaterial +unmaterialistic +unmateriate +unmaternal +unmathematical +unmathematically +unmating +unmatriculated +unmatrimonial +unmatronlike +unmatted +unmature +unmatured +unmaturely +unmatureness +unmaturing +unmaturity +unmauled +unmaze +unmeaning +unmeaningly +unmeaningness +unmeant +unmeasurable +unmeasurableness +unmeasurably +unmeasured +unmeasuredly +unmeasuredness +unmeated +unmechanic +unmechanical +unmechanically +unmechanistic +unmechanize +unmechanized +unmedaled +unmedalled +unmeddle +unmeddled +unmeddlesome +unmeddling +unmeddlingly +unmeddlingness +unmediaeval +unmediated +unmediatized +unmedicable +unmedical +unmedicated +unmedicative +unmedicinable +unmedicinal +unmeditated +unmeditative +unmediumistic +unmedullated +unmeek +unmeekly +unmeekness +unmeet +unmeetable +unmeetly +unmeetness +unmelancholy +unmeliorated +unmellow +unmellowed +unmelodic +unmelodious +unmelodiously +unmelodiousness +unmelodized +unmelodramatic +unmeltable +unmeltableness +unmeltably +unmelted +unmeltedness +unmelting +unmember +unmemoired +unmemorable +unmemorialized +unmemoried +unmemorized +unmenaced +unmenacing +unmendable +unmendableness +unmendably +unmendacious +unmended +unmenial +unmenseful +unmenstruating +unmensurable +unmental +unmentionability +unmentionable +unmentionableness +unmentionables +unmentionably +unmentioned +unmercantile +unmercenariness +unmercenary +unmercerized +unmerchantable +unmerchantlike +unmerchantly +unmerciful +unmercifully +unmercifulness +unmercurial +unmeretricious +unmerge +unmerged +unmeridional +unmerited +unmeritedly +unmeritedness +unmeriting +unmeritorious +unmeritoriously +unmeritoriousness +unmerry +unmesh +unmesmeric +unmesmerize +unmesmerized +unmet +unmetaled +unmetalized +unmetalled +unmetallic +unmetallurgical +unmetamorphosed +unmetaphorical +unmetaphysic +unmetaphysical +unmeted +unmeteorological +unmetered +unmethodical +unmethodically +unmethodicalness +unmethodized +unmethodizing +unmethylated +unmeticulous +unmetric +unmetrical +unmetrically +unmetricalness +unmetropolitan +unmettle +unmew +unmewed +unmicaceous +unmicrobic +unmicroscopic +unmidwifed +unmighty +unmigrating +unmildewed +unmilitant +unmilitarily +unmilitariness +unmilitaristic +unmilitarized +unmilitary +unmilked +unmilled +unmillinered +unmilted +unmimicked +unminable +unminced +unmincing +unmind +unminded +unmindful +unmindfully +unmindfulness +unminding +unmined +unmineralized +unmingle +unmingleable +unmingled +unmingling +unminimized +unminished +unminister +unministered +unministerial +unministerially +unminted +unminuted +unmiracled +unmiraculous +unmiraculously +unmired +unmirrored +unmirthful +unmirthfully +unmirthfulness +unmiry +unmisanthropic +unmiscarrying +unmischievous +unmiscible +unmisconceivable +unmiserly +unmisgiving +unmisgivingly +unmisguided +unmisinterpretable +unmisled +unmissable +unmissed +unmissionary +unmissionized +unmist +unmistakable +unmistakableness +unmistakably +unmistakedly +unmistaken +unmistakingly +unmistressed +unmistrusted +unmistrustful +unmistrusting +unmisunderstandable +unmisunderstanding +unmisunderstood +unmiter +unmitigable +unmitigated +unmitigatedly +unmitigatedness +unmitigative +unmittened +unmix +unmixable +unmixableness +unmixed +unmixedly +unmixedness +unmoaned +unmoated +unmobbed +unmobilized +unmocked +unmocking +unmockingly +unmodel +unmodeled +unmodelled +unmoderate +unmoderately +unmoderateness +unmoderating +unmodern +unmodernity +unmodernize +unmodernized +unmodest +unmodifiable +unmodifiableness +unmodifiably +unmodified +unmodifiedness +unmodish +unmodulated +unmoiled +unmoist +unmoisten +unmold +unmoldable +unmolded +unmoldered +unmoldering +unmoldy +unmolested +unmolestedly +unmolesting +unmollifiable +unmollifiably +unmollified +unmollifying +unmolten +unmomentary +unmomentous +unmomentously +unmonarch +unmonarchical +unmonastic +unmonetary +unmoneyed +unmonistic +unmonitored +unmonkish +unmonkly +unmonopolize +unmonopolized +unmonopolizing +unmonotonous +unmonumented +unmoor +unmoored +unmooted +unmopped +unmoral +unmoralist +unmorality +unmoralize +unmoralized +unmoralizing +unmorally +unmoralness +unmorbid +unmordanted +unmoribund +unmorose +unmorphological +unmortal +unmortared +unmortgage +unmortgageable +unmortgaged +unmortified +unmortifiedly +unmortifiedness +unmortise +unmortised +unmossed +unmothered +unmotherly +unmotionable +unmotivated +unmotivatedly +unmotivatedness +unmotived +unmotorized +unmottled +unmounded +unmount +unmountable +unmountainous +unmounted +unmounting +unmourned +unmournful +unmourning +unmouthable +unmouthed +unmouthpieced +unmovability +unmovable +unmovableness +unmovably +unmoved +unmovedly +unmoving +unmovingly +unmovingness +unmowed +unmown +unmucilaged +unmudded +unmuddied +unmuddle +unmuddled +unmuddy +unmuffle +unmuffled +unmulcted +unmulish +unmulled +unmullioned +unmultipliable +unmultiplied +unmultipliedly +unmultiply +unmummied +unmummify +unmunched +unmundane +unmundified +unmunicipalized +unmunificent +unmunitioned +unmurmured +unmurmuring +unmurmuringly +unmurmurous +unmuscled +unmuscular +unmusical +unmusicality +unmusically +unmusicalness +unmusicianly +unmusked +unmussed +unmusted +unmusterable +unmustered +unmutated +unmutation +unmuted +unmutilated +unmutinous +unmuttered +unmutual +unmutualized +unmuzzle +unmuzzled +unmuzzling +unmyelinated +unmysterious +unmysteriously +unmystery +unmystical +unmysticize +unmystified +unmythical +unnabbed +unnagged +unnagging +unnail +unnailed +unnaked +unnamability +unnamable +unnamableness +unnamably +unname +unnameability +unnameable +unnameableness +unnameably +unnamed +unnapkined +unnapped +unnarcotic +unnarrated +unnarrow +unnation +unnational +unnationalized +unnative +unnatural +unnaturalism +unnaturalist +unnaturalistic +unnaturality +unnaturalizable +unnaturalize +unnaturalized +unnaturally +unnaturalness +unnature +unnautical +unnavigability +unnavigable +unnavigableness +unnavigably +unnavigated +unneaped +unnearable +unneared +unnearly +unnearness +unneat +unneatly +unneatness +unnebulous +unnecessarily +unnecessariness +unnecessary +unnecessitated +unnecessitating +unnecessity +unneeded +unneedful +unneedfully +unneedfulness +unneedy +unnefarious +unnegated +unneglected +unnegligent +unnegotiable +unnegotiableness +unnegotiably +unnegotiated +unnegro +unneighbored +unneighborlike +unneighborliness +unneighborly +unnephritic +unnerve +unnerved +unnervous +unnest +unnestle +unnestled +unneth +unnethe +unnethes +unnethis +unnetted +unnettled +unneurotic +unneutral +unneutralized +unneutrally +unnew +unnewly +unnewness +unnibbed +unnibbied +unnice +unnicely +unniceness +unniched +unnicked +unnickeled +unnickelled +unnicknamed +unniggard +unniggardly +unnigh +unnimbed +unnimble +unnimbleness +unnimbly +unnipped +unnitrogenized +unnobilitated +unnobility +unnoble +unnobleness +unnobly +unnoised +unnomadic +unnominated +unnonsensical +unnoosed +unnormal +unnorthern +unnose +unnosed +unnotable +unnotched +unnoted +unnoteworthy +unnoticeable +unnoticeableness +unnoticeably +unnoticed +unnoticing +unnotified +unnotify +unnoting +unnourishable +unnourished +unnourishing +unnovel +unnovercal +unnucleated +unnullified +unnumberable +unnumberableness +unnumberably +unnumbered +unnumberedness +unnumerical +unnumerous +unnurtured +unnutritious +unnutritive +unnuzzled +unnymphlike +unoared +unobdurate +unobedience +unobedient +unobediently +unobese +unobeyed +unobeying +unobjected +unobjectionable +unobjectionableness +unobjectionably +unobjectional +unobjective +unobligated +unobligatory +unobliged +unobliging +unobligingly +unobligingness +unobliterable +unobliterated +unoblivious +unobnoxious +unobscene +unobscure +unobscured +unobsequious +unobsequiously +unobsequiousness +unobservable +unobservance +unobservant +unobservantly +unobservantness +unobserved +unobservedly +unobserving +unobservingly +unobsessed +unobsolete +unobstinate +unobstruct +unobstructed +unobstructedly +unobstructedness +unobstructive +unobstruent +unobtainable +unobtainableness +unobtainably +unobtained +unobtruded +unobtruding +unobtrusive +unobtrusively +unobtrusiveness +unobtunded +unobumbrated +unobverted +unobviated +unobvious +unoccasional +unoccasioned +unoccidental +unoccluded +unoccupancy +unoccupation +unoccupied +unoccupiedly +unoccupiedness +unoccurring +unoceanic +unocular +unode +unodious +unodoriferous +unoecumenic +unoecumenical +unoffendable +unoffended +unoffendedly +unoffender +unoffending +unoffendingly +unoffensive +unoffensively +unoffensiveness +unoffered +unofficed +unofficered +unofficerlike +unofficial +unofficialdom +unofficially +unofficialness +unofficiating +unofficinal +unofficious +unofficiously +unofficiousness +unoffset +unoften +unogled +unoil +unoiled +unoiling +unoily +unold +unomened +unominous +unomitted +unomnipotent +unomniscient +Unona +unonerous +unontological +unopaque +unoped +unopen +unopenable +unopened +unopening +unopenly +unopenness +unoperably +unoperated +unoperatic +unoperating +unoperative +unoperculate +unoperculated +unopined +unopinionated +unoppignorated +unopportune +unopportunely +unopportuneness +unopposable +unopposed +unopposedly +unopposedness +unopposite +unoppressed +unoppressive +unoppressively +unoppressiveness +unopprobrious +unoppugned +unopulence +unopulent +unoratorial +unoratorical +unorbed +unorbital +unorchestrated +unordain +unordainable +unordained +unorder +unorderable +unordered +unorderly +unordinarily +unordinariness +unordinary +unordinate +unordinately +unordinateness +unordnanced +unorganic +unorganical +unorganically +unorganicalness +unorganizable +unorganized +unorganizedly +unorganizedness +unoriental +unorientalness +unoriented +unoriginal +unoriginality +unoriginally +unoriginalness +unoriginate +unoriginated +unoriginatedness +unoriginately +unoriginateness +unorigination +unoriginative +unoriginatively +unoriginativeness +unorn +unornamental +unornamentally +unornamentalness +unornamented +unornate +unornithological +unornly +unorphaned +unorthodox +unorthodoxically +unorthodoxly +unorthodoxness +unorthodoxy +unorthographical +unorthographically +unoscillating +unosculated +unossified +unostensible +unostentation +unostentatious +unostentatiously +unostentatiousness +unoutgrown +unoutlawed +unoutraged +unoutspeakable +unoutspoken +unoutworn +unoverclouded +unovercome +unoverdone +unoverdrawn +unoverflowing +unoverhauled +unoverleaped +unoverlooked +unoverpaid +unoverpowered +unoverruled +unovert +unovertaken +unoverthrown +unovervalued +unoverwhelmed +unowed +unowing +unown +unowned +unoxidable +unoxidated +unoxidizable +unoxidized +unoxygenated +unoxygenized +unpacable +unpaced +unpacifiable +unpacific +unpacified +unpacifiedly +unpacifiedness +unpacifist +unpack +unpacked +unpacker +unpadded +unpadlocked +unpagan +unpaganize +unpaged +unpaginal +unpaid +unpained +unpainful +unpaining +unpainstaking +unpaint +unpaintability +unpaintable +unpaintableness +unpaintably +unpainted +unpaintedly +unpaintedness +unpaired +unpalatability +unpalatable +unpalatableness +unpalatably +unpalatal +unpalatial +unpale +unpaled +unpalisaded +unpalisadoed +unpalled +unpalliable +unpalliated +unpalpable +unpalped +unpalpitating +unpalsied +unpampered +unpanegyrized +unpanel +unpaneled +unpanelled +unpanged +unpanniered +unpanoplied +unpantheistic +unpanting +unpapal +unpapaverous +unpaper +unpapered +unparaded +unparadise +unparadox +unparagoned +unparagonized +unparagraphed +unparallel +unparallelable +unparalleled +unparalleledly +unparalleledness +unparallelness +unparalyzed +unparaphrased +unparasitical +unparcel +unparceled +unparceling +unparcelled +unparcelling +unparch +unparched +unparching +unpardon +unpardonable +unpardonableness +unpardonably +unpardoned +unpardonedness +unpardoning +unpared +unparented +unparfit +unpargeted +unpark +unparked +unparking +unparliamentary +unparliamented +unparodied +unparrel +unparriable +unparried +unparroted +unparrying +unparsed +unparsimonious +unparsonic +unparsonical +unpartable +unpartableness +unpartably +unpartaken +unpartaking +unparted +unpartial +unpartiality +unpartially +unpartialness +unparticipant +unparticipated +unparticipating +unparticipative +unparticular +unparticularized +unparticularizing +unpartisan +unpartitioned +unpartizan +unpartnered +unpartook +unparty +unpass +unpassable +unpassableness +unpassably +unpassed +unpassing +unpassionate +unpassionately +unpassionateness +unpassioned +unpassive +unpaste +unpasted +unpasteurized +unpasting +unpastor +unpastoral +unpastured +unpatched +unpatent +unpatentable +unpatented +unpaternal +unpathed +unpathetic +unpathwayed +unpatient +unpatiently +unpatientness +unpatriarchal +unpatrician +unpatriotic +unpatriotically +unpatriotism +unpatristic +unpatrolled +unpatronizable +unpatronized +unpatronizing +unpatted +unpatterned +unpaunch +unpaunched +unpauperized +unpausing +unpausingly +unpave +unpaved +unpavilioned +unpaving +unpawed +unpawn +unpawned +unpayable +unpayableness +unpayably +unpaying +unpayment +unpeace +unpeaceable +unpeaceableness +unpeaceably +unpeaceful +unpeacefully +unpeacefulness +unpealed +unpearled +unpebbled +unpeccable +unpecked +unpecuniarily +unpedagogical +unpedantic +unpeddled +unpedestal +unpedigreed +unpeel +unpeelable +unpeelableness +unpeeled +unpeerable +unpeered +unpeg +unpejorative +unpelagic +unpelted +unpen +unpenal +unpenalized +unpenanced +unpenciled +unpencilled +unpenetrable +unpenetrated +unpenetrating +unpenitent +unpenitently +unpenitentness +unpenned +unpennied +unpennoned +unpensionable +unpensionableness +unpensioned +unpensioning +unpent +unpenurious +unpeople +unpeopled +unpeopling +unperceived +unperceivedly +unperceptible +unperceptibly +unperceptive +unperch +unperched +unpercipient +unpercolated +unpercussed +unperfect +unperfected +unperfectedly +unperfectedness +unperfectly +unperfectness +unperfidious +unperflated +unperforate +unperforated +unperformable +unperformance +unperformed +unperforming +unperfumed +unperilous +unperiodic +unperiodical +unperiphrased +unperishable +unperishableness +unperishably +unperished +unperishing +unperjured +unpermanency +unpermanent +unpermanently +unpermeable +unpermeated +unpermissible +unpermissive +unpermitted +unpermitting +unpermixed +unpernicious +unperpendicular +unperpetrated +unperpetuated +unperplex +unperplexed +unperplexing +unpersecuted +unpersecutive +unperseverance +unpersevering +unperseveringly +unperseveringness +unpersonable +unpersonableness +unpersonal +unpersonality +unpersonified +unpersonify +unperspicuous +unperspirable +unperspiring +unpersuadable +unpersuadableness +unpersuadably +unpersuaded +unpersuadedness +unpersuasibleness +unpersuasion +unpersuasive +unpersuasively +unpersuasiveness +unpertaining +unpertinent +unpertinently +unperturbed +unperturbedly +unperturbedness +unperuked +unperused +unpervaded +unperverse +unpervert +unperverted +unpervious +unpessimistic +unpestered +unpestilential +unpetal +unpetitioned +unpetrified +unpetrify +unpetticoated +unpetulant +unpharasaic +unpharasaical +unphased +unphenomenal +unphilanthropic +unphilanthropically +unphilological +unphilosophic +unphilosophically +unphilosophicalness +unphilosophize +unphilosophized +unphilosophy +unphlegmatic +unphonetic +unphoneticness +unphonographed +unphosphatized +unphotographed +unphrasable +unphrasableness +unphrased +unphrenological +unphysical +unphysically +unphysicianlike +unphysicked +unphysiological +unpicaresque +unpick +unpickable +unpicked +unpicketed +unpickled +unpictorial +unpictorially +unpicturability +unpicturable +unpictured +unpicturesque +unpicturesquely +unpicturesqueness +unpiece +unpieced +unpierceable +unpierced +unpiercing +unpiety +unpigmented +unpile +unpiled +unpilfered +unpilgrimlike +unpillaged +unpillared +unpilled +unpilloried +unpillowed +unpiloted +unpimpled +unpin +unpinched +unpining +unpinion +unpinioned +unpinked +unpinned +unpious +unpiped +unpiqued +unpirated +unpitched +unpiteous +unpiteously +unpiteousness +unpitiable +unpitiably +unpitied +unpitiedly +unpitiedness +unpitiful +unpitifully +unpitifulness +unpitted +unpitying +unpityingly +unpityingness +unplacable +unplacably +unplacated +unplace +unplaced +unplacid +unplagiarized +unplagued +unplaid +unplain +unplained +unplainly +unplainness +unplait +unplaited +unplan +unplaned +unplanished +unplank +unplanked +unplanned +unplannedly +unplannedness +unplant +unplantable +unplanted +unplantlike +unplashed +unplaster +unplastered +unplastic +unplat +unplated +unplatted +unplausible +unplausibleness +unplausibly +unplayable +unplayed +unplayful +unplaying +unpleached +unpleadable +unpleaded +unpleading +unpleasable +unpleasant +unpleasantish +unpleasantly +unpleasantness +unpleasantry +unpleased +unpleasing +unpleasingly +unpleasingness +unpleasurable +unpleasurably +unpleasure +unpleat +unpleated +unplebeian +unpledged +unplenished +unplenteous +unplentiful +unplentifulness +unpliable +unpliableness +unpliably +unpliancy +unpliant +unpliantly +unplied +unplighted +unplodding +unplotted +unplotting +unplough +unploughed +unplow +unplowed +unplucked +unplug +unplugged +unplugging +unplumb +unplumbed +unplume +unplumed +unplummeted +unplump +unplundered +unplunge +unplunged +unplutocratic +unplutocratically +unpoached +unpocket +unpocketed +unpodded +unpoetic +unpoetically +unpoeticalness +unpoeticized +unpoetize +unpoetized +unpoignard +unpointed +unpointing +unpoise +unpoised +unpoison +unpoisonable +unpoisoned +unpoisonous +unpolarizable +unpolarized +unpoled +unpolemical +unpolemically +unpoliced +unpolicied +unpolish +unpolishable +unpolished +unpolishedness +unpolite +unpolitely +unpoliteness +unpolitic +unpolitical +unpolitically +unpoliticly +unpollarded +unpolled +unpollutable +unpolluted +unpollutedly +unpolluting +unpolymerized +unpompous +unpondered +unpontifical +unpooled +unpope +unpopular +unpopularity +unpopularize +unpopularly +unpopularness +unpopulate +unpopulated +unpopulous +unpopulousness +unporous +unportable +unportended +unportentous +unportioned +unportly +unportmanteaued +unportraited +unportrayable +unportrayed +unportuous +unposed +unposing +unpositive +unpossessable +unpossessed +unpossessedness +unpossessing +unpossibility +unpossible +unpossibleness +unpossibly +unposted +unpostered +unposthumous +unpostmarked +unpostponable +unpostponed +unpostulated +unpot +unpotted +unpouched +unpoulticed +unpounced +unpounded +unpoured +unpowdered +unpower +unpowerful +unpowerfulness +unpracticability +unpracticable +unpracticableness +unpracticably +unpractical +unpracticality +unpractically +unpracticalness +unpractice +unpracticed +unpragmatical +unpraisable +unpraise +unpraised +unpraiseful +unpraiseworthy +unpranked +unpray +unprayable +unprayed +unprayerful +unpraying +unpreach +unpreached +unpreaching +unprecarious +unprecautioned +unpreceded +unprecedented +unprecedentedly +unprecedentedness +unprecedential +unprecedently +unprecious +unprecipitate +unprecipitated +unprecise +unprecisely +unpreciseness +unprecluded +unprecludible +unprecocious +unpredacious +unpredestinated +unpredestined +unpredicable +unpredicated +unpredict +unpredictable +unpredictableness +unpredictably +unpredicted +unpredictedness +unpredicting +unpredisposed +unpredisposing +unpreened +unprefaced +unpreferable +unpreferred +unprefigured +unprefined +unprefixed +unpregnant +unprejudged +unprejudicated +unprejudice +unprejudiced +unprejudicedly +unprejudicedness +unprejudiciable +unprejudicial +unprejudicially +unprejudicialness +unprelatic +unprelatical +unpreluded +unpremature +unpremeditate +unpremeditated +unpremeditatedly +unpremeditatedness +unpremeditately +unpremeditation +unpremonished +unpremonstrated +unprenominated +unprenticed +unpreoccupied +unpreordained +unpreparation +unprepare +unprepared +unpreparedly +unpreparedness +unpreparing +unpreponderated +unpreponderating +unprepossessedly +unprepossessing +unprepossessingly +unprepossessingness +unpreposterous +unpresaged +unpresageful +unpresaging +unpresbyterated +unprescient +unprescinded +unprescribed +unpresentability +unpresentable +unpresentableness +unpresentably +unpresented +unpreservable +unpreserved +unpresidential +unpresiding +unpressed +unpresumable +unpresumed +unpresuming +unpresumingness +unpresumptuous +unpresumptuously +unpresupposed +unpretended +unpretending +unpretendingly +unpretendingness +unpretentious +unpretentiously +unpretentiousness +unpretermitted +unpreternatural +unprettiness +unpretty +unprevailing +unprevalent +unprevaricating +unpreventable +unpreventableness +unpreventably +unprevented +unpreventible +unpreventive +unpriceably +unpriced +unpricked +unprickled +unprickly +unpriest +unpriestlike +unpriestly +unpriggish +unprim +unprime +unprimed +unprimitive +unprimmed +unprince +unprincelike +unprinceliness +unprincely +unprincess +unprincipal +unprinciple +unprincipled +unprincipledly +unprincipledness +unprint +unprintable +unprintableness +unprintably +unprinted +unpriority +unprismatic +unprison +unprisonable +unprisoned +unprivate +unprivileged +unprizable +unprized +unprobated +unprobationary +unprobed +unprobity +unproblematic +unproblematical +unprocessed +unproclaimed +unprocrastinated +unprocreant +unprocreated +unproctored +unprocurable +unprocurableness +unprocure +unprocured +unproded +unproduceable +unproduceableness +unproduceably +unproduced +unproducedness +unproducible +unproducibleness +unproducibly +unproductive +unproductively +unproductiveness +unproductivity +unprofanable +unprofane +unprofaned +unprofessed +unprofessing +unprofessional +unprofessionalism +unprofessionally +unprofessorial +unproffered +unproficiency +unproficient +unproficiently +unprofit +unprofitable +unprofitableness +unprofitably +unprofited +unprofiteering +unprofiting +unprofound +unprofuse +unprofusely +unprofuseness +unprognosticated +unprogressed +unprogressive +unprogressively +unprogressiveness +unprohibited +unprohibitedness +unprohibitive +unprojected +unprojecting +unproliferous +unprolific +unprolix +unprologued +unprolonged +unpromiscuous +unpromise +unpromised +unpromising +unpromisingly +unpromisingness +unpromotable +unpromoted +unprompted +unpromptly +unpromulgated +unpronounce +unpronounceable +unpronounced +unpronouncing +unproofread +unprop +unpropagated +unpropelled +unpropense +unproper +unproperly +unproperness +unpropertied +unprophesiable +unprophesied +unprophetic +unprophetical +unprophetically +unprophetlike +unpropitiable +unpropitiated +unpropitiatedness +unpropitiatory +unpropitious +unpropitiously +unpropitiousness +unproportion +unproportionable +unproportionableness +unproportionably +unproportional +unproportionality +unproportionally +unproportionate +unproportionately +unproportionateness +unproportioned +unproportionedly +unproportionedness +unproposed +unproposing +unpropounded +unpropped +unpropriety +unprorogued +unprosaic +unproscribable +unproscribed +unprosecutable +unprosecuted +unprosecuting +unproselyte +unproselyted +unprosodic +unprospected +unprospective +unprosperably +unprospered +unprosperity +unprosperous +unprosperously +unprosperousness +unprostitute +unprostituted +unprostrated +unprotectable +unprotected +unprotectedly +unprotectedness +unprotective +unprotestant +unprotestantize +unprotested +unprotesting +unprotruded +unprotruding +unprotrusive +unproud +unprovability +unprovable +unprovableness +unprovably +unproved +unprovedness +unproven +unproverbial +unprovidable +unprovide +unprovided +unprovidedly +unprovidedness +unprovidenced +unprovident +unprovidential +unprovidently +unprovincial +unproving +unprovision +unprovisioned +unprovocative +unprovokable +unprovoke +unprovoked +unprovokedly +unprovokedness +unprovoking +unproximity +unprudence +unprudent +unprudently +unpruned +unprying +unpsychic +unpsychological +unpublic +unpublicity +unpublishable +unpublishableness +unpublishably +unpublished +unpucker +unpuckered +unpuddled +unpuffed +unpuffing +unpugilistic +unpugnacious +unpulled +unpulleyed +unpulped +unpulverable +unpulverize +unpulverized +unpulvinate +unpulvinated +unpumicated +unpummeled +unpummelled +unpumpable +unpumped +unpunched +unpunctated +unpunctilious +unpunctual +unpunctuality +unpunctually +unpunctuated +unpunctuating +unpunishable +unpunishably +unpunished +unpunishedly +unpunishedness +unpunishing +unpunishingly +unpurchasable +unpurchased +unpure +unpurely +unpureness +unpurgeable +unpurged +unpurifiable +unpurified +unpurifying +unpuritan +unpurled +unpurloined +unpurpled +unpurported +unpurposed +unpurposelike +unpurposely +unpurposing +unpurse +unpursed +unpursuable +unpursued +unpursuing +unpurveyed +unpushed +unput +unputrefiable +unputrefied +unputrid +unputtied +unpuzzle +unquadded +unquaffed +unquailed +unquailing +unquailingly +unquakerlike +unquakerly +unquaking +unqualifiable +unqualification +unqualified +unqualifiedly +unqualifiedness +unqualify +unqualifying +unqualifyingly +unqualitied +unquality +unquantified +unquantitative +unquarantined +unquarreled +unquarreling +unquarrelled +unquarrelling +unquarrelsome +unquarried +unquartered +unquashed +unquayed +unqueen +unqueened +unqueening +unqueenlike +unqueenly +unquellable +unquelled +unquenchable +unquenchableness +unquenchably +unquenched +unqueried +unquested +unquestionability +unquestionable +unquestionableness +unquestionably +unquestionate +unquestioned +unquestionedly +unquestionedness +unquestioning +unquestioningly +unquestioningness +unquibbled +unquibbling +unquick +unquickened +unquickly +unquicksilvered +unquiescence +unquiescent +unquiescently +unquiet +unquietable +unquieted +unquieting +unquietly +unquietness +unquietude +unquilleted +unquilted +unquit +unquittable +unquitted +unquivered +unquivering +unquizzable +unquizzed +unquotable +unquote +unquoted +unrabbeted +unrabbinical +unraced +unrack +unracked +unracking +unradiated +unradical +unradicalize +unraffled +unraftered +unraided +unrailed +unrailroaded +unrailwayed +unrainy +unraised +unrake +unraked +unraking +unrallied +unram +unrambling +unramified +unrammed +unramped +unranched +unrancid +unrancored +unrandom +unrank +unranked +unransacked +unransomable +unransomed +unrapacious +unraped +unraptured +unrare +unrarefied +unrash +unrasped +unratable +unrated +unratified +unrational +unrattled +unravaged +unravel +unravelable +unraveled +unraveler +unraveling +unravellable +unravelled +unraveller +unravelling +unravelment +unraving +unravished +unravishing +unray +unrayed +unrazed +unrazored +unreachable +unreachably +unreached +unreactive +unread +unreadability +unreadable +unreadableness +unreadably +unreadily +unreadiness +unready +unreal +unrealism +unrealist +unrealistic +unreality +unrealizable +unrealize +unrealized +unrealizing +unreally +unrealmed +unrealness +unreaped +unreared +unreason +unreasonability +unreasonable +unreasonableness +unreasonably +unreasoned +unreasoning +unreasoningly +unreassuring +unreassuringly +unreave +unreaving +unrebated +unrebel +unrebellious +unrebuffable +unrebuffably +unrebuilt +unrebukable +unrebukably +unrebuked +unrebuttable +unrebuttableness +unrebutted +unrecallable +unrecallably +unrecalled +unrecalling +unrecantable +unrecanted +unrecaptured +unreceding +unreceipted +unreceivable +unreceived +unreceiving +unrecent +unreceptant +unreceptive +unreceptivity +unreciprocal +unreciprocated +unrecited +unrecked +unrecking +unreckingness +unreckon +unreckonable +unreckoned +unreclaimable +unreclaimably +unreclaimed +unreclaimedness +unreclaiming +unreclined +unreclining +unrecognition +unrecognizable +unrecognizableness +unrecognizably +unrecognized +unrecognizing +unrecognizingly +unrecoined +unrecollected +unrecommendable +unrecompensable +unrecompensed +unreconcilable +unreconcilableness +unreconcilably +unreconciled +unrecondite +unreconnoitered +unreconsidered +unreconstructed +unrecordable +unrecorded +unrecordedness +unrecording +unrecountable +unrecounted +unrecoverable +unrecoverableness +unrecoverably +unrecovered +unrecreant +unrecreated +unrecreating +unrecriminative +unrecruitable +unrecruited +unrectangular +unrectifiable +unrectifiably +unrectified +unrecumbent +unrecuperated +unrecurrent +unrecurring +unrecusant +unred +unredacted +unredeemable +unredeemableness +unredeemably +unredeemed +unredeemedly +unredeemedness +unredeeming +unredressable +unredressed +unreduceable +unreduced +unreducible +unreducibleness +unreducibly +unreduct +unreefed +unreel +unreelable +unreeled +unreeling +unreeve +unreeving +unreferenced +unreferred +unrefilled +unrefine +unrefined +unrefinedly +unrefinedness +unrefinement +unrefining +unrefitted +unreflected +unreflecting +unreflectingly +unreflectingness +unreflective +unreflectively +unreformable +unreformed +unreformedness +unreforming +unrefracted +unrefracting +unrefrainable +unrefrained +unrefraining +unrefreshed +unrefreshful +unrefreshing +unrefreshingly +unrefrigerated +unrefulgent +unrefunded +unrefunding +unrefusable +unrefusably +unrefused +unrefusing +unrefusingly +unrefutable +unrefuted +unrefuting +unregainable +unregained +unregal +unregaled +unregality +unregally +unregard +unregardable +unregardant +unregarded +unregardedly +unregardful +unregeneracy +unregenerate +unregenerately +unregenerateness +unregenerating +unregeneration +unregimented +unregistered +unregressive +unregretful +unregretfully +unregretfulness +unregrettable +unregretted +unregretting +unregular +unregulated +unregulative +unregurgitated +unrehabilitated +unrehearsable +unrehearsed +unrehearsing +unreigning +unreimbodied +unrein +unreined +unreinstated +unreiterable +unreiterated +unrejectable +unrejoiced +unrejoicing +unrejuvenated +unrelapsing +unrelated +unrelatedness +unrelating +unrelational +unrelative +unrelatively +unrelaxable +unrelaxed +unrelaxing +unrelaxingly +unreleasable +unreleased +unreleasing +unrelegated +unrelentance +unrelented +unrelenting +unrelentingly +unrelentingness +unrelentor +unrelevant +unreliability +unreliable +unreliableness +unreliably +unreliance +unrelievable +unrelievableness +unrelieved +unrelievedly +unreligion +unreligioned +unreligious +unreligiously +unreligiousness +unrelinquishable +unrelinquishably +unrelinquished +unrelinquishing +unrelishable +unrelished +unrelishing +unreluctant +unreluctantly +unremaining +unremanded +unremarkable +unremarked +unremarried +unremediable +unremedied +unremember +unrememberable +unremembered +unremembering +unremembrance +unreminded +unremissible +unremittable +unremitted +unremittedly +unremittent +unremittently +unremitting +unremittingly +unremittingness +unremonstrant +unremonstrated +unremonstrating +unremorseful +unremorsefully +unremote +unremotely +unremounted +unremovable +unremovableness +unremovably +unremoved +unremunerated +unremunerating +unremunerative +unremuneratively +unremunerativeness +unrenderable +unrendered +unrenewable +unrenewed +unrenounceable +unrenounced +unrenouncing +unrenovated +unrenowned +unrenownedly +unrenownedness +unrent +unrentable +unrented +unreorganized +unrepaid +unrepair +unrepairable +unrepaired +unrepartable +unreparted +unrepealability +unrepealable +unrepealableness +unrepealably +unrepealed +unrepeatable +unrepeated +unrepellable +unrepelled +unrepellent +unrepent +unrepentable +unrepentance +unrepentant +unrepentantly +unrepentantness +unrepented +unrepenting +unrepentingly +unrepentingness +unrepetitive +unrepined +unrepining +unrepiningly +unrepiqued +unreplaceable +unreplaced +unreplenished +unrepleviable +unreplevined +unrepliable +unrepliably +unreplied +unreplying +unreportable +unreported +unreportedly +unreportedness +unrepose +unreposed +unreposeful +unreposefulness +unreposing +unrepossessed +unreprehended +unrepresentable +unrepresentation +unrepresentative +unrepresented +unrepresentedness +unrepressed +unrepressible +unreprievable +unreprievably +unreprieved +unreprimanded +unreprinted +unreproachable +unreproachableness +unreproachably +unreproached +unreproachful +unreproachfully +unreproaching +unreproachingly +unreprobated +unreproducible +unreprovable +unreprovableness +unreprovably +unreproved +unreprovedly +unreprovedness +unreproving +unrepublican +unrepudiable +unrepudiated +unrepugnant +unrepulsable +unrepulsed +unrepulsing +unrepulsive +unreputable +unreputed +unrequalified +unrequested +unrequickened +unrequired +unrequisite +unrequitable +unrequital +unrequited +unrequitedly +unrequitedness +unrequitement +unrequiter +unrequiting +unrescinded +unrescued +unresemblant +unresembling +unresented +unresentful +unresenting +unreserve +unreserved +unreservedly +unreservedness +unresifted +unresigned +unresistable +unresistably +unresistance +unresistant +unresistantly +unresisted +unresistedly +unresistedness +unresistible +unresistibleness +unresistibly +unresisting +unresistingly +unresistingness +unresolute +unresolvable +unresolve +unresolved +unresolvedly +unresolvedness +unresolving +unresonant +unresounded +unresounding +unresourceful +unresourcefulness +unrespect +unrespectability +unrespectable +unrespected +unrespectful +unrespectfully +unrespectfulness +unrespective +unrespectively +unrespectiveness +unrespirable +unrespired +unrespited +unresplendent +unresponding +unresponsible +unresponsibleness +unresponsive +unresponsively +unresponsiveness +unrest +unrestable +unrested +unrestful +unrestfully +unrestfulness +unresting +unrestingly +unrestingness +unrestorable +unrestored +unrestrainable +unrestrainably +unrestrained +unrestrainedly +unrestrainedness +unrestraint +unrestrictable +unrestricted +unrestrictedly +unrestrictedness +unrestrictive +unresty +unresultive +unresumed +unresumptive +unretainable +unretained +unretaliated +unretaliating +unretardable +unretarded +unretentive +unreticent +unretinued +unretired +unretiring +unretorted +unretouched +unretractable +unretracted +unretreating +unretrenchable +unretrenched +unretrievable +unretrieved +unretrievingly +unretted +unreturnable +unreturnably +unreturned +unreturning +unreturningly +unrevealable +unrevealed +unrevealedness +unrevealing +unrevealingly +unrevelationize +unrevenged +unrevengeful +unrevengefulness +unrevenging +unrevengingly +unrevenue +unrevenued +unreverberated +unrevered +unreverence +unreverenced +unreverend +unreverendly +unreverent +unreverential +unreverently +unreverentness +unreversable +unreversed +unreversible +unreverted +unrevertible +unreverting +unrevested +unrevetted +unreviewable +unreviewed +unreviled +unrevised +unrevivable +unrevived +unrevocable +unrevocableness +unrevocably +unrevoked +unrevolted +unrevolting +unrevolutionary +unrevolutionized +unrevolved +unrevolving +unrewardable +unrewarded +unrewardedly +unrewarding +unreworded +unrhetorical +unrhetorically +unrhetoricalness +unrhyme +unrhymed +unrhythmic +unrhythmical +unrhythmically +unribbed +unribboned +unrich +unriched +unricht +unricked +unrid +unridable +unridableness +unridably +unridden +unriddle +unriddleable +unriddled +unriddler +unriddling +unride +unridely +unridered +unridged +unridiculed +unridiculous +unrife +unriffled +unrifled +unrifted +unrig +unrigged +unrigging +unright +unrightable +unrighted +unrighteous +unrighteously +unrighteousness +unrightful +unrightfully +unrightfulness +unrightly +unrightwise +unrigid +unrigorous +unrimpled +unrind +unring +unringable +unringed +unringing +unrinsed +unrioted +unrioting +unriotous +unrip +unripe +unriped +unripely +unripened +unripeness +unripening +unrippable +unripped +unripping +unrippled +unrippling +unripplingly +unrisen +unrising +unriskable +unrisked +unrisky +unritual +unritualistic +unrivalable +unrivaled +unrivaledly +unrivaledness +unrived +unriven +unrivet +unriveted +unriveting +unroaded +unroadworthy +unroaming +unroast +unroasted +unrobbed +unrobe +unrobed +unrobust +unrocked +unrococo +unrodded +unroiled +unroll +unrollable +unrolled +unroller +unrolling +unrollment +unromantic +unromantical +unromantically +unromanticalness +unromanticized +unroof +unroofed +unroofing +unroomy +unroost +unroosted +unroosting +unroot +unrooted +unrooting +unrope +unroped +unrosed +unrosined +unrostrated +unrotated +unrotating +unroted +unrotted +unrotten +unrotund +unrouged +unrough +unroughened +unround +unrounded +unrounding +unrousable +unroused +unroutable +unrouted +unrove +unroved +unroving +unrow +unrowed +unroweled +unroyal +unroyalist +unroyalized +unroyally +unroyalness +Unrra +unrubbed +unrubbish +unrubified +unrubrical +unrubricated +unruddered +unruddled +unrueful +unruffable +unruffed +unruffle +unruffled +unruffling +unrugged +unruinable +unruinated +unruined +unrulable +unrulableness +unrule +unruled +unruledly +unruledness +unruleful +unrulily +unruliness +unruly +unruminated +unruminating +unruminatingly +unrummaged +unrumored +unrumple +unrumpled +unrun +unrung +unruptured +unrural +unrushed +Unrussian +unrust +unrusted +unrustic +unrusticated +unrustling +unruth +unsabbatical +unsabered +unsabled +unsabred +unsaccharic +unsacerdotal +unsacerdotally +unsack +unsacked +unsacramental +unsacramentally +unsacramentarian +unsacred +unsacredly +unsacrificeable +unsacrificeably +unsacrificed +unsacrificial +unsacrificing +unsacrilegious +unsad +unsadden +unsaddened +unsaddle +unsaddled +unsaddling +unsafe +unsafeguarded +unsafely +unsafeness +unsafety +unsagacious +unsage +unsagging +unsaid +unsailable +unsailed +unsailorlike +unsaint +unsainted +unsaintlike +unsaintly +unsalability +unsalable +unsalableness +unsalably +unsalaried +unsalesmanlike +unsaline +unsalivated +unsallying +unsalmonlike +unsalt +unsaltable +unsaltatory +unsalted +unsalubrious +unsalutary +unsaluted +unsaluting +unsalvability +unsalvable +unsalvableness +unsalvaged +unsalved +unsampled +unsanctification +unsanctified +unsanctifiedly +unsanctifiedness +unsanctify +unsanctifying +unsanctimonious +unsanctimoniously +unsanctimoniousness +unsanction +unsanctionable +unsanctioned +unsanctioning +unsanctitude +unsanctity +unsanctuaried +unsandaled +unsanded +unsane +unsanguinary +unsanguine +unsanguinely +unsanguineness +unsanguineous +unsanguineously +unsanitariness +unsanitary +unsanitated +unsanitation +unsanity +unsaponifiable +unsaponified +unsapped +unsappy +unsarcastic +unsardonic +unsartorial +unsash +unsashed +unsatable +unsatanic +unsated +unsatedly +unsatedness +unsatiability +unsatiable +unsatiableness +unsatiably +unsatiate +unsatiated +unsatiating +unsatin +unsatire +unsatirical +unsatirically +unsatirize +unsatirized +unsatisfaction +unsatisfactorily +unsatisfactoriness +unsatisfactory +unsatisfiable +unsatisfiableness +unsatisfiably +unsatisfied +unsatisfiedly +unsatisfiedness +unsatisfying +unsatisfyingly +unsatisfyingness +unsaturable +unsaturated +unsaturatedly +unsaturatedness +unsaturation +unsatyrlike +unsauced +unsaurian +unsavable +unsaveable +unsaved +unsaving +unsavored +unsavoredly +unsavoredness +unsavorily +unsavoriness +unsavory +unsawed +unsawn +unsay +unsayability +unsayable +unscabbard +unscabbarded +unscabbed +unscaffolded +unscalable +unscalableness +unscalably +unscale +unscaled +unscaledness +unscalloped +unscaly +unscamped +unscandalize +unscandalized +unscandalous +unscannable +unscanned +unscanted +unscanty +unscarb +unscarce +unscared +unscarfed +unscarified +unscarred +unscathed +unscathedly +unscathedness +unscattered +unscavengered +unscenic +unscent +unscented +unscepter +unsceptered +unsceptical +unsceptre +unsceptred +unscheduled +unschematic +unschematized +unscholar +unscholarlike +unscholarly +unscholastic +unschool +unschooled +unschooledly +unschooledness +unscienced +unscientific +unscientifical +unscientifically +unscintillating +unscioned +unscissored +unscoffed +unscoffing +unscolded +unsconced +unscooped +unscorched +unscored +unscorified +unscoring +unscorned +unscornful +unscornfully +unscornfulness +unscotch +unscotched +unscottify +unscoured +unscourged +unscowling +unscramble +unscrambling +unscraped +unscratchable +unscratched +unscratching +unscratchingly +unscrawled +unscreen +unscreenable +unscreenably +unscreened +unscrew +unscrewable +unscrewed +unscrewing +unscribal +unscribbled +unscribed +unscrimped +unscriptural +unscripturally +unscripturalness +unscrubbed +unscrupled +unscrupulosity +unscrupulous +unscrupulously +unscrupulousness +unscrutable +unscrutinized +unscrutinizing +unscrutinizingly +unsculptural +unsculptured +unscummed +unscutcheoned +unseafaring +unseal +unsealable +unsealed +unsealer +unsealing +unseam +unseamanlike +unseamanship +unseamed +unseaming +unsearchable +unsearchableness +unsearchably +unsearched +unsearcherlike +unsearching +unseared +unseason +unseasonable +unseasonableness +unseasonably +unseasoned +unseat +unseated +unseaworthiness +unseaworthy +unseceding +unsecluded +unseclusive +unseconded +unsecrecy +unsecret +unsecretarylike +unsecreted +unsecreting +unsecretly +unsecretness +unsectarian +unsectarianism +unsectarianize +unsectional +unsecular +unsecularize +unsecularized +unsecure +unsecured +unsecuredly +unsecuredness +unsecurely +unsecureness +unsecurity +unsedate +unsedentary +unseditious +unseduce +unseduced +unseducible +unseductive +unsedulous +unsee +unseeable +unseeded +unseeing +unseeingly +unseeking +unseeming +unseemingly +unseemlily +unseemliness +unseemly +unseen +unseethed +unsegmented +unsegregable +unsegregated +unsegregatedness +unseignorial +unseismic +unseizable +unseized +unseldom +unselect +unselected +unselecting +unselective +unself +unselfish +unselfishly +unselfishness +unselflike +unselfness +unselling +unsenatorial +unsenescent +unsensational +unsense +unsensed +unsensibility +unsensible +unsensibleness +unsensibly +unsensitive +unsensitize +unsensitized +unsensory +unsensual +unsensualize +unsensualized +unsensually +unsensuous +unsensuousness +unsent +unsentenced +unsententious +unsentient +unsentimental +unsentimentalist +unsentimentality +unsentimentalize +unsentimentally +unsentineled +unsentinelled +unseparable +unseparableness +unseparably +unseparate +unseparated +unseptate +unseptated +unsepulcher +unsepulchered +unsepulchral +unsepulchre +unsepulchred +unsepultured +unsequenced +unsequential +unsequestered +unseraphical +unserenaded +unserene +unserflike +unserious +unseriousness +unserrated +unserried +unservable +unserved +unserviceability +unserviceable +unserviceableness +unserviceably +unservicelike +unservile +unsesquipedalian +unset +unsetting +unsettle +unsettleable +unsettled +unsettledness +unsettlement +unsettling +unseverable +unseverableness +unsevere +unsevered +unseveredly +unseveredness +unsew +unsewed +unsewered +unsewing +unsewn +unsex +unsexed +unsexing +unsexlike +unsexual +unshackle +unshackled +unshackling +unshade +unshaded +unshadow +unshadowable +unshadowed +unshady +unshafted +unshakable +unshakably +unshakeable +unshakeably +unshaken +unshakenly +unshakenness +unshaking +unshakingness +unshaled +unshamable +unshamableness +unshamably +unshameable +unshameableness +unshameably +unshamed +unshamefaced +unshamefacedness +unshameful +unshamefully +unshamefulness +unshammed +unshanked +unshapable +unshape +unshapeable +unshaped +unshapedness +unshapeliness +unshapely +unshapen +unshapenly +unshapenness +unsharable +unshared +unsharedness +unsharing +unsharp +unsharped +unsharpen +unsharpened +unsharpening +unsharping +unshattered +unshavable +unshaveable +unshaved +unshavedly +unshavedness +unshaven +unshavenly +unshavenness +unshawl +unsheaf +unsheared +unsheathe +unsheathed +unsheathing +unshed +unsheet +unsheeted +unsheeting +unshell +unshelled +unshelling +unshelterable +unsheltered +unsheltering +unshelve +unshepherded +unshepherding +unsheriff +unshewed +unshieldable +unshielded +unshielding +unshiftable +unshifted +unshiftiness +unshifting +unshifty +unshimmering +unshingled +unshining +unship +unshiplike +unshipment +unshipped +unshipping +unshipshape +unshipwrecked +unshirking +unshirted +unshivered +unshivering +unshockable +unshocked +unshod +unshodden +unshoe +unshoed +unshoeing +unshop +unshore +unshored +unshorn +unshort +unshortened +unshot +unshotted +unshoulder +unshouted +unshouting +unshoved +unshoveled +unshowable +unshowed +unshowmanlike +unshown +unshowy +unshredded +unshrew +unshrewd +unshrewish +unshrill +unshrine +unshrined +unshrinement +unshrink +unshrinkability +unshrinkable +unshrinking +unshrinkingly +unshrived +unshriveled +unshrivelled +unshriven +unshroud +unshrouded +unshrubbed +unshrugging +unshrunk +unshrunken +unshuddering +unshuffle +unshuffled +unshunnable +unshunned +unshunted +unshut +unshutter +unshuttered +unshy +unshyly +unshyness +unsibilant +unsiccated +unsick +unsickened +unsicker +unsickerly +unsickerness +unsickled +unsickly +unsided +unsiding +unsiege +unsifted +unsighing +unsight +unsightable +unsighted +unsighting +unsightliness +unsightly +unsigmatic +unsignable +unsignaled +unsignalized +unsignalled +unsignatured +unsigned +unsigneted +unsignificancy +unsignificant +unsignificantly +unsignificative +unsignified +unsignifying +unsilenceable +unsilenceably +unsilenced +unsilent +unsilentious +unsilently +unsilicified +unsilly +unsilvered +unsimilar +unsimilarity +unsimilarly +unsimple +unsimplicity +unsimplified +unsimplify +unsimulated +unsimultaneous +unsin +unsincere +unsincerely +unsincereness +unsincerity +unsinew +unsinewed +unsinewing +unsinewy +unsinful +unsinfully +unsinfulness +unsing +unsingability +unsingable +unsingableness +unsinged +unsingle +unsingled +unsingleness +unsingular +unsinister +unsinkability +unsinkable +unsinking +unsinnable +unsinning +unsinningness +unsiphon +unsipped +unsister +unsistered +unsisterliness +unsisterly +unsizable +unsizableness +unsizeable +unsizeableness +unsized +unskaithd +unskeptical +unsketchable +unsketched +unskewed +unskewered +unskilful +unskilfully +unskilled +unskilledly +unskilledness +unskillful +unskillfully +unskillfulness +unskimmed +unskin +unskinned +unskirted +unslack +unslacked +unslackened +unslackening +unslacking +unslagged +unslain +unslakable +unslakeable +unslaked +unslammed +unslandered +unslanderous +unslapped +unslashed +unslate +unslated +unslating +unslaughtered +unslave +unslayable +unsleaved +unsleek +unsleepably +unsleeping +unsleepingly +unsleepy +unsleeve +unsleeved +unslender +unslept +unsliced +unsliding +unslighted +unsling +unslip +unslipped +unslippery +unslipping +unslit +unslockened +unsloped +unslopped +unslot +unslothful +unslothfully +unslothfulness +unslotted +unsloughed +unsloughing +unslow +unsluggish +unsluice +unsluiced +unslumbering +unslumberous +unslumbrous +unslung +unslurred +unsly +unsmacked +unsmart +unsmartly +unsmartness +unsmeared +unsmelled +unsmelling +unsmelted +unsmiled +unsmiling +unsmilingly +unsmilingness +unsmirched +unsmirking +unsmitten +unsmokable +unsmokeable +unsmoked +unsmokified +unsmoking +unsmoky +unsmooth +unsmoothed +unsmoothly +unsmoothness +unsmote +unsmotherable +unsmothered +unsmudged +unsmuggled +unsmutched +unsmutted +unsmutty +unsnaffled +unsnagged +unsnaggled +unsnaky +unsnap +unsnapped +unsnare +unsnared +unsnarl +unsnatch +unsnatched +unsneck +unsneering +unsnib +unsnipped +unsnobbish +unsnoring +unsnouted +unsnow +unsnubbable +unsnubbed +unsnuffed +unsoaked +unsoaped +unsoarable +unsober +unsoberly +unsoberness +unsobriety +unsociability +unsociable +unsociableness +unsociably +unsocial +unsocialism +unsocialistic +unsociality +unsocializable +unsocialized +unsocially +unsocialness +unsociological +unsocket +unsodden +unsoft +unsoftened +unsoftening +unsoggy +unsoil +unsoiled +unsoiledness +unsolaced +unsolacing +unsolar +unsold +unsolder +unsoldered +unsoldering +unsoldier +unsoldiered +unsoldierlike +unsoldierly +unsole +unsoled +unsolemn +unsolemness +unsolemnize +unsolemnized +unsolemnly +unsolicitated +unsolicited +unsolicitedly +unsolicitous +unsolicitously +unsolicitousness +unsolid +unsolidarity +unsolidifiable +unsolidified +unsolidity +unsolidly +unsolidness +unsolitary +unsolubility +unsoluble +unsolvable +unsolvableness +unsolvably +unsolved +unsomatic +unsomber +unsombre +unsome +unson +unsonable +unsonant +unsonlike +unsonneted +unsonorous +unsonsy +unsoothable +unsoothed +unsoothfast +unsoothing +unsooty +unsophistical +unsophistically +unsophisticate +unsophisticated +unsophisticatedly +unsophisticatedness +unsophistication +unsophomoric +unsordid +unsore +unsorrowed +unsorrowing +unsorry +unsort +unsortable +unsorted +unsorting +unsotted +unsought +unsoul +unsoulful +unsoulfully +unsoulish +unsound +unsoundable +unsoundableness +unsounded +unsounding +unsoundly +unsoundness +unsour +unsoured +unsoused +unsovereign +unsowed +unsown +unspaced +unspacious +unspaded +unspan +unspangled +unspanked +unspanned +unspar +unsparable +unspared +unsparing +unsparingly +unsparingness +unsparkling +unsparred +unsparse +unspatial +unspatiality +unspattered +unspawned +unspayed +unspeak +unspeakability +unspeakable +unspeakableness +unspeakably +unspeaking +unspeared +unspecialized +unspecializing +unspecific +unspecified +unspecifiedly +unspecious +unspecked +unspeckled +unspectacled +unspectacular +unspectacularly +unspecterlike +unspectrelike +unspeculating +unspeculative +unspeculatively +unsped +unspeed +unspeedy +unspeered +unspell +unspellable +unspelled +unspelt +unspendable +unspending +unspent +unspewed +unsphere +unsphered +unsphering +unspiable +unspiced +unspicy +unspied +unspike +unspillable +unspin +unspinsterlike +unspinsterlikeness +unspiral +unspired +unspirit +unspirited +unspiritedly +unspiriting +unspiritual +unspirituality +unspiritualize +unspiritualized +unspiritually +unspiritualness +unspissated +unspit +unspited +unspiteful +unspitted +unsplashed +unsplattered +unsplayed +unspleened +unspleenish +unspleenishly +unsplendid +unspliced +unsplinted +unsplintered +unsplit +unspoil +unspoilable +unspoilableness +unspoilably +unspoiled +unspoken +unspokenly +unsponged +unspongy +unsponsored +unspontaneous +unspontaneously +unspookish +unsported +unsportful +unsporting +unsportive +unsportsmanlike +unsportsmanly +unspot +unspotlighted +unspottable +unspotted +unspottedly +unspottedness +unspoused +unspouselike +unspouted +unsprained +unsprayed +unspread +unsprightliness +unsprightly +unspring +unspringing +unspringlike +unsprinkled +unsprinklered +unsprouted +unsproutful +unsprouting +unspruced +unsprung +unspun +unspurned +unspurred +unspying +unsquandered +unsquarable +unsquare +unsquared +unsquashed +unsqueamish +unsqueezable +unsqueezed +unsquelched +unsquinting +unsquire +unsquired +unsquirelike +unsquirted +unstabbed +unstability +unstable +unstabled +unstableness +unstablished +unstably +unstack +unstacked +unstacker +unstaffed +unstaged +unstaggered +unstaggering +unstagnating +unstagy +unstaid +unstaidly +unstaidness +unstain +unstainable +unstainableness +unstained +unstainedly +unstainedness +unstaled +unstalked +unstalled +unstammering +unstamped +unstampeded +unstanch +unstanchable +unstandard +unstandardized +unstanzaic +unstar +unstarch +unstarched +unstarlike +unstarred +unstarted +unstarting +unstartled +unstarved +unstatable +unstate +unstateable +unstated +unstately +unstatesmanlike +unstatic +unstating +unstation +unstationary +unstationed +unstatistic +unstatistical +unstatued +unstatuesque +unstatutable +unstatutably +unstaunch +unstaunchable +unstaunched +unstavable +unstaveable +unstaved +unstayable +unstayed +unstayedness +unstaying +unsteadfast +unsteadfastly +unsteadfastness +unsteadied +unsteadily +unsteadiness +unsteady +unsteadying +unstealthy +unsteamed +unsteaming +unsteck +unstecked +unsteel +unsteeled +unsteep +unsteeped +unsteepled +unsteered +unstemmable +unstemmed +unstentorian +unstep +unstercorated +unstereotyped +unsterile +unsterilized +unstern +unstethoscoped +unstewardlike +unstewed +unstick +unsticking +unstickingness +unsticky +unstiffen +unstiffened +unstifled +unstigmatized +unstill +unstilled +unstillness +unstilted +unstimulated +unstimulating +unsting +unstinged +unstinging +unstinted +unstintedly +unstinting +unstintingly +unstippled +unstipulated +unstirrable +unstirred +unstirring +unstitch +unstitched +unstitching +unstock +unstocked +unstocking +unstockinged +unstoic +unstoical +unstoically +unstoicize +unstoked +unstoken +unstolen +unstonable +unstone +unstoned +unstoniness +unstony +unstooping +unstop +unstoppable +unstopped +unstopper +unstoppered +unstopple +unstore +unstored +unstoried +unstormed +unstormy +unstout +unstoved +unstow +unstowed +unstraddled +unstrafed +unstraight +unstraightened +unstraightforward +unstraightness +unstrain +unstrained +unstraitened +unstrand +unstranded +unstrange +unstrangered +unstrangled +unstrangulable +unstrap +unstrapped +unstrategic +unstrategically +unstratified +unstraying +unstreaked +unstrength +unstrengthen +unstrengthened +unstrenuous +unstressed +unstressedly +unstressedness +unstretch +unstretched +unstrewed +unstrewn +unstriated +unstricken +unstrictured +unstridulous +unstrike +unstriking +unstring +unstringed +unstringing +unstrip +unstriped +unstripped +unstriving +unstroked +unstrong +unstructural +unstruggling +unstrung +unstubbed +unstubborn +unstuccoed +unstuck +unstudded +unstudied +unstudious +unstuff +unstuffed +unstuffing +unstultified +unstumbling +unstung +unstunned +unstunted +unstupefied +unstupid +unstuttered +unstuttering +unsty +unstyled +unstylish +unstylishly +unstylishness +unsubdivided +unsubduable +unsubduableness +unsubduably +unsubducted +unsubdued +unsubduedly +unsubduedness +unsubject +unsubjectable +unsubjected +unsubjectedness +unsubjection +unsubjective +unsubjectlike +unsubjugate +unsubjugated +unsublimable +unsublimated +unsublimed +unsubmerged +unsubmergible +unsubmerging +unsubmission +unsubmissive +unsubmissively +unsubmissiveness +unsubmitted +unsubmitting +unsubordinate +unsubordinated +unsuborned +unsubpoenaed +unsubscribed +unsubscribing +unsubservient +unsubsided +unsubsidiary +unsubsiding +unsubsidized +unsubstanced +unsubstantial +unsubstantiality +unsubstantialize +unsubstantially +unsubstantialness +unsubstantiate +unsubstantiated +unsubstantiation +unsubstituted +unsubtle +unsubtleness +unsubtlety +unsubtly +unsubtracted +unsubventioned +unsubventionized +unsubversive +unsubvertable +unsubverted +unsubvertive +unsucceedable +unsucceeded +unsucceeding +unsuccess +unsuccessful +unsuccessfully +unsuccessfulness +unsuccessive +unsuccessively +unsuccessiveness +unsuccinct +unsuccorable +unsuccored +unsucculent +unsuccumbing +unsucked +unsuckled +unsued +unsufferable +unsufferableness +unsufferably +unsuffered +unsuffering +unsufficed +unsufficience +unsufficiency +unsufficient +unsufficiently +unsufficing +unsufficingness +unsufflated +unsuffocate +unsuffocated +unsuffocative +unsuffused +unsugared +unsugary +unsuggested +unsuggestedness +unsuggestive +unsuggestiveness +unsuit +unsuitability +unsuitable +unsuitableness +unsuitably +unsuited +unsuiting +unsulky +unsullen +unsulliable +unsullied +unsulliedly +unsulliedness +unsulphonated +unsulphureous +unsulphurized +unsultry +unsummable +unsummarized +unsummed +unsummered +unsummerlike +unsummerly +unsummonable +unsummoned +unsumptuary +unsumptuous +unsun +unsunburned +unsundered +unsung +unsunk +unsunken +unsunned +unsunny +unsuperable +unsuperannuated +unsupercilious +unsuperficial +unsuperfluous +unsuperior +unsuperlative +unsupernatural +unsupernaturalize +unsupernaturalized +unsuperscribed +unsuperseded +unsuperstitious +unsupervised +unsupervisedly +unsupped +unsupplantable +unsupplanted +unsupple +unsuppled +unsupplemented +unsuppliable +unsupplicated +unsupplied +unsupportable +unsupportableness +unsupportably +unsupported +unsupportedly +unsupportedness +unsupporting +unsupposable +unsupposed +unsuppressed +unsuppressible +unsuppressibly +unsuppurated +unsuppurative +unsupreme +unsurcharge +unsurcharged +unsure +unsurfaced +unsurfeited +unsurfeiting +unsurgical +unsurging +unsurmised +unsurmising +unsurmountable +unsurmountableness +unsurmountably +unsurmounted +unsurnamed +unsurpassable +unsurpassableness +unsurpassably +unsurpassed +unsurplice +unsurpliced +unsurprised +unsurprising +unsurrendered +unsurrendering +unsurrounded +unsurveyable +unsurveyed +unsurvived +unsurviving +unsusceptibility +unsusceptible +unsusceptibleness +unsusceptibly +unsusceptive +unsuspectable +unsuspectably +unsuspected +unsuspectedly +unsuspectedness +unsuspectful +unsuspectfulness +unsuspectible +unsuspecting +unsuspectingly +unsuspectingness +unsuspective +unsuspended +unsuspicion +unsuspicious +unsuspiciously +unsuspiciousness +unsustainable +unsustained +unsustaining +unsutured +unswabbed +unswaddle +unswaddled +unswaddling +unswallowable +unswallowed +unswanlike +unswapped +unswarming +unswathable +unswathe +unswathed +unswathing +unswayable +unswayed +unswayedness +unswaying +unswear +unswearing +unsweat +unsweated +unsweating +unsweepable +unsweet +unsweeten +unsweetened +unsweetenedness +unsweetly +unsweetness +unswell +unswelled +unswelling +unsweltered +unswept +unswervable +unswerved +unswerving +unswervingly +unswilled +unswing +unswingled +unswitched +unswivel +unswollen +unswooning +unsworn +unswung +unsyllabic +unsyllabled +unsyllogistical +unsymbolic +unsymbolical +unsymbolically +unsymbolicalness +unsymbolized +unsymmetrical +unsymmetrically +unsymmetricalness +unsymmetrized +unsymmetry +unsympathetic +unsympathetically +unsympathizability +unsympathizable +unsympathized +unsympathizing +unsympathizingly +unsympathy +unsymphonious +unsymptomatic +unsynchronized +unsynchronous +unsyncopated +unsyndicated +unsynonymous +unsyntactical +unsynthetic +unsyringed +unsystematic +unsystematical +unsystematically +unsystematized +unsystematizedly +unsystematizing +unsystemizable +untabernacled +untabled +untabulated +untack +untacked +untacking +untackle +untackled +untactful +untactfully +untactfulness +untagged +untailed +untailorlike +untailorly +untaint +untaintable +untainted +untaintedly +untaintedness +untainting +untakable +untakableness +untakeable +untakeableness +untaken +untaking +untalented +untalkative +untalked +untalking +untall +untallied +untallowed +untamable +untamableness +untame +untamed +untamedly +untamedness +untamely +untameness +untampered +untangential +untangibility +untangible +untangibleness +untangibly +untangle +untangled +untangling +untanned +untantalized +untantalizing +untap +untaped +untapered +untapering +untapestried +untappable +untapped +untar +untarnishable +untarnished +untarred +untarried +untarrying +untartarized +untasked +untasseled +untastable +untaste +untasteable +untasted +untasteful +untastefully +untastefulness +untasting +untasty +untattered +untattooed +untaught +untaughtness +untaunted +untaut +untautological +untawdry +untawed +untax +untaxable +untaxed +untaxing +unteach +unteachable +unteachableness +unteachably +unteacherlike +unteaching +unteam +unteamed +unteaming +untearable +unteased +unteasled +untechnical +untechnicalize +untechnically +untedded +untedious +unteem +unteeming +unteethed +untelegraphed +untell +untellable +untellably +untelling +untemper +untemperamental +untemperate +untemperately +untemperateness +untempered +untempering +untempested +untempestuous +untempled +untemporal +untemporary +untemporizing +untemptability +untemptable +untemptably +untempted +untemptible +untemptibly +untempting +untemptingly +untemptingness +untenability +untenable +untenableness +untenably +untenacious +untenacity +untenant +untenantable +untenantableness +untenanted +untended +untender +untendered +untenderly +untenderness +untenible +untenibleness +untenibly +untense +untent +untentaculate +untented +untentered +untenty +unterminable +unterminableness +unterminably +unterminated +unterminating +unterraced +unterrestrial +unterrible +unterribly +unterrifiable +unterrific +unterrified +unterrifying +unterrorized +untessellated +untestable +untestamentary +untested +untestifying +untether +untethered +untethering +untewed +untextual +unthank +unthanked +unthankful +unthankfully +unthankfulness +unthanking +unthatch +unthatched +unthaw +unthawed +unthawing +untheatric +untheatrical +untheatrically +untheistic +unthematic +untheological +untheologically +untheologize +untheoretic +untheoretical +untheorizable +untherapeutical +unthick +unthicken +unthickened +unthievish +unthink +unthinkability +unthinkable +unthinkableness +unthinkably +unthinker +unthinking +unthinkingly +unthinkingness +unthinned +unthinning +unthirsting +unthirsty +unthistle +untholeable +untholeably +unthorn +unthorny +unthorough +unthought +unthoughted +unthoughtedly +unthoughtful +unthoughtfully +unthoughtfulness +unthoughtlike +unthrall +unthralled +unthrashed +unthread +unthreadable +unthreaded +unthreading +unthreatened +unthreatening +unthreshed +unthrid +unthridden +unthrift +unthriftihood +unthriftily +unthriftiness +unthriftlike +unthrifty +unthrilled +unthrilling +unthriven +unthriving +unthrivingly +unthrivingness +unthrob +unthrone +unthroned +unthronged +unthroning +unthrottled +unthrowable +unthrown +unthrushlike +unthrust +unthumbed +unthumped +unthundered +unthwacked +unthwarted +untiaraed +unticketed +untickled +untidal +untidily +untidiness +untidy +untie +untied +untight +untighten +untightness +until +untile +untiled +untill +untillable +untilled +untilling +untilt +untilted +untilting +untimbered +untimed +untimedness +untimeliness +untimely +untimeous +untimeously +untimesome +untimorous +untin +untinct +untinctured +untine +untinged +untinkered +untinned +untinseled +untinted +untippable +untipped +untippled +untipt +untirability +untirable +untire +untired +untiredly +untiring +untiringly +untissued +untithability +untithable +untithed +untitled +untittering +untitular +unto +untoadying +untoasted +untogaed +untoggle +untoggler +untoiled +untoileted +untoiling +untold +untolerable +untolerableness +untolerably +untolerated +untomb +untombed +untonality +untone +untoned +untongued +untonsured +untooled +untooth +untoothed +untoothsome +untoothsomeness +untop +untopographical +untopped +untopping +untormented +untorn +untorpedoed +untorpid +untorrid +untortuous +untorture +untortured +untossed +untotaled +untotalled +untottering +untouch +untouchability +untouchable +untouchableness +untouchably +untouched +untouchedness +untouching +untough +untoured +untouristed +untoward +untowardliness +untowardly +untowardness +untowered +untown +untownlike +untrace +untraceable +untraceableness +untraceably +untraced +untraceried +untracked +untractability +untractable +untractableness +untractably +untractarian +untractible +untractibleness +untradeable +untraded +untradesmanlike +untrading +untraditional +untraduced +untraffickable +untrafficked +untragic +untragical +untrailed +untrain +untrainable +untrained +untrainedly +untrainedness +untraitored +untraitorous +untrammed +untrammeled +untrammeledness +untramped +untrampled +untrance +untranquil +untranquilized +untranquillize +untranquillized +untransacted +untranscended +untranscendental +untranscribable +untranscribed +untransferable +untransferred +untransfigured +untransfixed +untransformable +untransformed +untransforming +untransfused +untransfusible +untransgressed +untransient +untransitable +untransitive +untransitory +untranslatability +untranslatable +untranslatableness +untranslatably +untranslated +untransmigrated +untransmissible +untransmitted +untransmutable +untransmuted +untransparent +untranspassable +untranspired +untranspiring +untransplanted +untransportable +untransported +untransposed +untransubstantiated +untrappable +untrapped +untrashed +untravelable +untraveled +untraveling +untravellable +untravelling +untraversable +untraversed +untravestied +untreacherous +untread +untreadable +untreading +untreasonable +untreasure +untreasured +untreatable +untreatableness +untreatably +untreated +untreed +untrekked +untrellised +untrembling +untremblingly +untremendous +untremulous +untrenched +untrepanned +untrespassed +untrespassing +untress +untressed +untriable +untribal +untributary +untriced +untrickable +untricked +untried +untrifling +untrig +untrigonometrical +untrill +untrim +untrimmable +untrimmed +untrimmedness +untrinitarian +untripe +untrippable +untripped +untripping +untrite +untriturated +untriumphable +untriumphant +untriumphed +untrochaic +untrod +untrodden +untroddenness +untrolled +untrophied +untropical +untrotted +untroublable +untrouble +untroubled +untroubledly +untroubledness +untroublesome +untroublesomeness +untrounced +untrowed +untruant +untruck +untruckled +untruckling +untrue +untrueness +untruism +untruly +untrumped +untrumpeted +untrumping +untrundled +untrunked +untruss +untrussed +untrusser +untrussing +untrust +untrustably +untrusted +untrustful +untrustiness +untrusting +untrustworthily +untrustworthiness +untrustworthy +untrusty +untruth +untruther +untruthful +untruthfully +untruthfulness +untrying +untubbed +untuck +untucked +untuckered +untucking +untufted +untugged +untumbled +untumefied +untumid +untumultuous +untunable +untunableness +untunably +untune +untuneable +untuneableness +untuneably +untuned +untuneful +untunefully +untunefulness +untuning +untunneled +untupped +unturbaned +unturbid +unturbulent +unturf +unturfed +unturgid +unturn +unturnable +unturned +unturning +unturpentined +unturreted +untusked +untutelar +untutored +untutoredly +untutoredness +untwilled +untwinable +untwine +untwineable +untwined +untwining +untwinkling +untwinned +untwirl +untwirled +untwirling +untwist +untwisted +untwister +untwisting +untwitched +untying +untypical +untypically +untyrannic +untyrannical +untyrantlike +untz +unubiquitous +unugly +unulcerated +unultra +unumpired +ununanimity +ununanimous +ununanimously +ununderstandable +ununderstandably +ununderstanding +ununderstood +unundertaken +unundulatory +Unungun +ununifiable +ununified +ununiform +ununiformed +ununiformity +ununiformly +ununiformness +ununitable +ununitableness +ununitably +ununited +ununiting +ununiversity +ununiversitylike +unupbraiding +unupbraidingly +unupholstered +unupright +unuprightly +unuprightness +unupset +unupsettable +unurban +unurbane +unurged +unurgent +unurging +unurn +unurned +unusable +unusableness +unusably +unuse +unused +unusedness +unuseful +unusefully +unusefulness +unushered +unusual +unusuality +unusually +unusualness +unusurious +unusurped +unusurping +unutilizable +unutterability +unutterable +unutterableness +unutterably +unuttered +unuxorial +unuxorious +unvacant +unvaccinated +unvacillating +unvailable +unvain +unvaleted +unvaletudinary +unvaliant +unvalid +unvalidated +unvalidating +unvalidity +unvalidly +unvalidness +unvalorous +unvaluable +unvaluableness +unvaluably +unvalue +unvalued +unvamped +unvanishing +unvanquishable +unvanquished +unvantaged +unvaporized +unvariable +unvariableness +unvariably +unvariant +unvaried +unvariedly +unvariegated +unvarnished +unvarnishedly +unvarnishedness +unvarying +unvaryingly +unvaryingness +unvascular +unvassal +unvatted +unvaulted +unvaulting +unvaunted +unvaunting +unvauntingly +unveering +unveil +unveiled +unveiledly +unveiledness +unveiler +unveiling +unveilment +unveined +unvelvety +unvendable +unvendableness +unvended +unvendible +unvendibleness +unveneered +unvenerable +unvenerated +unvenereal +unvenged +unveniable +unvenial +unvenom +unvenomed +unvenomous +unventable +unvented +unventilated +unventured +unventurous +unvenued +unveracious +unveracity +unverbalized +unverdant +unverdured +unveridical +unverifiable +unverifiableness +unverifiably +unverified +unverifiedness +unveritable +unverity +unvermiculated +unverminous +unvernicular +unversatile +unversed +unversedly +unversedness +unversified +unvertical +unvessel +unvesseled +unvest +unvested +unvetoed +unvexed +unviable +unvibrated +unvibrating +unvicar +unvicarious +unvicariously +unvicious +unvictimized +unvictorious +unvictualed +unvictualled +unviewable +unviewed +unvigilant +unvigorous +unvigorously +unvilified +unvillaged +unvindicated +unvindictive +unvindictively +unvindictiveness +unvinous +unvintaged +unviolable +unviolated +unviolenced +unviolent +unviolined +unvirgin +unvirginal +unvirginlike +unvirile +unvirility +unvirtue +unvirtuous +unvirtuously +unvirtuousness +unvirulent +unvisible +unvisibleness +unvisibly +unvision +unvisionary +unvisioned +unvisitable +unvisited +unvisor +unvisored +unvisualized +unvital +unvitalized +unvitalness +unvitiated +unvitiatedly +unvitiatedness +unvitrescibility +unvitrescible +unvitrifiable +unvitrified +unvitriolized +unvituperated +unvivacious +unvivid +unvivified +unvizard +unvizarded +unvocal +unvocalized +unvociferous +unvoice +unvoiced +unvoiceful +unvoicing +unvoidable +unvoided +unvolatile +unvolatilize +unvolatilized +unvolcanic +unvolitioned +unvoluminous +unvoluntarily +unvoluntariness +unvoluntary +unvolunteering +unvoluptuous +unvomited +unvoracious +unvote +unvoted +unvoting +unvouched +unvouchedly +unvouchedness +unvouchsafed +unvowed +unvoweled +unvoyageable +unvoyaging +unvulcanized +unvulgar +unvulgarize +unvulgarized +unvulgarly +unvulnerable +unwadable +unwadded +unwadeable +unwaded +unwading +unwafted +unwaged +unwagered +unwaggable +unwaggably +unwagged +unwailed +unwailing +unwainscoted +unwaited +unwaiting +unwaked +unwakeful +unwakefulness +unwakened +unwakening +unwaking +unwalkable +unwalked +unwalking +unwall +unwalled +unwallet +unwallowed +unwan +unwandered +unwandering +unwaning +unwanted +unwanton +unwarbled +unware +unwarely +unwareness +unwarily +unwariness +unwarlike +unwarlikeness +unwarm +unwarmable +unwarmed +unwarming +unwarn +unwarned +unwarnedly +unwarnedness +unwarnished +unwarp +unwarpable +unwarped +unwarping +unwarrant +unwarrantability +unwarrantable +unwarrantableness +unwarrantably +unwarranted +unwarrantedly +unwarrantedness +unwary +unwashable +unwashed +unwashedness +unwassailing +unwastable +unwasted +unwasteful +unwastefully +unwasting +unwastingly +unwatchable +unwatched +unwatchful +unwatchfully +unwatchfulness +unwatching +unwater +unwatered +unwaterlike +unwatermarked +unwatery +unwattled +unwaved +unwaverable +unwavered +unwavering +unwaveringly +unwaving +unwax +unwaxed +unwayed +unwayward +unweaken +unweakened +unweal +unwealsomeness +unwealthy +unweaned +unweapon +unweaponed +unwearable +unweariability +unweariable +unweariableness +unweariably +unwearied +unweariedly +unweariedness +unwearily +unweariness +unwearing +unwearisome +unwearisomeness +unweary +unwearying +unwearyingly +unweathered +unweatherly +unweatherwise +unweave +unweaving +unweb +unwebbed +unwebbing +unwed +unwedded +unweddedly +unweddedness +unwedge +unwedgeable +unwedged +unweeded +unweel +unweelness +unweened +unweeping +unweeting +unweetingly +unweft +unweighable +unweighed +unweighing +unweight +unweighted +unweighty +unwelcome +unwelcomed +unwelcomely +unwelcomeness +unweld +unweldable +unwelded +unwell +unwellness +unwelted +unwept +unwestern +unwesternized +unwet +unwettable +unwetted +unwheedled +unwheel +unwheeled +unwhelmed +unwhelped +unwhetted +unwhig +unwhiglike +unwhimsical +unwhining +unwhip +unwhipped +unwhirled +unwhisked +unwhiskered +unwhisperable +unwhispered +unwhispering +unwhistled +unwhite +unwhited +unwhitened +unwhitewashed +unwholesome +unwholesomely +unwholesomeness +unwidened +unwidowed +unwield +unwieldable +unwieldily +unwieldiness +unwieldly +unwieldy +unwifed +unwifelike +unwifely +unwig +unwigged +unwild +unwilily +unwiliness +unwill +unwilled +unwillful +unwillfully +unwillfulness +unwilling +unwillingly +unwillingness +unwilted +unwilting +unwily +unwincing +unwincingly +unwind +unwindable +unwinding +unwindingly +unwindowed +unwindy +unwingable +unwinged +unwinking +unwinkingly +unwinnable +unwinning +unwinnowed +unwinsome +unwinter +unwintry +unwiped +unwire +unwired +unwisdom +unwise +unwisely +unwiseness +unwish +unwished +unwishful +unwishing +unwist +unwistful +unwitch +unwitched +unwithdrawable +unwithdrawing +unwithdrawn +unwitherable +unwithered +unwithering +unwithheld +unwithholden +unwithholding +unwithstanding +unwithstood +unwitless +unwitnessed +unwitted +unwittily +unwitting +unwittingly +unwittingness +unwitty +unwive +unwived +unwoeful +unwoful +unwoman +unwomanish +unwomanize +unwomanized +unwomanlike +unwomanliness +unwomanly +unwomb +unwon +unwonder +unwonderful +unwondering +unwonted +unwontedly +unwontedness +unwooded +unwooed +unwoof +unwooly +unwordable +unwordably +unwordily +unwordy +unwork +unworkability +unworkable +unworkableness +unworkably +unworked +unworkedness +unworker +unworking +unworkmanlike +unworkmanly +unworld +unworldliness +unworldly +unwormed +unwormy +unworn +unworried +unworriedly +unworriedness +unworshiped +unworshipful +unworshiping +unworshipped +unworshipping +unworth +unworthily +unworthiness +unworthy +unwotting +unwound +unwoundable +unwoundableness +unwounded +unwoven +unwrangling +unwrap +unwrapped +unwrapper +unwrapping +unwrathful +unwrathfully +unwreaked +unwreathe +unwreathed +unwreathing +unwrecked +unwrench +unwrenched +unwrested +unwrestedly +unwresting +unwrestled +unwretched +unwriggled +unwrinkle +unwrinkleable +unwrinkled +unwrit +unwritable +unwrite +unwriting +unwritten +unwronged +unwrongful +unwrought +unwrung +unyachtsmanlike +unyeaned +unyearned +unyearning +unyielded +unyielding +unyieldingly +unyieldingness +unyoke +unyoked +unyoking +unyoung +unyouthful +unyouthfully +unze +unzealous +unzealously +unzealousness +unzen +unzephyrlike +unzone +unzoned +up +upaisle +upaithric +upalley +upalong +upanishadic +upapurana +uparch +uparching +uparise +uparm +uparna +upas +upattic +upavenue +upbank +upbar +upbay +upbear +upbearer +upbeat +upbelch +upbelt +upbend +upbid +upbind +upblacken +upblast +upblaze +upblow +upboil +upbolster +upbolt +upboost +upborne +upbotch +upboulevard +upbound +upbrace +upbraid +upbraider +upbraiding +upbraidingly +upbray +upbreak +upbred +upbreed +upbreeze +upbrighten +upbrim +upbring +upbristle +upbroken +upbrook +upbrought +upbrow +upbubble +upbuild +upbuilder +upbulging +upbuoy +upbuoyance +upburn +upburst +upbuy +upcall +upcanal +upcanyon +upcarry +upcast +upcatch +upcaught +upchamber +upchannel +upchariot +upchimney +upchoke +upchuck +upcity +upclimb +upclose +upcloser +upcoast +upcock +upcoil +upcolumn +upcome +upcoming +upconjure +upcountry +upcourse +upcover +upcrane +upcrawl +upcreek +upcreep +upcrop +upcrowd +upcry +upcurl +upcurrent +upcurve +upcushion +upcut +updart +update +updeck +updelve +updive +updo +updome +updraft +updrag +updraw +updrink +updry +upeat +upend +upeygan +upfeed +upfield +upfill +upfingered +upflame +upflare +upflash +upflee +upflicker +upfling +upfloat +upflood +upflow +upflower +upflung +upfly +upfold +upfollow +upframe +upfurl +upgale +upgang +upgape +upgather +upgaze +upget +upgird +upgirt +upgive +upglean +upglide +upgo +upgorge +upgrade +upgrave +upgrow +upgrowth +upgully +upgush +uphand +uphang +upharbor +upharrow +uphasp +upheal +upheap +uphearted +upheaval +upheavalist +upheave +upheaven +upheld +uphelm +uphelya +upher +uphill +uphillward +uphoard +uphoist +uphold +upholden +upholder +upholster +upholstered +upholsterer +upholsteress +upholsterous +upholstery +upholsterydom +upholstress +uphung +uphurl +upisland +upjerk +upjet +upkeep +upkindle +upknell +upknit +upla +upladder +uplaid +uplake +upland +uplander +uplandish +uplane +uplay +uplead +upleap +upleg +uplick +uplift +upliftable +uplifted +upliftedly +upliftedness +uplifter +uplifting +upliftingly +upliftingness +upliftitis +upliftment +uplight +uplimb +uplimber +upline +uplock +uplong +uplook +uplooker +uploom +uploop +uplying +upmaking +upmast +upmix +upmost +upmount +upmountain +upmove +upness +upo +upon +uppard +uppent +upper +upperch +uppercut +upperer +upperest +upperhandism +uppermore +uppermost +uppers +uppertendom +uppile +upping +uppish +uppishly +uppishness +uppity +upplough +upplow +uppluck +uppoint +uppoise +uppop +uppour +uppowoc +upprick +upprop +uppuff +uppull +uppush +upquiver +upraisal +upraise +upraiser +upreach +uprear +uprein +uprend +uprender +uprest +uprestore +uprid +upridge +upright +uprighteous +uprighteously +uprighteousness +uprighting +uprightish +uprightly +uprightness +uprights +uprip +uprisal +uprise +uprisement +uprisen +upriser +uprising +uprist +uprive +upriver +uproad +uproar +uproariness +uproarious +uproariously +uproariousness +uproom +uproot +uprootal +uprooter +uprose +uprouse +uproute +uprun +uprush +upsaddle +upscale +upscrew +upscuddle +upseal +upseek +upseize +upsend +upset +upsetment +upsettable +upsettal +upsetted +upsetter +upsetting +upsettingly +upsey +upshaft +upshear +upsheath +upshoot +upshore +upshot +upshoulder +upshove +upshut +upside +upsides +upsighted +upsiloid +upsilon +upsilonism +upsit +upsitten +upsitting +upslant +upslip +upslope +upsmite +upsnatch +upsoak +upsoar +upsolve +upspeak +upspear +upspeed +upspew +upspin +upspire +upsplash +upspout +upspread +upspring +upsprinkle +upsprout +upspurt +upstaff +upstage +upstair +upstairs +upstamp +upstand +upstander +upstanding +upstare +upstart +upstartism +upstartle +upstartness +upstate +upstater +upstaunch +upstay +upsteal +upsteam +upstem +upstep +upstick +upstir +upstraight +upstream +upstreamward +upstreet +upstretch +upstrike +upstrive +upstroke +upstruggle +upsuck +upsun +upsup +upsurge +upsurgence +upswallow +upswarm +upsway +upsweep +upswell +upswing +uptable +uptake +uptaker +uptear +uptemper +uptend +upthrow +upthrust +upthunder +uptide +uptie +uptill +uptilt +uptorn +uptoss +uptower +uptown +uptowner +uptrace +uptrack +uptrail +uptrain +uptree +uptrend +uptrill +uptrunk +uptruss +uptube +uptuck +upturn +uptwined +uptwist +Upupa +Upupidae +upupoid +upvalley +upvomit +upwaft +upwall +upward +upwardly +upwardness +upwards +upwarp +upwax +upway +upways +upwell +upwent +upwheel +upwhelm +upwhir +upwhirl +upwind +upwith +upwork +upwound +upwrap +upwreathe +upwrench +upwring +upwrought +upyard +upyoke +ur +ura +urachal +urachovesical +urachus +uracil +uraemic +uraeus +Uragoga +Ural +ural +urali +Uralian +Uralic +uraline +uralite +uralitic +uralitization +uralitize +uralium +uramido +uramil +uramilic +uramino +Uran +uran +uranalysis +uranate +Urania +Uranian +uranic +Uranicentric +uranidine +uraniferous +uraniid +Uraniidae +uranin +uranine +uraninite +uranion +uraniscochasma +uraniscoplasty +uraniscoraphy +uraniscorrhaphy +uranism +uranist +uranite +uranitic +uranium +uranocircite +uranographer +uranographic +uranographical +uranographist +uranography +uranolatry +uranolite +uranological +uranology +uranometria +uranometrical +uranometry +uranophane +uranophotography +uranoplastic +uranoplasty +uranoplegia +uranorrhaphia +uranorrhaphy +uranoschisis +uranoschism +uranoscope +uranoscopia +uranoscopic +Uranoscopidae +Uranoscopus +uranoscopy +uranospathite +uranosphaerite +uranospinite +uranostaphyloplasty +uranostaphylorrhaphy +uranotantalite +uranothallite +uranothorite +uranotil +uranous +Uranus +uranyl +uranylic +urao +urare +urari +Urartaean +Urartic +urase +urataemia +urate +uratemia +uratic +uratoma +uratosis +uraturia +urazine +urazole +urbacity +urbainite +Urban +urban +urbane +urbanely +urbaneness +urbanism +Urbanist +urbanist +urbanite +urbanity +urbanization +urbanize +urbarial +urbian +urbic +Urbicolae +urbicolous +urbification +urbify +urbinate +urceiform +urceolar +urceolate +urceole +urceoli +Urceolina +urceolus +urceus +urchin +urchiness +urchinlike +urchinly +urd +urde +urdee +Urdu +ure +urea +ureal +ureameter +ureametry +urease +urechitin +urechitoxin +uredema +Uredinales +uredine +Uredineae +uredineal +uredineous +uredinia +uredinial +Urediniopsis +urediniospore +urediniosporic +uredinium +uredinoid +uredinologist +uredinology +uredinous +Uredo +uredo +uredosorus +uredospore +uredosporic +uredosporiferous +uredosporous +uredostage +ureic +ureid +ureide +ureido +uremia +uremic +Urena +urent +ureometer +ureometry +ureosecretory +uresis +uretal +ureter +ureteral +ureteralgia +uretercystoscope +ureterectasia +ureterectasis +ureterectomy +ureteric +ureteritis +ureterocele +ureterocervical +ureterocolostomy +ureterocystanastomosis +ureterocystoscope +ureterocystostomy +ureterodialysis +ureteroenteric +ureteroenterostomy +ureterogenital +ureterogram +ureterograph +ureterography +ureterointestinal +ureterolith +ureterolithiasis +ureterolithic +ureterolithotomy +ureterolysis +ureteronephrectomy +ureterophlegma +ureteroplasty +ureteroproctostomy +ureteropyelitis +ureteropyelogram +ureteropyelography +ureteropyelonephritis +ureteropyelostomy +ureteropyosis +ureteroradiography +ureterorectostomy +ureterorrhagia +ureterorrhaphy +ureterosalpingostomy +ureterosigmoidostomy +ureterostegnosis +ureterostenoma +ureterostenosis +ureterostoma +ureterostomy +ureterotomy +ureterouteral +ureterovaginal +ureterovesical +urethan +urethane +urethra +urethrae +urethragraph +urethral +urethralgia +urethrameter +urethrascope +urethratome +urethratresia +urethrectomy +urethremphraxis +urethreurynter +urethrism +urethritic +urethritis +urethroblennorrhea +urethrobulbar +urethrocele +urethrocystitis +urethrogenital +urethrogram +urethrograph +urethrometer +urethropenile +urethroperineal +urethrophyma +urethroplastic +urethroplasty +urethroprostatic +urethrorectal +urethrorrhagia +urethrorrhaphy +urethrorrhea +urethrorrhoea +urethroscope +urethroscopic +urethroscopical +urethroscopy +urethrosexual +urethrospasm +urethrostaxis +urethrostenosis +urethrostomy +urethrotome +urethrotomic +urethrotomy +urethrovaginal +urethrovesical +urethylan +uretic +ureylene +urf +urfirnis +urge +urgence +urgency +urgent +urgently +urgentness +urger +Urginea +urging +urgingly +Urgonian +urheen +Uri +Uria +Uriah +urial +Urian +uric +uricacidemia +uricaciduria +uricaemia +uricaemic +uricemia +uricemic +uricolysis +uricolytic +uridrosis +Uriel +urinaemia +urinal +urinalist +urinalysis +urinant +urinarium +urinary +urinate +urination +urinative +urinator +urine +urinemia +uriniferous +uriniparous +urinocryoscopy +urinogenital +urinogenitary +urinogenous +urinologist +urinology +urinomancy +urinometer +urinometric +urinometry +urinoscopic +urinoscopist +urinoscopy +urinose +urinosexual +urinous +urinousness +urite +urlar +urled +urling +urluch +urman +urn +urna +urnae +urnal +urnflower +urnful +urning +urningism +urnism +urnlike +urnmaker +Uro +uroacidimeter +uroazotometer +urobenzoic +urobilin +urobilinemia +urobilinogen +urobilinogenuria +urobilinuria +urocanic +urocele +Urocerata +urocerid +Uroceridae +urochloralic +urochord +Urochorda +urochordal +urochordate +urochrome +urochromogen +Urocoptidae +Urocoptis +urocyanogen +Urocyon +urocyst +urocystic +Urocystis +urocystitis +urodaeum +Urodela +urodelan +urodele +urodelous +urodialysis +urodynia +uroedema +uroerythrin +urofuscohematin +urogaster +urogastric +urogenic +urogenital +urogenitary +urogenous +uroglaucin +Uroglena +urogram +urography +urogravimeter +urohematin +urohyal +urolagnia +uroleucic +uroleucinic +urolith +urolithiasis +urolithic +urolithology +urologic +urological +urologist +urology +urolutein +urolytic +uromancy +uromantia +uromantist +Uromastix +uromelanin +uromelus +uromere +uromeric +urometer +Uromyces +Uromycladium +uronephrosis +uronic +uronology +uropatagium +Uropeltidae +urophanic +urophanous +urophein +Urophlyctis +urophthisis +uroplania +uropod +uropodal +uropodous +uropoetic +uropoiesis +uropoietic +uroporphyrin +uropsile +Uropsilus +uroptysis +Uropygi +uropygial +uropygium +uropyloric +urorosein +urorrhagia +urorrhea +urorubin +urosaccharometry +urosacral +uroschesis +uroscopic +uroscopist +uroscopy +urosepsis +uroseptic +urosis +urosomatic +urosome +urosomite +urosomitic +urostea +urostealith +urostegal +urostege +urostegite +urosteon +urosternite +urosthene +urosthenic +urostylar +urostyle +urotoxia +urotoxic +urotoxicity +urotoxin +urotoxy +uroxanate +uroxanic +uroxanthin +uroxin +urradhus +urrhodin +urrhodinic +Urs +Ursa +ursal +ursicidal +ursicide +Ursid +Ursidae +ursiform +ursigram +ursine +ursoid +ursolic +urson +ursone +ursuk +Ursula +Ursuline +Ursus +Urtica +urtica +Urticaceae +urticaceous +Urticales +urticant +urticaria +urticarial +urticarious +Urticastrum +urticate +urticating +urtication +urticose +urtite +Uru +urubu +urucu +urucuri +Uruguayan +uruisg +Urukuena +urunday +urus +urushi +urushic +urushinic +urushiol +urushiye +urva +us +usability +usable +usableness +usage +usager +usance +usar +usara +usaron +usation +use +used +usedly +usedness +usednt +usee +useful +usefullish +usefully +usefulness +usehold +useless +uselessly +uselessness +usent +user +ush +ushabti +ushabtiu +Ushak +Usheen +usher +usherance +usherdom +usherer +usheress +usherette +Usherian +usherian +usherism +usherless +ushership +usings +Usipetes +usitate +usitative +Uskara +Uskok +Usnea +usnea +Usneaceae +usneaceous +usneoid +usnic +usninic +Uspanteca +usque +usquebaugh +usself +ussels +usselven +ussingite +ust +Ustarana +uster +Ustilaginaceae +ustilaginaceous +Ustilaginales +ustilagineous +Ustilaginoidea +Ustilago +ustion +ustorious +ustulate +ustulation +Ustulina +usual +usualism +usually +usualness +usuary +usucapient +usucapion +usucapionary +usucapt +usucaptable +usucaption +usucaptor +usufruct +usufructuary +Usun +usure +usurer +usurerlike +usuress +usurious +usuriously +usuriousness +usurp +usurpation +usurpative +usurpatively +usurpatory +usurpature +usurpedly +usurper +usurpership +usurping +usurpingly +usurpment +usurpor +usurpress +usury +usward +uswards +ut +Uta +uta +Utah +Utahan +utahite +utai +utas +utch +utchy +Ute +utees +utensil +uteralgia +uterectomy +uteri +uterine +uteritis +uteroabdominal +uterocele +uterocervical +uterocystotomy +uterofixation +uterogestation +uterogram +uterography +uterointestinal +uterolith +uterology +uteromania +uterometer +uteroovarian +uteroparietal +uteropelvic +uteroperitoneal +uteropexia +uteropexy +uteroplacental +uteroplasty +uterosacral +uterosclerosis +uteroscope +uterotomy +uterotonic +uterotubal +uterovaginal +uteroventral +uterovesical +uterus +utfangenethef +utfangethef +utfangthef +utfangthief +utick +utile +utilitarian +utilitarianism +utilitarianist +utilitarianize +utilitarianly +utility +utilizable +utilization +utilize +utilizer +utinam +utmost +utmostness +Utopia +utopia +Utopian +utopian +utopianism +utopianist +Utopianize +Utopianizer +utopianizer +utopiast +utopism +utopist +utopistic +utopographer +Utraquism +utraquist +utraquistic +Utrecht +utricle +utricul +utricular +Utricularia +Utriculariaceae +utriculate +utriculiferous +utriculiform +utriculitis +utriculoid +utriculoplastic +utriculoplasty +utriculosaccular +utriculose +utriculus +utriform +utrubi +utrum +utsuk +utter +utterability +utterable +utterableness +utterance +utterancy +utterer +utterless +utterly +uttermost +utterness +utu +utum +uturuncu +uva +uval +uvalha +uvanite +uvarovite +uvate +uvea +uveal +uveitic +uveitis +Uvella +uveous +uvic +uvid +uviol +uvitic +uvitinic +uvito +uvitonic +uvrou +uvula +uvulae +uvular +Uvularia +uvularly +uvulitis +uvuloptosis +uvulotome +uvulotomy +uvver +uxorial +uxoriality +uxorially +uxoricidal +uxoricide +uxorious +uxoriously +uxoriousness +uzan +uzara +uzarin +uzaron +Uzbak +Uzbeg +Uzbek +V +v +vaagmer +vaalite +Vaalpens +vacabond +vacancy +vacant +vacanthearted +vacantheartedness +vacantly +vacantness +vacantry +vacatable +vacate +vacation +vacational +vacationer +vacationist +vacationless +vacatur +Vaccaria +vaccary +vaccenic +vaccicide +vaccigenous +vaccina +vaccinable +vaccinal +vaccinate +vaccination +vaccinationist +vaccinator +vaccinatory +vaccine +vaccinee +vaccinella +vaccinia +Vacciniaceae +vacciniaceous +vaccinial +vaccinifer +vacciniform +vacciniola +vaccinist +Vaccinium +vaccinium +vaccinization +vaccinogenic +vaccinogenous +vaccinoid +vaccinophobia +vaccinotherapy +vache +Vachellia +vachette +vacillancy +vacillant +vacillate +vacillating +vacillatingly +vacillation +vacillator +vacillatory +vacoa +vacona +vacoua +vacouf +vacual +vacuate +vacuation +vacuefy +vacuist +vacuity +vacuolar +vacuolary +vacuolate +vacuolated +vacuolation +vacuole +vacuolization +vacuome +vacuometer +vacuous +vacuously +vacuousness +vacuum +vacuuma +vacuumize +vade +Vadim +vadimonium +vadimony +vadium +vadose +vady +vag +vagabond +vagabondage +vagabondager +vagabondia +vagabondish +vagabondism +vagabondismus +vagabondize +vagabondizer +vagabondry +vagal +vagarian +vagarious +vagariously +vagarish +vagarisome +vagarist +vagaristic +vagarity +vagary +vagas +vage +vagiform +vagile +vagina +vaginal +vaginalectomy +vaginaless +vaginalitis +vaginant +vaginate +vaginated +vaginectomy +vaginervose +Vaginicola +vaginicoline +vaginicolous +vaginiferous +vaginipennate +vaginismus +vaginitis +vaginoabdominal +vaginocele +vaginodynia +vaginofixation +vaginolabial +vaginometer +vaginomycosis +vaginoperineal +vaginoperitoneal +vaginopexy +vaginoplasty +vaginoscope +vaginoscopy +vaginotome +vaginotomy +vaginovesical +vaginovulvar +vaginula +vaginulate +vaginule +vagitus +Vagnera +vagoaccessorius +vagodepressor +vagoglossopharyngeal +vagogram +vagolysis +vagosympathetic +vagotomize +vagotomy +vagotonia +vagotonic +vagotropic +vagotropism +vagrance +vagrancy +vagrant +vagrantism +vagrantize +vagrantlike +vagrantly +vagrantness +vagrate +vagrom +vague +vaguely +vagueness +vaguish +vaguity +vagulous +vagus +vahine +Vai +Vaidic +vail +vailable +vain +vainful +vainglorious +vaingloriously +vaingloriousness +vainglory +vainly +vainness +vair +vairagi +vaire +vairy +Vaishnava +Vaishnavism +vaivode +vajra +vajrasana +vakass +vakia +vakil +vakkaliga +Val +valance +valanced +valanche +valbellite +vale +valediction +valedictorian +valedictorily +valedictory +valence +Valencia +Valencian +valencianite +Valenciennes +valency +valent +Valentide +Valentin +Valentine +valentine +Valentinian +Valentinianism +valentinite +valeral +valeraldehyde +valeramide +valerate +Valeria +valerian +Valeriana +Valerianaceae +valerianaceous +Valerianales +valerianate +Valerianella +Valerianoides +valeric +Valerie +valerin +valerolactone +valerone +valeryl +valerylene +valet +valeta +valetage +valetdom +valethood +valetism +valetry +valetudinarian +valetudinarianism +valetudinariness +valetudinarist +valetudinarium +valetudinary +valeur +valeward +valgoid +valgus +valhall +Valhalla +Vali +vali +valiance +valiancy +valiant +valiantly +valiantness +valid +validate +validation +validatory +validification +validity +validly +validness +valine +valise +valiseful +valiship +Valkyr +Valkyria +Valkyrian +Valkyrie +vall +vallancy +vallar +vallary +vallate +vallated +vallation +vallecula +vallecular +valleculate +vallevarite +valley +valleyful +valleyite +valleylet +valleylike +valleyward +valleywise +vallicula +vallicular +vallidom +vallis +Valliscaulian +Vallisneria +Vallisneriaceae +vallisneriaceous +Vallombrosan +Vallota +vallum +Valmy +Valois +valonia +Valoniaceae +valoniaceous +valor +valorization +valorize +valorous +valorously +valorousness +Valsa +Valsaceae +Valsalvan +valse +valsoid +valuable +valuableness +valuably +valuate +valuation +valuational +valuator +value +valued +valueless +valuelessness +valuer +valuta +valva +valval +Valvata +valvate +Valvatidae +valve +valved +valveless +valvelet +valvelike +valveman +valviferous +valviform +valvotomy +valvula +valvular +valvulate +valvule +valvulitis +valvulotome +valvulotomy +valyl +valylene +vambrace +vambraced +vamfont +vammazsa +vamoose +vamp +vamped +vamper +vamphorn +vampire +vampireproof +vampiric +vampirish +vampirism +vampirize +vamplate +vampproof +Vampyrella +Vampyrellidae +Vampyrum +Van +van +vanadate +vanadiate +vanadic +vanadiferous +vanadinite +vanadium +vanadosilicate +vanadous +vanadyl +Vanaheim +vanaprastha +Vance +vancourier +Vancouveria +Vanda +Vandal +Vandalic +vandalish +vandalism +vandalistic +vandalization +vandalize +vandalroot +Vandemonian +Vandemonianism +Vandiemenian +Vandyke +vane +vaned +vaneless +vanelike +Vanellus +Vanessa +vanessian +vanfoss +vang +vangee +vangeli +vanglo +vanguard +Vanguardist +Vangueria +vanilla +vanillal +vanillaldehyde +vanillate +vanille +vanillery +vanillic +vanillin +vanillinic +vanillism +vanilloes +vanillon +vanilloyl +vanillyl +Vanir +vanish +vanisher +vanishing +vanishingly +vanishment +Vanist +vanitarianism +vanitied +vanity +vanjarrah +vanman +vanmost +Vannai +vanner +vannerman +vannet +Vannic +vanquish +vanquishable +vanquisher +vanquishment +vansire +vantage +vantageless +vantbrace +vantbrass +vanward +vapid +vapidism +vapidity +vapidly +vapidness +vapocauterization +vapographic +vapography +vapor +vaporability +vaporable +vaporarium +vaporary +vaporate +vapored +vaporer +vaporescence +vaporescent +vaporiferous +vaporiferousness +vaporific +vaporiform +vaporimeter +vaporing +vaporingly +vaporish +vaporishness +vaporium +vaporizable +vaporization +vaporize +vaporizer +vaporless +vaporlike +vaporograph +vaporographic +vaporose +vaporoseness +vaporosity +vaporous +vaporously +vaporousness +vaportight +vapory +vapulary +vapulate +vapulation +vapulatory +vara +varahan +varan +Varanger +Varangi +Varangian +varanid +Varanidae +Varanoid +Varanus +Varda +vardapet +vardy +vare +varec +vareheaded +vareuse +vargueno +vari +variability +variable +variableness +variably +Variag +variance +variancy +variant +variate +variation +variational +variationist +variatious +variative +variatively +variator +varical +varicated +varication +varicella +varicellar +varicellate +varicellation +varicelliform +varicelloid +varicellous +varices +variciform +varicoblepharon +varicocele +varicoid +varicolored +varicolorous +varicose +varicosed +varicoseness +varicosis +varicosity +varicotomy +varicula +varied +variedly +variegate +variegated +variegation +variegator +varier +varietal +varietally +varietism +varietist +variety +variform +variformed +variformity +variformly +varigradation +variocoupler +variola +variolar +Variolaria +variolate +variolation +variole +variolic +varioliform +variolite +variolitic +variolitization +variolization +varioloid +variolous +variolovaccine +variolovaccinia +variometer +variorum +variotinted +various +variously +variousness +variscite +varisse +varix +varlet +varletaille +varletess +varletry +varletto +varment +varna +varnashrama +varnish +varnished +varnisher +varnishing +varnishlike +varnishment +varnishy +varnpliktige +varnsingite +Varolian +Varronia +Varronian +varsha +varsity +Varsovian +varsoviana +Varuna +varus +varve +varved +vary +varyingly +vas +Vasa +vasa +vasal +Vascons +vascular +vascularity +vascularization +vascularize +vascularly +vasculated +vasculature +vasculiferous +vasculiform +vasculitis +vasculogenesis +vasculolymphatic +vasculomotor +vasculose +vasculum +vase +vasectomize +vasectomy +vaseful +vaselet +vaselike +Vaseline +vasemaker +vasemaking +vasewise +vasework +vashegyite +vasicentric +vasicine +vasifactive +vasiferous +vasiform +vasoconstricting +vasoconstriction +vasoconstrictive +vasoconstrictor +vasocorona +vasodentinal +vasodentine +vasodilatation +vasodilatin +vasodilating +vasodilation +vasodilator +vasoepididymostomy +vasofactive +vasoformative +vasoganglion +vasohypertonic +vasohypotonic +vasoinhibitor +vasoinhibitory +vasoligation +vasoligature +vasomotion +vasomotor +vasomotorial +vasomotoric +vasomotory +vasoneurosis +vasoparesis +vasopressor +vasopuncture +vasoreflex +vasorrhaphy +vasosection +vasospasm +vasospastic +vasostimulant +vasostomy +vasotomy +vasotonic +vasotribe +vasotripsy +vasotrophic +vasovesiculectomy +vasquine +vassal +vassalage +vassaldom +vassaless +vassalic +vassalism +vassality +vassalize +vassalless +vassalry +vassalship +Vassos +vast +vastate +vastation +vastidity +vastily +vastiness +vastitude +vastity +vastly +vastness +vasty +vasu +Vasudeva +Vasundhara +vat +Vateria +vatful +vatic +vatically +Vatican +vaticanal +vaticanic +vaticanical +Vaticanism +Vaticanist +Vaticanization +Vaticanize +vaticide +vaticinal +vaticinant +vaticinate +vaticination +vaticinator +vaticinatory +vaticinatress +vaticinatrix +vatmaker +vatmaking +vatman +Vatteluttu +vatter +vau +Vaucheria +Vaucheriaceae +vaucheriaceous +vaudeville +vaudevillian +vaudevillist +Vaudism +Vaudois +vaudy +Vaughn +vaugnerite +vault +vaulted +vaultedly +vaulter +vaulting +vaultlike +vaulty +vaunt +vauntage +vaunted +vaunter +vauntery +vauntful +vauntiness +vaunting +vauntingly +vauntmure +vaunty +vauquelinite +Vauxhall +Vauxhallian +vauxite +vavasor +vavasory +vaward +Vayu +Vazimba +Veadar +veal +vealer +vealiness +veallike +vealskin +vealy +vectigal +vection +vectis +vectograph +vectographic +vector +vectorial +vectorially +vecture +Veda +Vedaic +Vedaism +Vedalia +vedana +Vedanga +Vedanta +Vedantic +Vedantism +Vedantist +Vedda +Veddoid +vedette +Vedic +vedika +Vediovis +Vedism +Vedist +vedro +Veduis +veduis +vee +veen +veep +veer +veerable +veeringly +veery +Vega +vegasite +vegeculture +vegetability +vegetable +vegetablelike +vegetablewise +vegetablize +vegetably +vegetal +vegetalcule +vegetality +vegetant +vegetarian +vegetarianism +vegetate +vegetation +vegetational +vegetationless +vegetative +vegetatively +vegetativeness +vegete +vegeteness +vegetism +vegetive +vegetivorous +vegetoalkali +vegetoalkaline +vegetoalkaloid +vegetoanimal +vegetobituminous +vegetocarbonaceous +vegetomineral +vehemence +vehemency +vehement +vehemently +vehicle +vehicular +vehicularly +vehiculary +vehiculate +vehiculation +vehiculatory +Vehmic +vei +veigle +veil +veiled +veiledly +veiledness +veiler +veiling +veilless +veillike +veilmaker +veilmaking +Veiltail +veily +vein +veinage +veinal +veinbanding +veined +veiner +veinery +veininess +veining +veinless +veinlet +veinous +veinstone +veinstuff +veinule +veinulet +veinwise +veinwork +veiny +Vejoces +vejoces +Vejovis +Vejoz +vela +velal +velamen +velamentous +velamentum +velar +velardenite +velaric +velarium +velarize +velary +velate +velated +velation +velatura +Velchanos +veldcraft +veldman +veldschoen +veldt +veldtschoen +Velella +velellidous +velic +veliferous +veliform +veliger +veligerous +Velika +velitation +vell +vellala +velleda +velleity +vellicate +vellication +vellicative +vellinch +vellon +vellosine +Vellozia +Velloziaceae +velloziaceous +vellum +vellumy +velo +velociman +velocimeter +velocious +velociously +velocipedal +velocipede +velocipedean +velocipedic +velocitous +velocity +velodrome +velometer +velours +veloutine +velte +velum +velumen +velure +Velutina +velutinous +velveret +velvet +velvetbreast +velveted +velveteen +velveteened +velvetiness +velveting +velvetleaf +velvetlike +velvetry +velvetseed +velvetweed +velvetwork +velvety +venada +venal +venality +venalization +venalize +venally +venalness +Venantes +venanzite +venatic +venatical +venatically +venation +venational +venator +venatorial +venatorious +venatory +vencola +Vend +vend +vendace +Vendean +vendee +vender +vendetta +vendettist +vendibility +vendible +vendibleness +vendibly +vendicate +Vendidad +vending +venditate +venditation +vendition +venditor +vendor +vendue +Vened +Venedotian +veneer +veneerer +veneering +venefical +veneficious +veneficness +veneficous +venenate +venenation +venene +veneniferous +venenific +venenosalivary +venenous +venenousness +venepuncture +venerability +venerable +venerableness +venerably +Veneracea +veneracean +veneraceous +veneral +Veneralia +venerance +venerant +venerate +veneration +venerational +venerative +veneratively +venerativeness +venerator +venereal +venerealness +venereologist +venereology +venerer +Veneres +venerial +Veneridae +veneriform +venery +venesect +venesection +venesector +venesia +Venetes +Veneti +Venetian +Venetianed +Venetic +venezolano +Venezuelan +vengeable +vengeance +vengeant +vengeful +vengefully +vengefulness +vengeously +venger +venial +veniality +venially +venialness +Venice +venie +venin +veniplex +venipuncture +venireman +venison +venisonivorous +venisonlike +venisuture +Venite +Venizelist +Venkata +vennel +venner +venoatrial +venoauricular +venom +venomed +venomer +venomization +venomize +venomly +venomness +venomosalivary +venomous +venomously +venomousness +venomproof +venomsome +venomy +venosal +venosclerosis +venose +venosinal +venosity +venostasis +venous +venously +venousness +vent +ventage +ventail +venter +Ventersdorp +venthole +ventiduct +ventifact +ventil +ventilable +ventilagin +ventilate +ventilating +ventilation +ventilative +ventilator +ventilatory +ventless +ventometer +ventose +ventoseness +ventosity +ventpiece +ventrad +ventral +ventrally +ventralmost +ventralward +ventric +ventricle +ventricolumna +ventricolumnar +ventricornu +ventricornual +ventricose +ventricoseness +ventricosity +ventricous +ventricular +ventricularis +ventriculite +Ventriculites +ventriculitic +Ventriculitidae +ventriculogram +ventriculography +ventriculoscopy +ventriculose +ventriculous +ventriculus +ventricumbent +ventriduct +ventrifixation +ventrilateral +ventrilocution +ventriloqual +ventriloqually +ventriloque +ventriloquial +ventriloquially +ventriloquism +ventriloquist +ventriloquistic +ventriloquize +ventriloquous +ventriloquously +ventriloquy +ventrimesal +ventrimeson +ventrine +ventripotency +ventripotent +ventripotential +ventripyramid +ventroaxial +ventroaxillary +ventrocaudal +ventrocystorrhaphy +ventrodorsad +ventrodorsal +ventrodorsally +ventrofixation +ventrohysteropexy +ventroinguinal +ventrolateral +ventrolaterally +ventromedial +ventromedian +ventromesal +ventromesial +ventromyel +ventroposterior +ventroptosia +ventroptosis +ventroscopy +ventrose +ventrosity +ventrosuspension +ventrotomy +venture +venturer +venturesome +venturesomely +venturesomeness +Venturia +venturine +venturous +venturously +venturousness +venue +venula +venular +venule +venulose +Venus +Venusian +venust +Venutian +venville +Veps +Vepse +Vepsish +vera +veracious +veraciously +veraciousness +veracity +veranda +verandaed +verascope +veratral +veratralbine +veratraldehyde +veratrate +veratria +veratric +veratridine +veratrine +veratrinize +veratrize +veratroidine +veratrole +veratroyl +Veratrum +veratryl +veratrylidene +verb +verbal +verbalism +verbalist +verbality +verbalization +verbalize +verbalizer +verbally +verbarian +verbarium +verbasco +verbascose +Verbascum +verbate +verbatim +verbena +Verbenaceae +verbenaceous +verbenalike +verbenalin +Verbenarius +verbenate +verbene +verbenone +verberate +verberation +verberative +Verbesina +verbiage +verbicide +verbiculture +verbid +verbification +verbify +verbigerate +verbigeration +verbigerative +verbile +verbless +verbolatry +verbomania +verbomaniac +verbomotor +verbose +verbosely +verboseness +verbosity +verbous +verby +verchok +verd +verdancy +verdant +verdantly +verdantness +verdea +verdelho +verderer +verderership +verdet +verdict +verdigris +verdigrisy +verdin +verditer +verdoy +verdugoship +verdun +verdure +verdured +verdureless +verdurous +verdurousness +verecund +verecundity +verecundness +verek +veretilliform +Veretillum +veretillum +verge +vergeboard +vergence +vergency +vergent +vergentness +verger +vergeress +vergerism +vergerless +vergership +vergery +vergi +vergiform +Vergilianism +verglas +vergobret +veri +veridic +veridical +veridicality +veridically +veridicalness +veridicous +veridity +verifiability +verifiable +verifiableness +verifiably +verificate +verification +verificative +verificatory +verifier +verify +verily +verine +verisimilar +verisimilarly +verisimilitude +verisimilitudinous +verisimility +verism +verist +veristic +veritability +veritable +veritableness +veritably +verite +veritism +veritist +veritistic +verity +verjuice +vermeil +vermeologist +vermeology +Vermes +vermetid +Vermetidae +vermetidae +Vermetus +vermian +vermicelli +vermicidal +vermicide +vermicious +vermicle +vermicular +Vermicularia +vermicularly +vermiculate +vermiculated +vermiculation +vermicule +vermiculite +vermiculose +vermiculosity +vermiculous +vermiform +Vermiformia +vermiformis +vermiformity +vermiformous +vermifugal +vermifuge +vermifugous +vermigerous +vermigrade +Vermilingues +Vermilinguia +vermilinguial +vermilion +vermilionette +vermilionize +vermin +verminal +verminate +vermination +verminer +verminicidal +verminicide +verminiferous +verminlike +verminly +verminosis +verminous +verminously +verminousness +verminproof +verminy +vermiparous +vermiparousness +vermis +vermivorous +vermivorousness +vermix +Vermont +Vermonter +Vermontese +vermorel +vermouth +Vern +vernacle +vernacular +vernacularism +vernacularist +vernacularity +vernacularization +vernacularize +vernacularly +vernacularness +vernaculate +vernal +vernality +vernalization +vernalize +vernally +vernant +vernation +vernicose +vernier +vernile +vernility +vernin +vernine +vernition +Vernon +Vernonia +vernoniaceous +Vernonieae +vernonin +Verona +Veronal +veronalism +Veronese +Veronica +Veronicella +Veronicellidae +Verpa +verre +verrel +verriculate +verriculated +verricule +verruca +verrucano +Verrucaria +Verrucariaceae +verrucariaceous +verrucarioid +verrucated +verruciferous +verruciform +verrucose +verrucoseness +verrucosis +verrucosity +verrucous +verruculose +verruga +versability +versable +versableness +versal +versant +versate +versatile +versatilely +versatileness +versatility +versation +versative +verse +versecraft +versed +verseless +verselet +versemaker +versemaking +verseman +versemanship +versemonger +versemongering +versemongery +verser +versesmith +verset +versette +verseward +versewright +versicle +versicler +versicolor +versicolorate +versicolored +versicolorous +versicular +versicule +versifiable +versifiaster +versification +versificator +versificatory +versificatrix +versifier +versiform +versify +versiloquy +versine +version +versional +versioner +versionist +versionize +versipel +verso +versor +verst +versta +versual +versus +vert +vertebra +vertebrae +vertebral +vertebraless +vertebrally +Vertebraria +vertebrarium +vertebrarterial +Vertebrata +vertebrate +vertebrated +vertebration +vertebre +vertebrectomy +vertebriform +vertebroarterial +vertebrobasilar +vertebrochondral +vertebrocostal +vertebrodymus +vertebrofemoral +vertebroiliac +vertebromammary +vertebrosacral +vertebrosternal +vertex +vertibility +vertible +vertibleness +vertical +verticalism +verticality +vertically +verticalness +vertices +verticil +verticillary +verticillaster +verticillastrate +verticillate +verticillated +verticillately +verticillation +verticilliaceous +verticilliose +Verticillium +verticillus +verticity +verticomental +verticordious +vertiginate +vertigines +vertiginous +vertigo +vertilinear +vertimeter +Vertumnus +Verulamian +veruled +verumontanum +vervain +vervainlike +verve +vervecine +vervel +verveled +vervelle +vervenia +vervet +very +Vesalian +vesania +vesanic +vesbite +vesicae +vesical +vesicant +vesicate +vesication +vesicatory +vesicle +vesicoabdominal +vesicocavernous +vesicocele +vesicocervical +vesicoclysis +vesicofixation +vesicointestinal +vesicoprostatic +vesicopubic +vesicorectal +vesicosigmoid +vesicospinal +vesicotomy +vesicovaginal +vesicular +Vesicularia +vesicularly +vesiculary +vesiculase +Vesiculata +Vesiculatae +vesiculate +vesiculation +vesicule +vesiculectomy +vesiculiferous +vesiculiform +vesiculigerous +vesiculitis +vesiculobronchial +vesiculocavernous +vesiculopustular +vesiculose +vesiculotomy +vesiculotubular +vesiculotympanic +vesiculotympanitic +vesiculous +vesiculus +vesicupapular +veskit +Vespa +vespacide +vespal +vesper +vesperal +vesperian +vespering +vespers +vespertide +vespertilian +Vespertilio +vespertilio +Vespertiliones +vespertilionid +Vespertilionidae +Vespertilioninae +vespertilionine +vespertinal +vespertine +vespery +vespiary +vespid +Vespidae +vespiform +Vespina +vespine +vespoid +Vespoidea +vessel +vesseled +vesselful +vessignon +vest +Vesta +vestal +Vestalia +vestalia +vestalship +Vestas +vestee +vester +vestiarian +vestiarium +vestiary +vestibula +vestibular +vestibulary +vestibulate +vestibule +vestibuled +vestibulospinal +vestibulum +vestige +vestigial +vestigially +Vestigian +vestigiary +vestigium +vestiment +vestimental +vestimentary +vesting +Vestini +Vestinian +vestiture +vestlet +vestment +vestmental +vestmented +vestral +vestralization +vestrical +vestrification +vestrify +vestry +vestrydom +vestryhood +vestryish +vestryism +vestryize +vestryman +vestrymanly +vestrymanship +vestuary +vestural +vesture +vesturer +Vesuvian +vesuvian +vesuvianite +vesuviate +vesuvite +vesuvius +veszelyite +vet +veta +vetanda +vetch +vetchling +vetchy +veteran +veterancy +veteraness +veteranize +veterinarian +veterinarianism +veterinary +vetitive +vetivene +vetivenol +vetiver +Vetiveria +vetiveria +vetivert +vetkousie +veto +vetoer +vetoism +vetoist +vetoistic +vetoistical +vetust +vetusty +veuglaire +veuve +vex +vexable +vexation +vexatious +vexatiously +vexatiousness +vexatory +vexed +vexedly +vexedness +vexer +vexful +vexil +vexillar +vexillarious +vexillary +vexillate +vexillation +vexillum +vexingly +vexingness +vext +via +viability +viable +viaduct +viaggiatory +viagram +viagraph +viajaca +vial +vialful +vialmaker +vialmaking +vialogue +viameter +viand +viander +viatic +viatica +viatical +viaticum +viatometer +viator +viatorial +viatorially +vibetoite +vibex +vibgyor +vibix +vibracular +vibracularium +vibraculoid +vibraculum +vibrance +vibrancy +vibrant +vibrantly +vibraphone +vibrate +vibratile +vibratility +vibrating +vibratingly +vibration +vibrational +vibrationless +vibratiuncle +vibratiunculation +vibrative +vibrato +vibrator +vibratory +Vibrio +vibrioid +vibrion +vibrionic +vibrissa +vibrissae +vibrissal +vibrograph +vibromassage +vibrometer +vibromotive +vibronic +vibrophone +vibroscope +vibroscopic +vibrotherapeutics +viburnic +viburnin +Viburnum +Vic +vicar +vicarage +vicarate +vicaress +vicarial +vicarian +vicarianism +vicariate +vicariateship +vicarious +vicariously +vicariousness +vicarly +vicarship +Vice +vice +vicecomes +vicecomital +vicegeral +vicegerency +vicegerent +vicegerentship +viceless +vicelike +vicenary +vicennial +viceregal +viceregally +vicereine +viceroy +viceroyal +viceroyalty +viceroydom +viceroyship +vicety +viceversally +Vichyite +vichyssoise +Vicia +vicianin +vicianose +vicilin +vicinage +vicinal +vicine +vicinity +viciosity +vicious +viciously +viciousness +vicissitous +vicissitude +vicissitudinary +vicissitudinous +vicissitudinousness +Vick +Vicki +Vickie +Vicky +vicoite +vicontiel +victim +victimhood +victimizable +victimization +victimize +victimizer +victless +Victor +victor +victordom +victorfish +Victoria +Victorian +Victorianism +Victorianize +Victorianly +victoriate +victoriatus +victorine +victorious +victoriously +victoriousness +victorium +victory +victoryless +victress +victrix +Victrola +victrola +victual +victualage +victualer +victualing +victuallership +victualless +victualry +victuals +vicuna +Viddhal +viddui +videndum +video +videogenic +vidette +Vidhyanath +Vidian +vidonia +vidry +Vidua +viduage +vidual +vidually +viduate +viduated +viduation +Viduinae +viduine +viduity +viduous +vidya +vie +vielle +Vienna +Viennese +vier +vierling +viertel +viertelein +Vietminh +Vietnamese +view +viewable +viewably +viewer +viewiness +viewless +viewlessly +viewly +viewpoint +viewsome +viewster +viewworthy +viewy +vifda +viga +vigentennial +vigesimal +vigesimation +vigia +vigil +vigilance +vigilancy +vigilant +vigilante +vigilantism +vigilantly +vigilantness +vigilate +vigilation +vigintiangular +vigneron +vignette +vignetter +vignettist +vignin +vigonia +vigor +vigorist +vigorless +vigorous +vigorously +vigorousness +vihara +vihuela +vijao +Vijay +viking +vikingism +vikinglike +vikingship +vila +vilayet +vile +vilehearted +Vilela +vilely +vileness +Vilhelm +Vili +vilicate +vilification +vilifier +vilify +vilifyingly +vilipend +vilipender +vilipenditory +vility +vill +villa +villadom +villaette +village +villageful +villagehood +villageless +villagelet +villagelike +villageous +villager +villageress +villagery +villaget +villageward +villagey +villagism +villain +villainage +villaindom +villainess +villainist +villainous +villainously +villainousness +villainproof +villainy +villakin +villaless +villalike +villanage +villanella +villanelle +villanette +villanous +villanously +Villanova +Villanovan +villar +villate +villatic +ville +villein +villeinage +villeiness +villeinhold +villenage +villiaumite +villiferous +villiform +villiplacental +Villiplacentalia +villitis +villoid +villose +villosity +villous +villously +villus +vim +vimana +vimen +vimful +Viminal +viminal +vimineous +vina +vinaceous +vinaconic +vinage +vinagron +vinaigrette +vinaigretted +vinaigrier +vinaigrous +vinal +Vinalia +vinasse +vinata +Vince +Vincent +vincent +Vincentian +Vincenzo +Vincetoxicum +vincetoxin +vincibility +vincible +vincibleness +vincibly +vincular +vinculate +vinculation +vinculum +Vindelici +vindemial +vindemiate +vindemiation +vindemiatory +Vindemiatrix +vindex +vindhyan +vindicability +vindicable +vindicableness +vindicably +vindicate +vindication +vindicative +vindicatively +vindicativeness +vindicator +vindicatorily +vindicatorship +vindicatory +vindicatress +vindictive +vindictively +vindictiveness +vindictivolence +vindresser +vine +vinea +vineal +vineatic +vined +vinegar +vinegarer +vinegarette +vinegarish +vinegarist +vinegarroon +vinegarweed +vinegary +vinegerone +vinegrower +vineity +vineland +vineless +vinelet +vinelike +viner +vinery +vinestalk +vinewise +vineyard +Vineyarder +vineyarding +vineyardist +vingerhoed +Vingolf +vinhatico +vinic +vinicultural +viniculture +viniculturist +vinifera +viniferous +vinification +vinificator +Vinland +vinny +vino +vinoacetous +Vinod +vinolence +vinolent +vinologist +vinology +vinometer +vinomethylic +vinose +vinosity +vinosulphureous +vinous +vinously +vinousness +vinquish +vint +vinta +vintage +vintager +vintaging +vintem +vintener +vintlite +vintner +vintneress +vintnership +vintnery +vintress +vintry +viny +vinyl +vinylbenzene +vinylene +vinylic +vinylidene +viol +viola +violability +violable +violableness +violably +Violaceae +violacean +violaceous +violaceously +violal +Violales +violanin +violaquercitrin +violate +violater +violation +violational +violative +violator +violatory +violature +violence +violent +violently +violentness +violer +violescent +violet +violetish +violetlike +violette +violetwise +violety +violin +violina +violine +violinette +violinist +violinistic +violinlike +violinmaker +violinmaking +violist +violmaker +violmaking +violon +violoncellist +violoncello +violone +violotta +violuric +viosterol +Vip +viper +Vipera +viperan +viperess +viperfish +viperian +viperid +Viperidae +viperiform +Viperina +Viperinae +viperine +viperish +viperishly +viperlike +viperling +viperoid +Viperoidea +viperous +viperously +viperousness +vipery +vipolitic +vipresident +viqueen +Vira +viragin +viraginian +viraginity +viraginous +virago +viragoish +viragolike +viragoship +viral +Virales +Virbius +vire +virelay +viremia +viremic +virent +vireo +vireonine +virescence +virescent +virga +virgal +virgate +virgated +virgater +virgation +virgilia +Virgilism +virgin +virginal +Virginale +virginalist +virginality +virginally +virgineous +virginhead +Virginia +Virginian +Virginid +virginitis +virginity +virginityship +virginium +virginlike +virginly +virginship +Virgo +virgula +virgular +Virgularia +virgularian +Virgulariidae +virgulate +virgule +virgultum +virial +viricide +virid +viridene +viridescence +viridescent +viridian +viridigenous +viridine +viridite +viridity +virific +virify +virile +virilely +virileness +virilescence +virilescent +virilify +viriliously +virilism +virilist +virility +viripotent +viritrate +virl +virole +viroled +virological +virologist +virology +viron +virose +virosis +virous +virtu +virtual +virtualism +virtualist +virtuality +virtualize +virtually +virtue +virtued +virtuefy +virtuelessness +virtueproof +virtuless +virtuosa +virtuose +virtuosi +virtuosic +virtuosity +virtuoso +virtuosoship +virtuous +virtuouslike +virtuously +virtuousness +virucidal +virucide +viruela +virulence +virulency +virulent +virulented +virulently +virulentness +viruliferous +virus +viruscidal +viruscide +virusemic +vis +visa +visage +visaged +visagraph +visarga +Visaya +Visayan +viscacha +viscera +visceral +visceralgia +viscerally +viscerate +visceration +visceripericardial +visceroinhibitory +visceromotor +visceroparietal +visceroperitioneal +visceropleural +visceroptosis +visceroptotic +viscerosensory +visceroskeletal +viscerosomatic +viscerotomy +viscerotonia +viscerotonic +viscerotrophic +viscerotropic +viscerous +viscid +viscidity +viscidize +viscidly +viscidness +viscidulous +viscin +viscoidal +viscolize +viscometer +viscometrical +viscometrically +viscometry +viscontal +viscoscope +viscose +viscosimeter +viscosimetry +viscosity +viscount +viscountcy +viscountess +viscountship +viscounty +viscous +viscously +viscousness +viscus +vise +viseman +Vishal +Vishnavite +Vishnu +Vishnuism +Vishnuite +Vishnuvite +visibility +visibilize +visible +visibleness +visibly +visie +Visigoth +Visigothic +visile +vision +visional +visionally +visionarily +visionariness +visionary +visioned +visioner +visionic +visionist +visionize +visionless +visionlike +visionmonger +visionproof +visit +visita +visitable +Visitandine +visitant +visitation +visitational +visitative +visitator +visitatorial +visite +visitee +visiter +visiting +visitment +visitor +visitoress +visitorial +visitorship +visitress +visitrix +visive +visne +vison +visor +visorless +visorlike +vista +vistaed +vistal +vistaless +vistamente +Vistlik +visto +Vistulian +visual +visualist +visuality +visualization +visualize +visualizer +visually +visuoauditory +visuokinesthetic +visuometer +visuopsychic +visuosensory +vita +Vitaceae +Vitaglass +vital +vitalic +vitalism +vitalist +vitalistic +vitalistically +vitality +vitalization +vitalize +vitalizer +vitalizing +vitalizingly +Vitallium +vitally +vitalness +vitals +vitamer +vitameric +vitamin +vitaminic +vitaminize +vitaminology +vitapath +vitapathy +vitaphone +vitascope +vitascopic +vitasti +vitativeness +vitellarian +vitellarium +vitellary +vitellicle +vitelliferous +vitelligenous +vitelligerous +vitellin +vitelline +vitellogene +vitellogenous +vitellose +vitellus +viterbite +Viti +vitiable +vitiate +vitiated +vitiation +vitiator +viticetum +viticulose +viticultural +viticulture +viticulturer +viticulturist +vitiferous +vitiliginous +vitiligo +vitiligoidea +vitiosity +Vitis +vitium +vitochemic +vitochemical +vitrage +vitrail +vitrailed +vitrailist +vitrain +vitraux +vitreal +vitrean +vitrella +vitremyte +vitreodentinal +vitreodentine +vitreoelectric +vitreosity +vitreous +vitreouslike +vitreously +vitreousness +vitrescence +vitrescency +vitrescent +vitrescibility +vitrescible +vitreum +vitric +vitrics +vitrifaction +vitrifacture +vitrifiability +vitrifiable +vitrification +vitriform +vitrify +Vitrina +vitrine +vitrinoid +vitriol +vitriolate +vitriolation +vitriolic +vitrioline +vitriolizable +vitriolization +vitriolize +vitriolizer +vitrite +vitrobasalt +vitrophyre +vitrophyric +vitrotype +vitrous +Vitruvian +Vitruvianism +vitta +vittate +vitular +vituline +vituperable +vituperate +vituperation +vituperative +vituperatively +vituperator +vituperatory +vituperious +viuva +viva +vivacious +vivaciously +vivaciousness +vivacity +vivandiere +vivarium +vivary +vivax +vive +Vivek +vively +vivency +viver +Viverridae +viverriform +Viverrinae +viverrine +vivers +vives +vivianite +vivicremation +vivid +vividialysis +vividiffusion +vividissection +vividity +vividly +vividness +vivific +vivificate +vivification +vivificative +vivificator +vivifier +vivify +viviparism +viviparity +viviparous +viviparously +viviparousness +vivipary +viviperfuse +vivisect +vivisection +vivisectional +vivisectionally +vivisectionist +vivisective +vivisector +vivisectorium +vivisepulture +vixen +vixenish +vixenishly +vixenishness +vixenlike +vixenly +vizard +vizarded +vizardless +vizardlike +vizardmonger +vizier +vizierate +viziercraft +vizierial +viziership +vizircraft +Vlach +Vladimir +Vladislav +vlei +voar +vocability +vocable +vocably +vocabular +vocabularian +vocabularied +vocabulary +vocabulation +vocabulist +vocal +vocalic +vocalion +vocalise +vocalism +vocalist +vocalistic +vocality +vocalization +vocalize +vocalizer +vocaller +vocally +vocalness +vocate +vocation +vocational +vocationalism +vocationalization +vocationalize +vocationally +vocative +vocatively +Vochysiaceae +vochysiaceous +vocicultural +vociferance +vociferant +vociferate +vociferation +vociferative +vociferator +vociferize +vociferosity +vociferous +vociferously +vociferousness +vocification +vocimotor +vocular +vocule +Vod +vodka +voe +voet +voeten +Voetian +vog +vogesite +voglite +vogue +voguey +voguish +Vogul +voice +voiced +voiceful +voicefulness +voiceless +voicelessly +voicelessness +voicelet +voicelike +voicer +voicing +void +voidable +voidableness +voidance +voided +voidee +voider +voiding +voidless +voidly +voidness +voile +voiturette +voivode +voivodeship +vol +volable +volage +Volans +volant +volantly +Volapuk +Volapuker +Volapukism +Volapukist +volar +volata +volatic +volatile +volatilely +volatileness +volatility +volatilizable +volatilization +volatilize +volatilizer +volation +volational +volborthite +Volcae +volcan +Volcanalia +volcanian +volcanic +volcanically +volcanicity +volcanism +volcanist +volcanite +volcanity +volcanization +volcanize +volcano +volcanoism +volcanological +volcanologist +volcanologize +volcanology +Volcanus +vole +volemitol +volency +volent +volently +volery +volet +volhynite +volipresence +volipresent +volitant +volitate +volitation +volitational +volitiency +volitient +volition +volitional +volitionalist +volitionality +volitionally +volitionary +volitionate +volitionless +volitive +volitorial +Volkerwanderung +volley +volleyball +volleyer +volleying +volleyingly +volost +volplane +volplanist +Volsci +Volscian +volsella +volsellum +Volstead +Volsteadism +volt +Volta +voltaelectric +voltaelectricity +voltaelectrometer +voltaelectrometric +voltage +voltagraphy +voltaic +Voltairian +Voltairianize +Voltairish +Voltairism +voltaism +voltaite +voltameter +voltametric +voltammeter +voltaplast +voltatype +voltinism +voltivity +voltize +voltmeter +voltzite +volubilate +volubility +voluble +volubleness +volubly +volucrine +volume +volumed +volumenometer +volumenometry +volumescope +volumeter +volumetric +volumetrical +volumetrically +volumetry +volumette +voluminal +voluminosity +voluminous +voluminously +voluminousness +volumist +volumometer +volumometrical +volumometry +voluntariate +voluntarily +voluntariness +voluntarism +voluntarist +voluntaristic +voluntarity +voluntary +voluntaryism +voluntaryist +voluntative +volunteer +volunteerism +volunteerly +volunteership +volupt +voluptary +voluptas +voluptuarian +voluptuary +voluptuate +voluptuosity +voluptuous +voluptuously +voluptuousness +volupty +Voluspa +voluta +volutate +volutation +volute +voluted +Volutidae +volutiform +volutin +volution +volutoid +volva +volvate +volvelle +volvent +Volvocaceae +volvocaceous +volvulus +vomer +vomerine +vomerobasilar +vomeronasal +vomeropalatine +vomica +vomicine +vomit +vomitable +vomiter +vomiting +vomitingly +vomition +vomitive +vomitiveness +vomito +vomitory +vomiture +vomiturition +vomitus +vomitwort +vondsira +vonsenite +voodoo +voodooism +voodooist +voodooistic +voracious +voraciously +voraciousness +voracity +voraginous +vorago +vorant +vorhand +vorlooper +vorondreo +vorpal +vortex +vortical +vortically +vorticel +Vorticella +vorticellid +Vorticellidae +vortices +vorticial +vorticiform +vorticism +vorticist +vorticity +vorticose +vorticosely +vorticular +vorticularly +vortiginous +Vortumnus +Vosgian +vota +votable +votal +votally +votaress +votarist +votary +votation +Vote +vote +voteen +voteless +voter +voting +Votish +votive +votively +votiveness +votometer +votress +Votyak +vouch +vouchable +vouchee +voucher +voucheress +vouchment +vouchsafe +vouchsafement +vouge +Vougeot +Vouli +voussoir +vow +vowed +vowel +vowelish +vowelism +vowelist +vowelization +vowelize +vowelless +vowellessness +vowellike +vowely +vower +vowess +vowless +vowmaker +vowmaking +voyage +voyageable +voyager +voyance +voyeur +voyeurism +vraic +vraicker +vraicking +vrbaite +vriddhi +vrother +Vu +vug +vuggy +Vulcan +Vulcanalia +Vulcanalial +Vulcanalian +Vulcanian +Vulcanic +vulcanicity +vulcanism +vulcanist +vulcanite +vulcanizable +vulcanizate +vulcanization +vulcanize +vulcanizer +vulcanological +vulcanologist +vulcanology +vulgar +vulgare +vulgarian +vulgarish +vulgarism +vulgarist +vulgarity +vulgarization +vulgarize +vulgarizer +vulgarlike +vulgarly +vulgarness +vulgarwise +Vulgate +vulgate +vulgus +vuln +vulnerability +vulnerable +vulnerableness +vulnerably +vulnerary +vulnerate +vulneration +vulnerative +vulnerose +vulnific +vulnose +Vulpecula +vulpecular +Vulpeculid +Vulpes +vulpic +vulpicidal +vulpicide +vulpicidism +Vulpinae +vulpine +vulpinism +vulpinite +vulsella +vulsellum +vulsinite +Vultur +vulture +vulturelike +vulturewise +Vulturidae +Vulturinae +vulturine +vulturish +vulturism +vulturn +vulturous +vulva +vulval +vulvar +vulvate +vulviform +vulvitis +vulvocrural +vulvouterine +vulvovaginal +vulvovaginitis +vum +vying +vyingly +W +w +Wa +wa +Waac +waag +waapa +waar +Waasi +wab +wabber +wabble +wabbly +wabby +wabe +Wabena +wabeno +Wabi +wabster +Wabuma +Wabunga +Wac +wacago +wace +Wachaga +Wachenheimer +wachna +Wachuset +wack +wacke +wacken +wacker +wackiness +wacky +Waco +wad +waddent +wadder +wadding +waddler +waddlesome +waddling +waddlingly +waddly +waddy +waddywood +Wade +wade +wadeable +wader +wadi +wading +wadingly +wadlike +wadmaker +wadmaking +wadmal +wadmeal +wadna +wadset +wadsetter +wae +waeg +waer +waesome +waesuck +Waf +Wafd +Wafdist +wafer +waferer +waferish +wafermaker +wafermaking +waferwoman +waferwork +wafery +waff +waffle +wafflike +waffly +waft +waftage +wafter +wafture +wafty +wag +Waganda +waganging +wagaun +wagbeard +wage +waged +wagedom +wageless +wagelessness +wagenboom +Wagener +wager +wagerer +wagering +wages +wagesman +wagework +wageworker +wageworking +waggable +waggably +waggel +wagger +waggery +waggie +waggish +waggishly +waggishness +waggle +waggling +wagglingly +waggly +Waggumbura +waggy +waglike +wagling +Wagneresque +Wagnerian +Wagneriana +Wagnerianism +Wagnerism +Wagnerist +Wagnerite +wagnerite +Wagnerize +Wagogo +Wagoma +wagon +wagonable +wagonage +wagoner +wagoness +wagonette +wagonful +wagonload +wagonmaker +wagonmaking +wagonman +wagonry +wagonsmith +wagonway +wagonwayman +wagonwork +wagonwright +wagsome +wagtail +Waguha +wagwag +wagwants +Wagweno +wagwit +wah +Wahabi +Wahabiism +Wahabit +Wahabitism +wahahe +Wahehe +Wahima +wahine +Wahlenbergia +wahoo +wahpekute +Wahpeton +waiata +Waibling +Waicuri +Waicurian +waif +Waiguli +Waiilatpuan +waik +waikly +waikness +wail +Wailaki +wailer +wailful +wailfully +wailingly +wailsome +waily +wain +wainage +wainbote +wainer +wainful +wainman +wainrope +wainscot +wainscoting +wainwright +waipiro +wairch +waird +wairepo +wairsh +waise +waist +waistband +waistcloth +waistcoat +waistcoated +waistcoateer +waistcoathole +waistcoating +waistcoatless +waisted +waister +waisting +waistless +waistline +wait +waiter +waiterage +waiterdom +waiterhood +waitering +waiterlike +waitership +waiting +waitingly +waitress +waivatua +waive +waiver +waivery +waivod +Waiwai +waiwode +wajang +waka +Wakamba +wakan +Wakashan +wake +wakeel +wakeful +wakefully +wakefulness +wakeless +waken +wakener +wakening +waker +wakes +waketime +wakf +Wakhi +wakif +wakiki +waking +wakingly +wakiup +wakken +wakon +wakonda +Wakore +Wakwafi +waky +Walach +Walachian +walahee +Walapai +Walchia +Waldenses +Waldensian +waldflute +waldgrave +waldgravine +Waldheimia +waldhorn +waldmeister +Waldsteinia +wale +waled +walepiece +Waler +waler +walewort +wali +waling +walk +walkable +walkaway +walker +walking +walkist +walkmill +walkmiller +walkout +walkover +walkrife +walkside +walksman +walkway +walkyrie +wall +wallaba +wallaby +Wallach +wallah +wallaroo +Wallawalla +wallbird +wallboard +walled +waller +Wallerian +wallet +walletful +walleye +walleyed +wallflower +wallful +wallhick +walling +wallise +wallless +wallman +Wallon +Wallonian +Walloon +walloon +wallop +walloper +walloping +wallow +wallower +wallowish +wallowishly +wallowishness +wallpaper +wallpapering +wallpiece +Wallsend +wallwise +wallwork +wallwort +wally +walnut +Walpapi +Walpolean +Walpurgis +walpurgite +walrus +walsh +Walt +walt +Walter +walter +walth +Waltonian +waltz +waltzer +waltzlike +walycoat +wamara +wambais +wamble +wambliness +wambling +wamblingly +wambly +Wambuba +Wambugu +Wambutti +wame +wamefou +wamel +wammikin +wamp +Wampanoag +wampee +wample +wampum +wampumpeag +wampus +wamus +wan +Wanapum +wanchancy +wand +wander +wanderable +wanderer +wandering +wanderingly +wanderingness +Wanderjahr +wanderlust +wanderluster +wanderlustful +wanderoo +wandery +wanderyear +wandflower +wandle +wandlike +wandoo +Wandorobo +wandsman +wandy +wane +Waneatta +waned +waneless +wang +wanga +wangala +wangan +Wangara +wangateur +wanghee +wangle +wangler +Wangoni +wangrace +wangtooth +wanhope +wanhorn +wanigan +waning +wankapin +wankle +wankliness +wankly +wanle +wanly +wanner +wanness +wannish +wanny +wanrufe +wansonsy +want +wantage +wanter +wantful +wanthill +wanthrift +wanting +wantingly +wantingness +wantless +wantlessness +wanton +wantoner +wantonlike +wantonly +wantonness +wantwit +wanty +wanwordy +wanworth +wany +Wanyakyusa +Wanyamwezi +Wanyasa +Wanyoro +wap +wapacut +Wapato +wapatoo +wapentake +Wapisiana +wapiti +Wapogoro +Wapokomo +wapp +Wappato +wappenschaw +wappenschawing +wapper +wapping +Wappinger +Wappo +war +warabi +waratah +warble +warbled +warblelike +warbler +warblerlike +warblet +warbling +warblingly +warbly +warch +warcraft +ward +wardable +wardage +wardapet +warday +warded +Warden +warden +wardency +wardenry +wardenship +warder +warderer +wardership +wardholding +warding +wardite +wardless +wardlike +wardmaid +wardman +wardmote +wardress +wardrobe +wardrober +wardroom +wardship +wardsmaid +wardsman +wardswoman +wardwite +wardwoman +ware +Waregga +warehou +warehouse +warehouseage +warehoused +warehouseful +warehouseman +warehouser +wareless +waremaker +waremaking +wareman +wareroom +warf +warfare +warfarer +warfaring +warful +warily +wariness +Waring +waringin +warish +warison +wark +warkamoowee +warl +warless +warlessly +warlike +warlikely +warlikeness +warlock +warluck +warly +warm +warmable +warman +warmed +warmedly +warmer +warmful +warmhearted +warmheartedly +warmheartedness +warmhouse +warming +warmish +warmly +warmness +warmonger +warmongering +warmouth +warmth +warmthless +warmus +warn +warnel +warner +warning +warningly +warningproof +warnish +warnoth +warnt +Warori +warp +warpable +warpage +warped +warper +warping +warplane +warple +warplike +warproof +warpwise +warragal +warrambool +warran +warrand +warrandice +warrant +warrantable +warrantableness +warrantably +warranted +warrantee +warranter +warrantise +warrantless +warrantor +warranty +warratau +Warrau +warree +Warren +warren +warrener +warrenlike +warrer +Warri +warrin +warrior +warrioress +warriorhood +warriorism +warriorlike +warriorship +warriorwise +warrok +Warsaw +warsaw +warse +warsel +warship +warsle +warsler +warst +wart +warted +wartern +wartflower +warth +wartime +wartless +wartlet +wartlike +wartproof +wartweed +wartwort +warty +wartyback +Warua +Warundi +warve +warwards +Warwick +warwickite +warwolf +warworn +wary +was +wasabi +Wasagara +Wasandawi +Wasango +Wasat +Wasatch +Wasco +wase +Wasegua +wasel +wash +washability +washable +washableness +Washaki +washaway +washbasin +washbasket +washboard +washbowl +washbrew +washcloth +washday +washdish +washdown +washed +washen +washer +washerless +washerman +washerwife +washerwoman +washery +washeryman +washhand +washhouse +washin +washiness +washing +Washington +Washingtonia +Washingtonian +Washingtoniana +Washita +washland +washmaid +washman +Washo +Washoan +washoff +washout +washpot +washproof +washrag +washroad +washroom +washshed +washstand +washtail +washtray +washtrough +washtub +washway +washwoman +washwork +washy +Wasir +wasnt +Wasoga +Wasp +wasp +waspen +wasphood +waspily +waspish +waspishly +waspishness +wasplike +waspling +waspnesting +waspy +wassail +wassailer +wassailous +wassailry +wassie +wast +wastable +wastage +waste +wastebasket +wasteboard +wasted +wasteful +wastefully +wastefulness +wastel +wasteland +wastelbread +wasteless +wasteman +wastement +wasteness +wastepaper +wasteproof +waster +wasterful +wasterfully +wasterfulness +wastethrift +wasteword +wasteyard +wasting +wastingly +wastingness +wastland +wastrel +wastrife +wasty +Wasukuma +Waswahili +Wat +wat +Watala +watap +watch +watchable +watchboat +watchcase +watchcry +watchdog +watched +watcher +watchfree +watchful +watchfully +watchfulness +watchglassful +watchhouse +watching +watchingly +watchkeeper +watchless +watchlessness +watchmaker +watchmaking +watchman +watchmanly +watchmanship +watchmate +watchment +watchout +watchtower +watchwise +watchwoman +watchword +watchwork +water +waterage +waterbailage +waterbelly +Waterberg +waterboard +waterbok +waterbosh +waterbrain +waterchat +watercup +waterdoe +waterdrop +watered +waterer +waterfall +waterfinder +waterflood +waterfowl +waterfront +waterhead +waterhorse +waterie +waterily +wateriness +watering +wateringly +wateringman +waterish +waterishly +waterishness +Waterlander +Waterlandian +waterleave +waterless +waterlessly +waterlessness +waterlike +waterline +waterlog +waterlogged +waterloggedness +waterlogger +waterlogging +Waterloo +waterman +watermanship +watermark +watermaster +watermelon +watermonger +waterphone +waterpot +waterproof +waterproofer +waterproofing +waterproofness +waterquake +waterscape +watershed +watershoot +waterside +watersider +waterskin +watersmeet +waterspout +waterstead +watertight +watertightal +watertightness +waterward +waterwards +waterway +waterweed +waterwise +waterwoman +waterwood +waterwork +waterworker +waterworm +waterworn +waterwort +watery +wath +wathstead +Watsonia +watt +wattage +wattape +wattle +wattlebird +wattled +wattless +wattlework +wattling +wattman +wattmeter +Watusi +wauble +wauch +wauchle +waucht +wauf +waugh +waughy +wauken +waukit +waukrife +waul +waumle +wauner +wauns +waup +waur +Waura +wauregan +wauve +wavable +wavably +Wave +wave +waved +waveless +wavelessly +wavelessness +wavelet +wavelike +wavellite +wavemark +wavement +wavemeter +waveproof +waver +waverable +waverer +wavering +waveringly +waveringness +waverous +wavery +waveson +waveward +wavewise +wavey +wavicle +wavily +waviness +waving +wavingly +Wavira +wavy +waw +wawa +wawah +wawaskeesh +wax +waxberry +waxbill +waxbird +waxbush +waxchandler +waxchandlery +waxen +waxer +waxflower +Waxhaw +waxhearted +waxily +waxiness +waxing +waxingly +waxlike +waxmaker +waxmaking +waxman +waxweed +waxwing +waxwork +waxworker +waxworking +waxy +way +wayaka +wayang +Wayao +wayback +wayberry +waybill +waybird +waybook +waybread +waybung +wayfare +wayfarer +wayfaring +wayfaringly +wayfellow +waygang +waygate +waygoing +waygone +waygoose +wayhouse +waying +waylaid +waylaidlessness +waylay +waylayer +wayleave +wayless +waymaker +wayman +waymark +waymate +Wayne +waypost +ways +wayside +waysider +waysliding +waythorn +wayward +waywarden +waywardly +waywardness +waywiser +waywode +waywodeship +wayworn +waywort +wayzgoose +Wazir +we +Wea +weak +weakbrained +weaken +weakener +weakening +weakfish +weakhanded +weakhearted +weakheartedly +weakheartedness +weakish +weakishly +weakishness +weakliness +weakling +weakly +weakmouthed +weakness +weaky +weal +weald +Wealden +wealdsman +wealth +wealthily +wealthiness +wealthless +wealthmaker +wealthmaking +wealthmonger +Wealthy +wealthy +weam +wean +weanable +weanedness +weanel +weaner +weanling +Weanoc +weanyer +Weapemeoc +weapon +weaponed +weaponeer +weaponless +weaponmaker +weaponmaking +weaponproof +weaponry +weaponshaw +weaponshow +weaponshowing +weaponsmith +weaponsmithy +wear +wearability +wearable +wearer +weariable +weariableness +wearied +weariedly +weariedness +wearier +weariful +wearifully +wearifulness +weariless +wearilessly +wearily +weariness +wearing +wearingly +wearish +wearishly +wearishness +wearisome +wearisomely +wearisomeness +wearproof +weary +wearying +wearyingly +weasand +weasel +weaselfish +weasellike +weaselly +weaselship +weaselskin +weaselsnout +weaselwise +weaser +weason +weather +weatherboard +weatherboarding +weatherbreak +weathercock +weathercockish +weathercockism +weathercocky +weathered +weatherer +weatherfish +weatherglass +weathergleam +weatherhead +weatherheaded +weathering +weatherliness +weatherly +weathermaker +weathermaking +weatherman +weathermost +weatherology +weatherproof +weatherproofed +weatherproofing +weatherproofness +weatherward +weatherworn +weathery +weavable +weave +weaveable +weaved +weavement +weaver +weaverbird +weaveress +weaving +weazen +weazened +weazeny +web +webbed +webber +webbing +webby +weber +Weberian +webeye +webfoot +webfooter +webless +weblike +webmaker +webmaking +webster +Websterian +websterite +webwork +webworm +wecht +wed +wedana +wedbed +wedbedrip +wedded +weddedly +weddedness +wedder +wedding +weddinger +wede +wedge +wedgeable +wedgebill +wedged +wedgelike +wedger +wedgewise +Wedgie +wedging +Wedgwood +wedgy +wedlock +Wednesday +wedset +wee +weeble +weed +weeda +weedable +weedage +weeded +weeder +weedery +weedful +weedhook +weediness +weedingtime +weedish +weedless +weedlike +weedling +weedow +weedproof +weedy +week +weekday +weekend +weekender +weekly +weekwam +weel +weelfard +weelfaured +weemen +ween +weendigo +weeness +weening +weenong +weeny +weep +weepable +weeper +weepered +weepful +weeping +weepingly +weeps +weepy +weesh +weeshy +weet +weetbird +weetless +weever +weevil +weeviled +weevillike +weevilproof +weevily +weewow +weeze +weft +weftage +wefted +wefty +Wega +wegenerian +wegotism +wehrlite +Wei +weibyeite +weichselwood +Weierstrassian +Weigela +weigelite +weigh +weighable +weighage +weighbar +weighbauk +weighbridge +weighbridgeman +weighed +weigher +weighership +weighhouse +weighin +weighing +weighman +weighment +weighshaft +weight +weightchaser +weighted +weightedly +weightedness +weightily +weightiness +weighting +weightless +weightlessly +weightlessness +weightometer +weighty +weinbergerite +Weinmannia +weinschenkite +weir +weirangle +weird +weirdful +weirdish +weirdless +weirdlessness +weirdlike +weirdliness +weirdly +weirdness +weirdsome +weirdward +weirdwoman +weiring +weisbachite +weiselbergite +weism +Weismannian +Weismannism +weissite +Weissnichtwo +Weitspekan +wejack +weka +wekau +wekeen +weki +welcome +welcomeless +welcomely +welcomeness +welcomer +welcoming +welcomingly +weld +weldability +weldable +welder +welding +weldless +weldment +weldor +Welf +welfare +welfaring +Welfic +welk +welkin +welkinlike +well +wellat +wellaway +wellborn +wellcurb +wellhead +wellhole +welling +wellington +Wellingtonia +wellish +wellmaker +wellmaking +wellman +wellnear +wellness +wellring +Wellsian +wellside +wellsite +wellspring +wellstead +wellstrand +welly +wellyard +wels +Welsh +welsh +welsher +Welshery +Welshism +Welshland +Welshlike +Welshman +Welshness +Welshry +Welshwoman +Welshy +welsium +welt +welted +welter +welterweight +welting +Welwitschia +wem +wemless +wen +wench +wencher +wenchless +wenchlike +Wenchow +Wenchowese +Wend +wend +wende +Wendell +Wendi +Wendic +Wendish +Wendy +wene +Wenlock +Wenlockian +wennebergite +wennish +wenny +Wenonah +Wenrohronon +went +wentletrap +wenzel +wept +wer +Werchowinci +were +werebear +werecalf +werefolk +werefox +werehyena +werejaguar +wereleopard +werent +weretiger +werewolf +werewolfish +werewolfism +werf +wergil +weri +Werner +Wernerian +Wernerism +wernerite +werowance +wert +Werther +Wertherian +Wertherism +wervel +Wes +wese +weskit +Wesleyan +Wesleyanism +Wesleyism +wesselton +Wessexman +west +westaway +westbound +weste +wester +westering +westerliness +westerly +westermost +western +westerner +westernism +westernization +westernize +westernly +westernmost +westerwards +westfalite +westing +westland +Westlander +westlandways +westmost +westness +Westphalian +Westralian +Westralianism +westward +westwardly +westwardmost +westwards +westy +wet +weta +wetback +wetbird +wetched +wetchet +wether +wetherhog +wetherteg +wetly +wetness +wettability +wettable +wetted +wetter +wetting +wettish +Wetumpka +weve +wevet +Wewenoc +wey +Wezen +Wezn +wha +whabby +whack +whacker +whacking +whacky +whafabout +whale +whaleback +whalebacker +whalebird +whaleboat +whalebone +whaleboned +whaledom +whalehead +whalelike +whaleman +whaler +whaleroad +whalery +whaleship +whaling +whalish +whally +whalm +whalp +whaly +wham +whamble +whame +whammle +whamp +whampee +whample +whan +whand +whang +whangable +whangam +whangdoodle +whangee +whanghee +whank +whap +whappet +whapuka +whapukee +whapuku +whar +whare +whareer +wharf +wharfage +wharfhead +wharfholder +wharfing +wharfinger +wharfland +wharfless +wharfman +wharfmaster +wharfrae +wharfside +wharl +wharp +wharry +whart +wharve +whase +whasle +what +whata +whatabouts +whatever +whatkin +whatlike +whatna +whatness +whatnot +whatreck +whats +whatso +whatsoeer +whatsoever +whatsomever +whatten +whau +whauk +whaup +whaur +whauve +wheal +whealworm +whealy +wheam +wheat +wheatbird +wheatear +wheateared +wheaten +wheatgrower +wheatland +wheatless +wheatlike +wheatstalk +wheatworm +wheaty +whedder +whee +wheedle +wheedler +wheedlesome +wheedling +wheedlingly +wheel +wheelage +wheelband +wheelbarrow +wheelbarrowful +wheelbird +wheelbox +wheeldom +wheeled +wheeler +wheelery +wheelhouse +wheeling +wheelingly +wheelless +wheellike +wheelmaker +wheelmaking +wheelman +wheelrace +wheelroad +wheelsman +wheelsmith +wheelspin +wheelswarf +wheelway +wheelwise +wheelwork +wheelwright +wheelwrighting +wheely +wheem +wheen +wheencat +wheenge +wheep +wheeple +wheer +wheerikins +wheesht +wheetle +wheeze +wheezer +wheezily +wheeziness +wheezingly +wheezle +wheezy +wheft +whein +whekau +wheki +whelk +whelked +whelker +whelklike +whelky +whelm +whelp +whelphood +whelpish +whelpless +whelpling +whelve +whemmel +when +whenabouts +whenas +whence +whenceeer +whenceforth +whenceforward +whencesoeer +whencesoever +whencever +wheneer +whenever +whenness +whenso +whensoever +whensomever +where +whereabout +whereabouts +whereafter +whereanent +whereas +whereat +whereaway +whereby +whereer +wherefor +wherefore +wherefrom +wherein +whereinsoever +whereinto +whereness +whereof +whereon +whereout +whereover +whereso +wheresoeer +wheresoever +wheresomever +wherethrough +wheretill +whereto +wheretoever +wheretosoever +whereunder +whereuntil +whereunto +whereup +whereupon +wherever +wherewith +wherewithal +wherret +wherrit +wherry +wherryman +whet +whether +whetile +whetrock +whetstone +whetter +whew +whewellite +whewer +whewl +whewt +whey +wheybeard +wheyey +wheyeyness +wheyface +wheyfaced +wheyish +wheyishness +wheylike +wheyness +whiba +which +whichever +whichsoever +whichway +whichways +whick +whicken +whicker +whid +whidah +whidder +whiff +whiffenpoof +whiffer +whiffet +whiffle +whiffler +whifflery +whiffletree +whiffling +whifflingly +whiffy +whift +Whig +whig +Whiggamore +whiggamore +Whiggarchy +Whiggery +Whiggess +Whiggification +Whiggify +Whiggish +Whiggishly +Whiggishness +Whiggism +Whiglet +Whigling +whigmaleerie +whigship +whikerby +while +whileen +whilere +whiles +whilie +whilk +Whilkut +whill +whillaballoo +whillaloo +whillilew +whilly +whillywha +whilock +whilom +whils +whilst +whilter +whim +whimberry +whimble +whimbrel +whimling +whimmy +whimper +whimperer +whimpering +whimperingly +whimsey +whimsic +whimsical +whimsicality +whimsically +whimsicalness +whimsied +whimstone +whimwham +whin +whinberry +whinchacker +whinchat +whincheck +whincow +whindle +whine +whiner +whinestone +whing +whinge +whinger +whininess +whiningly +whinnel +whinner +whinnock +whinny +whinstone +whiny +whinyard +whip +whipbelly +whipbird +whipcat +whipcord +whipcordy +whipcrack +whipcracker +whipcraft +whipgraft +whipjack +whipking +whiplash +whiplike +whipmaker +whipmaking +whipman +whipmanship +whipmaster +whippa +whippable +whipparee +whipped +whipper +whippersnapper +whippertail +whippet +whippeter +whippiness +whipping +whippingly +whippletree +whippoorwill +whippost +whippowill +whippy +whipsaw +whipsawyer +whipship +whipsocket +whipstaff +whipstalk +whipstall +whipster +whipstick +whipstitch +whipstock +whipt +whiptail +whiptree +whipwise +whipworm +whir +whirken +whirl +whirlabout +whirlblast +whirlbone +whirlbrain +whirled +whirler +whirley +whirlgig +whirlicane +whirligig +whirlimagig +whirling +whirlingly +whirlmagee +whirlpool +whirlpuff +whirlwig +whirlwind +whirlwindish +whirlwindy +whirly +whirlygigum +whirret +whirrey +whirroo +whirry +whirtle +whish +whisk +whisker +whiskerage +whiskerando +whiskerandoed +whiskered +whiskerer +whiskerette +whiskerless +whiskerlike +whiskery +whiskey +whiskful +whiskied +whiskified +whisking +whiskingly +whisky +whiskyfied +whiskylike +whisp +whisper +whisperable +whisperation +whispered +whisperer +whisperhood +whispering +whisperingly +whisperingness +whisperless +whisperous +whisperously +whisperproof +whispery +whissle +Whisson +whist +whister +whisterpoop +whistle +whistlebelly +whistlefish +whistlelike +whistler +Whistlerian +whistlerism +whistlewing +whistlewood +whistlike +whistling +whistlingly +whistly +whistness +Whistonian +Whit +whit +white +whiteback +whitebait +whitebark +whitebeard +whitebelly +whitebill +whitebird +whiteblaze +whiteblow +whitebottle +Whiteboy +Whiteboyism +whitecap +whitecapper +Whitechapel +whitecoat +whitecomb +whitecorn +whitecup +whited +whiteface +Whitefieldian +Whitefieldism +Whitefieldite +whitefish +whitefisher +whitefishery +Whitefoot +whitefoot +whitefootism +whitehanded +whitehass +whitehawse +whitehead +whiteheart +whitehearted +whitelike +whitely +whiten +whitener +whiteness +whitening +whitenose +whitepot +whiteroot +whiterump +whites +whitesark +whiteseam +whiteshank +whiteside +whitesmith +whitestone +whitetail +whitethorn +whitethroat +whitetip +whitetop +whitevein +whitewall +whitewards +whiteware +whitewash +whitewasher +whiteweed +whitewing +whitewood +whiteworm +whitewort +whitfinch +whither +whitherso +whithersoever +whitherto +whitherward +whiting +whitish +whitishness +whitleather +Whitleyism +whitling +whitlow +whitlowwort +Whitmanese +Whitmanesque +Whitmanism +Whitmanize +Whitmonday +whitneyite +whitrack +whits +whitster +Whitsun +Whitsunday +Whitsuntide +whittaw +whitten +whittener +whitter +whitterick +whittle +whittler +whittling +whittret +whittrick +whity +whiz +whizgig +whizzer +whizzerman +whizziness +whizzing +whizzingly +whizzle +who +whoa +whodunit +whoever +whole +wholehearted +wholeheartedly +wholeheartedness +wholeness +wholesale +wholesalely +wholesaleness +wholesaler +wholesome +wholesomely +wholesomeness +wholewise +wholly +whom +whomble +whomever +whomso +whomsoever +whone +whoo +whoof +whoop +whoopee +whooper +whooping +whoopingly +whooplike +whoops +whoosh +whop +whopper +whopping +whorage +whore +whoredom +whorelike +whoremaster +whoremasterly +whoremastery +whoremonger +whoremonging +whoreship +whoreson +whorish +whorishly +whorishness +whorl +whorled +whorlflower +whorly +whorlywort +whort +whortle +whortleberry +whose +whosen +whosesoever +whosever +whosomever +whosumdever +whud +whuff +whuffle +whulk +whulter +whummle +whun +whunstane +whup +whush +whuskie +whussle +whute +whuther +whutter +whuttering +whuz +why +whyever +whyfor +whyness +whyo +wi +wice +Wichita +wicht +wichtisite +wichtje +wick +wickawee +wicked +wickedish +wickedlike +wickedly +wickedness +wicken +wicker +wickerby +wickerware +wickerwork +wickerworked +wickerworker +wicket +wicketkeep +wicketkeeper +wicketkeeping +wicketwork +wicking +wickiup +wickless +wickup +wicky +wicopy +wid +widbin +widdendream +widder +widdershins +widdifow +widdle +widdy +wide +widegab +widehearted +widely +widemouthed +widen +widener +wideness +widespread +widespreadedly +widespreadly +widespreadness +widewhere +widework +widgeon +widish +widow +widowed +widower +widowered +widowerhood +widowership +widowery +widowhood +widowish +widowlike +widowly +widowman +widowy +width +widthless +widthway +widthways +widthwise +widu +wield +wieldable +wielder +wieldiness +wieldy +wiener +wienerwurst +wienie +wierangle +wiesenboden +wife +wifecarl +wifedom +wifehood +wifeism +wifekin +wifeless +wifelessness +wifelet +wifelike +wifeling +wifelkin +wifely +wifeship +wifeward +wifie +wifiekie +wifish +wifock +wig +wigan +wigdom +wigful +wigged +wiggen +wigger +wiggery +wigging +wiggish +wiggishness +wiggism +wiggle +wiggler +wiggly +wiggy +wight +wightly +wightness +wigless +wiglet +wiglike +wigmaker +wigmaking +wigtail +wigwag +wigwagger +wigwam +wiikite +Wikeno +Wikstroemia +Wilbur +Wilburite +wild +wildbore +wildcat +wildcatter +wildcatting +wildebeest +wilded +wilder +wilderedly +wildering +wilderment +wilderness +wildfire +wildfowl +wildgrave +wilding +wildish +wildishly +wildishness +wildlife +wildlike +wildling +wildly +wildness +wildsome +wildwind +wile +wileful +wileless +wileproof +Wilfred +wilga +wilgers +Wilhelm +Wilhelmina +Wilhelmine +wilily +wiliness +wilk +wilkeite +wilkin +Wilkinson +Will +will +willable +willawa +willed +willedness +willemite +willer +willet +willey +willeyer +willful +willfully +willfulness +William +williamsite +Williamsonia +Williamsoniaceae +Willie +willie +willier +willies +willing +willinghearted +willinghood +willingly +willingness +williwaw +willmaker +willmaking +willness +willock +willow +willowbiter +willowed +willower +willowish +willowlike +willowware +willowweed +willowworm +willowwort +willowy +Willugbaeya +Willy +willy +willyard +willyart +willyer +Wilmer +wilsome +wilsomely +wilsomeness +Wilson +Wilsonian +wilt +wilter +Wilton +wiltproof +Wiltshire +wily +wim +wimberry +wimble +wimblelike +wimbrel +wime +wimick +wimple +wimpleless +wimplelike +Win +win +winberry +wince +wincer +wincey +winch +wincher +Winchester +winchman +wincing +wincingly +Wind +wind +windable +windage +windbag +windbagged +windbaggery +windball +windberry +windbibber +windbore +windbracing +windbreak +Windbreaker +windbreaker +windbroach +windclothes +windcuffer +winddog +winded +windedly +windedness +winder +windermost +Windesheimer +windfall +windfallen +windfanner +windfirm +windfish +windflaw +windflower +windgall +windgalled +windhole +windhover +windigo +windily +windiness +winding +windingly +windingness +windjammer +windjamming +windlass +windlasser +windle +windles +windless +windlessly +windlessness +windlestrae +windlestraw +windlike +windlin +windling +windmill +windmilly +windock +windore +window +windowful +windowless +windowlessness +windowlet +windowlight +windowlike +windowmaker +windowmaking +windowman +windowpane +windowpeeper +windowshut +windowward +windowwards +windowwise +windowy +windpipe +windplayer +windproof +windring +windroad +windroot +windrow +windrower +windscreen +windshield +windshock +Windsor +windsorite +windstorm +windsucker +windtight +windup +windward +windwardly +windwardmost +windwardness +windwards +windway +windwayward +windwaywardly +windy +wine +wineball +wineberry +winebibber +winebibbery +winebibbing +Winebrennerian +wineconner +wined +wineglass +wineglassful +winegrower +winegrowing +winehouse +wineless +winelike +winemay +winepot +winer +winery +Winesap +wineshop +wineskin +winesop +winetaster +winetree +winevat +Winfred +winful +wing +wingable +wingbeat +wingcut +winged +wingedly +wingedness +winger +wingfish +winghanded +wingle +wingless +winglessness +winglet +winglike +wingman +wingmanship +wingpiece +wingpost +wingseed +wingspread +wingstem +wingy +Winifred +winish +wink +winkel +winkelman +winker +winkered +winking +winkingly +winkle +winklehawk +winklehole +winklet +winly +winna +winnable +winnard +Winnebago +Winnecowet +winnel +winnelstrae +winner +Winnie +winning +winningly +winningness +winnings +winninish +Winnipesaukee +winnle +winnonish +winnow +winnower +winnowing +winnowingly +Winona +winrace +winrow +winsome +winsomely +winsomeness +Winston +wint +winter +Winteraceae +winterage +Winteranaceae +winterberry +winterbloom +winterbourne +winterdykes +wintered +winterer +winterfeed +wintergreen +winterhain +wintering +winterish +winterishly +winterishness +winterization +winterize +winterkill +winterkilling +winterless +winterlike +winterliness +winterling +winterly +winterproof +wintersome +wintertide +wintertime +winterward +winterwards +winterweed +wintle +wintrify +wintrily +wintriness +wintrish +wintrous +wintry +Wintun +winy +winze +winzeman +wipe +wiper +wippen +wips +wir +wirable +wirble +wird +wire +wirebar +wirebird +wired +wiredancer +wiredancing +wiredraw +wiredrawer +wiredrawn +wirehair +wireless +wirelessly +wirelessness +wirelike +wiremaker +wiremaking +wireman +wiremonger +Wirephoto +wirepull +wirepuller +wirepulling +wirer +wiresmith +wirespun +wiretail +wireway +wireweed +wirework +wireworker +wireworking +wireworks +wireworm +wirily +wiriness +wiring +wirl +wirling +Wiros +wirr +wirra +wirrah +wirrasthru +wiry +wis +Wisconsinite +wisdom +wisdomful +wisdomless +wisdomproof +wisdomship +wise +wiseacre +wiseacred +wiseacredness +wiseacredom +wiseacreish +wiseacreishness +wiseacreism +wisecrack +wisecracker +wisecrackery +wisehead +wisehearted +wiseheartedly +wiseheimer +wiselike +wiseling +wisely +wiseman +wisen +wiseness +wisenheimer +wisent +wiser +wiseweed +wisewoman +wish +wisha +wishable +wishbone +wished +wishedly +wisher +wishful +wishfully +wishfulness +wishing +wishingly +wishless +wishly +wishmay +wishness +Wishoskan +Wishram +wisht +wishtonwish +Wisigothic +wisket +wiskinky +wisp +wispish +wisplike +wispy +wiss +wisse +wissel +wist +Wistaria +wistaria +wiste +wistened +Wisteria +wisteria +wistful +wistfully +wistfulness +wistit +wistiti +wistless +wistlessness +wistonwish +wit +witan +Witbooi +witch +witchbells +witchcraft +witched +witchedly +witchen +witchering +witchery +witchet +witchetty +witchhood +witching +witchingly +witchleaf +witchlike +witchman +witchmonger +witchuck +witchweed +witchwife +witchwoman +witchwood +witchwork +witchy +witcraft +wite +witeless +witenagemot +witepenny +witess +witful +with +withal +withamite +Withania +withdraught +withdraw +withdrawable +withdrawal +withdrawer +withdrawing +withdrawingness +withdrawment +withdrawn +withdrawnness +withe +withen +wither +witherband +withered +witheredly +witheredness +witherer +withergloom +withering +witheringly +witherite +witherly +withernam +withers +withershins +withertip +witherwards +witherweight +withery +withewood +withheld +withhold +withholdable +withholdal +withholder +withholdment +within +withindoors +withinside +withinsides +withinward +withinwards +withness +witholden +without +withoutdoors +withouten +withoutforth +withoutside +withoutwards +withsave +withstand +withstander +withstandingness +withstay +withstood +withstrain +withvine +withwind +withy +withypot +withywind +witjar +witless +witlessly +witlessness +witlet +witling +witloof +witmonger +witness +witnessable +witnessdom +witnesser +witney +witneyer +Witoto +witship +wittal +wittawer +witteboom +witted +witter +wittering +witticaster +wittichenite +witticism +witticize +wittified +wittily +wittiness +witting +wittingly +wittol +wittolly +witty +Witumki +witwall +witzchoura +wive +wiver +wivern +Wiyat +Wiyot +wiz +wizard +wizardess +wizardism +wizardlike +wizardly +wizardry +wizardship +wizen +wizened +wizenedness +wizier +wizzen +wloka +wo +woad +woader +woadman +woadwaxen +woady +woak +woald +woan +wob +wobbegong +wobble +wobbler +wobbliness +wobbling +wobblingly +wobbly +wobster +wocheinite +Wochua +wod +woddie +wode +Wodenism +wodge +wodgy +woe +woebegone +woebegoneness +woebegonish +woeful +woefully +woefulness +woehlerite +woesome +woevine +woeworn +woffler +woft +wog +wogiet +Wogulian +woibe +wokas +woke +wokowi +wold +woldlike +woldsman +woldy +Wolf +wolf +wolfachite +wolfberry +wolfdom +wolfen +wolfer +Wolffia +Wolffian +Wolffianism +Wolfgang +wolfhood +wolfhound +Wolfian +wolfish +wolfishly +wolfishness +wolfkin +wolfless +wolflike +wolfling +wolfram +wolframate +wolframic +wolframine +wolframinium +wolframite +wolfsbane +wolfsbergite +wolfskin +wolfward +wolfwards +wollastonite +wollomai +wollop +Wolof +wolter +wolve +wolveboon +wolver +wolverine +woman +womanbody +womandom +womanfolk +womanfully +womanhead +womanhearted +womanhood +womanhouse +womanish +womanishly +womanishness +womanism +womanist +womanity +womanization +womanize +womanizer +womankind +womanless +womanlike +womanliness +womanly +womanmuckle +womanness +womanpost +womanproof +womanship +womanways +womanwise +womb +wombat +wombed +womble +wombstone +womby +womenfolk +womenfolks +womenkind +womera +wommerala +won +wonder +wonderberry +wonderbright +wondercraft +wonderer +wonderful +wonderfully +wonderfulness +wondering +wonderingly +wonderland +wonderlandish +wonderless +wonderment +wondermonger +wondermongering +wondersmith +wondersome +wonderstrong +wonderwell +wonderwork +wonderworthy +wondrous +wondrously +wondrousness +wone +wonegan +wong +wonga +Wongara +wongen +wongshy +wongsky +woning +wonky +wonna +wonned +wonner +wonning +wonnot +wont +wonted +wontedly +wontedness +wonting +woo +wooable +wood +woodagate +woodbark +woodbin +woodbind +woodbine +woodbined +woodbound +woodburytype +woodbush +woodchat +woodchuck +woodcock +woodcockize +woodcracker +woodcraft +woodcrafter +woodcraftiness +woodcraftsman +woodcrafty +woodcut +woodcutter +woodcutting +wooded +wooden +woodendite +woodenhead +woodenheaded +woodenheadedness +woodenly +woodenness +woodenware +woodenweary +woodeny +woodfish +woodgeld +woodgrub +woodhack +woodhacker +woodhole +woodhorse +woodhouse +woodhung +woodine +woodiness +wooding +woodish +woodjobber +woodkern +woodknacker +woodland +woodlander +woodless +woodlessness +woodlet +woodlike +woodlocked +woodly +woodman +woodmancraft +woodmanship +woodmonger +woodmote +woodness +woodpeck +woodpecker +woodpenny +woodpile +woodprint +woodranger +woodreeve +woodrick +woodrock +woodroof +woodrow +woodrowel +Woodruff +woodruff +woodsere +woodshed +woodshop +Woodsia +woodside +woodsilver +woodskin +woodsman +woodspite +woodstone +woodsy +woodwall +woodward +Woodwardia +woodwardship +woodware +woodwax +woodwaxen +woodwise +woodwork +woodworker +woodworking +woodworm +woodwose +woodwright +Woody +woody +woodyard +wooer +woof +woofed +woofell +woofer +woofy +woohoo +wooing +wooingly +wool +woold +woolder +woolding +wooled +woolen +woolenet +woolenization +woolenize +wooler +woolert +woolfell +woolgatherer +woolgathering +woolgrower +woolgrowing +woolhead +wooliness +woollike +woolly +woollyhead +woollyish +woolman +woolpack +woolpress +woolsack +woolsey +woolshearer +woolshearing +woolshears +woolshed +woolskin +woolsorter +woolsorting +woolsower +woolstock +woolulose +Woolwa +woolwasher +woolweed +woolwheel +woolwinder +woolwork +woolworker +woolworking +woom +woomer +woomerang +woon +woons +woorali +woorari +woosh +wootz +woozle +woozy +wop +woppish +wops +worble +worcester +word +wordable +wordably +wordage +wordbook +wordbuilding +wordcraft +wordcraftsman +worded +Worden +worder +wordily +wordiness +wording +wordish +wordishly +wordishness +wordle +wordless +wordlessly +wordlessness +wordlike +wordlorist +wordmaker +wordmaking +wordman +wordmanship +wordmonger +wordmongering +wordmongery +wordplay +wordsman +wordsmanship +wordsmith +wordspite +wordster +Wordsworthian +Wordsworthianism +wordy +wore +work +workability +workable +workableness +workaday +workaway +workbag +workbasket +workbench +workbook +workbox +workbrittle +workday +worked +worker +workfellow +workfolk +workfolks +workgirl +workhand +workhouse +workhoused +working +workingly +workingman +workingwoman +workless +worklessness +workloom +workman +workmanlike +workmanlikeness +workmanliness +workmanly +workmanship +workmaster +workmistress +workout +workpan +workpeople +workpiece +workplace +workroom +works +workship +workshop +worksome +workstand +worktable +worktime +workways +workwise +workwoman +workwomanlike +workwomanly +worky +workyard +world +worlded +worldful +worldish +worldless +worldlet +worldlike +worldlily +worldliness +worldling +worldly +worldmaker +worldmaking +worldproof +worldquake +worldward +worldwards +worldway +worldy +worm +wormed +wormer +wormhole +wormholed +wormhood +Wormian +wormil +worming +wormless +wormlike +wormling +wormproof +wormroot +wormseed +wormship +wormweed +wormwood +wormy +worn +wornil +wornness +worral +worriable +worricow +worried +worriedly +worriedness +worrier +worriless +worriment +worrisome +worrisomely +worrisomeness +worrit +worriter +worry +worrying +worryingly +worryproof +worrywart +worse +worsement +worsen +worseness +worsening +worser +worserment +worset +worship +worshipability +worshipable +worshiper +worshipful +worshipfully +worshipfulness +worshipingly +worshipless +worshipworth +worshipworthy +worst +worsted +wort +worth +worthful +worthfulness +worthiest +worthily +worthiness +worthless +worthlessly +worthlessness +worthship +worthward +worthy +wosbird +wot +wote +wots +wottest +wotteth +woubit +wouch +wouf +wough +would +wouldest +wouldnt +wouldst +wound +woundability +woundable +woundableness +wounded +woundedly +wounder +woundily +wounding +woundingly +woundless +wounds +woundwort +woundworth +woundy +wourali +wourari +wournil +wove +woven +Wovoka +wow +wowser +wowserdom +wowserian +wowserish +wowserism +wowsery +wowt +woy +Woyaway +wrack +wracker +wrackful +Wraf +wraggle +wrainbolt +wrainstaff +wrainstave +wraith +wraithe +wraithlike +wraithy +wraitly +wramp +wran +wrang +wrangle +wrangler +wranglership +wranglesome +wranglingly +wrannock +wranny +wrap +wrappage +wrapped +wrapper +wrapperer +wrappering +wrapping +wraprascal +wrasse +wrastle +wrastler +wrath +wrathful +wrathfully +wrathfulness +wrathily +wrathiness +wrathlike +wrathy +wraw +wrawl +wrawler +wraxle +wreak +wreakful +wreakless +wreat +wreath +wreathage +wreathe +wreathed +wreathen +wreather +wreathingly +wreathless +wreathlet +wreathlike +wreathmaker +wreathmaking +wreathwise +wreathwork +wreathwort +wreathy +wreck +wreckage +wrecker +wreckfish +wreckful +wrecking +wrecky +Wren +wren +wrench +wrenched +wrencher +wrenchingly +wrenlet +wrenlike +wrentail +wrest +wrestable +wrester +wresting +wrestingly +wrestle +wrestler +wrestlerlike +wrestling +wretch +wretched +wretchedly +wretchedness +wretchless +wretchlessly +wretchlessness +wretchock +wricht +wrick +wride +wried +wrier +wriest +wrig +wriggle +wriggler +wrigglesome +wrigglingly +wriggly +wright +wrightine +wring +wringbolt +wringer +wringman +wringstaff +wrinkle +wrinkleable +wrinkled +wrinkledness +wrinkledy +wrinkleful +wrinkleless +wrinkleproof +wrinklet +wrinkly +wrist +wristband +wristbone +wristed +wrister +wristfall +wristikin +wristlet +wristlock +wristwork +writ +writability +writable +writation +writative +write +writeable +writee +writer +writeress +writerling +writership +writh +writhe +writhed +writhedly +writhedness +writhen +writheneck +writher +writhing +writhingly +writhy +writing +writinger +writmaker +writmaking +writproof +written +writter +wrive +wrizzled +wro +wrocht +wroke +wroken +wrong +wrongdoer +wrongdoing +wronged +wronger +wrongful +wrongfully +wrongfulness +wronghead +wrongheaded +wrongheadedly +wrongheadedness +wronghearted +wrongheartedly +wrongheartedness +wrongish +wrongless +wronglessly +wrongly +wrongness +wrongous +wrongously +wrongousness +wrongwise +Wronskian +wrossle +wrote +wroth +wrothful +wrothfully +wrothily +wrothiness +wrothly +wrothsome +wrothy +wrought +wrox +wrung +wrungness +wry +wrybill +wryly +wrymouth +wryneck +wryness +wrytail +Wu +Wuchereria +wud +wuddie +wudge +wudu +wugg +wulfenite +wulk +wull +wullawins +wullcat +Wullie +wulliwa +wumble +wumman +wummel +wun +Wundtian +wungee +wunna +wunner +wunsome +wup +wur +wurley +wurmal +Wurmian +wurrus +wurset +wurtzilite +wurtzite +Wurzburger +wurzel +wush +wusp +wuss +wusser +wust +wut +wuther +wuzu +wuzzer +wuzzle +wuzzy +wy +Wyandot +Wyandotte +Wycliffian +Wycliffism +Wycliffist +Wycliffite +wyde +wye +Wyethia +wyke +Wykehamical +Wykehamist +wyle +wyliecoat +wymote +wyn +wynd +wyne +wynkernel +wynn +Wyomingite +wyomingite +wype +wyson +wyss +wyve +wyver +X +x +xanthaline +xanthamic +xanthamide +xanthane +xanthate +xanthation +xanthein +xanthelasma +xanthelasmic +xanthelasmoidea +xanthene +Xanthian +xanthic +xanthide +Xanthidium +xanthin +xanthine +xanthinuria +xanthione +Xanthisma +xanthite +Xanthium +xanthiuria +xanthocarpous +Xanthocephalus +Xanthoceras +Xanthochroi +xanthochroia +Xanthochroic +xanthochroid +xanthochroism +xanthochromia +xanthochromic +xanthochroous +xanthocobaltic +xanthocone +xanthoconite +xanthocreatinine +xanthocyanopsia +xanthocyanopsy +xanthocyanopy +xanthoderm +xanthoderma +xanthodont +xanthodontous +xanthogen +xanthogenamic +xanthogenamide +xanthogenate +xanthogenic +xantholeucophore +xanthoma +xanthomata +xanthomatosis +xanthomatous +Xanthomelanoi +xanthomelanous +xanthometer +Xanthomonas +xanthomyeloma +xanthone +xanthophane +xanthophore +xanthophose +Xanthophyceae +xanthophyll +xanthophyllite +xanthophyllous +Xanthopia +xanthopia +xanthopicrin +xanthopicrite +xanthoproteic +xanthoprotein +xanthoproteinic +xanthopsia +xanthopsin +xanthopsydracia +xanthopterin +xanthopurpurin +xanthorhamnin +Xanthorrhiza +Xanthorrhoea +xanthorrhoea +xanthosiderite +xanthosis +Xanthosoma +xanthospermous +xanthotic +Xanthoura +xanthous +Xanthoxalis +xanthoxenite +xanthoxylin +xanthuria +xanthydrol +xanthyl +xarque +Xaverian +xebec +Xema +xenacanthine +Xenacanthini +xenagogue +xenagogy +Xenarchi +Xenarthra +xenarthral +xenarthrous +xenelasia +xenelasy +xenia +xenial +xenian +Xenicidae +Xenicus +xenium +xenobiosis +xenoblast +Xenocratean +Xenocratic +xenocryst +xenodochium +xenogamous +xenogamy +xenogenesis +xenogenetic +xenogenic +xenogenous +xenogeny +xenolite +xenolith +xenolithic +xenomania +xenomaniac +Xenomi +Xenomorpha +xenomorphic +xenomorphosis +xenon +xenoparasite +xenoparasitism +xenopeltid +Xenopeltidae +Xenophanean +xenophile +xenophilism +xenophobe +xenophobia +xenophobian +xenophobism +xenophoby +Xenophonic +Xenophontean +Xenophontian +Xenophontic +Xenophontine +Xenophora +xenophoran +Xenophoridae +xenophthalmia +xenophya +xenopodid +Xenopodidae +xenopodoid +Xenopsylla +xenopteran +Xenopteri +xenopterygian +Xenopterygii +Xenopus +Xenorhynchus +Xenos +xenosaurid +Xenosauridae +xenosauroid +Xenosaurus +xenotime +Xenurus +xenyl +xenylamine +xerafin +xeransis +Xeranthemum +xeranthemum +xerantic +xerarch +xerasia +Xeres +xeric +xerically +xeriff +xerocline +xeroderma +xerodermatic +xerodermatous +xerodermia +xerodermic +xerogel +xerography +xeroma +xeromata +xeromenia +xeromorph +xeromorphic +xeromorphous +xeromorphy +xeromyron +xeromyrum +xeronate +xeronic +xerophagia +xerophagy +xerophil +xerophile +xerophilous +xerophily +xerophobous +xerophthalmia +xerophthalmos +xerophthalmy +Xerophyllum +xerophyte +xerophytic +xerophytically +xerophytism +xeroprinting +xerosis +xerostoma +xerostomia +xerotes +xerotherm +xerotic +xerotocia +xerotripsis +Xerus +xi +Xicak +Xicaque +Ximenia +Xina +Xinca +Xipe +Xiphias +xiphias +xiphihumeralis +xiphiid +Xiphiidae +xiphiiform +xiphioid +xiphiplastra +xiphiplastral +xiphiplastron +xiphisterna +xiphisternal +xiphisternum +Xiphisura +xiphisuran +Xiphiura +Xiphius +xiphocostal +Xiphodon +Xiphodontidae +xiphodynia +xiphoid +xiphoidal +xiphoidian +xiphopagic +xiphopagous +xiphopagus +xiphophyllous +xiphosterna +xiphosternum +Xiphosura +xiphosuran +xiphosure +Xiphosuridae +xiphosurous +Xiphosurus +xiphuous +Xiphura +Xiphydria +xiphydriid +Xiphydriidae +Xiraxara +Xmas +xoana +xoanon +Xosa +xurel +xyla +xylan +Xylaria +Xylariaceae +xylate +Xyleborus +xylem +xylene +xylenol +xylenyl +xyletic +Xylia +xylic +xylidic +xylidine +Xylina +xylindein +xylinid +xylite +xylitol +xylitone +xylobalsamum +xylocarp +xylocarpous +Xylocopa +xylocopid +Xylocopidae +xylogen +xyloglyphy +xylograph +xylographer +xylographic +xylographical +xylographically +xylography +xyloid +xyloidin +xylol +xylology +xyloma +xylomancy +xylometer +xylon +xylonic +Xylonite +xylonitrile +Xylophaga +xylophagan +xylophage +xylophagid +Xylophagidae +xylophagous +Xylophagus +xylophilous +xylophone +xylophonic +xylophonist +Xylopia +xyloplastic +xylopyrography +xyloquinone +xylorcin +xylorcinol +xylose +xyloside +Xylosma +xylostroma +xylostromata +xylostromatoid +xylotile +xylotomist +xylotomous +xylotomy +Xylotrya +xylotypographic +xylotypography +xyloyl +xylyl +xylylene +xylylic +xyphoid +Xyrichthys +xyrid +Xyridaceae +xyridaceous +Xyridales +Xyris +xyst +xyster +xysti +xystos +xystum +xystus +Y +y +ya +yaba +yabber +yabbi +yabble +yabby +yabu +yacal +yacca +yachan +yacht +yachtdom +yachter +yachting +yachtist +yachtman +yachtmanship +yachtsman +yachtsmanlike +yachtsmanship +yachtswoman +yachty +yad +Yadava +yade +yaff +yaffingale +yaffle +yagger +yaghourt +yagi +Yagnob +yagourundi +Yagua +yagua +yaguarundi +yaguaza +yah +yahan +Yahgan +Yahganan +Yahoo +yahoo +Yahoodom +Yahooish +Yahooism +Yahuna +Yahuskin +Yahweh +Yahwism +Yahwist +Yahwistic +yair +yaird +yaje +yajeine +yajenine +Yajna +Yajnavalkya +yajnopavita +yak +Yaka +Yakala +yakalo +yakamik +Yakan +yakattalo +Yakima +yakin +yakka +yakman +Yakona +Yakonan +Yakut +Yakutat +yalb +Yale +yale +Yalensian +yali +yalla +yallaer +yallow +yam +Yamacraw +Yamamadi +yamamai +yamanai +yamaskite +Yamassee +Yamato +Yamel +yamen +Yameo +yamilke +yammadji +yammer +yamp +yampa +yamph +yamshik +yamstchik +yan +Yana +Yanan +yancopin +yander +yang +yangtao +yank +Yankee +Yankeedom +Yankeefy +Yankeeism +Yankeeist +Yankeeize +Yankeeland +Yankeeness +yanking +Yankton +Yanktonai +yanky +Yannigan +Yao +yaoort +yaourti +yap +yapa +yaply +Yapman +yapness +yapok +yapp +yapped +yapper +yappiness +yapping +yappingly +yappish +yappy +yapster +Yaqui +Yaquina +yar +yarak +yaray +yarb +Yarborough +yard +yardage +yardang +yardarm +yarder +yardful +yarding +yardkeep +yardland +yardman +yardmaster +yardsman +yardstick +yardwand +yare +yareta +yark +Yarkand +yarke +yarl +yarly +yarm +yarn +yarnen +yarner +yarnwindle +yarpha +yarr +yarraman +yarran +yarringle +yarrow +yarth +yarthen +Yaru +Yarura +Yaruran +Yaruro +yarwhelp +yarwhip +yas +yashiro +yashmak +Yasht +Yasna +yat +yataghan +yatalite +yate +yati +Yatigan +yatter +Yatvyag +Yauapery +yaud +yauld +yaupon +yautia +yava +Yavapai +yaw +yawl +yawler +yawlsman +yawmeter +yawn +yawner +yawney +yawnful +yawnfully +yawnily +yawniness +yawning +yawningly +yawnproof +yawnups +yawny +yawp +yawper +yawroot +yaws +yawweed +yawy +yaxche +yaya +Yazdegerdian +Yazoo +ycie +yday +ye +yea +yeah +yealing +yean +yeanling +year +yeara +yearbird +yearbook +yeard +yearday +yearful +yearling +yearlong +yearly +yearn +yearnful +yearnfully +yearnfulness +yearning +yearnling +yearock +yearth +yeast +yeastily +yeastiness +yeasting +yeastlike +yeasty +yeat +yeather +yed +yede +yee +yeel +yeelaman +yees +yegg +yeggman +yeguita +yeld +yeldrin +yeldrock +yelk +yell +yeller +yelling +yelloch +yellow +yellowammer +yellowback +yellowbelly +yellowberry +yellowbill +yellowbird +yellowcrown +yellowcup +yellowfin +yellowfish +yellowhammer +yellowhead +yellowing +yellowish +yellowishness +Yellowknife +yellowlegs +yellowly +yellowness +yellowroot +yellowrump +yellows +yellowseed +yellowshank +yellowshanks +yellowshins +yellowtail +yellowthorn +yellowthroat +yellowtop +yellowware +yellowweed +yellowwood +yellowwort +yellowy +yelm +yelmer +yelp +yelper +yelt +Yemen +Yemeni +Yemenic +Yemenite +yen +yender +Yengee +Yengeese +yeni +Yenisei +Yeniseian +yenite +yentnite +yeo +yeoman +yeomaness +yeomanette +yeomanhood +yeomanlike +yeomanly +yeomanry +yeomanwise +yeorling +yeowoman +yep +yer +Yerava +Yeraver +yerb +yerba +yercum +yerd +yere +yerga +yerk +yern +yerth +yes +yese +Yeshibah +Yeshiva +yeso +yesso +yest +yester +yesterday +yestereve +yestereven +yesterevening +yestermorn +yestermorning +yestern +yesternight +yesternoon +yesterweek +yesteryear +yestreen +yesty +yet +yeta +yetapa +yeth +yether +yetlin +yeuk +yeukieness +yeuky +yeven +yew +yex +yez +Yezdi +Yezidi +yezzy +ygapo +Yid +Yiddish +Yiddisher +Yiddishism +Yiddishist +yield +yieldable +yieldableness +yieldance +yielden +yielder +yielding +yieldingly +yieldingness +yieldy +yigh +Yikirgaulit +Yildun +yill +yilt +Yin +yin +yince +yinst +yip +yird +yirk +yirm +yirmilik +yirn +yirr +yirth +yis +yite +ym +yn +ynambu +yo +yobi +yocco +yochel +yock +yockel +yodel +yodeler +yodelist +yodh +yoe +yoga +yogasana +yogh +yoghurt +yogi +yogin +yogism +yogist +yogoite +yohimbe +yohimbi +yohimbine +yohimbinization +yohimbinize +yoi +yoick +yoicks +yojan +yojana +Yojuane +yok +yoke +yokeable +yokeableness +yokeage +yokefellow +yokel +yokeldom +yokeless +yokelish +yokelism +yokelry +yokemate +yokemating +yoker +yokewise +yokewood +yoking +Yokuts +yoky +yolden +Yoldia +yoldring +yolk +yolked +yolkiness +yolkless +yolky +yom +yomer +Yomud +yon +yoncopin +yond +yonder +Yonkalla +yonner +yonside +yont +yook +yoop +yor +yore +yoretime +york +Yorker +yorker +Yorkish +Yorkist +Yorkshire +Yorkshireism +Yorkshireman +Yoruba +Yoruban +yot +yotacism +yotacize +yote +you +youd +youden +youdendrift +youdith +youff +youl +young +youngberry +younger +younghearted +youngish +younglet +youngling +youngly +youngness +youngster +youngun +younker +youp +your +yourn +yours +yoursel +yourself +yourselves +youse +youth +youthen +youthful +youthfullity +youthfully +youthfulness +youthhead +youthheid +youthhood +youthily +youthless +youthlessness +youthlike +youthlikeness +youthsome +youthtide +youthwort +youthy +youve +youward +youwards +youze +yoven +yow +yowie +yowl +yowler +yowley +yowlring +yowt +yox +yoy +yperite +Yponomeuta +Yponomeutid +Yponomeutidae +ypsiliform +ypsiloid +Ypurinan +Yquem +yr +ytterbia +ytterbic +ytterbium +yttria +yttrialite +yttric +yttriferous +yttrious +yttrium +yttrocerite +yttrocolumbite +yttrocrasite +yttrofluorite +yttrogummite +yttrotantalite +Yuan +yuan +Yuapin +yuca +Yucatec +Yucatecan +Yucateco +Yucca +yucca +Yuchi +yuck +yuckel +yucker +yuckle +yucky +Yuechi +yuft +Yuga +yugada +Yugoslav +Yugoslavian +Yugoslavic +yuh +Yuit +Yukaghir +Yuki +Yukian +yukkel +yulan +yule +yuleblock +yuletide +Yuma +Yuman +yummy +Yun +Yunca +Yuncan +yungan +Yunnanese +Yurak +Yurok +yurt +yurta +Yurucare +Yurucarean +Yurucari +Yurujure +Yuruk +Yuruna +Yurupary +yus +yusdrum +Yustaga +yutu +yuzlik +yuzluk +Yvonne +Z +z +za +Zabaean +zabaglione +Zabaism +Zaberma +zabeta +Zabian +Zabism +zabra +zabti +zabtie +zac +zacate +Zacatec +Zacateco +zacaton +Zach +Zachariah +zachun +zad +Zadokite +zadruga +zaffar +zaffer +zafree +zag +zagged +Zaglossus +zaibatsu +zain +Zaitha +zak +zakkeu +Zaklohpakap +zalambdodont +Zalambdodonta +Zalophus +zaman +zamang +zamarra +zamarro +Zambal +Zambezian +zambo +zamboorak +Zamenis +Zamia +Zamiaceae +Zamicrus +zamindar +zamindari +zamorin +zamouse +Zan +Zanclidae +Zanclodon +Zanclodontidae +Zande +zander +zandmole +zanella +Zaniah +Zannichellia +Zannichelliaceae +Zanonia +zant +zante +Zantedeschia +zantewood +Zanthorrhiza +Zanthoxylaceae +Zanthoxylum +zanthoxylum +Zantiot +zantiote +zany +zanyish +zanyism +zanyship +Zanzalian +zanze +Zanzibari +Zapara +Zaparan +Zaparo +Zaparoan +zapas +zapatero +zaphara +Zaphetic +zaphrentid +Zaphrentidae +Zaphrentis +zaphrentoid +Zapodidae +Zapodinae +Zaporogian +Zaporogue +zapota +Zapotec +Zapotecan +Zapoteco +zaptiah +zaptieh +Zaptoeca +zapupe +Zapus +zaqqum +Zaque +zar +zarabanda +Zaramo +Zarathustrian +Zarathustrianism +Zarathustrism +zaratite +Zardushti +zareba +Zarema +zarf +zarnich +zarp +zarzuela +zat +zati +zattare +Zaurak +Zauschneria +Zavijava +zax +zayat +zayin +Zea +zeal +Zealander +zealful +zealless +zeallessness +zealot +zealotic +zealotical +zealotism +zealotist +zealotry +zealous +zealously +zealousness +zealousy +zealproof +zebra +zebraic +zebralike +zebrass +zebrawood +Zebrina +zebrine +zebrinny +zebroid +zebrula +zebrule +zebu +zebub +Zebulunite +zeburro +zecchini +zecchino +zechin +Zechstein +zed +zedoary +zee +zeed +Zeelander +Zeguha +zehner +Zeidae +zein +zeism +zeist +Zeke +zel +Zelanian +zelator +zelatrice +zelatrix +Zelkova +Zeltinger +zemeism +zemi +zemimdari +zemindar +zemmi +zemni +zemstroist +zemstvo +Zen +Zenaga +Zenaida +Zenaidinae +Zenaidura +zenana +Zend +Zendic +zendician +zendik +zendikite +Zenelophon +zenick +zenith +zenithal +zenithward +zenithwards +Zenobia +zenocentric +zenographic +zenographical +zenography +Zenonian +Zenonic +zenu +Zeoidei +zeolite +zeolitic +zeolitization +zeolitize +zeoscope +Zep +zepharovichite +zephyr +Zephyranthes +zephyrean +zephyrless +zephyrlike +zephyrous +zephyrus +zephyry +Zeppelin +zeppelin +zequin +zer +zerda +Zerma +zermahbub +zero +zeroaxial +zeroize +zerumbet +zest +zestful +zestfully +zestfulness +zesty +zeta +zetacism +zetetic +Zeuctocoelomata +zeuctocoelomatic +zeuctocoelomic +Zeuglodon +zeuglodon +zeuglodont +Zeuglodonta +Zeuglodontia +Zeuglodontidae +zeuglodontoid +zeugma +zeugmatic +zeugmatically +Zeugobranchia +Zeugobranchiata +zeunerite +Zeus +Zeuxian +Zeuzera +zeuzerian +Zeuzeridae +Zhmud +ziamet +ziara +ziarat +zibeline +zibet +zibethone +zibetone +zibetum +ziega +zieger +zietrisikite +ziffs +zig +ziganka +ziggurat +zigzag +zigzagged +zigzaggedly +zigzaggedness +zigzagger +zigzaggery +zigzaggy +zigzagwise +zihar +zikurat +Zilla +zillah +zimarra +zimb +zimbabwe +zimbalon +zimbaloon +zimbi +zimentwater +zimme +Zimmerwaldian +Zimmerwaldist +zimmi +zimmis +zimocca +zinc +Zincalo +zincate +zincic +zincide +zinciferous +zincification +zincify +zincing +zincite +zincize +zincke +zincky +zinco +zincograph +zincographer +zincographic +zincographical +zincography +zincotype +zincous +zincum +zincuret +zinfandel +zing +zingaresca +zingel +zingerone +Zingiber +Zingiberaceae +zingiberaceous +zingiberene +zingiberol +zingiberone +zink +zinkenite +Zinnia +zinnwaldite +zinsang +zinyamunga +Zinzar +Zinziberaceae +zinziberaceous +Zion +Zionism +Zionist +Zionistic +Zionite +Zionless +Zionward +zip +Zipa +ziphian +Ziphiidae +Ziphiinae +ziphioid +Ziphius +Zipper +zipper +zipping +zippingly +zippy +Zips +zira +zirai +Zirak +Zirbanit +zircite +zircofluoride +zircon +zirconate +zirconia +zirconian +zirconic +zirconiferous +zirconifluoride +zirconium +zirconofluoride +zirconoid +zirconyl +Zirian +Zirianian +zirkelite +zither +zitherist +Zizania +Zizia +Zizyphus +zizz +zloty +Zmudz +zo +Zoa +zoa +zoacum +Zoanthacea +zoanthacean +Zoantharia +zoantharian +zoanthid +Zoanthidae +Zoanthidea +zoanthodeme +zoanthodemic +zoanthoid +zoanthropy +Zoanthus +Zoarces +zoarcidae +zoaria +zoarial +Zoarite +zoarium +zobo +zobtenite +zocco +zoccolo +zodiac +zodiacal +zodiophilous +zoea +zoeaform +zoeal +zoeform +zoehemera +zoehemerae +zoetic +zoetrope +zoetropic +zogan +zogo +Zohak +Zoharist +Zoharite +zoiatria +zoiatrics +zoic +zoid +zoidiophilous +zoidogamous +Zoilean +Zoilism +Zoilist +zoisite +zoisitization +zoism +zoist +zoistic +zokor +Zolaesque +Zolaism +Zolaist +Zolaistic +Zolaize +zoll +zolle +Zollernia +zollpfund +zolotink +zolotnik +zombi +zombie +zombiism +zomotherapeutic +zomotherapy +zonal +zonality +zonally +zonar +Zonaria +zonary +zonate +zonated +zonation +zone +zoned +zoneless +zonelet +zonelike +zonesthesia +Zongora +zonic +zoniferous +zoning +zonite +Zonites +zonitid +Zonitidae +Zonitoides +zonochlorite +zonociliate +zonoid +zonolimnetic +zonoplacental +Zonoplacentalia +zonoskeleton +Zonotrichia +Zonta +Zontian +zonular +zonule +zonulet +zonure +zonurid +Zonuridae +zonuroid +Zonurus +zoo +zoobenthos +zooblast +zoocarp +zoocecidium +zoochemical +zoochemistry +zoochemy +Zoochlorella +zoochore +zoocoenocyte +zoocultural +zooculture +zoocurrent +zoocyst +zoocystic +zoocytial +zoocytium +zoodendria +zoodendrium +zoodynamic +zoodynamics +zooecia +zooecial +zooecium +zooerastia +zooerythrin +zoofulvin +zoogamete +zoogamous +zoogamy +zoogene +zoogenesis +zoogenic +zoogenous +zoogeny +zoogeographer +zoogeographic +zoogeographical +zoogeographically +zoogeography +zoogeological +zoogeologist +zoogeology +zoogloea +zoogloeal +zoogloeic +zoogonic +zoogonidium +zoogonous +zoogony +zoograft +zoografting +zoographer +zoographic +zoographical +zoographically +zoographist +zoography +zooid +zooidal +zooidiophilous +zooks +zoolater +zoolatria +zoolatrous +zoolatry +zoolite +zoolith +zoolithic +zoolitic +zoologer +zoologic +zoological +zoologically +zoologicoarchaeologist +zoologicobotanical +zoologist +zoologize +zoology +zoom +zoomagnetic +zoomagnetism +zoomancy +zoomania +zoomantic +zoomantist +Zoomastigina +Zoomastigoda +zoomechanical +zoomechanics +zoomelanin +zoometric +zoometry +zoomimetic +zoomimic +zoomorph +zoomorphic +zoomorphism +zoomorphize +zoomorphy +zoon +zoonal +zoonerythrin +zoonic +zoonist +zoonite +zoonitic +zoonomia +zoonomic +zoonomical +zoonomist +zoonomy +zoonosis +zoonosologist +zoonosology +zoonotic +zoons +zoonule +zoopaleontology +zoopantheon +zooparasite +zooparasitic +zoopathological +zoopathologist +zoopathology +zoopathy +zooperal +zooperist +zoopery +Zoophaga +zoophagan +Zoophagineae +zoophagous +zoopharmacological +zoopharmacy +zoophile +zoophilia +zoophilic +zoophilism +zoophilist +zoophilite +zoophilitic +zoophilous +zoophily +zoophobia +zoophobous +zoophoric +zoophorus +zoophysical +zoophysics +zoophysiology +Zoophyta +zoophytal +zoophyte +zoophytic +zoophytical +zoophytish +zoophytography +zoophytoid +zoophytological +zoophytologist +zoophytology +zooplankton +zooplanktonic +zooplastic +zooplasty +zoopraxiscope +zoopsia +zoopsychological +zoopsychologist +zoopsychology +zooscopic +zooscopy +zoosis +zoosmosis +zoosperm +zoospermatic +zoospermia +zoospermium +zoosphere +zoosporange +zoosporangia +zoosporangial +zoosporangiophore +zoosporangium +zoospore +zoosporic +zoosporiferous +zoosporocyst +zoosporous +zootaxy +zootechnic +zootechnics +zootechny +zooter +zoothecia +zoothecial +zoothecium +zootheism +zootheist +zootheistic +zootherapy +zoothome +zootic +Zootoca +zootomic +zootomical +zootomically +zootomist +zootomy +zoototemism +zootoxin +zootrophic +zootrophy +zootype +zootypic +zooxanthella +zooxanthellae +zooxanthin +zoozoo +zopilote +Zoque +Zoquean +Zoraptera +zorgite +zoril +zorilla +Zorillinae +zorillo +Zoroastrian +Zoroastrianism +Zoroastrism +Zorotypus +zorrillo +zorro +Zosma +zoster +Zostera +Zosteraceae +zosteriform +Zosteropinae +Zosterops +Zouave +zounds +zowie +Zoysia +Zubeneschamali +zuccarino +zucchetto +zucchini +zudda +zugtierlast +zugtierlaster +zuisin +Zuleika +Zulhijjah +Zulinde +Zulkadah +Zulu +Zuludom +Zuluize +zumatic +zumbooruk +Zuni +Zunian +zunyite +zupanate +Zutugil +zuurveldt +zuza +zwanziger +Zwieback +zwieback +Zwinglian +Zwinglianism +Zwinglianist +zwitter +zwitterion +zwitterionic +zyga +zygadenine +Zygadenus +Zygaena +zygaenid +Zygaenidae +zygal +zygantra +zygantrum +zygapophyseal +zygapophysis +zygion +zygite +Zygnema +Zygnemaceae +Zygnemales +Zygnemataceae +zygnemataceous +Zygnematales +zygobranch +Zygobranchia +Zygobranchiata +zygobranchiate +Zygocactus +zygodactyl +Zygodactylae +Zygodactyli +zygodactylic +zygodactylism +zygodactylous +zygodont +zygolabialis +zygoma +zygomata +zygomatic +zygomaticoauricular +zygomaticoauricularis +zygomaticofacial +zygomaticofrontal +zygomaticomaxillary +zygomaticoorbital +zygomaticosphenoid +zygomaticotemporal +zygomaticum +zygomaticus +zygomaxillare +zygomaxillary +zygomorphic +zygomorphism +zygomorphous +zygomycete +Zygomycetes +zygomycetous +zygon +zygoneure +zygophore +zygophoric +Zygophyceae +zygophyceous +Zygophyllaceae +zygophyllaceous +Zygophyllum +zygophyte +zygopleural +Zygoptera +Zygopteraceae +zygopteran +zygopterid +Zygopterides +Zygopteris +zygopteron +zygopterous +Zygosaccharomyces +zygose +zygosis +zygosperm +zygosphenal +zygosphene +zygosphere +zygosporange +zygosporangium +zygospore +zygosporic +zygosporophore +zygostyle +zygotactic +zygotaxis +zygote +zygotene +zygotic +zygotoblast +zygotoid +zygotomere +zygous +zygozoospore +zymase +zyme +zymic +zymin +zymite +zymogen +zymogene +zymogenesis +zymogenic +zymogenous +zymoid +zymologic +zymological +zymologist +zymology +zymolyis +zymolysis +zymolytic +zymome +zymometer +zymomin +zymophore +zymophoric +zymophosphate +zymophyte +zymoplastic +zymoscope +zymosimeter +zymosis +zymosterol +zymosthenic +zymotechnic +zymotechnical +zymotechnics +zymotechny +zymotic +zymotically +zymotize +zymotoxic +zymurgy +Zyrenian +Zyrian +Zyryan +zythem +Zythia +zythum +Zyzomys +Zyzzogeton diff --git a/project_euler/README.md b/project_euler/README.md index ed43934f9c14..9f77f719f0f1 100644 --- a/project_euler/README.md +++ b/project_euler/README.md @@ -1,58 +1,58 @@ -# ProjectEuler - -Problems are taken from https://projecteuler.net/. - -Project Euler is a series of challenging mathematical/computer programming problems that will require more than just mathematical -insights to solve. Project Euler is ideal for mathematicians who are learning to code. - -Here the efficiency of your code is also checked. -I've tried to provide all the best possible solutions. - -PROBLEMS: - -1. If we list all the natural numbers below 10 that are multiples of 3 or 5, we get 3,5,6 and 9. The sum of these multiples is 23. - Find the sum of all the multiples of 3 or 5 below N. - -2. Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, - the first 10 terms will be: - 1,2,3,5,8,13,21,34,55,89,.. - By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. - e.g. for n=10, we have {2,8}, sum is 10. - -3. The prime factors of 13195 are 5,7,13 and 29. What is the largest prime factor of a given number N? - e.g. for 10, largest prime factor = 5. For 17, largest prime factor = 17. - -4. A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 × 99. - Find the largest palindrome made from the product of two 3-digit numbers which is less than N. - -5. 2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. - What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? - -6. The sum of the squares of the first ten natural numbers is, - 1^2 + 2^2 + ... + 10^2 = 385 - The square of the sum of the first ten natural numbers is, - (1 + 2 + ... + 10)^2 = 552 = 3025 - Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. - Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. - -7. By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. - What is the Nth prime number? - -9. A Pythagorean triplet is a set of three natural numbers, a < b < c, for which, - a^2 + b^2 = c^2 - There exists exactly one Pythagorean triplet for which a + b + c = 1000. - Find the product abc. - -14. The following iterative sequence is defined for the set of positive integers: - n → n/2 (n is even) - n → 3n + 1 (n is odd) - Using the rule above and starting with 13, we generate the following sequence: - 13 → 40 → 20 → 10 → 5 → 16 → 8 → 4 → 2 → 1 - Which starting number, under one million, produces the longest chain? - -16. 2^15 = 32768 and the sum of its digits is 3 + 2 + 7 + 6 + 8 = 26. - What is the sum of the digits of the number 2^1000? -20. n! means n × (n − 1) × ... × 3 × 2 × 1 - For example, 10! = 10 × 9 × ... × 3 × 2 × 1 = 3628800, - and the sum of the digits in the number 10! is 3 + 6 + 2 + 8 + 8 + 0 + 0 = 27. - Find the sum of the digits in the number 100! +# ProjectEuler + +Problems are taken from https://projecteuler.net/. + +Project Euler is a series of challenging mathematical/computer programming problems that will require more than just mathematical +insights to solve. Project Euler is ideal for mathematicians who are learning to code. + +Here the efficiency of your code is also checked. +I've tried to provide all the best possible solutions. + +PROBLEMS: + +1. If we list all the natural numbers below 10 that are multiples of 3 or 5, we get 3,5,6 and 9. The sum of these multiples is 23. + Find the sum of all the multiples of 3 or 5 below N. + +2. Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, + the first 10 terms will be: + 1,2,3,5,8,13,21,34,55,89,.. + By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. + e.g. for n=10, we have {2,8}, sum is 10. + +3. The prime factors of 13195 are 5,7,13 and 29. What is the largest prime factor of a given number N? + e.g. for 10, largest prime factor = 5. For 17, largest prime factor = 17. + +4. A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 × 99. + Find the largest palindrome made from the product of two 3-digit numbers which is less than N. + +5. 2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. + What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? + +6. The sum of the squares of the first ten natural numbers is, + 1^2 + 2^2 + ... + 10^2 = 385 + The square of the sum of the first ten natural numbers is, + (1 + 2 + ... + 10)^2 = 552 = 3025 + Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. + Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. + +7. By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. + What is the Nth prime number? + +9. A Pythagorean triplet is a set of three natural numbers, a < b < c, for which, + a^2 + b^2 = c^2 + There exists exactly one Pythagorean triplet for which a + b + c = 1000. + Find the product abc. + +14. The following iterative sequence is defined for the set of positive integers: + n → n/2 (n is even) + n → 3n + 1 (n is odd) + Using the rule above and starting with 13, we generate the following sequence: + 13 → 40 → 20 → 10 → 5 → 16 → 8 → 4 → 2 → 1 + Which starting number, under one million, produces the longest chain? + +16. 2^15 = 32768 and the sum of its digits is 3 + 2 + 7 + 6 + 8 = 26. + What is the sum of the digits of the number 2^1000? +20. n! means n × (n − 1) × ... × 3 × 2 × 1 + For example, 10! = 10 × 9 × ... × 3 × 2 × 1 = 3628800, + and the sum of the digits in the number 10! is 3 + 6 + 2 + 8 + 8 + 0 + 0 = 27. + Find the sum of the digits in the number 100! diff --git a/project_euler/problem_01/sol1.py b/project_euler/problem_01/sol1.py index 23f21af7faf0..5058ca36c64e 100644 --- a/project_euler/problem_01/sol1.py +++ b/project_euler/problem_01/sol1.py @@ -1,20 +1,20 @@ -""" -Problem Statement: -If we list all the natural numbers below 10 that are multiples of 3 or 5, -we get 3,5,6 and 9. The sum of these multiples is 23. -Find the sum of all the multiples of 3 or 5 below N. -""" -from __future__ import print_function - -N = 10 -N_limit = 101 -while N < N_limit: - # raw_input = input("请输入一个大于3的自然数:") - # n = int(filter(str.isdigit(), raw_input)) - n = N - sum_ = 0 - for e in range(3, n): - if e % 3 == 0 or e % 5 == 0: - sum_ += e - print(sum_) - N += 10 +""" +Problem Statement: +If we list all the natural numbers below 10 that are multiples of 3 or 5, +we get 3,5,6 and 9. The sum of these multiples is 23. +Find the sum of all the multiples of 3 or 5 below N. +""" +from __future__ import print_function + +N = 10 +N_limit = 101 +while N < N_limit: + # raw_input = input("请输入一个大于3的自然数:") + # n = int(filter(str.isdigit(), raw_input)) + n = N + sum_ = 0 + for e in range(3, n): + if e % 3 == 0 or e % 5 == 0: + sum_ += e + print(sum_) + N += 10 diff --git a/project_euler/problem_02/sol1.py b/project_euler/problem_02/sol1.py index abb26faaf48a..456d56cb9238 100644 --- a/project_euler/problem_02/sol1.py +++ b/project_euler/problem_02/sol1.py @@ -1,24 +1,24 @@ -""" -Problem: -Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, -the first 10 terms will be: - 1,2,3,5,8,13,21,34,55,89,.. -By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. -e.g. for n=10, we have {2,8}, sum is 10. -""" -from __future__ import print_function - -N = 1 -N_limit = 10 -while N < N_limit: - n = N - sum_ = 0 - i = 1 - j = 2 - while j <= n: - if j % 2 == 0: - sum_ += j - # 二元赋值运算 - i, j = j, i + j - print(sum_) - N += 1 +""" +Problem: +Each new term in the Fibonacci sequence is generated by adding the previous two terms. By starting with 1 and 2, +the first 10 terms will be: + 1,2,3,5,8,13,21,34,55,89,.. +By considering the terms in the Fibonacci sequence whose values do not exceed n, find the sum of the even-valued terms. +e.g. for n=10, we have {2,8}, sum is 10. +""" +from __future__ import print_function + +N = 1 +N_limit = 10 +while N < N_limit: + n = N + sum_ = 0 + i = 1 + j = 2 + while j <= n: + if j % 2 == 0: + sum_ += j + # 二元赋值运算 + i, j = j, i + j + print(sum_) + N += 1 diff --git a/project_euler/problem_03/sol2.py b/project_euler/problem_03/sol2.py index 0a621cedcde8..601eb07b51b3 100644 --- a/project_euler/problem_03/sol2.py +++ b/project_euler/problem_03/sol2.py @@ -1,19 +1,19 @@ -""" -Problem: -The prime factors of 13195 are 5,7,13 and 29. What is the largest prime factor of a given number N? -e.g. for 10, largest prime factor = 5. For 17, largest prime factor = 17. -""" - -from __future__ import print_function - -n = int(input()) -prime = 1 -i = 2 -while i * i <= n: - while n % i == 0: - prime = i - n //= i - i += 1 -if n > 1: - prime = n -print(prime) +""" +Problem: +The prime factors of 13195 are 5,7,13 and 29. What is the largest prime factor of a given number N? +e.g. for 10, largest prime factor = 5. For 17, largest prime factor = 17. +""" + +from __future__ import print_function + +n = int(input()) +prime = 1 +i = 2 +while i * i <= n: + while n % i == 0: + prime = i + n //= i + i += 1 +if n > 1: + prime = n +print(prime) diff --git a/project_euler/problem_04/sol1.py b/project_euler/problem_04/sol1.py index 47a8e1640dd8..30a2b0032bf0 100644 --- a/project_euler/problem_04/sol1.py +++ b/project_euler/problem_04/sol1.py @@ -1,29 +1,29 @@ -''' -Problem: -A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 x 99. -Find the largest palindrome made from the product of two 3-digit numbers which is less than N. -''' -from __future__ import print_function - -limit = int(input("limit? ")) - -# fetchs the next number -for number in range(limit - 1, 10000, -1): - - # converts number into string. - strNumber = str(number) - - # checks whether 'strNumber' is a palindrome. - if (strNumber == strNumber[::-1]): - - divisor = 999 - - # if 'number' is a product of two 3-digit numbers - # then number is the answer otherwise fetch next number. - while (divisor != 99): - - if ((number % divisor == 0) and (len(str(number / divisor)) == 3)): - print(number) - exit(0) - - divisor -= 1 +''' +Problem: +A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 x 99. +Find the largest palindrome made from the product of two 3-digit numbers which is less than N. +''' +from __future__ import print_function + +limit = int(input("limit? ")) + +# fetchs the next number +for number in range(limit - 1, 10000, -1): + + # converts number into string. + strNumber = str(number) + + # checks whether 'strNumber' is a palindrome. + if (strNumber == strNumber[::-1]): + + divisor = 999 + + # if 'number' is a product of two 3-digit numbers + # then number is the answer otherwise fetch next number. + while (divisor != 99): + + if ((number % divisor == 0) and (len(str(number / divisor)) == 3)): + print(number) + exit(0) + + divisor -= 1 diff --git a/project_euler/problem_04/sol2.py b/project_euler/problem_04/sol2.py index a5dcae3864f6..e05f3773fc00 100644 --- a/project_euler/problem_04/sol2.py +++ b/project_euler/problem_04/sol2.py @@ -1,16 +1,16 @@ -''' -Problem: -A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 x 99. -Find the largest palindrome made from the product of two 3-digit numbers which is less than N. -''' -from __future__ import print_function - -n = int(input().strip()) -answer = 0 -for i in range(999, 99, -1): # 3 digit nimbers range from 999 down to 100 - for j in range(999, 99, -1): - t = str(i * j) - if t == t[::-1] and i * j < n: - answer = max(answer, i * j) -print(answer) -exit(0) +''' +Problem: +A palindromic number reads the same both ways. The largest palindrome made from the product of two 2-digit numbers is 9009 = 91 x 99. +Find the largest palindrome made from the product of two 3-digit numbers which is less than N. +''' +from __future__ import print_function + +n = int(input().strip()) +answer = 0 +for i in range(999, 99, -1): # 3 digit nimbers range from 999 down to 100 + for j in range(999, 99, -1): + t = str(i * j) + if t == t[::-1] and i * j < n: + answer = max(answer, i * j) +print(answer) +exit(0) diff --git a/project_euler/problem_05/sol1.py b/project_euler/problem_05/sol1.py index 94bbc5b6c643..9dc912b5c208 100644 --- a/project_euler/problem_05/sol1.py +++ b/project_euler/problem_05/sol1.py @@ -1,21 +1,21 @@ -''' -Problem: -2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. -What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? -''' -from __future__ import print_function - -n = int(input()) -i = 0 -while 1: - i += n * (n - 1) - nfound = 0 - for j in range(2, n): - if (i % j != 0): - nfound = 1 - break - if (nfound == 0): - if (i == 0): - i = 1 - print(i) - break +''' +Problem: +2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. +What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? +''' +from __future__ import print_function + +n = int(input()) +i = 0 +while 1: + i += n * (n - 1) + nfound = 0 + for j in range(2, n): + if (i % j != 0): + nfound = 1 + break + if (nfound == 0): + if (i == 0): + i = 1 + print(i) + break diff --git a/project_euler/problem_05/sol2.py b/project_euler/problem_05/sol2.py index 577cd1b7b1c7..11c8308b11f4 100644 --- a/project_euler/problem_05/sol2.py +++ b/project_euler/problem_05/sol2.py @@ -1,26 +1,26 @@ -#!/bin/python3 -''' -Problem: -2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. -What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? -''' - -""" Euclidean GCD Algorithm """ - - -def gcd(x, y): - return x if y == 0 else gcd(y, x % y) - - -""" Using the property lcm*gcd of two numbers = product of them """ - - -def lcm(x, y): - return (x * y) // gcd(x, y) - - -n = int(input()) -g = 1 -for i in range(1, n + 1): - g = lcm(g, i) -print(g) +#!/bin/python3 +''' +Problem: +2520 is the smallest number that can be divided by each of the numbers from 1 to 10 without any remainder. +What is the smallest positive number that is evenly divisible(divisible with no remainder) by all of the numbers from 1 to N? +''' + +""" Euclidean GCD Algorithm """ + + +def gcd(x, y): + return x if y == 0 else gcd(y, x % y) + + +""" Using the property lcm*gcd of two numbers = product of them """ + + +def lcm(x, y): + return (x * y) // gcd(x, y) + + +n = int(input()) +g = 1 +for i in range(1, n + 1): + g = lcm(g, i) +print(g) diff --git a/project_euler/problem_06/sol1.py b/project_euler/problem_06/sol1.py index 744b1a4415b6..135723b72bab 100644 --- a/project_euler/problem_06/sol1.py +++ b/project_euler/problem_06/sol1.py @@ -1,20 +1,20 @@ -# -*- coding: utf-8 -*- -''' -Problem: -The sum of the squares of the first ten natural numbers is, - 1^2 + 2^2 + ... + 10^2 = 385 -The square of the sum of the first ten natural numbers is, - (1 + 2 + ... + 10)^2 = 552 = 3025 -Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. -Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. -''' -from __future__ import print_function - -suma = 0 -sumb = 0 -n = int(input()) -for i in range(1, n + 1): - suma += i ** 2 - sumb += i -sum = sumb ** 2 - suma -print(sum) +# -*- coding: utf-8 -*- +''' +Problem: +The sum of the squares of the first ten natural numbers is, + 1^2 + 2^2 + ... + 10^2 = 385 +The square of the sum of the first ten natural numbers is, + (1 + 2 + ... + 10)^2 = 552 = 3025 +Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. +Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. +''' +from __future__ import print_function + +suma = 0 +sumb = 0 +n = int(input()) +for i in range(1, n + 1): + suma += i ** 2 + sumb += i +sum = sumb ** 2 - suma +print(sum) diff --git a/project_euler/problem_06/sol2.py b/project_euler/problem_06/sol2.py index c0ecc9f10baf..179947b40598 100644 --- a/project_euler/problem_06/sol2.py +++ b/project_euler/problem_06/sol2.py @@ -1,17 +1,17 @@ -# -*- coding: utf-8 -*- -''' -Problem: -The sum of the squares of the first ten natural numbers is, - 1^2 + 2^2 + ... + 10^2 = 385 -The square of the sum of the first ten natural numbers is, - (1 + 2 + ... + 10)^2 = 552 = 3025 -Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. -Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. -''' -from __future__ import print_function - -n = int(input()) -suma = n * (n + 1) / 2 -suma **= 2 -sumb = n * (n + 1) * (2 * n + 1) / 6 -print(suma - sumb) +# -*- coding: utf-8 -*- +''' +Problem: +The sum of the squares of the first ten natural numbers is, + 1^2 + 2^2 + ... + 10^2 = 385 +The square of the sum of the first ten natural numbers is, + (1 + 2 + ... + 10)^2 = 552 = 3025 +Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. +Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. +''' +from __future__ import print_function + +n = int(input()) +suma = n * (n + 1) / 2 +suma **= 2 +sumb = n * (n + 1) * (2 * n + 1) / 6 +print(suma - sumb) diff --git a/project_euler/problem_06/sol3.py b/project_euler/problem_06/sol3.py index ce54f097416c..cb65cf164a6d 100644 --- a/project_euler/problem_06/sol3.py +++ b/project_euler/problem_06/sol3.py @@ -1,26 +1,26 @@ -''' -Problem: -The sum of the squares of the first ten natural numbers is, - 1^2 + 2^2 + ... + 10^2 = 385 -The square of the sum of the first ten natural numbers is, - (1 + 2 + ... + 10)^2 = 552 = 3025 -Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. -Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. -''' -from __future__ import print_function - -import math - - -def problem6(number=100): - sum_of_squares = sum([i * i for i in range(1, number + 1)]) - square_of_sum = int(math.pow(sum(range(1, number + 1)), 2)) - return square_of_sum - sum_of_squares - - -def main(): - print(problem6()) - - -if __name__ == '__main__': - main() +''' +Problem: +The sum of the squares of the first ten natural numbers is, + 1^2 + 2^2 + ... + 10^2 = 385 +The square of the sum of the first ten natural numbers is, + (1 + 2 + ... + 10)^2 = 552 = 3025 +Hence the difference between the sum of the squares of the first ten natural numbers and the square of the sum is 3025 − 385 = 2640. +Find the difference between the sum of the squares of the first N natural numbers and the square of the sum. +''' +from __future__ import print_function + +import math + + +def problem6(number=100): + sum_of_squares = sum([i * i for i in range(1, number + 1)]) + square_of_sum = int(math.pow(sum(range(1, number + 1)), 2)) + return square_of_sum - sum_of_squares + + +def main(): + print(problem6()) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_07/sol1.py b/project_euler/problem_07/sol1.py index 6caeed0454b5..534314ad6cd6 100644 --- a/project_euler/problem_07/sol1.py +++ b/project_euler/problem_07/sol1.py @@ -1,35 +1,35 @@ -''' -By listing the first six prime numbers: -2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. -What is the Nth prime number? -''' -from __future__ import print_function - -from math import sqrt - - -def isprime(n): - if (n == 2): - return True - elif (n % 2 == 0): - return False - else: - sq = int(sqrt(n)) + 1 - for i in range(3, sq, 2): - if (n % i == 0): - return False - return True - - -n = int(input()) -i = 0 -j = 1 -while (i != n and j < 3): - j += 1 - if (isprime(j)): - i += 1 -while (i != n): - j += 2 - if (isprime(j)): - i += 1 -print(j) +''' +By listing the first six prime numbers: +2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. +What is the Nth prime number? +''' +from __future__ import print_function + +from math import sqrt + + +def isprime(n): + if (n == 2): + return True + elif (n % 2 == 0): + return False + else: + sq = int(sqrt(n)) + 1 + for i in range(3, sq, 2): + if (n % i == 0): + return False + return True + + +n = int(input()) +i = 0 +j = 1 +while (i != n and j < 3): + j += 1 + if (isprime(j)): + i += 1 +while (i != n): + j += 2 + if (isprime(j)): + i += 1 +print(j) diff --git a/project_euler/problem_07/sol2.py b/project_euler/problem_07/sol2.py index 5c3c0855be86..07f972efd850 100644 --- a/project_euler/problem_07/sol2.py +++ b/project_euler/problem_07/sol2.py @@ -1,18 +1,18 @@ -# By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. What is the Nth prime number? -def isprime(number): - for i in range(2, int(number ** 0.5) + 1): - if number % i == 0: - return False - return True - - -n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted -primes = [] -num = 2 -while len(primes) < n: - if isprime(num): - primes.append(num) - num += 1 - else: - num += 1 -print(primes[len(primes) - 1]) +# By listing the first six prime numbers: 2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. What is the Nth prime number? +def isprime(number): + for i in range(2, int(number ** 0.5) + 1): + if number % i == 0: + return False + return True + + +n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted +primes = [] +num = 2 +while len(primes) < n: + if isprime(num): + primes.append(num) + num += 1 + else: + num += 1 +print(primes[len(primes) - 1]) diff --git a/project_euler/problem_07/sol3.py b/project_euler/problem_07/sol3.py index ba338a7a6983..4f37dfb7f307 100644 --- a/project_euler/problem_07/sol3.py +++ b/project_euler/problem_07/sol3.py @@ -1,33 +1,33 @@ -''' -By listing the first six prime numbers: -2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. -What is the Nth prime number? -''' -from __future__ import print_function - -import itertools -# from Python.Math import PrimeCheck -import math - - -def primeCheck(number): - if number % 2 == 0 and number > 2: - return False - return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) - - -def prime_generator(): - num = 2 - while True: - if primeCheck(num): - yield num - num += 1 - - -def main(): - n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted - print(next(itertools.islice(prime_generator(), n - 1, n))) - - -if __name__ == '__main__': - main() +''' +By listing the first six prime numbers: +2, 3, 5, 7, 11, and 13, we can see that the 6th prime is 13. +What is the Nth prime number? +''' +from __future__ import print_function + +import itertools +# from Python.Math import PrimeCheck +import math + + +def primeCheck(number): + if number % 2 == 0 and number > 2: + return False + return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) + + +def prime_generator(): + num = 2 + while True: + if primeCheck(num): + yield num + num += 1 + + +def main(): + n = int(input('Enter The N\'th Prime Number You Want To Get: ')) # Ask For The N'th Prime Number Wanted + print(next(itertools.islice(prime_generator(), n - 1, n))) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_08/sol1.py b/project_euler/problem_08/sol1.py index f7eef2ff472a..80b1ce4df9c1 100644 --- a/project_euler/problem_08/sol1.py +++ b/project_euler/problem_08/sol1.py @@ -1,17 +1,17 @@ -import sys - - -def main(): - LargestProduct = -sys.maxsize - 1 - number = input().strip() - for i in range(len(number) - 12): - product = 1 - for j in range(13): - product *= int(number[i + j]) - if product > LargestProduct: - LargestProduct = product - print(LargestProduct) - - -if __name__ == '__main__': - main() +import sys + + +def main(): + LargestProduct = -sys.maxsize - 1 + number = input().strip() + for i in range(len(number) - 12): + product = 1 + for j in range(13): + product *= int(number[i + j]) + if product > LargestProduct: + LargestProduct = product + print(LargestProduct) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_08/sol2.py b/project_euler/problem_08/sol2.py index 05f42ba5ffd3..324b60f26767 100644 --- a/project_euler/problem_08/sol2.py +++ b/project_euler/problem_08/sol2.py @@ -1,10 +1,10 @@ -from functools import reduce - - -def main(): - number = input().strip() - print(max([reduce(lambda x, y: int(x) * int(y), number[i:i + 13]) for i in range(len(number) - 12)])) - - -if __name__ == '__main__': - main() +from functools import reduce + + +def main(): + number = input().strip() + print(max([reduce(lambda x, y: int(x) * int(y), number[i:i + 13]) for i in range(len(number) - 12)])) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_09/sol1.py b/project_euler/problem_09/sol1.py index 07c5a9419bd8..15dfd8b6fe81 100644 --- a/project_euler/problem_09/sol1.py +++ b/project_euler/problem_09/sol1.py @@ -1,16 +1,16 @@ -from __future__ import print_function - -# Program to find the product of a,b,c which are Pythagorean Triplet that satisfice the following: -# 1. a < b < c -# 2. a**2 + b**2 = c**2 -# 3. a + b + c = 1000 - -print("Please Wait...") -for a in range(300): - for b in range(400): - for c in range(500): - if (a < b < c): - if ((a ** 2) + (b ** 2) == (c ** 2)): - if ((a + b + c) == 1000): - print(("Product of", a, "*", b, "*", c, "=", (a * b * c))) - break +from __future__ import print_function + +# Program to find the product of a,b,c which are Pythagorean Triplet that satisfice the following: +# 1. a < b < c +# 2. a**2 + b**2 = c**2 +# 3. a + b + c = 1000 + +print("Please Wait...") +for a in range(300): + for b in range(400): + for c in range(500): + if (a < b < c): + if ((a ** 2) + (b ** 2) == (c ** 2)): + if ((a + b + c) == 1000): + print(("Product of", a, "*", b, "*", c, "=", (a * b * c))) + break diff --git a/project_euler/problem_09/sol2.py b/project_euler/problem_09/sol2.py index d648632347b4..8eb89d184115 100644 --- a/project_euler/problem_09/sol2.py +++ b/project_euler/problem_09/sol2.py @@ -1,18 +1,18 @@ -"""A Pythagorean triplet is a set of three natural numbers, for which, -a^2+b^2=c^2 -Given N, Check if there exists any Pythagorean triplet for which a+b+c=N -Find maximum possible value of product of a,b,c among all such Pythagorean triplets, If there is no such Pythagorean triplet print -1.""" -# !/bin/python3 - -product = -1 -d = 0 -N = int(input()) -for a in range(1, N // 3): - """Solving the two equations a**2+b**2=c**2 and a+b+c=N eliminating c """ - b = (N * N - 2 * a * N) // (2 * N - 2 * a) - c = N - a - b - if c * c == (a * a + b * b): - d = (a * b * c) - if d >= product: - product = d -print(product) +"""A Pythagorean triplet is a set of three natural numbers, for which, +a^2+b^2=c^2 +Given N, Check if there exists any Pythagorean triplet for which a+b+c=N +Find maximum possible value of product of a,b,c among all such Pythagorean triplets, If there is no such Pythagorean triplet print -1.""" +# !/bin/python3 + +product = -1 +d = 0 +N = int(input()) +for a in range(1, N // 3): + """Solving the two equations a**2+b**2=c**2 and a+b+c=N eliminating c """ + b = (N * N - 2 * a * N) // (2 * N - 2 * a) + c = N - a - b + if c * c == (a * a + b * b): + d = (a * b * c) + if d >= product: + product = d +print(product) diff --git a/project_euler/problem_09/sol3.py b/project_euler/problem_09/sol3.py index e28c63e1e08f..e11368b9a7db 100644 --- a/project_euler/problem_09/sol3.py +++ b/project_euler/problem_09/sol3.py @@ -1,7 +1,7 @@ -def main(): - print([a * b * c for a in range(1, 999) for b in range(a, 999) for c in range(b, 999) - if (a * a + b * b == c * c) and (a + b + c == 1000)][0]) - - -if __name__ == '__main__': - main() +def main(): + print([a * b * c for a in range(1, 999) for b in range(a, 999) for c in range(b, 999) + if (a * a + b * b == c * c) and (a + b + c == 1000)][0]) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_10/sol1.py b/project_euler/problem_10/sol1.py index 4bda58e01fa6..2435f1d1b3cb 100644 --- a/project_euler/problem_10/sol1.py +++ b/project_euler/problem_10/sol1.py @@ -1,42 +1,42 @@ -from __future__ import print_function - -from math import sqrt - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def is_prime(n): - for i in xrange(2, int(sqrt(n)) + 1): - if n % i == 0: - return False - - return True - - -def sum_of_primes(n): - if n > 2: - sumOfPrimes = 2 - else: - return 0 - - for i in xrange(3, n, 2): - if is_prime(i): - sumOfPrimes += i - - return sumOfPrimes - - -if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - print(sum_of_primes(2000000)) - else: - try: - n = int(sys.argv[1]) - print(sum_of_primes(n)) - except ValueError: - print('Invalid entry - please enter a number.') +from __future__ import print_function + +from math import sqrt + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def is_prime(n): + for i in xrange(2, int(sqrt(n)) + 1): + if n % i == 0: + return False + + return True + + +def sum_of_primes(n): + if n > 2: + sumOfPrimes = 2 + else: + return 0 + + for i in xrange(3, n, 2): + if is_prime(i): + sumOfPrimes += i + + return sumOfPrimes + + +if __name__ == '__main__': + import sys + + if len(sys.argv) == 1: + print(sum_of_primes(2000000)) + else: + try: + n = int(sys.argv[1]) + print(sum_of_primes(n)) + except ValueError: + print('Invalid entry - please enter a number.') diff --git a/project_euler/problem_10/sol2.py b/project_euler/problem_10/sol2.py index 53e341a1177a..8b5aad7dc31a 100644 --- a/project_euler/problem_10/sol2.py +++ b/project_euler/problem_10/sol2.py @@ -1,26 +1,26 @@ -# from Python.Math import prime_generator -import math -from itertools import takewhile - - -def primeCheck(number): - if number % 2 == 0 and number > 2: - return False - return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) - - -def prime_generator(): - num = 2 - while True: - if primeCheck(num): - yield num - num += 1 - - -def main(): - n = int(input('Enter The upper limit of prime numbers: ')) - print(sum(takewhile(lambda x: x < n, prime_generator()))) - - -if __name__ == '__main__': - main() +# from Python.Math import prime_generator +import math +from itertools import takewhile + + +def primeCheck(number): + if number % 2 == 0 and number > 2: + return False + return all(number % i for i in range(3, int(math.sqrt(number)) + 1, 2)) + + +def prime_generator(): + num = 2 + while True: + if primeCheck(num): + yield num + num += 1 + + +def main(): + n = int(input('Enter The upper limit of prime numbers: ')) + print(sum(takewhile(lambda x: x < n, prime_generator()))) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_11/grid.txt b/project_euler/problem_11/grid.txt index b52cb4ff589b..1fc75c66a314 100644 --- a/project_euler/problem_11/grid.txt +++ b/project_euler/problem_11/grid.txt @@ -1,20 +1,20 @@ -08 02 22 97 38 15 00 40 00 75 04 05 07 78 52 12 50 77 91 08 -49 49 99 40 17 81 18 57 60 87 17 40 98 43 69 48 04 56 62 00 -81 49 31 73 55 79 14 29 93 71 40 67 53 88 30 03 49 13 36 65 -52 70 95 23 04 60 11 42 69 24 68 56 01 32 56 71 37 02 36 91 -22 31 16 71 51 67 63 89 41 92 36 54 22 40 40 28 66 33 13 80 -24 47 32 60 99 03 45 02 44 75 33 53 78 36 84 20 35 17 12 50 -32 98 81 28 64 23 67 10 26 38 40 67 59 54 70 66 18 38 64 70 -67 26 20 68 02 62 12 20 95 63 94 39 63 08 40 91 66 49 94 21 -24 55 58 05 66 73 99 26 97 17 78 78 96 83 14 88 34 89 63 72 -21 36 23 09 75 00 76 44 20 45 35 14 00 61 33 97 34 31 33 95 -78 17 53 28 22 75 31 67 15 94 03 80 04 62 16 14 09 53 56 92 -16 39 05 42 96 35 31 47 55 58 88 24 00 17 54 24 36 29 85 57 -86 56 00 48 35 71 89 07 05 44 44 37 44 60 21 58 51 54 17 58 -19 80 81 68 05 94 47 69 28 73 92 13 86 52 17 77 04 89 55 40 -04 52 08 83 97 35 99 16 07 97 57 32 16 26 26 79 33 27 98 66 -88 36 68 87 57 62 20 72 03 46 33 67 46 55 12 32 63 93 53 69 -04 42 16 73 38 25 39 11 24 94 72 18 08 46 29 32 40 62 76 36 -20 69 36 41 72 30 23 88 34 62 99 69 82 67 59 85 74 04 36 16 -20 73 35 29 78 31 90 01 74 31 49 71 48 86 81 16 23 57 05 54 +08 02 22 97 38 15 00 40 00 75 04 05 07 78 52 12 50 77 91 08 +49 49 99 40 17 81 18 57 60 87 17 40 98 43 69 48 04 56 62 00 +81 49 31 73 55 79 14 29 93 71 40 67 53 88 30 03 49 13 36 65 +52 70 95 23 04 60 11 42 69 24 68 56 01 32 56 71 37 02 36 91 +22 31 16 71 51 67 63 89 41 92 36 54 22 40 40 28 66 33 13 80 +24 47 32 60 99 03 45 02 44 75 33 53 78 36 84 20 35 17 12 50 +32 98 81 28 64 23 67 10 26 38 40 67 59 54 70 66 18 38 64 70 +67 26 20 68 02 62 12 20 95 63 94 39 63 08 40 91 66 49 94 21 +24 55 58 05 66 73 99 26 97 17 78 78 96 83 14 88 34 89 63 72 +21 36 23 09 75 00 76 44 20 45 35 14 00 61 33 97 34 31 33 95 +78 17 53 28 22 75 31 67 15 94 03 80 04 62 16 14 09 53 56 92 +16 39 05 42 96 35 31 47 55 58 88 24 00 17 54 24 36 29 85 57 +86 56 00 48 35 71 89 07 05 44 44 37 44 60 21 58 51 54 17 58 +19 80 81 68 05 94 47 69 28 73 92 13 86 52 17 77 04 89 55 40 +04 52 08 83 97 35 99 16 07 97 57 32 16 26 26 79 33 27 98 66 +88 36 68 87 57 62 20 72 03 46 33 67 46 55 12 32 63 93 53 69 +04 42 16 73 38 25 39 11 24 94 72 18 08 46 29 32 40 62 76 36 +20 69 36 41 72 30 23 88 34 62 99 69 82 67 59 85 74 04 36 16 +20 73 35 29 78 31 90 01 74 31 49 71 48 86 81 16 23 57 05 54 01 70 54 71 83 51 54 69 16 92 33 48 61 43 52 01 89 19 67 48 \ No newline at end of file diff --git a/project_euler/problem_11/sol1.py b/project_euler/problem_11/sol1.py index 97bf691435e8..83337f42d0e9 100644 --- a/project_euler/problem_11/sol1.py +++ b/project_euler/problem_11/sol1.py @@ -1,71 +1,71 @@ -from __future__ import print_function - -''' -What is the greatest product of four adjacent numbers (horizontally, vertically, or diagonally) in this 20x20 array? - -08 02 22 97 38 15 00 40 00 75 04 05 07 78 52 12 50 77 91 08 -49 49 99 40 17 81 18 57 60 87 17 40 98 43 69 48 04 56 62 00 -81 49 31 73 55 79 14 29 93 71 40 67 53 88 30 03 49 13 36 65 -52 70 95 23 04 60 11 42 69 24 68 56 01 32 56 71 37 02 36 91 -22 31 16 71 51 67 63 89 41 92 36 54 22 40 40 28 66 33 13 80 -24 47 32 60 99 03 45 02 44 75 33 53 78 36 84 20 35 17 12 50 -32 98 81 28 64 23 67 10 26 38 40 67 59 54 70 66 18 38 64 70 -67 26 20 68 02 62 12 20 95 63 94 39 63 08 40 91 66 49 94 21 -24 55 58 05 66 73 99 26 97 17 78 78 96 83 14 88 34 89 63 72 -21 36 23 09 75 00 76 44 20 45 35 14 00 61 33 97 34 31 33 95 -78 17 53 28 22 75 31 67 15 94 03 80 04 62 16 14 09 53 56 92 -16 39 05 42 96 35 31 47 55 58 88 24 00 17 54 24 36 29 85 57 -86 56 00 48 35 71 89 07 05 44 44 37 44 60 21 58 51 54 17 58 -19 80 81 68 05 94 47 69 28 73 92 13 86 52 17 77 04 89 55 40 -04 52 08 83 97 35 99 16 07 97 57 32 16 26 26 79 33 27 98 66 -88 36 68 87 57 62 20 72 03 46 33 67 46 55 12 32 63 93 53 69 -04 42 16 73 38 25 39 11 24 94 72 18 08 46 29 32 40 62 76 36 -20 69 36 41 72 30 23 88 34 62 99 69 82 67 59 85 74 04 36 16 -20 73 35 29 78 31 90 01 74 31 49 71 48 86 81 16 23 57 05 54 -01 70 54 71 83 51 54 69 16 92 33 48 61 43 52 01 89 19 67 48 -''' - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 2 - - -def largest_product(grid): - nColumns = len(grid[0]) - nRows = len(grid) - - largest = 0 - lrDiagProduct = 0 - rlDiagProduct = 0 - - # Check vertically, horizontally, diagonally at the same time (only works for nxn grid) - for i in xrange(nColumns): - for j in xrange(nRows - 3): - vertProduct = grid[j][i] * grid[j + 1][i] * grid[j + 2][i] * grid[j + 3][i] - horzProduct = grid[i][j] * grid[i][j + 1] * grid[i][j + 2] * grid[i][j + 3] - - # Left-to-right diagonal (\) product - if (i < nColumns - 3): - lrDiagProduct = grid[i][j] * grid[i + 1][j + 1] * grid[i + 2][j + 2] * grid[i + 3][j + 3] - - # Right-to-left diagonal(/) product - if (i > 2): - rlDiagProduct = grid[i][j] * grid[i - 1][j + 1] * grid[i - 2][j + 2] * grid[i - 3][j + 3] - - maxProduct = max(vertProduct, horzProduct, lrDiagProduct, rlDiagProduct) - if maxProduct > largest: - largest = maxProduct - - return largest - - -if __name__ == '__main__': - grid = [] - with open('grid.txt') as file: - for line in file: - grid.append(line.strip('\n').split(' ')) - - grid = [[int(i) for i in grid[j]] for j in xrange(len(grid))] - - print(largest_product(grid)) +from __future__ import print_function + +''' +What is the greatest product of four adjacent numbers (horizontally, vertically, or diagonally) in this 20x20 array? + +08 02 22 97 38 15 00 40 00 75 04 05 07 78 52 12 50 77 91 08 +49 49 99 40 17 81 18 57 60 87 17 40 98 43 69 48 04 56 62 00 +81 49 31 73 55 79 14 29 93 71 40 67 53 88 30 03 49 13 36 65 +52 70 95 23 04 60 11 42 69 24 68 56 01 32 56 71 37 02 36 91 +22 31 16 71 51 67 63 89 41 92 36 54 22 40 40 28 66 33 13 80 +24 47 32 60 99 03 45 02 44 75 33 53 78 36 84 20 35 17 12 50 +32 98 81 28 64 23 67 10 26 38 40 67 59 54 70 66 18 38 64 70 +67 26 20 68 02 62 12 20 95 63 94 39 63 08 40 91 66 49 94 21 +24 55 58 05 66 73 99 26 97 17 78 78 96 83 14 88 34 89 63 72 +21 36 23 09 75 00 76 44 20 45 35 14 00 61 33 97 34 31 33 95 +78 17 53 28 22 75 31 67 15 94 03 80 04 62 16 14 09 53 56 92 +16 39 05 42 96 35 31 47 55 58 88 24 00 17 54 24 36 29 85 57 +86 56 00 48 35 71 89 07 05 44 44 37 44 60 21 58 51 54 17 58 +19 80 81 68 05 94 47 69 28 73 92 13 86 52 17 77 04 89 55 40 +04 52 08 83 97 35 99 16 07 97 57 32 16 26 26 79 33 27 98 66 +88 36 68 87 57 62 20 72 03 46 33 67 46 55 12 32 63 93 53 69 +04 42 16 73 38 25 39 11 24 94 72 18 08 46 29 32 40 62 76 36 +20 69 36 41 72 30 23 88 34 62 99 69 82 67 59 85 74 04 36 16 +20 73 35 29 78 31 90 01 74 31 49 71 48 86 81 16 23 57 05 54 +01 70 54 71 83 51 54 69 16 92 33 48 61 43 52 01 89 19 67 48 +''' + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 2 + + +def largest_product(grid): + nColumns = len(grid[0]) + nRows = len(grid) + + largest = 0 + lrDiagProduct = 0 + rlDiagProduct = 0 + + # Check vertically, horizontally, diagonally at the same time (only works for nxn grid) + for i in xrange(nColumns): + for j in xrange(nRows - 3): + vertProduct = grid[j][i] * grid[j + 1][i] * grid[j + 2][i] * grid[j + 3][i] + horzProduct = grid[i][j] * grid[i][j + 1] * grid[i][j + 2] * grid[i][j + 3] + + # Left-to-right diagonal (\) product + if (i < nColumns - 3): + lrDiagProduct = grid[i][j] * grid[i + 1][j + 1] * grid[i + 2][j + 2] * grid[i + 3][j + 3] + + # Right-to-left diagonal(/) product + if (i > 2): + rlDiagProduct = grid[i][j] * grid[i - 1][j + 1] * grid[i - 2][j + 2] * grid[i - 3][j + 3] + + maxProduct = max(vertProduct, horzProduct, lrDiagProduct, rlDiagProduct) + if maxProduct > largest: + largest = maxProduct + + return largest + + +if __name__ == '__main__': + grid = [] + with open('grid.txt') as file: + for line in file: + grid.append(line.strip('\n').split(' ')) + + grid = [[int(i) for i in grid[j]] for j in xrange(len(grid))] + + print(largest_product(grid)) diff --git a/project_euler/problem_11/sol2.py b/project_euler/problem_11/sol2.py index c18548904266..ebb845a3a34b 100644 --- a/project_euler/problem_11/sol2.py +++ b/project_euler/problem_11/sol2.py @@ -1,40 +1,40 @@ -def main(): - with open("grid.txt", "r") as f: - l = [] - for i in range(20): - l.append([int(x) for x in f.readline().split()]) - - maximum = 0 - - # right - for i in range(20): - for j in range(17): - temp = l[i][j] * l[i][j + 1] * l[i][j + 2] * l[i][j + 3] - if temp > maximum: - maximum = temp - - # down - for i in range(17): - for j in range(20): - temp = l[i][j] * l[i + 1][j] * l[i + 2][j] * l[i + 3][j] - if temp > maximum: - maximum = temp - - # diagonal 1 - for i in range(17): - for j in range(17): - temp = l[i][j] * l[i + 1][j + 1] * l[i + 2][j + 2] * l[i + 3][j + 3] - if temp > maximum: - maximum = temp - - # diagonal 2 - for i in range(17): - for j in range(3, 20): - temp = l[i][j] * l[i + 1][j - 1] * l[i + 2][j - 2] * l[i + 3][j - 3] - if temp > maximum: - maximum = temp - print(maximum) - - -if __name__ == '__main__': - main() +def main(): + with open("grid.txt", "r") as f: + l = [] + for i in range(20): + l.append([int(x) for x in f.readline().split()]) + + maximum = 0 + + # right + for i in range(20): + for j in range(17): + temp = l[i][j] * l[i][j + 1] * l[i][j + 2] * l[i][j + 3] + if temp > maximum: + maximum = temp + + # down + for i in range(17): + for j in range(20): + temp = l[i][j] * l[i + 1][j] * l[i + 2][j] * l[i + 3][j] + if temp > maximum: + maximum = temp + + # diagonal 1 + for i in range(17): + for j in range(17): + temp = l[i][j] * l[i + 1][j + 1] * l[i + 2][j + 2] * l[i + 3][j + 3] + if temp > maximum: + maximum = temp + + # diagonal 2 + for i in range(17): + for j in range(3, 20): + temp = l[i][j] * l[i + 1][j - 1] * l[i + 2][j - 2] * l[i + 3][j - 3] + if temp > maximum: + maximum = temp + print(maximum) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_12/sol1.py b/project_euler/problem_12/sol1.py index 387dba020740..a62cce3b243e 100644 --- a/project_euler/problem_12/sol1.py +++ b/project_euler/problem_12/sol1.py @@ -1,52 +1,52 @@ -from __future__ import print_function - -from math import sqrt - -''' -Highly divisible triangular numbers -Problem 12 -The sequence of triangle numbers is generated by adding the natural numbers. So the 7th triangle number would be 1 + 2 + 3 + 4 + 5 + 6 + 7 = 28. The first ten terms would be: - -1, 3, 6, 10, 15, 21, 28, 36, 45, 55, ... - -Let us list the factors of the first seven triangle numbers: - - 1: 1 - 3: 1,3 - 6: 1,2,3,6 -10: 1,2,5,10 -15: 1,3,5,15 -21: 1,3,7,21 -28: 1,2,4,7,14,28 -We can see that 28 is the first triangle number to have over five divisors. - -What is the value of the first triangle number to have over five hundred divisors? -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def count_divisors(n): - nDivisors = 0 - for i in xrange(1, int(sqrt(n)) + 1): - if n % i == 0: - nDivisors += 2 - # check if n is perfect square - if n ** 0.5 == int(n ** 0.5): - nDivisors -= 1 - return nDivisors - - -tNum = 1 -i = 1 - -while True: - i += 1 - tNum += i - - if count_divisors(tNum) > 500: - break - -print(tNum) +from __future__ import print_function + +from math import sqrt + +''' +Highly divisible triangular numbers +Problem 12 +The sequence of triangle numbers is generated by adding the natural numbers. So the 7th triangle number would be 1 + 2 + 3 + 4 + 5 + 6 + 7 = 28. The first ten terms would be: + +1, 3, 6, 10, 15, 21, 28, 36, 45, 55, ... + +Let us list the factors of the first seven triangle numbers: + + 1: 1 + 3: 1,3 + 6: 1,2,3,6 +10: 1,2,5,10 +15: 1,3,5,15 +21: 1,3,7,21 +28: 1,2,4,7,14,28 +We can see that 28 is the first triangle number to have over five divisors. + +What is the value of the first triangle number to have over five hundred divisors? +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def count_divisors(n): + nDivisors = 0 + for i in xrange(1, int(sqrt(n)) + 1): + if n % i == 0: + nDivisors += 2 + # check if n is perfect square + if n ** 0.5 == int(n ** 0.5): + nDivisors -= 1 + return nDivisors + + +tNum = 1 +i = 1 + +while True: + i += 1 + tNum += i + + if count_divisors(tNum) > 500: + break + +print(tNum) diff --git a/project_euler/problem_12/sol2.py b/project_euler/problem_12/sol2.py index 47ace49eef37..07cf0ddf5fe0 100644 --- a/project_euler/problem_12/sol2.py +++ b/project_euler/problem_12/sol2.py @@ -1,10 +1,10 @@ -def triangle_number_generator(): - for n in range(1, 1000000): - yield n * (n + 1) // 2 - - -def count_divisors(n): - return sum([2 for i in range(1, int(n ** 0.5) + 1) if n % i == 0 and i * i != n]) - - -print(next(i for i in triangle_number_generator() if count_divisors(i) > 500)) +def triangle_number_generator(): + for n in range(1, 1000000): + yield n * (n + 1) // 2 + + +def count_divisors(n): + return sum([2 for i in range(1, int(n ** 0.5) + 1) if n % i == 0 and i * i != n]) + + +print(next(i for i in triangle_number_generator() if count_divisors(i) > 500)) diff --git a/project_euler/problem_13/sol1.py b/project_euler/problem_13/sol1.py index 8f1e3ea34e4e..4088f6580ead 100644 --- a/project_euler/problem_13/sol1.py +++ b/project_euler/problem_13/sol1.py @@ -1,13 +1,13 @@ -''' -Problem Statement: -Work out the first ten digits of the sum of the N 50-digit numbers. -''' -from __future__ import print_function - -n = int(input().strip()) - -array = [] -for i in range(n): - array.append(int(input().strip())) - -print(str(sum(array))[:10]) +''' +Problem Statement: +Work out the first ten digits of the sum of the N 50-digit numbers. +''' +from __future__ import print_function + +n = int(input().strip()) + +array = [] +for i in range(n): + array.append(int(input().strip())) + +print(str(sum(array))[:10]) diff --git a/project_euler/problem_14/sol1.py b/project_euler/problem_14/sol1.py index 39f4e8d0c01e..148e5aff9a8f 100644 --- a/project_euler/problem_14/sol1.py +++ b/project_euler/problem_14/sol1.py @@ -1,22 +1,22 @@ -from __future__ import print_function - -largest_number = 0 -pre_counter = 0 - -for input1 in range(750000, 1000000): - counter = 1 - number = input1 - - while number > 1: - if number % 2 == 0: - number /= 2 - counter += 1 - else: - number = (3 * number) + 1 - counter += 1 - - if counter > pre_counter: - largest_number = input1 - pre_counter = counter - -print(('Largest Number:', largest_number, '->', pre_counter, 'digits')) +from __future__ import print_function + +largest_number = 0 +pre_counter = 0 + +for input1 in range(750000, 1000000): + counter = 1 + number = input1 + + while number > 1: + if number % 2 == 0: + number /= 2 + counter += 1 + else: + number = (3 * number) + 1 + counter += 1 + + if counter > pre_counter: + largest_number = input1 + pre_counter = counter + +print(('Largest Number:', largest_number, '->', pre_counter, 'digits')) diff --git a/project_euler/problem_14/sol2.py b/project_euler/problem_14/sol2.py index b1d31bf197ab..981f97b2a52c 100644 --- a/project_euler/problem_14/sol2.py +++ b/project_euler/problem_14/sol2.py @@ -1,17 +1,17 @@ -def collatz_sequence(n): - """Collatz conjecture: start with any positive integer n.Next termis obtained from the previous term as follows: - if the previous term is even, the next term is one half the previous term. - If the previous term is odd, the next term is 3 times the previous term plus 1. - The conjecture states the sequence will always reach 1 regaardess of starting n.""" - sequence = [n] - while n != 1: - if n % 2 == 0: # even - n //= 2 - else: - n = 3 * n + 1 - sequence.append(n) - return sequence - - -answer = max([(len(collatz_sequence(i)), i) for i in range(1, 1000000)]) -print("Longest Collatz sequence under one million is %d with length %d" % (answer[1], answer[0])) +def collatz_sequence(n): + """Collatz conjecture: start with any positive integer n.Next termis obtained from the previous term as follows: + if the previous term is even, the next term is one half the previous term. + If the previous term is odd, the next term is 3 times the previous term plus 1. + The conjecture states the sequence will always reach 1 regaardess of starting n.""" + sequence = [n] + while n != 1: + if n % 2 == 0: # even + n //= 2 + else: + n = 3 * n + 1 + sequence.append(n) + return sequence + + +answer = max([(len(collatz_sequence(i)), i) for i in range(1, 1000000)]) +print("Longest Collatz sequence under one million is %d with length %d" % (answer[1], answer[0])) diff --git a/project_euler/problem_15/sol1.py b/project_euler/problem_15/sol1.py index 360515f5a817..7b6ac2561f2c 100644 --- a/project_euler/problem_15/sol1.py +++ b/project_euler/problem_15/sol1.py @@ -1,23 +1,23 @@ -from __future__ import print_function - -from math import factorial - - -def lattice_paths(n): - n = 2 * n # middle entry of odd rows starting at row 3 is the solution for n = 1, 2, 3,... - k = n / 2 - - return factorial(n) / (factorial(k) * factorial(n - k)) - - -if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - print(lattice_paths(20)) - else: - try: - n = int(sys.argv[1]) - print(lattice_paths(n)) - except ValueError: - print('Invalid entry - please enter a number.') +from __future__ import print_function + +from math import factorial + + +def lattice_paths(n): + n = 2 * n # middle entry of odd rows starting at row 3 is the solution for n = 1, 2, 3,... + k = n / 2 + + return factorial(n) / (factorial(k) * factorial(n - k)) + + +if __name__ == '__main__': + import sys + + if len(sys.argv) == 1: + print(lattice_paths(20)) + else: + try: + n = int(sys.argv[1]) + print(lattice_paths(n)) + except ValueError: + print('Invalid entry - please enter a number.') diff --git a/project_euler/problem_16/sol1.py b/project_euler/problem_16/sol1.py index 775b42c2979c..e0d08b5fb2b9 100644 --- a/project_euler/problem_16/sol1.py +++ b/project_euler/problem_16/sol1.py @@ -1,15 +1,15 @@ -power = int(input("Enter the power of 2: ")) -num = 2 ** power - -string_num = str(num) - -list_num = list(string_num) - -sum_of_num = 0 - -print("2 ^", power, "=", num) - -for i in list_num: - sum_of_num += int(i) - -print("Sum of the digits are:", sum_of_num) +power = int(input("Enter the power of 2: ")) +num = 2 ** power + +string_num = str(num) + +list_num = list(string_num) + +sum_of_num = 0 + +print("2 ^", power, "=", num) + +for i in list_num: + sum_of_num += int(i) + +print("Sum of the digits are:", sum_of_num) diff --git a/project_euler/problem_17/sol1.py b/project_euler/problem_17/sol1.py index 3d609c749913..702224724b2b 100644 --- a/project_euler/problem_17/sol1.py +++ b/project_euler/problem_17/sol1.py @@ -1,36 +1,36 @@ -from __future__ import print_function - -''' -Number letter counts -Problem 17 - -If the numbers 1 to 5 are written out in words: one, two, three, four, five, then there are 3 + 3 + 5 + 4 + 4 = 19 letters used in total. - -If all the numbers from 1 to 1000 (one thousand) inclusive were written out in words, how many letters would be used? - - -NOTE: Do not count spaces or hyphens. For example, 342 (three hundred and forty-two) contains 23 letters and 115 (one hundred and fifteen) -contains 20 letters. The use of "and" when writing out numbers is in compliance with British usage. -''' - -ones_counts = [0, 3, 3, 5, 4, 4, 3, 5, 5, 4, 3, 6, 6, 8, 8, 7, 7, 9, 8, 8] # number of letters in zero, one, two, ..., nineteen (0 for zero since it's never said aloud) -tens_counts = [0, 0, 6, 6, 5, 5, 5, 7, 6, 6] # number of letters in twenty, thirty, ..., ninety (0 for numbers less than 20 due to inconsistency in teens) - -count = 0 - -for i in range(1, 1001): - if i < 1000: - if i >= 100: - count += ones_counts[i / 100] + 7 # add number of letters for "n hundred" - - if i % 100 != 0: - count += 3 # add number of letters for "and" if number is not multiple of 100 - - if 0 < i % 100 < 20: - count += ones_counts[i % 100] # add number of letters for one, two, three, ..., nineteen (could be combined with below if not for inconsistency in teens) - else: - count += ones_counts[i % 10] + tens_counts[(i % 100 - i % 10) / 10] # add number of letters for twenty, twenty one, ..., ninety nine - else: - count += ones_counts[i / 1000] + 8 - -print(count) +from __future__ import print_function + +''' +Number letter counts +Problem 17 + +If the numbers 1 to 5 are written out in words: one, two, three, four, five, then there are 3 + 3 + 5 + 4 + 4 = 19 letters used in total. + +If all the numbers from 1 to 1000 (one thousand) inclusive were written out in words, how many letters would be used? + + +NOTE: Do not count spaces or hyphens. For example, 342 (three hundred and forty-two) contains 23 letters and 115 (one hundred and fifteen) +contains 20 letters. The use of "and" when writing out numbers is in compliance with British usage. +''' + +ones_counts = [0, 3, 3, 5, 4, 4, 3, 5, 5, 4, 3, 6, 6, 8, 8, 7, 7, 9, 8, 8] # number of letters in zero, one, two, ..., nineteen (0 for zero since it's never said aloud) +tens_counts = [0, 0, 6, 6, 5, 5, 5, 7, 6, 6] # number of letters in twenty, thirty, ..., ninety (0 for numbers less than 20 due to inconsistency in teens) + +count = 0 + +for i in range(1, 1001): + if i < 1000: + if i >= 100: + count += ones_counts[i / 100] + 7 # add number of letters for "n hundred" + + if i % 100 != 0: + count += 3 # add number of letters for "and" if number is not multiple of 100 + + if 0 < i % 100 < 20: + count += ones_counts[i % 100] # add number of letters for one, two, three, ..., nineteen (could be combined with below if not for inconsistency in teens) + else: + count += ones_counts[i % 10] + tens_counts[(i % 100 - i % 10) / 10] # add number of letters for twenty, twenty one, ..., ninety nine + else: + count += ones_counts[i / 1000] + 8 + +print(count) diff --git a/project_euler/problem_19/sol1.py b/project_euler/problem_19/sol1.py index 92cf615527b1..614f1426fada 100644 --- a/project_euler/problem_19/sol1.py +++ b/project_euler/problem_19/sol1.py @@ -1,52 +1,52 @@ -from __future__ import print_function - -''' -Counting Sundays -Problem 19 - -You are given the following information, but you may prefer to do some research for yourself. - -1 Jan 1900 was a Monday. -Thirty days has September, -April, June and November. -All the rest have thirty-one, -Saving February alone, -Which has twenty-eight, rain or shine. -And on leap years, twenty-nine. - -A leap year occurs on any year evenly divisible by 4, but not on a century unless it is divisible by 400. - -How many Sundays fell on the first of the month during the twentieth century (1 Jan 1901 to 31 Dec 2000)? -''' - -days_per_month = [31, 28, 31, 30, 31, 30, 31, 31, 30, 31, 30, 31] - -day = 6 -month = 1 -year = 1901 - -sundays = 0 - -while year < 2001: - day += 7 - - if (year % 4 == 0 and not year % 100 == 0) or (year % 400 == 0): - if day > days_per_month[month - 1] and month != 2: - month += 1 - day = day - days_per_month[month - 2] - elif day > 29 and month == 2: - month += 1 - day = day - 29 - else: - if day > days_per_month[month - 1]: - month += 1 - day = day - days_per_month[month - 2] - - if month > 12: - year += 1 - month = 1 - - if year < 2001 and day == 1: - sundays += 1 - -print(sundays) +from __future__ import print_function + +''' +Counting Sundays +Problem 19 + +You are given the following information, but you may prefer to do some research for yourself. + +1 Jan 1900 was a Monday. +Thirty days has September, +April, June and November. +All the rest have thirty-one, +Saving February alone, +Which has twenty-eight, rain or shine. +And on leap years, twenty-nine. + +A leap year occurs on any year evenly divisible by 4, but not on a century unless it is divisible by 400. + +How many Sundays fell on the first of the month during the twentieth century (1 Jan 1901 to 31 Dec 2000)? +''' + +days_per_month = [31, 28, 31, 30, 31, 30, 31, 31, 30, 31, 30, 31] + +day = 6 +month = 1 +year = 1901 + +sundays = 0 + +while year < 2001: + day += 7 + + if (year % 4 == 0 and not year % 100 == 0) or (year % 400 == 0): + if day > days_per_month[month - 1] and month != 2: + month += 1 + day = day - days_per_month[month - 2] + elif day > 29 and month == 2: + month += 1 + day = day - 29 + else: + if day > days_per_month[month - 1]: + month += 1 + day = day - days_per_month[month - 2] + + if month > 12: + year += 1 + month = 1 + + if year < 2001 and day == 1: + sundays += 1 + +print(sundays) diff --git a/project_euler/problem_20/sol1.py b/project_euler/problem_20/sol1.py index 4a56df5901e4..21687afccd2e 100644 --- a/project_euler/problem_20/sol1.py +++ b/project_euler/problem_20/sol1.py @@ -1,29 +1,29 @@ -# Finding the factorial. -def factorial(n): - fact = 1 - for i in range(1, n + 1): - fact *= i - return fact - - -# Spliting the digits and adding it. -def split_and_add(number): - sum_of_digits = 0 - while (number > 0): - last_digit = number % 10 - sum_of_digits += last_digit - number = int(number / 10) # Removing the last_digit from the given number. - return sum_of_digits - - -# Taking the user input. -number = int(input("Enter the Number: ")) - -# Assigning the factorial from the factorial function. -factorial = factorial(number) - -# Spliting and adding the factorial into answer. -answer = split_and_add(factorial) - -# Printing the answer. -print(answer) +# Finding the factorial. +def factorial(n): + fact = 1 + for i in range(1, n + 1): + fact *= i + return fact + + +# Spliting the digits and adding it. +def split_and_add(number): + sum_of_digits = 0 + while (number > 0): + last_digit = number % 10 + sum_of_digits += last_digit + number = int(number / 10) # Removing the last_digit from the given number. + return sum_of_digits + + +# Taking the user input. +number = int(input("Enter the Number: ")) + +# Assigning the factorial from the factorial function. +factorial = factorial(number) + +# Spliting and adding the factorial into answer. +answer = split_and_add(factorial) + +# Printing the answer. +print(answer) diff --git a/project_euler/problem_20/sol2.py b/project_euler/problem_20/sol2.py index ef462501254a..c2fbed02f763 100644 --- a/project_euler/problem_20/sol2.py +++ b/project_euler/problem_20/sol2.py @@ -1,9 +1,9 @@ -from math import factorial - - -def main(): - print(sum([int(x) for x in str(factorial(100))])) - - -if __name__ == '__main__': - main() +from math import factorial + + +def main(): + print(sum([int(x) for x in str(factorial(100))])) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_21/sol1.py b/project_euler/problem_21/sol1.py index ebe34a3fb111..d209a6e57a80 100644 --- a/project_euler/problem_21/sol1.py +++ b/project_euler/problem_21/sol1.py @@ -1,34 +1,34 @@ -# -.- coding: latin-1 -.- -from __future__ import print_function - -from math import sqrt - -''' -Amicable Numbers -Problem 21 - -Let d(n) be defined as the sum of proper divisors of n (numbers less than n which divide evenly into n). -If d(a) = b and d(b) = a, where a ≠ b, then a and b are an amicable pair and each of a and b are called amicable numbers. - -For example, the proper divisors of 220 are 1, 2, 4, 5, 10, 11, 20, 22, 44, 55 and 110; therefore d(220) = 284. The proper divisors of 284 are 1, 2, 4, 71 and 142; so d(284) = 220. - -Evaluate the sum of all the amicable numbers under 10000. -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def sum_of_divisors(n): - total = 0 - for i in xrange(1, int(sqrt(n) + 1)): - if n % i == 0 and i != sqrt(n): - total += i + n // i - elif i == sqrt(n): - total += i - return total - n - - -total = [i for i in range(1, 10000) if sum_of_divisors(sum_of_divisors(i)) == i and sum_of_divisors(i) != i] -print(sum(total)) +# -.- coding: latin-1 -.- +from __future__ import print_function + +from math import sqrt + +''' +Amicable Numbers +Problem 21 + +Let d(n) be defined as the sum of proper divisors of n (numbers less than n which divide evenly into n). +If d(a) = b and d(b) = a, where a ≠ b, then a and b are an amicable pair and each of a and b are called amicable numbers. + +For example, the proper divisors of 220 are 1, 2, 4, 5, 10, 11, 20, 22, 44, 55 and 110; therefore d(220) = 284. The proper divisors of 284 are 1, 2, 4, 71 and 142; so d(284) = 220. + +Evaluate the sum of all the amicable numbers under 10000. +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def sum_of_divisors(n): + total = 0 + for i in xrange(1, int(sqrt(n) + 1)): + if n % i == 0 and i != sqrt(n): + total += i + n // i + elif i == sqrt(n): + total += i + return total - n + + +total = [i for i in range(1, 10000) if sum_of_divisors(sum_of_divisors(i)) == i and sum_of_divisors(i) != i] +print(sum(total)) diff --git a/project_euler/problem_22/sol1.py b/project_euler/problem_22/sol1.py index ef2c1f639501..45c0460a0dbf 100644 --- a/project_euler/problem_22/sol1.py +++ b/project_euler/problem_22/sol1.py @@ -1,38 +1,38 @@ -# -*- coding: latin-1 -*- -from __future__ import print_function - -''' -Name scores -Problem 22 - -Using names.txt (right click and 'Save Link/Target As...'), a 46K text file containing over five-thousand first names, begin by sorting it -into alphabetical order. Then working out the alphabetical value for each name, multiply this value by its alphabetical position in the list -to obtain a name score. - -For example, when the list is sorted into alphabetical order, COLIN, which is worth 3 + 15 + 12 + 9 + 14 = 53, is the 938th name in the list. -So, COLIN would obtain a score of 938 × 53 = 49714. - -What is the total of all the name scores in the file? -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - -with open('p022_names.txt') as file: - names = str(file.readlines()[0]) - names = names.replace('"', '').split(',') - -names.sort() - -name_score = 0 -total_score = 0 - -for i, name in enumerate(names): - for letter in name: - name_score += ord(letter) - 64 - - total_score += (i + 1) * name_score - name_score = 0 - -print(total_score) +# -*- coding: latin-1 -*- +from __future__ import print_function + +''' +Name scores +Problem 22 + +Using names.txt (right click and 'Save Link/Target As...'), a 46K text file containing over five-thousand first names, begin by sorting it +into alphabetical order. Then working out the alphabetical value for each name, multiply this value by its alphabetical position in the list +to obtain a name score. + +For example, when the list is sorted into alphabetical order, COLIN, which is worth 3 + 15 + 12 + 9 + 14 = 53, is the 938th name in the list. +So, COLIN would obtain a score of 938 × 53 = 49714. + +What is the total of all the name scores in the file? +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + +with open('p022_names.txt') as file: + names = str(file.readlines()[0]) + names = names.replace('"', '').split(',') + +names.sort() + +name_score = 0 +total_score = 0 + +for i, name in enumerate(names): + for letter in name: + name_score += ord(letter) - 64 + + total_score += (i + 1) * name_score + name_score = 0 + +print(total_score) diff --git a/project_euler/problem_22/sol2.py b/project_euler/problem_22/sol2.py index fe76d161cdbe..c8bb33d07b18 100644 --- a/project_euler/problem_22/sol2.py +++ b/project_euler/problem_22/sol2.py @@ -1,533 +1,533 @@ -def main(): - name = [ - "MARY", "PATRICIA", "LINDA", "BARBARA", "ELIZABETH", "JENNIFER", "MARIA", "SUSAN", "MARGARET", "DOROTHY", - "LISA", "NANCY", "KAREN", "BETTY", "HELEN", "SANDRA", "DONNA", "CAROL", "RUTH", "SHARON", - "MICHELLE", "LAURA", "SARAH", "KIMBERLY", "DEBORAH", "JESSICA", "SHIRLEY", "CYNTHIA", "ANGELA", "MELISSA", - "BRENDA", "AMY", "ANNA", "REBECCA", "VIRGINIA", "KATHLEEN", "PAMELA", "MARTHA", "DEBRA", "AMANDA", - "STEPHANIE", "CAROLYN", "CHRISTINE", "MARIE", "JANET", "CATHERINE", "FRANCES", "ANN", "JOYCE", "DIANE", - "ALICE", "JULIE", "HEATHER", "TERESA", "DORIS", "GLORIA", "EVELYN", "JEAN", "CHERYL", "MILDRED", - "KATHERINE", "JOAN", "ASHLEY", "JUDITH", "ROSE", "JANICE", "KELLY", "NICOLE", "JUDY", "CHRISTINA", - "KATHY", "THERESA", "BEVERLY", "DENISE", "TAMMY", "IRENE", "JANE", "LORI", "RACHEL", "MARILYN", - "ANDREA", "KATHRYN", "LOUISE", "SARA", "ANNE", "JACQUELINE", "WANDA", "BONNIE", "JULIA", "RUBY", - "LOIS", "TINA", "PHYLLIS", "NORMA", "PAULA", "DIANA", "ANNIE", "LILLIAN", "EMILY", "ROBIN", - "PEGGY", "CRYSTAL", "GLADYS", "RITA", "DAWN", "CONNIE", "FLORENCE", "TRACY", "EDNA", "TIFFANY", - "CARMEN", "ROSA", "CINDY", "GRACE", "WENDY", "VICTORIA", "EDITH", "KIM", "SHERRY", "SYLVIA", - "JOSEPHINE", "THELMA", "SHANNON", "SHEILA", "ETHEL", "ELLEN", "ELAINE", "MARJORIE", "CARRIE", "CHARLOTTE", - "MONICA", "ESTHER", "PAULINE", "EMMA", "JUANITA", "ANITA", "RHONDA", "HAZEL", "AMBER", "EVA", - "DEBBIE", "APRIL", "LESLIE", "CLARA", "LUCILLE", "JAMIE", "JOANNE", "ELEANOR", "VALERIE", "DANIELLE", - "MEGAN", "ALICIA", "SUZANNE", "MICHELE", "GAIL", "BERTHA", "DARLENE", "VERONICA", "JILL", "ERIN", - "GERALDINE", "LAUREN", "CATHY", "JOANN", "LORRAINE", "LYNN", "SALLY", "REGINA", "ERICA", "BEATRICE", - "DOLORES", "BERNICE", "AUDREY", "YVONNE", "ANNETTE", "JUNE", "SAMANTHA", "MARION", "DANA", "STACY", - "ANA", "RENEE", "IDA", "VIVIAN", "ROBERTA", "HOLLY", "BRITTANY", "MELANIE", "LORETTA", "YOLANDA", - "JEANETTE", "LAURIE", "KATIE", "KRISTEN", "VANESSA", "ALMA", "SUE", "ELSIE", "BETH", "JEANNE", - "VICKI", "CARLA", "TARA", "ROSEMARY", "EILEEN", "TERRI", "GERTRUDE", "LUCY", "TONYA", "ELLA", - "STACEY", "WILMA", "GINA", "KRISTIN", "JESSIE", "NATALIE", "AGNES", "VERA", "WILLIE", "CHARLENE", - "BESSIE", "DELORES", "MELINDA", "PEARL", "ARLENE", "MAUREEN", "COLLEEN", "ALLISON", "TAMARA", "JOY", - "GEORGIA", "CONSTANCE", "LILLIE", "CLAUDIA", "JACKIE", "MARCIA", "TANYA", "NELLIE", "MINNIE", "MARLENE", - "HEIDI", "GLENDA", "LYDIA", "VIOLA", "COURTNEY", "MARIAN", "STELLA", "CAROLINE", "DORA", "JO", - "VICKIE", "MATTIE", "TERRY", "MAXINE", "IRMA", "MABEL", "MARSHA", "MYRTLE", "LENA", "CHRISTY", - "DEANNA", "PATSY", "HILDA", "GWENDOLYN", "JENNIE", "NORA", "MARGIE", "NINA", "CASSANDRA", "LEAH", - "PENNY", "KAY", "PRISCILLA", "NAOMI", "CAROLE", "BRANDY", "OLGA", "BILLIE", "DIANNE", "TRACEY", - "LEONA", "JENNY", "FELICIA", "SONIA", "MIRIAM", "VELMA", "BECKY", "BOBBIE", "VIOLET", "KRISTINA", - "TONI", "MISTY", "MAE", "SHELLY", "DAISY", "RAMONA", "SHERRI", "ERIKA", "KATRINA", "CLAIRE", - "LINDSEY", "LINDSAY", "GENEVA", "GUADALUPE", "BELINDA", "MARGARITA", "SHERYL", "CORA", "FAYE", "ADA", - "NATASHA", "SABRINA", "ISABEL", "MARGUERITE", "HATTIE", "HARRIET", "MOLLY", "CECILIA", "KRISTI", "BRANDI", - "BLANCHE", "SANDY", "ROSIE", "JOANNA", "IRIS", "EUNICE", "ANGIE", "INEZ", "LYNDA", "MADELINE", - "AMELIA", "ALBERTA", "GENEVIEVE", "MONIQUE", "JODI", "JANIE", "MAGGIE", "KAYLA", "SONYA", "JAN", - "LEE", "KRISTINE", "CANDACE", "FANNIE", "MARYANN", "OPAL", "ALISON", "YVETTE", "MELODY", "LUZ", - "SUSIE", "OLIVIA", "FLORA", "SHELLEY", "KRISTY", "MAMIE", "LULA", "LOLA", "VERNA", "BEULAH", - "ANTOINETTE", "CANDICE", "JUANA", "JEANNETTE", "PAM", "KELLI", "HANNAH", "WHITNEY", "BRIDGET", "KARLA", - "CELIA", "LATOYA", "PATTY", "SHELIA", "GAYLE", "DELLA", "VICKY", "LYNNE", "SHERI", "MARIANNE", - "KARA", "JACQUELYN", "ERMA", "BLANCA", "MYRA", "LETICIA", "PAT", "KRISTA", "ROXANNE", "ANGELICA", - "JOHNNIE", "ROBYN", "FRANCIS", "ADRIENNE", "ROSALIE", "ALEXANDRA", "BROOKE", "BETHANY", "SADIE", "BERNADETTE", - "TRACI", "JODY", "KENDRA", "JASMINE", "NICHOLE", "RACHAEL", "CHELSEA", "MABLE", "ERNESTINE", "MURIEL", - "MARCELLA", "ELENA", "KRYSTAL", "ANGELINA", "NADINE", "KARI", "ESTELLE", "DIANNA", "PAULETTE", "LORA", - "MONA", "DOREEN", "ROSEMARIE", "ANGEL", "DESIREE", "ANTONIA", "HOPE", "GINGER", "JANIS", "BETSY", - "CHRISTIE", "FREDA", "MERCEDES", "MEREDITH", "LYNETTE", "TERI", "CRISTINA", "EULA", "LEIGH", "MEGHAN", - "SOPHIA", "ELOISE", "ROCHELLE", "GRETCHEN", "CECELIA", "RAQUEL", "HENRIETTA", "ALYSSA", "JANA", "KELLEY", - "GWEN", "KERRY", "JENNA", "TRICIA", "LAVERNE", "OLIVE", "ALEXIS", "TASHA", "SILVIA", "ELVIRA", - "CASEY", "DELIA", "SOPHIE", "KATE", "PATTI", "LORENA", "KELLIE", "SONJA", "LILA", "LANA", - "DARLA", "MAY", "MINDY", "ESSIE", "MANDY", "LORENE", "ELSA", "JOSEFINA", "JEANNIE", "MIRANDA", - "DIXIE", "LUCIA", "MARTA", "FAITH", "LELA", "JOHANNA", "SHARI", "CAMILLE", "TAMI", "SHAWNA", - "ELISA", "EBONY", "MELBA", "ORA", "NETTIE", "TABITHA", "OLLIE", "JAIME", "WINIFRED", "KRISTIE", - "MARINA", "ALISHA", "AIMEE", "RENA", "MYRNA", "MARLA", "TAMMIE", "LATASHA", "BONITA", "PATRICE", - "RONDA", "SHERRIE", "ADDIE", "FRANCINE", "DELORIS", "STACIE", "ADRIANA", "CHERI", "SHELBY", "ABIGAIL", - "CELESTE", "JEWEL", "CARA", "ADELE", "REBEKAH", "LUCINDA", "DORTHY", "CHRIS", "EFFIE", "TRINA", - "REBA", "SHAWN", "SALLIE", "AURORA", "LENORA", "ETTA", "LOTTIE", "KERRI", "TRISHA", "NIKKI", - "ESTELLA", "FRANCISCA", "JOSIE", "TRACIE", "MARISSA", "KARIN", "BRITTNEY", "JANELLE", "LOURDES", "LAUREL", - "HELENE", "FERN", "ELVA", "CORINNE", "KELSEY", "INA", "BETTIE", "ELISABETH", "AIDA", "CAITLIN", - "INGRID", "IVA", "EUGENIA", "CHRISTA", "GOLDIE", "CASSIE", "MAUDE", "JENIFER", "THERESE", "FRANKIE", - "DENA", "LORNA", "JANETTE", "LATONYA", "CANDY", "MORGAN", "CONSUELO", "TAMIKA", "ROSETTA", "DEBORA", - "CHERIE", "POLLY", "DINA", "JEWELL", "FAY", "JILLIAN", "DOROTHEA", "NELL", "TRUDY", "ESPERANZA", - "PATRICA", "KIMBERLEY", "SHANNA", "HELENA", "CAROLINA", "CLEO", "STEFANIE", "ROSARIO", "OLA", "JANINE", - "MOLLIE", "LUPE", "ALISA", "LOU", "MARIBEL", "SUSANNE", "BETTE", "SUSANA", "ELISE", "CECILE", - "ISABELLE", "LESLEY", "JOCELYN", "PAIGE", "JONI", "RACHELLE", "LEOLA", "DAPHNE", "ALTA", "ESTER", - "PETRA", "GRACIELA", "IMOGENE", "JOLENE", "KEISHA", "LACEY", "GLENNA", "GABRIELA", "KERI", "URSULA", - "LIZZIE", "KIRSTEN", "SHANA", "ADELINE", "MAYRA", "JAYNE", "JACLYN", "GRACIE", "SONDRA", "CARMELA", - "MARISA", "ROSALIND", "CHARITY", "TONIA", "BEATRIZ", "MARISOL", "CLARICE", "JEANINE", "SHEENA", "ANGELINE", - "FRIEDA", "LILY", "ROBBIE", "SHAUNA", "MILLIE", "CLAUDETTE", "CATHLEEN", "ANGELIA", "GABRIELLE", "AUTUMN", - "KATHARINE", "SUMMER", "JODIE", "STACI", "LEA", "CHRISTI", "JIMMIE", "JUSTINE", "ELMA", "LUELLA", - "MARGRET", "DOMINIQUE", "SOCORRO", "RENE", "MARTINA", "MARGO", "MAVIS", "CALLIE", "BOBBI", "MARITZA", - "LUCILE", "LEANNE", "JEANNINE", "DEANA", "AILEEN", "LORIE", "LADONNA", "WILLA", "MANUELA", "GALE", - "SELMA", "DOLLY", "SYBIL", "ABBY", "LARA", "DALE", "IVY", "DEE", "WINNIE", "MARCY", - "LUISA", "JERI", "MAGDALENA", "OFELIA", "MEAGAN", "AUDRA", "MATILDA", "LEILA", "CORNELIA", "BIANCA", - "SIMONE", "BETTYE", "RANDI", "VIRGIE", "LATISHA", "BARBRA", "GEORGINA", "ELIZA", "LEANN", "BRIDGETTE", - "RHODA", "HALEY", "ADELA", "NOLA", "BERNADINE", "FLOSSIE", "ILA", "GRETA", "RUTHIE", "NELDA", - "MINERVA", "LILLY", "TERRIE", "LETHA", "HILARY", "ESTELA", "VALARIE", "BRIANNA", "ROSALYN", "EARLINE", - "CATALINA", "AVA", "MIA", "CLARISSA", "LIDIA", "CORRINE", "ALEXANDRIA", "CONCEPCION", "TIA", "SHARRON", - "RAE", "DONA", "ERICKA", "JAMI", "ELNORA", "CHANDRA", "LENORE", "NEVA", "MARYLOU", "MELISA", - "TABATHA", "SERENA", "AVIS", "ALLIE", "SOFIA", "JEANIE", "ODESSA", "NANNIE", "HARRIETT", "LORAINE", - "PENELOPE", "MILAGROS", "EMILIA", "BENITA", "ALLYSON", "ASHLEE", "TANIA", "TOMMIE", "ESMERALDA", "KARINA", - "EVE", "PEARLIE", "ZELMA", "MALINDA", "NOREEN", "TAMEKA", "SAUNDRA", "HILLARY", "AMIE", "ALTHEA", - "ROSALINDA", "JORDAN", "LILIA", "ALANA", "GAY", "CLARE", "ALEJANDRA", "ELINOR", "MICHAEL", "LORRIE", - "JERRI", "DARCY", "EARNESTINE", "CARMELLA", "TAYLOR", "NOEMI", "MARCIE", "LIZA", "ANNABELLE", "LOUISA", - "EARLENE", "MALLORY", "CARLENE", "NITA", "SELENA", "TANISHA", "KATY", "JULIANNE", "JOHN", "LAKISHA", - "EDWINA", "MARICELA", "MARGERY", "KENYA", "DOLLIE", "ROXIE", "ROSLYN", "KATHRINE", "NANETTE", "CHARMAINE", - "LAVONNE", "ILENE", "KRIS", "TAMMI", "SUZETTE", "CORINE", "KAYE", "JERRY", "MERLE", "CHRYSTAL", - "LINA", "DEANNE", "LILIAN", "JULIANA", "ALINE", "LUANN", "KASEY", "MARYANNE", "EVANGELINE", "COLETTE", - "MELVA", "LAWANDA", "YESENIA", "NADIA", "MADGE", "KATHIE", "EDDIE", "OPHELIA", "VALERIA", "NONA", - "MITZI", "MARI", "GEORGETTE", "CLAUDINE", "FRAN", "ALISSA", "ROSEANN", "LAKEISHA", "SUSANNA", "REVA", - "DEIDRE", "CHASITY", "SHEREE", "CARLY", "JAMES", "ELVIA", "ALYCE", "DEIRDRE", "GENA", "BRIANA", - "ARACELI", "KATELYN", "ROSANNE", "WENDI", "TESSA", "BERTA", "MARVA", "IMELDA", "MARIETTA", "MARCI", - "LEONOR", "ARLINE", "SASHA", "MADELYN", "JANNA", "JULIETTE", "DEENA", "AURELIA", "JOSEFA", "AUGUSTA", - "LILIANA", "YOUNG", "CHRISTIAN", "LESSIE", "AMALIA", "SAVANNAH", "ANASTASIA", "VILMA", "NATALIA", "ROSELLA", - "LYNNETTE", "CORINA", "ALFREDA", "LEANNA", "CAREY", "AMPARO", "COLEEN", "TAMRA", "AISHA", "WILDA", - "KARYN", "CHERRY", "QUEEN", "MAURA", "MAI", "EVANGELINA", "ROSANNA", "HALLIE", "ERNA", "ENID", - "MARIANA", "LACY", "JULIET", "JACKLYN", "FREIDA", "MADELEINE", "MARA", "HESTER", "CATHRYN", "LELIA", - "CASANDRA", "BRIDGETT", "ANGELITA", "JANNIE", "DIONNE", "ANNMARIE", "KATINA", "BERYL", "PHOEBE", "MILLICENT", - "KATHERYN", "DIANN", "CARISSA", "MARYELLEN", "LIZ", "LAURI", "HELGA", "GILDA", "ADRIAN", "RHEA", - "MARQUITA", "HOLLIE", "TISHA", "TAMERA", "ANGELIQUE", "FRANCESCA", "BRITNEY", "KAITLIN", "LOLITA", "FLORINE", - "ROWENA", "REYNA", "TWILA", "FANNY", "JANELL", "INES", "CONCETTA", "BERTIE", "ALBA", "BRIGITTE", - "ALYSON", "VONDA", "PANSY", "ELBA", "NOELLE", "LETITIA", "KITTY", "DEANN", "BRANDIE", "LOUELLA", - "LETA", "FELECIA", "SHARLENE", "LESA", "BEVERLEY", "ROBERT", "ISABELLA", "HERMINIA", "TERRA", "CELINA", - "TORI", "OCTAVIA", "JADE", "DENICE", "GERMAINE", "SIERRA", "MICHELL", "CORTNEY", "NELLY", "DORETHA", - "SYDNEY", "DEIDRA", "MONIKA", "LASHONDA", "JUDI", "CHELSEY", "ANTIONETTE", "MARGOT", "BOBBY", "ADELAIDE", - "NAN", "LEEANN", "ELISHA", "DESSIE", "LIBBY", "KATHI", "GAYLA", "LATANYA", "MINA", "MELLISA", - "KIMBERLEE", "JASMIN", "RENAE", "ZELDA", "ELDA", "MA", "JUSTINA", "GUSSIE", "EMILIE", "CAMILLA", - "ABBIE", "ROCIO", "KAITLYN", "JESSE", "EDYTHE", "ASHLEIGH", "SELINA", "LAKESHA", "GERI", "ALLENE", - "PAMALA", "MICHAELA", "DAYNA", "CARYN", "ROSALIA", "SUN", "JACQULINE", "REBECA", "MARYBETH", "KRYSTLE", - "IOLA", "DOTTIE", "BENNIE", "BELLE", "AUBREY", "GRISELDA", "ERNESTINA", "ELIDA", "ADRIANNE", "DEMETRIA", - "DELMA", "CHONG", "JAQUELINE", "DESTINY", "ARLEEN", "VIRGINA", "RETHA", "FATIMA", "TILLIE", "ELEANORE", - "CARI", "TREVA", "BIRDIE", "WILHELMINA", "ROSALEE", "MAURINE", "LATRICE", "YONG", "JENA", "TARYN", - "ELIA", "DEBBY", "MAUDIE", "JEANNA", "DELILAH", "CATRINA", "SHONDA", "HORTENCIA", "THEODORA", "TERESITA", - "ROBBIN", "DANETTE", "MARYJANE", "FREDDIE", "DELPHINE", "BRIANNE", "NILDA", "DANNA", "CINDI", "BESS", - "IONA", "HANNA", "ARIEL", "WINONA", "VIDA", "ROSITA", "MARIANNA", "WILLIAM", "RACHEAL", "GUILLERMINA", - "ELOISA", "CELESTINE", "CAREN", "MALISSA", "LONA", "CHANTEL", "SHELLIE", "MARISELA", "LEORA", "AGATHA", - "SOLEDAD", "MIGDALIA", "IVETTE", "CHRISTEN", "ATHENA", "JANEL", "CHLOE", "VEDA", "PATTIE", "TESSIE", - "TERA", "MARILYNN", "LUCRETIA", "KARRIE", "DINAH", "DANIELA", "ALECIA", "ADELINA", "VERNICE", "SHIELA", - "PORTIA", "MERRY", "LASHAWN", "DEVON", "DARA", "TAWANA", "OMA", "VERDA", "CHRISTIN", "ALENE", - "ZELLA", "SANDI", "RAFAELA", "MAYA", "KIRA", "CANDIDA", "ALVINA", "SUZAN", "SHAYLA", "LYN", - "LETTIE", "ALVA", "SAMATHA", "ORALIA", "MATILDE", "MADONNA", "LARISSA", "VESTA", "RENITA", "INDIA", - "DELOIS", "SHANDA", "PHILLIS", "LORRI", "ERLINDA", "CRUZ", "CATHRINE", "BARB", "ZOE", "ISABELL", - "IONE", "GISELA", "CHARLIE", "VALENCIA", "ROXANNA", "MAYME", "KISHA", "ELLIE", "MELLISSA", "DORRIS", - "DALIA", "BELLA", "ANNETTA", "ZOILA", "RETA", "REINA", "LAURETTA", "KYLIE", "CHRISTAL", "PILAR", - "CHARLA", "ELISSA", "TIFFANI", "TANA", "PAULINA", "LEOTA", "BREANNA", "JAYME", "CARMEL", "VERNELL", - "TOMASA", "MANDI", "DOMINGA", "SANTA", "MELODIE", "LURA", "ALEXA", "TAMELA", "RYAN", "MIRNA", - "KERRIE", "VENUS", "NOEL", "FELICITA", "CRISTY", "CARMELITA", "BERNIECE", "ANNEMARIE", "TIARA", "ROSEANNE", - "MISSY", "CORI", "ROXANA", "PRICILLA", "KRISTAL", "JUNG", "ELYSE", "HAYDEE", "ALETHA", "BETTINA", - "MARGE", "GILLIAN", "FILOMENA", "CHARLES", "ZENAIDA", "HARRIETTE", "CARIDAD", "VADA", "UNA", "ARETHA", - "PEARLINE", "MARJORY", "MARCELA", "FLOR", "EVETTE", "ELOUISE", "ALINA", "TRINIDAD", "DAVID", "DAMARIS", - "CATHARINE", "CARROLL", "BELVA", "NAKIA", "MARLENA", "LUANNE", "LORINE", "KARON", "DORENE", "DANITA", - "BRENNA", "TATIANA", "SAMMIE", "LOUANN", "LOREN", "JULIANNA", "ANDRIA", "PHILOMENA", "LUCILA", "LEONORA", - "DOVIE", "ROMONA", "MIMI", "JACQUELIN", "GAYE", "TONJA", "MISTI", "JOE", "GENE", "CHASTITY", - "STACIA", "ROXANN", "MICAELA", "NIKITA", "MEI", "VELDA", "MARLYS", "JOHNNA", "AURA", "LAVERN", - "IVONNE", "HAYLEY", "NICKI", "MAJORIE", "HERLINDA", "GEORGE", "ALPHA", "YADIRA", "PERLA", "GREGORIA", - "DANIEL", "ANTONETTE", "SHELLI", "MOZELLE", "MARIAH", "JOELLE", "CORDELIA", "JOSETTE", "CHIQUITA", "TRISTA", - "LOUIS", "LAQUITA", "GEORGIANA", "CANDI", "SHANON", "LONNIE", "HILDEGARD", "CECIL", "VALENTINA", "STEPHANY", - "MAGDA", "KAROL", "GERRY", "GABRIELLA", "TIANA", "ROMA", "RICHELLE", "RAY", "PRINCESS", "OLETA", - "JACQUE", "IDELLA", "ALAINA", "SUZANNA", "JOVITA", "BLAIR", "TOSHA", "RAVEN", "NEREIDA", "MARLYN", - "KYLA", "JOSEPH", "DELFINA", "TENA", "STEPHENIE", "SABINA", "NATHALIE", "MARCELLE", "GERTIE", "DARLEEN", - "THEA", "SHARONDA", "SHANTEL", "BELEN", "VENESSA", "ROSALINA", "ONA", "GENOVEVA", "COREY", "CLEMENTINE", - "ROSALBA", "RENATE", "RENATA", "MI", "IVORY", "GEORGIANNA", "FLOY", "DORCAS", "ARIANA", "TYRA", - "THEDA", "MARIAM", "JULI", "JESICA", "DONNIE", "VIKKI", "VERLA", "ROSELYN", "MELVINA", "JANNETTE", - "GINNY", "DEBRAH", "CORRIE", "ASIA", "VIOLETA", "MYRTIS", "LATRICIA", "COLLETTE", "CHARLEEN", "ANISSA", - "VIVIANA", "TWYLA", "PRECIOUS", "NEDRA", "LATONIA", "LAN", "HELLEN", "FABIOLA", "ANNAMARIE", "ADELL", - "SHARYN", "CHANTAL", "NIKI", "MAUD", "LIZETTE", "LINDY", "KIA", "KESHA", "JEANA", "DANELLE", - "CHARLINE", "CHANEL", "CARROL", "VALORIE", "LIA", "DORTHA", "CRISTAL", "SUNNY", "LEONE", "LEILANI", - "GERRI", "DEBI", "ANDRA", "KESHIA", "IMA", "EULALIA", "EASTER", "DULCE", "NATIVIDAD", "LINNIE", - "KAMI", "GEORGIE", "CATINA", "BROOK", "ALDA", "WINNIFRED", "SHARLA", "RUTHANN", "MEAGHAN", "MAGDALENE", - "LISSETTE", "ADELAIDA", "VENITA", "TRENA", "SHIRLENE", "SHAMEKA", "ELIZEBETH", "DIAN", "SHANTA", "MICKEY", - "LATOSHA", "CARLOTTA", "WINDY", "SOON", "ROSINA", "MARIANN", "LEISA", "JONNIE", "DAWNA", "CATHIE", - "BILLY", "ASTRID", "SIDNEY", "LAUREEN", "JANEEN", "HOLLI", "FAWN", "VICKEY", "TERESSA", "SHANTE", - "RUBYE", "MARCELINA", "CHANDA", "CARY", "TERESE", "SCARLETT", "MARTY", "MARNIE", "LULU", "LISETTE", - "JENIFFER", "ELENOR", "DORINDA", "DONITA", "CARMAN", "BERNITA", "ALTAGRACIA", "ALETA", "ADRIANNA", "ZORAIDA", - "RONNIE", "NICOLA", "LYNDSEY", "KENDALL", "JANINA", "CHRISSY", "AMI", "STARLA", "PHYLIS", "PHUONG", - "KYRA", "CHARISSE", "BLANCH", "SANJUANITA", "RONA", "NANCI", "MARILEE", "MARANDA", "CORY", "BRIGETTE", - "SANJUANA", "MARITA", "KASSANDRA", "JOYCELYN", "IRA", "FELIPA", "CHELSIE", "BONNY", "MIREYA", "LORENZA", - "KYONG", "ILEANA", "CANDELARIA", "TONY", "TOBY", "SHERIE", "OK", "MARK", "LUCIE", "LEATRICE", - "LAKESHIA", "GERDA", "EDIE", "BAMBI", "MARYLIN", "LAVON", "HORTENSE", "GARNET", "EVIE", "TRESSA", - "SHAYNA", "LAVINA", "KYUNG", "JEANETTA", "SHERRILL", "SHARA", "PHYLISS", "MITTIE", "ANABEL", "ALESIA", - "THUY", "TAWANDA", "RICHARD", "JOANIE", "TIFFANIE", "LASHANDA", "KARISSA", "ENRIQUETA", "DARIA", "DANIELLA", - "CORINNA", "ALANNA", "ABBEY", "ROXANE", "ROSEANNA", "MAGNOLIA", "LIDA", "KYLE", "JOELLEN", "ERA", - "CORAL", "CARLEEN", "TRESA", "PEGGIE", "NOVELLA", "NILA", "MAYBELLE", "JENELLE", "CARINA", "NOVA", - "MELINA", "MARQUERITE", "MARGARETTE", "JOSEPHINA", "EVONNE", "DEVIN", "CINTHIA", "ALBINA", "TOYA", "TAWNYA", - "SHERITA", "SANTOS", "MYRIAM", "LIZABETH", "LISE", "KEELY", "JENNI", "GISELLE", "CHERYLE", "ARDITH", - "ARDIS", "ALESHA", "ADRIANE", "SHAINA", "LINNEA", "KAROLYN", "HONG", "FLORIDA", "FELISHA", "DORI", - "DARCI", "ARTIE", "ARMIDA", "ZOLA", "XIOMARA", "VERGIE", "SHAMIKA", "NENA", "NANNETTE", "MAXIE", - "LOVIE", "JEANE", "JAIMIE", "INGE", "FARRAH", "ELAINA", "CAITLYN", "STARR", "FELICITAS", "CHERLY", - "CARYL", "YOLONDA", "YASMIN", "TEENA", "PRUDENCE", "PENNIE", "NYDIA", "MACKENZIE", "ORPHA", "MARVEL", - "LIZBETH", "LAURETTE", "JERRIE", "HERMELINDA", "CAROLEE", "TIERRA", "MIRIAN", "META", "MELONY", "KORI", - "JENNETTE", "JAMILA", "ENA", "ANH", "YOSHIKO", "SUSANNAH", "SALINA", "RHIANNON", "JOLEEN", "CRISTINE", - "ASHTON", "ARACELY", "TOMEKA", "SHALONDA", "MARTI", "LACIE", "KALA", "JADA", "ILSE", "HAILEY", - "BRITTANI", "ZONA", "SYBLE", "SHERRYL", "RANDY", "NIDIA", "MARLO", "KANDICE", "KANDI", "DEB", - "DEAN", "AMERICA", "ALYCIA", "TOMMY", "RONNA", "NORENE", "MERCY", "JOSE", "INGEBORG", "GIOVANNA", - "GEMMA", "CHRISTEL", "AUDRY", "ZORA", "VITA", "VAN", "TRISH", "STEPHAINE", "SHIRLEE", "SHANIKA", - "MELONIE", "MAZIE", "JAZMIN", "INGA", "HOA", "HETTIE", "GERALYN", "FONDA", "ESTRELLA", "ADELLA", - "SU", "SARITA", "RINA", "MILISSA", "MARIBETH", "GOLDA", "EVON", "ETHELYN", "ENEDINA", "CHERISE", - "CHANA", "VELVA", "TAWANNA", "SADE", "MIRTA", "LI", "KARIE", "JACINTA", "ELNA", "DAVINA", - "CIERRA", "ASHLIE", "ALBERTHA", "TANESHA", "STEPHANI", "NELLE", "MINDI", "LU", "LORINDA", "LARUE", - "FLORENE", "DEMETRA", "DEDRA", "CIARA", "CHANTELLE", "ASHLY", "SUZY", "ROSALVA", "NOELIA", "LYDA", - "LEATHA", "KRYSTYNA", "KRISTAN", "KARRI", "DARLINE", "DARCIE", "CINDA", "CHEYENNE", "CHERRIE", "AWILDA", - "ALMEDA", "ROLANDA", "LANETTE", "JERILYN", "GISELE", "EVALYN", "CYNDI", "CLETA", "CARIN", "ZINA", - "ZENA", "VELIA", "TANIKA", "PAUL", "CHARISSA", "THOMAS", "TALIA", "MARGARETE", "LAVONDA", "KAYLEE", - "KATHLENE", "JONNA", "IRENA", "ILONA", "IDALIA", "CANDIS", "CANDANCE", "BRANDEE", "ANITRA", "ALIDA", - "SIGRID", "NICOLETTE", "MARYJO", "LINETTE", "HEDWIG", "CHRISTIANA", "CASSIDY", "ALEXIA", "TRESSIE", "MODESTA", - "LUPITA", "LITA", "GLADIS", "EVELIA", "DAVIDA", "CHERRI", "CECILY", "ASHELY", "ANNABEL", "AGUSTINA", - "WANITA", "SHIRLY", "ROSAURA", "HULDA", "EUN", "BAILEY", "YETTA", "VERONA", "THOMASINA", "SIBYL", - "SHANNAN", "MECHELLE", "LUE", "LEANDRA", "LANI", "KYLEE", "KANDY", "JOLYNN", "FERNE", "EBONI", - "CORENE", "ALYSIA", "ZULA", "NADA", "MOIRA", "LYNDSAY", "LORRETTA", "JUAN", "JAMMIE", "HORTENSIA", - "GAYNELL", "CAMERON", "ADRIA", "VINA", "VICENTA", "TANGELA", "STEPHINE", "NORINE", "NELLA", "LIANA", - "LESLEE", "KIMBERELY", "ILIANA", "GLORY", "FELICA", "EMOGENE", "ELFRIEDE", "EDEN", "EARTHA", "CARMA", - "BEA", "OCIE", "MARRY", "LENNIE", "KIARA", "JACALYN", "CARLOTA", "ARIELLE", "YU", "STAR", - "OTILIA", "KIRSTIN", "KACEY", "JOHNETTA", "JOEY", "JOETTA", "JERALDINE", "JAUNITA", "ELANA", "DORTHEA", - "CAMI", "AMADA", "ADELIA", "VERNITA", "TAMAR", "SIOBHAN", "RENEA", "RASHIDA", "OUIDA", "ODELL", - "NILSA", "MERYL", "KRISTYN", "JULIETA", "DANICA", "BREANNE", "AUREA", "ANGLEA", "SHERRON", "ODETTE", - "MALIA", "LORELEI", "LIN", "LEESA", "KENNA", "KATHLYN", "FIONA", "CHARLETTE", "SUZIE", "SHANTELL", - "SABRA", "RACQUEL", "MYONG", "MIRA", "MARTINE", "LUCIENNE", "LAVADA", "JULIANN", "JOHNIE", "ELVERA", - "DELPHIA", "CLAIR", "CHRISTIANE", "CHAROLETTE", "CARRI", "AUGUSTINE", "ASHA", "ANGELLA", "PAOLA", "NINFA", - "LEDA", "LAI", "EDA", "SUNSHINE", "STEFANI", "SHANELL", "PALMA", "MACHELLE", "LISSA", "KECIA", - "KATHRYNE", "KARLENE", "JULISSA", "JETTIE", "JENNIFFER", "HUI", "CORRINA", "CHRISTOPHER", "CAROLANN", "ALENA", - "TESS", "ROSARIA", "MYRTICE", "MARYLEE", "LIANE", "KENYATTA", "JUDIE", "JANEY", "IN", "ELMIRA", - "ELDORA", "DENNA", "CRISTI", "CATHI", "ZAIDA", "VONNIE", "VIVA", "VERNIE", "ROSALINE", "MARIELA", - "LUCIANA", "LESLI", "KARAN", "FELICE", "DENEEN", "ADINA", "WYNONA", "TARSHA", "SHERON", "SHASTA", - "SHANITA", "SHANI", "SHANDRA", "RANDA", "PINKIE", "PARIS", "NELIDA", "MARILOU", "LYLA", "LAURENE", - "LACI", "JOI", "JANENE", "DOROTHA", "DANIELE", "DANI", "CAROLYNN", "CARLYN", "BERENICE", "AYESHA", - "ANNELIESE", "ALETHEA", "THERSA", "TAMIKO", "RUFINA", "OLIVA", "MOZELL", "MARYLYN", "MADISON", "KRISTIAN", - "KATHYRN", "KASANDRA", "KANDACE", "JANAE", "GABRIEL", "DOMENICA", "DEBBRA", "DANNIELLE", "CHUN", "BUFFY", - "BARBIE", "ARCELIA", "AJA", "ZENOBIA", "SHAREN", "SHAREE", "PATRICK", "PAGE", "MY", "LAVINIA", - "KUM", "KACIE", "JACKELINE", "HUONG", "FELISA", "EMELIA", "ELEANORA", "CYTHIA", "CRISTIN", "CLYDE", - "CLARIBEL", "CARON", "ANASTACIA", "ZULMA", "ZANDRA", "YOKO", "TENISHA", "SUSANN", "SHERILYN", "SHAY", - "SHAWANDA", "SABINE", "ROMANA", "MATHILDA", "LINSEY", "KEIKO", "JOANA", "ISELA", "GRETTA", "GEORGETTA", - "EUGENIE", "DUSTY", "DESIRAE", "DELORA", "CORAZON", "ANTONINA", "ANIKA", "WILLENE", "TRACEE", "TAMATHA", - "REGAN", "NICHELLE", "MICKIE", "MAEGAN", "LUANA", "LANITA", "KELSIE", "EDELMIRA", "BREE", "AFTON", - "TEODORA", "TAMIE", "SHENA", "MEG", "LINH", "KELI", "KACI", "DANYELLE", "BRITT", "ARLETTE", - "ALBERTINE", "ADELLE", "TIFFINY", "STORMY", "SIMONA", "NUMBERS", "NICOLASA", "NICHOL", "NIA", "NAKISHA", - "MEE", "MAIRA", "LOREEN", "KIZZY", "JOHNNY", "JAY", "FALLON", "CHRISTENE", "BOBBYE", "ANTHONY", - "YING", "VINCENZA", "TANJA", "RUBIE", "RONI", "QUEENIE", "MARGARETT", "KIMBERLI", "IRMGARD", "IDELL", - "HILMA", "EVELINA", "ESTA", "EMILEE", "DENNISE", "DANIA", "CARL", "CARIE", "ANTONIO", "WAI", - "SANG", "RISA", "RIKKI", "PARTICIA", "MUI", "MASAKO", "MARIO", "LUVENIA", "LOREE", "LONI", - "LIEN", "KEVIN", "GIGI", "FLORENCIA", "DORIAN", "DENITA", "DALLAS", "CHI", "BILLYE", "ALEXANDER", - "TOMIKA", "SHARITA", "RANA", "NIKOLE", "NEOMA", "MARGARITE", "MADALYN", "LUCINA", "LAILA", "KALI", - "JENETTE", "GABRIELE", "EVELYNE", "ELENORA", "CLEMENTINA", "ALEJANDRINA", "ZULEMA", "VIOLETTE", "VANNESSA", "THRESA", - "RETTA", "PIA", "PATIENCE", "NOELLA", "NICKIE", "JONELL", "DELTA", "CHUNG", "CHAYA", "CAMELIA", - "BETHEL", "ANYA", "ANDREW", "THANH", "SUZANN", "SPRING", "SHU", "MILA", "LILLA", "LAVERNA", - "KEESHA", "KATTIE", "GIA", "GEORGENE", "EVELINE", "ESTELL", "ELIZBETH", "VIVIENNE", "VALLIE", "TRUDIE", - "STEPHANE", "MICHEL", "MAGALY", "MADIE", "KENYETTA", "KARREN", "JANETTA", "HERMINE", "HARMONY", "DRUCILLA", - "DEBBI", "CELESTINA", "CANDIE", "BRITNI", "BECKIE", "AMINA", "ZITA", "YUN", "YOLANDE", "VIVIEN", - "VERNETTA", "TRUDI", "SOMMER", "PEARLE", "PATRINA", "OSSIE", "NICOLLE", "LOYCE", "LETTY", "LARISA", - "KATHARINA", "JOSELYN", "JONELLE", "JENELL", "IESHA", "HEIDE", "FLORINDA", "FLORENTINA", "FLO", "ELODIA", - "DORINE", "BRUNILDA", "BRIGID", "ASHLI", "ARDELLA", "TWANA", "THU", "TARAH", "SUNG", "SHEA", - "SHAVON", "SHANE", "SERINA", "RAYNA", "RAMONITA", "NGA", "MARGURITE", "LUCRECIA", "KOURTNEY", "KATI", - "JESUS", "JESENIA", "DIAMOND", "CRISTA", "AYANA", "ALICA", "ALIA", "VINNIE", "SUELLEN", "ROMELIA", - "RACHELL", "PIPER", "OLYMPIA", "MICHIKO", "KATHALEEN", "JOLIE", "JESSI", "JANESSA", "HANA", "HA", - "ELEASE", "CARLETTA", "BRITANY", "SHONA", "SALOME", "ROSAMOND", "REGENA", "RAINA", "NGOC", "NELIA", - "LOUVENIA", "LESIA", "LATRINA", "LATICIA", "LARHONDA", "JINA", "JACKI", "HOLLIS", "HOLLEY", "EMMY", - "DEEANN", "CORETTA", "ARNETTA", "VELVET", "THALIA", "SHANICE", "NETA", "MIKKI", "MICKI", "LONNA", - "LEANA", "LASHUNDA", "KILEY", "JOYE", "JACQULYN", "IGNACIA", "HYUN", "HIROKO", "HENRY", "HENRIETTE", - "ELAYNE", "DELINDA", "DARNELL", "DAHLIA", "COREEN", "CONSUELA", "CONCHITA", "CELINE", "BABETTE", "AYANNA", - "ANETTE", "ALBERTINA", "SKYE", "SHAWNEE", "SHANEKA", "QUIANA", "PAMELIA", "MIN", "MERRI", "MERLENE", - "MARGIT", "KIESHA", "KIERA", "KAYLENE", "JODEE", "JENISE", "ERLENE", "EMMIE", "ELSE", "DARYL", - "DALILA", "DAISEY", "CODY", "CASIE", "BELIA", "BABARA", "VERSIE", "VANESA", "SHELBA", "SHAWNDA", - "SAM", "NORMAN", "NIKIA", "NAOMA", "MARNA", "MARGERET", "MADALINE", "LAWANA", "KINDRA", "JUTTA", - "JAZMINE", "JANETT", "HANNELORE", "GLENDORA", "GERTRUD", "GARNETT", "FREEDA", "FREDERICA", "FLORANCE", "FLAVIA", - "DENNIS", "CARLINE", "BEVERLEE", "ANJANETTE", "VALDA", "TRINITY", "TAMALA", "STEVIE", "SHONNA", "SHA", - "SARINA", "ONEIDA", "MICAH", "MERILYN", "MARLEEN", "LURLINE", "LENNA", "KATHERIN", "JIN", "JENI", - "HAE", "GRACIA", "GLADY", "FARAH", "ERIC", "ENOLA", "EMA", "DOMINQUE", "DEVONA", "DELANA", - "CECILA", "CAPRICE", "ALYSHA", "ALI", "ALETHIA", "VENA", "THERESIA", "TAWNY", "SONG", "SHAKIRA", - "SAMARA", "SACHIKO", "RACHELE", "PAMELLA", "NICKY", "MARNI", "MARIEL", "MAREN", "MALISA", "LIGIA", - "LERA", "LATORIA", "LARAE", "KIMBER", "KATHERN", "KAREY", "JENNEFER", "JANETH", "HALINA", "FREDIA", - "DELISA", "DEBROAH", "CIERA", "CHIN", "ANGELIKA", "ANDREE", "ALTHA", "YEN", "VIVAN", "TERRESA", - "TANNA", "SUK", "SUDIE", "SOO", "SIGNE", "SALENA", "RONNI", "REBBECCA", "MYRTIE", "MCKENZIE", - "MALIKA", "MAIDA", "LOAN", "LEONARDA", "KAYLEIGH", "FRANCE", "ETHYL", "ELLYN", "DAYLE", "CAMMIE", - "BRITTNI", "BIRGIT", "AVELINA", "ASUNCION", "ARIANNA", "AKIKO", "VENICE", "TYESHA", "TONIE", "TIESHA", - "TAKISHA", "STEFFANIE", "SINDY", "SANTANA", "MEGHANN", "MANDA", "MACIE", "LADY", "KELLYE", "KELLEE", - "JOSLYN", "JASON", "INGER", "INDIRA", "GLINDA", "GLENNIS", "FERNANDA", "FAUSTINA", "ENEIDA", "ELICIA", - "DOT", "DIGNA", "DELL", "ARLETTA", "ANDRE", "WILLIA", "TAMMARA", "TABETHA", "SHERRELL", "SARI", - "REFUGIO", "REBBECA", "PAULETTA", "NIEVES", "NATOSHA", "NAKITA", "MAMMIE", "KENISHA", "KAZUKO", "KASSIE", - "GARY", "EARLEAN", "DAPHINE", "CORLISS", "CLOTILDE", "CAROLYNE", "BERNETTA", "AUGUSTINA", "AUDREA", "ANNIS", - "ANNABELL", "YAN", "TENNILLE", "TAMICA", "SELENE", "SEAN", "ROSANA", "REGENIA", "QIANA", "MARKITA", - "MACY", "LEEANNE", "LAURINE", "KYM", "JESSENIA", "JANITA", "GEORGINE", "GENIE", "EMIKO", "ELVIE", - "DEANDRA", "DAGMAR", "CORIE", "COLLEN", "CHERISH", "ROMAINE", "PORSHA", "PEARLENE", "MICHELINE", "MERNA", - "MARGORIE", "MARGARETTA", "LORE", "KENNETH", "JENINE", "HERMINA", "FREDERICKA", "ELKE", "DRUSILLA", "DORATHY", - "DIONE", "DESIRE", "CELENA", "BRIGIDA", "ANGELES", "ALLEGRA", "THEO", "TAMEKIA", "SYNTHIA", "STEPHEN", - "SOOK", "SLYVIA", "ROSANN", "REATHA", "RAYE", "MARQUETTA", "MARGART", "LING", "LAYLA", "KYMBERLY", - "KIANA", "KAYLEEN", "KATLYN", "KARMEN", "JOELLA", "IRINA", "EMELDA", "ELENI", "DETRA", "CLEMMIE", - "CHERYLL", "CHANTELL", "CATHEY", "ARNITA", "ARLA", "ANGLE", "ANGELIC", "ALYSE", "ZOFIA", "THOMASINE", - "TENNIE", "SON", "SHERLY", "SHERLEY", "SHARYL", "REMEDIOS", "PETRINA", "NICKOLE", "MYUNG", "MYRLE", - "MOZELLA", "LOUANNE", "LISHA", "LATIA", "LANE", "KRYSTA", "JULIENNE", "JOEL", "JEANENE", "JACQUALINE", - "ISAURA", "GWENDA", "EARLEEN", "DONALD", "CLEOPATRA", "CARLIE", "AUDIE", "ANTONIETTA", "ALISE", "ALEX", - "VERDELL", "VAL", "TYLER", "TOMOKO", "THAO", "TALISHA", "STEVEN", "SO", "SHEMIKA", "SHAUN", - "SCARLET", "SAVANNA", "SANTINA", "ROSIA", "RAEANN", "ODILIA", "NANA", "MINNA", "MAGAN", "LYNELLE", - "LE", "KARMA", "JOEANN", "IVANA", "INELL", "ILANA", "HYE", "HONEY", "HEE", "GUDRUN", - "FRANK", "DREAMA", "CRISSY", "CHANTE", "CARMELINA", "ARVILLA", "ARTHUR", "ANNAMAE", "ALVERA", "ALEIDA", - "AARON", "YEE", "YANIRA", "VANDA", "TIANNA", "TAM", "STEFANIA", "SHIRA", "PERRY", "NICOL", - "NANCIE", "MONSERRATE", "MINH", "MELYNDA", "MELANY", "MATTHEW", "LOVELLA", "LAURE", "KIRBY", "KACY", - "JACQUELYNN", "HYON", "GERTHA", "FRANCISCO", "ELIANA", "CHRISTENA", "CHRISTEEN", "CHARISE", "CATERINA", "CARLEY", - "CANDYCE", "ARLENA", "AMMIE", "YANG", "WILLETTE", "VANITA", "TUYET", "TINY", "SYREETA", "SILVA", - "SCOTT", "RONALD", "PENNEY", "NYLA", "MICHAL", "MAURICE", "MARYAM", "MARYA", "MAGEN", "LUDIE", - "LOMA", "LIVIA", "LANELL", "KIMBERLIE", "JULEE", "DONETTA", "DIEDRA", "DENISHA", "DEANE", "DAWNE", - "CLARINE", "CHERRYL", "BRONWYN", "BRANDON", "ALLA", "VALERY", "TONDA", "SUEANN", "SORAYA", "SHOSHANA", - "SHELA", "SHARLEEN", "SHANELLE", "NERISSA", "MICHEAL", "MERIDITH", "MELLIE", "MAYE", "MAPLE", "MAGARET", - "LUIS", "LILI", "LEONILA", "LEONIE", "LEEANNA", "LAVONIA", "LAVERA", "KRISTEL", "KATHEY", "KATHE", - "JUSTIN", "JULIAN", "JIMMY", "JANN", "ILDA", "HILDRED", "HILDEGARDE", "GENIA", "FUMIKO", "EVELIN", - "ERMELINDA", "ELLY", "DUNG", "DOLORIS", "DIONNA", "DANAE", "BERNEICE", "ANNICE", "ALIX", "VERENA", - "VERDIE", "TRISTAN", "SHAWNNA", "SHAWANA", "SHAUNNA", "ROZELLA", "RANDEE", "RANAE", "MILAGRO", "LYNELL", - "LUISE", "LOUIE", "LOIDA", "LISBETH", "KARLEEN", "JUNITA", "JONA", "ISIS", "HYACINTH", "HEDY", - "GWENN", "ETHELENE", "ERLINE", "EDWARD", "DONYA", "DOMONIQUE", "DELICIA", "DANNETTE", "CICELY", "BRANDA", - "BLYTHE", "BETHANN", "ASHLYN", "ANNALEE", "ALLINE", "YUKO", "VELLA", "TRANG", "TOWANDA", "TESHA", - "SHERLYN", "NARCISA", "MIGUELINA", "MERI", "MAYBELL", "MARLANA", "MARGUERITA", "MADLYN", "LUNA", "LORY", - "LORIANN", "LIBERTY", "LEONORE", "LEIGHANN", "LAURICE", "LATESHA", "LARONDA", "KATRICE", "KASIE", "KARL", - "KALEY", "JADWIGA", "GLENNIE", "GEARLDINE", "FRANCINA", "EPIFANIA", "DYAN", "DORIE", "DIEDRE", "DENESE", - "DEMETRICE", "DELENA", "DARBY", "CRISTIE", "CLEORA", "CATARINA", "CARISA", "BERNIE", "BARBERA", "ALMETA", - "TRULA", "TEREASA", "SOLANGE", "SHEILAH", "SHAVONNE", "SANORA", "ROCHELL", "MATHILDE", "MARGARETA", "MAIA", - "LYNSEY", "LAWANNA", "LAUNA", "KENA", "KEENA", "KATIA", "JAMEY", "GLYNDA", "GAYLENE", "ELVINA", - "ELANOR", "DANUTA", "DANIKA", "CRISTEN", "CORDIE", "COLETTA", "CLARITA", "CARMON", "BRYNN", "AZUCENA", - "AUNDREA", "ANGELE", "YI", "WALTER", "VERLIE", "VERLENE", "TAMESHA", "SILVANA", "SEBRINA", "SAMIRA", - "REDA", "RAYLENE", "PENNI", "PANDORA", "NORAH", "NOMA", "MIREILLE", "MELISSIA", "MARYALICE", "LARAINE", - "KIMBERY", "KARYL", "KARINE", "KAM", "JOLANDA", "JOHANA", "JESUSA", "JALEESA", "JAE", "JACQUELYNE", - "IRISH", "ILUMINADA", "HILARIA", "HANH", "GENNIE", "FRANCIE", "FLORETTA", "EXIE", "EDDA", "DREMA", - "DELPHA", "BEV", "BARBAR", "ASSUNTA", "ARDELL", "ANNALISA", "ALISIA", "YUKIKO", "YOLANDO", "WONDA", - "WEI", "WALTRAUD", "VETA", "TEQUILA", "TEMEKA", "TAMEIKA", "SHIRLEEN", "SHENITA", "PIEDAD", "OZELLA", - "MIRTHA", "MARILU", "KIMIKO", "JULIANE", "JENICE", "JEN", "JANAY", "JACQUILINE", "HILDE", "FE", - "FAE", "EVAN", "EUGENE", "ELOIS", "ECHO", "DEVORAH", "CHAU", "BRINDA", "BETSEY", "ARMINDA", - "ARACELIS", "APRYL", "ANNETT", "ALISHIA", "VEOLA", "USHA", "TOSHIKO", "THEOLA", "TASHIA", "TALITHA", - "SHERY", "RUDY", "RENETTA", "REIKO", "RASHEEDA", "OMEGA", "OBDULIA", "MIKA", "MELAINE", "MEGGAN", - "MARTIN", "MARLEN", "MARGET", "MARCELINE", "MANA", "MAGDALEN", "LIBRADA", "LEZLIE", "LEXIE", "LATASHIA", - "LASANDRA", "KELLE", "ISIDRA", "ISA", "INOCENCIA", "GWYN", "FRANCOISE", "ERMINIA", "ERINN", "DIMPLE", - "DEVORA", "CRISELDA", "ARMANDA", "ARIE", "ARIANE", "ANGELO", "ANGELENA", "ALLEN", "ALIZA", "ADRIENE", - "ADALINE", "XOCHITL", "TWANNA", "TRAN", "TOMIKO", "TAMISHA", "TAISHA", "SUSY", "SIU", "RUTHA", - "ROXY", "RHONA", "RAYMOND", "OTHA", "NORIKO", "NATASHIA", "MERRIE", "MELVIN", "MARINDA", "MARIKO", - "MARGERT", "LORIS", "LIZZETTE", "LEISHA", "KAILA", "KA", "JOANNIE", "JERRICA", "JENE", "JANNET", - "JANEE", "JACINDA", "HERTA", "ELENORE", "DORETTA", "DELAINE", "DANIELL", "CLAUDIE", "CHINA", "BRITTA", - "APOLONIA", "AMBERLY", "ALEASE", "YURI", "YUK", "WEN", "WANETA", "UTE", "TOMI", "SHARRI", - "SANDIE", "ROSELLE", "REYNALDA", "RAGUEL", "PHYLICIA", "PATRIA", "OLIMPIA", "ODELIA", "MITZIE", "MITCHELL", - "MISS", "MINDA", "MIGNON", "MICA", "MENDY", "MARIVEL", "MAILE", "LYNETTA", "LAVETTE", "LAURYN", - "LATRISHA", "LAKIESHA", "KIERSTEN", "KARY", "JOSPHINE", "JOLYN", "JETTA", "JANISE", "JACQUIE", "IVELISSE", - "GLYNIS", "GIANNA", "GAYNELLE", "EMERALD", "DEMETRIUS", "DANYELL", "DANILLE", "DACIA", "CORALEE", "CHER", - "CEOLA", "BRETT", "BELL", "ARIANNE", "ALESHIA", "YUNG", "WILLIEMAE", "TROY", "TRINH", "THORA", - "TAI", "SVETLANA", "SHERIKA", "SHEMEKA", "SHAUNDA", "ROSELINE", "RICKI", "MELDA", "MALLIE", "LAVONNA", - "LATINA", "LARRY", "LAQUANDA", "LALA", "LACHELLE", "KLARA", "KANDIS", "JOHNA", "JEANMARIE", "JAYE", - "HANG", "GRAYCE", "GERTUDE", "EMERITA", "EBONIE", "CLORINDA", "CHING", "CHERY", "CAROLA", "BREANN", - "BLOSSOM", "BERNARDINE", "BECKI", "ARLETHA", "ARGELIA", "ARA", "ALITA", "YULANDA", "YON", "YESSENIA", - "TOBI", "TASIA", "SYLVIE", "SHIRL", "SHIRELY", "SHERIDAN", "SHELLA", "SHANTELLE", "SACHA", "ROYCE", - "REBECKA", "REAGAN", "PROVIDENCIA", "PAULENE", "MISHA", "MIKI", "MARLINE", "MARICA", "LORITA", "LATOYIA", - "LASONYA", "KERSTIN", "KENDA", "KEITHA", "KATHRIN", "JAYMIE", "JACK", "GRICELDA", "GINETTE", "ERYN", - "ELINA", "ELFRIEDA", "DANYEL", "CHEREE", "CHANELLE", "BARRIE", "AVERY", "AURORE", "ANNAMARIA", "ALLEEN", - "AILENE", "AIDE", "YASMINE", "VASHTI", "VALENTINE", "TREASA", "TORY", "TIFFANEY", "SHERYLL", "SHARIE", - "SHANAE", "SAU", "RAISA", "PA", "NEDA", "MITSUKO", "MIRELLA", "MILDA", "MARYANNA", "MARAGRET", - "MABELLE", "LUETTA", "LORINA", "LETISHA", "LATARSHA", "LANELLE", "LAJUANA", "KRISSY", "KARLY", "KARENA", - "JON", "JESSIKA", "JERICA", "JEANELLE", "JANUARY", "JALISA", "JACELYN", "IZOLA", "IVEY", "GREGORY", - "EUNA", "ETHA", "DREW", "DOMITILA", "DOMINICA", "DAINA", "CREOLA", "CARLI", "CAMIE", "BUNNY", - "BRITTNY", "ASHANTI", "ANISHA", "ALEEN", "ADAH", "YASUKO", "WINTER", "VIKI", "VALRIE", "TONA", - "TINISHA", "THI", "TERISA", "TATUM", "TANEKA", "SIMONNE", "SHALANDA", "SERITA", "RESSIE", "REFUGIA", - "PAZ", "OLENE", "NA", "MERRILL", "MARGHERITA", "MANDIE", "MAN", "MAIRE", "LYNDIA", "LUCI", - "LORRIANE", "LORETA", "LEONIA", "LAVONA", "LASHAWNDA", "LAKIA", "KYOKO", "KRYSTINA", "KRYSTEN", "KENIA", - "KELSI", "JUDE", "JEANICE", "ISOBEL", "GEORGIANN", "GENNY", "FELICIDAD", "EILENE", "DEON", "DELOISE", - "DEEDEE", "DANNIE", "CONCEPTION", "CLORA", "CHERILYN", "CHANG", "CALANDRA", "BERRY", "ARMANDINA", "ANISA", - "ULA", "TIMOTHY", "TIERA", "THERESSA", "STEPHANIA", "SIMA", "SHYLA", "SHONTA", "SHERA", "SHAQUITA", - "SHALA", "SAMMY", "ROSSANA", "NOHEMI", "NERY", "MORIAH", "MELITA", "MELIDA", "MELANI", "MARYLYNN", - "MARISHA", "MARIETTE", "MALORIE", "MADELENE", "LUDIVINA", "LORIA", "LORETTE", "LORALEE", "LIANNE", "LEON", - "LAVENIA", "LAURINDA", "LASHON", "KIT", "KIMI", "KEILA", "KATELYNN", "KAI", "JONE", "JOANE", - "JI", "JAYNA", "JANELLA", "JA", "HUE", "HERTHA", "FRANCENE", "ELINORE", "DESPINA", "DELSIE", - "DEEDRA", "CLEMENCIA", "CARRY", "CAROLIN", "CARLOS", "BULAH", "BRITTANIE", "BOK", "BLONDELL", "BIBI", - "BEAULAH", "BEATA", "ANNITA", "AGRIPINA", "VIRGEN", "VALENE", "UN", "TWANDA", "TOMMYE", "TOI", - "TARRA", "TARI", "TAMMERA", "SHAKIA", "SADYE", "RUTHANNE", "ROCHEL", "RIVKA", "PURA", "NENITA", - "NATISHA", "MING", "MERRILEE", "MELODEE", "MARVIS", "LUCILLA", "LEENA", "LAVETA", "LARITA", "LANIE", - "KEREN", "ILEEN", "GEORGEANN", "GENNA", "GENESIS", "FRIDA", "EWA", "EUFEMIA", "EMELY", "ELA", - "EDYTH", "DEONNA", "DEADRA", "DARLENA", "CHANELL", "CHAN", "CATHERN", "CASSONDRA", "CASSAUNDRA", "BERNARDA", - "BERNA", "ARLINDA", "ANAMARIA", "ALBERT", "WESLEY", "VERTIE", "VALERI", "TORRI", "TATYANA", "STASIA", - "SHERISE", "SHERILL", "SEASON", "SCOTTIE", "SANDA", "RUTHE", "ROSY", "ROBERTO", "ROBBI", "RANEE", - "QUYEN", "PEARLY", "PALMIRA", "ONITA", "NISHA", "NIESHA", "NIDA", "NEVADA", "NAM", "MERLYN", - "MAYOLA", "MARYLOUISE", "MARYLAND", "MARX", "MARTH", "MARGENE", "MADELAINE", "LONDA", "LEONTINE", "LEOMA", - "LEIA", "LAWRENCE", "LAURALEE", "LANORA", "LAKITA", "KIYOKO", "KETURAH", "KATELIN", "KAREEN", "JONIE", - "JOHNETTE", "JENEE", "JEANETT", "IZETTA", "HIEDI", "HEIKE", "HASSIE", "HAROLD", "GIUSEPPINA", "GEORGANN", - "FIDELA", "FERNANDE", "ELWANDA", "ELLAMAE", "ELIZ", "DUSTI", "DOTTY", "CYNDY", "CORALIE", "CELESTA", - "ARGENTINA", "ALVERTA", "XENIA", "WAVA", "VANETTA", "TORRIE", "TASHINA", "TANDY", "TAMBRA", "TAMA", - "STEPANIE", "SHILA", "SHAUNTA", "SHARAN", "SHANIQUA", "SHAE", "SETSUKO", "SERAFINA", "SANDEE", "ROSAMARIA", - "PRISCILA", "OLINDA", "NADENE", "MUOI", "MICHELINA", "MERCEDEZ", "MARYROSE", "MARIN", "MARCENE", "MAO", - "MAGALI", "MAFALDA", "LOGAN", "LINN", "LANNIE", "KAYCE", "KAROLINE", "KAMILAH", "KAMALA", "JUSTA", - "JOLINE", "JENNINE", "JACQUETTA", "IRAIDA", "GERALD", "GEORGEANNA", "FRANCHESCA", "FAIRY", "EMELINE", "ELANE", - "EHTEL", "EARLIE", "DULCIE", "DALENE", "CRIS", "CLASSIE", "CHERE", "CHARIS", "CAROYLN", "CARMINA", - "CARITA", "BRIAN", "BETHANIE", "AYAKO", "ARICA", "AN", "ALYSA", "ALESSANDRA", "AKILAH", "ADRIEN", - "ZETTA", "YOULANDA", "YELENA", "YAHAIRA", "XUAN", "WENDOLYN", "VICTOR", "TIJUANA", "TERRELL", "TERINA", - "TERESIA", "SUZI", "SUNDAY", "SHERELL", "SHAVONDA", "SHAUNTE", "SHARDA", "SHAKITA", "SENA", "RYANN", - "RUBI", "RIVA", "REGINIA", "REA", "RACHAL", "PARTHENIA", "PAMULA", "MONNIE", "MONET", "MICHAELE", - "MELIA", "MARINE", "MALKA", "MAISHA", "LISANDRA", "LEO", "LEKISHA", "LEAN", "LAURENCE", "LAKENDRA", - "KRYSTIN", "KORTNEY", "KIZZIE", "KITTIE", "KERA", "KENDAL", "KEMBERLY", "KANISHA", "JULENE", "JULE", - "JOSHUA", "JOHANNE", "JEFFREY", "JAMEE", "HAN", "HALLEY", "GIDGET", "GALINA", "FREDRICKA", "FLETA", - "FATIMAH", "EUSEBIA", "ELZA", "ELEONORE", "DORTHEY", "DORIA", "DONELLA", "DINORAH", "DELORSE", "CLARETHA", - "CHRISTINIA", "CHARLYN", "BONG", "BELKIS", "AZZIE", "ANDERA", "AIKO", "ADENA", "YER", "YAJAIRA", - "WAN", "VANIA", "ULRIKE", "TOSHIA", "TIFANY", "STEFANY", "SHIZUE", "SHENIKA", "SHAWANNA", "SHAROLYN", - "SHARILYN", "SHAQUANA", "SHANTAY", "SEE", "ROZANNE", "ROSELEE", "RICKIE", "REMONA", "REANNA", "RAELENE", - "QUINN", "PHUNG", "PETRONILA", "NATACHA", "NANCEY", "MYRL", "MIYOKO", "MIESHA", "MERIDETH", "MARVELLA", - "MARQUITTA", "MARHTA", "MARCHELLE", "LIZETH", "LIBBIE", "LAHOMA", "LADAWN", "KINA", "KATHELEEN", "KATHARYN", - "KARISA", "KALEIGH", "JUNIE", "JULIEANN", "JOHNSIE", "JANEAN", "JAIMEE", "JACKQUELINE", "HISAKO", "HERMA", - "HELAINE", "GWYNETH", "GLENN", "GITA", "EUSTOLIA", "EMELINA", "ELIN", "EDRIS", "DONNETTE", "DONNETTA", - "DIERDRE", "DENAE", "DARCEL", "CLAUDE", "CLARISA", "CINDERELLA", "CHIA", "CHARLESETTA", "CHARITA", "CELSA", - "CASSY", "CASSI", "CARLEE", "BRUNA", "BRITTANEY", "BRANDE", "BILLI", "BAO", "ANTONETTA", "ANGLA", - "ANGELYN", "ANALISA", "ALANE", "WENONA", "WENDIE", "VERONIQUE", "VANNESA", "TOBIE", "TEMPIE", "SUMIKO", - "SULEMA", "SPARKLE", "SOMER", "SHEBA", "SHAYNE", "SHARICE", "SHANEL", "SHALON", "SAGE", "ROY", - "ROSIO", "ROSELIA", "RENAY", "REMA", "REENA", "PORSCHE", "PING", "PEG", "OZIE", "ORETHA", - "ORALEE", "ODA", "NU", "NGAN", "NAKESHA", "MILLY", "MARYBELLE", "MARLIN", "MARIS", "MARGRETT", - "MARAGARET", "MANIE", "LURLENE", "LILLIA", "LIESELOTTE", "LAVELLE", "LASHAUNDA", "LAKEESHA", "KEITH", "KAYCEE", - "KALYN", "JOYA", "JOETTE", "JENAE", "JANIECE", "ILLA", "GRISEL", "GLAYDS", "GENEVIE", "GALA", - "FREDDA", "FRED", "ELMER", "ELEONOR", "DEBERA", "DEANDREA", "DAN", "CORRINNE", "CORDIA", "CONTESSA", - "COLENE", "CLEOTILDE", "CHARLOTT", "CHANTAY", "CECILLE", "BEATRIS", "AZALEE", "ARLEAN", "ARDATH", "ANJELICA", - "ANJA", "ALFREDIA", "ALEISHA", "ADAM", "ZADA", "YUONNE", "XIAO", "WILLODEAN", "WHITLEY", "VENNIE", - "VANNA", "TYISHA", "TOVA", "TORIE", "TONISHA", "TILDA", "TIEN", "TEMPLE", "SIRENA", "SHERRIL", - "SHANTI", "SHAN", "SENAIDA", "SAMELLA", "ROBBYN", "RENDA", "REITA", "PHEBE", "PAULITA", "NOBUKO", - "NGUYET", "NEOMI", "MOON", "MIKAELA", "MELANIA", "MAXIMINA", "MARG", "MAISIE", "LYNNA", "LILLI", - "LAYNE", "LASHAUN", "LAKENYA", "LAEL", "KIRSTIE", "KATHLINE", "KASHA", "KARLYN", "KARIMA", "JOVAN", - "JOSEFINE", "JENNELL", "JACQUI", "JACKELYN", "HYO", "HIEN", "GRAZYNA", "FLORRIE", "FLORIA", "ELEONORA", - "DWANA", "DORLA", "DONG", "DELMY", "DEJA", "DEDE", "DANN", "CRYSTA", "CLELIA", "CLARIS", - "CLARENCE", "CHIEKO", "CHERLYN", "CHERELLE", "CHARMAIN", "CHARA", "CAMMY", "BEE", "ARNETTE", "ARDELLE", - "ANNIKA", "AMIEE", "AMEE", "ALLENA", "YVONE", "YUKI", "YOSHIE", "YEVETTE", "YAEL", "WILLETTA", - "VONCILE", "VENETTA", "TULA", "TONETTE", "TIMIKA", "TEMIKA", "TELMA", "TEISHA", "TAREN", "TA", - "STACEE", "SHIN", "SHAWNTA", "SATURNINA", "RICARDA", "POK", "PASTY", "ONIE", "NUBIA", "MORA", - "MIKE", "MARIELLE", "MARIELLA", "MARIANELA", "MARDELL", "MANY", "LUANNA", "LOISE", "LISABETH", "LINDSY", - "LILLIANA", "LILLIAM", "LELAH", "LEIGHA", "LEANORA", "LANG", "KRISTEEN", "KHALILAH", "KEELEY", "KANDRA", - "JUNKO", "JOAQUINA", "JERLENE", "JANI", "JAMIKA", "JAME", "HSIU", "HERMILA", "GOLDEN", "GENEVIVE", - "EVIA", "EUGENA", "EMMALINE", "ELFREDA", "ELENE", "DONETTE", "DELCIE", "DEEANNA", "DARCEY", "CUC", - "CLARINDA", "CIRA", "CHAE", "CELINDA", "CATHERYN", "CATHERIN", "CASIMIRA", "CARMELIA", "CAMELLIA", "BREANA", - "BOBETTE", "BERNARDINA", "BEBE", "BASILIA", "ARLYNE", "AMAL", "ALAYNA", "ZONIA", "ZENIA", "YURIKO", - "YAEKO", "WYNELL", "WILLOW", "WILLENA", "VERNIA", "TU", "TRAVIS", "TORA", "TERRILYN", "TERICA", - "TENESHA", "TAWNA", "TAJUANA", "TAINA", "STEPHNIE", "SONA", "SOL", "SINA", "SHONDRA", "SHIZUKO", - "SHERLENE", "SHERICE", "SHARIKA", "ROSSIE", "ROSENA", "RORY", "RIMA", "RIA", "RHEBA", "RENNA", - "PETER", "NATALYA", "NANCEE", "MELODI", "MEDA", "MAXIMA", "MATHA", "MARKETTA", "MARICRUZ", "MARCELENE", - "MALVINA", "LUBA", "LOUETTA", "LEIDA", "LECIA", "LAURAN", "LASHAWNA", "LAINE", "KHADIJAH", "KATERINE", - "KASI", "KALLIE", "JULIETTA", "JESUSITA", "JESTINE", "JESSIA", "JEREMY", "JEFFIE", "JANYCE", "ISADORA", - "GEORGIANNE", "FIDELIA", "EVITA", "EURA", "EULAH", "ESTEFANA", "ELSY", "ELIZABET", "ELADIA", "DODIE", - "DION", "DIA", "DENISSE", "DELORAS", "DELILA", "DAYSI", "DAKOTA", "CURTIS", "CRYSTLE", "CONCHA", - "COLBY", "CLARETTA", "CHU", "CHRISTIA", "CHARLSIE", "CHARLENA", "CARYLON", "BETTYANN", "ASLEY", "ASHLEA", - "AMIRA", "AI", "AGUEDA", "AGNUS", "YUETTE", "VINITA", "VICTORINA", "TYNISHA", "TREENA", "TOCCARA", - "TISH", "THOMASENA", "TEGAN", "SOILA", "SHILOH", "SHENNA", "SHARMAINE", "SHANTAE", "SHANDI", "SEPTEMBER", - "SARAN", "SARAI", "SANA", "SAMUEL", "SALLEY", "ROSETTE", "ROLANDE", "REGINE", "OTELIA", "OSCAR", - "OLEVIA", "NICHOLLE", "NECOLE", "NAIDA", "MYRTA", "MYESHA", "MITSUE", "MINTA", "MERTIE", "MARGY", - "MAHALIA", "MADALENE", "LOVE", "LOURA", "LOREAN", "LEWIS", "LESHA", "LEONIDA", "LENITA", "LAVONE", - "LASHELL", "LASHANDRA", "LAMONICA", "KIMBRA", "KATHERINA", "KARRY", "KANESHA", "JULIO", "JONG", "JENEVA", - "JAQUELYN", "HWA", "GILMA", "GHISLAINE", "GERTRUDIS", "FRANSISCA", "FERMINA", "ETTIE", "ETSUKO", "ELLIS", - "ELLAN", "ELIDIA", "EDRA", "DORETHEA", "DOREATHA", "DENYSE", "DENNY", "DEETTA", "DAINE", "CYRSTAL", - "CORRIN", "CAYLA", "CARLITA", "CAMILA", "BURMA", "BULA", "BUENA", "BLAKE", "BARABARA", "AVRIL", - "AUSTIN", "ALAINE", "ZANA", "WILHEMINA", "WANETTA", "VIRGIL", "VI", "VERONIKA", "VERNON", "VERLINE", - "VASILIKI", "TONITA", "TISA", "TEOFILA", "TAYNA", "TAUNYA", "TANDRA", "TAKAKO", "SUNNI", "SUANNE", - "SIXTA", "SHARELL", "SEEMA", "RUSSELL", "ROSENDA", "ROBENA", "RAYMONDE", "PEI", "PAMILA", "OZELL", - "NEIDA", "NEELY", "MISTIE", "MICHA", "MERISSA", "MAURITA", "MARYLN", "MARYETTA", "MARSHALL", "MARCELL", - "MALENA", "MAKEDA", "MADDIE", "LOVETTA", "LOURIE", "LORRINE", "LORILEE", "LESTER", "LAURENA", "LASHAY", - "LARRAINE", "LAREE", "LACRESHA", "KRISTLE", "KRISHNA", "KEVA", "KEIRA", "KAROLE", "JOIE", "JINNY", - "JEANNETTA", "JAMA", "HEIDY", "GILBERTE", "GEMA", "FAVIOLA", "EVELYNN", "ENDA", "ELLI", "ELLENA", - "DIVINA", "DAGNY", "COLLENE", "CODI", "CINDIE", "CHASSIDY", "CHASIDY", "CATRICE", "CATHERINA", "CASSEY", - "CAROLL", "CARLENA", "CANDRA", "CALISTA", "BRYANNA", "BRITTENY", "BEULA", "BARI", "AUDRIE", "AUDRIA", - "ARDELIA", "ANNELLE", "ANGILA", "ALONA", "ALLYN", "DOUGLAS", "ROGER", "JONATHAN", "RALPH", "NICHOLAS", - "BENJAMIN", "BRUCE", "HARRY", "WAYNE", "STEVE", "HOWARD", "ERNEST", "PHILLIP", "TODD", "CRAIG", - "ALAN", "PHILIP", "EARL", "DANNY", "BRYAN", "STANLEY", "LEONARD", "NATHAN", "MANUEL", "RODNEY", - "MARVIN", "VINCENT", "JEFFERY", "JEFF", "CHAD", "JACOB", "ALFRED", "BRADLEY", "HERBERT", "FREDERICK", - "EDWIN", "DON", "RICKY", "RANDALL", "BARRY", "BERNARD", "LEROY", "MARCUS", "THEODORE", "CLIFFORD", - "MIGUEL", "JIM", "TOM", "CALVIN", "BILL", "LLOYD", "DEREK", "WARREN", "DARRELL", "JEROME", - "FLOYD", "ALVIN", "TIM", "GORDON", "GREG", "JORGE", "DUSTIN", "PEDRO", "DERRICK", "ZACHARY", - "HERMAN", "GLEN", "HECTOR", "RICARDO", "RICK", "BRENT", "RAMON", "GILBERT", "MARC", "REGINALD", - "RUBEN", "NATHANIEL", "RAFAEL", "EDGAR", "MILTON", "RAUL", "BEN", "CHESTER", "DUANE", "FRANKLIN", - "BRAD", "RON", "ROLAND", "ARNOLD", "HARVEY", "JARED", "ERIK", "DARRYL", "NEIL", "JAVIER", - "FERNANDO", "CLINTON", "TED", "MATHEW", "TYRONE", "DARREN", "LANCE", "KURT", "ALLAN", "NELSON", - "GUY", "CLAYTON", "HUGH", "MAX", "DWAYNE", "DWIGHT", "ARMANDO", "FELIX", "EVERETT", "IAN", - "WALLACE", "KEN", "BOB", "ALFREDO", "ALBERTO", "DAVE", "IVAN", "BYRON", "ISAAC", "MORRIS", - "CLIFTON", "WILLARD", "ROSS", "ANDY", "SALVADOR", "KIRK", "SERGIO", "SETH", "KENT", "TERRANCE", - "EDUARDO", "TERRENCE", "ENRIQUE", "WADE", "STUART", "FREDRICK", "ARTURO", "ALEJANDRO", "NICK", "LUTHER", - "WENDELL", "JEREMIAH", "JULIUS", "OTIS", "TREVOR", "OLIVER", "LUKE", "HOMER", "GERARD", "DOUG", - "KENNY", "HUBERT", "LYLE", "MATT", "ALFONSO", "ORLANDO", "REX", "CARLTON", "ERNESTO", "NEAL", - "PABLO", "LORENZO", "OMAR", "WILBUR", "GRANT", "HORACE", "RODERICK", "ABRAHAM", "WILLIS", "RICKEY", - "ANDRES", "CESAR", "JOHNATHAN", "MALCOLM", "RUDOLPH", "DAMON", "KELVIN", "PRESTON", "ALTON", "ARCHIE", - "MARCO", "WM", "PETE", "RANDOLPH", "GARRY", "GEOFFREY", "JONATHON", "FELIPE", "GERARDO", "ED", - "DOMINIC", "DELBERT", "COLIN", "GUILLERMO", "EARNEST", "LUCAS", "BENNY", "SPENCER", "RODOLFO", "MYRON", - "EDMUND", "GARRETT", "SALVATORE", "CEDRIC", "LOWELL", "GREGG", "SHERMAN", "WILSON", "SYLVESTER", "ROOSEVELT", - "ISRAEL", "JERMAINE", "FORREST", "WILBERT", "LELAND", "SIMON", "CLARK", "IRVING", "BRYANT", "OWEN", - "RUFUS", "WOODROW", "KRISTOPHER", "MACK", "LEVI", "MARCOS", "GUSTAVO", "JAKE", "LIONEL", "GILBERTO", - "CLINT", "NICOLAS", "ISMAEL", "ORVILLE", "ERVIN", "DEWEY", "AL", "WILFRED", "JOSH", "HUGO", - "IGNACIO", "CALEB", "TOMAS", "SHELDON", "ERICK", "STEWART", "DOYLE", "DARREL", "ROGELIO", "TERENCE", - "SANTIAGO", "ALONZO", "ELIAS", "BERT", "ELBERT", "RAMIRO", "CONRAD", "NOAH", "GRADY", "PHIL", - "CORNELIUS", "LAMAR", "ROLANDO", "CLAY", "PERCY", "DEXTER", "BRADFORD", "DARIN", "AMOS", "MOSES", - "IRVIN", "SAUL", "ROMAN", "RANDAL", "TIMMY", "DARRIN", "WINSTON", "BRENDAN", "ABEL", "DOMINICK", - "BOYD", "EMILIO", "ELIJAH", "DOMINGO", "EMMETT", "MARLON", "EMANUEL", "JERALD", "EDMOND", "EMIL", - "DEWAYNE", "WILL", "OTTO", "TEDDY", "REYNALDO", "BRET", "JESS", "TRENT", "HUMBERTO", "EMMANUEL", - "STEPHAN", "VICENTE", "LAMONT", "GARLAND", "MILES", "EFRAIN", "HEATH", "RODGER", "HARLEY", "ETHAN", - "ELDON", "ROCKY", "PIERRE", "JUNIOR", "FREDDY", "ELI", "BRYCE", "ANTOINE", "STERLING", "CHASE", - "GROVER", "ELTON", "CLEVELAND", "DYLAN", "CHUCK", "DAMIAN", "REUBEN", "STAN", "AUGUST", "LEONARDO", - "JASPER", "RUSSEL", "ERWIN", "BENITO", "HANS", "MONTE", "BLAINE", "ERNIE", "CURT", "QUENTIN", - "AGUSTIN", "MURRAY", "JAMAL", "ADOLFO", "HARRISON", "TYSON", "BURTON", "BRADY", "ELLIOTT", "WILFREDO", - "BART", "JARROD", "VANCE", "DENIS", "DAMIEN", "JOAQUIN", "HARLAN", "DESMOND", "ELLIOT", "DARWIN", - "GREGORIO", "BUDDY", "XAVIER", "KERMIT", "ROSCOE", "ESTEBAN", "ANTON", "SOLOMON", "SCOTTY", "NORBERT", - "ELVIN", "WILLIAMS", "NOLAN", "ROD", "QUINTON", "HAL", "BRAIN", "ROB", "ELWOOD", "KENDRICK", - "DARIUS", "MOISES", "FIDEL", "THADDEUS", "CLIFF", "MARCEL", "JACKSON", "RAPHAEL", "BRYON", "ARMAND", - "ALVARO", "JEFFRY", "DANE", "JOESPH", "THURMAN", "NED", "RUSTY", "MONTY", "FABIAN", "REGGIE", - "MASON", "GRAHAM", "ISAIAH", "VAUGHN", "GUS", "LOYD", "DIEGO", "ADOLPH", "NORRIS", "MILLARD", - "ROCCO", "GONZALO", "DERICK", "RODRIGO", "WILEY", "RIGOBERTO", "ALPHONSO", "TY", "NOE", "VERN", - "REED", "JEFFERSON", "ELVIS", "BERNARDO", "MAURICIO", "HIRAM", "DONOVAN", "BASIL", "RILEY", "NICKOLAS", - "MAYNARD", "SCOT", "VINCE", "QUINCY", "EDDY", "SEBASTIAN", "FEDERICO", "ULYSSES", "HERIBERTO", "DONNELL", - "COLE", "DAVIS", "GAVIN", "EMERY", "WARD", "ROMEO", "JAYSON", "DANTE", "CLEMENT", "COY", - "MAXWELL", "JARVIS", "BRUNO", "ISSAC", "DUDLEY", "BROCK", "SANFORD", "CARMELO", "BARNEY", "NESTOR", - "STEFAN", "DONNY", "ART", "LINWOOD", "BEAU", "WELDON", "GALEN", "ISIDRO", "TRUMAN", "DELMAR", - "JOHNATHON", "SILAS", "FREDERIC", "DICK", "IRWIN", "MERLIN", "CHARLEY", "MARCELINO", "HARRIS", "CARLO", - "TRENTON", "KURTIS", "HUNTER", "AURELIO", "WINFRED", "VITO", "COLLIN", "DENVER", "CARTER", "LEONEL", - "EMORY", "PASQUALE", "MOHAMMAD", "MARIANO", "DANIAL", "LANDON", "DIRK", "BRANDEN", "ADAN", "BUFORD", - "GERMAN", "WILMER", "EMERSON", "ZACHERY", "FLETCHER", "JACQUES", "ERROL", "DALTON", "MONROE", "JOSUE", - "EDWARDO", "BOOKER", "WILFORD", "SONNY", "SHELTON", "CARSON", "THERON", "RAYMUNDO", "DAREN", "HOUSTON", - "ROBBY", "LINCOLN", "GENARO", "BENNETT", "OCTAVIO", "CORNELL", "HUNG", "ARRON", "ANTONY", "HERSCHEL", - "GIOVANNI", "GARTH", "CYRUS", "CYRIL", "RONNY", "LON", "FREEMAN", "DUNCAN", "KENNITH", "CARMINE", - "ERICH", "CHADWICK", "WILBURN", "RUSS", "REID", "MYLES", "ANDERSON", "MORTON", "JONAS", "FOREST", - "MITCHEL", "MERVIN", "ZANE", "RICH", "JAMEL", "LAZARO", "ALPHONSE", "RANDELL", "MAJOR", "JARRETT", - "BROOKS", "ABDUL", "LUCIANO", "SEYMOUR", "EUGENIO", "MOHAMMED", "VALENTIN", "CHANCE", "ARNULFO", "LUCIEN", - "FERDINAND", "THAD", "EZRA", "ALDO", "RUBIN", "ROYAL", "MITCH", "EARLE", "ABE", "WYATT", - "MARQUIS", "LANNY", "KAREEM", "JAMAR", "BORIS", "ISIAH", "EMILE", "ELMO", "ARON", "LEOPOLDO", - "EVERETTE", "JOSEF", "ELOY", "RODRICK", "REINALDO", "LUCIO", "JERROD", "WESTON", "HERSHEL", "BARTON", - "PARKER", "LEMUEL", "BURT", "JULES", "GIL", "ELISEO", "AHMAD", "NIGEL", "EFREN", "ANTWAN", - "ALDEN", "MARGARITO", "COLEMAN", "DINO", "OSVALDO", "LES", "DEANDRE", "NORMAND", "KIETH", "TREY", - "NORBERTO", "NAPOLEON", "JEROLD", "FRITZ", "ROSENDO", "MILFORD", "CHRISTOPER", "ALFONZO", "LYMAN", "JOSIAH", - "BRANT", "WILTON", "RICO", "JAMAAL", "DEWITT", "BRENTON", "OLIN", "FOSTER", "FAUSTINO", "CLAUDIO", - "JUDSON", "GINO", "EDGARDO", "ALEC", "TANNER", "JARRED", "DONN", "TAD", "PRINCE", "PORFIRIO", - "ODIS", "LENARD", "CHAUNCEY", "TOD", "MEL", "MARCELO", "KORY", "AUGUSTUS", "KEVEN", "HILARIO", - "BUD", "SAL", "ORVAL", "MAURO", "ZACHARIAH", "OLEN", "ANIBAL", "MILO", "JED", "DILLON", - "AMADO", "NEWTON", "LENNY", "RICHIE", "HORACIO", "BRICE", "MOHAMED", "DELMER", "DARIO", "REYES", - "MAC", "JONAH", "JERROLD", "ROBT", "HANK", "RUPERT", "ROLLAND", "KENTON", "DAMION", "ANTONE", - "WALDO", "FREDRIC", "BRADLY", "KIP", "BURL", "WALKER", "TYREE", "JEFFEREY", "AHMED", "WILLY", - "STANFORD", "OREN", "NOBLE", "MOSHE", "MIKEL", "ENOCH", "BRENDON", "QUINTIN", "JAMISON", "FLORENCIO", - "DARRICK", "TOBIAS", "HASSAN", "GIUSEPPE", "DEMARCUS", "CLETUS", "TYRELL", "LYNDON", "KEENAN", "WERNER", - "GERALDO", "COLUMBUS", "CHET", "BERTRAM", "MARKUS", "HUEY", "HILTON", "DWAIN", "DONTE", "TYRON", - "OMER", "ISAIAS", "HIPOLITO", "FERMIN", "ADALBERTO", "BO", "BARRETT", "TEODORO", "MCKINLEY", "MAXIMO", - "GARFIELD", "RALEIGH", "LAWERENCE", "ABRAM", "RASHAD", "KING", "EMMITT", "DARON", "SAMUAL", "MIQUEL", - "EUSEBIO", "DOMENIC", "DARRON", "BUSTER", "WILBER", "RENATO", "JC", "HOYT", "HAYWOOD", "EZEKIEL", - "CHAS", "FLORENTINO", "ELROY", "CLEMENTE", "ARDEN", "NEVILLE", "EDISON", "DESHAWN", "NATHANIAL", "JORDON", - "DANILO", "CLAUD", "SHERWOOD", "RAYMON", "RAYFORD", "CRISTOBAL", "AMBROSE", "TITUS", "HYMAN", "FELTON", - "EZEQUIEL", "ERASMO", "STANTON", "LONNY", "LEN", "IKE", "MILAN", "LINO", "JAROD", "HERB", - "ANDREAS", "WALTON", "RHETT", "PALMER", "DOUGLASS", "CORDELL", "OSWALDO", "ELLSWORTH", "VIRGILIO", "TONEY", - "NATHANAEL", "DEL", "BENEDICT", "MOSE", "JOHNSON", "ISREAL", "GARRET", "FAUSTO", "ASA", "ARLEN", - "ZACK", "WARNER", "MODESTO", "FRANCESCO", "MANUAL", "GAYLORD", "GASTON", "FILIBERTO", "DEANGELO", "MICHALE", - "GRANVILLE", "WES", "MALIK", "ZACKARY", "TUAN", "ELDRIDGE", "CRISTOPHER", "CORTEZ", "ANTIONE", "MALCOM", - "LONG", "KOREY", "JOSPEH", "COLTON", "WAYLON", "VON", "HOSEA", "SHAD", "SANTO", "RUDOLF", - "ROLF", "REY", "RENALDO", "MARCELLUS", "LUCIUS", "KRISTOFER", "BOYCE", "BENTON", "HAYDEN", "HARLAND", - "ARNOLDO", "RUEBEN", "LEANDRO", "KRAIG", "JERRELL", "JEROMY", "HOBERT", "CEDRICK", "ARLIE", "WINFORD", - "WALLY", "LUIGI", "KENETH", "JACINTO", "GRAIG", "FRANKLYN", "EDMUNDO", "SID", "PORTER", "LEIF", - "JERAMY", "BUCK", "WILLIAN", "VINCENZO", "SHON", "LYNWOOD", "JERE", "HAI", "ELDEN", "DORSEY", - "DARELL", "BRODERICK", "ALONSO" - ] - total_sum = 0 - temp_sum = 0 - name.sort() - for i in range(len(name)): - for j in name[i]: - temp_sum += ord(j) - ord('A') + 1 - total_sum += (i + 1) * temp_sum - temp_sum = 0 - print(total_sum) - - -if __name__ == '__main__': - main() +def main(): + name = [ + "MARY", "PATRICIA", "LINDA", "BARBARA", "ELIZABETH", "JENNIFER", "MARIA", "SUSAN", "MARGARET", "DOROTHY", + "LISA", "NANCY", "KAREN", "BETTY", "HELEN", "SANDRA", "DONNA", "CAROL", "RUTH", "SHARON", + "MICHELLE", "LAURA", "SARAH", "KIMBERLY", "DEBORAH", "JESSICA", "SHIRLEY", "CYNTHIA", "ANGELA", "MELISSA", + "BRENDA", "AMY", "ANNA", "REBECCA", "VIRGINIA", "KATHLEEN", "PAMELA", "MARTHA", "DEBRA", "AMANDA", + "STEPHANIE", "CAROLYN", "CHRISTINE", "MARIE", "JANET", "CATHERINE", "FRANCES", "ANN", "JOYCE", "DIANE", + "ALICE", "JULIE", "HEATHER", "TERESA", "DORIS", "GLORIA", "EVELYN", "JEAN", "CHERYL", "MILDRED", + "KATHERINE", "JOAN", "ASHLEY", "JUDITH", "ROSE", "JANICE", "KELLY", "NICOLE", "JUDY", "CHRISTINA", + "KATHY", "THERESA", "BEVERLY", "DENISE", "TAMMY", "IRENE", "JANE", "LORI", "RACHEL", "MARILYN", + "ANDREA", "KATHRYN", "LOUISE", "SARA", "ANNE", "JACQUELINE", "WANDA", "BONNIE", "JULIA", "RUBY", + "LOIS", "TINA", "PHYLLIS", "NORMA", "PAULA", "DIANA", "ANNIE", "LILLIAN", "EMILY", "ROBIN", + "PEGGY", "CRYSTAL", "GLADYS", "RITA", "DAWN", "CONNIE", "FLORENCE", "TRACY", "EDNA", "TIFFANY", + "CARMEN", "ROSA", "CINDY", "GRACE", "WENDY", "VICTORIA", "EDITH", "KIM", "SHERRY", "SYLVIA", + "JOSEPHINE", "THELMA", "SHANNON", "SHEILA", "ETHEL", "ELLEN", "ELAINE", "MARJORIE", "CARRIE", "CHARLOTTE", + "MONICA", "ESTHER", "PAULINE", "EMMA", "JUANITA", "ANITA", "RHONDA", "HAZEL", "AMBER", "EVA", + "DEBBIE", "APRIL", "LESLIE", "CLARA", "LUCILLE", "JAMIE", "JOANNE", "ELEANOR", "VALERIE", "DANIELLE", + "MEGAN", "ALICIA", "SUZANNE", "MICHELE", "GAIL", "BERTHA", "DARLENE", "VERONICA", "JILL", "ERIN", + "GERALDINE", "LAUREN", "CATHY", "JOANN", "LORRAINE", "LYNN", "SALLY", "REGINA", "ERICA", "BEATRICE", + "DOLORES", "BERNICE", "AUDREY", "YVONNE", "ANNETTE", "JUNE", "SAMANTHA", "MARION", "DANA", "STACY", + "ANA", "RENEE", "IDA", "VIVIAN", "ROBERTA", "HOLLY", "BRITTANY", "MELANIE", "LORETTA", "YOLANDA", + "JEANETTE", "LAURIE", "KATIE", "KRISTEN", "VANESSA", "ALMA", "SUE", "ELSIE", "BETH", "JEANNE", + "VICKI", "CARLA", "TARA", "ROSEMARY", "EILEEN", "TERRI", "GERTRUDE", "LUCY", "TONYA", "ELLA", + "STACEY", "WILMA", "GINA", "KRISTIN", "JESSIE", "NATALIE", "AGNES", "VERA", "WILLIE", "CHARLENE", + "BESSIE", "DELORES", "MELINDA", "PEARL", "ARLENE", "MAUREEN", "COLLEEN", "ALLISON", "TAMARA", "JOY", + "GEORGIA", "CONSTANCE", "LILLIE", "CLAUDIA", "JACKIE", "MARCIA", "TANYA", "NELLIE", "MINNIE", "MARLENE", + "HEIDI", "GLENDA", "LYDIA", "VIOLA", "COURTNEY", "MARIAN", "STELLA", "CAROLINE", "DORA", "JO", + "VICKIE", "MATTIE", "TERRY", "MAXINE", "IRMA", "MABEL", "MARSHA", "MYRTLE", "LENA", "CHRISTY", + "DEANNA", "PATSY", "HILDA", "GWENDOLYN", "JENNIE", "NORA", "MARGIE", "NINA", "CASSANDRA", "LEAH", + "PENNY", "KAY", "PRISCILLA", "NAOMI", "CAROLE", "BRANDY", "OLGA", "BILLIE", "DIANNE", "TRACEY", + "LEONA", "JENNY", "FELICIA", "SONIA", "MIRIAM", "VELMA", "BECKY", "BOBBIE", "VIOLET", "KRISTINA", + "TONI", "MISTY", "MAE", "SHELLY", "DAISY", "RAMONA", "SHERRI", "ERIKA", "KATRINA", "CLAIRE", + "LINDSEY", "LINDSAY", "GENEVA", "GUADALUPE", "BELINDA", "MARGARITA", "SHERYL", "CORA", "FAYE", "ADA", + "NATASHA", "SABRINA", "ISABEL", "MARGUERITE", "HATTIE", "HARRIET", "MOLLY", "CECILIA", "KRISTI", "BRANDI", + "BLANCHE", "SANDY", "ROSIE", "JOANNA", "IRIS", "EUNICE", "ANGIE", "INEZ", "LYNDA", "MADELINE", + "AMELIA", "ALBERTA", "GENEVIEVE", "MONIQUE", "JODI", "JANIE", "MAGGIE", "KAYLA", "SONYA", "JAN", + "LEE", "KRISTINE", "CANDACE", "FANNIE", "MARYANN", "OPAL", "ALISON", "YVETTE", "MELODY", "LUZ", + "SUSIE", "OLIVIA", "FLORA", "SHELLEY", "KRISTY", "MAMIE", "LULA", "LOLA", "VERNA", "BEULAH", + "ANTOINETTE", "CANDICE", "JUANA", "JEANNETTE", "PAM", "KELLI", "HANNAH", "WHITNEY", "BRIDGET", "KARLA", + "CELIA", "LATOYA", "PATTY", "SHELIA", "GAYLE", "DELLA", "VICKY", "LYNNE", "SHERI", "MARIANNE", + "KARA", "JACQUELYN", "ERMA", "BLANCA", "MYRA", "LETICIA", "PAT", "KRISTA", "ROXANNE", "ANGELICA", + "JOHNNIE", "ROBYN", "FRANCIS", "ADRIENNE", "ROSALIE", "ALEXANDRA", "BROOKE", "BETHANY", "SADIE", "BERNADETTE", + "TRACI", "JODY", "KENDRA", "JASMINE", "NICHOLE", "RACHAEL", "CHELSEA", "MABLE", "ERNESTINE", "MURIEL", + "MARCELLA", "ELENA", "KRYSTAL", "ANGELINA", "NADINE", "KARI", "ESTELLE", "DIANNA", "PAULETTE", "LORA", + "MONA", "DOREEN", "ROSEMARIE", "ANGEL", "DESIREE", "ANTONIA", "HOPE", "GINGER", "JANIS", "BETSY", + "CHRISTIE", "FREDA", "MERCEDES", "MEREDITH", "LYNETTE", "TERI", "CRISTINA", "EULA", "LEIGH", "MEGHAN", + "SOPHIA", "ELOISE", "ROCHELLE", "GRETCHEN", "CECELIA", "RAQUEL", "HENRIETTA", "ALYSSA", "JANA", "KELLEY", + "GWEN", "KERRY", "JENNA", "TRICIA", "LAVERNE", "OLIVE", "ALEXIS", "TASHA", "SILVIA", "ELVIRA", + "CASEY", "DELIA", "SOPHIE", "KATE", "PATTI", "LORENA", "KELLIE", "SONJA", "LILA", "LANA", + "DARLA", "MAY", "MINDY", "ESSIE", "MANDY", "LORENE", "ELSA", "JOSEFINA", "JEANNIE", "MIRANDA", + "DIXIE", "LUCIA", "MARTA", "FAITH", "LELA", "JOHANNA", "SHARI", "CAMILLE", "TAMI", "SHAWNA", + "ELISA", "EBONY", "MELBA", "ORA", "NETTIE", "TABITHA", "OLLIE", "JAIME", "WINIFRED", "KRISTIE", + "MARINA", "ALISHA", "AIMEE", "RENA", "MYRNA", "MARLA", "TAMMIE", "LATASHA", "BONITA", "PATRICE", + "RONDA", "SHERRIE", "ADDIE", "FRANCINE", "DELORIS", "STACIE", "ADRIANA", "CHERI", "SHELBY", "ABIGAIL", + "CELESTE", "JEWEL", "CARA", "ADELE", "REBEKAH", "LUCINDA", "DORTHY", "CHRIS", "EFFIE", "TRINA", + "REBA", "SHAWN", "SALLIE", "AURORA", "LENORA", "ETTA", "LOTTIE", "KERRI", "TRISHA", "NIKKI", + "ESTELLA", "FRANCISCA", "JOSIE", "TRACIE", "MARISSA", "KARIN", "BRITTNEY", "JANELLE", "LOURDES", "LAUREL", + "HELENE", "FERN", "ELVA", "CORINNE", "KELSEY", "INA", "BETTIE", "ELISABETH", "AIDA", "CAITLIN", + "INGRID", "IVA", "EUGENIA", "CHRISTA", "GOLDIE", "CASSIE", "MAUDE", "JENIFER", "THERESE", "FRANKIE", + "DENA", "LORNA", "JANETTE", "LATONYA", "CANDY", "MORGAN", "CONSUELO", "TAMIKA", "ROSETTA", "DEBORA", + "CHERIE", "POLLY", "DINA", "JEWELL", "FAY", "JILLIAN", "DOROTHEA", "NELL", "TRUDY", "ESPERANZA", + "PATRICA", "KIMBERLEY", "SHANNA", "HELENA", "CAROLINA", "CLEO", "STEFANIE", "ROSARIO", "OLA", "JANINE", + "MOLLIE", "LUPE", "ALISA", "LOU", "MARIBEL", "SUSANNE", "BETTE", "SUSANA", "ELISE", "CECILE", + "ISABELLE", "LESLEY", "JOCELYN", "PAIGE", "JONI", "RACHELLE", "LEOLA", "DAPHNE", "ALTA", "ESTER", + "PETRA", "GRACIELA", "IMOGENE", "JOLENE", "KEISHA", "LACEY", "GLENNA", "GABRIELA", "KERI", "URSULA", + "LIZZIE", "KIRSTEN", "SHANA", "ADELINE", "MAYRA", "JAYNE", "JACLYN", "GRACIE", "SONDRA", "CARMELA", + "MARISA", "ROSALIND", "CHARITY", "TONIA", "BEATRIZ", "MARISOL", "CLARICE", "JEANINE", "SHEENA", "ANGELINE", + "FRIEDA", "LILY", "ROBBIE", "SHAUNA", "MILLIE", "CLAUDETTE", "CATHLEEN", "ANGELIA", "GABRIELLE", "AUTUMN", + "KATHARINE", "SUMMER", "JODIE", "STACI", "LEA", "CHRISTI", "JIMMIE", "JUSTINE", "ELMA", "LUELLA", + "MARGRET", "DOMINIQUE", "SOCORRO", "RENE", "MARTINA", "MARGO", "MAVIS", "CALLIE", "BOBBI", "MARITZA", + "LUCILE", "LEANNE", "JEANNINE", "DEANA", "AILEEN", "LORIE", "LADONNA", "WILLA", "MANUELA", "GALE", + "SELMA", "DOLLY", "SYBIL", "ABBY", "LARA", "DALE", "IVY", "DEE", "WINNIE", "MARCY", + "LUISA", "JERI", "MAGDALENA", "OFELIA", "MEAGAN", "AUDRA", "MATILDA", "LEILA", "CORNELIA", "BIANCA", + "SIMONE", "BETTYE", "RANDI", "VIRGIE", "LATISHA", "BARBRA", "GEORGINA", "ELIZA", "LEANN", "BRIDGETTE", + "RHODA", "HALEY", "ADELA", "NOLA", "BERNADINE", "FLOSSIE", "ILA", "GRETA", "RUTHIE", "NELDA", + "MINERVA", "LILLY", "TERRIE", "LETHA", "HILARY", "ESTELA", "VALARIE", "BRIANNA", "ROSALYN", "EARLINE", + "CATALINA", "AVA", "MIA", "CLARISSA", "LIDIA", "CORRINE", "ALEXANDRIA", "CONCEPCION", "TIA", "SHARRON", + "RAE", "DONA", "ERICKA", "JAMI", "ELNORA", "CHANDRA", "LENORE", "NEVA", "MARYLOU", "MELISA", + "TABATHA", "SERENA", "AVIS", "ALLIE", "SOFIA", "JEANIE", "ODESSA", "NANNIE", "HARRIETT", "LORAINE", + "PENELOPE", "MILAGROS", "EMILIA", "BENITA", "ALLYSON", "ASHLEE", "TANIA", "TOMMIE", "ESMERALDA", "KARINA", + "EVE", "PEARLIE", "ZELMA", "MALINDA", "NOREEN", "TAMEKA", "SAUNDRA", "HILLARY", "AMIE", "ALTHEA", + "ROSALINDA", "JORDAN", "LILIA", "ALANA", "GAY", "CLARE", "ALEJANDRA", "ELINOR", "MICHAEL", "LORRIE", + "JERRI", "DARCY", "EARNESTINE", "CARMELLA", "TAYLOR", "NOEMI", "MARCIE", "LIZA", "ANNABELLE", "LOUISA", + "EARLENE", "MALLORY", "CARLENE", "NITA", "SELENA", "TANISHA", "KATY", "JULIANNE", "JOHN", "LAKISHA", + "EDWINA", "MARICELA", "MARGERY", "KENYA", "DOLLIE", "ROXIE", "ROSLYN", "KATHRINE", "NANETTE", "CHARMAINE", + "LAVONNE", "ILENE", "KRIS", "TAMMI", "SUZETTE", "CORINE", "KAYE", "JERRY", "MERLE", "CHRYSTAL", + "LINA", "DEANNE", "LILIAN", "JULIANA", "ALINE", "LUANN", "KASEY", "MARYANNE", "EVANGELINE", "COLETTE", + "MELVA", "LAWANDA", "YESENIA", "NADIA", "MADGE", "KATHIE", "EDDIE", "OPHELIA", "VALERIA", "NONA", + "MITZI", "MARI", "GEORGETTE", "CLAUDINE", "FRAN", "ALISSA", "ROSEANN", "LAKEISHA", "SUSANNA", "REVA", + "DEIDRE", "CHASITY", "SHEREE", "CARLY", "JAMES", "ELVIA", "ALYCE", "DEIRDRE", "GENA", "BRIANA", + "ARACELI", "KATELYN", "ROSANNE", "WENDI", "TESSA", "BERTA", "MARVA", "IMELDA", "MARIETTA", "MARCI", + "LEONOR", "ARLINE", "SASHA", "MADELYN", "JANNA", "JULIETTE", "DEENA", "AURELIA", "JOSEFA", "AUGUSTA", + "LILIANA", "YOUNG", "CHRISTIAN", "LESSIE", "AMALIA", "SAVANNAH", "ANASTASIA", "VILMA", "NATALIA", "ROSELLA", + "LYNNETTE", "CORINA", "ALFREDA", "LEANNA", "CAREY", "AMPARO", "COLEEN", "TAMRA", "AISHA", "WILDA", + "KARYN", "CHERRY", "QUEEN", "MAURA", "MAI", "EVANGELINA", "ROSANNA", "HALLIE", "ERNA", "ENID", + "MARIANA", "LACY", "JULIET", "JACKLYN", "FREIDA", "MADELEINE", "MARA", "HESTER", "CATHRYN", "LELIA", + "CASANDRA", "BRIDGETT", "ANGELITA", "JANNIE", "DIONNE", "ANNMARIE", "KATINA", "BERYL", "PHOEBE", "MILLICENT", + "KATHERYN", "DIANN", "CARISSA", "MARYELLEN", "LIZ", "LAURI", "HELGA", "GILDA", "ADRIAN", "RHEA", + "MARQUITA", "HOLLIE", "TISHA", "TAMERA", "ANGELIQUE", "FRANCESCA", "BRITNEY", "KAITLIN", "LOLITA", "FLORINE", + "ROWENA", "REYNA", "TWILA", "FANNY", "JANELL", "INES", "CONCETTA", "BERTIE", "ALBA", "BRIGITTE", + "ALYSON", "VONDA", "PANSY", "ELBA", "NOELLE", "LETITIA", "KITTY", "DEANN", "BRANDIE", "LOUELLA", + "LETA", "FELECIA", "SHARLENE", "LESA", "BEVERLEY", "ROBERT", "ISABELLA", "HERMINIA", "TERRA", "CELINA", + "TORI", "OCTAVIA", "JADE", "DENICE", "GERMAINE", "SIERRA", "MICHELL", "CORTNEY", "NELLY", "DORETHA", + "SYDNEY", "DEIDRA", "MONIKA", "LASHONDA", "JUDI", "CHELSEY", "ANTIONETTE", "MARGOT", "BOBBY", "ADELAIDE", + "NAN", "LEEANN", "ELISHA", "DESSIE", "LIBBY", "KATHI", "GAYLA", "LATANYA", "MINA", "MELLISA", + "KIMBERLEE", "JASMIN", "RENAE", "ZELDA", "ELDA", "MA", "JUSTINA", "GUSSIE", "EMILIE", "CAMILLA", + "ABBIE", "ROCIO", "KAITLYN", "JESSE", "EDYTHE", "ASHLEIGH", "SELINA", "LAKESHA", "GERI", "ALLENE", + "PAMALA", "MICHAELA", "DAYNA", "CARYN", "ROSALIA", "SUN", "JACQULINE", "REBECA", "MARYBETH", "KRYSTLE", + "IOLA", "DOTTIE", "BENNIE", "BELLE", "AUBREY", "GRISELDA", "ERNESTINA", "ELIDA", "ADRIANNE", "DEMETRIA", + "DELMA", "CHONG", "JAQUELINE", "DESTINY", "ARLEEN", "VIRGINA", "RETHA", "FATIMA", "TILLIE", "ELEANORE", + "CARI", "TREVA", "BIRDIE", "WILHELMINA", "ROSALEE", "MAURINE", "LATRICE", "YONG", "JENA", "TARYN", + "ELIA", "DEBBY", "MAUDIE", "JEANNA", "DELILAH", "CATRINA", "SHONDA", "HORTENCIA", "THEODORA", "TERESITA", + "ROBBIN", "DANETTE", "MARYJANE", "FREDDIE", "DELPHINE", "BRIANNE", "NILDA", "DANNA", "CINDI", "BESS", + "IONA", "HANNA", "ARIEL", "WINONA", "VIDA", "ROSITA", "MARIANNA", "WILLIAM", "RACHEAL", "GUILLERMINA", + "ELOISA", "CELESTINE", "CAREN", "MALISSA", "LONA", "CHANTEL", "SHELLIE", "MARISELA", "LEORA", "AGATHA", + "SOLEDAD", "MIGDALIA", "IVETTE", "CHRISTEN", "ATHENA", "JANEL", "CHLOE", "VEDA", "PATTIE", "TESSIE", + "TERA", "MARILYNN", "LUCRETIA", "KARRIE", "DINAH", "DANIELA", "ALECIA", "ADELINA", "VERNICE", "SHIELA", + "PORTIA", "MERRY", "LASHAWN", "DEVON", "DARA", "TAWANA", "OMA", "VERDA", "CHRISTIN", "ALENE", + "ZELLA", "SANDI", "RAFAELA", "MAYA", "KIRA", "CANDIDA", "ALVINA", "SUZAN", "SHAYLA", "LYN", + "LETTIE", "ALVA", "SAMATHA", "ORALIA", "MATILDE", "MADONNA", "LARISSA", "VESTA", "RENITA", "INDIA", + "DELOIS", "SHANDA", "PHILLIS", "LORRI", "ERLINDA", "CRUZ", "CATHRINE", "BARB", "ZOE", "ISABELL", + "IONE", "GISELA", "CHARLIE", "VALENCIA", "ROXANNA", "MAYME", "KISHA", "ELLIE", "MELLISSA", "DORRIS", + "DALIA", "BELLA", "ANNETTA", "ZOILA", "RETA", "REINA", "LAURETTA", "KYLIE", "CHRISTAL", "PILAR", + "CHARLA", "ELISSA", "TIFFANI", "TANA", "PAULINA", "LEOTA", "BREANNA", "JAYME", "CARMEL", "VERNELL", + "TOMASA", "MANDI", "DOMINGA", "SANTA", "MELODIE", "LURA", "ALEXA", "TAMELA", "RYAN", "MIRNA", + "KERRIE", "VENUS", "NOEL", "FELICITA", "CRISTY", "CARMELITA", "BERNIECE", "ANNEMARIE", "TIARA", "ROSEANNE", + "MISSY", "CORI", "ROXANA", "PRICILLA", "KRISTAL", "JUNG", "ELYSE", "HAYDEE", "ALETHA", "BETTINA", + "MARGE", "GILLIAN", "FILOMENA", "CHARLES", "ZENAIDA", "HARRIETTE", "CARIDAD", "VADA", "UNA", "ARETHA", + "PEARLINE", "MARJORY", "MARCELA", "FLOR", "EVETTE", "ELOUISE", "ALINA", "TRINIDAD", "DAVID", "DAMARIS", + "CATHARINE", "CARROLL", "BELVA", "NAKIA", "MARLENA", "LUANNE", "LORINE", "KARON", "DORENE", "DANITA", + "BRENNA", "TATIANA", "SAMMIE", "LOUANN", "LOREN", "JULIANNA", "ANDRIA", "PHILOMENA", "LUCILA", "LEONORA", + "DOVIE", "ROMONA", "MIMI", "JACQUELIN", "GAYE", "TONJA", "MISTI", "JOE", "GENE", "CHASTITY", + "STACIA", "ROXANN", "MICAELA", "NIKITA", "MEI", "VELDA", "MARLYS", "JOHNNA", "AURA", "LAVERN", + "IVONNE", "HAYLEY", "NICKI", "MAJORIE", "HERLINDA", "GEORGE", "ALPHA", "YADIRA", "PERLA", "GREGORIA", + "DANIEL", "ANTONETTE", "SHELLI", "MOZELLE", "MARIAH", "JOELLE", "CORDELIA", "JOSETTE", "CHIQUITA", "TRISTA", + "LOUIS", "LAQUITA", "GEORGIANA", "CANDI", "SHANON", "LONNIE", "HILDEGARD", "CECIL", "VALENTINA", "STEPHANY", + "MAGDA", "KAROL", "GERRY", "GABRIELLA", "TIANA", "ROMA", "RICHELLE", "RAY", "PRINCESS", "OLETA", + "JACQUE", "IDELLA", "ALAINA", "SUZANNA", "JOVITA", "BLAIR", "TOSHA", "RAVEN", "NEREIDA", "MARLYN", + "KYLA", "JOSEPH", "DELFINA", "TENA", "STEPHENIE", "SABINA", "NATHALIE", "MARCELLE", "GERTIE", "DARLEEN", + "THEA", "SHARONDA", "SHANTEL", "BELEN", "VENESSA", "ROSALINA", "ONA", "GENOVEVA", "COREY", "CLEMENTINE", + "ROSALBA", "RENATE", "RENATA", "MI", "IVORY", "GEORGIANNA", "FLOY", "DORCAS", "ARIANA", "TYRA", + "THEDA", "MARIAM", "JULI", "JESICA", "DONNIE", "VIKKI", "VERLA", "ROSELYN", "MELVINA", "JANNETTE", + "GINNY", "DEBRAH", "CORRIE", "ASIA", "VIOLETA", "MYRTIS", "LATRICIA", "COLLETTE", "CHARLEEN", "ANISSA", + "VIVIANA", "TWYLA", "PRECIOUS", "NEDRA", "LATONIA", "LAN", "HELLEN", "FABIOLA", "ANNAMARIE", "ADELL", + "SHARYN", "CHANTAL", "NIKI", "MAUD", "LIZETTE", "LINDY", "KIA", "KESHA", "JEANA", "DANELLE", + "CHARLINE", "CHANEL", "CARROL", "VALORIE", "LIA", "DORTHA", "CRISTAL", "SUNNY", "LEONE", "LEILANI", + "GERRI", "DEBI", "ANDRA", "KESHIA", "IMA", "EULALIA", "EASTER", "DULCE", "NATIVIDAD", "LINNIE", + "KAMI", "GEORGIE", "CATINA", "BROOK", "ALDA", "WINNIFRED", "SHARLA", "RUTHANN", "MEAGHAN", "MAGDALENE", + "LISSETTE", "ADELAIDA", "VENITA", "TRENA", "SHIRLENE", "SHAMEKA", "ELIZEBETH", "DIAN", "SHANTA", "MICKEY", + "LATOSHA", "CARLOTTA", "WINDY", "SOON", "ROSINA", "MARIANN", "LEISA", "JONNIE", "DAWNA", "CATHIE", + "BILLY", "ASTRID", "SIDNEY", "LAUREEN", "JANEEN", "HOLLI", "FAWN", "VICKEY", "TERESSA", "SHANTE", + "RUBYE", "MARCELINA", "CHANDA", "CARY", "TERESE", "SCARLETT", "MARTY", "MARNIE", "LULU", "LISETTE", + "JENIFFER", "ELENOR", "DORINDA", "DONITA", "CARMAN", "BERNITA", "ALTAGRACIA", "ALETA", "ADRIANNA", "ZORAIDA", + "RONNIE", "NICOLA", "LYNDSEY", "KENDALL", "JANINA", "CHRISSY", "AMI", "STARLA", "PHYLIS", "PHUONG", + "KYRA", "CHARISSE", "BLANCH", "SANJUANITA", "RONA", "NANCI", "MARILEE", "MARANDA", "CORY", "BRIGETTE", + "SANJUANA", "MARITA", "KASSANDRA", "JOYCELYN", "IRA", "FELIPA", "CHELSIE", "BONNY", "MIREYA", "LORENZA", + "KYONG", "ILEANA", "CANDELARIA", "TONY", "TOBY", "SHERIE", "OK", "MARK", "LUCIE", "LEATRICE", + "LAKESHIA", "GERDA", "EDIE", "BAMBI", "MARYLIN", "LAVON", "HORTENSE", "GARNET", "EVIE", "TRESSA", + "SHAYNA", "LAVINA", "KYUNG", "JEANETTA", "SHERRILL", "SHARA", "PHYLISS", "MITTIE", "ANABEL", "ALESIA", + "THUY", "TAWANDA", "RICHARD", "JOANIE", "TIFFANIE", "LASHANDA", "KARISSA", "ENRIQUETA", "DARIA", "DANIELLA", + "CORINNA", "ALANNA", "ABBEY", "ROXANE", "ROSEANNA", "MAGNOLIA", "LIDA", "KYLE", "JOELLEN", "ERA", + "CORAL", "CARLEEN", "TRESA", "PEGGIE", "NOVELLA", "NILA", "MAYBELLE", "JENELLE", "CARINA", "NOVA", + "MELINA", "MARQUERITE", "MARGARETTE", "JOSEPHINA", "EVONNE", "DEVIN", "CINTHIA", "ALBINA", "TOYA", "TAWNYA", + "SHERITA", "SANTOS", "MYRIAM", "LIZABETH", "LISE", "KEELY", "JENNI", "GISELLE", "CHERYLE", "ARDITH", + "ARDIS", "ALESHA", "ADRIANE", "SHAINA", "LINNEA", "KAROLYN", "HONG", "FLORIDA", "FELISHA", "DORI", + "DARCI", "ARTIE", "ARMIDA", "ZOLA", "XIOMARA", "VERGIE", "SHAMIKA", "NENA", "NANNETTE", "MAXIE", + "LOVIE", "JEANE", "JAIMIE", "INGE", "FARRAH", "ELAINA", "CAITLYN", "STARR", "FELICITAS", "CHERLY", + "CARYL", "YOLONDA", "YASMIN", "TEENA", "PRUDENCE", "PENNIE", "NYDIA", "MACKENZIE", "ORPHA", "MARVEL", + "LIZBETH", "LAURETTE", "JERRIE", "HERMELINDA", "CAROLEE", "TIERRA", "MIRIAN", "META", "MELONY", "KORI", + "JENNETTE", "JAMILA", "ENA", "ANH", "YOSHIKO", "SUSANNAH", "SALINA", "RHIANNON", "JOLEEN", "CRISTINE", + "ASHTON", "ARACELY", "TOMEKA", "SHALONDA", "MARTI", "LACIE", "KALA", "JADA", "ILSE", "HAILEY", + "BRITTANI", "ZONA", "SYBLE", "SHERRYL", "RANDY", "NIDIA", "MARLO", "KANDICE", "KANDI", "DEB", + "DEAN", "AMERICA", "ALYCIA", "TOMMY", "RONNA", "NORENE", "MERCY", "JOSE", "INGEBORG", "GIOVANNA", + "GEMMA", "CHRISTEL", "AUDRY", "ZORA", "VITA", "VAN", "TRISH", "STEPHAINE", "SHIRLEE", "SHANIKA", + "MELONIE", "MAZIE", "JAZMIN", "INGA", "HOA", "HETTIE", "GERALYN", "FONDA", "ESTRELLA", "ADELLA", + "SU", "SARITA", "RINA", "MILISSA", "MARIBETH", "GOLDA", "EVON", "ETHELYN", "ENEDINA", "CHERISE", + "CHANA", "VELVA", "TAWANNA", "SADE", "MIRTA", "LI", "KARIE", "JACINTA", "ELNA", "DAVINA", + "CIERRA", "ASHLIE", "ALBERTHA", "TANESHA", "STEPHANI", "NELLE", "MINDI", "LU", "LORINDA", "LARUE", + "FLORENE", "DEMETRA", "DEDRA", "CIARA", "CHANTELLE", "ASHLY", "SUZY", "ROSALVA", "NOELIA", "LYDA", + "LEATHA", "KRYSTYNA", "KRISTAN", "KARRI", "DARLINE", "DARCIE", "CINDA", "CHEYENNE", "CHERRIE", "AWILDA", + "ALMEDA", "ROLANDA", "LANETTE", "JERILYN", "GISELE", "EVALYN", "CYNDI", "CLETA", "CARIN", "ZINA", + "ZENA", "VELIA", "TANIKA", "PAUL", "CHARISSA", "THOMAS", "TALIA", "MARGARETE", "LAVONDA", "KAYLEE", + "KATHLENE", "JONNA", "IRENA", "ILONA", "IDALIA", "CANDIS", "CANDANCE", "BRANDEE", "ANITRA", "ALIDA", + "SIGRID", "NICOLETTE", "MARYJO", "LINETTE", "HEDWIG", "CHRISTIANA", "CASSIDY", "ALEXIA", "TRESSIE", "MODESTA", + "LUPITA", "LITA", "GLADIS", "EVELIA", "DAVIDA", "CHERRI", "CECILY", "ASHELY", "ANNABEL", "AGUSTINA", + "WANITA", "SHIRLY", "ROSAURA", "HULDA", "EUN", "BAILEY", "YETTA", "VERONA", "THOMASINA", "SIBYL", + "SHANNAN", "MECHELLE", "LUE", "LEANDRA", "LANI", "KYLEE", "KANDY", "JOLYNN", "FERNE", "EBONI", + "CORENE", "ALYSIA", "ZULA", "NADA", "MOIRA", "LYNDSAY", "LORRETTA", "JUAN", "JAMMIE", "HORTENSIA", + "GAYNELL", "CAMERON", "ADRIA", "VINA", "VICENTA", "TANGELA", "STEPHINE", "NORINE", "NELLA", "LIANA", + "LESLEE", "KIMBERELY", "ILIANA", "GLORY", "FELICA", "EMOGENE", "ELFRIEDE", "EDEN", "EARTHA", "CARMA", + "BEA", "OCIE", "MARRY", "LENNIE", "KIARA", "JACALYN", "CARLOTA", "ARIELLE", "YU", "STAR", + "OTILIA", "KIRSTIN", "KACEY", "JOHNETTA", "JOEY", "JOETTA", "JERALDINE", "JAUNITA", "ELANA", "DORTHEA", + "CAMI", "AMADA", "ADELIA", "VERNITA", "TAMAR", "SIOBHAN", "RENEA", "RASHIDA", "OUIDA", "ODELL", + "NILSA", "MERYL", "KRISTYN", "JULIETA", "DANICA", "BREANNE", "AUREA", "ANGLEA", "SHERRON", "ODETTE", + "MALIA", "LORELEI", "LIN", "LEESA", "KENNA", "KATHLYN", "FIONA", "CHARLETTE", "SUZIE", "SHANTELL", + "SABRA", "RACQUEL", "MYONG", "MIRA", "MARTINE", "LUCIENNE", "LAVADA", "JULIANN", "JOHNIE", "ELVERA", + "DELPHIA", "CLAIR", "CHRISTIANE", "CHAROLETTE", "CARRI", "AUGUSTINE", "ASHA", "ANGELLA", "PAOLA", "NINFA", + "LEDA", "LAI", "EDA", "SUNSHINE", "STEFANI", "SHANELL", "PALMA", "MACHELLE", "LISSA", "KECIA", + "KATHRYNE", "KARLENE", "JULISSA", "JETTIE", "JENNIFFER", "HUI", "CORRINA", "CHRISTOPHER", "CAROLANN", "ALENA", + "TESS", "ROSARIA", "MYRTICE", "MARYLEE", "LIANE", "KENYATTA", "JUDIE", "JANEY", "IN", "ELMIRA", + "ELDORA", "DENNA", "CRISTI", "CATHI", "ZAIDA", "VONNIE", "VIVA", "VERNIE", "ROSALINE", "MARIELA", + "LUCIANA", "LESLI", "KARAN", "FELICE", "DENEEN", "ADINA", "WYNONA", "TARSHA", "SHERON", "SHASTA", + "SHANITA", "SHANI", "SHANDRA", "RANDA", "PINKIE", "PARIS", "NELIDA", "MARILOU", "LYLA", "LAURENE", + "LACI", "JOI", "JANENE", "DOROTHA", "DANIELE", "DANI", "CAROLYNN", "CARLYN", "BERENICE", "AYESHA", + "ANNELIESE", "ALETHEA", "THERSA", "TAMIKO", "RUFINA", "OLIVA", "MOZELL", "MARYLYN", "MADISON", "KRISTIAN", + "KATHYRN", "KASANDRA", "KANDACE", "JANAE", "GABRIEL", "DOMENICA", "DEBBRA", "DANNIELLE", "CHUN", "BUFFY", + "BARBIE", "ARCELIA", "AJA", "ZENOBIA", "SHAREN", "SHAREE", "PATRICK", "PAGE", "MY", "LAVINIA", + "KUM", "KACIE", "JACKELINE", "HUONG", "FELISA", "EMELIA", "ELEANORA", "CYTHIA", "CRISTIN", "CLYDE", + "CLARIBEL", "CARON", "ANASTACIA", "ZULMA", "ZANDRA", "YOKO", "TENISHA", "SUSANN", "SHERILYN", "SHAY", + "SHAWANDA", "SABINE", "ROMANA", "MATHILDA", "LINSEY", "KEIKO", "JOANA", "ISELA", "GRETTA", "GEORGETTA", + "EUGENIE", "DUSTY", "DESIRAE", "DELORA", "CORAZON", "ANTONINA", "ANIKA", "WILLENE", "TRACEE", "TAMATHA", + "REGAN", "NICHELLE", "MICKIE", "MAEGAN", "LUANA", "LANITA", "KELSIE", "EDELMIRA", "BREE", "AFTON", + "TEODORA", "TAMIE", "SHENA", "MEG", "LINH", "KELI", "KACI", "DANYELLE", "BRITT", "ARLETTE", + "ALBERTINE", "ADELLE", "TIFFINY", "STORMY", "SIMONA", "NUMBERS", "NICOLASA", "NICHOL", "NIA", "NAKISHA", + "MEE", "MAIRA", "LOREEN", "KIZZY", "JOHNNY", "JAY", "FALLON", "CHRISTENE", "BOBBYE", "ANTHONY", + "YING", "VINCENZA", "TANJA", "RUBIE", "RONI", "QUEENIE", "MARGARETT", "KIMBERLI", "IRMGARD", "IDELL", + "HILMA", "EVELINA", "ESTA", "EMILEE", "DENNISE", "DANIA", "CARL", "CARIE", "ANTONIO", "WAI", + "SANG", "RISA", "RIKKI", "PARTICIA", "MUI", "MASAKO", "MARIO", "LUVENIA", "LOREE", "LONI", + "LIEN", "KEVIN", "GIGI", "FLORENCIA", "DORIAN", "DENITA", "DALLAS", "CHI", "BILLYE", "ALEXANDER", + "TOMIKA", "SHARITA", "RANA", "NIKOLE", "NEOMA", "MARGARITE", "MADALYN", "LUCINA", "LAILA", "KALI", + "JENETTE", "GABRIELE", "EVELYNE", "ELENORA", "CLEMENTINA", "ALEJANDRINA", "ZULEMA", "VIOLETTE", "VANNESSA", "THRESA", + "RETTA", "PIA", "PATIENCE", "NOELLA", "NICKIE", "JONELL", "DELTA", "CHUNG", "CHAYA", "CAMELIA", + "BETHEL", "ANYA", "ANDREW", "THANH", "SUZANN", "SPRING", "SHU", "MILA", "LILLA", "LAVERNA", + "KEESHA", "KATTIE", "GIA", "GEORGENE", "EVELINE", "ESTELL", "ELIZBETH", "VIVIENNE", "VALLIE", "TRUDIE", + "STEPHANE", "MICHEL", "MAGALY", "MADIE", "KENYETTA", "KARREN", "JANETTA", "HERMINE", "HARMONY", "DRUCILLA", + "DEBBI", "CELESTINA", "CANDIE", "BRITNI", "BECKIE", "AMINA", "ZITA", "YUN", "YOLANDE", "VIVIEN", + "VERNETTA", "TRUDI", "SOMMER", "PEARLE", "PATRINA", "OSSIE", "NICOLLE", "LOYCE", "LETTY", "LARISA", + "KATHARINA", "JOSELYN", "JONELLE", "JENELL", "IESHA", "HEIDE", "FLORINDA", "FLORENTINA", "FLO", "ELODIA", + "DORINE", "BRUNILDA", "BRIGID", "ASHLI", "ARDELLA", "TWANA", "THU", "TARAH", "SUNG", "SHEA", + "SHAVON", "SHANE", "SERINA", "RAYNA", "RAMONITA", "NGA", "MARGURITE", "LUCRECIA", "KOURTNEY", "KATI", + "JESUS", "JESENIA", "DIAMOND", "CRISTA", "AYANA", "ALICA", "ALIA", "VINNIE", "SUELLEN", "ROMELIA", + "RACHELL", "PIPER", "OLYMPIA", "MICHIKO", "KATHALEEN", "JOLIE", "JESSI", "JANESSA", "HANA", "HA", + "ELEASE", "CARLETTA", "BRITANY", "SHONA", "SALOME", "ROSAMOND", "REGENA", "RAINA", "NGOC", "NELIA", + "LOUVENIA", "LESIA", "LATRINA", "LATICIA", "LARHONDA", "JINA", "JACKI", "HOLLIS", "HOLLEY", "EMMY", + "DEEANN", "CORETTA", "ARNETTA", "VELVET", "THALIA", "SHANICE", "NETA", "MIKKI", "MICKI", "LONNA", + "LEANA", "LASHUNDA", "KILEY", "JOYE", "JACQULYN", "IGNACIA", "HYUN", "HIROKO", "HENRY", "HENRIETTE", + "ELAYNE", "DELINDA", "DARNELL", "DAHLIA", "COREEN", "CONSUELA", "CONCHITA", "CELINE", "BABETTE", "AYANNA", + "ANETTE", "ALBERTINA", "SKYE", "SHAWNEE", "SHANEKA", "QUIANA", "PAMELIA", "MIN", "MERRI", "MERLENE", + "MARGIT", "KIESHA", "KIERA", "KAYLENE", "JODEE", "JENISE", "ERLENE", "EMMIE", "ELSE", "DARYL", + "DALILA", "DAISEY", "CODY", "CASIE", "BELIA", "BABARA", "VERSIE", "VANESA", "SHELBA", "SHAWNDA", + "SAM", "NORMAN", "NIKIA", "NAOMA", "MARNA", "MARGERET", "MADALINE", "LAWANA", "KINDRA", "JUTTA", + "JAZMINE", "JANETT", "HANNELORE", "GLENDORA", "GERTRUD", "GARNETT", "FREEDA", "FREDERICA", "FLORANCE", "FLAVIA", + "DENNIS", "CARLINE", "BEVERLEE", "ANJANETTE", "VALDA", "TRINITY", "TAMALA", "STEVIE", "SHONNA", "SHA", + "SARINA", "ONEIDA", "MICAH", "MERILYN", "MARLEEN", "LURLINE", "LENNA", "KATHERIN", "JIN", "JENI", + "HAE", "GRACIA", "GLADY", "FARAH", "ERIC", "ENOLA", "EMA", "DOMINQUE", "DEVONA", "DELANA", + "CECILA", "CAPRICE", "ALYSHA", "ALI", "ALETHIA", "VENA", "THERESIA", "TAWNY", "SONG", "SHAKIRA", + "SAMARA", "SACHIKO", "RACHELE", "PAMELLA", "NICKY", "MARNI", "MARIEL", "MAREN", "MALISA", "LIGIA", + "LERA", "LATORIA", "LARAE", "KIMBER", "KATHERN", "KAREY", "JENNEFER", "JANETH", "HALINA", "FREDIA", + "DELISA", "DEBROAH", "CIERA", "CHIN", "ANGELIKA", "ANDREE", "ALTHA", "YEN", "VIVAN", "TERRESA", + "TANNA", "SUK", "SUDIE", "SOO", "SIGNE", "SALENA", "RONNI", "REBBECCA", "MYRTIE", "MCKENZIE", + "MALIKA", "MAIDA", "LOAN", "LEONARDA", "KAYLEIGH", "FRANCE", "ETHYL", "ELLYN", "DAYLE", "CAMMIE", + "BRITTNI", "BIRGIT", "AVELINA", "ASUNCION", "ARIANNA", "AKIKO", "VENICE", "TYESHA", "TONIE", "TIESHA", + "TAKISHA", "STEFFANIE", "SINDY", "SANTANA", "MEGHANN", "MANDA", "MACIE", "LADY", "KELLYE", "KELLEE", + "JOSLYN", "JASON", "INGER", "INDIRA", "GLINDA", "GLENNIS", "FERNANDA", "FAUSTINA", "ENEIDA", "ELICIA", + "DOT", "DIGNA", "DELL", "ARLETTA", "ANDRE", "WILLIA", "TAMMARA", "TABETHA", "SHERRELL", "SARI", + "REFUGIO", "REBBECA", "PAULETTA", "NIEVES", "NATOSHA", "NAKITA", "MAMMIE", "KENISHA", "KAZUKO", "KASSIE", + "GARY", "EARLEAN", "DAPHINE", "CORLISS", "CLOTILDE", "CAROLYNE", "BERNETTA", "AUGUSTINA", "AUDREA", "ANNIS", + "ANNABELL", "YAN", "TENNILLE", "TAMICA", "SELENE", "SEAN", "ROSANA", "REGENIA", "QIANA", "MARKITA", + "MACY", "LEEANNE", "LAURINE", "KYM", "JESSENIA", "JANITA", "GEORGINE", "GENIE", "EMIKO", "ELVIE", + "DEANDRA", "DAGMAR", "CORIE", "COLLEN", "CHERISH", "ROMAINE", "PORSHA", "PEARLENE", "MICHELINE", "MERNA", + "MARGORIE", "MARGARETTA", "LORE", "KENNETH", "JENINE", "HERMINA", "FREDERICKA", "ELKE", "DRUSILLA", "DORATHY", + "DIONE", "DESIRE", "CELENA", "BRIGIDA", "ANGELES", "ALLEGRA", "THEO", "TAMEKIA", "SYNTHIA", "STEPHEN", + "SOOK", "SLYVIA", "ROSANN", "REATHA", "RAYE", "MARQUETTA", "MARGART", "LING", "LAYLA", "KYMBERLY", + "KIANA", "KAYLEEN", "KATLYN", "KARMEN", "JOELLA", "IRINA", "EMELDA", "ELENI", "DETRA", "CLEMMIE", + "CHERYLL", "CHANTELL", "CATHEY", "ARNITA", "ARLA", "ANGLE", "ANGELIC", "ALYSE", "ZOFIA", "THOMASINE", + "TENNIE", "SON", "SHERLY", "SHERLEY", "SHARYL", "REMEDIOS", "PETRINA", "NICKOLE", "MYUNG", "MYRLE", + "MOZELLA", "LOUANNE", "LISHA", "LATIA", "LANE", "KRYSTA", "JULIENNE", "JOEL", "JEANENE", "JACQUALINE", + "ISAURA", "GWENDA", "EARLEEN", "DONALD", "CLEOPATRA", "CARLIE", "AUDIE", "ANTONIETTA", "ALISE", "ALEX", + "VERDELL", "VAL", "TYLER", "TOMOKO", "THAO", "TALISHA", "STEVEN", "SO", "SHEMIKA", "SHAUN", + "SCARLET", "SAVANNA", "SANTINA", "ROSIA", "RAEANN", "ODILIA", "NANA", "MINNA", "MAGAN", "LYNELLE", + "LE", "KARMA", "JOEANN", "IVANA", "INELL", "ILANA", "HYE", "HONEY", "HEE", "GUDRUN", + "FRANK", "DREAMA", "CRISSY", "CHANTE", "CARMELINA", "ARVILLA", "ARTHUR", "ANNAMAE", "ALVERA", "ALEIDA", + "AARON", "YEE", "YANIRA", "VANDA", "TIANNA", "TAM", "STEFANIA", "SHIRA", "PERRY", "NICOL", + "NANCIE", "MONSERRATE", "MINH", "MELYNDA", "MELANY", "MATTHEW", "LOVELLA", "LAURE", "KIRBY", "KACY", + "JACQUELYNN", "HYON", "GERTHA", "FRANCISCO", "ELIANA", "CHRISTENA", "CHRISTEEN", "CHARISE", "CATERINA", "CARLEY", + "CANDYCE", "ARLENA", "AMMIE", "YANG", "WILLETTE", "VANITA", "TUYET", "TINY", "SYREETA", "SILVA", + "SCOTT", "RONALD", "PENNEY", "NYLA", "MICHAL", "MAURICE", "MARYAM", "MARYA", "MAGEN", "LUDIE", + "LOMA", "LIVIA", "LANELL", "KIMBERLIE", "JULEE", "DONETTA", "DIEDRA", "DENISHA", "DEANE", "DAWNE", + "CLARINE", "CHERRYL", "BRONWYN", "BRANDON", "ALLA", "VALERY", "TONDA", "SUEANN", "SORAYA", "SHOSHANA", + "SHELA", "SHARLEEN", "SHANELLE", "NERISSA", "MICHEAL", "MERIDITH", "MELLIE", "MAYE", "MAPLE", "MAGARET", + "LUIS", "LILI", "LEONILA", "LEONIE", "LEEANNA", "LAVONIA", "LAVERA", "KRISTEL", "KATHEY", "KATHE", + "JUSTIN", "JULIAN", "JIMMY", "JANN", "ILDA", "HILDRED", "HILDEGARDE", "GENIA", "FUMIKO", "EVELIN", + "ERMELINDA", "ELLY", "DUNG", "DOLORIS", "DIONNA", "DANAE", "BERNEICE", "ANNICE", "ALIX", "VERENA", + "VERDIE", "TRISTAN", "SHAWNNA", "SHAWANA", "SHAUNNA", "ROZELLA", "RANDEE", "RANAE", "MILAGRO", "LYNELL", + "LUISE", "LOUIE", "LOIDA", "LISBETH", "KARLEEN", "JUNITA", "JONA", "ISIS", "HYACINTH", "HEDY", + "GWENN", "ETHELENE", "ERLINE", "EDWARD", "DONYA", "DOMONIQUE", "DELICIA", "DANNETTE", "CICELY", "BRANDA", + "BLYTHE", "BETHANN", "ASHLYN", "ANNALEE", "ALLINE", "YUKO", "VELLA", "TRANG", "TOWANDA", "TESHA", + "SHERLYN", "NARCISA", "MIGUELINA", "MERI", "MAYBELL", "MARLANA", "MARGUERITA", "MADLYN", "LUNA", "LORY", + "LORIANN", "LIBERTY", "LEONORE", "LEIGHANN", "LAURICE", "LATESHA", "LARONDA", "KATRICE", "KASIE", "KARL", + "KALEY", "JADWIGA", "GLENNIE", "GEARLDINE", "FRANCINA", "EPIFANIA", "DYAN", "DORIE", "DIEDRE", "DENESE", + "DEMETRICE", "DELENA", "DARBY", "CRISTIE", "CLEORA", "CATARINA", "CARISA", "BERNIE", "BARBERA", "ALMETA", + "TRULA", "TEREASA", "SOLANGE", "SHEILAH", "SHAVONNE", "SANORA", "ROCHELL", "MATHILDE", "MARGARETA", "MAIA", + "LYNSEY", "LAWANNA", "LAUNA", "KENA", "KEENA", "KATIA", "JAMEY", "GLYNDA", "GAYLENE", "ELVINA", + "ELANOR", "DANUTA", "DANIKA", "CRISTEN", "CORDIE", "COLETTA", "CLARITA", "CARMON", "BRYNN", "AZUCENA", + "AUNDREA", "ANGELE", "YI", "WALTER", "VERLIE", "VERLENE", "TAMESHA", "SILVANA", "SEBRINA", "SAMIRA", + "REDA", "RAYLENE", "PENNI", "PANDORA", "NORAH", "NOMA", "MIREILLE", "MELISSIA", "MARYALICE", "LARAINE", + "KIMBERY", "KARYL", "KARINE", "KAM", "JOLANDA", "JOHANA", "JESUSA", "JALEESA", "JAE", "JACQUELYNE", + "IRISH", "ILUMINADA", "HILARIA", "HANH", "GENNIE", "FRANCIE", "FLORETTA", "EXIE", "EDDA", "DREMA", + "DELPHA", "BEV", "BARBAR", "ASSUNTA", "ARDELL", "ANNALISA", "ALISIA", "YUKIKO", "YOLANDO", "WONDA", + "WEI", "WALTRAUD", "VETA", "TEQUILA", "TEMEKA", "TAMEIKA", "SHIRLEEN", "SHENITA", "PIEDAD", "OZELLA", + "MIRTHA", "MARILU", "KIMIKO", "JULIANE", "JENICE", "JEN", "JANAY", "JACQUILINE", "HILDE", "FE", + "FAE", "EVAN", "EUGENE", "ELOIS", "ECHO", "DEVORAH", "CHAU", "BRINDA", "BETSEY", "ARMINDA", + "ARACELIS", "APRYL", "ANNETT", "ALISHIA", "VEOLA", "USHA", "TOSHIKO", "THEOLA", "TASHIA", "TALITHA", + "SHERY", "RUDY", "RENETTA", "REIKO", "RASHEEDA", "OMEGA", "OBDULIA", "MIKA", "MELAINE", "MEGGAN", + "MARTIN", "MARLEN", "MARGET", "MARCELINE", "MANA", "MAGDALEN", "LIBRADA", "LEZLIE", "LEXIE", "LATASHIA", + "LASANDRA", "KELLE", "ISIDRA", "ISA", "INOCENCIA", "GWYN", "FRANCOISE", "ERMINIA", "ERINN", "DIMPLE", + "DEVORA", "CRISELDA", "ARMANDA", "ARIE", "ARIANE", "ANGELO", "ANGELENA", "ALLEN", "ALIZA", "ADRIENE", + "ADALINE", "XOCHITL", "TWANNA", "TRAN", "TOMIKO", "TAMISHA", "TAISHA", "SUSY", "SIU", "RUTHA", + "ROXY", "RHONA", "RAYMOND", "OTHA", "NORIKO", "NATASHIA", "MERRIE", "MELVIN", "MARINDA", "MARIKO", + "MARGERT", "LORIS", "LIZZETTE", "LEISHA", "KAILA", "KA", "JOANNIE", "JERRICA", "JENE", "JANNET", + "JANEE", "JACINDA", "HERTA", "ELENORE", "DORETTA", "DELAINE", "DANIELL", "CLAUDIE", "CHINA", "BRITTA", + "APOLONIA", "AMBERLY", "ALEASE", "YURI", "YUK", "WEN", "WANETA", "UTE", "TOMI", "SHARRI", + "SANDIE", "ROSELLE", "REYNALDA", "RAGUEL", "PHYLICIA", "PATRIA", "OLIMPIA", "ODELIA", "MITZIE", "MITCHELL", + "MISS", "MINDA", "MIGNON", "MICA", "MENDY", "MARIVEL", "MAILE", "LYNETTA", "LAVETTE", "LAURYN", + "LATRISHA", "LAKIESHA", "KIERSTEN", "KARY", "JOSPHINE", "JOLYN", "JETTA", "JANISE", "JACQUIE", "IVELISSE", + "GLYNIS", "GIANNA", "GAYNELLE", "EMERALD", "DEMETRIUS", "DANYELL", "DANILLE", "DACIA", "CORALEE", "CHER", + "CEOLA", "BRETT", "BELL", "ARIANNE", "ALESHIA", "YUNG", "WILLIEMAE", "TROY", "TRINH", "THORA", + "TAI", "SVETLANA", "SHERIKA", "SHEMEKA", "SHAUNDA", "ROSELINE", "RICKI", "MELDA", "MALLIE", "LAVONNA", + "LATINA", "LARRY", "LAQUANDA", "LALA", "LACHELLE", "KLARA", "KANDIS", "JOHNA", "JEANMARIE", "JAYE", + "HANG", "GRAYCE", "GERTUDE", "EMERITA", "EBONIE", "CLORINDA", "CHING", "CHERY", "CAROLA", "BREANN", + "BLOSSOM", "BERNARDINE", "BECKI", "ARLETHA", "ARGELIA", "ARA", "ALITA", "YULANDA", "YON", "YESSENIA", + "TOBI", "TASIA", "SYLVIE", "SHIRL", "SHIRELY", "SHERIDAN", "SHELLA", "SHANTELLE", "SACHA", "ROYCE", + "REBECKA", "REAGAN", "PROVIDENCIA", "PAULENE", "MISHA", "MIKI", "MARLINE", "MARICA", "LORITA", "LATOYIA", + "LASONYA", "KERSTIN", "KENDA", "KEITHA", "KATHRIN", "JAYMIE", "JACK", "GRICELDA", "GINETTE", "ERYN", + "ELINA", "ELFRIEDA", "DANYEL", "CHEREE", "CHANELLE", "BARRIE", "AVERY", "AURORE", "ANNAMARIA", "ALLEEN", + "AILENE", "AIDE", "YASMINE", "VASHTI", "VALENTINE", "TREASA", "TORY", "TIFFANEY", "SHERYLL", "SHARIE", + "SHANAE", "SAU", "RAISA", "PA", "NEDA", "MITSUKO", "MIRELLA", "MILDA", "MARYANNA", "MARAGRET", + "MABELLE", "LUETTA", "LORINA", "LETISHA", "LATARSHA", "LANELLE", "LAJUANA", "KRISSY", "KARLY", "KARENA", + "JON", "JESSIKA", "JERICA", "JEANELLE", "JANUARY", "JALISA", "JACELYN", "IZOLA", "IVEY", "GREGORY", + "EUNA", "ETHA", "DREW", "DOMITILA", "DOMINICA", "DAINA", "CREOLA", "CARLI", "CAMIE", "BUNNY", + "BRITTNY", "ASHANTI", "ANISHA", "ALEEN", "ADAH", "YASUKO", "WINTER", "VIKI", "VALRIE", "TONA", + "TINISHA", "THI", "TERISA", "TATUM", "TANEKA", "SIMONNE", "SHALANDA", "SERITA", "RESSIE", "REFUGIA", + "PAZ", "OLENE", "NA", "MERRILL", "MARGHERITA", "MANDIE", "MAN", "MAIRE", "LYNDIA", "LUCI", + "LORRIANE", "LORETA", "LEONIA", "LAVONA", "LASHAWNDA", "LAKIA", "KYOKO", "KRYSTINA", "KRYSTEN", "KENIA", + "KELSI", "JUDE", "JEANICE", "ISOBEL", "GEORGIANN", "GENNY", "FELICIDAD", "EILENE", "DEON", "DELOISE", + "DEEDEE", "DANNIE", "CONCEPTION", "CLORA", "CHERILYN", "CHANG", "CALANDRA", "BERRY", "ARMANDINA", "ANISA", + "ULA", "TIMOTHY", "TIERA", "THERESSA", "STEPHANIA", "SIMA", "SHYLA", "SHONTA", "SHERA", "SHAQUITA", + "SHALA", "SAMMY", "ROSSANA", "NOHEMI", "NERY", "MORIAH", "MELITA", "MELIDA", "MELANI", "MARYLYNN", + "MARISHA", "MARIETTE", "MALORIE", "MADELENE", "LUDIVINA", "LORIA", "LORETTE", "LORALEE", "LIANNE", "LEON", + "LAVENIA", "LAURINDA", "LASHON", "KIT", "KIMI", "KEILA", "KATELYNN", "KAI", "JONE", "JOANE", + "JI", "JAYNA", "JANELLA", "JA", "HUE", "HERTHA", "FRANCENE", "ELINORE", "DESPINA", "DELSIE", + "DEEDRA", "CLEMENCIA", "CARRY", "CAROLIN", "CARLOS", "BULAH", "BRITTANIE", "BOK", "BLONDELL", "BIBI", + "BEAULAH", "BEATA", "ANNITA", "AGRIPINA", "VIRGEN", "VALENE", "UN", "TWANDA", "TOMMYE", "TOI", + "TARRA", "TARI", "TAMMERA", "SHAKIA", "SADYE", "RUTHANNE", "ROCHEL", "RIVKA", "PURA", "NENITA", + "NATISHA", "MING", "MERRILEE", "MELODEE", "MARVIS", "LUCILLA", "LEENA", "LAVETA", "LARITA", "LANIE", + "KEREN", "ILEEN", "GEORGEANN", "GENNA", "GENESIS", "FRIDA", "EWA", "EUFEMIA", "EMELY", "ELA", + "EDYTH", "DEONNA", "DEADRA", "DARLENA", "CHANELL", "CHAN", "CATHERN", "CASSONDRA", "CASSAUNDRA", "BERNARDA", + "BERNA", "ARLINDA", "ANAMARIA", "ALBERT", "WESLEY", "VERTIE", "VALERI", "TORRI", "TATYANA", "STASIA", + "SHERISE", "SHERILL", "SEASON", "SCOTTIE", "SANDA", "RUTHE", "ROSY", "ROBERTO", "ROBBI", "RANEE", + "QUYEN", "PEARLY", "PALMIRA", "ONITA", "NISHA", "NIESHA", "NIDA", "NEVADA", "NAM", "MERLYN", + "MAYOLA", "MARYLOUISE", "MARYLAND", "MARX", "MARTH", "MARGENE", "MADELAINE", "LONDA", "LEONTINE", "LEOMA", + "LEIA", "LAWRENCE", "LAURALEE", "LANORA", "LAKITA", "KIYOKO", "KETURAH", "KATELIN", "KAREEN", "JONIE", + "JOHNETTE", "JENEE", "JEANETT", "IZETTA", "HIEDI", "HEIKE", "HASSIE", "HAROLD", "GIUSEPPINA", "GEORGANN", + "FIDELA", "FERNANDE", "ELWANDA", "ELLAMAE", "ELIZ", "DUSTI", "DOTTY", "CYNDY", "CORALIE", "CELESTA", + "ARGENTINA", "ALVERTA", "XENIA", "WAVA", "VANETTA", "TORRIE", "TASHINA", "TANDY", "TAMBRA", "TAMA", + "STEPANIE", "SHILA", "SHAUNTA", "SHARAN", "SHANIQUA", "SHAE", "SETSUKO", "SERAFINA", "SANDEE", "ROSAMARIA", + "PRISCILA", "OLINDA", "NADENE", "MUOI", "MICHELINA", "MERCEDEZ", "MARYROSE", "MARIN", "MARCENE", "MAO", + "MAGALI", "MAFALDA", "LOGAN", "LINN", "LANNIE", "KAYCE", "KAROLINE", "KAMILAH", "KAMALA", "JUSTA", + "JOLINE", "JENNINE", "JACQUETTA", "IRAIDA", "GERALD", "GEORGEANNA", "FRANCHESCA", "FAIRY", "EMELINE", "ELANE", + "EHTEL", "EARLIE", "DULCIE", "DALENE", "CRIS", "CLASSIE", "CHERE", "CHARIS", "CAROYLN", "CARMINA", + "CARITA", "BRIAN", "BETHANIE", "AYAKO", "ARICA", "AN", "ALYSA", "ALESSANDRA", "AKILAH", "ADRIEN", + "ZETTA", "YOULANDA", "YELENA", "YAHAIRA", "XUAN", "WENDOLYN", "VICTOR", "TIJUANA", "TERRELL", "TERINA", + "TERESIA", "SUZI", "SUNDAY", "SHERELL", "SHAVONDA", "SHAUNTE", "SHARDA", "SHAKITA", "SENA", "RYANN", + "RUBI", "RIVA", "REGINIA", "REA", "RACHAL", "PARTHENIA", "PAMULA", "MONNIE", "MONET", "MICHAELE", + "MELIA", "MARINE", "MALKA", "MAISHA", "LISANDRA", "LEO", "LEKISHA", "LEAN", "LAURENCE", "LAKENDRA", + "KRYSTIN", "KORTNEY", "KIZZIE", "KITTIE", "KERA", "KENDAL", "KEMBERLY", "KANISHA", "JULENE", "JULE", + "JOSHUA", "JOHANNE", "JEFFREY", "JAMEE", "HAN", "HALLEY", "GIDGET", "GALINA", "FREDRICKA", "FLETA", + "FATIMAH", "EUSEBIA", "ELZA", "ELEONORE", "DORTHEY", "DORIA", "DONELLA", "DINORAH", "DELORSE", "CLARETHA", + "CHRISTINIA", "CHARLYN", "BONG", "BELKIS", "AZZIE", "ANDERA", "AIKO", "ADENA", "YER", "YAJAIRA", + "WAN", "VANIA", "ULRIKE", "TOSHIA", "TIFANY", "STEFANY", "SHIZUE", "SHENIKA", "SHAWANNA", "SHAROLYN", + "SHARILYN", "SHAQUANA", "SHANTAY", "SEE", "ROZANNE", "ROSELEE", "RICKIE", "REMONA", "REANNA", "RAELENE", + "QUINN", "PHUNG", "PETRONILA", "NATACHA", "NANCEY", "MYRL", "MIYOKO", "MIESHA", "MERIDETH", "MARVELLA", + "MARQUITTA", "MARHTA", "MARCHELLE", "LIZETH", "LIBBIE", "LAHOMA", "LADAWN", "KINA", "KATHELEEN", "KATHARYN", + "KARISA", "KALEIGH", "JUNIE", "JULIEANN", "JOHNSIE", "JANEAN", "JAIMEE", "JACKQUELINE", "HISAKO", "HERMA", + "HELAINE", "GWYNETH", "GLENN", "GITA", "EUSTOLIA", "EMELINA", "ELIN", "EDRIS", "DONNETTE", "DONNETTA", + "DIERDRE", "DENAE", "DARCEL", "CLAUDE", "CLARISA", "CINDERELLA", "CHIA", "CHARLESETTA", "CHARITA", "CELSA", + "CASSY", "CASSI", "CARLEE", "BRUNA", "BRITTANEY", "BRANDE", "BILLI", "BAO", "ANTONETTA", "ANGLA", + "ANGELYN", "ANALISA", "ALANE", "WENONA", "WENDIE", "VERONIQUE", "VANNESA", "TOBIE", "TEMPIE", "SUMIKO", + "SULEMA", "SPARKLE", "SOMER", "SHEBA", "SHAYNE", "SHARICE", "SHANEL", "SHALON", "SAGE", "ROY", + "ROSIO", "ROSELIA", "RENAY", "REMA", "REENA", "PORSCHE", "PING", "PEG", "OZIE", "ORETHA", + "ORALEE", "ODA", "NU", "NGAN", "NAKESHA", "MILLY", "MARYBELLE", "MARLIN", "MARIS", "MARGRETT", + "MARAGARET", "MANIE", "LURLENE", "LILLIA", "LIESELOTTE", "LAVELLE", "LASHAUNDA", "LAKEESHA", "KEITH", "KAYCEE", + "KALYN", "JOYA", "JOETTE", "JENAE", "JANIECE", "ILLA", "GRISEL", "GLAYDS", "GENEVIE", "GALA", + "FREDDA", "FRED", "ELMER", "ELEONOR", "DEBERA", "DEANDREA", "DAN", "CORRINNE", "CORDIA", "CONTESSA", + "COLENE", "CLEOTILDE", "CHARLOTT", "CHANTAY", "CECILLE", "BEATRIS", "AZALEE", "ARLEAN", "ARDATH", "ANJELICA", + "ANJA", "ALFREDIA", "ALEISHA", "ADAM", "ZADA", "YUONNE", "XIAO", "WILLODEAN", "WHITLEY", "VENNIE", + "VANNA", "TYISHA", "TOVA", "TORIE", "TONISHA", "TILDA", "TIEN", "TEMPLE", "SIRENA", "SHERRIL", + "SHANTI", "SHAN", "SENAIDA", "SAMELLA", "ROBBYN", "RENDA", "REITA", "PHEBE", "PAULITA", "NOBUKO", + "NGUYET", "NEOMI", "MOON", "MIKAELA", "MELANIA", "MAXIMINA", "MARG", "MAISIE", "LYNNA", "LILLI", + "LAYNE", "LASHAUN", "LAKENYA", "LAEL", "KIRSTIE", "KATHLINE", "KASHA", "KARLYN", "KARIMA", "JOVAN", + "JOSEFINE", "JENNELL", "JACQUI", "JACKELYN", "HYO", "HIEN", "GRAZYNA", "FLORRIE", "FLORIA", "ELEONORA", + "DWANA", "DORLA", "DONG", "DELMY", "DEJA", "DEDE", "DANN", "CRYSTA", "CLELIA", "CLARIS", + "CLARENCE", "CHIEKO", "CHERLYN", "CHERELLE", "CHARMAIN", "CHARA", "CAMMY", "BEE", "ARNETTE", "ARDELLE", + "ANNIKA", "AMIEE", "AMEE", "ALLENA", "YVONE", "YUKI", "YOSHIE", "YEVETTE", "YAEL", "WILLETTA", + "VONCILE", "VENETTA", "TULA", "TONETTE", "TIMIKA", "TEMIKA", "TELMA", "TEISHA", "TAREN", "TA", + "STACEE", "SHIN", "SHAWNTA", "SATURNINA", "RICARDA", "POK", "PASTY", "ONIE", "NUBIA", "MORA", + "MIKE", "MARIELLE", "MARIELLA", "MARIANELA", "MARDELL", "MANY", "LUANNA", "LOISE", "LISABETH", "LINDSY", + "LILLIANA", "LILLIAM", "LELAH", "LEIGHA", "LEANORA", "LANG", "KRISTEEN", "KHALILAH", "KEELEY", "KANDRA", + "JUNKO", "JOAQUINA", "JERLENE", "JANI", "JAMIKA", "JAME", "HSIU", "HERMILA", "GOLDEN", "GENEVIVE", + "EVIA", "EUGENA", "EMMALINE", "ELFREDA", "ELENE", "DONETTE", "DELCIE", "DEEANNA", "DARCEY", "CUC", + "CLARINDA", "CIRA", "CHAE", "CELINDA", "CATHERYN", "CATHERIN", "CASIMIRA", "CARMELIA", "CAMELLIA", "BREANA", + "BOBETTE", "BERNARDINA", "BEBE", "BASILIA", "ARLYNE", "AMAL", "ALAYNA", "ZONIA", "ZENIA", "YURIKO", + "YAEKO", "WYNELL", "WILLOW", "WILLENA", "VERNIA", "TU", "TRAVIS", "TORA", "TERRILYN", "TERICA", + "TENESHA", "TAWNA", "TAJUANA", "TAINA", "STEPHNIE", "SONA", "SOL", "SINA", "SHONDRA", "SHIZUKO", + "SHERLENE", "SHERICE", "SHARIKA", "ROSSIE", "ROSENA", "RORY", "RIMA", "RIA", "RHEBA", "RENNA", + "PETER", "NATALYA", "NANCEE", "MELODI", "MEDA", "MAXIMA", "MATHA", "MARKETTA", "MARICRUZ", "MARCELENE", + "MALVINA", "LUBA", "LOUETTA", "LEIDA", "LECIA", "LAURAN", "LASHAWNA", "LAINE", "KHADIJAH", "KATERINE", + "KASI", "KALLIE", "JULIETTA", "JESUSITA", "JESTINE", "JESSIA", "JEREMY", "JEFFIE", "JANYCE", "ISADORA", + "GEORGIANNE", "FIDELIA", "EVITA", "EURA", "EULAH", "ESTEFANA", "ELSY", "ELIZABET", "ELADIA", "DODIE", + "DION", "DIA", "DENISSE", "DELORAS", "DELILA", "DAYSI", "DAKOTA", "CURTIS", "CRYSTLE", "CONCHA", + "COLBY", "CLARETTA", "CHU", "CHRISTIA", "CHARLSIE", "CHARLENA", "CARYLON", "BETTYANN", "ASLEY", "ASHLEA", + "AMIRA", "AI", "AGUEDA", "AGNUS", "YUETTE", "VINITA", "VICTORINA", "TYNISHA", "TREENA", "TOCCARA", + "TISH", "THOMASENA", "TEGAN", "SOILA", "SHILOH", "SHENNA", "SHARMAINE", "SHANTAE", "SHANDI", "SEPTEMBER", + "SARAN", "SARAI", "SANA", "SAMUEL", "SALLEY", "ROSETTE", "ROLANDE", "REGINE", "OTELIA", "OSCAR", + "OLEVIA", "NICHOLLE", "NECOLE", "NAIDA", "MYRTA", "MYESHA", "MITSUE", "MINTA", "MERTIE", "MARGY", + "MAHALIA", "MADALENE", "LOVE", "LOURA", "LOREAN", "LEWIS", "LESHA", "LEONIDA", "LENITA", "LAVONE", + "LASHELL", "LASHANDRA", "LAMONICA", "KIMBRA", "KATHERINA", "KARRY", "KANESHA", "JULIO", "JONG", "JENEVA", + "JAQUELYN", "HWA", "GILMA", "GHISLAINE", "GERTRUDIS", "FRANSISCA", "FERMINA", "ETTIE", "ETSUKO", "ELLIS", + "ELLAN", "ELIDIA", "EDRA", "DORETHEA", "DOREATHA", "DENYSE", "DENNY", "DEETTA", "DAINE", "CYRSTAL", + "CORRIN", "CAYLA", "CARLITA", "CAMILA", "BURMA", "BULA", "BUENA", "BLAKE", "BARABARA", "AVRIL", + "AUSTIN", "ALAINE", "ZANA", "WILHEMINA", "WANETTA", "VIRGIL", "VI", "VERONIKA", "VERNON", "VERLINE", + "VASILIKI", "TONITA", "TISA", "TEOFILA", "TAYNA", "TAUNYA", "TANDRA", "TAKAKO", "SUNNI", "SUANNE", + "SIXTA", "SHARELL", "SEEMA", "RUSSELL", "ROSENDA", "ROBENA", "RAYMONDE", "PEI", "PAMILA", "OZELL", + "NEIDA", "NEELY", "MISTIE", "MICHA", "MERISSA", "MAURITA", "MARYLN", "MARYETTA", "MARSHALL", "MARCELL", + "MALENA", "MAKEDA", "MADDIE", "LOVETTA", "LOURIE", "LORRINE", "LORILEE", "LESTER", "LAURENA", "LASHAY", + "LARRAINE", "LAREE", "LACRESHA", "KRISTLE", "KRISHNA", "KEVA", "KEIRA", "KAROLE", "JOIE", "JINNY", + "JEANNETTA", "JAMA", "HEIDY", "GILBERTE", "GEMA", "FAVIOLA", "EVELYNN", "ENDA", "ELLI", "ELLENA", + "DIVINA", "DAGNY", "COLLENE", "CODI", "CINDIE", "CHASSIDY", "CHASIDY", "CATRICE", "CATHERINA", "CASSEY", + "CAROLL", "CARLENA", "CANDRA", "CALISTA", "BRYANNA", "BRITTENY", "BEULA", "BARI", "AUDRIE", "AUDRIA", + "ARDELIA", "ANNELLE", "ANGILA", "ALONA", "ALLYN", "DOUGLAS", "ROGER", "JONATHAN", "RALPH", "NICHOLAS", + "BENJAMIN", "BRUCE", "HARRY", "WAYNE", "STEVE", "HOWARD", "ERNEST", "PHILLIP", "TODD", "CRAIG", + "ALAN", "PHILIP", "EARL", "DANNY", "BRYAN", "STANLEY", "LEONARD", "NATHAN", "MANUEL", "RODNEY", + "MARVIN", "VINCENT", "JEFFERY", "JEFF", "CHAD", "JACOB", "ALFRED", "BRADLEY", "HERBERT", "FREDERICK", + "EDWIN", "DON", "RICKY", "RANDALL", "BARRY", "BERNARD", "LEROY", "MARCUS", "THEODORE", "CLIFFORD", + "MIGUEL", "JIM", "TOM", "CALVIN", "BILL", "LLOYD", "DEREK", "WARREN", "DARRELL", "JEROME", + "FLOYD", "ALVIN", "TIM", "GORDON", "GREG", "JORGE", "DUSTIN", "PEDRO", "DERRICK", "ZACHARY", + "HERMAN", "GLEN", "HECTOR", "RICARDO", "RICK", "BRENT", "RAMON", "GILBERT", "MARC", "REGINALD", + "RUBEN", "NATHANIEL", "RAFAEL", "EDGAR", "MILTON", "RAUL", "BEN", "CHESTER", "DUANE", "FRANKLIN", + "BRAD", "RON", "ROLAND", "ARNOLD", "HARVEY", "JARED", "ERIK", "DARRYL", "NEIL", "JAVIER", + "FERNANDO", "CLINTON", "TED", "MATHEW", "TYRONE", "DARREN", "LANCE", "KURT", "ALLAN", "NELSON", + "GUY", "CLAYTON", "HUGH", "MAX", "DWAYNE", "DWIGHT", "ARMANDO", "FELIX", "EVERETT", "IAN", + "WALLACE", "KEN", "BOB", "ALFREDO", "ALBERTO", "DAVE", "IVAN", "BYRON", "ISAAC", "MORRIS", + "CLIFTON", "WILLARD", "ROSS", "ANDY", "SALVADOR", "KIRK", "SERGIO", "SETH", "KENT", "TERRANCE", + "EDUARDO", "TERRENCE", "ENRIQUE", "WADE", "STUART", "FREDRICK", "ARTURO", "ALEJANDRO", "NICK", "LUTHER", + "WENDELL", "JEREMIAH", "JULIUS", "OTIS", "TREVOR", "OLIVER", "LUKE", "HOMER", "GERARD", "DOUG", + "KENNY", "HUBERT", "LYLE", "MATT", "ALFONSO", "ORLANDO", "REX", "CARLTON", "ERNESTO", "NEAL", + "PABLO", "LORENZO", "OMAR", "WILBUR", "GRANT", "HORACE", "RODERICK", "ABRAHAM", "WILLIS", "RICKEY", + "ANDRES", "CESAR", "JOHNATHAN", "MALCOLM", "RUDOLPH", "DAMON", "KELVIN", "PRESTON", "ALTON", "ARCHIE", + "MARCO", "WM", "PETE", "RANDOLPH", "GARRY", "GEOFFREY", "JONATHON", "FELIPE", "GERARDO", "ED", + "DOMINIC", "DELBERT", "COLIN", "GUILLERMO", "EARNEST", "LUCAS", "BENNY", "SPENCER", "RODOLFO", "MYRON", + "EDMUND", "GARRETT", "SALVATORE", "CEDRIC", "LOWELL", "GREGG", "SHERMAN", "WILSON", "SYLVESTER", "ROOSEVELT", + "ISRAEL", "JERMAINE", "FORREST", "WILBERT", "LELAND", "SIMON", "CLARK", "IRVING", "BRYANT", "OWEN", + "RUFUS", "WOODROW", "KRISTOPHER", "MACK", "LEVI", "MARCOS", "GUSTAVO", "JAKE", "LIONEL", "GILBERTO", + "CLINT", "NICOLAS", "ISMAEL", "ORVILLE", "ERVIN", "DEWEY", "AL", "WILFRED", "JOSH", "HUGO", + "IGNACIO", "CALEB", "TOMAS", "SHELDON", "ERICK", "STEWART", "DOYLE", "DARREL", "ROGELIO", "TERENCE", + "SANTIAGO", "ALONZO", "ELIAS", "BERT", "ELBERT", "RAMIRO", "CONRAD", "NOAH", "GRADY", "PHIL", + "CORNELIUS", "LAMAR", "ROLANDO", "CLAY", "PERCY", "DEXTER", "BRADFORD", "DARIN", "AMOS", "MOSES", + "IRVIN", "SAUL", "ROMAN", "RANDAL", "TIMMY", "DARRIN", "WINSTON", "BRENDAN", "ABEL", "DOMINICK", + "BOYD", "EMILIO", "ELIJAH", "DOMINGO", "EMMETT", "MARLON", "EMANUEL", "JERALD", "EDMOND", "EMIL", + "DEWAYNE", "WILL", "OTTO", "TEDDY", "REYNALDO", "BRET", "JESS", "TRENT", "HUMBERTO", "EMMANUEL", + "STEPHAN", "VICENTE", "LAMONT", "GARLAND", "MILES", "EFRAIN", "HEATH", "RODGER", "HARLEY", "ETHAN", + "ELDON", "ROCKY", "PIERRE", "JUNIOR", "FREDDY", "ELI", "BRYCE", "ANTOINE", "STERLING", "CHASE", + "GROVER", "ELTON", "CLEVELAND", "DYLAN", "CHUCK", "DAMIAN", "REUBEN", "STAN", "AUGUST", "LEONARDO", + "JASPER", "RUSSEL", "ERWIN", "BENITO", "HANS", "MONTE", "BLAINE", "ERNIE", "CURT", "QUENTIN", + "AGUSTIN", "MURRAY", "JAMAL", "ADOLFO", "HARRISON", "TYSON", "BURTON", "BRADY", "ELLIOTT", "WILFREDO", + "BART", "JARROD", "VANCE", "DENIS", "DAMIEN", "JOAQUIN", "HARLAN", "DESMOND", "ELLIOT", "DARWIN", + "GREGORIO", "BUDDY", "XAVIER", "KERMIT", "ROSCOE", "ESTEBAN", "ANTON", "SOLOMON", "SCOTTY", "NORBERT", + "ELVIN", "WILLIAMS", "NOLAN", "ROD", "QUINTON", "HAL", "BRAIN", "ROB", "ELWOOD", "KENDRICK", + "DARIUS", "MOISES", "FIDEL", "THADDEUS", "CLIFF", "MARCEL", "JACKSON", "RAPHAEL", "BRYON", "ARMAND", + "ALVARO", "JEFFRY", "DANE", "JOESPH", "THURMAN", "NED", "RUSTY", "MONTY", "FABIAN", "REGGIE", + "MASON", "GRAHAM", "ISAIAH", "VAUGHN", "GUS", "LOYD", "DIEGO", "ADOLPH", "NORRIS", "MILLARD", + "ROCCO", "GONZALO", "DERICK", "RODRIGO", "WILEY", "RIGOBERTO", "ALPHONSO", "TY", "NOE", "VERN", + "REED", "JEFFERSON", "ELVIS", "BERNARDO", "MAURICIO", "HIRAM", "DONOVAN", "BASIL", "RILEY", "NICKOLAS", + "MAYNARD", "SCOT", "VINCE", "QUINCY", "EDDY", "SEBASTIAN", "FEDERICO", "ULYSSES", "HERIBERTO", "DONNELL", + "COLE", "DAVIS", "GAVIN", "EMERY", "WARD", "ROMEO", "JAYSON", "DANTE", "CLEMENT", "COY", + "MAXWELL", "JARVIS", "BRUNO", "ISSAC", "DUDLEY", "BROCK", "SANFORD", "CARMELO", "BARNEY", "NESTOR", + "STEFAN", "DONNY", "ART", "LINWOOD", "BEAU", "WELDON", "GALEN", "ISIDRO", "TRUMAN", "DELMAR", + "JOHNATHON", "SILAS", "FREDERIC", "DICK", "IRWIN", "MERLIN", "CHARLEY", "MARCELINO", "HARRIS", "CARLO", + "TRENTON", "KURTIS", "HUNTER", "AURELIO", "WINFRED", "VITO", "COLLIN", "DENVER", "CARTER", "LEONEL", + "EMORY", "PASQUALE", "MOHAMMAD", "MARIANO", "DANIAL", "LANDON", "DIRK", "BRANDEN", "ADAN", "BUFORD", + "GERMAN", "WILMER", "EMERSON", "ZACHERY", "FLETCHER", "JACQUES", "ERROL", "DALTON", "MONROE", "JOSUE", + "EDWARDO", "BOOKER", "WILFORD", "SONNY", "SHELTON", "CARSON", "THERON", "RAYMUNDO", "DAREN", "HOUSTON", + "ROBBY", "LINCOLN", "GENARO", "BENNETT", "OCTAVIO", "CORNELL", "HUNG", "ARRON", "ANTONY", "HERSCHEL", + "GIOVANNI", "GARTH", "CYRUS", "CYRIL", "RONNY", "LON", "FREEMAN", "DUNCAN", "KENNITH", "CARMINE", + "ERICH", "CHADWICK", "WILBURN", "RUSS", "REID", "MYLES", "ANDERSON", "MORTON", "JONAS", "FOREST", + "MITCHEL", "MERVIN", "ZANE", "RICH", "JAMEL", "LAZARO", "ALPHONSE", "RANDELL", "MAJOR", "JARRETT", + "BROOKS", "ABDUL", "LUCIANO", "SEYMOUR", "EUGENIO", "MOHAMMED", "VALENTIN", "CHANCE", "ARNULFO", "LUCIEN", + "FERDINAND", "THAD", "EZRA", "ALDO", "RUBIN", "ROYAL", "MITCH", "EARLE", "ABE", "WYATT", + "MARQUIS", "LANNY", "KAREEM", "JAMAR", "BORIS", "ISIAH", "EMILE", "ELMO", "ARON", "LEOPOLDO", + "EVERETTE", "JOSEF", "ELOY", "RODRICK", "REINALDO", "LUCIO", "JERROD", "WESTON", "HERSHEL", "BARTON", + "PARKER", "LEMUEL", "BURT", "JULES", "GIL", "ELISEO", "AHMAD", "NIGEL", "EFREN", "ANTWAN", + "ALDEN", "MARGARITO", "COLEMAN", "DINO", "OSVALDO", "LES", "DEANDRE", "NORMAND", "KIETH", "TREY", + "NORBERTO", "NAPOLEON", "JEROLD", "FRITZ", "ROSENDO", "MILFORD", "CHRISTOPER", "ALFONZO", "LYMAN", "JOSIAH", + "BRANT", "WILTON", "RICO", "JAMAAL", "DEWITT", "BRENTON", "OLIN", "FOSTER", "FAUSTINO", "CLAUDIO", + "JUDSON", "GINO", "EDGARDO", "ALEC", "TANNER", "JARRED", "DONN", "TAD", "PRINCE", "PORFIRIO", + "ODIS", "LENARD", "CHAUNCEY", "TOD", "MEL", "MARCELO", "KORY", "AUGUSTUS", "KEVEN", "HILARIO", + "BUD", "SAL", "ORVAL", "MAURO", "ZACHARIAH", "OLEN", "ANIBAL", "MILO", "JED", "DILLON", + "AMADO", "NEWTON", "LENNY", "RICHIE", "HORACIO", "BRICE", "MOHAMED", "DELMER", "DARIO", "REYES", + "MAC", "JONAH", "JERROLD", "ROBT", "HANK", "RUPERT", "ROLLAND", "KENTON", "DAMION", "ANTONE", + "WALDO", "FREDRIC", "BRADLY", "KIP", "BURL", "WALKER", "TYREE", "JEFFEREY", "AHMED", "WILLY", + "STANFORD", "OREN", "NOBLE", "MOSHE", "MIKEL", "ENOCH", "BRENDON", "QUINTIN", "JAMISON", "FLORENCIO", + "DARRICK", "TOBIAS", "HASSAN", "GIUSEPPE", "DEMARCUS", "CLETUS", "TYRELL", "LYNDON", "KEENAN", "WERNER", + "GERALDO", "COLUMBUS", "CHET", "BERTRAM", "MARKUS", "HUEY", "HILTON", "DWAIN", "DONTE", "TYRON", + "OMER", "ISAIAS", "HIPOLITO", "FERMIN", "ADALBERTO", "BO", "BARRETT", "TEODORO", "MCKINLEY", "MAXIMO", + "GARFIELD", "RALEIGH", "LAWERENCE", "ABRAM", "RASHAD", "KING", "EMMITT", "DARON", "SAMUAL", "MIQUEL", + "EUSEBIO", "DOMENIC", "DARRON", "BUSTER", "WILBER", "RENATO", "JC", "HOYT", "HAYWOOD", "EZEKIEL", + "CHAS", "FLORENTINO", "ELROY", "CLEMENTE", "ARDEN", "NEVILLE", "EDISON", "DESHAWN", "NATHANIAL", "JORDON", + "DANILO", "CLAUD", "SHERWOOD", "RAYMON", "RAYFORD", "CRISTOBAL", "AMBROSE", "TITUS", "HYMAN", "FELTON", + "EZEQUIEL", "ERASMO", "STANTON", "LONNY", "LEN", "IKE", "MILAN", "LINO", "JAROD", "HERB", + "ANDREAS", "WALTON", "RHETT", "PALMER", "DOUGLASS", "CORDELL", "OSWALDO", "ELLSWORTH", "VIRGILIO", "TONEY", + "NATHANAEL", "DEL", "BENEDICT", "MOSE", "JOHNSON", "ISREAL", "GARRET", "FAUSTO", "ASA", "ARLEN", + "ZACK", "WARNER", "MODESTO", "FRANCESCO", "MANUAL", "GAYLORD", "GASTON", "FILIBERTO", "DEANGELO", "MICHALE", + "GRANVILLE", "WES", "MALIK", "ZACKARY", "TUAN", "ELDRIDGE", "CRISTOPHER", "CORTEZ", "ANTIONE", "MALCOM", + "LONG", "KOREY", "JOSPEH", "COLTON", "WAYLON", "VON", "HOSEA", "SHAD", "SANTO", "RUDOLF", + "ROLF", "REY", "RENALDO", "MARCELLUS", "LUCIUS", "KRISTOFER", "BOYCE", "BENTON", "HAYDEN", "HARLAND", + "ARNOLDO", "RUEBEN", "LEANDRO", "KRAIG", "JERRELL", "JEROMY", "HOBERT", "CEDRICK", "ARLIE", "WINFORD", + "WALLY", "LUIGI", "KENETH", "JACINTO", "GRAIG", "FRANKLYN", "EDMUNDO", "SID", "PORTER", "LEIF", + "JERAMY", "BUCK", "WILLIAN", "VINCENZO", "SHON", "LYNWOOD", "JERE", "HAI", "ELDEN", "DORSEY", + "DARELL", "BRODERICK", "ALONSO" + ] + total_sum = 0 + temp_sum = 0 + name.sort() + for i in range(len(name)): + for j in name[i]: + temp_sum += ord(j) - ord('A') + 1 + total_sum += (i + 1) * temp_sum + temp_sum = 0 + print(total_sum) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_24/sol1.py b/project_euler/problem_24/sol1.py index bc57983f4ec3..347f778b2cba 100644 --- a/project_euler/problem_24/sol1.py +++ b/project_euler/problem_24/sol1.py @@ -1,10 +1,10 @@ -from itertools import permutations - - -def main(): - result = list(map("".join, permutations('0123456789'))) - print(result[999999]) - - -if __name__ == '__main__': - main() +from itertools import permutations + + +def main(): + result = list(map("".join, permutations('0123456789'))) + print(result[999999]) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_25/sol1.py b/project_euler/problem_25/sol1.py index 604ac09db3ff..54cd8e083e5f 100644 --- a/project_euler/problem_25/sol1.py +++ b/project_euler/problem_25/sol1.py @@ -1,34 +1,34 @@ -from __future__ import print_function - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def fibonacci(n): - if n == 1 or type(n) is not int: - return 0 - elif n == 2: - return 1 - else: - sequence = [0, 1] - for i in xrange(2, n + 1): - sequence.append(sequence[i - 1] + sequence[i - 2]) - - return sequence[n] - - -def fibonacci_digits_index(n): - digits = 0 - index = 2 - - while digits < n: - index += 1 - digits = len(str(fibonacci(index))) - - return index - - -if __name__ == '__main__': - print(fibonacci_digits_index(1000)) +from __future__ import print_function + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def fibonacci(n): + if n == 1 or type(n) is not int: + return 0 + elif n == 2: + return 1 + else: + sequence = [0, 1] + for i in xrange(2, n + 1): + sequence.append(sequence[i - 1] + sequence[i - 2]) + + return sequence[n] + + +def fibonacci_digits_index(n): + digits = 0 + index = 2 + + while digits < n: + index += 1 + digits = len(str(fibonacci(index))) + + return index + + +if __name__ == '__main__': + print(fibonacci_digits_index(1000)) diff --git a/project_euler/problem_25/sol2.py b/project_euler/problem_25/sol2.py index b9aff9b82e56..6778bb08f0ce 100644 --- a/project_euler/problem_25/sol2.py +++ b/project_euler/problem_25/sol2.py @@ -1,12 +1,12 @@ -def fibonacci_genrator(): - a, b = 0, 1 - while True: - a, b = b, a + b - yield b - - -answer = 1 -gen = fibonacci_genrator() -while len(str(next(gen))) < 1000: - answer += 1 -assert answer + 1 == 4782 +def fibonacci_genrator(): + a, b = 0, 1 + while True: + a, b = b, a + b + yield b + + +answer = 1 +gen = fibonacci_genrator() +while len(str(next(gen))) < 1000: + answer += 1 +assert answer + 1 == 4782 diff --git a/project_euler/problem_28/sol1.py b/project_euler/problem_28/sol1.py index 34a70f740d4f..b834a1881e9b 100644 --- a/project_euler/problem_28/sol1.py +++ b/project_euler/problem_28/sol1.py @@ -1,32 +1,32 @@ -from __future__ import print_function - -from math import ceil - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def diagonal_sum(n): - total = 1 - - for i in xrange(1, int(ceil(n / 2.0))): - odd = 2 * i + 1 - even = 2 * i - total = total + 4 * odd ** 2 - 6 * even - - return total - - -if __name__ == '__main__': - import sys - - if len(sys.argv) == 1: - print(diagonal_sum(1001)) - else: - try: - n = int(sys.argv[1]) - diagonal_sum(n) - except ValueError: - print('Invalid entry - please enter a number') +from __future__ import print_function + +from math import ceil + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def diagonal_sum(n): + total = 1 + + for i in xrange(1, int(ceil(n / 2.0))): + odd = 2 * i + 1 + even = 2 * i + total = total + 4 * odd ** 2 - 6 * even + + return total + + +if __name__ == '__main__': + import sys + + if len(sys.argv) == 1: + print(diagonal_sum(1001)) + else: + try: + n = int(sys.argv[1]) + diagonal_sum(n) + except ValueError: + print('Invalid entry - please enter a number') diff --git a/project_euler/problem_29/solution.py b/project_euler/problem_29/solution.py index 0ee55812360d..b336059b78d4 100644 --- a/project_euler/problem_29/solution.py +++ b/project_euler/problem_29/solution.py @@ -1,33 +1,33 @@ -def main(): - """ - Consider all integer combinations of ab for 2 <= a <= 5 and 2 <= b <= 5: - - 22=4, 23=8, 24=16, 25=32 - 32=9, 33=27, 34=81, 35=243 - 42=16, 43=64, 44=256, 45=1024 - 52=25, 53=125, 54=625, 55=3125 - If they are then placed in numerical order, with any repeats removed, - we get the following sequence of 15 distinct terms: - - 4, 8, 9, 16, 25, 27, 32, 64, 81, 125, 243, 256, 625, 1024, 3125 - - How many distinct terms are in the sequence generated by ab - for 2 <= a <= 100 and 2 <= b <= 100? - """ - - collectPowers = set() - - currentPow = 0 - - N = 101 # maximum limit - - for a in range(2, N): - for b in range(2, N): - currentPow = a ** b # calculates the current power - collectPowers.add(currentPow) # adds the result to the set - - print("Number of terms ", len(collectPowers)) - - -if __name__ == '__main__': - main() +def main(): + """ + Consider all integer combinations of ab for 2 <= a <= 5 and 2 <= b <= 5: + + 22=4, 23=8, 24=16, 25=32 + 32=9, 33=27, 34=81, 35=243 + 42=16, 43=64, 44=256, 45=1024 + 52=25, 53=125, 54=625, 55=3125 + If they are then placed in numerical order, with any repeats removed, + we get the following sequence of 15 distinct terms: + + 4, 8, 9, 16, 25, 27, 32, 64, 81, 125, 243, 256, 625, 1024, 3125 + + How many distinct terms are in the sequence generated by ab + for 2 <= a <= 100 and 2 <= b <= 100? + """ + + collectPowers = set() + + currentPow = 0 + + N = 101 # maximum limit + + for a in range(2, N): + for b in range(2, N): + currentPow = a ** b # calculates the current power + collectPowers.add(currentPow) # adds the result to the set + + print("Number of terms ", len(collectPowers)) + + +if __name__ == '__main__': + main() diff --git a/project_euler/problem_31/sol1.py b/project_euler/problem_31/sol1.py index 670b861443c1..dc1a1f62b7e6 100644 --- a/project_euler/problem_31/sol1.py +++ b/project_euler/problem_31/sol1.py @@ -1,54 +1,54 @@ -# -*- coding: utf-8 -*- -from __future__ import print_function - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 -''' -Coin sums -Problem 31 -In England the currency is made up of pound, £, and pence, p, and there are -eight coins in general circulation: - -1p, 2p, 5p, 10p, 20p, 50p, £1 (100p) and £2 (200p). -It is possible to make £2 in the following way: - -1×£1 + 1×50p + 2×20p + 1×5p + 1×2p + 3×1p -How many different ways can £2 be made using any number of coins? -''' - - -def one_pence(): - return 1 - - -def two_pence(x): - return 0 if x < 0 else two_pence(x - 2) + one_pence() - - -def five_pence(x): - return 0 if x < 0 else five_pence(x - 5) + two_pence(x) - - -def ten_pence(x): - return 0 if x < 0 else ten_pence(x - 10) + five_pence(x) - - -def twenty_pence(x): - return 0 if x < 0 else twenty_pence(x - 20) + ten_pence(x) - - -def fifty_pence(x): - return 0 if x < 0 else fifty_pence(x - 50) + twenty_pence(x) - - -def one_pound(x): - return 0 if x < 0 else one_pound(x - 100) + fifty_pence(x) - - -def two_pound(x): - return 0 if x < 0 else two_pound(x - 200) + one_pound(x) - - -print(two_pound(200)) +# -*- coding: utf-8 -*- +from __future__ import print_function + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 +''' +Coin sums +Problem 31 +In England the currency is made up of pound, £, and pence, p, and there are +eight coins in general circulation: + +1p, 2p, 5p, 10p, 20p, 50p, £1 (100p) and £2 (200p). +It is possible to make £2 in the following way: + +1×£1 + 1×50p + 2×20p + 1×5p + 1×2p + 3×1p +How many different ways can £2 be made using any number of coins? +''' + + +def one_pence(): + return 1 + + +def two_pence(x): + return 0 if x < 0 else two_pence(x - 2) + one_pence() + + +def five_pence(x): + return 0 if x < 0 else five_pence(x - 5) + two_pence(x) + + +def ten_pence(x): + return 0 if x < 0 else ten_pence(x - 10) + five_pence(x) + + +def twenty_pence(x): + return 0 if x < 0 else twenty_pence(x - 20) + ten_pence(x) + + +def fifty_pence(x): + return 0 if x < 0 else fifty_pence(x - 50) + twenty_pence(x) + + +def one_pound(x): + return 0 if x < 0 else one_pound(x - 100) + fifty_pence(x) + + +def two_pound(x): + return 0 if x < 0 else two_pound(x - 200) + one_pound(x) + + +print(two_pound(200)) diff --git a/project_euler/problem_36/sol1.py b/project_euler/problem_36/sol1.py index 072aefb65b4b..51ce68326319 100644 --- a/project_euler/problem_36/sol1.py +++ b/project_euler/problem_36/sol1.py @@ -1,33 +1,33 @@ -from __future__ import print_function - -''' -Double-base palindromes -Problem 36 -The decimal number, 585 = 10010010012 (binary), is palindromic in both bases. - -Find the sum of all numbers, less than one million, which are palindromic in base 10 and base 2. - -(Please note that the palindromic number, in either base, may not include leading zeros.) -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def is_palindrome(n): - n = str(n) - - if n == n[::-1]: - return True - else: - return False - - -total = 0 - -for i in xrange(1, 1000000): - if is_palindrome(i) and is_palindrome(bin(i).split('b')[1]): - total += i - -print(total) +from __future__ import print_function + +''' +Double-base palindromes +Problem 36 +The decimal number, 585 = 10010010012 (binary), is palindromic in both bases. + +Find the sum of all numbers, less than one million, which are palindromic in base 10 and base 2. + +(Please note that the palindromic number, in either base, may not include leading zeros.) +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def is_palindrome(n): + n = str(n) + + if n == n[::-1]: + return True + else: + return False + + +total = 0 + +for i in xrange(1, 1000000): + if is_palindrome(i) and is_palindrome(bin(i).split('b')[1]): + total += i + +print(total) diff --git a/project_euler/problem_40/sol1.py b/project_euler/problem_40/sol1.py index 821af435e722..cbf90443f538 100644 --- a/project_euler/problem_40/sol1.py +++ b/project_euler/problem_40/sol1.py @@ -1,27 +1,27 @@ -# -.- coding: latin-1 -.- -from __future__ import print_function - -''' -Champernowne's constant -Problem 40 -An irrational decimal fraction is created by concatenating the positive integers: - -0.123456789101112131415161718192021... - -It can be seen that the 12th digit of the fractional part is 1. - -If dn represents the nth digit of the fractional part, find the value of the following expression. - -d1 × d10 × d100 × d1000 × d10000 × d100000 × d1000000 -''' - -constant = [] -i = 1 - -while len(constant) < 1e6: - constant.append(str(i)) - i += 1 - -constant = ''.join(constant) - -print(int(constant[0]) * int(constant[9]) * int(constant[99]) * int(constant[999]) * int(constant[9999]) * int(constant[99999]) * int(constant[999999])) +# -.- coding: latin-1 -.- +from __future__ import print_function + +''' +Champernowne's constant +Problem 40 +An irrational decimal fraction is created by concatenating the positive integers: + +0.123456789101112131415161718192021... + +It can be seen that the 12th digit of the fractional part is 1. + +If dn represents the nth digit of the fractional part, find the value of the following expression. + +d1 × d10 × d100 × d1000 × d10000 × d100000 × d1000000 +''' + +constant = [] +i = 1 + +while len(constant) < 1e6: + constant.append(str(i)) + i += 1 + +constant = ''.join(constant) + +print(int(constant[0]) * int(constant[9]) * int(constant[99]) * int(constant[999]) * int(constant[9999]) * int(constant[99999]) * int(constant[999999])) diff --git a/project_euler/problem_48/sol1.py b/project_euler/problem_48/sol1.py index 379df23bbe8e..96c6c884377d 100644 --- a/project_euler/problem_48/sol1.py +++ b/project_euler/problem_48/sol1.py @@ -1,21 +1,21 @@ -from __future__ import print_function - -''' -Self Powers -Problem 48 - -The series, 11 + 22 + 33 + ... + 1010 = 10405071317. - -Find the last ten digits of the series, 11 + 22 + 33 + ... + 10001000. -''' - -try: - xrange -except NameError: - xrange = range - -total = 0 -for i in xrange(1, 1001): - total += i ** i - -print(str(total)[-10:]) +from __future__ import print_function + +''' +Self Powers +Problem 48 + +The series, 11 + 22 + 33 + ... + 1010 = 10405071317. + +Find the last ten digits of the series, 11 + 22 + 33 + ... + 10001000. +''' + +try: + xrange +except NameError: + xrange = range + +total = 0 +for i in xrange(1, 1001): + total += i ** i + +print(str(total)[-10:]) diff --git a/project_euler/problem_52/sol1.py b/project_euler/problem_52/sol1.py index ca1b2d2b7ade..b01e1dca8230 100644 --- a/project_euler/problem_52/sol1.py +++ b/project_euler/problem_52/sol1.py @@ -1,24 +1,24 @@ -from __future__ import print_function - -''' -Permuted multiples -Problem 52 - -It can be seen that the number, 125874, and its double, 251748, contain exactly the same digits, but in a different order. - -Find the smallest positive integer, x, such that 2x, 3x, 4x, 5x, and 6x, contain the same digits. -''' -i = 1 - -while True: - if sorted(list(str(i))) == \ - sorted(list(str(2 * i))) == \ - sorted(list(str(3 * i))) == \ - sorted(list(str(4 * i))) == \ - sorted(list(str(5 * i))) == \ - sorted(list(str(6 * i))): - break - - i += 1 - -print(i) +from __future__ import print_function + +''' +Permuted multiples +Problem 52 + +It can be seen that the number, 125874, and its double, 251748, contain exactly the same digits, but in a different order. + +Find the smallest positive integer, x, such that 2x, 3x, 4x, 5x, and 6x, contain the same digits. +''' +i = 1 + +while True: + if sorted(list(str(i))) == \ + sorted(list(str(2 * i))) == \ + sorted(list(str(3 * i))) == \ + sorted(list(str(4 * i))) == \ + sorted(list(str(5 * i))) == \ + sorted(list(str(6 * i))): + break + + i += 1 + +print(i) diff --git a/project_euler/problem_53/sol1.py b/project_euler/problem_53/sol1.py index 405e4cebb4e9..74107eb92ff0 100644 --- a/project_euler/problem_53/sol1.py +++ b/project_euler/problem_53/sol1.py @@ -1,40 +1,40 @@ -# -.- coding: latin-1 -.- -from __future__ import print_function - -from math import factorial - -''' -Combinatoric selections -Problem 53 - -There are exactly ten ways of selecting three from five, 12345: - -123, 124, 125, 134, 135, 145, 234, 235, 245, and 345 - -In combinatorics, we use the notation, 5C3 = 10. - -In general, - -nCr = n!/(r!(n−r)!),where r ≤ n, n! = n×(n−1)×...×3×2×1, and 0! = 1. -It is not until n = 23, that a value exceeds one-million: 23C10 = 1144066. - -How many, not necessarily distinct, values of nCr, for 1 ≤ n ≤ 100, are greater than one-million? -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def combinations(n, r): - return factorial(n) / (factorial(r) * factorial(n - r)) - - -total = 0 - -for i in xrange(1, 101): - for j in xrange(1, i + 1): - if combinations(i, j) > 1e6: - total += 1 - -print(total) +# -.- coding: latin-1 -.- +from __future__ import print_function + +from math import factorial + +''' +Combinatoric selections +Problem 53 + +There are exactly ten ways of selecting three from five, 12345: + +123, 124, 125, 134, 135, 145, 234, 235, 245, and 345 + +In combinatorics, we use the notation, 5C3 = 10. + +In general, + +nCr = n!/(r!(n−r)!),where r ≤ n, n! = n×(n−1)×...×3×2×1, and 0! = 1. +It is not until n = 23, that a value exceeds one-million: 23C10 = 1144066. + +How many, not necessarily distinct, values of nCr, for 1 ≤ n ≤ 100, are greater than one-million? +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def combinations(n, r): + return factorial(n) / (factorial(r) * factorial(n - r)) + + +total = 0 + +for i in xrange(1, 101): + for j in xrange(1, i + 1): + if combinations(i, j) > 1e6: + total += 1 + +print(total) diff --git a/project_euler/problem_76/sol1.py b/project_euler/problem_76/sol1.py index b51c45eee267..15528eeeea0f 100644 --- a/project_euler/problem_76/sol1.py +++ b/project_euler/problem_76/sol1.py @@ -1,38 +1,38 @@ -from __future__ import print_function - -''' -Counting Summations -Problem 76 - -It is possible to write five as a sum in exactly six different ways: - -4 + 1 -3 + 2 -3 + 1 + 1 -2 + 2 + 1 -2 + 1 + 1 + 1 -1 + 1 + 1 + 1 + 1 - -How many different ways can one hundred be written as a sum of at least two positive integers? -''' -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - - -def partition(m): - memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] - for i in xrange(m + 1): - memo[i][0] = 1 - - for n in xrange(m + 1): - for k in xrange(1, m): - memo[n][k] += memo[n][k - 1] - if n > k: - memo[n][k] += memo[n - k - 1][k] - - return (memo[m][m - 1] - 1) - - -print(partition(100)) +from __future__ import print_function + +''' +Counting Summations +Problem 76 + +It is possible to write five as a sum in exactly six different ways: + +4 + 1 +3 + 2 +3 + 1 + 1 +2 + 2 + 1 +2 + 1 + 1 + 1 +1 + 1 + 1 + 1 + 1 + +How many different ways can one hundred be written as a sum of at least two positive integers? +''' +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + + +def partition(m): + memo = [[0 for _ in xrange(m)] for _ in xrange(m + 1)] + for i in xrange(m + 1): + memo[i][0] = 1 + + for n in xrange(m + 1): + for k in xrange(1, m): + memo[n][k] += memo[n][k - 1] + if n > k: + memo[n][k] += memo[n - k - 1][k] + + return (memo[m][m - 1] - 1) + + +print(partition(100)) diff --git a/searches/binary_search.py b/searches/binary_search.py index 18c0be37e889..4de3741a15bd 100644 --- a/searches/binary_search.py +++ b/searches/binary_search.py @@ -1,164 +1,164 @@ -""" -This is pure python implementation of binary search algorithm - -For doctests run following command: -python -m doctest -v binary_search.py -or -python3 -m doctest -v binary_search.py - -For manual testing run: -python binary_search.py -""" -from __future__ import print_function - -import bisect - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -def binary_search(sorted_collection, item): - """Pure implementation of binary search algorithm in Python - - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> binary_search([0, 5, 7, 10, 15], 0) - 0 - - >>> binary_search([0, 5, 7, 10, 15], 15) - 4 - - >>> binary_search([0, 5, 7, 10, 15], 5) - 1 - - >>> binary_search([0, 5, 7, 10, 15], 6) - - """ - left = 0 - right = len(sorted_collection) - 1 - - while left <= right: - midpoint = (left + right) // 2 - current_item = sorted_collection[midpoint] - if current_item == item: - return midpoint - else: - if item < current_item: - right = midpoint - 1 - else: - left = midpoint + 1 - return None - - -def binary_search_std_lib(sorted_collection, item): - """Pure implementation of binary search algorithm in Python using stdlib - - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> binary_search_std_lib([0, 5, 7, 10, 15], 0) - 0 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 15) - 4 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 5) - 1 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 6) - - """ - index = bisect.bisect_left(sorted_collection, item) - if index != len(sorted_collection) and sorted_collection[index] == item: - return index - return None - - -def binary_search_by_recursion(sorted_collection, item, left, right): - """Pure implementation of binary search algorithm in Python by recursion - - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - First recursion should be started with left=0 and right=(len(sorted_collection)-1) - - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> binary_search_std_lib([0, 5, 7, 10, 15], 0) - 0 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 15) - 4 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 5) - 1 - - >>> binary_search_std_lib([0, 5, 7, 10, 15], 6) - - """ - if (right < left): - return None - - midpoint = left + (right - left) // 2 - - if sorted_collection[midpoint] == item: - return midpoint - elif sorted_collection[midpoint] > item: - return binary_search_by_recursion(sorted_collection, item, left, midpoint - 1) - else: - return binary_search_by_recursion(sorted_collection, item, midpoint + 1, right) - - -def __assert_sorted(collection): - """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` - - :param collection: collection - :return: True if collection is ascending sorted - :raise: :py:class:`ValueError` if collection is not ascending sorted - - Examples: - >>> __assert_sorted([0, 1, 2, 4]) - True - - >>> __assert_sorted([10, -1, 5]) - Traceback (most recent call last): - ... - ValueError: Collection must be ascending sorted - """ - if collection != sorted(collection): - raise ValueError('Collection must be ascending sorted') - return True - - -if __name__ == '__main__': - import sys - - user_input = raw_input('Enter numbers separated by comma:\n').strip() - collection = [int(item) for item in user_input.split(',')] - try: - __assert_sorted(collection) - except ValueError: - sys.exit('Sequence must be ascending sorted to apply binary search') - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - result = binary_search(collection, target) - if result is not None: - print('{} found at positions: {}'.format(target, result)) - else: - print('Not found') +""" +This is pure python implementation of binary search algorithm + +For doctests run following command: +python -m doctest -v binary_search.py +or +python3 -m doctest -v binary_search.py + +For manual testing run: +python binary_search.py +""" +from __future__ import print_function + +import bisect + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +def binary_search(sorted_collection, item): + """Pure implementation of binary search algorithm in Python + + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> binary_search([0, 5, 7, 10, 15], 0) + 0 + + >>> binary_search([0, 5, 7, 10, 15], 15) + 4 + + >>> binary_search([0, 5, 7, 10, 15], 5) + 1 + + >>> binary_search([0, 5, 7, 10, 15], 6) + + """ + left = 0 + right = len(sorted_collection) - 1 + + while left <= right: + midpoint = (left + right) // 2 + current_item = sorted_collection[midpoint] + if current_item == item: + return midpoint + else: + if item < current_item: + right = midpoint - 1 + else: + left = midpoint + 1 + return None + + +def binary_search_std_lib(sorted_collection, item): + """Pure implementation of binary search algorithm in Python using stdlib + + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> binary_search_std_lib([0, 5, 7, 10, 15], 0) + 0 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 15) + 4 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 5) + 1 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 6) + + """ + index = bisect.bisect_left(sorted_collection, item) + if index != len(sorted_collection) and sorted_collection[index] == item: + return index + return None + + +def binary_search_by_recursion(sorted_collection, item, left, right): + """Pure implementation of binary search algorithm in Python by recursion + + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + First recursion should be started with left=0 and right=(len(sorted_collection)-1) + + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> binary_search_std_lib([0, 5, 7, 10, 15], 0) + 0 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 15) + 4 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 5) + 1 + + >>> binary_search_std_lib([0, 5, 7, 10, 15], 6) + + """ + if (right < left): + return None + + midpoint = left + (right - left) // 2 + + if sorted_collection[midpoint] == item: + return midpoint + elif sorted_collection[midpoint] > item: + return binary_search_by_recursion(sorted_collection, item, left, midpoint - 1) + else: + return binary_search_by_recursion(sorted_collection, item, midpoint + 1, right) + + +def __assert_sorted(collection): + """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` + + :param collection: collection + :return: True if collection is ascending sorted + :raise: :py:class:`ValueError` if collection is not ascending sorted + + Examples: + >>> __assert_sorted([0, 1, 2, 4]) + True + + >>> __assert_sorted([10, -1, 5]) + Traceback (most recent call last): + ... + ValueError: Collection must be ascending sorted + """ + if collection != sorted(collection): + raise ValueError('Collection must be ascending sorted') + return True + + +if __name__ == '__main__': + import sys + + user_input = raw_input('Enter numbers separated by comma:\n').strip() + collection = [int(item) for item in user_input.split(',')] + try: + __assert_sorted(collection) + except ValueError: + sys.exit('Sequence must be ascending sorted to apply binary search') + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + result = binary_search(collection, target) + if result is not None: + print('{} found at positions: {}'.format(target, result)) + else: + print('Not found') diff --git a/searches/interpolation_search.py b/searches/interpolation_search.py index fc40df05348b..db2693ac87a2 100644 --- a/searches/interpolation_search.py +++ b/searches/interpolation_search.py @@ -1,137 +1,137 @@ -""" -This is pure python implementation of interpolation search algorithm -""" -from __future__ import print_function - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -def interpolation_search(sorted_collection, item): - """Pure implementation of interpolation search algorithm in Python - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - """ - left = 0 - right = len(sorted_collection) - 1 - - while left <= right: - # avoid devided by 0 during interpolation - if sorted_collection[left] == sorted_collection[right]: - if sorted_collection[left] == item: - return left - else: - return None - - point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) - - # out of range check - if point < 0 or point >= len(sorted_collection): - return None - - current_item = sorted_collection[point] - if current_item == item: - return point - else: - if point < left: - right = left - left = point - elif point > right: - left = right - right = point - else: - if item < current_item: - right = point - 1 - else: - left = point + 1 - return None - - -def interpolation_search_by_recursion(sorted_collection, item, left, right): - """Pure implementation of interpolation search algorithm in Python by recursion - Be careful collection must be ascending sorted, otherwise result will be - unpredictable - First recursion should be started with left=0 and right=(len(sorted_collection)-1) - :param sorted_collection: some ascending sorted collection with comparable items - :param item: item value to search - :return: index of found item or None if item is not found - """ - - # avoid devided by 0 during interpolation - if sorted_collection[left] == sorted_collection[right]: - if sorted_collection[left] == item: - return left - else: - return None - - point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) - - # out of range check - if point < 0 or point >= len(sorted_collection): - return None - - if sorted_collection[point] == item: - return point - elif point < left: - return interpolation_search_by_recursion(sorted_collection, item, point, left) - elif point > right: - return interpolation_search_by_recursion(sorted_collection, item, right, left) - else: - if sorted_collection[point] > item: - return interpolation_search_by_recursion(sorted_collection, item, left, point - 1) - else: - return interpolation_search_by_recursion(sorted_collection, item, point + 1, right) - - -def __assert_sorted(collection): - """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` - :param collection: collection - :return: True if collection is ascending sorted - :raise: :py:class:`ValueError` if collection is not ascending sorted - Examples: - >>> __assert_sorted([0, 1, 2, 4]) - True - >>> __assert_sorted([10, -1, 5]) - Traceback (most recent call last): - ... - ValueError: Collection must be ascending sorted - """ - if collection != sorted(collection): - raise ValueError('Collection must be ascending sorted') - return True - - -if __name__ == '__main__': - import sys - - """ - user_input = raw_input('Enter numbers separated by comma:\n').strip() - collection = [int(item) for item in user_input.split(',')] - try: - __assert_sorted(collection) - except ValueError: - sys.exit('Sequence must be ascending sorted to apply interpolation search') - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - """ - - debug = 0 - if debug == 1: - collection = [10, 30, 40, 45, 50, 66, 77, 93] - try: - __assert_sorted(collection) - except ValueError: - sys.exit('Sequence must be ascending sorted to apply interpolation search') - target = 67 - - result = interpolation_search(collection, target) - if result is not None: - print('{} found at positions: {}'.format(target, result)) - else: - print('Not found') +""" +This is pure python implementation of interpolation search algorithm +""" +from __future__ import print_function + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +def interpolation_search(sorted_collection, item): + """Pure implementation of interpolation search algorithm in Python + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + """ + left = 0 + right = len(sorted_collection) - 1 + + while left <= right: + # avoid devided by 0 during interpolation + if sorted_collection[left] == sorted_collection[right]: + if sorted_collection[left] == item: + return left + else: + return None + + point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) + + # out of range check + if point < 0 or point >= len(sorted_collection): + return None + + current_item = sorted_collection[point] + if current_item == item: + return point + else: + if point < left: + right = left + left = point + elif point > right: + left = right + right = point + else: + if item < current_item: + right = point - 1 + else: + left = point + 1 + return None + + +def interpolation_search_by_recursion(sorted_collection, item, left, right): + """Pure implementation of interpolation search algorithm in Python by recursion + Be careful collection must be ascending sorted, otherwise result will be + unpredictable + First recursion should be started with left=0 and right=(len(sorted_collection)-1) + :param sorted_collection: some ascending sorted collection with comparable items + :param item: item value to search + :return: index of found item or None if item is not found + """ + + # avoid devided by 0 during interpolation + if sorted_collection[left] == sorted_collection[right]: + if sorted_collection[left] == item: + return left + else: + return None + + point = left + ((item - sorted_collection[left]) * (right - left)) // (sorted_collection[right] - sorted_collection[left]) + + # out of range check + if point < 0 or point >= len(sorted_collection): + return None + + if sorted_collection[point] == item: + return point + elif point < left: + return interpolation_search_by_recursion(sorted_collection, item, point, left) + elif point > right: + return interpolation_search_by_recursion(sorted_collection, item, right, left) + else: + if sorted_collection[point] > item: + return interpolation_search_by_recursion(sorted_collection, item, left, point - 1) + else: + return interpolation_search_by_recursion(sorted_collection, item, point + 1, right) + + +def __assert_sorted(collection): + """Check if collection is ascending sorted, if not - raises :py:class:`ValueError` + :param collection: collection + :return: True if collection is ascending sorted + :raise: :py:class:`ValueError` if collection is not ascending sorted + Examples: + >>> __assert_sorted([0, 1, 2, 4]) + True + >>> __assert_sorted([10, -1, 5]) + Traceback (most recent call last): + ... + ValueError: Collection must be ascending sorted + """ + if collection != sorted(collection): + raise ValueError('Collection must be ascending sorted') + return True + + +if __name__ == '__main__': + import sys + + """ + user_input = raw_input('Enter numbers separated by comma:\n').strip() + collection = [int(item) for item in user_input.split(',')] + try: + __assert_sorted(collection) + except ValueError: + sys.exit('Sequence must be ascending sorted to apply interpolation search') + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + """ + + debug = 0 + if debug == 1: + collection = [10, 30, 40, 45, 50, 66, 77, 93] + try: + __assert_sorted(collection) + except ValueError: + sys.exit('Sequence must be ascending sorted to apply interpolation search') + target = 67 + + result = interpolation_search(collection, target) + if result is not None: + print('{} found at positions: {}'.format(target, result)) + else: + print('Not found') diff --git a/searches/jump_search.py b/searches/jump_search.py index 16c1391a5a66..c01437fa3cce 100644 --- a/searches/jump_search.py +++ b/searches/jump_search.py @@ -1,28 +1,28 @@ -from __future__ import print_function - -import math - - -def jump_search(arr, x): - n = len(arr) - step = int(math.floor(math.sqrt(n))) - prev = 0 - while arr[min(step, n) - 1] < x: - prev = step - step += int(math.floor(math.sqrt(n))) - if prev >= n: - return -1 - - while arr[prev] < x: - prev = prev + 1 - if prev == min(step, n): - return -1 - if arr[prev] == x: - return prev - return -1 - - -arr = [0, 1, 1, 2, 3, 5, 8, 13, 21, 34, 55, 89, 144, 233, 377, 610] -x = 55 -index = jump_search(arr, x) -print("\nNumber " + str(x) + " is at index " + str(index)); +from __future__ import print_function + +import math + + +def jump_search(arr, x): + n = len(arr) + step = int(math.floor(math.sqrt(n))) + prev = 0 + while arr[min(step, n) - 1] < x: + prev = step + step += int(math.floor(math.sqrt(n))) + if prev >= n: + return -1 + + while arr[prev] < x: + prev = prev + 1 + if prev == min(step, n): + return -1 + if arr[prev] == x: + return prev + return -1 + + +arr = [0, 1, 1, 2, 3, 5, 8, 13, 21, 34, 55, 89, 144, 233, 377, 610] +x = 55 +index = jump_search(arr, x) +print("\nNumber " + str(x) + " is at index " + str(index)); diff --git a/searches/linear_search.py b/searches/linear_search.py index 5e0643ca5ed1..6a9abb887fc7 100644 --- a/searches/linear_search.py +++ b/searches/linear_search.py @@ -1,56 +1,56 @@ -""" -This is pure python implementation of linear search algorithm - -For doctests run following command: -python -m doctest -v linear_search.py -or -python3 -m doctest -v linear_search.py - -For manual testing run: -python linear_search.py -""" -from __future__ import print_function - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -def linear_search(sequence, target): - """Pure implementation of linear search algorithm in Python - - :param sequence: some sorted collection with comparable items - :param target: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> linear_search([0, 5, 7, 10, 15], 0) - 0 - - >>> linear_search([0, 5, 7, 10, 15], 15) - 4 - - >>> linear_search([0, 5, 7, 10, 15], 5) - 1 - - >>> linear_search([0, 5, 7, 10, 15], 6) - - """ - for index, item in enumerate(sequence): - if item == target: - return index - return None - - -if __name__ == '__main__': - user_input = raw_input('Enter numbers separated by comma:\n').strip() - sequence = [int(item) for item in user_input.split(',')] - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - result = linear_search(sequence, target) - if result is not None: - print('{} found at positions: {}'.format(target, result)) - else: - print('Not found') +""" +This is pure python implementation of linear search algorithm + +For doctests run following command: +python -m doctest -v linear_search.py +or +python3 -m doctest -v linear_search.py + +For manual testing run: +python linear_search.py +""" +from __future__ import print_function + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +def linear_search(sequence, target): + """Pure implementation of linear search algorithm in Python + + :param sequence: some sorted collection with comparable items + :param target: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> linear_search([0, 5, 7, 10, 15], 0) + 0 + + >>> linear_search([0, 5, 7, 10, 15], 15) + 4 + + >>> linear_search([0, 5, 7, 10, 15], 5) + 1 + + >>> linear_search([0, 5, 7, 10, 15], 6) + + """ + for index, item in enumerate(sequence): + if item == target: + return index + return None + + +if __name__ == '__main__': + user_input = raw_input('Enter numbers separated by comma:\n').strip() + sequence = [int(item) for item in user_input.split(',')] + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + result = linear_search(sequence, target) + if result is not None: + print('{} found at positions: {}'.format(target, result)) + else: + print('Not found') diff --git a/searches/quick_select.py b/searches/quick_select.py index a60908c9528a..6b70562bd78f 100644 --- a/searches/quick_select.py +++ b/searches/quick_select.py @@ -1,52 +1,52 @@ -import random - -""" -A python implementation of the quick select algorithm, which is efficient for calculating the value that would appear in the index of a list if it would be sorted, even if it is not already sorted -https://en.wikipedia.org/wiki/Quickselect -""" - - -def _partition(data, pivot): - """ - Three way partition the data into smaller, equal and greater lists, - in relationship to the pivot - :param data: The data to be sorted (a list) - :param pivot: The value to partition the data on - :return: Three list: smaller, equal and greater - """ - less, equal, greater = [], [], [] - for element in data: - if element < pivot: - less.append(element) - elif element > pivot: - greater.append(element) - else: - equal.append(element) - return less, equal, greater - - -def quickSelect(list, k): - # k = len(list) // 2 when trying to find the median (index that value would be when list is sorted) - - # invalid input - if k >= len(list) or k < 0: - return None - - smaller = [] - larger = [] - pivot = random.randint(0, len(list) - 1) - pivot = list[pivot] - count = 0 - smaller, equal, larger = _partition(list, pivot) - count = len(equal) - m = len(smaller) - - # k is the pivot - if m <= k < m + count: - return pivot - # must be in smaller - elif m > k: - return quickSelect(smaller, k) - # must be in larger - else: - return quickSelect(larger, k - (m + count)) +import random + +""" +A python implementation of the quick select algorithm, which is efficient for calculating the value that would appear in the index of a list if it would be sorted, even if it is not already sorted +https://en.wikipedia.org/wiki/Quickselect +""" + + +def _partition(data, pivot): + """ + Three way partition the data into smaller, equal and greater lists, + in relationship to the pivot + :param data: The data to be sorted (a list) + :param pivot: The value to partition the data on + :return: Three list: smaller, equal and greater + """ + less, equal, greater = [], [], [] + for element in data: + if element < pivot: + less.append(element) + elif element > pivot: + greater.append(element) + else: + equal.append(element) + return less, equal, greater + + +def quickSelect(list, k): + # k = len(list) // 2 when trying to find the median (index that value would be when list is sorted) + + # invalid input + if k >= len(list) or k < 0: + return None + + smaller = [] + larger = [] + pivot = random.randint(0, len(list) - 1) + pivot = list[pivot] + count = 0 + smaller, equal, larger = _partition(list, pivot) + count = len(equal) + m = len(smaller) + + # k is the pivot + if m <= k < m + count: + return pivot + # must be in smaller + elif m > k: + return quickSelect(smaller, k) + # must be in larger + else: + return quickSelect(larger, k - (m + count)) diff --git a/searches/sentinel_linear_search.py b/searches/sentinel_linear_search.py index 661906338891..c5e5ebe490fb 100644 --- a/searches/sentinel_linear_search.py +++ b/searches/sentinel_linear_search.py @@ -1,63 +1,63 @@ -""" -This is pure python implementation of sentinel linear search algorithm - -For doctests run following command: -python -m doctest -v sentinel_linear_search.py -or -python3 -m doctest -v sentinel_linear_search.py - -For manual testing run: -python sentinel_linear_search.py -""" - - -def sentinel_linear_search(sequence, target): - """Pure implementation of sentinel linear search algorithm in Python - - :param sequence: some sequence with comparable items - :param target: item value to search - :return: index of found item or None if item is not found - - Examples: - >>> sentinel_linear_search([0, 5, 7, 10, 15], 0) - 0 - - >>> sentinel_linear_search([0, 5, 7, 10, 15], 15) - 4 - - >>> sentinel_linear_search([0, 5, 7, 10, 15], 5) - 1 - - >>> sentinel_linear_search([0, 5, 7, 10, 15], 6) - - """ - sequence.append(target) - - index = 0 - while sequence[index] != target: - index += 1 - - sequence.pop() - - if index == len(sequence): - return None - - return index - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by comma:\n').strip() - sequence = [int(item) for item in user_input.split(',')] - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - result = sentinel_linear_search(sequence, target) - if result is not None: - print('{} found at positions: {}'.format(target, result)) - else: - print('Not found') +""" +This is pure python implementation of sentinel linear search algorithm + +For doctests run following command: +python -m doctest -v sentinel_linear_search.py +or +python3 -m doctest -v sentinel_linear_search.py + +For manual testing run: +python sentinel_linear_search.py +""" + + +def sentinel_linear_search(sequence, target): + """Pure implementation of sentinel linear search algorithm in Python + + :param sequence: some sequence with comparable items + :param target: item value to search + :return: index of found item or None if item is not found + + Examples: + >>> sentinel_linear_search([0, 5, 7, 10, 15], 0) + 0 + + >>> sentinel_linear_search([0, 5, 7, 10, 15], 15) + 4 + + >>> sentinel_linear_search([0, 5, 7, 10, 15], 5) + 1 + + >>> sentinel_linear_search([0, 5, 7, 10, 15], 6) + + """ + sequence.append(target) + + index = 0 + while sequence[index] != target: + index += 1 + + sequence.pop() + + if index == len(sequence): + return None + + return index + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by comma:\n').strip() + sequence = [int(item) for item in user_input.split(',')] + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + result = sentinel_linear_search(sequence, target) + if result is not None: + print('{} found at positions: {}'.format(target, result)) + else: + print('Not found') diff --git a/searches/tabu_search.py b/searches/tabu_search.py index 64ef2bd57ee0..16052f6f6b02 100644 --- a/searches/tabu_search.py +++ b/searches/tabu_search.py @@ -1,252 +1,252 @@ -""" -This is pure python implementation of Tabu search algorithm for a Travelling Salesman Problem, that the distances -between the cities are symmetric (the distance between city 'a' and city 'b' is the same between city 'b' and city 'a'). -The TSP can be represented into a graph. The cities are represented by nodes and the distance between them is -represented by the weight of the ark between the nodes. - -The .txt file with the graph has the form: - -node1 node2 distance_between_node1_and_node2 -node1 node3 distance_between_node1_and_node3 -... - -Be careful node1, node2 and the distance between them, must exist only once. This means in the .txt file -should not exist: -node1 node2 distance_between_node1_and_node2 -node2 node1 distance_between_node2_and_node1 - -For pytests run following command: -pytest - -For manual testing run: -python tabu_search.py -f your_file_name.txt -number_of_iterations_of_tabu_search -s size_of_tabu_search -e.g. python tabu_search.py -f tabudata2.txt -i 4 -s 3 -""" - -import argparse -import copy -import sys - - -def generate_neighbours(path): - """ - Pure implementation of generating a dictionary of neighbors and the cost with each - neighbor, given a path file that includes a graph. - - :param path: The path to the .txt file that includes the graph (e.g.tabudata2.txt) - :return dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node - and the cost (distance) for each neighbor. - - Example of dict_of_neighbours: - >>> dict_of_neighbours[a] - [[b,20],[c,18],[d,22],[e,26]] - - This indicates the neighbors of node (city) 'a', which has neighbor the node 'b' with distance 20, - the node 'c' with distance 18, the node 'd' with distance 22 and the node 'e' with distance 26. - - """ - - dict_of_neighbours = {} - - with open(path) as f: - for line in f: - if line.split()[0] not in dict_of_neighbours: - _list = list() - _list.append([line.split()[1], line.split()[2]]) - dict_of_neighbours[line.split()[0]] = _list - else: - dict_of_neighbours[line.split()[0]].append([line.split()[1], line.split()[2]]) - if line.split()[1] not in dict_of_neighbours: - _list = list() - _list.append([line.split()[0], line.split()[2]]) - dict_of_neighbours[line.split()[1]] = _list - else: - dict_of_neighbours[line.split()[1]].append([line.split()[0], line.split()[2]]) - - return dict_of_neighbours - - -def generate_first_solution(path, dict_of_neighbours): - """ - Pure implementation of generating the first solution for the Tabu search to start, with the redundant resolution - strategy. That means that we start from the starting node (e.g. node 'a'), then we go to the city nearest (lowest - distance) to this node (let's assume is node 'c'), then we go to the nearest city of the node 'c', etc - till we have visited all cities and return to the starting node. - - :param path: The path to the .txt file that includes the graph (e.g.tabudata2.txt) - :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node - and the cost (distance) for each neighbor. - :return first_solution: The solution for the first iteration of Tabu search using the redundant resolution strategy - in a list. - :return distance_of_first_solution: The total distance that Travelling Salesman will travel, if he follows the path - in first_solution. - - """ - - with open(path) as f: - start_node = f.read(1) - end_node = start_node - - first_solution = [] - - visiting = start_node - - distance_of_first_solution = 0 - while visiting not in first_solution: - minim = 10000 - for k in dict_of_neighbours[visiting]: - if int(k[1]) < int(minim) and k[0] not in first_solution: - minim = k[1] - best_node = k[0] - - first_solution.append(visiting) - distance_of_first_solution = distance_of_first_solution + int(minim) - visiting = best_node - - first_solution.append(end_node) - - position = 0 - for k in dict_of_neighbours[first_solution[-2]]: - if k[0] == start_node: - break - position += 1 - - distance_of_first_solution = distance_of_first_solution + int( - dict_of_neighbours[first_solution[-2]][position][1]) - 10000 - return first_solution, distance_of_first_solution - - -def find_neighborhood(solution, dict_of_neighbours): - """ - Pure implementation of generating the neighborhood (sorted by total distance of each solution from - lowest to highest) of a solution with 1-1 exchange method, that means we exchange each node in a solution with each - other node and generating a number of solution named neighborhood. - - :param solution: The solution in which we want to find the neighborhood. - :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node - and the cost (distance) for each neighbor. - :return neighborhood_of_solution: A list that includes the solutions and the total distance of each solution - (in form of list) that are produced with 1-1 exchange from the solution that the method took as an input - - - Example: - >>> find_neighborhood(['a','c','b','d','e','a']) - [['a','e','b','d','c','a',90], [['a','c','d','b','e','a',90],['a','d','b','c','e','a',93], - ['a','c','b','e','d','a',102], ['a','c','e','d','b','a',113], ['a','b','c','d','e','a',93]] - - """ - - neighborhood_of_solution = [] - - for n in solution[1:-1]: - idx1 = solution.index(n) - for kn in solution[1:-1]: - idx2 = solution.index(kn) - if n == kn: - continue - - _tmp = copy.deepcopy(solution) - _tmp[idx1] = kn - _tmp[idx2] = n - - distance = 0 - - for k in _tmp[:-1]: - next_node = _tmp[_tmp.index(k) + 1] - for i in dict_of_neighbours[k]: - if i[0] == next_node: - distance = distance + int(i[1]) - _tmp.append(distance) - - if _tmp not in neighborhood_of_solution: - neighborhood_of_solution.append(_tmp) - - indexOfLastItemInTheList = len(neighborhood_of_solution[0]) - 1 - - neighborhood_of_solution.sort(key=lambda x: x[indexOfLastItemInTheList]) - return neighborhood_of_solution - - -def tabu_search(first_solution, distance_of_first_solution, dict_of_neighbours, iters, size): - """ - Pure implementation of Tabu search algorithm for a Travelling Salesman Problem in Python. - - :param first_solution: The solution for the first iteration of Tabu search using the redundant resolution strategy - in a list. - :param distance_of_first_solution: The total distance that Travelling Salesman will travel, if he follows the path - in first_solution. - :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node - and the cost (distance) for each neighbor. - :param iters: The number of iterations that Tabu search will execute. - :param size: The size of Tabu List. - :return best_solution_ever: The solution with the lowest distance that occured during the execution of Tabu search. - :return best_cost: The total distance that Travelling Salesman will travel, if he follows the path in best_solution - ever. - - """ - count = 1 - solution = first_solution - tabu_list = list() - best_cost = distance_of_first_solution - best_solution_ever = solution - - while count <= iters: - neighborhood = find_neighborhood(solution, dict_of_neighbours) - index_of_best_solution = 0 - best_solution = neighborhood[index_of_best_solution] - best_cost_index = len(best_solution) - 1 - - found = False - while found is False: - i = 0 - while i < len(best_solution): - - if best_solution[i] != solution[i]: - first_exchange_node = best_solution[i] - second_exchange_node = solution[i] - break - i = i + 1 - - if [first_exchange_node, second_exchange_node] not in tabu_list and [second_exchange_node, - first_exchange_node] not in tabu_list: - tabu_list.append([first_exchange_node, second_exchange_node]) - found = True - solution = best_solution[:-1] - cost = neighborhood[index_of_best_solution][best_cost_index] - if cost < best_cost: - best_cost = cost - best_solution_ever = solution - else: - index_of_best_solution = index_of_best_solution + 1 - best_solution = neighborhood[index_of_best_solution] - - if len(tabu_list) >= size: - tabu_list.pop(0) - - count = count + 1 - - return best_solution_ever, best_cost - - -def main(args=None): - dict_of_neighbours = generate_neighbours(args.File) - - first_solution, distance_of_first_solution = generate_first_solution(args.File, dict_of_neighbours) - - best_sol, best_cost = tabu_search(first_solution, distance_of_first_solution, dict_of_neighbours, args.Iterations, - args.Size) - - print("Best solution: {0}, with total distance: {1}.".format(best_sol, best_cost)) - - -if __name__ == "__main__": - parser = argparse.ArgumentParser(description="Tabu Search") - parser.add_argument( - "-f", "--File", type=str, help="Path to the file containing the data", required=True) - parser.add_argument( - "-i", "--Iterations", type=int, help="How many iterations the algorithm should perform", required=True) - parser.add_argument( - "-s", "--Size", type=int, help="Size of the tabu list", required=True) - - # Pass the arguments to main method - sys.exit(main(parser.parse_args())) +""" +This is pure python implementation of Tabu search algorithm for a Travelling Salesman Problem, that the distances +between the cities are symmetric (the distance between city 'a' and city 'b' is the same between city 'b' and city 'a'). +The TSP can be represented into a graph. The cities are represented by nodes and the distance between them is +represented by the weight of the ark between the nodes. + +The .txt file with the graph has the form: + +node1 node2 distance_between_node1_and_node2 +node1 node3 distance_between_node1_and_node3 +... + +Be careful node1, node2 and the distance between them, must exist only once. This means in the .txt file +should not exist: +node1 node2 distance_between_node1_and_node2 +node2 node1 distance_between_node2_and_node1 + +For pytests run following command: +pytest + +For manual testing run: +python tabu_search.py -f your_file_name.txt -number_of_iterations_of_tabu_search -s size_of_tabu_search +e.g. python tabu_search.py -f tabudata2.txt -i 4 -s 3 +""" + +import argparse +import copy +import sys + + +def generate_neighbours(path): + """ + Pure implementation of generating a dictionary of neighbors and the cost with each + neighbor, given a path file that includes a graph. + + :param path: The path to the .txt file that includes the graph (e.g.tabudata2.txt) + :return dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node + and the cost (distance) for each neighbor. + + Example of dict_of_neighbours: + >>> dict_of_neighbours[a] + [[b,20],[c,18],[d,22],[e,26]] + + This indicates the neighbors of node (city) 'a', which has neighbor the node 'b' with distance 20, + the node 'c' with distance 18, the node 'd' with distance 22 and the node 'e' with distance 26. + + """ + + dict_of_neighbours = {} + + with open(path) as f: + for line in f: + if line.split()[0] not in dict_of_neighbours: + _list = list() + _list.append([line.split()[1], line.split()[2]]) + dict_of_neighbours[line.split()[0]] = _list + else: + dict_of_neighbours[line.split()[0]].append([line.split()[1], line.split()[2]]) + if line.split()[1] not in dict_of_neighbours: + _list = list() + _list.append([line.split()[0], line.split()[2]]) + dict_of_neighbours[line.split()[1]] = _list + else: + dict_of_neighbours[line.split()[1]].append([line.split()[0], line.split()[2]]) + + return dict_of_neighbours + + +def generate_first_solution(path, dict_of_neighbours): + """ + Pure implementation of generating the first solution for the Tabu search to start, with the redundant resolution + strategy. That means that we start from the starting node (e.g. node 'a'), then we go to the city nearest (lowest + distance) to this node (let's assume is node 'c'), then we go to the nearest city of the node 'c', etc + till we have visited all cities and return to the starting node. + + :param path: The path to the .txt file that includes the graph (e.g.tabudata2.txt) + :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node + and the cost (distance) for each neighbor. + :return first_solution: The solution for the first iteration of Tabu search using the redundant resolution strategy + in a list. + :return distance_of_first_solution: The total distance that Travelling Salesman will travel, if he follows the path + in first_solution. + + """ + + with open(path) as f: + start_node = f.read(1) + end_node = start_node + + first_solution = [] + + visiting = start_node + + distance_of_first_solution = 0 + while visiting not in first_solution: + minim = 10000 + for k in dict_of_neighbours[visiting]: + if int(k[1]) < int(minim) and k[0] not in first_solution: + minim = k[1] + best_node = k[0] + + first_solution.append(visiting) + distance_of_first_solution = distance_of_first_solution + int(minim) + visiting = best_node + + first_solution.append(end_node) + + position = 0 + for k in dict_of_neighbours[first_solution[-2]]: + if k[0] == start_node: + break + position += 1 + + distance_of_first_solution = distance_of_first_solution + int( + dict_of_neighbours[first_solution[-2]][position][1]) - 10000 + return first_solution, distance_of_first_solution + + +def find_neighborhood(solution, dict_of_neighbours): + """ + Pure implementation of generating the neighborhood (sorted by total distance of each solution from + lowest to highest) of a solution with 1-1 exchange method, that means we exchange each node in a solution with each + other node and generating a number of solution named neighborhood. + + :param solution: The solution in which we want to find the neighborhood. + :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node + and the cost (distance) for each neighbor. + :return neighborhood_of_solution: A list that includes the solutions and the total distance of each solution + (in form of list) that are produced with 1-1 exchange from the solution that the method took as an input + + + Example: + >>> find_neighborhood(['a','c','b','d','e','a']) + [['a','e','b','d','c','a',90], [['a','c','d','b','e','a',90],['a','d','b','c','e','a',93], + ['a','c','b','e','d','a',102], ['a','c','e','d','b','a',113], ['a','b','c','d','e','a',93]] + + """ + + neighborhood_of_solution = [] + + for n in solution[1:-1]: + idx1 = solution.index(n) + for kn in solution[1:-1]: + idx2 = solution.index(kn) + if n == kn: + continue + + _tmp = copy.deepcopy(solution) + _tmp[idx1] = kn + _tmp[idx2] = n + + distance = 0 + + for k in _tmp[:-1]: + next_node = _tmp[_tmp.index(k) + 1] + for i in dict_of_neighbours[k]: + if i[0] == next_node: + distance = distance + int(i[1]) + _tmp.append(distance) + + if _tmp not in neighborhood_of_solution: + neighborhood_of_solution.append(_tmp) + + indexOfLastItemInTheList = len(neighborhood_of_solution[0]) - 1 + + neighborhood_of_solution.sort(key=lambda x: x[indexOfLastItemInTheList]) + return neighborhood_of_solution + + +def tabu_search(first_solution, distance_of_first_solution, dict_of_neighbours, iters, size): + """ + Pure implementation of Tabu search algorithm for a Travelling Salesman Problem in Python. + + :param first_solution: The solution for the first iteration of Tabu search using the redundant resolution strategy + in a list. + :param distance_of_first_solution: The total distance that Travelling Salesman will travel, if he follows the path + in first_solution. + :param dict_of_neighbours: Dictionary with key each node and value a list of lists with the neighbors of the node + and the cost (distance) for each neighbor. + :param iters: The number of iterations that Tabu search will execute. + :param size: The size of Tabu List. + :return best_solution_ever: The solution with the lowest distance that occured during the execution of Tabu search. + :return best_cost: The total distance that Travelling Salesman will travel, if he follows the path in best_solution + ever. + + """ + count = 1 + solution = first_solution + tabu_list = list() + best_cost = distance_of_first_solution + best_solution_ever = solution + + while count <= iters: + neighborhood = find_neighborhood(solution, dict_of_neighbours) + index_of_best_solution = 0 + best_solution = neighborhood[index_of_best_solution] + best_cost_index = len(best_solution) - 1 + + found = False + while found is False: + i = 0 + while i < len(best_solution): + + if best_solution[i] != solution[i]: + first_exchange_node = best_solution[i] + second_exchange_node = solution[i] + break + i = i + 1 + + if [first_exchange_node, second_exchange_node] not in tabu_list and [second_exchange_node, + first_exchange_node] not in tabu_list: + tabu_list.append([first_exchange_node, second_exchange_node]) + found = True + solution = best_solution[:-1] + cost = neighborhood[index_of_best_solution][best_cost_index] + if cost < best_cost: + best_cost = cost + best_solution_ever = solution + else: + index_of_best_solution = index_of_best_solution + 1 + best_solution = neighborhood[index_of_best_solution] + + if len(tabu_list) >= size: + tabu_list.pop(0) + + count = count + 1 + + return best_solution_ever, best_cost + + +def main(args=None): + dict_of_neighbours = generate_neighbours(args.File) + + first_solution, distance_of_first_solution = generate_first_solution(args.File, dict_of_neighbours) + + best_sol, best_cost = tabu_search(first_solution, distance_of_first_solution, dict_of_neighbours, args.Iterations, + args.Size) + + print("Best solution: {0}, with total distance: {1}.".format(best_sol, best_cost)) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser(description="Tabu Search") + parser.add_argument( + "-f", "--File", type=str, help="Path to the file containing the data", required=True) + parser.add_argument( + "-i", "--Iterations", type=int, help="How many iterations the algorithm should perform", required=True) + parser.add_argument( + "-s", "--Size", type=int, help="Size of the tabu list", required=True) + + # Pass the arguments to main method + sys.exit(main(parser.parse_args())) diff --git a/searches/tabu_test_data.txt b/searches/tabu_test_data.txt index 030374f893f7..f797ff1c627a 100644 --- a/searches/tabu_test_data.txt +++ b/searches/tabu_test_data.txt @@ -1,10 +1,10 @@ -a b 20 -a c 18 -a d 22 -a e 26 -b c 10 -b d 11 -b e 12 -c d 23 -c e 24 -d e 40 +a b 20 +a c 18 +a d 22 +a e 26 +b c 10 +b d 11 +b e 12 +c d 23 +c e 24 +d e 40 diff --git a/searches/ternary_search.py b/searches/ternary_search.py index c81276f1afc3..8089d82dd5a5 100644 --- a/searches/ternary_search.py +++ b/searches/ternary_search.py @@ -1,111 +1,111 @@ -''' -This is a type of divide and conquer algorithm which divides the search space into -3 parts and finds the target value based on the property of the array or list -(usually monotonic property). - -Time Complexity : O(log3 N) -Space Complexity : O(1) -''' -from __future__ import print_function - -import sys - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - -# This is the precision for this function which can be altered. -# It is recommended for users to keep this number greater than or equal to 10. -precision = 10 - - -# This is the linear search that will occur after the search space has become smaller. -def lin_search(left, right, A, target): - for i in range(left, right + 1): - if (A[i] == target): - return i - - -# This is the iterative method of the ternary search algorithm. -def ite_ternary_search(A, target): - left = 0 - right = len(A) - 1; - while (True): - if (left < right): - - if (right - left < precision): - return lin_search(left, right, A, target) - - oneThird = (left + right) / 3 + 1; - twoThird = 2 * (left + right) / 3 + 1; - - if (A[oneThird] == target): - return oneThird - elif (A[twoThird] == target): - return twoThird - - elif (target < A[oneThird]): - right = oneThird - 1 - elif (A[twoThird] < target): - left = twoThird + 1 - - else: - left = oneThird + 1 - right = twoThird - 1 - else: - return None - - -# This is the recursive method of the ternary search algorithm. -def rec_ternary_search(left, right, A, target): - if (left < right): - - if (right - left < precision): - return lin_search(left, right, A, target) - - oneThird = (left + right) / 3 + 1; - twoThird = 2 * (left + right) / 3 + 1; - - if (A[oneThird] == target): - return oneThird - elif (A[twoThird] == target): - return twoThird - - elif (target < A[oneThird]): - return rec_ternary_search(left, oneThird - 1, A, target) - elif (A[twoThird] < target): - return rec_ternary_search(twoThird + 1, right, A, target) - - else: - return rec_ternary_search(oneThird + 1, twoThird - 1, A, target) - else: - return None - - -# This function is to check if the array is sorted. -def __assert_sorted(collection): - if collection != sorted(collection): - raise ValueError('Collection must be sorted') - return True - - -if __name__ == '__main__': - user_input = raw_input('Enter numbers separated by coma:\n').strip() - collection = [int(item) for item in user_input.split(',')] - - try: - __assert_sorted(collection) - except ValueError: - sys.exit('Sequence must be sorted to apply the ternary search') - - target_input = raw_input('Enter a single number to be found in the list:\n') - target = int(target_input) - result1 = ite_ternary_search(collection, target) - result2 = rec_ternary_search(0, len(collection) - 1, collection, target) - - if result2 is not None: - print('Iterative search: {} found at positions: {}'.format(target, result1)) - print('Recursive search: {} found at positions: {}'.format(target, result2)) - else: - print('Not found') +''' +This is a type of divide and conquer algorithm which divides the search space into +3 parts and finds the target value based on the property of the array or list +(usually monotonic property). + +Time Complexity : O(log3 N) +Space Complexity : O(1) +''' +from __future__ import print_function + +import sys + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + +# This is the precision for this function which can be altered. +# It is recommended for users to keep this number greater than or equal to 10. +precision = 10 + + +# This is the linear search that will occur after the search space has become smaller. +def lin_search(left, right, A, target): + for i in range(left, right + 1): + if (A[i] == target): + return i + + +# This is the iterative method of the ternary search algorithm. +def ite_ternary_search(A, target): + left = 0 + right = len(A) - 1; + while (True): + if (left < right): + + if (right - left < precision): + return lin_search(left, right, A, target) + + oneThird = (left + right) / 3 + 1; + twoThird = 2 * (left + right) / 3 + 1; + + if (A[oneThird] == target): + return oneThird + elif (A[twoThird] == target): + return twoThird + + elif (target < A[oneThird]): + right = oneThird - 1 + elif (A[twoThird] < target): + left = twoThird + 1 + + else: + left = oneThird + 1 + right = twoThird - 1 + else: + return None + + +# This is the recursive method of the ternary search algorithm. +def rec_ternary_search(left, right, A, target): + if (left < right): + + if (right - left < precision): + return lin_search(left, right, A, target) + + oneThird = (left + right) / 3 + 1; + twoThird = 2 * (left + right) / 3 + 1; + + if (A[oneThird] == target): + return oneThird + elif (A[twoThird] == target): + return twoThird + + elif (target < A[oneThird]): + return rec_ternary_search(left, oneThird - 1, A, target) + elif (A[twoThird] < target): + return rec_ternary_search(twoThird + 1, right, A, target) + + else: + return rec_ternary_search(oneThird + 1, twoThird - 1, A, target) + else: + return None + + +# This function is to check if the array is sorted. +def __assert_sorted(collection): + if collection != sorted(collection): + raise ValueError('Collection must be sorted') + return True + + +if __name__ == '__main__': + user_input = raw_input('Enter numbers separated by coma:\n').strip() + collection = [int(item) for item in user_input.split(',')] + + try: + __assert_sorted(collection) + except ValueError: + sys.exit('Sequence must be sorted to apply the ternary search') + + target_input = raw_input('Enter a single number to be found in the list:\n') + target = int(target_input) + result1 = ite_ternary_search(collection, target) + result2 = rec_ternary_search(0, len(collection) - 1, collection, target) + + if result2 is not None: + print('Iterative search: {} found at positions: {}'.format(target, result1)) + print('Recursive search: {} found at positions: {}'.format(target, result2)) + else: + print('Not found') diff --git a/searches/test_interpolation_search.py b/searches/test_interpolation_search.py index a3f3dda0ea83..22c6ee2fac0c 100644 --- a/searches/test_interpolation_search.py +++ b/searches/test_interpolation_search.py @@ -1,93 +1,93 @@ -import unittest - -from interpolation_search import interpolation_search, interpolation_search_by_recursion - - -class Test_interpolation_search(unittest.TestCase): - def setUp(self): - # un-sorted case - self.collection1 = [5, 3, 4, 6, 7] - self.item1 = 4 - # sorted case, result exists - self.collection2 = [10, 30, 40, 45, 50, 66, 77, 93] - self.item2 = 66 - # sorted case, result doesn't exist - self.collection3 = [10, 30, 40, 45, 50, 66, 77, 93] - self.item3 = 67 - # equal elements case, result exists - self.collection4 = [10, 10, 10, 10, 10] - self.item4 = 10 - # equal elements case, result doesn't exist - self.collection5 = [10, 10, 10, 10, 10] - self.item5 = 3 - # 1 element case, result exists - self.collection6 = [10] - self.item6 = 10 - # 1 element case, result doesn't exists - self.collection7 = [10] - self.item7 = 1 - - def tearDown(self): - pass - - def test_interpolation_search(self): - self.assertEqual(interpolation_search(self.collection1, self.item1), None) - - self.assertEqual(interpolation_search(self.collection2, self.item2), self.collection2.index(self.item2)) - - self.assertEqual(interpolation_search(self.collection3, self.item3), None) - - self.assertEqual(interpolation_search(self.collection4, self.item4), self.collection4.index(self.item4)) - - self.assertEqual(interpolation_search(self.collection5, self.item5), None) - - self.assertEqual(interpolation_search(self.collection6, self.item6), self.collection6.index(self.item6)) - - self.assertEqual(interpolation_search(self.collection7, self.item7), None) - - -class Test_interpolation_search_by_recursion(unittest.TestCase): - def setUp(self): - # un-sorted case - self.collection1 = [5, 3, 4, 6, 7] - self.item1 = 4 - # sorted case, result exists - self.collection2 = [10, 30, 40, 45, 50, 66, 77, 93] - self.item2 = 66 - # sorted case, result doesn't exist - self.collection3 = [10, 30, 40, 45, 50, 66, 77, 93] - self.item3 = 67 - # equal elements case, result exists - self.collection4 = [10, 10, 10, 10, 10] - self.item4 = 10 - # equal elements case, result doesn't exist - self.collection5 = [10, 10, 10, 10, 10] - self.item5 = 3 - # 1 element case, result exists - self.collection6 = [10] - self.item6 = 10 - # 1 element case, result doesn't exists - self.collection7 = [10] - self.item7 = 1 - - def tearDown(self): - pass - - def test_interpolation_search_by_recursion(self): - self.assertEqual(interpolation_search_by_recursion(self.collection1, self.item1, 0, len(self.collection1) - 1), None) - - self.assertEqual(interpolation_search_by_recursion(self.collection2, self.item2, 0, len(self.collection2) - 1), self.collection2.index(self.item2)) - - self.assertEqual(interpolation_search_by_recursion(self.collection3, self.item3, 0, len(self.collection3) - 1), None) - - self.assertEqual(interpolation_search_by_recursion(self.collection4, self.item4, 0, len(self.collection4) - 1), self.collection4.index(self.item4)) - - self.assertEqual(interpolation_search_by_recursion(self.collection5, self.item5, 0, len(self.collection5) - 1), None) - - self.assertEqual(interpolation_search_by_recursion(self.collection6, self.item6, 0, len(self.collection6) - 1), self.collection6.index(self.item6)) - - self.assertEqual(interpolation_search_by_recursion(self.collection7, self.item7, 0, len(self.collection7) - 1), None) - - -if __name__ == '__main__': - unittest.main() +import unittest + +from interpolation_search import interpolation_search, interpolation_search_by_recursion + + +class Test_interpolation_search(unittest.TestCase): + def setUp(self): + # un-sorted case + self.collection1 = [5, 3, 4, 6, 7] + self.item1 = 4 + # sorted case, result exists + self.collection2 = [10, 30, 40, 45, 50, 66, 77, 93] + self.item2 = 66 + # sorted case, result doesn't exist + self.collection3 = [10, 30, 40, 45, 50, 66, 77, 93] + self.item3 = 67 + # equal elements case, result exists + self.collection4 = [10, 10, 10, 10, 10] + self.item4 = 10 + # equal elements case, result doesn't exist + self.collection5 = [10, 10, 10, 10, 10] + self.item5 = 3 + # 1 element case, result exists + self.collection6 = [10] + self.item6 = 10 + # 1 element case, result doesn't exists + self.collection7 = [10] + self.item7 = 1 + + def tearDown(self): + pass + + def test_interpolation_search(self): + self.assertEqual(interpolation_search(self.collection1, self.item1), None) + + self.assertEqual(interpolation_search(self.collection2, self.item2), self.collection2.index(self.item2)) + + self.assertEqual(interpolation_search(self.collection3, self.item3), None) + + self.assertEqual(interpolation_search(self.collection4, self.item4), self.collection4.index(self.item4)) + + self.assertEqual(interpolation_search(self.collection5, self.item5), None) + + self.assertEqual(interpolation_search(self.collection6, self.item6), self.collection6.index(self.item6)) + + self.assertEqual(interpolation_search(self.collection7, self.item7), None) + + +class Test_interpolation_search_by_recursion(unittest.TestCase): + def setUp(self): + # un-sorted case + self.collection1 = [5, 3, 4, 6, 7] + self.item1 = 4 + # sorted case, result exists + self.collection2 = [10, 30, 40, 45, 50, 66, 77, 93] + self.item2 = 66 + # sorted case, result doesn't exist + self.collection3 = [10, 30, 40, 45, 50, 66, 77, 93] + self.item3 = 67 + # equal elements case, result exists + self.collection4 = [10, 10, 10, 10, 10] + self.item4 = 10 + # equal elements case, result doesn't exist + self.collection5 = [10, 10, 10, 10, 10] + self.item5 = 3 + # 1 element case, result exists + self.collection6 = [10] + self.item6 = 10 + # 1 element case, result doesn't exists + self.collection7 = [10] + self.item7 = 1 + + def tearDown(self): + pass + + def test_interpolation_search_by_recursion(self): + self.assertEqual(interpolation_search_by_recursion(self.collection1, self.item1, 0, len(self.collection1) - 1), None) + + self.assertEqual(interpolation_search_by_recursion(self.collection2, self.item2, 0, len(self.collection2) - 1), self.collection2.index(self.item2)) + + self.assertEqual(interpolation_search_by_recursion(self.collection3, self.item3, 0, len(self.collection3) - 1), None) + + self.assertEqual(interpolation_search_by_recursion(self.collection4, self.item4, 0, len(self.collection4) - 1), self.collection4.index(self.item4)) + + self.assertEqual(interpolation_search_by_recursion(self.collection5, self.item5, 0, len(self.collection5) - 1), None) + + self.assertEqual(interpolation_search_by_recursion(self.collection6, self.item6, 0, len(self.collection6) - 1), self.collection6.index(self.item6)) + + self.assertEqual(interpolation_search_by_recursion(self.collection7, self.item7, 0, len(self.collection7) - 1), None) + + +if __name__ == '__main__': + unittest.main() diff --git a/searches/test_tabu_search.py b/searches/test_tabu_search.py index 37283396b7bb..b3ee65739a6b 100644 --- a/searches/test_tabu_search.py +++ b/searches/test_tabu_search.py @@ -1,47 +1,47 @@ -import os -import unittest - -from tabu_search import generate_neighbours, generate_first_solution, find_neighborhood, tabu_search - -TEST_FILE = os.path.join(os.path.dirname(__file__), './tabu_test_data.txt') - -NEIGHBOURS_DICT = {'a': [['b', '20'], ['c', '18'], ['d', '22'], ['e', '26']], - 'c': [['a', '18'], ['b', '10'], ['d', '23'], ['e', '24']], - 'b': [['a', '20'], ['c', '10'], ['d', '11'], ['e', '12']], - 'e': [['a', '26'], ['b', '12'], ['c', '24'], ['d', '40']], - 'd': [['a', '22'], ['b', '11'], ['c', '23'], ['e', '40']]} - -FIRST_SOLUTION = ['a', 'c', 'b', 'd', 'e', 'a'] - -DISTANCE = 105 - -NEIGHBOURHOOD_OF_SOLUTIONS = [['a', 'e', 'b', 'd', 'c', 'a', 90], - ['a', 'c', 'd', 'b', 'e', 'a', 90], - ['a', 'd', 'b', 'c', 'e', 'a', 93], - ['a', 'c', 'b', 'e', 'd', 'a', 102], - ['a', 'c', 'e', 'd', 'b', 'a', 113], - ['a', 'b', 'c', 'd', 'e', 'a', 119]] - - -class TestClass(unittest.TestCase): - def test_generate_neighbours(self): - neighbours = generate_neighbours(TEST_FILE) - - self.assertEqual(NEIGHBOURS_DICT, neighbours) - - def test_generate_first_solutions(self): - first_solution, distance = generate_first_solution(TEST_FILE, NEIGHBOURS_DICT) - - self.assertEqual(FIRST_SOLUTION, first_solution) - self.assertEqual(DISTANCE, distance) - - def test_find_neighbours(self): - neighbour_of_solutions = find_neighborhood(FIRST_SOLUTION, NEIGHBOURS_DICT) - - self.assertEqual(NEIGHBOURHOOD_OF_SOLUTIONS, neighbour_of_solutions) - - def test_tabu_search(self): - best_sol, best_cost = tabu_search(FIRST_SOLUTION, DISTANCE, NEIGHBOURS_DICT, 4, 3) - - self.assertEqual(['a', 'd', 'b', 'e', 'c', 'a'], best_sol) - self.assertEqual(87, best_cost) +import os +import unittest + +from tabu_search import generate_neighbours, generate_first_solution, find_neighborhood, tabu_search + +TEST_FILE = os.path.join(os.path.dirname(__file__), './tabu_test_data.txt') + +NEIGHBOURS_DICT = {'a': [['b', '20'], ['c', '18'], ['d', '22'], ['e', '26']], + 'c': [['a', '18'], ['b', '10'], ['d', '23'], ['e', '24']], + 'b': [['a', '20'], ['c', '10'], ['d', '11'], ['e', '12']], + 'e': [['a', '26'], ['b', '12'], ['c', '24'], ['d', '40']], + 'd': [['a', '22'], ['b', '11'], ['c', '23'], ['e', '40']]} + +FIRST_SOLUTION = ['a', 'c', 'b', 'd', 'e', 'a'] + +DISTANCE = 105 + +NEIGHBOURHOOD_OF_SOLUTIONS = [['a', 'e', 'b', 'd', 'c', 'a', 90], + ['a', 'c', 'd', 'b', 'e', 'a', 90], + ['a', 'd', 'b', 'c', 'e', 'a', 93], + ['a', 'c', 'b', 'e', 'd', 'a', 102], + ['a', 'c', 'e', 'd', 'b', 'a', 113], + ['a', 'b', 'c', 'd', 'e', 'a', 119]] + + +class TestClass(unittest.TestCase): + def test_generate_neighbours(self): + neighbours = generate_neighbours(TEST_FILE) + + self.assertEqual(NEIGHBOURS_DICT, neighbours) + + def test_generate_first_solutions(self): + first_solution, distance = generate_first_solution(TEST_FILE, NEIGHBOURS_DICT) + + self.assertEqual(FIRST_SOLUTION, first_solution) + self.assertEqual(DISTANCE, distance) + + def test_find_neighbours(self): + neighbour_of_solutions = find_neighborhood(FIRST_SOLUTION, NEIGHBOURS_DICT) + + self.assertEqual(NEIGHBOURHOOD_OF_SOLUTIONS, neighbour_of_solutions) + + def test_tabu_search(self): + best_sol, best_cost = tabu_search(FIRST_SOLUTION, DISTANCE, NEIGHBOURS_DICT, 4, 3) + + self.assertEqual(['a', 'd', 'b', 'e', 'c', 'a'], best_sol) + self.assertEqual(87, best_cost) diff --git a/simple_client/README.md b/simple_client/README.md index 1de8a8c0b4f7..f51947f2105a 100644 --- a/simple_client/README.md +++ b/simple_client/README.md @@ -1,6 +1,6 @@ -# simple client server - -#### Note: -- Run **`server.py`** first. -- Now, run **`client.py`**. -- verify the output. +# simple client server + +#### Note: +- Run **`server.py`** first. +- Now, run **`client.py`**. +- verify the output. diff --git a/simple_client/client.py b/simple_client/client.py index 0615989d2335..dade372b255e 100644 --- a/simple_client/client.py +++ b/simple_client/client.py @@ -1,28 +1,28 @@ -# client.py - -import socket - -HOST, PORT = '127.0.0.1', 1400 - -s = socket.socket( - - socket.AF_INET, # ADDRESS FAMILIES - # Name Purpose - # AF_UNIX, AF_LOCAL Local communication - # AF_INET IPv4 Internet protocols - # AF_INET6 IPv6 Internet protocols - # AF_APPLETALK Appletalk - # AF_BLUETOOTH Bluetooth - - socket.SOCK_STREAM # SOCKET TYPES - # Name Way of Interaction - # SOCK_STREAM TCP - # SOCK_DGRAM UDP -) -s.connect((HOST, PORT)) - -s.send('Hello World'.encode('ascii')) # in UDP use sendto() -data = s.recv(1024) # in UDP use recvfrom() - -s.close() # end the connection -print(repr(data.decode('ascii'))) +# client.py + +import socket + +HOST, PORT = '127.0.0.1', 1400 + +s = socket.socket( + + socket.AF_INET, # ADDRESS FAMILIES + # Name Purpose + # AF_UNIX, AF_LOCAL Local communication + # AF_INET IPv4 Internet protocols + # AF_INET6 IPv6 Internet protocols + # AF_APPLETALK Appletalk + # AF_BLUETOOTH Bluetooth + + socket.SOCK_STREAM # SOCKET TYPES + # Name Way of Interaction + # SOCK_STREAM TCP + # SOCK_DGRAM UDP +) +s.connect((HOST, PORT)) + +s.send('Hello World'.encode('ascii')) # in UDP use sendto() +data = s.recv(1024) # in UDP use recvfrom() + +s.close() # end the connection +print(repr(data.decode('ascii'))) diff --git a/simple_client/server.py b/simple_client/server.py index 1852dd21d2da..eb42b919aabd 100644 --- a/simple_client/server.py +++ b/simple_client/server.py @@ -1,21 +1,21 @@ -# server.py - -import socket - -HOST, PORT = '127.0.0.1', 1400 - -s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) # refer to client.py -s.bind((HOST, PORT)) -s.listen(1) # listen for 1 connection - -conn, addr = s.accept() # start the actual data flow - -print('connected to:', addr) - -while 1: - data = conn.recv(1024).decode('ascii') # receive 1024 bytes and decode using ascii - if not data: - break - conn.send((data + ' [ addition by server ]').encode('ascii')) - -conn.close() +# server.py + +import socket + +HOST, PORT = '127.0.0.1', 1400 + +s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) # refer to client.py +s.bind((HOST, PORT)) +s.listen(1) # listen for 1 connection + +conn, addr = s.accept() # start the actual data flow + +print('connected to:', addr) + +while 1: + data = conn.recv(1024).decode('ascii') # receive 1024 bytes and decode using ascii + if not data: + break + conn.send((data + ' [ addition by server ]').encode('ascii')) + +conn.close() diff --git a/sorts/Bitonic_Sort.py b/sorts/Bitonic_Sort.py index 33cc21061468..bae95b4346f6 100644 --- a/sorts/Bitonic_Sort.py +++ b/sorts/Bitonic_Sort.py @@ -1,56 +1,56 @@ -# Python program for Bitonic Sort. Note that this program -# works only when size of input is a power of 2. - -# The parameter dir indicates the sorting direction, ASCENDING -# or DESCENDING; if (a[i] > a[j]) agrees with the direction, -# then a[i] and a[j] are interchanged.*/ -def compAndSwap(a, i, j, dire): - if (dire == 1 and a[i] > a[j]) or (dire == 0 and a[i] < a[j]): - a[i], a[j] = a[j], a[i] - - # It recursively sorts a bitonic sequence in ascending order, - - -# if dir = 1, and in descending order otherwise (means dir=0). -# The sequence to be sorted starts at index position low, -# the parameter cnt is the number of elements to be sorted. -def bitonicMerge(a, low, cnt, dire): - if cnt > 1: - k = int(cnt / 2) - for i in range(low, low + k): - compAndSwap(a, i, i + k, dire) - bitonicMerge(a, low, k, dire) - bitonicMerge(a, low + k, k, dire) - - # This funcion first produces a bitonic sequence by recursively - - -# sorting its two halves in opposite sorting orders, and then -# calls bitonicMerge to make them in the same order -def bitonicSort(a, low, cnt, dire): - if cnt > 1: - k = int(cnt / 2) - bitonicSort(a, low, k, 1) - bitonicSort(a, low + k, k, 0) - bitonicMerge(a, low, cnt, dire) - - # Caller of bitonicSort for sorting the entire array of length N - - -# in ASCENDING order -def sort(a, N, up): - bitonicSort(a, 0, N, up) - - -# Driver code to test above -a = [] - -n = int(input()) -for i in range(n): - a.append(int(input())) -up = 1 - -sort(a, n, up) -print("\n\nSorted array is") -for i in range(n): - print("%d" % a[i]) +# Python program for Bitonic Sort. Note that this program +# works only when size of input is a power of 2. + +# The parameter dir indicates the sorting direction, ASCENDING +# or DESCENDING; if (a[i] > a[j]) agrees with the direction, +# then a[i] and a[j] are interchanged.*/ +def compAndSwap(a, i, j, dire): + if (dire == 1 and a[i] > a[j]) or (dire == 0 and a[i] < a[j]): + a[i], a[j] = a[j], a[i] + + # It recursively sorts a bitonic sequence in ascending order, + + +# if dir = 1, and in descending order otherwise (means dir=0). +# The sequence to be sorted starts at index position low, +# the parameter cnt is the number of elements to be sorted. +def bitonicMerge(a, low, cnt, dire): + if cnt > 1: + k = int(cnt / 2) + for i in range(low, low + k): + compAndSwap(a, i, i + k, dire) + bitonicMerge(a, low, k, dire) + bitonicMerge(a, low + k, k, dire) + + # This funcion first produces a bitonic sequence by recursively + + +# sorting its two halves in opposite sorting orders, and then +# calls bitonicMerge to make them in the same order +def bitonicSort(a, low, cnt, dire): + if cnt > 1: + k = int(cnt / 2) + bitonicSort(a, low, k, 1) + bitonicSort(a, low + k, k, 0) + bitonicMerge(a, low, cnt, dire) + + # Caller of bitonicSort for sorting the entire array of length N + + +# in ASCENDING order +def sort(a, N, up): + bitonicSort(a, 0, N, up) + + +# Driver code to test above +a = [] + +n = int(input()) +for i in range(n): + a.append(int(input())) +up = 1 + +sort(a, n, up) +print("\n\nSorted array is") +for i in range(n): + print("%d" % a[i]) diff --git a/sorts/Odd-Even_transposition_parallel.py b/sorts/Odd-Even_transposition_parallel.py index 5732a1faa6e2..79dd669ca82f 100644 --- a/sorts/Odd-Even_transposition_parallel.py +++ b/sorts/Odd-Even_transposition_parallel.py @@ -1,132 +1,132 @@ -""" -This is an implementation of odd-even transposition sort. - -It works by performing a series of parallel swaps between odd and even pairs of -variables in the list. - -This implementation represents each variable in the list with a process and -each process communicates with its neighboring processes in the list to perform -comparisons. -They are synchronized with locks and message passing but other forms of -synchronization could be used. -""" -from multiprocessing import Process, Pipe, Lock - -# lock used to ensure that two processes do not access a pipe at the same time -processLock = Lock() - -""" -The function run by the processes that sorts the list - -position = the position in the list the prcoess represents, used to know which - neighbor we pass our value to -value = the initial value at list[position] -LSend, RSend = the pipes we use to send to our left and right neighbors -LRcv, RRcv = the pipes we use to receive from our left and right neighbors -resultPipe = the pipe used to send results back to main -""" - - -def oeProcess(position, value, LSend, RSend, LRcv, RRcv, resultPipe): - global processLock - - # we perform n swaps since after n swaps we know we are sorted - # we *could* stop early if we are sorted already, but it takes as long to - # find out we are sorted as it does to sort the list with this algorithm - for i in range(0, 10): - - if ((i + position) % 2 == 0 and RSend != None): - # send your value to your right neighbor - processLock.acquire() - RSend[1].send(value) - processLock.release() - - # receive your right neighbor's value - processLock.acquire() - temp = RRcv[0].recv() - processLock.release() - - # take the lower value since you are on the left - value = min(value, temp) - elif ((i + position) % 2 != 0 and LSend != None): - # send your value to your left neighbor - processLock.acquire() - LSend[1].send(value) - processLock.release() - - # receive your left neighbor's value - processLock.acquire() - temp = LRcv[0].recv() - processLock.release() - - # take the higher value since you are on the right - value = max(value, temp) - # after all swaps are performed, send the values back to main - resultPipe[1].send(value) - - -""" -the function which creates the processes that perform the parallel swaps - -arr = the list to be sorted -""" - - -def OddEvenTransposition(arr): - processArray = [] - tempRrcv = None - tempLrcv = None - - resultPipe = [] - - # initialize the list of pipes where the values will be retrieved - for a in arr: - resultPipe.append(Pipe()) - - # creates the processes - # the first and last process only have one neighbor so they are made outside - # of the loop - tempRs = Pipe() - tempRr = Pipe() - processArray.append(Process(target=oeProcess, args=(0, arr[0], None, tempRs, None, tempRr, resultPipe[0]))) - tempLr = tempRs - tempLs = tempRr - - for i in range(1, len(arr) - 1): - tempRs = Pipe() - tempRr = Pipe() - processArray.append(Process(target=oeProcess, args=(i, arr[i], tempLs, tempRs, tempLr, tempRr, resultPipe[i]))) - tempLr = tempRs - tempLs = tempRr - - processArray.append(Process(target=oeProcess, args=(len(arr) - 1, arr[len(arr) - 1], tempLs, None, tempLr, None, resultPipe[len(arr) - 1]))) - - # start the processes - for p in processArray: - p.start() - - # wait for the processes to end and write their values to the list - for p in range(0, len(resultPipe)): - arr[p] = resultPipe[p][0].recv() - processArray[p].join() - - return (arr) - - -# creates a reverse sorted list and sorts it -def main(): - arr = [] - - for i in range(10, 0, -1): - arr.append(i) - print("Initial List") - print(*arr) - - list = OddEvenTransposition(arr) - - print("Sorted List\n") - print(*arr) - - -if __name__ == "__main__": - main() +""" +This is an implementation of odd-even transposition sort. + +It works by performing a series of parallel swaps between odd and even pairs of +variables in the list. + +This implementation represents each variable in the list with a process and +each process communicates with its neighboring processes in the list to perform +comparisons. +They are synchronized with locks and message passing but other forms of +synchronization could be used. +""" +from multiprocessing import Process, Pipe, Lock + +# lock used to ensure that two processes do not access a pipe at the same time +processLock = Lock() + +""" +The function run by the processes that sorts the list + +position = the position in the list the prcoess represents, used to know which + neighbor we pass our value to +value = the initial value at list[position] +LSend, RSend = the pipes we use to send to our left and right neighbors +LRcv, RRcv = the pipes we use to receive from our left and right neighbors +resultPipe = the pipe used to send results back to main +""" + + +def oeProcess(position, value, LSend, RSend, LRcv, RRcv, resultPipe): + global processLock + + # we perform n swaps since after n swaps we know we are sorted + # we *could* stop early if we are sorted already, but it takes as long to + # find out we are sorted as it does to sort the list with this algorithm + for i in range(0, 10): + + if ((i + position) % 2 == 0 and RSend != None): + # send your value to your right neighbor + processLock.acquire() + RSend[1].send(value) + processLock.release() + + # receive your right neighbor's value + processLock.acquire() + temp = RRcv[0].recv() + processLock.release() + + # take the lower value since you are on the left + value = min(value, temp) + elif ((i + position) % 2 != 0 and LSend != None): + # send your value to your left neighbor + processLock.acquire() + LSend[1].send(value) + processLock.release() + + # receive your left neighbor's value + processLock.acquire() + temp = LRcv[0].recv() + processLock.release() + + # take the higher value since you are on the right + value = max(value, temp) + # after all swaps are performed, send the values back to main + resultPipe[1].send(value) + + +""" +the function which creates the processes that perform the parallel swaps + +arr = the list to be sorted +""" + + +def OddEvenTransposition(arr): + processArray = [] + tempRrcv = None + tempLrcv = None + + resultPipe = [] + + # initialize the list of pipes where the values will be retrieved + for a in arr: + resultPipe.append(Pipe()) + + # creates the processes + # the first and last process only have one neighbor so they are made outside + # of the loop + tempRs = Pipe() + tempRr = Pipe() + processArray.append(Process(target=oeProcess, args=(0, arr[0], None, tempRs, None, tempRr, resultPipe[0]))) + tempLr = tempRs + tempLs = tempRr + + for i in range(1, len(arr) - 1): + tempRs = Pipe() + tempRr = Pipe() + processArray.append(Process(target=oeProcess, args=(i, arr[i], tempLs, tempRs, tempLr, tempRr, resultPipe[i]))) + tempLr = tempRs + tempLs = tempRr + + processArray.append(Process(target=oeProcess, args=(len(arr) - 1, arr[len(arr) - 1], tempLs, None, tempLr, None, resultPipe[len(arr) - 1]))) + + # start the processes + for p in processArray: + p.start() + + # wait for the processes to end and write their values to the list + for p in range(0, len(resultPipe)): + arr[p] = resultPipe[p][0].recv() + processArray[p].join() + + return (arr) + + +# creates a reverse sorted list and sorts it +def main(): + arr = [] + + for i in range(10, 0, -1): + arr.append(i) + print("Initial List") + print(*arr) + + list = OddEvenTransposition(arr) + + print("Sorted List\n") + print(*arr) + + +if __name__ == "__main__": + main() diff --git a/sorts/Odd-Even_transposition_single-threaded.py b/sorts/Odd-Even_transposition_single-threaded.py index 3b9dac1c0548..ec045d9dd08d 100644 --- a/sorts/Odd-Even_transposition_single-threaded.py +++ b/sorts/Odd-Even_transposition_single-threaded.py @@ -1,35 +1,35 @@ -""" -This is a non-parallelized implementation of odd-even transpostiion sort. - -Normally the swaps in each set happen simultaneously, without that the algorithm -is no better than bubble sort. -""" - - -def OddEvenTransposition(arr): - for i in range(0, len(arr)): - for i in range(i % 2, len(arr) - 1, 2): - if arr[i + 1] < arr[i]: - arr[i], arr[i + 1] = arr[i + 1], arr[i] - print(*arr) - - return arr - - -# creates a list and sorts it -def main(): - list = [] - - for i in range(10, 0, -1): - list.append(i) - print("Initial List") - print(*list) - - list = OddEvenTransposition(list) - - print("Sorted List\n") - print(*list) - - -if __name__ == "__main__": - main() +""" +This is a non-parallelized implementation of odd-even transpostiion sort. + +Normally the swaps in each set happen simultaneously, without that the algorithm +is no better than bubble sort. +""" + + +def OddEvenTransposition(arr): + for i in range(0, len(arr)): + for i in range(i % 2, len(arr) - 1, 2): + if arr[i + 1] < arr[i]: + arr[i], arr[i + 1] = arr[i + 1], arr[i] + print(*arr) + + return arr + + +# creates a list and sorts it +def main(): + list = [] + + for i in range(10, 0, -1): + list.append(i) + print("Initial List") + print(*list) + + list = OddEvenTransposition(list) + + print("Sorted List\n") + print(*list) + + +if __name__ == "__main__": + main() diff --git a/sorts/bogo_sort.py b/sorts/bogo_sort.py index fa2df684d249..bace45a25486 100644 --- a/sorts/bogo_sort.py +++ b/sorts/bogo_sort.py @@ -1,51 +1,51 @@ -""" -This is a pure python implementation of the bogosort algorithm -For doctests run following command: -python -m doctest -v bogo_sort.py -or -python3 -m doctest -v bogo_sort.py -For manual testing run: -python bogo_sort.py -""" - -from __future__ import print_function - -import random - - -def bogo_sort(collection): - """Pure implementation of the bogosort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - Examples: - >>> bogo_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - >>> bogo_sort([]) - [] - >>> bogo_sort([-2, -5, -45]) - [-45, -5, -2] - """ - - def isSorted(collection): - if len(collection) < 2: - return True - for i in range(len(collection) - 1): - if collection[i] > collection[i + 1]: - return False - return True - - while not isSorted(collection): - random.shuffle(collection) - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(bogo_sort(unsorted)) +""" +This is a pure python implementation of the bogosort algorithm +For doctests run following command: +python -m doctest -v bogo_sort.py +or +python3 -m doctest -v bogo_sort.py +For manual testing run: +python bogo_sort.py +""" + +from __future__ import print_function + +import random + + +def bogo_sort(collection): + """Pure implementation of the bogosort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + Examples: + >>> bogo_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + >>> bogo_sort([]) + [] + >>> bogo_sort([-2, -5, -45]) + [-45, -5, -2] + """ + + def isSorted(collection): + if len(collection) < 2: + return True + for i in range(len(collection) - 1): + if collection[i] > collection[i + 1]: + return False + return True + + while not isSorted(collection): + random.shuffle(collection) + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(bogo_sort(unsorted)) diff --git a/sorts/bubble_sort.py b/sorts/bubble_sort.py index f4380e7e0528..3572ff70d143 100644 --- a/sorts/bubble_sort.py +++ b/sorts/bubble_sort.py @@ -1,42 +1,42 @@ -from __future__ import print_function - - -def bubble_sort(collection): - """Pure implementation of bubble sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> bubble_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> bubble_sort([]) - [] - - >>> bubble_sort([-2, -5, -45]) - [-45, -5, -2] - - >>> bubble_sort([-23,0,6,-4,34]) - [-23,-4,0,6,34] - """ - length = len(collection) - for i in range(length - 1): - swapped = False - for j in range(length - 1 - i): - if collection[j] > collection[j + 1]: - swapped = True - collection[j], collection[j + 1] = collection[j + 1], collection[j] - if not swapped: break # Stop iteration if the collection is sorted. - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - user_input = raw_input('Enter numbers separated by a comma:').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(*bubble_sort(unsorted), sep=',') +from __future__ import print_function + + +def bubble_sort(collection): + """Pure implementation of bubble sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> bubble_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> bubble_sort([]) + [] + + >>> bubble_sort([-2, -5, -45]) + [-45, -5, -2] + + >>> bubble_sort([-23,0,6,-4,34]) + [-23,-4,0,6,34] + """ + length = len(collection) + for i in range(length - 1): + swapped = False + for j in range(length - 1 - i): + if collection[j] > collection[j + 1]: + swapped = True + collection[j], collection[j + 1] = collection[j + 1], collection[j] + if not swapped: break # Stop iteration if the collection is sorted. + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + user_input = raw_input('Enter numbers separated by a comma:').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(*bubble_sort(unsorted), sep=',') diff --git a/sorts/bucket_sort.py b/sorts/bucket_sort.py index 9c7b44bb8d11..8e7fb98f782a 100644 --- a/sorts/bucket_sort.py +++ b/sorts/bucket_sort.py @@ -1,37 +1,37 @@ -#!/usr/bin/env python -# Author: OMKAR PATHAK -# This program will illustrate how to implement bucket sort algorithm - -# Wikipedia says: Bucket sort, or bin sort, is a sorting algorithm that works by distributing the -# elements of an array into a number of buckets. Each bucket is then sorted individually, either using -# a different sorting algorithm, or by recursively applying the bucket sorting algorithm. It is a -# distribution sort, and is a cousin of radix sort in the most to least significant digit flavour. -# Bucket sort is a generalization of pigeonhole sort. Bucket sort can be implemented with comparisons -# and therefore can also be considered a comparison sort algorithm. The computational complexity estimates -# involve the number of buckets. - -# Time Complexity of Solution: -# Best Case O(n); Average Case O(n); Worst Case O(n) - -DEFAULT_BUCKET_SIZE = 5 - - -def bucket_sort(my_list, bucket_size=DEFAULT_BUCKET_SIZE): - if len(my_list) == 0: - raise Exception("Please add some elements in the array.") - - min_value, max_value = (min(my_list), max(my_list)) - bucket_count = ((max_value - min_value) // bucket_size + 1) - buckets = [[] for _ in range(int(bucket_count))] - - for i in range(len(my_list)): - buckets[int((my_list[i] - min_value) // bucket_size)].append(my_list[i]) - - return sorted([buckets[i][j] for i in range(len(buckets)) - for j in range(len(buckets[i]))]) - - -if __name__ == "__main__": - user_input = input('Enter numbers separated by a comma:').strip() - unsorted = [float(n) for n in user_input.split(',') if len(user_input) > 0] - print(bucket_sort(unsorted)) +#!/usr/bin/env python +# Author: OMKAR PATHAK +# This program will illustrate how to implement bucket sort algorithm + +# Wikipedia says: Bucket sort, or bin sort, is a sorting algorithm that works by distributing the +# elements of an array into a number of buckets. Each bucket is then sorted individually, either using +# a different sorting algorithm, or by recursively applying the bucket sorting algorithm. It is a +# distribution sort, and is a cousin of radix sort in the most to least significant digit flavour. +# Bucket sort is a generalization of pigeonhole sort. Bucket sort can be implemented with comparisons +# and therefore can also be considered a comparison sort algorithm. The computational complexity estimates +# involve the number of buckets. + +# Time Complexity of Solution: +# Best Case O(n); Average Case O(n); Worst Case O(n) + +DEFAULT_BUCKET_SIZE = 5 + + +def bucket_sort(my_list, bucket_size=DEFAULT_BUCKET_SIZE): + if len(my_list) == 0: + raise Exception("Please add some elements in the array.") + + min_value, max_value = (min(my_list), max(my_list)) + bucket_count = ((max_value - min_value) // bucket_size + 1) + buckets = [[] for _ in range(int(bucket_count))] + + for i in range(len(my_list)): + buckets[int((my_list[i] - min_value) // bucket_size)].append(my_list[i]) + + return sorted([buckets[i][j] for i in range(len(buckets)) + for j in range(len(buckets[i]))]) + + +if __name__ == "__main__": + user_input = input('Enter numbers separated by a comma:').strip() + unsorted = [float(n) for n in user_input.split(',') if len(user_input) > 0] + print(bucket_sort(unsorted)) diff --git a/sorts/cocktail_shaker_sort.py b/sorts/cocktail_shaker_sort.py index 33579e86ab37..370ba2e443d7 100644 --- a/sorts/cocktail_shaker_sort.py +++ b/sorts/cocktail_shaker_sort.py @@ -1,34 +1,34 @@ -from __future__ import print_function - - -def cocktail_shaker_sort(unsorted): - """ - Pure implementation of the cocktail shaker sort algorithm in Python. - """ - for i in range(len(unsorted) - 1, 0, -1): - swapped = False - - for j in range(i, 0, -1): - if unsorted[j] < unsorted[j - 1]: - unsorted[j], unsorted[j - 1] = unsorted[j - 1], unsorted[j] - swapped = True - - for j in range(i): - if unsorted[j] > unsorted[j + 1]: - unsorted[j], unsorted[j + 1] = unsorted[j + 1], unsorted[j] - swapped = True - - if not swapped: - return unsorted - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - cocktail_shaker_sort(unsorted) - print(unsorted) +from __future__ import print_function + + +def cocktail_shaker_sort(unsorted): + """ + Pure implementation of the cocktail shaker sort algorithm in Python. + """ + for i in range(len(unsorted) - 1, 0, -1): + swapped = False + + for j in range(i, 0, -1): + if unsorted[j] < unsorted[j - 1]: + unsorted[j], unsorted[j - 1] = unsorted[j - 1], unsorted[j] + swapped = True + + for j in range(i): + if unsorted[j] > unsorted[j + 1]: + unsorted[j], unsorted[j + 1] = unsorted[j + 1], unsorted[j] + swapped = True + + if not swapped: + return unsorted + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + cocktail_shaker_sort(unsorted) + print(unsorted) diff --git a/sorts/comb_sort.py b/sorts/comb_sort.py index d5e81bdddfc1..deed2a0f4c27 100644 --- a/sorts/comb_sort.py +++ b/sorts/comb_sort.py @@ -1,59 +1,59 @@ -""" -Comb sort is a relatively simple sorting algorithm originally designed by Wlodzimierz Dobosiewicz in 1980. -Later it was rediscovered by Stephen Lacey and Richard Box in 1991. Comb sort improves on bubble sort. - -This is pure python implementation of comb sort algorithm -For doctests run following command: -python -m doctest -v comb_sort.py -or -python3 -m doctest -v comb_sort.py - -For manual testing run: -python comb_sort.py -""" - - -def comb_sort(data): - """Pure implementation of comb sort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - Examples: - >>> comb_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - >>> comb_sort([]) - [] - >>> comb_sort([-2, -5, -45]) - [-45, -5, -2] - """ - shrink_factor = 1.3 - gap = len(data) - swapped = True - i = 0 - - while gap > 1 or swapped: - # Update the gap value for a next comb - gap = int(float(gap) / shrink_factor) - - swapped = False - i = 0 - - while gap + i < len(data): - if data[i] > data[i + gap]: - # Swap values - data[i], data[i + gap] = data[i + gap], data[i] - swapped = True - i += 1 - - return data - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(comb_sort(unsorted)) +""" +Comb sort is a relatively simple sorting algorithm originally designed by Wlodzimierz Dobosiewicz in 1980. +Later it was rediscovered by Stephen Lacey and Richard Box in 1991. Comb sort improves on bubble sort. + +This is pure python implementation of comb sort algorithm +For doctests run following command: +python -m doctest -v comb_sort.py +or +python3 -m doctest -v comb_sort.py + +For manual testing run: +python comb_sort.py +""" + + +def comb_sort(data): + """Pure implementation of comb sort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + Examples: + >>> comb_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + >>> comb_sort([]) + [] + >>> comb_sort([-2, -5, -45]) + [-45, -5, -2] + """ + shrink_factor = 1.3 + gap = len(data) + swapped = True + i = 0 + + while gap > 1 or swapped: + # Update the gap value for a next comb + gap = int(float(gap) / shrink_factor) + + swapped = False + i = 0 + + while gap + i < len(data): + if data[i] > data[i + gap]: + # Swap values + data[i], data[i + gap] = data[i + gap], data[i] + swapped = True + i += 1 + + return data + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(comb_sort(unsorted)) diff --git a/sorts/counting_sort.py b/sorts/counting_sort.py index d1f2b746c204..8acd1a395208 100644 --- a/sorts/counting_sort.py +++ b/sorts/counting_sort.py @@ -1,76 +1,76 @@ -""" -This is pure python implementation of counting sort algorithm -For doctests run following command: -python -m doctest -v counting_sort.py -or -python3 -m doctest -v counting_sort.py -For manual testing run: -python counting_sort.py -""" - -from __future__ import print_function - - -def counting_sort(collection): - """Pure implementation of counting sort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - Examples: - >>> counting_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - >>> counting_sort([]) - [] - >>> counting_sort([-2, -5, -45]) - [-45, -5, -2] - """ - # if the collection is empty, returns empty - if collection == []: - return [] - - # get some information about the collection - coll_len = len(collection) - coll_max = max(collection) - coll_min = min(collection) - - # create the counting array - counting_arr_length = coll_max + 1 - coll_min - counting_arr = [0] * counting_arr_length - - # count how much a number appears in the collection - for number in collection: - counting_arr[number - coll_min] += 1 - - # sum each position with it's predecessors. now, counting_arr[i] tells - # us how many elements <= i has in the collection - for i in range(1, counting_arr_length): - counting_arr[i] = counting_arr[i] + counting_arr[i - 1] - - # create the output collection - ordered = [0] * coll_len - - # place the elements in the output, respecting the original order (stable - # sort) from end to begin, updating counting_arr - for i in reversed(range(0, coll_len)): - ordered[counting_arr[collection[i] - coll_min] - 1] = collection[i] - counting_arr[collection[i] - coll_min] -= 1 - - return ordered - - -def counting_sort_string(string): - return ''.join([chr(i) for i in counting_sort([ord(c) for c in string])]) - - -if __name__ == '__main__': - # Test string sort - assert "eghhiiinrsssttt" == counting_sort_string("thisisthestring") - - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(counting_sort(unsorted)) +""" +This is pure python implementation of counting sort algorithm +For doctests run following command: +python -m doctest -v counting_sort.py +or +python3 -m doctest -v counting_sort.py +For manual testing run: +python counting_sort.py +""" + +from __future__ import print_function + + +def counting_sort(collection): + """Pure implementation of counting sort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + Examples: + >>> counting_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + >>> counting_sort([]) + [] + >>> counting_sort([-2, -5, -45]) + [-45, -5, -2] + """ + # if the collection is empty, returns empty + if collection == []: + return [] + + # get some information about the collection + coll_len = len(collection) + coll_max = max(collection) + coll_min = min(collection) + + # create the counting array + counting_arr_length = coll_max + 1 - coll_min + counting_arr = [0] * counting_arr_length + + # count how much a number appears in the collection + for number in collection: + counting_arr[number - coll_min] += 1 + + # sum each position with it's predecessors. now, counting_arr[i] tells + # us how many elements <= i has in the collection + for i in range(1, counting_arr_length): + counting_arr[i] = counting_arr[i] + counting_arr[i - 1] + + # create the output collection + ordered = [0] * coll_len + + # place the elements in the output, respecting the original order (stable + # sort) from end to begin, updating counting_arr + for i in reversed(range(0, coll_len)): + ordered[counting_arr[collection[i] - coll_min] - 1] = collection[i] + counting_arr[collection[i] - coll_min] -= 1 + + return ordered + + +def counting_sort_string(string): + return ''.join([chr(i) for i in counting_sort([ord(c) for c in string])]) + + +if __name__ == '__main__': + # Test string sort + assert "eghhiiinrsssttt" == counting_sort_string("thisisthestring") + + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(counting_sort(unsorted)) diff --git a/sorts/cycle_sort.py b/sorts/cycle_sort.py index 58aa667fcbc3..036523b0a34c 100644 --- a/sorts/cycle_sort.py +++ b/sorts/cycle_sort.py @@ -1,60 +1,60 @@ -# Code contributed by Honey Sharma -from __future__ import print_function - - -def cycle_sort(array): - ans = 0 - - # Pass through the array to find cycles to rotate. - for cycleStart in range(0, len(array) - 1): - item = array[cycleStart] - - # finding the position for putting the item. - pos = cycleStart - for i in range(cycleStart + 1, len(array)): - if array[i] < item: - pos += 1 - - # If the item is already present-not a cycle. - if pos == cycleStart: - continue - - # Otherwise, put the item there or right after any duplicates. - while item == array[pos]: - pos += 1 - array[pos], item = item, array[pos] - ans += 1 - - # Rotate the rest of the cycle. - while pos != cycleStart: - - # Find where to put the item. - pos = cycleStart - for i in range(cycleStart + 1, len(array)): - if array[i] < item: - pos += 1 - - # Put the item there or right after any duplicates. - while item == array[pos]: - pos += 1 - array[pos], item = item, array[pos] - ans += 1 - - return ans - - -# Main Code starts here -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n') - unsorted = [int(item) for item in user_input.split(',')] - n = len(unsorted) - cycle_sort(unsorted) - - print("After sort : ") - for i in range(0, n): - print(unsorted[i], end=' ') +# Code contributed by Honey Sharma +from __future__ import print_function + + +def cycle_sort(array): + ans = 0 + + # Pass through the array to find cycles to rotate. + for cycleStart in range(0, len(array) - 1): + item = array[cycleStart] + + # finding the position for putting the item. + pos = cycleStart + for i in range(cycleStart + 1, len(array)): + if array[i] < item: + pos += 1 + + # If the item is already present-not a cycle. + if pos == cycleStart: + continue + + # Otherwise, put the item there or right after any duplicates. + while item == array[pos]: + pos += 1 + array[pos], item = item, array[pos] + ans += 1 + + # Rotate the rest of the cycle. + while pos != cycleStart: + + # Find where to put the item. + pos = cycleStart + for i in range(cycleStart + 1, len(array)): + if array[i] < item: + pos += 1 + + # Put the item there or right after any duplicates. + while item == array[pos]: + pos += 1 + array[pos], item = item, array[pos] + ans += 1 + + return ans + + +# Main Code starts here +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n') + unsorted = [int(item) for item in user_input.split(',')] + n = len(unsorted) + cycle_sort(unsorted) + + print("After sort : ") + for i in range(0, n): + print(unsorted[i], end=' ') diff --git a/sorts/external_sort.py b/sorts/external_sort.py index b2f5ace1a69b..430e10e040a6 100644 --- a/sorts/external_sort.py +++ b/sorts/external_sort.py @@ -1,157 +1,157 @@ -#!/usr/bin/env python - -import argparse -# -# Sort large text files in a minimum amount of memory -# -import os - - -class FileSplitter(object): - BLOCK_FILENAME_FORMAT = 'block_{0}.dat' - - def __init__(self, filename): - self.filename = filename - self.block_filenames = [] - - def write_block(self, data, block_number): - filename = self.BLOCK_FILENAME_FORMAT.format(block_number) - with open(filename, 'w') as file: - file.write(data) - self.block_filenames.append(filename) - - def get_block_filenames(self): - return self.block_filenames - - def split(self, block_size, sort_key=None): - i = 0 - with open(self.filename) as file: - while True: - lines = file.readlines(block_size) - - if lines == []: - break - - if sort_key is None: - lines.sort() - else: - lines.sort(key=sort_key) - - self.write_block(''.join(lines), i) - i += 1 - - def cleanup(self): - map(lambda f: os.remove(f), self.block_filenames) - - -class NWayMerge(object): - def select(self, choices): - min_index = -1 - min_str = None - - for i in range(len(choices)): - if min_str is None or choices[i] < min_str: - min_index = i - - return min_index - - -class FilesArray(object): - def __init__(self, files): - self.files = files - self.empty = set() - self.num_buffers = len(files) - self.buffers = {i: None for i in range(self.num_buffers)} - - def get_dict(self): - return {i: self.buffers[i] for i in range(self.num_buffers) if i not in self.empty} - - def refresh(self): - for i in range(self.num_buffers): - if self.buffers[i] is None and i not in self.empty: - self.buffers[i] = self.files[i].readline() - - if self.buffers[i] == '': - self.empty.add(i) - self.files[i].close() - - if len(self.empty) == self.num_buffers: - return False - - return True - - def unshift(self, index): - value = self.buffers[index] - self.buffers[index] = None - - return value - - -class FileMerger(object): - def __init__(self, merge_strategy): - self.merge_strategy = merge_strategy - - def merge(self, filenames, outfilename, buffer_size): - buffers = FilesArray(self.get_file_handles(filenames, buffer_size)) - with open(outfilename, 'w', buffer_size) as outfile: - while buffers.refresh(): - min_index = self.merge_strategy.select(buffers.get_dict()) - outfile.write(buffers.unshift(min_index)) - - def get_file_handles(self, filenames, buffer_size): - files = {} - - for i in range(len(filenames)): - files[i] = open(filenames[i], 'r', buffer_size) - - return files - - -class ExternalSort(object): - def __init__(self, block_size): - self.block_size = block_size - - def sort(self, filename, sort_key=None): - num_blocks = self.get_number_blocks(filename, self.block_size) - splitter = FileSplitter(filename) - splitter.split(self.block_size, sort_key) - - merger = FileMerger(NWayMerge()) - buffer_size = self.block_size / (num_blocks + 1) - merger.merge(splitter.get_block_filenames(), filename + '.out', buffer_size) - - splitter.cleanup() - - def get_number_blocks(self, filename, block_size): - return (os.stat(filename).st_size / block_size) + 1 - - -def parse_memory(string): - if string[-1].lower() == 'k': - return int(string[:-1]) * 1024 - elif string[-1].lower() == 'm': - return int(string[:-1]) * 1024 * 1024 - elif string[-1].lower() == 'g': - return int(string[:-1]) * 1024 * 1024 * 1024 - else: - return int(string) - - -def main(): - parser = argparse.ArgumentParser() - parser.add_argument('-m', - '--mem', - help='amount of memory to use for sorting', - default='100M') - parser.add_argument('filename', - metavar='', - nargs=1, - help='name of file to sort') - args = parser.parse_args() - - sorter = ExternalSort(parse_memory(args.mem)) - sorter.sort(args.filename[0]) - - -if __name__ == '__main__': - main() +#!/usr/bin/env python + +import argparse +# +# Sort large text files in a minimum amount of memory +# +import os + + +class FileSplitter(object): + BLOCK_FILENAME_FORMAT = 'block_{0}.dat' + + def __init__(self, filename): + self.filename = filename + self.block_filenames = [] + + def write_block(self, data, block_number): + filename = self.BLOCK_FILENAME_FORMAT.format(block_number) + with open(filename, 'w') as file: + file.write(data) + self.block_filenames.append(filename) + + def get_block_filenames(self): + return self.block_filenames + + def split(self, block_size, sort_key=None): + i = 0 + with open(self.filename) as file: + while True: + lines = file.readlines(block_size) + + if lines == []: + break + + if sort_key is None: + lines.sort() + else: + lines.sort(key=sort_key) + + self.write_block(''.join(lines), i) + i += 1 + + def cleanup(self): + map(lambda f: os.remove(f), self.block_filenames) + + +class NWayMerge(object): + def select(self, choices): + min_index = -1 + min_str = None + + for i in range(len(choices)): + if min_str is None or choices[i] < min_str: + min_index = i + + return min_index + + +class FilesArray(object): + def __init__(self, files): + self.files = files + self.empty = set() + self.num_buffers = len(files) + self.buffers = {i: None for i in range(self.num_buffers)} + + def get_dict(self): + return {i: self.buffers[i] for i in range(self.num_buffers) if i not in self.empty} + + def refresh(self): + for i in range(self.num_buffers): + if self.buffers[i] is None and i not in self.empty: + self.buffers[i] = self.files[i].readline() + + if self.buffers[i] == '': + self.empty.add(i) + self.files[i].close() + + if len(self.empty) == self.num_buffers: + return False + + return True + + def unshift(self, index): + value = self.buffers[index] + self.buffers[index] = None + + return value + + +class FileMerger(object): + def __init__(self, merge_strategy): + self.merge_strategy = merge_strategy + + def merge(self, filenames, outfilename, buffer_size): + buffers = FilesArray(self.get_file_handles(filenames, buffer_size)) + with open(outfilename, 'w', buffer_size) as outfile: + while buffers.refresh(): + min_index = self.merge_strategy.select(buffers.get_dict()) + outfile.write(buffers.unshift(min_index)) + + def get_file_handles(self, filenames, buffer_size): + files = {} + + for i in range(len(filenames)): + files[i] = open(filenames[i], 'r', buffer_size) + + return files + + +class ExternalSort(object): + def __init__(self, block_size): + self.block_size = block_size + + def sort(self, filename, sort_key=None): + num_blocks = self.get_number_blocks(filename, self.block_size) + splitter = FileSplitter(filename) + splitter.split(self.block_size, sort_key) + + merger = FileMerger(NWayMerge()) + buffer_size = self.block_size / (num_blocks + 1) + merger.merge(splitter.get_block_filenames(), filename + '.out', buffer_size) + + splitter.cleanup() + + def get_number_blocks(self, filename, block_size): + return (os.stat(filename).st_size / block_size) + 1 + + +def parse_memory(string): + if string[-1].lower() == 'k': + return int(string[:-1]) * 1024 + elif string[-1].lower() == 'm': + return int(string[:-1]) * 1024 * 1024 + elif string[-1].lower() == 'g': + return int(string[:-1]) * 1024 * 1024 * 1024 + else: + return int(string) + + +def main(): + parser = argparse.ArgumentParser() + parser.add_argument('-m', + '--mem', + help='amount of memory to use for sorting', + default='100M') + parser.add_argument('filename', + metavar='', + nargs=1, + help='name of file to sort') + args = parser.parse_args() + + sorter = ExternalSort(parse_memory(args.mem)) + sorter.sort(args.filename[0]) + + +if __name__ == '__main__': + main() diff --git a/sorts/gnome_sort.py b/sorts/gnome_sort.py index 0d342b26bd58..a8061b4ac261 100644 --- a/sorts/gnome_sort.py +++ b/sorts/gnome_sort.py @@ -1,32 +1,32 @@ -from __future__ import print_function - - -def gnome_sort(unsorted): - """ - Pure implementation of the gnome sort algorithm in Python. - """ - if len(unsorted) <= 1: - return unsorted - - i = 1 - - while i < len(unsorted): - if unsorted[i - 1] <= unsorted[i]: - i += 1 - else: - unsorted[i - 1], unsorted[i] = unsorted[i], unsorted[i - 1] - i -= 1 - if (i == 0): - i = 1 - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - gnome_sort(unsorted) - print(unsorted) +from __future__ import print_function + + +def gnome_sort(unsorted): + """ + Pure implementation of the gnome sort algorithm in Python. + """ + if len(unsorted) <= 1: + return unsorted + + i = 1 + + while i < len(unsorted): + if unsorted[i - 1] <= unsorted[i]: + i += 1 + else: + unsorted[i - 1], unsorted[i] = unsorted[i], unsorted[i - 1] + i -= 1 + if (i == 0): + i = 1 + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + gnome_sort(unsorted) + print(unsorted) diff --git a/sorts/heap_sort.py b/sorts/heap_sort.py index 71bb818e0611..8846f2ded122 100644 --- a/sorts/heap_sort.py +++ b/sorts/heap_sort.py @@ -1,65 +1,65 @@ -''' -This is a pure python implementation of the heap sort algorithm. - -For doctests run following command: -python -m doctest -v heap_sort.py -or -python3 -m doctest -v heap_sort.py - -For manual testing run: -python heap_sort.py -''' - -from __future__ import print_function - - -def heapify(unsorted, index, heap_size): - largest = index - left_index = 2 * index + 1 - right_index = 2 * index + 2 - if left_index < heap_size and unsorted[left_index] > unsorted[largest]: - largest = left_index - - if right_index < heap_size and unsorted[right_index] > unsorted[largest]: - largest = right_index - - if largest != index: - unsorted[largest], unsorted[index] = unsorted[index], unsorted[largest] - heapify(unsorted, largest, heap_size) - - -def heap_sort(unsorted): - ''' - Pure implementation of the heap sort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> heap_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> heap_sort([]) - [] - - >>> heap_sort([-2, -5, -45]) - [-45, -5, -2] - ''' - n = len(unsorted) - for i in range(n // 2 - 1, -1, -1): - heapify(unsorted, i, n) - for i in range(n - 1, 0, -1): - unsorted[0], unsorted[i] = unsorted[i], unsorted[0] - heapify(unsorted, 0, i) - return unsorted - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(heap_sort(unsorted)) +''' +This is a pure python implementation of the heap sort algorithm. + +For doctests run following command: +python -m doctest -v heap_sort.py +or +python3 -m doctest -v heap_sort.py + +For manual testing run: +python heap_sort.py +''' + +from __future__ import print_function + + +def heapify(unsorted, index, heap_size): + largest = index + left_index = 2 * index + 1 + right_index = 2 * index + 2 + if left_index < heap_size and unsorted[left_index] > unsorted[largest]: + largest = left_index + + if right_index < heap_size and unsorted[right_index] > unsorted[largest]: + largest = right_index + + if largest != index: + unsorted[largest], unsorted[index] = unsorted[index], unsorted[largest] + heapify(unsorted, largest, heap_size) + + +def heap_sort(unsorted): + ''' + Pure implementation of the heap sort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> heap_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> heap_sort([]) + [] + + >>> heap_sort([-2, -5, -45]) + [-45, -5, -2] + ''' + n = len(unsorted) + for i in range(n // 2 - 1, -1, -1): + heapify(unsorted, i, n) + for i in range(n - 1, 0, -1): + unsorted[0], unsorted[i] = unsorted[i], unsorted[0] + heapify(unsorted, 0, i) + return unsorted + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(heap_sort(unsorted)) diff --git a/sorts/insertion_sort.py b/sorts/insertion_sort.py index e0f14706a600..4278096ef907 100644 --- a/sorts/insertion_sort.py +++ b/sorts/insertion_sort.py @@ -1,50 +1,50 @@ -""" -This is a pure python implementation of the insertion sort algorithm - -For doctests run following command: -python -m doctest -v insertion_sort.py -or -python3 -m doctest -v insertion_sort.py - -For manual testing run: -python insertion_sort.py -""" -from __future__ import print_function - - -def insertion_sort(collection): - """Pure implementation of the insertion sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> insertion_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> insertion_sort([]) - [] - - >>> insertion_sort([-2, -5, -45]) - [-45, -5, -2] - """ - - for loop_index in range(1, len(collection)): - insertion_index = loop_index - while insertion_index > 0 and collection[insertion_index - 1] > collection[insertion_index]: - collection[insertion_index], collection[insertion_index - 1] = collection[insertion_index - 1], collection[insertion_index] - insertion_index -= 1 - - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(insertion_sort(unsorted)) +""" +This is a pure python implementation of the insertion sort algorithm + +For doctests run following command: +python -m doctest -v insertion_sort.py +or +python3 -m doctest -v insertion_sort.py + +For manual testing run: +python insertion_sort.py +""" +from __future__ import print_function + + +def insertion_sort(collection): + """Pure implementation of the insertion sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> insertion_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> insertion_sort([]) + [] + + >>> insertion_sort([-2, -5, -45]) + [-45, -5, -2] + """ + + for loop_index in range(1, len(collection)): + insertion_index = loop_index + while insertion_index > 0 and collection[insertion_index - 1] > collection[insertion_index]: + collection[insertion_index], collection[insertion_index - 1] = collection[insertion_index - 1], collection[insertion_index] + insertion_index -= 1 + + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(insertion_sort(unsorted)) diff --git a/sorts/merge_sort.py b/sorts/merge_sort.py index 83879fd93b34..fe38884e5004 100644 --- a/sorts/merge_sort.py +++ b/sorts/merge_sort.py @@ -1,58 +1,58 @@ -""" -This is a pure python implementation of the merge sort algorithm - -For doctests run following command: -python -m doctest -v merge_sort.py -or -python3 -m doctest -v merge_sort.py - -For manual testing run: -python merge_sort.py -""" -from __future__ import print_function - - -def merge_sort(collection): - """Pure implementation of the merge sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> merge_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> merge_sort([]) - [] - - >>> merge_sort([-2, -5, -45]) - [-45, -5, -2] - """ - - def merge(left, right): - '''merge left and right - :param left: left collection - :param right: right collection - :return: merge result - ''' - result = [] - while left and right: - result.append(left.pop(0) if left[0] <= right[0] else right.pop(0)) - return result + left + right - - if len(collection) <= 1: - return collection - mid = len(collection) // 2 - return merge(merge_sort(collection[:mid]), merge_sort(collection[mid:])) - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(*merge_sort(unsorted), sep=',') +""" +This is a pure python implementation of the merge sort algorithm + +For doctests run following command: +python -m doctest -v merge_sort.py +or +python3 -m doctest -v merge_sort.py + +For manual testing run: +python merge_sort.py +""" +from __future__ import print_function + + +def merge_sort(collection): + """Pure implementation of the merge sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> merge_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> merge_sort([]) + [] + + >>> merge_sort([-2, -5, -45]) + [-45, -5, -2] + """ + + def merge(left, right): + '''merge left and right + :param left: left collection + :param right: right collection + :return: merge result + ''' + result = [] + while left and right: + result.append(left.pop(0) if left[0] <= right[0] else right.pop(0)) + return result + left + right + + if len(collection) <= 1: + return collection + mid = len(collection) // 2 + return merge(merge_sort(collection[:mid]), merge_sort(collection[mid:])) + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(*merge_sort(unsorted), sep=',') diff --git a/sorts/merge_sort_fastest.py b/sorts/merge_sort_fastest.py index c28277a29667..878a0fb3788c 100644 --- a/sorts/merge_sort_fastest.py +++ b/sorts/merge_sort_fastest.py @@ -1,46 +1,46 @@ -''' -Python implementation of the fastest merge sort algorithm. -Takes an average of 0.6 microseconds to sort a list of length 1000 items. -Best Case Scenario : O(n) -Worst Case Scenario : O(n^2) because native python functions:min, max and remove are already O(n) -''' -from __future__ import print_function - - -def merge_sort(collection): - """Pure implementation of the fastest merge sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: a collection ordered by ascending - - Examples: - >>> merge_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> merge_sort([]) - [] - - >>> merge_sort([-2, -5, -45]) - [-45, -5, -2] - """ - start, end = [], [] - while len(collection) > 1: - min_one, max_one = min(collection), max(collection) - start.append(min_one) - end.append(max_one) - collection.remove(min_one) - collection.remove(max_one) - end.reverse() - return start + collection + end - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(*merge_sort(unsorted), sep=',') +''' +Python implementation of the fastest merge sort algorithm. +Takes an average of 0.6 microseconds to sort a list of length 1000 items. +Best Case Scenario : O(n) +Worst Case Scenario : O(n^2) because native python functions:min, max and remove are already O(n) +''' +from __future__ import print_function + + +def merge_sort(collection): + """Pure implementation of the fastest merge sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: a collection ordered by ascending + + Examples: + >>> merge_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> merge_sort([]) + [] + + >>> merge_sort([-2, -5, -45]) + [-45, -5, -2] + """ + start, end = [], [] + while len(collection) > 1: + min_one, max_one = min(collection), max(collection) + start.append(min_one) + end.append(max_one) + collection.remove(min_one) + collection.remove(max_one) + end.reverse() + return start + collection + end + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(*merge_sort(unsorted), sep=',') diff --git a/sorts/normal_distribution_quick_sort.md b/sorts/normal_distribution_quick_sort.md index 29f2f625bc27..635262bfdf7d 100644 --- a/sorts/normal_distribution_quick_sort.md +++ b/sorts/normal_distribution_quick_sort.md @@ -1,76 +1,76 @@ -# Normal Distribution QuickSort - - -Algorithm implementing QuickSort Algorithm where the pivot element is chosen randomly between first and last elements of the array and the array elements are taken from a Standard Normal Distribution. -This is different from the ordinary quicksort in the sense, that it applies more to real life problems , where elements usually follow a normal distribution. Also the pivot is randomized to make it a more generic one. - - -## Array Elements - -The array elements are taken from a Standard Normal Distribution , having mean = 0 and standard deviation 1. - -#### The code - -```python - ->>> import numpy as np ->>> from tempfile import TemporaryFile ->>> outfile = TemporaryFile() ->>> p = 100 # 100 elements are to be sorted ->>> mu, sigma = 0, 1 # mean and standard deviation ->>> X = np.random.normal(mu, sigma, p) ->>> np.save(outfile, X) ->>> print('The array is') ->>> print(X) - -``` - ------- - -#### The Distribution of the Array elements. - -```python ->>> mu, sigma = 0, 1 # mean and standard deviation ->>> s = np.random.normal(mu, sigma, p) ->>> count, bins, ignored = plt.hist(s, 30, normed=True) ->>> plt.plot(bins , 1/(sigma * np.sqrt(2 * np.pi)) *np.exp( - (bins - mu)**2 / (2 * sigma**2) ),linewidth=2, color='r') ->>> plt.show() - -``` - - ------ - - - - -![](https://www.mathsisfun.com/data/images/normal-distrubution-large.gif) - ---- - ---------------------- - --- - -## Plotting the function for Checking 'The Number of Comparisons' taking place between Normal Distribution QuickSort and Ordinary QuickSort - -```python ->>>import matplotlib.pyplot as plt - - - # Normal Disrtibution QuickSort is red ->>> plt.plot([1,2,4,16,32,64,128,256,512,1024,2048],[1,1,6,15,43,136,340,800,2156,6821,16325],linewidth=2, color='r') - - #Ordinary QuickSort is green ->>> plt.plot([1,2,4,16,32,64,128,256,512,1024,2048],[1,1,4,16,67,122,362,949,2131,5086,12866],linewidth=2, color='g') - ->>> plt.show() - -``` - - ----- - - ------------------- - +# Normal Distribution QuickSort + + +Algorithm implementing QuickSort Algorithm where the pivot element is chosen randomly between first and last elements of the array and the array elements are taken from a Standard Normal Distribution. +This is different from the ordinary quicksort in the sense, that it applies more to real life problems , where elements usually follow a normal distribution. Also the pivot is randomized to make it a more generic one. + + +## Array Elements + +The array elements are taken from a Standard Normal Distribution , having mean = 0 and standard deviation 1. + +#### The code + +```python + +>>> import numpy as np +>>> from tempfile import TemporaryFile +>>> outfile = TemporaryFile() +>>> p = 100 # 100 elements are to be sorted +>>> mu, sigma = 0, 1 # mean and standard deviation +>>> X = np.random.normal(mu, sigma, p) +>>> np.save(outfile, X) +>>> print('The array is') +>>> print(X) + +``` + +------ + +#### The Distribution of the Array elements. + +```python +>>> mu, sigma = 0, 1 # mean and standard deviation +>>> s = np.random.normal(mu, sigma, p) +>>> count, bins, ignored = plt.hist(s, 30, normed=True) +>>> plt.plot(bins , 1/(sigma * np.sqrt(2 * np.pi)) *np.exp( - (bins - mu)**2 / (2 * sigma**2) ),linewidth=2, color='r') +>>> plt.show() + +``` + + +----- + + + + +![](https://www.mathsisfun.com/data/images/normal-distrubution-large.gif) + +--- + +--------------------- + +-- + +## Plotting the function for Checking 'The Number of Comparisons' taking place between Normal Distribution QuickSort and Ordinary QuickSort + +```python +>>>import matplotlib.pyplot as plt + + + # Normal Disrtibution QuickSort is red +>>> plt.plot([1,2,4,16,32,64,128,256,512,1024,2048],[1,1,6,15,43,136,340,800,2156,6821,16325],linewidth=2, color='r') + + #Ordinary QuickSort is green +>>> plt.plot([1,2,4,16,32,64,128,256,512,1024,2048],[1,1,4,16,67,122,362,949,2131,5086,12866],linewidth=2, color='g') + +>>> plt.show() + +``` + + +---- + + +------------------ + diff --git a/sorts/pancake_sort.py b/sorts/pancake_sort.py index 0de4a869d91a..1bf1e1ba0023 100644 --- a/sorts/pancake_sort.py +++ b/sorts/pancake_sort.py @@ -1,18 +1,18 @@ -# Pancake sort algorithm -# Only can reverse array from 0 to i - -def pancake_sort(arr): - cur = len(arr) - while cur > 1: - # Find the maximum number in arr - mi = arr.index(max(arr[0:cur])) - # Reverse from 0 to mi - arr = arr[mi::-1] + arr[mi + 1:len(arr)] - # Reverse whole list - arr = arr[cur - 1::-1] + arr[cur:len(arr)] - cur -= 1 - return arr - - -if __name__ == '__main__': - print(pancake_sort([0, 10, 15, 3, 2, 9, 14, 13])) +# Pancake sort algorithm +# Only can reverse array from 0 to i + +def pancake_sort(arr): + cur = len(arr) + while cur > 1: + # Find the maximum number in arr + mi = arr.index(max(arr[0:cur])) + # Reverse from 0 to mi + arr = arr[mi::-1] + arr[mi + 1:len(arr)] + # Reverse whole list + arr = arr[cur - 1::-1] + arr[cur:len(arr)] + cur -= 1 + return arr + + +if __name__ == '__main__': + print(pancake_sort([0, 10, 15, 3, 2, 9, 14, 13])) diff --git a/sorts/pigeon_sort.py b/sorts/pigeon_sort.py index fcfcf31b86be..a55304a0d832 100644 --- a/sorts/pigeon_sort.py +++ b/sorts/pigeon_sort.py @@ -1,55 +1,55 @@ -''' - This is an implementation of Pigeon Hole Sort. -''' - -from __future__ import print_function - - -def pigeon_sort(array): - # Manually finds the minimum and maximum of the array. - min = array[0] - max = array[0] - - for i in range(len(array)): - if (array[i] < min): - min = array[i] - elif (array[i] > max): - max = array[i] - - # Compute the variables - holes_range = max - min + 1 - holes = [0 for _ in range(holes_range)] - holes_repeat = [0 for _ in range(holes_range)] - - # Make the sorting. - for i in range(len(array)): - index = array[i] - min - if (holes[index] != array[i]): - holes[index] = array[i] - holes_repeat[index] += 1 - else: - holes_repeat[index] += 1 - - # Makes the array back by replacing the numbers. - index = 0 - for i in range(holes_range): - while (holes_repeat[i] > 0): - array[index] = holes[i] - index += 1 - holes_repeat[i] -= 1 - - # Returns the sorted array. - return array - - -if __name__ == '__main__': - try: - raw_input # Python2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by comma:\n') - unsorted = [int(x) for x in user_input.split(',')] - sorted = pigeon_sort(unsorted) - - print(sorted) +''' + This is an implementation of Pigeon Hole Sort. +''' + +from __future__ import print_function + + +def pigeon_sort(array): + # Manually finds the minimum and maximum of the array. + min = array[0] + max = array[0] + + for i in range(len(array)): + if (array[i] < min): + min = array[i] + elif (array[i] > max): + max = array[i] + + # Compute the variables + holes_range = max - min + 1 + holes = [0 for _ in range(holes_range)] + holes_repeat = [0 for _ in range(holes_range)] + + # Make the sorting. + for i in range(len(array)): + index = array[i] - min + if (holes[index] != array[i]): + holes[index] = array[i] + holes_repeat[index] += 1 + else: + holes_repeat[index] += 1 + + # Makes the array back by replacing the numbers. + index = 0 + for i in range(holes_range): + while (holes_repeat[i] > 0): + array[index] = holes[i] + index += 1 + holes_repeat[i] -= 1 + + # Returns the sorted array. + return array + + +if __name__ == '__main__': + try: + raw_input # Python2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by comma:\n') + unsorted = [int(x) for x in user_input.split(',')] + sorted = pigeon_sort(unsorted) + + print(sorted) diff --git a/sorts/quick_sort.py b/sorts/quick_sort.py index 3fdcb8e74b1a..c77aa76b28f4 100644 --- a/sorts/quick_sort.py +++ b/sorts/quick_sort.py @@ -1,58 +1,58 @@ -""" -This is a pure python implementation of the quick sort algorithm - -For doctests run following command: -python -m doctest -v quick_sort.py -or -python3 -m doctest -v quick_sort.py - -For manual testing run: -python quick_sort.py -""" -from __future__ import print_function - - -def quick_sort(collection): - """Pure implementation of quick sort algorithm in Python - - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - Examples: - >>> quick_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> quick_sort([]) - [] - - >>> quick_sort([-2, -5, -45]) - [-45, -5, -2] - """ - length = len(collection) - if length <= 1: - return collection - else: - pivot = collection[0] - # Modify the list comprehensions to reduce the number of judgments, the speed has increased by more than 50%. - greater = [] - lesser = [] - for element in collection[1:]: - if element > pivot: - greater.append(element) - else: - lesser.append(element) - # greater = [element for element in collection[1:] if element > pivot] - # lesser = [element for element in collection[1:] if element <= pivot] - return quick_sort(lesser) + [pivot] + quick_sort(greater) - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(quick_sort(unsorted)) +""" +This is a pure python implementation of the quick sort algorithm + +For doctests run following command: +python -m doctest -v quick_sort.py +or +python3 -m doctest -v quick_sort.py + +For manual testing run: +python quick_sort.py +""" +from __future__ import print_function + + +def quick_sort(collection): + """Pure implementation of quick sort algorithm in Python + + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + Examples: + >>> quick_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> quick_sort([]) + [] + + >>> quick_sort([-2, -5, -45]) + [-45, -5, -2] + """ + length = len(collection) + if length <= 1: + return collection + else: + pivot = collection[0] + # Modify the list comprehensions to reduce the number of judgments, the speed has increased by more than 50%. + greater = [] + lesser = [] + for element in collection[1:]: + if element > pivot: + greater.append(element) + else: + lesser.append(element) + # greater = [element for element in collection[1:] if element > pivot] + # lesser = [element for element in collection[1:] if element <= pivot] + return quick_sort(lesser) + [pivot] + quick_sort(greater) + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(quick_sort(unsorted)) diff --git a/sorts/quick_sort_3_partition.py b/sorts/quick_sort_3_partition.py index 2ed5aa3a0a2e..6207da1e7cd8 100644 --- a/sorts/quick_sort_3_partition.py +++ b/sorts/quick_sort_3_partition.py @@ -1,33 +1,33 @@ -from __future__ import print_function - - -def quick_sort_3partition(sorting, left, right): - if right <= left: - return - a = i = left - b = right - pivot = sorting[left] - while i <= b: - if sorting[i] < pivot: - sorting[a], sorting[i] = sorting[i], sorting[a] - a += 1 - i += 1 - elif sorting[i] > pivot: - sorting[b], sorting[i] = sorting[i], sorting[b] - b -= 1 - else: - i += 1 - quick_sort_3partition(sorting, left, a - 1) - quick_sort_3partition(sorting, b + 1, right) - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - quick_sort_3partition(unsorted, 0, len(unsorted) - 1) - print(unsorted) +from __future__ import print_function + + +def quick_sort_3partition(sorting, left, right): + if right <= left: + return + a = i = left + b = right + pivot = sorting[left] + while i <= b: + if sorting[i] < pivot: + sorting[a], sorting[i] = sorting[i], sorting[a] + a += 1 + i += 1 + elif sorting[i] > pivot: + sorting[b], sorting[i] = sorting[i], sorting[b] + b -= 1 + else: + i += 1 + quick_sort_3partition(sorting, left, a - 1) + quick_sort_3partition(sorting, b + 1, right) + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + quick_sort_3partition(unsorted, 0, len(unsorted) - 1) + print(unsorted) diff --git a/sorts/radix_sort.py b/sorts/radix_sort.py index ec7ae687a957..2990247a0ac0 100644 --- a/sorts/radix_sort.py +++ b/sorts/radix_sort.py @@ -1,26 +1,26 @@ -def radix_sort(lst): - RADIX = 10 - placement = 1 - - # get the maximum number - max_digit = max(lst) - - while placement < max_digit: - # declare and initialize buckets - buckets = [list() for _ in range(RADIX)] - - # split lst between lists - for i in lst: - tmp = int((i / placement) % RADIX) - buckets[tmp].append(i) - - # empty lists into lst array - a = 0 - for b in range(RADIX): - buck = buckets[b] - for i in buck: - lst[a] = i - a += 1 - - # move to next - placement *= RADIX +def radix_sort(lst): + RADIX = 10 + placement = 1 + + # get the maximum number + max_digit = max(lst) + + while placement < max_digit: + # declare and initialize buckets + buckets = [list() for _ in range(RADIX)] + + # split lst between lists + for i in lst: + tmp = int((i / placement) % RADIX) + buckets[tmp].append(i) + + # empty lists into lst array + a = 0 + for b in range(RADIX): + buck = buckets[b] + for i in buck: + lst[a] = i + a += 1 + + # move to next + placement *= RADIX diff --git a/sorts/random_normal_distribution_quicksort.py b/sorts/random_normal_distribution_quicksort.py index d05984ddd02a..432eed6b8d84 100644 --- a/sorts/random_normal_distribution_quicksort.py +++ b/sorts/random_normal_distribution_quicksort.py @@ -1,60 +1,60 @@ -from __future__ import print_function - -from random import randint -from tempfile import TemporaryFile - -import numpy as np - - -def _inPlaceQuickSort(A, start, end): - count = 0 - if start < end: - pivot = randint(start, end) - temp = A[end] - A[end] = A[pivot] - A[pivot] = temp - - p, count = _inPlacePartition(A, start, end) - count += _inPlaceQuickSort(A, start, p - 1) - count += _inPlaceQuickSort(A, p + 1, end) - return count - - -def _inPlacePartition(A, start, end): - count = 0 - pivot = randint(start, end) - temp = A[end] - A[end] = A[pivot] - A[pivot] = temp - newPivotIndex = start - 1 - for index in range(start, end): - - count += 1 - if A[index] < A[end]: # check if current val is less than pivot value - newPivotIndex = newPivotIndex + 1 - temp = A[newPivotIndex] - A[newPivotIndex] = A[index] - A[index] = temp - - temp = A[newPivotIndex + 1] - A[newPivotIndex + 1] = A[end] - A[end] = temp - return newPivotIndex + 1, count - - -outfile = TemporaryFile() -p = 100 # 1000 elements are to be sorted - -mu, sigma = 0, 1 # mean and standard deviation -X = np.random.normal(mu, sigma, p) -np.save(outfile, X) -print('The array is') -print(X) - -outfile.seek(0) # using the same array -M = np.load(outfile) -r = (len(M) - 1) -z = _inPlaceQuickSort(M, 0, r) - -print("No of Comparisons for 100 elements selected from a standard normal distribution is :") -print(z) +from __future__ import print_function + +from random import randint +from tempfile import TemporaryFile + +import numpy as np + + +def _inPlaceQuickSort(A, start, end): + count = 0 + if start < end: + pivot = randint(start, end) + temp = A[end] + A[end] = A[pivot] + A[pivot] = temp + + p, count = _inPlacePartition(A, start, end) + count += _inPlaceQuickSort(A, start, p - 1) + count += _inPlaceQuickSort(A, p + 1, end) + return count + + +def _inPlacePartition(A, start, end): + count = 0 + pivot = randint(start, end) + temp = A[end] + A[end] = A[pivot] + A[pivot] = temp + newPivotIndex = start - 1 + for index in range(start, end): + + count += 1 + if A[index] < A[end]: # check if current val is less than pivot value + newPivotIndex = newPivotIndex + 1 + temp = A[newPivotIndex] + A[newPivotIndex] = A[index] + A[index] = temp + + temp = A[newPivotIndex + 1] + A[newPivotIndex + 1] = A[end] + A[end] = temp + return newPivotIndex + 1, count + + +outfile = TemporaryFile() +p = 100 # 1000 elements are to be sorted + +mu, sigma = 0, 1 # mean and standard deviation +X = np.random.normal(mu, sigma, p) +np.save(outfile, X) +print('The array is') +print(X) + +outfile.seek(0) # using the same array +M = np.load(outfile) +r = (len(M) - 1) +z = _inPlaceQuickSort(M, 0, r) + +print("No of Comparisons for 100 elements selected from a standard normal distribution is :") +print(z) diff --git a/sorts/random_pivot_quick_sort.py b/sorts/random_pivot_quick_sort.py index e76558dc7250..ccdc23d4b1c6 100644 --- a/sorts/random_pivot_quick_sort.py +++ b/sorts/random_pivot_quick_sort.py @@ -1,37 +1,37 @@ -""" -Picks the random index as the pivot -""" -import random - - -def partition(A, left_index, right_index): - pivot = A[left_index] - i = left_index + 1 - for j in range(left_index + 1, right_index): - if A[j] < pivot: - A[j], A[i] = A[i], A[j] - i += 1 - A[left_index], A[i - 1] = A[i - 1], A[left_index] - return i - 1 - - -def quick_sort_random(A, left, right): - if left < right: - pivot = random.randint(left, right - 1) - A[pivot], A[left] = A[left], A[pivot] # switches the pivot with the left most bound - pivot_index = partition(A, left, right) - quick_sort_random(A, left, pivot_index) # recursive quicksort to the left of the pivot point - quick_sort_random(A, pivot_index + 1, right) # recursive quicksort to the right of the pivot point - - -def main(): - user_input = input('Enter numbers separated by a comma:\n').strip() - arr = [int(item) for item in user_input.split(',')] - - quick_sort_random(arr, 0, len(arr)) - - print(arr) - - -if __name__ == "__main__": - main() +""" +Picks the random index as the pivot +""" +import random + + +def partition(A, left_index, right_index): + pivot = A[left_index] + i = left_index + 1 + for j in range(left_index + 1, right_index): + if A[j] < pivot: + A[j], A[i] = A[i], A[j] + i += 1 + A[left_index], A[i - 1] = A[i - 1], A[left_index] + return i - 1 + + +def quick_sort_random(A, left, right): + if left < right: + pivot = random.randint(left, right - 1) + A[pivot], A[left] = A[left], A[pivot] # switches the pivot with the left most bound + pivot_index = partition(A, left, right) + quick_sort_random(A, left, pivot_index) # recursive quicksort to the left of the pivot point + quick_sort_random(A, pivot_index + 1, right) # recursive quicksort to the right of the pivot point + + +def main(): + user_input = input('Enter numbers separated by a comma:\n').strip() + arr = [int(item) for item in user_input.split(',')] + + quick_sort_random(arr, 0, len(arr)) + + print(arr) + + +if __name__ == "__main__": + main() diff --git a/sorts/selection_sort.py b/sorts/selection_sort.py index 235b069e3482..21b2f752a9b4 100644 --- a/sorts/selection_sort.py +++ b/sorts/selection_sort.py @@ -1,53 +1,53 @@ -""" -This is a pure python implementation of the selection sort algorithm - -For doctests run following command: -python -m doctest -v selection_sort.py -or -python3 -m doctest -v selection_sort.py - -For manual testing run: -python selection_sort.py -""" -from __future__ import print_function - - -def selection_sort(collection): - """Pure implementation of the selection sort algorithm in Python - :param collection: some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - - Examples: - >>> selection_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> selection_sort([]) - [] - - >>> selection_sort([-2, -5, -45]) - [-45, -5, -2] - """ - - length = len(collection) - for i in range(length - 1): - least = i - for k in range(i + 1, length): - if collection[k] < collection[least]: - least = k - collection[least], collection[i] = ( - collection[i], collection[least] - ) - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(selection_sort(unsorted)) +""" +This is a pure python implementation of the selection sort algorithm + +For doctests run following command: +python -m doctest -v selection_sort.py +or +python3 -m doctest -v selection_sort.py + +For manual testing run: +python selection_sort.py +""" +from __future__ import print_function + + +def selection_sort(collection): + """Pure implementation of the selection sort algorithm in Python + :param collection: some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + + Examples: + >>> selection_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> selection_sort([]) + [] + + >>> selection_sort([-2, -5, -45]) + [-45, -5, -2] + """ + + length = len(collection) + for i in range(length - 1): + least = i + for k in range(i + 1, length): + if collection[k] < collection[least]: + least = k + collection[least], collection[i] = ( + collection[i], collection[least] + ) + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(selection_sort(unsorted)) diff --git a/sorts/shell_sort.py b/sorts/shell_sort.py index d9a807b24876..1a71a8905146 100644 --- a/sorts/shell_sort.py +++ b/sorts/shell_sort.py @@ -1,55 +1,55 @@ -""" -This is a pure python implementation of the shell sort algorithm - -For doctests run following command: -python -m doctest -v shell_sort.py -or -python3 -m doctest -v shell_sort.py - -For manual testing run: -python shell_sort.py -""" -from __future__ import print_function - - -def shell_sort(collection): - """Pure implementation of shell sort algorithm in Python - :param collection: Some mutable ordered collection with heterogeneous - comparable items inside - :return: the same collection ordered by ascending - - >>> shell_sort([0, 5, 3, 2, 2]) - [0, 2, 2, 3, 5] - - >>> shell_sort([]) - [] - - >>> shell_sort([-2, -5, -45]) - [-45, -5, -2] - """ - # Marcin Ciura's gap sequence - gaps = [701, 301, 132, 57, 23, 10, 4, 1] - - for gap in gaps: - i = gap - while i < len(collection): - temp = collection[i] - j = i - while j >= gap and collection[j - gap] > temp: - collection[j] = collection[j - gap] - j -= gap - collection[j] = temp - i += 1 - - return collection - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - user_input = raw_input('Enter numbers separated by a comma:\n').strip() - unsorted = [int(item) for item in user_input.split(',')] - print(shell_sort(unsorted)) +""" +This is a pure python implementation of the shell sort algorithm + +For doctests run following command: +python -m doctest -v shell_sort.py +or +python3 -m doctest -v shell_sort.py + +For manual testing run: +python shell_sort.py +""" +from __future__ import print_function + + +def shell_sort(collection): + """Pure implementation of shell sort algorithm in Python + :param collection: Some mutable ordered collection with heterogeneous + comparable items inside + :return: the same collection ordered by ascending + + >>> shell_sort([0, 5, 3, 2, 2]) + [0, 2, 2, 3, 5] + + >>> shell_sort([]) + [] + + >>> shell_sort([-2, -5, -45]) + [-45, -5, -2] + """ + # Marcin Ciura's gap sequence + gaps = [701, 301, 132, 57, 23, 10, 4, 1] + + for gap in gaps: + i = gap + while i < len(collection): + temp = collection[i] + j = i + while j >= gap and collection[j - gap] > temp: + collection[j] = collection[j - gap] + j -= gap + collection[j] = temp + i += 1 + + return collection + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + user_input = raw_input('Enter numbers separated by a comma:\n').strip() + unsorted = [int(item) for item in user_input.split(',')] + print(shell_sort(unsorted)) diff --git a/sorts/tests.py b/sorts/tests.py index 90e00bbf070e..3f52105384ec 100644 --- a/sorts/tests.py +++ b/sorts/tests.py @@ -1,72 +1,72 @@ -from bogo_sort import bogo_sort -from bubble_sort import bubble_sort -from bucket_sort import bucket_sort -from cocktail_shaker_sort import cocktail_shaker_sort -from comb_sort import comb_sort -from counting_sort import counting_sort -from cycle_sort import cycle_sort -from gnome_sort import gnome_sort -from heap_sort import heap_sort -from insertion_sort import insertion_sort -from merge_sort import merge_sort -from merge_sort_fastest import merge_sort as merge_sort_fastest -from pancake_sort import pancake_sort -from quick_sort import quick_sort -from quick_sort_3_partition import quick_sort_3partition -from radix_sort import radix_sort -from random_pivot_quick_sort import quick_sort_random -from selection_sort import selection_sort -from shell_sort import shell_sort -from tim_sort import tim_sort -from topological_sort import topological_sort -from tree_sort import tree_sort -from wiggle_sort import wiggle_sort - -TEST_CASES = [ - {'input': [8, 7, 6, 5, 4, 3, -2, -5], 'expected': [-5, -2, 3, 4, 5, 6, 7, 8]}, - {'input': [-5, -2, 3, 4, 5, 6, 7, 8], 'expected': [-5, -2, 3, 4, 5, 6, 7, 8]}, - {'input': [5, 6, 1, 4, 0, 1, -2, -5, 3, 7], 'expected': [-5, -2, 0, 1, 1, 3, 4, 5, 6, 7]}, - {'input': [2, -2], 'expected': [-2, 2]}, - {'input': [1], 'expected': [1]}, - {'input': [], 'expected': []}, -] - -''' - TODO: - - Fix some broken tests in particular cases (as [] for example), - - Unify the input format: should always be function(input_collection) (no additional args) - - Unify the output format: should always be a collection instead of updating input elements - and returning None - - Rewrite some algorithms in function format (in case there is no function definition) -''' - -TEST_FUNCTIONS = [ - bogo_sort, - bubble_sort, - bucket_sort, - cocktail_shaker_sort, - comb_sort, - counting_sort, - cycle_sort, - gnome_sort, - heap_sort, - insertion_sort, - merge_sort_fastest, - merge_sort, - pancake_sort, - quick_sort_3partition, - quick_sort, - radix_sort, - quick_sort_random, - selection_sort, - shell_sort, - tim_sort, - topological_sort, - tree_sort, - wiggle_sort, -] - -for function in TEST_FUNCTIONS: - for case in TEST_CASES: - result = function(case['input']) - assert result == case['expected'], 'Executed function: {}, {} != {}'.format(function.__name__, result, case['expected']) +from bogo_sort import bogo_sort +from bubble_sort import bubble_sort +from bucket_sort import bucket_sort +from cocktail_shaker_sort import cocktail_shaker_sort +from comb_sort import comb_sort +from counting_sort import counting_sort +from cycle_sort import cycle_sort +from gnome_sort import gnome_sort +from heap_sort import heap_sort +from insertion_sort import insertion_sort +from merge_sort import merge_sort +from merge_sort_fastest import merge_sort as merge_sort_fastest +from pancake_sort import pancake_sort +from quick_sort import quick_sort +from quick_sort_3_partition import quick_sort_3partition +from radix_sort import radix_sort +from random_pivot_quick_sort import quick_sort_random +from selection_sort import selection_sort +from shell_sort import shell_sort +from tim_sort import tim_sort +from topological_sort import topological_sort +from tree_sort import tree_sort +from wiggle_sort import wiggle_sort + +TEST_CASES = [ + {'input': [8, 7, 6, 5, 4, 3, -2, -5], 'expected': [-5, -2, 3, 4, 5, 6, 7, 8]}, + {'input': [-5, -2, 3, 4, 5, 6, 7, 8], 'expected': [-5, -2, 3, 4, 5, 6, 7, 8]}, + {'input': [5, 6, 1, 4, 0, 1, -2, -5, 3, 7], 'expected': [-5, -2, 0, 1, 1, 3, 4, 5, 6, 7]}, + {'input': [2, -2], 'expected': [-2, 2]}, + {'input': [1], 'expected': [1]}, + {'input': [], 'expected': []}, +] + +''' + TODO: + - Fix some broken tests in particular cases (as [] for example), + - Unify the input format: should always be function(input_collection) (no additional args) + - Unify the output format: should always be a collection instead of updating input elements + and returning None + - Rewrite some algorithms in function format (in case there is no function definition) +''' + +TEST_FUNCTIONS = [ + bogo_sort, + bubble_sort, + bucket_sort, + cocktail_shaker_sort, + comb_sort, + counting_sort, + cycle_sort, + gnome_sort, + heap_sort, + insertion_sort, + merge_sort_fastest, + merge_sort, + pancake_sort, + quick_sort_3partition, + quick_sort, + radix_sort, + quick_sort_random, + selection_sort, + shell_sort, + tim_sort, + topological_sort, + tree_sort, + wiggle_sort, +] + +for function in TEST_FUNCTIONS: + for case in TEST_CASES: + result = function(case['input']) + assert result == case['expected'], 'Executed function: {}, {} != {}'.format(function.__name__, result, case['expected']) diff --git a/sorts/tim_sort.py b/sorts/tim_sort.py index 0e587b162594..536c8850ba5c 100644 --- a/sorts/tim_sort.py +++ b/sorts/tim_sort.py @@ -1,84 +1,84 @@ -from __future__ import print_function - - -def binary_search(lst, item, start, end): - if start == end: - if lst[start] > item: - return start - else: - return start + 1 - if start > end: - return start - - mid = (start + end) // 2 - if lst[mid] < item: - return binary_search(lst, item, mid + 1, end) - elif lst[mid] > item: - return binary_search(lst, item, start, mid - 1) - else: - return mid - - -def insertion_sort(lst): - length = len(lst) - - for index in range(1, length): - value = lst[index] - pos = binary_search(lst, value, 0, index - 1) - lst = lst[:pos] + [value] + lst[pos:index] + lst[index + 1:] - - return lst - - -def merge(left, right): - if not left: - return right - - if not right: - return left - - if left[0] < right[0]: - return [left[0]] + merge(left[1:], right) - - return [right[0]] + merge(left, right[1:]) - - -def tim_sort(lst): - runs, sorted_runs = [], [] - length = len(lst) - new_run = [lst[0]] - sorted_array = [] - - for i in range(1, length): - if i == length - 1: - new_run.append(lst[i]) - runs.append(new_run) - break - - if lst[i] < lst[i - 1]: - if not new_run: - runs.append([lst[i - 1]]) - new_run.append(lst[i]) - else: - runs.append(new_run) - new_run = [] - else: - new_run.append(lst[i]) - - for run in runs: - sorted_runs.append(insertion_sort(run)) - - for run in sorted_runs: - sorted_array = merge(sorted_array, run) - - return sorted_array - - -def main(): - lst = [5, 9, 10, 3, -4, 5, 178, 92, 46, -18, 0, 7] - sorted_lst = tim_sort(lst) - print(sorted_lst) - - -if __name__ == '__main__': - main() +from __future__ import print_function + + +def binary_search(lst, item, start, end): + if start == end: + if lst[start] > item: + return start + else: + return start + 1 + if start > end: + return start + + mid = (start + end) // 2 + if lst[mid] < item: + return binary_search(lst, item, mid + 1, end) + elif lst[mid] > item: + return binary_search(lst, item, start, mid - 1) + else: + return mid + + +def insertion_sort(lst): + length = len(lst) + + for index in range(1, length): + value = lst[index] + pos = binary_search(lst, value, 0, index - 1) + lst = lst[:pos] + [value] + lst[pos:index] + lst[index + 1:] + + return lst + + +def merge(left, right): + if not left: + return right + + if not right: + return left + + if left[0] < right[0]: + return [left[0]] + merge(left[1:], right) + + return [right[0]] + merge(left, right[1:]) + + +def tim_sort(lst): + runs, sorted_runs = [], [] + length = len(lst) + new_run = [lst[0]] + sorted_array = [] + + for i in range(1, length): + if i == length - 1: + new_run.append(lst[i]) + runs.append(new_run) + break + + if lst[i] < lst[i - 1]: + if not new_run: + runs.append([lst[i - 1]]) + new_run.append(lst[i]) + else: + runs.append(new_run) + new_run = [] + else: + new_run.append(lst[i]) + + for run in runs: + sorted_runs.append(insertion_sort(run)) + + for run in sorted_runs: + sorted_array = merge(sorted_array, run) + + return sorted_array + + +def main(): + lst = [5, 9, 10, 3, -4, 5, 178, 92, 46, -18, 0, 7] + sorted_lst = tim_sort(lst) + print(sorted_lst) + + +if __name__ == '__main__': + main() diff --git a/sorts/topological_sort.py b/sorts/topological_sort.py index 08ff18311081..b2ec3dc28a8d 100644 --- a/sorts/topological_sort.py +++ b/sorts/topological_sort.py @@ -1,35 +1,35 @@ -from __future__ import print_function - -# a -# / \ -# b c -# / \ -# d e -edges = {'a': ['c', 'b'], 'b': ['d', 'e'], 'c': [], 'd': [], 'e': []} -vertices = ['a', 'b', 'c', 'd', 'e'] - - -def topological_sort(start, visited, sort): - """Perform topolical sort on a directed acyclic graph.""" - current = start - # add current to visited - visited.append(current) - neighbors = edges[current] - for neighbor in neighbors: - # if neighbor not in visited, visit - if neighbor not in visited: - sort = topological_sort(neighbor, visited, sort) - # if all neighbors visited add current to sort - sort.append(current) - # if all vertices haven't been visited select a new one to visit - if len(visited) != len(vertices): - for vertice in vertices: - if vertice not in visited: - sort = topological_sort(vertice, visited, sort) - # return sort - return sort - - -if __name__ == '__main__': - sort = topological_sort('a', [], []) - print(sort) +from __future__ import print_function + +# a +# / \ +# b c +# / \ +# d e +edges = {'a': ['c', 'b'], 'b': ['d', 'e'], 'c': [], 'd': [], 'e': []} +vertices = ['a', 'b', 'c', 'd', 'e'] + + +def topological_sort(start, visited, sort): + """Perform topolical sort on a directed acyclic graph.""" + current = start + # add current to visited + visited.append(current) + neighbors = edges[current] + for neighbor in neighbors: + # if neighbor not in visited, visit + if neighbor not in visited: + sort = topological_sort(neighbor, visited, sort) + # if all neighbors visited add current to sort + sort.append(current) + # if all vertices haven't been visited select a new one to visit + if len(visited) != len(vertices): + for vertice in vertices: + if vertice not in visited: + sort = topological_sort(vertice, visited, sort) + # return sort + return sort + + +if __name__ == '__main__': + sort = topological_sort('a', [], []) + print(sort) diff --git a/sorts/tree_sort.py b/sorts/tree_sort.py index 7176e960c864..07f93e50251a 100644 --- a/sorts/tree_sort.py +++ b/sorts/tree_sort.py @@ -1,49 +1,49 @@ -# Tree_sort algorithm -# Build a BST and in order traverse. - -class node(): - # BST data structure - def __init__(self, val): - self.val = val - self.left = None - self.right = None - - def insert(self, val): - if self.val: - if val < self.val: - if self.left is None: - self.left = node(val) - else: - self.left.insert(val) - elif val > self.val: - if self.right is None: - self.right = node(val) - else: - self.right.insert(val) - else: - self.val = val - - -def inorder(root, res): - # Recursive travesal - if root: - inorder(root.left, res) - res.append(root.val) - inorder(root.right, res) - - -def tree_sort(arr): - # Build BST - if len(arr) == 0: - return arr - root = node(arr[0]) - for i in range(1, len(arr)): - root.insert(arr[i]) - # Traverse BST in order. - res = [] - inorder(root, res) - return res - - -if __name__ == '__main__': - print(tree_sort([10, 1, 3, 2, 9, 14, 13])) +# Tree_sort algorithm +# Build a BST and in order traverse. + +class node(): + # BST data structure + def __init__(self, val): + self.val = val + self.left = None + self.right = None + + def insert(self, val): + if self.val: + if val < self.val: + if self.left is None: + self.left = node(val) + else: + self.left.insert(val) + elif val > self.val: + if self.right is None: + self.right = node(val) + else: + self.right.insert(val) + else: + self.val = val + + +def inorder(root, res): + # Recursive travesal + if root: + inorder(root.left, res) + res.append(root.val) + inorder(root.right, res) + + +def tree_sort(arr): + # Build BST + if len(arr) == 0: + return arr + root = node(arr[0]) + for i in range(1, len(arr)): + root.insert(arr[i]) + # Traverse BST in order. + res = [] + inorder(root, res) + return res + + +if __name__ == '__main__': + print(tree_sort([10, 1, 3, 2, 9, 14, 13])) diff --git a/sorts/wiggle_sort.py b/sorts/wiggle_sort.py index cb6ca03f1b34..d8349382601e 100644 --- a/sorts/wiggle_sort.py +++ b/sorts/wiggle_sort.py @@ -1,22 +1,22 @@ -""" -Given an unsorted array nums, reorder it such that nums[0] < nums[1] > nums[2] < nums[3].... -For example: -if input numbers = [3, 5, 2, 1, 6, 4] -one possible Wiggle Sorted answer is [3, 5, 1, 6, 2, 4]. -""" - - -def wiggle_sort(nums): - for i in range(len(nums)): - if (i % 2 == 1) == (nums[i - 1] > nums[i]): - nums[i - 1], nums[i] = nums[i], nums[i - 1] - - -if __name__ == '__main__': - print("Enter the array elements:\n") - array = list(map(int, input().split())) - print("The unsorted array is:\n") - print(array) - wiggle_sort(array) - print("Array after Wiggle sort:\n") - print(array) +""" +Given an unsorted array nums, reorder it such that nums[0] < nums[1] > nums[2] < nums[3].... +For example: +if input numbers = [3, 5, 2, 1, 6, 4] +one possible Wiggle Sorted answer is [3, 5, 1, 6, 2, 4]. +""" + + +def wiggle_sort(nums): + for i in range(len(nums)): + if (i % 2 == 1) == (nums[i - 1] > nums[i]): + nums[i - 1], nums[i] = nums[i], nums[i - 1] + + +if __name__ == '__main__': + print("Enter the array elements:\n") + array = list(map(int, input().split())) + print("The unsorted array is:\n") + print(array) + wiggle_sort(array) + print("Array after Wiggle sort:\n") + print(array) diff --git a/strings/knuth_morris_pratt.py b/strings/knuth_morris_pratt.py index ef7707d9abff..742479f89886 100644 --- a/strings/knuth_morris_pratt.py +++ b/strings/knuth_morris_pratt.py @@ -1,80 +1,80 @@ -def kmp(pattern, text): - """ - The Knuth-Morris-Pratt Algorithm for finding a pattern within a piece of text - with complexity O(n + m) - - 1) Preprocess pattern to identify any suffixes that are identical to prefixes - - This tells us where to continue from if we get a mismatch between a character in our pattern - and the text. - - 2) Step through the text one character at a time and compare it to a character in the pattern - updating our location within the pattern if necessary - - """ - - # 1) Construct the failure array - failure = get_failure_array(pattern) - - # 2) Step through text searching for pattern - i, j = 0, 0 # index into text, pattern - while i < len(text): - if pattern[j] == text[i]: - if j == (len(pattern) - 1): - return True - j += 1 - - # if this is a prefix in our pattern - # just go back far enough to continue - elif j > 0: - j = failure[j - 1] - continue - i += 1 - return False - - -def get_failure_array(pattern): - """ - Calculates the new index we should go to if we fail a comparison - :param pattern: - :return: - """ - failure = [0] - i = 0 - j = 1 - while j < len(pattern): - if pattern[i] == pattern[j]: - i += 1 - elif i > 0: - i = failure[i - 1] - continue - j += 1 - failure.append(i) - return failure - - -if __name__ == '__main__': - # Test 1) - pattern = "abc1abc12" - text1 = "alskfjaldsabc1abc1abc12k23adsfabcabc" - text2 = "alskfjaldsk23adsfabcabc" - assert kmp(pattern, text1) and not kmp(pattern, text2) - - # Test 2) - pattern = "ABABX" - text = "ABABZABABYABABX" - assert kmp(pattern, text) - - # Test 3) - pattern = "AAAB" - text = "ABAAAAAB" - assert kmp(pattern, text) - - # Test 4) - pattern = "abcdabcy" - text = "abcxabcdabxabcdabcdabcy" - assert kmp(pattern, text) - - # Test 5) - pattern = "aabaabaaa" - assert get_failure_array(pattern) == [0, 1, 0, 1, 2, 3, 4, 5, 2] +def kmp(pattern, text): + """ + The Knuth-Morris-Pratt Algorithm for finding a pattern within a piece of text + with complexity O(n + m) + + 1) Preprocess pattern to identify any suffixes that are identical to prefixes + + This tells us where to continue from if we get a mismatch between a character in our pattern + and the text. + + 2) Step through the text one character at a time and compare it to a character in the pattern + updating our location within the pattern if necessary + + """ + + # 1) Construct the failure array + failure = get_failure_array(pattern) + + # 2) Step through text searching for pattern + i, j = 0, 0 # index into text, pattern + while i < len(text): + if pattern[j] == text[i]: + if j == (len(pattern) - 1): + return True + j += 1 + + # if this is a prefix in our pattern + # just go back far enough to continue + elif j > 0: + j = failure[j - 1] + continue + i += 1 + return False + + +def get_failure_array(pattern): + """ + Calculates the new index we should go to if we fail a comparison + :param pattern: + :return: + """ + failure = [0] + i = 0 + j = 1 + while j < len(pattern): + if pattern[i] == pattern[j]: + i += 1 + elif i > 0: + i = failure[i - 1] + continue + j += 1 + failure.append(i) + return failure + + +if __name__ == '__main__': + # Test 1) + pattern = "abc1abc12" + text1 = "alskfjaldsabc1abc1abc12k23adsfabcabc" + text2 = "alskfjaldsk23adsfabcabc" + assert kmp(pattern, text1) and not kmp(pattern, text2) + + # Test 2) + pattern = "ABABX" + text = "ABABZABABYABABX" + assert kmp(pattern, text) + + # Test 3) + pattern = "AAAB" + text = "ABAAAAAB" + assert kmp(pattern, text) + + # Test 4) + pattern = "abcdabcy" + text = "abcxabcdabxabcdabcdabcy" + assert kmp(pattern, text) + + # Test 5) + pattern = "aabaabaaa" + assert get_failure_array(pattern) == [0, 1, 0, 1, 2, 3, 4, 5, 2] diff --git a/strings/levenshtein_distance.py b/strings/levenshtein_distance.py index 650a6855ab09..326f1d701acb 100644 --- a/strings/levenshtein_distance.py +++ b/strings/levenshtein_distance.py @@ -1,77 +1,77 @@ -""" -This is a Python implementation of the levenshtein distance. -Levenshtein distance is a string metric for measuring the -difference between two sequences. - -For doctests run following command: -python -m doctest -v levenshtein-distance.py -or -python3 -m doctest -v levenshtein-distance.py - -For manual testing run: -python levenshtein-distance.py -""" - - -def levenshtein_distance(first_word, second_word): - """Implementation of the levenshtein distance in Python. - :param first_word: the first word to measure the difference. - :param second_word: the second word to measure the difference. - :return: the levenshtein distance between the two words. - Examples: - >>> levenshtein_distance("planet", "planetary") - 3 - >>> levenshtein_distance("", "test") - 4 - >>> levenshtein_distance("book", "back") - 2 - >>> levenshtein_distance("book", "book") - 0 - >>> levenshtein_distance("test", "") - 4 - >>> levenshtein_distance("", "") - 0 - >>> levenshtein_distance("orchestration", "container") - 10 - """ - # The longer word should come first - if len(first_word) < len(second_word): - return levenshtein_distance(second_word, first_word) - - if len(second_word) == 0: - return len(first_word) - - previous_row = range(len(second_word) + 1) - - for i, c1 in enumerate(first_word): - - current_row = [i + 1] - - for j, c2 in enumerate(second_word): - # Calculate insertions, deletions and substitutions - insertions = previous_row[j + 1] + 1 - deletions = current_row[j] + 1 - substitutions = previous_row[j] + (c1 != c2) - - # Get the minimum to append to the current row - current_row.append(min(insertions, deletions, substitutions)) - - # Store the previous row - previous_row = current_row - - # Returns the last element (distance) - return previous_row[-1] - - -if __name__ == '__main__': - try: - raw_input # Python 2 - except NameError: - raw_input = input # Python 3 - - first_word = raw_input('Enter the first word:\n').strip() - second_word = raw_input('Enter the second word:\n').strip() - - result = levenshtein_distance(first_word, second_word) - print('Levenshtein distance between {} and {} is {}'.format( - first_word, second_word, result)) +""" +This is a Python implementation of the levenshtein distance. +Levenshtein distance is a string metric for measuring the +difference between two sequences. + +For doctests run following command: +python -m doctest -v levenshtein-distance.py +or +python3 -m doctest -v levenshtein-distance.py + +For manual testing run: +python levenshtein-distance.py +""" + + +def levenshtein_distance(first_word, second_word): + """Implementation of the levenshtein distance in Python. + :param first_word: the first word to measure the difference. + :param second_word: the second word to measure the difference. + :return: the levenshtein distance between the two words. + Examples: + >>> levenshtein_distance("planet", "planetary") + 3 + >>> levenshtein_distance("", "test") + 4 + >>> levenshtein_distance("book", "back") + 2 + >>> levenshtein_distance("book", "book") + 0 + >>> levenshtein_distance("test", "") + 4 + >>> levenshtein_distance("", "") + 0 + >>> levenshtein_distance("orchestration", "container") + 10 + """ + # The longer word should come first + if len(first_word) < len(second_word): + return levenshtein_distance(second_word, first_word) + + if len(second_word) == 0: + return len(first_word) + + previous_row = range(len(second_word) + 1) + + for i, c1 in enumerate(first_word): + + current_row = [i + 1] + + for j, c2 in enumerate(second_word): + # Calculate insertions, deletions and substitutions + insertions = previous_row[j + 1] + 1 + deletions = current_row[j] + 1 + substitutions = previous_row[j] + (c1 != c2) + + # Get the minimum to append to the current row + current_row.append(min(insertions, deletions, substitutions)) + + # Store the previous row + previous_row = current_row + + # Returns the last element (distance) + return previous_row[-1] + + +if __name__ == '__main__': + try: + raw_input # Python 2 + except NameError: + raw_input = input # Python 3 + + first_word = raw_input('Enter the first word:\n').strip() + second_word = raw_input('Enter the second word:\n').strip() + + result = levenshtein_distance(first_word, second_word) + print('Levenshtein distance between {} and {} is {}'.format( + first_word, second_word, result)) diff --git a/strings/manacher.py b/strings/manacher.py index 579aa849fa5d..63d0892a3ec3 100644 --- a/strings/manacher.py +++ b/strings/manacher.py @@ -1,52 +1,52 @@ -# calculate palindromic length from center with incrementing difference -def palindromic_length(center, diff, string): - if center - diff == -1 or center + diff == len(string) or string[center - diff] != string[center + diff]: - return 0 - return 1 + palindromic_length(center, diff + 1, string) - - -def palindromic_string(input_string): - """ - Manacher’s algorithm which finds Longest Palindromic Substring in linear time. - - 1. first this conver input_string("xyx") into new_string("x|y|x") where odd positions are actual input - characters. - 2. for each character in new_string it find corresponding length and store, - a. max_length - b. max_length's center - 3. return output_string from center - max_length to center + max_length and remove all "|" - """ - max_length = 0 - - # if input_string is "aba" than new_input_string become "a|b|a" - new_input_string = "" - output_string = "" - - # append each character + "|" in new_string for range(0, length-1) - for i in input_string[:len(input_string) - 1]: - new_input_string += i + "|" - # append last character - new_input_string += input_string[-1] - - # for each character in new_string find corresponding palindromic string - for i in range(len(new_input_string)): - - # get palindromic length from ith position - length = palindromic_length(i, 1, new_input_string) - - # update max_length and start position - if max_length < length: - max_length = length - start = i - - # create that string - for i in new_input_string[start - max_length:start + max_length + 1]: - if i != "|": - output_string += i - - return output_string - - -if __name__ == '__main__': - n = input() - print(palindromic_string(n)) +# calculate palindromic length from center with incrementing difference +def palindromic_length(center, diff, string): + if center - diff == -1 or center + diff == len(string) or string[center - diff] != string[center + diff]: + return 0 + return 1 + palindromic_length(center, diff + 1, string) + + +def palindromic_string(input_string): + """ + Manacher’s algorithm which finds Longest Palindromic Substring in linear time. + + 1. first this conver input_string("xyx") into new_string("x|y|x") where odd positions are actual input + characters. + 2. for each character in new_string it find corresponding length and store, + a. max_length + b. max_length's center + 3. return output_string from center - max_length to center + max_length and remove all "|" + """ + max_length = 0 + + # if input_string is "aba" than new_input_string become "a|b|a" + new_input_string = "" + output_string = "" + + # append each character + "|" in new_string for range(0, length-1) + for i in input_string[:len(input_string) - 1]: + new_input_string += i + "|" + # append last character + new_input_string += input_string[-1] + + # for each character in new_string find corresponding palindromic string + for i in range(len(new_input_string)): + + # get palindromic length from ith position + length = palindromic_length(i, 1, new_input_string) + + # update max_length and start position + if max_length < length: + max_length = length + start = i + + # create that string + for i in new_input_string[start - max_length:start + max_length + 1]: + if i != "|": + output_string += i + + return output_string + + +if __name__ == '__main__': + n = input() + print(palindromic_string(n)) diff --git a/strings/min_cost_string_conversion.py b/strings/min_cost_string_conversion.py index 8c23db40a5a7..e994e8fa6841 100644 --- a/strings/min_cost_string_conversion.py +++ b/strings/min_cost_string_conversion.py @@ -1,125 +1,125 @@ -from __future__ import print_function - -try: - xrange # Python 2 -except NameError: - xrange = range # Python 3 - -''' -Algorithm for calculating the most cost-efficient sequence for converting one string into another. -The only allowed operations are ----Copy character with cost cC ----Replace character with cost cR ----Delete character with cost cD ----Insert character with cost cI -''' - - -def compute_transform_tables(X, Y, cC, cR, cD, cI): - X = list(X) - Y = list(Y) - m = len(X) - n = len(Y) - - costs = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] - ops = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] - - for i in xrange(1, m + 1): - costs[i][0] = i * cD - ops[i][0] = 'D%c' % X[i - 1] - - for i in xrange(1, n + 1): - costs[0][i] = i * cI - ops[0][i] = 'I%c' % Y[i - 1] - - for i in xrange(1, m + 1): - for j in xrange(1, n + 1): - if X[i - 1] == Y[j - 1]: - costs[i][j] = costs[i - 1][j - 1] + cC - ops[i][j] = 'C%c' % X[i - 1] - else: - costs[i][j] = costs[i - 1][j - 1] + cR - ops[i][j] = 'R%c' % X[i - 1] + str(Y[j - 1]) - - if costs[i - 1][j] + cD < costs[i][j]: - costs[i][j] = costs[i - 1][j] + cD - ops[i][j] = 'D%c' % X[i - 1] - - if costs[i][j - 1] + cI < costs[i][j]: - costs[i][j] = costs[i][j - 1] + cI - ops[i][j] = 'I%c' % Y[j - 1] - - return costs, ops - - -def assemble_transformation(ops, i, j): - if i == 0 and j == 0: - seq = [] - return seq - else: - if ops[i][j][0] == 'C' or ops[i][j][0] == 'R': - seq = assemble_transformation(ops, i - 1, j - 1) - seq.append(ops[i][j]) - return seq - elif ops[i][j][0] == 'D': - seq = assemble_transformation(ops, i - 1, j) - seq.append(ops[i][j]) - return seq - else: - seq = assemble_transformation(ops, i, j - 1) - seq.append(ops[i][j]) - return seq - - -if __name__ == '__main__': - _, operations = compute_transform_tables('Python', 'Algorithms', -1, 1, 2, 2) - - m = len(operations) - n = len(operations[0]) - sequence = assemble_transformation(operations, m - 1, n - 1) - - string = list('Python') - i = 0 - cost = 0 - - with open('min_cost.txt', 'w') as file: - for op in sequence: - print(''.join(string)) - - if op[0] == 'C': - file.write('%-16s' % 'Copy %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost -= 1 - elif op[0] == 'R': - string[i] = op[2] - - file.write('%-16s' % ('Replace %c' % op[1] + ' with ' + str(op[2]))) - file.write('\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 1 - elif op[0] == 'D': - string.pop(i) - - file.write('%-16s' % 'Delete %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 2 - else: - string.insert(i, op[1]) - - file.write('%-16s' % 'Insert %c' % op[1]) - file.write('\t\t\t' + ''.join(string)) - file.write('\r\n') - - cost += 2 - - i += 1 - - print(''.join(string)) - print('Cost: ', cost) - - file.write('\r\nMinimum cost: ' + str(cost)) +from __future__ import print_function + +try: + xrange # Python 2 +except NameError: + xrange = range # Python 3 + +''' +Algorithm for calculating the most cost-efficient sequence for converting one string into another. +The only allowed operations are +---Copy character with cost cC +---Replace character with cost cR +---Delete character with cost cD +---Insert character with cost cI +''' + + +def compute_transform_tables(X, Y, cC, cR, cD, cI): + X = list(X) + Y = list(Y) + m = len(X) + n = len(Y) + + costs = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] + ops = [[0 for _ in xrange(n + 1)] for _ in xrange(m + 1)] + + for i in xrange(1, m + 1): + costs[i][0] = i * cD + ops[i][0] = 'D%c' % X[i - 1] + + for i in xrange(1, n + 1): + costs[0][i] = i * cI + ops[0][i] = 'I%c' % Y[i - 1] + + for i in xrange(1, m + 1): + for j in xrange(1, n + 1): + if X[i - 1] == Y[j - 1]: + costs[i][j] = costs[i - 1][j - 1] + cC + ops[i][j] = 'C%c' % X[i - 1] + else: + costs[i][j] = costs[i - 1][j - 1] + cR + ops[i][j] = 'R%c' % X[i - 1] + str(Y[j - 1]) + + if costs[i - 1][j] + cD < costs[i][j]: + costs[i][j] = costs[i - 1][j] + cD + ops[i][j] = 'D%c' % X[i - 1] + + if costs[i][j - 1] + cI < costs[i][j]: + costs[i][j] = costs[i][j - 1] + cI + ops[i][j] = 'I%c' % Y[j - 1] + + return costs, ops + + +def assemble_transformation(ops, i, j): + if i == 0 and j == 0: + seq = [] + return seq + else: + if ops[i][j][0] == 'C' or ops[i][j][0] == 'R': + seq = assemble_transformation(ops, i - 1, j - 1) + seq.append(ops[i][j]) + return seq + elif ops[i][j][0] == 'D': + seq = assemble_transformation(ops, i - 1, j) + seq.append(ops[i][j]) + return seq + else: + seq = assemble_transformation(ops, i, j - 1) + seq.append(ops[i][j]) + return seq + + +if __name__ == '__main__': + _, operations = compute_transform_tables('Python', 'Algorithms', -1, 1, 2, 2) + + m = len(operations) + n = len(operations[0]) + sequence = assemble_transformation(operations, m - 1, n - 1) + + string = list('Python') + i = 0 + cost = 0 + + with open('min_cost.txt', 'w') as file: + for op in sequence: + print(''.join(string)) + + if op[0] == 'C': + file.write('%-16s' % 'Copy %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost -= 1 + elif op[0] == 'R': + string[i] = op[2] + + file.write('%-16s' % ('Replace %c' % op[1] + ' with ' + str(op[2]))) + file.write('\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 1 + elif op[0] == 'D': + string.pop(i) + + file.write('%-16s' % 'Delete %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 2 + else: + string.insert(i, op[1]) + + file.write('%-16s' % 'Insert %c' % op[1]) + file.write('\t\t\t' + ''.join(string)) + file.write('\r\n') + + cost += 2 + + i += 1 + + print(''.join(string)) + print('Cost: ', cost) + + file.write('\r\nMinimum cost: ' + str(cost)) diff --git a/strings/naive_String_Search.py b/strings/naive_String_Search.py index 424c739f265b..a8c2ea584399 100644 --- a/strings/naive_String_Search.py +++ b/strings/naive_String_Search.py @@ -1,32 +1,32 @@ -""" -this algorithm tries to find the pattern from every position of -the mainString if pattern is found from position i it add it to -the answer and does the same for position i+1 - -Complexity : O(n*m) - n=length of main string - m=length of pattern string -""" - - -def naivePatternSearch(mainString, pattern): - patLen = len(pattern) - strLen = len(mainString) - position = [] - for i in range(strLen - patLen + 1): - match_found = True - for j in range(patLen): - if mainString[i + j] != pattern[j]: - match_found = False - break - if match_found: - position.append(i) - return position - - -mainString = "ABAAABCDBBABCDDEBCABC" -pattern = "ABC" -position = naivePatternSearch(mainString, pattern) -print("Pattern found in position ") -for x in position: - print(x) +""" +this algorithm tries to find the pattern from every position of +the mainString if pattern is found from position i it add it to +the answer and does the same for position i+1 + +Complexity : O(n*m) + n=length of main string + m=length of pattern string +""" + + +def naivePatternSearch(mainString, pattern): + patLen = len(pattern) + strLen = len(mainString) + position = [] + for i in range(strLen - patLen + 1): + match_found = True + for j in range(patLen): + if mainString[i + j] != pattern[j]: + match_found = False + break + if match_found: + position.append(i) + return position + + +mainString = "ABAAABCDBBABCDDEBCABC" +pattern = "ABC" +position = naivePatternSearch(mainString, pattern) +print("Pattern found in position ") +for x in position: + print(x) diff --git a/strings/rabin_karp.py b/strings/rabin_karp.py index 89269c35b8b8..04a849266ead 100644 --- a/strings/rabin_karp.py +++ b/strings/rabin_karp.py @@ -1,50 +1,50 @@ -def rabin_karp(pattern, text): - """ - - The Rabin-Karp Algorithm for finding a pattern within a piece of text - with complexity O(nm), most efficient when it is used with multiple patterns - as it is able to check if any of a set of patterns match a section of text in o(1) given the precomputed hashes. - - This will be the simple version which only assumes one pattern is being searched for but it's not hard to modify - - 1) Calculate pattern hash - - 2) Step through the text one character at a time passing a window with the same length as the pattern - calculating the hash of the text within the window compare it with the hash of the pattern. Only testing - equality if the hashes match - - """ - p_len = len(pattern) - p_hash = hash(pattern) - - for i in range(0, len(text) - (p_len - 1)): - - # written like this t - text_hash = hash(text[i:i + p_len]) - if text_hash == p_hash and \ - text[i:i + p_len] == pattern: - return True - return False - - -if __name__ == '__main__': - # Test 1) - pattern = "abc1abc12" - text1 = "alskfjaldsabc1abc1abc12k23adsfabcabc" - text2 = "alskfjaldsk23adsfabcabc" - assert rabin_karp(pattern, text1) and not rabin_karp(pattern, text2) - - # Test 2) - pattern = "ABABX" - text = "ABABZABABYABABX" - assert rabin_karp(pattern, text) - - # Test 3) - pattern = "AAAB" - text = "ABAAAAAB" - assert rabin_karp(pattern, text) - - # Test 4) - pattern = "abcdabcy" - text = "abcxabcdabxabcdabcdabcy" - assert rabin_karp(pattern, text) +def rabin_karp(pattern, text): + """ + + The Rabin-Karp Algorithm for finding a pattern within a piece of text + with complexity O(nm), most efficient when it is used with multiple patterns + as it is able to check if any of a set of patterns match a section of text in o(1) given the precomputed hashes. + + This will be the simple version which only assumes one pattern is being searched for but it's not hard to modify + + 1) Calculate pattern hash + + 2) Step through the text one character at a time passing a window with the same length as the pattern + calculating the hash of the text within the window compare it with the hash of the pattern. Only testing + equality if the hashes match + + """ + p_len = len(pattern) + p_hash = hash(pattern) + + for i in range(0, len(text) - (p_len - 1)): + + # written like this t + text_hash = hash(text[i:i + p_len]) + if text_hash == p_hash and \ + text[i:i + p_len] == pattern: + return True + return False + + +if __name__ == '__main__': + # Test 1) + pattern = "abc1abc12" + text1 = "alskfjaldsabc1abc1abc12k23adsfabcabc" + text2 = "alskfjaldsk23adsfabcabc" + assert rabin_karp(pattern, text1) and not rabin_karp(pattern, text2) + + # Test 2) + pattern = "ABABX" + text = "ABABZABABYABABX" + assert rabin_karp(pattern, text) + + # Test 3) + pattern = "AAAB" + text = "ABAAAAAB" + assert rabin_karp(pattern, text) + + # Test 4) + pattern = "abcdabcy" + text = "abcxabcdabxabcdabcdabcy" + assert rabin_karp(pattern, text) diff --git a/traversals/binary_tree_traversals.py b/traversals/binary_tree_traversals.py index c460a2a96e95..393664579146 100644 --- a/traversals/binary_tree_traversals.py +++ b/traversals/binary_tree_traversals.py @@ -1,190 +1,190 @@ -""" -This is pure python implementation of tree traversal algorithms -""" -from __future__ import print_function - -import queue - -try: - raw_input # Python 2 -except NameError: - raw_input = input # Python 3 - - -class TreeNode: - def __init__(self, data): - self.data = data - self.right = None - self.left = None - - -def build_tree(): - print("\n********Press N to stop entering at any point of time********\n") - print("Enter the value of the root node: ", end="") - check = raw_input().strip().lower() - if check == 'n': - return None - data = int(check) - q = queue.Queue() - tree_node = TreeNode(data) - q.put(tree_node) - while not q.empty(): - node_found = q.get() - print("Enter the left node of %s: " % node_found.data, end="") - check = raw_input().strip().lower() - if check == 'n': - return tree_node - left_data = int(check) - left_node = TreeNode(left_data) - node_found.left = left_node - q.put(left_node) - print("Enter the right node of %s: " % node_found.data, end="") - check = raw_input().strip().lower() - if check == 'n': - return tree_node - right_data = int(check) - right_node = TreeNode(right_data) - node_found.right = right_node - q.put(right_node) - - -def pre_order(node): - if not isinstance(node, TreeNode) or not node: - return - print(node.data, end=" ") - pre_order(node.left) - pre_order(node.right) - - -def in_order(node): - if not isinstance(node, TreeNode) or not node: - return - in_order(node.left) - print(node.data, end=" ") - in_order(node.right) - - -def post_order(node): - if not isinstance(node, TreeNode) or not node: - return - post_order(node.left) - post_order(node.right) - print(node.data, end=" ") - - -def level_order(node): - if not isinstance(node, TreeNode) or not node: - return - q = queue.Queue() - q.put(node) - while not q.empty(): - node_dequeued = q.get() - print(node_dequeued.data, end=" ") - if node_dequeued.left: - q.put(node_dequeued.left) - if node_dequeued.right: - q.put(node_dequeued.right) - - -def level_order_actual(node): - if not isinstance(node, TreeNode) or not node: - return - q = queue.Queue() - q.put(node) - while not q.empty(): - list = [] - while not q.empty(): - node_dequeued = q.get() - print(node_dequeued.data, end=" ") - if node_dequeued.left: - list.append(node_dequeued.left) - if node_dequeued.right: - list.append(node_dequeued.right) - print() - for node in list: - q.put(node) - - -# iteration version -def pre_order_iter(node): - if not isinstance(node, TreeNode) or not node: - return - stack = [] - n = node - while n or stack: - while n: # start from root node, find its left child - print(n.data, end=" ") - stack.append(n) - n = n.left - # end of while means current node doesn't have left child - n = stack.pop() - # start to traverse its right child - n = n.right - - -def in_order_iter(node): - if not isinstance(node, TreeNode) or not node: - return - stack = [] - n = node - while n or stack: - while n: - stack.append(n) - n = n.left - n = stack.pop() - print(n.data, end=" ") - n = n.right - - -def post_order_iter(node): - if not isinstance(node, TreeNode) or not node: - return - stack1, stack2 = [], [] - n = node - stack1.append(n) - while stack1: # to find the reversed order of post order, store it in stack2 - n = stack1.pop() - if n.left: - stack1.append(n.left) - if n.right: - stack1.append(n.right) - stack2.append(n) - while stack2: # pop up from stack2 will be the post order - print(stack2.pop().data, end=" ") - - -if __name__ == '__main__': - print("\n********* Binary Tree Traversals ************\n") - - node = build_tree() - print("\n********* Pre Order Traversal ************") - pre_order(node) - print("\n******************************************\n") - - print("\n********* In Order Traversal ************") - in_order(node) - print("\n******************************************\n") - - print("\n********* Post Order Traversal ************") - post_order(node) - print("\n******************************************\n") - - print("\n********* Level Order Traversal ************") - level_order(node) - print("\n******************************************\n") - - print("\n********* Actual Level Order Traversal ************") - level_order_actual(node) - print("\n******************************************\n") - - print("\n********* Pre Order Traversal - Iteration Version ************") - pre_order_iter(node) - print("\n******************************************\n") - - print("\n********* In Order Traversal - Iteration Version ************") - in_order_iter(node) - print("\n******************************************\n") - - print("\n********* Post Order Traversal - Iteration Version ************") - post_order_iter(node) - print("\n******************************************\n") +""" +This is pure python implementation of tree traversal algorithms +""" +from __future__ import print_function + +import queue + +try: + raw_input # Python 2 +except NameError: + raw_input = input # Python 3 + + +class TreeNode: + def __init__(self, data): + self.data = data + self.right = None + self.left = None + + +def build_tree(): + print("\n********Press N to stop entering at any point of time********\n") + print("Enter the value of the root node: ", end="") + check = raw_input().strip().lower() + if check == 'n': + return None + data = int(check) + q = queue.Queue() + tree_node = TreeNode(data) + q.put(tree_node) + while not q.empty(): + node_found = q.get() + print("Enter the left node of %s: " % node_found.data, end="") + check = raw_input().strip().lower() + if check == 'n': + return tree_node + left_data = int(check) + left_node = TreeNode(left_data) + node_found.left = left_node + q.put(left_node) + print("Enter the right node of %s: " % node_found.data, end="") + check = raw_input().strip().lower() + if check == 'n': + return tree_node + right_data = int(check) + right_node = TreeNode(right_data) + node_found.right = right_node + q.put(right_node) + + +def pre_order(node): + if not isinstance(node, TreeNode) or not node: + return + print(node.data, end=" ") + pre_order(node.left) + pre_order(node.right) + + +def in_order(node): + if not isinstance(node, TreeNode) or not node: + return + in_order(node.left) + print(node.data, end=" ") + in_order(node.right) + + +def post_order(node): + if not isinstance(node, TreeNode) or not node: + return + post_order(node.left) + post_order(node.right) + print(node.data, end=" ") + + +def level_order(node): + if not isinstance(node, TreeNode) or not node: + return + q = queue.Queue() + q.put(node) + while not q.empty(): + node_dequeued = q.get() + print(node_dequeued.data, end=" ") + if node_dequeued.left: + q.put(node_dequeued.left) + if node_dequeued.right: + q.put(node_dequeued.right) + + +def level_order_actual(node): + if not isinstance(node, TreeNode) or not node: + return + q = queue.Queue() + q.put(node) + while not q.empty(): + list = [] + while not q.empty(): + node_dequeued = q.get() + print(node_dequeued.data, end=" ") + if node_dequeued.left: + list.append(node_dequeued.left) + if node_dequeued.right: + list.append(node_dequeued.right) + print() + for node in list: + q.put(node) + + +# iteration version +def pre_order_iter(node): + if not isinstance(node, TreeNode) or not node: + return + stack = [] + n = node + while n or stack: + while n: # start from root node, find its left child + print(n.data, end=" ") + stack.append(n) + n = n.left + # end of while means current node doesn't have left child + n = stack.pop() + # start to traverse its right child + n = n.right + + +def in_order_iter(node): + if not isinstance(node, TreeNode) or not node: + return + stack = [] + n = node + while n or stack: + while n: + stack.append(n) + n = n.left + n = stack.pop() + print(n.data, end=" ") + n = n.right + + +def post_order_iter(node): + if not isinstance(node, TreeNode) or not node: + return + stack1, stack2 = [], [] + n = node + stack1.append(n) + while stack1: # to find the reversed order of post order, store it in stack2 + n = stack1.pop() + if n.left: + stack1.append(n.left) + if n.right: + stack1.append(n.right) + stack2.append(n) + while stack2: # pop up from stack2 will be the post order + print(stack2.pop().data, end=" ") + + +if __name__ == '__main__': + print("\n********* Binary Tree Traversals ************\n") + + node = build_tree() + print("\n********* Pre Order Traversal ************") + pre_order(node) + print("\n******************************************\n") + + print("\n********* In Order Traversal ************") + in_order(node) + print("\n******************************************\n") + + print("\n********* Post Order Traversal ************") + post_order(node) + print("\n******************************************\n") + + print("\n********* Level Order Traversal ************") + level_order(node) + print("\n******************************************\n") + + print("\n********* Actual Level Order Traversal ************") + level_order_actual(node) + print("\n******************************************\n") + + print("\n********* Pre Order Traversal - Iteration Version ************") + pre_order_iter(node) + print("\n******************************************\n") + + print("\n********* In Order Traversal - Iteration Version ************") + in_order_iter(node) + print("\n******************************************\n") + + print("\n********* Post Order Traversal - Iteration Version ************") + post_order_iter(node) + print("\n******************************************\n") diff --git a/work-temp/ReadExcel.py b/work-temp/ReadExcel.py index 2541110a67ec..41a0d14c1808 100644 --- a/work-temp/ReadExcel.py +++ b/work-temp/ReadExcel.py @@ -1,27 +1,27 @@ -# -*- coding: utf-8 -*- -import os - -import pandas as pd -import numpy as np - - -def load_data(): - """ - 读取数据文件,推荐CSV格式 - :return: - """ - work_main_dir = os.path.dirname(__file__) + os.path.sep - file_path = work_main_dir + "激活学生列表.xlsx" - return pd.read_excel(file_path) - - -def main(): - data = load_data() - account_id_list = np.array(data['account_id']).tolist() - print(', \n'.join([str(i) for i in account_id_list])) - - -if __name__ == '__main__': - main() - - +# -*- coding: utf-8 -*- +import os + +import pandas as pd +import numpy as np + + +def load_data(): + """ + 读取数据文件,推荐CSV格式 + :return: + """ + work_main_dir = os.path.dirname(__file__) + os.path.sep + file_path = work_main_dir + "激活学生列表.xlsx" + return pd.read_excel(file_path) + + +def main(): + data = load_data() + account_id_list = np.array(data['account_id']).tolist() + print(', \n'.join([str(i) for i in account_id_list])) + + +if __name__ == '__main__': + main() + + From 8b2a56dae456c9fd44edd9805f4e4ffb549d1ea1 Mon Sep 17 00:00:00 2001 From: caofanCPU Date: Thu, 9 Apr 2020 11:28:40 +0800 Subject: [PATCH 06/29] fix bug of SQL for string key symbol "'" -> "\'" --- ju_dan/main.py | 29 +++++++++++++++++++++++------ 1 file changed, 23 insertions(+), 6 deletions(-) diff --git a/ju_dan/main.py b/ju_dan/main.py index 4a604f04b720..1de44ee6eb8d 100644 --- a/ju_dan/main.py +++ b/ju_dan/main.py @@ -18,12 +18,16 @@ def handle_content(msg): content = msg['Text'] else: content = '非文本内容' + # 内容最多1024个字符 + content = custom_str(content, 1024) time_stamp = msg['CreateTime'] create_time = time.strftime("%Y--%m--%d %H:%M:%S", time.localtime(time_stamp)) current_talk_group_id = msg['User']['UserName'] - current_talk_group_name = msg['User']['NickName'] - from_user_name = msg['ActualNickName'] + # 内容最多64个字符 + current_talk_group_name = custom_str(msg['User']['NickName'], 64) from_user_id = msg['ActualUserName'] + # 发送者昵称最多1024个字符 + from_user_name = custom_str(msg['ActualNickName'], 64) sql = "INSERT INTO wx_group_chat(msg_type, content, sender_id, sender_name,\ group_id, group_name, time_stamp, create_time) \ VALUE ('%d','%s','%s','%s','%s','%s','%d','%s');"\ @@ -35,6 +39,20 @@ def handle_content(msg): return +def custom_str(source, length): + """ + 处理字符串长度, 并将'字符转义\' + :param source: + :param length: + :return: + """ + if len(source) > length: + fix_length_sub_str = source[0:length-1] + else: + fix_length_sub_str = source + return fix_length_sub_str.replace("'", "\\'") + + def build_logs(): # 获取当前时间 now_time = time.strftime("%Y_%m_%d_%H_%M_%S", time.localtime()) @@ -63,8 +81,8 @@ def build_logs(): def connect_mysql(logger): try: - db = pymysql.connect(host='47.93.206.227', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') - # db = pymysql.connect(host='127.0.0.1', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') + #db = pymysql.connect(host='47.93.206.227', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') + db = pymysql.connect(host='127.0.0.1', port=3306, user='root', passwd='root', db='spring_clould', charset='utf8mb4') return db except Exception as e: logger.debug('MySQL数据库连接失败') @@ -97,8 +115,7 @@ def select_db(db, sql, logger): def main(): # 手机扫码登录 - newInstance = itchat.new_instance() - newInstance.auto_login(hotReload=True, enableCmdQR=2) + itchat.auto_login(hotReload=True, enableCmdQR=2) global logger logger = build_logs() global db From d9a21407a805ca0e0dafee2d2f14da6e1a3da369 Mon Sep 17 00:00:00 2001 From: caofanCPU Date: Thu, 9 Apr 2020 15:34:29 +0800 Subject: [PATCH 07/29] fix bug of SQL for string key symbol "'" -> "\'" --- ju_dan/main.py | 4 +--- 1 file changed, 1 insertion(+), 3 deletions(-) diff --git a/ju_dan/main.py b/ju_dan/main.py index 1de44ee6eb8d..1ce004b5d597 100644 --- a/ju_dan/main.py +++ b/ju_dan/main.py @@ -21,7 +21,7 @@ def handle_content(msg): # 内容最多1024个字符 content = custom_str(content, 1024) time_stamp = msg['CreateTime'] - create_time = time.strftime("%Y--%m--%d %H:%M:%S", time.localtime(time_stamp)) + create_time = time.strftime("%Y-%m-%d %H:%M:%S", time.localtime(time_stamp)) current_talk_group_id = msg['User']['UserName'] # 内容最多64个字符 current_talk_group_name = custom_str(msg['User']['NickName'], 64) @@ -54,8 +54,6 @@ def custom_str(source, length): def build_logs(): - # 获取当前时间 - now_time = time.strftime("%Y_%m_%d_%H_%M_%S", time.localtime()) # 设置log名称 log_name = "wx.log" # 定义logger From ee5f7385e2d5ad4992b18ccf4eb30ddaaffaa098 Mon Sep 17 00:00:00 2001 From: caofanCPU Date: Thu, 9 Apr 2020 16:56:13 +0800 Subject: [PATCH 08/29] add -d parameter test --- auto/ID.csv | 21 ++++++++++++++++++++- auto/backup.txt | 5 ++++- auto/batchHandler.py | 4 ++-- auto/cookie.txt | 2 +- auto/excuteUrl.json | 4 ++-- 5 files changed, 29 insertions(+), 7 deletions(-) diff --git a/auto/ID.csv b/auto/ID.csv index a57bb9814a9b..1004250ebc4e 100644 --- a/auto/ID.csv +++ b/auto/ID.csv @@ -1 +1,20 @@ -9290 \ No newline at end of file +55746186 +55746186 +55746186 +55746186 +55746186 +55746186 +55746186 +55905267 +55905267 +55905267 +55894967 +55894967 +55894967 +55894967 +55894967 +56000896 +56000896 +56699543 +56699543 +56707106 diff --git a/auto/backup.txt b/auto/backup.txt index ebf996916621..c95bfc3a6354 100644 --- a/auto/backup.txt +++ b/auto/backup.txt @@ -10,4 +10,7 @@ - 删除分类(/api/v100/live/employee/upload/dibblingVideo/deleteCategory) -"categoryId=NONE" \ No newline at end of file +"categoryId=NONE" + +- 视频详情(/api/v100/live/employee/upload/dibblingVideo/detail) +"videoId=NONE" \ No newline at end of file diff --git a/auto/batchHandler.py b/auto/batchHandler.py index 7232b867bc3a..181bb3a5ebc2 100644 --- a/auto/batchHandler.py +++ b/auto/batchHandler.py @@ -22,7 +22,7 @@ "-v": "显示请求详细信息", "-h": "显示请求头", "-b": "显示请求Body", - "-d": "下载文件", + "-d": "响应结果保存至TXT", "": "默认" } httpie_view = None @@ -31,7 +31,7 @@ if httpie_allow_view.get(sys.argv[1]) is not None: httpie_view = sys.argv[1] else: - print("输入参数有误, 仅支持如下参数: -v显示请求详细信息|-h显示请求头|-b显示请求Body|-d下载文件") + print("输入参数有误, 仅支持如下参数: -v显示请求详细信息|-h显示请求头|-b显示请求Body|-d响应结果保存至TXT") except Exception as e: print(e) diff --git a/auto/cookie.txt b/auto/cookie.txt index bbc3ab905c03..8e2d96ce559c 100644 --- a/auto/cookie.txt +++ b/auto/cookie.txt @@ -1 +1 @@ -'Cookie:_r=ihJwwY0cYz49sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR2ggATr7qhOvPeiiuQ5ZE9t|32ziSuOPkzw=; Max-Age=2592000; Expires=Fri, 08-May-2020 10:04:29 GMT; Domain=testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR2ggATr7qhOvCgr4ayK7PjY55U6X+1Po30u3aMceLb+8kFgGfrroYoW|6tzip/GZSQY=; Max-Age=7200; Expires=Wed, 08-Apr-2020 12:04:29 GMT; Domain=emp.testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR2ggATr7qhOvCgr4ayK7PjY55U6X+1Po30u3aMceLb+8kFgGfrroYoW|6tzip/GZSQY=; Max-Age=7200; Expires=Wed, 08-Apr-2020 12:04:29 GMT; Domain=emp2.testa.huitong.com; Path=/; HttpOnly' \ No newline at end of file +'Cookie:_r=ihJwwY0cYz49sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR3xbG0Dl3LHiONXx0N5rlQd|HXj5A8Lr5cw=; Max-Age=2592000; Expires=Sat, 09-May-2020 08:53:08 GMT; Domain=testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR3xbG0Dl3LHiJTWI8zUke//55U6X+1Po33WN5X4+xDCD63RgLyKuIbo|C8IWYbAVYXA=; Max-Age=7200; Expires=Thu, 09-Apr-2020 10:53:08 GMT; Domain=emp.testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR3xbG0Dl3LHiJTWI8zUke//55U6X+1Po33WN5X4+xDCD63RgLyKuIbo|C8IWYbAVYXA=; Max-Age=7200; Expires=Thu, 09-Apr-2020 10:53:08 GMT; Domain=emp2.testa.huitong.com; Path=/; HttpOnly' \ No newline at end of file diff --git a/auto/excuteUrl.json b/auto/excuteUrl.json index 866a47a9a0eb..f740c861fa57 100644 --- a/auto/excuteUrl.json +++ b/auto/excuteUrl.json @@ -1,11 +1,11 @@ { - "url": "https://live.testa.huitong.com/api/v100/live/employee/upload/dibblingVideo/deleteCategory", + "url": "https://live.testa.huitong.com/api/v100/live/employee/upload/dibblingVideo/detail", "method": "POST", "headers" : [ "Content-Type:application/json", "HT-app:6" ], "body": [ - "categoryId=NONE" + "videoId=NONE" ] } From d45f768e9f4eec26b3816bbb6be291b09ab2294c Mon Sep 17 00:00:00 2001 From: caofanCPU Date: Fri, 17 Apr 2020 02:30:15 +0800 Subject: [PATCH 09/29] support concurrent request, but somewhere has bug in httpie util. --- auto/ID.csv | 73 ++++++++++++++++++++++++++++++++------------ auto/batchHandler.py | 41 ++++++++++++++++--------- auto/cookie.txt | 2 +- auto/excuteUrl.json | 2 +- 4 files changed, 81 insertions(+), 37 deletions(-) diff --git a/auto/ID.csv b/auto/ID.csv index 1004250ebc4e..8db03f65d5b0 100644 --- a/auto/ID.csv +++ b/auto/ID.csv @@ -1,20 +1,53 @@ -55746186 -55746186 -55746186 -55746186 -55746186 -55746186 -55746186 -55905267 -55905267 -55905267 -55894967 -55894967 -55894967 -55894967 -55894967 -56000896 -56000896 -56699543 -56699543 -56707106 +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 +36 +37 +38 +39 +40 +41 +42 +43 +44 +45 + + + + + + + + diff --git a/auto/batchHandler.py b/auto/batchHandler.py index 181bb3a5ebc2..5e51f078f4fc 100644 --- a/auto/batchHandler.py +++ b/auto/batchHandler.py @@ -1,12 +1,14 @@ #!/usr/bin/env python # -*- coding: utf-8 -*- +import datetime import json import ssl -import sys import subprocess +import sys import time -import pandas as pd +from concurrent.futures.thread import ThreadPoolExecutor +import pandas as pd import requests # 屏蔽HTTPS证书校验, 忽略安全警告 @@ -18,22 +20,28 @@ hot_reload = True cmd = "http" no_ca = "--verify=no" -httpie_allow_view = { - "-v": "显示请求详细信息", - "-h": "显示请求头", - "-b": "显示请求Body", - "-d": "响应结果保存至TXT", - "": "默认" -} +httpie_allow_view = {"-v": "显示请求详细信息", "-h": "显示请求头", "-b": "显示请求Body", "-d": "响应结果保存至TXT", "": "默认"} httpie_view = None +# 并发数 +max_concurrent = 64 +concurrent = 1 try: if len(sys.argv) > 1: if httpie_allow_view.get(sys.argv[1]) is not None: httpie_view = sys.argv[1] else: print("输入参数有误, 仅支持如下参数: -v显示请求详细信息|-h显示请求头|-b显示请求Body|-d响应结果保存至TXT") + if len(sys.argv) > 2: + try: + input_concurrent = int(sys.argv[2]) + if input_concurrent > 1: + concurrent = min(input_concurrent, max_concurrent) + except Exception as e: + print("并发数设置范围[1, {}], 默认1".format(max_concurrent)) + print(e) except Exception as e: print(e) +executor = ThreadPoolExecutor(max_workers=concurrent) def httpie_cmd(id): @@ -55,11 +63,13 @@ def httpie_cmd(id): httpie_params.append(httpie_view) httpie_params.extend([method, url, headers, body]) httpie = joiner.join(httpie_params) - print(httpie) - print("当前ID: ", id) + # print(httpie) + executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') # 延时执行 - time.sleep(0.05) + # time.sleep(0.05) subprocess.call(httpie, shell=True) + executeEndTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') + return "当前[ID={}, [executeStartTime={}], [executeEndTime={}]".format(id, executeStartTime, executeEndTime) def load_request_headers(headers, hot_reload): @@ -113,15 +123,16 @@ def auto_login(): f.write(cookie) # JSON标准格式 response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) - print(response_body) + print("\n执行登录响应BODY结果: \n" + response_body) return cookie def main(): # 首先登陆一次 auto_login() - for id in load_data(): - httpie_cmd(id) + ids = load_data() + for result in executor.map(httpie_cmd, ids): + print(result) if __name__ == '__main__': diff --git a/auto/cookie.txt b/auto/cookie.txt index 8e2d96ce559c..46459dd9a0ac 100644 --- a/auto/cookie.txt +++ b/auto/cookie.txt @@ -1 +1 @@ -'Cookie:_r=ihJwwY0cYz49sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR3xbG0Dl3LHiONXx0N5rlQd|HXj5A8Lr5cw=; Max-Age=2592000; Expires=Sat, 09-May-2020 08:53:08 GMT; Domain=testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR3xbG0Dl3LHiJTWI8zUke//55U6X+1Po33WN5X4+xDCD63RgLyKuIbo|C8IWYbAVYXA=; Max-Age=7200; Expires=Thu, 09-Apr-2020 10:53:08 GMT; Domain=emp.testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQVg2iP9QJYR3xbG0Dl3LHiJTWI8zUke//55U6X+1Po33WN5X4+xDCD63RgLyKuIbo|C8IWYbAVYXA=; Max-Age=7200; Expires=Thu, 09-Apr-2020 10:53:08 GMT; Domain=emp2.testa.huitong.com; Path=/; HttpOnly' \ No newline at end of file +'Cookie:_r=ihJwwY0cYz49sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNgjrbvfiad33YRFMbWVOFY7|Bt4XvnwQD0g=; Max-Age=2592000; Expires=Sat, 16-May-2020 18:27:59 GMT; Domain=testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNgjrbvfiad33aJ+8ZAs65Qj55U6X+1Po31adyYgUMNqH1vXuurqEFhH|2huAgBlVNhQ=; Max-Age=7200; Expires=Thu, 16-Apr-2020 20:27:59 GMT; Domain=emp.testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNgjrbvfiad33aJ+8ZAs65Qj55U6X+1Po31adyYgUMNqH1vXuurqEFhH|2huAgBlVNhQ=; Max-Age=7200; Expires=Thu, 16-Apr-2020 20:27:59 GMT; Domain=emp2.testa.huitong.com; Path=/; HttpOnly' \ No newline at end of file diff --git a/auto/excuteUrl.json b/auto/excuteUrl.json index f740c861fa57..ec0958f03f71 100644 --- a/auto/excuteUrl.json +++ b/auto/excuteUrl.json @@ -1,5 +1,5 @@ { - "url": "https://live.testa.huitong.com/api/v100/live/employee/upload/dibblingVideo/detail", + "url": "http://localhost:8127/ruok", "method": "POST", "headers" : [ "Content-Type:application/json", From 5f974dcf31759dcb7494dd566ec254e354d8a725 Mon Sep 17 00:00:00 2001 From: caofanCPU Date: Fri, 17 Apr 2020 15:24:36 +0800 Subject: [PATCH 10/29] support concurrent request, but somewhere has bug in httpie util. --- auto/ID.csv | 58 ++++---------------------------------------- auto/batchHandler.py | 3 +-- auto/cookie.txt | 2 +- auto/excuteUrl.json | 5 ++-- auto/ssoLogin.json | 2 +- 5 files changed, 11 insertions(+), 59 deletions(-) diff --git a/auto/ID.csv b/auto/ID.csv index 8db03f65d5b0..60832394cb8d 100644 --- a/auto/ID.csv +++ b/auto/ID.csv @@ -1,53 +1,5 @@ -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 -36 -37 -38 -39 -40 -41 -42 -43 -44 -45 - - - - - - - - +10236667 +10236640 +10236754 +10236803 +10236788 diff --git a/auto/batchHandler.py b/auto/batchHandler.py index 5e51f078f4fc..30d4516c8985 100644 --- a/auto/batchHandler.py +++ b/auto/batchHandler.py @@ -63,13 +63,12 @@ def httpie_cmd(id): httpie_params.append(httpie_view) httpie_params.extend([method, url, headers, body]) httpie = joiner.join(httpie_params) - # print(httpie) executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') # 延时执行 # time.sleep(0.05) subprocess.call(httpie, shell=True) executeEndTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') - return "当前[ID={}, [executeStartTime={}], [executeEndTime={}]".format(id, executeStartTime, executeEndTime) + return "执行命令\n{}\n当前[ID={}], [executeStartTime={}], [executeEndTime={}]".format(httpie, id, executeStartTime, executeEndTime) def load_request_headers(headers, hot_reload): diff --git a/auto/cookie.txt b/auto/cookie.txt index 46459dd9a0ac..f7135ad5aaeb 100644 --- a/auto/cookie.txt +++ b/auto/cookie.txt @@ -1 +1 @@ -'Cookie:_r=ihJwwY0cYz49sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNgjrbvfiad33YRFMbWVOFY7|Bt4XvnwQD0g=; Max-Age=2592000; Expires=Sat, 16-May-2020 18:27:59 GMT; Domain=testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNgjrbvfiad33aJ+8ZAs65Qj55U6X+1Po31adyYgUMNqH1vXuurqEFhH|2huAgBlVNhQ=; Max-Age=7200; Expires=Thu, 16-Apr-2020 20:27:59 GMT; Domain=emp.testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNgjrbvfiad33aJ+8ZAs65Qj55U6X+1Po31adyYgUMNqH1vXuurqEFhH|2huAgBlVNhQ=; Max-Age=7200; Expires=Thu, 16-Apr-2020 20:27:59 GMT; Domain=emp2.testa.huitong.com; Path=/; HttpOnly' \ No newline at end of file +'Cookie:_r=ihJwwY0cYz54tjLhxFPCyHcTtrpOrgktLqAVgNx6smoIhi4pMWXO/6u8c1HnNa22|90UXwxY97IQ=; Max-Age=2592000; Expires=Sun, 17-May-2020 07:03:06 GMT; Domain=testx.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySZ4tjLhxFPCyHcTtrpOrgktLqAVgNx6smoIhi4pMWXO/4JyzqKMi9Ew83RbpMpk4L0yD6iaJdwllriOgDMG7IM7|f7tlwQnthVw=; Max-Age=7200; Expires=Fri, 17-Apr-2020 09:03:06 GMT; Domain=emp.testx.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySZ4tjLhxFPCyHcTtrpOrgktLqAVgNx6smoIhi4pMWXO/4JyzqKMi9Ew83RbpMpk4L0yD6iaJdwllriOgDMG7IM7|f7tlwQnthVw=; Max-Age=7200; Expires=Fri, 17-Apr-2020 09:03:06 GMT; Domain=emp2.testx.huitong.com; Path=/; HttpOnly' \ No newline at end of file diff --git a/auto/excuteUrl.json b/auto/excuteUrl.json index ec0958f03f71..b5032ef47011 100644 --- a/auto/excuteUrl.json +++ b/auto/excuteUrl.json @@ -1,11 +1,12 @@ { - "url": "http://localhost:8127/ruok", + "url": "https://live.testx.huitong.com/api/v100/live/employee/upload/dibblingVideo/addCategory", "method": "POST", "headers" : [ "Content-Type:application/json", "HT-app:6" ], "body": [ - "videoId=NONE" + "name=默认分类", + "schoolId=NONE" ] } diff --git a/auto/ssoLogin.json b/auto/ssoLogin.json index 1ae0ba553094..4aca407d923f 100644 --- a/auto/ssoLogin.json +++ b/auto/ssoLogin.json @@ -1,5 +1,5 @@ { - "url": "https://sso.testa.huitong.com/api/v100/ssonew/login", + "url": "https://sso.testx.huitong.com/api/v100/ssonew/login", "method": "POST", "headers" : [ "Content-Type:application/json", From 6ec0e90eda7a78b6cce1a8702a005c4ca07a7e52 Mon Sep 17 00:00:00 2001 From: caofan Date: Fri, 24 Apr 2020 01:57:11 +0800 Subject: [PATCH 11/29] support concurrent request, but somewhere has bug in httpie util. --- auto/back_excuteUrl.json | 11 +++ auto/batchHandler.py | 75 +++++++++++++++++---- auto/cookie.txt | 2 +- auto/excuteUrl.json | 5 +- auto/ssoLogin.json | 2 +- concurrent_test/concurrent_test.py | 104 +++++++++++++++++++++++++++++ concurrent_test/excuteUrl.json | 11 +++ concurrent_test/ssoLogin.json | 14 ++++ 8 files changed, 205 insertions(+), 19 deletions(-) create mode 100644 auto/back_excuteUrl.json create mode 100644 concurrent_test/concurrent_test.py create mode 100644 concurrent_test/excuteUrl.json create mode 100644 concurrent_test/ssoLogin.json diff --git a/auto/back_excuteUrl.json b/auto/back_excuteUrl.json new file mode 100644 index 000000000000..247e22d3276d --- /dev/null +++ b/auto/back_excuteUrl.json @@ -0,0 +1,11 @@ +{ + "url": "http://127.0.0.1:8119/ruok/sentinel", + "method": "POST", + "headers" : [ + "Content-Type:application/json", + "HT-app:6" + ], + "body": [ + "id=NONE" + ] +} diff --git a/auto/batchHandler.py b/auto/batchHandler.py index 30d4516c8985..32722238cae1 100644 --- a/auto/batchHandler.py +++ b/auto/batchHandler.py @@ -25,6 +25,8 @@ # 并发数 max_concurrent = 64 concurrent = 1 +# 是否开启并发测试 +enable_concurrent_test = True try: if len(sys.argv) > 1: if httpie_allow_view.get(sys.argv[1]) is not None: @@ -54,7 +56,9 @@ def httpie_cmd(id): request_json = json.load(request_data) url = request_json['url'] method = request_json['method'] - request_headers = load_request_headers(request_json['headers'], hot_reload) + request_headers = request_json['headers'] + cookie = load_cookie(hot_reload) + request_headers.append('Cookie:' + cookie) headers = joiner.join(request_headers) body = joiner.join(request_json['body']) body = body.replace(id_key, str(id)) @@ -66,25 +70,50 @@ def httpie_cmd(id): executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') # 延时执行 # time.sleep(0.05) - subprocess.call(httpie, shell=True) + # 使用httpie执行shell, 线程套线程, 效率低下 + # subprocess.call(httpie, shell=True) + response_body = execute(request_json, cookie, id) executeEndTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') - return "执行命令\n{}\n当前[ID={}], [executeStartTime={}], [executeEndTime={}]".format(httpie, id, executeStartTime, executeEndTime) + return "执行命令\n{}\n当前[ID=[{}], executeStartTime=[{}], executeEndTime=[{}]\n响应结果:\n{}".format(httpie, id, executeStartTime, executeEndTime, response_body) -def load_request_headers(headers, hot_reload): +def execute(request_json, cookie, id): + url = request_json['url'] + method = request_json['method'] + request_headers = {} + for item in request_json['headers']: + if item.find('Cookie') != -1: + continue + split = item.replace('=', '').split(':') + request_headers[split[0]] = split[1] + request_headers['Cookie'] = cookie + request_body = {} + for item in request_json['body']: + split = item.replace(':', '').replace('NONE', str(id)).split('=') + request_body[split[0]] = split[1] + try: + response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) + # JSON标准格式 + response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) + except Exception as e: + response_body = "服务方接口执行失败\n" + print(response) + print(e) + return response_body + + +def load_cookie(reuse_cookie): """ - 加载请求header - :param headers: - :param hot_reload: 是否热加载, 复用已有Cookie + 加载cookie + :param reuse_cookie: 是否热加载, 复用已有Cookie :return: """ - if hot_reload: + if reuse_cookie: with open("./cookie.txt", "r") as f: cookie = ''.join(f.readlines()) else: cookie = auto_login() - headers.append(cookie) - return headers + return cookie def load_data(): @@ -117,7 +146,7 @@ def auto_login(): request_headers = {"Content-Type": "application/json", "HT-app": "6"} response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) response_headers = response.headers - cookie = "'Cookie:" + response_headers.get("set-Cookie") + "'" + cookie = response_headers.get("set-Cookie") with open("./cookie.txt", "w") as f: f.write(cookie) # JSON标准格式 @@ -126,13 +155,31 @@ def auto_login(): return cookie -def main(): - # 首先登陆一次 - auto_login() +def normal(): ids = load_data() for result in executor.map(httpie_cmd, ids): print(result) +def concurrent_infinite_loop_test(): + # datas = list(range(1, 20)) + datas = [10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, \ + 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, \ + ] + + while True: + for result in executor.map(httpie_cmd, datas): + print(result) + + +def main(): + # 首先登陆一次 + auto_login() + if enable_concurrent_test: + concurrent_infinite_loop_test() + else: + normal() + + if __name__ == '__main__': main() diff --git a/auto/cookie.txt b/auto/cookie.txt index f7135ad5aaeb..76f82990b410 100644 --- a/auto/cookie.txt +++ b/auto/cookie.txt @@ -1 +1 @@ -'Cookie:_r=ihJwwY0cYz54tjLhxFPCyHcTtrpOrgktLqAVgNx6smoIhi4pMWXO/6u8c1HnNa22|90UXwxY97IQ=; Max-Age=2592000; Expires=Sun, 17-May-2020 07:03:06 GMT; Domain=testx.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySZ4tjLhxFPCyHcTtrpOrgktLqAVgNx6smoIhi4pMWXO/4JyzqKMi9Ew83RbpMpk4L0yD6iaJdwllriOgDMG7IM7|f7tlwQnthVw=; Max-Age=7200; Expires=Fri, 17-Apr-2020 09:03:06 GMT; Domain=emp.testx.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySZ4tjLhxFPCyHcTtrpOrgktLqAVgNx6smoIhi4pMWXO/4JyzqKMi9Ew83RbpMpk4L0yD6iaJdwllriOgDMG7IM7|f7tlwQnthVw=; Max-Age=7200; Expires=Fri, 17-Apr-2020 09:03:06 GMT; Domain=emp2.testx.huitong.com; Path=/; HttpOnly' \ No newline at end of file +_r=ihJwwY0cYz49sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNjwVPsU5xjhj8rk2wMSWTlq|CbC19qAq++I=; Max-Age=2592000; Expires=Sat, 23-May-2020 17:31:45 GMT; Domain=testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNjwVPsU5xjhj9nOjlUgrXEp55U6X+1Po33uJPYL04AjHeCq6RpJJfAD|phesnzhUWwg=; Max-Age=7200; Expires=Thu, 23-Apr-2020 19:31:45 GMT; Domain=emp.testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNjwVPsU5xjhj9nOjlUgrXEp55U6X+1Po33uJPYL04AjHeCq6RpJJfAD|phesnzhUWwg=; Max-Age=7200; Expires=Thu, 23-Apr-2020 19:31:45 GMT; Domain=emp2.testa.huitong.com; Path=/; HttpOnly \ No newline at end of file diff --git a/auto/excuteUrl.json b/auto/excuteUrl.json index b5032ef47011..115974c06042 100644 --- a/auto/excuteUrl.json +++ b/auto/excuteUrl.json @@ -1,12 +1,11 @@ { - "url": "https://live.testx.huitong.com/api/v100/live/employee/upload/dibblingVideo/addCategory", + "url": "http://172.16.10.41:8119/api/v100/user_new/userRole/detail", "method": "POST", "headers" : [ "Content-Type:application/json", "HT-app:6" ], "body": [ - "name=默认分类", - "schoolId=NONE" + "subAccountId=NONE" ] } diff --git a/auto/ssoLogin.json b/auto/ssoLogin.json index 4aca407d923f..1ae0ba553094 100644 --- a/auto/ssoLogin.json +++ b/auto/ssoLogin.json @@ -1,5 +1,5 @@ { - "url": "https://sso.testx.huitong.com/api/v100/ssonew/login", + "url": "https://sso.testa.huitong.com/api/v100/ssonew/login", "method": "POST", "headers" : [ "Content-Type:application/json", diff --git a/concurrent_test/concurrent_test.py b/concurrent_test/concurrent_test.py new file mode 100644 index 000000000000..8abacfad13fc --- /dev/null +++ b/concurrent_test/concurrent_test.py @@ -0,0 +1,104 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +import datetime +import json +import ssl +import sys +from concurrent.futures.thread import ThreadPoolExecutor + +import requests + +# 屏蔽HTTPS证书校验, 忽略安全警告 +requests.packages.urllib3.disable_warnings() +context = ssl._create_unverified_context() +joiner = ' ' +# 并发数 +max_concurrent = 64 +concurrent = 1 +# 是否开启并发测试 +try: + if len(sys.argv) > 1: + try: + input_concurrent = int(sys.argv[2]) + if input_concurrent > 1: + concurrent = min(input_concurrent, max_concurrent) + except Exception as e: + print("并发数设置范围[1, {}], 默认1".format(max_concurrent)) + print(e) +except Exception as e: + print(e) +executor = ThreadPoolExecutor(max_workers=concurrent) + + +def execute_http(i): + """ + 执行excuteUrl.json接口 + :param i 仅用于计数虚拟参数 + :return: + """ + with open("./excuteUrl.json", 'r') as request_data: + request_json = json.load(request_data) + url = request_json['url'] + method = request_json['method'] + request_headers = handle_json_str_value(request_json['headers']) + executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') + request_headers['Cookie'] = init_cookie + request_body = handle_json_str_value(request_json['body']) + response_body = { + "status": -1, + "msg": "接口执行失败", + "data": "请检查接口是否返回JSON格式的相应数据, 以及抛出未经处理的特殊异常" + } + try: + response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) + # JSON标准格式 + response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) + except Exception as e: + print(e) + executeEndTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') + return "executeStartTime=[{}], executeEndTime=[{}]\n响应结果:\n{}".format(executeStartTime, executeEndTime, response_body) + + +def auto_login(): + """ + 自动登录, 获取登录Cookie + """ + with open("./ssoLogin.json", 'r') as sso_login_request_data: + request_json = json.load(sso_login_request_data) + url = request_json['url'] + method = request_json['method'] + request_headers = handle_json_str_value(request_json['headers']) + request_body = handle_json_str_value(request_json['body']) + # request_headers = {"Content-Type": "application/json", "HT-app": "6"} + response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) + response_headers = response.headers + cookie = response_headers.get("set-Cookie") + # JSON标准格式 + response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) + print("登录响应Cookie结果: \n{}\n登录响应BODY结果: {}".format(cookie, response_body)) + return cookie + + +def handle_json_str_value(json): + """ + 将json的值都变为字符串处理 + :param json: + :return: + """ + for (k, v) in json.items(): + json[k] = str(v) + return json + + +def main(): + # 全局变量cookie, 初始化为空 + global init_cookie + init_cookie = auto_login() + nums = list(range(1, 20)) + while True: + for result in executor.map(execute_http, nums): + print(result) + + +if __name__ == '__main__': + main() diff --git a/concurrent_test/excuteUrl.json b/concurrent_test/excuteUrl.json new file mode 100644 index 000000000000..cc660b9c715d --- /dev/null +++ b/concurrent_test/excuteUrl.json @@ -0,0 +1,11 @@ +{ + "url": "http://172.16.10.41:8119/api/v100/user_new/userRole/detail", + "method": "POST", + "headers" : { + "Content-Type": "application/json", + "HT-app": 6 + }, + "body": { + "subAccountId": 10009984 + } +} diff --git a/concurrent_test/ssoLogin.json b/concurrent_test/ssoLogin.json new file mode 100644 index 000000000000..6ded12f95279 --- /dev/null +++ b/concurrent_test/ssoLogin.json @@ -0,0 +1,14 @@ +{ + "url": "https://sso.testa.huitong.com/api/v100/ssonew/login", + "method": "POST", + "headers": { + "Content-Type": "application/json", + "HT-app": 6 + }, + "body": { + "phone": "18999999999", + "smsAuthCode": "123456", + "loginType": 0, + "pwd": "ht123456." + } +} From c6b78a3fcb80f78c96a862724301795111cade65 Mon Sep 17 00:00:00 2001 From: caofan Date: Sat, 25 Apr 2020 13:20:45 +0800 Subject: [PATCH 12/29] support concurrent request, but somewhere has bug in httpie util. --- auto/back_excuteUrl.json | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/auto/back_excuteUrl.json b/auto/back_excuteUrl.json index 247e22d3276d..238f4b58630a 100644 --- a/auto/back_excuteUrl.json +++ b/auto/back_excuteUrl.json @@ -1,5 +1,5 @@ { - "url": "http://127.0.0.1:8119/ruok/sentinel", + "url": "http://172.16.10.41:8119/ruok/sentinel", "method": "POST", "headers" : [ "Content-Type:application/json", From 2e2b3a6a514bd74959f9d217278b5b33088af301 Mon Sep 17 00:00:00 2001 From: caofan Date: Sun, 26 Apr 2020 17:10:52 +0800 Subject: [PATCH 13/29] wtf... --- auto/ID.csv | 10 +- auto/batchHandler.py | 166 +- auto/cookie.txt | 1 - auto/excuteUrl.json | 17 +- auto/school.csv | 16332 ----------------------------------------- auto/ssoLogin.json | 20 +- 6 files changed, 103 insertions(+), 16443 deletions(-) delete mode 100644 auto/cookie.txt delete mode 100644 auto/school.csv diff --git a/auto/ID.csv b/auto/ID.csv index 60832394cb8d..8a1218a1024a 100644 --- a/auto/ID.csv +++ b/auto/ID.csv @@ -1,5 +1,5 @@ -10236667 -10236640 -10236754 -10236803 -10236788 +1 +2 +3 +4 +5 diff --git a/auto/batchHandler.py b/auto/batchHandler.py index 32722238cae1..bce6a0181ae4 100644 --- a/auto/batchHandler.py +++ b/auto/batchHandler.py @@ -3,7 +3,7 @@ import datetime import json import ssl -import subprocess +import unicodedata import sys import time from concurrent.futures.thread import ThreadPoolExecutor @@ -15,9 +15,6 @@ requests.packages.urllib3.disable_warnings() context = ssl._create_unverified_context() joiner = ' ' -id_key = 'NONE' -# 登陆一次后是否服复用cookie -hot_reload = True cmd = "http" no_ca = "--verify=no" httpie_allow_view = {"-v": "显示请求详细信息", "-h": "显示请求头", "-b": "显示请求Body", "-d": "响应结果保存至TXT", "": "默认"} @@ -25,8 +22,6 @@ # 并发数 max_concurrent = 64 concurrent = 1 -# 是否开启并发测试 -enable_concurrent_test = True try: if len(sys.argv) > 1: if httpie_allow_view.get(sys.argv[1]) is not None: @@ -56,64 +51,60 @@ def httpie_cmd(id): request_json = json.load(request_data) url = request_json['url'] method = request_json['method'] - request_headers = request_json['headers'] - cookie = load_cookie(hot_reload) - request_headers.append('Cookie:' + cookie) - headers = joiner.join(request_headers) - body = joiner.join(request_json['body']) - body = body.replace(id_key, str(id)) - httpie_params = [cmd, no_ca] - if httpie_view is not None: - httpie_params.append(httpie_view) - httpie_params.extend([method, url, headers, body]) - httpie = joiner.join(httpie_params) + request_headers = handle_json_str_value(request_json['headers']) + request_headers['Cookie'] = init_cookie + request_body = replace_id(request_json['body'], id) + response_body = { + "status": -1, + "msg": "接口执行失败", + "data": "请检查接口是否返回JSON格式的相应数据, 以及抛出未经处理的特殊异常" + } executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') - # 延时执行 - # time.sleep(0.05) - # 使用httpie执行shell, 线程套线程, 效率低下 - # subprocess.call(httpie, shell=True) - response_body = execute(request_json, cookie, id) - executeEndTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') - return "执行命令\n{}\n当前[ID=[{}], executeStartTime=[{}], executeEndTime=[{}]\n响应结果:\n{}".format(httpie, id, executeStartTime, executeEndTime, response_body) - - -def execute(request_json, cookie, id): - url = request_json['url'] - method = request_json['method'] - request_headers = {} - for item in request_json['headers']: - if item.find('Cookie') != -1: - continue - split = item.replace('=', '').split(':') - request_headers[split[0]] = split[1] - request_headers['Cookie'] = cookie - request_body = {} - for item in request_json['body']: - split = item.replace(':', '').replace('NONE', str(id)).split('=') - request_body[split[0]] = split[1] try: response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) # JSON标准格式 response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) except Exception as e: - response_body = "服务方接口执行失败\n" - print(response) print(e) - return response_body + executeEndTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') + httpie_cmd_str = httpie(url, method, request_headers, request_body) + return "执行命令httpie:\n{}\n当前ID=[{}], executeStartTime=[{}], executeEndTime=[{}]\n响应结果:\n{}".format(httpie_cmd_str, id, executeStartTime, executeEndTime, response_body) -def load_cookie(reuse_cookie): - """ - 加载cookie - :param reuse_cookie: 是否热加载, 复用已有Cookie - :return: - """ - if reuse_cookie: - with open("./cookie.txt", "r") as f: - cookie = ''.join(f.readlines()) - else: - cookie = auto_login() - return cookie +def httpie(url, method, request_headers, request_body): + param_list = [cmd, no_ca] + if httpie_view is not None: + param_list.append(httpie_view) + param_list.extend([method, url]) + for (k, v) in request_headers.items(): + if k == "Cookie": + param_list.append("'" + k + ":" + v + "'") + else: + param_list.append(k + ":" + v) + for (k, v) in request_body.items(): + if is_number(v): + param_list.append(k + ":=" + v) + else: + param_list.append(k + "=" + v) + return joiner.join(param_list) + + +def is_number(s): + try: + # 如果能运行float(s)语句,返回True(字符串s是浮点数) + float(s) + return True + except ValueError: + # ValueError为Python的一种标准异常,表示"传入无效的参数" + # 如果引发了ValueError这种异常,不做任何事情(pass:不做任何事情,一般用做占位语句) + pass + try: + # 把一个表示数字的字符串转换为浮点数返回的函数 + unicodedata.numeric(s) + return True + except (TypeError, ValueError): + pass + return False def load_data(): @@ -128,57 +119,58 @@ def load_data(): def auto_login(): """ - 自动登录, 获取登录Cookie, 写入文件, 在控制台打印 + 自动登录, 获取登录Cookie """ with open("./ssoLogin.json", 'r') as sso_login_request_data: request_json = json.load(sso_login_request_data) url = request_json['url'] method = request_json['method'] - request_headers = {} - for item in request_json['headers']: - split = item.replace('=', '').split(':') - request_headers[split[0]] = split[1] - request_body = {} - for item in request_json['body']: - split = item.replace(':', '').split('=') - request_body[split[0]] = split[1] - - request_headers = {"Content-Type": "application/json", "HT-app": "6"} + request_headers = handle_json_str_value(request_json['headers']) + request_body = handle_json_str_value(request_json['body']) + # request_headers = {"Content-Type": "application/json", "HT-app": "6"} response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) response_headers = response.headers cookie = response_headers.get("set-Cookie") - with open("./cookie.txt", "w") as f: - f.write(cookie) # JSON标准格式 response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) - print("\n执行登录响应BODY结果: \n" + response_body) + print("登录响应Cookie结果: \n{}\n登录响应BODY结果: {}".format(cookie, response_body)) return cookie -def normal(): - ids = load_data() - for result in executor.map(httpie_cmd, ids): - print(result) - +def handle_json_str_value(json): + """ + 将json的值都变为字符串处理 + :param json: + :return: + """ + for (k, v) in json.items(): + json[k] = str(v) + return json -def concurrent_infinite_loop_test(): - # datas = list(range(1, 20)) - datas = [10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, \ - 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, 10009984, \ - ] - while True: - for result in executor.map(httpie_cmd, datas): - print(result) +def replace_id(json, id): + """ + 将json的值都变为字符串处理 + :param json: + :return: + """ + for (k, v) in json.items(): + if v == "NONE": + json[k] = str(id) + else: + json[k] = str(v) + return json def main(): + # 全局变量cookie, 初始化为空 + global init_cookie # 首先登陆一次 - auto_login() - if enable_concurrent_test: - concurrent_infinite_loop_test() - else: - normal() + init_cookie = auto_login() + # 读取ID数据列表 + ids = load_data() + for result in executor.map(httpie_cmd, ids): + print(result) if __name__ == '__main__': diff --git a/auto/cookie.txt b/auto/cookie.txt deleted file mode 100644 index 76f82990b410..000000000000 --- a/auto/cookie.txt +++ /dev/null @@ -1 +0,0 @@ -_r=ihJwwY0cYz49sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNjwVPsU5xjhj8rk2wMSWTlq|CbC19qAq++I=; Max-Age=2592000; Expires=Sat, 23-May-2020 17:31:45 GMT; Domain=testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNjwVPsU5xjhj9nOjlUgrXEp55U6X+1Po33uJPYL04AjHeCq6RpJJfAD|phesnzhUWwg=; Max-Age=7200; Expires=Thu, 23-Apr-2020 19:31:45 GMT; Domain=emp.testa.huitong.com; Path=/; HttpOnly, _a=HUQD4RRBySY9sr6PMLsFz0BZpRyQxkFQfqtQSrOxQNjwVPsU5xjhj9nOjlUgrXEp55U6X+1Po33uJPYL04AjHeCq6RpJJfAD|phesnzhUWwg=; Max-Age=7200; Expires=Thu, 23-Apr-2020 19:31:45 GMT; Domain=emp2.testa.huitong.com; Path=/; HttpOnly \ No newline at end of file diff --git a/auto/excuteUrl.json b/auto/excuteUrl.json index 115974c06042..53763eb61bf8 100644 --- a/auto/excuteUrl.json +++ b/auto/excuteUrl.json @@ -1,11 +1,12 @@ { - "url": "http://172.16.10.41:8119/api/v100/user_new/userRole/detail", + "url": "http://127.0.0.1:8127/api/v100/live/employee/upload/dibblingVideo/addCategory", "method": "POST", - "headers" : [ - "Content-Type:application/json", - "HT-app:6" - ], - "body": [ - "subAccountId=NONE" - ] + "headers": { + "Content-Type": "application/json", + "HT-app": 6 + }, + "body": { + "schoolId": "NONE", + "name": "默认分类" + } } diff --git a/auto/school.csv b/auto/school.csv deleted file mode 100644 index 9fd282c500d4..000000000000 --- a/auto/school.csv +++ /dev/null @@ -1,16332 +0,0 @@ -10006687 -10006688 -10006689 -10006690 -10006691 -10006692 -10006693 -10006694 -10006695 -10006696 -10006697 -10006698 -10006699 -10006700 -10006701 -10006702 -10006703 -10006704 -10006705 -10006706 -10006707 -10006708 -10006709 -10006710 -10006711 -10006712 -10006713 -10006714 -10006715 -10006716 -10006717 -10006718 -10006719 -10006720 -10006721 -10006722 -10006723 -10006724 -10006725 -10006726 -10006727 -10006728 -10006729 -10006730 -10006731 -10006732 -10006733 -10006734 -10006735 -10006736 -10006737 -10006738 -10006739 -10006740 -10006741 -10006742 -10006743 -10006744 -10006745 -10006746 -10006747 -10006748 -10006749 -10006750 -10006751 -10006752 -10006753 -10006754 -10006755 -10006756 -10006757 -10006758 -10006759 -10006760 -10006761 -10006762 -10006763 -10006764 -10006765 -10006766 -10006767 -10006768 -10006769 -10006770 -10006771 -10006772 -10006773 -10006774 -10006775 -10006776 -10006777 -10006778 -10006779 -10006780 -10006781 -10006782 -10006783 -10006784 -10006785 -10006786 -10006787 -10006788 -10006789 -10006790 -10006791 -10006792 -10006793 -10006794 -10006795 -10006796 -10006797 -10006798 -10006799 -10006800 -10006801 -10006802 -10006803 -10006804 -10006805 -10006806 -10006807 -10006808 -10006809 -10006810 -10006811 -10006812 -10006813 -10006814 -10006815 -10006816 -10006817 -10006818 -10006819 -10006820 -10006821 -10006822 -10006823 -10006824 -10006825 -10006826 -10006827 -10006828 -10006829 -10006830 -10006831 -10006832 -10006833 -10006834 -10006835 -10006836 -10006837 -10006838 -10006839 -10006840 -10006841 -10006842 -10006843 -10006844 -10006845 -10006846 -10006847 -10006848 -10006849 -10006850 -10006851 -10006852 -10006853 -10006854 -10006855 -10006856 -10006858 -10006859 -10006860 -10006861 -10006862 -10006863 -10006864 -10006865 -10006866 -10006867 -10006868 -10006869 -10006870 -10006871 -10006872 -10006873 -10006874 -10006875 -10006876 -10006877 -10006878 -10006879 -10006880 -10006881 -10006882 -10006883 -10006884 -10006885 -10006886 -10006887 -10006888 -10006889 -10006890 -10006891 -10006892 -10006893 -10006894 -10006895 -10006896 -10006897 -10006898 -10006899 -10006900 -10006901 -10006902 -10006903 -10006904 -10006905 -10006906 -10006907 -10006908 -10006909 -10006910 -10006911 -10006912 -10006913 -10006914 -10006915 -10006916 -10006917 -10006918 -10006919 -10006920 -10006921 -10006922 -10006923 -10006924 -10006925 -10006926 -10006927 -10006928 -10006929 -10006930 -10006931 -10006932 -10006933 -10006934 -10006935 -10006936 -10006937 -10006938 -10006939 -10006940 -10006941 -10006942 -10006943 -10006944 -10006945 -10006946 -10006947 -10006948 -10006949 -10006950 -10006951 -10006952 -10006953 -10006954 -10015062 -10015063 -10015064 -10015065 -10015066 -10015067 -10015068 -10015069 -10015070 -10015071 -10015072 -10015073 -10015074 -10015075 -10015076 -10015077 -10015078 -10015079 -10015080 -10015081 -10015082 -10015083 -10015084 -10015085 -10015086 -10015087 -10015088 -10015089 -10015090 -10015091 -10015092 -10015093 -10015094 -10015095 -10015096 -10015097 -10015098 -10015099 -10015100 -10015101 -10015102 -10015103 -10015104 -10015105 -10015106 -10015107 -10015108 -10015109 -10015110 -10015111 -10015112 -10015113 -10015114 -10015115 -10015116 -10015117 -10015118 -10015119 -10015120 -10015121 -10015122 -10015123 -10015124 -10015125 -10015126 -10015127 -10015128 -10015129 -10015130 -10015131 -10015132 -10015133 -10015134 -10015135 -10015136 -10015137 -10015138 -10015139 -10015140 -10015141 -10015142 -10015143 -10015144 -10015145 -10015146 -10015147 -10015148 -10015149 -10015150 -10015151 -10015152 -10015153 -10015154 -10015155 -10015156 -10015157 -10015158 -10015159 -10015160 -10015161 -10015162 -10015163 -10015164 -10015165 -10015166 -10015167 -10015168 -10015169 -10015170 -10015171 -10015172 -10015173 -10015174 -10015175 -10015176 -10015177 -10015178 -10015179 -10015180 -10015181 -10015182 -10015183 -10015184 -10015185 -10015186 -10015187 -10015188 -10015189 -10015190 -10015191 -10015192 -10015193 -10015194 -10015195 -10015196 -10015197 -10015198 -10015199 -10015200 -10015201 -10015202 -10015203 -10015204 -10015205 -10015206 -10015207 -10015208 -10015209 -10015210 -10015211 -10015212 -10015213 -10015214 -10015215 -10015216 -10015217 -10015218 -10015219 -10015220 -10015221 -10015222 -10015223 -10015224 -10015225 -10015226 -10015227 -10015228 -10015229 -10015230 -10015231 -10015232 -10015233 -10015234 -10015235 -10015236 -10015237 -10015238 -10015239 -10015240 -10015241 -10015242 -10015243 -10015244 -10015245 -10015246 -10015247 -10015248 -10015249 -10015250 -10015251 -10015252 -10015253 -10015254 -10015255 -10015256 -10015257 -10015258 -10015259 -10015260 -10015261 -10015262 -10015263 -10015264 -10015265 -10015266 -10015267 -10015268 -10015269 -10015270 -10015271 -10015272 -10015273 -10015274 -10015275 -10015276 -10015277 -10015278 -10015279 -10015280 -10015281 -10015282 -10015283 -10015284 -10015285 -10015286 -10015287 -10015288 -10015289 -10015290 -10015291 -10015292 -10015293 -10015294 -10015295 -10015296 -10015297 -10015298 -10015299 -10015300 -10015301 -10015302 -10015303 -10015304 -10015305 -10015306 -10015307 -10015308 -10015309 -10015310 -10015311 -10015312 -10015313 -10015314 -10015315 -10015316 -10015317 -10015318 -10015319 -10015320 -10015321 -10015322 -10015323 -10015324 -10015325 -10015326 -10015327 -10015328 -10015329 -10015330 -10015331 -10015332 -10015333 -10015334 -10015335 -10015336 -10015337 -10015338 -10015339 -10015340 -10015341 -10015342 -10015343 -10015344 -10015345 -10015346 -10015347 -10015348 -10015349 -10015350 -10015351 -10015352 -10015353 -10015354 -10015355 -10015356 -10015357 -10015358 -10015359 -10015360 -10015361 -10015362 -10015363 -10015364 -10015365 -10015366 -10015367 -10015368 -10015369 -10015370 -10015371 -10015372 -10015373 -10015374 -10015375 -10015376 -10015377 -10015378 -10015379 -10015380 -10015381 -10015382 -10015383 -10015384 -10015385 -10015386 -10015387 -10015388 -10015389 -10015390 -10015391 -10015392 -10015393 -10015394 -10015395 -10015396 -10015397 -10015398 -10015399 -10015400 -10015401 -10015402 -10015403 -10015404 -10015405 -10015406 -10015407 -10015408 -10015409 -10015410 -10015411 -10015412 -10015413 -10015414 -10015415 -10015416 -10015417 -10015418 -10015419 -10015420 -10015421 -10015422 -10015423 -10015424 -10015425 -10015426 -10015427 -10015428 -10015429 -10015430 -10015431 -10015432 -10015433 -10015434 -10015435 -10015436 -10015437 -10015438 -10015439 -10015440 -10015441 -10015442 -10015443 -10015444 -10015445 -10015446 -10015447 -10015448 -10015449 -10015450 -10015451 -10015452 -10015453 -10015454 -10015455 -10015456 -10015457 -10015458 -10015459 -10015461 -10015462 -10015463 -10015464 -10015465 -10015466 -10015467 -10015468 -10015469 -10015470 -10015471 -10015472 -10015473 -10015474 -10015475 -10015476 -10015477 -10015478 -10015479 -10015480 -10015481 -10015482 -10015483 -10015484 -10015485 -10015486 -10015487 -10015488 -10015489 -10015490 -10015491 -10015492 -10015493 -10015494 -10015495 -10015496 -10015497 -10015498 -10015499 -10015500 -10015501 -10015502 -10015503 -10015504 -10015505 -10015506 -10015507 -10015508 -10015509 -10015510 -10015511 -10015512 -10015513 -10015514 -10015515 -10015516 -10015517 -10015518 -10015519 -10015520 -10015521 -10015522 -10015523 -10015524 -10015525 -10015526 -10015527 -10015528 -10015529 -10015530 -10015531 -10015532 -10015533 -10015534 -10015535 -10015536 -10015537 -10015538 -10015539 -10015540 -10015541 -10015542 -10015543 -10015544 -10015545 -10015546 -10015547 -10015548 -10015549 -10015550 -10015551 -10015552 -10015553 -10015554 -10015555 -10015556 -10015557 -10015558 -10015559 -10015560 -10015561 -10015562 -10015563 -10015564 -10015565 -10015566 -10015567 -10015568 -10015569 -10015570 -10015571 -10015572 -10015573 -10015574 -10015575 -10015576 -10015577 -10015578 -10015579 -10015580 -10015581 -10015582 -10015583 -10015584 -10015585 -10015586 -10015587 -10015588 -10015589 -10015590 -10015591 -10015592 -10015593 -10015594 -10015595 -10015596 -10015597 -10015598 -10015599 -10015600 -10015601 -10015602 -10015603 -10015604 -10015605 -10015606 -10015607 -10015608 -10015609 -10015610 -10015611 -10015612 -10015613 -10015614 -10015615 -10015616 -10015617 -10015618 -10015619 -10015620 -10015621 -10015622 -10015623 -10015624 -10015625 -10015626 -10015627 -10015628 -10015629 -10015630 -10015631 -10015632 -10015633 -10015634 -10015635 -10015636 -10015637 -10015638 -10015639 -10015640 -10015641 -10015642 -10015643 -10015644 -10015645 -10015646 -10015647 -10015648 -10015649 -10015650 -10015651 -10015652 -10015653 -10015654 -10015655 -10015656 -10015657 -10015658 -10015659 -10015660 -10015661 -10015662 -10015663 -10015664 -10015665 -10015666 -10015667 -10015668 -10015669 -10015670 -10015671 -10015672 -10015673 -10015674 -10015675 -10015676 -10015677 -10015678 -10015679 -10015680 -10015681 -10015682 -10015683 -10015684 -10015685 -10015686 -10015687 -10015688 -10015689 -10015690 -10015691 -10015692 -10015693 -10015694 -10015695 -10015696 -10015697 -10015698 -10015699 -10015700 -10015701 -10015702 -10015703 -10015704 -10015705 -10015706 -10015707 -10015708 -10015709 -10015710 -10015711 -10015712 -10015713 -10015714 -10015715 -10015716 -10015717 -10015718 -10015719 -10015720 -10015721 -10015722 -10015723 -10015724 -10015725 -10015726 -10015727 -10015728 -10015729 -10015730 -10015731 -10015732 -10015733 -10015734 -10015735 -10015736 -10015737 -10015738 -10015739 -10015740 -10015741 -10015742 -10015743 -10015744 -10015745 -10015746 -10015747 -10015748 -10015749 -10015750 -10015751 -10015752 -10015753 -10015754 -10015755 -10015756 -10015757 -10015758 -10015759 -10015760 -10015761 -10015762 -10015763 -10015764 -10015765 -10015769 -10015770 -10015771 -10015772 -10015773 -10015774 -10015775 -10015776 -10015777 -10015778 -10015779 -10015780 -10015781 -10015782 -10015783 -10015784 -10015785 -10015786 -10015787 -10015788 -10015789 -10015790 -10015791 -10015792 -10015793 -10015794 -10015795 -10015796 -10015797 -10015798 -10015799 -10015800 -10015801 -10015802 -10015803 -10015804 -10015805 -10015806 -10015807 -10015808 -10015809 -10015810 -10015811 -10015812 -10015813 -10015814 -10015815 -10015816 -10015817 -10015818 -10015819 -10015820 -10015821 -10015822 -10015823 -10015824 -10015825 -10015826 -10015827 -10015828 -10015829 -10015830 -10015831 -10015832 -10015833 -10015834 -10015835 -10015836 -10015837 -10015838 -10015839 -10015840 -10015841 -10015842 -10015843 -10015844 -10015845 -10015846 -10015847 -10015848 -10015849 -10015850 -10015851 -10015852 -10015853 -10015854 -10015855 -10015856 -10015857 -10015858 -10015859 -10015860 -10015861 -10015862 -10015863 -10015864 -10015865 -10015866 -10015867 -10015868 -10015869 -10015870 -10015871 -10015872 -10015873 -10015874 -10015875 -10015876 -10015877 -10015878 -10015879 -10015880 -10020918 -10020919 -10020920 -10020921 -10020922 -10020923 -10020924 -10020925 -10020926 -10020927 -10020928 -10020929 -10020930 -10020931 -10020932 -10020933 -10020934 -10020935 -10020936 -10020937 -10020938 -10020939 -10020940 -10020941 -10020942 -10020943 -10020944 -10020945 -10020946 -10020947 -10020948 -10020949 -10020950 -10020951 -10020952 -10020953 -10020954 -10020955 -10020956 -10020957 -10020958 -10020959 -10020960 -10020961 -10020962 -10020963 -10020964 -10020965 -10020966 -10020967 -10020968 -10020969 -10020970 -10020971 -10020972 -10020973 -10020974 -10020975 -10020976 -10020977 -10020978 -10020979 -10020980 -10020981 -10020982 -10020983 -10020984 -10020985 -10020986 -10020987 -10020988 -10020989 -10020990 -10020991 -10020992 -10020993 -10020994 -10020995 -10020996 -10020997 -10020998 -10020999 -10021000 -10021001 -10021002 -10021003 -10021004 -10021005 -10021006 -10021007 -10021008 -10021009 -10021010 -10021011 -10021012 -10021013 -10021014 -10021015 -10021016 -10021017 -10021018 -10021019 -10021020 -10021021 -10021022 -10021023 -10021024 -10021025 -10021026 -10021027 -10021028 -10021029 -10021030 -10021031 -10021032 -10021033 -10021034 -10021035 -10021036 -10021037 -10021038 -10021039 -10021040 -10021041 -10021042 -10021043 -10021044 -10021045 -10021046 -10021047 -10021048 -10021049 -10021050 -10021051 -10021052 -10021053 -10021054 -10021055 -10021056 -10021057 -10021058 -10021059 -10021060 -10021061 -10021062 -10021063 -10021064 -10021065 -10021066 -10021067 -10021068 -10021069 -10021070 -10021071 -10021072 -10021073 -10021074 -10021075 -10021076 -10021077 -10021078 -10021079 -10021080 -10021081 -10021082 -10021083 -10021084 -10021085 -10021086 -10021087 -10021088 -10021089 -10021090 -10021091 -10021092 -10021093 -10021094 -10021095 -10021096 -10021097 -10021098 -10021099 -10021100 -10021101 -10021102 -10021103 -10021104 -10021105 -10021106 -10021107 -10021108 -10021109 -10021110 -10021111 -10021112 -10021113 -10021114 -10021115 -10021116 -10021117 -10021118 -10021119 -10021120 -10021121 -10021122 -10021123 -10021124 -10021125 -10021126 -10021127 -10021128 -10021129 -10021130 -10021131 -10021132 -10021133 -10021134 -10021135 -10021136 -10021137 -10021138 -10021139 -10021140 -10021141 -10021142 -10021143 -10021144 -10021145 -10021146 -10021147 -10021148 -10021149 -10021150 -10021151 -10021152 -10021153 -10021154 -10021155 -10021156 -10021157 -10021158 -10021159 -10021160 -10021161 -10021162 -10021163 -10021164 -10021165 -10021166 -10021167 -10021168 -10021169 -10021170 -10021171 -10021172 -10021173 -10021174 -10021175 -10021176 -10021177 -10021178 -10021179 -10021180 -10021181 -10021182 -10021183 -10021184 -10021185 -10021186 -10021187 -10021188 -10021189 -10021190 -10021191 -10021192 -10021193 -10021194 -10021195 -10021196 -10021197 -10021198 -10021199 -10021200 -10021201 -10021202 -10021203 -10021204 -10021205 -10021206 -10021207 -10021208 -10021209 -10021210 -10021211 -10021212 -10021213 -10021214 -10021215 -10021216 -10021217 -10021218 -10021219 -10021220 -10021221 -10021222 -10021223 -10021224 -10021225 -10021226 -10021227 -10021228 -10021229 -10021230 -10021231 -10021232 -10021233 -10021234 -10021235 -10021236 -10021237 -10021238 -10021239 -10021240 -10021241 -10021242 -10021243 -10021244 -10021245 -10021246 -10021247 -10021248 -10021249 -10021250 -10021251 -10021252 -10021253 -10021254 -10021255 -10021256 -10021257 -10021258 -10021259 -10021260 -10021261 -10021262 -10021263 -10021264 -10021265 -10021266 -10021267 -10021268 -10021269 -10021270 -10021271 -10021272 -10021273 -10021274 -10021275 -10021276 -10021277 -10021278 -10021279 -10021280 -10021281 -10021282 -10021283 -10021284 -10021285 -10021286 -10021287 -10021288 -10021289 -10021290 -10021291 -10021292 -10021293 -10021294 -10021295 -10021296 -10021297 -10021298 -10021299 -10021300 -10021301 -10021302 -10021303 -10021304 -10021305 -10021306 -10021307 -10021308 -10021309 -10021310 -10021311 -10021312 -10021313 -10021314 -10021315 -10021316 -10021317 -10021318 -10021319 -10021320 -10021321 -10021322 -10021323 -10021324 -10021325 -10021326 -10021327 -10021328 -10021329 -10021330 -10021331 -10021332 -10021333 -10021334 -10021335 -10021336 -10021337 -10021338 -10021339 -10021340 -10021341 -10021342 -10021343 -10021344 -10021345 -10021346 -10021347 -10021348 -10021349 -10021350 -10021351 -10021352 -10021353 -10021354 -10021355 -10021356 -10021357 -10021358 -10021359 -10021360 -10021361 -10021362 -10021363 -10021364 -10021365 -10021366 -10021367 -10021368 -10021369 -10021370 -10021371 -10021372 -10021373 -10021374 -10021375 -10021376 -10021377 -10021378 -10021379 -10021380 -10021381 -10021382 -10021383 -10021384 -10021385 -10021386 -10021387 -10021388 -10021389 -10021390 -10021391 -10021392 -10021393 -10021394 -10021395 -10021396 -10021397 -10021398 -10021399 -10021400 -10021401 -10021402 -10021403 -10021404 -10021405 -10021406 -10021407 -10021408 -10021409 -10021410 -10021411 -10021412 -10021413 -10021414 -10021415 -10021416 -10021417 -10021418 -10021419 -10021420 -10021421 -10021422 -10021423 -10021424 -10021425 -10021426 -10021427 -10021428 -10021429 -10021430 -10021431 -10021432 -10021433 -10021434 -10021435 -10021436 -10021437 -10021438 -10021439 -10021440 -10021441 -10021442 -10021443 -10021444 -10021445 -10021446 -10021447 -10021448 -10021449 -10021450 -10021451 -10021452 -10021453 -10021454 -10021455 -10021456 -10021457 -10021458 -10021459 -10021460 -10021461 -10021462 -10021463 -10021464 -10021465 -10021466 -10021467 -10021468 -10021469 -10021470 -10021471 -10021472 -10021473 -10021474 -10021475 -10021476 -10021477 -10021478 -10021479 -10021480 -10021481 -10021482 -10021483 -10021484 -10021485 -10021486 -10021487 -10021488 -10021489 -10021490 -10021491 -10021492 -10021493 -10021494 -10021495 -10021496 -10021497 -10021498 -10021499 -10021500 -10021501 -10021502 -10021503 -10021504 -10021505 -10021506 -10021507 -10021508 -10021509 -10021510 -10021511 -10021512 -10021513 -10021514 -10021515 -10021516 -10021517 -10021518 -10021519 -10021520 -10021521 -10021522 -10021523 -10021524 -10021525 -10021526 -10021527 -10021528 -10021529 -10021530 -10021531 -10021532 -10021533 -10021534 -10021535 -10021536 -10021537 -10021538 -10021539 -10021540 -10021541 -10021542 -10021543 -10021544 -10021545 -10021546 -10021547 -10021548 -10021549 -10021550 -10021551 -10021552 -10021553 -10021554 -10021555 -10021556 -10021557 -10021558 -10021559 -10021560 -10021561 -10021562 -10021563 -10021564 -10021565 -10021566 -10021567 -10021568 -10021569 -10021570 -10021571 -10021572 -10021573 -10021574 -10021575 -10021576 -10021577 -10021578 -10021579 -10021580 -10021581 -10021582 -10021583 -10021584 -10021585 -10021586 -10021587 -10021588 -10021589 -10021590 -10021591 -10021592 -10021593 -10021594 -10021595 -10021596 -10021597 -10021598 -10021599 -10021600 -10021601 -10021602 -10021603 -10021604 -10021605 -10021606 -10021607 -10021608 -10021609 -10021610 -10021611 -10021612 -10021613 -10021614 -10021615 -10021616 -10021617 -10021618 -10021619 -10021620 -10021621 -10021622 -10021623 -10021624 -10021625 -10021626 -10021627 -10021628 -10021629 -10021630 -10021631 -10021632 -10021633 -10021634 -10021635 -10021636 -10021637 -10021638 -10021639 -10021640 -10021641 -10021642 -10021643 -10021644 -10021645 -10021646 -10021647 -10021648 -10021649 -10021650 -10021651 -10021652 -10021653 -10021654 -10021655 -10021656 -10021657 -10021658 -10021659 -10021660 -10021661 -10021662 -10021663 -10021664 -10021665 -10021666 -10021667 -10021668 -10021669 -10021670 -10021671 -10021672 -10021673 -10021674 -10021675 -10021676 -10021677 -10021678 -10021679 -10021680 -10021681 -10021682 -10021683 -10021684 -10021685 -10021686 -10021687 -10021688 -10021689 -10021690 -10021691 -10021692 -10021693 -10021694 -10021695 -10021696 -10021697 -10021698 -10021699 -10021700 -10021701 -10021702 -10021703 -10021704 -10021705 -10021706 -10021707 -10021708 -10021709 -10021710 -10021711 -10021712 -10021713 -10021714 -10021715 -10021716 -10021717 -10021718 -10021719 -10021720 -10021721 -10021722 -10021723 -10021724 -10021725 -10021726 -10021727 -10021728 -10021729 -10021730 -10021731 -10021732 -10021733 -10021734 -10021735 -10021736 -10021737 -10021738 -10021739 -10021740 -10021741 -10021742 -10021743 -10021744 -10021745 -10021746 -10021747 -10021748 -10021749 -10021750 -10021751 -10021752 -10021753 -10021754 -10021755 -10021756 -10021757 -10021758 -10021759 -10021760 -10021761 -10021762 -10021763 -10021764 -10021765 -10021766 -10021767 -10021768 -10021769 -10021770 -10021771 -10021772 -10021773 -10021774 -10021775 -10021776 -10021777 -10021778 -10021779 -10021780 -10021781 -10021782 -10021783 -10021784 -10021785 -10021786 -10021787 -10021788 -10021789 -10021790 -10021791 -10021792 -10021793 -10021794 -10021795 -10021796 -10021797 -10021798 -10021799 -10021800 -10021801 -10021802 -10021803 -10021804 -10021805 -10021806 -10021807 -10021808 -10021809 -10021810 -10021811 -10021812 -10021813 -10021814 -10021815 -10021816 -10021817 -10021818 -10021819 -10021820 -10021821 -10021822 -10021823 -10021824 -10021825 -10021826 -10021827 -10021828 -10021829 -10021830 -10021831 -10021832 -10021833 -10021834 -10021835 -10021836 -10021837 -10021838 -10021839 -10021840 -10021841 -10021842 -10021843 -10021844 -10021845 -10021846 -10021847 -10021848 -10021849 -10021850 -10021851 -10021852 -10021853 -10021854 -10021855 -10021856 -10021857 -10021858 -10021859 -10021860 -10021861 -10021862 -10021863 -10021864 -10021865 -10021866 -10021867 -10021868 -10021869 -10021870 -10021871 -10021872 -10021873 -10021874 -10021875 -10021876 -10021877 -10021878 -10021879 -10021880 -10021881 -10021882 -10021883 -10021884 -10021885 -10021886 -10021887 -10021888 -10021889 -10021890 -10021891 -10021892 -10021893 -10021894 -10021895 -10021896 -10021897 -10021898 -10021899 -10021900 -10021901 -10021902 -10021903 -10021904 -10021905 -10021906 -10021907 -10021908 -10021909 -10021910 -10021911 -10021912 -10021913 -10021914 -10021915 -10021916 -10021917 -10021918 -10021919 -10021920 -10021921 -10021922 -10021923 -10021924 -10021925 -10021926 -10021927 -10021928 -10021929 -10021930 -10021931 -10021932 -10021933 -10021934 -10021935 -10021936 -10021937 -10021938 -10021939 -10021940 -10021941 -10021942 -10021943 -10021944 -10021945 -10021946 -10021947 -10021948 -10021949 -10021950 -10021951 -10021952 -10021953 -10021954 -10021955 -10021956 -10021957 -10021958 -10021959 -10021960 -10021961 -10021962 -10021963 -10021964 -10021965 -10021966 -10021967 -10021968 -10021969 -10021970 -10021971 -10021972 -10021973 -10021974 -10021975 -10021976 -10021977 -10021978 -10021979 -10021980 -10021981 -10021982 -10021983 -10021984 -10021985 -10021986 -10021987 -10021988 -10021989 -10021990 -10021991 -10021992 -10021993 -10021994 -10021995 -10021996 -10021997 -10021998 -10021999 -10022000 -10022001 -10022002 -10022003 -10022004 -10022005 -10022006 -10022007 -10022008 -10022009 -10022010 -10022011 -10022012 -10022013 -10022014 -10022015 -10022016 -10022017 -10022018 -10022019 -10022020 -10022021 -10022022 -10022023 -10022024 -10022025 -10022026 -10022027 -10022028 -10022029 -10022030 -10022031 -10022032 -10022033 -10022034 -10022035 -10022036 -10022037 -10022038 -10022039 -10022040 -10022041 -10022042 -10022043 -10022044 -10022045 -10022046 -10022047 -10022048 -10022049 -10022050 -10022051 -10022052 -10022053 -10022054 -10022055 -10022056 -10022057 -10022058 -10022059 -10022060 -10022061 -10022062 -10022063 -10022064 -10022065 -10022066 -10022067 -10022068 -10022069 -10022070 -10022071 -10022072 -10022073 -10022074 -10022075 -10022076 -10022077 -10022078 -10022079 -10022080 -10022081 -10022082 -10022083 -10022084 -10022085 -10022086 -10022087 -10022088 -10022089 -10022090 -10022091 -10022092 -10022093 -10022094 -10022095 -10022096 -10022097 -10022098 -10022099 -10022100 -10022101 -10022102 -10022103 -10022104 -10022105 -10022106 -10022107 -10022108 -10022109 -10022110 -10022111 -10022112 -10022113 -10022114 -10022115 -10022116 -10022117 -10022118 -10022119 -10022120 -10022121 -10022122 -10022123 -10022124 -10022125 -10022126 -10022127 -10022128 -10022129 -10022130 -10022131 -10022132 -10022133 -10022134 -10022135 -10022136 -10022137 -10022138 -10022139 -10022140 -10022141 -10022142 -10022143 -10022144 -10022145 -10022146 -10022147 -10022148 -10022149 -10022150 -10022151 -10022152 -10022153 -10022154 -10022155 -10022156 -10022157 -10022158 -10022159 -10022160 -10022161 -10022162 -10022163 -10022164 -10022165 -10022166 -10022167 -10022168 -10022169 -10022170 -10022171 -10022172 -10022173 -10022174 -10022175 -10022176 -10022177 -10022178 -10022179 -10022180 -10022181 -10022182 -10022183 -10022184 -10022185 -10022186 -10022187 -10022188 -10022189 -10022190 -10022191 -10022192 -10022193 -10022194 -10022195 -10022196 -10022197 -10022198 -10022199 -10022200 -10022201 -10022202 -10022203 -10022204 -10022205 -10022206 -10022207 -10022208 -10022209 -10022210 -10022211 -10022212 -10022213 -10022214 -10022215 -10022216 -10022217 -10022218 -10022219 -10022220 -10022221 -10022222 -10022223 -10022224 -10022225 -10022226 -10022227 -10022228 -10022229 -10022230 -10022231 -10022232 -10022233 -10022234 -10022235 -10022236 -10022237 -10022238 -10022239 -10022240 -10022241 -10022242 -10022243 -10022244 -10022245 -10022246 -10022247 -10022248 -10022249 -10022250 -10022251 -10022252 -10022253 -10022254 -10022255 -10022256 -10022257 -10022258 -10022259 -10022260 -10022261 -10022262 -10022263 -10022264 -10022265 -10022266 -10022267 -10022268 -10022269 -10022270 -10022271 -10022272 -10022273 -10022274 -10022275 -10022276 -10022277 -10022278 -10022279 -10022280 -10022281 -10022282 -10022283 -10022284 -10022285 -10022286 -10022287 -10022288 -10022289 -10022290 -10022291 -10022292 -10022293 -10022294 -10022295 -10022296 -10022297 -10022298 -10022299 -10022300 -10022301 -10022302 -10022303 -10022304 -10022305 -10022306 -10022307 -10022308 -10022309 -10022310 -10022311 -10022312 -10022313 -10022314 -10022315 -10022316 -10022317 -10022318 -10022319 -10022320 -10022321 -10022322 -10022323 -10022324 -10022325 -10022326 -10022327 -10022328 -10022329 -10022330 -10022331 -10022332 -10022333 -10022334 -10022335 -10022336 -10022337 -10022338 -10022339 -10022340 -10022341 -10221947 -10221948 -10221949 -10221950 -10221951 -10221952 -10221953 -10221954 -10221955 -10221956 -10221957 -10221958 -10221959 -10221960 -10221961 -10221962 -10221963 -10221964 -10221965 -10221966 -10221967 -10221968 -10221969 -10221970 -10221971 -10221972 -10221973 -10221974 -10221975 -10221976 -10221977 -10221978 -10221979 -10221980 -10221981 -10221982 -10221983 -10221984 -10221985 -10221986 -10221987 -10221988 -10221989 -10221990 -10221991 -10221992 -10221993 -10221994 -10221995 -10221996 -10221997 -10221998 -10221999 -10222000 -10222001 -10222002 -10222003 -10222004 -10222005 -10222006 -10222007 -10222008 -10222009 -10222010 -10222011 -10222012 -10222013 -10222014 -10222015 -10222016 -10222017 -10222018 -10222019 -10222020 -10222021 -10222022 -10222023 -10222024 -10222025 -10222026 -10222027 -10222028 -10222029 -10222030 -10222031 -10222032 -10222033 -10222034 -10222035 -10222036 -10222037 -10222038 -10222039 -10222040 -10222041 -10222042 -10222043 -10222044 -10222045 -10222046 -10222047 -10222048 -10222049 -10222050 -10222051 -10222052 -10222053 -10222054 -10222055 -10222056 -10222057 -10222058 -10222059 -10222060 -10222061 -10222062 -10222063 -10222064 -10222065 -10222066 -10222067 -10222068 -10222069 -10222070 -10222071 -10222072 -10222073 -10222074 -10222075 -10222076 -10222077 -10222078 -10222079 -10222080 -10222081 -10222082 -10222083 -10222084 -10222085 -10222086 -10222087 -10222088 -10222089 -10222090 -10222091 -10222092 -10222093 -10222094 -10222095 -10222096 -10222097 -10222098 -10222099 -10222100 -10222101 -10222102 -10222103 -10222104 -10222105 -10222106 -10222107 -10222108 -10222109 -10222110 -10222111 -10222112 -10222113 -10222114 -10222115 -10222116 -10222117 -10222118 -10222119 -10222120 -10222121 -10222122 -10222123 -10222124 -10222125 -10222126 -10222127 -10222128 -10222129 -10222130 -10222131 -10222132 -10222133 -10222134 -10222135 -10222136 -10222137 -10222138 -10222139 -10222140 -10222141 -10222142 -10222143 -10222144 -10222146 -10222147 -10222148 -10222149 -10222150 -10222151 -10222152 -10222153 -10222154 -10222155 -10222156 -10222157 -10222158 -10222159 -10222160 -10222161 -10222162 -10222163 -10222164 -10222165 -10222166 -10222167 -10222168 -10222169 -10222170 -10222171 -10222172 -10222173 -10222174 -10222175 -10222176 -10222177 -10222178 -10222179 -10222180 -10222181 -10222182 -10222183 -10222184 -10222185 -10222186 -10222187 -10222188 -10222189 -10222190 -10222191 -10222192 -10222193 -10222194 -10222195 -10222196 -10222197 -10222198 -10222199 -10222200 -10222201 -10222202 -10222203 -10222204 -10222205 -10222206 -10222207 -10222208 -10222209 -10222210 -10222211 -10222212 -10222213 -10222214 -10222215 -10222216 -10222217 -10222218 -10222219 -10222220 -10222221 -10222222 -10222223 -10222224 -10222225 -10222226 -10222227 -10222228 -10222229 -10222230 -10222231 -10222232 -10222233 -10222234 -10222235 -10222236 -10222237 -10222238 -10222239 -10222240 -10222241 -10222242 -10222243 -10222244 -10222245 -10222246 -10222247 -10222248 -10222249 -10222250 -10222251 -10222252 -10222253 -10222254 -10222255 -10222256 -10222257 -10222258 -10222259 -10222260 -10222261 -10222262 -10222263 -10222264 -10222265 -10222266 -10222267 -10222268 -10222269 -10222270 -10222271 -10222272 -10222273 -10222274 -10222275 -10222276 -10222277 -10222278 -10222279 -10222280 -10222281 -10222282 -10222283 -10222284 -10222285 -10222286 -10222287 -10222288 -10222289 -10222290 -10222291 -10222292 -10222293 -10222294 -10222295 -10222296 -10222297 -10222298 -10222299 -10222300 -10222301 -10222302 -10222303 -10222304 -10222305 -10222306 -10222307 -10222308 -10222309 -10222310 -10222311 -10222312 -10222313 -10222314 -10222315 -10222316 -10222317 -10222318 -10222319 -10222320 -10222321 -10222322 -10222323 -10222324 -10222325 -10222326 -10222327 -10222328 -10222329 -10222330 -10222331 -10222332 -10222333 -10222334 -10222335 -10222336 -10222337 -10222338 -10222339 -10222340 -10222341 -10222342 -10222343 -10222344 -10222345 -10222346 -10222347 -10222348 -10222349 -10222350 -10222351 -10222352 -10222353 -10222354 -10222355 -10222356 -10222357 -10222358 -10222359 -10222360 -10222361 -10222362 -10222363 -10222364 -10222365 -10222366 -10222367 -10222368 -10222369 -10222370 -10222371 -10222372 -10222373 -10222374 -10222375 -10222376 -10222377 -10222378 -10222379 -10222380 -10222381 -10222382 -10222383 -10222384 -10222385 -10222386 -10222387 -10222388 -10222389 -10222390 -10222391 -10222392 -10222393 -10222394 -10222395 -10222396 -10222397 -10222399 -10222401 -10222402 -10222403 -10222404 -10222405 -10222406 -10222407 -10222409 -10222410 -10222411 -10222412 -10222413 -10222414 -10222415 -10222416 -10222417 -10222418 -10222419 -10222420 -10222421 -10222422 -10222423 -10222424 -10222425 -10222426 -10222427 -10222428 -10222429 -10222430 -10222431 -10222432 -10222433 -10222434 -10222435 -10222436 -10222437 -10222438 -10222439 -10222440 -10222441 -10222442 -10222443 -10222444 -10222445 -10222446 -10222447 -10222448 -10222449 -10222450 -10222451 -10222452 -10222453 -10222454 -10222455 -10222456 -10222457 -10222458 -10222459 -10222460 -10222461 -10222462 -10222463 -10222464 -10222465 -10222466 -10222467 -10222468 -10222469 -10222470 -10222471 -10222472 -10222473 -10222474 -10222475 -10222476 -10222477 -10222478 -10222479 -10222480 -10222481 -10222482 -10222483 -10222484 -10222485 -10222486 -10222487 -10222488 -10222489 -10222490 -10222491 -10222492 -10222493 -10222494 -10222495 -10222496 -10222497 -10222498 -10222499 -10222500 -10222501 -10222502 -10222503 -10222504 -10222505 -10222506 -10222507 -10222508 -10222509 -10222510 -10222511 -10222512 -10222513 -10222514 -10222515 -10222516 -10222517 -10222518 -10222519 -10222520 -10222521 -10222522 -10222523 -10222524 -10222525 -10222526 -10222527 -10222528 -10222529 -10222530 -10222531 -10222532 -10222533 -10222534 -10222535 -10222536 -10222537 -10222538 -10222539 -10222540 -10222541 -10222542 -10222543 -10222544 -10222545 -10222546 -10222547 -10222548 -10222549 -10222550 -10222551 -10222552 -10222553 -10222554 -10222555 -10222556 -10222557 -10222558 -10222559 -10222560 -10222561 -10222562 -10222563 -10222564 -10222565 -10222566 -10222567 -10222568 -10222569 -10222570 -10222571 -10222572 -10222573 -10222574 -10222575 -10222576 -10222577 -10222578 -10222579 -10222580 -10222581 -10222582 -10222583 -10222584 -10222585 -10222586 -10222587 -10222588 -10222589 -10222590 -10222591 -10222592 -10222593 -10222594 -10222595 -10222596 -10222597 -10222598 -10222599 -10222600 -10222601 -10222602 -10222603 -10222604 -10222605 -10222606 -10222607 -10222608 -10222609 -10222610 -10222611 -10222612 -10222613 -10222614 -10222615 -10222616 -10222617 -10222618 -10222619 -10222620 -10222621 -10222622 -10222623 -10222624 -10222625 -10222626 -10222627 -10222628 -10222629 -10222630 -10222631 -10222632 -10222633 -10222634 -10222635 -10222636 -10222637 -10222638 -10222639 -10222640 -10222641 -10222642 -10222643 -10222644 -10222645 -10222646 -10222647 -10222648 -10222649 -10222650 -10222651 -10222652 -10222653 -10222654 -10222655 -10222656 -10222657 -10222658 -10222659 -10222660 -10222661 -10222662 -10222663 -10222664 -10222665 -10222666 -10222667 -10222668 -10222669 -10222670 -10222671 -10222672 -10222673 -10222674 -10222675 -10222676 -10222677 -10222678 -10222679 -10222680 -10222681 -10222682 -10222683 -10222684 -10222685 -10222686 -10222687 -10222688 -10222689 -10222690 -10222691 -10222692 -10222693 -10222694 -10222695 -10222696 -10222697 -10222698 -10222699 -10222700 -10222701 -10222702 -10222703 -10222704 -10222705 -10222706 -10222707 -10222708 -10222709 -10222710 -10222711 -10222712 -10222713 -10222714 -10222715 -10222716 -10222717 -10222718 -10222719 -10222720 -10222721 -10222722 -10222723 -10222724 -10222725 -10222726 -10222727 -10222728 -10222729 -10222730 -10222731 -10222732 -10222733 -10222734 -10222735 -10222736 -10222737 -10222738 -10222739 -10222740 -10222741 -10222742 -10222743 -10222744 -10222745 -10222746 -10222747 -10222748 -10222749 -10222750 -10222751 -10222752 -10222753 -10222754 -10222755 -10222756 -10222757 -10222758 -10222759 -10222760 -10222761 -10222762 -10222763 -10222764 -10222765 -10222766 -10222767 -10222768 -10222769 -10222770 -10222771 -10222772 -10222773 -10222774 -10222775 -10222776 -10222777 -10222778 -10222779 -10222780 -10222781 -10222782 -10222783 -10222784 -10222785 -10222786 -10222787 -10222788 -10222789 -10222790 -10222791 -10222792 -10222793 -10222794 -10222795 -10222796 -10222797 -10222798 -10222799 -10222800 -10222801 -10222802 -10222803 -10222804 -10222805 -10222806 -10222807 -10222808 -10222809 -10222810 -10222811 -10222812 -10222813 -10222814 -10222815 -10222816 -10222817 -10222818 -10222819 -10222820 -10222821 -10222822 -10222823 -10222824 -10222825 -10222826 -10222827 -10222828 -10222829 -10222830 -10222831 -10222832 -10222833 -10222834 -10222835 -10222836 -10222837 -10222838 -10222839 -10222840 -10222841 -10222842 -10222843 -10222844 -10222845 -10222846 -10222847 -10222848 -10222849 -10222850 -10222851 -10222852 -10222853 -10222854 -10222855 -10222856 -10222857 -10222858 -10222859 -10222860 -10222861 -10222862 -10222863 -10222864 -10222865 -10222866 -10222867 -10222868 -10222869 -10222870 -10222871 -10222872 -10222873 -10222874 -10222875 -10222876 -10222877 -10222878 -10222879 -10222880 -10222881 -10222882 -10222883 -10222884 -10222885 -10222886 -10222887 -10222888 -10222889 -10222890 -10222891 -10222892 -10222893 -10222894 -10222895 -10222896 -10222897 -10222898 -10222899 -10222900 -10222901 -10222902 -10222903 -10222904 -10222905 -10222906 -10222907 -10222908 -10222909 -10222910 -10222911 -10222912 -10222913 -10222914 -10222915 -10222916 -10222917 -10222918 -10222919 -10222920 -10222921 -10222922 -10222923 -10222924 -10222925 -10222926 -10222927 -10222928 -10222929 -10222930 -10222931 -10222932 -10222933 -10222934 -10222935 -10222936 -10222937 -10222938 -10222939 -10222940 -10222941 -10222942 -10222943 -10222944 -10222945 -10222946 -10222947 -10222948 -10222949 -10222950 -10222951 -10222952 -10222953 -10222954 -10222955 -10222956 -10222957 -10222958 -10222959 -10222960 -10222961 -10222962 -10222963 -10222964 -10222965 -10222966 -10222967 -10222968 -10222969 -10222970 -10222971 -10222972 -10222973 -10222974 -10222975 -10222976 -10222977 -10222978 -10222979 -10222980 -10222981 -10222982 -10222983 -10222984 -10222985 -10222986 -10222987 -10222988 -10222989 -10222990 -10222991 -10222992 -10222993 -10222994 -10222995 -10222996 -10222997 -10222998 -10222999 -10223000 -10223001 -10223002 -10223003 -10223004 -10223005 -10223006 -10223007 -10223008 -10223009 -10223010 -10223011 -10223012 -10223013 -10223014 -10223015 -10223016 -10223017 -10223018 -10223019 -10223020 -10223021 -10223022 -10223023 -10223024 -10223025 -10223026 -10223027 -10223028 -10223029 -10223030 -10223031 -10223032 -10223033 -10223034 -10223035 -10223036 -10223037 -10223038 -10223039 -10223040 -10223041 -10223042 -10223043 -10223044 -10223045 -10223046 -10223047 -10223048 -10223049 -10223050 -10223051 -10223052 -10223053 -10223054 -10223055 -10223056 -10223057 -10223058 -10223059 -10223060 -10223062 -10223063 -10223064 -10223065 -10223066 -10223067 -10223068 -10223069 -10223070 -10223071 -10223072 -10223073 -10223074 -10223075 -10223076 -10223077 -10223078 -10223080 -10223081 -10223082 -10223083 -10223084 -10223085 -10223086 -10223087 -10223088 -10223089 -10223090 -10223091 -10223092 -10223093 -10223094 -10223095 -10223096 -10223097 -10223099 -10223100 -10223101 -10223102 -10223103 -10223104 -10223105 -10223106 -10223107 -10223108 -10223109 -10223110 -10223111 -10223112 -10223113 -10223114 -10223115 -10223116 -10223117 -10223118 -10223120 -10223121 -10223122 -10223123 -10223124 -10223125 -10223126 -10223127 -10223128 -10223129 -10223130 -10223131 -10223132 -10223133 -10223134 -10223135 -10223136 -10223137 -10223138 -10223140 -10223141 -10223142 -10223143 -10223144 -10223145 -10223146 -10223147 -10223148 -10223149 -10223150 -10223151 -10223152 -10223153 -10223154 -10223155 -10223157 -10223158 -10223159 -10223160 -10223161 -10223162 -10223163 -10223164 -10223165 -10223167 -10223168 -10223169 -10223170 -10223171 -10223172 -10223173 -10223175 -10223176 -10223177 -10223178 -10223179 -10223180 -10223181 -10223182 -10223183 -10223184 -10223185 -10223186 -10223189 -10223190 -10223191 -10223192 -10223194 -10223195 -10223196 -10223197 -10223198 -10223199 -10223200 -10223201 -10223202 -10223203 -10223204 -10223205 -10223206 -10223207 -10223208 -10223209 -10223210 -10223211 -10223212 -10223213 -10223214 -10223215 -10223216 -10223217 -10223218 -10223219 -10223220 -10223221 -10223222 -10223223 -10223224 -10223225 -10223226 -10223227 -10223228 -10223229 -10223230 -10223231 -10223232 -10223233 -10223234 -10223235 -10223236 -10223237 -10223238 -10223239 -10223240 -10223241 -10223242 -10223243 -10223244 -10223245 -10223246 -10223247 -10223248 -10223249 -10223251 -10223252 -10223253 -10223254 -10223255 -10223256 -10223257 -10223258 -10223259 -10223260 -10223261 -10223262 -10223263 -10223264 -10223265 -10223266 -10223267 -10223268 -10223269 -10223270 -10223271 -10223272 -10223273 -10223274 -10223275 -10223276 -10223277 -10223278 -10223279 -10223280 -10223281 -10223282 -10223283 -10223284 -10223285 -10223286 -10223287 -10223288 -10223289 -10223290 -10223291 -10223295 -10223296 -10223297 -10223298 -10223299 -10223300 -10223301 -10223302 -10223303 -10223304 -10223305 -10223306 -10223307 -10223308 -10223309 -10223310 -10223311 -10223312 -10223313 -10223314 -10223315 -10223316 -10223317 -10223318 -10223319 -10223320 -10223321 -10223322 -10223323 -10223324 -10223325 -10223326 -10223327 -10223328 -10223329 -10223330 -10223331 -10223332 -10223333 -10223334 -10223335 -10223336 -10223337 -10223338 -10223339 -10223340 -10223341 -10223342 -10223343 -10223345 -10223346 -10223347 -10223348 -10223349 -10223350 -10223351 -10223352 -10223353 -10223354 -10223355 -10223356 -10223357 -10223358 -10223359 -10223360 -10223361 -10223362 -10223363 -10223364 -10223365 -10223366 -10223367 -10223369 -10223370 -10223371 -10223372 -10223373 -10223374 -10223375 -10223376 -10223377 -10223378 -10223379 -10223380 -10223381 -10223382 -10223383 -10223384 -10223385 -10223386 -10223387 -10223388 -10223389 -10223390 -10223391 -10223392 -10223393 -10223394 -10223395 -10223396 -10223397 -10223398 -10223399 -10223400 -10223401 -10223402 -10223403 -10223404 -10223405 -10223406 -10223407 -10223408 -10223409 -10223410 -10223411 -10223412 -10223413 -10223414 -10223415 -10223416 -10223417 -10223418 -10223419 -10223420 -10223421 -10223422 -10223423 -10223424 -10223425 -10223426 -10223427 -10224261 -10224262 -10224263 -10224264 -10224265 -10224266 -10224267 -10224268 -10224269 -10224270 -10224271 -10224272 -10224273 -10224274 -10224275 -10224276 -10224277 -10224278 -10224279 -10224280 -10224281 -10224282 -10224283 -10224284 -10224285 -10224286 -10224287 -10224288 -10224289 -10224290 -10224291 -10224292 -10224293 -10224294 -10224295 -10224296 -10224297 -10224298 -10224299 -10224300 -10224301 -10224302 -10224303 -10224304 -10224305 -10224306 -10224307 -10224308 -10224309 -10224310 -10224311 -10224312 -10224313 -10224314 -10224315 -10224316 -10224317 -10224318 -10224319 -10224320 -10224321 -10224322 -10224323 -10224324 -10224325 -10224326 -10224327 -10224328 -10224329 -10224330 -10224331 -10224332 -10224333 -10224334 -10224335 -10224336 -10224337 -10224338 -10224339 -10224340 -10224341 -10224342 -10224343 -10224344 -10224345 -10224346 -10224347 -10224348 -10224349 -10224350 -10224351 -10224352 -10224353 -10224354 -10224355 -10224356 -10224357 -10224358 -10224359 -10224360 -10224361 -10224362 -10224363 -10224364 -10224365 -10224366 -10224367 -10224368 -10224369 -10224370 -10224371 -10224372 -10224373 -10224374 -10224375 -10224376 -10224377 -10224378 -10224379 -10224380 -10224381 -10224382 -10224383 -10224384 -10224385 -10224386 -10224387 -10224388 -10224389 -10224390 -10224391 -10224392 -10224393 -10224394 -10224395 -10224396 -10224397 -10224398 -10224399 -10224400 -10224401 -10224402 -10224403 -10224404 -10224405 -10224406 -10224407 -10224408 -10224409 -10224410 -10224411 -10224412 -10224413 -10224414 -10224415 -10224416 -10224417 -10224418 -10224419 -10224420 -10224421 -10224422 -10224423 -10224424 -10224425 -10224426 -10224427 -10224428 -10224429 -10224430 -10224431 -10224432 -10224433 -10224434 -10224435 -10224436 -10224437 -10224438 -10224439 -10224440 -10224441 -10224442 -10224443 -10224444 -10224445 -10224446 -10224447 -10224448 -10224449 -10224450 -10224451 -10224452 -10224453 -10224454 -10224455 -10224456 -10224457 -10224458 -10224459 -10224460 -10224461 -10224462 -10224463 -10224464 -10224465 -10224466 -10224467 -10224468 -10224469 -10224470 -10224471 -10224472 -10224473 -10224474 -10224475 -10224476 -10224477 -10224478 -10224479 -10224480 -10224481 -10224482 -10224483 -10224484 -10224485 -10224486 -10224487 -10224488 -10224489 -10224490 -10224491 -10224492 -10224493 -10224494 -10224495 -10224496 -10224497 -10224498 -10224499 -10224500 -10224501 -10224502 -10224503 -10224504 -10224505 -10224506 -10224507 -10224508 -10224509 -10224510 -10224511 -10224512 -10224513 -10224514 -10224515 -10224516 -10224517 -10224518 -10224519 -10224520 -10224521 -10224522 -10224523 -10224524 -10224525 -10224526 -10224527 -10224528 -10224529 -10224530 -10224531 -10224532 -10224533 -10224534 -10224535 -10224536 -10224537 -10224538 -10224539 -10224540 -10224541 -10224542 -10224543 -10224544 -10224545 -10224546 -10224547 -10224548 -10224549 -10224550 -10224551 -10224552 -10224553 -10224554 -10224555 -10224556 -10224557 -10224558 -10224559 -10224560 -10224561 -10224562 -10224563 -10224564 -10224565 -10224566 -10224567 -10224568 -10224569 -10224570 -10224571 -10224572 -10224573 -10224574 -10224575 -10224576 -10224577 -10224578 -10224579 -10224580 -10224581 -10224582 -10224583 -10224584 -10224585 -10224586 -10224587 -10224588 -10224589 -10224590 -10224591 -10224592 -10224593 -10224594 -10224595 -10224596 -10224597 -10224598 -10224599 -10224600 -10224601 -10224602 -10224603 -10224604 -10224605 -10224606 -10224607 -10224608 -10224609 -10224610 -10224611 -10224612 -10224613 -10224614 -10224615 -10224616 -10224617 -10224618 -10224619 -10224620 -10224621 -10224622 -10224623 -10224624 -10224625 -10224626 -10224627 -10224628 -10224629 -10224630 -10224631 -10224632 -10224633 -10224634 -10224635 -10224636 -10224637 -10224638 -10224639 -10224640 -10224641 -10224642 -10224643 -10224644 -10224645 -10224646 -10224647 -10224648 -10224649 -10224650 -10224651 -10224652 -10224653 -10224654 -10224655 -10224656 -10224657 -10224658 -10224659 -10224660 -10224661 -10224662 -10224663 -10224664 -10224665 -10224666 -10224667 -10224668 -10224669 -10224670 -10224671 -10224672 -10224673 -10224674 -10224675 -10224676 -10224677 -10224678 -10224679 -10224680 -10224681 -10224682 -10224683 -10224684 -10224685 -10224686 -10224687 -10224688 -10224689 -10224690 -10224691 -10224692 -10224693 -10224694 -10224695 -10224696 -10224697 -10224698 -10224699 -10224700 -10224701 -10224702 -10224703 -10224704 -10224705 -10224706 -10224707 -10224708 -10224709 -10224710 -10224711 -10224712 -10224713 -10224714 -10224715 -10224716 -10224717 -10224718 -10224719 -10224720 -10224721 -10224722 -10224723 -10224724 -10224725 -10224726 -10224727 -10224728 -10224729 -10224730 -10224731 -10224732 -10224733 -10224734 -10224735 -10224736 -10224737 -10224738 -10224739 -10224740 -10224741 -10224742 -10224743 -10224744 -10224745 -10224746 -10224747 -10224748 -10224749 -10224750 -10224751 -10224752 -10224753 -10224754 -10224755 -10224756 -10224757 -10224758 -10224759 -10224760 -10224761 -10224762 -10224763 -10224764 -10224765 -10224766 -10224767 -10224768 -10224769 -10224770 -10224771 -10224772 -10224773 -10224774 -10224775 -10224776 -10224777 -10224778 -10224779 -10224780 -10224781 -10224782 -10224783 -10224784 -10224785 -10224786 -10224787 -10224788 -10224789 -10224790 -10224791 -10224792 -10224793 -10224794 -10224795 -10224796 -10224797 -10224798 -10224799 -10224800 -10224801 -10224802 -10224803 -10224804 -10224805 -10224806 -10224807 -10224808 -10224809 -10224810 -10224811 -10224812 -10224813 -10224814 -10224815 -10224816 -10224817 -10224818 -10224819 -10224820 -10224821 -10224822 -10224823 -10224824 -10224825 -10224826 -10224827 -10224828 -10224829 -10224830 -10224831 -10224832 -10224833 -10224834 -10224835 -10224836 -10224837 -10224838 -10224839 -10224840 -10224841 -10224842 -10224843 -10224844 -10224845 -10224846 -10224847 -10224848 -10224849 -10224850 -10224851 -10224852 -10224853 -10224854 -10224855 -10224856 -10224857 -10224858 -10224859 -10224860 -10224861 -10224862 -10224863 -10224864 -10224865 -10224866 -10224867 -10224868 -10224869 -10224870 -10224871 -10224872 -10224873 -10224874 -10224875 -10224876 -10224877 -10224878 -10224879 -10224880 -10224881 -10224882 -10224883 -10224884 -10224885 -10224886 -10224887 -10224888 -10224889 -10224890 -10224891 -10224892 -10224893 -10224894 -10224895 -10224896 -10224897 -10224898 -10224899 -10224900 -10224901 -10224902 -10224903 -10224904 -10224905 -10224906 -10224907 -10224908 -10224909 -10224910 -10224911 -10224912 -10224913 -10224914 -10224915 -10224916 -10224917 -10224918 -10224919 -10224920 -10224921 -10224922 -10224923 -10224924 -10224925 -10224926 -10224927 -10224928 -10224929 -10224930 -10224931 -10224932 -10224933 -10224934 -10224935 -10224936 -10224937 -10224938 -10224939 -10224940 -10224941 -10224942 -10224943 -10224944 -10224945 -10224946 -10224947 -10224948 -10224949 -10224950 -10224951 -10224952 -10224953 -10224954 -10224955 -10224956 -10224957 -10224958 -10224959 -10224960 -10224961 -10224962 -10224963 -10224964 -10224965 -10224966 -10224967 -10224968 -10224969 -10224970 -10224971 -10224972 -10224973 -10224974 -10224975 -10224976 -10224977 -10224978 -10224979 -10224980 -10224981 -10224982 -10224983 -10224984 -10224985 -10224986 -10224987 -10224988 -10224989 -10224990 -10224991 -10224992 -10224993 -10224994 -10224995 -10224996 -10224997 -10224998 -10224999 -10225000 -10225001 -10225002 -10225003 -10225004 -10225005 -10225006 -10225007 -10225008 -10225009 -10225010 -10225011 -10225012 -10225013 -10225014 -10225015 -10225016 -10225017 -10225018 -10225019 -10225020 -10225021 -10225022 -10225023 -10225024 -10225025 -10225026 -10225027 -10225028 -10225029 -10225030 -10225031 -10225032 -10225033 -10225034 -10225035 -10225036 -10225037 -10225038 -10225039 -10225040 -10225041 -10225042 -10225043 -10225044 -10225045 -10225046 -10225047 -10225048 -10225049 -10225050 -10225051 -10225052 -10225053 -10225054 -10225055 -10225056 -10225057 -10225058 -10225059 -10225060 -10225061 -10225062 -10225063 -10225064 -10225065 -10225066 -10225067 -10225068 -10225069 -10225070 -10225071 -10225072 -10225073 -10225074 -10225075 -10225076 -10225077 -10225078 -10225079 -10225080 -10225081 -10225082 -10225083 -10225084 -10225085 -10225086 -10225087 -10225088 -10225089 -10225090 -10225091 -10225092 -10225093 -10225094 -10225095 -10225096 -10225097 -10225098 -10225099 -10225100 -10225103 -10225104 -10225105 -10225106 -10225107 -10225108 -10225109 -10225110 -10225111 -10225112 -10225113 -10225114 -10225115 -10225116 -10225117 -10225118 -10225119 -10225120 -10225121 -10225122 -10225123 -10225124 -10225125 -10225126 -10225127 -10225128 -10225129 -10225130 -10225131 -10225132 -10225133 -10225134 -10225135 -10225136 -10225137 -10225138 -10225139 -10225140 -10225141 -10225142 -10225143 -10225144 -10225145 -10225146 -10225147 -10225148 -10225149 -10225150 -10225151 -10225152 -10225153 -10225154 -10225155 -10225156 -10225157 -10225158 -10225159 -10225160 -10225161 -10225162 -10225163 -10225164 -10225165 -10225166 -10225167 -10225168 -10225169 -10225170 -10225171 -10225172 -10225173 -10225174 -10225175 -10225176 -10225177 -10225178 -10225179 -10225180 -10225181 -10225182 -10225183 -10225184 -10225185 -10225186 -10225187 -10225188 -10225189 -10225190 -10225191 -10225192 -10225193 -10225194 -10225195 -10225196 -10225197 -10225198 -10225199 -10225200 -10225201 -10225202 -10225203 -10225204 -10225205 -10225206 -10225207 -10225208 -10225209 -10225210 -10225211 -10225212 -10225213 -10225214 -10225215 -10225216 -10225217 -10225218 -10225219 -10225220 -10225221 -10225222 -10225223 -10225224 -10225225 -10225226 -10225227 -10225228 -10225229 -10225230 -10225231 -10225232 -10225233 -10225234 -10225235 -10225236 -10225237 -10225238 -10225239 -10225240 -10225241 -10225242 -10225243 -10225244 -10225245 -10225246 -10225247 -10225248 -10225249 -10225250 -10225251 -10225252 -10225253 -10225254 -10225255 -10225256 -10225257 -10225258 -10225259 -10225260 -10225261 -10225262 -10225263 -10225264 -10225265 -10225266 -10225267 -10225268 -10225269 -10225270 -10225271 -10225272 -10225273 -10225274 -10225275 -10225276 -10225277 -10225278 -10225279 -10225280 -10225281 -10225282 -10225283 -10225284 -10225285 -10225286 -10225287 -10225288 -10225289 -10225290 -10225291 -10225292 -10225293 -10225294 -10225295 -10225296 -10225297 -10225298 -10225299 -10225300 -10225301 -10225302 -10225303 -10225304 -10225305 -10225306 -10225307 -10225308 -10225309 -10225310 -10225311 -10225312 -10225313 -10225314 -10225315 -10225316 -10225317 -10225318 -10225319 -10225320 -10225321 -10225322 -10225323 -10225324 -10225325 -10225326 -10225327 -10225328 -10225329 -10225330 -10225331 -10225332 -10225333 -10225334 -10225335 -10225336 -10225337 -10225338 -10225339 -10225340 -10225341 -10225342 -10225343 -10225344 -10225345 -10225346 -10225347 -10225348 -10225349 -10225350 -10225351 -10225352 -10225353 -10225354 -10225355 -10225356 -10225357 -10225358 -10225359 -10225360 -10225361 -10225362 -10225363 -10225364 -10225365 -10225366 -10225367 -10225368 -10225369 -10225370 -10225371 -10225372 -10225373 -10225374 -10225375 -10225376 -10225377 -10225378 -10225379 -10225380 -10225381 -10225382 -10225383 -10225384 -10225385 -10225386 -10225387 -10225388 -10225389 -10225390 -10225391 -10225392 -10225393 -10225394 -10225395 -10225396 -10225397 -10225398 -10225399 -10225400 -10225401 -10225402 -10225403 -10225404 -10225405 -10225406 -10225407 -10225408 -10225409 -10225410 -10225411 -10225412 -10225413 -10225414 -10225415 -10225416 -10225417 -10225418 -10225419 -10225420 -10225421 -10225422 -10225423 -10225424 -10225425 -10225426 -10225427 -10225428 -10225429 -10225430 -10225431 -10225432 -10225433 -10225434 -10225435 -10225436 -10225437 -10225438 -10225439 -10225440 -10225441 -10225442 -10225443 -10225444 -10225445 -10225446 -10225447 -10225448 -10225449 -10225450 -10225451 -10225452 -10225453 -10225454 -10225455 -10225456 -10225457 -10225458 -10225459 -10225460 -10225461 -10225462 -10225463 -10225464 -10225465 -10225466 -10225467 -10225468 -10225469 -10225470 -10225471 -10225472 -10225473 -10225474 -10225475 -10225476 -10225477 -10225478 -10225479 -10225480 -10225481 -10225482 -10225483 -10225484 -10225485 -10225486 -10225487 -10225488 -10225489 -10225490 -10225491 -10225492 -10225493 -10225494 -10225495 -10225496 -10225497 -10225498 -10225499 -10225500 -10225501 -10225502 -10225503 -10225504 -10225505 -10225506 -10225507 -10225508 -10225509 -10225510 -10225511 -10225512 -10225513 -10225514 -10225515 -10225516 -10225517 -10225518 -10225519 -10225520 -10225521 -10225522 -10225523 -10225524 -10225525 -10225526 -10225527 -10225528 -10225529 -10225530 -10225531 -10225532 -10225533 -10225534 -10225535 -10225536 -10225537 -10225538 -10225539 -10225540 -10225541 -10225542 -10225543 -10225544 -10225545 -10225546 -10225547 -10225548 -10225549 -10225550 -10225551 -10225552 -10225553 -10225554 -10225555 -10225556 -10225557 -10225558 -10225559 -10225560 -10225561 -10225562 -10225563 -10225564 -10225565 -10225566 -10225567 -10225568 -10225569 -10225570 -10225571 -10225572 -10225573 -10225574 -10225575 -10225576 -10225577 -10225578 -10225579 -10225580 -10225581 -10225582 -10225583 -10225584 -10225585 -10225586 -10225587 -10225588 -10225589 -10225590 -10225591 -10225592 -10225593 -10225594 -10225595 -10225596 -10225597 -10225598 -10225599 -10225600 -10225601 -10225602 -10225603 -10225604 -10225605 -10225606 -10225607 -10225608 -10225609 -10225610 -10225611 -10225612 -10225613 -10225614 -10225615 -10225616 -10225617 -10225618 -10225619 -10225620 -10225621 -10225622 -10225623 -10225624 -10225625 -10225626 -10225627 -10225628 -10225629 -10225630 -10225631 -10225632 -10225633 -10225634 -10225635 -10225636 -10225637 -10225638 -10225639 -10225640 -10225641 -10225642 -10225643 -10225644 -10225645 -10225646 -10225647 -10225648 -10225649 -10225650 -10225651 -10225652 -10225653 -10225654 -10225655 -10225656 -10225657 -10225658 -10225659 -10225660 -10225661 -10225662 -10225663 -10225664 -10225665 -10225666 -10225667 -10225668 -10225669 -10225670 -10225671 -10225672 -10225673 -10225674 -10225675 -10225676 -10225677 -10225678 -10225679 -10225680 -10225681 -10225682 -10225683 -10225684 -10225685 -10225686 -10225687 -10225688 -10225689 -10225690 -10225691 -10225692 -10225693 -10225694 -10225695 -10225696 -10225697 -10225698 -10225699 -10225700 -10225701 -10225702 -10225703 -10225704 -10225705 -10225706 -10225707 -10225708 -10225709 -10225710 -10225711 -10225712 -10225713 -10225714 -10225715 -10225716 -10225717 -10225718 -10225719 -10225720 -10225721 -10225722 -10225723 -10225724 -10225725 -10225726 -10225727 -10225728 -10225729 -10225730 -10225731 -10225732 -10225733 -10225734 -10225735 -10225736 -10225737 -10225738 -10225739 -10225740 -10225741 -10225742 -10225743 -10225744 -10225745 -10225746 -10225747 -10225748 -10225749 -10225750 -10225751 -10225752 -10225753 -10225754 -10225755 -10225756 -10225757 -10225758 -10225759 -10225760 -10225761 -10225762 -10225763 -10225764 -10225765 -10225766 -10225767 -10225768 -10225769 -10225770 -10225771 -10225772 -10225773 -10225774 -10225775 -10225776 -10225777 -10225778 -10225779 -10225780 -10225781 -10225782 -10225783 -10225784 -10225785 -10225786 -10225787 -10225788 -10225789 -10225790 -10225791 -10225792 -10225793 -10225794 -10225795 -10225796 -10225797 -10225798 -10225799 -10225800 -10225801 -10225802 -10225803 -10225804 -10225805 -10225806 -10225807 -10225808 -10225809 -10225810 -10225811 -10225812 -10225813 -10225814 -10225815 -10225816 -10225817 -10225818 -10225819 -10225820 -10225821 -10225822 -10225823 -10225824 -10225825 -10225826 -10225827 -10225828 -10225829 -10225830 -10225831 -10225832 -10225833 -10225834 -10225835 -10225836 -10225837 -10225838 -10225839 -10225840 -10225841 -10225842 -10225843 -10225844 -10225845 -10225846 -10225847 -10225848 -10225849 -10225850 -10225851 -10225852 -10225853 -10225854 -10225855 -10225856 -10225857 -10225858 -10225859 -10225860 -10225861 -10225862 -10225863 -10225864 -10225865 -10225866 -10225867 -10225868 -10225869 -10225870 -10225871 -10225872 -10225873 -10225874 -10225875 -10225876 -10225877 -10225878 -10225879 -10225880 -10225881 -10225882 -10225883 -10225884 -10225885 -10225886 -10225887 -10225888 -10225889 -10225890 -10225891 -10225892 -10225893 -10225894 -10225895 -10225896 -10225897 -10225898 -10225899 -10225900 -10225901 -10225902 -10225903 -10225904 -10225905 -10225906 -10225907 -10225908 -10225909 -10225910 -10225911 -10225912 -10225913 -10225914 -10225915 -10225916 -10225917 -10225918 -10225919 -10225920 -10225921 -10225922 -10225923 -10225924 -10225925 -10225926 -10225927 -10225928 -10225929 -10225930 -10225931 -10225932 -10225933 -10225934 -10225935 -10225936 -10225937 -10225938 -10225939 -10225940 -10225941 -10225942 -10225943 -10225944 -10225945 -10225946 -10225947 -10225948 -10225949 -10225950 -10225951 -10225952 -10225953 -10225954 -10225955 -10225956 -10225957 -10225958 -10225959 -10225960 -10225961 -10225962 -10225963 -10225964 -10225965 -10225966 -10225967 -10225968 -10225969 -10225970 -10225971 -10225972 -10225973 -10225974 -10225975 -10225976 -10225977 -10225978 -10225979 -10225980 -10225981 -10225982 -10225983 -10225984 -10225985 -10225986 -10225987 -10225988 -10225989 -10225990 -10225991 -10225992 -10225993 -10225994 -10225995 -10225996 -10225997 -10225998 -10225999 -10226000 -10226001 -10226002 -10226003 -10226004 -10226005 -10226006 -10226007 -10226008 -10226009 -10226010 -10226011 -10226012 -10226013 -10226014 -10226015 -10226016 -10226017 -10226018 -10226019 -10226020 -10226021 -10226022 -10226023 -10226024 -10226025 -10226026 -10226027 -10226028 -10226029 -10226030 -10226031 -10226032 -10226033 -10226034 -10226035 -10226036 -10226037 -10226038 -10226039 -10226040 -10226041 -10226042 -10226043 -10226044 -10226045 -10226046 -10226047 -10226048 -10226049 -10226050 -10226051 -10226052 -10226053 -10226054 -10226055 -10226056 -10226057 -10226058 -10226059 -10226060 -10226061 -10226062 -10226063 -10226064 -10226065 -10226066 -10226067 -10226068 -10226069 -10226070 -10226071 -10226072 -10226073 -10226074 -10226075 -10226076 -10226077 -10226078 -10226079 -10226080 -10226081 -10226082 -10226083 -10226084 -10226085 -10226086 -10226087 -10226088 -10226089 -10226090 -10226091 -10226092 -10226093 -10226094 -10226095 -10226096 -10226097 -10226098 -10226099 -10226100 -10226101 -10226102 -10226103 -10226104 -10226105 -10226106 -10226107 -10226108 -10226109 -10226110 -10226111 -10226112 -10226113 -10226114 -10226115 -10226116 -10226117 -10226118 -10226119 -10226120 -10226121 -10226122 -10226123 -10226124 -10226125 -10226126 -10226127 -10226128 -10226129 -10226130 -10226131 -10226132 -10226133 -10226134 -10226135 -10226136 -10226137 -10226138 -10226139 -10226140 -10226141 -10226142 -10226143 -10226144 -10226145 -10226146 -10226147 -10226148 -10226149 -10226150 -10226151 -10226152 -10226153 -10226154 -10226155 -10226156 -10226157 -10226158 -10226159 -10226160 -10226161 -10226165 -10226167 -10226168 -10226169 -10226170 -10226171 -10226172 -10226175 -10226176 -10226178 -10226179 -10226180 -10226181 -10226182 -10226184 -10226185 -10226186 -10226187 -10226193 -10226194 -10226195 -10226199 -10226205 -10226206 -10226207 -10226208 -10226209 -10226210 -10226211 -10226212 -10226213 -10226214 -10226215 -10226216 -10226217 -10226218 -10226219 -10226220 -10226221 -10226222 -10226223 -10226224 -10226225 -10226226 -10226227 -10226228 -10226229 -10226230 -10226231 -10226232 -10226233 -10226234 -10226235 -10226236 -10226237 -10226238 -10226239 -10226240 -10226241 -10226242 -10226243 -10226244 -10226245 -10226246 -10226247 -10226248 -10226249 -10226250 -10226251 -10226252 -10226253 -10226254 -10226255 -10226256 -10226257 -10226258 -10226259 -10226260 -10226261 -10226262 -10226263 -10226264 -10226265 -10226266 -10226267 -10226268 -10226269 -10226270 -10226271 -10226272 -10226273 -10226274 -10226275 -10226276 -10226277 -10226278 -10226279 -10226280 -10226281 -10226282 -10226283 -10226284 -10226285 -10226286 -10226287 -10226288 -10226289 -10226290 -10226291 -10226292 -10226293 -10226294 -10226295 -10226296 -10226297 -10226298 -10226299 -10226300 -10226301 -10226302 -10226303 -10226304 -10226305 -10226306 -10226307 -10226308 -10226309 -10226310 -10226311 -10226312 -10226313 -10226314 -10226315 -10226316 -10226317 -10226318 -10226319 -10226320 -10226321 -10226322 -10226323 -10226324 -10226325 -10226326 -10226327 -10226328 -10226329 -10226330 -10226331 -10226332 -10226333 -10226334 -10226335 -10226336 -10226337 -10226338 -10226339 -10226340 -10226341 -10226342 -10226343 -10226344 -10226345 -10226346 -10226347 -10226348 -10226349 -10226350 -10226351 -10226352 -10226353 -10226354 -10226355 -10226356 -10226357 -10226358 -10226359 -10226360 -10226361 -10226362 -10226363 -10226364 -10226365 -10226366 -10226367 -10226368 -10226369 -10226370 -10226371 -10226372 -10226373 -10226374 -10226375 -10226376 -10226377 -10226378 -10226379 -10226380 -10226381 -10226382 -10226383 -10226384 -10226385 -10226386 -10226387 -10226388 -10226389 -10226390 -10226391 -10226392 -10226393 -10226394 -10226395 -10226396 -10226397 -10226398 -10226399 -10226400 -10226401 -10226402 -10226403 -10226404 -10226405 -10226406 -10226407 -10226408 -10226409 -10226410 -10226411 -10226412 -10226413 -10226414 -10226415 -10226416 -10226417 -10226418 -10226419 -10226420 -10226421 -10226422 -10226423 -10226424 -10226425 -10226426 -10226427 -10226428 -10226429 -10226430 -10226431 -10226432 -10226433 -10226434 -10226435 -10226436 -10226437 -10226438 -10226439 -10226440 -10226441 -10226442 -10226443 -10226444 -10226445 -10226446 -10226447 -10226448 -10226449 -10226450 -10226451 -10226452 -10226453 -10226454 -10226455 -10226456 -10226457 -10226458 -10226459 -10226460 -10226461 -10226462 -10226463 -10226464 -10226465 -10226466 -10226467 -10226468 -10226469 -10226470 -10226471 -10226472 -10226473 -10226474 -10226475 -10226476 -10226477 -10226478 -10226479 -10226480 -10226481 -10226482 -10226483 -10226484 -10226485 -10226486 -10226487 -10226488 -10226489 -10226490 -10226491 -10226492 -10226493 -10226494 -10226495 -10226496 -10226497 -10226498 -10226499 -10226500 -10226501 -10226502 -10226503 -10226504 -10226505 -10226506 -10226507 -10226508 -10226509 -10226510 -10226511 -10226512 -10226513 -10226514 -10226515 -10226516 -10226517 -10226518 -10226519 -10226520 -10226521 -10226522 -10226523 -10226524 -10226525 -10226526 -10226527 -10226528 -10226529 -10226530 -10226531 -10226532 -10226533 -10226534 -10226535 -10226536 -10226537 -10226538 -10226539 -10226540 -10226541 -10226542 -10226543 -10226544 -10226545 -10226546 -10226547 -10226548 -10226549 -10226550 -10226551 -10226552 -10226553 -10226554 -10226555 -10226556 -10226557 -10226558 -10226559 -10226560 -10226561 -10226562 -10226563 -10226564 -10226565 -10226566 -10226567 -10226568 -10226569 -10226570 -10226571 -10226572 -10226573 -10226574 -10226575 -10226576 -10226577 -10226578 -10226579 -10226580 -10226581 -10226582 -10226583 -10226584 -10226585 -10226586 -10226587 -10226588 -10226589 -10226590 -10226591 -10226592 -10226593 -10226594 -10226595 -10226596 -10226597 -10226598 -10226599 -10226600 -10226601 -10226602 -10226603 -10226604 -10226605 -10226606 -10226607 -10226608 -10226609 -10226610 -10226611 -10226612 -10226613 -10226614 -10226615 -10226616 -10226617 -10226618 -10226619 -10226620 -10226621 -10226622 -10226623 -10226624 -10226625 -10226626 -10226627 -10226628 -10226629 -10226630 -10226631 -10226632 -10226633 -10226634 -10226635 -10226636 -10226637 -10226638 -10226639 -10226640 -10226641 -10226642 -10226643 -10226644 -10226645 -10226646 -10226647 -10226648 -10226649 -10226650 -10226651 -10226652 -10226653 -10226654 -10226655 -10226656 -10226657 -10226658 -10226659 -10226660 -10226661 -10226662 -10226663 -10226664 -10226665 -10226666 -10226667 -10226668 -10226669 -10226670 -10226671 -10226672 -10226673 -10226674 -10226675 -10226676 -10226677 -10226678 -10226679 -10226680 -10226681 -10226682 -10226683 -10226684 -10226685 -10226686 -10226687 -10226688 -10226689 -10226690 -10226691 -10226692 -10226693 -10226694 -10226695 -10226696 -10226697 -10226698 -10226699 -10226700 -10226701 -10226702 -10226703 -10226704 -10226705 -10226706 -10226707 -10226708 -10226709 -10226710 -10226711 -10226712 -10226713 -10226714 -10226715 -10226716 -10226717 -10226718 -10226719 -10226720 -10226721 -10226722 -10226723 -10226724 -10226725 -10226726 -10226727 -10226728 -10226729 -10226730 -10226731 -10226732 -10226733 -10226734 -10226735 -10226736 -10226737 -10226738 -10226739 -10226740 -10226741 -10226742 -10226743 -10226744 -10226745 -10226746 -10226747 -10226748 -10226749 -10226750 -10226751 -10226752 -10226753 -10226754 -10226755 -10226756 -10226757 -10226758 -10226759 -10226760 -10226761 -10226762 -10226763 -10226764 -10226765 -10226766 -10226767 -10226768 -10226769 -10226770 -10226771 -10226772 -10226773 -10226774 -10226775 -10226776 -10226777 -10226778 -10226779 -10226780 -10226781 -10226782 -10226783 -10226784 -10226785 -10226786 -10226787 -10226788 -10226789 -10226790 -10226791 -10226792 -10226793 -10226794 -10226795 -10226796 -10226797 -10226798 -10226799 -10226800 -10226801 -10226802 -10226803 -10226804 -10226805 -10226806 -10226807 -10226808 -10226809 -10226810 -10226811 -10226812 -10226813 -10226814 -10226815 -10226816 -10226817 -10226818 -10226819 -10226820 -10226821 -10226822 -10226823 -10226824 -10226825 -10226826 -10226827 -10226828 -10226829 -10226830 -10226831 -10226832 -10226833 -10226834 -10226835 -10226836 -10226837 -10226838 -10226839 -10226840 -10226841 -10226842 -10226843 -10226844 -10226845 -10226846 -10226847 -10226848 -10226849 -10226850 -10226851 -10226852 -10226853 -10226854 -10226855 -10226856 -10226857 -10226858 -10226859 -10226860 -10226861 -10226862 -10226863 -10226864 -10226865 -10226866 -10226867 -10226868 -10226869 -10226870 -10226871 -10226872 -10226873 -10226874 -10226875 -10226876 -10226877 -10226878 -10226879 -10226880 -10226881 -10226882 -10226883 -10226884 -10226885 -10226886 -10226887 -10226888 -10226889 -10226890 -10226891 -10226892 -10226893 -10226894 -10226895 -10226896 -10226897 -10226898 -10226899 -10226900 -10226901 -10226902 -10226903 -10226904 -10226905 -10226906 -10226907 -10226908 -10226909 -10226910 -10226911 -10226912 -10226913 -10226914 -10226915 -10226916 -10226917 -10226918 -10226919 -10226920 -10226921 -10226922 -10226923 -10226924 -10226925 -10226926 -10226927 -10226928 -10226929 -10226930 -10226931 -10226932 -10226933 -10226934 -10226935 -10226936 -10226937 -10226938 -10226939 -10226940 -10226941 -10226942 -10226943 -10226944 -10226945 -10226946 -10226947 -10226948 -10226949 -10226950 -10226951 -10226952 -10226953 -10226954 -10226955 -10226956 -10226957 -10226958 -10226959 -10226960 -10226961 -10226962 -10226963 -10226964 -10226965 -10226966 -10226967 -10226968 -10226969 -10226970 -10226971 -10226972 -10226973 -10226974 -10226975 -10226976 -10226977 -10226978 -10226979 -10226980 -10226981 -10226982 -10226983 -10226984 -10226985 -10226986 -10226987 -10226988 -10226989 -10226990 -10226991 -10226992 -10226993 -10226994 -10226995 -10226996 -10226997 -10226998 -10226999 -10227000 -10227001 -10227002 -10227003 -10227004 -10227005 -10227006 -10227007 -10227008 -10227009 -10227010 -10227011 -10227012 -10227013 -10227014 -10227015 -10227016 -10227017 -10227018 -10227019 -10227020 -10227021 -10227022 -10227023 -10227024 -10227025 -10227026 -10227027 -10227028 -10227029 -10227030 -10227031 -10227032 -10227033 -10227034 -10227035 -10227036 -10227037 -10227038 -10227039 -10227040 -10227041 -10227042 -10227043 -10227044 -10227045 -10227046 -10227047 -10227048 -10227049 -10227050 -10227051 -10227052 -10227053 -10227054 -10227055 -10227056 -10227057 -10227058 -10227059 -10227060 -10227061 -10227062 -10227063 -10227064 -10227065 -10227066 -10227067 -10227068 -10227069 -10227070 -10227071 -10227072 -10227073 -10227074 -10227075 -10227076 -10227077 -10227078 -10227079 -10227080 -10227081 -10227082 -10227083 -10227084 -10227085 -10227086 -10227087 -10227088 -10227089 -10227090 -10227091 -10227092 -10227093 -10227094 -10227095 -10227096 -10227097 -10227098 -10227099 -10227100 -10227101 -10227102 -10227103 -10227104 -10227105 -10227106 -10227107 -10227108 -10227109 -10227110 -10227111 -10227112 -10227113 -10227114 -10227115 -10227116 -10227117 -10227118 -10227119 -10227120 -10227121 -10227122 -10227123 -10227124 -10227125 -10227126 -10227127 -10227128 -10227129 -10227130 -10227131 -10227132 -10227133 -10227134 -10227135 -10227136 -10227137 -10227138 -10227139 -10227140 -10227141 -10227142 -10227143 -10227144 -10227145 -10227146 -10227147 -10227148 -10227149 -10227150 -10227151 -10227152 -10227153 -10227154 -10227155 -10227156 -10227157 -10227158 -10227159 -10227160 -10227161 -10227162 -10227163 -10227164 -10227165 -10227166 -10227167 -10227168 -10227169 -10227170 -10227171 -10227172 -10227173 -10227174 -10227175 -10227176 -10227177 -10227178 -10227179 -10227180 -10227181 -10227182 -10227183 -10227184 -10227185 -10227186 -10227187 -10227188 -10227189 -10227190 -10227191 -10227192 -10227193 -10227194 -10227195 -10227196 -10227197 -10227198 -10227199 -10227200 -10227201 -10227202 -10227203 -10227204 -10227205 -10227206 -10227207 -10227208 -10227209 -10227210 -10227211 -10227212 -10227213 -10227214 -10227215 -10227216 -10227217 -10227218 -10227219 -10227220 -10227221 -10227222 -10227223 -10227224 -10227225 -10227226 -10227227 -10227228 -10227229 -10227230 -10227231 -10227232 -10227233 -10227234 -10227235 -10227236 -10227237 -10227238 -10227239 -10227240 -10227241 -10227242 -10227243 -10227244 -10227245 -10227246 -10227247 -10227248 -10227249 -10227250 -10227251 -10227252 -10227253 -10227254 -10227255 -10227256 -10227257 -10227258 -10227259 -10227260 -10227261 -10227262 -10227263 -10227264 -10227265 -10227266 -10227267 -10227268 -10227269 -10227270 -10227271 -10227272 -10227273 -10227274 -10227275 -10227276 -10227277 -10227278 -10227279 -10227280 -10227281 -10227282 -10227283 -10227284 -10227285 -10227286 -10227287 -10227288 -10227289 -10227290 -10227291 -10227292 -10227293 -10227294 -10227295 -10227296 -10227297 -10227298 -10227299 -10227300 -10227301 -10227302 -10227303 -10227304 -10227305 -10227306 -10227307 -10227308 -10227309 -10227310 -10227311 -10227312 -10227313 -10227314 -10227315 -10227316 -10227317 -10227318 -10227319 -10227320 -10227321 -10227322 -10227323 -10227324 -10227325 -10227326 -10227327 -10227328 -10227329 -10227330 -10227331 -10227332 -10227333 -10227334 -10227335 -10227336 -10227337 -10227338 -10227339 -10227340 -10227341 -10227342 -10227343 -10227344 -10227345 -10227346 -10227347 -10227348 -10227349 -10227350 -10227351 -10227352 -10227353 -10227354 -10227355 -10227356 -10227357 -10227358 -10227359 -10227360 -10227361 -10227362 -10227363 -10227364 -10227365 -10227366 -10227367 -10227368 -10227369 -10227370 -10227371 -10227372 -10227373 -10227374 -10227375 -10227376 -10227377 -10227378 -10227379 -10227380 -10227381 -10227382 -10227383 -10227384 -10227385 -10227386 -10227387 -10227388 -10227389 -10227390 -10227391 -10227392 -10227393 -10227394 -10227395 -10227396 -10227397 -10227398 -10227399 -10227400 -10227401 -10227402 -10227403 -10227404 -10227405 -10227406 -10227407 -10227408 -10227409 -10227410 -10227411 -10227412 -10227413 -10227414 -10227415 -10227416 -10227417 -10227418 -10227419 -10227420 -10227421 -10227422 -10227423 -10227424 -10227425 -10227426 -10227427 -10227428 -10227429 -10227430 -10227431 -10227432 -10227433 -10227434 -10227435 -10227436 -10227437 -10227438 -10227439 -10227440 -10227441 -10227442 -10227443 -10227444 -10227445 -10227446 -10227447 -10227448 -10227449 -10227450 -10227451 -10227452 -10227453 -10227454 -10227455 -10227456 -10227457 -10227458 -10227459 -10227460 -10227461 -10227462 -10227463 -10227464 -10227465 -10227466 -10227467 -10227468 -10227469 -10227470 -10227471 -10227472 -10227473 -10227474 -10227475 -10227476 -10227477 -10227478 -10227479 -10227480 -10227481 -10227482 -10227483 -10227484 -10227485 -10227486 -10227487 -10227488 -10227489 -10227490 -10227491 -10227492 -10227493 -10227494 -10227495 -10227496 -10227497 -10227498 -10227499 -10227500 -10227501 -10227502 -10227503 -10227504 -10227505 -10227506 -10227507 -10227508 -10227509 -10227510 -10227511 -10227512 -10227513 -10227514 -10227515 -10227516 -10227517 -10227518 -10227519 -10227520 -10227521 -10227522 -10227523 -10227524 -10227525 -10227526 -10227527 -10227528 -10227529 -10227530 -10227531 -10227532 -10227533 -10227534 -10227535 -10227536 -10227537 -10227538 -10227539 -10227540 -10227541 -10227542 -10227543 -10227544 -10227545 -10227546 -10227547 -10227548 -10227549 -10227550 -10227551 -10227552 -10227553 -10227554 -10227555 -10227556 -10227557 -10227558 -10227559 -10227560 -10227561 -10227562 -10227563 -10227564 -10227565 -10227566 -10227567 -10227568 -10227569 -10227570 -10227571 -10227572 -10227573 -10227574 -10227575 -10227576 -10227577 -10227578 -10227579 -10227580 -10227581 -10227582 -10227583 -10227584 -10227585 -10227586 -10227587 -10227588 -10227589 -10227590 -10227591 -10227592 -10227593 -10227594 -10227595 -10227596 -10227597 -10227598 -10227599 -10227600 -10227601 -10227602 -10227603 -10227604 -10227605 -10227606 -10227607 -10227608 -10227609 -10227610 -10227611 -10227612 -10227613 -10227614 -10227615 -10227616 -10227617 -10227618 -10227619 -10227620 -10227621 -10227622 -10227623 -10227624 -10227625 -10227626 -10227627 -10227628 -10227629 -10227630 -10227631 -10227632 -10227633 -10227634 -10227635 -10227636 -10227637 -10227638 -10227639 -10227640 -10227641 -10227642 -10227643 -10227644 -10227645 -10227646 -10227647 -10227648 -10227649 -10227650 -10227651 -10227652 -10227653 -10227654 -10227655 -10227656 -10227657 -10227658 -10227659 -10227660 -10227661 -10227662 -10227663 -10227664 -10227665 -10227666 -10227667 -10227668 -10227669 -10227670 -10227671 -10227672 -10227673 -10227674 -10227675 -10227676 -10227677 -10227678 -10227679 -10227680 -10227681 -10227682 -10227683 -10227684 -10227685 -10227686 -10227687 -10227688 -10227689 -10227690 -10227691 -10227692 -10227693 -10227694 -10227695 -10227696 -10227697 -10227698 -10227699 -10227700 -10227701 -10227702 -10227703 -10227704 -10227705 -10227706 -10227707 -10227708 -10227709 -10227710 -10227711 -10227712 -10227713 -10227714 -10227715 -10227716 -10227717 -10227718 -10227719 -10227720 -10227721 -10227722 -10227723 -10227724 -10227725 -10227726 -10227727 -10227728 -10227729 -10227730 -10227731 -10227732 -10227733 -10227734 -10227735 -10227736 -10227737 -10227738 -10227739 -10227740 -10227741 -10227742 -10227743 -10227744 -10227745 -10227746 -10227747 -10227748 -10227749 -10227750 -10227751 -10227752 -10227753 -10227754 -10227755 -10227756 -10227757 -10227758 -10227759 -10227760 -10227761 -10227762 -10227763 -10227764 -10227765 -10227766 -10227767 -10227768 -10227769 -10227770 -10227771 -10227772 -10227773 -10227774 -10227775 -10227776 -10227777 -10227778 -10227779 -10227780 -10227781 -10227782 -10227783 -10227784 -10227785 -10227786 -10227787 -10227788 -10227789 -10227790 -10227791 -10227792 -10227793 -10227794 -10227795 -10227796 -10227797 -10227798 -10227799 -10227800 -10227801 -10227802 -10227803 -10227804 -10227805 -10227806 -10227807 -10227808 -10227809 -10227810 -10227811 -10227812 -10227813 -10227814 -10227815 -10227816 -10227817 -10227818 -10227819 -10227820 -10227821 -10227822 -10227823 -10227824 -10227825 -10227826 -10227827 -10227828 -10227829 -10227830 -10227831 -10227832 -10227833 -10227834 -10227835 -10227836 -10227837 -10227838 -10227839 -10227840 -10227841 -10227842 -10227843 -10227844 -10227845 -10227846 -10227847 -10227848 -10227849 -10227850 -10227851 -10227852 -10227853 -10227854 -10227855 -10227856 -10227857 -10227858 -10227859 -10227860 -10227861 -10227862 -10227863 -10227864 -10227865 -10227866 -10227867 -10227868 -10227869 -10227870 -10227871 -10227872 -10227873 -10227874 -10227875 -10227876 -10227877 -10227878 -10227879 -10227880 -10227881 -10227882 -10227883 -10227884 -10227885 -10227886 -10227887 -10227888 -10227889 -10227890 -10227891 -10227892 -10227893 -10227894 -10227895 -10227896 -10227897 -10227898 -10227899 -10227900 -10227901 -10227902 -10227903 -10227904 -10227905 -10227906 -10227907 -10227908 -10227909 -10227910 -10227911 -10227912 -10227913 -10227914 -10227915 -10227916 -10227917 -10227918 -10227919 -10227920 -10227921 -10227922 -10227923 -10227924 -10227925 -10227926 -10227927 -10227928 -10227929 -10227930 -10227931 -10227932 -10227933 -10227934 -10227935 -10227936 -10227937 -10227938 -10227939 -10227940 -10227941 -10227942 -10227943 -10227944 -10227945 -10227946 -10227947 -10227948 -10227949 -10227950 -10227951 -10227952 -10227953 -10227954 -10227955 -10227956 -10227957 -10227958 -10227959 -10227960 -10227961 -10227962 -10227963 -10227964 -10227965 -10227966 -10227967 -10227968 -10227969 -10227970 -10227971 -10227972 -10227973 -10227974 -10227975 -10227976 -10227977 -10227978 -10227979 -10227980 -10227981 -10227982 -10227983 -10227984 -10227985 -10227986 -10227987 -10227988 -10227989 -10227990 -10227991 -10227992 -10227993 -10227994 -10227995 -10227996 -10227997 -10227998 -10227999 -10228000 -10228001 -10228002 -10228003 -10228004 -10228005 -10228006 -10228007 -10228008 -10228009 -10228010 -10228011 -10228012 -10228013 -10228014 -10228015 -10228016 -10228017 -10228018 -10228019 -10228020 -10228021 -10228022 -10228023 -10228024 -10228025 -10228026 -10228027 -10228028 -10228029 -10228030 -10228031 -10228032 -10228033 -10228034 -10228035 -10228036 -10228037 -10228038 -10228039 -10228040 -10228041 -10228042 -10228043 -10228044 -10228045 -10228046 -10228047 -10228048 -10228049 -10228050 -10228051 -10228052 -10228053 -10228054 -10228055 -10228056 -10228057 -10228058 -10228059 -10228060 -10228061 -10228062 -10228063 -10228064 -10228065 -10228066 -10228067 -10228068 -10228069 -10228070 -10228071 -10228072 -10228073 -10228074 -10228075 -10228076 -10228077 -10228078 -10228079 -10228080 -10228081 -10228082 -10228083 -10228084 -10228085 -10228086 -10228087 -10228088 -10228089 -10228090 -10228091 -10228092 -10228093 -10228094 -10228095 -10228096 -10228097 -10228098 -10228099 -10228100 -10228101 -10228102 -10228103 -10228104 -10228105 -10228106 -10228107 -10228108 -10228109 -10228110 -10228111 -10228112 -10228113 -10228114 -10228115 -10228116 -10228117 -10228118 -10228119 -10228120 -10228121 -10228122 -10228123 -10228124 -10228125 -10228126 -10228127 -10228128 -10228129 -10228130 -10228131 -10228132 -10228133 -10228134 -10228135 -10228136 -10228137 -10228138 -10228139 -10228140 -10228141 -10228142 -10228143 -10228144 -10228145 -10228146 -10228147 -10228148 -10228149 -10228150 -10228151 -10228152 -10228153 -10228154 -10228155 -10228156 -10228157 -10228158 -10228159 -10228160 -10228161 -10228162 -10228163 -10228164 -10228165 -10228166 -10228167 -10228168 -10228169 -10228170 -10228171 -10228172 -10228173 -10228174 -10228175 -10228176 -10228177 -10228178 -10228179 -10228180 -10228181 -10228182 -10228183 -10228184 -10228185 -10228186 -10228187 -10228188 -10228189 -10228190 -10228191 -10228192 -10228193 -10228194 -10228195 -10228196 -10228197 -10228198 -10228199 -10228200 -10228201 -10228202 -10228203 -10228204 -10228205 -10228206 -10228207 -10228208 -10228209 -10228210 -10228211 -10228212 -10228213 -10228214 -10228215 -10228216 -10228217 -10228218 -10228219 -10228220 -10228221 -10228222 -10228223 -10228224 -10228225 -10228226 -10228227 -10228228 -10228229 -10228230 -10228231 -10228232 -10228233 -10228234 -10228235 -10228236 -10228237 -10228238 -10228239 -10228240 -10228241 -10228242 -10228243 -10228244 -10228245 -10228246 -10228247 -10228248 -10228249 -10228250 -10228251 -10228252 -10228253 -10228254 -10228255 -10228256 -10228257 -10228258 -10228259 -10228260 -10228261 -10228262 -10228263 -10228264 -10228265 -10228266 -10228267 -10228268 -10228269 -10228270 -10228271 -10228272 -10228273 -10228274 -10228275 -10228276 -10228277 -10228278 -10228279 -10228280 -10228281 -10228282 -10228283 -10228284 -10228285 -10228286 -10228287 -10228288 -10228289 -10228290 -10228291 -10228292 -10228293 -10228294 -10228295 -10228296 -10228297 -10228298 -10228299 -10228300 -10228301 -10228302 -10228303 -10228304 -10228305 -10228306 -10228307 -10228308 -10228309 -10228310 -10228311 -10228312 -10228313 -10228314 -10228315 -10228316 -10228317 -10228318 -10228319 -10228320 -10228321 -10228322 -10228323 -10228324 -10228325 -10228326 -10228327 -10228328 -10228329 -10228330 -10228331 -10228332 -10228333 -10228334 -10228335 -10228336 -10228337 -10228338 -10228339 -10228340 -10228341 -10228342 -10228343 -10228344 -10228345 -10228346 -10228347 -10228348 -10228349 -10228350 -10228351 -10228352 -10228353 -10228354 -10228355 -10228356 -10228357 -10228358 -10228359 -10228360 -10228361 -10228362 -10228363 -10228364 -10228365 -10228366 -10228367 -10228368 -10228369 -10228370 -10228371 -10228372 -10228373 -10228374 -10228375 -10228376 -10228377 -10228378 -10228379 -10228380 -10228381 -10228382 -10228383 -10228384 -10228385 -10228386 -10228387 -10228388 -10228389 -10228390 -10228391 -10228392 -10228393 -10228394 -10228395 -10228396 -10228397 -10228398 -10228399 -10228400 -10228401 -10228402 -10228403 -10228404 -10228405 -10228406 -10228407 -10228408 -10228409 -10228410 -10228411 -10228412 -10228413 -10228414 -10228415 -10228416 -10228417 -10228418 -10228419 -10228420 -10228421 -10228422 -10228423 -10228424 -10228425 -10228426 -10228427 -10228428 -10228429 -10228430 -10228431 -10228432 -10228433 -10228434 -10228435 -10228436 -10228437 -10228438 -10228439 -10228440 -10228441 -10228442 -10228443 -10228444 -10228445 -10228446 -10228447 -10228448 -10228449 -10228450 -10228451 -10228452 -10228453 -10228454 -10228455 -10228456 -10228457 -10228458 -10228459 -10228460 -10228461 -10228462 -10228463 -10228464 -10228465 -10228466 -10228467 -10228468 -10228469 -10228470 -10228471 -10228472 -10228473 -10228474 -10228475 -10228476 -10228477 -10228478 -10228479 -10228480 -10228481 -10228482 -10228483 -10228484 -10228485 -10228486 -10228487 -10228488 -10228489 -10228490 -10228491 -10228492 -10228493 -10228494 -10228495 -10228496 -10228497 -10228498 -10228499 -10228500 -10228501 -10228502 -10228503 -10228504 -10228505 -10228506 -10228507 -10228508 -10228509 -10228510 -10228511 -10228512 -10228513 -10228514 -10228515 -10228516 -10228517 -10228518 -10228519 -10228520 -10228521 -10228522 -10228523 -10228524 -10228525 -10228526 -10228527 -10228528 -10228529 -10228530 -10228531 -10228532 -10228533 -10228534 -10228535 -10228536 -10228537 -10228538 -10228539 -10228540 -10228541 -10228542 -10228543 -10228544 -10228545 -10228546 -10228547 -10228548 -10228549 -10228550 -10228551 -10228552 -10228553 -10228554 -10228555 -10228556 -10228557 -10228558 -10228559 -10228560 -10228561 -10228562 -10228563 -10228564 -10228565 -10228566 -10228567 -10228568 -10228569 -10228570 -10228571 -10228572 -10228573 -10228574 -10228575 -10228576 -10228577 -10228578 -10228579 -10228580 -10228581 -10228582 -10228583 -10228584 -10228585 -10228586 -10228587 -10228588 -10228589 -10228590 -10228591 -10228592 -10228593 -10228594 -10228595 -10228596 -10228597 -10228598 -10228599 -10228600 -10228601 -10228602 -10228603 -10228604 -10228605 -10228606 -10228607 -10228608 -10228609 -10228610 -10228611 -10228612 -10228613 -10228614 -10228615 -10228616 -10228617 -10228618 -10228619 -10228620 -10228621 -10228622 -10228623 -10228624 -10228625 -10228626 -10228627 -10228628 -10228629 -10228630 -10228631 -10228632 -10228633 -10228634 -10228635 -10228636 -10228637 -10228638 -10228639 -10228640 -10228641 -10228642 -10228643 -10228644 -10228645 -10228646 -10228647 -10228648 -10228649 -10228650 -10228651 -10228652 -10228653 -10228654 -10228655 -10228656 -10228657 -10228658 -10228659 -10228660 -10228661 -10228662 -10228663 -10228664 -10228665 -10228666 -10228667 -10228668 -10228669 -10228670 -10228671 -10228672 -10228673 -10228674 -10228675 -10228676 -10228677 -10228678 -10228679 -10228680 -10228681 -10228682 -10228683 -10228684 -10228685 -10228686 -10228687 -10228688 -10228689 -10228690 -10228691 -10228692 -10228693 -10228694 -10228695 -10228696 -10228697 -10228698 -10228699 -10228700 -10228701 -10228702 -10228703 -10228704 -10228705 -10228706 -10228707 -10228708 -10228709 -10228710 -10228711 -10228712 -10228713 -10228714 -10228715 -10228716 -10228717 -10228718 -10228719 -10228720 -10228721 -10228722 -10228723 -10228724 -10228725 -10228726 -10228727 -10228728 -10228729 -10228730 -10228731 -10228732 -10228733 -10228734 -10228735 -10228736 -10228737 -10228738 -10228739 -10228740 -10228741 -10228742 -10228743 -10228744 -10228745 -10228746 -10228747 -10228748 -10228749 -10228750 -10228751 -10228752 -10228753 -10228754 -10228755 -10228756 -10228757 -10228758 -10228759 -10228760 -10228761 -10228762 -10228763 -10228764 -10228765 -10228766 -10228767 -10228768 -10228769 -10228770 -10228771 -10228772 -10228773 -10228774 -10228775 -10228776 -10228777 -10228778 -10228779 -10228780 -10228781 -10228782 -10228783 -10228784 -10228785 -10228786 -10228787 -10228788 -10228789 -10228790 -10228791 -10228792 -10228793 -10228794 -10228795 -10228796 -10228797 -10228798 -10228799 -10228800 -10228801 -10228802 -10228803 -10228804 -10228805 -10228806 -10228807 -10228808 -10228809 -10228810 -10228811 -10228812 -10228813 -10228814 -10228815 -10228816 -10228817 -10228818 -10228819 -10228820 -10228821 -10228822 -10228823 -10228824 -10228825 -10228826 -10228827 -10228828 -10228829 -10228830 -10228831 -10228832 -10228833 -10228834 -10228835 -10228836 -10228837 -10228838 -10228839 -10228840 -10228841 -10228842 -10228843 -10228844 -10228845 -10228846 -10228847 -10228848 -10228849 -10228850 -10228851 -10228852 -10228853 -10228854 -10228855 -10228856 -10228857 -10228858 -10228859 -10228860 -10228861 -10228862 -10228863 -10228864 -10228865 -10228866 -10228867 -10228868 -10228869 -10228870 -10228871 -10228872 -10228873 -10228874 -10228875 -10228876 -10228877 -10228878 -10228879 -10228880 -10228881 -10228882 -10228883 -10228884 -10228885 -10228886 -10228887 -10228888 -10228889 -10228890 -10228891 -10228892 -10228893 -10228894 -10228895 -10228896 -10228897 -10228898 -10228899 -10228900 -10228901 -10228902 -10228903 -10228904 -10228905 -10228906 -10228907 -10228908 -10228909 -10228910 -10228911 -10228912 -10228913 -10228914 -10228915 -10228916 -10228917 -10228918 -10228919 -10228920 -10228921 -10228922 -10228923 -10228924 -10228925 -10228926 -10228927 -10228928 -10228929 -10228930 -10228931 -10228932 -10228933 -10228934 -10228935 -10228936 -10228937 -10228938 -10228939 -10228940 -10228941 -10228942 -10228943 -10228944 -10228945 -10228946 -10228947 -10228948 -10228949 -10228950 -10228951 -10228952 -10228953 -10228954 -10228955 -10228956 -10228957 -10228958 -10228959 -10228960 -10228961 -10228962 -10228963 -10228964 -10228965 -10228966 -10228967 -10228968 -10228969 -10228970 -10228971 -10228972 -10228973 -10228974 -10228975 -10228976 -10228977 -10228978 -10228979 -10228980 -10228981 -10228982 -10228983 -10228984 -10228985 -10228986 -10228987 -10228988 -10228989 -10228990 -10228993 -10228994 -10228995 -10228996 -10228997 -10228998 -10228999 -10229000 -10229001 -10229002 -10229003 -10229004 -10229010 -10229016 -10229017 -10229018 -10229019 -10229020 -10229021 -10229022 -10229023 -10229024 -10229025 -10229026 -10229027 -10229028 -10229029 -10229030 -10229031 -10229032 -10229033 -10229034 -10229035 -10229036 -10229037 -10229038 -10229039 -10229040 -10229041 -10229042 -10229043 -10229044 -10229045 -10229046 -10229047 -10229048 -10229049 -10229050 -10229051 -10229052 -10229053 -10229054 -10229055 -10229056 -10229057 -10229058 -10229059 -10229060 -10229061 -10229062 -10229063 -10229064 -10229065 -10229066 -10229067 -10229068 -10229069 -10229070 -10229071 -10229072 -10229073 -10229074 -10229075 -10229076 -10229077 -10229078 -10229079 -10229080 -10229081 -10229082 -10229083 -10229084 -10229085 -10229086 -10229087 -10229088 -10229089 -10229090 -10229091 -10229092 -10229093 -10229094 -10229095 -10229096 -10229097 -10229098 -10229099 -10229100 -10229101 -10229102 -10229103 -10229104 -10229105 -10229106 -10229107 -10229108 -10229109 -10229110 -10229111 -10229112 -10229113 -10229114 -10229115 -10229116 -10229117 -10229118 -10229119 -10229120 -10229121 -10229122 -10229123 -10229124 -10229125 -10229126 -10229127 -10229128 -10229129 -10229130 -10229131 -10229132 -10229133 -10229134 -10229135 -10229136 -10229137 -10229138 -10229139 -10229140 -10229141 -10229142 -10229143 -10229144 -10229145 -10229146 -10229147 -10229148 -10229149 -10229150 -10229151 -10229152 -10229153 -10229154 -10229155 -10229156 -10229157 -10229158 -10229159 -10229160 -10229161 -10229162 -10229163 -10229164 -10229165 -10229166 -10229167 -10229168 -10229169 -10229170 -10229171 -10229172 -10229173 -10229174 -10229175 -10229176 -10229177 -10229178 -10229179 -10229180 -10229181 -10229182 -10229183 -10229184 -10229185 -10229186 -10229187 -10229188 -10229189 -10229190 -10229191 -10229192 -10229193 -10229194 -10229195 -10229196 -10229197 -10229198 -10229200 -10229201 -10229202 -10229203 -10229204 -10229205 -10229206 -10229207 -10229208 -10229209 -10229210 -10229211 -10229212 -10229213 -10229214 -10229215 -10229216 -10229217 -10229218 -10229219 -10229220 -10229221 -10229222 -10229223 -10229224 -10229225 -10229226 -10229227 -10229228 -10229229 -10229230 -10229231 -10229232 -10229233 -10229234 -10229235 -10229236 -10229237 -10229238 -10229239 -10229240 -10229241 -10229242 -10229243 -10229244 -10229245 -10229246 -10229247 -10229248 -10229249 -10229250 -10229251 -10229252 -10229253 -10229254 -10229255 -10229256 -10229257 -10229258 -10229259 -10229260 -10229261 -10229262 -10229263 -10229264 -10229265 -10229266 -10229267 -10229268 -10229269 -10229270 -10229271 -10229272 -10229273 -10229274 -10229275 -10229276 -10229277 -10229278 -10229279 -10229280 -10229281 -10229282 -10229283 -10229284 -10229285 -10229286 -10229287 -10229288 -10229289 -10229290 -10229291 -10229292 -10229293 -10229294 -10229295 -10229296 -10229297 -10229298 -10229299 -10229300 -10229301 -10229302 -10229303 -10229304 -10229305 -10229306 -10229307 -10229308 -10229309 -10229310 -10229311 -10229312 -10229313 -10229314 -10229315 -10229316 -10229317 -10229318 -10229319 -10229320 -10229321 -10229322 -10229323 -10229324 -10229325 -10229326 -10229327 -10229328 -10229329 -10229330 -10229334 -10229335 -10229336 -10229337 -10229338 -10229339 -10229340 -10229341 -10229342 -10229343 -10229344 -10229345 -10229346 -10229347 -10229348 -10229349 -10229350 -10229351 -10229352 -10229353 -10229354 -10229355 -10229356 -10229357 -10229358 -10229359 -10229360 -10229361 -10229362 -10229363 -10229364 -10229365 -10229366 -10229367 -10229368 -10229369 -10229370 -10229371 -10229372 -10229373 -10229374 -10229375 -10229376 -10229377 -10229378 -10229379 -10229380 -10229381 -10229382 -10229383 -10229384 -10229385 -10229386 -10229387 -10229388 -10229389 -10229391 -10229392 -10229393 -10229394 -10229396 -10229397 -10229398 -10229399 -10229400 -10229401 -10229402 -10229403 -10229404 -10229405 -10229406 -10229407 -10229408 -10229409 -10229410 -10229411 -10229412 -10229413 -10229414 -10229415 -10229416 -10229417 -10229418 -10229419 -10229420 -10229421 -10229422 -10229423 -10229424 -10229425 -10229426 -10229427 -10229428 -10229429 -10229430 -10229431 -10229432 -10229433 -10229434 -10229435 -10229436 -10229437 -10229438 -10229439 -10229440 -10229441 -10229442 -10229443 -10229444 -10229445 -10229446 -10229447 -10229448 -10229449 -10229450 -10229451 -10229452 -10229453 -10229454 -10229455 -10229456 -10229457 -10229458 -10229459 -10229460 -10229461 -10229462 -10229463 -10229464 -10229465 -10229466 -10229467 -10229468 -10229469 -10229470 -10229471 -10229472 -10229473 -10229474 -10229475 -10229476 -10229477 -10229478 -10229479 -10229480 -10229481 -10229482 -10229483 -10229484 -10229485 -10229486 -10229487 -10229488 -10229489 -10229490 -10229492 -10229493 -10229494 -10229495 -10229496 -10229497 -10229498 -10229499 -10229500 -10229501 -10229502 -10229503 -10229504 -10229505 -10229506 -10229507 -10229508 -10229509 -10229510 -10229511 -10229512 -10229513 -10229514 -10229515 -10229516 -10229517 -10229518 -10229519 -10229520 -10229521 -10229522 -10229523 -10229524 -10229525 -10229527 -10229528 -10229529 -10229530 -10229531 -10229532 -10229533 -10229534 -10229535 -10229536 -10229537 -10229538 -10229539 -10229540 -10229541 -10229542 -10229543 -10229544 -10229545 -10229546 -10229547 -10229548 -10229549 -10229550 -10229551 -10229552 -10229553 -10229554 -10229555 -10229556 -10229557 -10229558 -10229559 -10229560 -10229561 -10229562 -10229563 -10229564 -10229565 -10229566 -10229567 -10229568 -10229569 -10229570 -10229571 -10229572 -10229573 -10229574 -10229575 -10229576 -10229577 -10229578 -10229579 -10229580 -10229581 -10229582 -10229583 -10229584 -10229585 -10229586 -10229587 -10229588 -10229589 -10229590 -10229591 -10229592 -10229593 -10229594 -10229595 -10229596 -10229597 -10229598 -10229599 -10229600 -10229601 -10229602 -10229603 -10229604 -10229605 -10229606 -10229607 -10229608 -10229609 -10229610 -10229611 -10229612 -10229613 -10229614 -10229615 -10229616 -10229617 -10229618 -10229619 -10229620 -10229621 -10229622 -10229623 -10229624 -10229625 -10229626 -10229627 -10229628 -10229629 -10229630 -10229631 -10229632 -10229633 -10229634 -10229635 -10229636 -10229637 -10229638 -10229639 -10229640 -10229641 -10229642 -10229643 -10229644 -10229645 -10229646 -10229647 -10229648 -10229649 -10229650 -10229651 -10229652 -10229653 -10229654 -10229655 -10229656 -10229657 -10229658 -10229659 -10229660 -10229661 -10229662 -10229663 -10229664 -10229665 -10229666 -10229667 -10229668 -10229669 -10229670 -10229671 -10229672 -10229673 -10229674 -10229675 -10229676 -10229677 -10229678 -10229679 -10229680 -10229681 -10229682 -10229683 -10229684 -10229685 -10229686 -10229687 -10229688 -10229689 -10229690 -10229691 -10229692 -10229693 -10229694 -10229695 -10229696 -10229697 -10229698 -10229699 -10229700 -10229701 -10229702 -10229703 -10229704 -10229705 -10229706 -10229707 -10229708 -10229709 -10229710 -10229711 -10229712 -10229713 -10229714 -10229715 -10229716 -10229717 -10229718 -10229719 -10229720 -10229721 -10229722 -10229723 -10229724 -10229725 -10229726 -10229727 -10229728 -10229729 -10229730 -10229731 -10229732 -10229733 -10229734 -10229735 -10229736 -10229737 -10229738 -10229739 -10229740 -10229741 -10229742 -10229743 -10229744 -10229745 -10229746 -10229747 -10229748 -10229749 -10229750 -10229751 -10229752 -10229753 -10229754 -10229755 -10229756 -10229757 -10229758 -10229759 -10229760 -10229761 -10229762 -10229763 -10229764 -10229765 -10229766 -10229767 -10229768 -10229769 -10229770 -10229771 -10229772 -10229773 -10229774 -10229775 -10229776 -10229777 -10229778 -10229779 -10229780 -10229781 -10229782 -10229783 -10229784 -10229785 -10229786 -10229787 -10229788 -10229789 -10229790 -10229791 -10229792 -10229793 -10229794 -10229795 -10229796 -10229797 -10229798 -10229799 -10229800 -10229801 -10229802 -10229803 -10229804 -10229805 -10229806 -10229807 -10229808 -10229809 -10229810 -10229811 -10229812 -10229813 -10229814 -10229815 -10229816 -10229817 -10229818 -10229819 -10229820 -10229821 -10229822 -10229823 -10229824 -10229825 -10229826 -10229827 -10229828 -10229829 -10229830 -10229831 -10229832 -10229833 -10229834 -10229835 -10229836 -10229837 -10229838 -10229839 -10229840 -10229841 -10229842 -10229843 -10229844 -10229845 -10229846 -10229847 -10229848 -10229849 -10229850 -10229851 -10229852 -10229853 -10229854 -10229855 -10229856 -10229857 -10229858 -10229859 -10229860 -10229861 -10229862 -10229863 -10229864 -10229865 -10229866 -10229867 -10229868 -10229869 -10229870 -10229871 -10229872 -10229873 -10229874 -10229875 -10229876 -10229877 -10229878 -10229879 -10229880 -10229881 -10229882 -10229883 -10229884 -10229885 -10229886 -10229887 -10229888 -10229889 -10229890 -10229891 -10229892 -10229893 -10229894 -10229895 -10229896 -10229897 -10229898 -10229899 -10229900 -10229901 -10229902 -10229903 -10229904 -10229905 -10229906 -10229907 -10229908 -10229909 -10229910 -10229911 -10229912 -10229913 -10229914 -10229915 -10229916 -10229917 -10229918 -10229919 -10229920 -10229921 -10229922 -10229923 -10229924 -10229925 -10229926 -10229927 -10229928 -10229929 -10229930 -10229931 -10229932 -10229933 -10229934 -10229935 -10229936 -10229937 -10229938 -10229939 -10229940 -10229941 -10229942 -10229943 -10229944 -10229945 -10229946 -10229947 -10229948 -10229949 -10229950 -10229951 -10229952 -10229953 -10229954 -10229955 -10229956 -10229957 -10229958 -10229959 -10229960 -10229961 -10229962 -10229963 -10229964 -10229965 -10229966 -10229967 -10229968 -10229969 -10229970 -10229971 -10229972 -10229973 -10229974 -10229975 -10229976 -10229977 -10229978 -10229979 -10229980 -10229981 -10229982 -10229983 -10229984 -10229985 -10229986 -10229987 -10229988 -10229989 -10229990 -10229991 -10229992 -10229993 -10229994 -10229995 -10229996 -10229997 -10229998 -10229999 -10230000 -10230001 -10230002 -10230003 -10230004 -10230005 -10230006 -10230007 -10230008 -10230009 -10230010 -10230011 -10230012 -10230013 -10230014 -10230015 -10230016 -10230017 -10230018 -10230019 -10230020 -10230021 -10230022 -10230023 -10230024 -10230025 -10230026 -10230027 -10230028 -10230029 -10230030 -10230031 -10230032 -10230033 -10230034 -10230035 -10230036 -10230037 -10230038 -10230039 -10230040 -10230041 -10230042 -10230043 -10230044 -10230045 -10230046 -10230047 -10230048 -10230049 -10230050 -10230051 -10230052 -10230053 -10230054 -10230055 -10230056 -10230057 -10230058 -10230059 -10230060 -10230061 -10230062 -10230063 -10230064 -10230065 -10230066 -10230067 -10230068 -10230069 -10230070 -10230071 -10230072 -10230073 -10230074 -10230075 -10230076 -10230077 -10230078 -10230079 -10230080 -10230081 -10230082 -10230083 -10230084 -10230085 -10230086 -10230087 -10230088 -10230089 -10230090 -10230091 -10230092 -10230093 -10230094 -10230095 -10230096 -10230097 -10230098 -10230099 -10230100 -10230101 -10230102 -10230103 -10230104 -10230105 -10230106 -10230107 -10230108 -10230109 -10230110 -10230111 -10230112 -10230113 -10230114 -10230115 -10230116 -10230117 -10230118 -10230119 -10230120 -10230121 -10230122 -10230123 -10230124 -10230125 -10230126 -10230127 -10230128 -10230129 -10230130 -10230131 -10230132 -10230133 -10230134 -10230135 -10230136 -10230137 -10230138 -10230139 -10230140 -10230141 -10230142 -10230143 -10230144 -10230145 -10230146 -10230147 -10230148 -10230149 -10230150 -10230151 -10230152 -10230153 -10230154 -10230155 -10230156 -10230157 -10230158 -10230159 -10230160 -10230161 -10230162 -10230163 -10230164 -10230165 -10230166 -10230167 -10230168 -10230169 -10230170 -10230171 -10230172 -10230173 -10230174 -10230175 -10230176 -10230177 -10230178 -10230179 -10230180 -10230181 -10230182 -10230183 -10230184 -10230185 -10230186 -10230187 -10230188 -10230189 -10230190 -10230191 -10230192 -10230193 -10230194 -10230195 -10230196 -10230197 -10230198 -10230199 -10230200 -10230201 -10230202 -10230203 -10230204 -10230205 -10230206 -10230207 -10230208 -10230209 -10230210 -10230211 -10230212 -10230213 -10230214 -10230215 -10230216 -10230217 -10230218 -10230219 -10230220 -10230221 -10230222 -10230223 -10230224 -10230225 -10230226 -10230227 -10230228 -10230229 -10230230 -10230231 -10230232 -10230233 -10230234 -10230235 -10230236 -10230237 -10230238 -10230239 -10230240 -10230241 -10230242 -10230243 -10230244 -10230245 -10230246 -10230247 -10230248 -10230249 -10230250 -10230251 -10230252 -10230253 -10230254 -10230255 -10230256 -10230257 -10230258 -10230259 -10230260 -10230261 -10230262 -10230263 -10230264 -10230265 -10230266 -10230267 -10230268 -10230269 -10230270 -10230271 -10230272 -10230273 -10230274 -10230275 -10230276 -10230277 -10230278 -10230279 -10230280 -10230281 -10230282 -10230283 -10230284 -10230285 -10230286 -10230287 -10230288 -10230289 -10230290 -10230291 -10230292 -10230293 -10230294 -10230295 -10230296 -10230297 -10230298 -10230299 -10230300 -10230301 -10230302 -10230303 -10230304 -10230305 -10230306 -10230307 -10230308 -10230309 -10230310 -10230311 -10230312 -10230313 -10230314 -10230315 -10230316 -10230317 -10230318 -10230319 -10230320 -10230321 -10230322 -10230323 -10230324 -10230325 -10230326 -10230327 -10230328 -10230329 -10230330 -10230331 -10230332 -10230333 -10230334 -10230335 -10230336 -10230337 -10230338 -10230339 -10230340 -10230341 -10230342 -10230343 -10230344 -10230345 -10230346 -10230347 -10230348 -10230349 -10230350 -10230351 -10230352 -10230353 -10230354 -10230355 -10230356 -10230357 -10230358 -10230359 -10230360 -10230361 -10230362 -10230363 -10230364 -10230365 -10230366 -10230367 -10230368 -10230369 -10230370 -10230371 -10230372 -10230373 -10230374 -10230375 -10230376 -10230377 -10230378 -10230379 -10230380 -10230381 -10230382 -10230383 -10230384 -10230385 -10230386 -10230387 -10230388 -10230389 -10230390 -10230391 -10230392 -10230393 -10230394 -10230395 -10230396 -10230397 -10230398 -10230399 -10230400 -10230401 -10230402 -10230403 -10230404 -10230405 -10230406 -10230407 -10230408 -10230409 -10230410 -10230411 -10230412 -10230413 -10230414 -10230415 -10230416 -10230417 -10230418 -10230419 -10230420 -10230421 -10230422 -10230423 -10230424 -10230425 -10230426 -10230427 -10230428 -10230429 -10230430 -10230431 -10230432 -10230433 -10230434 -10230435 -10230436 -10230437 -10230438 -10230439 -10230440 -10230441 -10230442 -10230443 -10230444 -10230445 -10230446 -10230447 -10230448 -10230449 -10230450 -10230451 -10230452 -10230453 -10230454 -10230455 -10230456 -10230457 -10230458 -10230459 -10230460 -10230461 -10230462 -10230463 -10230464 -10230465 -10230466 -10230467 -10230468 -10230469 -10230470 -10230471 -10230472 -10230473 -10230474 -10230475 -10230476 -10230477 -10230478 -10230479 -10230480 -10230481 -10230482 -10230483 -10230484 -10230485 -10230486 -10230487 -10230488 -10230489 -10230490 -10230491 -10230492 -10230493 -10230494 -10230495 -10230496 -10230497 -10230498 -10230499 -10230500 -10230501 -10230502 -10230503 -10230504 -10230505 -10230506 -10230507 -10230508 -10230509 -10230510 -10230511 -10230512 -10230513 -10230514 -10230515 -10230516 -10230517 -10230518 -10230519 -10230520 -10230521 -10230522 -10230523 -10230524 -10230525 -10230526 -10230527 -10230528 -10230529 -10230530 -10230531 -10230532 -10230533 -10230534 -10230535 -10230536 -10230537 -10230538 -10230539 -10230540 -10230541 -10230542 -10230543 -10230544 -10230545 -10230546 -10230547 -10230548 -10230549 -10230550 -10230551 -10230552 -10230553 -10230554 -10230555 -10230556 -10230557 -10230558 -10230559 -10230560 -10230561 -10230562 -10230563 -10230564 -10230565 -10230566 -10230567 -10230568 -10230569 -10230570 -10230571 -10230572 -10230573 -10230574 -10230575 -10230576 -10230577 -10230578 -10230579 -10230580 -10230581 -10230582 -10230583 -10230584 -10230585 -10230586 -10230587 -10230588 -10230589 -10230590 -10230591 -10230592 -10230593 -10230594 -10230595 -10230596 -10230597 -10230598 -10230599 -10230600 -10230601 -10230602 -10230603 -10230604 -10230605 -10230606 -10230607 -10230608 -10230609 -10230610 -10230611 -10230612 -10230613 -10230614 -10230615 -10230616 -10230617 -10230618 -10230619 -10230620 -10230621 -10230622 -10230623 -10230624 -10230625 -10230626 -10230627 -10230628 -10230629 -10230630 -10230631 -10230632 -10230633 -10230634 -10230635 -10230636 -10230637 -10230638 -10230639 -10230640 -10230641 -10230642 -10230643 -10230644 -10230645 -10230646 -10230647 -10230648 -10230649 -10230650 -10230651 -10230652 -10230653 -10230654 -10230655 -10230656 -10230657 -10230658 -10230659 -10230660 -10230661 -10230662 -10230663 -10230664 -10230665 -10230666 -10230667 -10230668 -10230669 -10230670 -10230671 -10230672 -10230673 -10230674 -10230675 -10230676 -10230677 -10230678 -10230679 -10230680 -10230681 -10230682 -10230683 -10230684 -10230685 -10230686 -10230687 -10230688 -10230689 -10230690 -10230691 -10230692 -10230693 -10230694 -10230695 -10230696 -10230697 -10230698 -10230699 -10230700 -10230701 -10230702 -10230703 -10230704 -10230705 -10230706 -10230707 -10230708 -10230709 -10230710 -10230711 -10230712 -10230713 -10230714 -10230715 -10230716 -10230717 -10230718 -10230719 -10230720 -10230721 -10230722 -10230723 -10230724 -10230725 -10230726 -10230727 -10230728 -10230729 -10230730 -10230731 -10230732 -10230733 -10230734 -10230735 -10230736 -10230737 -10230738 -10230739 -10230740 -10230741 -10230742 -10230743 -10230744 -10230745 -10230746 -10230747 -10230748 -10230749 -10230750 -10230751 -10230752 -10230753 -10230754 -10230755 -10230756 -10230757 -10230758 -10230759 -10230760 -10230761 -10230762 -10230763 -10230764 -10230765 -10230766 -10230767 -10230768 -10230769 -10230770 -10230771 -10230772 -10230773 -10230774 -10230775 -10230776 -10230777 -10230778 -10230779 -10230780 -10230781 -10230782 -10230783 -10230784 -10230785 -10230786 -10230787 -10230788 -10230789 -10230790 -10230791 -10230792 -10230793 -10230794 -10230795 -10230796 -10230797 -10230798 -10230799 -10230800 -10230801 -10230802 -10230803 -10230804 -10230805 -10230806 -10230807 -10230808 -10230809 -10230810 -10230811 -10230812 -10230813 -10230814 -10230815 -10230816 -10230817 -10230818 -10230819 -10230820 -10230821 -10230822 -10230823 -10230824 -10230825 -10230826 -10230827 -10230828 -10230829 -10230830 -10230831 -10230832 -10230833 -10230834 -10230835 -10230836 -10230837 -10230838 -10230839 -10230840 -10230841 -10230842 -10230843 -10230844 -10230845 -10230846 -10230847 -10230848 -10230849 -10230850 -10230851 -10230852 -10230853 -10230854 -10230855 -10230856 -10230857 -10230858 -10230859 -10230860 -10230861 -10230862 -10230863 -10230864 -10230865 -10230866 -10230867 -10230868 -10230869 -10230870 -10230871 -10230872 -10230873 -10230874 -10230875 -10230876 -10230877 -10230878 -10230879 -10230880 -10230881 -10230882 -10230883 -10230884 -10230885 -10230886 -10230887 -10230888 -10230889 -10230890 -10230891 -10230892 -10230893 -10230894 -10230895 -10230896 -10230897 -10230898 -10230899 -10230900 -10230901 -10230902 -10230903 -10230904 -10230905 -10230906 -10230907 -10230908 -10230909 -10230910 -10230911 -10230912 -10230913 -10230914 -10230915 -10230916 -10230917 -10230918 -10230919 -10230920 -10230921 -10230922 -10230923 -10230924 -10230925 -10230926 -10230927 -10230928 -10230929 -10230930 -10230931 -10230932 -10230933 -10230934 -10230935 -10230936 -10230937 -10230938 -10230939 -10230940 -10230941 -10230942 -10230943 -10230944 -10230945 -10230946 -10230947 -10230948 -10230949 -10230950 -10230951 -10230952 -10230953 -10230954 -10230955 -10230956 -10230957 -10230958 -10230959 -10230960 -10230961 -10230962 -10230963 -10230964 -10230965 -10230966 -10230967 -10230968 -10230969 -10230970 -10230971 -10230972 -10230973 -10230974 -10230975 -10230976 -10230977 -10230978 -10230979 -10230980 -10230981 -10230982 -10230983 -10230984 -10230985 -10230986 -10230987 -10230988 -10230989 -10230990 -10230991 -10230992 -10230993 -10230994 -10230995 -10230996 -10230997 -10230998 -10230999 -10231000 -10231001 -10231002 -10231003 -10231004 -10231005 -10231006 -10231007 -10231008 -10231009 -10231010 -10231011 -10231012 -10231013 -10231014 -10231015 -10231016 -10231017 -10231018 -10231019 -10231020 -10231021 -10231022 -10231023 -10231024 -10231025 -10231026 -10231027 -10231028 -10231029 -10231030 -10231031 -10231032 -10231033 -10231034 -10231035 -10231036 -10231037 -10231038 -10231039 -10231040 -10231041 -10231042 -10231043 -10231044 -10231045 -10231046 -10231047 -10231048 -10231049 -10231050 -10231051 -10231052 -10231053 -10231054 -10231055 -10231056 -10231057 -10231058 -10231059 -10231060 -10231061 -10231062 -10231063 -10231064 -10231065 -10231066 -10231067 -10231068 -10231069 -10231070 -10231071 -10231072 -10231073 -10231074 -10231075 -10231076 -10231077 -10231078 -10231079 -10231080 -10231081 -10231082 -10231083 -10231084 -10231085 -10231086 -10231087 -10231088 -10231089 -10231090 -10231091 -10231092 -10231093 -10231094 -10231095 -10231096 -10231097 -10231098 -10231099 -10231100 -10231101 -10231102 -10231103 -10231104 -10231105 -10231106 -10231107 -10231108 -10231109 -10231110 -10231111 -10231112 -10231113 -10231114 -10231115 -10231116 -10231117 -10231118 -10231119 -10231120 -10231121 -10231122 -10231123 -10231124 -10231125 -10231126 -10231127 -10231128 -10231129 -10231130 -10231131 -10231132 -10231133 -10231134 -10231135 -10231136 -10231137 -10231138 -10231139 -10231140 -10231141 -10231142 -10231143 -10231144 -10231145 -10231146 -10231147 -10231148 -10231149 -10231150 -10231151 -10231152 -10231153 -10231154 -10231155 -10231156 -10231157 -10231158 -10231159 -10231160 -10231161 -10231162 -10231163 -10231164 -10231165 -10231166 -10231167 -10231168 -10231169 -10231170 -10231171 -10231172 -10231173 -10231174 -10231175 -10231176 -10231177 -10231178 -10231179 -10231180 -10231181 -10231182 -10231183 -10231184 -10231185 -10231186 -10231187 -10231188 -10231189 -10231190 -10231191 -10231192 -10231193 -10231194 -10231195 -10231196 -10231197 -10231198 -10231199 -10231200 -10231201 -10231202 -10231203 -10231204 -10231205 -10231206 -10231207 -10231208 -10231209 -10231210 -10231211 -10231212 -10231213 -10231214 -10231215 -10231216 -10231217 -10231218 -10231219 -10231220 -10231221 -10231222 -10231223 -10231224 -10231225 -10231226 -10231227 -10231228 -10231229 -10231230 -10231231 -10231232 -10231233 -10231234 -10231235 -10231236 -10231237 -10231238 -10231239 -10231240 -10231241 -10231242 -10231243 -10231244 -10231245 -10231246 -10231247 -10231248 -10231249 -10231250 -10231251 -10231252 -10231253 -10231254 -10231255 -10231256 -10231257 -10231258 -10231259 -10231260 -10231261 -10231262 -10231263 -10231264 -10231265 -10231266 -10231267 -10231268 -10231269 -10231270 -10231271 -10231272 -10231273 -10231274 -10231275 -10231276 -10231277 -10231278 -10231279 -10231280 -10231281 -10231282 -10231283 -10231284 -10231285 -10231286 -10231287 -10231288 -10231289 -10231290 -10231291 -10231292 -10231293 -10231294 -10231295 -10231296 -10231297 -10231298 -10231299 -10231300 -10231301 -10231302 -10231303 -10231304 -10231305 -10231306 -10231307 -10231308 -10231309 -10231310 -10231311 -10231312 -10231313 -10231314 -10231315 -10231316 -10231317 -10231318 -10231319 -10231320 -10231321 -10231322 -10231323 -10231324 -10231325 -10231326 -10231327 -10231328 -10231329 -10231330 -10231331 -10231332 -10231333 -10231334 -10231335 -10231336 -10231337 -10231338 -10231339 -10231340 -10231341 -10231342 -10231343 -10231344 -10231345 -10231346 -10231347 -10231348 -10231349 -10231350 -10231351 -10231352 -10231353 -10231354 -10231355 -10231356 -10231357 -10231358 -10231359 -10231360 -10231361 -10231362 -10231363 -10231364 -10231365 -10231366 -10231367 -10231368 -10231369 -10231370 -10231371 -10231372 -10231373 -10231374 -10231375 -10231376 -10231377 -10231378 -10231379 -10231380 -10231381 -10231382 -10231383 -10231384 -10231385 -10231386 -10231387 -10231388 -10231389 -10231390 -10231391 -10231392 -10231393 -10231394 -10231395 -10231396 -10231397 -10231398 -10231399 -10231400 -10231401 -10231402 -10231403 -10231404 -10231405 -10231406 -10231407 -10231408 -10231409 -10231410 -10231411 -10231412 -10231413 -10231414 -10231415 -10231416 -10231417 -10231418 -10231419 -10231420 -10231421 -10231422 -10231423 -10231424 -10231425 -10231426 -10231427 -10231428 -10231429 -10231430 -10231431 -10231432 -10231433 -10231434 -10231435 -10231436 -10231437 -10231438 -10231439 -10231440 -10231441 -10231442 -10231443 -10231444 -10231445 -10231446 -10231447 -10231448 -10231449 -10231450 -10231451 -10231452 -10231453 -10231454 -10231455 -10231456 -10231457 -10231458 -10231459 -10231460 -10231461 -10231462 -10231463 -10231464 -10231465 -10231466 -10231467 -10231468 -10231469 -10231470 -10231471 -10231472 -10231473 -10231474 -10231475 -10231476 -10231477 -10231478 -10231479 -10231480 -10231481 -10231482 -10231483 -10231484 -10231485 -10231486 -10231487 -10231488 -10231489 -10231490 -10231491 -10231492 -10231493 -10231494 -10231495 -10231496 -10231497 -10231498 -10231499 -10231500 -10231501 -10231502 -10231503 -10231504 -10231505 -10231506 -10231507 -10231508 -10231509 -10231510 -10231511 -10231512 -10231513 -10231514 -10231515 -10231516 -10231517 -10231518 -10231519 -10231520 -10231521 -10231522 -10231523 -10231524 -10231525 -10231526 -10231527 -10231528 -10231529 -10231530 -10231531 -10231532 -10231533 -10231534 -10231535 -10231536 -10231537 -10231538 -10231539 -10231540 -10231541 -10231542 -10231543 -10231544 -10231545 -10231546 -10231547 -10231548 -10231549 -10231550 -10231551 -10231552 -10231553 -10231554 -10231555 -10231556 -10231557 -10231558 -10231559 -10231560 -10231561 -10231562 -10231563 -10231564 -10231565 -10231566 -10231567 -10231568 -10231569 -10231570 -10231571 -10231572 -10231573 -10231574 -10231575 -10231576 -10231577 -10231578 -10231579 -10231580 -10231581 -10231582 -10231583 -10231584 -10231585 -10231586 -10231587 -10231588 -10231589 -10231590 -10231591 -10231592 -10231593 -10231594 -10231595 -10231596 -10231597 -10231598 -10231599 -10231600 -10231601 -10231602 -10231603 -10231604 -10231605 -10231606 -10231607 -10231608 -10231609 -10231610 -10231611 -10231612 -10231613 -10231614 -10231615 -10231616 -10231617 -10231618 -10231619 -10231620 -10231621 -10231622 -10231623 -10231624 -10231625 -10231626 -10231627 -10231628 -10231629 -10231630 -10231631 -10231632 -10231633 -10231634 -10231635 -10231636 -10231637 -10231638 -10231639 -10231640 -10231641 -10231642 -10231643 -10231644 -10231645 -10231646 -10231647 -10231648 -10231649 -10231650 -10231651 -10231652 -10231653 -10231654 -10231655 -10231656 -10231657 -10231658 -10231659 -10231660 -10231661 -10231662 -10231663 -10231664 -10231665 -10231666 -10231667 -10231668 -10231669 -10231670 -10231671 -10231672 -10231673 -10231674 -10231675 -10231676 -10231677 -10231678 -10231679 -10231680 -10231681 -10231682 -10231683 -10231684 -10231685 -10231686 -10231687 -10231688 -10231689 -10231690 -10231691 -10231692 -10231693 -10231694 -10231695 -10231696 -10231697 -10231698 -10231699 -10231700 -10231701 -10231702 -10231703 -10231704 -10231705 -10231706 -10231707 -10231708 -10231709 -10231710 -10231711 -10231712 -10231713 -10231714 -10231715 -10231716 -10231717 -10231718 -10231719 -10231720 -10231721 -10231722 -10231723 -10231724 -10231725 -10231726 -10231727 -10231728 -10231729 -10231730 -10231731 -10231732 -10231733 -10231734 -10231735 -10231736 -10231737 -10231738 -10231739 -10231740 -10231741 -10231742 -10231743 -10231744 -10231745 -10231746 -10231747 -10231748 -10231749 -10231750 -10231751 -10231752 -10231753 -10231754 -10231755 -10231756 -10231757 -10231758 -10231759 -10231760 -10231761 -10231762 -10231763 -10231764 -10231765 -10231766 -10231767 -10231768 -10231769 -10231770 -10231771 -10231772 -10231773 -10231774 -10231775 -10231776 -10231777 -10231778 -10231779 -10231780 -10231781 -10231782 -10231783 -10231784 -10231785 -10231786 -10231787 -10231788 -10231789 -10231790 -10231791 -10231792 -10231793 -10231794 -10231795 -10231796 -10231797 -10231798 -10231799 -10231800 -10231801 -10231802 -10231803 -10231804 -10231805 -10231806 -10231807 -10231808 -10231809 -10231810 -10231811 -10231812 -10231813 -10231814 -10231815 -10231816 -10231817 -10231818 -10231819 -10231820 -10231821 -10231822 -10231823 -10231824 -10231825 -10231826 -10231827 -10231828 -10231829 -10231830 -10231831 -10231832 -10231833 -10231834 -10231835 -10231836 -10231837 -10231838 -10231839 -10231840 -10231841 -10231842 -10231843 -10231844 -10231845 -10231846 -10231847 -10231848 -10231849 -10231850 -10231851 -10231852 -10231853 -10231854 -10231855 -10231856 -10231857 -10231858 -10231859 -10231860 -10231861 -10231862 -10231863 -10231864 -10231865 -10231866 -10231867 -10231868 -10231869 -10231870 -10231871 -10231872 -10231873 -10231874 -10231875 -10231876 -10231877 -10231878 -10231880 -10231881 -10231882 -10231883 -10231884 -10231885 -10231886 -10231887 -10231888 -10231889 -10231890 -10231891 -10231892 -10231893 -10231894 -10231895 -10231896 -10231897 -10231898 -10231899 -10231900 -10231901 -10231902 -10231903 -10231904 -10231905 -10231906 -10231907 -10231908 -10231909 -10231910 -10231911 -10231912 -10231913 -10231914 -10231915 -10231916 -10231917 -10231918 -10231919 -10231920 -10231921 -10231922 -10231923 -10231924 -10231925 -10231926 -10231927 -10231928 -10231929 -10231930 -10231931 -10231932 -10231933 -10231934 -10231935 -10231936 -10231937 -10231938 -10231939 -10231940 -10231941 -10231942 -10231943 -10231944 -10231945 -10231946 -10231947 -10231948 -10231949 -10231950 -10231951 -10231952 -10231953 -10231954 -10231955 -10231956 -10231957 -10231958 -10231959 -10231960 -10231961 -10231962 -10231963 -10231964 -10231965 -10231966 -10231967 -10231968 -10231969 -10231970 -10231971 -10231972 -10231973 -10231974 -10231975 -10231976 -10231977 -10231978 -10231979 -10231980 -10231981 -10231982 -10231983 -10231984 -10231985 -10231986 -10231987 -10231988 -10231989 -10231990 -10231991 -10231992 -10231993 -10231994 -10231995 -10231996 -10231997 -10231998 -10231999 -10232000 -10232001 -10232002 -10232003 -10232004 -10232005 -10232006 -10232007 -10232008 -10232009 -10232010 -10232011 -10232012 -10232013 -10232014 -10232015 -10232016 -10232017 -10232018 -10232019 -10232020 -10232021 -10232022 -10232023 -10232024 -10232025 -10232026 -10232027 -10232028 -10232029 -10232030 -10232031 -10232032 -10232033 -10232034 -10232035 -10232036 -10232037 -10232038 -10232039 -10232040 -10232041 -10232042 -10232043 -10232044 -10232045 -10232046 -10232047 -10232048 -10232049 -10232050 -10232051 -10232052 -10232053 -10232054 -10232055 -10232056 -10232057 -10232058 -10232059 -10232060 -10232061 -10232062 -10232063 -10232064 -10232065 -10232066 -10232067 -10232068 -10232069 -10232070 -10232071 -10232072 -10232073 -10232074 -10232075 -10232076 -10232077 -10232078 -10232079 -10232080 -10232081 -10232082 -10232083 -10232084 -10232085 -10232086 -10232087 -10232088 -10232089 -10232090 -10232091 -10232092 -10232093 -10232094 -10232095 -10232096 -10232097 -10232098 -10232099 -10232100 -10232101 -10232102 -10232103 -10232104 -10232105 -10232106 -10232107 -10232108 -10232109 -10232110 -10232111 -10232112 -10232113 -10232114 -10232115 -10232116 -10232117 -10232118 -10232119 -10232120 -10232121 -10232122 -10232123 -10232124 -10232125 -10232126 -10232127 -10232128 -10232129 -10232130 -10232131 -10232132 -10232133 -10232134 -10232135 -10232136 -10232137 -10232138 -10232139 -10232140 -10232141 -10232142 -10232143 -10232144 -10232145 -10232146 -10232147 -10232148 -10232149 -10232150 -10232151 -10232152 -10232153 -10232154 -10232155 -10232156 -10232157 -10232158 -10232159 -10232160 -10232161 -10232162 -10232163 -10232164 -10232165 -10232166 -10232167 -10232168 -10232169 -10232170 -10232171 -10232172 -10232173 -10232174 -10232175 -10232176 -10232177 -10232178 -10232179 -10232180 -10232181 -10232182 -10232183 -10232184 -10232185 -10232186 -10232187 -10232188 -10232189 -10232190 -10232191 -10232192 -10232193 -10232194 -10232195 -10232196 -10232197 -10232198 -10232199 -10232200 -10232201 -10232202 -10232203 -10232204 -10232205 -10232206 -10232207 -10232208 -10232209 -10232210 -10232211 -10232212 -10232213 -10232214 -10232215 -10232216 -10232217 -10232218 -10232219 -10232220 -10232221 -10232222 -10232223 -10232224 -10232225 -10232226 -10232227 -10232228 -10232229 -10232230 -10232231 -10232232 -10232233 -10232234 -10232235 -10232236 -10232237 -10232238 -10232239 -10232240 -10232241 -10232242 -10232243 -10232244 -10232245 -10232246 -10232247 -10232248 -10232249 -10232250 -10232251 -10232252 -10232253 -10232254 -10232255 -10232256 -10232257 -10232258 -10232259 -10232260 -10232261 -10232262 -10232263 -10232264 -10232265 -10232266 -10232267 -10232268 -10232269 -10232270 -10232271 -10232272 -10232273 -10232274 -10232275 -10232276 -10232277 -10232278 -10232279 -10232280 -10232281 -10232282 -10232283 -10232284 -10232285 -10232286 -10232287 -10232288 -10232289 -10232290 -10232291 -10232292 -10232293 -10232294 -10232295 -10232296 -10232297 -10232298 -10232299 -10232300 -10232301 -10232302 -10232303 -10232304 -10232305 -10232306 -10232307 -10232308 -10232309 -10232310 -10232311 -10232312 -10232313 -10232314 -10232315 -10232316 -10232317 -10232318 -10232319 -10232320 -10232321 -10232322 -10232323 -10232324 -10232325 -10232326 -10232327 -10232328 -10232329 -10232330 -10232331 -10232332 -10232333 -10232334 -10232335 -10232336 -10232337 -10232338 -10232339 -10232340 -10232341 -10232342 -10232343 -10232344 -10232345 -10232346 -10232347 -10232348 -10232349 -10232350 -10232351 -10232352 -10232353 -10232354 -10232355 -10232356 -10232357 -10232358 -10232359 -10232360 -10232361 -10232362 -10232363 -10232364 -10232365 -10232366 -10232367 -10232368 -10232369 -10232370 -10232371 -10232372 -10232373 -10232374 -10232375 -10232376 -10232377 -10232378 -10232379 -10232380 -10232381 -10232382 -10232383 -10232384 -10232385 -10232386 -10232387 -10232388 -10232389 -10232390 -10232391 -10232392 -10232393 -10232394 -10232395 -10232396 -10232397 -10232398 -10232399 -10232400 -10232401 -10232402 -10232403 -10232404 -10232405 -10232406 -10232407 -10232408 -10232409 -10232410 -10232411 -10232412 -10232413 -10232414 -10232415 -10232416 -10232417 -10232418 -10232419 -10232420 -10232421 -10232422 -10232423 -10232424 -10232425 -10232426 -10232427 -10232428 -10232429 -10232430 -10232431 -10232432 -10232433 -10232434 -10232435 -10232436 -10232437 -10232438 -10232439 -10232440 -10232441 -10232442 -10232443 -10232444 -10232445 -10232446 -10232447 -10232448 -10232449 -10232450 -10232451 -10232452 -10232453 -10232454 -10232455 -10232456 -10232457 -10232458 -10232459 -10232460 -10232461 -10232462 -10232463 -10232464 -10232465 -10232466 -10232467 -10232468 -10232469 -10232470 -10232471 -10232472 -10232473 -10232474 -10232475 -10232476 -10232477 -10232478 -10232479 -10232480 -10232481 -10232482 -10232483 -10232484 -10232485 -10232486 -10232487 -10232488 -10232489 -10232490 -10232491 -10232492 -10232493 -10232494 -10232495 -10232496 -10232497 -10232498 -10232499 -10232500 -10232501 -10232502 -10232503 -10232504 -10232505 -10232506 -10232507 -10232508 -10232509 -10232510 -10232511 -10232512 -10232513 -10232514 -10232515 -10232516 -10232517 -10232518 -10232519 -10232520 -10232521 -10232522 -10232523 -10232524 -10232525 -10232526 -10232527 -10232528 -10232529 -10232530 -10232531 -10232532 -10232533 -10232534 -10232535 -10232536 -10232537 -10232538 -10232539 -10232540 -10232541 -10232542 -10232543 -10232544 -10232545 -10232546 -10232547 -10232548 -10232549 -10232550 -10232551 -10232552 -10232553 -10232554 -10232555 -10232556 -10232557 -10232558 -10232559 -10232560 -10232561 -10232562 -10232563 -10232564 -10232565 -10232566 -10232567 -10232568 -10232569 -10232570 -10232571 -10232572 -10232573 -10232574 -10232575 -10232576 -10232577 -10232578 -10232579 -10232580 -10232581 -10232582 -10232583 -10232584 -10232585 -10232586 -10232587 -10232588 -10232589 -10232590 -10232591 -10232592 -10232593 -10232594 -10232595 -10232596 -10232597 -10232598 -10232599 -10232600 -10232601 -10232602 -10232603 -10232604 -10232605 -10232606 -10232607 -10232608 -10232609 -10232610 -10232611 -10232612 -10232613 -10232614 -10232615 -10232616 -10232617 -10232618 -10232619 -10232620 -10232621 -10232622 -10232623 -10232624 -10232625 -10232626 -10232627 -10232628 -10232629 -10232630 -10232631 -10232632 -10232633 -10232634 -10232635 -10232636 -10232637 -10232638 -10232639 -10232640 -10232641 -10232642 -10232643 -10232644 -10232645 -10232646 -10232647 -10232648 -10232649 -10232650 -10232651 -10232652 -10232653 -10232654 -10232655 -10232656 -10232657 -10232658 -10232659 -10232660 -10232661 -10232662 -10232663 -10232664 -10232665 -10232666 -10232667 -10232668 -10232669 -10232670 -10232671 -10232672 -10232673 -10232674 -10232675 -10232676 -10232677 -10232678 -10232679 -10232680 -10232681 -10232682 -10232683 -10232684 -10232685 -10232686 -10232687 -10232688 -10232689 -10232690 -10232691 -10232692 -10232693 -10232694 -10232695 -10232696 -10232697 -10232698 -10232699 -10232700 -10232701 -10232702 -10232703 -10232704 -10232705 -10232706 -10232707 -10232708 -10232709 -10232710 -10232711 -10232712 -10232713 -10232714 -10232715 -10232716 -10232717 -10232718 -10232719 -10232720 -10232721 -10232722 -10232723 -10232724 -10232725 -10232726 -10232727 -10232728 -10232729 -10232730 -10232731 -10232732 -10232733 -10232734 -10232735 -10232736 -10232737 -10232738 -10232739 -10232740 -10232741 -10232742 -10232743 -10232744 -10232745 -10232746 -10232747 -10232748 -10232749 -10232750 -10232751 -10232752 -10232753 -10232754 -10232755 -10232756 -10232757 -10232758 -10232759 -10232760 -10232761 -10232762 -10232763 -10232764 -10232765 -10232766 -10232767 -10232768 -10232769 -10232770 -10232771 -10232772 -10232773 -10232774 -10232775 -10232776 -10232777 -10232778 -10232779 -10232780 -10232781 -10232782 -10232783 -10232784 -10232785 -10232786 -10232787 -10232788 -10232789 -10232790 -10232791 -10232792 -10232793 -10232794 -10232795 -10232796 -10232797 -10232798 -10232799 -10232800 -10232801 -10232802 -10232803 -10232804 -10232805 -10232806 -10232807 -10232808 -10232809 -10232810 -10232811 -10232812 -10232813 -10232814 -10232815 -10232816 -10232817 -10232818 -10232819 -10232820 -10232821 -10232822 -10232823 -10232824 -10232825 -10232826 -10232827 -10232828 -10232829 -10232830 -10232831 -10232832 -10232833 -10232834 -10232835 -10232836 -10232837 -10232838 -10232839 -10232840 -10232841 -10232842 -10232843 -10232844 -10232845 -10232846 -10232847 -10232848 -10232849 -10232850 -10232851 -10232852 -10232853 -10232854 -10232855 -10232856 -10232857 -10232858 -10232859 -10232860 -10232861 -10232862 -10232863 -10232864 -10232865 -10232866 -10232867 -10232868 -10232869 -10232870 -10232871 -10232872 -10232873 -10232874 -10232875 -10232876 -10232877 -10232878 -10232879 -10232880 -10232881 -10232882 -10232883 -10232884 -10232885 -10232886 -10232887 -10232888 -10232889 -10232890 -10232891 -10232892 -10232893 -10232894 -10232895 -10232896 -10232897 -10232898 -10232899 -10232900 -10232901 -10232902 -10232903 -10232904 -10232905 -10232906 -10232907 -10232908 -10232909 -10232910 -10232911 -10232912 -10232913 -10232914 -10232915 -10232916 -10232917 -10232918 -10232919 -10232920 -10232921 -10232922 -10232923 -10232924 -10232925 -10232926 -10232927 -10232928 -10232929 -10232930 -10232931 -10232932 -10232933 -10232934 -10232935 -10232936 -10232937 -10232938 -10232939 -10232940 -10232941 -10232942 -10232943 -10232944 -10232945 -10232946 -10232947 -10232948 -10232949 -10232950 -10232951 -10232952 -10232953 -10232954 -10232955 -10232956 -10232957 -10232958 -10232959 -10232960 -10232961 -10232962 -10232963 -10232964 -10232965 -10232966 -10232967 -10232968 -10232969 -10232970 -10232971 -10232972 -10232973 -10232974 -10232975 -10232976 -10232977 -10232978 -10232979 -10232980 -10232981 -10232982 -10232983 -10232984 -10232985 -10232986 -10232987 -10232988 -10232989 -10232990 -10232991 -10232992 -10232993 -10232994 -10232995 -10232996 -10232997 -10232998 -10232999 -10233000 -10233001 -10233002 -10233003 -10233004 -10233005 -10233006 -10233007 -10233008 -10233009 -10233010 -10233011 -10233012 -10233013 -10233014 -10233015 -10233016 -10233017 -10233018 -10233019 -10233020 -10233021 -10233022 -10233023 -10233024 -10233025 -10233026 -10233027 -10233028 -10233029 -10233030 -10233031 -10233032 -10233033 -10233034 -10233035 -10233036 -10233037 -10233038 -10233039 -10233040 -10233041 -10233042 -10233043 -10233044 -10233045 -10233046 -10233047 -10233048 -10233049 -10233050 -10233051 -10233052 -10233053 -10233054 -10233055 -10233056 -10233057 -10233058 -10233059 -10233060 -10233061 -10233062 -10233063 -10233064 -10233065 -10233066 -10233067 -10233068 -10233069 -10233070 -10233071 -10233072 -10233073 -10233074 -10233075 -10233076 -10233077 -10233078 -10233079 -10233080 -10233081 -10233082 -10233083 -10233084 -10233085 -10233086 -10233087 -10233088 -10233089 -10233090 -10233091 -10233092 -10233093 -10233094 -10233095 -10233096 -10233097 -10233098 -10233099 -10233100 -10233101 -10233102 -10233103 -10233104 -10233105 -10233106 -10233107 -10233108 -10233109 -10233110 -10233111 -10233112 -10233113 -10233114 -10233115 -10233116 -10233117 -10233118 -10233119 -10233120 -10233121 -10233122 -10233123 -10233124 -10233125 -10233126 -10233127 -10233128 -10233129 -10233130 -10233131 -10233132 -10233133 -10233134 -10233135 -10233136 -10233137 -10233138 -10233139 -10233140 -10233141 -10233142 -10233143 -10233144 -10233145 -10233146 -10233147 -10233148 -10233149 -10233150 -10233151 -10233152 -10233153 -10233154 -10233155 -10233156 -10233157 -10233158 -10233159 -10233160 -10233161 -10233162 -10233163 -10233164 -10233165 -10233166 -10233167 -10233168 -10233169 -10233170 -10233171 -10233172 -10233173 -10233174 -10233175 -10233176 -10233177 -10233178 -10233179 -10233180 -10233181 -10233182 -10233183 -10233184 -10233185 -10233186 -10233187 -10233188 -10233189 -10233190 -10233191 -10233192 -10233193 -10233194 -10233195 -10233196 -10233197 -10233198 -10233199 -10233200 -10233201 -10233202 -10233203 -10233204 -10233205 -10233206 -10233207 -10233208 -10233209 -10233210 -10233211 -10233212 -10233213 -10233214 -10233215 -10233216 -10233217 -10233218 -10233219 -10233220 -10233221 -10233222 -10233223 -10233224 -10233225 -10233226 -10233227 -10233228 -10233229 -10233230 -10233231 -10233232 -10233233 -10233234 -10233235 -10233236 -10233237 -10233238 -10233239 -10233240 -10233241 -10233242 -10233243 -10233244 -10233245 -10233246 -10233247 -10233248 -10233249 -10233250 -10233251 -10233252 -10233253 -10233254 -10233255 -10233256 -10233257 -10233258 -10233259 -10233260 -10233261 -10233262 -10233263 -10233264 -10233265 -10233266 -10233267 -10233268 -10233269 -10233270 -10233271 -10233272 -10233273 -10233274 -10233275 -10233276 -10233277 -10233278 -10233279 -10233280 -10233281 -10233282 -10233283 -10233284 -10233285 -10233286 -10233287 -10233288 -10233289 -10233290 -10233291 -10233292 -10233293 -10233294 -10233295 -10233296 -10233297 -10233298 -10233299 -10233300 -10233301 -10233302 -10233303 -10233304 -10233305 -10233306 -10233307 -10233308 -10233309 -10233310 -10233311 -10233312 -10233313 -10233314 -10233315 -10233316 -10233317 -10233318 -10233319 -10233320 -10233321 -10233322 -10233323 -10233324 -10233325 -10233326 -10233327 -10233328 -10233329 -10233330 -10233331 -10233332 -10233333 -10233334 -10233335 -10233336 -10233337 -10233338 -10233339 -10233340 -10233341 -10233342 -10233343 -10233344 -10233345 -10233346 -10233347 -10233348 -10233349 -10233350 -10233351 -10233352 -10233353 -10233354 -10233355 -10233356 -10233357 -10233358 -10233359 -10233360 -10233361 -10233362 -10233363 -10233364 -10233365 -10233366 -10233367 -10233368 -10233369 -10233370 -10233371 -10233372 -10233373 -10233374 -10233375 -10233376 -10233377 -10233378 -10233379 -10233380 -10233381 -10233382 -10233383 -10233384 -10233385 -10233386 -10233387 -10233388 -10233389 -10233390 -10233391 -10233392 -10233393 -10233394 -10233395 -10233396 -10233397 -10233398 -10233399 -10233400 -10233401 -10233402 -10233403 -10233404 -10233405 -10233406 -10233407 -10233408 -10233409 -10233410 -10233411 -10233412 -10233413 -10233414 -10233415 -10233416 -10233417 -10233418 -10233419 -10233420 -10233421 -10233422 -10233423 -10233424 -10233425 -10233426 -10233427 -10233428 -10233429 -10233430 -10233431 -10233432 -10233433 -10233434 -10233435 -10233436 -10233437 -10233438 -10233439 -10233440 -10233441 -10233442 -10233443 -10233444 -10233445 -10233446 -10233447 -10233448 -10233449 -10233450 -10233451 -10233452 -10233453 -10233454 -10233455 -10233456 -10233457 -10233458 -10233459 -10233460 -10233461 -10233462 -10233463 -10233464 -10233465 -10233466 -10233467 -10233468 -10233469 -10233470 -10233471 -10233472 -10233473 -10233474 -10233475 -10233476 -10233477 -10233478 -10233479 -10233480 -10233481 -10233482 -10233483 -10233484 -10233485 -10233486 -10233487 -10233488 -10233489 -10233490 -10233491 -10233492 -10233493 -10233494 -10233495 -10233496 -10233497 -10233498 -10233499 -10233500 -10233501 -10233502 -10233503 -10233504 -10233505 -10233506 -10233507 -10233508 -10233509 -10233510 -10233511 -10233512 -10233513 -10233514 -10233515 -10233516 -10233517 -10233518 -10233519 -10233520 -10233521 -10233522 -10233523 -10233524 -10233525 -10233526 -10233527 -10233528 -10233529 -10233530 -10233531 -10233532 -10233533 -10233534 -10233535 -10233536 -10233537 -10233538 -10233539 -10233540 -10233541 -10233542 -10233543 -10233544 -10233545 -10233546 -10233547 -10233548 -10233549 -10233550 -10233551 -10233552 -10233553 -10233554 -10233555 -10233556 -10233557 -10233558 -10233559 -10233560 -10233561 -10233562 -10233563 -10233564 -10233565 -10233566 -10233567 -10233568 -10233569 -10233570 -10233571 -10233572 -10233573 -10233574 -10233575 -10233576 -10233577 -10233578 -10233579 -10233580 -10233581 -10233582 -10233583 -10233584 -10233585 -10233586 -10233587 -10233588 -10233589 -10233590 -10233591 -10233592 -10233593 -10233594 -10233595 -10233596 -10233597 -10233598 -10233599 -10233600 -10233601 -10233602 -10233603 -10233604 -10233605 -10233606 -10233607 -10233608 -10233609 -10233610 -10233611 -10233612 -10233613 -10233614 -10233615 -10233616 -10233617 -10233618 -10233619 -10233620 -10233621 -10233622 -10233623 -10233624 -10233625 -10233626 -10233627 -10233628 -10233629 -10233630 -10233631 -10233632 -10233633 -10233634 -10233635 -10233636 -10233637 -10233638 -10233639 -10233640 -10233641 -10233642 -10233643 -10233644 -10233645 -10233646 -10233647 -10233648 -10233649 -10233650 -10233651 -10233652 -10233653 -10233654 -10233655 -10233656 -10233657 -10233658 -10233659 -10233660 -10233661 -10233662 -10233663 -10233664 -10233665 -10233666 -10233667 -10233668 -10233669 -10233670 -10233671 -10233672 -10233673 -10233674 -10233675 -10233676 -10233677 -10233678 -10233679 -10233680 -10233681 -10233682 -10233683 -10233684 -10233685 -10233686 -10233687 -10233688 -10233689 -10233690 -10233691 -10233692 -10233693 -10233694 -10233695 -10233696 -10233697 -10233698 -10233699 -10233700 -10233701 -10233702 -10233703 -10233704 -10233705 -10233706 -10233707 -10233708 -10233709 -10233710 -10233711 -10233712 -10233713 -10233714 -10233715 -10233716 -10233717 -10233718 -10233719 -10233720 -10233721 -10233722 -10233723 -10233724 -10233725 -10233726 -10233727 -10233728 -10233729 -10233730 -10233731 -10233732 -10233733 -10233734 -10233735 -10233736 -10233737 -10233738 -10233739 -10233740 -10233741 -10233742 -10233743 -10233744 -10233745 -10233746 -10233747 -10233748 -10233749 -10233750 -10233751 -10233752 -10233753 -10233754 -10233755 -10233756 -10233757 -10233758 -10233759 -10233760 -10233761 -10233762 -10233763 -10233764 -10233765 -10233766 -10233767 -10233768 -10233769 -10233770 -10233771 -10233772 -10233773 -10233774 -10233775 -10233776 -10233777 -10233778 -10233779 -10233780 -10233781 -10233782 -10233783 -10233784 -10233785 -10233786 -10233787 -10233788 -10233789 -10233790 -10233791 -10233792 -10233793 -10233794 -10233795 -10233796 -10233797 -10233798 -10233799 -10233800 -10233801 -10233802 -10233803 -10233804 -10233805 -10233806 -10233807 -10233808 -10233809 -10233810 -10233811 -10233812 -10233813 -10233814 -10233815 -10233816 -10233817 -10233818 -10233819 -10233820 -10233821 -10233822 -10233823 -10233824 -10233825 -10233826 -10233827 -10233828 -10233829 -10233830 -10233831 -10233832 -10233833 -10233834 -10233835 -10233836 -10233837 -10233838 -10233839 -10233840 -10233841 -10233842 -10233843 -10233844 -10233845 -10233846 -10233847 -10233848 -10233849 -10233850 -10233851 -10233852 -10233853 -10233854 -10233855 -10233856 -10233857 -10233858 -10233859 -10233860 -10233861 -10233862 -10233863 -10233864 -10233865 -10233866 -10233867 -10233868 -10233869 -10233870 -10233871 -10233872 -10233873 -10233874 -10233875 -10233876 -10233877 -10233878 -10233879 -10233880 -10233881 -10233882 -10233883 -10233884 -10233885 -10233886 -10233887 -10233888 -10233889 -10233890 -10233891 -10233892 -10233893 -10233894 -10233895 -10233896 -10233897 -10233898 -10233899 -10233900 -10233901 -10233902 -10233903 -10233904 -10233905 -10233906 -10233907 -10233908 -10233909 -10233910 -10233911 -10233912 -10233913 -10233914 -10233915 -10233916 -10233917 -10233918 -10233919 -10233920 -10233921 -10233922 -10233923 -10233924 -10233925 -10233926 -10233927 -10233928 -10233929 -10233930 -10233931 -10233932 -10233933 -10233934 -10233935 -10233936 -10233937 -10233938 -10233939 -10233940 -10233941 -10233942 -10233943 -10233944 -10233945 -10233946 -10233947 -10233948 -10233949 -10233950 -10233951 -10233952 -10233953 -10233954 -10233955 -10233956 -10233957 -10233958 -10233959 -10233960 -10233961 -10233962 -10233963 -10233964 -10233965 -10233966 -10233967 -10233968 -10233969 -10233970 -10233971 -10233972 -10233973 -10233974 -10233975 -10233976 -10233977 -10233978 -10233979 -10233980 -10233981 -10233982 -10233983 -10233984 -10233985 -10233986 -10233987 -10233988 -10233989 -10233990 -10233991 -10233992 -10233993 -10233994 -10233995 -10233996 -10233997 -10233998 -10233999 -10234000 -10234001 -10234002 -10234003 -10234004 -10234005 -10234006 -10234007 -10234008 -10234009 -10234010 -10234011 -10234012 -10234013 -10234014 -10234015 -10234016 -10234017 -10234018 -10234019 -10234020 -10234021 -10234022 -10234023 -10234024 -10234025 -10234026 -10234027 -10234028 -10234029 -10234030 -10234031 -10234032 -10234033 -10234034 -10234035 -10234036 -10234037 -10234038 -10234039 -10234040 -10234041 -10234042 -10234043 -10234044 -10234045 -10234046 -10234047 -10234048 -10234049 -10234050 -10234051 -10234052 -10234053 -10234054 -10234055 -10234056 -10234057 -10234058 -10234059 -10234060 -10234061 -10234062 -10234063 -10234064 -10234065 -10234066 -10234067 -10234068 -10234069 -10234070 -10234071 -10234072 -10234073 -10234074 -10234075 -10234076 -10234077 -10234078 -10234079 -10234080 -10234081 -10234082 -10234083 -10234084 -10234085 -10234086 -10234087 -10234088 -10234089 -10234090 -10234091 -10234092 -10234093 -10234094 -10234095 -10234096 -10234097 -10234098 -10234099 -10234100 -10234101 -10234102 -10234103 -10234104 -10234105 -10234106 -10234107 -10234108 -10234109 -10234110 -10234111 -10234112 -10234113 -10234114 -10234115 -10234116 -10234117 -10234118 -10234119 -10234120 -10234121 -10234122 -10234123 -10234124 -10234125 -10234126 -10234127 -10234128 -10234129 -10234130 -10234131 -10234132 -10234133 -10234134 -10234135 -10234136 -10234137 -10234138 -10234139 -10234140 -10234141 -10234142 -10234143 -10234144 -10234145 -10234146 -10234147 -10234148 -10234149 -10234150 -10234151 -10234152 -10234153 -10234154 -10234155 -10234156 -10234157 -10234158 -10234159 -10234160 -10234161 -10234162 -10234163 -10234164 -10234165 -10234166 -10234167 -10234168 -10234169 -10234170 -10234171 -10234172 -10234173 -10234174 -10234175 -10234176 -10234177 -10234178 -10234179 -10234180 -10234181 -10234182 -10234183 -10234184 -10234185 -10234186 -10234187 -10234188 -10234189 -10234190 -10234191 -10234192 -10234193 -10234194 -10234195 -10234196 -10234197 -10234198 -10234199 -10234200 -10234201 -10234202 -10234203 -10234204 -10234205 -10234206 -10234207 -10234208 -10234209 -10234210 -10234211 -10234212 -10234213 -10234214 -10234215 -10234216 -10234217 -10234218 -10234219 -10234220 -10234221 -10234222 -10234223 -10234224 -10234225 -10234226 -10234227 -10234228 -10234229 -10234230 -10234231 -10234232 -10234233 -10234234 -10234235 -10234236 -10234237 -10234238 -10234239 -10234240 -10234241 -10234242 -10234243 -10234244 -10234245 -10234246 -10234247 -10234248 -10234249 -10234250 -10234251 -10234252 -10234253 -10234254 -10234255 -10234256 -10234257 -10234258 -10234259 -10234260 -10234261 -10234262 -10234263 -10234264 -10234265 -10234266 -10234267 -10234268 -10234269 -10234270 -10234271 -10234272 -10234273 -10234274 -10234275 -10234276 -10234277 -10234278 -10234279 -10234280 -10234281 -10234282 -10234283 -10234284 -10234285 -10234286 -10234287 -10234288 -10234289 -10234290 -10234291 -10234292 -10234293 -10234294 -10234295 -10234296 -10234297 -10234298 -10234299 -10234300 -10234301 -10234302 -10234303 -10234304 -10234305 -10234306 -10234307 -10234308 -10234309 -10234310 -10234311 -10234312 -10234313 -10234314 -10234315 -10234316 -10234317 -10234318 -10234319 -10234320 -10234321 -10234322 -10234323 -10234324 -10234325 -10234326 -10234327 -10234328 -10234329 -10234330 -10234331 -10234332 -10234333 -10234334 -10234335 -10234336 -10234337 -10234338 -10234339 -10234340 -10234341 -10234342 -10234343 -10234344 -10234345 -10234346 -10234347 -10234348 -10234349 -10234350 -10234351 -10234352 -10234353 -10234354 -10234355 -10234356 -10234357 -10234358 -10234359 -10234360 -10234361 -10234362 -10234363 -10234364 -10234365 -10234366 -10234367 -10234368 -10234369 -10234370 -10234371 -10234372 -10234373 -10234374 -10234375 -10234376 -10234377 -10234378 -10234379 -10234380 -10234381 -10234382 -10234383 -10234384 -10234385 -10234386 -10234387 -10234388 -10234389 -10234390 -10234391 -10234392 -10234393 -10234394 -10234395 -10234396 -10234397 -10234398 -10234399 -10234400 -10234401 -10234402 -10234403 -10234404 -10234405 -10234406 -10234407 -10234408 -10234409 -10234410 -10234411 -10234412 -10234413 -10234414 -10234415 -10234416 -10234417 -10234418 -10234419 -10234420 -10234421 -10234422 -10234423 -10234424 -10234425 -10234426 -10234427 -10234428 -10234429 -10234430 -10234431 -10234432 -10234433 -10234434 -10234435 -10234436 -10234437 -10234438 -10234439 -10234440 -10234441 -10234442 -10234443 -10234444 -10234445 -10234446 -10234447 -10234448 -10234449 -10234450 -10234451 -10234452 -10234453 -10234454 -10234455 -10234456 -10234457 -10234458 -10234459 -10234460 -10234461 -10234462 -10234463 -10234464 -10234465 -10234466 -10234467 -10234468 -10234469 -10234470 -10234471 -10234472 -10234473 -10234474 -10234475 -10234476 -10234477 -10234478 -10234479 -10234480 -10234481 -10234482 -10234483 -10234484 -10234485 -10234486 -10234487 -10234488 -10234489 -10234490 -10234491 -10234492 -10234493 -10234494 -10234495 -10234496 -10234497 -10234498 -10234499 -10234500 -10234501 -10234502 -10234503 -10234504 -10234505 -10234506 -10234507 -10234508 -10234509 -10234510 -10234511 -10234512 -10234513 -10234514 -10234515 -10234516 -10234517 -10234518 -10234519 -10234520 -10234521 -10234522 -10234523 -10234524 -10234525 -10234526 -10234527 -10234528 -10234529 -10234530 -10234531 -10234532 -10234533 -10234534 -10234535 -10234536 -10234537 -10234538 -10234539 -10234540 -10234541 -10234542 -10234543 -10234544 -10234545 -10234546 -10234547 -10234548 -10234549 -10234550 -10234551 -10234552 -10234553 -10234554 -10234555 -10234556 -10234557 -10234558 -10234559 -10234560 -10234561 -10234562 -10234563 -10234564 -10234565 -10234566 -10234567 -10234568 -10234569 -10234570 -10234571 -10234572 -10234573 -10234574 -10234575 -10234576 -10234577 -10234578 -10234579 -10234580 -10234581 -10234582 -10234583 -10234584 -10234585 -10234586 -10234587 -10234588 -10234589 -10234590 -10234591 -10234592 -10234593 -10234594 -10234595 -10234596 -10234597 -10234598 -10234599 -10234600 -10234601 -10234602 -10234603 -10234604 -10234605 -10234606 -10234607 -10234608 -10234609 -10234610 -10234611 -10234612 -10234613 -10234614 -10234615 -10234616 -10234617 -10234618 -10234619 -10234620 -10234621 -10234622 -10234623 -10234624 -10234625 -10234626 -10234627 -10234628 -10234629 -10234630 -10234631 -10234632 -10234633 -10234634 -10234635 -10234636 -10234637 -10234638 -10234639 -10234640 -10234641 -10234642 -10234643 -10234644 -10234645 -10234646 -10234647 -10234648 -10234649 -10234650 -10234651 -10234652 -10234653 -10234654 -10234655 -10234656 -10234657 -10234658 -10234659 -10234660 -10234661 -10234662 -10234663 -10234664 -10234665 -10234666 -10234667 -10234668 -10234669 -10234670 -10234671 -10234672 -10234673 -10234674 -10234675 -10234676 -10234677 -10234678 -10234679 -10234680 -10234681 -10234682 -10234683 -10234684 -10234685 -10234686 -10234687 -10234688 -10234689 -10234690 -10234691 -10234692 -10234693 -10234694 -10234695 -10234696 -10234697 -10234698 -10234699 -10234700 -10234701 -10234702 -10234703 -10234704 -10234705 -10234706 -10234707 -10234708 -10234709 -10234710 -10234711 -10234712 -10234713 -10234714 -10234715 -10234716 -10234717 -10234718 -10234719 -10234720 -10234721 -10234722 -10234723 -10234724 -10234725 -10234726 -10234727 -10234728 -10234729 -10234730 -10234731 -10234732 -10234733 -10234734 -10234735 -10234736 -10234737 -10234738 -10234739 -10234740 -10234741 -10234742 -10234743 -10234744 -10234745 -10234746 -10234747 -10234748 -10234749 -10234750 -10234751 -10234752 -10234753 -10234754 -10234755 -10234756 -10234757 -10234758 -10234759 -10234760 -10234761 -10234762 -10234763 -10234764 -10234765 -10234766 -10234767 -10234768 -10234769 -10234770 -10234771 -10234772 -10234773 -10234774 -10234775 -10234776 -10234777 -10234778 -10234779 -10234780 -10234781 -10234782 -10234783 -10234784 -10234785 -10234786 -10234787 -10234788 -10234789 -10234790 -10234791 -10234792 -10234793 -10234794 -10234795 -10234796 -10234797 -10234798 -10234799 -10234800 -10234801 -10234802 -10234803 -10234804 -10234805 -10234806 -10234807 -10234808 -10234809 -10234810 -10234811 -10234812 -10234813 -10234814 -10234815 -10234816 -10234817 -10234818 -10234819 -10234820 -10234821 -10234822 -10234823 -10234824 -10234825 -10234826 -10234827 -10234828 -10234829 -10234830 -10234831 -10234832 -10234833 -10234834 -10234835 -10234836 -10234837 -10234838 -10234839 -10234840 -10234841 -10234842 -10234843 -10234844 -10234845 -10234846 -10234847 -10234848 -10234849 -10234850 -10234851 -10234852 -10234853 -10234854 -10234855 -10234856 -10234857 -10234858 -10234859 -10234860 -10234861 -10234862 -10234863 -10234864 -10234865 -10234866 -10234867 -10234868 -10234869 -10234870 -10234871 -10234872 -10234873 -10234874 -10234875 -10234876 -10234877 -10234878 -10234879 -10234880 -10234881 -10234882 -10234883 -10234884 -10234885 -10234886 -10234887 -10234888 -10234889 -10234890 -10234891 -10234892 -10234893 -10234894 -10234895 -10234896 -10234897 -10234898 -10234899 -10234900 -10234901 -10234902 -10234903 -10234904 -10234905 -10234906 -10234907 -10234908 -10234909 -10234910 -10234911 -10234912 -10234913 -10234914 -10234915 -10234916 -10234917 -10234918 -10234919 -10234920 -10234921 -10234922 -10234923 -10234924 -10234925 -10234926 -10234927 -10234928 -10234929 -10234930 -10234931 -10234932 -10234933 -10234934 -10234935 -10234936 -10234937 -10234938 -10234939 -10234940 -10234941 -10234942 -10234943 -10234944 -10234945 -10234946 -10234947 -10234948 -10234949 -10234950 -10234951 -10234952 -10234953 -10234954 -10234955 -10234956 -10234957 -10234958 -10234959 -10234960 -10234961 -10234962 -10234963 -10234964 -10234965 -10234966 -10234967 -10234968 -10234969 -10234970 -10234971 -10234972 -10234973 -10234974 -10234975 -10234976 -10234977 -10234978 -10234979 -10234980 -10234981 -10234982 -10234983 -10234984 -10234985 -10234986 -10234987 -10234988 -10234989 -10234990 -10234991 -10234992 -10234993 -10234994 -10234995 -10234996 -10234997 -10234998 -10234999 -10235000 -10235001 -10235002 -10235003 -10235004 -10235005 -10235006 -10235007 -10235008 -10235009 -10235010 -10235011 -10235012 -10235013 -10235014 -10235015 -10235016 -10235017 -10235018 -10235019 -10235020 -10235021 -10235022 -10235023 -10235024 -10235025 -10235026 -10235027 -10235028 -10235029 -10235030 -10235031 -10235032 -10235033 -10235034 -10235035 -10235036 -10235037 -10235038 -10235039 -10235040 -10235041 -10235042 -10235043 -10235044 -10235045 -10235046 -10235047 -10235048 -10235049 -10235050 -10235051 -10235052 -10235053 -10235054 -10235055 -10235056 -10235057 -10235058 -10235059 -10235060 -10235061 -10235062 -10235063 -10235064 -10235065 -10235066 -10235067 -10235068 -10235069 -10235070 -10235071 -10235072 -10235073 -10235074 -10235075 -10235076 -10235077 -10235078 -10235079 -10235080 -10235081 -10235082 -10235083 -10235084 -10235085 -10235086 -10235087 -10235088 -10235089 -10235090 -10235091 -10235092 -10235093 -10235094 -10235095 -10235096 -10235097 -10235098 -10235099 -10235100 -10235101 -10235102 -10235103 -10235104 -10235105 -10235106 -10235107 -10235108 -10235109 -10235110 -10235111 -10235112 -10235113 -10235114 -10235115 -10235116 -10235117 -10235118 -10235119 -10235120 -10235121 -10235122 -10235123 -10235124 -10235125 -10235126 -10235127 -10235128 -10235129 -10235130 -10235131 -10235132 -10235133 -10235134 -10235135 -10235136 -10235137 -10235138 -10235139 -10235140 -10235141 -10235142 -10235143 -10235144 -10235145 -10235146 -10235147 -10235148 -10235149 -10235150 -10235151 -10235152 -10235153 -10235154 -10235155 -10235156 -10235157 -10235158 -10235159 -10235160 -10235161 -10235162 -10235163 -10235164 -10235165 -10235166 -10235167 -10235168 -10235169 -10235170 -10235171 -10235172 -10235173 -10235174 -10235175 -10235176 -10235177 -10235178 -10235179 -10235180 -10235181 -10235182 -10235183 -10235184 -10235185 -10235186 -10235187 -10235188 -10235189 -10235190 -10235191 -10235192 -10235193 -10235194 -10235195 -10235196 -10235197 -10235198 -10235199 -10235200 -10235201 -10235202 -10235203 -10235204 -10235205 -10235206 -10235207 -10235208 -10235209 -10235210 -10235211 -10235212 -10235213 -10235214 -10235215 -10235216 -10235217 -10235218 -10235219 -10235220 -10235221 -10235222 -10235223 -10235224 -10235225 -10235226 -10235227 -10235228 -10235229 -10235230 -10235231 -10235232 -10235233 -10235234 -10235235 -10235236 -10235237 -10235238 -10235239 -10235240 -10235241 -10235242 -10235243 -10235244 -10235245 -10235246 -10235247 -10235248 -10235249 -10235250 -10235251 -10235252 -10235253 -10235254 -10235255 -10235256 -10235257 -10235258 -10235259 -10235260 -10235261 -10235262 -10235263 -10235264 -10235265 -10235266 -10235267 -10235268 -10235269 -10235270 -10235271 -10235272 -10235273 -10235274 -10235275 -10235276 -10235277 -10235278 -10235279 -10235280 -10235281 -10235282 -10235283 -10235284 -10235285 -10235286 -10235287 -10235288 -10235289 -10235290 -10235291 -10235292 -10235293 -10235294 -10235295 -10235296 -10235297 -10235298 -10235299 -10235300 -10235301 -10235302 -10235303 -10235304 -10235305 -10235306 -10235307 -10235308 -10235309 -10235310 -10235311 -10235312 -10235313 -10235314 -10235315 -10235316 -10235317 -10235318 -10235319 -10235320 -10235321 -10235322 -10235323 -10235324 -10235325 -10235326 -10235327 -10235328 -10235329 -10235330 -10235331 -10235332 -10235333 -10235334 -10235335 -10235336 -10235337 -10235338 -10235339 -10235340 -10235341 -10235342 -10235343 -10235344 -10235345 -10235346 -10235347 -10235348 -10235349 -10235350 -10235351 -10235352 -10235353 -10235354 -10235355 -10235356 -10235357 -10235358 -10235359 -10235360 -10235361 -10235362 -10235363 -10235364 -10235365 -10235366 -10235367 -10235368 -10235369 -10235370 -10235371 -10235372 -10235373 -10235374 -10235375 -10235376 -10235377 -10235378 -10235379 -10235380 -10235381 -10235382 -10235383 -10235384 -10235385 -10235386 -10235387 -10235388 -10235389 -10235390 -10235391 -10235392 -10235393 -10235394 -10235395 -10235396 -10235397 -10235398 -10235399 -10235400 -10235401 -10235402 -10235403 -10235404 -10235405 -10235406 -10235407 -10235408 -10235409 -10235410 -10235411 -10235412 -10235413 -10235414 -10235415 -10235416 -10235417 -10235418 -10235419 -10235420 -10235421 -10235422 -10235423 -10235424 -10235425 -10235426 -10235427 -10235428 -10235429 -10235430 -10235431 -10235432 -10235433 -10235434 -10235435 -10235436 -10235437 -10235438 -10235439 -10235440 -10235441 -10235442 -10235443 -10235444 -10235445 -10235446 -10235447 -10235448 -10235449 -10235450 -10235451 -10235452 -10235453 -10235454 -10235455 -10235456 -10235457 -10235458 -10235459 -10235460 -10235461 -10235462 -10235463 -10235464 -10235465 -10235466 -10235467 -10235468 -10235469 -10235470 -10235471 -10235472 -10235473 -10235474 -10235475 -10235476 -10235477 -10235478 -10235479 -10235480 -10235481 -10235482 -10235483 -10235484 -10235485 -10235486 -10235487 -10235488 -10235489 -10235490 -10235491 -10235492 -10235493 -10235494 -10235495 -10235496 -10235497 -10235498 -10235499 -10235500 -10235501 -10235502 -10235503 -10235504 -10235505 -10235506 -10235507 -10235508 -10235509 -10235510 -10235511 -10235512 -10235513 -10235514 -10235515 -10235516 -10235517 -10235518 -10235519 -10235520 -10235521 -10235522 -10235523 -10235524 -10235525 -10235526 -10235527 -10235528 -10235529 -10235530 -10235531 -10235532 -10235533 -10235534 -10235535 -10235536 -10235537 -10235538 -10235539 -10235540 -10235541 -10235542 -10235543 -10235544 -10235545 -10235546 -10235547 -10235548 -10235549 -10235550 -10235551 -10235552 -10235553 -10235554 -10235555 -10235556 -10235557 -10235558 -10235559 -10235560 -10235561 -10235562 -10235563 -10235564 -10235565 -10235566 -10235567 -10235568 -10235569 -10235570 -10235571 -10235572 -10235573 -10235574 -10235575 -10235576 -10235577 -10235578 -10235579 -10235580 -10235581 -10235582 -10235583 -10235584 -10235585 -10235586 -10235587 -10235588 -10235589 -10235590 -10235591 -10235592 -10235593 -10235594 -10235595 -10235596 -10235597 -10235598 -10235599 -10235600 -10235601 -10235602 -10235603 -10235604 -10235605 -10235606 -10235607 -10235608 -10235609 -10235610 -10235611 -10235612 -10235613 -10235614 -10235615 -10235616 -10235617 -10235618 -10235619 -10235620 -10235621 -10235622 -10235623 -10235624 -10235625 -10235626 -10235627 -10235628 -10235629 -10235630 -10235631 -10235632 -10235633 -10235634 -10235635 -10235636 -10235637 -10235638 -10235639 -10235640 -10235641 -10235642 -10235643 -10235644 -10235645 -10235646 -10235647 -10235648 -10235649 -10235650 -10235651 -10235652 -10235653 -10235654 -10235655 -10235656 -10235657 -10235658 -10235659 -10235660 -10235661 -10235662 -10235663 -10235664 -10235665 -10235666 -10235667 -10235668 -10235669 -10235670 -10235671 -10235672 -10235673 -10235674 -10235675 -10235676 -10235677 -10235678 -10235679 -10235680 -10235681 -10235682 -10235683 -10235684 -10235685 -10235686 -10235687 -10235688 -10235689 -10235690 -10235691 -10235692 -10235693 -10235694 -10235695 -10235696 -10235697 -10235698 -10235699 -10235700 -10235701 -10235702 -10235703 -10235704 -10235705 -10235706 -10235707 -10235708 -10235709 -10235710 -10235711 -10235712 -10235713 -10235714 -10235715 -10235716 -10235717 -10235718 -10235719 -10235720 -10235721 -10235722 -10235723 -10235724 -10235725 -10235726 -10235727 -10235728 -10235729 -10235730 -10235731 -10235732 -10235733 -10235734 -10235735 -10235736 -10235737 -10235738 -10235739 -10235740 -10235741 -10235742 -10235743 -10235744 -10235745 -10235746 -10235747 -10235748 -10235749 -10235750 -10235751 -10235752 -10235753 -10235754 -10235755 -10235756 -10235757 -10235758 -10235759 -10235760 -10235761 -10235762 -10235763 -10235764 -10235765 -10235766 -10235767 -10235768 -10235769 -10235770 -10235771 -10235772 -10235773 -10235774 -10235775 -10235776 -10235777 -10235778 -10235779 -10235780 -10235781 -10235782 -10235783 -10235784 -10235785 -10235786 -10235787 -10235788 -10235789 -10235790 -10235791 -10235792 -10235793 -10235794 -10235795 -10235796 -10235797 -10235798 -10235799 -10235800 -10235801 -10235802 -10235803 -10235804 -10235805 -10235806 -10235807 -10235808 -10235809 -10235810 -10235811 -10235812 -10235813 -10235814 -10235815 -10235816 -10235817 -10235818 -10235819 -10235820 -10235821 -10235822 -10235823 -10235824 -10235825 -10235826 -10235827 -10235828 -10235829 -10235830 -10235831 -10235832 -10235833 -10235834 -10235835 -10235836 -10235837 -10235838 -10235839 -10235840 -10235841 -10235842 -10235843 -10235844 -10235845 -10235846 -10235847 -10235848 -10235849 -10235850 -10235851 -10235852 -10235853 -10235854 -10235855 -10235856 -10235857 -10235858 -10235859 -10235860 -10235861 -10235862 -10235863 -10235864 -10235865 -10235866 -10235867 -10235868 -10235869 -10235870 -10235871 -10235872 -10235873 -10235874 -10235875 -10235876 -10235877 -10235878 -10235879 -10235880 -10235881 -10235882 -10235883 -10235884 -10235885 -10235886 -10235887 -10235888 -10235889 -10235890 -10235891 -10235892 -10235893 -10235894 -10235895 -10235896 -10235897 -10235898 -10235899 -10235900 -10235901 -10235902 -10235903 -10235904 -10235905 -10235906 -10235907 -10235908 -10235909 -10235910 -10235911 -10235912 -10235913 -10235914 -10235915 -10235916 -10235917 -10235918 -10235919 -10235920 -10235921 -10235922 -10235923 -10235924 -10235925 -10235926 -10235927 -10235928 -10235929 -10235930 -10235931 -10235932 -10235933 -10235934 -10235935 -10235936 -10235937 -10235938 -10235939 -10235940 -10235941 -10235942 -10235943 -10235944 -10235945 -10235946 -10235947 -10235948 -10235949 -10235950 -10235951 -10235952 -10235953 -10235954 -10235955 -10235956 -10235957 -10235958 -10235959 -10235960 -10235961 -10235962 -10235963 -10235964 -10235965 -10235966 -10235967 -10235968 -10235969 -10235970 -10235971 -10235972 -10235973 -10235974 -10235975 -10235976 -10235977 -10235978 -10235979 -10235980 -10235981 -10235982 -10235983 -10235984 -10235985 -10235986 -10235987 -10235988 -10235989 -10235990 -10235991 -10235992 -10235993 -10235994 -10235995 -10235996 -10235997 -10235998 -10235999 -10236000 -10236001 -10236002 -10236003 -10236004 -10236005 -10236006 -10236007 -10236008 -10236009 -10236010 -10236011 -10236012 -10236013 -10236014 -10236015 -10236016 -10236017 -10236018 -10236019 -10236020 -10236021 -10236022 -10236023 -10236024 -10236025 -10236026 -10236027 -10236028 -10236029 -10236030 -10236031 -10236032 -10236033 -10236034 -10236035 -10236036 -10236037 -10236038 -10236039 -10236040 -10236041 -10236042 -10236043 -10236044 -10236045 -10236046 -10236047 -10236048 -10236049 -10236050 -10236051 -10236052 -10236053 -10236054 -10236055 -10236056 -10236057 -10236058 -10236059 -10236060 -10236061 -10236062 -10236063 -10236064 -10236065 -10236066 -10236067 -10236068 -10236069 -10236070 -10236071 -10236072 -10236073 -10236074 -10236075 -10236076 -10236077 -10236078 -10236079 -10236080 -10236081 -10236082 -10236083 -10236084 -10236085 -10236086 -10236087 -10236088 -10236089 -10236090 -10236091 -10236092 -10236093 -10236094 -10236095 -10236096 -10236097 -10236098 -10236099 -10236100 -10236101 -10236102 -10236103 -10236104 -10236105 -10236106 -10236107 -10236108 -10236109 -10236110 -10236111 -10236112 -10236113 -10236114 -10236115 -10236116 -10236117 -10236118 -10236119 -10236120 -10236121 -10236122 -10236123 -10236124 -10236125 -10236126 -10236127 -10236128 -10236129 -10236130 -10236131 -10236132 -10236133 -10236134 -10236135 -10236136 -10236137 -10236138 -10236139 -10236140 -10236141 -10236142 -10236143 -10236144 -10236145 -10236146 -10236147 -10236148 -10236149 -10236150 -10236151 -10236152 -10236153 -10236154 -10236155 -10236156 -10236157 -10236158 -10236159 -10236160 -10236161 -10236162 -10236163 -10236164 -10236165 -10236166 -10236167 -10236168 -10236169 -10236170 -10236171 -10236172 -10236173 -10236174 -10236175 -10236176 -10236177 -10236178 -10236179 -10236180 -10236181 -10236182 -10236183 -10236184 -10236185 -10236186 -10236187 -10236188 -10236189 -10236190 -10236191 -10236192 -10236193 -10236194 -10236195 -10236196 -10236197 -10236198 -10236199 -10236200 -10236201 -10236202 -10236203 -10236204 -10236205 -10236206 -10236207 -10236208 -10236209 -10236210 -10236211 -10236212 -10236213 -10236214 -10236215 -10236216 -10236217 -10236218 -10236219 -10236220 -10236221 -10236222 -10236223 -10236224 -10236225 -10236226 -10236227 -10236228 -10236229 -10236230 -10236231 -10236232 -10236233 -10236234 -10236235 -10236236 -10236237 -10236238 -10236239 -10236240 -10236241 -10236242 -10236243 -10236244 -10236245 -10236246 -10236247 -10236248 -10236249 -10236250 -10236251 -10236252 -10236253 -10236254 -10236255 -10236256 -10236257 -10236258 -10236259 -10236260 -10236261 -10236262 -10236263 -10236264 -10236265 -10236266 -10236267 -10236268 -10236269 -10236270 -10236271 -10236272 -10236273 -10236274 -10236275 -10236276 -10236277 -10236278 -10236279 -10236280 -10236281 -10236282 -10236283 -10236284 -10236285 -10236286 -10236287 -10236288 -10236289 -10236290 -10236291 -10236292 -10236293 -10236294 -10236295 -10236296 -10236297 -10236298 -10236299 -10236300 -10236301 -10236302 -10236303 -10236304 -10236305 -10236306 -10236307 -10236308 -10236309 -10236310 -10236311 -10236312 -10236313 -10236314 -10236315 -10236316 -10236317 -10236318 -10236319 -10236320 -10236321 -10236322 -10236323 -10236324 -10236325 -10236326 -10236327 -10236328 -10236329 -10236330 -10236331 -10236332 -10236333 -10236334 -10236335 -10236336 -10236337 -10236338 -10236339 -10236340 -10236341 -10236342 -10236343 -10236344 -10236345 -10236346 -10236347 -10236348 -10236349 -10236350 -10236351 -10236352 -10236353 -10236354 -10236355 -10236356 -10236357 -10236358 -10236359 -10236360 -10236361 -10236362 -10236363 -10236364 -10236365 -10236366 -10236367 -10236368 -10236369 -10236370 -10236371 -10236372 -10236373 -10236374 -10236375 -10236376 -10236377 -10236378 -10236379 -10236380 -10236381 -10236382 -10236383 -10236384 -10236385 -10236386 -10236387 -10236388 -10236389 -10236390 -10236391 -10236392 -10236393 -10236394 -10236395 -10236396 -10236397 -10236398 -10236399 -10236400 -10236401 -10236403 -10236404 -10236406 -10236407 -10236408 -10236409 -10236410 -10236411 -10236412 -10236413 -10236414 -10236415 -10236416 -10236417 -10236418 -10236419 -10236420 -10236421 -10236422 -10236423 -10236424 -10236425 -10236426 -10236427 -10236428 -10236429 -10236430 -10236431 -10236432 -10236433 -10236434 -10236435 -10236436 -10236437 -10236438 -10236439 -10236440 -10236441 -10236442 -10236443 -10236444 -10236445 -10236446 -10236447 -10236448 -10236449 -10236450 -10236451 -10236452 -10236453 -10236454 -10236455 -10236456 -10236457 -10236458 -10236459 -10236460 -10236461 -10236462 -10236463 -10236464 -10236465 -10236466 -10236467 -10236468 -10236469 -10236470 -10236471 -10236472 -10236473 -10236474 -10236475 -10236476 -10236477 -10236478 -10236479 -10236480 -10236481 -10236482 -10236483 -10236484 -10236485 -10236486 -10236487 -10236488 -10236489 -10236490 -10236491 -10236492 -10236493 -10236494 -10236495 -10236496 -10236497 -10236498 -10236499 -10236501 -10236502 -10236503 -10236504 -10236505 -10236506 -10236507 -10236508 -10236509 -10236510 -10236511 -10236512 -10236513 -10236514 -10236515 -10236516 -10236517 -10236518 -10236519 -10236520 -10236521 -10236522 -10236523 -10236524 -10236525 -10236526 -10236527 -10236528 -10236529 -10236530 -10236531 -10236532 -10236533 -10236534 -10236535 -10236536 -10236537 -10236538 -10236539 -10236540 -10236541 -10236542 -10236543 -10236544 -10236545 -10236546 -10236547 -10236548 -10236549 -10236550 -10236551 -10236552 -10236553 -10236554 -10236555 -10236556 -10236557 -10236558 -10236559 -10236560 -10236561 -10236562 -10236563 -10236564 -10236565 -10236566 -10236567 -10236568 -10236569 -10236570 -10236571 -10236572 -10236573 -10236574 -10236575 -10236576 -10236577 -10236578 -10236579 -10236580 -10236581 -10236582 -10236583 -10236584 -10236585 -10236586 -10236587 -10236588 -10236589 -10236590 -10236591 -10236592 -10236593 -10236594 -10236595 -10236596 -10236597 -10236598 -10236599 -10236600 -10236601 -10236602 -10236603 -10236604 -10236605 -10236606 -10236607 -10236608 -10236609 -10236610 -10236611 -10236612 -10236613 -10236614 -10236615 -10236616 -10236617 -10236618 -10236619 -10236620 -10236621 -10236622 -10236623 -10236624 -10236625 -10236626 -10236627 -10236628 -10236629 -10236630 -10236632 -10236633 -10236634 -10236635 -10236636 -10236637 -10236638 -10236639 -10236640 -10236641 -10236643 -10236644 -10236645 -10236646 -10236647 -10236649 -10236650 -10236651 -10236652 -10236653 -10236654 -10236655 -10236656 -10236657 -10236658 -10236659 -10236660 -10236661 -10236662 -10236663 -10236664 -10236665 -10236666 -10236667 -10236668 -10236681 -10236682 -10236684 -10236686 -10236688 -10236699 -10236700 -10236804 diff --git a/auto/ssoLogin.json b/auto/ssoLogin.json index 1ae0ba553094..6ded12f95279 100644 --- a/auto/ssoLogin.json +++ b/auto/ssoLogin.json @@ -1,14 +1,14 @@ { "url": "https://sso.testa.huitong.com/api/v100/ssonew/login", "method": "POST", - "headers" : [ - "Content-Type:application/json", - "HT-app:6" - ], - "body": [ - "phone=18999999999", - "smsAuthCode=123456", - "loginType:=0", - "pwd=ht123456." - ] + "headers": { + "Content-Type": "application/json", + "HT-app": 6 + }, + "body": { + "phone": "18999999999", + "smsAuthCode": "123456", + "loginType": 0, + "pwd": "ht123456." + } } From b9b84ac9b88e6d90ac76f44576b244152d6a9f54 Mon Sep 17 00:00:00 2001 From: caofan Date: Mon, 27 Apr 2020 00:56:40 +0800 Subject: [PATCH 14/29] cookie is headache --- auto/batchHandler.py | 6 ++-- concurrent_test/concurrent_test.py | 51 ++++++++++++++++++++---------- 2 files changed, 38 insertions(+), 19 deletions(-) diff --git a/auto/batchHandler.py b/auto/batchHandler.py index bce6a0181ae4..2f6486937fa2 100644 --- a/auto/batchHandler.py +++ b/auto/batchHandler.py @@ -19,7 +19,7 @@ no_ca = "--verify=no" httpie_allow_view = {"-v": "显示请求详细信息", "-h": "显示请求头", "-b": "显示请求Body", "-d": "响应结果保存至TXT", "": "默认"} httpie_view = None -# 并发数 +# 最大并发数 max_concurrent = 64 concurrent = 1 try: @@ -130,7 +130,9 @@ def auto_login(): # request_headers = {"Content-Type": "application/json", "HT-app": "6"} response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) response_headers = response.headers - cookie = response_headers.get("set-Cookie") + # 处理Cookie, 多个Cookie之间使用';'分隔, 否则校验cookie时出现"domain."在高版本中tomcat中报错 + # https://blog.csdn.net/w57685321/article/details/84943176 + cookie = response_headers.get("set-Cookie").replace(", _r", "; _r").replace(", _a", "; _a") # JSON标准格式 response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) print("登录响应Cookie结果: \n{}\n登录响应BODY结果: {}".format(cookie, response_body)) diff --git a/concurrent_test/concurrent_test.py b/concurrent_test/concurrent_test.py index 8abacfad13fc..3a9af4cba8a0 100644 --- a/concurrent_test/concurrent_test.py +++ b/concurrent_test/concurrent_test.py @@ -11,23 +11,31 @@ # 屏蔽HTTPS证书校验, 忽略安全警告 requests.packages.urllib3.disable_warnings() context = ssl._create_unverified_context() -joiner = ' ' -# 并发数 -max_concurrent = 64 -concurrent = 1 -# 是否开启并发测试 -try: + + +def init_param(): + joiner = ' ' + # 并发数 + max_concurrent = 64 + concurrent = 1 + execute_num = 1 if len(sys.argv) > 1: try: - input_concurrent = int(sys.argv[2]) + input_concurrent = int(sys.argv[1]) if input_concurrent > 1: concurrent = min(input_concurrent, max_concurrent) except Exception as e: print("并发数设置范围[1, {}], 默认1".format(max_concurrent)) print(e) -except Exception as e: - print(e) -executor = ThreadPoolExecutor(max_workers=concurrent) + if len(sys.argv) > 2: + try: + if int(sys.argv[2]) > 1: + execute_num = int(sys.argv[2]) + except Exception as e: + print(e) + init_cookie = auto_login() + executor = ThreadPoolExecutor(max_workers=concurrent) + return [joiner, execute_num, init_cookie, executor] def execute_http(i): @@ -72,7 +80,9 @@ def auto_login(): # request_headers = {"Content-Type": "application/json", "HT-app": "6"} response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) response_headers = response.headers - cookie = response_headers.get("set-Cookie") + # 处理Cookie, 多个Cookie之间使用';'分隔, 否则校验cookie时出现"domain."在高版本中tomcat中报错 + # https://blog.csdn.net/w57685321/article/details/84943176 + cookie = response_headers.get("set-Cookie").replace(", _r", "; _r").replace(", _a", "; _a") # JSON标准格式 response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) print("登录响应Cookie结果: \n{}\n登录响应BODY结果: {}".format(cookie, response_body)) @@ -91,13 +101,20 @@ def handle_json_str_value(json): def main(): - # 全局变量cookie, 初始化为空 + # 初始化参数 + initial_param_list = init_param() + # 全局变量 + global joiner + global execute_num global init_cookie - init_cookie = auto_login() - nums = list(range(1, 20)) - while True: - for result in executor.map(execute_http, nums): - print(result) + global executor + joiner = initial_param_list[0] + execute_num = initial_param_list[1] + init_cookie = initial_param_list[2] + executor = initial_param_list[3] + nums = list(range(0, execute_num)) + for result in executor.map(execute_http, nums): + print(result) if __name__ == '__main__': From 8d1f8d7bde2904142869e3f74ae88b79d58b4fc8 Mon Sep 17 00:00:00 2001 From: caofan Date: Mon, 27 Apr 2020 01:13:41 +0800 Subject: [PATCH 15/29] cookie is headache --- concurrent_test/concurrent_test.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/concurrent_test/concurrent_test.py b/concurrent_test/concurrent_test.py index 3a9af4cba8a0..15f6ad2cbdaa 100644 --- a/concurrent_test/concurrent_test.py +++ b/concurrent_test/concurrent_test.py @@ -49,7 +49,6 @@ def execute_http(i): url = request_json['url'] method = request_json['method'] request_headers = handle_json_str_value(request_json['headers']) - executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') request_headers['Cookie'] = init_cookie request_body = handle_json_str_value(request_json['body']) response_body = { @@ -57,6 +56,7 @@ def execute_http(i): "msg": "接口执行失败", "data": "请检查接口是否返回JSON格式的相应数据, 以及抛出未经处理的特殊异常" } + executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') try: response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) # JSON标准格式 From 891c9c361d30d9565981ff25a6b61099dc57c945 Mon Sep 17 00:00:00 2001 From: caofan Date: Tue, 28 Apr 2020 02:13:05 +0800 Subject: [PATCH 16/29] optimize shell parameters humanize semantic, easy for understanding --- auto/batchHandler.py | 131 ++++++++++++++++++----------- concurrent_test/concurrent_test.py | 66 ++++++++------- 2 files changed, 114 insertions(+), 83 deletions(-) diff --git a/auto/batchHandler.py b/auto/batchHandler.py index 2f6486937fa2..35a17b615aa9 100644 --- a/auto/batchHandler.py +++ b/auto/batchHandler.py @@ -4,48 +4,50 @@ import json import ssl import unicodedata -import sys -import time from concurrent.futures.thread import ThreadPoolExecutor import pandas as pd +import numpy as np import requests +import argparse # 屏蔽HTTPS证书校验, 忽略安全警告 requests.packages.urllib3.disable_warnings() context = ssl._create_unverified_context() -joiner = ' ' -cmd = "http" -no_ca = "--verify=no" -httpie_allow_view = {"-v": "显示请求详细信息", "-h": "显示请求头", "-b": "显示请求Body", "-d": "响应结果保存至TXT", "": "默认"} -httpie_view = None -# 最大并发数 -max_concurrent = 64 -concurrent = 1 -try: - if len(sys.argv) > 1: - if httpie_allow_view.get(sys.argv[1]) is not None: - httpie_view = sys.argv[1] - else: - print("输入参数有误, 仅支持如下参数: -v显示请求详细信息|-h显示请求头|-b显示请求Body|-d响应结果保存至TXT") - if len(sys.argv) > 2: - try: - input_concurrent = int(sys.argv[2]) - if input_concurrent > 1: - concurrent = min(input_concurrent, max_concurrent) - except Exception as e: - print("并发数设置范围[1, {}], 默认1".format(max_concurrent)) - print(e) -except Exception as e: - print(e) -executor = ThreadPoolExecutor(max_workers=concurrent) - - -def httpie_cmd(id): - """ - 执行excuteUrl.json接口 - :param id - :return: + + +def init_param() -> list: + """ + 初始化参数, 读取shell命令参数, 自动登录 + 依次返回httpie_view方式, 线程池, 登录cookie + :rtype: list + """ + parser = argparse.ArgumentParser(description="并发执行接口") + parser.add_argument("-w", "--workers", type=int, choices=choice_nums(1, 65, 1), default=1, help="并发执行线程数, 取值范围[1, 64]") + group = parser.add_mutually_exclusive_group() + group.add_argument("-v", "--view", action="store_true", help="显示请求详细信息") + group.add_argument("-hd", "--header", action="store_true", help="显示请求头") + group.add_argument("-b", "--body", action="store_true", help="显示请求Body") + group.add_argument("-d", "--download", action="store_true", help="显示请求头, 但响应结果保存至TXT") + args = parser.parse_args() + view_param = "-v" + if args.header: + view_param = "-h" + if args.body: + view_param = "-b" + if args.download: + view_param = "-d" + print("参数设置结果: httpie命令方式=[{}], 并发线程数=[{}]".format(view_param, args.workers)) + init_executor = ThreadPoolExecutor(max_workers=args.workers) + cookie = auto_login() + return [view_param, init_executor, cookie] + + +def execute_http(id: int) -> str: + """ + 执行excuteUrl.json接口, 返回结果数据 + :param id: 接口请求标识性ID数据 + :rtype: str """ with open("./excuteUrl.json", 'r') as request_data: request_json = json.load(request_data) @@ -71,10 +73,19 @@ def httpie_cmd(id): return "执行命令httpie:\n{}\n当前ID=[{}], executeStartTime=[{}], executeEndTime=[{}]\n响应结果:\n{}".format(httpie_cmd_str, id, executeStartTime, executeEndTime, response_body) -def httpie(url, method, request_headers, request_body): - param_list = [cmd, no_ca] - if httpie_view is not None: - param_list.append(httpie_view) +def httpie(url: str, method: str, request_headers: json, request_body: json) -> str: + """ + 拼接httpie完整命令 + :param url: 接口访问路径 + :param method: 请求方式 + :param request_headers: 请求头JSON + :param request_body: 请求Body体JSON + :rtype: str + """ + joiner = ' ' + cmd = "http" + no_ca = "--verify=no" + param_list = [cmd, no_ca, httpie_view] param_list.extend([method, url]) for (k, v) in request_headers.items(): if k == "Cookie": @@ -89,9 +100,12 @@ def httpie(url, method, request_headers, request_body): return joiner.join(param_list) -def is_number(s): +def is_number(s: str) -> bool: + """ + :param s: 输入字符串 + :rtype: bool + """ try: - # 如果能运行float(s)语句,返回True(字符串s是浮点数) float(s) return True except ValueError: @@ -107,19 +121,20 @@ def is_number(s): return False -def load_data(): +def load_data() -> list: """ 读取数据文件, 每行为一条数据 - :return: + :rtype: list """ data = pd.read_csv("./ID.csv", header=-1) data.columns = ['id'] return data['id'] -def auto_login(): +def auto_login() -> str: """ 自动登录, 获取登录Cookie + :rtype: str """ with open("./ssoLogin.json", 'r') as sso_login_request_data: request_json = json.load(sso_login_request_data) @@ -139,22 +154,23 @@ def auto_login(): return cookie -def handle_json_str_value(json): +def handle_json_str_value(json: json) -> json: """ 将json的值都变为字符串处理 :param json: - :return: + :rtype: json """ for (k, v) in json.items(): json[k] = str(v) return json -def replace_id(json, id): +def replace_id(json: json, id: int) -> json: """ 将json的值都变为字符串处理 :param json: - :return: + :param id: 目标ID + :rtype: json """ for (k, v) in json.items(): if v == "NONE": @@ -164,14 +180,27 @@ def replace_id(json, id): return json +def choice_nums(start: int, end: int, delta: int) -> list: + """ + 返回指定的数组序列 + :rtype: list + """ + return np.arange(start, end, delta).tolist() + + def main(): - # 全局变量cookie, 初始化为空 + # 全局变量 + global httpie_view + global executor global init_cookie - # 首先登陆一次 - init_cookie = auto_login() + # 首先初始化数据 + init = init_param() + httpie_view = init[0] + executor = init[1] + init_cookie = init[2] # 读取ID数据列表 ids = load_data() - for result in executor.map(httpie_cmd, ids): + for result in executor.map(execute_http, ids): print(result) diff --git a/concurrent_test/concurrent_test.py b/concurrent_test/concurrent_test.py index 15f6ad2cbdaa..25080aa889e7 100644 --- a/concurrent_test/concurrent_test.py +++ b/concurrent_test/concurrent_test.py @@ -3,39 +3,43 @@ import datetime import json import ssl -import sys from concurrent.futures.thread import ThreadPoolExecutor import requests +import numpy as np +import argparse + # 屏蔽HTTPS证书校验, 忽略安全警告 requests.packages.urllib3.disable_warnings() context = ssl._create_unverified_context() -def init_param(): - joiner = ' ' - # 并发数 - max_concurrent = 64 - concurrent = 1 - execute_num = 1 - if len(sys.argv) > 1: - try: - input_concurrent = int(sys.argv[1]) - if input_concurrent > 1: - concurrent = min(input_concurrent, max_concurrent) - except Exception as e: - print("并发数设置范围[1, {}], 默认1".format(max_concurrent)) - print(e) - if len(sys.argv) > 2: - try: - if int(sys.argv[2]) > 1: - execute_num = int(sys.argv[2]) - except Exception as e: - print(e) - init_cookie = auto_login() - executor = ThreadPoolExecutor(max_workers=concurrent) - return [joiner, execute_num, init_cookie, executor] +def init_param() -> list: + """ + 初始化参数, 读取shell命令参数, 自动登录 + 依次返回httpie_view方式, 线程池, 登录cookie + :rtype: list + """ + parser = argparse.ArgumentParser(description="并发执行接口") + parser.add_argument("-w", "--workers", type=int, choices=choice_nums(1, 65, 1), default=1, help="并发执行线程数, 取值范围[1, 64]") + parser.add_argument("-l", "--loops", type=int, default=1, help="循环执行次数") + args = parser.parse_args() + loops = args.loops + if loops < 1: + loops = 1 + print("参数设置结果: 执行次数=[{}], 并发线程数=[{}]".format(loops, args.workers)) + init_executor = ThreadPoolExecutor(max_workers=args.workers) + cookie = auto_login() + return [loops, init_executor, cookie] + + +def choice_nums(start: int, end: int, delta: int) -> list: + """ + 返回指定的数组序列 + :rtype: list + """ + return np.arange(start, end, delta).tolist() def execute_http(i): @@ -101,20 +105,18 @@ def handle_json_str_value(json): def main(): - # 初始化参数 - initial_param_list = init_param() # 全局变量 - global joiner global execute_num global init_cookie global executor - joiner = initial_param_list[0] - execute_num = initial_param_list[1] + # 初始化参数 + initial_param_list = init_param() + execute_num = initial_param_list[0] + executor = initial_param_list[1] init_cookie = initial_param_list[2] - executor = initial_param_list[3] nums = list(range(0, execute_num)) - for result in executor.map(execute_http, nums): - print(result) + # for result in executor.map(execute_http, nums): + # print(result) if __name__ == '__main__': From f54e2555a38c49950afa0b3688719b3403845ba8 Mon Sep 17 00:00:00 2001 From: caofan Date: Tue, 28 Apr 2020 02:15:00 +0800 Subject: [PATCH 17/29] optimize shell parameters humanize semantic, easy for understanding --- concurrent_test/concurrent_test.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/concurrent_test/concurrent_test.py b/concurrent_test/concurrent_test.py index 25080aa889e7..cb656866377c 100644 --- a/concurrent_test/concurrent_test.py +++ b/concurrent_test/concurrent_test.py @@ -115,8 +115,8 @@ def main(): executor = initial_param_list[1] init_cookie = initial_param_list[2] nums = list(range(0, execute_num)) - # for result in executor.map(execute_http, nums): - # print(result) + for result in executor.map(execute_http, nums): + print(result) if __name__ == '__main__': From a3859af83a9b019e8ff661bf851ade946a2d5c82 Mon Sep 17 00:00:00 2001 From: caofan Date: Wed, 29 Apr 2020 15:31:30 +0800 Subject: [PATCH 18/29] bugfix --- concurrent_test/easy_test.py | 92 ++++++++++++++++++++++++++++++++++++ 1 file changed, 92 insertions(+) create mode 100644 concurrent_test/easy_test.py diff --git a/concurrent_test/easy_test.py b/concurrent_test/easy_test.py new file mode 100644 index 000000000000..2c369d66caba --- /dev/null +++ b/concurrent_test/easy_test.py @@ -0,0 +1,92 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +import datetime +import json +import ssl +from concurrent.futures.thread import ThreadPoolExecutor + +import requests + +import numpy as np +import argparse + +# 屏蔽HTTPS证书校验, 忽略安全警告 +requests.packages.urllib3.disable_warnings() +context = ssl._create_unverified_context() + + +def init_param() -> list: + """ + 初始化参数, 读取shell命令参数, 自动登录 + 依次返回httpie_view方式, 线程池, 登录cookie + :rtype: list + """ + parser = argparse.ArgumentParser(description="并发执行接口") + parser.add_argument("url", type=str, help="接口请求地址") + parser.add_argument("-w", "--workers", type=int, choices=choice_nums(1, 65, 1), default=1, help="并发执行线程数, 取值范围[1, 64]") + parser.add_argument("-l", "--loops", type=int, default=1, help="循环执行次数") + args = parser.parse_args() + loops = args.loops + if loops < 1: + loops = 1 + print("参数设置结果: 请求url=[{}], 执行次数=[{}], 并发线程数=[{}]".format(args.url, loops, args.workers)) + init_executor = ThreadPoolExecutor(max_workers=args.workers) + return [loops, init_executor, args.url] + + +def choice_nums(start: int, end: int, delta: int) -> list: + """ + 返回指定的数组序列 + :rtype: list + """ + return np.arange(start, end, delta).tolist() + + +def execute_http(i): + """ + 执行excuteUrl.json接口 + :param i 仅用于计数虚拟参数 + :return: + """ + request_headers = {} + request_body = {} + response_text = "无响应文本" + executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') + try: + response = requests.request("POST", url, headers=request_headers, json=request_body, timeout=3, verify=False) + # JSON标准格式 + response_text = response.text + except Exception as e: + print(e) + executeEndTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') + return "executeStartTime=[{}], executeEndTime=[{}]\n响应结果:\n{}".format(executeStartTime, executeEndTime, response_text) + + +def handle_json_str_value(json): + """ + 将json的值都变为字符串处理 + :param json: + :return: + """ + for (k, v) in json.items(): + json[k] = str(v) + return json + + +def main(): + # 全局变量 + global execute_num + global url + global executor + # 初始化参数 + initial_param_list = init_param() + execute_num = initial_param_list[0] + executor = initial_param_list[1] + url = initial_param_list[2] + nums = list(range(0, execute_num)) + for result in executor.map(execute_http, nums): + print(result) + + +if __name__ == '__main__': + main() From 2d3f0d5311be3bd6c6309c487a8db7cab8e25f48 Mon Sep 17 00:00:00 2001 From: D8GER Date: Fri, 7 Aug 2020 15:39:40 +0800 Subject: [PATCH 19/29] bugfix --- ONLINE/BAT.py | 208 +++++++++++++++++++++++++++++++++ ONLINE/ID.csv | 1 + ONLINE/excuteUrl.json | 11 ++ ONLINE/ssoLogin.json | 14 +++ concurrent_test/excuteUrl.json | 4 +- 5 files changed, 236 insertions(+), 2 deletions(-) create mode 100644 ONLINE/BAT.py create mode 100644 ONLINE/ID.csv create mode 100644 ONLINE/excuteUrl.json create mode 100644 ONLINE/ssoLogin.json diff --git a/ONLINE/BAT.py b/ONLINE/BAT.py new file mode 100644 index 000000000000..35a17b615aa9 --- /dev/null +++ b/ONLINE/BAT.py @@ -0,0 +1,208 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +import datetime +import json +import ssl +import unicodedata +from concurrent.futures.thread import ThreadPoolExecutor + +import pandas as pd +import numpy as np +import requests +import argparse + +# 屏蔽HTTPS证书校验, 忽略安全警告 +requests.packages.urllib3.disable_warnings() +context = ssl._create_unverified_context() + + +def init_param() -> list: + """ + 初始化参数, 读取shell命令参数, 自动登录 + 依次返回httpie_view方式, 线程池, 登录cookie + :rtype: list + """ + parser = argparse.ArgumentParser(description="并发执行接口") + parser.add_argument("-w", "--workers", type=int, choices=choice_nums(1, 65, 1), default=1, help="并发执行线程数, 取值范围[1, 64]") + group = parser.add_mutually_exclusive_group() + group.add_argument("-v", "--view", action="store_true", help="显示请求详细信息") + group.add_argument("-hd", "--header", action="store_true", help="显示请求头") + group.add_argument("-b", "--body", action="store_true", help="显示请求Body") + group.add_argument("-d", "--download", action="store_true", help="显示请求头, 但响应结果保存至TXT") + args = parser.parse_args() + view_param = "-v" + if args.header: + view_param = "-h" + if args.body: + view_param = "-b" + if args.download: + view_param = "-d" + print("参数设置结果: httpie命令方式=[{}], 并发线程数=[{}]".format(view_param, args.workers)) + init_executor = ThreadPoolExecutor(max_workers=args.workers) + cookie = auto_login() + return [view_param, init_executor, cookie] + + +def execute_http(id: int) -> str: + """ + 执行excuteUrl.json接口, 返回结果数据 + :param id: 接口请求标识性ID数据 + :rtype: str + """ + with open("./excuteUrl.json", 'r') as request_data: + request_json = json.load(request_data) + url = request_json['url'] + method = request_json['method'] + request_headers = handle_json_str_value(request_json['headers']) + request_headers['Cookie'] = init_cookie + request_body = replace_id(request_json['body'], id) + response_body = { + "status": -1, + "msg": "接口执行失败", + "data": "请检查接口是否返回JSON格式的相应数据, 以及抛出未经处理的特殊异常" + } + executeStartTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') + try: + response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) + # JSON标准格式 + response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) + except Exception as e: + print(e) + executeEndTime = datetime.datetime.now().strftime('%Y-%m-%d %H:%M:%S.%f') + httpie_cmd_str = httpie(url, method, request_headers, request_body) + return "执行命令httpie:\n{}\n当前ID=[{}], executeStartTime=[{}], executeEndTime=[{}]\n响应结果:\n{}".format(httpie_cmd_str, id, executeStartTime, executeEndTime, response_body) + + +def httpie(url: str, method: str, request_headers: json, request_body: json) -> str: + """ + 拼接httpie完整命令 + :param url: 接口访问路径 + :param method: 请求方式 + :param request_headers: 请求头JSON + :param request_body: 请求Body体JSON + :rtype: str + """ + joiner = ' ' + cmd = "http" + no_ca = "--verify=no" + param_list = [cmd, no_ca, httpie_view] + param_list.extend([method, url]) + for (k, v) in request_headers.items(): + if k == "Cookie": + param_list.append("'" + k + ":" + v + "'") + else: + param_list.append(k + ":" + v) + for (k, v) in request_body.items(): + if is_number(v): + param_list.append(k + ":=" + v) + else: + param_list.append(k + "=" + v) + return joiner.join(param_list) + + +def is_number(s: str) -> bool: + """ + :param s: 输入字符串 + :rtype: bool + """ + try: + float(s) + return True + except ValueError: + # ValueError为Python的一种标准异常,表示"传入无效的参数" + # 如果引发了ValueError这种异常,不做任何事情(pass:不做任何事情,一般用做占位语句) + pass + try: + # 把一个表示数字的字符串转换为浮点数返回的函数 + unicodedata.numeric(s) + return True + except (TypeError, ValueError): + pass + return False + + +def load_data() -> list: + """ + 读取数据文件, 每行为一条数据 + :rtype: list + """ + data = pd.read_csv("./ID.csv", header=-1) + data.columns = ['id'] + return data['id'] + + +def auto_login() -> str: + """ + 自动登录, 获取登录Cookie + :rtype: str + """ + with open("./ssoLogin.json", 'r') as sso_login_request_data: + request_json = json.load(sso_login_request_data) + url = request_json['url'] + method = request_json['method'] + request_headers = handle_json_str_value(request_json['headers']) + request_body = handle_json_str_value(request_json['body']) + # request_headers = {"Content-Type": "application/json", "HT-app": "6"} + response = requests.request(method, url, headers=request_headers, json=request_body, timeout=3, verify=False) + response_headers = response.headers + # 处理Cookie, 多个Cookie之间使用';'分隔, 否则校验cookie时出现"domain."在高版本中tomcat中报错 + # https://blog.csdn.net/w57685321/article/details/84943176 + cookie = response_headers.get("set-Cookie").replace(", _r", "; _r").replace(", _a", "; _a") + # JSON标准格式 + response_body = json.dumps(response.json(), ensure_ascii=False, indent=4) + print("登录响应Cookie结果: \n{}\n登录响应BODY结果: {}".format(cookie, response_body)) + return cookie + + +def handle_json_str_value(json: json) -> json: + """ + 将json的值都变为字符串处理 + :param json: + :rtype: json + """ + for (k, v) in json.items(): + json[k] = str(v) + return json + + +def replace_id(json: json, id: int) -> json: + """ + 将json的值都变为字符串处理 + :param json: + :param id: 目标ID + :rtype: json + """ + for (k, v) in json.items(): + if v == "NONE": + json[k] = str(id) + else: + json[k] = str(v) + return json + + +def choice_nums(start: int, end: int, delta: int) -> list: + """ + 返回指定的数组序列 + :rtype: list + """ + return np.arange(start, end, delta).tolist() + + +def main(): + # 全局变量 + global httpie_view + global executor + global init_cookie + # 首先初始化数据 + init = init_param() + httpie_view = init[0] + executor = init[1] + init_cookie = init[2] + # 读取ID数据列表 + ids = load_data() + for result in executor.map(execute_http, ids): + print(result) + + +if __name__ == '__main__': + main() diff --git a/ONLINE/ID.csv b/ONLINE/ID.csv new file mode 100644 index 000000000000..bd41cba781d8 --- /dev/null +++ b/ONLINE/ID.csv @@ -0,0 +1 @@ +12345 \ No newline at end of file diff --git a/ONLINE/excuteUrl.json b/ONLINE/excuteUrl.json new file mode 100644 index 000000000000..414a0363f00f --- /dev/null +++ b/ONLINE/excuteUrl.json @@ -0,0 +1,11 @@ +{ + "url": "https://localhost:8119/account/sentinel", + "method": "POST", + "headers" : { + "Content-Type": "application/json", + "HT-app": 6 + }, + "body": { + "subAccountId": "NONE" + } +} diff --git a/ONLINE/ssoLogin.json b/ONLINE/ssoLogin.json new file mode 100644 index 000000000000..161ff65024d4 --- /dev/null +++ b/ONLINE/ssoLogin.json @@ -0,0 +1,14 @@ +{ + "url": "https://sso.testa.huitong.com/api/v100/ssonew/login", + "method": "POST", + "headers": { + "Content-Type": "application/json", + "HT-app": 6 + }, + "body": { + "phone": "13188880000", + "smsAuthCode": "123456", + "loginType": 0, + "pwd": "ht123456." + } +} diff --git a/concurrent_test/excuteUrl.json b/concurrent_test/excuteUrl.json index cc660b9c715d..84b0201df4a3 100644 --- a/concurrent_test/excuteUrl.json +++ b/concurrent_test/excuteUrl.json @@ -1,11 +1,11 @@ { - "url": "http://172.16.10.41:8119/api/v100/user_new/userRole/detail", + "url": "https://localhost:8119/account/sentinel", "method": "POST", "headers" : { "Content-Type": "application/json", "HT-app": 6 }, "body": { - "subAccountId": 10009984 + "subAccountId": 11231095 } } From a2210d48e56f82c12bb3c59ae72ad252719115ad Mon Sep 17 00:00:00 2001 From: D8GER Date: Fri, 7 Aug 2020 16:16:17 +0800 Subject: [PATCH 20/29] wonderful python --- concurrent_test/D8ger.py | 52 ++++++++++++++++++++++++++++++++++++++++ 1 file changed, 52 insertions(+) create mode 100644 concurrent_test/D8ger.py diff --git a/concurrent_test/D8ger.py b/concurrent_test/D8ger.py new file mode 100644 index 000000000000..8c8ca0e3c1da --- /dev/null +++ b/concurrent_test/D8ger.py @@ -0,0 +1,52 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +import argparse +import random +import time + +import requests + + +def main(): + parser = argparse.ArgumentParser(description="并发执行接口") + parser.add_argument("-l", "--loop", type=int, default=20, help="下载次数默认20") + parser.add_argument("-d", "--delay", type=int, default=5, help="延时默认5秒") + args = parser.parse_args() + loop = args.loop + if loop < 0: + loop = 20 + delay = args.delay + if delay < 0: + delay = 5 + print("参数设置结果: 下载次数=[{}], 延时=[{}]s".format(loop, delay)) + tasks = list(range(1, loop + 1)) + download_url = "https://plugins.jetbrains.com/plugin/download?rel=true&updateId=92649" + # 添加头部,伪装浏览器,字典格式 + headers_0 = {'User-Agent': 'Mozilla/5.0 (Windows NT 10.0; WOW64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/55.0.2883.103 Safari/537.36'} + headers_1 = {'User-Agent': 'Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_5) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/74.0.3729.169 Safari/537.36'} + headers_2 = {'User-Agent': 'Mozilla/5.0 (iPad; U; CPU OS 4_2_1 like Mac OS X; zh-cn) AppleWebKit/533.17.9 (KHTML, like Gecko) Version/5.0.2 Mobile/8C148 Safari/6533.18.5'} + for i in tasks: + print("执行第[{}]次下载任务".format(i)) + # 随机获取浏览器代理 + seed = random.randint(0, 10000) + mod = seed % 3 + headers = headers_0 + if mod == 1: + headers = headers_1 + if mod == 2: + headers = headers_2 + + jet = requests.get(download_url, headers=headers) + + file_name = "D8{}.zip".format(i) + + # 下载文件 + with open(file_name, "wb") as d8ger_writer: + d8ger_writer.write(jet.content) + + # 延时5秒执行 + time.sleep(delay) + + +if __name__ == '__main__': + main() From 252f66198c111f8b39d415bba6840089094ef59f Mon Sep 17 00:00:00 2001 From: D8GER Date: Fri, 7 Aug 2020 16:22:46 +0800 Subject: [PATCH 21/29] wonderful python --- concurrent_test/D8ger.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/concurrent_test/D8ger.py b/concurrent_test/D8ger.py index 8c8ca0e3c1da..60ccfb3f3b6b 100644 --- a/concurrent_test/D8ger.py +++ b/concurrent_test/D8ger.py @@ -8,7 +8,7 @@ def main(): - parser = argparse.ArgumentParser(description="并发执行接口") + parser = argparse.ArgumentParser(description="帝八嫂的小秘密") parser.add_argument("-l", "--loop", type=int, default=20, help="下载次数默认20") parser.add_argument("-d", "--delay", type=int, default=5, help="延时默认5秒") args = parser.parse_args() From b455fe472ffc83a98c6ed222fca38419c4b74a10 Mon Sep 17 00:00:00 2001 From: D8GER Date: Fri, 7 Aug 2020 17:36:06 +0800 Subject: [PATCH 22/29] handle exception --- concurrent_test/D8ger.py | 20 +++++++++++--------- 1 file changed, 11 insertions(+), 9 deletions(-) diff --git a/concurrent_test/D8ger.py b/concurrent_test/D8ger.py index 60ccfb3f3b6b..b20920b1f42e 100644 --- a/concurrent_test/D8ger.py +++ b/concurrent_test/D8ger.py @@ -35,15 +35,17 @@ def main(): headers = headers_1 if mod == 2: headers = headers_2 - - jet = requests.get(download_url, headers=headers) - - file_name = "D8{}.zip".format(i) - - # 下载文件 - with open(file_name, "wb") as d8ger_writer: - d8ger_writer.write(jet.content) - + try: + jet = requests.get(download_url, headers=headers) + file_name = "D8{}.zip".format(i) + # 下载文件 + with open(file_name, "wb") as d8ger_writer: + d8ger_writer.write(jet.content) + except Exception as e: + # 服务端关闭连接, 防火墙超时关闭连接, 或其他异常 + print("第[{}]次下载任务出现异常, 原因: {}".format(i, e)) + # 继续下一次 + continue # 延时5秒执行 time.sleep(delay) From 35b7c3d6ae75367e05fa197ab49f4185b03250ee Mon Sep 17 00:00:00 2001 From: D8GER Date: Fri, 7 Aug 2020 19:29:30 +0800 Subject: [PATCH 23/29] optimize code --- concurrent_test/D8ger.py | 5 ++++- 1 file changed, 4 insertions(+), 1 deletion(-) diff --git a/concurrent_test/D8ger.py b/concurrent_test/D8ger.py index b20920b1f42e..51e671afddca 100644 --- a/concurrent_test/D8ger.py +++ b/concurrent_test/D8ger.py @@ -25,10 +25,11 @@ def main(): headers_0 = {'User-Agent': 'Mozilla/5.0 (Windows NT 10.0; WOW64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/55.0.2883.103 Safari/537.36'} headers_1 = {'User-Agent': 'Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_5) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/74.0.3729.169 Safari/537.36'} headers_2 = {'User-Agent': 'Mozilla/5.0 (iPad; U; CPU OS 4_2_1 like Mac OS X; zh-cn) AppleWebKit/533.17.9 (KHTML, like Gecko) Version/5.0.2 Mobile/8C148 Safari/6533.18.5'} + failed = 0 for i in tasks: print("执行第[{}]次下载任务".format(i)) # 随机获取浏览器代理 - seed = random.randint(0, 10000) + seed = random.randint(0, 500) mod = seed % 3 headers = headers_0 if mod == 1: @@ -44,10 +45,12 @@ def main(): except Exception as e: # 服务端关闭连接, 防火墙超时关闭连接, 或其他异常 print("第[{}]次下载任务出现异常, 原因: {}".format(i, e)) + failed += 1 # 继续下一次 continue # 延时5秒执行 time.sleep(delay) + print("失败[{}]次, 成功下载[{}]次", failed, loop - failed) if __name__ == '__main__': From 82ef220c0d58dab34abd6018873b2bbaa961525f Mon Sep 17 00:00:00 2001 From: D8GER Date: Fri, 7 Aug 2020 19:52:04 +0800 Subject: [PATCH 24/29] using logger --- concurrent_test/D8ger.py | 39 ++++++++++++++++++++++++++++++++++----- 1 file changed, 34 insertions(+), 5 deletions(-) diff --git a/concurrent_test/D8ger.py b/concurrent_test/D8ger.py index 51e671afddca..7c51c235561d 100644 --- a/concurrent_test/D8ger.py +++ b/concurrent_test/D8ger.py @@ -5,6 +5,31 @@ import time import requests +import logging + + +def build_logs(): + # 设置log名称 + log_name = "v5.log" + # 定义logger + logger = logging.getLogger() + # 设置级别为debug + logger.setLevel(level=logging.DEBUG) + # 设置 logging文件名称 + handler = logging.FileHandler(log_name) + # 设置级别为debug + handler.setLevel(logging.DEBUG) + # 设置log的格式 + formatter = logging.Formatter('%(asctime)s - %(levelname)s - %(message)s') + # 将格式压进logger + handler.setFormatter(formatter) + console = logging.StreamHandler() + console.setLevel(logging.DEBUG) + # 写入logger + logger.addHandler(handler) + logger.addHandler(console) + # 将logger返回 + return logger def main(): @@ -18,7 +43,9 @@ def main(): delay = args.delay if delay < 0: delay = 5 - print("参数设置结果: 下载次数=[{}], 延时=[{}]s".format(loop, delay)) + # 日志 + logger = build_logs() + logger.debug("参数设置结果: 下载次数=[{}], 延时=[{}]s".format(loop, delay)) tasks = list(range(1, loop + 1)) download_url = "https://plugins.jetbrains.com/plugin/download?rel=true&updateId=92649" # 添加头部,伪装浏览器,字典格式 @@ -27,7 +54,7 @@ def main(): headers_2 = {'User-Agent': 'Mozilla/5.0 (iPad; U; CPU OS 4_2_1 like Mac OS X; zh-cn) AppleWebKit/533.17.9 (KHTML, like Gecko) Version/5.0.2 Mobile/8C148 Safari/6533.18.5'} failed = 0 for i in tasks: - print("执行第[{}]次下载任务".format(i)) + logger.debug("执行第[{}]次下载任务".format(i)) # 随机获取浏览器代理 seed = random.randint(0, 500) mod = seed % 3 @@ -36,21 +63,23 @@ def main(): headers = headers_1 if mod == 2: headers = headers_2 + file_name = "D8{}.zip".format(i) try: + logger.debug("第[{}]次下载任务选取浏览器代理[{}]".format(i, headers)) jet = requests.get(download_url, headers=headers) - file_name = "D8{}.zip".format(i) # 下载文件 with open(file_name, "wb") as d8ger_writer: d8ger_writer.write(jet.content) except Exception as e: # 服务端关闭连接, 防火墙超时关闭连接, 或其他异常 - print("第[{}]次下载任务出现异常, 原因: {}".format(i, e)) + logger.error("第[{}]次下载任务出现异常, 原因: {}".format(i, e)) failed += 1 # 继续下一次 continue # 延时5秒执行 + logger.debug("文件[{}]下载完成".format(file_name)) time.sleep(delay) - print("失败[{}]次, 成功下载[{}]次", failed, loop - failed) + logger.debug("失败[{}]次, 成功下载[{}]次".format(failed, loop - failed)) if __name__ == '__main__': From 112756de0b8cd0a0b9837e47566155bed4009b5b Mon Sep 17 00:00:00 2001 From: D8GER Date: Sat, 8 Aug 2020 15:15:51 +0800 Subject: [PATCH 25/29] change default value --- concurrent_test/D8ger.py | 79 +++++++++++++++++++++++++++++++--------- 1 file changed, 61 insertions(+), 18 deletions(-) diff --git a/concurrent_test/D8ger.py b/concurrent_test/D8ger.py index 7c51c235561d..4231f000cb1b 100644 --- a/concurrent_test/D8ger.py +++ b/concurrent_test/D8ger.py @@ -8,6 +8,49 @@ import logging +def user_agent() -> list: + opera_1 = {'User-Agent': 'Mozilla/5.0 (Windows NT 5.1; U; en; rv:1.8.1) Gecko/20061208 Firefox/2.0.0 Opera 9.50'} + opera_2 = {'User-Agent': 'Mozilla/4.0 (compatible; MSIE 6.0; Windows NT 5.1; en) Opera 9.50'} + opera_3 = {'User-Agent': 'Opera/9.80 (Android 2.3.4; Linux; Opera Mobi/build-1107180945; U; en-GB) Presto/2.8.149 Version/11.10'} + firefox_1 = {'User-Agent': 'Mozilla/5.0 (Windows NT 6.1; WOW64; rv:34.0) Gecko/20100101 Firefox/34.0'} + firefox_2 = {'User-Agent': 'Mozilla/5.0 (X11; U; Linux x86_64; zh-CN; rv:1.9.2.10) Gecko/20100922 Ubuntu/10.10 (maverick) Firefox/3.6.10'} + safari = {'User-Agent': 'Mozilla/5.0 (Windows NT 6.1; WOW64) AppleWebKit/534.57.2 (KHTML, like Gecko) Version/5.1.7 Safari/534.57.2'} + chrome_1 = {'User-Agent': 'Mozilla/5.0 (Windows NT 6.1; WOW64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/39.0.2171.71 Safari/537.36'} + chrome_2 = {'User-Agent': 'Mozilla/5.0 (X11; Linux x86_64) AppleWebKit/537.11 (KHTML, like Gecko) Chrome/23.0.1271.64 Safari/537.11'} + chrome_3 = {'User-Agent': 'Mozilla/5.0 (Windows; U; Windows NT 6.1; en-US) AppleWebKit/534.16 (KHTML, like Gecko) Chrome/10.0.648.133 Safari/534.16'} + taobao = {'User-Agent': 'Mozilla/5.0 (Windows NT 6.1; WOW64) AppleWebKit/536.11 (KHTML, like Gecko) Chrome/20.0.1132.11 TaoBrowser/2.0 Safari/536.11'} + liebao_1 = {'User-Agent': 'Mozilla/5.0 (Windows NT 6.1; WOW64) AppleWebKit/537.1 (KHTML, like Gecko) Chrome/21.0.1180.71 Safari/537.1 LBBROWSER'} + liebao_2 = {'User-Agent': 'Mozilla/5.0 (compatible; MSIE 9.0; Windows NT 6.1; WOW64; Trident/5.0; SLCC2; .NET CLR 2.0.50727; .NET CLR 3.5.30729; .NET CLR 3.0.30729; Media Center PC 6.0; .NET4.0C; .NET4.0E; LBBROWSER)'} + qq_1 = {'User-Agent': 'Mozilla/5.0 (compatible; MSIE 9.0; Windows NT 6.1; WOW64; Trident/5.0; SLCC2; .NET CLR 2.0.50727; .NET CLR 3.5.30729; .NET CLR 3.0.30729; Media Center PC 6.0; .NET4.0C; .NET4.0E; QQBrowser/7.0.3698.400)'} + qq_2 = {'User-Agent': 'Mozilla/4.0 (compatible; MSIE 6.0; Windows NT 5.1; SV1; QQDownload 732; .NET4.0C; .NET4.0E)'} + qq_3 = {'User-Agent': 'MQQBrowser/26 Mozilla/5.0 (Linux; U; Android 2.3.7; zh-cn; MB200 Build/GRJ22; CyanogenMod-7) AppleWebKit/533.1 (KHTML, like Gecko) Version/4.0 Mobile Safari/533.1'} + sougou_1 = {'User-Agent': 'Mozilla/5.0 (Windows NT 5.1) AppleWebKit/535.11 (KHTML, like Gecko) Chrome/17.0.963.84 Safari/535.11 SE 2.X MetaSr 1.0'} + sougou_2 = {'User-Agent': 'Mozilla/4.0 (compatible; MSIE 7.0; Windows NT 5.1; Trident/4.0; SV1; QQDownload 732; .NET4.0C; .NET4.0E; SE 2.X MetaSr 1.0)'} + maxthon = {'User-Agent': 'Mozilla/5.0 (Windows NT 6.1; WOW64) AppleWebKit/537.36 (KHTML, like Gecko) Maxthon/4.4.3.4000 Chrome/30.0.1599.101 Safari/537.36'} + uc = {'User-Agent': 'Mozilla/5.0 (Windows NT 6.1; WOW64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/38.0.2125.122 UBrowser/4.0.3214.0 Safari/537.36'} + iphone = {'User-Agent': 'Mozilla/5.0 (iPhone; U; CPU iPhone OS 4_3_3 like Mac OS X; en-us) AppleWebKit/533.17.9 (KHTML, like Gecko) Version/5.0.2 Mobile/8J2 Safari/6533.18.5'} + ipod = {'User-Agent': 'Mozilla/5.0 (iPod; U; CPU iPhone OS 4_3_3 like Mac OS X; en-us) AppleWebKit/533.17.9 (KHTML, like Gecko) Version/5.0.2 Mobile/8J2 Safari/6533.18.5'} + ipad_1 = {'User-Agent': 'Mozilla/5.0 (iPad; U; CPU OS 4_2_1 like Mac OS X; zh-cn) AppleWebKit/533.17.9 (KHTML, like Gecko) Version/5.0.2 Mobile/8C148 Safari/6533.18.5'} + ipad_2 = {'User-Agent': 'Mozilla/5.0 (iPad; U; CPU OS 4_3_3 like Mac OS X; en-us) AppleWebKit/533.17.9 (KHTML, like Gecko) Version/5.0.2 Mobile/8J2 Safari/6533.18.5'} + android_1 = {'User-Agent': 'Mozilla/5.0 (Linux; U; Android 2.2.1; zh-cn; HTC_Wildfire_A3333 Build/FRG83D) AppleWebKit/533.1 (KHTML, like Gecko) Version/4.0 Mobile Safari/533.1'} + android_2 = {'User-Agent': 'Mozilla/5.0 (Linux; U; Android 2.3.7; en-us; Nexus One Build/FRF91) AppleWebKit/533.1 (KHTML, like Gecko) Version/4.0 Mobile Safari/533.1'} + pad_moto_xoom = {'User-Agent': 'Mozilla/5.0 (Linux; U; Android 3.0; en-us; Xoom Build/HRI39) AppleWebKit/534.13 (KHTML, like Gecko) Version/4.0 Safari/534.13'} + black_berry = {'User-Agent': 'Mozilla/5.0 (BlackBerry; U; BlackBerry 9800; en) AppleWebKit/534.1+ (KHTML, like Gecko) Version/6.0.0.337 Mobile Safari/534.1+'} + hp_touch_pad = {'User-Agent': 'Mozilla/5.0 (hp-tablet; Linux; hpwOS/3.0.0; U; en-US) AppleWebKit/534.6 (KHTML, like Gecko) wOSBrowser/233.70 Safari/534.6 TouchPad/1.0'} + nokia_n97 = {'User-Agent': 'Mozilla/5.0 (SymbianOS/9.4; Series60/5.0 NokiaN97-1/20.0.019; Profile/MIDP-2.1 Configuration/CLDC-1.1) AppleWebKit/525 (KHTML, like Gecko) BrowserNG/7.1.18124'} + windows_phone_mango = {'User-Agent': 'Mozilla/5.0 (compatible; MSIE 9.0; Windows Phone OS 7.5; Trident/5.0; IEMobile/9.0; HTC; Titan)'} + first_list = [opera_1, opera_2, opera_3, firefox_1, firefox_2, safari] + second_list = [chrome_1, chrome_2, chrome_3, taobao, liebao_1, liebao_2] + third_list = [qq_1, qq_2, qq_3, sougou_1, sougou_2, maxthon, uc, iphone] + fourth_list = [ipod, ipad_1, ipad_2, android_1, android_2, pad_moto_xoom] + fifth_list = [black_berry, hp_touch_pad, nokia_n97, windows_phone_mango] + first_list.extend(second_list) + first_list.extend(third_list) + first_list.extend(fourth_list) + first_list.extend(fifth_list) + return first_list + + def build_logs(): # 设置log名称 log_name = "v5.log" @@ -32,41 +75,36 @@ def build_logs(): return logger -def main(): +def execute_download(): parser = argparse.ArgumentParser(description="帝八嫂的小秘密") - parser.add_argument("-l", "--loop", type=int, default=20, help="下载次数默认20") - parser.add_argument("-d", "--delay", type=int, default=5, help="延时默认5秒") + parser.add_argument("-l", "--loop", type=int, default=200, help="下载次数默认200") + parser.add_argument("-d", "--delay", type=int, default=0, help="延时默认0秒") args = parser.parse_args() loop = args.loop if loop < 0: - loop = 20 + loop = 200 delay = args.delay if delay < 0: - delay = 5 + delay = 0 # 日志 logger = build_logs() logger.debug("参数设置结果: 下载次数=[{}], 延时=[{}]s".format(loop, delay)) tasks = list(range(1, loop + 1)) download_url = "https://plugins.jetbrains.com/plugin/download?rel=true&updateId=92649" # 添加头部,伪装浏览器,字典格式 - headers_0 = {'User-Agent': 'Mozilla/5.0 (Windows NT 10.0; WOW64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/55.0.2883.103 Safari/537.36'} - headers_1 = {'User-Agent': 'Mozilla/5.0 (Macintosh; Intel Mac OS X 10_14_5) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/74.0.3729.169 Safari/537.36'} - headers_2 = {'User-Agent': 'Mozilla/5.0 (iPad; U; CPU OS 4_2_1 like Mac OS X; zh-cn) AppleWebKit/533.17.9 (KHTML, like Gecko) Version/5.0.2 Mobile/8C148 Safari/6533.18.5'} + agent_list = user_agent() + gama = len(agent_list) failed = 0 for i in tasks: logger.debug("执行第[{}]次下载任务".format(i)) # 随机获取浏览器代理 - seed = random.randint(0, 500) - mod = seed % 3 - headers = headers_0 - if mod == 1: - headers = headers_1 - if mod == 2: - headers = headers_2 + seed = random.randint(0, 1000) + index = seed % gama + headers = agent_list[index] file_name = "D8{}.zip".format(i) try: - logger.debug("第[{}]次下载任务选取浏览器代理[{}]".format(i, headers)) - jet = requests.get(download_url, headers=headers) + logger.debug("第[{}]次下载任务: [随机数={}], [索引={}],\n[浏览器代理={}]".format(i, seed, index, headers)) + jet = requests.get(download_url, headers=headers, timeout=600) # 下载文件 with open(file_name, "wb") as d8ger_writer: d8ger_writer.write(jet.content) @@ -78,9 +116,14 @@ def main(): continue # 延时5秒执行 logger.debug("文件[{}]下载完成".format(file_name)) - time.sleep(delay) + if delay > 0: + time.sleep(delay) logger.debug("失败[{}]次, 成功下载[{}]次".format(failed, loop - failed)) +def main(): + execute_download() + + if __name__ == '__main__': main() From ac5268f54a1c632b3978a441bd32fefbbe320c99 Mon Sep 17 00:00:00 2001 From: D8GER Date: Fri, 21 Aug 2020 17:28:37 +0800 Subject: [PATCH 26/29] haha, rich colorful text for shell! --- concurrent_test/D8gerRich.py | 89 ++++++++++++++++++++++++++++++++++++ 1 file changed, 89 insertions(+) create mode 100755 concurrent_test/D8gerRich.py diff --git a/concurrent_test/D8gerRich.py b/concurrent_test/D8gerRich.py new file mode 100755 index 000000000000..ee2d9f4a41cc --- /dev/null +++ b/concurrent_test/D8gerRich.py @@ -0,0 +1,89 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- +from concurrent.futures import ThreadPoolExecutor +from functools import partial +import os.path +import sys +from typing import Iterable +from urllib.request import urlopen +from rich import print +from rich.console import Console +import logging +from rich.logging import RichHandler + +from rich.progress import ( + BarColumn, + DownloadColumn, + TextColumn, + TransferSpeedColumn, + TimeRemainingColumn, + Progress, + TaskID, +) + +progress = Progress( + TextColumn("[bold blue]{task.fields[filename]}", justify="right"), + BarColumn(bar_width=None), + "[progress.percentage]{task.percentage:>3.1f}%", + "•", + DownloadColumn(), + "•", + TransferSpeedColumn(), + "•", + TimeRemainingColumn(), +) + + +def copy_url(task_id: TaskID, url: str, path: str) -> None: + """Copy data from a url to a local file.""" + response = urlopen(url) + # This will break if the response doesn't contain content length + progress.update(task_id, total=int(response.info()["Content-length"])) + with open(path, "wb") as dest_file: + progress.start_task(task_id) + for data in iter(partial(response.read, 32768), b""): + dest_file.write(data) + progress.update(task_id, advance=len(data)) + + +def download(url: str, loop: int, workers: int, dest_dir: str): + """Download multuple files to the given directory.""" + if workers > 4: + workers = 4 + if workers < 0: + workers = 2 + with progress: + with ThreadPoolExecutor(max_workers=workers) as pool: + for i in range(loop): + filename = "D8{}.zip".format(i+1) + dest_path = os.path.join(dest_dir, filename) + task_id = progress.add_task("download", filename=filename, start=False) + pool.submit(copy_url, task_id, url, dest_path) + + +def execute_download(): + url = "https://plugins.jetbrains.com/plugin/download?rel=true&updateId=94618" + loop = 10 + workers = 2 + console = Console() + console.print(":smiley: :vampire: :pile_of_poo: :thumbs_up: :raccoon:") + logging.basicConfig(level="DEBUG", format="%(message)s", datefmt="[%Y-%m-%d %X]", handlers=[RichHandler()]) + log = logging.getLogger("rich") + try: + if sys.argv[1]: + loop = int(sys.argv[1]) + if sys.argv[2]: + workers = int(sys.argv[2]) + except Exception as e: + # just log + log.warning("you didn't set any parameters!") + console.print("parameter [bold magenta]loop[/bold magenta] = [bold green]10[/bold green], parameter [bold magenta]workers[/bold magenta] = [bold green]2[/bold green]") + download(url, loop, workers, "./") + + +def main(): + execute_download() + + +if __name__ == '__main__': + main() From 6c0c620799e10e1fd149de61444bb6686d231eaf Mon Sep 17 00:00:00 2001 From: D8GER Date: Sat, 22 Aug 2020 12:59:17 +0800 Subject: [PATCH 27/29] parameter fix --- concurrent_test/D8gerRich.py | 14 +++++++++----- 1 file changed, 9 insertions(+), 5 deletions(-) diff --git a/concurrent_test/D8gerRich.py b/concurrent_test/D8gerRich.py index ee2d9f4a41cc..d215746b4041 100755 --- a/concurrent_test/D8gerRich.py +++ b/concurrent_test/D8gerRich.py @@ -48,10 +48,6 @@ def copy_url(task_id: TaskID, url: str, path: str) -> None: def download(url: str, loop: int, workers: int, dest_dir: str): """Download multuple files to the given directory.""" - if workers > 4: - workers = 4 - if workers < 0: - workers = 2 with progress: with ThreadPoolExecutor(max_workers=workers) as pool: for i in range(loop): @@ -77,7 +73,15 @@ def execute_download(): except Exception as e: # just log log.warning("you didn't set any parameters!") - console.print("parameter [bold magenta]loop[/bold magenta] = [bold green]10[/bold green], parameter [bold magenta]workers[/bold magenta] = [bold green]2[/bold green]") + if loop > 64: + workers = 64 + if workers < 0: + workers = 10 + if workers > 8: + workers = 8 + if workers < 0: + workers = 2 + console.print("parameter [bold magenta]loop[/bold magenta] = [bold green]{}[/bold green], parameter [bold magenta]workers[/bold magenta] = [bold green]{}[/bold green]".format(loop, workers)) download(url, loop, workers, "./") From b9bb616a0a6ad0df8ffb3770c003ae0b3968aeba Mon Sep 17 00:00:00 2001 From: D8GER Date: Sat, 22 Aug 2020 13:08:57 +0800 Subject: [PATCH 28/29] parameter fix --- concurrent_test/D8gerRich.py | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/concurrent_test/D8gerRich.py b/concurrent_test/D8gerRich.py index d215746b4041..cf1853194387 100755 --- a/concurrent_test/D8gerRich.py +++ b/concurrent_test/D8gerRich.py @@ -74,9 +74,9 @@ def execute_download(): # just log log.warning("you didn't set any parameters!") if loop > 64: - workers = 64 - if workers < 0: - workers = 10 + loop = 64 + if loop < 0: + loop = 10 if workers > 8: workers = 8 if workers < 0: From 57d290918fd3f6af1e5c0940aed95642f931d32e Mon Sep 17 00:00:00 2001 From: D8GER Date: Fri, 7 May 2021 16:15:25 +0800 Subject: [PATCH 29/29] parameter fix --- concurrent_test/easy_test.py | 6 ++---- 1 file changed, 2 insertions(+), 4 deletions(-) diff --git a/concurrent_test/easy_test.py b/concurrent_test/easy_test.py index 2c369d66caba..8a431990dd4b 100644 --- a/concurrent_test/easy_test.py +++ b/concurrent_test/easy_test.py @@ -1,14 +1,12 @@ #!/usr/bin/env python # -*- coding: utf-8 -*- +import argparse import datetime -import json import ssl from concurrent.futures.thread import ThreadPoolExecutor -import requests - import numpy as np -import argparse +import requests # 屏蔽HTTPS证书校验, 忽略安全警告 requests.packages.urllib3.disable_warnings()